From 325e235fccfefe68cb08637a55b100131f2e0394 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 24 Aug 2021 01:50:17 -0400 Subject: [PATCH 001/463] removing dependence on iopath (#1381) --- .../unittest/linux/scripts/environment.yml | 1 - .../unittest/windows/scripts/environment.yml | 2 - docs/requirements.txt | 1 - packaging/pkg_helpers.bash | 1 - packaging/torchtext/meta.yaml | 1 - requirements.txt | 1 - torchtext/_download_hooks.py | 134 ++---------------- 7 files changed, 10 insertions(+), 131 deletions(-) diff --git a/.circleci/unittest/linux/scripts/environment.yml b/.circleci/unittest/linux/scripts/environment.yml index e616d8f107..363e3085e1 100644 --- a/.circleci/unittest/linux/scripts/environment.yml +++ b/.circleci/unittest/linux/scripts/environment.yml @@ -8,7 +8,6 @@ dependencies: - dataclasses - nltk - requests - - iopath - revtok - pytest - pytest-cov diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index 75e6d25c13..dc9889b588 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -3,13 +3,11 @@ channels: dependencies: - flake8>=3.7.9 - codecov - - pywin32 - pip - pip: - dataclasses - nltk - requests - - iopath - revtok - pytest - pytest-cov diff --git a/docs/requirements.txt b/docs/requirements.txt index 65538b7b8a..560a2b3600 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,3 +1,2 @@ sphinx==2.4.4 -iopath -e git+git://github.com/pytorch/pytorch_sphinx_theme.git#egg=pytorch_sphinx_theme diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index e0c81205bc..8f1e24f1da 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -180,7 +180,6 @@ setup_pip_pytorch_version() { # You MUST have populated PYTORCH_VERSION_SUFFIX before hand. setup_conda_pytorch_constraint() { CONDA_CHANNEL_FLAGS=${CONDA_CHANNEL_FLAGS:-} - CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c iopath" if [[ -z "$PYTORCH_VERSION" ]]; then export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-nightly" export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | python -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 61b8f50adb..36008e5cf5 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -20,7 +20,6 @@ requirements: run: - python - requests - - iopath - tqdm {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} diff --git a/requirements.txt b/requirements.txt index ceb21c99cf..fd100b8eb3 100644 --- a/requirements.txt +++ b/requirements.txt @@ -3,7 +3,6 @@ tqdm # Downloading data and other files requests -iopath # Optional NLP tools nltk diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 269d251ec3..9a666d5e20 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -1,18 +1,6 @@ -from typing import List, Optional, Union, IO, Dict, Any import requests -import os -import logging -import uuid import re -import shutil from tqdm import tqdm -from iopath.common.file_io import ( - PathHandler, - PathManager, - get_cache_dir, - file_lock, - HTTPURLHandler, -) def _stream_response(r, chunk_size=16 * 1024): @@ -54,118 +42,16 @@ def _get_response_from_google_drive(url): return response, filename -class GoogleDrivePathHandler(PathHandler): - """ - Download URLs and cache them to disk. - """ - - MAX_FILENAME_LEN = 250 - - def __init__(self) -> None: - self.cache_map: Dict[str, str] = {} - - def _get_supported_prefixes(self) -> List[str]: - return ["https://drive.google.com"] - - def _get_local_path( - self, - path: str, - force: bool = False, - cache_dir: Optional[str] = None, - **kwargs: Any, - ) -> str: - """ - This implementation downloads the remote resource from google drive and caches it locally. - The resource will only be downloaded if not previously requested. - """ - self._check_kwargs(kwargs) - if ( - force - or path not in self.cache_map - or not os.path.exists(self.cache_map[path]) - ): - logger = logging.getLogger(__name__) - dirname = get_cache_dir(cache_dir) - - response, filename = _get_response_from_google_drive(path) - if len(filename) > self.MAX_FILENAME_LEN: - filename = filename[:100] + "_" + uuid.uuid4().hex - - cached = os.path.join(dirname, filename) - with file_lock(cached): - if not os.path.isfile(cached): - logger.info("Downloading {} ...".format(path)) - with open(cached, 'wb') as f: - for data in _stream_response(response): - f.write(data) - logger.info("URL {} cached in {}".format(path, cached)) - self.cache_map[path] = cached - return self.cache_map[path] - - def _open( - self, path: str, mode: str = "r", buffering: int = -1, **kwargs: Any - ) -> Union[IO[str], IO[bytes]]: - """ - Open a google drive path. The resource is first downloaded and cached - locally. - Args: - path (str): A URI supported by this PathHandler - mode (str): Specifies the mode in which the file is opened. It defaults - to 'r'. - buffering (int): Not used for this PathHandler. - Returns: - file: a file-like object. - """ - self._check_kwargs(kwargs) - assert mode in ("r", "rb"), "{} does not support open with {} mode".format( - self.__class__.__name__, mode - ) - assert ( - buffering == -1 - ), f"{self.__class__.__name__} does not support the `buffering` argument" - local_path = self._get_local_path(path, force=False) - return open(local_path, mode) - - -class CombinedInternalPathhandler(PathHandler): - def __init__(self): - path_manager = PathManager() - path_manager.register_handler(HTTPURLHandler()) - path_manager.register_handler(GoogleDrivePathHandler()) - self.path_manager = path_manager - - def _get_supported_prefixes(self) -> List[str]: - return ["https://", "http://"] - - def _get_local_path( - self, - path: str, - force: bool = False, - cache_dir: Optional[str] = None, - **kwargs: Any, - ) -> str: - - destination = kwargs["destination"] - - local_path = self.path_manager.get_local_path(path, force) - - shutil.move(local_path, destination) - - return destination +class DownloadManager: + def get_local_path(self, url, destination): + if 'drive.google.com' not in url: + response = requests.get(url, headers={'User-Agent': 'Mozilla/5.0'}, stream=True) + else: + response, filename = _get_response_from_google_drive(url) - def _open( - self, path: str, mode: str = "r", buffering: int = -1, **kwargs: Any - ) -> Union[IO[str], IO[bytes]]: - self._check_kwargs(kwargs) - assert mode in ("r", "rb"), "{} does not support open with {} mode".format( - self.__class__.__name__, mode - ) - assert ( - buffering == -1 - ), f"{self.__class__.__name__} does not support the `buffering` argument" - local_path = self._get_local_path(path, force=False) - return open(local_path, mode) + with open(destination, 'wb') as f: + for chunk in _stream_response(response): + f.write(chunk) -_DATASET_DOWNLOAD_MANAGER = PathManager() -_DATASET_DOWNLOAD_MANAGER.register_handler(CombinedInternalPathhandler()) +_DATASET_DOWNLOAD_MANAGER = DownloadManager() From aa12e9a4a402bfb030f453c5fea375a2b0746f0a Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 26 Aug 2021 20:37:46 -0400 Subject: [PATCH 002/463] [fbsync] Enabling torchtext extension work seamlessly between OSS and on fbcode (#1382) --- torchtext/__init__.py | 21 +-------------------- torchtext/_extension.py | 18 ++++++++++++++++++ 2 files changed, 19 insertions(+), 20 deletions(-) create mode 100644 torchtext/_extension.py diff --git a/torchtext/__init__.py b/torchtext/__init__.py index a7477706ef..8e1a92feab 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -5,6 +5,7 @@ from . import vocab from . import experimental from . import legacy +from ._extension import _init_extension try: @@ -21,26 +22,6 @@ 'legacy'] -def _init_extension(): - import os - import importlib - import torch - - # load the custom_op_library and register the custom ops - lib_dir = os.path.dirname(__file__) - loader_details = ( - importlib.machinery.ExtensionFileLoader, - importlib.machinery.EXTENSION_SUFFIXES - ) - - extfinder = importlib.machinery.FileFinder(lib_dir, loader_details) - ext_specs = extfinder.find_spec("_torchtext") - if ext_specs is None: - raise ImportError("torchtext C++ Extension is not found.") - torch.ops.load_library(ext_specs.origin) - torch.classes.load_library(ext_specs.origin) - - _init_extension() diff --git a/torchtext/_extension.py b/torchtext/_extension.py new file mode 100644 index 0000000000..4400582113 --- /dev/null +++ b/torchtext/_extension.py @@ -0,0 +1,18 @@ +def _init_extension(): + import os + import importlib + import torch + + # load the custom_op_library and register the custom ops + lib_dir = os.path.dirname(__file__) + loader_details = ( + importlib.machinery.ExtensionFileLoader, + importlib.machinery.EXTENSION_SUFFIXES + ) + + extfinder = importlib.machinery.FileFinder(lib_dir, loader_details) + ext_specs = extfinder.find_spec("_torchtext") + if ext_specs is None: + raise ImportError("torchtext C++ Extension is not found.") + torch.ops.load_library(ext_specs.origin) + torch.classes.load_library(ext_specs.origin) From b40eb2c7d7bf0054a2bf177717a40d12cd894039 Mon Sep 17 00:00:00 2001 From: Iyed Bennour <32303027+iyedbennour@users.noreply.github.com> Date: Tue, 31 Aug 2021 04:09:41 +0200 Subject: [PATCH 003/463] Update vectors.py (#1383) --- torchtext/vocab/vectors.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/vocab/vectors.py b/torchtext/vocab/vectors.py index bec350b9a1..e04eb4ee33 100644 --- a/torchtext/vocab/vectors.py +++ b/torchtext/vocab/vectors.py @@ -187,7 +187,7 @@ def get_vecs_by_tokens(self, tokens, lower_case_backup=False): Examples: >>> examples = ['chip', 'baby', 'Beautiful'] >>> vec = text.vocab.GloVe(name='6B', dim=50) - >>> ret = vec.get_vecs_by_tokens(tokens, lower_case_backup=True) + >>> ret = vec.get_vecs_by_tokens(examples, lower_case_backup=True) """ to_reduce = False From 5712f11602d96f5bdd0cd120127bbebefa2f0ffe Mon Sep 17 00:00:00 2001 From: Nikita Shulga Date: Tue, 14 Sep 2021 11:29:41 -0700 Subject: [PATCH 004/463] Update sentencepiece to v0.1.95 (#1336) --- third_party/sentencepiece | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/third_party/sentencepiece b/third_party/sentencepiece index e8a84a16d1..0e6dfbf86e 160000 --- a/third_party/sentencepiece +++ b/third_party/sentencepiece @@ -1 +1 @@ -Subproject commit e8a84a16d13e8bf92892a1cd92e4de3b0d0321fd +Subproject commit 0e6dfbf86e2fa6d86a3d9a8a08a628da71c073e0 From 9c796fd3ea7697a856f93552d1aeca1e12910eb8 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 15 Sep 2021 11:36:12 -0400 Subject: [PATCH 005/463] changing branch from master to main (#1392) --- README.rst | 28 ++++++++++++++-------------- 1 file changed, 14 insertions(+), 14 deletions(-) diff --git a/README.rst b/README.rst index cd23d169aa..3a8053261b 100644 --- a/README.rst +++ b/README.rst @@ -1,7 +1,7 @@ .. image:: https://circleci.com/gh/pytorch/text.svg?style=svg :target: https://circleci.com/gh/pytorch/text -.. image:: https://codecov.io/gh/pytorch/text/branch/master/graph/badge.svg +.. image:: https://codecov.io/gh/pytorch/text/branch/main/graph/badge.svg :target: https://codecov.io/gh/pytorch/text .. image:: https://img.shields.io/badge/dynamic/json.svg?label=docs&url=https%3A%2F%2Fpypi.org%2Fpypi%2Ftorchtext%2Fjson&query=%24.info.version&colorB=brightgreen&prefix=v @@ -12,13 +12,13 @@ torchtext This repository consists of: -* `torchtext.datasets `_: The raw text iterators for common NLP datasets -* `torchtext.data `_: Some basic NLP building blocks (tokenizers, metrics, functionals etc.) -* `torchtext.nn `_: NLP related modules -* `torchtext.vocab `_: Vocab and Vectors related classes and factory functions -* `examples `_: Example NLP workflows with PyTorch and torchtext library. +* `torchtext.datasets `_: The raw text iterators for common NLP datasets +* `torchtext.data `_: Some basic NLP building blocks (tokenizers, metrics, functionals etc.) +* `torchtext.nn `_: NLP related modules +* `torchtext.vocab `_: Vocab and Vectors related classes and factory functions +* `examples `_: Example NLP workflows with PyTorch and torchtext library. -Note: The legacy code discussed in `torchtext v0.7.0 release note `_ has been retired to `torchtext.legacy `_ folder. Those legacy code will not be maintained by the development team, and we plan to fully remove them in the future release. See `torchtext.legacy `_ folder for more details. +Note: The legacy code discussed in `torchtext v0.7.0 release note `_ has been retired to `torchtext.legacy `_ folder. Those legacy code will not be maintained by the development team, and we plan to fully remove them in the future release. See `torchtext.legacy `_ folder for more details. Installation ============ @@ -29,7 +29,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :header: "PyTorch version", "torchtext version", "Supported Python version" :widths: 10, 10, 10 - nightly build, master, 3.6+ + nightly build, main, 3.6+ 1.9, 0.10, 3.6+ 1.8, 0.9, 3.6+ 1.7, 0.8, 3.6+ @@ -82,7 +82,7 @@ To build torchtext from source, you need ``git``, ``CMake`` and C++11 compiler s **Note** When building from source, make sure that you have the same C++ compiler as the one used to build PyTorch. A simple way is to build PyTorch from source and use the same environment to build torchtext. -If you are using the nightly build of PyTorch, checkout the environment it was built with `conda (here) `_ and `pip (here) `_. +If you are using the nightly build of PyTorch, checkout the environment it was built with `conda (here) `_ and `pip (here) `_. Documentation ============= @@ -130,8 +130,8 @@ To get started with torchtext, users may refer to the following tutorials availa We have re-written several building blocks under ``torchtext.experimental``: -* `Transforms `_: some basic data processing building blocks -* `Vectors `_: the vectors to convert tokens into tensors. +* `Transforms `_: some basic data processing building blocks +* `Vectors `_: the vectors to convert tokens into tensors. These prototype building blocks in the experimental folder are available in the nightly release only. The nightly packages are accessible via Pip and Conda for Windows, Mac, and Linux. For example, Linux users can install the nightly wheels with the following command:: @@ -142,7 +142,7 @@ For more detailed instructions, please refer to `Install PyTorch `_. This is part of the work to revamp the torchtext library and the motivation has been discussed in `Issue #664 `_: +In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy `_. This is part of the work to revamp the torchtext library and the motivation has been discussed in `Issue #664 `_: * ``torchtext.legacy.data.field`` * ``torchtext.legacy.data.batch`` @@ -151,9 +151,9 @@ In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy < * ``torchtext.legacy.data.pipeline`` * ``torchtext.legacy.datasets`` -We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. +We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. -In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. +In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. Disclaimer on Datasets ====================== From 464244298c07ec7431d7ebdaca6361560ccbe1d0 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 16 Sep 2021 10:33:18 -0400 Subject: [PATCH 006/463] Migrate CircleCI docker image (#1393) MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit CCI says circleci/python:3.8 is deprecaetd. Migrating to cimg/python:3.8. > CircleCI’s latest pre-built container images were designed from the ground up to help your team build more reliably. > Our new images were built specifically for continuous integration projects and they are our most deterministic, performant, and efficient images yet. > As of Dec 31, 2021, legacy images will no longer be supported on CircleCI. Related links - https://circleci.com/blog/announcing-our-next-generation-convenience-images-smaller-faster-more-deterministic - https://discuss.circleci.com/t/legacy-convenience-image-deprecation/41034 - https://circleci.com/docs/2.0/next-gen-migration-guide --- .circleci/config.yml | 4 ++-- .circleci/config.yml.in | 4 ++-- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index ce597158dd..21bcfb9954 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -83,7 +83,7 @@ smoke_test_common: &smoke_test_common jobs: circleci_consistency: docker: - - image: circleci/python:3.8 + - image: cimg/python:3.8 steps: - checkout - run: @@ -234,7 +234,7 @@ jobs: # Requires org-member context binary_wheel_upload: docker: - - image: circleci/python:3.8 + - image: cimg/python:3.8 steps: - attach_workspace: at: ~/workspace diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index c8e846ea0a..971f4eb971 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -83,7 +83,7 @@ smoke_test_common: &smoke_test_common jobs: circleci_consistency: docker: - - image: circleci/python:3.8 + - image: cimg/python:3.8 steps: - checkout - run: @@ -234,7 +234,7 @@ jobs: # Requires org-member context binary_wheel_upload: docker: - - image: circleci/python:3.8 + - image: cimg/python:3.8 steps: - attach_workspace: at: ~/workspace From 2b0661447ff83f28cf8d6d1a35c4810578c093fd Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 6 Oct 2021 12:29:17 -0400 Subject: [PATCH 007/463] remove BERT example (#1402) --- examples/BERT/README.md | 143 -------------------- examples/BERT/data.py | 54 -------- examples/BERT/metrics.py | 72 ---------- examples/BERT/mlm_task.py | 269 -------------------------------------- examples/BERT/model.py | 177 ------------------------- examples/BERT/ns_task.py | 262 ------------------------------------- examples/BERT/qa_task.py | 214 ------------------------------ examples/BERT/utils.py | 58 -------- 8 files changed, 1249 deletions(-) delete mode 100644 examples/BERT/README.md delete mode 100644 examples/BERT/data.py delete mode 100644 examples/BERT/metrics.py delete mode 100644 examples/BERT/mlm_task.py delete mode 100644 examples/BERT/model.py delete mode 100644 examples/BERT/ns_task.py delete mode 100644 examples/BERT/qa_task.py delete mode 100644 examples/BERT/utils.py diff --git a/examples/BERT/README.md b/examples/BERT/README.md deleted file mode 100644 index 3089efed65..0000000000 --- a/examples/BERT/README.md +++ /dev/null @@ -1,143 +0,0 @@ -# BERT with torchtext - -This example shows how to train a BERT model with PyTorch and torchtext only. Then, we fine-tune the pre-trained BERT for the question-answer task. - - -## Generate pre-trained BERT - -Train the BERT model with masked language modeling task and next-sentence task. Run the tasks on a local GPU or CPU: - - python mlm_task.py - python ns_task.py - -or run the tasks on a SLURM powered cluster with Distributed Data Parallel (DDP): - - srun --label --ntasks-per-node=1 --time=4000 --mem-per-cpu=5120 --gres=gpu:8 --cpus-per-task 80 --nodes=1 --pty python mlm_task.py --parallel DDP --log-interval 600 --dataset BookCorpus - - srun --label --ntasks-per-node=1 --time=4000 --mem-per-cpu=5120 --gres=gpu:8 --cpus-per-task 80 --nodes=1 --pty python ns_task.py --parallel DDP --bert-model mlm_bert.pt --dataset BookCorpus - -The result ppl of mlm_task is 18.97899 for the test set. -The result loss of ns_task is 0.05446 for the test set. - -## Fine-tune pre-trained BERT for question-answer task - -With SQuAD dataset, the pre-trained BERT is used for question-answer task: - - python qa_task.py --bert-model ns_bert.pt --epochs 30 - -The pre-trained BERT models and vocab are available: - -* [torchtext_bert_vocab.pt](https://pytorch.s3.amazonaws.com/models/text/torchtext_bert_example/torchtext_bert_vocab.pt) -* [mlm_bert.pt](https://pytorch.s3.amazonaws.com/models/text/torchtext_bert_example/mlm_bert.pt) -* [ns_bert.pt](https://pytorch.s3.amazonaws.com/models/text/torchtext_bert_example/ns_bert.pt) - -An example train/valid/test printout with the pretrained BERT model in question-answer task: - - | epoch 1 | 200/ 1055 batches | lr 5.00000 | ms/batch 748.82 | loss 3.75 | ppl 42.32 - | epoch 1 | 400/ 1055 batches | lr 5.00000 | ms/batch 746.04 | loss 3.46 | ppl 31.85 - | epoch 1 | 600/ 1055 batches | lr 5.00000 | ms/batch 748.82 | loss 3.09 | ppl 21.90 - | epoch 1 | 800/ 1055 batches | lr 5.00000 | ms/batch 743.96 | loss 2.77 | ppl 15.89 - | epoch 1 | 1000/ 1055 batches | lr 5.00000 | ms/batch 743.21 | loss 2.30 | ppl 9.99 - ----------------------------------------------------------------------------------------- - | end of epoch 1 | time: 821.76s | valid loss 1.92 | exact 49.945% | f1 62.056% - ----------------------------------------------------------------------------------------- - | epoch 2 | 200/ 1055 batches | lr 5.00000 | ms/batch 749.20 | loss 1.81 | ppl 6.10 - | epoch 2 | 400/ 1055 batches | lr 5.00000 | ms/batch 743.78 | loss 1.72 | ppl 5.61 - | epoch 2 | 600/ 1055 batches | lr 5.00000 | ms/batch 744.54 | loss 1.66 | ppl 5.28 - | epoch 2 | 800/ 1055 batches | lr 5.00000 | ms/batch 744.99 | loss 1.64 | ppl 5.17 - | epoch 2 | 1000/ 1055 batches | lr 5.00000 | ms/batch 744.06 | loss 1.60 | ppl 4.96 - ----------------------------------------------------------------------------------------- - | end of epoch 2 | time: 821.15s | valid loss 1.58 | exact 59.221% | f1 71.034% - ----------------------------------------------------------------------------------------- - | epoch 3 | 200/ 1055 batches | lr 5.00000 | ms/batch 747.07 | loss 1.41 | ppl 4.10 - | epoch 3 | 400/ 1055 batches | lr 5.00000 | ms/batch 743.91 | loss 1.39 | ppl 4.03 - | epoch 3 | 600/ 1055 batches | lr 5.00000 | ms/batch 743.71 | loss 1.39 | ppl 4.03 - | epoch 3 | 800/ 1055 batches | lr 5.00000 | ms/batch 744.33 | loss 1.39 | ppl 4.03 - | epoch 3 | 1000/ 1055 batches | lr 5.00000 | ms/batch 744.86 | loss 1.40 | ppl 4.05 - ----------------------------------------------------------------------------------------- - | end of epoch 3 | time: 820.46s | valid loss 1.46 | exact 62.612% | f1 73.513% - ----------------------------------------------------------------------------------------- - | epoch 4 | 200/ 1055 batches | lr 5.00000 | ms/batch 749.89 | loss 1.20 | ppl 3.33 - | epoch 4 | 400/ 1055 batches | lr 5.00000 | ms/batch 748.50 | loss 1.20 | ppl 3.32 - | epoch 4 | 600/ 1055 batches | lr 5.00000 | ms/batch 745.78 | loss 1.24 | ppl 3.47 - | epoch 4 | 800/ 1055 batches | lr 5.00000 | ms/batch 744.94 | loss 1.24 | ppl 3.45 - | epoch 4 | 1000/ 1055 batches | lr 5.00000 | ms/batch 744.22 | loss 1.25 | ppl 3.48 - ----------------------------------------------------------------------------------------- - | end of epoch 4 | time: 822.04s | valid loss 1.47 | exact 62.758% | f1 73.744% - ----------------------------------------------------------------------------------------- - | epoch 5 | 200/ 1055 batches | lr 5.00000 | ms/batch 747.76 | loss 1.05 | ppl 2.87 - | epoch 5 | 400/ 1055 batches | lr 5.00000 | ms/batch 743.78 | loss 1.08 | ppl 2.94 - | epoch 5 | 600/ 1055 batches | lr 5.00000 | ms/batch 743.69 | loss 1.09 | ppl 2.97 - | epoch 5 | 800/ 1055 batches | lr 5.00000 | ms/batch 743.58 | loss 1.10 | ppl 3.01 - | epoch 5 | 1000/ 1055 batches | lr 5.00000 | ms/batch 743.05 | loss 1.13 | ppl 3.08 - ----------------------------------------------------------------------------------------- - | end of epoch 5 | time: 819.86s | valid loss 1.49 | exact 63.372% | f1 74.179% - ----------------------------------------------------------------------------------------- - | epoch 6 | 200/ 1055 batches | lr 5.00000 | ms/batch 748.29 | loss 0.93 | ppl 2.54 - | epoch 6 | 400/ 1055 batches | lr 5.00000 | ms/batch 744.01 | loss 0.96 | ppl 2.62 - | epoch 6 | 600/ 1055 batches | lr 5.00000 | ms/batch 744.13 | loss 0.97 | ppl 2.63 - | epoch 6 | 800/ 1055 batches | lr 5.00000 | ms/batch 744.19 | loss 0.99 | ppl 2.68 - | epoch 6 | 1000/ 1055 batches | lr 5.00000 | ms/batch 744.10 | loss 1.00 | ppl 2.73 - ----------------------------------------------------------------------------------------- - | end of epoch 6 | time: 820.67s | valid loss 1.52 | exact 62.902% | f1 73.918% - ----------------------------------------------------------------------------------------- - | epoch 7 | 200/ 1055 batches | lr 0.50000 | ms/batch 748.94 | loss 0.74 | ppl 2.09 - | epoch 7 | 400/ 1055 batches | lr 0.50000 | ms/batch 743.26 | loss 0.70 | ppl 2.01 - | epoch 7 | 600/ 1055 batches | lr 0.50000 | ms/batch 745.73 | loss 0.68 | ppl 1.97 - | epoch 7 | 800/ 1055 batches | lr 0.50000 | ms/batch 745.74 | loss 0.67 | ppl 1.96 - | epoch 7 | 1000/ 1055 batches | lr 0.50000 | ms/batch 744.42 | loss 0.65 | ppl 1.92 - ----------------------------------------------------------------------------------------- - | end of epoch 7 | time: 820.97s | valid loss 1.60 | exact 65.965% | f1 76.315% - ----------------------------------------------------------------------------------------- - | epoch 8 | 200/ 1055 batches | lr 0.50000 | ms/batch 748.37 | loss 0.61 | ppl 1.85 - | epoch 8 | 400/ 1055 batches | lr 0.50000 | ms/batch 747.32 | loss 0.60 | ppl 1.82 - | epoch 8 | 600/ 1055 batches | lr 0.50000 | ms/batch 746.12 | loss 0.60 | ppl 1.82 - | epoch 8 | 800/ 1055 batches | lr 0.50000 | ms/batch 745.98 | loss 0.60 | ppl 1.83 - | epoch 8 | 1000/ 1055 batches | lr 0.50000 | ms/batch 744.58 | loss 0.60 | ppl 1.82 - ----------------------------------------------------------------------------------------- - | end of epoch 8 | time: 821.95s | valid loss 1.64 | exact 65.214% | f1 76.046% - ----------------------------------------------------------------------------------------- - | epoch 9 | 200/ 1055 batches | lr 0.05000 | ms/batch 748.68 | loss 0.55 | ppl 1.74 - | epoch 9 | 400/ 1055 batches | lr 0.05000 | ms/batch 743.93 | loss 0.54 | ppl 1.71 - | epoch 9 | 600/ 1055 batches | lr 0.05000 | ms/batch 744.58 | loss 0.55 | ppl 1.72 - | epoch 9 | 800/ 1055 batches | lr 0.05000 | ms/batch 744.37 | loss 0.56 | ppl 1.75 - | epoch 9 | 1000/ 1055 batches | lr 0.05000 | ms/batch 744.40 | loss 0.54 | ppl 1.72 - ----------------------------------------------------------------------------------------- - | end of epoch 9 | time: 820.87s | valid loss 1.66 | exact 65.272% | f1 75.929% - ----------------------------------------------------------------------------------------- - | epoch 10 | 200/ 1055 batches | lr 0.00500 | ms/batch 748.50 | loss 0.54 | ppl 1.72 - | epoch 10 | 400/ 1055 batches | lr 0.00500 | ms/batch 744.92 | loss 0.55 | ppl 1.72 - | epoch 10 | 600/ 1055 batches | lr 0.00500 | ms/batch 745.06 | loss 0.55 | ppl 1.73 - | epoch 10 | 800/ 1055 batches | lr 0.00500 | ms/batch 745.30 | loss 0.54 | ppl 1.71 - | epoch 10 | 1000/ 1055 batches | lr 0.00500 | ms/batch 746.06 | loss 0.54 | ppl 1.72 - ----------------------------------------------------------------------------------------- - | end of epoch 10 | time: 821.62s | valid loss 1.67 | exact 65.382% | f1 76.090% - ----------------------------------------------------------------------------------------- - ========================================================================================= - | End of training | test loss 1.61 | exact 66.124% | f1 76.373% - ========================================================================================= - -## Structure of the example - -### model.py - -This file defines the Transformer and MultiheadAttention models used for BERT. The embedding layer include PositionalEncoding and TokenTypeEncoding layers. MLMTask, NextSentenceTask, and QuestionAnswerTask are the models for the three tasks mentioned above. - -### data.py - -This file provides a few datasets required to train the BERT model and question-answer task. Please note that BookCorpus dataset is not available publicly. - - -### mlm_task.py, ns_task.py, qa_task.py - -Those three files define the train/valid/test process for the tasks. - - -### metrics.py - -This file provides two metrics (F1 and exact score) for question-answer task - - -### utils.py - -This file provides a few utils used by the three tasks. diff --git a/examples/BERT/data.py b/examples/BERT/data.py deleted file mode 100644 index b5e669dc9f..0000000000 --- a/examples/BERT/data.py +++ /dev/null @@ -1,54 +0,0 @@ -import glob -import torch -import logging -from torchtext.data.utils import get_tokenizer -import random -from torchtext.experimental.datasets import LanguageModelingDataset - - -################################################################### -# Set up dataset for book corpus -################################################################### -def BookCorpus(vocab, tokenizer=get_tokenizer("basic_english"), - data_select=('train', 'valid', 'test'), removed_tokens=[], - min_sentence_len=None): - - if isinstance(data_select, str): - data_select = [data_select] - if not set(data_select).issubset(set(('train', 'test', 'valid'))): - raise TypeError('data_select is not supported!') - - extracted_files = glob.glob('/datasets01/bookcorpus/021819/*/*.txt') - random.seed(1000) - random.shuffle(extracted_files) - - num_files = len(extracted_files) - _path = {'train': extracted_files[:(num_files // 20 * 17)], - 'test': extracted_files[(num_files // 20 * 17):(num_files // 20 * 18)], - 'valid': extracted_files[(num_files // 20 * 18):]} - - data = {} - for item in _path.keys(): - data[item] = [] - logging.info('Creating {} data'.format(item)) - tokens = [] - for txt_file in _path[item]: - with open(txt_file, 'r', encoding="utf8", errors='ignore') as f: - for line in f.readlines(): - _tokens = tokenizer(line.strip()) - if min_sentence_len: - if len(_tokens) >= min_sentence_len: - tokens.append([vocab.stoi[token] for token in _tokens]) - else: - tokens += [vocab.stoi[token] for token in _tokens] - data[item] = tokens - - for key in data_select: - if data[key] == []: - raise TypeError('Dataset {} is empty!'.format(key)) - if min_sentence_len: - return tuple(LanguageModelingDataset(data[d], vocab, lambda x: x, False) - for d in data_select) - else: - return tuple(LanguageModelingDataset(torch.tensor(data[d]).long(), vocab, lambda x: x, False) - for d in data_select) diff --git a/examples/BERT/metrics.py b/examples/BERT/metrics.py deleted file mode 100644 index dba20bb753..0000000000 --- a/examples/BERT/metrics.py +++ /dev/null @@ -1,72 +0,0 @@ -import collections -import re -import string - - -def compute_qa_exact(ans_pred_tokens_samples): - - ''' - Input: ans_pred_tokens_samples: [([ans1_tokens_candidate1, ans1_tokens_candidate2], pred1_tokens), - ([ans2_tokens_candidate1, ans2_tokens_candidate2], pred2_tokens), - ... - ([ansn_tokens_candidate1, ansn_tokens_candidate2], predn_tokens)] - ans1_tokens_candidate1 = ['this', 'is', 'an', 'sample', 'example'] - Output: exact score of the samples - ''' - - def normalize_txt(text): - # lower case - text = text.lower() - - # remove punc - exclude = set(string.punctuation) - text = "".join(ch for ch in text if ch not in exclude) - - # remove articles - regex = re.compile(r"\b(a|an|the)\b", re.UNICODE) - text = re.sub(regex, " ", text) - - # white space fix - return " ".join(text.split()) - - exact_scores = [] - for (ans_tokens, pred_tokens) in ans_pred_tokens_samples: - pred_str = " ".join(pred_tokens) - candidate_score = [] - for item in ans_tokens: - ans_str = " ".join(item) - candidate_score.append(int(normalize_txt(ans_str) == normalize_txt(pred_str))) - exact_scores.append(max(candidate_score)) - return 100.0 * sum(exact_scores) / len(exact_scores) - - -def compute_qa_f1(ans_pred_tokens_samples): - - ''' - Input: ans_pred_tokens_samples: [([ans1_tokens_candidate1, ans1_tokens_candidate2], pred1_tokens), - ([ans2_tokens_candidate1, ans2_tokens_candidate2], pred2_tokens), - ... - ([ansn_tokens_candidate1, ansn_tokens_candidate2], predn_tokens)] - ans1_tokens_candidate1 = ['this', 'is', 'an', 'sample', 'example'] - Output: f1 score of the samples - ''' - def sample_f1(ans_tokens, pred_tokens): - common = collections.Counter(ans_tokens) & collections.Counter(pred_tokens) - num_same = sum(common.values()) - if len(ans_tokens) == 0 or len(pred_tokens) == 0: - # If either is no-answer, then F1 is 1 if they agree, 0 otherwise - return int(ans_tokens == pred_tokens) - if num_same == 0: - return 0 - precision = 1.0 * num_same / len(pred_tokens) - recall = 1.0 * num_same / len(ans_tokens) - f1 = (2 * precision * recall) / (precision + recall) - return f1 - - f1_scores = [] - for (ans_tokens, pred_tokens) in ans_pred_tokens_samples: - candidate_score = [] - for item in ans_tokens: - candidate_score.append(sample_f1(item, pred_tokens)) - f1_scores.append(max(candidate_score)) - return 100.0 * sum(f1_scores) / len(f1_scores) diff --git a/examples/BERT/mlm_task.py b/examples/BERT/mlm_task.py deleted file mode 100644 index aaf61a8e87..0000000000 --- a/examples/BERT/mlm_task.py +++ /dev/null @@ -1,269 +0,0 @@ -import argparse -import time -import math -import torch -import torch.nn as nn -from model import MLMTask -from utils import run_demo, run_ddp, wrap_up -import torch.distributed as dist -from torch.nn.parallel import DistributedDataParallel as DDP -from torch.utils.data import DataLoader - - -def collate_batch(batch_data, args, mask_id, cls_id): - batch_data = torch.tensor(batch_data).long().view(args.batch_size, -1).t().contiguous() - # Generate masks with args.mask_frac - data_len = batch_data.size(0) - ones_num = int(data_len * args.mask_frac) - zeros_num = data_len - ones_num - lm_mask = torch.cat([torch.zeros(zeros_num), torch.ones(ones_num)]) - lm_mask = lm_mask[torch.randperm(data_len)] - batch_data = torch.cat((torch.tensor([[cls_id] * batch_data.size(1)]).long(), batch_data)) - lm_mask = torch.cat((torch.tensor([0.0]), lm_mask)) - - targets = torch.stack([batch_data[i] for i in range(lm_mask.size(0)) if lm_mask[i]]).view(-1) - batch_data = batch_data.masked_fill(lm_mask.bool().unsqueeze(1), mask_id) - return batch_data, lm_mask, targets - - -def process_raw_data(raw_data, args): - _num = raw_data.size(0) // (args.batch_size * args.bptt) - raw_data = raw_data[:(_num * args.batch_size * args.bptt)] - return raw_data - - -def evaluate(data_source, model, vocab, ntokens, criterion, args, device): - # Turn on evaluation mode which disables dropout. - model.eval() - total_loss = 0. - mask_id = vocab.stoi[''] - cls_id = vocab.stoi[''] - dataloader = DataLoader(data_source, batch_size=args.batch_size * args.bptt, - shuffle=False, collate_fn=lambda b: collate_batch(b, args, mask_id, cls_id)) - with torch.no_grad(): - for batch, (data, lm_mask, targets) in enumerate(dataloader): - if args.parallel == 'DDP': - data = data.to(device[0]) - targets = targets.to(device[0]) - else: - data = data.to(device) - targets = targets.to(device) - data = data.transpose(0, 1) # Wrap up by DDP or DataParallel - output = model(data) - output = torch.stack([output[i] for i in range(lm_mask.size(0)) if lm_mask[i]]) - output_flat = output.view(-1, ntokens) - total_loss += criterion(output_flat, targets).item() - return total_loss / ((len(data_source) - 1) / args.bptt / args.batch_size) - - -def train(model, vocab, train_loss_log, train_data, - optimizer, criterion, ntokens, epoch, scheduler, args, device, rank=None): - model.train() - total_loss = 0. - start_time = time.time() - mask_id = vocab.stoi[''] - cls_id = vocab.stoi[''] - train_loss_log.append(0.0) - dataloader = DataLoader(train_data, batch_size=args.batch_size * args.bptt, - shuffle=False, collate_fn=lambda b: collate_batch(b, args, mask_id, cls_id)) - - for batch, (data, lm_mask, targets) in enumerate(dataloader): - optimizer.zero_grad() - if args.parallel == 'DDP': - data = data.to(device[0]) - targets = targets.to(device[0]) - else: - data = data.to(device) - targets = targets.to(device) - data = data.transpose(0, 1) # Wrap up by DDP or DataParallel - output = model(data) - output = torch.stack([output[i] for i in range(lm_mask.size(0)) if lm_mask[i]]) - loss = criterion(output.view(-1, ntokens), targets) - loss.backward() - torch.nn.utils.clip_grad_norm_(model.parameters(), args.clip) - optimizer.step() - total_loss += loss.item() - if batch % args.log_interval == 0 and batch > 0: - cur_loss = total_loss / args.log_interval - elapsed = time.time() - start_time - if (rank is None) or rank == 0: - train_loss_log[-1] = cur_loss - print('| epoch {:3d} | {:5d}/{:5d} batches | lr {:05.5f} | ms/batch {:5.2f} | ' - 'loss {:5.2f} | ppl {:8.2f}'.format(epoch, batch, - len(train_data) // (args.bptt * args.batch_size), - scheduler.get_last_lr()[0], - elapsed * 1000 / args.log_interval, - cur_loss, math.exp(cur_loss))) - total_loss = 0 - start_time = time.time() - - -def run_main(args, rank=None): - torch.manual_seed(args.seed) - if args.parallel == 'DDP': - n = torch.cuda.device_count() // args.world_size - device = list(range(rank * n, (rank + 1) * n)) - else: - device = torch.device("cuda" if torch.cuda.is_available() else "cpu") - - import torchtext - if args.dataset == 'WikiText103': - from torchtext.experimental.datasets import WikiText103 as WLMDataset - elif args.dataset == 'WikiText2': - from torchtext.experimental.datasets import WikiText2 as WLMDataset - elif args.dataset == 'WMTNewsCrawl': - from data import WMTNewsCrawl as WLMDataset - elif args.dataset == 'EnWik9': - from torchtext.datasets import EnWik9 - elif args.dataset == 'BookCorpus': - from data import BookCorpus - else: - print("dataset for MLM task is not supported") - - try: - vocab = torch.load(args.save_vocab) - except: - train_dataset, valid_dataset, test_dataset = WLMDataset() - old_vocab = train_dataset.vocab - vocab = torchtext.legacy.vocab.Vocab(counter=old_vocab.freqs, - specials=['', '', '']) - with open(args.save_vocab, 'wb') as f: - torch.save(vocab, f) - - if args.dataset == 'WikiText103' or args.dataset == 'WikiText2': - train_dataset, valid_dataset, test_dataset = WLMDataset(vocab=vocab) - train_dataset.data = torch.cat(tuple(filter(lambda t: t.numel() > 0, train_dataset))) - valid_dataset.data = torch.cat(tuple(filter(lambda t: t.numel() > 0, valid_dataset))) - test_dataset.data = torch.cat(tuple(filter(lambda t: t.numel() > 0, test_dataset))) - elif args.dataset == 'WMTNewsCrawl': - from torchtext.experimental.datasets import WikiText2 - test_dataset, valid_dataset = WikiText2(vocab=vocab, data_select=('test', 'valid')) - valid_dataset.data = torch.cat(tuple(filter(lambda t: t.numel() > 0, valid_dataset))) - test_dataset.data = torch.cat(tuple(filter(lambda t: t.numel() > 0, test_dataset))) - train_dataset, = WLMDataset(vocab=vocab, data_select='train') - train_dataset.data = torch.cat(tuple(filter(lambda t: t.numel() > 0, train_dataset))) - elif args.dataset == 'EnWik9': - enwik9 = EnWik9() - idx1, idx2 = int(len(enwik9) * 0.8), int(len(enwik9) * 0.9) - train_data = torch.tensor([vocab.stoi[_id] - for _id in enwik9[0:idx1]]).long() - val_data = torch.tensor([vocab.stoi[_id] - for _id in enwik9[idx1:idx2]]).long() - test_data = torch.tensor([vocab.stoi[_id] - for _id in enwik9[idx2:]]).long() - from torchtext.experimental.datasets import LanguageModelingDataset - train_dataset = LanguageModelingDataset(train_data, vocab) - valid_dataset = LanguageModelingDataset(val_data, vocab) - test_dataset = LanguageModelingDataset(test_data, vocab) - elif args.dataset == 'BookCorpus': - train_dataset, valid_dataset, test_dataset = BookCorpus(vocab) - - train_data = process_raw_data(train_dataset.data, args) - if rank is not None: - # Chunk training data by rank for different gpus - chunk_len = len(train_data) // args.world_size - train_data = train_data[(rank * chunk_len):((rank + 1) * chunk_len)] - val_data = process_raw_data(valid_dataset.data, args) - test_data = process_raw_data(test_dataset.data, args) - - ntokens = len(train_dataset.get_vocab()) - if args.checkpoint != 'None': - model = torch.load(args.checkpoint) - else: - model = MLMTask(ntokens, args.emsize, args.nhead, args.nhid, args.nlayers, args.dropout) - if args.parallel == 'DDP': - model = model.to(device[0]) - model = DDP(model, device_ids=device) - else: - model = model.to(device) - criterion = nn.CrossEntropyLoss() - optimizer = torch.optim.SGD(model.parameters(), lr=args.lr) - scheduler = torch.optim.lr_scheduler.StepLR(optimizer, 1.0, gamma=0.1) - best_val_loss = None - train_loss_log, val_loss_log = [], [] - - for epoch in range(1, args.epochs + 1): - epoch_start_time = time.time() - train(model, train_dataset.vocab, train_loss_log, train_data, - optimizer, criterion, ntokens, epoch, scheduler, args, device, rank) - val_loss = evaluate(val_data, model, train_dataset.vocab, ntokens, criterion, args, device) - if (rank is None) or (rank == 0): - val_loss_log.append(val_loss) - print('-' * 89) - print('| end of epoch {:3d} | time: {:5.2f}s | valid loss {:5.2f} | ' - 'valid ppl {:8.2f}'.format(epoch, (time.time() - epoch_start_time), - val_loss, math.exp(val_loss))) - print('-' * 89) - if not best_val_loss or val_loss < best_val_loss: - if rank is None: - with open(args.save, 'wb') as f: - torch.save(model, f) - elif rank == 0: - with open(args.save, 'wb') as f: - torch.save(model.state_dict(), f) - best_val_loss = val_loss - else: - scheduler.step() - if args.parallel == 'DDP': - dist.barrier() - rank0_devices = [x - rank * len(device) for x in device] - device_pairs = zip(rank0_devices, device) - map_location = {'cuda:%d' % x: 'cuda:%d' % y for x, y in device_pairs} - model.load_state_dict( - torch.load(args.save, map_location=map_location)) - test_loss = evaluate(test_data, model, train_dataset.vocab, ntokens, criterion, args, device) - if rank == 0: - wrap_up(train_loss_log, val_loss_log, test_loss, args, model.module, 'mlm_loss.txt', 'full_mlm_model.pt') - else: - with open(args.save, 'rb') as f: - model = torch.load(f) - test_loss = evaluate(test_data, model, train_dataset.vocab, ntokens, criterion, args, device) - wrap_up(train_loss_log, val_loss_log, test_loss, args, model, 'mlm_loss.txt', 'full_mlm_model.pt') - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description='PyTorch Wikitext-2 Transformer Language Model') - parser.add_argument('--emsize', type=int, default=768, - help='size of word embeddings') - parser.add_argument('--nhid', type=int, default=3072, - help='number of hidden units per layer') - parser.add_argument('--nlayers', type=int, default=12, - help='number of layers') - parser.add_argument('--nhead', type=int, default=12, - help='the number of heads in the encoder/decoder of the transformer model') - parser.add_argument('--lr', type=float, default=6, - help='initial learning rate') - parser.add_argument('--clip', type=float, default=0.1, - help='gradient clipping') - parser.add_argument('--epochs', type=int, default=8, - help='upper epoch limit') - parser.add_argument('--batch_size', type=int, default=32, metavar='N', - help='batch size') - parser.add_argument('--bptt', type=int, default=128, - help='sequence length') - parser.add_argument('--dropout', type=float, default=0.2, - help='dropout applied to layers (0 = no dropout)') - parser.add_argument('--seed', type=int, default=5431916812, - help='random seed') - parser.add_argument('--log-interval', type=int, default=10, metavar='N', - help='report interval') - parser.add_argument('--checkpoint', type=str, default='None', - help='path to load the checkpoint') - parser.add_argument('--save', type=str, default='mlm_bert.pt', - help='path to save the final model') - parser.add_argument('--save-vocab', type=str, default='torchtext_bert_vocab.pt', - help='path to save the vocab') - parser.add_argument('--mask_frac', type=float, default=0.15, - help='the fraction of masked tokens') - parser.add_argument('--dataset', type=str, default='WikiText2', - help='dataset used for MLM task') - parser.add_argument('--parallel', type=str, default='None', - help='Use DataParallel to train model') - parser.add_argument('--world_size', type=int, default=8, - help='the world size to initiate DPP') - args = parser.parse_args() - - if args.parallel == 'DDP': - run_demo(run_ddp, run_main, args) - else: - run_main(args) diff --git a/examples/BERT/model.py b/examples/BERT/model.py deleted file mode 100644 index 484117e19c..0000000000 --- a/examples/BERT/model.py +++ /dev/null @@ -1,177 +0,0 @@ -import torch -import torch.nn as nn -import torch.nn.functional as F -from torch.nn import Linear, Dropout, LayerNorm, TransformerEncoder -from torchtext.nn import MultiheadAttentionContainer, InProjContainer, ScaledDotProduct - - -class PositionalEncoding(nn.Module): - def __init__(self, d_model, max_len=5000): - super(PositionalEncoding, self).__init__() - self.pos_embedding = nn.Embedding(max_len, d_model) - - def forward(self, x): - S, N = x.size() - pos = torch.arange(S, - dtype=torch.long, - device=x.device).unsqueeze(0).expand((N, S)).t() - return self.pos_embedding(pos) - - -class TokenTypeEncoding(nn.Module): - def __init__(self, type_token_num, d_model): - super(TokenTypeEncoding, self).__init__() - self.token_type_embeddings = nn.Embedding(type_token_num, d_model) - - def forward(self, seq_input, token_type_input): - S, N = seq_input.size() - if token_type_input is None: - token_type_input = torch.zeros((S, N), - dtype=torch.long, - device=seq_input.device) - return self.token_type_embeddings(token_type_input) - - -class BertEmbedding(nn.Module): - def __init__(self, ntoken, ninp, dropout=0.5): - super(BertEmbedding, self).__init__() - self.ninp = ninp - self.ntoken = ntoken - self.pos_embed = PositionalEncoding(ninp) - self.embed = nn.Embedding(ntoken, ninp) - self.tok_type_embed = TokenTypeEncoding(2, ninp) # Two sentence type - self.norm = LayerNorm(ninp) - self.dropout = Dropout(dropout) - - def forward(self, seq_inputs): - src, token_type_input = seq_inputs - src = self.embed(src) + self.pos_embed(src) \ - + self.tok_type_embed(src, token_type_input) - return self.dropout(self.norm(src)) - - -class TransformerEncoderLayer(nn.Module): - def __init__(self, d_model, nhead, dim_feedforward=2048, - dropout=0.1, activation="gelu"): - super(TransformerEncoderLayer, self).__init__() - in_proj_container = InProjContainer(Linear(d_model, d_model), - Linear(d_model, d_model), - Linear(d_model, d_model)) - self.mha = MultiheadAttentionContainer(nhead, in_proj_container, - ScaledDotProduct(), Linear(d_model, d_model)) - self.linear1 = Linear(d_model, dim_feedforward) - self.dropout = Dropout(dropout) - self.linear2 = Linear(dim_feedforward, d_model) - - self.norm1 = LayerNorm(d_model) - self.norm2 = LayerNorm(d_model) - self.dropout1 = Dropout(dropout) - self.dropout2 = Dropout(dropout) - - if activation == "relu": - self.activation = F.relu - elif activation == "gelu": - self.activation = F.gelu - else: - raise RuntimeError("only relu/gelu are supported, not {}".format(activation)) - - def init_weights(self): - self.mha.in_proj_container.query_proj.init_weights() - self.mha.in_proj_container.key_proj.init_weights() - self.mha.in_proj_container.value_proj.init_weights() - self.mha.out_proj.init_weights() - self.linear1.weight.data.normal_(mean=0.0, std=0.02) - self.linear2.weight.data.normal_(mean=0.0, std=0.02) - self.norm1.bias.data.zero_() - self.norm1.weight.data.fill_(1.0) - self.norm2.bias.data.zero_() - self.norm2.weight.data.fill_(1.0) - - def forward(self, src, src_mask=None, src_key_padding_mask=None): - attn_output, attn_output_weights = self.mha(src, src, src, attn_mask=src_mask) - src = src + self.dropout1(attn_output) - src = self.norm1(src) - src2 = self.linear2(self.dropout(self.activation(self.linear1(src)))) - src = src + self.dropout2(src2) - src = self.norm2(src) - return src - - -class BertModel(nn.Module): - """Contain a transformer encoder.""" - - def __init__(self, ntoken, ninp, nhead, nhid, nlayers, embed_layer, dropout=0.5): - super(BertModel, self).__init__() - self.model_type = 'Transformer' - self.bert_embed = embed_layer - encoder_layers = TransformerEncoderLayer(ninp, nhead, nhid, dropout) - self.transformer_encoder = TransformerEncoder(encoder_layers, nlayers) - self.ninp = ninp - - def forward(self, seq_inputs): - src = self.bert_embed(seq_inputs) - output = self.transformer_encoder(src) - return output - - -class MLMTask(nn.Module): - """Contain a transformer encoder plus MLM head.""" - - def __init__(self, ntoken, ninp, nhead, nhid, nlayers, dropout=0.5): - super(MLMTask, self).__init__() - embed_layer = BertEmbedding(ntoken, ninp) - self.bert_model = BertModel(ntoken, ninp, nhead, nhid, nlayers, embed_layer, dropout=0.5) - self.mlm_span = Linear(ninp, ninp) - self.activation = F.gelu - self.norm_layer = LayerNorm(ninp, eps=1e-12) - self.mlm_head = Linear(ninp, ntoken) - - def forward(self, src, token_type_input=None): - src = src.transpose(0, 1) # Wrap up by nn.DataParallel - output = self.bert_model((src, token_type_input)) - output = self.mlm_span(output) - output = self.activation(output) - output = self.norm_layer(output) - output = self.mlm_head(output) - return output - - -class NextSentenceTask(nn.Module): - """Contain a pretrain BERT model and a linear layer.""" - - def __init__(self, bert_model): - super(NextSentenceTask, self).__init__() - self.bert_model = bert_model - self.linear_layer = Linear(bert_model.ninp, - bert_model.ninp) - self.ns_span = Linear(bert_model.ninp, 2) - self.activation = nn.Tanh() - - def forward(self, src, token_type_input): - src = src.transpose(0, 1) # Wrap up by nn.DataParallel - output = self.bert_model((src, token_type_input)) - # Send the first <'cls'> seq to a classifier - output = self.activation(self.linear_layer(output[0])) - output = self.ns_span(output) - return output - - -class QuestionAnswerTask(nn.Module): - """Contain a pretrain BERT model and a linear layer.""" - - def __init__(self, bert_model): - super(QuestionAnswerTask, self).__init__() - self.bert_model = bert_model - self.activation = F.gelu - self.qa_span = Linear(bert_model.ninp, 2) - - def forward(self, src, token_type_input): - output = self.bert_model((src, token_type_input)) - # transpose output (S, N, E) to (N, S, E) - output = output.transpose(0, 1) - output = self.activation(output) - pos_output = self.qa_span(output) - start_pos, end_pos = pos_output.split(1, dim=-1) - start_pos = start_pos.squeeze(-1) - end_pos = end_pos.squeeze(-1) - return start_pos, end_pos diff --git a/examples/BERT/ns_task.py b/examples/BERT/ns_task.py deleted file mode 100644 index 3084686ebb..0000000000 --- a/examples/BERT/ns_task.py +++ /dev/null @@ -1,262 +0,0 @@ -import argparse -import time -import math -import torch -import torch.nn as nn -from torch.nn.parallel import DistributedDataParallel as DDP -from torch.utils.data import DataLoader -from model import NextSentenceTask, BertModel, BertEmbedding -from utils import run_demo, run_ddp, wrap_up - - -def process_raw_data(whole_data, args): - processed_data = [] - for _idx in range(len(whole_data)): - item = whole_data[_idx] - if isinstance(item, list): - item = torch.tensor(item) - if len(item) > 1: - # idx to split the text into two sentencd - split_idx = torch.randint(1, len(item), size=(1, 1)).item() - # Index 2 means same sentence label. Initial true int(1) - processed_data.append([item[:split_idx], item[split_idx:], 1]) - # Random shuffle data to have args.frac_ns next sentence set up - shuffle_idx1 = torch.randperm(len(processed_data)) - shuffle_idx2 = torch.randperm(len(processed_data)) - num_shuffle = int(len(processed_data) * args.frac_ns) - shuffle_zip = list(zip(shuffle_idx1, shuffle_idx2))[:num_shuffle] - for (i, j) in shuffle_zip: - processed_data[i][1] = processed_data[j][0] - processed_data[i][2] = int(0) # Switch same sentence label to false 0 - return processed_data - - -def collate_batch(batch, args, cls_id, sep_id, pad_id): - # Fix sequence length to args.bptt with padding or trim - seq_list = [] - tok_type = [] - same_sentence_labels = [] - for item in batch: - qa_item = torch.cat([item[0], torch.tensor([sep_id]).long(), item[1], torch.tensor([sep_id]).long()]) - if qa_item.size(0) > args.bptt: - qa_item = qa_item[:args.bptt] - elif qa_item.size(0) < args.bptt: - qa_item = torch.cat((qa_item, - torch.tensor([pad_id] * (args.bptt - - qa_item.size(0))))) - seq_list.append(qa_item) - _tok_tp = torch.ones((qa_item.size(0))) - _idx = min(len(item[0]) + 1, args.bptt) - _tok_tp[:_idx] = 0.0 - tok_type.append(_tok_tp) - same_sentence_labels.append(item[2]) - seq_input = torch.stack(seq_list).long().t().contiguous() - seq_input = torch.cat((torch.tensor([[cls_id] * seq_input.size(1)]).long(), seq_input)) - tok_type = torch.stack(tok_type).long().t().contiguous() - tok_type = torch.cat((torch.tensor([[0] * tok_type.size(1)]).long(), tok_type)) - return seq_input, tok_type, torch.tensor(same_sentence_labels).long().contiguous() - - -def evaluate(data_source, model, device, criterion, cls_id, sep_id, pad_id, args): - model.eval() - total_loss = 0. - batch_size = args.batch_size - dataloader = DataLoader(data_source, batch_size=batch_size, shuffle=True, - collate_fn=lambda b: collate_batch(b, args, cls_id, sep_id, pad_id)) - with torch.no_grad(): - for idx, (seq_input, tok_type, target_ns_labels) in enumerate(dataloader): - if args.parallel == 'DDP': - seq_input = seq_input.to(device[0]) - tok_type = tok_type.to(device[0]) - target_ns_labels = target_ns_labels.to(device[0]) - else: - seq_input = seq_input.to(device) - tok_type = tok_type.to(device) - target_ns_labels = target_ns_labels.to(device) - seq_input = seq_input.transpose(0, 1) # Wrap up by DDP or DataParallel - ns_labels = model(seq_input, token_type_input=tok_type) - loss = criterion(ns_labels, target_ns_labels) - total_loss += loss.item() - return total_loss / (len(data_source) // batch_size) - - -def train(train_dataset, model, train_loss_log, device, optimizer, criterion, - epoch, scheduler, cls_id, sep_id, pad_id, args, rank=None): - model.train() - total_loss = 0. - start_time = time.time() - batch_size = args.batch_size - dataloader = DataLoader(train_dataset, batch_size=batch_size, shuffle=True, - collate_fn=lambda b: collate_batch(b, args, cls_id, sep_id, pad_id)) - train_loss_log.append(0.0) - for idx, (seq_input, tok_type, target_ns_labels) in enumerate(dataloader): - if args.parallel == 'DDP': - seq_input = seq_input.to(device[0]) - tok_type = tok_type.to(device[0]) - target_ns_labels = target_ns_labels.to(device[0]) - else: - seq_input = seq_input.to(device) - tok_type = tok_type.to(device) - target_ns_labels = target_ns_labels.to(device) - optimizer.zero_grad() - seq_input = seq_input.transpose(0, 1) # Wrap up by DDP or DataParallel - ns_labels = model(seq_input, token_type_input=tok_type) - loss = criterion(ns_labels, target_ns_labels) - loss.backward() - torch.nn.utils.clip_grad_norm_(model.parameters(), args.clip) - optimizer.step() - total_loss += loss.item() - if idx % args.log_interval == 0 and idx > 0: - cur_loss = total_loss / args.log_interval - elapsed = time.time() - start_time - if (rank is None) or rank == 0: - train_loss_log[-1] = cur_loss - print('| epoch {:3d} | {:5d}/{:5d} batches | lr {:05.5f} | ' - 'ms/batch {:5.2f} | ' - 'loss {:8.5f} | ppl {:5.2f}'.format(epoch, idx, - len(train_dataset) // batch_size, - scheduler.get_last_lr()[0], - elapsed * 1000 / args.log_interval, - cur_loss, math.exp(cur_loss))) - total_loss = 0 - start_time = time.time() - - -def run_main(args, rank=None): - # Set the random seed manually for reproducibility. - torch.manual_seed(args.seed) - if args.parallel == 'DDP': - n = torch.cuda.device_count() // args.world_size - device = list(range(rank * n, (rank + 1) * n)) - else: - device = torch.device("cuda" if torch.cuda.is_available() else "cpu") - vocab = torch.load(args.save_vocab) - cls_id = vocab.stoi[''] - pad_id = vocab.stoi[''] - sep_id = vocab.stoi[''] - - if args.dataset == 'WikiText103': - from torchtext.experimental.datasets import WikiText103 - train_dataset, valid_dataset, test_dataset = WikiText103(vocab=vocab) - elif args.dataset == 'BookCorpus': - from data import BookCorpus - train_dataset, valid_dataset, test_dataset = BookCorpus(vocab, min_sentence_len=60) - - if rank is not None: - chunk_len = len(train_dataset.data) // args.world_size - train_dataset.data = train_dataset.data[(rank * chunk_len):((rank + 1) * chunk_len)] - - if args.checkpoint != 'None': - model = torch.load(args.checkpoint) - else: - embed_layer = BertEmbedding(len(vocab), args.emsize) - pretrained_bert = BertModel(len(vocab), args.emsize, args.nhead, args.nhid, args.nlayers, embed_layer, args.dropout) - pretrained_bert.load_state_dict(torch.load(args.bert_model)) - model = NextSentenceTask(pretrained_bert) - - if args.parallel == 'DDP': - model = model.to(device[0]) - model = DDP(model, device_ids=device) - else: - model = model.to(device) - criterion = nn.CrossEntropyLoss() - optimizer = torch.optim.SGD(model.parameters(), lr=args.lr) - scheduler = torch.optim.lr_scheduler.StepLR(optimizer, 1.0, gamma=0.1) - best_val_loss = None - train_loss_log, val_loss_log = [], [] - - for epoch in range(1, args.epochs + 1): - epoch_start_time = time.time() - train(process_raw_data(train_dataset, args), model, train_loss_log, device, optimizer, - criterion, epoch, scheduler, cls_id, sep_id, pad_id, args, rank) - val_loss = evaluate(process_raw_data(valid_dataset, args), model, device, criterion, - cls_id, sep_id, pad_id, args) - val_loss_log.append(val_loss) - - if (rank is None) or (rank == 0): - print('-' * 89) - print('| end of epoch {:3d} | time: {:5.2f}s ' - '| valid loss {:8.5f} | '.format(epoch, - (time.time() - epoch_start_time), - val_loss)) - print('-' * 89) - if not best_val_loss or val_loss < best_val_loss: - if rank is None: - with open(args.save, 'wb') as f: - torch.save(model, f) - elif rank == 0: - with open(args.save, 'wb') as f: - torch.save(model.state_dict(), f) - best_val_loss = val_loss - else: - scheduler.step() - if args.parallel == 'DDP': - rank0_devices = [x - rank * len(device) for x in device] - device_pairs = zip(rank0_devices, device) - map_location = {'cuda:%d' % x: 'cuda:%d' % y for x, y in device_pairs} - model.load_state_dict(torch.load(args.save, map_location=map_location)) - test_loss = evaluate(process_raw_data(test_dataset, args), model, device, criterion, - cls_id, sep_id, pad_id, args) - if rank == 0: - wrap_up(train_loss_log, val_loss_log, test_loss, args, model.module, 'ns_loss.txt', 'ns_model.pt') - else: - with open(args.save, 'rb') as f: - model = torch.load(f) - - test_loss = evaluate(process_raw_data(test_dataset, args), model, device, criterion, - cls_id, sep_id, pad_id, args) - wrap_up(train_loss_log, val_loss_log, test_loss, args, model, 'ns_loss.txt', 'ns_model.pt') - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description='Question-Answer fine-tuning task') - parser.add_argument('--dataset', type=str, default='WikiText103', - help='dataset used for next sentence task') - parser.add_argument('--lr', type=float, default=0.25, - help='initial learning rate') - parser.add_argument('--clip', type=float, default=0.1, - help='gradient clipping') - parser.add_argument('--epochs', type=int, default=5, - help='upper epoch limit') - parser.add_argument('--batch_size', type=int, default=24, metavar='N', - help='batch size') - parser.add_argument('--bptt', type=int, default=128, - help='max. sequence length for the next-sentence pair') - parser.add_argument('--min_sentence_len', type=int, default=60, - help='min. sequence length for the raw text tokens') - parser.add_argument('--seed', type=int, default=312216194, - help='random seed') - parser.add_argument('--cuda', action='store_true', - help='use CUDA') - parser.add_argument('--log-interval', type=int, default=600, metavar='N', - help='report interval') - parser.add_argument('--checkpoint', type=str, default='None', - help='path to load the checkpoint') - parser.add_argument('--save', type=str, default='ns_bert.pt', - help='path to save the bert model') - parser.add_argument('--save-vocab', type=str, default='torchtext_bert_vocab.pt', - help='path to save the vocab') - parser.add_argument('--bert-model', type=str, default='mlm_bert.pt', - help='path to save the pretrained bert') - parser.add_argument('--frac_ns', type=float, default=0.5, - help='fraction of not next sentence') - parser.add_argument('--parallel', type=str, default='None', - help='Use DataParallel/DDP to train model') - parser.add_argument('--world_size', type=int, default=8, - help='the world size to initiate DPP') - parser.add_argument('--emsize', type=int, default=768, - help='size of word embeddings') - parser.add_argument('--nhid', type=int, default=3072, - help='number of hidden units per layer') - parser.add_argument('--nlayers', type=int, default=12, - help='number of layers') - parser.add_argument('--nhead', type=int, default=12, - help='the number of heads in the encoder/decoder of the transformer model') - parser.add_argument('--dropout', type=float, default=0.2, - help='dropout applied to layers (0 = no dropout)') - args = parser.parse_args() - - if args.parallel == 'DDP': - run_demo(run_ddp, run_main, args) - else: - run_main(args) diff --git a/examples/BERT/qa_task.py b/examples/BERT/qa_task.py deleted file mode 100644 index c11d4561c0..0000000000 --- a/examples/BERT/qa_task.py +++ /dev/null @@ -1,214 +0,0 @@ -import argparse -import time -import math -import torch -import torch.nn as nn -from torch.utils.data import DataLoader -import torchtext -from torchtext.experimental.datasets import SQuAD1 -from model import QuestionAnswerTask -from metrics import compute_qa_exact, compute_qa_f1 -from utils import print_loss_log -from model import BertModel, BertEmbedding - - -def process_raw_data(data): - _data = [] - for (context, question, answers, ans_pos) in data: - right_length = True - for _idx in range(len(ans_pos)): - if ans_pos[_idx][1] + question.size(0) + 2 >= args.bptt: - right_length = False - if right_length: - _data.append((context, question, answers, ans_pos)) - return _data - - -def collate_batch(batch): - seq_list = [] - ans_pos_list = [] - tok_type = [] - for (context, question, answers, ans_pos) in batch: - qa_item = torch.cat((torch.tensor([cls_id]), question, torch.tensor([sep_id]), - context, torch.tensor([sep_id]))) - if qa_item.size(0) > args.bptt: - qa_item = qa_item[:args.bptt] - elif qa_item.size(0) < args.bptt: - qa_item = torch.cat((qa_item, - torch.tensor([pad_id] * (args.bptt - - qa_item.size(0))))) - seq_list.append(qa_item) - pos_list = [pos + question.size(0) + 2 for pos in ans_pos] # 1 for sep and 1 for cls - ans_pos_list.append(pos_list) - tok_type.append(torch.cat((torch.zeros((question.size(0) + 2)), - torch.ones((args.bptt - - question.size(0) - 2))))) - _ans_pos_list = [] - for pos in zip(*ans_pos_list): - _ans_pos_list.append(torch.stack(list(pos))) - return torch.stack(seq_list).long().t().contiguous().to(device), \ - _ans_pos_list, \ - torch.stack(tok_type).long().t().contiguous().to(device) - - -def evaluate(data_source, vocab): - model.eval() - total_loss = 0. - batch_size = args.batch_size - dataloader = DataLoader(data_source, batch_size=batch_size, shuffle=True, - collate_fn=collate_batch) - ans_pred_tokens_samples = [] - with torch.no_grad(): - for idx, (seq_input, ans_pos_list, tok_type) in enumerate(dataloader): - start_pos, end_pos = model(seq_input, token_type_input=tok_type) - target_start_pos, target_end_pos = [], [] - for item in ans_pos_list: - _target_start_pos, _target_end_pos = item.to(device).split(1, dim=-1) - target_start_pos.append(_target_start_pos.squeeze(-1)) - target_end_pos.append(_target_end_pos.squeeze(-1)) - loss = (criterion(start_pos, target_start_pos[0]) - + criterion(end_pos, target_end_pos[0])) / 2 - total_loss += loss.item() - start_pos = nn.functional.softmax(start_pos, dim=1).argmax(1) - end_pos = nn.functional.softmax(end_pos, dim=1).argmax(1) - seq_input = seq_input.transpose(0, 1) # convert from (S, N) to (N, S) - for num in range(0, seq_input.size(0)): - if int(start_pos[num]) > int(end_pos[num]): - continue # start pos is in front of end pos - ans_tokens = [] - for _idx in range(len(target_end_pos)): - ans_tokens.append([vocab.itos[int(seq_input[num][i])] - for i in range(target_start_pos[_idx][num], - target_end_pos[_idx][num] + 1)]) - pred_tokens = [vocab.itos[int(seq_input[num][i])] - for i in range(start_pos[num], - end_pos[num] + 1)] - ans_pred_tokens_samples.append((ans_tokens, pred_tokens)) - return total_loss / (len(data_source) // batch_size), \ - compute_qa_exact(ans_pred_tokens_samples), \ - compute_qa_f1(ans_pred_tokens_samples) - - -def train(): - model.train() - total_loss = 0. - start_time = time.time() - batch_size = args.batch_size - dataloader = DataLoader(train_dataset, batch_size=batch_size, shuffle=True, - collate_fn=collate_batch) - train_loss_log.append(0.0) - for idx, (seq_input, ans_pos, tok_type) in enumerate(dataloader): - optimizer.zero_grad() - start_pos, end_pos = model(seq_input, token_type_input=tok_type) - target_start_pos, target_end_pos = ans_pos[0].to(device).split(1, dim=-1) - target_start_pos = target_start_pos.squeeze(-1) - target_end_pos = target_end_pos.squeeze(-1) - loss = (criterion(start_pos, target_start_pos) + criterion(end_pos, target_end_pos)) / 2 - loss.backward() - torch.nn.utils.clip_grad_norm_(model.parameters(), args.clip) - optimizer.step() - total_loss += loss.item() - if idx % args.log_interval == 0 and idx > 0: - cur_loss = total_loss / args.log_interval - train_loss_log[-1] = cur_loss - elapsed = time.time() - start_time - print('| epoch {:3d} | {:5d}/{:5d} batches | lr {:05.5f} | ' - 'ms/batch {:5.2f} | ' - 'loss {:5.2f} | ppl {:8.2f}'.format(epoch, idx, - len(train_dataset) // batch_size, - scheduler.get_last_lr()[0], - elapsed * 1000 / args.log_interval, - cur_loss, math.exp(cur_loss))) - total_loss = 0 - start_time = time.time() - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description='Question-Answer fine-tuning task') - parser.add_argument('--lr', type=float, default=5.0, - help='initial learning rate') - parser.add_argument('--clip', type=float, default=0.1, - help='gradient clipping') - parser.add_argument('--epochs', type=int, default=2, - help='upper epoch limit') - parser.add_argument('--batch_size', type=int, default=72, metavar='N', - help='batch size') - parser.add_argument('--bptt', type=int, default=128, - help='max. sequence length for context + question') - parser.add_argument('--seed', type=int, default=21192391, - help='random seed') - parser.add_argument('--log-interval', type=int, default=200, metavar='N', - help='report interval') - parser.add_argument('--save', type=str, default='qa_model.pt', - help='path to save the final bert model') - parser.add_argument('--save-vocab', type=str, default='torchtext_bert_vocab.pt', - help='path to save the vocab') - parser.add_argument('--bert-model', type=str, default='ns_bert.pt', - help='path to save the pretrained bert') - parser.add_argument('--emsize', type=int, default=768, - help='size of word embeddings') - parser.add_argument('--nhid', type=int, default=3072, - help='number of hidden units per layer') - parser.add_argument('--nlayers', type=int, default=12, - help='number of layers') - parser.add_argument('--nhead', type=int, default=12, - help='the number of heads in the encoder/decoder of the transformer model') - parser.add_argument('--dropout', type=float, default=0.2, - help='dropout applied to layers (0 = no dropout)') - args = parser.parse_args() - torch.manual_seed(args.seed) - - try: - vocab = torch.load(args.save_vocab) - except: - train_dataset, dev_dataset = SQuAD1() - old_vocab = train_dataset.vocab - vocab = torchtext.legacy.vocab.Vocab(counter=old_vocab.freqs, - specials=['', '', '']) - with open(args.save_vocab, 'wb') as f: - torch.save(vocab, f) - pad_id = vocab.stoi[''] - sep_id = vocab.stoi[''] - cls_id = vocab.stoi[''] - train_dataset, dev_dataset = SQuAD1(vocab=vocab) - train_dataset = process_raw_data(train_dataset) - dev_dataset = process_raw_data(dev_dataset) - device = torch.device("cuda" if torch.cuda.is_available() else "cpu") - embed_layer = BertEmbedding(len(vocab), args.emsize) - pretrained_bert = BertModel(len(vocab), args.emsize, args.nhead, args.nhid, args.nlayers, embed_layer, args.dropout) - pretrained_bert.load_state_dict(torch.load(args.bert_model)) - model = QuestionAnswerTask(pretrained_bert).to(device) - criterion = nn.CrossEntropyLoss() - optimizer = torch.optim.SGD(model.parameters(), lr=args.lr) - scheduler = torch.optim.lr_scheduler.StepLR(optimizer, 1.0, gamma=0.1) - best_f1 = None - train_loss_log, val_loss_log = [], [] - - for epoch in range(1, args.epochs + 1): - epoch_start_time = time.time() - train() - val_loss, val_exact, val_f1 = evaluate(dev_dataset, vocab) - val_loss_log.append(val_loss) - print('-' * 89) - print('| end of epoch {:3d} | time: {:5.2f}s | valid loss {:5.2f} | ' - 'exact {:8.3f}% | ' - 'f1 {:8.3f}%'.format(epoch, (time.time() - epoch_start_time), - val_loss, val_exact, val_f1)) - print('-' * 89) - if best_f1 is None or val_f1 > best_f1: - with open(args.save, 'wb') as f: - torch.save(model, f) - best_f1 = val_f1 - else: - scheduler.step() - - with open(args.save, 'rb') as f: - model = torch.load(f) - test_loss, test_exact, test_f1 = evaluate(dev_dataset, vocab) - print('=' * 89) - print('| End of training | test loss {:5.2f} | exact {:8.3f}% | f1 {:8.3f}%'.format( - test_loss, test_exact, test_f1)) - print('=' * 89) - print_loss_log('qa_loss.txt', train_loss_log, val_loss_log, test_loss) - with open(args.save, 'wb') as f: - torch.save(model, f) diff --git a/examples/BERT/utils.py b/examples/BERT/utils.py deleted file mode 100644 index 94cf371663..0000000000 --- a/examples/BERT/utils.py +++ /dev/null @@ -1,58 +0,0 @@ -import torch -import torch.distributed as dist -import os -import torch.multiprocessing as mp -import math - - -def setup(rank, world_size, seed): - os.environ['MASTER_ADDR'] = 'localhost' - os.environ['MASTER_PORT'] = '12355' - # initialize the process group - dist.init_process_group("nccl", rank=rank, world_size=world_size) - - # Explicitly setting seed to make sure that models created in two processes - # start from same random weights and biases. - torch.manual_seed(seed) - - -def cleanup(): - dist.destroy_process_group() - - -def run_demo(demo_fn, main_fn, args): - mp.spawn(demo_fn, - args=(main_fn, args,), - nprocs=args.world_size, - join=True) - - -def run_ddp(rank, main_fn, args): - setup(rank, args.world_size, args.seed) - main_fn(args, rank) - cleanup() - - -def print_loss_log(file_name, train_loss, val_loss, test_loss, args=None): - with open(file_name, 'w') as f: - if args: - for item in args.__dict__: - f.write(item + ': ' + str(args.__dict__[item]) + '\n') - for idx in range(len(train_loss)): - f.write('epoch {:3d} | train loss {:8.5f}'.format(idx + 1, - train_loss[idx]) + '\n') - for idx in range(len(val_loss)): - f.write('epoch {:3d} | val loss {:8.5f}'.format(idx + 1, - val_loss[idx]) + '\n') - f.write('test loss {:8.5f}'.format(test_loss) + '\n') - - -def wrap_up(train_loss_log, val_loss_log, test_loss, args, model, ns_loss_log, model_filename): - print('=' * 89) - print('| End of training | test loss {:8.5f} | test ppl {:8.5f}'.format(test_loss, math.exp(test_loss))) - print('=' * 89) - print_loss_log(ns_loss_log, train_loss_log, val_loss_log, test_loss) - with open(args.save, 'wb') as f: - torch.save(model.bert_model.state_dict(), f) - with open(model_filename, 'wb') as f: - torch.save(model.state_dict(), f) From d55c177c0e3e53409e41aa0dfb3880f9a8b167b8 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 11 Oct 2021 13:00:41 -0400 Subject: [PATCH 008/463] skipping experimental datasets WMT14 tests due to invalid URL (#1404) --- .circleci/cached_datasets_list.txt | 1 - test/asset/raw_datasets.jsonl | 3 --- test/experimental/test_builtin_datasets.py | 3 +++ 3 files changed, 3 insertions(+), 4 deletions(-) diff --git a/.circleci/cached_datasets_list.txt b/.circleci/cached_datasets_list.txt index 9989d5f278..30292f7e8e 100644 --- a/.circleci/cached_datasets_list.txt +++ b/.circleci/cached_datasets_list.txt @@ -12,7 +12,6 @@ CoNLL2000Chunking Multi30k IWSLT2016 IWSLT2017 -WMT14 WikiText2 WikiText103 PennTreebank diff --git a/test/asset/raw_datasets.jsonl b/test/asset/raw_datasets.jsonl index c27ec73f44..eaf70d4ebf 100644 --- a/test/asset/raw_datasets.jsonl +++ b/test/asset/raw_datasets.jsonl @@ -30,9 +30,6 @@ {"dataset_name": "IWSLT2017", "split": "train", "NUM_LINES": 206112, "MD5": "aca701032b1c4411afc4d9fa367796ba", "URL": "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp", "first_line": "c75166d2ffde3978586af8a8ebdf6450"} {"dataset_name": "IWSLT2017", "split": "valid", "NUM_LINES": 888, "MD5": "aca701032b1c4411afc4d9fa367796ba", "URL": "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp", "first_line": "c43021713268b2efc08a255c191f2c74"} {"dataset_name": "IWSLT2017", "split": "test", "NUM_LINES": 1568, "MD5": "aca701032b1c4411afc4d9fa367796ba", "URL": "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp", "first_line": "cfff6f23c564bc4cb372bee4987f6707"} -{"dataset_name": "WMT14", "split": "train", "NUM_LINES": 4500966, "MD5": "874ab6bbfe9c21ec987ed1b9347f95ec", "URL": "https://drive.google.com/uc?export=download&id=0B_bZck-ksdkpM25jRUN2X2UxMm8", "first_line": "27a5871c90db257250806f52ba6aff0c"} -{"dataset_name": "WMT14", "split": "valid", "NUM_LINES": 3000, "MD5": "874ab6bbfe9c21ec987ed1b9347f95ec", "URL": "https://drive.google.com/uc?export=download&id=0B_bZck-ksdkpM25jRUN2X2UxMm8", "first_line": "a302bd241b4c3138a400e38a846f93b0"} -{"dataset_name": "WMT14", "split": "test", "NUM_LINES": 3003, "MD5": "874ab6bbfe9c21ec987ed1b9347f95ec", "URL": "https://drive.google.com/uc?export=download&id=0B_bZck-ksdkpM25jRUN2X2UxMm8", "first_line": "140245f6a92f95225150f717e2d7a1a7"} {"dataset_name": "WikiText2", "split": "train", "NUM_LINES": 36718, "MD5": "542ccefacc6c27f945fb54453812b3cd", "URL": "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip", "first_line": "c3e189c0ef8590f093c38b41bdba5239"} {"dataset_name": "WikiText2", "split": "valid", "NUM_LINES": 3760, "MD5": "542ccefacc6c27f945fb54453812b3cd", "URL": "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip", "first_line": "c3e189c0ef8590f093c38b41bdba5239"} {"dataset_name": "WikiText2", "split": "test", "NUM_LINES": 4358, "MD5": "542ccefacc6c27f945fb54453812b3cd", "URL": "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip", "first_line": "c3e189c0ef8590f093c38b41bdba5239"} diff --git a/test/experimental/test_builtin_datasets.py b/test/experimental/test_builtin_datasets.py index 8670bd9c2f..1eb7d635ef 100644 --- a/test/experimental/test_builtin_datasets.py +++ b/test/experimental/test_builtin_datasets.py @@ -3,6 +3,7 @@ import torchtext import json import hashlib +import unittest from parameterized import parameterized from ..common.torchtext_test_case import TorchtextTestCase from ..common.parameterized_utils import load_params @@ -26,6 +27,7 @@ def setUpClass(cls): @parameterized.expand( load_params('raw_datasets.jsonl'), name_func=_raw_text_custom_name_func) + @unittest.skip("Skipping test due to invalid URL. Enable it back once WMT14 is fixed") def test_raw_text_name_property(self, info): dataset_name = info['dataset_name'] split = info['split'] @@ -39,6 +41,7 @@ def test_raw_text_name_property(self, info): @parameterized.expand( load_params('raw_datasets.jsonl'), name_func=_raw_text_custom_name_func) + @unittest.skip("Skipping test due to invalid URL. Enable it back once WMT14 is fixed") def test_raw_text_classification(self, info): dataset_name = info['dataset_name'] split = info['split'] From 05623df767b85651b7cbc2d0039cd454523f10f6 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 11 Oct 2021 13:07:54 -0400 Subject: [PATCH 009/463] update readme version (#1405) --- README.rst | 17 +++++++++-------- 1 file changed, 9 insertions(+), 8 deletions(-) diff --git a/README.rst b/README.rst index 3a8053261b..8a216e8262 100644 --- a/README.rst +++ b/README.rst @@ -29,14 +29,15 @@ We recommend Anaconda as a Python package management system. Please refer to `py :header: "PyTorch version", "torchtext version", "Supported Python version" :widths: 10, 10, 10 - nightly build, main, 3.6+ - 1.9, 0.10, 3.6+ - 1.8, 0.9, 3.6+ - 1.7, 0.8, 3.6+ - 1.6, 0.7, 3.6+ - 1.5, 0.6, 3.5+ - 1.4, 0.5, "2.7, 3.5+" - 0.4 and below, 0.2.3, "2.7, 3.5+" + nightly build, main, ">=3.6, <=3.9" + 1.9, 0.10, ">=3.6, <=3.9" + 1.8, 0.9, ">=3.6, <=3.9" + 1.7.1, 0.8.1, ">=3.6, <=3.9" + 1.7, 0.8, ">=3.6, <=3.8" + 1.6, 0.7, ">=3.6, <=3.8" + 1.5, 0.6, ">=3.5, <=3.8" + 1.4, 0.5, "2.7, >=3.5, <=3.8" + 0.4 and below, 0.2.3, "2.7, >=3.5, <=3.8" Using conda:: From 7c5f083eda36615baaa0d579cc99ff367031793e Mon Sep 17 00:00:00 2001 From: Nikita Shulga Date: Thu, 14 Oct 2021 09:30:16 -0700 Subject: [PATCH 010/463] Bump version to 0.12.0 (#1411) --- packaging/build_conda.sh | 2 +- packaging/build_wheel.sh | 2 +- version.txt | 2 +- 3 files changed, 3 insertions(+), 3 deletions(-) diff --git a/packaging/build_conda.sh b/packaging/build_conda.sh index 825d53a626..bac0ad7bef 100755 --- a/packaging/build_conda.sh +++ b/packaging/build_conda.sh @@ -6,7 +6,7 @@ script_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" export BUILD_TYPE="conda" export NO_CUDA_PACKAGE=1 -setup_env 0.11.0 +setup_env 0.12.0 export SOURCE_ROOT_DIR="$PWD" setup_conda_pytorch_constraint setup_visual_studio_constraint diff --git a/packaging/build_wheel.sh b/packaging/build_wheel.sh index 8cd7391b05..34ae8ef996 100755 --- a/packaging/build_wheel.sh +++ b/packaging/build_wheel.sh @@ -6,7 +6,7 @@ script_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" export BUILD_TYPE="wheel" export NO_CUDA_PACKAGE=1 -setup_env 0.11.0 +setup_env 0.12.0 setup_wheel_python pip_install numpy future setup_pip_pytorch_version diff --git a/version.txt b/version.txt index d22e31d207..3db2940af4 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.11.0a0 +0.12.0a0 From 093084372d31e9b6c5d79db062d3fcd8b651fa82 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 18 Oct 2021 09:19:40 -0700 Subject: [PATCH 011/463] Added new SST2 dataset class (#1410) * added new SST2 dataset class based on sst2 functional dataset in torchdata * Reset sp submodule to previous commit * Updated function name. Added torchdata as a dep * Added torchdata as a dep to setup.py * Updated unit test to check hash of first line in dataset * Fixed dependency_link url for torchdata * Added torchdata install to circleci config * Updated commit id for torchdata install. Specified torchdata as an optional dependency * Removed additional hash checks during dataset construction * Removed new line from config.yml * Removed changes from config.yml, requirements.txt, and setup.py. Updated unittests to be skipped if module is not available * Incroporated review feedback * Added torchdata installation for unittests * Removed newline changes Co-authored-by: nayef211 --- .circleci/config.yml | 2 +- .circleci/config.yml.in | 2 +- .circleci/unittest/linux/scripts/install.sh | 3 + .circleci/unittest/windows/scripts/install.sh | 3 + test/common/case_utils.py | 7 ++ test/experimental/test_datasets.py | 34 +++++++ torchtext/_internal/__init__.py | 0 torchtext/_internal/module_utils.py | 11 +++ torchtext/experimental/datasets/__init__.py | 3 +- torchtext/experimental/datasets/sst2.py | 90 +++++++++++++++++++ 10 files changed, 152 insertions(+), 3 deletions(-) create mode 100644 test/common/case_utils.py create mode 100644 test/experimental/test_datasets.py create mode 100644 torchtext/_internal/__init__.py create mode 100644 torchtext/_internal/module_utils.py create mode 100644 torchtext/experimental/datasets/sst2.py diff --git a/.circleci/config.yml b/.circleci/config.yml index 21bcfb9954..bc3f09d043 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -497,7 +497,7 @@ jobs: - v1-windows-dataset-vector-{{ checksum ".cachekey" }} - v1-windows-dataset-{{ checksum ".cachekey" }} - + - run: name: Run tests # Downloading embedding vector takes long time. diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 971f4eb971..911295217b 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -497,7 +497,7 @@ jobs: - v1-windows-dataset-vector-{{ checksum ".cachekey" }} - v1-windows-dataset-{{ checksum ".cachekey" }} {% endraw %} - + - run: name: Run tests # Downloading embedding vector takes long time. diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index e9201b266b..a3ecba2770 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -13,6 +13,9 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly +printf "Installing torchdata from source\n" +pip install git+https://github.com/pytorch/data.git + printf "* Installing torchtext\n" git submodule update --init --recursive python setup.py develop diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 622ebc1cd1..1922b9a78f 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -18,6 +18,9 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly +printf "Installing torchdata from source\n" +pip install git+https://github.com/pytorch/data.git + printf "* Installing torchtext\n" git submodule update --init --recursive "$root_dir/packaging/vc_env_helper.bat" python setup.py develop diff --git a/test/common/case_utils.py b/test/common/case_utils.py new file mode 100644 index 0000000000..03eec2627f --- /dev/null +++ b/test/common/case_utils.py @@ -0,0 +1,7 @@ +import unittest +from torchtext._internal.module_utils import is_module_available + + +def skipIfNoModule(module, display_name=None): + display_name = display_name or module + return unittest.skipIf(not is_module_available(module), f'"{display_name}" is not available') diff --git a/test/experimental/test_datasets.py b/test/experimental/test_datasets.py new file mode 100644 index 0000000000..2a9ff700ff --- /dev/null +++ b/test/experimental/test_datasets.py @@ -0,0 +1,34 @@ +import hashlib +import json + +from torchtext.experimental.datasets import sst2 + +from ..common.case_utils import skipIfNoModule +from ..common.torchtext_test_case import TorchtextTestCase + + +class TestDataset(TorchtextTestCase): + @skipIfNoModule("torchdata") + def test_sst2_dataset(self): + split = ("train", "dev", "test") + train_dp, dev_dp, test_dp = sst2.SST2(split=split) + + # verify hashes of first line in dataset + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(train_dp)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["train"], + ) + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(dev_dp)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["dev"], + ) + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(test_dp)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["test"], + ) diff --git a/torchtext/_internal/__init__.py b/torchtext/_internal/__init__.py new file mode 100644 index 0000000000..e69de29bb2 diff --git a/torchtext/_internal/module_utils.py b/torchtext/_internal/module_utils.py new file mode 100644 index 0000000000..33ac388bc4 --- /dev/null +++ b/torchtext/_internal/module_utils.py @@ -0,0 +1,11 @@ +import importlib.util + + +def is_module_available(*modules: str) -> bool: + r"""Returns if a top-level module with :attr:`name` exists *without** + importing it. This is generally safer than try-catch block around a + `import X`. It avoids third party libraries breaking assumptions of some of + our tests, e.g., setting multiprocessing start method when imported + (see librosa/#747, torchvision/#544). + """ + return all(importlib.util.find_spec(m) is not None for m in modules) diff --git a/torchtext/experimental/datasets/__init__.py b/torchtext/experimental/datasets/__init__.py index bf2cbaa924..81bc90a801 100644 --- a/torchtext/experimental/datasets/__init__.py +++ b/torchtext/experimental/datasets/__init__.py @@ -1,3 +1,4 @@ from . import raw +from . import sst2 -__all__ = ['raw'] +__all__ = ["raw", "sst2"] diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py new file mode 100644 index 0000000000..85b892eb69 --- /dev/null +++ b/torchtext/experimental/datasets/sst2.py @@ -0,0 +1,90 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +import logging +import os + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _add_docstring_header, + _create_dataset_directory, + _wrap_split_argument, +) + +logger = logging.getLogger(__name__) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import ( + HttpReader, + IterableWrapper, + ) +else: + logger.warning( + "Package `torchdata` is required to be installed to use this dataset." + "Please refer to https://github.com/pytorch/data for instructions on " + "how to install the package." + ) + + +NUM_LINES = { + "train": 67349, + "dev": 872, + "test": 1821, +} + +MD5 = "9f81648d4199384278b86e315dac217c" +URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" + +_EXTRACTED_FILES = { + "train": f"{os.sep}".join(["SST-2", "train.tsv"]), + "dev": f"{os.sep}".join(["SST-2", "dev.tsv"]), + "test": f"{os.sep}".join(["SST-2", "test.tsv"]), +} + +_EXTRACTED_FILES_MD5 = { + "train": "da409a0a939379ed32a470bc0f7fe99a", + "dev": "268856b487b2a31a28c0a93daaff7288", + "test": "3230e4efec76488b87877a56ae49675a", +} + +_FIRST_LINE_MD5 = { + "train": "2552b8cecd57b2e022ef23411c688fa8", + "dev": "1b0ffd6aa5f2bf0fd9840a5f6f1a9f07", + "test": "f838c81fe40bfcd7e42e9ffc4dd004f7", +} + +DATASET_NAME = "SST2" + + +@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def SST2(root, split): + return SST2Dataset(root, split).get_datapipe() + + +class SST2Dataset: + """The SST2 dataset uses torchdata datapipes end-2-end. + To avoid download at every epoch, we cache the data on-disk + We do sanity check on dowloaded and extracted data + """ + + def __init__(self, root, split): + self.root = root + self.split = split + + def get_datapipe(self): + # cache data on-disk + cache_dp = IterableWrapper([URL]).on_disk_cache( + HttpReader, + op_map=lambda x: (x[0], x[1].read()), + filepath_fn=lambda x: os.path.join(self.root, os.path.basename(x)), + ) + + # extract data from zip + extracted_files = cache_dp.read_from_zip() + + # Parse CSV file and yield data samples + return ( + extracted_files.filter(lambda x: self.split in x[0]) + .parse_csv(skip_lines=1, delimiter="\t") + .map(lambda x: (x[0], x[1])) + ) From 1fb2aedb48b5ecc5e81741e7c8504486b91655c6 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 18 Oct 2021 23:25:45 -0400 Subject: [PATCH 012/463] Add XLMR Base and Large pre-trained models and corresponding transformations (#1406) --- test/asset/xlmr.base.output.pt | Bin 0 -> 25323 bytes test/asset/xlmr.large.output.pt | Bin 0 -> 33515 bytes test/models/test_models.py | 70 ++++++ test/test_functional.py | 58 +++++ test/test_transforms.py | 33 +++ torchtext/__init__.py | 10 + torchtext/data/datasets_utils.py | 6 +- torchtext/functional.py | 45 ++++ torchtext/models/__init__.py | 1 + torchtext/models/roberta/__init__.py | 18 ++ torchtext/models/roberta/bundler.py | 99 +++++++++ torchtext/models/roberta/model.py | 108 +++++++++ torchtext/models/roberta/modules.py | 296 +++++++++++++++++++++++++ torchtext/models/roberta/transforms.py | 66 ++++++ torchtext/transforms.py | 75 +++++++ 15 files changed, 883 insertions(+), 2 deletions(-) create mode 100644 test/asset/xlmr.base.output.pt create mode 100644 test/asset/xlmr.large.output.pt create mode 100644 test/models/test_models.py create mode 100644 test/test_functional.py create mode 100644 test/test_transforms.py create mode 100644 torchtext/functional.py create mode 100644 torchtext/models/__init__.py create mode 100644 torchtext/models/roberta/__init__.py create mode 100644 torchtext/models/roberta/bundler.py create mode 100644 torchtext/models/roberta/model.py create mode 100644 torchtext/models/roberta/modules.py create mode 100644 torchtext/models/roberta/transforms.py create mode 100644 torchtext/transforms.py diff --git a/test/asset/xlmr.base.output.pt b/test/asset/xlmr.base.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..d32b3c7d8ef21c4e807873b52a588fcec5e6d910 GIT binary patch literal 25323 zcmZ^KdsIzd^lvY{BuOesDoG_3D%D+j-NZa{uUmv{u|9mOEL&Qy3(8g$osGF$Z zx-oFq4zVRd%E3FvEL$wJSa`AI5+Tu}JH!R=f^)I((H#=e8#iwE_usTJ*mrxtPU)pV z-kX9pdE5GK43^#@sq3;sDtL#q%Z{-I&Wj}^tq&R0WD0uy-!JF??}%lEH2=ql4UO!q z)&8&X{*S>6KIk#0VW-AFcon(@5_+?_s=>K1Iv7E8-z1O%6-CaW?*fD_eT@^Ii@_Yn zRj_#oMp#`3ODuX&VNmzDIh;P`OijV3KLtSzJ z)PFw*vcHtrc>gHkz1E#t@VCg7)lt~EK?tQ((@^gFQ%+v@E1nbf1j*kUIb;%`>Ek7s z>05=rG)k}}uNMk(G{NBLBWjxT0F0mghput4kbNr(5}z!E#BN!3U4bxfuvV4db0-U} z58VZ$eN}YmMLX(gYVtWU%~bZ-X84*e!HaxK#VP)m@YQ!&wq>^-hKUV9=DzdbF;<<( zC>^1nXC5V$uLsLcu3ic)4=8Ez_y|*;R}=3uPpP)#Dv(`KPtB{2;JrK+oBdNQ^l!Cs z8M*f54_1YvW=#;TX*!BMj2|X+FXxjc&W5BdyKr;B8H_9w;tQA`NUxb9+m}m9(`Bf{ zhx3^2Hv!62Zxi)`Y_9rs0~{H-g9*RiFvW~28Xk_u?)fL-)R;%W-FE|16ARw;sR_F! z?h)D+`r^oxlXQQwEPw9x7HG+Egx5jEFva{3Oeq>BatB&5V$586HI1;#A&v zStWcLEk~6d>WN4Zgx_;8eAG_XDZrM4A&C9@bt=~XyxPz1Qc#Yqu z-{tLAyuu9nj4SOZ}TvG&xMhi zx(ky3j3ZW=yRqAVfcRx8w&>U)?nvw;{IO>O8@Krc_;(qQjB4rfbut&AG3+bnUX_6l z>b{|o@LznDl16(R$Fa4!23Q)YjXQrGhV+a5czt*ow9I;e?VC;z@$;8KeaUrj-)V!N zSB|4iw3UG>K|WYy$6WH+Z~oE!f_)!AIZUfnt;)teuh#^zSyBpi|7Onjr&& z8lv#rI|7f(?SvYq8PK*z3DplhB*MY-@hF`#6;l*0 zFa!G@qv}W*9f%qw{Bn6RCR>vI@Od0$G?y>~%O&{qrJnq@J-RF@mxaHt-hh$MYfSSp zr8S@2p>*&K=i=fFZpxGKl_f`1#P#{WWyiU&r~a$}_({cB1=%D|p>i0S9)R z1&5mqTcoB48PAHiOV4)ktIQ%`Y+*dCZ_r}X#!-|Hd4m`2t)PGE8BDmi2{P43Q6p*s z=v>%}rrVNW{>)1l-L{iDpZ3Evyy=?s4AD*5A|W_%U%>aZ;B6NbD;D6UG4)T&FdbY%G;|RhxGXtET~)Y z9-m!ta7QuyvE(oAvk>H#-`D8AcT*r-!vjVJwfQY-2O;mrO03>76U~EE&`0z;4o_Uo zMSR>^?sCos+{E-yXJ9O`G#1C6C5;$nGnTeJcHjcY2C&kuW->1NmRkpYplppLwmXI( z$E{-dEv zO!=X;jgZjgh4;c=!=_$DOJ^B4dQpfNO*n*JRjV1bNr51uuog|fs-SUdo+}OL_+u)Fde}fl(gMs`9F8XnF5$(yufS$ZHh$D=C2ouqycPR|-X@^~EH%RNG7qls^2>15=BApTkuraU-HQ(nE@8%k8 zO8Z6E9d>}G>f4ZRmQ6JuSAmXiIp`K2g2PwO;M8CB;I`bEbQaB{QhWF2PB#WGsq0jINF%7Fki?%V4@?sNQvp9-hI&P6~YjWYgNhk6A zn+vFR!2ul11oytAg>LDpAY@GihQFW92K+X`HDB*zzHlCTBwVAZ7p9XpGtQ!3j{_Rj zmz9ewSLgNJcYx%^T~wrN5F>Qk%iCPP606$YG8$_~zV6oK+s)R1*cCusmuyhnQcCR~ zT0r;HL%dm`IkcKKfwo8-`uj!`o|9X?&-7A5n<4jRs|1{%DYyRw~Nf??dBb7T{?1fqG<1z>z)I(Wl!IBo&HL zEib7}3Gsf9(8Sna~f;usa z*Sb`JgDxqwYNHq&-+KVuPi%%XjS~>#^^06w;{$U8zEJxuLFj#&hqJ0DFmLH?FzWmQ zzKMg(mY1S0@HU0ukcf3MsRJHid2siqCs2KO9TEPy9D2SVU8oV!j#E?myV76tD zo7`szRk4RL?7KOA$`Hto?INK@#kl{51fR3_DwVc54lPAd#Krt93OT4y`H>AcU2QES zDawM~6+Qep(Sg5bPy)48 z7%t*%_3zSwoAKnZcQQU$VFPKlbLjLF8$tU@J}z^xW%vG_1fT!bz(~3q+a=(%ACr_kTnaie|G|q4UtsA)sa zuUygt=Y~ye#LC;W+fa{P-ZBA>&g~-`E`COT?kf09SjFlz7=uym53*iiKMV}Hg2K2+ z=zV9xu3Z0s7WaDMZ1O3vK^OnjS`9V|PsPgZ5f3h&<5ez8n zqVdum=5F#iZ1|o-jMnL5p8ge5{J5DUCd=aEWCd_Odjb5OD}i#16mj~T0@j@uXv#TV z&N}og*xt~jr!Bi~3}`FjJFXb9yPXCz-OoIXs*SKL}6${0HJcb74n?7C*;e z1=~#3@p4uSU z3c6x{V?ww#N)#zVsGB?W+7nBJv^BYr0%3Ua(wS)4rIQZ#b`W0E4+6Z-I@mUH$ur&) zA%hY|>BJVc?O`(wk5Pl^R)|kO{lOWcQmormQ}XLv6wZ|Og1`a-;TFfRNP0Uwo+Hm^ z7l`xbVO4Pbl?H$F&Kr2HCe8XCm4i9KqNu*2sQlhs5v(y?2^lR*!0uNmcqk2%o6Rf8 ztr_`Hx_B*bRg_b%nfZW5y2#_=L&LxYisNc?J=k|j1`3Wi;l=~2c|U?MnMtYrqJ zLW$P;8Q9n&gZ-{C?A|R}*qxEie2h?r<2MOA`oWAHwq8yo)}%vJ!a;BmNfu1)e% zY_Mgm8>*>}5XqcYq&mN;vuiv=yG7zaRvvhq^T6QW<m3pJN7L8#;-IQwfn zFLq!K+f?iiANv>ccaMs&IyV{A7+MF$Gp6%$t6q?mOCrI$Q;APdl3{;M$|85I4g&g6 zv^27Ul>WKYL(YAL|VCoons`H!lOx+I=6?N3$Ul6(L`Hqg*PXV7vG9+p1JJNB;5>k$z0H;Hb z=z*kH5O{8Y^p5MGXEYu_jKT&iuagB8UI-HE@0P0=XkgIyQ*bn(0zPc~4+bt=qRvLy zw5T^2|5&7e)|hOtGF@(=Yg&dLafJ7%+llUqCs@%%3-~965}^O%IvW0bLHOT0d4rig z=(~b~vEpNLcRRwn@o_k@gCUjKJmb=E9`fJX!qQQH$oQ#1U8`R*;~x})?Jfxnj#bPh!G8 z!5n_o#<)XI&{lpM9k?DypFSNWMnCLmtDY;k`fb4PHP2xrCcUlr^$%994Wo> zgvi>RAVIu2FSK}WnFleWlKyRs`&MDRW%>mMTCWq0I$O50!Vpu6)UlPn$crhJ(zzS< z;_#7!VE4lm)R*>I48Plt1wVG-IJ@J-utST_<4@D=-QP&6+#UE>{*@^!_akk+dbokT zg)5)t(j9X|So=l~91x$)4otH}|5iJ+I%b7(=cK^(^B@{%{{>_E59?L3(LPcNessq$ z?^2R5(Cq^sHlvFK?`@$Z`Y`o+bbyh0VFNW|)$m!mE^pi|1bStb?A`~){DckGd;yE5PGM~X^B9&^M?Oxw!;9^i$%^m33mrwJ*DzxCgT)9SkdgJIxo$sXBVJGZ3(?D8Jynr#;XHZ*N9rPOX!Ax-y)nEUE z)Mj3wLhG-TZt^~aHGLK2i~eTz-;9s&^0ccKS`n^0P_M={Am(>?~vl_a|3YpEN}7o8|yS7*iUi(N!Hmp_xZFe$Ry$6^h>T<)r>!u>eJ-I%E3l~l9~^D$gYLx) zNtk$>?nyn31~8eT|NQ_d(HW>2S@7v@#3 zXyLGG2A451jdwor0S4W^(1d;SQKGpEoE1}ukA^b7_;s4xSuhn&rb~g1EMc?i%uuFs zCJ}N5ko-G^ysF(z;?(Pzf!V`U^6x3$eKG@dOB*Nhz5&!y7o*5yY4}}`3;{ORAuoLj zaeBu>=HZ)g|70WIpRj_Y|96zgi)<&RQXAl~ptdHh*h8e3Ny5r|QRwE;h5M!7!{?dH zNrBM|?$xe6=(znmwO$vEyY36~K5i*oUe(D3OU2~ySiUgSPgw><+#Zna*h4&?4%69t zC-eJa`JEN9%9=40IjZZAzk;t)4F3TmIavKhO=xyR$f$TB-) zn3p5PJ69w^{qzhp>k((Nz8azZ)?;MBtDE?{dp@kpT@6J|;V2@lNo-n{!QEeuAoW%e zIz}hZ9kX5FBQ&DLxtVw=@+#zQnFZ}re9$z15>Xf1SFXOMpzKPqfG1SBj6MSkpgJa& z)Xx{A8{UMX)t=>y2t3E5|2$Zs!9Os3yND(`{vbkXW_-x-26pqs7-Do&lrjAhN9ELF zIY+k{(E4*K&0aGGqohAFJvU;24Z8x|EMYck$5NQ}=rn7l+(3kWek-HJ&XB3h6Z#>6 z(?53rmI@sw)q!Jx&N%@Z4Kq>bT_tnxjX3+IzMe2s#363xYTB#182#QvvIR0%sl%8n zwE49QFO<++y5r15^4sVH_pd7lr6x#_i1Gf6{>sUGTk#$$RJNaKyO58z<=NQ2PJw+Y z^^P=Yj)1ae028&>3V)n*#PBn6=-b`~FFPwR<7_w;ioaB5+-y&6{nKHJ_jumuY#;Y2 zDjOyL_E0s+i|mOx)3GVkllX2uOykb$V1}0*;FbZBthtvsk6huXx;KQ@yaDYsi=btC z3nrX=2;zphxLoWLNm^nLZ2N8qGd1A@9vZR*lkCyU(73#KgFGZ==Fm&)j#)kyO2_7D z-WacX3+?YDU|ScVq4o-_*2rH}Z`s0_Zn;i-?If^mr#?+OpHED`KZ1bo6*yt74vgxb zg{%M;=@|*i$(TQ>*r1F@v`g^&2<{xW-;qzq5`b->Hae#@^?qnji z@5NTx5L{Ejleh`{Y5bpl9A+l)dne2xABOCBSA|@7so=vqYi*{MeOb7C{%JJ&G{h{p zJ_lP=PGQ2MT~HaW#5Qk~W^eA1giw(z-f8Jp9Qv>j{Z@-(&K6Ik%HvV8$sDg$eT2?U zmuYtUWUybT#E1GtpnrZ4jF~?fM5{)?`_M}mb8!+0_EUzapC*jR`D>)}atS)#oP|!S zFGEUC7LjTDNl(o1Bw*V`)nbO{d93sH2AUuzAhxm3Bt$X9GB??Iam+naPwpY{BNFe~|dmTI^(JW45LZ{97i= z&kWfN^%>Xk+9MJEVTdc}kIcZzS*3K#f%6y{F@=4<+KeY6pD}CFPI4_lo0a}n21k1( zAlPCKE3@w^EgN|QZM*8JR%iuDm{VGw_g)lZ&u~y6sD*E()iL#x2%m8^0sWQMQ&r0{ zd}Nja)tmB2A?t{V26$-dwBPozhItszuL8wmXXF7gf zpdRTi)I0tsMv3$?&7!YJl1DhL&d>ud4LeL*B@W7QB5dAX4n)_^Vx42dx%%%hyxtdO zy!%g>cMN)j^Buy$M`R8hY`H;#U*go+mu&omx26-lYI34Dr)pdh;vwILc*S9 zW1c{h${BN-ZkZ$w*H6o^%b2I2HcpkzU+@-|Ut0&Mc^a%%?=LdPV=^1D_Ci_4&UOp% z?I1^=7n7U-Q6`|B2j#K0;HuV3r@YUC;7~VMcYX<*)AgI0Nsi+J+5>U%TSNY7%~ISE z9SgRD=5W5blAK@vl$5^PMWegElgtHUNm9WJCac~IcgLwfQw4+fl2ft4n1h_7lwZM%b8ZzzG|v3c~l*m>fgmV$P!r$}+dL!vir0N-9u$DmbFKN8N!nuy{KVgkN{f{%J1I-gOXn@_(cLHHip230r*l!w;g9zopZpj|*R z#dHM{tah^Ao86QPrPdf7z zR;eg6zJvRg@eU*}uOdRTBH`kfDXg#8B$U3uli49>K*VJ_Y2mMcjjud0>WpX1<8NTH zoj+*2XQ00>5E7kgNYvM2M!!ys_4nLJM~w@~@b^S$(*4dj_-65Ur)Kg6{g>(DrfF>P zDg%5{*#-|4cfhnY$3a5WguQ8(Rhd)n#1<#{fzIJS7%7`c3^M1T&c!R-b*`B7cIl#h zdY?s6&MDH-Q4hl?ScA8egTAFQjg^ui#a9Yx?e-f~<~rb#H5V(Z69D=EmJ8y@o=xUB8Yikb{*C6*|y*$7+aJx8y&n_SYZFe>I(gR)rxaQnsv-hNdb z++X?}yroXjM%hMG7k8qg%go7F!&0gC2rqIWkF9A&4V&V*OA$Zi}P zx_vEG%{x!aA|Ju0x6{G1>?xi8yoX5F+Cu*JDWr1vQ+ZQG0yqEqQB1nT(*xrYvG!>Y z4JRk)%##Pn-lIu$=^g{Hg^!G;)O2XH)WQM(e2bnr$)L9K9mq`gW-r&?qphEn=%JO# z{60<{9h-JThdxh2ZzO@UZ9V(8?KDKiE7Rc6MG!in3>WB`uqS>{VtafR2FZ-$71Bni z_*EXgMUL?wT~5$3S|=C0zU)NgLL^CsvNGf@izLqN#SpPBm>x>D;PnJKx9Z$|;2RUE z&X+Jo+h9KLKPwG(1^A8CWr{z?l)}yJs zz6m7?*-1>B)gL-&aTTbN8m<1a5PIz%5|@dK*yg^t@`Qd}(63Sg^;F&R-m@iSvi>g; za?^nIUU3qRZ@EJDx2wXJ1H!m;<5zOpT#;36m&b(5^MS=rWO(WVY_wBiOHJ3Kvb`r2 znk#4F5;O~)wN3a$_f#l3xCLU8bTC@dknX6P#MXM)!9y~iHT2sHbGL0Km3mw7j><7~ znDG{tRVqSs!7>z5ISvQ;VIn(A58nS60G~#r8AbXKl;*`4hpZunxQbsZt^i4?PNcEV z7mNx=x!~%{bfeC6FgT&WryMh6=Zi#;xzpolO871g*8c~^d6U3-(VD#`npYC%3J;jnW{=&jh+X-_ws> zuW98yPcXJ##S})2;jNwrGZ~KYRPDYuI_2-g(uakpsQVJUARC0vi_l~p15D6Zz!^mN z;s(zw7>&?Ixqf-p+fReEWdzXdTJ&`0>1Y?871sKUX1?8J-U~c0vv~UiDw%kR0pxP)&6rT)6(#Jui zcs=$k7{@j;^(21qC%KS+1D4)T#GKxFmeL=TNRVy{xe%twAKNpQ4~Y8@BD8$jQJE8H z6jw`S{~X84wF;zFSeHtM*x)$*)uj1uFgh*Jguvuf?&0JKpnheTdi&|{F#_$XzI`l9 zoK>iP#w5zk?;#_9=D`imm0<1|1@_x#5fhz0!gZzV(Yitv=5EcUk|%r_=MXIn{d0;-ivAD%&iaD7c{Lh*T8g_?ZGbARqmXg0 z4YHMjz`1MG;!}kt>-_#F_vXi0QYiZvPffZ(j2|ur9knt@j+aNLs)L~T{xHi;@nSuh zSQ@;hniP+-fPu=zR3^zf)C+ zpFD-6DxZav(vu+9kpwHAzlT||QgEnsGTZ#im=C#khHNku=#~!x;8d6}pY~}HX+C@e zHrOxX^@|Nzp}U_s>V~9iaRLfGpKnp(uL=?E<1OT5r-8Hh8ti|d%ipY(Vg0_W#x&h; z)W>Qqz1T}wpBo1JgC%FNcYGALL{b(8lV+o>LkT&OAPmmwZg~3l0BCRefXxOk=>GTL z85Ob9bQ9HsH+47AJ8=zK78~#?ciK^1O@yShwm`}s6HZ)Himq$j3yLDM*@GJA*_HjH z=y$|`m)Ut7Q!U1#bHEBlIj|0#yZhktX(b4poC6Cde1eZxUD+*H(qZEnP2M5e8^tvP zG0C8t>V43_ews==f4JksqtuUP6Uuy&_LO9w#}W38=b1f}0^~1e+~8aFgpD zQd!rDv!kAq6oD6V@qILY)?-9cE_uah*3G zLnpv1Wqn@mcqCN-gBu+^Xr{d;3+%VrfE%9sW{uYS@mHa;*S(7ytrPoa!C1EVwR zQPp3DmF#%J!M0NDBSqM`TAP2mY7sJ-YeBAlfH;ml1ihad=*`rxBrtkB=QuGlcO=Qj4S1!#{SbZiKWJKhh4I=`PqjnK1hE{<%(MST zw0E1r#=Z5V)4dlP*T1DjbQ`?BaE~ZHF+_P^UyNwl&zWjjpw*FsxM5En3UwFGxA-yx zq%T&2zUw{`WKu)s3AEBoO(PuI{F5r)&VpX2Hf%j8&U)RE;8(8gAo^EsLP2^eWW`P5 ztMV>G@V;*t++KrTTgACYqWeh3=vf;5Tae>igxIU~srcJAlB&^5aOjyHZ0(7`;w=Zz z>R>E+?CZtKJwAw+z8FK$YE`IvbCn%ORLKTwFMRA@#g+EGqF&GUmHVk2f~IdvK<$MM z)`~8}u0`ib@j5Yf?G|k`3o_$UtZgvF;33YCmH@4{e<3UB5PV!A%yOb)ywwp^X1-TC zG~AfOS7_+7whu+fuec^MpjAP{HA_h4lU|F~`RmyxYisEJq7TaJgwdh;5p^Ud>7jR% z*vjFk@`+~;f|!mX4*3|u*JBZ|rb>$(9k&FI2+if=v@UXOhtE-;&B`Dh(n%)22>}_D zU@MahaP9_Ma`f{QFluciLDx=!UAYvvy?;Zrw@Ts5OL8!`#ErKOCorg_2}#RhNc?^g zwh-pw{8$0+p7xwXJaU3j#jX4r-ExrF^@#j(Ghr<>F5{TG)3}2XhMsOYh=3O$wEAM@ z-9%AV{hhbP$j+1W$1Y`Xu`Z;^dw!9G71zoKCMjcsW&$-^JOg6O$Fq&&q}ax~qmVXS zLIW$M$g?&HxFMMa?J7&qvnfg-H{7Eg!7JFjx?<3A%Ot^vHA$Ff4{cn=q1q%fzVY`6 z4XIiu(7bEuTFaFXnP853y(|>8d6A-`5W2x(5qau2mP`wag!aW_pwst>#eBJF9Dk-6 z97q#$@sa}E8p>kz&%efCnaSv1C676gzvy7bTt39v1MDxXP5YP4| z+PWx)(VOJKyX;bjnkGf|;x#!~taTid1}izaB2{X?tDiYEtP2l%-(cGgBJh&;S@?OD z5NG8S&dq$3#+RMO&a|ye_>p&%U*?Hw61R!jA_wfq>w!N4zBf(T5nbG$Qm@7^*d#X= zBz5|z`}G8f%jL|LrJ5jRB`niM%Gsw%C9XX+w;E=GiN=T zY2(P&D@u@&Xgw;BkRWvPZJ4prfbG2ciW!y50c%4Q)>+ zpho6)9*6c@0meDQw~xzc|FjJB3i?Z@tThKumkRpB z%ago%UIjK+UO_l(1QE%y7IN-YoGsPi)Ov5=b_FrG*X_uPd5c4ceE>a?z7R;j2To6V z0eqOZmu+{?rZNJamrwEs+asUo92f5tsb79^MOW2zu z@Q}7Ww+K=@CD0RQ!}5=t*gP#Ys04-bJi**P2ww}~OGKbyFddS9mZJ3%4#f0Nf{<+_ zW4}e5wS5y!J-bVw@u&xN67?fGp{sd?yN*Oc<1{>%ljn7Q)S{S^0(E(C4N`V>;P=H6 zZ0Jrx@|$GA&E1wdMW}*$-UG^R`9mJK&A{I_gCsBHJe=>2h6`y|V7+uLiBha$Wmnt* zznx7eqY;FAf}fIx(N+>#X#u4xL?NZm2%7D`(rK0dk^Y%su;4}sXt`TLQO{f|CvyN7 z{?0_@h%}a4m`w~9o8z0WO1!k_d5E-o4RuPg*jBWNYyRmBLIG9W%EoQ{#6O!seqITP zj64v;NC{?)eMKWLO0mt-m%+>JBrOPhhg!ngXstX8GZpjTfUG~HzAHs5aGk# z8Pb&!wJ4|YoU^*0$z0dS!pEcg1%3$?G@j#1zcJE~qq`PU}yg$K}?KWHGqcXzJ=`SBraYuR}|EX;y>U-^cTYVzdBGZj{`_zU%X zoI))w8{&e=P0;%`hV!{4LHaK)AwA8@F{iqamfTcg)h=hzZn~c|d+0HZmJtx){0v@x zOF@)1hPX~OGO@lAt0h9wt$u`_Yt2Wsb+f?bmI42&FoQ-o( zO#1{6loRmW{<8$Q?B)RJiCoE_yA+KdG(FjVPYR;W-@rS|3e0ll=u)>G>@pL1=*wOY z3!DltW7AHqxFeSQcT|QQI>AyQMFS?L;Q>gx6_IjMMUoCmf@^;fMCM6AsKyXy-}03# z&`yD0Q(M6IwJiVeg(w_0)Z)wE{bg!Rj?n5@U|pRuxU3R6HqGfhI`-Xygg;ZsW%m;T z%$SFzw(9J_wovYC;{>=oO`wksyrH)HltA%sH14fC0O?bmpxWdRNZn2Zk)RRScVQWu zqP-gmzqAYV%(eW57a?4 z;U=t0j~Vuvz6Uj%7VHgpLeoyoVOf!vP@a5?e*SHR`ZYdud*)LT5_24f3r`cVq9*jd z@DiW?K22Kn)>cGxY|^4}e7s-{RC-&$P1(<(&WDq^%hwGd z`ISC~R*Yk#TR&3?r*Gi4cq1#|!2y}I%w)TG92{Q@Pc_;EKDw zfl)M?GlA>U{sV?ea(vGF=@@io9vpVM3qA*<;OP$u7&90MwcS^sSKysjFIHgEru>A@ z5xqo>8ztKD-|+6~*--AWiK@y^2Gz{@@ZjGs)M5f@K699NO;lsu@H-`%42o-YV#bp( zJllB)Ge2>_KJ_H8dzXROUsbHn>nC=7lhFKGIRqC?CB|hQzqg(6rppvQr;J6HK3jhF0UhjkX;0V9 zj0g2QN4TO)Rn(>tM0xZdtzP_tbk;7zgv?ap5--4Mx_J~LmVmL_3PLW8r=1(jxk~0P zr`D4L@jWZ?vHKseEmq?jE5-Onu{*&zC5sIDsgR-b3NS-96Bjh~wtvd(Ci5I!u{>A9r>CO#LmSmlhwUG9o=a!w7 zL~UOczU^ow({ttkPTi3OkH31cRtv|Jds(QLyZooZ`fT^(l?GM}PcTiV9{Aa-B6sg;*FTkyu5TP|4)KHdYgre6pebMFwP zo0D)}_+-2*c?P@V^DysaB6!VPLnWhhz`2cwCxv$G-16O6F!Knp9*~5nq+F`8x&WSx zNhOZ98^OKt3)RR@L&+l>;F?A=+2!|vID|%$+dk@SiDW#gAKTA(s71iY*t2xg-55T@ zN)uC(=fKjnn(XKk2NE=JmLwUCho1HGK)K;4TQ)7b(z;{!L?%XxbtM>#K zX7QUuxX&=3t&)L5df&;j1{O3wo3In_yaK28IWV~OJPzIzhs^FqQb1#2q47Z+wUz*} z4-!z>9uLN?&%r)N4ZQkPSwDe4Rmx>NAEx7mNdX@y<8lH@_b9+hi$yr$@==Tu?Eh-} zDn;)a>O$6U2{bUQq?^Ztksppqtn}tQYM;9e3m+ZF<%{FUoz`7YG~1O`Zz`r{wU=qA zuK~IS`jdo(L162p2Chfz(8szM@~5A}+L_7FHZ;t9d~CtD_#K00?hV=VwgS&Rs{@Cu zA7o_H9#EG~prNH(IeVp3Ah%T#XUWxKN`oowR9lHM2SymDm~?#G^P5&S{8lahCF^XTe!*BC$;^#m6_}hB(_+@iWF3|R!jTRR~Non{AXty$iv>a6`XLy%; zHC2hPOczTpQU+?T@|P$G@DgVwd5kYkCtz6iC}+RMs&r75_o*b2O@2QVeR1@n&z^x(cdIR9r3x=d5#8!lahx$ci3 zzFokHN18#NfRpZ(FP$O|ZJbPUV`uPf(Z(ylT5?R$>!wR19T22Joj(@Qg>XR!SW zQJ}rn8|qRMar>!z@Ge~%#hn*}aKc-Nvl@>I_sZE~$4GXxZUgTwaR-w$1U|Q8OW=fK z9e7W8gB{Ze^!uHHk5ed7H@t;czNqtAHARqXXb#aaU9=5mG9#uYL|vv7K6N#qllf$_ zLiQw-G#rCuL7s@vjHEsmvmj>fb~HGe!vBt=FnlV9mkC@>JvVP-8%r0%o9TC5HVl-x_8uk0r!59&1$t$Y*tL>^D0M2^pg(z6!x%_!^|eh_E@| z*J7%I1Skhrb8X@Ug4!s=zkenRW|Aq~GMx{gaOE|2PSIu-rJlAd`c^|b8V#}S>Op=? z)PKMpO~oEARuDI?yvJc1EX-&?@6bM`v&M-^y6E9U!M&$^tLHW){eX{irlsTfLmVp56;Z4=2-(<>QbID#SGqVc`WE1QAEpK$@tXP5Le!?!9@M3 z>;oM&_PSIgs(dHnHMS@lE!cBnFb$4;RA-k4Uc^v)OM$oe6CKvi1cQ$) z@P5TBVz!kb-0?}^CGKw_lc&UHHSGkabx%P;4fr2Xn9UdL`JV-WKL zqXRz?<%v9V_`4X}dHN9(@wK{qx6l-Rr1m!atqdhzrfSTeOA(l#Pw7g-H*`Ip2ttLY z%G3W{LWdQ@=#}uZT&6`AD&w}&-&G;xr%xa(+a}5Wufo0tDyFx6ccky4(uagpk|LD~ zX`cHjNs=T~NRfV#lH@CeNGg>OlB6$55|WTK&%K2xsf2_i35k*$>jS!|iEMRXzVdln!DUTGV7}Bn?^`hI`VLVe9)ToW9x* z=KY0%d~Fz=s1gI2&6Vt#Pmb_Nl^mDiFbVpr zEUw00AIgSj;-@zmBp!f>)-R_p)GGd zmfi>zQpr>7X6Jjb=rv{=pBZslpBsfKQ#0XksR9)r@*bPFyHT?3sA$PD5mac3L0_4W za>Wa|p7Rnccy}nuOZ;TPC+|Q@&lJ{_ycxsS_FMYzuY=qJ%1l=AE&9w`1^rLkNa5Sj z@W?Wfhy|X49I?kZVSxgE9DEnWjJBcJy5(5!y9L^y9O@3wVcy$E;cBhLbhogH^j^D2 zf|jmgjiiqh&6kG8qbAs*s0iJ@vG8lXKP=lKLA$D&py+!mQy3-%k%!-a<)Iq5CD(z; z^VTwrPl23IlM0R0?iJ}h(I;wi7jW6ff3ffnEjaDmHF)rJ7JNFNL%1YAG)ep|+-WcY z&(-9CU&It}cYBY;R^w2mvK37tR#DwWBdPh5c-HyA1zNbl5Kj2~|Kp>OJm|M5lIB3u zRzs}OEr1(lYe09`A(AJ~5mmop{+?k-g1c|9q^>#KTy0(Y>G)fyyBdVOS=YgJ=Q>zy zWXZK^PT~wA-;l$k1T5-*b0fc<#m9<9l!djBD`N*S{k`^V&4I^6%xoXqc=-iZ_fO_* z?26E*ArZBzrwVg+<&(&T#~|@^6qWiV;I^BcMd$a$Bq6ZUa{JLIU>0OWgFg$nQQf@u z!+}@Cq{LZN^XeUzeNf^mFI2EPQ%zFyJp!y0ScX{pv0ZR z<6ZmNy@ZimUCd>OaPp!|e-YQa(h1T(^1evgQ`+S&%f3kDqoMm2;(MGwj_1j2!h-~+ zUD-n($pk`ttP~pNTxashM}VmQLC5@b;VYMXB9WlZ4czkuPF9W!igAHa4F@60As^yq z#h_x26qUCRuoo;Ao>(?Ua!GJocGHO1;YBQpP16v2jAneA!(ip z6(4cBbctT4@Cu*nym!U}YL+gBQ4gPxwF*)LQ@EnkYpm0yh{SjJlH5h5!ryB@lSj4%%g78Z@7ece`&nw8G% z##WFWN{TEmpomyT#)6vZeR9TdFY1p80`6`eNGyLu>_a~@+vy3+a$YZ{T#co6pYvI= zt|Ik06$!;lcaf(3($L!(LlcL85Wbiq0XrY8!>?7nutBthlb?T)RVrw6WNs1Yoj%8Y zzZgO-Pq&fu^A_CgEAOCcPaGM3`!_Uwl%Rp03oyXo9V}wgNcWCyQ1A2urqT#9?MwxB zPLx2~7w%|z>LC#~jleJ2lew;UpIPen{g5*_14jo%;^vk*NXc7@jrUDCfvG>|w{8}F z>|{yR?Z(6U3rgJEAp;omsGq5{`U3gn3Bi*Rv2e%?YNdMwua+*M6_-+Bb-E09V%J)3 z^)N9If3CrO<(-wh3CnS7<1+5Rw0P+JGnh(NUxuzM4X%yHG<3IP6Fe&c`SZInflZ~a|o^z39-mXW-vc0gxFoUd_uf~cC>O>Pd?lS9? zl_i^f8(FZs5^d%&?3Fxz-C6axu+mhOs$32OX+3q)<2hCM*#15pmuJ8Q%%sfj`gjOF z#j#JD8%V*d;lh!IgQ;WG9=g`Sik9&b7e+eS&=LBcu+au0L(^cKtvni5t8JxDiQ2r+ zI!9Rf$`&%qTP!E5q>|ZBov5Q$4+{{Vg-;FnI^3y)_%^KDh?_JnQ3 zhp*!nPbnmySu~Gn^hN)1H?dD|6f`&Z@Z8@h`f-^x$Z$<0=g>JY8)$)@eD2cndLdhP zFbh2cTVa@Z7-Zx{vR}ILbl8+w)*`E6e zuAkz0xyR~h-zx*!*ek;YDm`UwRzuL5K#BTNBdFacjXOr}G>$fDE&snMvS29t}n?Gjc1s>=p?+a>W8I!`CMoIV!UqK@Qx@BmDCS(x+pB4B&bLvp8K2ZW0$(OYTfSmePLUN^!KUWRPo(yqHx z2fdM8$BZ;c-RVFJE}ybY=r^_sh%$hR@fSsH@4UIW9#{0zXbB#4R2hTqmNZ* zC9$GAO_aL(Duj`yECYfX^3m(qFVW9RX)Z*~l&BlHvf&S;xz=H=Y`%*oy+c<*w(584uw@zEtqkK- zs%tSfBomY;%0kr}ZI+&W0uRin#J7qjEMcfI)4=Vt%k%*hBy19vEK6o;)gn>d&KpeJ ziO06L$1)$CHdMd(Ty%$zeMcGlz|vu9#5uLX@{F}Sgx!gNzLr5i3sX4xygb&v`xG{h z?+|v$W(yUgPt!7*0b&Zz*#MvGQ#nVm!`gxKA6SobLh^`pLm-#^X9e?;E-0Dakq;`; zUHG+9nd|aZqJD3m@cj0(mQq)9iNZl|h!1!poF&ssC@6qz=L?eRUdX~7k5A8*@@BX4 z!yxb&j}cyzgpYWv?@3cbkZ%m9f`Mujzb-~C;)Z}&(;-lPtBQI@>uk0s5#8H@a?HXCW=_N`=og{i&#&8plE70(@D$_^5cHufB%5lK+EDV;6 z!-a=a*=Q|UZneT()Svc?d}`N$+>9gilCunVwbPhXxvj;UPG;cZCj%+l(nwt`z^AlC z;`PTHG9Qd(H<#>zJ&C^H`KE(R<+)$>6)#0s-klWbe4GS13GvXz4Z=~L18maK@!YMI zakO##0vtJR5H5n-XyMq4D@rs_AQuYx^C;=xX8~3s8HUc<&7}8d2(8y&V7FBF!};qQ zpsOp5glqe<(hd#uo<18x4D+GwkQFzv)ttJ^gwxB?2QhH29%q!B#ca~O@M#$bAw}N! zBYy)r75u|>ZfIpejKZDr3^?}n(2lSz)$3=F>$Wf@mhjy=~l@xG@7I`w2@ z($7QiW^5!#%OG97|1wKl{}7!{Wy1uI>u@+g5Be@YgZWE&fNM}7?#MHSCBfH3R?p+m zdP*ibW_ zqrKkLFa@}2oD;~e9|xDZwP;(YGrL4e@VMGlA~>cK!Q_f59 z6H8vn(*D*laCA@@Z0U8UwHx*eGZuw{U(azc+m=i`a$hoYnFOXkY7TU@-yk3TR)Eh& zIl56fka$Ul3A^SwL78D7T8@l|XjM(F`A04)g@?kAO%vEPiC18a;h^Mu0`xo7@#7(T zsJ$MDI$_1kV`Ty8%h@tg8BUxZSYt(5J-%@gaq1p{uqeEWOvsO-#{0 zD&_fWQwwVP8%7htOoc@J9ILI@46l&t<-1Ed;R~0WlQ3rjU5N?=~7Z{$5!yzv_;r@UD4jdRnU#^)B?Z-xQPXZtC z8YyNF>Tm`wdw*Xs8WwD87c_ zLmasaem$f);fScUPXoton#lI>^>0aF0fCYUXkwsx2VZ5da)8$qJ06H zEy`Glsw$D5q=kuAo_uXz2lP$mpsbVxwe}h(%3gL6TXJ|Yzl1b^PKIOpN;v5&`h$gV_16;DyH4h8A8m%w_^I=D1T zA0mQ+xbRoAV9^so^Rm<-YvfGMSSOh?x!=x86`L%JmkUG|#_^D=zXyz-#^TOmC8~VI zizXVpMr%18I^dRzce8p}Vayp883c7VXmXS&4%KQ?LULD=S2 zCR7zyM$LlPWOTC?jM09F?(a82i}4i@1CFz>ia!)Z$nn((Xr?I{yYsd@4=X*rRibeGwn?g)JvK2T#hedq{W zZ4?Ot?OV*hRRe7-%}@i1}0 zy>m^m>&13p3qHUnZ+(~}^5k(jgtpnVqxsVpn4ZwfM(Epc2i)fpQAHeD?#ThWXdk5V z*T`;{J6QR`6n+pps{U&up1VGs%I0Lky0geLz|E>?;*!YMX5>LY;^+7~B`aW#DUCxp>j6!RXGCgdy z158#R*);zViTbDo7S(dtYv_vVmo8%1n~aC6e9dVld)70N z8aKpa#*W=2OJ)f-zWp%n>U5=}+#kVj?~&93f3oeZ<1o*x6Hc!mM?AmF!);?(oSdNy zQ?t8BeOLelxyyijVLy8|bPLQiiYF#<3QXB%G2A+90q^W~WA`gbtO;2K_Phqf_I%!F z>+nZG(ah;V!)=&Bb2Ss*O?`X-xk2(`_|ZCi!5Tmju=KQB`!R!+tcnUWGh61arIYTpX(HnSdc;dH*0gI z>e<}tat3h*OJRa*CCKZ2!^Fe;n3#GdJTFXzR)GO*hGA&kKDcD_km20V-c6u$ri}%^ zqU^1C90(fEqKW%PbkAOjD;i_K$=;O)o_tBXa?g@`;l7;o(edaTG9BXb6sczRMf8Z2 z;eun&K>zI!yj}Aev|lTO%jg&w-!6{_+W^mqYsHx0P%HP`VAYE$P}U#Pn@0nR&luz}0x@ljAN zrUV>=Z=@4?IuAf@&KYR$PsC|&#$r&nlSm-0DC$lsXO-H2P<+}?rZ^^t-JZpLQfGy4|o*IR+nzxqg8%S4!5ABl(Nw2{Nri%^l*`4kU0Msnw8;{DNs zA^68-Hq(ZX%vBmC{TB+^1?Nk6>fkE+=zt1l-V~$HD;XKJ_676$qYJlYH<7d{8)1}c zA~Sq<63ocNx&cna^VnDb&ijtw`A4r|sz)VKxiPr(bRv1DeUjG% zxr{cuHK7{Q(A;hj?!DUy%T?0Aa#=Z<;NlF;TVqMV&Tb6uT?6+T_du4U0v@@405hRO zBuIY39?v?Di*CFl`^ADm^z%09->ZgW>cqL+yY(bm!wnTPh0tbci9_S&;SN_jB5=vF z%q`?KY*+AF5`_;$A(!GH;hccy65oKf2g8{CD|wdKCxRVC*^oT@2TAWlc&ph!yfWh0 znw`B^AU#JIG(WDStB2Rp91>$`wEroRBdc*nffljLO@=k^UyCM;h=8t_+u*%f9;_LN z!|tdiD6#Y;f+4RgpWMo$Ur#rZ(GO%njmI{(#xEmjO%mL9D@SfO&%4RH(}#ajB z1Qd0ea)!NMS(vR9)ER7NZMUR^W^za1e2*IYHgp+HdfUWn{(fPpOQdM=u42)`ms)sh z_dAGLH5z(P$AffzC!5;Db9d$_(;VSV7T~CiRjn@YHtnh~lPYn|Q$LDwbDAx++)tI9 z8(oiMv@AhSV=@F}MByrTGYIH?1}~HwvCNvs6Z0AlW+&EBo3LPJzuG`J?non6&zMQo zEPk>-!eadR`weQP`G`(@)90jZeDKFfZ_JlD#@5;n<_3rk=)R9*)>f}EGC+d-*dIea zB*~B*o|BcJtj@XUC_wPhy~u|pu*~xUDGfRcS;J0o=`Im??$b%Q^2>&p@BT_mM=ykB z{jrcR^f`3w(P!$*3ZP0p0+y-fVrHKqkyM$7^SYXOUdua}SW`_-y72go$DX1bA9*6_^qFmX&^vH=lb7nKe2le_WqEiJn5^biy- zQ^JPhM{(r`6Y4Z492@vL)vP}<*c>(#RHEDY9OZpW|EX4ZV4V=_np{yra}TDzP(Xnj zoo;Thg)QuTfval-V4=hpRb!(eYwLNKl>E$U{7XMrxHJ-L$}5<+{y#XRhsVXo4`#OC z>hXBpMeOsmg0tVhlcx(N!jNq#ctK?}Oj&Re^U^;MwZp#n?D7=m!QW5STBd-lSU;=j z7)I5Goq!m#bXdG8fxG#B1n2lf3|+1*V{5AJvJz_m*`hNn#9J5Mr-#F+szRZD!DObQ zbAxnN-6bhwGN5Vx3v4TI7j1oS3bxl3G1#OUJ0Is@X}J_SOx{J*^mRbOQUmsD{{wBe zvqX6Yhd_M64kW3|aesji+?^ba<#Go>+UX1g_QjDh&xv4H{RWClqeQ=Tl}XS8MNUQg z2Wv17#ruShJ&1@b^L+|aw>-xCa-+b@qsMaf-l?F!-wEv>9}$*p%_OniZt&IMDDLS| z<_djFFy=)O*pJ^QdepNC6H8=xe#2zaWcmWUp3Ws@b}sn%s28V0Zu_TD6_UN=d`~9hn#w`~{9|2BKLQ z4ZS~_u&2qIN^y2zuR2YnF1Hr~Uf%>6Ua!o)+yXZoD*)r*a@e>0EqJBX@Z3d2NpTf0 zlpT&fy0t)dZN^gnB2?Ki1F|1HA^SFo!<`cYK!0q2LgPYmcvlC;OWBYy#t+ESiPs=G z9`U*RP%fJ_;EcO@SYaCiHO`hyUdfSlzqEo!w#Cf)(^<5blf!B|??a;C7&<$x5w;pl z0RMCHU|>*>MqL+h*bT~KDiUY-RF`2;wJlWqZYTYZoS-zjSZF*Z8h4rx#*x3&IPc-d zVU7+5-&CuiOE&~{KLD)c)m`gr&jP{UCKAqbB_#j89?U=fj{mQ*{|j}z@X-JO literal 0 HcmV?d00001 diff --git a/test/asset/xlmr.large.output.pt b/test/asset/xlmr.large.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..5888eb54b1accd0f7a5be03990d96e5321546a3e GIT binary patch literal 33515 zcmZ^KeN;_P`0tSas59RWwuDT4-&UA*)rIDu=saP z;MOgY3j~@WTZSx}FPJ}QzVrftPi^EDZ8l z8?@HPZvC1NnJv=#E?b6$Y>{!HPm4vAjV0e~j4JWRA`F z|7*PeWANfXALdU$DG7Nv@W~$fG>kAnL!DT+ItU&24<-%GC9HFE73ol%%G!Ppg80K_ zq|q~;J=pDwmlKZ>?Qv?z-iMRn>PNt0z9GskyvE`$^|6HR=XmDVMl7t}0|&;Kg0fLA z`S3Xfb#6KlKa*(Dx+T6it}YH=UY~@HN#5u=IDko-d}fW>-&u}}8SHo`%dXYt@=Fg+ zFxNlUT!t zyhu%M(x*y_9w)=(p_$OTWEq;9+$5IP9qeSuJN*4Z9TjUv;nwM9m>HD{;oB=gcEu?; ztKP=WW?v+-cHPA4%MLJFnM?{#?}e4^_E3~H1hsiI`BXg@`nEn1ny+XfIwLnQpM=9? zlKKM-`n?f~b-ILS%Ys09lq2Svq_IbzFS8_V3*lLP7q~bh0S4SZidHr}6#ZS;NIvnw zd|=8MP&>U0UZgUxvCk$_5#gxq>4<5c@?n&N2X+DLeusEn^SyFw}>{aB1vH z2!+CFNlfL~VD@p=O>jzhkGc}J(77i~IHz_c+znm@iNOmoZ`pR{8MckFOexY{AV+4n ze86^hZ)oj`!pcAKVA5M6idy$TsCG$+Ti?p^@1MdUQg<=5yvxQkV+oMZkiqghIhfL8 zPXBuOKxcLkPVeX;fw%VI3FD!l;yYRxvor}$1-V1u({beI?=fid#gxRJl7hh4N|B-S zDXdIrwQ6)tCI8B-U{mdFaxTP%>78Q2)^>HFl$#{nQSutGRH5OafAgI(W z7HvwF$3zK5INF|%&GB1^io#~n^Kl|nYCB=XaXsvQ<4GP*YGfVXCS%IcW2`91gay2P z0moyn=OPgXDl)F{0;JM24ecFA$aLZ z1}JO@5QhDqMfbnkS+g?WsQ^(Dtz8Wbn8?xl%$D_E(`|Rew(O1xQ1ipkFZa# zW?|^hGEtu?2tP!c&|2HCplN$vq&mEw>tsB#00Plyox>hZ?HQJ`!P1hm^~f&7BwSmDzJAyEieDTx=%#o6Ww{*1zq$X2x-ZAh@{>gQxeQdL zU1if-mcyR6N+>PN1mnZu@W=QZ*4&xQlpbCpp{YlS@|+~-9Fj?1507E~!z$pc+(B|~ zc@!(ZxR+%8O(J$*&XU`?8O+fz0YX3T6$&m+s#tRM6M5<50(K8B2rGr_D;6adVOgdo zqJbR0eNU2CCFV0<6EpnennO~~4}+?~syP1UC!%1w24BV~KthnBb?D8zB(2z=R1|fS zE6qIuk+Q?p$AFSudBjKy9bMe-$2IyN` z3-I9_4bmEqmct*Dm`F+RIbT2mZF@+5=qgdxtR$uonO;$TI{~X~FJbP4M>z1i1CPmY zR`vZDxNi&wrMvY)tIm~ZFfa$Jiw(fLK?lgOPNMrujSRZ@2296pVK3dgneJQ#q&Jh` zuayyo?&uYsXpx5p!%T4Te=9JgL`3>dNa5I1is(N73E8`6fb~_Bh`hUB5tm0#+0^NY zOf7sLd~BV~9lM{R`5Z&IH#80VHnt0Y{#l4UjI*#ql4x*l7|MQ51-CQ>Z0rPRX!0gM zEn*or_W;}JF{o*sTjAC9K$MnqlSrq&5z6#PV8BpcRC<2|%A;+`p6V2|3}C{uJIf(R zQJoE(IxlKD7mu~6nfU5lJB#}00mT!pf!DYWSgtXYhGx5xu#LyC;KFfOl%kGmTO&#Q zu|O0|JUPQg&4wv7{1yrhUz#C3T9G#_Ok+Wdip6VK4Qd_y@j%viZk3$-Bl5|=e!J0obHQ#12={C)5_4@{uP?r9>LfJ zQ`oZi9w4yQ6$N#zfrzp}bmygWn9=uHblG7T#O@vkc9YUjQuQ@?n_33y{-eOz^&kda z5y0`WkD1vKM;N`}Jrl0nhzB0b#>(f0Lir331lo@p4EQ_aQ%GxqhOCJlNU2jRz2=r3^)ll9Jn_t{M}s(uA{<(QG$`(>nO zP%euKy~@s5|732bW8LaRW0n6jfC)H8!Vi7c#b49b-Q?3wg+D%!+zd(R1rx zMYF674BQwB6FR!-=d&DZQcCgl#b;38>PC?F` zV~}*HkmxKbCBq-nPjXGM%T@qVFN=td+Fde#pA3HTkp@X{B%Q;*3;Uy-u(8=1 z&o~^yYm%#QxAh6uusV)d?a3fVsup61S-dcO-ZUZ?=7ZD6$iTOOZWf`{$Qn9JA#857 zX!?o+r0vvqR(ryQZ(FE|Q zaEx8<2@;R(vCwN2glM)CV;LosxtED2dkY!%t4u;0FSa6oHYK<#hvA+=3&Y6g+L9=nnKrh}MuL;}SQkWl0gT&>tN#ez5 z=AmVQ9;54s=FGjqA!Mj0}0G8dm{!Ud?P0Yg)sMJI?y&&5&r6|02w>e@_WKUJ$spDISpd|{q%>c_%SV4S* zeu%bfak-in7W!9`2@ZFd@=Qq{`OX5vm*1H|E6l)BZvk&tF(wAG$Dn7^Rgm2@0Z%q4 z!t|tHOyQS_C}Oq*9XlnACA1fyS>{m)DL5&5l6Qt_eKAJs%rxQoix;tYU5>EEZ5-8~ z|BeNmn~V>eX5omjbJ?txMBHnW$}|^TtC+c43DjQChKqaNGEJ>bqTYYqM8S2aXwla= z)U=eeGObml-nvSVa9(z1ZNhzM%Rda?zCFasNg7rmre{gFrX~CI)*h~}^k%(Uon+hw zJ9K=c&YUItg|*L1FsV`t|ExSp`=a#mi|-AV1)A(pNC(l>T?EB*^MsZK3q%fg-BD0k zW;rgUg=OU)wL0pV1RkF>LE1EjrFxH|Y;FcxNi9Xcw1=W6{`b*i=~nFV)guG5MMTph znrT;Sg65tMp_SAmOcYjQ$w^0ywKc~_RT+45atn)k?1}+#s_;adh6syl(b8Zde7D-j zA{HEEb`DpB28L41dT^ZZ`O*E5>DdO`(v^6l!eXIe%s6aNGllZSrXqdP&MH3yTUBl= zzdFZC5n_HeGS`^b=(}JQIIp-sROmsJwNz!2hvKlc_+rI_5EY($xeazn{ziE>V>H=+ zR2cW+AX=P=K&hikS@jwPY;N_$!h`8}?9?SzAG`uje%gXP_9enWl~MeFlsB+tli&hQ z!(iPM_-bQ@C8hz;=Boht2Tr3^>;)n(I?B>Fn~=~6M}>}SN=bhAY3_XflW1R_5cw1@ zxb^)4X`QXbvX;!CYWJPs>b%#iZ01BzJhmG5Jvxn__C&E;1#-~yeI*nbHM6Yv?d(>^ zI+Tnb4XvkCMbamRlj0e5!o*n{$-qeqSkQG2>i0*Gs*#sSz4kGYpWQQI)%i*?>sclU zgyXQH^b9NC`9nCZdp|DE6vCoI0=o6}0k+Be5J~M^3gM^6L55Lu%c~^OxQnyh40=^VwPV*r{Qx!Fi6iTq;y#xy*}tmpfYnr5Oy@<{Mr zZ~_?EVWIaiY}u=Vh5h>Ii=dr)! zQ>`rezA(md5%*Y>=U}YJSb<$Pqe$B@BUrB5h91L}Ahs$2t_lugM$I1btnw=MU6LYK z{q})D)J?X%K@;Du>0;K|n=7umP2%z+)8MngDn9O#EyihO;ng4YO#56eJnlYBr>z)* zZ`D6xPH-!P>}1#z?nSI74grUCBlw-yp=e@MC0bY~MWquaLPPUk@-5v0pBnvucY%LV zU5q`Xt80a$i&7~0c!mcQ>7#~TJhbl)A@#d|6G!HTK|%*!_DvbJ^OWF?y&DZ3s|C;Y zRbiTc9S?1N4}rm&LhI^0t7q-cP${pKBo(hC=}vtRcC(o1ru*|K|Ls@a6hke#_GWi``$N#n8P}U*S9#zCA;4C;!1oQ=j1R*dkcp zdKW!&=3$iPXl^xS7Fju_0!kXEQIE7*_`D;PPkQhHrCvl~#Jcm$xMdg5X&(a4orh^i z`Z^*AwY&N}u!N;QOu*2OQP3|xg7?(zrEc%`LavkqouBZ4%_(Ss*@@P)S9u}S#|@`f zx|L|&fk37?q}3{Pp9NJ~Fp^s8Gz&*fli>zI%7AOuBLg0h9h3&om#7MQPb~@?)bn8XUY2Csw#XxNA#Az>ABbr1b?ACoGgvcJn=u zTf3F%^(Ejt=^iw2u;PN79Tm0-qPd z$fHGnLO>$Do;*L54<|n(ZqC=B+3(!=k{eUuhUF!8uceL^RNCSa-E@?6Z6iU=(p)Fj zjE5IbWLJ0RL;vz)AkqB@e9Dk~U)9LZzYAk}*ABy3CeIbt-^F?*#O&!gtpD~oVh|xg z8@KxMg3ZeOWvL>|iC)Ve*0rJhpIRJvu0wqbCsPj>S#J1YFh9Pr7ke^q(;=4D^sCxV z3_q*I16}v?!viW9m9~H^s+5JX%h$nkQ521S^$Y7c;&iK1kl2-mPpzM$cac6s21GNj zv}CCMejSv0w7`9MJdu5Wp0T9`a5;Jq&mSZrWkWUDshPU`#;hKky`ICV(~0cF*>OZ@ zsYD0fYLaEc)p*Vz0m__6p{>~{`qrzC9ftGRg)#fUbLnLuzb@hH{3Ebi;uWZ`T}^fV zGlhe?$uvu&RAjf~4NMNcj5%3bP@(%D)~$blTK0s`xDI^7`z8qddQ51t;0PTvQJy~@ zOmVu_W92)s3{XpYTrs&=4^1kM?PZ~PYV`b}=4y%ssJYX#uWTbIz}#w|M1aEg1h`Eq^t7F}2S9VfFReeij<@{rVAuPPF&Z1M~PvJpao#==$Ia({w zC~0?|Wmzh$j`|^L(=o?SmAd$@JB#l5u#f&)cbr#0Rfe`f!ziy=4S$xVf$YCDD2mvQ zZhM6obcjIH!cw%B+$kE;9$1lvD}ps~x@`p@O% zJaBoLuu$_K#!o&9i6!fS+3kWs^K0?Za8G(Kp$%IH(u6Go(|C{D1oYm10d<4F!^*9f zu{Ax^OK< zzcHjIqb=#*?R(&E?*~|?IsuAT%i|L*4QevWj@~);4Er*Kpg6w-w=2qAdl;3*tEbgN z&(|c8XW|V!XxNHfXAS6`U*%vrY&>>P|Bv@YF2L=Y_i(pgIQE~;ffX-iiliLH@~QLG-&Lg)WrRD(QEi&BHXk9$#OZz0~**TKZ6 zJE-~Mm(c3;y&~k*GPrSMD>h#?Aw547M0fkX;`+U|d_q$x%Q{mFbMKmB!}uC3te?Oq z+`5hnqmLu69YnnZfh5Q%l)elfPvjn*0)@5TghHb@=3o7f?I=2mb~mPx`zof$0+N~0 z&|!SC^bmecqK9WJt0ygUZ!oK6cJxK@VX!!Nkq$KPM$3J7@v&tH7A&sA`;D8?_Sb#P z`BqFN&dTu;OC20!u7_uEs^?5+R zk`z>K_z%mLo+stIMiZUrIbi6f$SadfvAs?f{crnWm+C&YyM71P^wh@{E2U`Z+9)8A zhe`6eQuz7Ml=`$x=gzk>M8$(Q3AF{;*pxX37uXM`D;K20$=3bQs<@dx8q>?Q^T+T* zUsJGD@-;3TI~*EZJ1|z`uIQJ^aVjRkX{*~JZZzngn2YRy`1_xsbekD|6D;8cb%bl? z4iZjyI*wIehuMV0+mCw$A@Oz6%SV6XM)YCdNoY@FE zkG08WFDpJFJRIV~SJG^YnbiDZ4!3i5MfIZ_c(j+L=E>-pg2f| zcFr42Rh~+5=aoWYsN({ILi_RluWp>^yP8X^SpYAMCsK|6`)IjgiRhZq2NnY2oY&if zTK*a(RHld7_M9+WL>#DW)MA`eSHPYeSK$WNBk@m7IxpVW2hPE%a4KsAU8yx0!Zt;6 z$!<^nz&x1ecUI$lofBl#u!m6DU_=6cm+;A-lu_#7LFC^UQ#tVrDvOthd`4U(S~F|V zugQ=XZ9Iy+(SSDSA12-YBY3)XBB0;!nVYs~!O>swpe(5j^$?Bp zCgF~JB!c0ev@*YZH3nj{ra*!|9D2*}7B!-ran8yo$?}Ek!dnk`u2F1}M zVc7N<79RJ6L|43Hx*FazrZJgH9XgEpA3KCI8j2wz)rh{2l&9?BW1m_8FF(%lOCk;yreU2|knPMo8)_)t98pAG#s#@wzp9Ho`6vEg53Xo~X|Flg21 zCoXn@GYqMalmOFW*z*( zY$BXcrDYC1_2wEIk)eURPQSt{f_T{eJdcizxJQ&OKL(wD5p-_T0n}|C3n%Y+@}voi zMPrs%VB*vgah%oSh1aiReryOToDk6U8e7=HMRRfc#W>b9^er=Ud_z5x&cc{DKkUnw zqSYt-VeZay47q=e|4}Pq@&k9^pvGhzoH`hLj%4umR%8C~$trF=X*!HFT*v3yPUolA zT||fV=fP+59d=>!NZh@q6=N*^v9u|p(56bAj})e{^81&BdhwCusMjQFqyLzd1s_F? zOiP;Z8{wP&Q5gLxh6%iXFuMUCC^VZ1x!D=;shZ|hQ8>HCnZ8Mz<(k}j}>x@3@d`GPY{AES0bBQ6;Mmn=_={|{DP+QfT1CAi_kFqocLM>YxB$q0^3dt)spi59R&uM=`PBuDEZD}3>nVmI7X3$izYQU{ z?k6VR{y`4a8}d=;X>H7a>EtWxIrAKnj|}Ho z&t7B6B`HkUF@-+ON#unwUO4Z29QFFWl19rY(xA`!T=(k%6a<=zG=;B0;z%|r)cwx# zkBK4h{t?%Fm&{;YhCf)p^;y!Mc?4@M{ovQ()hL&j2_dR0an!N`?wMrHle7yl(()>9 zy6=ZBBc}29{{E<#CCNPwFXu1Cn8K=6e`Z9uKX*AEOH5nWaNn2v;lu81mh>nQb{0wy zZRLN+I^uA8rUY*`b>~~Yo6qu(ReYIXx~M&}<2h zxqb;9o_qt#!Y3GI>_sBw)0u)K5{o;7X`0$vc9;?mR`oqoi^O>s1|RX^%2%}rhwhJ_o%l}n*TR{A1FOs%g5#AfnMc(Xl)ol&q`~t za2W+^`^SbRYsTTbzgG05>1ZlNec_2o0? z_jZ8&yT8XLMG<^?Ky9Kr9yPQjjul($q*p^29dLZ!1i)75>0cgG26e&|dw zZ$5}lYYjnfyExt(v516-j~q8n2HCedD9fCs44u7 ze#n|$8S^1uw(`r~m+;eI%GY)4@vxo8v39@oOpWKyXr}2EG<<#&S3hoI(OJhadFwXX zJFy#!`D`B8y%J*$RLK1`!)YLB!y&ydICAhZT5w;1|ClfXPn?OO>9Wdv<{}l&I;XLo z?IkSvt_Rdhy@I3TUf`$XdXk@4hnGd`>2Sl@bo!W9;15pYk5DCEFn%^&^lLb;{jr`l zm|If^h27Bl@0(SK(>vVQVZ`Ssb6R-YfPauPr-FI~%b!M8*pO2RHKyq}DpvuF?I+Tm zqf)5(VMVC@eTxP<9mLZ2GSpw;6M3=l3~j7@i33qRP9cwh>R~US4JXXdKjknF4ZVp?Yg1sYoi7jR{|L?*@obe` zCkFiSB}u`*!Rnj|y{u5lsvkwN<$l5Fm^}qct9q|boFxxzT9!yxb_(A+$%^MJFvXsy zc{mW0j>`|EqhGZ@I0gM?OB1fZrq6e=ErD`Z<>5T^%}UZGjOR*r0GfqM_~*O&l<#=R ziZX(D=I%>W=E?=wq;igRRGq?6Qg+x|Q%8zr6H)7~DlT8uf&)JSVcP0Uip^bkD1H=I zcrYK&72bJ3k=an_JrPKz z|6Whes%!wOOOILnRZaTAX)wLNNB~~e1xO~2rsI89L#yg49`Z6DTT*k;H2wyz9l4My z{+WhSe>L#GNK4*3QJ=FNs@zXx&TY!F(aa?gT8fh4ZN&koDU1yc9pLyPtOy#3N#}z0w>4*#rbjx zP*POR!dAS2(JzluuX%Yvf(Fh9)S{G!k5!meI>+GO@_61FK9#YuQU^PoGw^;!A~)lz&^4 z=`@SW{+`HJPI-jx{VUiv({Q@v+j*q^*;pSxRJ4-SLe|sERt;(+u+rF*Hnkh!Utt9K zJ8e4ros*7wJCk8ZmlDc1=X0-1xg<@oT^M%PiXI^*I8G%S%xpE$y|o(l-fqDZ?D2>dy`OM@n!HBKLsRy-hrIhk2uJ* z8!gVR;5|4W0vC)CH8V;2DK!DoPJe=l4F)JMVX!uQ8s9MJG3tq*LtwHJANgL9&gqfh zMw3*iK}{6~oZJ9KE&A|cVIFHU>q3``;oy5_2;4AwiJIqZsX)z)66qu;w<*D)MmzX` zeI8zu{e@rW4W~yfW>Zyfv5u3}S`lzonR)RN{O&lEi!x0)d;1R#G*w`2^IKxLNRBQS z>;mu47f`bDyvXZA9aiRVu6SAh1V_cm(f-Cw)V)-K3RH!3w5k^O`B{NvS0abM75J%B zh8iyPhs*B*@XD=nn)Gcl9lt*rn@>4_-<*61$VnI7ANB%Yh%sY$TI`Jc%bh~QMG`Cw zZ=t$_DmulyLVeBKpdjZ7wxZEE?v*~DuD=3%$FHM@8b@IB^(-vEzMeJBd(X}mt8xj` zG3YpDh^W720}F(w!fanvYBEpAXKr51ooiw-bhI-$ADM+468kWNNP}j^6#nh@0`#kw zK*!@Futg=1_9*Fa3*ke|(kmmiU(}#_N(_;F{*hQYeMC25E_OIM*zRJv&uE(ASsrXgL2(1VCVsH3pZf#r3Y}eV~ zmU0!$aN@!?cT=o@7kEu622ZIM;?jK=;i`ly4Lhg-PxZ~fX8L5XyJ17)Ms#D3#Z#6w zFrLHNA6`U9tq+LOBD9;P$4S~nJiNh_UjMim)hox)bgcrY@7^bzd+!9!Hay8s-+qmw z#J)oP)(enhrc1Bu7jf6y-8f~Y4BT0D75%QA6d4|E5jqbZCQ@11z#1Kzu~_mA{G&!sLwwfq76P&1Yavb;nG zq!~aFr;;f#m@0P;&hPxkJm!XznDY~9)_6~m*>@AzcX=pHT6r0kUA&4#JI)Z#uCer{ z&J2F|n=3!FELyC$hQKwM1kSpCiQ3*(!y8$1dMdr2}rr|M|?NAE^+-tEZXh z=3YFd69wU;U16#HNoqO71XhO)!CLph7!$mo_=vq~#bSS`POdz}Mju5}?IASaKsM&J z{fDOl-SKPJ8}O=-#j*WTyxZ--d^udV#Ffnd1jy7*0J7=@m%j-IU1$)fSX_eTKtiu{v)g)WumRvlc31me(Q5z^^;(r z>d3-t3aq;Prt!qMI(QIbPo>=-fv@v~Yj2)pQhM+(o?26i&gm=oKbu<^niLKSqLIYl zVi;e1J%L@dj_1|$I-%#z0jr_}5w|VW@gMpJcBtjuh71>$wt(*BHZJER><+zr4fG zpR#DkXtH9>eS5DXbh-ikZ0?{ImKuto%=# zR*4F+!eIjlVimdOo6%ID9>6--44j-Ie&5EcaxbsvV1Hr=*D27$6Xml|`tTK^vb7%M zB{|9_m*eS$ds$)40;W4=BRT|(p!R2vqx8P>kdk>1w)iZh`8u}HKRXxyERVu+uW5Xj za1t+;TFs?XvoRoPH~lff4g_CU!R?0Cth4^UmSN`4=mnXo%ONI+fk{lWeH9TOSp&)P!Lb}#C3VkR8Ocn3dT9_PiSRx})MV$t3h z$iE`S>4D#goH$qSi&tjJCL_Ss>NwpwL5TO<0YkK=!smh^bnD(zyz|jyGV8@bR33=t z29Jhe-w{(fGFcvy@5kcTdoNMx(oP~jW-FW>(*&iT3qWu(OeB}#&RvhkWAW*&^ti-B zRy|rsB^qBr$f5w2_~ILmey)NO1|(?z*NbR3Q3D#ri0ckUC8Pb^$!M+IGh?}l44-c%eV;-xX9xDml33}?;6;+4q}4MhtM(X1`JYr zj;^t()WP;2{t;{xTGujgAXbHX?4+J&aAh0q{D8!I=fI%%f=*cfajP zxk3U;e7TCTp^;u=xRarPudfyI zgNGMmhAv=ExhC}Gj^KLVwb0U{0Ip4p0L|j9CJ!2?_qkp!)Khx4GrZA7(90~fcL(~oBgm}J{~w3GCQ z+RGW>)<2R=O@6|%4(;R_ce8|TkM!YD*dg4St-?Re)#ALWhKBr{4P{RLSo z`ii?4rg)dcWv=F(8@_?diN|mYyJ6ddc~E7vhFU+n39o9l@$RyXI7;>=N{t@{D!We- z!B1bJZ<&khlFxy|+cv7%_m%Ap{)N3?4qKk^;O3*re9J693<|jmU5<`C zLoo}8;Ukj2_auaW0I+R*i!3^yq* z;CWV8QB&SXm=>zT*Y6C*lDUt;rjC;`qwVm>y@O1$KL#&Tms)>#sm<4mIi$K11w3ig zYht8%2*|V@uxQ7{UK3qfSn`#`W&jYUrRUG9$lxw(2P`q~@ z)vgbNv}IBx*j8LW<-800H~K)#;7R=B(ZgW>L!aeKyaCbtA+)i>m}kci=ddgd>VM9I z<@dgT=5hRIuf*APm()k9pt|}_oI@FE!4aSX3;up_@W*9 ze4hCMuzT}^sKk#UI;t5cU>>w)XDb>6%JRvT6laAG;|A)c`1ihmrn<@in^Ay1<)v^V zPnSQxyaOdq%22Q2SxnkSL`1T8Fm+ZFEUc))+rutneQpiBJlzekTS}mqFPMZAK$UN${rVC=P=759oSF(^7z*UEfXx=gy^=|24WvLpS zv27dsR5TywRatSp<@v&tl_SvM)g(Uu!A1CcL>HdEPvF)o&*H8>kr=0K$3tYZu>G0^ z3G~aX__T2s^u$ZU50z37)Tv+XzdDfz+?M1+;&XAUnHl#paDzqCx-@&rQRt6QX5{oz z?r%5+%5(L2mi`y`vE?WUFV(N8^xr|Mw~VA(wdwTM6Dib=Xn@vkQ!b}%%})k;@~_XQ z@Y0eP8uLpFe|8CY(!?r~vf2}89@gg;Wsdx`TN$W{vC*1QdNgn)2c>xp5G}CazTbz^ z{k?W*{pw#ukA@j4#yFy@%Q33g@`t3FY17^(6`!%V{q-G!KhxQh>C;4ur{m!LsSz` z`ObG%)qffa^JBrId=8H&P{*-K6QR#nhgKSlB2ITBG40@3^liU`D;jlqfp;90oo9wY zsWIeF{Vr~wqc3W@*Nq!)$x_)z#$cx$hIjvEq2K5%R=nR+G%aBoZ*mRAtXtyRkd9#b z#OV-q8~u=#cO;=nP$#M_IDs}-y&2sYjvXd-jBL9ky8k2{n+2E24YztUbf|z{-(vJg zt|npXl05pJF7^Et&V60$0Pju2--o7B&5L%}b5@L1PFtb#uc44?{279K=Tg6fQb@}! zXCcOhFn)m*-*9pcuNYJg6Q(6$*PAdLADV%okG=`JRU%N_iQ#SJ5=qvSEH zRar(7r&f|t%?dOo$c$doJ<4x2TkzD=xsa$D59M>;!b^1uU-o8;z5CnYdS(*6|KJH2 zJ<4JkYh7^TxLSmc&3s#X9BP@ip=;GEbU9#&ja6B=Q0&>V2|R-bf9GI$jfW_DnHXot zs!;zG4`B1jAawH?ixK}+p?zA5NX{h%U0a89(h|*TL&Y3M)^vFFWF-B&?lZiaqerhl zn2tp*E9vsda(u@01MqclJnm7cf$p=<;ecc`pZmz0CpJ4$pN4Ewb1WateRfI>-U1hs43f7ArdI z=~ND0^7PNHD%8!sLG)FPsa|;vp8F9A`?ekj!QtzW?9znk*b7cK?!l(NQD|VcjV*7i zgINy^>6E1^Tu@VMF*4hbMpsY7rR#Js>5Q0HYRD3Wo{lHd2IhRodJ*LP`3iaVDVO+g)0rcpSMzZSB_ z%@ciIWJjxPr05gND6nYl6wm(%E@RGV1I-l#0+=^4#Xy6PY1H@_k80_;%X zlPP44{{R~g#$nfcM#4Sftwt@phpG$2o*|hbT)CzO+2nrFl(!@K^oj{IG-Zq%~ zcOIiQhjh7IQWyH9da>_fzi|3OCq8>yBIfLlh9?6qSbf-lST&49BE|v6vu*&}<3_~R zI+}ZK7T*<-j{Y64pmQya-0jV!9#J~H@~4AU`~y#XttUa{+lxtWYb%kilOckffvW@J zTIcBRoU1SVh!1{@fS`;iP_rq8w}yCuhOvO!o9;%5Mc>KYQ}Kj-N`YV1nV_{qorY}f z$CNpBU>V&`q(H_?D*6-&M?>b*_5%5&tRwKkd=x|N& zkQQ^+cW$#dzdL;U8Fe1))PePD4&sB7uXw3{Hq}-ZVb6b>=-2ljIQgZK@$Zay&%8B+ zMf`zq7tWNTWSH3lb7nAWDBQ{x!HKZvaDT1|xGt~4px$)+wCpE@tDIr8wA*lre=wZc zBSn7*q*(qbHLBNcPVsCwO@Ez8(iY7k?DRu1er4>;$W~Mm^UC(7|IyoR?$mC7C1@U> z$yEgX?9QLn^wgPm?7qJ@s!VZ3vt7fv;dC8XbV*+vb7X1Tux)siDS!{G;b&*p!X_U3Uty-~bxB^pp^ zmLf@#Bo(UfUQdG*Q9?*ar4mBOl#nD1BuSE_iINaf>but}O6F9GM1~}p6N(Jo{k!*^ zd(S!l-rZ}rzx&mGYPW}HTA$B*J;!${)%d)o3{EO)GR|qr#5&ra2R}hP=xJP#w@j?g}=AZmQO#h3m%~&W<{h1TXQFbUgoQAeS_9JdNG*9DS$7Vb~d2lxXE}x|~0C zNHjB(At%|y{e@WN^O-AKE>CxMjOAA}oyPfNR?y!wCKTD%1eqtU^Cr`;P)N-_PRFVq z+kS4q&~eGwzP*P_IuJ`CePij0d;o)$W%%>5&=&jr5*g~1h%|2uBKModEPeYv&`nl@ zq#9FLCZ)@c$(S;^dlsZupv>lv>%vz~g`i=#g#0|Ec~76ayi8&MUO3#tGgnjLo_E0B zapuT$+BuU~670^JW90b9A2z=}hjICLdD%nea3`-HyXj&{NshImk0uHH^j9&^p$`0v zvBoUvaS5(WTa9@W_u;H?;oVQnV&62Y`S^z!a8J{ObA3GoK0la8TBixUS1N*5!aCkL z;2n3mD;u;=H}DEdhHUGVSkxW%vMj{n75YDYjQ98L#S4x9)?oHy76OnhQBDLr)|Qcb-EzcBf!fcPobH zeB)d{6u_{r@@xZt1@r6P0P`SJkXej1;vA5Cdmks2d*a`|6l~`fvAvOh(C*)Ky0v$Y z=){8I>|vZ6sU9E8!VP zyPKel5lYT4gdfI7P|v=E_Y%gw zOBAZaRiQ1M#~H?N^Q++VhBb@2rmlgq@)NMPRgTSBbdL8r-~xG9Wa%(}5N^jf(8$wH zwE1Nc1^nH{8>;s5hsJ5qx z@W*Y^;Iqm%h`W6pTy|e!A>V7o&&K*QKdmUP?wBQ8SM&=dAQw{V1pR^SbNDG6E%>Yl z!rSEwSm8@Mcy@6#8=NVD6vQjO|_3>=V4=#UKa`~8*<^__eIQKS(rOi7{?BFR-xpiWVH7Eac$4r#Y`&N zj?1_(1r^tZl0!&7xCf@wkO61G=-?E7v-MvLD!waffFs#SBv9&6Ovzi}FrvB%!dhB%^czFcm#7v^Lim~jKr6y(E zorU_E>74t;bZ%UGux(pvE`DEp0Bpw=(T0YDy!)sx;B#vrn5LOgeyIoRntBoc7(_DH z+Frg|yM_0JSib#p3ACQSh;4tj@NS+jp>5+~ZkD$Kj!_sw>t!y&lCm@K^-UZG4n9Un zvxPo;uNgH<8sG|tKfIy6<$rVJ;;x7fcv#hvwV!{+UCGvgrBfnN^VJ<@`qBhG+Kz(A z`yXIf#}oc{fB|{;imctnYO}4cdvNp;SBm|TfD;_$W~gpZAWzS9>*}zfukk zXqiSgst4momV@UTj`2TV`a+mW57=s6<<-ALv3GH)G3W9pU(d9kA zV8j=&T@?2%@DA2wt;M2Sc*T7VWfhM2%}> zaZ`pNotra|z42bayiFy^qv4mx<8L2&rKP(WrgO04MO4LW>S>GD;mDKVa8 z4`{%$docp5LWA9GmtsldMslCt>YlLuTR9#@#iK4lQ+9mNFo+IE^d4G_I$;9dTM>$jTUXe$`FfeI31RGXggYegK z;+l^u;r`d-toXABpVPYtLpW_Z@?aG2vpf@T_zHcP+)?4G%zlzjsH4CB>i`eGU2bes@9nyZx;HSS` zhQ5ereEPyTJh@5CCnOKyIwFg>)onGXQ7FsQ_j$viZ&TPr?>QLU3D7pm3sx4NbsBdHc)EHkpA`gNM+yvkBPEquq0hGRT8zoeg zat%90T*g!*^i)g3)9a?-RZQm&>&~RS>`HFI!yJ&8{l|AV8<6Y1fBb2u6KIfKj=okO zVfz|ow$4<tR&ZE`P(B6-EWE-%ny;u2dnX72r{CM7BauIast7D+}q^K>-m`}Hnr&nX$ zvDM`mZ@yfCX8LR;^QtJ=o8D|jG}h9>eN^{ac)dF*m@5^qDd_7?DdJzvzeT87T%4>5Rp z9rRx~nezT*06(D(mM;`EQo(B|_Sy-!J0l54>mxK}?GQOSEugP?wk%`&c-p)%mcKVz z5iIoFu))oV1&NxUhh0ALIZB@&qlPlq6ewuofa)1Z~|1BYd-N z0A!u7hVYegEObpH_SPH0FN3kft(wU-uQ#Msuz)EY5}ujNTijY}7r1}Hj%L4(fS{f( z@B|~!_q4-;a0if%7vk3|h>z_LG++2p_zm||zfT2k*rxb;kH z*NJB2yW%8FC_cfDI6sha`X%uFOf>Ipsl|P2(4~qUrku&e)%2wx;=HOxu|<16 zDtRQZ+!xvG=k%%cbX5)Cx$r!%`6-aqP6=i|r)jgRC8~U%tPC0d+l%?r`p{J(4(na( zq2lZ&7#24ZzYlxObylhYZ&ZLWt=X7xqYFx>C9=7hv%veUpE!CxN6|*Zn1be6bVzML zUhyUuaN#=72`r~Pw^!WSCCm9(VQfu1j)G-X7bLD8LFZFEbnihuk{3^UB1pu~++qLjv&Tvos^h&H{< zyDVSCLd(m+?Zzk2J0wY?X5HiOM9Pq@NmbcnZGYTwY!C(3$Dn1;RV>_^i3T@S`7IBB z^ZwT-v)s24OcZsUT2D#f^YK~uUPccZ$LvPq{58PokEO6-%G~~UC0OxX8BS+spy{e0 zE@*@gbn0&5rbZuUwwr&Hj!sKM-^mGlwbFC0s^}Ov>uZyRl%T7T`6YUno(&7UbMUT= zKE)e$@=1G!(9+{CP`hse{jth~{oqdB&yRASKYoWSiLtb%@+^3SUf^^7dU8AH2I`va z#$m%(V$AsCyn?F|OKft0lC`(_kKb;HEhhgIca|QfjyG@c?Lkiro?HU+B15FHvrnr4BlyX6KJ40L1Rq#z2l=>*4$kN8YO z241=(*-J}S=70I3E`sC-by z7Jlr{Hg8*tSJp__q?OqUbA@%_YF`A+`8}LndIhC+^g-AAli01}jM0C6xuU8X=sr+S zhsP$NcKAkW4JbhC;DPjO@dcK9$%I&rCY$@cKlE%|z${kf;J0!1s4>Wg)|;5Jx#3cb zpCqDHeQ|8}T^+VBFqbdhw4bJ37c{y?XEA!qMeG_o9z8C_a_2#+Pnl8#4N#cbK$rjr+J)g5OtbNH|S9auOqCufRQ{h4A)vG^BnnLsfkp zt|GI9+aP5`<93ySuWypV&AC}Dr>g<4RdQYwNlgO#8(;xOE}oXLI| zUB?|2zcJfUfx=|eV3075Dtb1SeGcG_UyXS2%4HVnoCLeCt1^e0^C;h> z!xoMEc5VL|j+NzCK(dO6yaFP)8KOrR)A^hVawI4wVIFBOzepWh_oD4jS?o1i09$*W zijuQN(c;t7n4Q`iT+xUyY0w?eOB_PogZ$am0bk(z+`X*0Ie@jiQ6NYEY_Om52CM9p zIHgiY(P*_Aq3>6V%VeymP;0V{x96U+>nHq4cKIuQx=er0%y1tSRS%>R6BQb@Pn`{S zY~d41M{)~Zc;VJ#Z@5>R#{8(_*29~ zNr-&;lV2$n$F~wSlnt~!3_E_rf%RoCERBCk{NH`l)_$JVUQi@g;FVcxYR=(7azOu-qx zS!z5=-g}S7jHNL{U|#&SRfj#ds)?^H7SH*m%NoOtneF}UqC540%=%=1I&YB3C&)+B z_a9pX9a^uoow*XL32OjT-4}2s#{fmg`oqnc$60jRFK$V7Cf@HDz{Y<4$UN@n;+C7g zFi?3f_wjfQ?wRUNBQU?M(jfqA|xhoD<8%(EGP9P(pOZ^3I0y zY=nFV7AkL{t*2LDz@dEX8gL$4pH70R)rZj5MV+QcMq_oXCeT@RrZI6MyY6-c#}+T7 z*#yA+QLy5z`ZhtOeB8*&+`;x*IHV~*Wy z-q}jJ+@=0H%c$Kb5~7DTG(&}{-M&O==a0hAM;lmtcRHBWn{Q}PSj{O|;%eA&kj{cVpSt3N<%-Dmz1yNe_H z)(P5;ku1((IMsN_^UC?Z;D)II?)&S+?x5f+njeR2O>gnHH>$9CL$xV5`U`A+CP#OS zk1;8w6ts`mg%bb%EY9KthAz+r%XzA#CGm=@6qpvicBNpj&jWvl%dzvitJvLRwitX< zgZ=Bj7#(-%vDP8QaC4#!eLHgq@5V2o&laP|aM>@e>z*e+BWcGK0Cx*v)0 zpT%*UDb`_~DjS%yq5@0(IDnG!g!!JndGPP+Dv0Qdz=k?^7HT}2g`ADS%m)Hfs=bkW zG;KJ^KGt5wGLnygxA+5> zcuENhgkuJN5V5zX2&y6k4|dcU2%L1BGUhmn9@R=}gpT19v=1rgqQ0EL?^S<6Bi)h`HwE(hzRsg=*=@|{R51$++dxi- zfui)RV8FG@ocFe?FuM96UN8I2x6C)DJsKP7cg{h|PqSpf+G(79k1W~Sy&;`Fhhh9h zJ*F1qhx4v*6!yvkpI9Y>7pH+o=Cy$B_)FyAl!p;@{`?3leg5UTUXk{JMXbW^Exx)O zLiI`Q(6wtO`03|Ee_;;g8^vPmhDMm)A^6Bzw_&iFH!HZ>2rG*aozsJO2lK^L*|QH9 zYaa$%gP<~PfxA(lIuA~sv7%|c%B*G^qh}vIXpa00{(ID9HtR!?D8fsTU0GMme>U@F zzlUV8KifmO-&%ih)S`#1ZOKox^GxR__l~5}zvt=Y!x(=0);4^1g)z}|M~oY$OmDpI zV}M}>6l!I|66r_qyhQMT=|6+8Ka#LIZVg!t-;A@<94W~BHW>Fer+>#KY1QXR>|ARO z{t7oF)@1}rYJc&relFoOc~(OCkZ5N{UMuIKYezO!tmV0RMdMh`pXH#kvLAasE(nqa zPb8UeJ-U3%j^>*GV@F@)V@B&f=!mOF?Umt>;qrmi{CEzI#SPreW%)QDv;%bH63I;` z0o6bCazAID#VSP+PTehd_NqTabczv`x7XwQ=K0Y3FqZXCRuK%L$NBvu{?m@v!l=Cm zaOuBUtfI!;`eX14-jF{6)9=k>wgDmRSLq0RKFOHo*zeJMAK|;4p;QVCrjUl19%xE%xG^+;by>B5o;SMAZZG_t!Bq(v!2+SyUgl^xP zyzJ8poc!-Xe)E{otV7V-CAtYU>Cpas_Uom%Bh(lteQ8Cb#QCJVOC)NISxtV6yTPR5 z8lITYfyLL~(0JE!_9Xrp;rLiE@xFw;w43YgHxYf`nlN?uYTj(#P+0L~6#3q~57k3b zFz6FUKK@Ef_ni;!>Plh5KMTyP!wV&oT7&7@2;y?adj(iv<~^rQ6rwzj+ohn$(q{Yy)$i9~!K!N*vS~M7 ze{qf&?1Ec*x48pHZCSp+8@RFi8z$5`;l(>c%4bK$(B+O5{EOHLtl3bFEQ2DUTX_tH zSyXZTPRfw^y){@z6R1nU7~Y*2L+ybhDQR;ne7szZ-);YbmC`ZDvGF9?bB#Fe-&%o( zu#Bx3Cj-WF?||zSJ2tuV0eY=n!fwiqL~eXB#+S=MQRYzUy4H;#7(3s{LDk70Q0BQ2Bpf#IB5N7iu)~9P>dgQc_m8d)x8WobLM){vcC)~;tu_yK zpBC6%+O%n10D1onLGvMhDbW2YHEjIN?!UXsp20+BbZ7+4NKv70>HD!mD~_6q57XFs zOO~?5ne?6Kb6&*<>53}dvJh? z1FOhwAfuf}DCM;snYAo}3uhF{gBmL6ddesC*|(BRiwaoaEp^9Taz^LgCe75iAhPZ~(%>^US<3$8&MLCxrFnh@k zW!sU|^+@!%_)U~7sgLt-o}zb~CY5V`n2LT5ljz1)6;%B)jOXCyp8fRWF3cn-ZJtza-Q`a+(uMhxd5^J6 z&_&$qD}>tCG2FXBv)J8KPYPL+i^DlPwzR(k)f`wwxBqFg)sb<0OF|vpGL2-v7R{%k zpJ{Y`E<)T(9Dd>hlUUp+){Z&A zywfw#cGp2tGL>gJdi~1naS_$Hg;ULw7M@;QA^V+;tSG1ywF}-;(a{BvUvz|RcDT;m z2VVi3(2Mk0e-6_*(TuS96Ybwq$`x-dLH~8T*}syxFnO2+Eq}n%%xg{p17IiHdUy%x zMeJe2C2z1XZ;Pn+UlTq)@PVx?v13I;Jm_^`0lzyrgJO5Lh}(E6dOJ{`)_jd;8JiE` z8jJ1BZ$~&~c)Y_oOWnw6wm)6VL2%eUpFv|cd2sWYrBAbX=(RIoZ1oyWJH;~HBfIID z^=>xXz7}UZTxX-O<1U$9cVWwGp7UR9OUbrv5$m@yndx@;U~1JhI9gxHr|2z1raOeH z7dY{1P9s=*TAjd7+0PuVmxEMb1w~%o$!up0BCR4l$~ILg*Ae>lr$<>a{eK53Y5FlX zTv?}l^$#nG-Li_hw7z1rf&>QZq@ae%2$nP37tf*uYpaYQce#7m=wHi5oIVKp+q>AY z06#Vj@3DlsyJ-DB4r>$uQg@`$ye>-$j9)^`$!<>^=?$gS^Te%T(xc z#uBzzn1ckH&-n88i)+$1rMdSYiT<*r6L5<*j;N)Eg*>@+`wKB56T+9CwJ8MLCmc zd4Nr3fIoe4vSf`9n`w1o9kveKz(P+oW1hlP@uJ~+EZ$%z1@6}pFPWG{k}g-^R;eWAJp9XC4ums1m0K*WNsIYfZ^xdh zW~}W4s2qFOP0UdauX^pbmFZI z8GK7yH7@Q>VuoWIz>7IEV^=xm=dy;aVIN2)Nv^!+x`Lgt`6XI+!klfLEf{L`J7d^8TvgPeA;Z-!$KoABhQ_(^flP5(uKAq z*D`3H3Gx4$6sRfRi9LIDfE{_TklqiM<9+>SQi8(^SUo(GOg;@F$^!Gr?lJ7@J80wFR{}X}hqLnh7p&sy2(BZ2 zBfbz`iJW0~VB9yL=lB6~3pHT0R~;5uSmE5w3uvF~EVk(EP+D;$1-?7(0Jk;v%)R6{ z_i=7H-I)BHe05#foBEq{t9}{@@r-i6WO;V(fxrXuUrqZq1e2|yE6r`c2f1PwvJ&)$ z+oC420T=dCi|JQpS<(+?^u(jN9><2%3izNTKid2EHnVIv#w-_lQ@)la)0(%MbuRYe z&K(YimEj^Ew~UST`jPB>dJv0F7z!?jbZm-he)CFt z`{}veAspH=gslp4q+LG;Ql!mw@Gbtr7CTyyym2iKdUX-D89ZRdwkKh~LlEn6?B&xp z>SFPFfA(OP1-s=w6#iXEgWlFF?9Y5bdpOOQZ8%tmcV_Qm8Jkp@ZhukP z-@Lh;nt=h8nC^k76;nxXwGG?8eJTt3^OG$;Bxy6}`FVx+R=4tD>&sR;yW#>QP1?o6r`{?Z{kIqgzH?@KZ)?~DpFc+)-K^X;Ba@G-7GmML z$}F$*CzX7+Wq%$$X9HzRzKBXKI^v)F*SiVraP;ktBv+&CK< zv9irsHRbZyw?EL>Y7q;$nu(JNrZYeFMXcPSp2YF9ZO*J$#F-9X&|*s!3|P60yN zH%l2tm-=bYUf&#ApyN&}9v{H*UDtT2kvy&H3T6AH%wYRK!Bg!1f@^9?qbIrMEO~tm z6sYZIy4{u(v2+L9pOQ{(9wz1O2ZZ<-r^FS#9L{^?#o@li$~FPI>6d7*T!U&Pzb064?q_2U?JSyPqsUxf}DUD79{Vdm8xQrcj zx(qwZ^eNzs75GNvF|WKZ=KbD+7DbN6a_udw;f^L-?Ji>a3F%N}S43~FIWr5X7nrpm znQt*nr_j>9(2zZV$vpmy-3kIz^X26E_z3+PBxqb)pYxG|9`x^%LaOvU z$kJFT{TL|33CDRrV5Y!Kb(N!CmlN5K+68QFeK-bP7csAOCrCmSM34LaQuT*Ftoe2< z%y7L(*^<>{(EAO>`${qI^ZB@kcW1s`0v}3$4m~+^gq`Jvl`r|Qj$ELHB?jDvjnx@U zspu3R*0hVhTAYM!`KQ?2>RBv$;VCSZ*-t6Cueq46;>B|!P)>vyo=gsx3}_I$ePX9XjJB-sk5Y&1?*FL(X8 zPq@y{`6$7=(J{M}4Zb+jrsSS6dJLOP@6U4VMWqEZ%X&>EVl6iO#z8a@9Y@z122`ia=>wX1yG90j&-+L!XcbM4S# zT}(O3VPy923NF%)Wr4v#;)a`LTx#?fvb-Hl@{POMt^K>1)VnHt<|>bQ=m!X5oO<$-I=+|CSey3%^64mCXCkmPF3VjVqfNh);%UweWufie$3l-8VcNh7-ri3Gv(|3`&Ap-A=VBwi*trX@rWC>0 zHv<1Fdk9!A;y6R0O;r761UpCNb1zbT*!k58Y-M#eR#sWidEGq}ulNnF%t>H2zRxjB zJDV9VoI*$6i*dAPHT5jJM%$-1vr|DP3}(nN2}L`$*P@x9*D{Dcbi}Z(m!$>=i9f@ruTR7(eE^F^c(Mz!!pBfrMG86$ zoyX}hS>`yn1*Ahg;DVwLnM_il!0Z~aQdK-Sxut_{NH|uU>cgDU*P`*>5Ag8lc-)@3 zh-qov;v%>1BPEd(OM6rVCOaH(Yvw5-uR$wHSmau&#;D=ae&11dizMbflEdRO1jhOPr5tVkFMnAPGoM;h^y32LT`FeDG7D{^k)$tM?uqpar~{ag}5N12o=)J(K{fP&w5=2ZT7=S z;=&O~3O1n~7GH7O-_h80~r3l&7+wCsrVlwA!-quqn!gT!j9#lY9*d@%WrLRDRcho_X6aLRX1BJ2sFk z4NS0Y%s^~;IF;_Tx#NSqnP8Y;#%Dd;2Kp~QK;oHOFny>Y{xQ6Zk8bB+(C0Xu-Oz_8 z4@#3s{AW_zkrV4o0qI1zh?)lO%MeSocd%qwC)#m{>0Y3Wt=# zY*|}o*W8cY=j-s#);$=JX9!Vi2T-)lU7Tnu!wx&W6JpG{u-_>VW#4tfpEWt$M)`dZ z;`R=WxEAO-Jq5Ccb@OF1XR&E`5-$IK19uuOL!;Z@U~~U7c!t?9Gf#mFc?Hnzu)wi3 z{|Hqr{mG!#jJQoZVQ6JCCM2l{@#Rdu>iuNaVJ`!5+CQ;&#>+A{3m?uqV-M3_rVkQ% zW}(_Xm1qv*x=omOMUWVT88^+xE zbl&n!8|+-L9m5Jl-1qTnu-_<(SDn(IU5b*%Cg;CgMo$xLk+Nim_T9jV`{uAycU73H zk}sPOFbE#MNnxoE(_!@eaG2iEgf3<~(J|f)-x==0$(zSgP}4DVaD2t-drjnICdRUi zjA_=v5RHoj{@Pxhxy+A^!|i6e?E00QJ2LQ4R?oGAbJ}p>fwky1M&N@EzKhjDek83K zl4S5$iMOk+#P`Oh#X7upYUmlwmTa6r($+>GJzVhhpIMHt?yE7!RyDTCQlA1REI{>$NcOXC zC7sJLV5b+#k)f{#U$dnhq!bUbmT|_+rr%Izr0Gh2og=Agp&@6VzmK-qD%J3P{UjE>_Bu+x4}(UVOPJJhQEcW|h90vP zVzW*Q7QeQEXGbrvXYYS=TK<2*r(FjonVPc$?Hn3Nyu;x5IAI=dHAaRCnn3MNp)L^W z^ms*qeezzk<-IMsO&b9POGCkQh#a+F@?e2`;y8zyN-X34C;X|giv2wABQ_k8%S?9< zWsdDFytm>A*rVr9pD!A+;XUKwvczqCYdnz6$<5+i&-GxS%~4$GJ{-gTs50&C+i;Su zl#ufynw!Org4FL7KpK8{iMzliJnqBi^{FuV(GMuN6b3=3D?#q{LEcWmiEINdJa-m1%jV*dj$a_31X z4)6o9&jHAg>j9GWhgyCl7D~y8{`{^N@}d&f{~8HlEpeDyQO{MUb%W=>WZu5P2Q*iD zV2|A$cq9=G@@{XQhB6t`Ag}Tcf(RkA)zW>F~sCUg2Ds5)d9=|AX z*!G4OM+@)M?RPLy-kCalYWPcoN3&t7#So$&hqW7D3VDX);NRd#PS%gd!!PUkQ@1Bk zh`crPSlGjBZQsS;?>LVhyJNY1zho&SeG|;sYD3X2uf=VqySdzITWm_2#c5^L!J!|M z1ka9i*x)SWf*snQ z8yTpJiv=xNO?MlB?QFr5yP1>}zH!&@6!7^8HZ0cl2~2kJgyy6{^j0<=LhcD{hQEt2 zQlf@W3m0-_jFDtBHxFhB596T!UKw_5ivg?7zm3lg>L6Cb5G%LV;ktEWS>dN6IL$_m zg^7o8Cw!ja&yG+Gt(^(U`##~v0~X*tRA1!kahTnoH;K6QO)zQE5GEZqACe;VxCL@= z_@iHR$;$sddfe#Y6cvZE*?+az+-)cLt7qOIi*Tc(jaT61?mRdVa}KB6S7g>21ZPaO zsVSvgtfyXq{6$aLa7G=C&+TA|z1{p4xQwZ#g1+(3H}2ZRer%q}1^BdV37K#Hg`?!6 zd0&m&Ap342*-ze#Sy63pHK~KpO-)KJKq zG-Nd->d$jkY0BK@qlf`96T=ys+Kr+&=jh2d&Z&@`;RufNldY4N<4r*`t_z z>ki1DZ_GNqr?YJf1b)8WELI&Lcx{G7V~|;pqi z#f&!`!THJqfbELo_*dziQHK|vbrbyYrOzPw+6~V0^k2xEcUa^iaUWhzcERBl6)@|l zHFU0u5_G~LqNXXsNaojkw!!fzD#UGo(!P^uVWA7n1O3?)&jT0+lh`8VMArU!JIg<_ znLZ@kgMd^oNR*VJYY9?JcKuvdA?q*74UGbyvbVC~DX?h_aKFhU zT5_=)H$Aao-ph2jGLQLe?s|9TpqtD|*x$8k-sI0p8-ZkYHe>ycEYKDhJ$jxJ@OJJ* zN?PWO?lZQ6w(~K3vh*51%3bhhRAysG;dMUj;W@tIk-jLUQj#@?mxF<5EAO-O5bMld zz@EI`jIL|tn9-XexVLE-oPMu{la+n&{J?sFvz5asoI4CFcderA6Rr3&{UQ|kRKl~k zDNv`@iSeQ4czD}E?AJSp?F~*u!<=vkv-*u^WXw_Gnk~71E9H+Z@u&TN+xglfAH@sH zZ=wYCa>^;spua>Eu8Wr@@4=JVq10fgxwR2}0$$@S{Xyt`dKWkcM{xqJf!@D+$Mp}* z@Q*ur;{?PdZsq@GxVLUgrP`p&QWPHsK0mB{t095c9ix657>6u=e>% zw$UXPWuc$=`>ye1nxQWqW_=XX&5iNUbs^u+6;-jk=L4Aiz?A*`eU>%!e&I{Jc4M?h z5jgyqDcsXW{^czr(LLq}!B6{(K9(HeVii_UdSr?C*II3I8={K`l+1aPn2{v&?I3JD zTPLy?JqN>w&7vH+ayV@+hFJ>M(EOtbLLRM!B^^?1>6n+;tGfq{e@z09oE)*jibmM^ zYdm>gx`OuA73df|kAAmoqO5XT79aHrDqbGL>AQNsbDSj09&CY~>GL^_@C<(SI!|Wg z+6K|{^x(lxBev$_6r5UH4llFiSfb7hG-Oij-?amfVBo<`J#diz2#jIR6e~wHl=U2r?qwC#c$e-CF*8TT^`&T03tGfqNaGWH06`kZv_e7x4=mf6M zNtL-|-p4czEBw^&GC$mHGws?wkhHbOz?hdp{dESg^q?U-F-DGsDCR;%i-LIT5pN+U zP61!>!i1~6U4&9k_F`;!5ysWk@hNv#L+d(E)Vygbc4hw{+_D8j;`8uvcqWf=`grvD za(;&5T-2<+Dsp~w7Mi{ffIpIj;5Ji6_IJlm1Bq}6iT_r&nf;_CBxGfUz5ioTl$a{v zvtfDQ%FX^0Hv4bbxN_ZEM|&Fy&;Ngmx%_`;P?x@9zLfCy{#)Haqx^xqHux8;AHk)Kb9k4f Tensor: + if padding_value is None: + output = torch.tensor(input, dtype=torch.long) + return output + else: + output = pad_sequence( + [torch.tensor(ids, dtype=torch.long) for ids in input], + batch_first=True, + padding_value=float(padding_value) + ) + return output + + +def truncate(input: List[List[int]], max_seq_len: int) -> List[List[int]]: + output: List[List[int]] = [] + + for ids in input: + output.append(ids[:max_seq_len]) + + return output + + +def add_token(input: List[List[int]], token_id: int, begin: bool = True) -> List[List[int]]: + output: List[List[int]] = [] + + if begin: + for ids in input: + output.append([token_id] + ids) + else: + for ids in input: + output.append(ids + [token_id]) + + return output diff --git a/torchtext/models/__init__.py b/torchtext/models/__init__.py new file mode 100644 index 0000000000..a7cbc0c88a --- /dev/null +++ b/torchtext/models/__init__.py @@ -0,0 +1 @@ +from .roberta import * # noqa: F401, F403 diff --git a/torchtext/models/roberta/__init__.py b/torchtext/models/roberta/__init__.py new file mode 100644 index 0000000000..f03218844b --- /dev/null +++ b/torchtext/models/roberta/__init__.py @@ -0,0 +1,18 @@ +from .model import ( + RobertaEncoderParams, + RobertaClassificationHead, +) + +from .bundler import ( + RobertaModelBundle, + XLMR_BASE_ENCODER, + XLMR_LARGE_ENCODER, +) + +__all__ = [ + "RobertaEncoderParams", + "RobertaClassificationHead", + "RobertaModelBundle", + "XLMR_BASE_ENCODER", + "XLMR_LARGE_ENCODER", +] diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py new file mode 100644 index 0000000000..b7db892db9 --- /dev/null +++ b/torchtext/models/roberta/bundler.py @@ -0,0 +1,99 @@ + +import os +from dataclasses import dataclass +from functools import partial + +from typing import Optional, Callable +from torch.hub import load_state_dict_from_url +from torch.nn import Module +import logging + +logger = logging.getLogger(__name__) + +from .model import ( + RobertaEncoderParams, + RobertaModel, + _get_model, +) + +from .transforms import get_xlmr_transform + +from torchtext import _TEXT_BUCKET + + +@dataclass +class RobertaModelBundle: + """ + Example - Pretrained encoder + >>> import torch, torchtext + >>> xlmr_base = torchtext.models.XLMR_BASE_ENCODER + >>> model = xlmr_base.get_model() + >>> transform = xlmr_base.transform() + >>> model_input = torch.tensor(transform(["Hello World"])) + >>> output = model(model_input) + >>> output.shape + torch.Size([1, 4, 768]) + >>> input_batch = ["Hello world", "How are you!"] + >>> from torchtext.functional import to_tensor + >>> model_input = to_tensor(transform(input_batch), padding_value=transform.pad_idx) + >>> output = model(model_input) + >>> output.shape + torch.Size([2, 6, 768]) + + Example - Pretrained encoder attached to un-initialized classification head + >>> import torch, torchtext + >>> xlmr_large = torchtext.models.XLMR_LARGE_ENCODER + >>> classifier_head = torchtext.models.RobertaClassificationHead(num_classes=2, input_dim = xlmr_large.params.embedding_dim) + >>> classification_model = xlmr_large.get_model(head=classifier_head) + >>> transform = xlmr_large.transform() + >>> model_input = torch.tensor(transform(["Hello World"])) + >>> output = classification_model(model_input) + >>> output.shape + torch.Size([1, 2]) + """ + _params: RobertaEncoderParams + _path: Optional[str] = None + _head: Optional[Module] = None + transform: Optional[Callable] = None + + def get_model(self, head: Optional[Module] = None, *, dl_kwargs=None) -> RobertaModel: + + if head is not None: + input_head = head + if self._head is not None: + logger.log("A custom head module was provided, discarding the default head module.") + else: + input_head = self._head + + model = _get_model(self._params, input_head) + + dl_kwargs = {} if dl_kwargs is None else dl_kwargs + state_dict = load_state_dict_from_url(self._path, **dl_kwargs) + if input_head is not None: + model.load_state_dict(state_dict, strict=False) + else: + model.load_state_dict(state_dict, strict=True) + return model + + @property + def params(self) -> RobertaEncoderParams: + return self._params + + +XLMR_BASE_ENCODER = RobertaModelBundle( + _path=os.path.join(_TEXT_BUCKET, "xlmr.base.encoder.pt"), + _params=RobertaEncoderParams(vocab_size=250002), + transform=partial(get_xlmr_transform, + vocab_path=os.path.join(_TEXT_BUCKET, "xlmr.vocab.pt"), + spm_model_path=os.path.join(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), + ) +) + +XLMR_LARGE_ENCODER = RobertaModelBundle( + _path=os.path.join(_TEXT_BUCKET, "xlmr.large.encoder.pt"), + _params=RobertaEncoderParams(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), + transform=partial(get_xlmr_transform, + vocab_path=os.path.join(_TEXT_BUCKET, "xlmr.vocab.pt"), + spm_model_path=os.path.join(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), + ) +) diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py new file mode 100644 index 0000000000..0656e647f8 --- /dev/null +++ b/torchtext/models/roberta/model.py @@ -0,0 +1,108 @@ +import math + +from dataclasses import dataclass, asdict +from typing import Optional + +from torch.nn import Module +import torch +from torch import Tensor +import torch.nn as nn + +from .modules import ( + TransformerEncoder, +) + + +@dataclass +class RobertaEncoderParams: + vocab_size: int = 50265 + embedding_dim: int = 768 + ffn_dimension: int = 3072 + padding_idx: int = 1 + max_seq_len: int = 514 + num_attention_heads: int = 12 + num_encoder_layers: int = 12 + dropout: float = 0.1 + scaling: Optional[float] = None + normalize_before: bool = False + + +class RobertaEncoder(Module): + def __init__( + self, + vocab_size: int, + embedding_dim: int, + ffn_dimension: int, + padding_idx: int, + max_seq_len: int, + num_attention_heads: int, + num_encoder_layers: int, + dropout: float = 0.1, + scaling: Optional[float] = None, + normalize_before: bool = False, + ): + super().__init__() + if not scaling: + head_dim = embedding_dim // num_attention_heads + scaling = 1.0 / math.sqrt(head_dim) + + self.transformer = TransformerEncoder( + vocab_size=vocab_size, + embedding_dim=embedding_dim, + padding_idx=padding_idx, + max_seq_len=max_seq_len, + ffn_dimension=ffn_dimension, + num_encoder_layers=num_encoder_layers, + num_attention_heads=num_attention_heads, + dropout=dropout, + normalize_before=normalize_before, + scaling=scaling, + ) + + def forward(self, tokens: Tensor, mask: Optional[Tensor] = None) -> Tensor: + all_layers = self.transformer(tokens) + last_layer = all_layers[-1].transpose(1, 0) + if mask is not None: + last_layer = last_layer[mask.to(torch.bool), :] + return last_layer + + +# TODO: Add Missing quant noise and spectral norm from latest Roberta head in fairseq repo +class RobertaClassificationHead(nn.Module): + def __init__(self, num_classes, input_dim, inner_dim: Optional[int] = None, dropout: float = 0.1, activation=nn.ReLU): + super().__init__() + if not inner_dim: + inner_dim = input_dim + self.dense = nn.Linear(input_dim, inner_dim) + self.dropout = nn.Dropout(dropout) + self.out_proj = nn.Linear(inner_dim, num_classes) + self.activation_fn = activation() + + def forward(self, features): + x = features[:, 0, :] + x = self.dropout(x) + x = self.dense(x) + x = self.activation_fn(x) + x = self.dropout(x) + x = self.out_proj(x) + return x + + +class RobertaModel(Module): + def __init__(self, encoder: Module, head: Optional[Module] = None): + super().__init__() + self.encoder = encoder + self.head = head + + def forward(self, tokens: Tensor) -> Tensor: + features = self.encoder(tokens) + if self.head is None: + return features + + x = self.head(features) + return x + + +def _get_model(params: RobertaEncoderParams, head: Module) -> RobertaModel: + encoder = RobertaEncoder(**asdict(params)) + return RobertaModel(encoder, head) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py new file mode 100644 index 0000000000..5f0fc01d56 --- /dev/null +++ b/torchtext/models/roberta/modules.py @@ -0,0 +1,296 @@ +from typing import Optional, List + +import torch +from torch import nn +from torch.nn import Module + +import math + +from torch.nn import functional as F + + +class PositionalEmbedding(Module): + def __init__( + self, num_embeddings: int, embedding_dim: int, pad_index: int + ): + super().__init__() + self.embedding = nn.Embedding(num_embeddings, embedding_dim, pad_index) + self.pad_index = pad_index + + def forward(self, input): + positions = self._make_positions(input, self.pad_index) + return self.embedding(positions) + + def max_positions(self): + if self.pad_index is not None: + return self.num_embeddings - self.pad_index - 1 + else: + return self.num_embeddings + + def _make_positions(self, tensor, pad_index: int): + masked = tensor.ne(pad_index).long() + return torch.cumsum(masked, dim=1) * masked + pad_index + + +class ResidualMLP(Module): + def __init__( + self, + input_dim: int, + hidden_dims: List[int], + dropout: float = 0.1, + activation=nn.GELU, + add_residual=True, + ): + super().__init__() + modules = [] + for last_dim, dim in zip([input_dim] + hidden_dims, hidden_dims): + modules.extend( + [nn.Linear(last_dim, dim), activation(), nn.Dropout(dropout)] + ) + + last_dim = hidden_dims[-1] if hidden_dims else input_dim + modules.extend([nn.Linear(last_dim, input_dim), nn.Dropout(dropout)]) + + self.mlp = nn.Sequential(*modules) + self.add_residual = add_residual + + def forward(self, input): + bias = self.mlp(input) + if not hasattr(self, "add_residual"): + self.add_residual = True + if self.add_residual: + return input + bias + else: + return bias + + +class MultiheadSelfAttention(Module): + def __init__( + self, + embed_dim: int, + num_heads: int, + scaling: Optional[float] = None, + dropout: float = 0.1, + ): + super().__init__() + self.embed_dim = embed_dim + self.num_heads = num_heads + self.head_dim = embed_dim // num_heads + + expected_scaling = float(1 / math.sqrt(self.head_dim)) + + if not scaling and self.head_dim == 64: + scaling = 0.125 + + if not scaling: + raise Exception( + f""" + Scaling not set. Please manually set scaling for transformers with + head_dim != 64. The suggested value in this case is {expected_scaling}, + or float(1 / math.sqrt(head_dim)) + where head_dim = embed_dim // num_heads = {self.head_dim} + and embed_dim = {embed_dim} and num_heads = {num_heads}. + """ + ) + + self.scaling = scaling + self.dropout = nn.Dropout(dropout) + self.input_projection = nn.Linear(embed_dim, 3 * embed_dim) + self.output_projection = nn.Linear(embed_dim, embed_dim) + + def forward(self, query, key_padding_mask): + target_length, batch_size, embed_dim = query.size() + mask_batch_size, source_length = key_padding_mask.size() + + torch._assert(embed_dim == self.embed_dim, "query embed dim doesn't match") + torch._assert( + batch_size == mask_batch_size, + "query and key_padding_mask batch sizes differed", + ) + + projection = self.input_projection(query) + q, k, v = projection.chunk(3, dim=-1) + q = self.scaling * q + + batch_heads = batch_size * self.num_heads + + q = q.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) + k = k.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) + v = v.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) + + torch._assert( + k.size(1) == source_length, "key size should be equal to source length" + ) + + attn_weights = torch.bmm(q, k.transpose(1, 2)) + + torch._assert(attn_weights.dim() == 3, "Unexpected attn_weights dim") + torch._assert( + attn_weights.size(0) == batch_heads, + "attn_weights shape didn't match for batch heads", + ) + torch._assert( + attn_weights.size(1) == target_length, + "attn_weights shape didn't match for target length", + ) + torch._assert( + attn_weights.size(2) == source_length, + "attn_weights shape didn't match for source length", + ) + + attn_weights = attn_weights.view( + batch_size, self.num_heads, target_length, source_length + ) + attn_weights = attn_weights.masked_fill( + key_padding_mask.unsqueeze(1).unsqueeze(2), float("-inf") + ) + attn_weights = attn_weights.view(batch_heads, target_length, source_length) + + attn_weights = F.softmax(attn_weights, dim=-1, dtype=torch.float32).type_as( + attn_weights + ) + attn_weights = self.dropout(attn_weights) + + attn = torch.bmm(attn_weights, v) + + torch._assert( + attn.dim() == 3, + "unexpected attn dim size", + ) + torch._assert( + attn.size(0) == batch_heads, + "attn shape didn't match for batch heads", + ) + torch._assert( + attn.size(1) == target_length, + "attn shape didn't match for target length", + ) + torch._assert( + attn.size(2) == self.head_dim, + "attn shape didn't match for head dim", + ) + attn = ( + attn.transpose(0, 1) + .contiguous() + .view(target_length, batch_size, self.head_dim * self.num_heads) + ) + attn = self.output_projection(attn) + + return attn + + +class TransformerEncoderLayer(Module): + def __init__( + self, + embedding_dim: int, + num_attention_heads: int, + ffn_dimension: Optional[int] = None, + dropout: float = 0.1, + normalize_before: bool = False, + scaling: Optional[float] = None, + ): + super().__init__() + self.dropout = nn.Dropout(dropout) + self.attention = MultiheadSelfAttention( + embedding_dim, + num_heads=num_attention_heads, + scaling=scaling, + dropout=dropout, + ) + + self.residual_mlp = ResidualMLP( + embedding_dim, + hidden_dims=[ffn_dimension or embedding_dim * 4], + add_residual=not normalize_before, + ) + + self.attention_layer_norm = nn.LayerNorm(embedding_dim) + self.final_layer_norm = nn.LayerNorm(embedding_dim) + self.normalize_before = normalize_before + + def forward(self, input, key_padding_mask): + if not hasattr(self, "normalize_before"): + self.normalize_before = False + if self.normalize_before: + x = self.attention_layer_norm(input) + attention = self.attention(x, key_padding_mask) + attention = self.dropout(attention) + biased_input = input + attention + x = self.final_layer_norm(biased_input) + return self.residual_mlp(x) + biased_input + else: + attention = self.attention(input, key_padding_mask) + attention = self.dropout(attention) + biased_input = input + attention + biased_input = self.attention_layer_norm(biased_input) + biased = self.residual_mlp(biased_input) + return self.final_layer_norm(biased) + + +class TransformerEncoder(Module): + def __init__( + self, + vocab_size: int, + embedding_dim: int, + padding_idx: int, + max_seq_len: int, + num_encoder_layers: int, + num_attention_heads: int, + ffn_dimension: Optional[int] = None, + dropout: float = 0.1, + normalize_before: bool = False, + scaling: Optional[float] = None, + ): + super().__init__() + self.padding_idx = padding_idx + self.token_embedding = nn.Embedding(vocab_size, embedding_dim, padding_idx) + self.layers = nn.ModuleList( + [ + TransformerEncoderLayer( + embedding_dim=embedding_dim, + num_attention_heads=num_attention_heads, + ffn_dimension=ffn_dimension, + dropout=dropout, + normalize_before=normalize_before, + scaling=scaling, + ) + for _ in range(num_encoder_layers) + ] + ) + self.positional_embedding = PositionalEmbedding( + max_seq_len, embedding_dim, padding_idx + ) + self.embedding_layer_norm = nn.LayerNorm(embedding_dim) + self.dropout = nn.Dropout(dropout) + self.normalize_before = normalize_before + + def forward(self, tokens: torch.Tensor) -> List[torch.Tensor]: + padding_mask = tokens.eq(self.padding_idx) + + token_embeddings = self.token_embedding(tokens) + embedded_positions = self.positional_embedding(tokens) + + embedded = token_embeddings + embedded_positions + + if not hasattr(self, "normalize_before"): + self.normalize_before = False + if not self.normalize_before: + embedded = self.embedding_layer_norm(embedded) + embedded = self.dropout(embedded) + + padded_embedded = embedded * (1 - padding_mask.unsqueeze(-1).type_as(embedded)) + + encoded = padded_embedded.transpose(0, 1) + + states = [encoded] + + for layer in self.layers: + encoded = layer(encoded, padding_mask) + states.append(encoded) + + if self.normalize_before: + for i, state in enumerate(states): + states[i] = self.embedding_layer_norm(state) + + # states are returned as T x B x C + return states diff --git a/torchtext/models/roberta/transforms.py b/torchtext/models/roberta/transforms.py new file mode 100644 index 0000000000..febf6a858b --- /dev/null +++ b/torchtext/models/roberta/transforms.py @@ -0,0 +1,66 @@ +import os +import torch +from torch.nn import Module +from torch.hub import load_state_dict_from_url +from torchtext import transforms +from torchtext import functional + +from typing import List + + +class XLMRobertaModelTransform(Module): + def __init__( + self, + vocab_path: str, + spm_model_path: str, + bos_token: str = "", + cls_token: str = "", + pad_token: str = "", + eos_token: str = "", + sep_token: str = "", + unk_token: str = "", + mask_token: str = "", + max_seq_len: int = 514, + ): + super().__init__() + self.bos_token = bos_token + self.eos_token = eos_token + self.pad_token = pad_token + self.unk_token = unk_token + self.mask_token = mask_token + self.cls_token = cls_token + self.sep_token = sep_token + self.max_seq_len = max_seq_len + + self.token_transform = transforms.SpmTokenizerTransform(spm_model_path) + + if os.path.exists(vocab_path): + self.vocab = torch.load(vocab_path) + else: + self.vocab = load_state_dict_from_url(vocab_path) + + self.vocab_transform = transforms.VocabTransform(self.vocab) + self.pad_idx = self.vocab[self.pad_token] + self.bos_idx = self.vocab[self.bos_token] + self.eos_idx = self.vocab[self.eos_token] + + def forward(self, input: List[str], + add_bos: bool = True, + add_eos: bool = True, + truncate: bool = True) -> List[List[int]]: + tokens: List[List[int]] = self.vocab_transform(self.token_transform(input)) + + if truncate: + tokens = functional.truncate(tokens, self.max_seq_len - 2) + + if add_bos: + tokens = functional.add_token(tokens, self.bos_idx) + + if add_eos: + tokens = functional.add_token(tokens, self.eos_idx, begin=False) + + return tokens + + +def get_xlmr_transform(vocab_path, spm_model_path, **kwargs) -> XLMRobertaModelTransform: + return XLMRobertaModelTransform(vocab_path, spm_model_path, **kwargs) diff --git a/torchtext/transforms.py b/torchtext/transforms.py new file mode 100644 index 0000000000..ece8ebbc80 --- /dev/null +++ b/torchtext/transforms.py @@ -0,0 +1,75 @@ +from torch.nn import Module +from torchtext.data.functional import load_sp_model +from torchtext.utils import download_from_url +import torchtext +from typing import List +import os + +from torchtext import _CACHE_DIR + +__all__ = [ + 'SpmTokenizerTransform', + 'VocabTransform', +] + + +class SpmTokenizerTransform(Module): + """ + Transform for Sentence Piece tokenizer. + + Examples: + >>> from torchtext.transforms import PRETRAINED_SP_MODEL + >>> from torchtext.transforms import SpmTokenizerTransform + >>> transform = SpmTokenizerTransform(PRETRAINED_SP_MODEL["text_unigram_15000"]) + >>> transform(["hello world", "attention is all you need!"]) + """ + + def __init__(self, sp_model_path: str): + super().__init__() + if os.path.exists(sp_model_path): + local_path = sp_model_path + else: + local_path = download_from_url(url=sp_model_path, root=_CACHE_DIR) + self.sp_model = load_sp_model(local_path) + + def forward(self, input: List[str]) -> List[List[str]]: + tokens: List[List[str]] = [] + for text in input: + tokens.append(self.sp_model.EncodeAsPieces(text)) + return tokens + + +class VocabTransform(Module): + r"""Vocab transform + + Args: + vocab: an instance of torchtext.vocab.Vocab class. + + Example: + >>> import torch + >>> from torchtext.vocab import vocab + >>> from torchtext.transforms import VocabTransform + >>> from collections import OrderedDict + >>> vocab_obj = vocab(OrderedDict([('a', 1), ('b', 1), ('c', 1)])) + >>> vocab_transform = VocabTransform(vocab_obj) + >>> output = vocab_transform([['a','b'],['a','b','c']]) + >>> jit_vocab_transform = torch.jit.script(vocab_transform) + """ + + def __init__(self, vocab): + super().__init__() + assert isinstance(vocab, torchtext.vocab.Vocab) + self.vocab = vocab + + def forward(self, input: List[List[str]]) -> List[List[int]]: + r""" + + Args: + input: list of list tokens + """ + + output: List[List[int]] = [] + for tokens in input: + output.append(self.vocab.lookup_indices(tokens)) + + return output From 60dea26335bba78a4a54affb1d2e126d4a5d3cc8 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 20 Oct 2021 16:56:24 -0700 Subject: [PATCH 013/463] Changed log warning on sst2 file import to an exception when SST2Dataset is instantiated (#1413) Co-authored-by: nayef211 --- torchtext/experimental/datasets/sst2.py | 17 +++++++---------- 1 file changed, 7 insertions(+), 10 deletions(-) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 85b892eb69..2e1a9a26bd 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -1,5 +1,4 @@ # Copyright (c) Facebook, Inc. and its affiliates. -import logging import os from torchtext._internal.module_utils import is_module_available @@ -9,20 +8,11 @@ _wrap_split_argument, ) -logger = logging.getLogger(__name__) - if is_module_available("torchdata"): from torchdata.datapipes.iter import ( HttpReader, IterableWrapper, ) -else: - logger.warning( - "Package `torchdata` is required to be installed to use this dataset." - "Please refer to https://github.com/pytorch/data for instructions on " - "how to install the package." - ) - NUM_LINES = { "train": 67349, @@ -68,6 +58,13 @@ class SST2Dataset: """ def __init__(self, root, split): + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` is required to be installed to use this dataset." + "Please refer to https://github.com/pytorch/data for instructions on " + "how to install the package." + ) + self.root = root self.split = split From 6092de48e38442c5b8d733cd99ae98c77826c33c Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 21 Oct 2021 13:19:43 -0400 Subject: [PATCH 014/463] update compatiblity matrix (#1419) --- README.rst | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.rst b/README.rst index 8a216e8262..b05b0f2c2c 100644 --- a/README.rst +++ b/README.rst @@ -30,6 +30,8 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.6, <=3.9" + 1.10.0, 0.11.0, ">=3.6, <=3.9" + 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" 1.8, 0.9, ">=3.6, <=3.9" 1.7.1, 0.8.1, ">=3.6, <=3.9" From fb9c1dd0e2992662bbe5a09d0d87b47178279a6f Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 21 Oct 2021 13:55:38 -0400 Subject: [PATCH 015/463] add transforms and rename existing one (#1415) --- test/test_transforms.py | 51 ++++++++++++++++-- torchtext/models/roberta/transforms.py | 2 +- torchtext/transforms.py | 75 +++++++++++++++++++++++--- 3 files changed, 115 insertions(+), 13 deletions(-) diff --git a/test/test_transforms.py b/test/test_transforms.py index ab941fb39c..5804435579 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -8,18 +8,18 @@ class TestTransforms(TorchtextTestCase): - def test_spmtokenizer_transform(self): + def test_spmtokenizer(self): asset_name = "spm_example.model" asset_path = get_asset_path(asset_name) - transform = transforms.SpmTokenizerTransform(asset_path) + transform = transforms.SentencePieceTokenizer(asset_path) actual = transform(["Hello World!, how are you?"]) expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] self.assertEqual(actual, expected) - def test_spmtokenizer_transform_jit(self): + def test_spmtokenizer_jit(self): asset_name = "spm_example.model" asset_path = get_asset_path(asset_name) - transform = transforms.SpmTokenizerTransform(asset_path) + transform = transforms.SentencePieceTokenizer(asset_path) transform_jit = torch.jit.script(transform) actual = transform_jit(["Hello World!, how are you?"]) expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] @@ -31,3 +31,46 @@ def test_vocab_transform(self): actual = transform([['a', 'b', 'c']]) expected = [[0, 1, 2]] self.assertEqual(actual, expected) + + def test_totensor(self): + input = [[1, 2], [1, 2, 3]] + padding_value = 0 + transform = transforms.ToTensor(padding_value=padding_value) + actual = transform(input) + expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) + torch.testing.assert_close(actual, expected) + + def test_totensor_jit(self): + input = [[1, 2], [1, 2, 3]] + padding_value = 0 + transform = transforms.ToTensor(padding_value=padding_value) + transform_jit = torch.jit.script(transform) + actual = transform_jit(input) + expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) + torch.testing.assert_close(actual, expected) + + def test_labeltoindex(self): + label_names = ['test', 'label', 'indices'] + transform = transforms.LabelToIndex(label_names=label_names) + actual = transform(label_names) + expected = [0, 1, 2] + self.assertEqual(actual, expected) + + transform = transforms.LabelToIndex(label_names=label_names, sort_names=True) + actual = transform(label_names) + expected = [2, 1, 0] + self.assertEqual(actual, expected) + + asset_name = "label_names.txt" + asset_path = get_asset_path(asset_name) + transform = transforms.LabelToIndex(label_path=asset_path) + actual = transform(label_names) + expected = [0, 1, 2] + self.assertEqual(actual, expected) + + def test_labeltoindex_jit(self): + label_names = ['test', 'label', 'indices'] + transform_jit = torch.jit.script(transforms.LabelToIndex(label_names=label_names)) + actual = transform_jit(label_names) + expected = [0, 1, 2] + self.assertEqual(actual, expected) diff --git a/torchtext/models/roberta/transforms.py b/torchtext/models/roberta/transforms.py index febf6a858b..2ebd8f64c8 100644 --- a/torchtext/models/roberta/transforms.py +++ b/torchtext/models/roberta/transforms.py @@ -32,7 +32,7 @@ def __init__( self.sep_token = sep_token self.max_seq_len = max_seq_len - self.token_transform = transforms.SpmTokenizerTransform(spm_model_path) + self.token_transform = transforms.SentencePieceTokenizer(spm_model_path) if os.path.exists(vocab_path): self.vocab = torch.load(vocab_path) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index ece8ebbc80..252043e227 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -1,26 +1,30 @@ +from . import functional as F from torch.nn import Module +from torch import Tensor +import torch from torchtext.data.functional import load_sp_model from torchtext.utils import download_from_url -import torchtext -from typing import List +from torchtext.vocab import Vocab +from typing import List, Optional import os from torchtext import _CACHE_DIR __all__ = [ - 'SpmTokenizerTransform', + 'SentencePieceTokenizer', 'VocabTransform', + 'ToTensor', + 'LabelToIndex', ] -class SpmTokenizerTransform(Module): +class SentencePieceTokenizer(Module): """ - Transform for Sentence Piece tokenizer. + Transform for Sentence Piece tokenizer from pre-trained SentencePiece model Examples: - >>> from torchtext.transforms import PRETRAINED_SP_MODEL >>> from torchtext.transforms import SpmTokenizerTransform - >>> transform = SpmTokenizerTransform(PRETRAINED_SP_MODEL["text_unigram_15000"]) + >>> transform = SentencePieceTokenizer("spm_model") >>> transform(["hello world", "attention is all you need!"]) """ @@ -58,7 +62,7 @@ class VocabTransform(Module): def __init__(self, vocab): super().__init__() - assert isinstance(vocab, torchtext.vocab.Vocab) + assert isinstance(vocab, Vocab) self.vocab = vocab def forward(self, input: List[List[str]]) -> List[List[int]]: @@ -73,3 +77,58 @@ def forward(self, input: List[List[str]]) -> List[List[int]]: output.append(self.vocab.lookup_indices(tokens)) return output + + +class ToTensor(Module): + r"""Convert input to torch tensor + + Args: + padding_value (int, optional): Pad value to make each input in the batch of length equal to the longest sequence in the batch. + """ + + def __init__(self, padding_value: Optional[int] = None) -> None: + super().__init__() + self.padding_value = padding_value + + def forward(self, input: List[List[int]]) -> Tensor: + r""" + Args: + + """ + return F.to_tensor(input, padding_value=self.padding_value) + + +class LabelToIndex(Module): + r""" + Transform labels from string names to ids. + + Args: + label_names (List[str], Optional): a list of unique label names + label_path (str, Optional): a path to file containing unique label names containing 1 label per line. + """ + + def __init__( + self, label_names: Optional[List[str]] = None, label_path: Optional[str] = None, sort_names=False, + ): + + assert label_names or label_path, "label_names or label_path is required" + assert not (label_names and label_path), "label_names and label_path are mutually exclusive" + super().__init__() + + if label_path: + with open(label_path, "r") as f: + label_names = [line.strip() for line in f if line.strip()] + else: + label_names = label_names + + if sort_names: + label_names = sorted(label_names) + self._label_vocab = Vocab(torch.classes.torchtext.Vocab(label_names, 0)) + self._label_names = self._label_vocab.get_itos() + + def forward(self, labels: List[str]) -> List[int]: + return self._label_vocab.lookup_indices(labels) + + @property + def label_names(self) -> List[str]: + return self._label_names From 8b3b52126917fa5c31be73aed95bbe430ea8df8a Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 21 Oct 2021 11:28:21 -0700 Subject: [PATCH 016/463] Updated extracted file paths in sst2 to fix bug with archive reader. Added check_hash pipeline back to dataset to ensure integrity of downloaded files (#1414) Co-authored-by: nayef211 --- torchtext/experimental/datasets/sst2.py | 23 +++++++++++++++-------- 1 file changed, 15 insertions(+), 8 deletions(-) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 2e1a9a26bd..71774a3e58 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -23,10 +23,12 @@ MD5 = "9f81648d4199384278b86e315dac217c" URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" +_PATH = "SST-2.zip" + _EXTRACTED_FILES = { - "train": f"{os.sep}".join(["SST-2", "train.tsv"]), - "dev": f"{os.sep}".join(["SST-2", "dev.tsv"]), - "test": f"{os.sep}".join(["SST-2", "test.tsv"]), + "train": f"{os.sep}".join([_PATH, "SST-2", "train.tsv"]), + "dev": f"{os.sep}".join([_PATH, "SST-2", "dev.tsv"]), + "test": f"{os.sep}".join([_PATH, "SST-2", "test.tsv"]), } _EXTRACTED_FILES_MD5 = { @@ -76,12 +78,17 @@ def get_datapipe(self): filepath_fn=lambda x: os.path.join(self.root, os.path.basename(x)), ) + # do sanity check + check_cache_dp = cache_dp.check_hash( + {os.path.join(self.root, "SST-2.zip"): MD5}, "md5" + ) + # extract data from zip - extracted_files = cache_dp.read_from_zip() + extracted_files = check_cache_dp.read_from_zip().filter( + lambda x: self.split in x[0] + ) # Parse CSV file and yield data samples - return ( - extracted_files.filter(lambda x: self.split in x[0]) - .parse_csv(skip_lines=1, delimiter="\t") - .map(lambda x: (x[0], x[1])) + return extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( + lambda x: (x[0], x[1]) ) From af39d6928842b5c87d82af77c9ece2c978006487 Mon Sep 17 00:00:00 2001 From: Matti Picus Date: Fri, 22 Oct 2021 00:56:07 +0300 Subject: [PATCH 017/463] fix formatting CIRCLECI_TAG when building docs (#1418) --- .circleci/config.yml | 3 ++- .circleci/config.yml.in | 3 ++- 2 files changed, 4 insertions(+), 2 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index bc3f09d043..56ce646702 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -586,7 +586,8 @@ jobs: # Don't use "checkout" step since it uses ssh, which cannot git push # https://circleci.com/docs/2.0/configuration-reference/#checkout set -ex - tag=${CIRCLE_TAG:1:5} + # turn v1.12.0rc3 into 1.12.0 + tag=$(echo $CIRCLE_TAG | sed -e 's/v*\([0-9.]*\).*/\1/') target=${tag:-main} ~/workspace/.circleci/build_docs/commit_docs.sh ~/workspace $target diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 911295217b..3055fdc3c4 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -586,7 +586,8 @@ jobs: # Don't use "checkout" step since it uses ssh, which cannot git push # https://circleci.com/docs/2.0/configuration-reference/#checkout set -ex - tag=${CIRCLE_TAG:1:5} + # turn v1.12.0rc3 into 1.12.0 + tag=$(echo $CIRCLE_TAG | sed -e 's/v*\([0-9.]*\).*/\1/') target=${tag:-main} ~/workspace/.circleci/build_docs/commit_docs.sh ~/workspace $target From 0153ead8a368275aef3840a0ab2aa05184c1cc85 Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 22 Oct 2021 17:19:39 -0400 Subject: [PATCH 018/463] fix test by adding missing asset label_names.txt (#1420) --- test/asset/label_names.txt | 3 +++ 1 file changed, 3 insertions(+) create mode 100644 test/asset/label_names.txt diff --git a/test/asset/label_names.txt b/test/asset/label_names.txt new file mode 100644 index 0000000000..2c904e7f03 --- /dev/null +++ b/test/asset/label_names.txt @@ -0,0 +1,3 @@ +test +label +indices From bcc14559c1a623cc05d2fb676b382f6a1efb8696 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 22 Oct 2021 15:30:25 -0700 Subject: [PATCH 019/463] Redesigned SST2Dataset to subclass IterableDataset (#1421) * Updated SST2Dataset to subclass IterableDataset. Updated SST2 functional call to return SST2Dataset object * Updated get_datapipe to be private, passed class parameters directly into get_datapipe function Co-authored-by: nayef211 --- test/experimental/test_datasets.py | 12 ++++++++---- torchtext/experimental/datasets/sst2.py | 22 ++++++++++++---------- 2 files changed, 20 insertions(+), 14 deletions(-) diff --git a/test/experimental/test_datasets.py b/test/experimental/test_datasets.py index 2a9ff700ff..31f52f3193 100644 --- a/test/experimental/test_datasets.py +++ b/test/experimental/test_datasets.py @@ -11,24 +11,28 @@ class TestDataset(TorchtextTestCase): @skipIfNoModule("torchdata") def test_sst2_dataset(self): split = ("train", "dev", "test") - train_dp, dev_dp, test_dp = sst2.SST2(split=split) + train_dataset, dev_dataset, test_dataset = sst2.SST2(split=split) + + # verify datasets objects are instances of SST2Dataset + for dataset in (train_dataset, dev_dataset, test_dataset): + self.assertTrue(isinstance(dataset, sst2.SST2Dataset)) # verify hashes of first line in dataset self.assertEqual( hashlib.md5( - json.dumps(next(iter(train_dp)), sort_keys=True).encode("utf-8") + json.dumps(next(iter(train_dataset)), sort_keys=True).encode("utf-8") ).hexdigest(), sst2._FIRST_LINE_MD5["train"], ) self.assertEqual( hashlib.md5( - json.dumps(next(iter(dev_dp)), sort_keys=True).encode("utf-8") + json.dumps(next(iter(dev_dataset)), sort_keys=True).encode("utf-8") ).hexdigest(), sst2._FIRST_LINE_MD5["dev"], ) self.assertEqual( hashlib.md5( - json.dumps(next(iter(test_dp)), sort_keys=True).encode("utf-8") + json.dumps(next(iter(test_dataset)), sort_keys=True).encode("utf-8") ).hexdigest(), sst2._FIRST_LINE_MD5["test"], ) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 71774a3e58..fa15b73304 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -1,6 +1,7 @@ # Copyright (c) Facebook, Inc. and its affiliates. import os +from torch.utils.data.dataset import IterableDataset from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _add_docstring_header, @@ -50,10 +51,10 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev", "test")) def SST2(root, split): - return SST2Dataset(root, split).get_datapipe() + return SST2Dataset(root, split) -class SST2Dataset: +class SST2Dataset(IterableDataset): """The SST2 dataset uses torchdata datapipes end-2-end. To avoid download at every epoch, we cache the data on-disk We do sanity check on dowloaded and extracted data @@ -67,26 +68,27 @@ def __init__(self, root, split): "how to install the package." ) - self.root = root - self.split = split + self._dp = self._get_datapipe(root, split) - def get_datapipe(self): + def __iter__(self): + for data in self._dp: + yield data + + def _get_datapipe(self, root, split): # cache data on-disk cache_dp = IterableWrapper([URL]).on_disk_cache( HttpReader, op_map=lambda x: (x[0], x[1].read()), - filepath_fn=lambda x: os.path.join(self.root, os.path.basename(x)), + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), ) # do sanity check check_cache_dp = cache_dp.check_hash( - {os.path.join(self.root, "SST-2.zip"): MD5}, "md5" + {os.path.join(root, "SST-2.zip"): MD5}, "md5" ) # extract data from zip - extracted_files = check_cache_dp.read_from_zip().filter( - lambda x: self.split in x[0] - ) + extracted_files = check_cache_dp.read_from_zip().filter(lambda x: split in x[0]) # Parse CSV file and yield data samples return extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( From c8d441483d1deab82e2c9af369e0cc77ba0d2ec7 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 25 Oct 2021 17:17:33 -0400 Subject: [PATCH 020/463] [Fbsync] Enable OSS torchtext XLMR Base/Large model on fbcode (#1423) --- torchtext/_download_hooks.py | 2 ++ torchtext/models/roberta/bundler.py | 2 +- torchtext/models/roberta/transforms.py | 2 +- 3 files changed, 4 insertions(+), 2 deletions(-) diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 9a666d5e20..4bfe7b5eed 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -1,6 +1,8 @@ import requests import re from tqdm import tqdm +# This is to allow monkey-patching in fbcode +from torch.hub import load_state_dict_from_url # noqa def _stream_response(r, chunk_size=16 * 1024): diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index b7db892db9..8b0c3d0e3b 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -4,7 +4,7 @@ from functools import partial from typing import Optional, Callable -from torch.hub import load_state_dict_from_url +from torchtext._download_hooks import load_state_dict_from_url from torch.nn import Module import logging diff --git a/torchtext/models/roberta/transforms.py b/torchtext/models/roberta/transforms.py index 2ebd8f64c8..d711672f2a 100644 --- a/torchtext/models/roberta/transforms.py +++ b/torchtext/models/roberta/transforms.py @@ -1,7 +1,7 @@ import os import torch from torch.nn import Module -from torch.hub import load_state_dict_from_url +from torchtext._download_hooks import load_state_dict_from_url from torchtext import transforms from torchtext import functional From 5736ca15b1d03b17cd6263372f74f614668d736c Mon Sep 17 00:00:00 2001 From: Harish Kulkarni Date: Tue, 26 Oct 2021 12:39:06 -0700 Subject: [PATCH 021/463] Updated compatibility matrix to include LTS version (#1412) * Updated compatibility matrix to include LTS version * Added reference 0.9.1 as per review comments --- README.rst | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.rst b/README.rst index b05b0f2c2c..c3f03337be 100644 --- a/README.rst +++ b/README.rst @@ -33,6 +33,8 @@ We recommend Anaconda as a Python package management system. Please refer to `py 1.10.0, 0.11.0, ">=3.6, <=3.9" 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" + 1.8.2, 0.9.2, ">=3.6, <=3.9" + 1.8.1, 0.9.1, ">=3.6, <=3.9" 1.8, 0.9, ">=3.6, <=3.9" 1.7.1, 0.8.1, ">=3.6, <=3.9" 1.7, 0.8, ">=3.6, <=3.8" From 1c3bce26970e36b6ef0f34d9fc4a55f05c056444 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 26 Oct 2021 17:34:35 -0400 Subject: [PATCH 022/463] add support for not loading weights (#1424) --- torchtext/models/roberta/bundler.py | 8 +++++++- 1 file changed, 7 insertions(+), 1 deletion(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 8b0c3d0e3b..dc4ce808d4 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -56,7 +56,10 @@ class RobertaModelBundle: _head: Optional[Module] = None transform: Optional[Callable] = None - def get_model(self, head: Optional[Module] = None, *, dl_kwargs=None) -> RobertaModel: + def get_model(self, head: Optional[Module] = None, load_weights=True, *, dl_kwargs=None) -> RobertaModel: + + if load_weights: + assert self._path is not None, "load_weights cannot be True. The pre-trained model weights are not available for the current object" if head is not None: input_head = head @@ -67,6 +70,9 @@ def get_model(self, head: Optional[Module] = None, *, dl_kwargs=None) -> Roberta model = _get_model(self._params, input_head) + if not load_weights: + return model + dl_kwargs = {} if dl_kwargs is None else dl_kwargs state_dict = load_state_dict_from_url(self._path, **dl_kwargs) if input_head is not None: From 4be2792101565ddf6dd79d1b7fffb7d55d63bf06 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 26 Oct 2021 17:06:08 -0700 Subject: [PATCH 023/463] Enabling SST2 dataset usage in fbcode (#1426) * include pytorch 1.5.0-rc1 for CI test * bump up the version * Set up ShipIt fbshipit-source-id: bb7d2eb52240c7223b57c3c9624e61d116e77e39 * Re-sync with internal repository (#749) * 20200429 pytorch/text import Summary: [20:45:34: cpuhrsch@devvm3140 pytorch]$ ./fb_build/import_text.sh Reviewed By: pbelevich Differential Revision: D21320577 fbshipit-source-id: ac2148b9f0d58e5538443c879845bfb4f6ca7202 * 20200430 torchtext import script to include additional meta files Summary: ./fb_build/import_text.sh Reviewed By: zhangguanheng66 Differential Revision: D21343124 fbshipit-source-id: c08ecad2cc6f439fa40130aeaf91383be9403fe8 * torchtext flake8, github, travis metafiles Summary: See title Reviewed By: pbelevich Differential Revision: D21344211 fbshipit-source-id: a8bcf7f3ab9bb2c2853e27f612e82caa341d3651 * Import torchtext 20200520 and update build Summary: Import torchtext up to #786 Reviewed By: cpuhrsch Differential Revision: D21483116 fbshipit-source-id: bc8ab38db9dc9ce4a8734ca8ea991c20e4ef0882 * Import torchtext 20200528 Summary: Import up to #798 Addresses T67599333 Reviewed By: zhangguanheng66 Differential Revision: D21764935 fbshipit-source-id: f44d1db637799f2e95f420a8099fbf19545c7cbd * 20200604 torchtext github import Summary: Import from github master Reviewed By: zhangguanheng66 Differential Revision: D21886238 fbshipit-source-id: a8f098e299466dd1701fe7ceb6a97c2a2fc54b9d * Import torchtext 20200605 Summary: Import from github master Reviewed By: zhangguanheng66 Differential Revision: D21907519 fbshipit-source-id: f22370d97796da5f2cb9f76f506c80f18fefea7f * Back out "Import torchtext 20200605" Summary: Original commit changeset: f22370d97796 Reviewed By: zhangguanheng66 Differential Revision: D21964222 fbshipit-source-id: c316836596fc3e232e63abc59e172f237b551cc5 * Import torchtext 2020/06/22 Summary: Import from github torchtext/master Reviewed By: zhangguanheng66, cpuhrsch Differential Revision: D22168183 fbshipit-source-id: 7d96ade64f18942d9bd19437011be2f65f0b2a5e * Fix torch.testing._internal module not found Reviewed By: Nayef211 Differential Revision: D22315715 fbshipit-source-id: 6b8b8544b0aa458cf5e7e9ca380d0dc85c98189f * Import torchtext 2020/07/07 Summary: Import from github torchtext/master Reviewed By: cpuhrsch Differential Revision: D22420576 fbshipit-source-id: 4d2c19d7f1db8f698894ca406c1c44b2ad8e0506 * remediation of S205607 fbshipit-source-id: 5113fe0c527595e4227ff827253b7414abbdf7ac * remediation of S205607 fbshipit-source-id: 798decc90db4f13770e97cdce3c0df7d5421b2a3 * Import torchtext 2020/07/21 Summary: Import from github torchtext/master Reviewed By: zhangguanheng66 Differential Revision: D22641140 fbshipit-source-id: 8190692d059a937e25c5f93506581086f389c291 * Remove .python3 markers Reviewed By: ashwinp-fb Differential Revision: D22955630 fbshipit-source-id: f00ef17a905e4c7cd9196c8924db39f9cdfe8cfa * Import torchtext 2020/08/06 Summary: Import from github torchtext/master Reviewed By: zhangguanheng66 Differential Revision: D22989210 fbshipit-source-id: 083464e188b758a8746123f4dd2197cc7edc4bc4 * Import torchtext 2020/08/18 Summary: Import from github torchtext/master Reviewed By: cpuhrsch Differential Revision: D23190596 fbshipit-source-id: 1568a25a5bd6431bcef3c6539f64a3ab1f5bccd7 * Import torchtext from 8aecbb9 Reviewed By: hudeven Differential Revision: D23451795 fbshipit-source-id: 73e6130c16716919c77862cef4ca4c8048428670 * Import torchtext 9/4/2020 Reviewed By: Nayef211 Differential Revision: D23539397 fbshipit-source-id: 88dce59418a3071cbc9e944cf0a4cf2117d7d9f7 * Import github torchtext on 9/9/2020 Reviewed By: cpuhrsch Differential Revision: D23616189 fbshipit-source-id: 365debc987326145eead7456ed48517fe55cac96 * Add property support for ScriptModules (#42390) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/42390 **Summary** This commit extends support for properties to include ScriptModules. **Test Plan** This commit adds a unit test that has a ScriptModule with a user-defined property. `python test/test_jit_py3.py TestScriptPy3.test_module_properties` Test Plan: Imported from OSS Reviewed By: eellison, mannatsingh Differential Revision: D22880298 Pulled By: SplitInfinity fbshipit-source-id: 74f6cb80f716084339e2151ca25092b6341a1560 * sync with OSS torchtext 9/15/20 Reviewed By: cpuhrsch Differential Revision: D23721167 fbshipit-source-id: 13b32091c422a3ed0ae299595d69a7afa7136638 * Import Github torchtext on 9/28/2020 Reviewed By: cpuhrsch Differential Revision: D23962265 fbshipit-source-id: 0d042878fe9119aa725e982ab7d5e96e7c885a59 * Enable @unused syntax for ignoring properties (#45261) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/45261 **Summary** This commit enables `unused` syntax for ignoring properties. Inoring properties is more intuitive with this feature enabled. `ignore` is not supported because class type properties cannot be executed in Python (because they exist only as TorchScript types) like an `ignored` function and module properties that cannot be scripted are not added to the `ScriptModule` wrapper so that they may execute in Python. **Test Plan** This commit updates the existing unit tests for class type and module properties to test properties ignored using `unused`. Test Plan: Imported from OSS Reviewed By: navahgar, Krovatkin, mannatsingh Differential Revision: D23971881 Pulled By: SplitInfinity fbshipit-source-id: 8d3cc1bbede7753d6b6f416619e4660c56311d33 * Import Github torchtext on 10/11/2020 Reviewed By: cpuhrsch Differential Revision: D24242037 fbshipit-source-id: 605d81412c320373f1158c51dbb120e7d70d624d * make duplicate def() calls an error in the dispatcher. Updating all fb operators to use the new dispatcher registration API (#47322) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/47322 Updating all call-sites of the legacy dispatcher registration API in fbcode to the new API. I migrated all call sites that used the legacy dispatcher registration API (RegisterOperators()) to use the new API (TORCH_LIBRARY...). I found all call-sites by running `fbgs RegisterOperators()`. This includes several places, including other OSS code (nestedtensor, torchtext, torchvision). A few things to call out: For simple ops that only had one registered kernel without a dispatch key, I replaced them with: ``` TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName", fn_name); } ``` For ops that registered to a specific dispatch key / had multiple kernels registered, I registered the common kernel (math/cpu) directly inside a `TORCH_LIBRARY_FRAGMENT` block, and registered any additional kernels from other files (e.g. cuda) in a separate `TORCH_LIBRARY_IMPL` block. ``` // cpu file TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName(schema_inputs) -> schema_outputs"); m.impl("opName", torch::dispatch(c10::DispatchKey::CPU, TORCH_FN(cpu_kernel))); } // cuda file TORCH_LIBRARY_IMPL(ns, CUDA, m) { m.impl("opName", torch::dispatch(c10::DispatchKey::CUDA, TORCH_FN(cuda_kernel))); } ``` Special cases: I found a few ops that used a (legacy) `CPUTensorId`/`CUDATensorId` dispatch key. Updated those to use CPU/CUDA- this seems safe because the keys are aliased to one another in `DispatchKey.h` There were a handful of ops that registered a functor (function class) to the legacy API. As far as I could tell we don't allow this case in the new API, mainly because you can accomplish the same thing more cleanly with lambdas. Rather than delete the class I wrote a wrapper function on top of the class, which I passed to the new API. There were a handful of ops that were registered only to a CUDA dispatch key. I put them inside a TORCH_LIBRARY_FRAGMENT block, and used a `def()` and `impl()` call like in case two above. Test Plan: Imported from OSS Reviewed By: ezyang Differential Revision: D24714803 Pulled By: bdhirsh fbshipit-source-id: c809aad8a698db3fd0d832f117f833e997b159e1 * Revert D24714803: make duplicate def() calls an error in the dispatcher. Updating all fb operators to use the new dispatcher registration API Differential Revision: D24714803 Original commit changeset: c809aad8a698 fbshipit-source-id: fb2ada65f9fc00d965708d202bd9d050f13ef467 * Import torchtext on Nov 20, 2020 Summary: Import torchtext on the commit of 633548a1bdf0bac1e38f98da375a537ce0c2994b allow-large-files Reviewed By: cpuhrsch Differential Revision: D25127691 fbshipit-source-id: 3a617f5f4849df452f8a102a77ce11a1bce5af1f * Updating all call-sites of the legacy dispatcher registration API in fbcode to the new API. (#48178) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/48178 I migrated all call sites that used the legacy dispatcher registration API (RegisterOperators()) to use the new API (TORCH_LIBRARY...). I found all call-sites by running `fbgs RegisterOperators()`. This includes several places, including other OSS code (nestedtensor, torchtext, torchvision). A few things to call out: For simple ops that only had one registered kernel without a dispatch key, I replaced them with: ``` TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName", fn_name); } ``` For ops that registered to a specific dispatch key / had multiple kernels registered, I registered the common kernel (math/cpu) directly inside a `TORCH_LIBRARY_FRAGMENT` block, and registered any additional kernels from other files (e.g. cuda) in a separate `TORCH_LIBRARY_IMPL` block. ``` // cpu file TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName(schema_inputs) -> schema_outputs"); m.impl("opName", torch::dispatch(c10::DispatchKey::CPU, TORCH_FN(cpu_kernel))); } // cuda file TORCH_LIBRARY_IMPL(ns, CUDA, m) { m.impl("opName", torch::dispatch(c10::DispatchKey::CUDA, TORCH_FN(cuda_kernel))); } ``` Special cases: I found a few ops that used a (legacy) `CPUTensorId`/`CUDATensorId` dispatch key. Updated those to use CPU/CUDA- this seems safe because the keys are aliased to one another in `DispatchKey.h` There were a handful of ops that registered a functor (function class) to the legacy API. As far as I could tell we don't allow this case in the new API, mainly because you can accomplish the same thing more cleanly with lambdas. Rather than delete the class I wrote a wrapper function on top of the class, which I passed to the new API. There were a handful of ops that were registered only to a CUDA dispatch key. I put them inside a TORCH_LIBRARY_FRAGMENT block, and used a `def()` and `impl()` call like in case two above. Test Plan: Imported from OSS Reviewed By: ezyang Differential Revision: D25056090 Pulled By: bdhirsh fbshipit-source-id: 8f868b45f545e5da2f21924046e786850eba70d9 * Import torchtext from github into fbcode on 1/11/2021 Reviewed By: cpuhrsch Differential Revision: D25873762 fbshipit-source-id: 0d34d36aeb8e7e2ce72fcf345c5e7e713ef3663c * Import torchtext from github #1121 d56fffe Summary: Import torchtext from github #1121 d56fffe Reviewed By: zhangguanheng66 Differential Revision: D25976268 fbshipit-source-id: 81589f8988a54cc12f17f0a6f298a915e829a830 * Import the hidden files in torchtext github repo Reviewed By: mthrok Differential Revision: D26001386 fbshipit-source-id: f822f0f32232d3006ef629937520dee6c0faf414 * add a newline mark to config.yml file (#1128) Reviewed By: zhangguanheng66 Differential Revision: D26369003 fbshipit-source-id: 09ca48f9705d8663b06e6a329a6b64b24f9c148e * Replace model with full name when spacy load is used (#1140) Reviewed By: zhangguanheng66 Differential Revision: D26369005 fbshipit-source-id: b1e6b5d77810bb8f67d14b8a1c7ec0a9f4831cab * Fix the num_lines argument of the setup_iter func in RawTextIterableDataset (#1142) Reviewed By: zhangguanheng66 Differential Revision: D26368999 fbshipit-source-id: 4b50e5d9e5fbdf633e8b3f0072223eed050af793 * Fix broken CI tests due to spacy 3.0 release (#1138) Reviewed By: zhangguanheng66 Differential Revision: D26368998 fbshipit-source-id: 84e883562a9a3d0fe47b54823b22f7b2cd82fca4 * Switch data_select in dataset signature to split (#1143) Reviewed By: zhangguanheng66 Differential Revision: D26369006 fbshipit-source-id: 608f42fa180db9ebcfaaeadc6b8cdd29393262af * Add offset arg in the raw text dataset (#1145) Reviewed By: zhangguanheng66 Differential Revision: D26368996 fbshipit-source-id: 52741015139c302b7b0ddf8c8f50ab45a609fd2f * switch to_ivalue to __prepare_scriptable__ (#1080) Reviewed By: zhangguanheng66 Differential Revision: D26368995 fbshipit-source-id: 0352c04e422c835350bd42df35d4054d543fee36 * Pass an embedding layer to the constructor of the BertModel class (#1135) Reviewed By: zhangguanheng66 Differential Revision: D26369001 fbshipit-source-id: f5a67a2a812d568073505ec4d181f6e418eb4a3f * add __next__ method to RawTextIterableDataset (#1141) Reviewed By: zhangguanheng66 Differential Revision: D26368997 fbshipit-source-id: f5ef78f5f4a224db497f47f774eaddedd0498b4b * Add func to count the total number of parameters in a model (#1134) Reviewed By: zhangguanheng66 Differential Revision: D26369000 fbshipit-source-id: c687c0f0c2697dbd9c17a79a1291a2e279bbd1b8 * Retire the legacy code in torchtext library and fix the dependency of the downstream libraries Summary: This diff is doing: 1) move the legacy code in torchtext to the legacy folder; 2) for the downstream libraries in fbcode, if they are using the legacy code, add "legacy" to the path. Reviewed By: cpuhrsch Differential Revision: D23718437 fbshipit-source-id: 1660868aaa95ac6555ad6793dda5ce02a9acdc08 * Sync torchtext GH<->fbcode until GH commit 1197514eb8cc33ccff10f588534f405b43908660 Summary: Import recent torchtext changes up until GH commit 1197514eb8cc33ccff10f588534f405b43908660 Reviewed By: zhangguanheng66 Differential Revision: D26824967 fbshipit-source-id: fc4be4f94a8f748ce2ed5e776e30a42422cbcab9 * 20210304[2] Sync torchtext GH<->fbcode until GH commit 2764143865678c41e69ad3b993556fe90c1e6391 Summary: Sync up until commit in title Reviewed By: zhangguanheng66 Differential Revision: D26829429 fbshipit-source-id: a059a36d83b3803dfed9198d0e474e0e75f94f17 * 20210308 Sync torchtext GH <-> fbcode Summary: Import latest GH changes Reviewed By: zhangguanheng66 Differential Revision: D26888371 fbshipit-source-id: cc27f51fd89ad86b8bcfb8f286ad874ab01b1fd6 * Re-name raw_datasets.json file with jsonl extension Reviewed By: cpuhrsch Differential Revision: D26923978 fbshipit-source-id: c87c7776445e05d452f6b38244bf4cdaba45bdec * 20210329 Sync torchtext up to GH commit eb5e39d3d40525c0064c8e7b7c976755e7341a8b Summary: Sync torchtext up to GH commit eb5e39d3d40525c0064c8e7b7c976755e7341a8b Reviewed By: parmeet Differential Revision: D27400885 fbshipit-source-id: 1f8f92ca42ba36d070db6740b3bb4c148f69586b * Import torchtext #1267 93b03e4 Summary: Imported latest from github Master PR#1267 Reviewed By: cpuhrsch Differential Revision: D27503970 fbshipit-source-id: 853ff895ba42b1feb7442abe1c87478e43d62e5b * Import torchtext #1266 ba0bf52 Summary: Import torchtext from github Reviewed By: parmeet Differential Revision: D27803909 fbshipit-source-id: 9cb0f15858b1417cb5868d5651513eb2df998fbe * Import torchtext #1287 fab63ed Reviewed By: parmeet Differential Revision: D27922562 fbshipit-source-id: 3c18cd9e2583e03471461ad8a22ac6b0ceb596a2 * Import torchtext #1293 d2a0776 Summary: Importing torchtext from github for regular sync. Reviewed By: cpuhrsch Differential Revision: D27983819 fbshipit-source-id: 5806421d788afaa872f5320b5f4cbcd913e103ea * Import torchtext #1291 0790ce6 Reviewed By: parmeet Differential Revision: D28101664 fbshipit-source-id: a8643b3ecf85de2cb815dcfa5789a4a5d246d80f * adding __contains__ method to experimental vocab (#1297) Reviewed By: cpuhrsch Differential Revision: D28111696 fbshipit-source-id: fef195941492493a399adb37339cfa64795e22a0 * Import torchtext #1292 ede6ce65eb5405ff1f8801ff6b354bb1cd242108 Summary: This diff syncs torchtext GH with fbcode Reviewed By: cpuhrsch Differential Revision: D28321356 fbshipit-source-id: 7736f0d100941627b58424911a1329b1ce66c123 * Added APIs for default index and removed unk token (#1302) Reviewed By: parmeet Differential Revision: D28478153 fbshipit-source-id: bfcaffe8fe48e96d8df454f7df0d25ec39d5d4a6 * Swapping experimental Vocab and retiring current Vocab into legacy (#1289) Summary: allow-large-files to commit wikitext103_vocab.pt Reviewed By: cpuhrsch Differential Revision: D28478152 fbshipit-source-id: c2a871439f054024b95c05f7664a84028aacaca3 * Import torchtext #1313 36e33e2 Summary: Importing from Github Reviewed By: cpuhrsch Differential Revision: D28572929 fbshipit-source-id: 2e7b00aadeda6ab0596ef23295f41c5b0fa246e7 * Adding API usage logging Summary: Adding API usage logging for Vocab module Reviewed By: colin2328 Differential Revision: D28585537 fbshipit-source-id: 38975b523fb597412fbcb18ef831bfb4834cb420 * Import torchtext #1314 99557efd98dd0e74346975d75183dd8aa32eb37e Reviewed By: parmeet Differential Revision: D28683381 fbshipit-source-id: 7bfbf445dd512f0ce21c34096cf3f08332d90138 * Import torchtext #1325 57a1df3 Reviewed By: NicolasHug Differential Revision: D28994054 fbshipit-source-id: 4c679f56ef37b18f6d2acaaaed8518facbeaa41c * Import torchtext #1328 ca514f6 Summary: Import torchtext #1328 ca514f6 Reviewed By: NicolasHug Differential Revision: D29120370 fbshipit-source-id: 229586f3470bd61bfb2f6a390d79e45d4eae3b4d * up the priority of numpy array comparisons in self.assertEqual (#59067) (#1340) * Re-sync with internal repository (#1343) * up the priority of numpy array comparisons in self.assertEqual (#59067) Summary: Fixes https://github.com/pytorch/pytorch/issues/58988. Pull Request resolved: https://github.com/pytorch/pytorch/pull/59067 Reviewed By: jbschlosser Differential Revision: D28986642 Pulled By: heitorschueroff fbshipit-source-id: 3ef2d26b4010fc3519d0a1a020ea446ffeb46ba0 * Import torchtext #1300 0435df13924fd4582d67e5b17bc09f6ded18be8b Summary: Import torchtext #1300 0435df13924fd4582d67e5b17bc09f6ded18be8b Reviewed By: parmeet Differential Revision: D29371832 fbshipit-source-id: 624280ddfa787a4e7628e60fa673cb9df0a66641 * Import torchtext #1345 8cf471c Summary: Import from github Reviewed By: hudeven Differential Revision: D29441995 fbshipit-source-id: 27731ce2714c16180d11bfb26af5d5a2dba408b1 * Import torchtext #1352 7ab50af Summary: Import from github Reviewed By: NicolasHug Differential Revision: D29537684 fbshipit-source-id: 25b1fc1e6d9f930e83f5f2939788b90b083aeaa2 * Enabling torchtext datasets access via manifold and iopath Summary: We would like to add and access torchtext datasets on manifold. This Diff unifies the dataset download from external links and through manifold for internal access. This is enabled via io_path package. The main idea is to plugin the download hooks in the download_from_url function. The download hooks will delegate the download to appropriate Path Handler. In OSS we have enabled download via https and google drive. Internally, we replace the download hook to download data from manifold. We have created a _download_hooks.py file under /fb/ folder which will replace the corresponding file in OSS. The file under /fb/ folder converts the http/https URL paths into corresponding manifold paths and download the data from there. Reviewed By: hudeven Differential Revision: D28892389 fbshipit-source-id: 3b66544dd2345075e2e7c524f344db04aa2a24e3 * Import torchtext #1361 05cb992 Summary: Import from github Reviewed By: hudeven Differential Revision: D29856211 fbshipit-source-id: 6332f9bdf3cf4eef572c5423db15101ea904d825 * Import torchtext #1365 c57b1fb Summary: Import torchtext #1365 c57b1fb Reviewed By: parmeet Differential Revision: D29940816 fbshipit-source-id: 6b2495b550a7e6b6110b0df12de51a87b0d31c1c * Moving Roberta building blocks to torchtext Summary: This is the first step in moving Roberta Model from pytext_lib into PyTorch Text Library. Here we moved the Roberta building blocks into pytorch/text/fb/nn/modules. The code-base is organized according to WIP document https://docs.google.com/document/d/1c0Fs-v97pndLrT3bdfGRGeUeEC38UcDpibvgOXkbS-g/edit#heading=h.3ybcf0ic42yp Reviewed By: hudeven Differential Revision: D29671800 fbshipit-source-id: d01daa99e0a5463716660722381db9a0eeb083f8 * Enabling torchtext availability in @mode/opt Summary: More details on context and solution: D29973934 Note that in this implementation, we rely on over-riding behavior of _init_extention() function. This is in similar spirit where we over-ride behavior of download hooks to accommodate necessary changes needed to enable functionality on fbcode. Reviewed By: mthrok Differential Revision: D30494836 fbshipit-source-id: b2b015263fa1bca2ef4d4214909e469df3fbe327 * Import torchtext #1382 aa12e9a Summary: Import torchtext #1382 aa12e9a Reviewed By: parmeet Differential Revision: D30584905 fbshipit-source-id: fba23cd19f31fc7826114dd2eb402c8f7b0553df * Simplify cpp extension initialization process Summary: Simplifying the cpp extension initialization process by following torchaudio's implementation in D30633316 Reviewed By: mthrok Differential Revision: D30652618 fbshipit-source-id: f80ac150fa50b1edc22419b21412f64e77064c5d * fixed bug with incorrect variable name in dataset_utils.py Summary: - ValueError was outputting `fn` instead of `func` - Similar fix done in torchdata https://github.com/facebookexternal/torchdata/pull/167 Reviewed By: ejguan Differential Revision: D31149667 fbshipit-source-id: 2c1228287d513895f8359cb97935252f0087d738 * Import torchtext #1410 0930843 Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D31745899 fbshipit-source-id: e4ac5c337bcbd1a8809544add7679dd3da242999 * Import torchtext #1406 1fb2aed Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D31762288 fbshipit-source-id: f439e04f903d640027660cb969d6d9e00e7ed4a0 * Import from github 10/18/21 Summary: Syncing torchtext github main branch to fbcode Reviewed By: parmeet Differential Revision: D31841825 fbshipit-source-id: 9c1a05295e6557ff411e56eb719cb439d5c424ba * Import torchtext #1420 0153ead Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D31871772 fbshipit-source-id: 989f5a453ef7680592df27e4174f465d11a2fbf8 * Import torchtext #1421 bcc1455 Summary: Syncing torchtext github main branch to fbcode Reviewed By: parmeet Differential Revision: D31873514 fbshipit-source-id: 1a964a67ce7ee73f5acf3a1e3f8118028c2dd46e * Enable OSS torchtext XLMR Base/Large model on fbcode Summary: Enable access to open-source torchtext XLMR base/large implementation by: 1) Uploading models/transform weights on manifold 2) Patching public URL with manifold URL (similar to what we have for datasets) Note that we didn't enabled model tests since it takes relatively long to download huge models weights from manifold. We would rely on Open-source signals when making changes to model implementation, and we need to ensure the any update in weights on AWS cloud is also replicated on manifold. Reviewed By: hudeven Differential Revision: D31844166 fbshipit-source-id: 62a4e9a3a8580ab93c3beb3af69be7361f1cc937 * enabling SST2 dataset usage in fbcode Summary: Enable access to open-source torchtext SST2 dataset by: - Uploading SST2 dataset on manifold - Swapping public URL with manifold URL in fbcode by implementing a dummy `HTTPReader` wrapper class - The wrapper class does URL mapping and calls `IoPathFileLoaderDataPipe` on the manifold URL - Enabled SST2Dataset unit tests within fbcode Reviewed By: parmeet Differential Revision: D31876606 fbshipit-source-id: fdde14a67cce835da216b296e1a0024e1d1fc7a9 * Fixed imoporting is_module_available Co-authored-by: Guanheng Zhang Co-authored-by: Christian Puhrsch Co-authored-by: cpuhrsch Co-authored-by: Moto Hira Co-authored-by: George Guanheng Zhang Co-authored-by: Stanislau Hlebik Co-authored-by: Andres Suarez Co-authored-by: Meghan Lele Co-authored-by: Brian Hirsh Co-authored-by: Vasilis Vryniotis Co-authored-by: Jeff Hwang Co-authored-by: Parmeet Singh Bhatia Co-authored-by: Artyom Astafurov Co-authored-by: Nicolas Hug Co-authored-by: Heitor Schueroff Co-authored-by: Facebook Community Bot Co-authored-by: Philip Meier Co-authored-by: Vincent Quenneville-Belair Co-authored-by: Yao-Yuan Yang Co-authored-by: nayef211 --- torchtext/_download_hooks.py | 4 ++++ torchtext/experimental/datasets/sst2.py | 9 +++++---- 2 files changed, 9 insertions(+), 4 deletions(-) diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 4bfe7b5eed..611692b08a 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -3,6 +3,10 @@ from tqdm import tqdm # This is to allow monkey-patching in fbcode from torch.hub import load_state_dict_from_url # noqa +from torchtext._internal.module_utils import is_module_available + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import HttpReader # noqa F401 def _stream_response(r, chunk_size=16 * 1024): diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index fa15b73304..6a25bd7d99 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -10,10 +10,11 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import ( - HttpReader, - IterableWrapper, - ) + from torchdata.datapipes.iter import IterableWrapper + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + NUM_LINES = { "train": 67349, From b962c51f343aaad00fe264975f5c5e6235d3795c Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 28 Oct 2021 16:14:31 -0400 Subject: [PATCH 024/463] Provide option for freezing encoder weights (#1428) --- torchtext/models/roberta/bundler.py | 8 ++++++-- torchtext/models/roberta/model.py | 10 +++++++++- 2 files changed, 15 insertions(+), 3 deletions(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index dc4ce808d4..186a5ff688 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -56,11 +56,15 @@ class RobertaModelBundle: _head: Optional[Module] = None transform: Optional[Callable] = None - def get_model(self, head: Optional[Module] = None, load_weights=True, *, dl_kwargs=None) -> RobertaModel: + def get_model(self, head: Optional[Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> RobertaModel: if load_weights: assert self._path is not None, "load_weights cannot be True. The pre-trained model weights are not available for the current object" + if freeze_encoder: + if not load_weights or not self._path: + logger.warn("The encoder is not loaded with pre-trained weights. Setting freeze_encoder to True will hinder encoder from learning appropriate weights.") + if head is not None: input_head = head if self._head is not None: @@ -68,7 +72,7 @@ def get_model(self, head: Optional[Module] = None, load_weights=True, *, dl_kwar else: input_head = self._head - model = _get_model(self._params, input_head) + model = _get_model(self._params, input_head, freeze_encoder) if not load_weights: return model diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py index 0656e647f8..1c9e291857 100644 --- a/torchtext/models/roberta/model.py +++ b/torchtext/models/roberta/model.py @@ -11,6 +11,8 @@ from .modules import ( TransformerEncoder, ) +import logging +logger = logging.getLogger(__name__) @dataclass @@ -103,6 +105,12 @@ def forward(self, tokens: Tensor) -> Tensor: return x -def _get_model(params: RobertaEncoderParams, head: Module) -> RobertaModel: +def _get_model(params: RobertaEncoderParams, head: Optional[Module] = None, freeze_encoder: bool = False) -> RobertaModel: encoder = RobertaEncoder(**asdict(params)) + if freeze_encoder: + for param in encoder.parameters(): + param.requires_grad = False + + logger.info("Encoder weights are frozen") + return RobertaModel(encoder, head) From 500c9bfca36c2ac53386ba46d5216c523433360a Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 28 Oct 2021 21:10:44 -0400 Subject: [PATCH 025/463] Add support for non-batched transforms and functionals (#1427) --- test/test_functional.py | 32 +++++++++++++ test/test_transforms.py | 47 ++++++++++++++++++ torchtext/functional.py | 66 +++++++++++++++----------- torchtext/models/roberta/transforms.py | 9 ++-- torchtext/transforms.py | 42 +++++++++------- 5 files changed, 149 insertions(+), 47 deletions(-) diff --git a/test/test_functional.py b/test/test_functional.py index 6d71dd71aa..f8dde30e06 100644 --- a/test/test_functional.py +++ b/test/test_functional.py @@ -7,10 +7,16 @@ class TestFunctional(TorchtextTestCase): def test_to_tensor(self): input = [[1, 2], [1, 2, 3]] padding_value = 0 + actual = functional.to_tensor(input, padding_value=padding_value) expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) torch.testing.assert_close(actual, expected) + input = [1, 2] + actual = functional.to_tensor(input, padding_value=padding_value) + expected = torch.tensor([1, 2], dtype=torch.long) + torch.testing.assert_close(actual, expected) + def test_to_tensor_jit(self): input = [[1, 2], [1, 2, 3]] padding_value = 0 @@ -19,13 +25,24 @@ def test_to_tensor_jit(self): expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) torch.testing.assert_close(actual, expected) + input = [1, 2] + actual = to_tensor_jit(input, padding_value=padding_value) + expected = torch.tensor([1, 2], dtype=torch.long) + torch.testing.assert_close(actual, expected) + def test_truncate(self): input = [[1, 2], [1, 2, 3]] max_seq_len = 2 + actual = functional.truncate(input, max_seq_len=max_seq_len) expected = [[1, 2], [1, 2]] self.assertEqual(actual, expected) + input = [1, 2, 3] + actual = functional.truncate(input, max_seq_len=max_seq_len) + expected = [1, 2] + self.assertEqual(actual, expected) + def test_truncate_jit(self): input = [[1, 2], [1, 2, 3]] max_seq_len = 2 @@ -34,6 +51,11 @@ def test_truncate_jit(self): expected = [[1, 2], [1, 2]] self.assertEqual(actual, expected) + input = [1, 2, 3] + actual = truncate_jit(input, max_seq_len=max_seq_len) + expected = [1, 2] + self.assertEqual(actual, expected) + def test_add_token(self): input = [[1, 2], [1, 2, 3]] token_id = 0 @@ -45,6 +67,11 @@ def test_add_token(self): expected = [[1, 2, 0], [1, 2, 3, 0]] self.assertEqual(actual, expected) + input = [1, 2] + actual = functional.add_token(input, token_id=token_id, begin=False) + expected = [1, 2, 0] + self.assertEqual(actual, expected) + def test_add_token_jit(self): input = [[1, 2], [1, 2, 3]] token_id = 0 @@ -56,3 +83,8 @@ def test_add_token_jit(self): actual = add_token_jit(input, token_id=token_id, begin=False) expected = [[1, 2, 0], [1, 2, 3, 0]] self.assertEqual(actual, expected) + + input = [1, 2] + actual = add_token_jit(input, token_id=token_id, begin=False) + expected = [1, 2, 0] + self.assertEqual(actual, expected) diff --git a/test/test_transforms.py b/test/test_transforms.py index 5804435579..d7df6d3876 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -12,43 +12,82 @@ def test_spmtokenizer(self): asset_name = "spm_example.model" asset_path = get_asset_path(asset_name) transform = transforms.SentencePieceTokenizer(asset_path) + actual = transform(["Hello World!, how are you?"]) expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] self.assertEqual(actual, expected) + actual = transform("Hello World!, how are you?") + expected = ['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?'] + self.assertEqual(actual, expected) + def test_spmtokenizer_jit(self): asset_name = "spm_example.model" asset_path = get_asset_path(asset_name) transform = transforms.SentencePieceTokenizer(asset_path) transform_jit = torch.jit.script(transform) + actual = transform_jit(["Hello World!, how are you?"]) expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] self.assertEqual(actual, expected) + actual = transform_jit("Hello World!, how are you?") + expected = ['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?'] + self.assertEqual(actual, expected) + def test_vocab_transform(self): vocab_obj = vocab(OrderedDict([('a', 1), ('b', 1), ('c', 1)])) transform = transforms.VocabTransform(vocab_obj) + actual = transform([['a', 'b', 'c']]) expected = [[0, 1, 2]] self.assertEqual(actual, expected) + actual = transform(['a', 'b', 'c']) + expected = [0, 1, 2] + self.assertEqual(actual, expected) + + def test_vocab_transform_jit(self): + vocab_obj = vocab(OrderedDict([('a', 1), ('b', 1), ('c', 1)])) + transform_jit = torch.jit.script(transforms.VocabTransform(vocab_obj)) + + actual = transform_jit([['a', 'b', 'c']]) + expected = [[0, 1, 2]] + self.assertEqual(actual, expected) + + actual = transform_jit(['a', 'b', 'c']) + expected = [0, 1, 2] + self.assertEqual(actual, expected) + def test_totensor(self): input = [[1, 2], [1, 2, 3]] padding_value = 0 transform = transforms.ToTensor(padding_value=padding_value) + actual = transform(input) expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) torch.testing.assert_close(actual, expected) + input = [1, 2] + actual = transform(input) + expected = torch.tensor([1, 2], dtype=torch.long) + torch.testing.assert_close(actual, expected) + def test_totensor_jit(self): input = [[1, 2], [1, 2, 3]] padding_value = 0 transform = transforms.ToTensor(padding_value=padding_value) transform_jit = torch.jit.script(transform) + actual = transform_jit(input) expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) torch.testing.assert_close(actual, expected) + input = [1, 2] + actual = transform_jit(input) + expected = torch.tensor([1, 2], dtype=torch.long) + torch.testing.assert_close(actual, expected) + def test_labeltoindex(self): label_names = ['test', 'label', 'indices'] transform = transforms.LabelToIndex(label_names=label_names) @@ -61,6 +100,10 @@ def test_labeltoindex(self): expected = [2, 1, 0] self.assertEqual(actual, expected) + actual = transform("indices") + expected = 0 + self.assertEqual(actual, expected) + asset_name = "label_names.txt" asset_path = get_asset_path(asset_name) transform = transforms.LabelToIndex(label_path=asset_path) @@ -74,3 +117,7 @@ def test_labeltoindex_jit(self): actual = transform_jit(label_names) expected = [0, 1, 2] self.assertEqual(actual, expected) + + actual = transform_jit("test") + expected = 0 + self.assertEqual(actual, expected) diff --git a/torchtext/functional.py b/torchtext/functional.py index 9231c9644e..fe81920ed5 100644 --- a/torchtext/functional.py +++ b/torchtext/functional.py @@ -1,7 +1,7 @@ import torch from torch import Tensor from torch.nn.utils.rnn import pad_sequence -from typing import List, Optional +from typing import List, Optional, Union __all__ = [ 'to_tensor', @@ -10,36 +10,48 @@ ] -def to_tensor(input: List[List[int]], padding_value: Optional[int] = None) -> Tensor: - if padding_value is None: - output = torch.tensor(input, dtype=torch.long) - return output +def to_tensor(input: Union[List[int], List[List[int]]], padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> Tensor: + if torch.jit.isinstance(input, List[int]): + return torch.tensor(input, dtype=torch.long) else: - output = pad_sequence( - [torch.tensor(ids, dtype=torch.long) for ids in input], - batch_first=True, - padding_value=float(padding_value) - ) - return output - - -def truncate(input: List[List[int]], max_seq_len: int) -> List[List[int]]: - output: List[List[int]] = [] - - for ids in input: - output.append(ids[:max_seq_len]) + if padding_value is None: + output = torch.tensor(input, dtype=dtype) + return output + else: + output = pad_sequence( + [torch.tensor(ids, dtype=dtype) for ids in input], + batch_first=True, + padding_value=float(padding_value) + ) + return output + + +def truncate(input: Union[List[int], List[List[int]]], max_seq_len: int) -> Union[List[int], List[List[int]]]: + if torch.jit.isinstance(input, List[int]): + return input[:max_seq_len] + else: + output: List[List[int]] = [] - return output + for ids in input: + output.append(ids[:max_seq_len]) + return output -def add_token(input: List[List[int]], token_id: int, begin: bool = True) -> List[List[int]]: - output: List[List[int]] = [] - if begin: - for ids in input: - output.append([token_id] + ids) +def add_token(input: Union[List[int], List[List[int]]], token_id: int, begin: bool = True) -> Union[List[int], List[List[int]]]: + if torch.jit.isinstance(input, List[int]): + if begin: + return [token_id] + input + else: + return input + [token_id] else: - for ids in input: - output.append(ids + [token_id]) + output: List[List[int]] = [] + + if begin: + for ids in input: + output.append([token_id] + ids) + else: + for ids in input: + output.append(ids + [token_id]) - return output + return output diff --git a/torchtext/models/roberta/transforms.py b/torchtext/models/roberta/transforms.py index d711672f2a..5cb2279649 100644 --- a/torchtext/models/roberta/transforms.py +++ b/torchtext/models/roberta/transforms.py @@ -5,7 +5,7 @@ from torchtext import transforms from torchtext import functional -from typing import List +from typing import List, Union class XLMRobertaModelTransform(Module): @@ -44,11 +44,12 @@ def __init__( self.bos_idx = self.vocab[self.bos_token] self.eos_idx = self.vocab[self.eos_token] - def forward(self, input: List[str], + def forward(self, input: Union[str, List[str]], add_bos: bool = True, add_eos: bool = True, - truncate: bool = True) -> List[List[int]]: - tokens: List[List[int]] = self.vocab_transform(self.token_transform(input)) + truncate: bool = True) -> Union[List[int], List[List[int]]]: + + tokens = self.vocab_transform(self.token_transform(input)) if truncate: tokens = functional.truncate(tokens, self.max_seq_len - 2) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 252043e227..d13f690bc8 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -5,7 +5,7 @@ from torchtext.data.functional import load_sp_model from torchtext.utils import download_from_url from torchtext.vocab import Vocab -from typing import List, Optional +from typing import List, Optional, Union import os from torchtext import _CACHE_DIR @@ -36,11 +36,14 @@ def __init__(self, sp_model_path: str): local_path = download_from_url(url=sp_model_path, root=_CACHE_DIR) self.sp_model = load_sp_model(local_path) - def forward(self, input: List[str]) -> List[List[str]]: - tokens: List[List[str]] = [] - for text in input: - tokens.append(self.sp_model.EncodeAsPieces(text)) - return tokens + def forward(self, input: Union[str, List[str]]) -> Union[List[str], List[List[str]]]: + if torch.jit.isinstance(input, List[str]): + tokens: List[List[str]] = [] + for text in input: + tokens.append(self.sp_model.EncodeAsPieces(text)) + return tokens + else: + return self.sp_model.EncodeAsPieces(input) class VocabTransform(Module): @@ -65,18 +68,21 @@ def __init__(self, vocab): assert isinstance(vocab, Vocab) self.vocab = vocab - def forward(self, input: List[List[str]]) -> List[List[int]]: + def forward(self, input: Union[List[str], List[List[str]]]) -> Union[List[int], List[List[int]]]: r""" Args: input: list of list tokens """ - output: List[List[int]] = [] - for tokens in input: - output.append(self.vocab.lookup_indices(tokens)) + if torch.jit.isinstance(input, List[str]): + return self.vocab.lookup_indices(input) + else: + output: List[List[int]] = [] + for tokens in input: + output.append(self.vocab.lookup_indices(tokens)) - return output + return output class ToTensor(Module): @@ -86,16 +92,17 @@ class ToTensor(Module): padding_value (int, optional): Pad value to make each input in the batch of length equal to the longest sequence in the batch. """ - def __init__(self, padding_value: Optional[int] = None) -> None: + def __init__(self, padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> None: super().__init__() self.padding_value = padding_value + self.dtype = dtype - def forward(self, input: List[List[int]]) -> Tensor: + def forward(self, input: Union[List[int], List[List[int]]]) -> Tensor: r""" Args: """ - return F.to_tensor(input, padding_value=self.padding_value) + return F.to_tensor(input, padding_value=self.padding_value, dtype=self.dtype) class LabelToIndex(Module): @@ -126,8 +133,11 @@ def __init__( self._label_vocab = Vocab(torch.classes.torchtext.Vocab(label_names, 0)) self._label_names = self._label_vocab.get_itos() - def forward(self, labels: List[str]) -> List[int]: - return self._label_vocab.lookup_indices(labels) + def forward(self, labels: Union[str, List[str]]) -> Union[int, List[int]]: + if torch.jit.isinstance(labels, List[str]): + return self._label_vocab.lookup_indices(labels) + else: + return self._label_vocab.__getitem__(labels) @property def label_names(self) -> List[str]: From 4cf19ed49f1070903fed732d1fb9ee5e6b81ef60 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 3 Nov 2021 13:01:32 -0400 Subject: [PATCH 026/463] encoder output modification (#1430) --- torchtext/models/roberta/model.py | 13 ++++++----- torchtext/models/roberta/modules.py | 34 +++++++++++++++++++---------- 2 files changed, 31 insertions(+), 16 deletions(-) diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py index 1c9e291857..35d27fc79a 100644 --- a/torchtext/models/roberta/model.py +++ b/torchtext/models/roberta/model.py @@ -1,7 +1,7 @@ import math from dataclasses import dataclass, asdict -from typing import Optional +from typing import Optional, List from torch.nn import Module import torch @@ -59,14 +59,17 @@ def __init__( dropout=dropout, normalize_before=normalize_before, scaling=scaling, + return_all_layers=False, ) def forward(self, tokens: Tensor, mask: Optional[Tensor] = None) -> Tensor: - all_layers = self.transformer(tokens) - last_layer = all_layers[-1].transpose(1, 0) + output = self.transformer(tokens) + if torch.jit.isinstance(output, List[Tensor]): + output = output[-1] + output = output.transpose(1, 0) if mask is not None: - last_layer = last_layer[mask.to(torch.bool), :] - return last_layer + output = output[mask.to(torch.bool), :] + return output # TODO: Add Missing quant noise and spectral norm from latest Roberta head in fairseq repo diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 5f0fc01d56..ebf9115f80 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -1,4 +1,4 @@ -from typing import Optional, List +from typing import Optional, List, Union import torch from torch import nn @@ -240,6 +240,7 @@ def __init__( dropout: float = 0.1, normalize_before: bool = False, scaling: Optional[float] = None, + return_all_layers: bool = False, ): super().__init__() self.padding_idx = padding_idx @@ -263,8 +264,9 @@ def __init__( self.embedding_layer_norm = nn.LayerNorm(embedding_dim) self.dropout = nn.Dropout(dropout) self.normalize_before = normalize_before + self.return_all_layers = return_all_layers - def forward(self, tokens: torch.Tensor) -> List[torch.Tensor]: + def forward(self, tokens: torch.Tensor) -> Union[torch.Tensor, List[torch.Tensor]]: padding_mask = tokens.eq(self.padding_idx) token_embeddings = self.token_embedding(tokens) @@ -282,15 +284,25 @@ def forward(self, tokens: torch.Tensor) -> List[torch.Tensor]: encoded = padded_embedded.transpose(0, 1) - states = [encoded] + if self.return_all_layers: + states = [encoded] - for layer in self.layers: - encoded = layer(encoded, padding_mask) - states.append(encoded) + for layer in self.layers: + encoded = layer(encoded, padding_mask) + states.append(encoded) - if self.normalize_before: - for i, state in enumerate(states): - states[i] = self.embedding_layer_norm(state) + if self.normalize_before: + for i, state in enumerate(states): + states[i] = self.embedding_layer_norm(state) + + # states are returned as T x B x C + return states + else: + for layer in self.layers: + encoded = layer(encoded, padding_mask) + + if self.normalize_before: + encoded = self.embedding_layer_norm(encoded) - # states are returned as T x B x C - return states + # states are returned as T x B x C + return encoded From a641b129e0fcb0693545152ad28a40888d2b8a13 Mon Sep 17 00:00:00 2001 From: ebsmothers Date: Fri, 5 Nov 2021 14:20:38 -0700 Subject: [PATCH 027/463] Allow inferred scaling in MultiheadSelfAttention for head_dim != 64 (#1432) Summary: Rather than raise an exception whenever head_dim != 64, we can just infer the scaling value and continue to provide a warning. Also add an assertion in case embed_dim is not a multiple of num_heads (in which case forward will break). --- torchtext/models/roberta/modules.py | 23 ++++++++++++----------- 1 file changed, 12 insertions(+), 11 deletions(-) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index ebf9115f80..a2e0635a81 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -1,18 +1,17 @@ +import logging +import math from typing import Optional, List, Union import torch from torch import nn from torch.nn import Module - -import math - from torch.nn import functional as F +logger = logging.getLogger(__name__) + class PositionalEmbedding(Module): - def __init__( - self, num_embeddings: int, embedding_dim: int, pad_index: int - ): + def __init__(self, num_embeddings: int, embedding_dim: int, pad_index: int): super().__init__() self.embedding = nn.Embedding(num_embeddings, embedding_dim, pad_index) self.pad_index = pad_index @@ -79,19 +78,21 @@ def __init__( expected_scaling = float(1 / math.sqrt(self.head_dim)) - if not scaling and self.head_dim == 64: - scaling = 0.125 + assert ( + embed_dim % num_heads == 0 + ), f"embed_dim={embed_dim} should be a multiple of num_heads={num_heads}" if not scaling: - raise Exception( + logger.warn( f""" - Scaling not set. Please manually set scaling for transformers with - head_dim != 64. The suggested value in this case is {expected_scaling}, + Scaling not set. Please manually set scaling for transformers. + In this case the suggested value {expected_scaling} will be inferred, or float(1 / math.sqrt(head_dim)) where head_dim = embed_dim // num_heads = {self.head_dim} and embed_dim = {embed_dim} and num_heads = {num_heads}. """ ) + scaling = expected_scaling self.scaling = scaling self.dropout = nn.Dropout(dropout) From ba20fc525a8a46d3056eeb421a44b9bdb1a90182 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 8 Nov 2021 13:47:26 -0500 Subject: [PATCH 028/463] Update RobertaModel to directly take in configuration (#1431) --- torchtext/models/roberta/__init__.py | 6 ++-- torchtext/models/roberta/bundler.py | 23 ++++++++++----- torchtext/models/roberta/model.py | 43 +++++++++++++++++++--------- 3 files changed, 49 insertions(+), 23 deletions(-) diff --git a/torchtext/models/roberta/__init__.py b/torchtext/models/roberta/__init__.py index f03218844b..1057c6deb6 100644 --- a/torchtext/models/roberta/__init__.py +++ b/torchtext/models/roberta/__init__.py @@ -1,6 +1,7 @@ from .model import ( - RobertaEncoderParams, + RobertaEncoderConf, RobertaClassificationHead, + RobertaModel, ) from .bundler import ( @@ -10,8 +11,9 @@ ) __all__ = [ - "RobertaEncoderParams", + "RobertaEncoderConf", "RobertaClassificationHead", + "RobertaModel", "RobertaModelBundle", "XLMR_BASE_ENCODER", "XLMR_LARGE_ENCODER", diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 186a5ff688..d26a2d71cc 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -11,7 +11,7 @@ logger = logging.getLogger(__name__) from .model import ( - RobertaEncoderParams, + RobertaEncoderConf, RobertaModel, _get_model, ) @@ -50,8 +50,17 @@ class RobertaModelBundle: >>> output = classification_model(model_input) >>> output.shape torch.Size([1, 2]) + + Example - User-specified configuration and checkpoint + >>> from torchtext.models import RobertaEncoderConf, RobertaModelBundle, RobertaClassificationHead + >>> model_weights_path = "https://download.pytorch.org/models/text/xlmr.base.encoder.pt" + >>> roberta_encoder_conf = RobertaEncoderConf(vocab_size=250002) + >>> roberta_bundle = RobertaModelBundle(_encoder_conf=roberta_encoder_conf, _path=model_weights_path) + >>> encoder = roberta_bundle.get_model() + >>> classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) + >>> classifier = roberta_bundle.get_model(head=classifier_head) """ - _params: RobertaEncoderParams + _encoder_conf: RobertaEncoderConf _path: Optional[str] = None _head: Optional[Module] = None transform: Optional[Callable] = None @@ -72,7 +81,7 @@ def get_model(self, head: Optional[Module] = None, load_weights: bool = True, fr else: input_head = self._head - model = _get_model(self._params, input_head, freeze_encoder) + model = _get_model(self._encoder_conf, input_head, freeze_encoder) if not load_weights: return model @@ -86,13 +95,13 @@ def get_model(self, head: Optional[Module] = None, load_weights: bool = True, fr return model @property - def params(self) -> RobertaEncoderParams: - return self._params + def encoderConf(self) -> RobertaEncoderConf: + return self._encoder_conf XLMR_BASE_ENCODER = RobertaModelBundle( _path=os.path.join(_TEXT_BUCKET, "xlmr.base.encoder.pt"), - _params=RobertaEncoderParams(vocab_size=250002), + _encoder_conf=RobertaEncoderConf(vocab_size=250002), transform=partial(get_xlmr_transform, vocab_path=os.path.join(_TEXT_BUCKET, "xlmr.vocab.pt"), spm_model_path=os.path.join(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), @@ -101,7 +110,7 @@ def params(self) -> RobertaEncoderParams: XLMR_LARGE_ENCODER = RobertaModelBundle( _path=os.path.join(_TEXT_BUCKET, "xlmr.large.encoder.pt"), - _params=RobertaEncoderParams(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), + _encoder_conf=RobertaEncoderConf(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), transform=partial(get_xlmr_transform, vocab_path=os.path.join(_TEXT_BUCKET, "xlmr.vocab.pt"), spm_model_path=os.path.join(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py index 35d27fc79a..60a4362550 100644 --- a/torchtext/models/roberta/model.py +++ b/torchtext/models/roberta/model.py @@ -16,7 +16,7 @@ @dataclass -class RobertaEncoderParams: +class RobertaEncoderConf: vocab_size: int = 50265 embedding_dim: int = 768 ffn_dimension: int = 3072 @@ -62,6 +62,10 @@ def __init__( return_all_layers=False, ) + @classmethod + def from_config(cls, config: RobertaEncoderConf): + return cls(**asdict(config)) + def forward(self, tokens: Tensor, mask: Optional[Tensor] = None) -> Tensor: output = self.transformer(tokens) if torch.jit.isinstance(output, List[Tensor]): @@ -94,13 +98,31 @@ def forward(self, features): class RobertaModel(Module): - def __init__(self, encoder: Module, head: Optional[Module] = None): + """ + + Example - Instantiate model with user-specified configuration + >>> from torchtext.models import RobertaEncoderConf, RobertaModel, RobertaClassificationHead + >>> roberta_encoder_conf = RobertaEncoderConf(vocab_size=250002) + >>> encoder = RobertaModel(config=roberta_encoder_conf) + >>> classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) + >>> classifier = RobertaModel(config=roberta_encoder_conf, head=classifier_head) + """ + + def __init__(self, config: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False): super().__init__() - self.encoder = encoder + assert isinstance(config, RobertaEncoderConf) + + self.encoder = RobertaEncoder.from_config(config) + if freeze_encoder: + for param in self.encoder.parameters(): + param.requires_grad = False + + logger.info("Encoder weights are frozen") + self.head = head - def forward(self, tokens: Tensor) -> Tensor: - features = self.encoder(tokens) + def forward(self, tokens: Tensor, mask: Optional[Tensor] = None) -> Tensor: + features = self.encoder(tokens, mask) if self.head is None: return features @@ -108,12 +130,5 @@ def forward(self, tokens: Tensor) -> Tensor: return x -def _get_model(params: RobertaEncoderParams, head: Optional[Module] = None, freeze_encoder: bool = False) -> RobertaModel: - encoder = RobertaEncoder(**asdict(params)) - if freeze_encoder: - for param in encoder.parameters(): - param.requires_grad = False - - logger.info("Encoder weights are frozen") - - return RobertaModel(encoder, head) +def _get_model(config: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False) -> RobertaModel: + return RobertaModel(config, head, freeze_encoder) From 9314b44d2a6cb6f4129e1ac3ac57f92eb054f15d Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 9 Nov 2021 11:53:38 -0500 Subject: [PATCH 029/463] add attention mask to transformer encoder modules (#1435) --- test/models/test_models.py | 29 +++++++++++++++++++++ torchtext/models/roberta/modules.py | 40 ++++++++++++++++++++++++----- 2 files changed, 62 insertions(+), 7 deletions(-) diff --git a/test/models/test_models.py b/test/models/test_models.py index c6b5d01acd..b917104c1b 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -5,6 +5,35 @@ from ..common.assets import get_asset_path +class TestModules(TorchtextTestCase): + def test_self_attn_mask(self): + from torchtext.models.roberta.modules import MultiheadSelfAttention + embed_dim, batch_size, num_heads, source_len = 4, 1, 2, 2 + mha = MultiheadSelfAttention(embed_dim=embed_dim, num_heads=num_heads) + query = torch.ones((source_len, batch_size, embed_dim)) + query[0, ...] = 0 + key_padding_mask = torch.zeros((batch_size, source_len)) + attn_mask = torch.zeros((source_len, source_len)) + attn_mask[0][1] = -1e8 + with torch.no_grad(): + mha.input_projection.weight.fill_(1. / embed_dim) + mha.input_projection.bias.fill_(0.) + mha.output_projection.weight.fill_(1. / embed_dim) + mha.output_projection.bias.fill_(0.) + + # with attention mask + actual = mha(query, key_padding_mask, attn_mask) + expected = torch.tensor([[[0.0000, 0.0000, 0.0000, 0.0000]], + [[0.8938, 0.8938, 0.8938, 0.8938]]]) + torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) + + # without attention mask + actual = mha(query, key_padding_mask) + expected = torch.tensor([[[0.5556, 0.5556, 0.5556, 0.5556]], + [[0.8938, 0.8938, 0.8938, 0.8938]]]) + torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) + + class TestModels(TorchtextTestCase): def test_xlmr_base_output(self): asset_name = "xlmr.base.output.pt" diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index a2e0635a81..901e896270 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -99,7 +99,7 @@ def __init__( self.input_projection = nn.Linear(embed_dim, 3 * embed_dim) self.output_projection = nn.Linear(embed_dim, embed_dim) - def forward(self, query, key_padding_mask): + def forward(self, query: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): target_length, batch_size, embed_dim = query.size() mask_batch_size, source_length = key_padding_mask.size() @@ -124,6 +124,18 @@ def forward(self, query, key_padding_mask): ) attn_weights = torch.bmm(q, k.transpose(1, 2)) + if attn_mask is not None: + torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) + torch._assert(attn_mask.size(0) == target_length, "attn_mask shape didn't match for target length {}".format(target_length)) + torch._assert(attn_mask.size(1) == source_length, "attn_mask shape didn't match for source length {}".format(source_length)) + torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") + if attn_mask.dtype == torch.bool: + attn_mask = attn_mask.masked_fill( + attn_mask, + -1e8 if query.dtype == torch.float32 else -1e4 + ) + attn_mask = attn_mask.unsqueeze(0) + attn_weights += attn_mask torch._assert(attn_weights.dim() == 3, "Unexpected attn_weights dim") torch._assert( @@ -209,18 +221,28 @@ def __init__( self.final_layer_norm = nn.LayerNorm(embedding_dim) self.normalize_before = normalize_before - def forward(self, input, key_padding_mask): + def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): + if attn_mask is not None: + torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) + torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") + if attn_mask.dtype == torch.bool: + attn_mask = attn_mask.masked_fill( + attn_mask, + -1e8 if input.dtype == torch.float32 else -1e4 + ) + if not hasattr(self, "normalize_before"): self.normalize_before = False + if self.normalize_before: x = self.attention_layer_norm(input) - attention = self.attention(x, key_padding_mask) + attention = self.attention(x, key_padding_mask, attn_mask) attention = self.dropout(attention) biased_input = input + attention x = self.final_layer_norm(biased_input) return self.residual_mlp(x) + biased_input else: - attention = self.attention(input, key_padding_mask) + attention = self.attention(input, key_padding_mask, attn_mask) attention = self.dropout(attention) biased_input = input + attention biased_input = self.attention_layer_norm(biased_input) @@ -267,7 +289,11 @@ def __init__( self.normalize_before = normalize_before self.return_all_layers = return_all_layers - def forward(self, tokens: torch.Tensor) -> Union[torch.Tensor, List[torch.Tensor]]: + def forward(self, tokens: torch.Tensor, attn_mask: Optional[torch.Tensor] = None) -> Union[torch.Tensor, List[torch.Tensor]]: + if attn_mask is not None: + torch._assert(attn_mask.dtype == torch.bool, "Expected attn_mask dtype as `torch.bool` but got {}".format(attn_mask.dtype)) + torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) + padding_mask = tokens.eq(self.padding_idx) token_embeddings = self.token_embedding(tokens) @@ -289,7 +315,7 @@ def forward(self, tokens: torch.Tensor) -> Union[torch.Tensor, List[torch.Tensor states = [encoded] for layer in self.layers: - encoded = layer(encoded, padding_mask) + encoded = layer(encoded, padding_mask, attn_mask) states.append(encoded) if self.normalize_before: @@ -300,7 +326,7 @@ def forward(self, tokens: torch.Tensor) -> Union[torch.Tensor, List[torch.Tensor return states else: for layer in self.layers: - encoded = layer(encoded, padding_mask) + encoded = layer(encoded, padding_mask, attn_mask) if self.normalize_before: encoded = self.embedding_layer_norm(encoded) From f298494ad90495e4ad442928665ce6d8e9f9c3c0 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Wed, 10 Nov 2021 11:15:13 -0800 Subject: [PATCH 030/463] [Vocab] Refactor vocab factory method to accept special tokens as a keyword argument (#1436) * [Vocab] Refactor vocab factory method to accept special tokens as a keyword argument --- test/test_vocab.py | 17 +++++++++++++++++ torchtext/vocab/vocab_factory.py | 31 ++++++++++++++++--------------- 2 files changed, 33 insertions(+), 15 deletions(-) diff --git a/test/test_vocab.py b/test/test_vocab.py index c78cd5c708..1f938731b7 100644 --- a/test/test_vocab.py +++ b/test/test_vocab.py @@ -241,3 +241,20 @@ def test_build_vocab_iterator(self): expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) + + def test_vocab_specials(self): + token_to_freq = {'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2} + sorted_by_freq_tuples = OrderedDict(sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True)) + specials = ["", "", "", "pad"] + + v1 = vocab(sorted_by_freq_tuples, min_freq=3, specials=specials) + expected_itos = specials + ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + expected_stoi = {x: index for index, x in enumerate(expected_itos)} + self.assertEqual(v1.get_itos(), expected_itos) + self.assertEqual(dict(v1.get_stoi()), expected_stoi) + + v2 = vocab(sorted_by_freq_tuples, min_freq=3, specials=specials, special_first=False) + expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + specials + expected_stoi = {x: index for index, x in enumerate(expected_itos)} + self.assertEqual(v2.get_itos(), expected_itos) + self.assertEqual(dict(v2.get_stoi()), expected_stoi) diff --git a/torchtext/vocab/vocab_factory.py b/torchtext/vocab/vocab_factory.py index bdea76f0a6..835886e96f 100644 --- a/torchtext/vocab/vocab_factory.py +++ b/torchtext/vocab/vocab_factory.py @@ -6,7 +6,9 @@ ) -def vocab(ordered_dict: Dict, min_freq: int = 1) -> Vocab: +def vocab(ordered_dict: Dict, min_freq: int = 1, + specials: Optional[List[str]] = None, + special_first: bool = True) -> Vocab: r"""Factory method for creating a vocab object which maps tokens to indices. Note that the ordering in which key value pairs were inserted in the `ordered_dict` will be respected when building the vocab. @@ -15,6 +17,8 @@ def vocab(ordered_dict: Dict, min_freq: int = 1) -> Vocab: Args: ordered_dict: Ordered Dictionary mapping tokens to their corresponding occurance frequencies. min_freq: The minimum frequency needed to include a token in the vocabulary. + specials: Special symbols to add. The order of supplied tokens will be preserved. + special_first: Indicates whether to insert symbols at the beginning or at the end. Returns: torchtext.vocab.Vocab: A `Vocab` object @@ -29,11 +33,10 @@ def vocab(ordered_dict: Dict, min_freq: int = 1) -> Vocab: >>> print(v1['a']) #prints 1 >>> print(v1['out of vocab']) #raise RuntimeError since default index is not set >>> tokens = ['e', 'd', 'c', 'b', 'a'] - >>> v2 = vocab(OrderedDict([(token, 1) for token in tokens])) >>> #adding token and default index >>> unk_token = '' >>> default_index = -1 - >>> if unk_token not in v2: v2.insert_token(unk_token, 0) + >>> v2 = vocab(OrderedDict([(token, 1) for token in tokens]), specials=[unk_token]) >>> v2.set_default_index(default_index) >>> print(v2['']) #prints 0 >>> print(v2['out of vocab']) #prints -1 @@ -41,12 +44,20 @@ def vocab(ordered_dict: Dict, min_freq: int = 1) -> Vocab: >>> v2.set_default_index(v2[unk_token]) >>> v2['out of vocab'] is v2[unk_token] #prints True """ + specials = specials or [] + for token in specials: + ordered_dict.pop(token, None) tokens = [] for token, freq in ordered_dict.items(): if freq >= min_freq: tokens.append(token) + if special_first: + tokens[0:0] = specials + else: + tokens.extend(specials) + return Vocab(VocabPybind(tokens, None)) @@ -79,20 +90,10 @@ def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: O for tokens in iterator: counter.update(tokens) - if specials is not None: - for tok in specials: - del counter[tok] - sorted_by_freq_tuples = sorted(counter.items(), key=lambda x: x[0]) sorted_by_freq_tuples.sort(key=lambda x: x[1], reverse=True) ordered_dict = OrderedDict(sorted_by_freq_tuples) - if specials is not None: - if special_first: - specials = specials[::-1] - for symbol in specials: - ordered_dict.update({symbol: min_freq}) - ordered_dict.move_to_end(symbol, last=not special_first) - - word_vocab = vocab(ordered_dict, min_freq=min_freq) + word_vocab = vocab(ordered_dict, min_freq=min_freq, specials=specials or [], + special_first=special_first) return word_vocab From 2cebac34ab26577ee02b7295dbe01dccfdb1a88f Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Wed, 10 Nov 2021 11:36:44 -0800 Subject: [PATCH 031/463] Remove TorchText legacy folder and its associated tests (#1437) * Remove TorchText legacy folder and its associated tests * Fix Flake Error --- benchmark/benchmark_vocab.py | 134 +-- .../legacy_tutorial/migration_tutorial.ipynb | 520 ---------- examples/vocab/vocab.py | 37 - test/legacy/__init__.py | 0 test/legacy/babi.py | 50 - test/legacy/data.py | 27 - test/legacy/data/__init__.py | 0 test/legacy/data/test_batch.py | 43 - test/legacy/data/test_dataset.py | 511 ---------- test/legacy/data/test_field.py | 901 ------------------ test/legacy/data/test_pipeline.py | 52 - test/legacy/data/test_subword.py | 25 - test/legacy/imdb.py | 43 - test/legacy/language_modeling.py | 38 - test/legacy/nli.py | 304 ------ test/legacy/sequence_tagging.py | 86 -- test/legacy/sst.py | 69 -- test/legacy/test_vocab.py | 131 --- test/legacy/translation.py | 102 -- test/legacy/trec.py | 46 - test/test_build.py | 261 +---- torchtext/__init__.py | 4 +- torchtext/legacy/README.rst | 53 -- torchtext/legacy/__init__.py | 11 - torchtext/legacy/data/__init__.py | 34 - torchtext/legacy/data/batch.py | 101 -- torchtext/legacy/data/dataset.py | 362 ------- torchtext/legacy/data/example.py | 99 -- torchtext/legacy/data/field.py | 735 -------------- torchtext/legacy/data/iterator.py | 297 ------ torchtext/legacy/data/pipeline.py | 85 -- torchtext/legacy/datasets/__init__.py | 42 - torchtext/legacy/datasets/babi.py | 140 --- torchtext/legacy/datasets/imdb.py | 80 -- .../legacy/datasets/language_modeling.py | 217 ----- torchtext/legacy/datasets/nli.py | 191 ---- torchtext/legacy/datasets/sequence_tagging.py | 102 -- torchtext/legacy/datasets/sst.py | 104 -- .../legacy/datasets/text_classification.py | 452 --------- torchtext/legacy/datasets/translation.py | 234 ----- torchtext/legacy/datasets/trec.py | 85 -- .../legacy/datasets/unsupervised_learning.py | 136 --- torchtext/legacy/vocab.py | 294 ------ 43 files changed, 54 insertions(+), 7184 deletions(-) delete mode 100644 examples/legacy_tutorial/migration_tutorial.ipynb delete mode 100755 examples/vocab/vocab.py delete mode 100644 test/legacy/__init__.py delete mode 100644 test/legacy/babi.py delete mode 100644 test/legacy/data.py delete mode 100644 test/legacy/data/__init__.py delete mode 100644 test/legacy/data/test_batch.py delete mode 100644 test/legacy/data/test_dataset.py delete mode 100644 test/legacy/data/test_field.py delete mode 100644 test/legacy/data/test_pipeline.py delete mode 100644 test/legacy/data/test_subword.py delete mode 100644 test/legacy/imdb.py delete mode 100644 test/legacy/language_modeling.py delete mode 100644 test/legacy/nli.py delete mode 100644 test/legacy/sequence_tagging.py delete mode 100644 test/legacy/sst.py delete mode 100644 test/legacy/test_vocab.py delete mode 100644 test/legacy/translation.py delete mode 100644 test/legacy/trec.py delete mode 100644 torchtext/legacy/README.rst delete mode 100644 torchtext/legacy/__init__.py delete mode 100644 torchtext/legacy/data/__init__.py delete mode 100644 torchtext/legacy/data/batch.py delete mode 100644 torchtext/legacy/data/dataset.py delete mode 100644 torchtext/legacy/data/example.py delete mode 100644 torchtext/legacy/data/field.py delete mode 100644 torchtext/legacy/data/iterator.py delete mode 100644 torchtext/legacy/data/pipeline.py delete mode 100644 torchtext/legacy/datasets/__init__.py delete mode 100644 torchtext/legacy/datasets/babi.py delete mode 100644 torchtext/legacy/datasets/imdb.py delete mode 100644 torchtext/legacy/datasets/language_modeling.py delete mode 100644 torchtext/legacy/datasets/nli.py delete mode 100644 torchtext/legacy/datasets/sequence_tagging.py delete mode 100644 torchtext/legacy/datasets/sst.py delete mode 100644 torchtext/legacy/datasets/text_classification.py delete mode 100644 torchtext/legacy/datasets/translation.py delete mode 100644 torchtext/legacy/datasets/trec.py delete mode 100644 torchtext/legacy/datasets/unsupervised_learning.py delete mode 100755 torchtext/legacy/vocab.py diff --git a/benchmark/benchmark_vocab.py b/benchmark/benchmark_vocab.py index 544144d119..f8d23f875f 100644 --- a/benchmark/benchmark_vocab.py +++ b/benchmark/benchmark_vocab.py @@ -1,10 +1,6 @@ import argparse from collections import (Counter, OrderedDict) import time -import random -import string -from timeit import default_timer as timer -from matplotlib import pyplot as plt import torch from torchtext.datasets import DATASETS from torchtext.experimental.vocab_factory import ( @@ -13,15 +9,12 @@ ) from torchtext.vocab import build_vocab_from_iterator from torchtext.vocab import vocab as VocabNew -from torchtext.legacy.vocab import ( - Vocab, - build_vocab_from_iterator as build_vocab_from_iterator_legacy, -) -from torchtext.experimental.transforms import( +from torchtext.experimental.transforms import ( basic_english_normalize, ) from torchtext.data.utils import get_tokenizer + def build_vocab(data, transforms): def apply_transforms(data): for _, line in data: @@ -31,96 +24,16 @@ def apply_transforms(data): return vocab -def compare_legacy_and_new_batch_lookup(): - num_tokens = 1000 - num_letters = 6 - num_lines = 100000 - vocab = [''.join(random.sample(string.ascii_letters * num_letters, num_letters)) for _ in range(num_tokens)] - counter = Counter() - counter.update(vocab) - legacy_vocab = Vocab(counter) - new_vocab = VocabNew(counter) - speed_ups = [] - token_lengths = [i for i in range(2, 100)] - for i in token_lengths: - lines = [random.sample(vocab, i) for _ in range(num_lines)] - start_time = timer() - for text in lines: - legacy_vocab.lookup_indices(text) - legacy_time = timer() - start_time - - start_time = timer() - for text in lines: - new_vocab.lookup_indices(text) - - new_time = timer() - start_time - - speed_ups.append(legacy_time / new_time) - print("speed-up={} for average length={}".format(legacy_time / new_time, i)) - del lines - - plt.close() - fig, ax = plt.subplots(1, 1) - ax.plot(token_lengths, speed_ups) - ax.set_xlabel('Average Tokens per line') - ax.set_ylabel('Speed-up') - plt.savefig("speedup.jpg") - - -def legacy_vocab_from_file_object(file_like_object, **kwargs): - r"""Create a `Vocab` object from a file like object. - - The `file_like_object` should contain tokens seperated by new lines. Note that the vocab - will be created in the order that the tokens first appear in the file (and not by the frequency of tokens). - - Format for txt file: - token1 - token2 - ... - token_n - - Args: - file_like_object (FileObject): a file like object to read data from. - Remaining keyword arguments: Passed to the constructor of Vocab class. - - Returns: - Vocab: a `Vocab` object. - - Examples: - >>> from torchtext.vocab import vocab_from_file_object - >>> f = open('vocab.txt', 'r') - >>> v = vocab_from_file_object(f, specials=('', '', ''), specials_first=False) - """ - tokenizer = basic_english_normalize() - - def tokenize(line): - return tokenizer(line) - - def token_iterator(lines): - for line in lines: - for token in tokenize(line): - yield token - - return build_vocab_from_iterator_legacy(token_iterator(file_like_object)) - - -def benchmark_new_vocab_construction(vocab_file_path, is_raw_text=True, is_legacy=True, num_iters=1): +def benchmark_new_vocab_construction(vocab_file_path, is_raw_text=True, num_iters=1): f = open(vocab_file_path, 'r') t0 = time.monotonic() if is_raw_text: - if is_legacy: - print("Loading from raw text file with legacy python function") - for _ in range(num_iters): - legacy_vocab_from_file_object(f) - - print("Construction time:", time.monotonic() - t0) - else: - print("Loading from raw text file with basic_english_normalize tokenizer") - for _ in range(num_iters): - tokenizer = basic_english_normalize() - jited_tokenizer = torch.jit.script(tokenizer) - build_vocab_from_text_file(vocab_file_path, jited_tokenizer, num_cpus=1) - print("Construction time:", time.monotonic() - t0) + print("Loading from raw text file with basic_english_normalize tokenizer") + for _ in range(num_iters): + tokenizer = basic_english_normalize() + jited_tokenizer = torch.jit.script(tokenizer) + build_vocab_from_text_file(vocab_file_path, jited_tokenizer, num_cpus=1) + print("Construction time:", time.monotonic() - t0) else: for _ in range(num_iters): load_vocab_from_file(f) @@ -146,9 +59,9 @@ def _run_benchmark_lookup(tokens, vocab): tokens_lists = [] tokenizer = get_tokenizer("basic_english") for (_, text) in DATASETS[dataset](split='train'): - cur_tokens = tokenizer(text) - tokens_lists.append(cur_tokens) - tokens += cur_tokens + cur_tokens = tokenizer(text) + tokens_lists.append(cur_tokens) + tokens += cur_tokens if vocab_file_path: print("Loading Vocab from file {}".format(vocab_file_path)) @@ -158,12 +71,6 @@ def token_iterator(file_path): for token in f: yield token - # existing Vocab construction - print("Vocab") - t0 = time.monotonic() - v_existing = build_vocab_from_iterator_legacy(token_iterator(vocab_file_path)) - print("Construction time:", time.monotonic() - t0) - # new Vocab construction print("Vocab New") t0 = time.monotonic() @@ -176,12 +83,6 @@ def token_iterator(file_path): sorted_by_freq_tuples = sorted(counter.items(), key=lambda x: x[1], reverse=True) ordered_dict = OrderedDict(sorted_by_freq_tuples) - # existing Vocab construction - print("Vocab") - t0 = time.monotonic() - v_existing = Vocab(counter) - print("Construction time:", time.monotonic() - t0) - # new Vocab construction print("Vocab New") t0 = time.monotonic() @@ -189,12 +90,6 @@ def token_iterator(file_path): print("Construction time:", time.monotonic() - t0) jit_v_new = torch.jit.script(v_new) - # existing Vocab eager lookup - print("Vocab - Eager Mode") - _run_benchmark_lookup(tokens, v_existing) - _run_benchmark_lookup([tokens], v_existing) - _run_benchmark_lookup(tokens_lists, v_existing) - # new Vocab eager lookup print("Vocab New - Eager Mode") _run_benchmark_lookup(tokens, v_new) @@ -215,8 +110,6 @@ def token_iterator(file_path): help='run benchmark for constructing a vocab (default=False)') parser.add_argument('--is-raw-text', type=bool, default=True, help='construct vocab from raw text file (default=True)') - parser.add_argument('--is-legacy', type=bool, default=False, - help='construct vocab using legacy implementation (default=False)') parser.add_argument('--vocab-filename-construction', type=str, default='vocab.txt', help='The name of vocab file used for construction') parser.add_argument('--vocab-filename-lookup', type=str, default=None, @@ -226,8 +119,7 @@ def token_iterator(file_path): args = parser.parse_args() if args.run_construction_benchmark: - print("is_legacy", args.is_legacy) benchmark_new_vocab_construction(args.vocab_filename_construction, - is_raw_text=args.is_raw_text, is_legacy=args.is_legacy) + is_raw_text=args.is_raw_text) else: benchmark_new_vocab_lookup(args.vocab_filename_lookup, args.dataset) diff --git a/examples/legacy_tutorial/migration_tutorial.ipynb b/examples/legacy_tutorial/migration_tutorial.ipynb deleted file mode 100644 index 7be3ade927..0000000000 --- a/examples/legacy_tutorial/migration_tutorial.ipynb +++ /dev/null @@ -1,520 +0,0 @@ -{ - "nbformat": 4, - "nbformat_minor": 0, - "metadata": { - "colab": { - "name": "Migrate torchtext from the legacy API to the new API", - "provenance": [], - "collapsed_sections": [], - "include_colab_link": true - }, - "kernelspec": { - "name": "python3", - "display_name": "Python 3" - } - }, - "cells": [ - { - "cell_type": "markdown", - "metadata": { - "id": "view-in-github", - "colab_type": "text" - }, - "source": [ - "\"Open" - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "HMGWxQCO7s0e" - }, - "source": [ - "!pip install -U torch==1.8.0 torchtext==0.9.0\n", - "\n", - "# Reload environment\n", - "exit()" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "jXUgsnxw70-M" - }, - "source": [ - "This is a tutorial to show how to migrate from the legacy API in torchtext to the new API in 0.9.0 release. Here, we take the IMDB dataset as an example for the sentiment analysis. Both legacy and new APIs in torchtext can preprocess the text input and prepare the data to train/validate a model with the following steps:\n", - "\n", - "* Train/validate/test split: generate train/validate/test data set if they are available\n", - "* Tokenization: break a raw text string sentence into a list of words\n", - "* Vocab: define a \"contract\" from tokens to indexes\n", - "* Numericalize: convert a list of tokens to the corresponding indexes\n", - "* Batch: generate batches of data samples and add padding if necessary\n", - "\n", - "It should be noted that all the legacy features are still available, but within torchtext.legacy instead of torchtext." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "WWRW4bsL8UL0" - }, - "source": [ - "## Step 1: Create a dataset object\n", - "----------------------------\n", - "\n", - "Fist of all, we create a dataset for the sentiment analysis. The individual data sample contains a label and a text string.\n", - "\n", - "### *Legacy*\n", - "In the legacy code, `Field` class is used for data processing, including tokenizer and numberzation. To check out the dataset, users need to first set up the TEXT/LABEL fields." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "FttPxcbc70j1" - }, - "source": [ - "import torchtext\n", - "import torch\n", - "from torchtext.legacy import data\n", - "from torchtext.legacy import datasets\n", - "\n", - "TEXT = data.Field()\n", - "LABEL = data.LabelField(dtype = torch.long)\n", - "legacy_train, legacy_test = datasets.IMDB.splits(TEXT, LABEL) # datasets here refers to torchtext.legacy.datasets" - ], - "execution_count": 7, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "ssXfxJJSq7WT" - }, - "source": [ - "You can print out the raw data by checking out Dataset.examples. The entire text data are stored as a list of tokens." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "7DRXJFgzriaH" - }, - "source": [ - "legacy_examples = legacy_train.examples\n", - "print(legacy_examples[0].text, legacy_examples[0].label)" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "eQMfAN_Fz3aa" - }, - "source": [ - "### *New*\n", - "The new dataset API returns the train/test dataset split directly without the preprocessing information. Each split is an iterator which yields the raw texts and labels line-by-line." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "YHUYZ7yt0Lb5" - }, - "source": [ - "from torchtext.datasets import IMDB\n", - "train_iter, test_iter = IMDB(split=('train', 'test'))" - ], - "execution_count": 9, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "yB7MShEBsd3P" - }, - "source": [ - "To print out the raw data, you can call the next() function on the IterableDataset." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "wUkWE1KWsPqy" - }, - "source": [ - "next(train_iter)" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "ycL7xqRP0eLU" - }, - "source": [ - "## Step 2 Build the data processing pipeline\n", - "----------------------------\n", - "\n", - "### *Legacy*\n", - "\n", - "The default tokenizer implemented in the `Field` class is the built-in python `split()` function. Users choose the tokenizer by calling `data.get_tokenizer()`, and add it to the `Field` constructor. For the sequence model, it's common to append `` (begin-of-sentence) and `` (end-of-sentence) tokens, and the special tokens need to be defined in the `Field` class." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "8H_I_XW8gSR1" - }, - "source": [ - "TEXT = data.Field(tokenize=data.get_tokenizer('basic_english'),\n", - " init_token='', eos_token='', lower=True)\n", - "LABEL = data.LabelField(dtype = torch.long)\n", - "legacy_train, legacy_test = datasets.IMDB.splits(TEXT, LABEL) # datasets here refers to torchtext.legacy.datasets" - ], - "execution_count": 11, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "opQ6LcnigTKx" - }, - "source": [ - "Now you can create a vocabulary of the words from the text file stored in the predefined `Field` object, `TEXT`. You fist have to build a vocabulary in your `Field` object by passing the dataset to the `build_vocab` func. The Field object builds the vocabulary (`TEXT.vocab`) on a specific data split." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "Cffl6ueN8T5X" - }, - "source": [ - "TEXT.build_vocab(legacy_train)\n", - "LABEL.build_vocab(legacy_train)" - ], - "execution_count": 12, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "OXQ9rmiHt58H" - }, - "source": [ - "Things you can do with a vocabuary object\n", - "\n", - "\n", - "* Total length of the vocabulary\n", - "* String2Index (stoi) and Index2String (itos)\n", - "* A purpose-specific vocabulary which contains word appearing more than N times\n", - "\n" - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "YzweKLh5uSNC" - }, - "source": [ - "legacy_vocab = TEXT.vocab\n", - "print(\"The length of the legacy vocab is\", len(legacy_vocab))\n", - "legacy_stoi = legacy_vocab.stoi\n", - "print(\"The index of 'example' is\", legacy_stoi['example'])\n", - "legacy_itos = legacy_vocab.itos\n", - "print(\"The token at index 686 is\", legacy_itos[686])\n", - "\n", - "# Set up the mim_freq value in the Vocab class\n", - "TEXT.build_vocab(legacy_train, min_freq=10)\n", - "legacy_vocab2 = TEXT.vocab\n", - "print(\"The length of the legacy vocab is\", len(legacy_vocab2))" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "LXTibHc00olW" - }, - "source": [ - "### *New*\n", - "\n", - "Users have the access to different kinds of tokenizers directly via `data.get_tokenizer()` function." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "QavK23zjhNlx" - }, - "source": [ - "from torchtext.data.utils import get_tokenizer\n", - "tokenizer = get_tokenizer('basic_english')" - ], - "execution_count": 14, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "TnNpf4mWF5pe" - }, - "source": [ - "To have more flexibility, users can build the vocabulary directly with the Vocab class. For example, the argument `min_freq` is to set up the cutoff frequency to in the vocabulary. The special tokens, like `` and `` can be assigned to the special symbols in the constructor of the Vocab class." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "Ro8HXPwmwtp7" - }, - "source": [ - "from collections import Counter\n", - "from torchtext.vocab import Vocab\n", - "\n", - "train_iter = IMDB(split='train')\n", - "counter = Counter()\n", - "for (label, line) in train_iter:\n", - " counter.update(tokenizer(line))\n", - "vocab = Vocab(counter, min_freq=10, specials=('', '', '', ''))" - ], - "execution_count": 15, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "xGuqqa7CxLq8" - }, - "source": [ - "print(\"The length of the new vocab is\", len(vocab))\n", - "new_stoi = vocab.stoi\n", - "print(\"The index of '' is\", new_stoi[''])\n", - "new_itos = vocab.itos\n", - "print(\"The token at index 2 is\", new_itos[2])" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "l31FBekVr9j8" - }, - "source": [ - "Both `text_transform` and `label_transform` are the callable object, such as a lambda func here, to process the raw text and label data from the dataset iterators. Users can add the special symbols `` and `` to the sentence in `text_transform`." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "ez2lT2QO0sNj" - }, - "source": [ - "text_transform = lambda x: [vocab['']] + [vocab[token] for token in tokenizer(x)] + [vocab['']]\n", - "label_transform = lambda x: 1 if x == 'pos' else 0\n", - "\n", - "# Print out the output of text_transform\n", - "print(\"input to the text_transform:\", \"here is an example\")\n", - "print(\"output of the text_transform:\", text_transform(\"here is an example\"))" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "4dEG7pyi1ElM" - }, - "source": [ - "## Step 3: Generate batch iterator\n", - "--------------------------------\n", - "\n", - "To train a model efficiently, it's recommended to build an iterator to generate data batch.\n", - "\n", - "### *Legacy*\n", - "The legacy `Iterator` class is used to batch the dataset and send to the target device, like CPU or GPU." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "NN67ofUB-sz1" - }, - "source": [ - "import torch\n", - "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - "legacy_train, legacy_test = datasets.IMDB.splits(TEXT, LABEL) # datasets here refers to torchtext.legacy.datasets\n", - "legacy_train_iterator, legacy_test_iterator = data.Iterator.splits(\n", - " (legacy_train, legacy_test), batch_size=8, device = device)" - ], - "execution_count": 18, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "vBMjFVvsMPqR" - }, - "source": [ - "For a NLP workflow, it's also common to define an iterator and batch texts with similar lengths together. The legacy `BucketIterator` class in torchtext library minimizes the amount of padding needed." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "PgC6dhDqMOjp" - }, - "source": [ - "from torchtext.legacy.data import BucketIterator\n", - "legacy_train, legacy_test = datasets.IMDB.splits(TEXT, LABEL)\n", - "legacy_train_bucketiterator, legacy_test_bucketiterator = data.BucketIterator.splits(\n", - " (legacy_train, legacy_test),\n", - " sort_key=lambda x: len(x.text),\n", - " batch_size=8, device = device)" - ], - "execution_count": 19, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "kBV-Wvlo07ye" - }, - "source": [ - "### *New*\n", - "\n", - "`torch.utils.data.DataLoader` is used to generate data batch. Users could customize the data batch by defining a function with the `collate_fn` argument in the DataLoader. Here, in the `collate_batch` func, we process the raw text data and add padding to dynamically match the longest sentence in a batch." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "EC054Wlr0-xB" - }, - "source": [ - "from torch.utils.data import DataLoader\n", - "from torch.nn.utils.rnn import pad_sequence\n", - "\n", - "def collate_batch(batch):\n", - " label_list, text_list = [], []\n", - " for (_label, _text) in batch:\n", - " label_list.append(label_transform(_label))\n", - " processed_text = torch.tensor(text_transform(_text))\n", - " text_list.append(processed_text)\n", - " return torch.tensor(label_list), pad_sequence(text_list, padding_value=3.0)\n", - "\n", - "train_iter = IMDB(split='train')\n", - "train_dataloader = DataLoader(list(train_iter), batch_size=8, shuffle=True, \n", - " collate_fn=collate_batch)" - ], - "execution_count": 20, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "Jky4X-iFU4HK" - }, - "source": [ - "To group the texts with similar length together, like introduced in the legacy `BucketIterator` class, first of all, we randomly create multiple \"pools\", and each of them has a size of `batch_size * 100`. Then, we sort the samples within the individual pool by length. This idea can be implemented succintly through `batch_sampler` argument of PyTorch `Dataloader`. `batch_sampler` accepts 'Sampler' or Iterable object that yields indices of next batch. In the code below, we implemented a generator that yields batch of indices for which the corresponding batch of data is of similar length. " - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "zCvxeLbYW3I_" - }, - "source": [ - "import random\n", - "\n", - "train_iter = IMDB(split='train')\n", - "train_list = list(train_iter)\n", - "batch_size = 8 # A batch size of 8\n", - "\n", - "def batch_sampler():\n", - " indices = [(i, len(tokenizer(s[1]))) for i, s in enumerate(train_list)]\n", - " random.shuffle(indices)\n", - " pooled_indices = []\n", - " # create pool of indices with similar lengths \n", - " for i in range(0, len(indices), batch_size * 100):\n", - " pooled_indices.extend(sorted(indices[i:i + batch_size * 100], key=lambda x: x[1]))\n", - "\n", - " pooled_indices = [x[0] for x in pooled_indices]\n", - "\n", - " # yield indices for current batch\n", - " for i in range(0, len(pooled_indices), batch_size):\n", - " yield pooled_indices[i:i + batch_size]\n", - "\n", - "bucket_dataloader = DataLoader(train_list, batch_sampler=batch_sampler(),\n", - " collate_fn=collate_batch)\n", - "\n", - "print(next(iter(bucket_dataloader)))" - ], - "execution_count": 24, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "0wrbC_v01Ib9" - }, - "source": [ - "## Step 4: Iterate batch to train a model\n", - "-------------------------------\n", - "\n", - "It's almost same for both legacy and new APIs to iterate the data for batches during training and validating a model.\n", - "\n", - "### *Legacy*\n", - "\n", - "The legacy batch iterator can be iterated or executed with `next()` method." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "X_tml54u-6AS" - }, - "source": [ - "# for item in legacy_train_iterator:\n", - "# model(item)\n", - "\n", - "# Or\n", - "next(iter(legacy_train_iterator))" - ], - "execution_count": null, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "sRTvfxMB1P2P" - }, - "source": [ - "### *New*\n", - "\n", - "The batch iterator can be iterated or executed with `next()` method." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "iTotRtXe1CWn" - }, - "source": [ - "# for idx, (label, text) in enumerate(train_dataloader):\n", - "# model(item)\n", - "\n", - "# Or\n", - "next(iter(train_dataloader))" - ], - "execution_count": null, - "outputs": [] - } - ] -} diff --git a/examples/vocab/vocab.py b/examples/vocab/vocab.py deleted file mode 100755 index d76bfd94e4..0000000000 --- a/examples/vocab/vocab.py +++ /dev/null @@ -1,37 +0,0 @@ -import logging -import argparse - -import torch -import io - -from torchtext.legacy.vocab import build_vocab_from_iterator -from torchtext.data.utils import ngrams_iterator -from torchtext.data.utils import get_tokenizer -from torchtext.utils import unicode_csv_reader - - -def csv_iterator(data_path, ngrams): - tokenizer = get_tokenizer("basic_english") - with io.open(data_path, encoding="utf8") as f: - reader = unicode_csv_reader(f) - for row in reader: - tokens = ' '.join(row[1:]) - yield ngrams_iterator(tokenizer(tokens), ngrams) - - -parser = argparse.ArgumentParser( - description='Train a text classification model on AG_NEWS') -parser.add_argument('data_path') -parser.add_argument('save_vocab_path') -parser.add_argument('--ngrams', type=int, default=2) -parser.add_argument('--logging-level', default='WARNING') -args = parser.parse_args() - -ngrams = args.ngrams - -logging.basicConfig(level=getattr(logging, args.logging_level)) - -vocab = build_vocab_from_iterator(csv_iterator(args.data_path, ngrams)) - -print("Saving vocab to {}".format(args.save_vocab_path)) -torch.save(vocab, args.save_vocab_path) diff --git a/test/legacy/__init__.py b/test/legacy/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/test/legacy/babi.py b/test/legacy/babi.py deleted file mode 100644 index cef3ff965d..0000000000 --- a/test/legacy/babi.py +++ /dev/null @@ -1,50 +0,0 @@ -from torchtext.legacy import datasets - -# en-valid -TRAIN_NUM = [0] + [900] * 16 + [904, 905, 900, 904] -VAL_NUM = [0] + [100] * 16 + [96, 95, 100, 96] -TEST_NUM = [0] + [1000] * 20 - -# Testcase 1 (joint training) -train_iter, val_iter, test_iter = datasets.BABI20.iters(task=1, joint=True) -assert len(train_iter.dataset) == sum(TRAIN_NUM) -assert len(val_iter.dataset) == VAL_NUM[1] -assert len(test_iter.dataset) == TEST_NUM[1] - -# Testcase 2 (only supporting) -train_iter, val_iter, test_iter = datasets.BABI20.iters(task=1, only_supporting=True) -assert len(train_iter.dataset) == TRAIN_NUM[2] -assert len(val_iter.dataset) == VAL_NUM[2] -assert len(test_iter.dataset) == TEST_NUM[2] - -# Testcase 3 (single task) -for i in range(1, 21): - train_iter, val_iter, test_iter = datasets.BABI20.iters(task=i) - assert len(train_iter.dataset) == TRAIN_NUM[i] - assert len(val_iter.dataset) == VAL_NUM[i] - assert len(test_iter.dataset) == TEST_NUM[i] - -# en-valid-10k -TRAIN_NUM = [0] + [9000] * 17 + [8996, 9000, 9002] -VAL_NUM = [0] + [1000] * 17 + [1004, 1000, 998] -TEST_NUM = [0] + [1000] * 20 - -# Testcase 1 (joint training) -train_iter, val_iter, test_iter = datasets.BABI20.iters(task=1, joint=True, tenK=True) -assert len(train_iter.dataset) == sum(TRAIN_NUM) -assert len(val_iter.dataset) == VAL_NUM[1] -assert len(test_iter.dataset) == TEST_NUM[1] - -# Testcase 2 (only supporting) -train_iter, val_iter, test_iter = datasets.BABI20.iters(task=1, only_supporting=True, - tenK=True) -assert len(train_iter.dataset) == TRAIN_NUM[2] -assert len(val_iter.dataset) == VAL_NUM[2] -assert len(test_iter.dataset) == TEST_NUM[2] - -# Testcase 3 (single task) -for i in range(1, 21): - train_iter, val_iter, test_iter = datasets.BABI20.iters(task=i, tenK=True) - assert len(train_iter.dataset) == TRAIN_NUM[i] - assert len(val_iter.dataset) == VAL_NUM[i] - assert len(test_iter.dataset) == TEST_NUM[i] diff --git a/test/legacy/data.py b/test/legacy/data.py deleted file mode 100644 index 98071a2fca..0000000000 --- a/test/legacy/data.py +++ /dev/null @@ -1,27 +0,0 @@ -from torchtext.legacy import data - - -TEXT = data.Field() -LABELS = data.Field() - -train, val, test = data.TabularDataset.splits( - path='~/chainer-research/jmt-data/pos_wsj/pos_wsj', train='.train', - validation='.dev', test='.test', format='tsv', - fields=[('text', TEXT), ('labels', LABELS)]) - -print(train.fields) -print(len(train)) -print(vars(train[0])) - -train_iter, val_iter, test_iter = data.BucketIterator.splits( - (train, val, test), batch_size=3, sort_key=lambda x: len(x.text), device="cuda:0") - -LABELS.build_vocab(train.labels) -TEXT.build_vocab(train.text) - -print(TEXT.vocab.freqs.most_common(10)) -print(LABELS.vocab.itos) - -batch = next(iter(train_iter)) -print(batch.text) -print(batch.labels) diff --git a/test/legacy/data/__init__.py b/test/legacy/data/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/test/legacy/data/test_batch.py b/test/legacy/data/test_batch.py deleted file mode 100644 index cf4a1f76a4..0000000000 --- a/test/legacy/data/test_batch.py +++ /dev/null @@ -1,43 +0,0 @@ -import torch -import torchtext.legacy.data as data - -from ...common.torchtext_test_case import TorchtextTestCase - - -class TestDataset(TorchtextTestCase): - def test_batch_with_missing_field(self): - # smoke test to see if batches with missing attributes are shown properly - with open(self.test_missing_field_dataset_path, "wt") as f: - f.write("text,label\n1,0") - - dst = data.TabularDataset(path=self.test_missing_field_dataset_path, - format="csv", skip_header=True, - fields=[("text", data.Field(use_vocab=False, - sequential=False)), - ("label", None)]) - itr = data.Iterator(dst, batch_size=64) - str(next(itr.__iter__())) - - def test_batch_iter(self): - self.write_test_numerical_features_dataset() - FLOAT = data.Field(use_vocab=False, sequential=False, - dtype=torch.float) - INT = data.Field(use_vocab=False, sequential=False, is_target=True) - TEXT = data.Field(sequential=False) - - dst = data.TabularDataset(path=self.test_numerical_features_dataset_path, - format="tsv", skip_header=False, - fields=[("float", FLOAT), - ("int", INT), - ("text", TEXT)]) - TEXT.build_vocab(dst) - itr = data.Iterator(dst, batch_size=2, device=-1, shuffle=False) - fld_order = [k for k, v in dst.fields.items() if - v is not None and not v.is_target] - batch = next(iter(itr)) - (x1, x2), y = batch - x = (x1, x2)[fld_order.index("float")] - self.assertEqual(y.data[0], 1) - self.assertEqual(y.data[1], 12) - self.assertAlmostEqual(x.data[0], 0.1, places=4) - self.assertAlmostEqual(x.data[1], 0.5, places=4) diff --git a/test/legacy/data/test_dataset.py b/test/legacy/data/test_dataset.py deleted file mode 100644 index 80484b126b..0000000000 --- a/test/legacy/data/test_dataset.py +++ /dev/null @@ -1,511 +0,0 @@ -# -*- coding: utf-8 -*- -from torchtext.legacy import data -import os -import sys -import tempfile -import unittest - -import pytest - -from ...common.torchtext_test_case import TorchtextTestCase -from ...common.assets import conditional_remove - - -class TestDataset(TorchtextTestCase): - - def test_wikitext2_legacy(self): - from torchtext.legacy.datasets import WikiText2 - cachedir = os.path.join(self.project_root, ".data", "wikitext-2") - conditional_remove(cachedir) - - ds = WikiText2 - TEXT = data.Field(lower=True, batch_first=True) - train, valid, test = ds.splits(TEXT) - TEXT.build_vocab(train) - train_iter, valid_iter, test_iter = data.BPTTIterator.splits( - (train, valid, test), batch_size=3, bptt_len=30) - - train_iter, valid_iter, test_iter = ds.iters(batch_size=4, - bptt_len=30) - - conditional_remove(cachedir) - - def test_penntreebank_legacy(self): - from torchtext.legacy.datasets import PennTreebank - # smoke test to ensure penn treebank works properly - TEXT = data.Field(lower=True, batch_first=True) - ds = PennTreebank - train, valid, test = ds.splits(TEXT) - TEXT.build_vocab(train) - train_iter, valid_iter, test_iter = data.BPTTIterator.splits( - (train, valid, test), batch_size=3, bptt_len=30) - - train_iter, valid_iter, test_iter = ds.iters(batch_size=4, - bptt_len=30) - - def test_tabular_simple_data(self): - for data_format in ["csv", "tsv", "json"]: - self.write_test_ppid_dataset(data_format=data_format) - - if data_format == "json": - question_field = data.Field(sequential=True) - label_field = data.Field(sequential=False) - fields = {"question1": ("q1", question_field), - "question2": ("q2", question_field), - "label": ("label", label_field)} - else: - question_field = data.Field(sequential=True) - label_field = data.Field(sequential=False) - fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", label_field)] - - dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format=data_format, fields=fields) - - assert len(dataset) == 3 - - expected_examples = [ - (["When", "do", "you", "use", "シ", "instead", "of", "し?"], - ["When", "do", "you", "use", "\"&\"", - "instead", "of", "\"and\"?"], "0"), - (["Where", "was", "Lincoln", "born?"], - ["Which", "location", "was", "Abraham", "Lincoln", "born?"], "1"), - (["What", "is", "2+2"], ["2+2=?"], "1")] - - # Ensure examples have correct contents / test __getitem__ - for i in range(len(dataset)): - self.assertEqual(dataset[i].q1, expected_examples[i][0]) - self.assertEqual(dataset[i].q2, expected_examples[i][1]) - self.assertEqual(dataset[i].label, expected_examples[i][2]) - - # Test __getattr__ - for i, (q1, q2, label) in enumerate(zip(dataset.q1, dataset.q2, - dataset.label)): - self.assertEqual(q1, expected_examples[i][0]) - self.assertEqual(q2, expected_examples[i][1]) - self.assertEqual(label, expected_examples[i][2]) - - # Test __iter__ - for i, example in enumerate(dataset): - self.assertEqual(example.q1, expected_examples[i][0]) - self.assertEqual(example.q2, expected_examples[i][1]) - self.assertEqual(example.label, expected_examples[i][2]) - - def test_json_valid_and_invalid_nested_key(self): - self.write_test_nested_key_json_dataset() - valid_fields = {'foods.vegetables.name': ('vegs', data.Field()), - 'foods.fruits': ('fruits', data.Field())} - invalid_fields = {'foods.vegetables.color': ('vegs', data.Field())} - - expected_examples = [ - {"fruits": ["Apple", "Banana"], - "vegs": ["Broccoli", "Cabbage"]}, - {"fruits": ["Cherry", "Grape", "Lemon"], - "vegs": ["Cucumber", "Lettuce"]}, - {"fruits": ["Orange", "Pear", "Strawberry"], - "vegs": ["Marrow", "Spinach"]} - ] - dataset = data.TabularDataset( - path=self.test_nested_key_json_dataset_path, - format="json", - fields=valid_fields) - # check results - for example, expect in zip(dataset.examples, expected_examples): - self.assertEqual(example.vegs, expect['vegs']) - self.assertEqual(example.fruits, expect['fruits']) - - with self.assertRaises(ValueError): - data.TabularDataset( - path=self.test_nested_key_json_dataset_path, - format="json", - fields=invalid_fields) - - def test_errors(self): - # Ensure that trying to retrieve a key not in JSON data errors - self.write_test_ppid_dataset(data_format="json") - - question_field = data.Field(sequential=True) - label_field = data.Field(sequential=False) - fields = {"qeustion1": ("q1", question_field), - "question2": ("q2", question_field), - "label": ("label", label_field)} - - with self.assertRaises(ValueError): - data.TabularDataset( - path=self.test_ppid_dataset_path, format="json", fields=fields) - - def test_input_with_newlines_in_text(self): - # Smoke test for ensuring that TabularDataset works with files with newlines - example_with_newlines = [("\"hello \n world\"", "1"), - ("\"there is a \n newline\"", "0"), - ("\"there is no newline\"", "1")] - fields = [("text", data.Field(lower=True)), - ("label", data.Field(sequential=False))] - - for delim in [",", "\t"]: - with open(self.test_newline_dataset_path, "wt") as f: - for line in example_with_newlines: - f.write("{}\n".format(delim.join(line))) - - format_ = "csv" if delim == "," else "tsv" - dataset = data.TabularDataset( - path=self.test_newline_dataset_path, format=format_, fields=fields) - # if the newline is not parsed correctly, this should raise an error - for example in dataset: - self.assertTrue(hasattr(example, "text")) - self.assertTrue(hasattr(example, "label")) - - def test_csv_file_with_header(self): - example_with_header = [("text", "label"), - ("HELLO WORLD", "0"), - ("goodbye world", "1")] - - TEXT = data.Field(lower=True, tokenize=lambda x: x.split()) - fields = { - "label": ("label", data.Field(use_vocab=False, - sequential=False)), - "text": ("text", TEXT) - } - - for format_, delim in zip(["csv", "tsv"], [",", "\t"]): - with open(self.test_has_header_dataset_path, "wt") as f: - for line in example_with_header: - f.write("{}\n".format(delim.join(line))) - - # check that an error is raised here if a non-existent field is specified - with self.assertRaises(ValueError): - data.TabularDataset( - path=self.test_has_header_dataset_path, format=format_, - fields={"non_existent": ("label", data.Field())}) - - dataset = data.TabularDataset( - path=self.test_has_header_dataset_path, format=format_, - skip_header=False, fields=fields) - - TEXT.build_vocab(dataset) - - for i, example in enumerate(dataset): - self.assertEqual(example.text, - example_with_header[i + 1][0].lower().split()) - self.assertEqual(example.label, example_with_header[i + 1][1]) - - # check that the vocabulary is built correctly (#225) - expected_freqs = {"hello": 1, "world": 2, "goodbye": 1, "text": 0} - for k, v in expected_freqs.items(): - self.assertEqual(TEXT.vocab.freqs[k], v) - - data_iter = data.Iterator(dataset, batch_size=1, - sort_within_batch=False, repeat=False) - next(data_iter.__iter__()) - - @unittest.skipIf(sys.platform == "win32", "FIXME: tempfile could not be opened twice on Windows") - def test_csv_dataset_quotechar(self): - # Based on issue #349 - example_data = [("text", "label"), - ('" hello world', "0"), - ('goodbye " world', "1"), - ('this is a pen " ', "0")] - - with tempfile.NamedTemporaryFile(dir=self.test_dir) as f: - for example in example_data: - f.write("{}\n".format(",".join(example)).encode("latin-1")) - - TEXT = data.Field(lower=True, tokenize=lambda x: x.split()) - fields = { - "label": ("label", data.Field(use_vocab=False, - sequential=False)), - "text": ("text", TEXT) - } - - f.seek(0) - - dataset = data.TabularDataset( - path=f.name, format="csv", - skip_header=False, fields=fields, - csv_reader_params={"quotechar": None}) - - TEXT.build_vocab(dataset) - - self.assertEqual(len(dataset), len(example_data) - 1) - - for i, example in enumerate(dataset): - self.assertEqual(example.text, - example_data[i + 1][0].lower().split()) - self.assertEqual(example.label, example_data[i + 1][1]) - - def test_dataset_split_arguments(self): - num_examples, num_labels = 30, 3 - self.write_test_splitting_dataset(num_examples=num_examples, - num_labels=num_labels) - text_field = data.Field() - label_field = data.LabelField() - fields = [('text', text_field), ('label', label_field)] - - dataset = data.TabularDataset( - path=self.test_dataset_splitting_path, format="csv", fields=fields) - - # Test default split ratio (0.7) - expected_train_size = 21 - expected_test_size = 9 - - train, test = dataset.split() - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - # Test array arguments with same ratio - split_ratio = [0.7, 0.3] - train, test = dataset.split(split_ratio=split_ratio) - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - # Add validation set - split_ratio = [0.6, 0.3, 0.1] - expected_train_size = 18 - expected_valid_size = 3 - expected_test_size = 9 - - train, valid, test = dataset.split(split_ratio=split_ratio) - assert len(train) == expected_train_size - assert len(valid) == expected_valid_size - assert len(test) == expected_test_size - - # Test ratio normalization - split_ratio = [6, 3, 1] - train, valid, test = dataset.split(split_ratio=split_ratio) - assert len(train) == expected_train_size - assert len(valid) == expected_valid_size - assert len(test) == expected_test_size - - # Test only two splits returned for too small valid split size - split_ratio = [0.66, 0.33, 0.01] - expected_length = 2 - splits = dataset.split(split_ratio=split_ratio) - assert len(splits) == expected_length - - # Test invalid arguments - split_ratio = 1.1 - with pytest.raises(AssertionError): - dataset.split(split_ratio=split_ratio) - - split_ratio = -1. - with pytest.raises(AssertionError): - dataset.split(split_ratio=split_ratio) - - split_ratio = [0.7] - with pytest.raises(AssertionError): - dataset.split(split_ratio=split_ratio) - - split_ratio = [1, 2, 3, 4] - with pytest.raises(AssertionError): - dataset.split(split_ratio=split_ratio) - - split_ratio = "string" - with pytest.raises(ValueError): - dataset.split(split_ratio=split_ratio) - - def test_stratified_dataset_split(self): - num_examples, num_labels = 30, 3 - self.write_test_splitting_dataset(num_examples=num_examples, - num_labels=num_labels) - text_field = data.Field() - label_field = data.LabelField() - fields = [('text', text_field), ('label', label_field)] - - dataset = data.TabularDataset( - path=self.test_dataset_splitting_path, format="csv", fields=fields) - - # Default split ratio - expected_train_size = 21 - expected_test_size = 9 - - train, test = dataset.split(stratified=True) - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - # Test array arguments with same ratio - split_ratio = [0.7, 0.3] - train, test = dataset.split(split_ratio=split_ratio, stratified=True) - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - # Test strata_field argument - train, test = dataset.split(split_ratio=split_ratio, stratified=True, - strata_field='label') - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - # Test invalid field name - strata_field = 'dummy' - with pytest.raises(ValueError): - dataset.split(split_ratio=split_ratio, stratified=True, - strata_field=strata_field) - - # Test uneven stratify sizes - num_examples, num_labels = 28, 3 - self.write_test_splitting_dataset(num_examples=num_examples, - num_labels=num_labels) - # 10 examples for class 1 and 9 examples for classes 2,3 - dataset = data.TabularDataset( - path=self.test_dataset_splitting_path, format="csv", fields=fields) - - expected_train_size = 7 + 6 + 6 - expected_test_size = 3 + 3 + 3 - train, test = dataset.split(split_ratio=split_ratio, stratified=True) - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - split_ratio = [0.7, 0.3] - train, test = dataset.split(split_ratio=split_ratio, stratified=True) - assert len(train) == expected_train_size - assert len(test) == expected_test_size - - # Add validation set - split_ratio = [0.6, 0.3, 0.1] - expected_train_size = 6 + 5 + 5 - expected_valid_size = 1 + 1 + 1 - expected_test_size = 3 + 3 + 3 - train, valid, test = dataset.split(split_ratio=split_ratio, stratified=True) - assert len(train) == expected_train_size - assert len(valid) == expected_valid_size - assert len(test) == expected_test_size - - def test_filter(self): - # Create test examples - sentence11 = [["who", "is", "there"]] - sentence12 = [["bernardo", "is", "there"]] - label1 = [1] - sentence21 = [["nay", "answer", "me"]] - sentence22 = [["stand", "unfold", "yourself"]] - label2 = [0] - sentence31 = [["is", "Horatio", "there"]] - sentence32 = [["a", "piece", "of", "him"]] - label3 = [0] - - example1_values = sentence11 + sentence12 + label1 - example2_values = sentence21 + sentence22 + label2 - example3_values = sentence31 + sentence32 + label3 - - # Test filter remove words from single field only - dataset, text_field = filter_init( - example1_values, - example2_values, - example3_values - ) - - text_field.vocab.stoi.pop("there") - text_field.vocab.stoi.pop("bernardo") - - dataset.filter_examples(["text1"]) - - assert dataset[0].text1 == ["who", "is"] - assert dataset[0].text2 == ["bernardo", "is", "there"] - assert dataset[0].label == 1 - - assert dataset[1].text1 == ["nay", "answer", "me"] - assert dataset[1].text2 == ["stand", "unfold", "yourself"] - assert dataset[1].label == 0 - - assert dataset[2].text1 == ["is", "Horatio"] - assert dataset[2].text2 == ["a", "piece", "of", "him"] - assert dataset[2].label == 0 - - # Test filter remove words from multiple fields - dataset, text_field = filter_init( - example1_values, - example2_values, - example3_values - ) - - text_field.vocab.stoi.pop("there") - text_field.vocab.stoi.pop("bernardo") - - dataset.filter_examples(["text1", "text2"]) - - assert dataset[0].text1 == ["who", "is"] - assert dataset[0].text2 == ["is"] - assert dataset[0].label == 1 - - assert dataset[1].text1 == ["nay", "answer", "me"] - assert dataset[1].text2 == ["stand", "unfold", "yourself"] - assert dataset[1].label == 0 - - assert dataset[2].text1 == ["is", "Horatio"] - assert dataset[2].text2 == ["a", "piece", "of", "him"] - assert dataset[2].label == 0 - - # Test filter remove all words in example - dataset, text_field = filter_init( - example1_values, - example2_values, - example3_values - ) - - text_field.vocab.stoi.pop("who") - text_field.vocab.stoi.pop("is") - text_field.vocab.stoi.pop("there") - - dataset.filter_examples(["text1", "text2"]) - - assert dataset[0].text1 == [] - assert dataset[0].text2 == ["bernardo"] - assert dataset[0].label == 1 - - assert dataset[1].text1 == ["nay", "answer", "me"] - assert dataset[1].text2 == ["stand", "unfold", "yourself"] - assert dataset[1].label == 0 - - assert dataset[2].text1 == ["Horatio"] - assert dataset[2].text2 == ["a", "piece", "of", "him"] - assert dataset[2].label == 0 - - def test_gz_extraction(self): - # tar.gz file contains train.txt and test.txt - tgz = (b'\x1f\x8b\x08\x00\x1e\xcc\xd5Z\x00\x03\xed\xd1;\n\x800\x10E' - b'\xd1,%+\x90\xc9G\xb3\x1e\x0b\x0b\x1b\x03q\x04\x97\xef\xa7' - b'\xb0\xb0P,R\x08\xf74o`\x9aa\x9e\x96~\x9c\x1a]\xd5\xd4#\xbb' - b'\x94\xd2\x99\xbb{\x9e\xb3\x0b\xbekC\x8c\x12\x9c\x11\xe7b\x10c' - b'\xa5\xe2M\x97e\xd6\xbeXkJ\xce\x8f?x\xdb\xff\x94\x0e\xb3V\xae' - b'\xff[\xffQ\x8e\xfe}\xf2\xf4\x0f\x00\x00\x00\x00\x00\x00\x00' - b'\x00\x00\x00\x00\x00\x00O6\x1c\xc6\xbd\x89\x00(\x00\x00') - - # .gz file contains dummy.txt - gz = (b'\x1f\x8b\x08\x08W\xce\xd5Z\x00\x03dummy.txt\x00\x0bq\r\x0e\x01' - b'\x00\xb8\x93\xea\xee\x04\x00\x00\x00') - - # Create both files - with open(os.path.join(self.test_dir, 'dummy.tar.gz'), 'wb') as fp: - fp.write(tgz) - - with open(os.path.join(self.test_dir, 'dummy.txt.gz'), 'wb') as fp: - fp.write(gz) - - # Set the urls in a dummy class - class DummyDataset(data.Dataset): - urls = ['dummy.tar.gz', 'dummy.txt.gz'] - name = '' - dirname = '' - - # Run extraction - DummyDataset.download(self.test_dir, check='') - - # Check if files were extracted correctly - assert os.path.isfile(os.path.join(self.test_dir, 'dummy.txt')) - assert os.path.isfile(os.path.join(self.test_dir, 'train.txt')) - assert os.path.isfile(os.path.join(self.test_dir, 'test.txt')) - - -def filter_init(ex_val1, ex_val2, ex_val3): - text_field = data.Field(sequential=True) - label_field = data.Field(sequential=False) - fields = [("text1", text_field), ("text2", text_field), - ("label", label_field)] - - example1 = data.Example.fromlist(ex_val1, fields) - example2 = data.Example.fromlist(ex_val2, fields) - example3 = data.Example.fromlist(ex_val3, fields) - examples = [example1, example2, example3] - - dataset = data.Dataset(examples, fields) - text_field.build_vocab(dataset) - - return dataset, text_field diff --git a/test/legacy/data/test_field.py b/test/legacy/data/test_field.py deleted file mode 100644 index b66f5870e4..0000000000 --- a/test/legacy/data/test_field.py +++ /dev/null @@ -1,901 +0,0 @@ -# -*- coding: utf-8 -*- -from collections import Counter -import os - -import torch -import torchtext.legacy.data as data -import pytest - -from ...common.torchtext_test_case import TorchtextTestCase, verify_numericalized_example - - -class TestField(TorchtextTestCase): - def test_process(self): - raw_field = data.RawField() - field = data.Field(sequential=True, use_vocab=False, batch_first=True) - - # Test tensor-like batch data which is accepted by both RawField and Field - batch = [[1, 2, 3], [2, 3, 4]] - batch_tensor = torch.LongTensor(batch) - - raw_field_processed = raw_field.process(batch) - field_processed = field.process(batch) - - assert raw_field_processed == batch - assert field_processed.data.equal(batch_tensor) - - # Test non-tensor data which is only accepted by RawField - any_obj = [object() for _ in range(5)] - - raw_field_processed = raw_field.process(any_obj) - assert any_obj == raw_field_processed - - with pytest.raises(TypeError): - field.process(any_obj) - - def test_preprocess(self): - # Default case. - field = data.Field() - assert field.preprocess("Test string.") == ["Test", "string."] - - # Test that lowercase is properly applied. - field_lower = data.Field(lower=True) - assert field_lower.preprocess("Test string.") == ["test", "string."] - - # Test that custom preprocessing pipelines are properly applied. - preprocess_pipeline = data.Pipeline(lambda x: x + "!") - field_preprocessing = data.Field(preprocessing=preprocess_pipeline, - lower=True) - assert field_preprocessing.preprocess("Test string.") == ["test!", "string.!"] - - # Test that non-sequential data is properly handled. - field_not_sequential = data.Field(sequential=False, lower=True, - preprocessing=preprocess_pipeline) - assert field_not_sequential.preprocess("Test string.") == "test string.!" - - # Non-regression test that we do not try to decode unicode strings to unicode - field_not_sequential = data.Field(sequential=False, lower=True, - preprocessing=preprocess_pipeline) - assert field_not_sequential.preprocess("ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T") == "ᑌᑎiᑕoᗪᕮ_tᕮ᙭t!" - - def test_pad(self): - # Default case. - field = data.Field() - minibatch = [["a", "sentence", "of", "data", "."], - ["yet", "another"], - ["one", "last", "sent"]] - expected_padded_minibatch = [["a", "sentence", "of", "data", "."], - ["yet", "another", "", "", ""], - ["one", "last", "sent", "", ""]] - expected_lengths = [5, 2, 3] - assert field.pad(minibatch) == expected_padded_minibatch - field = data.Field(include_lengths=True) - assert field.pad(minibatch) == (expected_padded_minibatch, expected_lengths) - - # Test fix_length properly truncates and pads. - field = data.Field(fix_length=3) - minibatch = [["a", "sentence", "of", "data", "."], - ["yet", "another"], - ["one", "last", "sent"]] - expected_padded_minibatch = [["a", "sentence", "of"], - ["yet", "another", ""], - ["one", "last", "sent"]] - expected_lengths = [3, 2, 3] - assert field.pad(minibatch) == expected_padded_minibatch - field = data.Field(fix_length=3, include_lengths=True) - assert field.pad(minibatch) == (expected_padded_minibatch, expected_lengths) - field = data.Field(fix_length=3, truncate_first=True) - expected_padded_minibatch = [["of", "data", "."], - ["yet", "another", ""], - ["one", "last", "sent"]] - assert field.pad(minibatch) == expected_padded_minibatch - - # Test init_token is properly handled. - field = data.Field(fix_length=4, init_token="") - minibatch = [["a", "sentence", "of", "data", "."], - ["yet", "another"], - ["one", "last", "sent"]] - expected_padded_minibatch = [["", "a", "sentence", "of"], - ["", "yet", "another", ""], - ["", "one", "last", "sent"]] - expected_lengths = [4, 3, 4] - assert field.pad(minibatch) == expected_padded_minibatch - field = data.Field(fix_length=4, init_token="", include_lengths=True) - assert field.pad(minibatch) == (expected_padded_minibatch, expected_lengths) - - # Test init_token and eos_token are properly handled. - field = data.Field(init_token="", eos_token="") - minibatch = [["a", "sentence", "of", "data", "."], - ["yet", "another"], - ["one", "last", "sent"]] - expected_padded_minibatch = [ - ["", "a", "sentence", "of", "data", ".", ""], - ["", "yet", "another", "", "", "", ""], - ["", "one", "last", "sent", "", "", ""]] - expected_lengths = [7, 4, 5] - assert field.pad(minibatch) == expected_padded_minibatch - field = data.Field(init_token="", eos_token="", include_lengths=True) - assert field.pad(minibatch) == (expected_padded_minibatch, expected_lengths) - - # Test that non-sequential data is properly handled. - field = data.Field(init_token="", eos_token="", sequential=False) - minibatch = [["contradiction"], - ["neutral"], - ["entailment"]] - assert field.pad(minibatch) == minibatch - field = data.Field(init_token="", eos_token="", - sequential=False, include_lengths=True) - assert field.pad(minibatch) == minibatch - - def test_build_vocab(self): - # Set up fields - question_field = data.Field(sequential=True) - label_field = data.Field(sequential=False) - - # Write TSV dataset and construct a Dataset - self.write_test_ppid_dataset(data_format="tsv") - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", label_field)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - - # Write JSON dataset and construct a Dataset - self.write_test_ppid_dataset(data_format="json") - json_fields = {"question1": ("q1", question_field), - "question2": ("q2", question_field), - "label": ("label", label_field)} - json_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="json", - fields=json_fields) - - # Test build_vocab default - question_field.build_vocab(tsv_dataset, json_dataset, specials=['']) - assert question_field.vocab.freqs == Counter( - {'When': 4, 'do': 4, 'you': 4, 'use': 4, 'instead': 4, - 'of': 4, 'was': 4, 'Lincoln': 4, 'born?': 4, 'シ': 2, - 'し?': 2, 'Where': 2, 'What': 2, 'is': 2, '2+2': 2, - '"&"': 2, '"and"?': 2, 'Which': 2, 'location': 2, - 'Abraham': 2, '2+2=?': 2}) - expected_stoi = {'': 0, '': 1, '': 2, - 'Lincoln': 3, 'When': 4, - 'born?': 5, 'do': 6, 'instead': 7, 'of': 8, - 'use': 9, 'was': 10, 'you': 11, '"&"': 12, - '"and"?': 13, '2+2': 14, '2+2=?': 15, 'Abraham': 16, - 'What': 17, 'Where': 18, 'Which': 19, 'is': 20, - 'location': 21, 'し?': 22, 'シ': 23} - assert dict(question_field.vocab.stoi) == expected_stoi - # Turn the stoi dictionary into an itos list - expected_itos = [x[0] for x in sorted(expected_stoi.items(), - key=lambda tup: tup[1])] - assert question_field.vocab.itos == expected_itos - - label_field.build_vocab(tsv_dataset, json_dataset) - assert label_field.vocab.freqs == Counter({'1': 4, '0': 2}) - expected_stoi = {'1': 1, '0': 2, '': 0} - assert dict(label_field.vocab.stoi) == expected_stoi - # Turn the stoi dictionary into an itos list - expected_itos = [x[0] for x in sorted(expected_stoi.items(), - key=lambda tup: tup[1])] - assert label_field.vocab.itos == expected_itos - - # Test build_vocab default - question_field.build_vocab(tsv_dataset, json_dataset) - assert question_field.vocab.freqs == Counter( - {'When': 4, 'do': 4, 'you': 4, 'use': 4, 'instead': 4, - 'of': 4, 'was': 4, 'Lincoln': 4, 'born?': 4, 'シ': 2, - 'し?': 2, 'Where': 2, 'What': 2, 'is': 2, '2+2': 2, - '"&"': 2, '"and"?': 2, 'Which': 2, 'location': 2, - 'Abraham': 2, '2+2=?': 2}) - expected_stoi = {'': 0, '': 1, 'Lincoln': 2, 'When': 3, - 'born?': 4, 'do': 5, 'instead': 6, 'of': 7, - 'use': 8, 'was': 9, 'you': 10, '"&"': 11, - '"and"?': 12, '2+2': 13, '2+2=?': 14, 'Abraham': 15, - 'What': 16, 'Where': 17, 'Which': 18, 'is': 19, - 'location': 20, 'し?': 21, 'シ': 22} - assert dict(question_field.vocab.stoi) == expected_stoi - # Turn the stoi dictionary into an itos list - expected_itos = [x[0] for x in sorted(expected_stoi.items(), - key=lambda tup: tup[1])] - assert question_field.vocab.itos == expected_itos - - label_field.build_vocab(tsv_dataset, json_dataset) - assert label_field.vocab.freqs == Counter({'1': 4, '0': 2}) - expected_stoi = {'1': 1, '0': 2, '': 0} - assert dict(label_field.vocab.stoi) == expected_stoi - # Turn the stoi dictionary into an itos list - expected_itos = [x[0] for x in sorted(expected_stoi.items(), - key=lambda tup: tup[1])] - assert label_field.vocab.itos == expected_itos - - # Test build_vocab with extra kwargs passed to Vocab - question_field.build_vocab(tsv_dataset, json_dataset, max_size=8, - min_freq=3) - assert question_field.vocab.freqs == Counter( - {'When': 4, 'do': 4, 'you': 4, 'use': 4, 'instead': 4, - 'of': 4, 'was': 4, 'Lincoln': 4, 'born?': 4, 'シ': 2, - 'し?': 2, 'Where': 2, 'What': 2, 'is': 2, '2+2': 2, - '"&"': 2, '"and"?': 2, 'Which': 2, 'location': 2, - 'Abraham': 2, '2+2=?': 2}) - expected_stoi = {'': 0, '': 1, 'Lincoln': 2, 'When': 3, - 'born?': 4, 'do': 5, 'instead': 6, 'of': 7, - 'use': 8, 'was': 9} - assert dict(question_field.vocab.stoi) == expected_stoi - # Turn the stoi dictionary into an itos list - expected_itos = [x[0] for x in sorted(expected_stoi.items(), - key=lambda tup: tup[1])] - assert question_field.vocab.itos == expected_itos - - def test_numericalize_basic(self): - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - question_field.build_vocab(tsv_dataset) - - test_example_data = [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]] - - # Test default - default_numericalized = question_field.numericalize(test_example_data) - verify_numericalized_example(question_field, test_example_data, - default_numericalized) - - def test_numericalize_include_lengths(self): - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True, include_lengths=True) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - question_field.build_vocab(tsv_dataset) - - test_example_data = [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]] - test_example_lengths = [8, 3, 7] - - # Test with include_lengths - include_lengths_numericalized = question_field.numericalize( - (test_example_data, test_example_lengths)) - verify_numericalized_example(question_field, - test_example_data, - include_lengths_numericalized, - test_example_lengths) - - def test_numericalize_batch_first(self): - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True, batch_first=True) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - question_field.build_vocab(tsv_dataset) - - test_example_data = [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]] - - # Test with batch_first - include_lengths_numericalized = question_field.numericalize( - test_example_data) - verify_numericalized_example(question_field, - test_example_data, - include_lengths_numericalized, - batch_first=True) - - def test_numericalize_postprocessing(self): - self.write_test_ppid_dataset(data_format="tsv") - - def reverse_postprocess(arr, vocab): - return [list(reversed(sentence)) for sentence in arr] - - question_field = data.Field(sequential=True, - postprocessing=reverse_postprocess) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - question_field.build_vocab(tsv_dataset) - - test_example_data = [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]] - reversed_test_example_data = [list(reversed(sentence)) for sentence in - test_example_data] - - postprocessed_numericalized = question_field.numericalize( - (test_example_data)) - verify_numericalized_example(question_field, - reversed_test_example_data, - postprocessed_numericalized) - - def test_numericalize_stop_words(self): - # Based on request from #354 - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True, batch_first=True, - stop_words=set(["do", "you"])) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - question_field.build_vocab(tsv_dataset) - - test_example_data = question_field.pad( - [question_field.preprocess(x) for x in - [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]]] - ) - - # Test with batch_first - stopwords_removed_numericalized = question_field.numericalize(test_example_data) - verify_numericalized_example(question_field, - test_example_data, - stopwords_removed_numericalized, - batch_first=True) - - def test_numerical_features_no_vocab(self): - self.write_test_numerical_features_dataset() - # Test basic usage - int_field = data.Field(sequential=False, use_vocab=False) - float_field = data.Field(sequential=False, use_vocab=False, - dtype=torch.float) - tsv_fields = [("int", int_field), ("float", float_field), ("string", None)] - tsv_dataset = data.TabularDataset( - path=self.test_numerical_features_dataset_path, format="tsv", - fields=tsv_fields) - int_field.build_vocab(tsv_dataset) - float_field.build_vocab(tsv_dataset) - test_int_data = ["1", "0", "1", "3", "19"] - test_float_data = ["1.1", "0.1", "3.91", "0.2", "10.2"] - - numericalized_int = int_field.numericalize(test_int_data) - self.assertEqual(numericalized_int.data, [1, 0, 1, 3, 19]) - numericalized_float = float_field.numericalize(test_float_data) - self.assertEqual(numericalized_float.data, [1.1, 0.1, 3.91, 0.2, 10.2]) - - # Test with postprocessing applied - int_field = data.Field(sequential=False, use_vocab=False, - postprocessing=lambda arr, _: [x + 1 for x in arr]) - float_field = data.Field(sequential=False, use_vocab=False, - dtype=torch.float, - postprocessing=lambda arr, _: [x * 0.5 for x in arr]) - tsv_fields = [("int", int_field), ("float", float_field), ("string", None)] - tsv_dataset = data.TabularDataset( - path=self.test_numerical_features_dataset_path, format="tsv", - fields=tsv_fields) - int_field.build_vocab(tsv_dataset) - float_field.build_vocab(tsv_dataset) - test_int_data = ["1", "0", "1", "3", "19"] - test_float_data = ["1.1", "0.1", "3.91", "0.2", "10.2"] - - numericalized_int = int_field.numericalize(test_int_data) - self.assertEqual(numericalized_int.data, [2, 1, 2, 4, 20]) - numericalized_float = float_field.numericalize(test_float_data) - self.assertEqual(numericalized_float.data, [0.55, 0.05, 1.955, 0.1, 5.1]) - - def test_errors(self): - # Test that passing a non-tuple (of data and length) to numericalize - # with Field.include_lengths = True raises an error. - with self.assertRaises(ValueError): - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True, include_lengths=True) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - question_field.build_vocab(tsv_dataset) - test_example_data = [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]] - question_field.numericalize( - test_example_data) - - def test_serialization_pre_build(self): - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True) - - question_pickle_filename = "question.pl" - question_pickle_path = os.path.join(self.test_dir, question_pickle_filename) - torch.save(question_field, question_pickle_path) - - loaded_question_field = torch.load(question_pickle_path) - - assert loaded_question_field == question_field - - def test_serialization_built_vocab(self): - self.write_test_ppid_dataset(data_format="tsv") - question_field = data.Field(sequential=True) - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", None)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - - question_field.build_vocab(tsv_dataset) - - question_pickle_filename = "question.pl" - question_pickle_path = os.path.join(self.test_dir, question_pickle_filename) - torch.save(question_field, question_pickle_path) - - loaded_question_field = torch.load(question_pickle_path) - - assert loaded_question_field == question_field - - test_example_data = [["When", "do", "you", "use", "シ", - "instead", "of", "し?"], - ["What", "is", "2+2", "", "", - "", "", ""], - ["Here", "is", "a", "sentence", "with", - "some", "oovs", ""]] - - # Test results of numericalization - original_numericalization = question_field.numericalize(test_example_data) - pickled_numericalization = loaded_question_field.numericalize(test_example_data) - - assert torch.all(torch.eq(original_numericalization, pickled_numericalization)) - - -class TestNestedField(TorchtextTestCase): - def test_init_minimal(self): - nesting_field = data.Field() - field = data.NestedField(nesting_field) - - assert isinstance(field, data.Field) - assert field.nesting_field is nesting_field - assert field.sequential - assert field.use_vocab - assert field.init_token is None - assert field.eos_token is None - assert field.unk_token == nesting_field.unk_token - assert field.fix_length is None - assert field.dtype is torch.long - assert field.preprocessing is None - assert field.postprocessing is None - assert field.lower == nesting_field.lower - assert field.tokenize("a b c") == "a b c".split() - assert not field.include_lengths - assert field.batch_first - assert field.pad_token == nesting_field.pad_token - assert not field.pad_first - - def test_init_when_nesting_field_is_not_sequential(self): - nesting_field = data.Field(sequential=False) - field = data.NestedField(nesting_field) - - assert field.pad_token == "" - - def test_init_when_nesting_field_has_include_lengths_equal_true(self): - nesting_field = data.Field(include_lengths=True) - - with pytest.raises(ValueError) as excinfo: - data.NestedField(nesting_field) - assert "nesting field cannot have include_lengths=True" in str(excinfo.value) - - def test_init_with_nested_field_as_nesting_field(self): - nesting_field = data.NestedField(data.Field()) - - with pytest.raises(ValueError) as excinfo: - data.NestedField(nesting_field) - assert "nesting field must not be another NestedField" in str(excinfo.value) - - def test_init_full(self): - nesting_field = data.Field() - field = data.NestedField( - nesting_field, - use_vocab=False, - init_token="", - eos_token="", - fix_length=10, - dtype=torch.float, - preprocessing=lambda xs: list(reversed(xs)), - postprocessing=lambda xs: [x.upper() for x in xs], - tokenize=list, - pad_first=True, - ) - - assert not field.use_vocab - assert field.init_token == "" - assert field.eos_token == "" - assert field.fix_length == 10 - assert field.dtype is torch.float - assert field.preprocessing("a b c".split()) == "c b a".split() - assert field.postprocessing("a b c".split()) == "A B C".split() - assert field.tokenize("abc") == ["a", "b", "c"] - assert field.pad_first - - def test_preprocess(self): - nesting_field = data.Field( - tokenize=list, preprocessing=lambda xs: [x.upper() for x in xs]) - field = data.NestedField(nesting_field, preprocessing=lambda xs: reversed(xs)) - preprocessed = field.preprocess("john loves mary") - - assert preprocessed == [list("MARY"), list("LOVES"), list("JOHN")] - - def test_build_vocab_from_dataset(self): - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", eos_token="") - ex1 = data.Example.fromlist(["aaa bbb c"], [("chars", CHARS)]) - ex2 = data.Example.fromlist(["bbb aaa"], [("chars", CHARS)]) - dataset = data.Dataset([ex1, ex2], [("chars", CHARS)]) - - CHARS.build_vocab(dataset, min_freq=2) - - expected = "a b ".split() - assert len(CHARS.vocab) == len(expected) - for c in expected: - assert c in CHARS.vocab.stoi - - expected_freqs = Counter({"a": 6, "b": 6, "c": 1}) - assert CHARS.vocab.freqs == CHARS.nesting_field.vocab.freqs == expected_freqs - - def test_build_vocab_from_iterable(self): - nesting_field = data.Field(unk_token="", pad_token="") - CHARS = data.NestedField(nesting_field) - CHARS.build_vocab( - [[list("aaa"), list("bbb"), ["c"]], [list("bbb"), list("aaa")]], - [[list("ccc"), list("bbb")], [list("bbb")]], - ) - - expected = "a b c ".split() - assert len(CHARS.vocab) == len(expected) - for c in expected: - assert c in CHARS.vocab.stoi - - expected_freqs = Counter({"a": 6, "b": 12, "c": 4}) - assert CHARS.vocab.freqs == CHARS.nesting_field.vocab.freqs == expected_freqs - - def test_pad(self): - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", eos_token="") - minibatch = [ - [list("john"), list("loves"), list("mary")], - [list("mary"), list("cries")], - ] - expected = [ - [ - ["", "", ""] + [""] * 4, - [""] + list("john") + ["", ""], - [""] + list("loves") + [""], - [""] + list("mary") + ["", ""], - ["", "", ""] + [""] * 4, - ], - [ - ["", "", ""] + [""] * 4, - [""] + list("mary") + ["", ""], - [""] + list("cries") + [""], - ["", "", ""] + [""] * 4, - [""] * 7, - ] - ] - - assert CHARS.pad(minibatch) == expected - - # test include_length - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", - eos_token="", include_lengths=True) - arr, seq_len, words_len = CHARS.pad(minibatch) - assert arr == expected - assert seq_len == [5, 4] - assert words_len == [[3, 6, 7, 6, 3], [3, 6, 7, 3, 0]] - - def test_pad_when_nesting_field_is_not_sequential(self): - nesting_field = data.Field(sequential=False, unk_token="", - pad_token="", init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", eos_token="") - minibatch = [ - ["john", "loves", "mary"], - ["mary", "cries"] - ] - expected = [ - ["", "john", "loves", "mary", ""], - ["", "mary", "cries", "", ""], - ] - - assert CHARS.pad(minibatch) == expected - - def test_pad_when_nesting_field_has_fix_length(self): - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="", fix_length=5) - CHARS = data.NestedField(nesting_field, init_token="", eos_token="") - minibatch = [ - ["john", "loves", "mary"], - ["mary", "cries"] - ] - expected = [ - [ - ["", "", ""] + [""] * 2, - [""] + list("joh") + [""], - [""] + list("lov") + [""], - [""] + list("mar") + [""], - ["", "", ""] + [""] * 2, - ], - [ - ["", "", ""] + [""] * 2, - [""] + list("mar") + [""], - [""] + list("cri") + [""], - ["", "", ""] + [""] * 2, - [""] * 5, - ] - ] - - assert CHARS.pad(minibatch) == expected - - # test include length - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="", fix_length=5) - CHARS = data.NestedField(nesting_field, init_token="", - eos_token="", include_lengths=True) - arr, seq_len, words_len = CHARS.pad(minibatch) - assert arr == expected - assert seq_len == [5, 4] - assert words_len == [[3, 5, 5, 5, 3], [3, 5, 5, 3, 0]] - - def test_pad_when_fix_length_is_not_none(self): - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField( - nesting_field, init_token="", eos_token="", fix_length=3) - minibatch = [ - ["john", "loves", "mary"], - ["mary", "cries"] - ] - expected = [ - [ - ["", "", ""] + [""] * 4, - [""] + list("john") + ["", ""], - ["", "", ""] + [""] * 4, - ], - [ - ["", "", ""] + [""] * 4, - [""] + list("mary") + ["", ""], - ["", "", ""] + [""] * 4, - ] - ] - - assert CHARS.pad(minibatch) == expected - - # test include length - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", - eos_token="", include_lengths=True, fix_length=3) - arr, seq_len, words_len = CHARS.pad(minibatch) - assert arr == expected - assert seq_len == [3, 3] - assert words_len == [[3, 6, 3], [3, 6, 3]] - - def test_pad_when_no_init_and_eos_tokens(self): - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field) - minibatch = [ - ["john", "loves", "mary"], - ["mary", "cries"] - ] - expected = [ - [ - [""] + list("john") + ["", ""], - [""] + list("loves") + [""], - [""] + list("mary") + ["", ""], - ], - [ - [""] + list("mary") + ["", ""], - [""] + list("cries") + [""], - [""] * 7, - ] - ] - - assert CHARS.pad(minibatch) == expected - - def test_pad_when_pad_first_is_true(self): - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", eos_token="", - pad_first=True) - minibatch = [ - [list("john"), list("loves"), list("mary")], - [list("mary"), list("cries")], - ] - expected = [ - [ - ["", "", ""] + [""] * 4, - [""] + list("john") + ["", ""], - [""] + list("loves") + [""], - [""] + list("mary") + ["", ""], - ["", "", ""] + [""] * 4, - ], - [ - [""] * 7, - ["", "", ""] + [""] * 4, - [""] + list("mary") + ["", ""], - [""] + list("cries") + [""], - ["", "", ""] + [""] * 4, - ] - ] - - assert CHARS.pad(minibatch) == expected - - # test include_length - nesting_field = data.Field(tokenize=list, unk_token="", pad_token="", - init_token="", eos_token="") - CHARS = data.NestedField(nesting_field, init_token="", - eos_token="", include_lengths=True, - pad_first=True) - arr, seq_len, words_len = CHARS.pad(minibatch) - assert arr == expected - assert seq_len == [5, 4] - assert words_len == [[3, 6, 7, 6, 3], [0, 3, 6, 7, 3]] - - def test_numericalize(self): - nesting_field = data.Field(batch_first=True) - field = data.NestedField(nesting_field) - ex1 = data.Example.fromlist(["john loves mary"], [("words", field)]) - ex2 = data.Example.fromlist(["mary cries"], [("words", field)]) - dataset = data.Dataset([ex1, ex2], [("words", field)]) - field.build_vocab(dataset) - examples_data = [ - [ - ["", "", ""] + [""] * 4, - [""] + list("john") + ["", ""], - [""] + list("loves") + [""], - [""] + list("mary") + ["", ""], - ["", "", ""] + [""] * 4, - ], - [ - ["", "", ""] + [""] * 4, - [""] + list("mary") + ["", ""], - [""] + list("cries") + [""], - ["", "", ""] + [""] * 4, - [""] * 7, - ] - ] - numericalized = field.numericalize(examples_data) - - assert numericalized.dim() == 3 - assert numericalized.size(0) == len(examples_data) - for example, numericalized_example in zip(examples_data, numericalized): - verify_numericalized_example( - field, example, numericalized_example, batch_first=True) - - # test include_lengths - nesting_field = data.Field(batch_first=True) - field = data.NestedField(nesting_field, include_lengths=True) - ex1 = data.Example.fromlist(["john loves mary"], [("words", field)]) - ex2 = data.Example.fromlist(["mary cries"], [("words", field)]) - dataset = data.Dataset([ex1, ex2], [("words", field)]) - field.build_vocab(dataset) - examples_data = [ - [ - ["", "", ""] + [""] * 4, - [""] + list("john") + ["", ""], - [""] + list("loves") + [""], - [""] + list("mary") + ["", ""], - ["", "", ""] + [""] * 4, - ], - [ - ["", "", ""] + [""] * 4, - [""] + list("mary") + ["", ""], - [""] + list("cries") + [""], - ["", "", ""] + [""] * 4, - [""] * 7, - ] - ] - - numericalized, seq_len, word_len = field.numericalize( - (examples_data, [5, 4], [[3, 6, 7, 6, 3], [3, 6, 7, 3, 0]])) - - assert numericalized.dim() == 3 - assert len(seq_len) == 2 - assert len(word_len) == 2 - - assert numericalized.size(0) == len(examples_data) - for example, numericalized_example in zip(examples_data, numericalized): - verify_numericalized_example( - field, example, numericalized_example, batch_first=True) - - def test_serialization(self): - nesting_field = data.Field(batch_first=True) - field = data.NestedField(nesting_field) - ex1 = data.Example.fromlist(["john loves mary"], [("words", field)]) - ex2 = data.Example.fromlist(["mary cries"], [("words", field)]) - dataset = data.Dataset([ex1, ex2], [("words", field)]) - field.build_vocab(dataset) - examples_data = [ - [ - ["", "", ""] + [""] * 4, - [""] + list("john") + ["", ""], - [""] + list("loves") + [""], - [""] + list("mary") + ["", ""], - ["", "", ""] + [""] * 4, - ], - [ - ["", "", ""] + [""] * 4, - [""] + list("mary") + ["", ""], - [""] + list("cries") + [""], - ["", "", ""] + [""] * 4, - [""] * 7, - ] - ] - - field_pickle_filename = "char_field.pl" - field_pickle_path = os.path.join(self.test_dir, field_pickle_filename) - torch.save(field, field_pickle_path) - - loaded_field = torch.load(field_pickle_path) - assert loaded_field == field - - original_numericalization = field.numericalize(examples_data) - pickled_numericalization = loaded_field.numericalize(examples_data) - - assert torch.all(torch.eq(original_numericalization, pickled_numericalization)) - - -class TestLabelField(TorchtextTestCase): - def test_init(self): - # basic init - label_field = data.LabelField() - assert label_field.sequential is False - assert label_field.unk_token is None - - # init with preset fields - label_field = data.LabelField(sequential=True, unk_token="") - assert label_field.sequential is False - assert label_field.unk_token is None - - def test_vocab_size(self): - # Set up fields - question_field = data.Field(sequential=True) - label_field = data.LabelField() - - # Copied from test_build_vocab with minor changes - # Write TSV dataset and construct a Dataset - self.write_test_ppid_dataset(data_format="tsv") - tsv_fields = [("id", None), ("q1", question_field), - ("q2", question_field), ("label", label_field)] - tsv_dataset = data.TabularDataset( - path=self.test_ppid_dataset_path, format="tsv", - fields=tsv_fields) - - # Skipping json dataset as we can rely on the original build vocab test - label_field.build_vocab(tsv_dataset) - assert label_field.vocab.freqs == Counter({'1': 2, '0': 1}) - expected_stoi = {'1': 0, '0': 1} # No - assert dict(label_field.vocab.stoi) == expected_stoi - # Turn the stoi dictionary into an itos list - expected_itos = [x[0] for x in sorted(expected_stoi.items(), - key=lambda tup: tup[1])] - assert label_field.vocab.itos == expected_itos diff --git a/test/legacy/data/test_pipeline.py b/test/legacy/data/test_pipeline.py deleted file mode 100644 index 7a39c081fa..0000000000 --- a/test/legacy/data/test_pipeline.py +++ /dev/null @@ -1,52 +0,0 @@ -# -*- coding: utf-8 -*- -import torchtext.legacy.data as data - -from ...common.torchtext_test_case import TorchtextTestCase - - -class TestPipeline(TorchtextTestCase): - @staticmethod - def repeat_n(x, n=3): - """ - Given a sequence, repeat it n times. - """ - return x * n - - def test_pipeline(self): - id_pipeline = data.Pipeline() - assert id_pipeline("Test STring") == "Test STring" - assert id_pipeline("ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T") == "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T" - assert id_pipeline(["1241", "Some String"]) == ["1241", "Some String"] - - pipeline = data.Pipeline(str.lower) - assert pipeline("Test STring") == "test string" - assert pipeline("ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T") == "ᑌᑎiᑕoᗪᕮ_tᕮ᙭t" - assert pipeline(["1241", "Some String"]) == ["1241", "some string"] - - args_pipeline = data.Pipeline(TestPipeline.repeat_n) - assert args_pipeline("test", 5) == "testtesttesttesttest" - assert args_pipeline(["ele1", "ele2"], 2) == ["ele1ele1", "ele2ele2"] - - def test_composition(self): - id_pipeline = data.Pipeline() - pipeline = data.Pipeline(TestPipeline.repeat_n) - pipeline.add_before(id_pipeline) - pipeline.add_after(id_pipeline) - pipeline.add_before(str.lower) - pipeline.add_after(str.capitalize) - - other_pipeline = data.Pipeline(str.swapcase) - other_pipeline.add_before(pipeline) - - # Assert pipeline gives proper results after composition - # (test that we aren't modfifying pipes member) - assert pipeline("teST") == "Testtesttest" - assert pipeline(["ElE1", "eLe2"]) == ["Ele1ele1ele1", "Ele2ele2ele2"] - - # Assert pipeline that we added to gives proper results - assert other_pipeline("teST") == "tESTTESTTEST" - assert other_pipeline(["ElE1", "eLe2"]) == ["eLE1ELE1ELE1", "eLE2ELE2ELE2"] - - def test_exceptions(self): - with self.assertRaises(ValueError): - data.Pipeline("Not Callable") diff --git a/test/legacy/data/test_subword.py b/test/legacy/data/test_subword.py deleted file mode 100644 index 83aec7df0f..0000000000 --- a/test/legacy/data/test_subword.py +++ /dev/null @@ -1,25 +0,0 @@ -#!/usr/bin/env python3 -# Note that all the tests in this module require dataset (either network access or cached) -import unittest - -from torchtext.legacy import data -from torchtext.legacy.datasets import TREC - - -class TestSubword(unittest.TestCase): - def test_subword_trec(self): - TEXT = data.SubwordField() - LABEL = data.Field(sequential=False) - RAW = data.Field(sequential=False, use_vocab=False) - raw, _ = TREC.splits(RAW, LABEL) - cooked, _ = TREC.splits(TEXT, LABEL) - LABEL.build_vocab(cooked) - TEXT.build_vocab(cooked, max_size=100) - TEXT.segment(cooked) - print(cooked[0].text) - batch = next(iter(data.Iterator(cooked, 1, shuffle=False))) - self.assertEqual(TEXT.reverse(batch.text.data)[0], raw[0].text) - - -if __name__ == '__main__': - unittest.main() diff --git a/test/legacy/imdb.py b/test/legacy/imdb.py deleted file mode 100644 index eec869cc83..0000000000 --- a/test/legacy/imdb.py +++ /dev/null @@ -1,43 +0,0 @@ -from torchtext.legacy import data -from torchtext.legacy import datasets -from torchtext.vocab import GloVe - - -# Approach 1: -# set up fields -TEXT = data.Field(lower=True, include_lengths=True, batch_first=True) -LABEL = data.Field(sequential=False) - - -# make splits for data -train, test = datasets.IMDB.splits(TEXT, LABEL) - -# print information about the data -print('train.fields', train.fields) -print('len(train)', len(train)) -print('vars(train[0])', vars(train[0])) - -# build the vocabulary -TEXT.build_vocab(train, vectors=GloVe(name='6B', dim=300)) -LABEL.build_vocab(train) - -# print vocab information -print('len(TEXT.vocab)', len(TEXT.vocab)) -print('TEXT.vocab.vectors.size()', TEXT.vocab.vectors.size()) - -# make iterator for splits -train_iter, test_iter = data.BucketIterator.splits( - (train, test), batch_size=3, device="cuda:0") - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) - -# Approach 2: -train_iter, test_iter = datasets.IMDB.iters(batch_size=4) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) diff --git a/test/legacy/language_modeling.py b/test/legacy/language_modeling.py deleted file mode 100644 index fc41b57c5a..0000000000 --- a/test/legacy/language_modeling.py +++ /dev/null @@ -1,38 +0,0 @@ -from torchtext.legacy import data -from torchtext.legacy import datasets -from torchtext.vocab import GloVe - -# Approach 1: -# set up fields -TEXT = data.Field(lower=True, batch_first=True) - -# make splits for data -train, valid, test = datasets.WikiText2.splits(TEXT) - -# print information about the data -print('train.fields', train.fields) -print('len(train)', len(train)) -print('vars(train[0])', vars(train[0])['text'][0:10]) - -# build the vocabulary -TEXT.build_vocab(train, vectors=GloVe(name='6B', dim=300)) - -# print vocab information -print('len(TEXT.vocab)', len(TEXT.vocab)) - -# make iterator for splits -train_iter, valid_iter, test_iter = data.BPTTIterator.splits( - (train, valid, test), batch_size=3, bptt_len=30, device="cuda:0") - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.target) - -# Approach 2: -train_iter, valid_iter, test_iter = datasets.WikiText2.iters(batch_size=4, bptt_len=30) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.target) diff --git a/test/legacy/nli.py b/test/legacy/nli.py deleted file mode 100644 index 860064f929..0000000000 --- a/test/legacy/nli.py +++ /dev/null @@ -1,304 +0,0 @@ -import torch -from ..common.torchtext_test_case import TorchtextTestCase - -from torchtext.legacy.datasets import SNLI, MultiNLI, XNLI -from torchtext.legacy.datasets.nli import ParsedTextField, ShiftReduceField -from torchtext.legacy.data import Field, LabelField, Iterator - -import shutil - - -class TestNLI(TorchtextTestCase): - - def test_snli(self): - batch_size = 4 - - # create fields - TEXT = ParsedTextField() - TREE = ShiftReduceField() - LABEL = LabelField() - - # create train/val/test splits - train, val, test = SNLI.splits(TEXT, LABEL, TREE) - - # check all are SNLI datasets - assert type(train) == type(val) == type(test) == SNLI - - # check all have correct number of fields - assert len(train.fields) == len(val.fields) == len(test.fields) == 5 - - # check fields are the correct type - assert type(train.fields['premise']) == ParsedTextField - assert type(train.fields['premise_transitions']) == ShiftReduceField - assert type(train.fields['hypothesis']) == ParsedTextField - assert type(train.fields['hypothesis_transitions']) == ShiftReduceField - assert type(train.fields['label']) == LabelField - - assert type(val.fields['premise']) == ParsedTextField - assert type(val.fields['premise_transitions']) == ShiftReduceField - assert type(val.fields['hypothesis']) == ParsedTextField - assert type(val.fields['hypothesis_transitions']) == ShiftReduceField - assert type(val.fields['label']) == LabelField - - assert type(test.fields['premise']) == ParsedTextField - assert type(test.fields['premise_transitions']) == ShiftReduceField - assert type(test.fields['hypothesis']) == ParsedTextField - assert type(test.fields['hypothesis_transitions']) == ShiftReduceField - assert type(test.fields['label']) == LabelField - - # check each is the correct length - assert len(train) == 549367 - assert len(val) == 9842 - assert len(test) == 9824 - - # build vocabulary - TEXT.build_vocab(train) - LABEL.build_vocab(train) - - # ensure vocabulary has been created - assert hasattr(TEXT, 'vocab') - assert hasattr(TEXT.vocab, 'itos') - assert hasattr(TEXT.vocab, 'stoi') - - # create iterators - train_iter, val_iter, test_iter = Iterator.splits((train, val, test), - batch_size=batch_size) - - # get a batch to test - batch = next(iter(train_iter)) - - # split premise and hypothesis from tuples to tensors - premise, premise_transitions = batch.premise - hypothesis, hypothesis_transitions = batch.hypothesis - label = batch.label - - # check each is actually a tensor - assert type(premise) == torch.Tensor - assert type(premise_transitions) == torch.Tensor - assert type(hypothesis) == torch.Tensor - assert type(hypothesis_transitions) == torch.Tensor - assert type(label) == torch.Tensor - - # check have the correct batch dimension - assert premise.shape[-1] == batch_size - assert premise_transitions.shape[-1] == batch_size - assert hypothesis.shape[-1] == batch_size - assert hypothesis_transitions.shape[-1] == batch_size - assert label.shape[-1] == batch_size - - # repeat the same tests with iters instead of split - train_iter, val_iter, test_iter = SNLI.iters(batch_size=batch_size, - trees=True) - - # split premise and hypothesis from tuples to tensors - premise, premise_transitions = batch.premise - hypothesis, hypothesis_transitions = batch.hypothesis - label = batch.label - - # check each is actually a tensor - assert type(premise) == torch.Tensor - assert type(premise_transitions) == torch.Tensor - assert type(hypothesis) == torch.Tensor - assert type(hypothesis_transitions) == torch.Tensor - assert type(label) == torch.Tensor - - # check have the correct batch dimension - assert premise.shape[-1] == batch_size - assert premise_transitions.shape[-1] == batch_size - assert hypothesis.shape[-1] == batch_size - assert hypothesis_transitions.shape[-1] == batch_size - assert label.shape[-1] == batch_size - - # remove downloaded snli directory - shutil.rmtree('.data/snli') - - def test_multinli(self): - batch_size = 4 - - # create fields - TEXT = ParsedTextField() - TREE = ShiftReduceField() - GENRE = LabelField() - LABEL = LabelField() - - # create train/val/test splits - train, val, test = MultiNLI.splits(TEXT, LABEL, TREE, GENRE) - - # check all are MultiNLI datasets - assert type(train) == type(val) == type(test) == MultiNLI - - # check all have correct number of fields - assert len(train.fields) == len(val.fields) == len(test.fields) == 6 - - # check fields are the correct type - assert type(train.fields['premise']) == ParsedTextField - assert type(train.fields['premise_transitions']) == ShiftReduceField - assert type(train.fields['hypothesis']) == ParsedTextField - assert type(train.fields['hypothesis_transitions']) == ShiftReduceField - assert type(train.fields['label']) == LabelField - assert type(train.fields['genre']) == LabelField - - assert type(val.fields['premise']) == ParsedTextField - assert type(val.fields['premise_transitions']) == ShiftReduceField - assert type(val.fields['hypothesis']) == ParsedTextField - assert type(val.fields['hypothesis_transitions']) == ShiftReduceField - assert type(val.fields['label']) == LabelField - assert type(val.fields['genre']) == LabelField - - assert type(test.fields['premise']) == ParsedTextField - assert type(test.fields['premise_transitions']) == ShiftReduceField - assert type(test.fields['hypothesis']) == ParsedTextField - assert type(test.fields['hypothesis_transitions']) == ShiftReduceField - assert type(test.fields['label']) == LabelField - assert type(test.fields['genre']) == LabelField - - # check each is the correct length - assert len(train) == 392702 - assert len(val) == 9815 - assert len(test) == 9832 - - # build vocabulary - TEXT.build_vocab(train) - LABEL.build_vocab(train) - GENRE.build_vocab(train) - - # ensure vocabulary has been created - assert hasattr(TEXT, 'vocab') - assert hasattr(TEXT.vocab, 'itos') - assert hasattr(TEXT.vocab, 'stoi') - - # create iterators - train_iter, val_iter, test_iter = Iterator.splits((train, val, test), - batch_size=batch_size) - - # get a batch to test - batch = next(iter(train_iter)) - - # split premise and hypothesis from tuples to tensors - premise, premise_transitions = batch.premise - hypothesis, hypothesis_transitions = batch.hypothesis - label = batch.label - genre = batch.genre - - # check each is actually a tensor - assert type(premise) == torch.Tensor - assert type(premise_transitions) == torch.Tensor - assert type(hypothesis) == torch.Tensor - assert type(hypothesis_transitions) == torch.Tensor - assert type(label) == torch.Tensor - assert type(genre) == torch.Tensor - - # check have the correct batch dimension - assert premise.shape[-1] == batch_size - assert premise_transitions.shape[-1] == batch_size - assert hypothesis.shape[-1] == batch_size - assert hypothesis_transitions.shape[-1] == batch_size - assert label.shape[-1] == batch_size - assert genre.shape[-1] == batch_size - - # repeat the same tests with iters instead of split - train_iter, val_iter, test_iter = MultiNLI.iters(batch_size=batch_size, - trees=True) - - # split premise and hypothesis from tuples to tensors - premise, premise_transitions = batch.premise - hypothesis, hypothesis_transitions = batch.hypothesis - label = batch.label - - # check each is actually a tensor - assert type(premise) == torch.Tensor - assert type(premise_transitions) == torch.Tensor - assert type(hypothesis) == torch.Tensor - assert type(hypothesis_transitions) == torch.Tensor - assert type(label) == torch.Tensor - - # check have the correct batch dimension - assert premise.shape[-1] == batch_size - assert premise_transitions.shape[-1] == batch_size - assert hypothesis.shape[-1] == batch_size - assert hypothesis_transitions.shape[-1] == batch_size - assert label.shape[-1] == batch_size - - # remove downloaded multinli directory - shutil.rmtree('.data/multinli') - - def test_xnli(self): - batch_size = 4 - - # create fields - TEXT = Field() - GENRE = LabelField() - LABEL = LabelField() - LANGUAGE = LabelField() - - # create val/test splits, XNLI does not have a test set - val, test = XNLI.splits(TEXT, LABEL, GENRE, LANGUAGE) - - # check both are XNLI datasets - assert type(val) == type(test) == XNLI - - # check all have the correct number of fields - assert len(val.fields) == len(test.fields) == 5 - - # check fields are the correct type - assert type(val.fields['premise']) == Field - assert type(val.fields['hypothesis']) == Field - assert type(val.fields['label']) == LabelField - assert type(val.fields['genre']) == LabelField - assert type(val.fields['language']) == LabelField - - assert type(test.fields['premise']) == Field - assert type(test.fields['hypothesis']) == Field - assert type(test.fields['label']) == LabelField - assert type(test.fields['genre']) == LabelField - assert type(test.fields['language']) == LabelField - - # check each is the correct length - assert len(val) == 37350 - assert len(test) == 75150 - - # build vocabulary - TEXT.build_vocab(val) - LABEL.build_vocab(val) - GENRE.build_vocab(val) - LANGUAGE.build_vocab(val) - - # ensure vocabulary has been created - assert hasattr(TEXT, 'vocab') - assert hasattr(TEXT.vocab, 'itos') - assert hasattr(TEXT.vocab, 'stoi') - - # create iterators - val_iter, test_iter = Iterator.splits((val, test), - batch_size=batch_size) - - # get a batch to test - batch = next(iter(val_iter)) - - # split premise and hypothesis from tuples to tensors - premise = batch.premise - hypothesis = batch.hypothesis - label = batch.label - genre = batch.genre - language = batch.language - - # check each is actually a tensor - assert type(premise) == torch.Tensor - assert type(hypothesis) == torch.Tensor - assert type(label) == torch.Tensor - assert type(genre) == torch.Tensor - assert type(language) == torch.Tensor - - # check have the correct batch dimension - assert premise.shape[-1] == batch_size - assert hypothesis.shape[-1] == batch_size - assert label.shape[-1] == batch_size - assert genre.shape[-1] == batch_size - assert language.shape[-1] == batch_size - - # xnli cannot use the iters method, ensure raises error - with self.assertRaises(NotImplementedError): - val_iter, test_iter = XNLI.iters(batch_size=batch_size) - - # remove downloaded xnli directory - shutil.rmtree('.data/xnli') diff --git a/test/legacy/sequence_tagging.py b/test/legacy/sequence_tagging.py deleted file mode 100644 index 76f65448e8..0000000000 --- a/test/legacy/sequence_tagging.py +++ /dev/null @@ -1,86 +0,0 @@ -from torchtext.legacy import data -from torchtext.legacy import datasets -from torchtext.vocab import GloVe - -# Define the fields associated with the sequences. -WORD = data.Field(init_token="", eos_token="") -UD_TAG = data.Field(init_token="", eos_token="") - -# Download and the load default data. -train, val, test = datasets.UDPOS.splits( - fields=(('word', WORD), ('udtag', UD_TAG), (None, None))) - -print(train.fields) -print(len(train)) -print(vars(train[0])) - -# We can also define more than two columns. -WORD = data.Field(init_token="", eos_token="") -UD_TAG = data.Field(init_token="", eos_token="") -PTB_TAG = data.Field(init_token="", eos_token="") - -# Load the specified data. -train, val, test = datasets.UDPOS.splits( - fields=(('word', WORD), ('udtag', UD_TAG), ('ptbtag', PTB_TAG)), - path=".data/sequence-labeling/en-ud-v2", - train="en-ud-tag.v2.train.txt", - validation="en-ud-tag.v2.dev.txt", - test="en-ud-tag.v2.test.txt") - -print(train.fields) -print(len(train)) -print(vars(train[0])) - -WORD.build_vocab(train.word, min_freq=3) -UD_TAG.build_vocab(train.udtag) -PTB_TAG.build_vocab(train.ptbtag) - -print(UD_TAG.vocab.freqs) -print(PTB_TAG.vocab.freqs) - -train_iter, val_iter = data.BucketIterator.splits( - (train, val), batch_size=3, device="cuda:0") - -batch = next(iter(train_iter)) - -print("words", batch.word) -print("udtags", batch.udtag) -print("ptbtags", batch.ptbtag) - -# Now lets try both word and character embeddings -WORD = data.Field(init_token="", eos_token="") -PTB_TAG = data.Field(init_token="", eos_token="") - -# We'll use NestedField to tokenize each word into list of chars -CHAR_NESTING = data.Field(tokenize=list, init_token="", eos_token="") -CHAR = data.NestedField(CHAR_NESTING, init_token="", eos_token="") - -fields = [(('word', 'char'), (WORD, CHAR)), (None, None), ('ptbtag', PTB_TAG)] -train, val, test = datasets.UDPOS.splits(fields=fields) - -print(train.fields) -print(len(train)) -print(vars(train[0])) - -WORD.build_vocab(train.word, val.word, test.word, vectors=[GloVe(name='6B', dim='300')]) -CHAR.build_vocab(train.char, val.char, test.char) -PTB_TAG.build_vocab(train.ptbtag) - -print(CHAR.vocab.freqs) -train_iter, val_iter = data.BucketIterator.splits( - (train, val), batch_size=3) - -batch = next(iter(train_iter)) - -print("words", batch.word) -print("chars", batch.char) -print("ptbtags", batch.ptbtag) - -# Using the CoNLL 2000 Chunking dataset: -INPUTS = data.Field(init_token="", eos_token="") -CHUNK_TAGS = data.Field(init_token="", eos_token="") - -train, val, test = datasets.CoNLL2000Chunking.splits( - fields=(('inputs', INPUTS), (None, None), ('tags', CHUNK_TAGS)) -) -print(len(train), len(val), len(test)) diff --git a/test/legacy/sst.py b/test/legacy/sst.py deleted file mode 100644 index 6ba50fbbee..0000000000 --- a/test/legacy/sst.py +++ /dev/null @@ -1,69 +0,0 @@ -from torchtext.legacy import data -from torchtext.legacy import datasets -from torchtext.vocab import Vectors, GloVe, CharNGram, FastText - - -# Approach 1: -# set up fields -TEXT = data.Field() -LABEL = data.Field(sequential=False) - -# make splits for data -train, val, test = datasets.SST.splits( - TEXT, LABEL, fine_grained=True, train_subtrees=True, - filter_pred=lambda ex: ex.label != 'neutral') - -# print information about the data -print('train.fields', train.fields) -print('len(train)', len(train)) -print('vars(train[0])', vars(train[0])) - -# build the vocabulary -url = 'https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.simple.vec' -TEXT.build_vocab(train, vectors=Vectors('wiki.simple.vec', url=url)) -LABEL.build_vocab(train) - -# print vocab information -print('len(TEXT.vocab)', len(TEXT.vocab)) -print('TEXT.vocab.vectors.size()', TEXT.vocab.vectors.size()) - -# make iterator for splits -train_iter, val_iter, test_iter = data.BucketIterator.splits( - (train, val, test), batch_size=3) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) - -# Approach 2: -TEXT.build_vocab(train, vectors=[GloVe(name='840B', dim='300'), CharNGram(), FastText()]) -LABEL.build_vocab(train) - -# print vocab information -print('len(TEXT.vocab)', len(TEXT.vocab)) -print('TEXT.vocab.vectors.size()', TEXT.vocab.vectors.size()) - -train_iter, val_iter, test_iter = datasets.SST.iters(batch_size=4) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) - -# Approach 3: -f = FastText() -TEXT.build_vocab(train, vectors=f) -TEXT.vocab.extend(f) -LABEL.build_vocab(train) - -# print vocab information -print('len(TEXT.vocab)', len(TEXT.vocab)) -print('TEXT.vocab.vectors.size()', TEXT.vocab.vectors.size()) - -train_iter, val_iter, test_iter = datasets.SST.iters(batch_size=4) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) diff --git a/test/legacy/test_vocab.py b/test/legacy/test_vocab.py deleted file mode 100644 index 083a738483..0000000000 --- a/test/legacy/test_vocab.py +++ /dev/null @@ -1,131 +0,0 @@ -# -*- coding: utf-8 -*- -from collections import Counter -import os -import pickle - - -import numpy as np -import torch -from torchtext.legacy import vocab - -from ..common.torchtext_test_case import TorchtextTestCase - - -def conditional_remove(f): - if os.path.isfile(f): - os.remove(f) - - -class TestVocab(TorchtextTestCase): - - def test_vocab_basic(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - v = vocab.Vocab(c, min_freq=3, specials=['', '', '']) - - expected_itos = ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] - expected_stoi = {x: index for index, x in enumerate(expected_itos)} - self.assertEqual(v.itos, expected_itos) - self.assertEqual(dict(v.stoi), expected_stoi) - - def test_vocab_specials_first(self): - c = Counter("a a b b c c".split()) - - # add specials into vocabulary at first - v = vocab.Vocab(c, max_size=2, specials=['', '']) - expected_itos = ['', '', 'a', 'b'] - expected_stoi = {x: index for index, x in enumerate(expected_itos)} - self.assertEqual(v.itos, expected_itos) - self.assertEqual(dict(v.stoi), expected_stoi) - - # add specials into vocabulary at last - v = vocab.Vocab(c, max_size=2, specials=['', ''], specials_first=False) - expected_itos = ['a', 'b', '', ''] - expected_stoi = {x: index for index, x in enumerate(expected_itos)} - self.assertEqual(v.itos, expected_itos) - self.assertEqual(dict(v.stoi), expected_stoi) - - def test_vocab_without_unk(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - oov_word = 'OOVWORD' - self.assertNotIn(oov_word, c) - - # tests for specials_first=True - v_first = vocab.Vocab(c, min_freq=3, specials=[''], specials_first=True) - expected_itos_first = ['', 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] - expected_stoi_first = {x: index for index, x in enumerate(expected_itos_first)} - self.assertEqual(v_first.itos, expected_itos_first) - self.assertEqual(dict(v_first.stoi), expected_stoi_first) - self.assertNotIn(oov_word, v_first.itos) - self.assertNotIn(oov_word, v_first.stoi) - - # tests for specials_first=False - v_last = vocab.Vocab(c, min_freq=3, specials=[''], specials_first=False) - expected_itos_last = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world', ''] - expected_stoi_last = {x: index for index, x in enumerate(expected_itos_last)} - self.assertEqual(v_last.itos, expected_itos_last) - self.assertEqual(dict(v_last.stoi), expected_stoi_last) - self.assertNotIn(oov_word, v_last.itos) - self.assertNotIn(oov_word, v_last.stoi) - - # check if pad is mapped to the first index - self.assertEqual(v_first.stoi[''], 0) - # check if pad is mapped to the last index - self.assertEqual(v_last.stoi[''], max(v_last.stoi.values())) - - # check if an oovword is not in vocab and a default unk_id is not assigned to it - self.assertRaises(KeyError, v_first.stoi.__getitem__, oov_word) - self.assertRaises(KeyError, v_last.stoi.__getitem__, oov_word) - - def test_vocab_set_vectors(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, - 'test': 4, 'freq_too_low': 2}) - v = vocab.Vocab(c, min_freq=3, specials=['', '', '']) - stoi = {"hello": 0, "world": 1, "test": 2} - vectors = torch.FloatTensor([[0.1, 0.2], [0.3, 0.4], [0.5, 0.6]]) - dim = 2 - v.set_vectors(stoi, vectors, dim) - expected_vectors = np.array([[0.0, 0.0], [0.0, 0.0], [0.0, 0.0], - [0.0, 0.0], [0.1, 0.2], [0.5, 0.6], - [0.3, 0.4]]) - self.assertEqual(v.vectors, expected_vectors, exact_dtype=False) - - def test_errors(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - with self.assertRaises(ValueError): - # Test proper error raised when using unknown string alias - vocab.Vocab(c, min_freq=3, specials=['', '', ''], - vectors=["fasttext.english.300d"]) - vocab.Vocab(c, min_freq=3, specials=['', '', ''], - vectors="fasttext.english.300d") - with self.assertRaises(ValueError): - # Test proper error is raised when vectors argument is - # non-string or non-Vectors - vocab.Vocab(c, min_freq=3, specials=['', '', ''], - vectors={"word": [1, 2, 3]}) - - def test_serialization(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - v = vocab.Vocab(c, min_freq=3, specials=['', '', '']) - pickle_path = os.path.join(self.test_dir, "vocab.pkl") - pickle.dump(v, open(pickle_path, "wb")) - v_loaded = pickle.load(open(pickle_path, "rb")) - assert v == v_loaded - - def test_serialization_backcompat(self): - # Test whether loading works on models saved in which - # the state was not required to have an "unk_index". - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - v = vocab.Vocab(c, min_freq=3, specials=['', '']) # no unk special - # Mock old vocabulary - del v.__dict__["unk_index"] - - pickle_path = os.path.join(self.test_dir, "vocab.pkl") - pickle.dump(v, open(pickle_path, "wb")) - v_loaded = pickle.load(open(pickle_path, "rb")) - assert v == v_loaded - - def test_has_unk(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - v = vocab.Vocab(c) - self.assertEqual(v['not_in_it'], 0) diff --git a/test/legacy/translation.py b/test/legacy/translation.py deleted file mode 100644 index 8861fba93b..0000000000 --- a/test/legacy/translation.py +++ /dev/null @@ -1,102 +0,0 @@ -from torchtext.legacy import data -from torchtext.legacy import datasets - -import re -import spacy - -spacy_de = spacy.load('de_core_news_sm') -spacy_en = spacy.load('en_core_web_sm') - -url = re.compile('(.*)') - - -def tokenize_de(text): - return [tok.text for tok in spacy_de.tokenizer(url.sub('@URL@', text))] - - -def tokenize_en(text): - return [tok.text for tok in spacy_en.tokenizer(url.sub('@URL@', text))] - - -# Testing IWSLT -DE = data.Field(tokenize=tokenize_de) -EN = data.Field(tokenize=tokenize_en) - -train, val, test = datasets.IWSLT.splits(exts=('.de', '.en'), fields=(DE, EN)) - -print(train.fields) -print(len(train)) -print(vars(train[0])) -print(vars(train[100])) - -DE.build_vocab(train.src, min_freq=3) -EN.build_vocab(train.trg, max_size=50000) - -train_iter, val_iter = data.BucketIterator.splits( - (train, val), batch_size=3) - -print(DE.vocab.freqs.most_common(10)) -print(len(DE.vocab)) -print(EN.vocab.freqs.most_common(10)) -print(len(EN.vocab)) - -batch = next(iter(train_iter)) -print(batch.src) -print(batch.trg) - - -# Testing Multi30k -DE = data.Field(tokenize=tokenize_de) -EN = data.Field(tokenize=tokenize_en) - -train, val, test = datasets.Multi30k.splits(exts=('.de', '.en'), fields=(DE, EN)) - -print(train.fields) -print(len(train)) -print(vars(train[0])) -print(vars(train[100])) - -DE.build_vocab(train.src, min_freq=3) -EN.build_vocab(train.trg, max_size=50000) - -train_iter, val_iter = data.BucketIterator.splits( - (train, val), batch_size=3) - -print(DE.vocab.freqs.most_common(10)) -print(len(DE.vocab)) -print(EN.vocab.freqs.most_common(10)) -print(len(EN.vocab)) - -batch = next(iter(train_iter)) -print(batch.src) -print(batch.trg) - - -# Testing custom paths -DE = data.Field(tokenize=tokenize_de) -EN = data.Field(tokenize=tokenize_en) - -train, val = datasets.TranslationDataset.splits( - path='.data/multi30k/', train='train', - validation='val', test=None, exts=('.de', '.en'), - fields=(DE, EN)) - -print(train.fields) -print(len(train)) -print(vars(train[0])) -print(vars(train[100])) - -DE.build_vocab(train.src, min_freq=3) -EN.build_vocab(train.trg, max_size=50000) - -train_iter, val_iter = data.BucketIterator.splits( - (train, val), batch_size=3) - -print(DE.vocab.freqs.most_common(10)) -print(len(DE.vocab)) -print(EN.vocab.freqs.most_common(10)) -print(len(EN.vocab)) - -batch = next(iter(train_iter)) -print(batch.src) -print(batch.trg) diff --git a/test/legacy/trec.py b/test/legacy/trec.py deleted file mode 100644 index 43a0c00a08..0000000000 --- a/test/legacy/trec.py +++ /dev/null @@ -1,46 +0,0 @@ -from torchtext.legacy import data -from torchtext.legacy import datasets -from torchtext.vocab import GloVe, CharNGram - - -# Approach 1: -# set up fields -TEXT = data.Field(lower=True, include_lengths=True, batch_first=True) -LABEL = data.Field(sequential=False) - - -# make splits for data -train, test = datasets.TREC.splits(TEXT, LABEL, fine_grained=True) - -# print information about the data -print('train.fields', train.fields) -print('len(train)', len(train)) -print('vars(train[0])', vars(train[0])) - -# build the vocabulary -TEXT.build_vocab(train, vectors=GloVe(name='6B', dim=300)) -LABEL.build_vocab(train) - -# print vocab information -print('len(TEXT.vocab)', len(TEXT.vocab)) -print('TEXT.vocab.vectors.size()', TEXT.vocab.vectors.size()) - -# make iterator for splits -train_iter, test_iter = data.BucketIterator.splits( - (train, test), batch_size=3) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) - -# Approach 2: -TEXT.build_vocab(train, vectors=[GloVe(name='840B', dim='300'), CharNGram()]) -LABEL.build_vocab(train) - -train_iter, test_iter = datasets.TREC.iters(batch_size=4) - -# print batch information -batch = next(iter(train_iter)) -print(batch.text) -print(batch.label) diff --git a/test/test_build.py b/test/test_build.py index ad3781c6c4..7e3ffd520f 100644 --- a/test/test_build.py +++ b/test/test_build.py @@ -1,108 +1,12 @@ #!/usr/bin/env python3 """Tests that requires external resources (Network access to fetch dataset)""" import os -import unittest -from collections import Counter - import torch import torchtext.data from .common.torchtext_test_case import TorchtextTestCase -class TestNestedField(TorchtextTestCase): - def test_build_vocab(self): - nesting_field = torchtext.legacy.data.Field(tokenize=list, init_token="", eos_token="") - - field = torchtext.legacy.data.NestedField( - nesting_field, init_token='', eos_token='', - include_lengths=True, - pad_first=True) - - sources = [ - [['a'], ['s', 'e', 'n', 't', 'e', 'n', 'c', 'e'], ['o', 'f'], ['d', 'a', 't', 'a'], ['.']], - [['y', 'e', 't'], ['a', 'n', 'o', 't', 'h', 'e', 'r']], - [['o', 'n', 'e'], ['l', 'a', 's', 't'], ['s', 'e', 'n', 't']] - ] - - field.build_vocab( - sources, vectors='glove.6B.50d', - unk_init=torch.nn.init.normal_, vectors_cache=".vector_cache") - - -class TestDataset(TorchtextTestCase): - def test_csv_file_no_header_one_col_multiple_fields(self): - self.write_test_ppid_dataset(data_format="csv") - - question_field = torchtext.legacy.data.Field(sequential=True) - spacy_tok_question_field = torchtext.legacy.data.Field(sequential=True, tokenize="spacy") - label_field = torchtext.legacy.data.Field(sequential=False) - # Field name/value as nested tuples - fields = [("ids", None), - (("q1", "q1_spacy"), (question_field, spacy_tok_question_field)), - (("q2", "q2_spacy"), (question_field, spacy_tok_question_field)), - ("label", label_field)] - dataset = torchtext.legacy.data.TabularDataset( - path=self.test_ppid_dataset_path, format="csv", fields=fields) - expected_examples = [ - (["When", "do", "you", "use", "シ", "instead", "of", "し?"], - ["When", "do", "you", "use", "シ", "instead", "of", "し", "?"], - ["When", "do", "you", "use", "\"&\"", - "instead", "of", "\"and\"?"], - ["When", "do", "you", "use", "\"", "&", "\"", - "instead", "of", "\"", "and", "\"", "?"], "0"), - (["Where", "was", "Lincoln", "born?"], - ["Where", "was", "Lincoln", "born", "?"], - ["Which", "location", "was", "Abraham", "Lincoln", "born?"], - ["Which", "location", "was", "Abraham", "Lincoln", "born", "?"], - "1"), - (["What", "is", "2+2"], ["What", "is", "2", "+", "2"], - ["2+2=?"], ["2", "+", "2=", "?"], "1")] - for i, example in enumerate(dataset): - self.assertEqual(example.q1, expected_examples[i][0]) - self.assertEqual(example.q1_spacy, expected_examples[i][1]) - self.assertEqual(example.q2, expected_examples[i][2]) - self.assertEqual(example.q2_spacy, expected_examples[i][3]) - self.assertEqual(example.label, expected_examples[i][4]) - - # 6 Fields including None for ids - assert len(dataset.fields) == 6 - - def test_json_dataset_one_key_multiple_fields(self): - self.write_test_ppid_dataset(data_format="json") - - question_field = torchtext.legacy.data.Field(sequential=True) - spacy_tok_question_field = torchtext.legacy.data.Field(sequential=True, tokenize="spacy") - label_field = torchtext.legacy.data.Field(sequential=False) - fields = {"question1": [("q1", question_field), - ("q1_spacy", spacy_tok_question_field)], - "question2": [("q2", question_field), - ("q2_spacy", spacy_tok_question_field)], - "label": ("label", label_field)} - dataset = torchtext.legacy.data.TabularDataset( - path=self.test_ppid_dataset_path, format="json", fields=fields) - expected_examples = [ - (["When", "do", "you", "use", "シ", "instead", "of", "し?"], - ["When", "do", "you", "use", "シ", "instead", "of", "し", "?"], - ["When", "do", "you", "use", "\"&\"", - "instead", "of", "\"and\"?"], - ["When", "do", "you", "use", "\"", "&", "\"", - "instead", "of", "\"", "and", "\"", "?"], "0"), - (["Where", "was", "Lincoln", "born?"], - ["Where", "was", "Lincoln", "born", "?"], - ["Which", "location", "was", "Abraham", "Lincoln", "born?"], - ["Which", "location", "was", "Abraham", "Lincoln", "born", "?"], - "1"), - (["What", "is", "2+2"], ["What", "is", "2", "+", "2"], - ["2+2=?"], ["2", "+", "2=", "?"], "1")] - for i, example in enumerate(dataset): - self.assertEqual(example.q1, expected_examples[i][0]) - self.assertEqual(example.q1_spacy, expected_examples[i][1]) - self.assertEqual(example.q2, expected_examples[i][2]) - self.assertEqual(example.q2_spacy, expected_examples[i][3]) - self.assertEqual(example.label, expected_examples[i][4]) - - class TestDataUtils(TorchtextTestCase): TEST_STR = "A string, particularly one with slightly complex punctuation." @@ -142,53 +46,37 @@ def test_vectors_get_vecs(self): self.assertEqual(vec[tokens[0].lower()], token_one_vec) def test_download_charngram_vectors(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - # Build a vocab and get vectors twice to test caching, then once more - # to test string aliases. - for i in range(3): - if i == 2: - vectors = "charngram.100d" - else: - vectors = torchtext.vocab.CharNGram() - v = torchtext.legacy.vocab.Vocab( - c, min_freq=3, specials=['', '', ''], vectors=vectors) - expected_itos = ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] - expected_stoi = {x: index for index, x in enumerate(expected_itos)} - self.assertEqual(v.itos, expected_itos) - self.assertEqual(dict(v.stoi), expected_stoi) - vectors = v.vectors - + # Build a vocab and get vectors twice to test caching. + for _ in range(2): + vectors = torchtext.vocab.CharNGram() # The first 5 entries in each vector. expected_charngram = { 'hello': [-0.44782442, -0.08937783, -0.34227219, -0.16233221, -0.39343098], - 'world': [-0.29590717, -0.05275926, -0.37334684, 0.27117205, -0.3868292], + 'world': [-0.29590717, -0.05275926, -0.37334684, + 0.27117205, -0.3868292], } for word in expected_charngram: self.assertEqual( - vectors[v.stoi[word], :5], expected_charngram[word]) + vectors[word][0, :5], expected_charngram[word]) + + self.assertEqual(vectors[''][0], torch.zeros(100)) - self.assertEqual(vectors[v.stoi['']], torch.zeros(100)) - self.assertEqual(vectors[v.stoi['OOV token']], torch.zeros(100)) + # The first 5 entries for `OOV token` + expected_oov_token_charngram = [-0.1070, -0.2240, -0.3043, + -0.1092, 0.0953] + self.assertEqual(vectors['OOV token'][0, :5], + expected_oov_token_charngram, atol=0, rtol=10e-4) def test_download_custom_vectors(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) # Build a vocab and get vectors twice to test caching. for _ in range(2): - v = torchtext.legacy.vocab.Vocab( - c, min_freq=3, specials=['', '', ''], - vectors=torchtext.vocab.Vectors( - 'wiki.simple.vec', - url=torchtext.vocab.FastText.url_base.format('simple') - ) + vectors = torchtext.vocab.Vectors( + 'wiki.simple.vec', + url=torchtext.vocab.FastText.url_base.format('simple') ) - self.assertEqual(v.itos, ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world']) - vectors = v.vectors - # The first 5 entries in each vector. expected_fasttext_simple_en = { 'hello': [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], @@ -197,29 +85,14 @@ def test_download_custom_vectors(self): for word in expected_fasttext_simple_en: self.assertEqual( - vectors[v.stoi[word], :5], expected_fasttext_simple_en[word]) + vectors[word][:5], expected_fasttext_simple_en[word]) - self.assertEqual(vectors[v.stoi['']], torch.zeros(300)) + self.assertEqual(vectors[''], torch.zeros(300)) def test_download_fasttext_vectors(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - # Build a vocab and get vectors twice to test caching, then once more - # to test string aliases. - for i in range(3): - if i == 2: - vectors = "fasttext.simple.300d" - else: - vectors = torchtext.vocab.FastText(language='simple') - - v = torchtext.legacy.vocab.Vocab( - c, min_freq=3, specials=['', '', ''], vectors=vectors) - - expected_itos = ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] - expected_stoi = {x: index for index, x in enumerate(expected_itos)} - self.assertEqual(v.itos, expected_itos) - self.assertEqual(dict(v.stoi), expected_stoi) - vectors = v.vectors + # Build a vocab and get vectors twice to test caching. + for _ in range(2): + vectors = torchtext.vocab.FastText(language='simple') # The first 5 entries in each vector. expected_fasttext_simple_en = { @@ -229,91 +102,37 @@ def test_download_fasttext_vectors(self): for word in expected_fasttext_simple_en: self.assertEqual( - vectors[v.stoi[word], :5], expected_fasttext_simple_en[word]) + vectors[word][:5], expected_fasttext_simple_en[word]) - self.assertEqual(vectors[v.stoi['']], torch.zeros(300)) - self.assertEqual(vectors[v.stoi['OOV token']], torch.zeros(300)) + self.assertEqual(vectors[''], torch.zeros(300)) + self.assertEqual(vectors['OOV token'], torch.zeros(300)) def test_download_glove_vectors(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) - - # Build a vocab and get vectors twice to test caching, then once more - # to test string aliases. - for i in range(3): - if i == 2: - vectors = "glove.twitter.27B.25d" - else: - vectors = torchtext.vocab.GloVe(name='twitter.27B', dim='25') - v = torchtext.legacy.vocab.Vocab( - c, min_freq=3, specials=['', '', ''], vectors=vectors) - - expected_itos = ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] - expected_stoi = {x: index for index, x in enumerate(expected_itos)} - self.assertEqual(v.itos, expected_itos) - self.assertEqual(dict(v.stoi), expected_stoi) - - vectors = v.vectors - - # The first 5 entries in each vector. - expected_twitter = { - 'hello': [-0.77069, 0.12827, 0.33137, 0.0050893, -0.47605], - 'world': [0.10301, 0.095666, -0.14789, -0.22383, -0.14775], - } - - for word in expected_twitter: - self.assertEqual( - vectors[v.stoi[word], :5], expected_twitter[word]) - - self.assertEqual(vectors[v.stoi['']], torch.zeros(25)) - self.assertEqual(vectors[v.stoi['OOV token']], torch.zeros(25)) - - def test_extend(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) # Build a vocab and get vectors twice to test caching. - for _ in range(2): - f = torchtext.vocab.FastText(language='simple') - v = torchtext.legacy.vocab.Vocab( - c, min_freq=3, specials=['', '', ''], vectors=f) - n_vocab = len(v) - v.extend(f) # extend the vocab with the words contained in f.itos - self.assertGreater(len(v), n_vocab) + vectors = torchtext.vocab.GloVe(name='twitter.27B', dim='25') + # The first 5 entries in each vector. + expected_twitter = { + 'hello': [-0.77069, 0.12827, 0.33137, 0.0050893, -0.47605], + 'world': [0.10301, 0.095666, -0.14789, -0.22383, -0.14775], + } - self.assertEqual(v.itos[:6], ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world']) - vectors = v.vectors + for word in expected_twitter: + self.assertEqual( + vectors[word][:5], expected_twitter[word]) - # The first 5 entries in each vector. - expected_fasttext_simple_en = { - 'hello': [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], - 'world': [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], - } - - for word in expected_fasttext_simple_en: - self.assertEqual( - vectors[v.stoi[word], :5], expected_fasttext_simple_en[word]) - - self.assertEqual(vectors[v.stoi['']], torch.zeros(300)) + self.assertEqual(vectors[''], torch.zeros(25)) + self.assertEqual(vectors['OOV token'], torch.zeros(25)) - @unittest.skip("Download temp. slow.") def test_vectors_custom_cache(self): - c = Counter({'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2}) vector_cache = os.path.join('/tmp', 'vector_cache') # Build a vocab and get vectors twice to test caching. for i in range(2): if i == 1: self.assertTrue(os.path.exists(vector_cache)) - v = torchtext.legacy.vocab.Vocab( - c, min_freq=3, specials=['', '', ''], - vectors=torchtext.vocab.Vectors( - 'wiki.simple.vec', cache=vector_cache, - url=torchtext.vocab.FastText.url_base.format('simple')) - ) - - self.assertEqual(v.itos, ['', '', '', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world']) - vectors = v.vectors + vectors = torchtext.vocab.Vectors( + 'wiki.simple.vec', cache=vector_cache, + url=torchtext.vocab.FastText.url_base.format('simple')) # The first 5 entries in each vector. expected_fasttext_simple_en = { @@ -323,6 +142,6 @@ def test_vectors_custom_cache(self): for word in expected_fasttext_simple_en: self.assertEqual( - vectors[v.stoi[word], :5], expected_fasttext_simple_en[word]) + vectors[word][:5], expected_fasttext_simple_en[word]) - self.assertEqual(vectors[v.stoi['']], torch.zeros(300)) + self.assertEqual(vectors[''], torch.zeros(300)) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index a5c2802614..7f59b774ab 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -11,7 +11,6 @@ from . import functional from . import models from . import experimental -from . import legacy from ._extension import _init_extension @@ -28,8 +27,7 @@ 'transforms', 'functional', 'models', - 'experimental', - 'legacy'] + 'experimental'] _init_extension() diff --git a/torchtext/legacy/README.rst b/torchtext/legacy/README.rst deleted file mode 100644 index 41fac9ecf6..0000000000 --- a/torchtext/legacy/README.rst +++ /dev/null @@ -1,53 +0,0 @@ -Legacy -====== - -In v0.9.0 release, we move the following legacy code to `torchtext.legacy <#legacy>`_. This is part of the work to revamp the torchtext library and the motivation has been discussed in `Issue #664 `_: - -* ``torchtext.legacy.data.field`` -* ``torchtext.legacy.data.batch`` -* ``torchtext.legacy.data.example`` -* ``torchtext.legacy.data.iterator`` -* ``torchtext.legacy.data.pipeline`` -* ``torchtext.legacy.datasets`` - -We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. - -Another option is to import ``torchtext.legacy`` as ``torchtext``. For example: - -With `torchtext v0.8.1` - - .. code-block:: python - - >>> import torchtext - >>> import torch - - >>> TEXT = torchtext.data.Field(tokenize=torchtext.data.get_tokenizer('basic_english'), - init_token='', eos_token='', lower=True) - >>> LABEL = torchtext.data.LabelField(dtype = torch.long) - >>> train_split, test_split = torchtext.datasets.IMDB.splits(TEXT, LABEL) - >>> TEXT.build_vocab(train_split) - >>> LABEL.build_vocab(train_split) - - >>> device = torch.device("cuda" if torch.cuda.is_available() else "cpu") - >>> train_iterator, test_iterator = torchtext.data.Iterator.splits( - (train_split, test_split), batch_size=8, device = device) - >>> next(iter(train_iterator)) - -With `torchtext v0.9.0` - - .. code-block:: python - - >>> import torchtext.legacy as torchtext # need to change only one line - >>> import torch - - >>> TEXT = torchtext.data.Field(tokenize=torchtext.data.get_tokenizer('basic_english'), - init_token='', eos_token='', lower=True) - >>> LABEL = torchtext.data.LabelField(dtype = torch.long) - >>> train_split, test_split = torchtext.datasets.IMDB.splits(TEXT, LABEL) - >>> TEXT.build_vocab(train_split) - >>> LABEL.build_vocab(train_split) - - >>> device = torch.device("cuda" if torch.cuda.is_available() else "cpu") - >>> train_iterator, test_iterator = torchtext.data.Iterator.splits( - (train_split, test_split), batch_size=8, device = device) - >>> next(iter(train_iterator)) diff --git a/torchtext/legacy/__init__.py b/torchtext/legacy/__init__.py deleted file mode 100644 index 5ff23f46d3..0000000000 --- a/torchtext/legacy/__init__.py +++ /dev/null @@ -1,11 +0,0 @@ -from . import data -from .. import nn # Not in the legacy folder -from . import datasets -from .. import utils # Not in the legacy folder -from . import vocab - -__all__ = ['data', - 'nn', - 'datasets', - 'utils', - 'vocab'] diff --git a/torchtext/legacy/data/__init__.py b/torchtext/legacy/data/__init__.py deleted file mode 100644 index 3c84a2ef11..0000000000 --- a/torchtext/legacy/data/__init__.py +++ /dev/null @@ -1,34 +0,0 @@ -from .batch import Batch -from .example import Example -from .field import RawField, Field, ReversibleField, SubwordField, NestedField, LabelField -from .iterator import (batch, BucketIterator, Iterator, BPTTIterator, pool) -from .pipeline import Pipeline -from .dataset import Dataset, TabularDataset -# Those are not in the legacy folder. -from ...data import metrics -from ...data.metrics import bleu_score -from ...data import utils -from ...data.utils import get_tokenizer, interleave_keys -from ...data import functional -from ...data.functional import generate_sp_model, \ - load_sp_model, \ - sentencepiece_numericalizer, \ - sentencepiece_tokenizer, custom_replace, simple_space_split, \ - numericalize_tokens_from_iterator - -__all__ = ["Batch", - "Example", - "RawField", "Field", "ReversibleField", "SubwordField", "NestedField", - "LabelField", - "batch", "BucketIterator", "Iterator", "BPTTIterator", "pool", - "Pipeline", - "Dataset", "TabularDataset", - "metrics", - "bleu_score", - "utils", - "get_tokenizer", "interleave_keys", - "functional", - "generate_sp_model", "load_sp_model", - "sentencepiece_numericalizer", "sentencepiece_tokenizer", - "custom_replace", "simple_space_split", - "numericalize_tokens_from_iterator"] diff --git a/torchtext/legacy/data/batch.py b/torchtext/legacy/data/batch.py deleted file mode 100644 index 3e4250d29f..0000000000 --- a/torchtext/legacy/data/batch.py +++ /dev/null @@ -1,101 +0,0 @@ -import torch - - -class Batch(object): - """Defines a batch of examples along with its Fields. - - Attributes: - batch_size: Number of examples in the batch. - dataset: A reference to the dataset object the examples come from - (which itself contains the dataset's Field objects). - train: Deprecated: this attribute is left for backwards compatibility, - however it is UNUSED as of the merger with pytorch 0.4. - input_fields: The names of the fields that are used as input for the model - target_fields: The names of the fields that are used as targets during - model training - - Also stores the Variable for each column in the batch as an attribute. - """ - - def __init__(self, data=None, dataset=None, device=None): - """Create a Batch from a list of examples.""" - if data is not None: - self.batch_size = len(data) - self.dataset = dataset - self.fields = dataset.fields.keys() # copy field names - self.input_fields = [k for k, v in dataset.fields.items() if - v is not None and not v.is_target] - self.target_fields = [k for k, v in dataset.fields.items() if - v is not None and v.is_target] - - for (name, field) in dataset.fields.items(): - if field is not None: - batch = [getattr(x, name) for x in data] - setattr(self, name, field.process(batch, device=device)) - - @classmethod - def fromvars(cls, dataset, batch_size, train=None, **kwargs): - """Create a Batch directly from a number of Variables.""" - batch = cls() - batch.batch_size = batch_size - batch.dataset = dataset - batch.fields = dataset.fields.keys() - for k, v in kwargs.items(): - setattr(batch, k, v) - return batch - - def __repr__(self): - return str(self) - - def __str__(self): - if not self.__dict__: - return 'Empty {} instance'.format(torch.typename(self)) - - fields_to_index = filter(lambda field: field is not None, self.fields) - var_strs = '\n'.join(['\t[.' + name + ']' + ":" + _short_str(getattr(self, name)) - for name in fields_to_index if hasattr(self, name)]) - - data_str = (' from {}'.format(self.dataset.name.upper()) - if hasattr(self.dataset, 'name') - and isinstance(self.dataset.name, str) else '') - - strt = '[{} of size {}{}]\n{}'.format(torch.typename(self), - self.batch_size, data_str, var_strs) - return '\n' + strt - - def __len__(self): - return self.batch_size - - def _get_field_values(self, fields): - if len(fields) == 0: - return None - elif len(fields) == 1: - return getattr(self, fields[0]) - else: - return tuple(getattr(self, f) for f in fields) - - def __iter__(self): - yield self._get_field_values(self.input_fields) - yield self._get_field_values(self.target_fields) - - -def _short_str(tensor): - # unwrap variable to tensor - if not torch.is_tensor(tensor): - # (1) unpack variable - if hasattr(tensor, 'data'): - tensor = tensor.data - # (2) handle include_lengths - elif isinstance(tensor, tuple): - return str(tuple(_short_str(t) for t in tensor)) - # (3) fallback to default str - else: - return str(tensor) - - # copied from torch _tensor_str - size_str = 'x'.join(str(size) for size in tensor.size()) - device_str = '' if not tensor.is_cuda else \ - ' (GPU {})'.format(tensor.get_device()) - strt = '[{} of size {}{}]'.format(torch.typename(tensor), - size_str, device_str) - return strt diff --git a/torchtext/legacy/data/dataset.py b/torchtext/legacy/data/dataset.py deleted file mode 100644 index 3af51df910..0000000000 --- a/torchtext/legacy/data/dataset.py +++ /dev/null @@ -1,362 +0,0 @@ -import io -import os -import zipfile -import tarfile -import gzip -import shutil -from functools import partial - -import torch.utils.data - -from torchtext.data.utils import RandomShuffler -from .example import Example -from torchtext.utils import download_from_url, unicode_csv_reader - - -class Dataset(torch.utils.data.Dataset): - """Defines a dataset composed of Examples along with its Fields. - - Attributes: - sort_key (callable): A key to use for sorting dataset examples for batching - together examples with similar lengths to minimize padding. - examples (list(Example)): The examples in this dataset. - fields (dict[str, Field]): Contains the name of each column or field, together - with the corresponding Field object. Two fields with the same Field object - will have a shared vocabulary. - """ - sort_key = None - - def __init__(self, examples, fields, filter_pred=None): - """Create a dataset from a list of Examples and Fields. - - Arguments: - examples: List of Examples. - fields (List(tuple(str, Field))): The Fields to use in this tuple. The - string is a field name, and the Field is the associated field. - filter_pred (callable or None): Use only examples for which - filter_pred(example) is True, or use all examples if None. - Default is None. - """ - if filter_pred is not None: - make_list = isinstance(examples, list) - examples = filter(filter_pred, examples) - if make_list: - examples = list(examples) - self.examples = examples - self.fields = dict(fields) - # Unpack field tuples - for n, f in list(self.fields.items()): - if isinstance(n, tuple): - self.fields.update(zip(n, f)) - del self.fields[n] - - @classmethod - def splits(cls, path=None, root='.data', train=None, validation=None, - test=None, **kwargs): - """Create Dataset objects for multiple splits of a dataset. - - Arguments: - path (str): Common prefix of the splits' file paths, or None to use - the result of cls.download(root). - root (str): Root dataset storage directory. Default is '.data'. - train (str): Suffix to add to path for the train set, or None for no - train set. Default is None. - validation (str): Suffix to add to path for the validation set, or None - for no validation set. Default is None. - test (str): Suffix to add to path for the test set, or None for no test - set. Default is None. - Remaining keyword arguments: Passed to the constructor of the - Dataset (sub)class being used. - - Returns: - Tuple[Dataset]: Datasets for train, validation, and - test splits in that order, if provided. - """ - if path is None: - path = cls.download(root) - train_data = None if train is None else cls( - os.path.join(path, train), **kwargs) - val_data = None if validation is None else cls( - os.path.join(path, validation), **kwargs) - test_data = None if test is None else cls( - os.path.join(path, test), **kwargs) - return tuple(d for d in (train_data, val_data, test_data) - if d is not None) - - def split(self, split_ratio=0.7, stratified=False, strata_field='label', - random_state=None): - """Create train-test(-valid?) splits from the instance's examples. - - Arguments: - split_ratio (float or List of floats): a number [0, 1] denoting the amount - of data to be used for the training split (rest is used for test), - or a list of numbers denoting the relative sizes of train, test and valid - splits respectively. If the relative size for valid is missing, only the - train-test split is returned. Default is 0.7 (for the train set). - stratified (bool): whether the sampling should be stratified. - Default is False. - strata_field (str): name of the examples Field stratified over. - Default is 'label' for the conventional label field. - random_state (tuple): the random seed used for shuffling. - A return value of `random.getstate()`. - - Returns: - Tuple[Dataset]: Datasets for train, validation, and - test splits in that order, if the splits are provided. - """ - train_ratio, test_ratio, val_ratio = check_split_ratio(split_ratio) - - # For the permutations - rnd = RandomShuffler(random_state) - if not stratified: - train_data, test_data, val_data = rationed_split(self.examples, train_ratio, - test_ratio, val_ratio, rnd) - else: - if strata_field not in self.fields: - raise ValueError("Invalid field name for strata_field {}" - .format(strata_field)) - strata = stratify(self.examples, strata_field) - train_data, test_data, val_data = [], [], [] - for group in strata: - # Stratify each group and add together the indices. - group_train, group_test, group_val = rationed_split(group, train_ratio, - test_ratio, val_ratio, - rnd) - train_data += group_train - test_data += group_test - val_data += group_val - - splits = tuple(Dataset(d, self.fields) - for d in (train_data, val_data, test_data) if d) - - # In case the parent sort key isn't none - if self.sort_key: - for subset in splits: - subset.sort_key = self.sort_key - return splits - - def __getitem__(self, i): - return self.examples[i] - - def __len__(self): - try: - return len(self.examples) - except TypeError: - return 2**32 - - def __iter__(self): - for x in self.examples: - yield x - - def __getattr__(self, attr): - if attr in self.fields: - for x in self.examples: - yield getattr(x, attr) - - @classmethod - def download(cls, root, check=None): - """Download and unzip an online archive (.zip, .gz, or .tgz). - - Arguments: - root (str): Folder to download data to. - check (str or None): Folder whose existence indicates - that the dataset has already been downloaded, or - None to check the existence of root/{cls.name}. - - Returns: - str: Path to extracted dataset. - """ - path = os.path.join(root, cls.name) - check = path if check is None else check - if not os.path.isdir(check): - for url in cls.urls: - if isinstance(url, tuple): - url, filename = url - else: - filename = os.path.basename(url) - zpath = os.path.join(path, filename) - if not os.path.isfile(zpath): - if not os.path.exists(os.path.dirname(zpath)): - os.makedirs(os.path.dirname(zpath)) - print('downloading {}'.format(filename)) - download_from_url(url, zpath) - zroot, ext = os.path.splitext(zpath) - _, ext_inner = os.path.splitext(zroot) - if ext == '.zip': - with zipfile.ZipFile(zpath, 'r') as zfile: - print('extracting') - zfile.extractall(path) - # tarfile cannot handle bare .gz files - elif ext == '.tgz' or ext == '.gz' and ext_inner == '.tar': - with tarfile.open(zpath, 'r:gz') as tar: - dirs = [member for member in tar.getmembers()] - tar.extractall(path=path, members=dirs) - elif ext == '.gz': - with gzip.open(zpath, 'rb') as gz: - with open(zroot, 'wb') as uncompressed: - shutil.copyfileobj(gz, uncompressed) - - return os.path.join(path, cls.dirname) - - def filter_examples(self, field_names): - """Remove unknown words from dataset examples with respect to given field. - - Arguments: - field_names (list(str)): Within example only the parts with field names in - field_names will have their unknown words deleted. - """ - for i, example in enumerate(self.examples): - for field_name in field_names: - vocab = set(self.fields[field_name].vocab.stoi) - text = getattr(example, field_name) - example_part = [word for word in text if word in vocab] - setattr(example, field_name, example_part) - self.examples[i] = example - - -class TabularDataset(Dataset): - """Defines a Dataset of columns stored in CSV, TSV, or JSON format.""" - - def __init__(self, path, format, fields, skip_header=False, - csv_reader_params=None, **kwargs): - """Create a TabularDataset given a path, file format, and field list. - - Args: - path (str): Path to the data file. - format (str): The format of the data file. One of "CSV", "TSV", or - "JSON" (case-insensitive). - fields ((list(tuple(str, Field)) or dict[str: tuple(str, Field)): If using a list, - the format must be CSV or TSV, and the values of the list - should be tuples of (name, field). - The fields should be in the same order as the columns in the CSV or TSV - file, while tuples of (name, None) represent columns that will be ignored. - - If using a dict, the keys should be a subset of the JSON keys or CSV/TSV - columns, and the values should be tuples of (name, field). - Keys not present in the input dictionary are ignored. - This allows the user to rename columns from their JSON/CSV/TSV key names - and also enables selecting a subset of columns to load. - skip_header (bool): Whether to skip the first line of the input file. - csv_reader_params(dict): Parameters to pass to the csv reader. - Only relevant when format is csv or tsv. - See - https://docs.python.org/3/library/csv.html#csv.reader - for more details. - kwargs (dict): passed to the Dataset parent class. - """ - if csv_reader_params is None: - csv_reader_params = {} - format = format.lower() - make_example = { - 'json': Example.fromJSON, 'dict': Example.fromdict, - 'tsv': Example.fromCSV, 'csv': Example.fromCSV}[format] - - with io.open(os.path.expanduser(path), encoding="utf8") as f: - if format == 'csv': - reader = unicode_csv_reader(f, **csv_reader_params) - elif format == 'tsv': - reader = unicode_csv_reader(f, delimiter='\t', **csv_reader_params) - else: - reader = f - - if format in ['csv', 'tsv'] and isinstance(fields, dict): - if skip_header: - raise ValueError('When using a dict to specify fields with a {} file,' - 'skip_header must be False and' - 'the file must have a header.'.format(format)) - header = next(reader) - field_to_index = {f: header.index(f) for f in fields.keys()} - make_example = partial(make_example, field_to_index=field_to_index) - - if skip_header: - next(reader) - - examples = [make_example(line, fields) for line in reader] - - if isinstance(fields, dict): - fields, field_dict = [], fields - for field in field_dict.values(): - if isinstance(field, list): - fields.extend(field) - else: - fields.append(field) - - super(TabularDataset, self).__init__(examples, fields, **kwargs) - - -def check_split_ratio(split_ratio): - """Check that the split ratio argument is not malformed""" - valid_ratio = 0. - if isinstance(split_ratio, float): - # Only the train set relative ratio is provided - # Assert in bounds, validation size is zero - assert 0. < split_ratio < 1., ( - "Split ratio {} not between 0 and 1".format(split_ratio)) - - test_ratio = 1. - split_ratio - return (split_ratio, test_ratio, valid_ratio) - elif isinstance(split_ratio, list): - # A list of relative ratios is provided - length = len(split_ratio) - assert length == 2 or length == 3, ( - "Length of split ratio list should be 2 or 3, got {}".format(split_ratio)) - - # Normalize if necessary - ratio_sum = sum(split_ratio) - if not ratio_sum == 1.: - split_ratio = [float(ratio) / ratio_sum for ratio in split_ratio] - - if length == 2: - return tuple(split_ratio + [valid_ratio]) - return tuple(split_ratio) - else: - raise ValueError('Split ratio must be float or a list, got {}' - .format(type(split_ratio))) - - -def stratify(examples, strata_field): - # The field has to be hashable otherwise this doesn't work - # There's two iterations over the whole dataset here, which can be - # reduced to just one if a dedicated method for stratified splitting is used - unique_strata = set(getattr(example, strata_field) for example in examples) - strata_maps = {s: [] for s in unique_strata} - for example in examples: - strata_maps[getattr(example, strata_field)].append(example) - return list(strata_maps.values()) - - -def rationed_split(examples, train_ratio, test_ratio, val_ratio, rnd): - """Create a random permutation of examples, then split them by ratios - - Arguments: - examples: a list of data - train_ratio, test_ratio, val_ratio: split fractions. - rnd: a random shuffler - - Examples: - >>> examples = [] - >>> train_ratio, test_ratio, val_ratio = 0.7, 0.2, 0.1 - >>> rnd = torchtext.data.dataset.RandomShuffler(None) - >>> train_examples, test_examples, valid_examples = \ - torchtext.data.dataset.rationed_split(examples, train_ratio, - test_ratio, val_ratio, - rnd) - """ - N = len(examples) - randperm = rnd(range(N)) - train_len = int(round(train_ratio * N)) - - # Due to possible rounding problems - if not val_ratio: - test_len = N - train_len - else: - test_len = int(round(test_ratio * N)) - - indices = (randperm[:train_len], # Train - randperm[train_len:train_len + test_len], # Test - randperm[train_len + test_len:]) # Validation - - # There's a possibly empty list for the validation set - data = tuple([examples[i] for i in index] for index in indices) - - return data diff --git a/torchtext/legacy/data/example.py b/torchtext/legacy/data/example.py deleted file mode 100644 index d9f96aeda3..0000000000 --- a/torchtext/legacy/data/example.py +++ /dev/null @@ -1,99 +0,0 @@ -import json -from functools import reduce - - -class Example(object): - """Defines a single training or test example. - - Stores each column of the example as an attribute. - """ - @classmethod - def fromJSON(cls, data, fields): - ex = cls() - obj = json.loads(data) - - for key, vals in fields.items(): - if vals is not None: - if not isinstance(vals, list): - vals = [vals] - - for val in vals: - # for processing the key likes 'foo.bar' - name, field = val - ks = key.split('.') - - def reducer(obj, key): - if isinstance(obj, list): - results = [] - for data in obj: - if key not in data: - # key error - raise ValueError("Specified key {} was not found in " - "the input data".format(key)) - else: - results.append(data[key]) - return results - else: - # key error - if key not in obj: - raise ValueError("Specified key {} was not found in " - "the input data".format(key)) - else: - return obj[key] - - v = reduce(reducer, ks, obj) - setattr(ex, name, field.preprocess(v)) - return ex - - @classmethod - def fromdict(cls, data, fields): - ex = cls() - for key, vals in fields.items(): - if key not in data: - raise ValueError("Specified key {} was not found in " - "the input data".format(key)) - if vals is not None: - if not isinstance(vals, list): - vals = [vals] - for val in vals: - name, field = val - setattr(ex, name, field.preprocess(data[key])) - return ex - - @classmethod - def fromCSV(cls, data, fields, field_to_index=None): - if field_to_index is None: - return cls.fromlist(data, fields) - else: - assert(isinstance(fields, dict)) - data_dict = {f: data[idx] for f, idx in field_to_index.items()} - return cls.fromdict(data_dict, fields) - - @classmethod - def fromlist(cls, data, fields): - ex = cls() - for (name, field), val in zip(fields, data): - if field is not None: - if isinstance(val, str): - val = val.rstrip('\n') - # Handle field tuples - if isinstance(name, tuple): - for n, f in zip(name, field): - setattr(ex, n, f.preprocess(val)) - else: - setattr(ex, name, field.preprocess(val)) - return ex - - @classmethod - def fromtree(cls, data, fields, subtrees=False): - try: - from nltk.tree import Tree - except ImportError: - print("Please install NLTK. " - "See the docs at http://nltk.org for more information.") - raise - tree = Tree.fromstring(data) - if subtrees: - return [cls.fromlist( - [' '.join(t.leaves()), t.label()], fields) for t in tree.subtrees()] - return cls.fromlist([' '.join(tree.leaves()), tree.label()], fields) diff --git a/torchtext/legacy/data/field.py b/torchtext/legacy/data/field.py deleted file mode 100644 index efbf888666..0000000000 --- a/torchtext/legacy/data/field.py +++ /dev/null @@ -1,735 +0,0 @@ -# coding: utf8 -from collections import Counter, OrderedDict -from itertools import chain -import torch -from tqdm import tqdm -from .dataset import Dataset -from .pipeline import Pipeline -from torchtext.data.utils import get_tokenizer, dtype_to_attr, is_tokenizer_serializable -from torchtext.legacy.vocab import Vocab, SubwordVocab - - -class RawField(object): - """ Defines a general datatype. - - Every dataset consists of one or more types of data. For instance, a text - classification dataset contains sentences and their classes, while a - machine translation dataset contains paired examples of text in two - languages. Each of these types of data is represented by a RawField object. - A RawField object does not assume any property of the data type and - it holds parameters relating to how a datatype should be processed. - - Attributes: - preprocessing: The Pipeline that will be applied to examples - using this field before creating an example. - Default: None. - postprocessing: A Pipeline that will be applied to a list of examples - using this field before assigning to a batch. - Function signature: (batch(list)) -> object - Default: None. - is_target: Whether this field is a target variable. - Affects iteration over batches. Default: False - """ - - def __init__(self, preprocessing=None, postprocessing=None, is_target=False): - self.preprocessing = preprocessing - self.postprocessing = postprocessing - self.is_target = is_target - - def preprocess(self, x): - """ Preprocess an example if the `preprocessing` Pipeline is provided. """ - if self.preprocessing is not None: - return self.preprocessing(x) - else: - return x - - def process(self, batch, *args, **kwargs): - """ Process a list of examples to create a batch. - - Postprocess the batch with user-provided Pipeline. - - Args: - batch (list(object)): A list of object from a batch of examples. - Returns: - object: Processed object given the input and custom - postprocessing Pipeline. - """ - if self.postprocessing is not None: - batch = self.postprocessing(batch) - return batch - - -class Field(RawField): - """Defines a datatype together with instructions for converting to Tensor. - - Field class models common text processing datatypes that can be represented - by tensors. It holds a Vocab object that defines the set of possible values - for elements of the field and their corresponding numerical representations. - The Field object also holds other parameters relating to how a datatype - should be numericalized, such as a tokenization method and the kind of - Tensor that should be produced. - - If a Field is shared between two columns in a dataset (e.g., question and - answer in a QA dataset), then they will have a shared vocabulary. - - Attributes: - sequential: Whether the datatype represents sequential data. If False, - no tokenization is applied. Default: True. - use_vocab: Whether to use a Vocab object. If False, the data in this - field should already be numerical. Default: True. - init_token: A token that will be prepended to every example using this - field, or None for no initial token. Default: None. - eos_token: A token that will be appended to every example using this - field, or None for no end-of-sentence token. Default: None. - fix_length: A fixed length that all examples using this field will be - padded to, or None for flexible sequence lengths. Default: None. - dtype: The torch.dtype class that represents a batch of examples - of this kind of data. Default: torch.long. - preprocessing: The Pipeline that will be applied to examples - using this field after tokenizing but before numericalizing. Many - Datasets replace this attribute with a custom preprocessor. - Default: None. - postprocessing: A Pipeline that will be applied to examples using - this field after numericalizing but before the numbers are turned - into a Tensor. The pipeline function takes the batch as a list, and - the field's Vocab. - Default: None. - lower: Whether to lowercase the text in this field. Default: False. - tokenize: The function used to tokenize strings using this field into - sequential examples. If "spacy", the SpaCy tokenizer is - used. If a non-serializable function is passed as an argument, - the field will not be able to be serialized. Default: string.split. - tokenizer_language: The language of the tokenizer to be constructed. - Various languages currently supported only in SpaCy. - include_lengths: Whether to return a tuple of a padded minibatch and - a list containing the lengths of each examples, or just a padded - minibatch. Default: False. - batch_first: Whether to produce tensors with the batch dimension first. - Default: False. - pad_token: The string token used as padding. Default: "". - unk_token: The string token used to represent OOV words. Default: "". - pad_first: Do the padding of the sequence at the beginning. Default: False. - truncate_first: Do the truncating of the sequence at the beginning. Default: False - stop_words: Tokens to discard during the preprocessing step. Default: None - is_target: Whether this field is a target variable. - Affects iteration over batches. Default: False - """ - - vocab_cls = Vocab - # Dictionary mapping PyTorch tensor dtypes to the appropriate Python - # numeric type. - dtypes = { - torch.float32: float, - torch.float: float, - torch.float64: float, - torch.double: float, - torch.float16: float, - torch.half: float, - - torch.uint8: int, - torch.int8: int, - torch.int16: int, - torch.short: int, - torch.int32: int, - torch.int: int, - torch.int64: int, - torch.long: int, - } - - ignore = ['dtype', 'tokenize'] - - def __init__(self, sequential=True, use_vocab=True, init_token=None, - eos_token=None, fix_length=None, dtype=torch.long, - preprocessing=None, postprocessing=None, lower=False, - tokenize=None, tokenizer_language='en', include_lengths=False, - batch_first=False, pad_token="", unk_token="", - pad_first=False, truncate_first=False, stop_words=None, - is_target=False): - self.sequential = sequential - self.use_vocab = use_vocab - self.init_token = init_token - self.eos_token = eos_token - self.unk_token = unk_token - self.fix_length = fix_length - self.dtype = dtype - self.preprocessing = preprocessing - self.postprocessing = postprocessing - self.lower = lower - # store params to construct tokenizer for serialization - # in case the tokenizer isn't picklable (e.g. spacy) - self.tokenizer_args = (tokenize, tokenizer_language) - self.tokenize = get_tokenizer(tokenize, tokenizer_language) - self.include_lengths = include_lengths - self.batch_first = batch_first - self.pad_token = pad_token if self.sequential else None - self.pad_first = pad_first - self.truncate_first = truncate_first - try: - self.stop_words = set(stop_words) if stop_words is not None else None - except TypeError: - raise ValueError("Stop words must be convertible to a set") - self.is_target = is_target - - def __getstate__(self): - str_type = dtype_to_attr(self.dtype) - if is_tokenizer_serializable(*self.tokenizer_args): - tokenize = self.tokenize - else: - # signal to restore in `__setstate__` - tokenize = None - attrs = {k: v for k, v in self.__dict__.items() if k not in self.ignore} - attrs['dtype'] = str_type - attrs['tokenize'] = tokenize - - return attrs - - def __setstate__(self, state): - state['dtype'] = getattr(torch, state['dtype']) - if not state['tokenize']: - state['tokenize'] = get_tokenizer(*state['tokenizer_args']) - self.__dict__.update(state) - - def __hash__(self): - # we don't expect this to be called often - return 42 - - def __eq__(self, other): - if not isinstance(other, RawField): - return False - - return self.__dict__ == other.__dict__ - - def preprocess(self, x): - """Load a single example using this field, tokenizing if necessary. - - If `sequential=True`, the input will be tokenized. Then the input - will be optionally lowercased and passed to the user-provided - `preprocessing` Pipeline.""" - if self.sequential and isinstance(x, str): - x = self.tokenize(x.rstrip('\n')) - if self.lower: - x = Pipeline(str.lower)(x) - if self.sequential and self.use_vocab and self.stop_words is not None: - x = [w for w in x if w not in self.stop_words] - if self.preprocessing is not None: - return self.preprocessing(x) - else: - return x - - def process(self, batch, device=None): - """ Process a list of examples to create a torch.Tensor. - - Pad, numericalize, and postprocess a batch and create a tensor. - - Args: - batch (list(object)): A list of object from a batch of examples. - Returns: - torch.autograd.Variable: Processed object given the input - and custom postprocessing Pipeline. - """ - padded = self.pad(batch) - tensor = self.numericalize(padded, device=device) - return tensor - - def pad(self, minibatch): - """Pad a batch of examples using this field. - - Pads to self.fix_length if provided, otherwise pads to the length of - the longest example in the batch. Prepends self.init_token and appends - self.eos_token if those attributes are not None. Returns a tuple of the - padded list and a list containing lengths of each example if - `self.include_lengths` is `True` and `self.sequential` is `True`, else just - returns the padded list. If `self.sequential` is `False`, no padding is applied. - """ - minibatch = list(minibatch) - if not self.sequential: - return minibatch - if self.fix_length is None: - max_len = max(len(x) for x in minibatch) - else: - max_len = self.fix_length + ( - self.init_token, self.eos_token).count(None) - 2 - padded, lengths = [], [] - for x in minibatch: - if self.pad_first: - padded.append( - [self.pad_token] * max(0, max_len - len(x)) - + ([] if self.init_token is None else [self.init_token]) - + list(x[-max_len:] if self.truncate_first else x[:max_len]) - + ([] if self.eos_token is None else [self.eos_token])) - else: - padded.append( - ([] if self.init_token is None else [self.init_token]) - + list(x[-max_len:] if self.truncate_first else x[:max_len]) - + ([] if self.eos_token is None else [self.eos_token]) - + [self.pad_token] * max(0, max_len - len(x))) - lengths.append(len(padded[-1]) - max(0, max_len - len(x))) - if self.include_lengths: - return (padded, lengths) - return padded - - def build_vocab(self, *args, **kwargs): - """Construct the Vocab object for this field from one or more datasets. - - Arguments: - Positional arguments: Dataset objects or other iterable data - sources from which to construct the Vocab object that - represents the set of possible values for this field. If - a Dataset object is provided, all columns corresponding - to this field are used; individual columns can also be - provided directly. - Remaining keyword arguments: Passed to the constructor of Vocab. - """ - counter = Counter() - sources = [] - for arg in args: - if isinstance(arg, Dataset): - sources += [getattr(arg, name) for name, field in - arg.fields.items() if field is self] - else: - sources.append(arg) - for data in sources: - for x in data: - if not self.sequential: - x = [x] - try: - counter.update(x) - except TypeError: - counter.update(chain.from_iterable(x)) - specials = list(OrderedDict.fromkeys( - tok for tok in [self.unk_token, self.pad_token, self.init_token, - self.eos_token] + kwargs.pop('specials', []) - if tok is not None)) - self.vocab = self.vocab_cls(counter, specials=specials, **kwargs) - - def numericalize(self, arr, device=None): - """Turn a batch of examples that use this field into a Variable. - - If the field has include_lengths=True, a tensor of lengths will be - included in the return value. - - Arguments: - arr (List[List[str]], or tuple of (List[List[str]], List[int])): List of tokenized - and padded examples, or tuple of List of - tokenized and padded examples and List of lengths of each - example if self.include_lengths is True. - device (str or torch.device): A string or instance of `torch.device` - specifying which device the Variables are going to be created on. - If left as default, the tensors will be created on cpu. Default: None. - """ - if self.include_lengths and not isinstance(arr, tuple): - raise ValueError("Field has include_lengths set to True, but " - "input data is not a tuple of " - "(data batch, batch lengths).") - if isinstance(arr, tuple): - arr, lengths = arr - lengths = torch.tensor(lengths, dtype=self.dtype, device=device) - - if self.use_vocab: - if self.sequential: - arr = [[self.vocab.stoi[x] for x in ex] for ex in arr] - else: - arr = [self.vocab.stoi[x] for x in arr] - - if self.postprocessing is not None: - arr = self.postprocessing(arr, self.vocab) - else: - if self.dtype not in self.dtypes: - raise ValueError( - "Specified Field dtype {} can not be used with " - "use_vocab=False because we do not know how to numericalize it. " - "Please raise an issue at " - "https://github.com/pytorch/text/issues".format(self.dtype)) - numericalization_func = self.dtypes[self.dtype] - # It doesn't make sense to explicitly coerce to a numeric type if - # the data is sequential, since it's unclear how to coerce padding tokens - # to a numeric type. - if not self.sequential: - arr = [numericalization_func(x) if isinstance(x, str) - else x for x in arr] - if self.postprocessing is not None: - arr = self.postprocessing(arr, None) - - var = torch.tensor(arr, dtype=self.dtype, device=device) - - if self.sequential and not self.batch_first: - var.t_() - if self.sequential: - var = var.contiguous() - - if self.include_lengths: - return var, lengths - return var - - -class ReversibleField(Field): - def __init__(self, **kwargs): - if kwargs.get('tokenize') is list: - self.use_revtok = False - else: - self.use_revtok = True - if kwargs.get('tokenize') is None: - kwargs['tokenize'] = 'revtok' - if 'unk_token' not in kwargs: - kwargs['unk_token'] = ' UNK ' - super(ReversibleField, self).__init__(**kwargs) - - def reverse(self, batch): - if self.use_revtok: - try: - import revtok - except ImportError: - print("Please install revtok.") - raise - if not self.batch_first: - batch = batch.t() - with torch.cuda.device_of(batch): - batch = batch.tolist() - batch = [[self.vocab.itos[ind] for ind in ex] for ex in batch] # denumericalize - - def trim(s, t): - sentence = [] - for w in s: - if w == t: - break - sentence.append(w) - return sentence - - batch = [trim(ex, self.eos_token) for ex in batch] # trim past frst eos - - def filter_special(tok): - return tok not in (self.init_token, self.pad_token) - - batch = [filter(filter_special, ex) for ex in batch] - if self.use_revtok: - return [revtok.detokenize(ex) for ex in batch] - return [''.join(ex) for ex in batch] - - -class SubwordField(ReversibleField): - vocab_cls = SubwordVocab - - def __init__(self, **kwargs): - kwargs['tokenize'] = 'subword' - if 'unk_token' not in kwargs: - kwargs['unk_token'] = '�' - super(SubwordField, self).__init__(**kwargs) - - def segment(self, *args): - """Segment one or more datasets with this subword field. - - Arguments: - Positional arguments: Dataset objects or other indexable - mutable sequences to segment. If a Dataset object is provided, - all columns corresponding to this field are used; individual - columns can also be provided directly. - """ - sources = [] - for arg in args: - if isinstance(arg, Dataset): - sources += [getattr(arg, name) for name, field in - arg.fields.items() if field is self] - else: - sources.append(arg) - for data in sources: - for x in tqdm(data, 'segmenting'): - x[:] = self.vocab.segment(x) - - -class NestedField(Field): - """A nested field. - - A nested field holds another field (called *nesting field*), accepts an untokenized - string or a list string tokens and groups and treats them as one field as described - by the nesting field. Every token will be preprocessed, padded, etc. in the manner - specified by the nesting field. Note that this means a nested field always has - ``sequential=True``. The two fields' vocabularies will be shared. Their - numericalization results will be stacked into a single tensor. And NestedField will - share the same include_lengths with nesting_field, so one shouldn't specify the - include_lengths in the nesting_field. This field is - primarily used to implement character embeddings. See ``tests/data/test_field.py`` - for examples on how to use this field. - - Arguments: - nesting_field (Field): A field contained in this nested field. - use_vocab (bool): Whether to use a Vocab object. If False, the data in this - field should already be numerical. Default: ``True``. - init_token (str): A token that will be prepended to every example using this - field, or None for no initial token. Default: ``None``. - eos_token (str): A token that will be appended to every example using this - field, or None for no end-of-sentence token. Default: ``None``. - fix_length (int): A fixed length that all examples using this field will be - padded to, or ``None`` for flexible sequence lengths. Default: ``None``. - dtype: The torch.dtype class that represents a batch of examples - of this kind of data. Default: ``torch.long``. - preprocessing (Pipeline): The Pipeline that will be applied to examples - using this field after tokenizing but before numericalizing. Many - Datasets replace this attribute with a custom preprocessor. - Default: ``None``. - postprocessing (Pipeline): A Pipeline that will be applied to examples using - this field after numericalizing but before the numbers are turned - into a Tensor. The pipeline function takes the batch as a list, and - the field's Vocab. Default: ``None``. - include_lengths: Whether to return a tuple of a padded minibatch and - a list containing the lengths of each examples, or just a padded - minibatch. Default: False. - tokenize: The function used to tokenize strings using this field into - sequential examples. If "spacy", the SpaCy tokenizer is - used. If a non-serializable function is passed as an argument, - the field will not be able to be serialized. Default: string.split. - tokenizer_language: The language of the tokenizer to be constructed. - Various languages currently supported only in SpaCy. - pad_token (str): The string token used as padding. If ``nesting_field`` is - sequential, this will be set to its ``pad_token``. Default: ``""``. - pad_first (bool): Do the padding of the sequence at the beginning. Default: - ``False``. - """ - - def __init__(self, nesting_field, use_vocab=True, init_token=None, eos_token=None, - fix_length=None, dtype=torch.long, preprocessing=None, - postprocessing=None, tokenize=None, tokenizer_language='en', - include_lengths=False, pad_token='', - pad_first=False, truncate_first=False): - if isinstance(nesting_field, NestedField): - raise ValueError('nesting field must not be another NestedField') - if nesting_field.include_lengths: - raise ValueError('nesting field cannot have include_lengths=True') - - if nesting_field.sequential: - pad_token = nesting_field.pad_token - super(NestedField, self).__init__( - use_vocab=use_vocab, - init_token=init_token, - eos_token=eos_token, - fix_length=fix_length, - dtype=dtype, - preprocessing=preprocessing, - postprocessing=postprocessing, - lower=nesting_field.lower, - tokenize=tokenize, - tokenizer_language=tokenizer_language, - batch_first=True, - pad_token=pad_token, - unk_token=nesting_field.unk_token, - pad_first=pad_first, - truncate_first=truncate_first, - include_lengths=include_lengths - ) - self.nesting_field = nesting_field - # in case the user forget to do that - self.nesting_field.batch_first = True - - def preprocess(self, xs): - """Preprocess a single example. - - Firstly, tokenization and the supplied preprocessing pipeline is applied. Since - this field is always sequential, the result is a list. Then, each element of - the list is preprocessed using ``self.nesting_field.preprocess`` and the resulting - list is returned. - - Arguments: - xs (list or str): The input to preprocess. - - Returns: - list: The preprocessed list. - """ - return [self.nesting_field.preprocess(x) - for x in super(NestedField, self).preprocess(xs)] - - def pad(self, minibatch): - """Pad a batch of examples using this field. - - If ``self.nesting_field.sequential`` is ``False``, each example in the batch must - be a list of string tokens, and pads them as if by a ``Field`` with - ``sequential=True``. Otherwise, each example must be a list of list of tokens. - Using ``self.nesting_field``, pads the list of tokens to - ``self.nesting_field.fix_length`` if provided, or otherwise to the length of the - longest list of tokens in the batch. Next, using this field, pads the result by - filling short examples with ``self.nesting_field.pad_token``. - - Example: - >>> import pprint - >>> pp = pprint.PrettyPrinter(indent=4) - >>> - >>> nesting_field = Field(pad_token='', init_token='', eos_token='') - >>> field = NestedField(nesting_field, init_token='', eos_token='') - >>> minibatch = [ - ... [list('john'), list('loves'), list('mary')], - ... [list('mary'), list('cries')], - ... ] - >>> padded = field.pad(minibatch) - >>> pp.pprint(padded) - [ [ ['', '', '', '', '', '', ''], - ['', 'j', 'o', 'h', 'n', '', ''], - ['', 'l', 'o', 'v', 'e', 's', ''], - ['', 'm', 'a', 'r', 'y', '', ''], - ['', '', '', '', '', '', '']], - [ ['', '', '', '', '', '', ''], - ['', 'm', 'a', 'r', 'y', '', ''], - ['', 'c', 'r', 'i', 'e', 's', ''], - ['', '', '', '', '', '', ''], - ['', '', '', '', '', '', '']]] - - Arguments: - minibatch (list): Each element is a list of string if - ``self.nesting_field.sequential`` is ``False``, a list of list of string - otherwise. - - Returns: - list: The padded minibatch. or (padded, sentence_lens, word_lengths) - """ - minibatch = list(minibatch) - if not self.nesting_field.sequential: - return super(NestedField, self).pad(minibatch) - - # Save values of attributes to be monkeypatched - old_pad_token = self.pad_token - old_init_token = self.init_token - old_eos_token = self.eos_token - old_fix_len = self.nesting_field.fix_length - # Monkeypatch the attributes - if self.nesting_field.fix_length is None: - max_len = max(len(xs) for ex in minibatch for xs in ex) - fix_len = max_len + 2 - (self.nesting_field.init_token, - self.nesting_field.eos_token).count(None) - self.nesting_field.fix_length = fix_len - self.pad_token = [self.pad_token] * self.nesting_field.fix_length - if self.init_token is not None: - # self.init_token = self.nesting_field.pad([[self.init_token]])[0] - self.init_token = [self.init_token] - if self.eos_token is not None: - # self.eos_token = self.nesting_field.pad([[self.eos_token]])[0] - self.eos_token = [self.eos_token] - # Do padding - old_include_lengths = self.include_lengths - self.include_lengths = True - self.nesting_field.include_lengths = True - padded, sentence_lengths = super(NestedField, self).pad(minibatch) - padded_with_lengths = [self.nesting_field.pad(ex) for ex in padded] - word_lengths = [] - final_padded = [] - max_sen_len = len(padded[0]) - for (pad, lens), sentence_len in zip(padded_with_lengths, sentence_lengths): - if sentence_len == max_sen_len: - lens = lens - pad = pad - elif self.pad_first: - lens[:(max_sen_len - sentence_len)] = ( - [0] * (max_sen_len - sentence_len)) - pad[:(max_sen_len - sentence_len)] = ( - [self.pad_token] * (max_sen_len - sentence_len)) - else: - lens[-(max_sen_len - sentence_len):] = ( - [0] * (max_sen_len - sentence_len)) - pad[-(max_sen_len - sentence_len):] = ( - [self.pad_token] * (max_sen_len - sentence_len)) - word_lengths.append(lens) - final_padded.append(pad) - padded = final_padded - - # Restore monkeypatched attributes - self.nesting_field.fix_length = old_fix_len - self.pad_token = old_pad_token - self.init_token = old_init_token - self.eos_token = old_eos_token - self.include_lengths = old_include_lengths - if self.include_lengths: - return padded, sentence_lengths, word_lengths - return padded - - def build_vocab(self, *args, **kwargs): - """Construct the Vocab object for nesting field and combine it with this field's vocab. - - Arguments: - Positional arguments: Dataset objects or other iterable data - sources from which to construct the Vocab object that - represents the set of possible values for the nesting field. If - a Dataset object is provided, all columns corresponding - to this field are used; individual columns can also be - provided directly. - Remaining keyword arguments: Passed to the constructor of Vocab. - """ - sources = [] - for arg in args: - if isinstance(arg, Dataset): - sources.extend( - [getattr(arg, name) for name, field in arg.fields.items() - if field is self] - ) - else: - sources.append(arg) - - flattened = [] - for source in sources: - flattened.extend(source) - old_vectors = None - old_unk_init = None - old_vectors_cache = None - if "vectors" in kwargs.keys(): - old_vectors = kwargs["vectors"] - kwargs["vectors"] = None - if "unk_init" in kwargs.keys(): - old_unk_init = kwargs["unk_init"] - kwargs["unk_init"] = None - if "vectors_cache" in kwargs.keys(): - old_vectors_cache = kwargs["vectors_cache"] - kwargs["vectors_cache"] = None - # just build vocab and does not load vector - self.nesting_field.build_vocab(*flattened, **kwargs) - super(NestedField, self).build_vocab() - self.vocab.extend(self.nesting_field.vocab) - self.vocab.freqs = self.nesting_field.vocab.freqs.copy() - if old_vectors is not None: - self.vocab.load_vectors(old_vectors, - unk_init=old_unk_init, cache=old_vectors_cache) - - self.nesting_field.vocab = self.vocab - - def numericalize(self, arrs, device=None): - """Convert a padded minibatch into a variable tensor. - - Each item in the minibatch will be numericalized independently and the resulting - tensors will be stacked at the first dimension. - - Arguments: - arrs (List[List[str]]): List of tokenized and padded examples. - device (str or torch.device): A string or instance of `torch.device` - specifying which device the Variables are going to be created on. - If left as default, the tensors will be created on cpu. Default: None. - """ - numericalized = [] - self.nesting_field.include_lengths = False - if self.include_lengths: - arrs, sentence_lengths, word_lengths = arrs - - for arr in arrs: - numericalized_ex = self.nesting_field.numericalize( - arr, device=device) - numericalized.append(numericalized_ex) - padded_batch = torch.stack(numericalized) - - self.nesting_field.include_lengths = True - if self.include_lengths: - sentence_lengths = \ - torch.tensor(sentence_lengths, dtype=self.dtype, device=device) - word_lengths = torch.tensor(word_lengths, dtype=self.dtype, device=device) - return (padded_batch, sentence_lengths, word_lengths) - return padded_batch - - -class LabelField(Field): - """A Label field. - - A label field is a shallow wrapper around a standard field designed to hold labels - for a classification task. Its only use is to set the unk_token and sequential to - `None` by default. - """ - - def __init__(self, **kwargs): - # whichever value is set for sequential, unk_token, and is_target - # will be overwritten - kwargs['sequential'] = False - kwargs['unk_token'] = None - kwargs['is_target'] = True - - super(LabelField, self).__init__(**kwargs) diff --git a/torchtext/legacy/data/iterator.py b/torchtext/legacy/data/iterator.py deleted file mode 100644 index b0bb4437b5..0000000000 --- a/torchtext/legacy/data/iterator.py +++ /dev/null @@ -1,297 +0,0 @@ -import math -import random - -import logging -import torch -from torchtext.data.utils import RandomShuffler -from .batch import Batch -from .dataset import Dataset - -logger = logging.getLogger(__name__) - - -class Iterator(object): - """Defines an iterator that loads batches of data from a Dataset. - - Attributes: - dataset: The Dataset object to load Examples from. - batch_size: Batch size. - batch_size_fn: Function of three arguments (new example to add, current - count of examples in the batch, and current effective batch size) - that returns the new effective batch size resulting from adding - that example to a batch. This is useful for dynamic batching, where - this function would add to the current effective batch size the - number of tokens in the new example. - sort_key: A key to use for sorting examples in order to batch together - examples with similar lengths and minimize padding. The sort_key - provided to the Iterator constructor overrides the sort_key - attribute of the Dataset, or defers to it if None. - train: Whether the iterator represents a train set. - repeat: Whether to repeat the iterator for multiple epochs. Default: False. - shuffle: Whether to shuffle examples between epochs. - sort: Whether to sort examples according to self.sort_key. - Note that shuffle and sort default to train and (not train). - sort_within_batch: Whether to sort (in descending order according to - self.sort_key) within each batch. If None, defaults to self.sort. - If self.sort is True and this is False, the batch is left in the - original (ascending) sorted order. - device (str or `torch.device`): A string or instance of `torch.device` - specifying which device the Variables are going to be created on. - If left as default, the tensors will be created on cpu. Default: None. - """ - - def __init__(self, dataset, batch_size, sort_key=None, device=None, - batch_size_fn=None, train=True, - repeat=False, shuffle=None, sort=None, - sort_within_batch=None): - self.batch_size, self.train, self.dataset = batch_size, train, dataset - self.batch_size_fn = batch_size_fn - self.iterations = 0 - self.repeat = repeat - self.shuffle = train if shuffle is None else shuffle - self.sort = not train if sort is None else sort - - if sort_within_batch is None: - self.sort_within_batch = self.sort - else: - self.sort_within_batch = sort_within_batch - if sort_key is None: - self.sort_key = dataset.sort_key - else: - self.sort_key = sort_key - - if isinstance(device, int): - logger.warning("The `device` argument should be set by using `torch.device`" - + " or passing a string as an argument. This behavior will be" - + " deprecated soon and currently defaults to cpu.") - device = None - - if device is None: - device = torch.device('cpu') - elif isinstance(device, str): - device = torch.device(device) - - self.device = device - self.random_shuffler = RandomShuffler() - - # For state loading/saving only - self._iterations_this_epoch = 0 - self._random_state_this_epoch = None - self._restored_from_state = False - - @classmethod - def splits(cls, datasets, batch_sizes=None, **kwargs): - """Create Iterator objects for multiple splits of a dataset. - - Arguments: - datasets: Tuple of Dataset objects corresponding to the splits. The - first such object should be the train set. - batch_sizes: Tuple of batch sizes to use for the different splits, - or None to use the same batch_size for all splits. - Remaining keyword arguments: Passed to the constructor of the - iterator class being used. - """ - if batch_sizes is None: - batch_sizes = [kwargs.pop('batch_size')] * len(datasets) - ret = [] - for i in range(len(datasets)): - train = i == 0 - ret.append(cls( - datasets[i], batch_size=batch_sizes[i], train=train, **kwargs)) - return tuple(ret) - - def data(self): - """Return the examples in the dataset in order, sorted, or shuffled.""" - if self.sort: - xs = sorted(self.dataset, key=self.sort_key) - elif self.shuffle: - xs = [self.dataset[i] for i in self.random_shuffler(range(len(self.dataset)))] - else: - xs = self.dataset - return xs - - def init_epoch(self): - """Set up the batch generator for a new epoch.""" - - if self._restored_from_state: - self.random_shuffler.random_state = self._random_state_this_epoch - else: - self._random_state_this_epoch = self.random_shuffler.random_state - - self.create_batches() - - if self._restored_from_state: - self._restored_from_state = False - else: - self._iterations_this_epoch = 0 - - if not self.repeat: - self.iterations = 0 - - def create_batches(self): - self.batches = batch(self.data(), self.batch_size, self.batch_size_fn) - - @property - def epoch(self): - return math.floor(self.iterations / len(self)) - - def __len__(self): - if self.batch_size_fn is not None: - raise NotImplementedError - return math.ceil(len(self.dataset) / self.batch_size) - - def __iter__(self): - while True: - self.init_epoch() - for idx, minibatch in enumerate(self.batches): - # fast-forward if loaded from state - if self._iterations_this_epoch > idx: - continue - self.iterations += 1 - self._iterations_this_epoch += 1 - if self.sort_within_batch: - # NOTE: `rnn.pack_padded_sequence` requires that a minibatch - # be sorted by decreasing order, which requires reversing - # relative to typical sort keys - if self.sort: - minibatch.reverse() - else: - minibatch.sort(key=self.sort_key, reverse=True) - yield Batch(minibatch, self.dataset, self.device) - if not self.repeat: - return - - def state_dict(self): - return { - "iterations": self.iterations, - "iterations_this_epoch": self._iterations_this_epoch, - "random_state_this_epoch": self._random_state_this_epoch} - - def load_state_dict(self, state_dict): - self.iterations = state_dict["iterations"] - self._iterations_this_epoch = state_dict["iterations_this_epoch"] - self._random_state_this_epoch = state_dict["random_state_this_epoch"] - self._restored_from_state = True - - -class BPTTIterator(Iterator): - """Defines an iterator for language modeling tasks that use BPTT. - - Provides contiguous streams of examples together with targets that are - one timestep further forward, for language modeling training with - backpropagation through time (BPTT). Expects a Dataset with a single - example and a single field called 'text' and produces Batches with text and - target attributes. - - Attributes: - dataset: The Dataset object to load Examples from. - batch_size: Batch size. - bptt_len: Length of sequences for backpropagation through time. - sort_key: A key to use for sorting examples in order to batch together - examples with similar lengths and minimize padding. The sort_key - provided to the Iterator constructor overrides the sort_key - attribute of the Dataset, or defers to it if None. - train: Whether the iterator represents a train set. - repeat: Whether to repeat the iterator for multiple epochs. Default: False. - shuffle: Whether to shuffle examples between epochs. - sort: Whether to sort examples according to self.sort_key. - Note that shuffle and sort default to train and (not train). - device (str or torch.device): A string or instance of `torch.device` - specifying which device the Variables are going to be created on. - If left as default, the tensors will be created on cpu. Default: None. - """ - - def __init__(self, dataset, batch_size, bptt_len, **kwargs): - self.bptt_len = bptt_len - super(BPTTIterator, self).__init__(dataset, batch_size, **kwargs) - - def __len__(self): - return math.ceil((len(self.dataset[0].text) / self.batch_size - 1) - / self.bptt_len) - - def __iter__(self): - text = self.dataset[0].text - TEXT = self.dataset.fields['text'] - TEXT.eos_token = None - text = text + ([TEXT.pad_token] * int(math.ceil(len(text) / self.batch_size) - * self.batch_size - len(text))) - data = TEXT.numericalize( - [text], device=self.device) - data = data.view(self.batch_size, -1).t().contiguous() - dataset = Dataset(examples=self.dataset.examples, fields=[ - ('text', TEXT), ('target', TEXT)]) - while True: - for i in range(0, len(self) * self.bptt_len, self.bptt_len): - self.iterations += 1 - seq_len = min(self.bptt_len, len(data) - i - 1) - batch_text = data[i:i + seq_len] - batch_target = data[i + 1:i + 1 + seq_len] - if TEXT.batch_first: - batch_text = batch_text.t().contiguous() - batch_target = batch_target.t().contiguous() - yield Batch.fromvars( - dataset, self.batch_size, - text=batch_text, - target=batch_target) - if not self.repeat: - return - - -class BucketIterator(Iterator): - """Defines an iterator that batches examples of similar lengths together. - - Minimizes amount of padding needed while producing freshly shuffled - batches for each new epoch. See pool for the bucketing procedure used. - """ - - def create_batches(self): - if self.sort: - self.batches = batch(self.data(), self.batch_size, - self.batch_size_fn) - else: - self.batches = pool(self.data(), self.batch_size, - self.sort_key, self.batch_size_fn, - random_shuffler=self.random_shuffler, - shuffle=self.shuffle, - sort_within_batch=self.sort_within_batch) - - -def batch(data, batch_size, batch_size_fn=None): - """Yield elements from data in chunks of batch_size.""" - if batch_size_fn is None: - def batch_size_fn(new, count, sofar): - return count - minibatch, size_so_far = [], 0 - for ex in data: - minibatch.append(ex) - size_so_far = batch_size_fn(ex, len(minibatch), size_so_far) - if size_so_far == batch_size: - yield minibatch - minibatch, size_so_far = [], 0 - elif size_so_far > batch_size: - yield minibatch[:-1] - minibatch, size_so_far = minibatch[-1:], batch_size_fn(ex, 1, 0) - if minibatch: - yield minibatch - - -def pool(data, batch_size, key, batch_size_fn=lambda new, count, sofar: count, - random_shuffler=None, shuffle=False, sort_within_batch=False): - """Sort within buckets, then batch, then shuffle batches. - - Partitions data into chunks of size 100*batch_size, sorts examples within - each chunk using sort_key, then batch these examples and shuffle the - batches. - """ - if random_shuffler is None: - random_shuffler = random.shuffle - for p in batch(data, batch_size * 100, batch_size_fn): - p_batch = batch(sorted(p, key=key), batch_size, batch_size_fn) \ - if sort_within_batch \ - else batch(p, batch_size, batch_size_fn) - if shuffle: - for b in random_shuffler(list(p_batch)): - yield b - else: - for b in list(p_batch): - yield b diff --git a/torchtext/legacy/data/pipeline.py b/torchtext/legacy/data/pipeline.py deleted file mode 100644 index f576fdc720..0000000000 --- a/torchtext/legacy/data/pipeline.py +++ /dev/null @@ -1,85 +0,0 @@ -class Pipeline(object): - """Defines a pipeline for transforming sequence data. - - The input is assumed to be utf-8 encoded `str`. - - Attributes: - convert_token: The function to apply to input sequence data. - pipes: The Pipelines that will be applied to input sequence - data in order. - """ - - def __init__(self, convert_token=None): - """Create a pipeline. - - Arguments: - convert_token: The function to apply to input sequence data. - If None, the identity function is used. Default: None - """ - if convert_token is None: - self.convert_token = Pipeline.identity - elif callable(convert_token): - self.convert_token = convert_token - else: - raise ValueError("Pipeline input convert_token {} is not None " - "or callable".format(convert_token)) - self.pipes = [self] - - def __call__(self, x, *args): - """Apply the the current Pipeline(s) to an input. - - Arguments: - x: The input to process with the Pipeline(s). - Positional arguments: Forwarded to the `call` function - of the Pipeline(s). - """ - for pipe in self.pipes: - x = pipe.call(x, *args) - return x - - def call(self, x, *args): - """Apply _only_ the convert_token function of the current pipeline - to the input. If the input is a list, a list with the results of - applying the `convert_token` function to all input elements is - returned. - - Arguments: - x: The input to apply the convert_token function to. - Positional arguments: Forwarded to the `convert_token` function - of the current Pipeline. - """ - if isinstance(x, list): - return [self.convert_token(tok, *args) for tok in x] - return self.convert_token(x, *args) - - def add_before(self, pipeline): - """Add a Pipeline to be applied before this processing pipeline. - - Arguments: - pipeline: The Pipeline or callable to apply before this - Pipeline. - """ - if not isinstance(pipeline, Pipeline): - pipeline = Pipeline(pipeline) - self.pipes = pipeline.pipes[:] + self.pipes[:] - return self - - def add_after(self, pipeline): - """Add a Pipeline to be applied after this processing pipeline. - - Arguments: - pipeline: The Pipeline or callable to apply after this - Pipeline. - """ - if not isinstance(pipeline, Pipeline): - pipeline = Pipeline(pipeline) - self.pipes = self.pipes[:] + pipeline.pipes[:] - return self - - @staticmethod - def identity(x): - """Return a copy of the input. - - This is here for serialization compatibility with pickle. - """ - return x diff --git a/torchtext/legacy/datasets/__init__.py b/torchtext/legacy/datasets/__init__.py deleted file mode 100644 index 5eced837a5..0000000000 --- a/torchtext/legacy/datasets/__init__.py +++ /dev/null @@ -1,42 +0,0 @@ -from .language_modeling import LanguageModelingDataset, WikiText2, WikiText103, PennTreebank # NOQA -from .nli import SNLI, MultiNLI, XNLI -from .sst import SST -from .translation import TranslationDataset, Multi30k, IWSLT, WMT14 # NOQA -from .sequence_tagging import SequenceTaggingDataset, UDPOS, CoNLL2000Chunking # NOQA -from .trec import TREC -from .imdb import IMDB -from .babi import BABI20 -from .text_classification import TextClassificationDataset, \ - AG_NEWS, SogouNews, DBpedia, YelpReviewPolarity, \ - YelpReviewFull, YahooAnswers, \ - AmazonReviewPolarity, AmazonReviewFull -from .unsupervised_learning import EnWik9 - -__all__ = ['LanguageModelingDataset', - 'SNLI', - 'MultiNLI', - 'XNLI', - 'SST', - 'TranslationDataset', - 'Multi30k', - 'IWSLT', - 'WMT14', - 'WikiText2', - 'WikiText103', - 'PennTreebank', - 'TREC', - 'IMDB', - 'SequenceTaggingDataset', - 'UDPOS', - 'CoNLL2000Chunking', - 'BABI20', - 'TextClassificationDataset', - 'AG_NEWS', - 'SogouNews', - 'DBpedia', - 'YelpReviewPolarity', - 'YelpReviewFull', - 'YahooAnswers', - 'AmazonReviewPolarity', - 'AmazonReviewFull', - 'EnWik9'] diff --git a/torchtext/legacy/datasets/babi.py b/torchtext/legacy/datasets/babi.py deleted file mode 100644 index 631642b4d1..0000000000 --- a/torchtext/legacy/datasets/babi.py +++ /dev/null @@ -1,140 +0,0 @@ -import os -from io import open - -import torch - -from ..data import Dataset, Field, Example, Iterator - - -class BABI20Field(Field): - - def __init__(self, memory_size, **kwargs): - super(BABI20Field, self).__init__(**kwargs) - self.memory_size = memory_size - self.unk_token = None - self.batch_first = True - - def preprocess(self, x): - if isinstance(x, list): - return [super(BABI20Field, self).preprocess(s) for s in x] - else: - return super(BABI20Field, self).preprocess(x) - - def pad(self, minibatch): - if isinstance(minibatch[0][0], list): - self.fix_length = max(max(len(x) for x in ex) for ex in minibatch) - padded = [] - for ex in minibatch: - # sentences are indexed in reverse order and truncated to memory_size - nex = ex[::-1][:self.memory_size] - padded.append( - super(BABI20Field, self).pad(nex) - + [[self.pad_token] * self.fix_length] - * (self.memory_size - len(nex))) - self.fix_length = None - return padded - else: - return super(BABI20Field, self).pad(minibatch) - - def numericalize(self, arr, device=None): - if isinstance(arr[0][0], list): - tmp = [ - super(BABI20Field, self).numericalize(x, device=device).data - for x in arr - ] - arr = torch.stack(tmp) - if self.sequential: - arr = arr.contiguous() - return arr - else: - return super(BABI20Field, self).numericalize(arr, device=device) - - -class BABI20(Dataset): - urls = ['http://www.thespermwhale.com/jaseweston/babi/tasks_1-20_v1-2.tar.gz'] - name = '' - dirname = '' - - def __init__(self, path, text_field, only_supporting=False, **kwargs): - fields = [('story', text_field), ('query', text_field), ('answer', text_field)] - self.sort_key = lambda x: len(x.query) - - with open(path, 'r', encoding="utf-8") as f: - triplets = self._parse(f, only_supporting) - examples = [Example.fromlist(triplet, fields) for triplet in triplets] - - super(BABI20, self).__init__(examples, fields, **kwargs) - - @staticmethod - def _parse(file, only_supporting): - data, story = [], [] - for line in file: - tid, text = line.rstrip('\n').split(' ', 1) - if tid == '1': - story = [] - # sentence - if text.endswith('.'): - story.append(text[:-1]) - # question - else: - # remove any leading or trailing whitespace after splitting - query, answer, supporting = (x.strip() for x in text.split('\t')) - if only_supporting: - substory = [story[int(i) - 1] for i in supporting.split()] - else: - substory = [x for x in story if x] - data.append((substory, query[:-1], answer)) # remove '?' - story.append("") - return data - - @classmethod - def splits(cls, text_field, path=None, root='.data', task=1, joint=False, tenK=False, - only_supporting=False, train=None, validation=None, test=None, **kwargs): - assert isinstance(task, int) and 1 <= task <= 20 - if tenK: - cls.dirname = os.path.join('tasks_1-20_v1-2', 'en-valid-10k') - else: - cls.dirname = os.path.join('tasks_1-20_v1-2', 'en-valid') - if path is None: - path = cls.download(root) - if train is None: - if joint: # put all tasks together for joint learning - train = 'all_train.txt' - if not os.path.isfile(os.path.join(path, train)): - with open(os.path.join(path, train), 'w') as tf: - for task in range(1, 21): - with open( - os.path.join(path, - 'qa' + str(task) + '_train.txt')) as f: - tf.write(f.read()) - else: - train = 'qa' + str(task) + '_train.txt' - if validation is None: - if joint: # put all tasks together for joint learning - validation = 'all_valid.txt' - if not os.path.isfile(os.path.join(path, validation)): - with open(os.path.join(path, validation), 'w') as tf: - for task in range(1, 21): - with open( - os.path.join(path, - 'qa' + str(task) + '_valid.txt')) as f: - tf.write(f.read()) - else: - validation = 'qa' + str(task) + '_valid.txt' - if test is None: - test = 'qa' + str(task) + '_test.txt' - return super(BABI20, - cls).splits(path=path, root=root, text_field=text_field, train=train, - validation=validation, test=test, **kwargs) - - @classmethod - def iters(cls, batch_size=32, root='.data', memory_size=50, task=1, joint=False, - tenK=False, only_supporting=False, sort=False, shuffle=False, device=None, - **kwargs): - text = BABI20Field(memory_size) - train, val, test = BABI20.splits(text, root=root, task=task, joint=joint, - tenK=tenK, only_supporting=only_supporting, - **kwargs) - text.build_vocab(train) - return Iterator.splits((train, val, test), batch_size=batch_size, sort=sort, - shuffle=shuffle, device=device) diff --git a/torchtext/legacy/datasets/imdb.py b/torchtext/legacy/datasets/imdb.py deleted file mode 100644 index e59ce19ecb..0000000000 --- a/torchtext/legacy/datasets/imdb.py +++ /dev/null @@ -1,80 +0,0 @@ -import os -import glob -import io - -from .. import data - - -class IMDB(data.Dataset): - - urls = ['http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz'] - name = 'imdb' - dirname = 'aclImdb' - - @staticmethod - def sort_key(ex): - return len(ex.text) - - def __init__(self, path, text_field, label_field, **kwargs): - """Create an IMDB dataset instance given a path and fields. - - Args: - path: Path to the dataset's highest level directory - text_field: The field that will be used for text data. - label_field: The field that will be used for label data. - Remaining keyword arguments: Passed to the constructor of - data.Dataset. - """ - fields = [('text', text_field), ('label', label_field)] - examples = [] - - for label in ['pos', 'neg']: - for fname in glob.iglob(os.path.join(path, label, '*.txt')): - with io.open(fname, 'r', encoding="utf-8") as f: - text = f.readline() - examples.append(data.Example.fromlist([text, label], fields)) - - super(IMDB, self).__init__(examples, fields, **kwargs) - - @classmethod - def splits(cls, text_field, label_field, root='.data', - train='train', test='test', **kwargs): - """Create dataset objects for splits of the IMDB dataset. - - Args: - text_field: The field that will be used for the sentence. - label_field: The field that will be used for label data. - root: Root dataset storage directory. Default is '.data'. - train: The directory that contains the training examples - test: The directory that contains the test examples - Remaining keyword arguments: Passed to the splits method of - Dataset. - """ - return super(IMDB, cls).splits( - root=root, text_field=text_field, label_field=label_field, - train=train, validation=None, test=test, **kwargs) - - @classmethod - def iters(cls, batch_size=32, device=0, root='.data', vectors=None, **kwargs): - """Create iterator objects for splits of the IMDB dataset. - - Args: - batch_size: Batch_size - device: Device to create batches on. Use - 1 for CPU and None for - the currently active GPU device. - root: The root directory that contains the imdb dataset subdirectory - vectors: one of the available pretrained vectors or a list with each - element one of the available pretrained vectors (see Vocab.load_vectors) - - Remaining keyword arguments: Passed to the splits method. - """ - TEXT = data.Field() - LABEL = data.Field(sequential=False) - - train, test = cls.splits(TEXT, LABEL, root=root, **kwargs) - - TEXT.build_vocab(train, vectors=vectors) - LABEL.build_vocab(train) - - return data.BucketIterator.splits( - (train, test), batch_size=batch_size, device=device) diff --git a/torchtext/legacy/datasets/language_modeling.py b/torchtext/legacy/datasets/language_modeling.py deleted file mode 100644 index 5349c6b7b1..0000000000 --- a/torchtext/legacy/datasets/language_modeling.py +++ /dev/null @@ -1,217 +0,0 @@ -from .. import data -import io - - -class LanguageModelingDataset(data.Dataset): - """Defines a dataset for language modeling.""" - - def __init__(self, path, text_field, newline_eos=True, - encoding='utf-8', **kwargs): - """Create a LanguageModelingDataset given a path and a field. - - Args: - path: Path to the data file. - text_field: The field that will be used for text data. - newline_eos: Whether to add an token for every newline in the - data file. Default: True. - encoding: The encoding of the file. - kwargs: Passed to the constructor of - data.Dataset. - """ - fields = [('text', text_field)] - text = [] - with io.open(path, encoding=encoding) as f: - for line in f: - text += text_field.preprocess(line) - if newline_eos: - text.append(u'') - - examples = [data.Example.fromlist([text], fields)] - super(LanguageModelingDataset, self).__init__( - examples, fields, **kwargs) - - -class WikiText2(LanguageModelingDataset): - - urls = ['https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip'] - name = 'wikitext-2' - dirname = 'wikitext-2' - - @classmethod - def splits(cls, text_field, root='.data', train='wiki.train.tokens', - validation='wiki.valid.tokens', test='wiki.test.tokens', - **kwargs): - """Create dataset objects for splits of the WikiText-2 dataset. - - This is the most flexible way to use the dataset. - - Args: - text_field: The field that will be used for text data. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose wikitext-2 - subdirectory the data files will be stored. - train: The filename of the train data. Default: 'wiki.train.tokens'. - validation: The filename of the validation data, or None to not - load the validation set. Default: 'wiki.valid.tokens'. - test: The filename of the test data, or None to not load the test - set. Default: 'wiki.test.tokens'. - """ - return super(WikiText2, cls).splits( - root=root, train=train, validation=validation, test=test, - text_field=text_field, **kwargs) - - @classmethod - def iters(cls, batch_size=32, bptt_len=35, device=0, root='.data', - vectors=None, **kwargs): - """Create iterator objects for splits of the WikiText-2 dataset. - - This is the simplest way to use the dataset, and assumes common - defaults for field, vocabulary, and iterator parameters. - - Args: - batch_size: Batch size. - bptt_len: Length of sequences for backpropagation through time. - device: Device to create batches on. Use -1 for CPU and None for - the currently active GPU device. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose wikitext-2 - subdirectory the data files will be stored. - vectors: One of either the available pretrained vectors - or custom pretrained vectors (see Vocab.load_vectors); - or a list of aforementioned vectors - kwargs: Passed to the splits method. - """ - TEXT = data.Field() - - train, val, test = cls.splits(TEXT, root=root, **kwargs) - - TEXT.build_vocab(train, vectors=vectors) - - return data.BPTTIterator.splits( - (train, val, test), batch_size=batch_size, bptt_len=bptt_len, - device=device) - - -class WikiText103(LanguageModelingDataset): - - urls = ['https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip'] - name = 'wikitext-103' - dirname = 'wikitext-103' - - @classmethod - def splits(cls, text_field, root='.data', train='wiki.train.tokens', - validation='wiki.valid.tokens', test='wiki.test.tokens', - **kwargs): - """Create dataset objects for splits of the WikiText-103 dataset. - - This is the most flexible way to use the dataset. - - Args: - text_field: The field that will be used for text data. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose wikitext-103 - subdirectory the data files will be stored. - train: The filename of the train data. Default: 'wiki.train.tokens'. - validation: The filename of the validation data, or None to not - load the validation set. Default: 'wiki.valid.tokens'. - test: The filename of the test data, or None to not load the test - set. Default: 'wiki.test.tokens'. - """ - return super(WikiText103, cls).splits( - root=root, train=train, validation=validation, test=test, - text_field=text_field, **kwargs) - - @classmethod - def iters(cls, batch_size=32, bptt_len=35, device=0, root='.data', - vectors=None, **kwargs): - """Create iterator objects for splits of the WikiText-103 dataset. - - This is the simplest way to use the dataset, and assumes common - defaults for field, vocabulary, and iterator parameters. - - Args: - batch_size: Batch size. - bptt_len: Length of sequences for backpropagation through time. - device: Device to create batches on. Use -1 for CPU and None for - the currently active GPU device. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose wikitext-2 - subdirectory the data files will be stored. - vectors: One of either the available pretrained vectors - or custom pretrained vectors (see Vocab.load_vectors); - or a list of aforementioned vectors - kwargs: Passed to the splits method. - """ - TEXT = data.Field() - - train, val, test = cls.splits(TEXT, root=root, **kwargs) - - TEXT.build_vocab(train, vectors=vectors) - - return data.BPTTIterator.splits( - (train, val, test), batch_size=batch_size, bptt_len=bptt_len, - device=device) - - -class PennTreebank(LanguageModelingDataset): - """The Penn Treebank dataset. - A relatively small dataset originally created for POS tagging. - - References: - Marcus, Mitchell P., Marcinkiewicz, Mary Ann & Santorini, Beatrice (1993). - Building a Large Annotated Corpus of English: The Penn Treebank - """ - - urls = ['https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt', - 'https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt', - 'https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt'] - name = 'penn-treebank' - dirname = '' - - @classmethod - def splits(cls, text_field, root='.data', train='ptb.train.txt', - validation='ptb.valid.txt', test='ptb.test.txt', - **kwargs): - """Create dataset objects for splits of the Penn Treebank dataset. - - Args: - text_field: The field that will be used for text data. - root: The root directory where the data files will be stored. - train: The filename of the train data. Default: 'ptb.train.txt'. - validation: The filename of the validation data, or None to not - load the validation set. Default: 'ptb.valid.txt'. - test: The filename of the test data, or None to not load the test - set. Default: 'ptb.test.txt'. - """ - return super(PennTreebank, cls).splits( - root=root, train=train, validation=validation, test=test, - text_field=text_field, **kwargs) - - @classmethod - def iters(cls, batch_size=32, bptt_len=35, device=0, root='.data', - vectors=None, **kwargs): - """Create iterator objects for splits of the Penn Treebank dataset. - - This is the simplest way to use the dataset, and assumes common - defaults for field, vocabulary, and iterator parameters. - - Args: - batch_size: Batch size. - bptt_len: Length of sequences for backpropagation through time. - device: Device to create batches on. Use -1 for CPU and None for - the currently active GPU device. - root: The root directory where the data files will be stored. - vectors: One of either the available pretrained vectors - or custom pretrained vectors (see Vocab.load_vectors); - or a list of aforementioned vectors - kwargs: Passed to the splits method. - """ - TEXT = data.Field() - - train, val, test = cls.splits(TEXT, root=root, **kwargs) - - TEXT.build_vocab(train, vectors=vectors) - - return data.BPTTIterator.splits( - (train, val, test), batch_size=batch_size, bptt_len=bptt_len, - device=device) diff --git a/torchtext/legacy/datasets/nli.py b/torchtext/legacy/datasets/nli.py deleted file mode 100644 index 78a4a172f4..0000000000 --- a/torchtext/legacy/datasets/nli.py +++ /dev/null @@ -1,191 +0,0 @@ -from .. import data - - -class ShiftReduceField(data.Field): - - def __init__(self): - - super(ShiftReduceField, self).__init__(preprocessing=lambda parse: [ - 'reduce' if t == ')' else 'shift' for t in parse if t != '(']) - - self.build_vocab([['reduce'], ['shift']]) - - -class ParsedTextField(data.Field): - """ - Field for parsed sentences data in NLI datasets. - Expensive tokenization could be omitted from the pipeline as - the parse tree annotations are already in tokenized form. - """ - - def __init__(self, eos_token='', lower=False, reverse=False): - if reverse: - super(ParsedTextField, self).__init__( - eos_token=eos_token, lower=lower, - preprocessing=lambda parse: [t for t in parse if t not in ('(', ')')], - postprocessing=lambda parse, _: [list(reversed(p)) for p in parse], - include_lengths=True) - else: - super(ParsedTextField, self).__init__( - eos_token=eos_token, lower=lower, - preprocessing=lambda parse: [t for t in parse if t not in ('(', ')')], - include_lengths=True) - - -class NLIDataset(data.TabularDataset): - - urls = [] - dirname = '' - name = 'nli' - - @staticmethod - def sort_key(ex): - return data.interleave_keys( - len(ex.premise), len(ex.hypothesis)) - - @classmethod - def splits(cls, text_field, label_field, parse_field=None, - extra_fields=None, root='.data', train='train.jsonl', - validation='val.jsonl', test='test.jsonl'): - """Create dataset objects for splits of the SNLI dataset. - - This is the most flexible way to use the dataset. - - Args: - text_field: The field that will be used for premise and hypothesis - data. - label_field: The field that will be used for label data. - parse_field: The field that will be used for shift-reduce parser - transitions, or None to not include them. - extra_fields: A dict[json_key: Tuple(field_name, Field)] - root: The root directory that the dataset's zip archive will be - expanded into. - train: The filename of the train data. Default: 'train.jsonl'. - validation: The filename of the validation data, or None to not - load the validation set. Default: 'dev.jsonl'. - test: The filename of the test data, or None to not load the test - set. Default: 'test.jsonl'. - """ - if extra_fields is None: - extra_fields = {} - path = cls.download(root) - - if parse_field is None: - fields = {'sentence1': ('premise', text_field), - 'sentence2': ('hypothesis', text_field), - 'gold_label': ('label', label_field)} - else: - fields = {'sentence1_binary_parse': [('premise', text_field), - ('premise_transitions', parse_field)], - 'sentence2_binary_parse': [('hypothesis', text_field), - ('hypothesis_transitions', parse_field)], - 'gold_label': ('label', label_field)} - - for key in extra_fields: - if key not in fields.keys(): - fields[key] = extra_fields[key] - - return super(NLIDataset, cls).splits( - path, root, train, validation, test, - format='json', fields=fields, - filter_pred=lambda ex: ex.label != '-') - - @classmethod - def iters(cls, batch_size=32, device=0, root='.data', - vectors=None, trees=False, **kwargs): - """Create iterator objects for splits of the SNLI dataset. - - This is the simplest way to use the dataset, and assumes common - defaults for field, vocabulary, and iterator parameters. - - Args: - batch_size: Batch size. - device: Device to create batches on. Use -1 for CPU and None for - the currently active GPU device. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose wikitext-2 - subdirectory the data files will be stored. - vectors: one of the available pretrained vectors or a list with each - element one of the available pretrained vectors (see Vocab.load_vectors) - trees: Whether to include shift-reduce parser transitions. - Default: False. - Remaining keyword arguments: Passed to the splits method. - """ - if trees: - TEXT = ParsedTextField() - TRANSITIONS = ShiftReduceField() - else: - TEXT = data.Field(tokenize='spacy') - TRANSITIONS = None - LABEL = data.Field(sequential=False) - - train, val, test = cls.splits( - TEXT, LABEL, TRANSITIONS, root=root, **kwargs) - - TEXT.build_vocab(train, vectors=vectors) - LABEL.build_vocab(train) - - return data.BucketIterator.splits( - (train, val, test), batch_size=batch_size, device=device) - - -class SNLI(NLIDataset): - urls = ['http://nlp.stanford.edu/projects/snli/snli_1.0.zip'] - dirname = 'snli_1.0' - name = 'snli' - - @classmethod - def splits(cls, text_field, label_field, parse_field=None, root='.data', - train='snli_1.0_train.jsonl', validation='snli_1.0_dev.jsonl', - test='snli_1.0_test.jsonl'): - return super(SNLI, cls).splits(text_field, label_field, parse_field=parse_field, - root=root, train=train, validation=validation, - test=test) - - -class MultiNLI(NLIDataset): - urls = ['http://www.nyu.edu/projects/bowman/multinli/multinli_1.0.zip'] - dirname = 'multinli_1.0' - name = 'multinli' - - @classmethod - def splits(cls, text_field, label_field, parse_field=None, genre_field=None, - root='.data', - train='multinli_1.0_train.jsonl', - validation='multinli_1.0_dev_matched.jsonl', - test='multinli_1.0_dev_mismatched.jsonl'): - extra_fields = {} - if genre_field is not None: - extra_fields["genre"] = ("genre", genre_field) - - return super(MultiNLI, cls).splits(text_field, label_field, - parse_field=parse_field, - extra_fields=extra_fields, - root=root, train=train, - validation=validation, test=test) - - -class XNLI(NLIDataset): - urls = ['http://www.nyu.edu/projects/bowman/xnli/XNLI-1.0.zip'] - dirname = 'XNLI-1.0' - name = 'xnli' - - @classmethod - def splits(cls, text_field, label_field, genre_field=None, language_field=None, - root='.data', - validation='xnli.dev.jsonl', - test='xnli.test.jsonl'): - extra_fields = {} - if genre_field is not None: - extra_fields["genre"] = ("genre", genre_field) - if language_field is not None: - extra_fields["language"] = ("language", language_field) - - return super(XNLI, cls).splits(text_field, label_field, - extra_fields=extra_fields, - root=root, train=None, - validation=validation, test=test) - - @classmethod - def iters(cls, *args, **kwargs): - raise NotImplementedError('XNLI dataset does not support iters') diff --git a/torchtext/legacy/datasets/sequence_tagging.py b/torchtext/legacy/datasets/sequence_tagging.py deleted file mode 100644 index 849d8be15d..0000000000 --- a/torchtext/legacy/datasets/sequence_tagging.py +++ /dev/null @@ -1,102 +0,0 @@ -from .. import data -import random - - -class SequenceTaggingDataset(data.Dataset): - """Defines a dataset for sequence tagging. Examples in this dataset - contain paired lists -- paired list of words and tags. - - For example, in the case of part-of-speech tagging, an example is of the - form - [I, love, PyTorch, .] paired with [PRON, VERB, PROPN, PUNCT] - - See torchtext/test/sequence_tagging.py on how to use this class. - """ - - @staticmethod - def sort_key(example): - for attr in dir(example): - if not callable(getattr(example, attr)) and \ - not attr.startswith("__"): - return len(getattr(example, attr)) - return 0 - - def __init__(self, path, fields, encoding="utf-8", separator="\t", **kwargs): - examples = [] - columns = [] - - with open(path, encoding=encoding) as input_file: - for line in input_file: - line = line.strip() - if line == "": - if columns: - examples.append(data.Example.fromlist(columns, fields)) - columns = [] - else: - for i, column in enumerate(line.split(separator)): - if len(columns) < i + 1: - columns.append([]) - columns[i].append(column) - - if columns: - examples.append(data.Example.fromlist(columns, fields)) - super(SequenceTaggingDataset, self).__init__(examples, fields, - **kwargs) - - -class UDPOS(SequenceTaggingDataset): - - # Universal Dependencies English Web Treebank. - # Download original at http://universaldependencies.org/ - # License: http://creativecommons.org/licenses/by-sa/4.0/ - urls = ['https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip'] - dirname = 'en-ud-v2' - name = 'udpos' - - @classmethod - def splits(cls, fields, root=".data", train="en-ud-tag.v2.train.txt", - validation="en-ud-tag.v2.dev.txt", - test="en-ud-tag.v2.test.txt", **kwargs): - """Downloads and loads the Universal Dependencies Version 2 POS Tagged - data. - """ - - return super(UDPOS, cls).splits( - fields=fields, root=root, train=train, validation=validation, - test=test, **kwargs) - - -class CoNLL2000Chunking(SequenceTaggingDataset): - # CoNLL 2000 Chunking Dataset - # https://www.clips.uantwerpen.be/conll2000/chunking/ - urls = ['https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz', - 'https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz'] - dirname = '' - name = 'conll2000' - - @classmethod - def splits(cls, fields, root=".data", train="train.txt", - test="test.txt", validation_frac=0.1, **kwargs): - """Downloads and loads the CoNLL 2000 Chunking dataset. - NOTE: There is only a train and test dataset so we use 10% of the train set as validation - """ - - train, test = super(CoNLL2000Chunking, cls).splits( - fields=fields, root=root, train=train, - test=test, separator=' ', **kwargs) - - # HACK: Saving the sort key function as the split() call removes it - sort_key = train.sort_key - - # Now split the train set - # Force a random seed to make the split deterministic - random.seed(0) - train, val = train.split(1 - validation_frac, random_state=random.getstate()) - # Reset the seed - random.seed() - - # HACK: Set the sort key - train.sort_key = sort_key - val.sort_key = sort_key - - return train, val, test diff --git a/torchtext/legacy/datasets/sst.py b/torchtext/legacy/datasets/sst.py deleted file mode 100644 index 8c793fad93..0000000000 --- a/torchtext/legacy/datasets/sst.py +++ /dev/null @@ -1,104 +0,0 @@ -import os - -from .. import data - - -class SST(data.Dataset): - - urls = ['http://nlp.stanford.edu/sentiment/trainDevTestTrees_PTB.zip'] - dirname = 'trees' - name = 'sst' - - @staticmethod - def sort_key(ex): - return len(ex.text) - - def __init__(self, path, text_field, label_field, subtrees=False, - fine_grained=False, **kwargs): - """Create an SST dataset instance given a path and fields. - - Args: - path: Path to the data file - text_field: The field that will be used for text data. - label_field: The field that will be used for label data. - subtrees: Whether to include sentiment-tagged subphrases - in addition to complete examples. Default: False. - fine_grained: Whether to use 5-class instead of 3-class - labeling. Default: False. - Remaining keyword arguments: Passed to the constructor of - data.Dataset. - """ - fields = [('text', text_field), ('label', label_field)] - - def get_label_str(label): - pre = 'very ' if fine_grained else '' - return {'0': pre + 'negative', '1': 'negative', '2': 'neutral', - '3': 'positive', '4': pre + 'positive', None: None}[label] - label_field.preprocessing = data.Pipeline(get_label_str) - with open(os.path.expanduser(path)) as f: - if subtrees: - examples = [ex for line in f for ex in - data.Example.fromtree(line, fields, True)] - else: - examples = [data.Example.fromtree(line, fields) for line in f] - super(SST, self).__init__(examples, fields, **kwargs) - - @classmethod - def splits(cls, text_field, label_field, root='.data', - train='train.txt', validation='dev.txt', test='test.txt', - train_subtrees=False, **kwargs): - """Create dataset objects for splits of the SST dataset. - - Args: - text_field: The field that will be used for the sentence. - label_field: The field that will be used for label data. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose trees - subdirectory the data files will be stored. - train: The filename of the train data. Default: 'train.txt'. - validation: The filename of the validation data, or None to not - load the validation set. Default: 'dev.txt'. - test: The filename of the test data, or None to not load the test - set. Default: 'test.txt'. - train_subtrees: Whether to use all subtrees in the training set. - Default: False. - Remaining keyword arguments: Passed to the splits method of - Dataset. - """ - path = cls.download(root) - - train_data = None if train is None else cls( - os.path.join(path, train), text_field, label_field, subtrees=train_subtrees, - **kwargs) - val_data = None if validation is None else cls( - os.path.join(path, validation), text_field, label_field, **kwargs) - test_data = None if test is None else cls( - os.path.join(path, test), text_field, label_field, **kwargs) - return tuple(d for d in (train_data, val_data, test_data) - if d is not None) - - @classmethod - def iters(cls, batch_size=32, device=0, root='.data', vectors=None, **kwargs): - """Create iterator objects for splits of the SST dataset. - - Args: - batch_size: Batch_size - device: Device to create batches on. Use - 1 for CPU and None for - the currently active GPU device. - root: The root directory that the dataset's zip archive will be - expanded into; therefore the directory in whose trees - subdirectory the data files will be stored. - vectors: one of the available pretrained vectors or a list with each - element one of the available pretrained vectors (see Vocab.load_vectors) - Remaining keyword arguments: Passed to the splits method. - """ - TEXT = data.Field() - LABEL = data.Field(sequential=False) - - train, val, test = cls.splits(TEXT, LABEL, root=root, **kwargs) - - TEXT.build_vocab(train, vectors=vectors) - LABEL.build_vocab(train) - - return data.BucketIterator.splits( - (train, val, test), batch_size=batch_size, device=device) diff --git a/torchtext/legacy/datasets/text_classification.py b/torchtext/legacy/datasets/text_classification.py deleted file mode 100644 index 6c5f47b4ee..0000000000 --- a/torchtext/legacy/datasets/text_classification.py +++ /dev/null @@ -1,452 +0,0 @@ -import logging -import torch -import io -from torchtext.utils import download_from_url, extract_archive, unicode_csv_reader -from torchtext.data.utils import ngrams_iterator -from torchtext.data.utils import get_tokenizer -from torchtext.legacy.vocab import build_vocab_from_iterator -from torchtext.legacy.vocab import Vocab -from tqdm import tqdm - -URLS = { - 'AG_NEWS': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUDNpeUdjb0wxRms', - 'SogouNews': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE', - 'DBpedia': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k', - 'YelpReviewPolarity': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg', - 'YelpReviewFull': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0', - 'YahooAnswers': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU', - 'AmazonReviewPolarity': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM', - 'AmazonReviewFull': - 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA' -} - - -def _csv_iterator(data_path, ngrams, yield_cls=False): - tokenizer = get_tokenizer("basic_english") - with io.open(data_path, encoding="utf8") as f: - reader = unicode_csv_reader(f) - for row in reader: - tokens = ' '.join(row[1:]) - tokens = tokenizer(tokens) - if yield_cls: - yield int(row[0]) - 1, ngrams_iterator(tokens, ngrams) - else: - yield ngrams_iterator(tokens, ngrams) - - -def _create_data_from_iterator(vocab, iterator, include_unk): - data = [] - labels = [] - with tqdm(unit_scale=0, unit='lines') as t: - for cls, tokens in iterator: - if include_unk: - tokens = torch.tensor([vocab[token] for token in tokens]) - else: - token_ids = list(filter(lambda x: x is not Vocab.UNK, [vocab[token] - for token in tokens])) - tokens = torch.tensor(token_ids) - if len(tokens) == 0: - logging.info('Row contains no tokens.') - data.append((cls, tokens)) - labels.append(cls) - t.update(1) - return data, set(labels) - - -class TextClassificationDataset(torch.utils.data.Dataset): - """Defines an abstract text classification datasets. - Currently, we only support the following datasets: - - - AG_NEWS - - SogouNews - - DBpedia - - YelpReviewPolarity - - YelpReviewFull - - YahooAnswers - - AmazonReviewPolarity - - AmazonReviewFull - - """ - - def __init__(self, vocab, data, labels): - """Initiate text-classification dataset. - - Args: - vocab: Vocabulary object used for dataset. - data: a list of label/tokens tuple. tokens are a tensor after - numericalizing the string tokens. label is an integer. - [(label1, tokens1), (label2, tokens2), (label2, tokens3)] - label: a set of the labels. - {label1, label2} - - Examples: - See the examples in examples/text_classification/ - - """ - - super(TextClassificationDataset, self).__init__() - self._data = data - self._labels = labels - self._vocab = vocab - - def __getitem__(self, i): - return self._data[i] - - def __len__(self): - return len(self._data) - - def __iter__(self): - for x in self._data: - yield x - - def get_labels(self): - return self._labels - - def get_vocab(self): - return self._vocab - - -def _setup_datasets(dataset_name, root='.data', ngrams=1, vocab=None, include_unk=False): - dataset_tar = download_from_url(URLS[dataset_name], root=root) - extracted_files = extract_archive(dataset_tar) - - for fname in extracted_files: - if fname.endswith('train.csv'): - train_csv_path = fname - if fname.endswith('test.csv'): - test_csv_path = fname - - if vocab is None: - logging.info('Building Vocab based on {}'.format(train_csv_path)) - vocab = build_vocab_from_iterator(_csv_iterator(train_csv_path, ngrams)) - else: - if not isinstance(vocab, Vocab): - raise TypeError("Passed vocabulary is not of type Vocab") - logging.info('Vocab has {} entries'.format(len(vocab))) - logging.info('Creating training data') - train_data, train_labels = _create_data_from_iterator( - vocab, _csv_iterator(train_csv_path, ngrams, yield_cls=True), include_unk) - logging.info('Creating testing data') - test_data, test_labels = _create_data_from_iterator( - vocab, _csv_iterator(test_csv_path, ngrams, yield_cls=True), include_unk) - if len(train_labels ^ test_labels) > 0: - raise ValueError("Training and test labels don't match") - return (TextClassificationDataset(vocab, train_data, train_labels), - TextClassificationDataset(vocab, test_data, test_labels)) - - -def AG_NEWS(*args, **kwargs): - """ Defines AG_NEWS datasets. - - The labels include: - - - 0 : World - - 1 : Sports - - 2 : Business - - 3 : Sci/Tech - - Create supervised learning dataset: AG_NEWS - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.AG_NEWS(ngrams=3) - - """ - - return _setup_datasets(*(("AG_NEWS",) + args), **kwargs) - - -def SogouNews(*args, **kwargs): - """ Defines SogouNews datasets. - - The labels include: - - - 0 : Sports - - 1 : Finance - - 2 : Entertainment - - 3 : Automobile - - 4 : Technology - - Create supervised learning dataset: SogouNews - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.SogouNews(ngrams=3) - - """ - - return _setup_datasets(*(("SogouNews",) + args), **kwargs) - - -def DBpedia(*args, **kwargs): - """ Defines DBpedia datasets. - - The labels include: - - - 0 : Company - - 1 : EducationalInstitution - - 2 : Artist - - 3 : Athlete - - 4 : OfficeHolder - - 5 : MeanOfTransportation - - 6 : Building - - 7 : NaturalPlace - - 8 : Village - - 9 : Animal - - 10 : Plant - - 11 : Album - - 12 : Film - - 13 : WrittenWork - - Create supervised learning dataset: DBpedia - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.DBpedia(ngrams=3) - - """ - - return _setup_datasets(*(("DBpedia",) + args), **kwargs) - - -def YelpReviewPolarity(*args, **kwargs): - """ Defines YelpReviewPolarity datasets. - - The labels include: - - - 0 : Negative polarity. - - 1 : Positive polarity. - - Create supervised learning dataset: YelpReviewPolarity - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.YelpReviewPolarity(ngrams=3) - - """ - - return _setup_datasets(*(("YelpReviewPolarity",) + args), **kwargs) - - -def YelpReviewFull(*args, **kwargs): - """ Defines YelpReviewFull datasets. - - The labels include: - - 0 - 4 : rating classes (4 is highly recommended). - - Create supervised learning dataset: YelpReviewFull - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.YelpReviewFull(ngrams=3) - - """ - - return _setup_datasets(*(("YelpReviewFull",) + args), **kwargs) - - -def YahooAnswers(*args, **kwargs): - """ Defines YahooAnswers datasets. - - The labels include: - - - 0 : Society & Culture - - 1 : Science & Mathematics - - 2 : Health - - 3 : Education & Reference - - 4 : Computers & Internet - - 5 : Sports - - 6 : Business & Finance - - 7 : Entertainment & Music - - 8 : Family & Relationships - - 9 : Politics & Government - - Create supervised learning dataset: YahooAnswers - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.YahooAnswers(ngrams=3) - - """ - - return _setup_datasets(*(("YahooAnswers",) + args), **kwargs) - - -def AmazonReviewPolarity(*args, **kwargs): - """ Defines AmazonReviewPolarity datasets. - - The labels include: - - - 0 : Negative polarity - - 1 : Positive polarity - - Create supervised learning dataset: AmazonReviewPolarity - - Separately returns the training and test dataset - - Args: - root: Directory where the datasets are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.AmazonReviewPolarity(ngrams=3) - - """ - - return _setup_datasets(*(("AmazonReviewPolarity",) + args), **kwargs) - - -def AmazonReviewFull(*args, **kwargs): - """ Defines AmazonReviewFull datasets. - - The labels include: - - 0 - 4 : rating classes (4 is highly recommended) - - Create supervised learning dataset: AmazonReviewFull - - Separately returns the training and test dataset - - Args: - root: Directory where the dataset are saved. Default: ".data" - ngrams: a contiguous sequence of n items from s string text. - Default: 1 - vocab: Vocabulary used for dataset. If None, it will generate a new - vocabulary based on the train data set. - include_unk: include unknown token in the data (Default: False) - - Examples: - >>> train_dataset, test_dataset = torchtext.datasets.AmazonReviewFull(ngrams=3) - - """ - - return _setup_datasets(*(("AmazonReviewFull",) + args), **kwargs) - - -DATASETS = { - 'AG_NEWS': AG_NEWS, - 'SogouNews': SogouNews, - 'DBpedia': DBpedia, - 'YelpReviewPolarity': YelpReviewPolarity, - 'YelpReviewFull': YelpReviewFull, - 'YahooAnswers': YahooAnswers, - 'AmazonReviewPolarity': AmazonReviewPolarity, - 'AmazonReviewFull': AmazonReviewFull -} - - -LABELS = { - 'AG_NEWS': {0: 'World', - 1: 'Sports', - 2: 'Business', - 3: 'Sci/Tech'}, - 'SogouNews': {0: 'Sports', - 1: 'Finance', - 2: 'Entertainment', - 3: 'Automobile', - 4: 'Technology'}, - 'DBpedia': {0: 'Company', - 1: 'EducationalInstitution', - 2: 'Artist', - 3: 'Athlete', - 4: 'OfficeHolder', - 5: 'MeanOfTransportation', - 6: 'Building', - 7: 'NaturalPlace', - 8: 'Village', - 9: 'Animal', - 10: 'Plant', - 11: 'Album', - 12: 'Film', - 13: 'WrittenWork'}, - 'YelpReviewPolarity': {0: 'Negative polarity', - 1: 'Positive polarity'}, - 'YelpReviewFull': {0: 'score 1', - 1: 'score 2', - 2: 'score 3', - 3: 'score 4', - 4: 'score 5'}, - 'YahooAnswers': {0: 'Society & Culture', - 1: 'Science & Mathematics', - 2: 'Health', - 3: 'Education & Reference', - 4: 'Computers & Internet', - 5: 'Sports', - 6: 'Business & Finance', - 7: 'Entertainment & Music', - 8: 'Family & Relationships', - 9: 'Politics & Government'}, - 'AmazonReviewPolarity': {0: 'Negative polarity', - 1: 'Positive polarity'}, - 'AmazonReviewFull': {0: 'score 1', - 1: 'score 2', - 2: 'score 3', - 3: 'score 4', - 4: 'score 5'} -} diff --git a/torchtext/legacy/datasets/translation.py b/torchtext/legacy/datasets/translation.py deleted file mode 100644 index 6e6bfeb36e..0000000000 --- a/torchtext/legacy/datasets/translation.py +++ /dev/null @@ -1,234 +0,0 @@ -import os -try: - import defusedxml.ElementTree as ET -except ImportError: - import xml.etree.ElementTree as ET -import glob -import io -import codecs - -from .. import data - - -class TranslationDataset(data.Dataset): - """Defines a dataset for machine translation.""" - - @staticmethod - def sort_key(ex): - return data.interleave_keys(len(ex.src), len(ex.trg)) - - def __init__(self, path, exts, fields, **kwargs): - """Create a TranslationDataset given paths and fields. - - Args: - path: Common prefix of paths to the data files for both languages. - exts: A tuple containing the extension to path for each language. - fields: A tuple containing the fields that will be used for data - in each language. - Remaining keyword arguments: Passed to the constructor of - data.Dataset. - """ - if not isinstance(fields[0], (tuple, list)): - fields = [('src', fields[0]), ('trg', fields[1])] - - src_path, trg_path = tuple(os.path.expanduser(path + x) for x in exts) - - examples = [] - with io.open(src_path, mode='r', encoding='utf-8') as src_file, \ - io.open(trg_path, mode='r', encoding='utf-8') as trg_file: - for src_line, trg_line in zip(src_file, trg_file): - src_line, trg_line = src_line.strip(), trg_line.strip() - if src_line != '' and trg_line != '': - examples.append(data.Example.fromlist( - [src_line, trg_line], fields)) - - super(TranslationDataset, self).__init__(examples, fields, **kwargs) - - @classmethod - def splits(cls, exts, fields, path=None, root='.data', - train='train', validation='val', test='test', **kwargs): - """Create dataset objects for splits of a TranslationDataset. - - Args: - exts: A tuple containing the extension to path for each language. - fields: A tuple containing the fields that will be used for data - in each language. - path (str): Common prefix of the splits' file paths, or None to use - the result of cls.download(root). - root: Root dataset storage directory. Default is '.data'. - train: The prefix of the train data. Default: 'train'. - validation: The prefix of the validation data. Default: 'val'. - test: The prefix of the test data. Default: 'test'. - Remaining keyword arguments: Passed to the splits method of - Dataset. - """ - if path is None: - path = cls.download(root) - - train_data = None if train is None else cls( - os.path.join(path, train), exts, fields, **kwargs) - val_data = None if validation is None else cls( - os.path.join(path, validation), exts, fields, **kwargs) - test_data = None if test is None else cls( - os.path.join(path, test), exts, fields, **kwargs) - return tuple(d for d in (train_data, val_data, test_data) - if d is not None) - - -class Multi30k(TranslationDataset): - """The small-dataset WMT 2016 multimodal task, also known as Flickr30k""" - - urls = ['http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz', - 'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz', - 'http://www.quest.dcs.shef.ac.uk/' - 'wmt17_files_mmt/mmt_task1_test2016.tar.gz'] - name = 'multi30k' - dirname = '' - - @classmethod - def splits(cls, exts, fields, root='.data', - train='train', validation='val', test='test2016', **kwargs): - """Create dataset objects for splits of the Multi30k dataset. - - Args: - exts: A tuple containing the extension to path for each language. - fields: A tuple containing the fields that will be used for data - in each language. - root: Root dataset storage directory. Default is '.data'. - train: The prefix of the train data. Default: 'train'. - validation: The prefix of the validation data. Default: 'val'. - test: The prefix of the test data. Default: 'test'. - Remaining keyword arguments: Passed to the splits method of - Dataset. - """ - - # TODO: This is a _HORRIBLE_ patch related to #208 - # 'path' can be passed as a kwarg to the translation dataset constructor - # or has to be set (so the download wouldn't be duplicated). A good idea - # seems to rename the existence check variable from path to something else - if 'path' not in kwargs: - expected_folder = os.path.join(root, cls.name) - path = expected_folder if os.path.exists(expected_folder) else None - else: - path = kwargs['path'] - del kwargs['path'] - - return super(Multi30k, cls).splits( - exts, fields, path, root, train, validation, test, **kwargs) - - -class IWSLT(TranslationDataset): - """The IWSLT 2016 TED talk translation task""" - - base_url = 'https://wit3.fbk.eu/archive/2016-01//texts/{}/{}/{}.tgz' - name = 'iwslt' - base_dirname = '{}-{}' - - @classmethod - def splits(cls, exts, fields, root='.data', - train='train', validation='IWSLT16.TED.tst2013', - test='IWSLT16.TED.tst2014', **kwargs): - """Create dataset objects for splits of the IWSLT dataset. - - Args: - exts: A tuple containing the extension to path for each language. - fields: A tuple containing the fields that will be used for data - in each language. - root: Root dataset storage directory. Default is '.data'. - train: The prefix of the train data. Default: 'train'. - validation: The prefix of the validation data. Default: 'val'. - test: The prefix of the test data. Default: 'test'. - Remaining keyword arguments: Passed to the splits method of - Dataset. - """ - cls.dirname = cls.base_dirname.format(exts[0][1:], exts[1][1:]) - cls.urls = [cls.base_url.format(exts[0][1:], exts[1][1:], cls.dirname)] - check = os.path.join(root, cls.name, cls.dirname) - path = cls.download(root, check=check) - - train = '.'.join([train, cls.dirname]) - validation = '.'.join([validation, cls.dirname]) - if test is not None: - test = '.'.join([test, cls.dirname]) - - if not os.path.exists(os.path.join(path, train) + exts[0]): - cls.clean(path) - - train_data = None if train is None else cls( - os.path.join(path, train), exts, fields, **kwargs) - val_data = None if validation is None else cls( - os.path.join(path, validation), exts, fields, **kwargs) - test_data = None if test is None else cls( - os.path.join(path, test), exts, fields, **kwargs) - return tuple(d for d in (train_data, val_data, test_data) - if d is not None) - - @staticmethod - def clean(path): - for f_xml in glob.iglob(os.path.join(path, '*.xml')): - print(f_xml) - f_txt = os.path.splitext(f_xml)[0] - with codecs.open(f_txt, mode='w', encoding='utf-8') as fd_txt: - root = ET.parse(f_xml).getroot()[0] - for doc in root.findall('doc'): - for e in doc.findall('seg'): - fd_txt.write(e.text.strip() + '\n') - - xml_tags = ['', ''), - (r'&', '&'), - (r'<', '<'), - (r'>', '>'), - (r'', ''), - (r'<[^>]*>', ''), - (r'\[http:[^] ]*', '['), - (r'\|thumb', ''), - (r'\|left', ''), - (r'\|right', ''), - (r'\|\d+px', ''), - (r'\[\[image:[^\[\]]*\|', ''), - (r'\[\[category:([^|\]]*)[^]]*\]\]', '[[$1]]'), - (r'\[\[[a-z\-]*:[^\]]*\]\]', ''), - (r'\[\[[^\|\]]*\|', '[['), - (r'\{\{[^\}]*\}\}', ''), - (r'\{[^\}]*\}', ''), - (r'\[', ''), - (r'\]', ''), - (r'&[^;]*;', ' '), - (r'A', 'a'), (r'B', 'b'), (r'C', 'c'), - (r'D', 'd'), (r'E', 'e'), (r'F', 'f'), - (r'G', 'g'), (r'H', 'h'), (r'I', 'i'), - (r'J', 'j'), (r'K', 'k'), (r'L', 'l'), - (r'M', 'm'), (r'N', 'n'), (r'O', 'o'), - (r'P', 'p'), (r'Q', 'q'), (r'R', 'r'), - (r'S', 's'), (r'T', 't'), (r'U', 'u'), - (r'V', 'v'), (r'W', 'w'), (r'X', 'x'), - (r'Y', 'y'), (r'Z', 'z'), - (r'0', ' zero '), (r'1', ' one '), (r'2', ' two '), - (r'3', ' three '), (r'4', ' four '), (r'5', ' five '), - (r'6', ' six '), (r'7', ' seven '), (r'8', ' eight '), - (r'9', ' nine '), - (r'[^a-z\n]+', ' '), - (r'\n ', ''), - (r'\s+', ' '), - (r'\n\s*\n', r'\n') - ] -enwik9_norm_transform = custom_replace(_patterns) - - -def generate_offsets(filename): - offsets = [] - with open(filename) as f: - offsets.append(f.tell()) - while f.readline(): - offsets.append(f.tell()) - return offsets - - -def read_lines_from_iterator(data_path, offsets, begin_line, num_lines): - with open(data_path) as f: - f.seek(offsets[begin_line]) - for i in range(num_lines): - yield f.readline() - - -def preprocess_raw_enwik9(input_filename, output_filename): - with open(input_filename, 'r') as f1: - with open(output_filename, 'w') as f2: - while True: - line = f1.readline() - if not line: - break - line = list(enwik9_norm_transform([line]))[0] - if line != ' ' and line != '': - if line[0] == ' ': - line = line[1:] - f2.writelines(line + '\n') - - -class EnWik9(torch.utils.data.Dataset): - r"""Compressed size of first 10^9 bytes of enwiki-20060303-pages-articles.xml. - It's part of Large Text Compression Benchmark project - """ - - def __init__(self, begin_line=0, num_lines=6348957, root='.data'): - """Initiate EnWik9 dataset. - - Args: - begin_line: the number of beginning line. Default: 0 - num_lines: the number of lines to be loaded. Default: 6348957 - root: Directory where the datasets are saved. Default: ".data" - data: a list of label/tokens tuple. tokens are a tensor after - - Examples: - >>> from torchtext.datasets import EnWik9 - >>> enwik9 = EnWik9(num_lines=20000) - >>> vocab = enwik9.get_vocab() - """ - - super(EnWik9, self).__init__() - - processed_file = os.path.join(root, 'norm_enwik9') - if not os.path.exists(processed_file): - url = 'http://mattmahoney.net/dc/enwik9.zip' - dataset_zip = download_from_url(url, - path=os.path.join(root, 'enwik9.zip'), - root=root) - extracted_file = extract_archive(dataset_zip) - raw_file = extracted_file[0] - preprocess_raw_enwik9(raw_file, processed_file) - - # Meta information - offsets = generate_offsets(processed_file) - read_lines = read_lines_from_iterator(processed_file, - offsets, begin_line, num_lines) - - self._data = [] - for item in simple_space_split(read_lines): - self._data += item - - self._vocab = None - - def __getitem__(self, i): - return self._data[i] - - def __len__(self): - return len(self._data) - - def __iter__(self): - for x in self._data: - yield x - - def get_vocab(self): - if self._vocab is None: - self._vocab = build_vocab_from_iterator([self._data]) - return self._vocab diff --git a/torchtext/legacy/vocab.py b/torchtext/legacy/vocab.py deleted file mode 100755 index a28ec440ae..0000000000 --- a/torchtext/legacy/vocab.py +++ /dev/null @@ -1,294 +0,0 @@ -from collections import defaultdict -import logging -import torch -from tqdm import tqdm -from collections import Counter -from torchtext.vocab import ( - pretrained_aliases, # not in legacy - Vectors, # not in legacy -) - -logger = logging.getLogger(__name__) - - -class Vocab(object): - """Defines a vocabulary object that will be used to numericalize a field. - - Attributes: - freqs: A collections.Counter object holding the frequencies of tokens - in the data used to build the Vocab. - stoi: A collections.defaultdict instance mapping token strings to - numerical identifiers. - itos: A list of token strings indexed by their numerical identifiers. - """ - - # TODO (@mttk): Populate classs with default values of special symbols - UNK = '' - - def __init__(self, counter, max_size=None, min_freq=1, specials=('', ''), - vectors=None, unk_init=None, vectors_cache=None, specials_first=True): - """Create a Vocab object from a collections.Counter. - - Args: - counter: collections.Counter object holding the frequencies of - each value found in the data. - max_size: The maximum size of the vocabulary, or None for no - maximum. Default: None. - min_freq: The minimum frequency needed to include a token in the - vocabulary. Values less than 1 will be set to 1. Default: 1. - specials: The list of special tokens (e.g., padding or eos) that - will be prepended to the vocabulary. Default: [', ''] - vectors: One of either the available pretrained vectors - or custom pretrained vectors (see Vocab.load_vectors); - or a list of aforementioned vectors - unk_init (callback): by default, initialize out-of-vocabulary word vectors - to zero vectors; can be any function that takes in a Tensor and - returns a Tensor of the same size. Default: 'torch.zeros' - vectors_cache: directory for cached vectors. Default: '.vector_cache' - specials_first: Whether to add special tokens into the vocabulary at first. - If it is False, they are added into the vocabulary at last. - Default: True. - """ - self.freqs = counter - counter = counter.copy() - min_freq = max(min_freq, 1) - - self.itos = list() - self.unk_index = None - if specials_first: - self.itos = list(specials) - # only extend max size if specials are prepended - max_size = None if max_size is None else max_size + len(specials) - - # frequencies of special tokens are not counted when building vocabulary - # in frequency order - for tok in specials: - del counter[tok] - - # sort by frequency, then alphabetically - words_and_frequencies = sorted(counter.items(), key=lambda tup: tup[0]) - words_and_frequencies.sort(key=lambda tup: tup[1], reverse=True) - - for word, freq in words_and_frequencies: - if freq < min_freq or len(self.itos) == max_size: - break - self.itos.append(word) - - if Vocab.UNK in specials: # hard-coded for now - unk_index = specials.index(Vocab.UNK) # position in list - # account for ordering of specials, set variable - self.unk_index = unk_index if specials_first else len(self.itos) + unk_index - self.stoi = defaultdict(self._default_unk_index) - else: - self.stoi = defaultdict() - - if not specials_first: - self.itos.extend(list(specials)) - - # stoi is simply a reverse dict for itos - self.stoi.update({tok: i for i, tok in enumerate(self.itos)}) - - self.vectors = None - if vectors is not None: - self.load_vectors(vectors, unk_init=unk_init, cache=vectors_cache) - else: - assert unk_init is None and vectors_cache is None - - def _default_unk_index(self): - return self.unk_index - - def __getitem__(self, token): - return self.stoi.get(token, self.stoi.get(Vocab.UNK)) - - def __getstate__(self): - # avoid picking defaultdict - attrs = dict(self.__dict__) - # cast to regular dict - attrs['stoi'] = dict(self.stoi) - return attrs - - def __setstate__(self, state): - if state.get("unk_index", None) is None: - stoi = defaultdict() - else: - stoi = defaultdict(self._default_unk_index) - stoi.update(state['stoi']) - state['stoi'] = stoi - self.__dict__.update(state) - - def __eq__(self, other): - if self.freqs != other.freqs: - return False - if self.stoi != other.stoi: - return False - if self.itos != other.itos: - return False - if self.vectors != other.vectors: - return False - return True - - def __len__(self): - return len(self.itos) - - def lookup_indices(self, tokens): - indices = [self.__getitem__(token) for token in tokens] - return indices - - def extend(self, v, sort=False): - words = sorted(v.itos) if sort else v.itos - for w in words: - if w not in self.stoi: - self.itos.append(w) - self.stoi[w] = len(self.itos) - 1 - - def load_vectors(self, vectors, **kwargs): - """ - Args: - vectors: one of or a list containing instantiations of the - GloVe, CharNGram, or Vectors classes. Alternatively, one - of or a list of available pretrained vectors: - - charngram.100d - fasttext.en.300d - fasttext.simple.300d - glove.42B.300d - glove.840B.300d - glove.twitter.27B.25d - glove.twitter.27B.50d - glove.twitter.27B.100d - glove.twitter.27B.200d - glove.6B.50d - glove.6B.100d - glove.6B.200d - glove.6B.300d - - Remaining keyword arguments: Passed to the constructor of Vectors classes. - """ - if not isinstance(vectors, list): - vectors = [vectors] - for idx, vector in enumerate(vectors): - if isinstance(vector, str): - # Convert the string pretrained vector identifier - # to a Vectors object - if vector not in pretrained_aliases: - raise ValueError( - "Got string input vector {}, but allowed pretrained " - "vectors are {}".format( - vector, list(pretrained_aliases.keys()))) - vectors[idx] = pretrained_aliases[vector](**kwargs) - elif not isinstance(vector, Vectors): - raise ValueError( - "Got input vectors of type {}, expected str or " - "Vectors object".format(type(vector))) - - tot_dim = sum(v.dim for v in vectors) - self.vectors = torch.Tensor(len(self), tot_dim) - for i, token in enumerate(self.itos): - start_dim = 0 - for v in vectors: - end_dim = start_dim + v.dim - self.vectors[i][start_dim:end_dim] = v[token.strip()] - start_dim = end_dim - assert(start_dim == tot_dim) - - def set_vectors(self, stoi, vectors, dim, unk_init=torch.Tensor.zero_): - """ - Set the vectors for the Vocab instance from a collection of Tensors. - - Args: - stoi: A dictionary of string to the index of the associated vector - in the `vectors` input argument. - vectors: An indexed iterable (or other structure supporting __getitem__) that - given an input index, returns a FloatTensor representing the vector - for the token associated with the index. For example, - vector[stoi["string"]] should return the vector for "string". - dim: The dimensionality of the vectors. - unk_init (callback): by default, initialize out-of-vocabulary word vectors - to zero vectors; can be any function that takes in a Tensor and - returns a Tensor of the same size. Default: 'torch.zeros' - """ - self.vectors = torch.Tensor(len(self), dim) - for i, token in enumerate(self.itos): - wv_index = stoi.get(token, None) - if wv_index is not None: - self.vectors[i] = vectors[wv_index] - else: - self.vectors[i] = unk_init(self.vectors[i]) - - -class SubwordVocab(Vocab): - - def __init__(self, counter, max_size=None, specials=(''), - vectors=None, unk_init=torch.Tensor.zero_): - """Create a revtok subword vocabulary from a collections.Counter. - - Args: - counter: collections.Counter object holding the frequencies of - each word found in the data. - max_size: The maximum size of the subword vocabulary, or None for no - maximum. Default: None. - specials: The list of special tokens (e.g., padding or eos) that - will be prepended to the vocabulary in addition to an - token. - vectors: One of either the available pretrained vectors - or custom pretrained vectors (see Vocab.load_vectors); - or a list of aforementioned vectors - unk_init (callback): by default, initialize out-of-vocabulary word vectors - to zero vectors; can be any function that takes in a Tensor and - returns a Tensor of the same size. Default: 'torch.zeros - """ - try: - import revtok - except ImportError: - print("Please install revtok.") - raise - - # Hardcode unk_index as subword_vocab has no specials_first argument - self.unk_index = (specials.index(SubwordVocab.UNK) - if SubwordVocab.UNK in specials else None) - - if self.unk_index is None: - self.stoi = defaultdict() - else: - self.stoi = defaultdict(self._default_unk_index) - - self.stoi.update({tok: i for i, tok in enumerate(specials)}) - self.itos = specials.copy() - - self.segment = revtok.SubwordSegmenter(counter, max_size) - - max_size = None if max_size is None else max_size + len(self.itos) - - # sort by frequency/entropy, then alphabetically - toks = sorted(self.segment.vocab.items(), - key=lambda tup: (len(tup[0]) != 1, -tup[1], tup[0])) - - for tok, _ in toks: - if len(self.itos) == max_size: - break - self.itos.append(tok) - self.stoi[tok] = len(self.itos) - 1 - - if vectors is not None: - self.load_vectors(vectors, unk_init=unk_init) - - -def build_vocab_from_iterator(iterator, num_lines=None): - """ - Build a Vocab from an iterator. - - Args: - iterator: Iterator used to build Vocab. Must yield list or iterator of tokens. - num_lines: The expected number of elements returned by the iterator. - (Default: None) - Optionally, if known, the expected number of elements can be passed to - this factory function for improved progress reporting. - """ - - counter = Counter() - with tqdm(unit_scale=0, unit='lines', total=num_lines) as t: - for tokens in iterator: - counter.update(tokens) - t.update(1) - word_vocab = Vocab(counter) - return word_vocab From daf0f6c71d7b764aafd2f1a2a3e7aa37dcc36e53 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 10 Nov 2021 14:41:50 -0500 Subject: [PATCH 032/463] Updated sst2 dataset to accept `validate_hash` parameter (#1438) Summary: ## Description - Updated sst2 dataset to accept a `validate_hash` parameter - This allows for testing using partial datasets since downloading the entire dataset takes much longer Reviewed By: parmeet Differential Revision: D32250435 fbshipit-source-id: 9b5e7183f62df69638e1a3af2107273daa6f4ac5 --- test/asset/SST-2.zip | Bin 0 -> 1906 bytes test/experimental/test_datasets.py | 67 +++++++++++++++--------- torchtext/experimental/datasets/sst2.py | 21 ++++---- 3 files changed, 54 insertions(+), 34 deletions(-) create mode 100644 test/asset/SST-2.zip diff --git a/test/asset/SST-2.zip b/test/asset/SST-2.zip new file mode 100644 index 0000000000000000000000000000000000000000..a5e3cd9638c3fdd3b2d8ee294a3e886fce23dbbd GIT binary patch literal 1906 zcmZ{ldon3{CvRx2%eA`vNbO!Dgsh6V*+VF=A7iJ zgZK9ZW9CYBMh^sdvpLVTs_(wThv{eO7VvU@Vl2(F6l{mF_6=}pJ-rg$=Y{-(j?`Ci z0hz6By@sX7pDi*Wj-Z@L+ER2p*F$yOD zRX+RF6*F;kow~IEfti50s^B|73 z^VBLDBb0@?sI!@{eia=Nd|E-+PBpH~>V$l2EQ}-K4fl|=_Ur7t&KCPYe(4$fAjlx+ zT(USxInmlKY8*-K@bypjMGUc)nb|)^blsFQiE@I|d#iluN^@2paqoIsJ{iEH7m((f zX}C!G(RHjlZ%ME`z_YF0}(RWPGJQZZ?k79hcPqQFFR z?y|bM@s6%6`-Qx8+d+gK^yeD5z$W1Pn9{e7BE?TF>Z?;5ipbBlUXa*IZLo$qNi2O0 z+A>;VD=senv#Zx6j&99=y6S`eaY|2Von79QzGmsb`#5K<9FxJ6a+PbfVNU34-{*$Q zD$#Bznr5%xsV~}Z*gL?wt2vpB9D!Jl!kfMEt_5yE8a(RZqZ8Pp2-EOtKc5MCx-f_5MM&{s{Wh$3`)iti!m29B59%{ z83x0JXyPTW?zw}L^N*zo{NHZzy05**1#(ZhbmD6UvHNO|d!gJ$_Tt-%c0WhTC=Jgz z>BBPS&KPNFQsP=3&o=vAb^MPs5TEbPJA}ROlun%2UhfIvAZsDPSg0t~Cd#O5x~W?B z2TRAgo97O`li@MJ^#;}G85j1U=Fk&G^HA~6E`;{@F1pW*h3~<@(6din1K8jv?N@&4 zSBSfx-$w{hJ!mFJ>O`TIJ6Avs~45S!tRk6t=8P0uFL0_(+pcGB28N< z;$sgl?8R=94mVv)%|48AOVEfW-+H%xLYNvzQ1gs^=F5=VWc8B#1B{vw# zo1LZF(2KriKvx|fn*IU*r&hlId$IKpQDCkdG$q^|*V@g9if zOJe216KQ4;*&}w=W6d_GtfA<|uf=uapO!#Y0P`>f^-tuQPvg#X>+P6ZFVAHx0a-|D+drCtW_im8K6**&`PxGR%Xz(?6= zm-_eieb6i;uTXPYTr{f3ub152e;W6ZWiaL@Dr|JBDL*ev0V2AGw1_FDmyE*uhAFQ+ z0(1xT^Jn9h!?0DpZS9k^6#?T9a>7#W?iu$9`$`kvb@`deluB-=v*3f2Q4*Nuy82Ah z@sWz0^NhJW@`WGXYoKfdIU8Y;*`ci*JF$EqtJ}zw(ni&|u2?f?Qh_Q|HF|)9=N2K( zRx7LRpZKL>p6E}Rh{_Xuh?v}&a_h`a?5yJ`VL<)B=<|gz%cXM@_hKQ{ljHG!&WP$rPsVd)U+b&xOZf3L1}|Ey#whk zC9Mnkf1RTxDHH&ZkOEMzZSA%-knGIBsD4R4iQ2!U-gdRGx!tZ7 dAOn1%SR%GX@mEiimD~CQNHX3?*4V#Je*#r^Jq!Q< literal 0 HcmV?d00001 diff --git a/test/experimental/test_datasets.py b/test/experimental/test_datasets.py index 31f52f3193..50af68ac4b 100644 --- a/test/experimental/test_datasets.py +++ b/test/experimental/test_datasets.py @@ -1,38 +1,55 @@ import hashlib import json +import os +import shutil +import tempfile from torchtext.experimental.datasets import sst2 +from ..common.assets import get_asset_path from ..common.case_utils import skipIfNoModule from ..common.torchtext_test_case import TorchtextTestCase class TestDataset(TorchtextTestCase): @skipIfNoModule("torchdata") - def test_sst2_dataset(self): - split = ("train", "dev", "test") - train_dataset, dev_dataset, test_dataset = sst2.SST2(split=split) + def test_sst2__dataset(self): + # copy the asset file into the expected download location + # note that this is just a zip file with the first 10 lines of the SST2 dataset + # test if providing a custom hash works with the dummy dataset + with tempfile.TemporaryDirectory() as dir_name: + asset_path = get_asset_path(sst2._PATH) + data_path = os.path.join(dir_name, sst2.DATASET_NAME, sst2._PATH) + os.makedirs(os.path.join(dir_name, sst2.DATASET_NAME)) + shutil.copy(asset_path, data_path) - # verify datasets objects are instances of SST2Dataset - for dataset in (train_dataset, dev_dataset, test_dataset): - self.assertTrue(isinstance(dataset, sst2.SST2Dataset)) + split = ("train", "dev", "test") + train_dataset, dev_dataset, test_dataset = sst2.SST2( + split=split, root=dir_name, validate_hash=False + ) - # verify hashes of first line in dataset - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(train_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["train"], - ) - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(dev_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["dev"], - ) - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(test_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["test"], - ) + # verify datasets objects are instances of SST2Dataset + for dataset in (train_dataset, dev_dataset, test_dataset): + self.assertTrue(isinstance(dataset, sst2.SST2Dataset)) + + # verify hashes of first line in dataset + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(train_dataset)), sort_keys=True).encode( + "utf-8" + ) + ).hexdigest(), + sst2._FIRST_LINE_MD5["train"], + ) + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(dev_dataset)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["dev"], + ) + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(test_dataset)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["test"], + ) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 6a25bd7d99..95bac217f7 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -11,6 +11,7 @@ if is_module_available("torchdata"): from torchdata.datapipes.iter import IterableWrapper + # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook from torchtext._download_hooks import HttpReader @@ -51,8 +52,8 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev", "test")) -def SST2(root, split): - return SST2Dataset(root, split) +def SST2(root, split, validate_hash=True): + return SST2Dataset(root, split, validate_hash=validate_hash) class SST2Dataset(IterableDataset): @@ -61,7 +62,7 @@ class SST2Dataset(IterableDataset): We do sanity check on dowloaded and extracted data """ - def __init__(self, root, split): + def __init__(self, root, split, validate_hash=True): if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` is required to be installed to use this dataset." @@ -69,13 +70,13 @@ def __init__(self, root, split): "how to install the package." ) - self._dp = self._get_datapipe(root, split) + self._dp = self._get_datapipe(root, split, validate_hash) def __iter__(self): for data in self._dp: yield data - def _get_datapipe(self, root, split): + def _get_datapipe(self, root, split, validate_hash): # cache data on-disk cache_dp = IterableWrapper([URL]).on_disk_cache( HttpReader, @@ -83,10 +84,12 @@ def _get_datapipe(self, root, split): filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), ) - # do sanity check - check_cache_dp = cache_dp.check_hash( - {os.path.join(root, "SST-2.zip"): MD5}, "md5" - ) + # validate integrity of dataset using md5 checksum + check_cache_dp = cache_dp + if validate_hash: + check_cache_dp = cache_dp.check_hash( + {os.path.join(root, "SST-2.zip"): MD5}, "md5" + ) # extract data from zip extracted_files = check_cache_dp.read_from_zip().filter(lambda x: split in x[0]) From 778b3e62770c24c4ecde06a6aaba1dee38c07e2e Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 10 Nov 2021 22:54:31 -0500 Subject: [PATCH 033/463] fix attention mask testing (#1439) --- test/models/test_models.py | 12 +++--------- 1 file changed, 3 insertions(+), 9 deletions(-) diff --git a/test/models/test_models.py b/test/models/test_models.py index b917104c1b..91b3eb999a 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -22,15 +22,9 @@ def test_self_attn_mask(self): mha.output_projection.bias.fill_(0.) # with attention mask - actual = mha(query, key_padding_mask, attn_mask) - expected = torch.tensor([[[0.0000, 0.0000, 0.0000, 0.0000]], - [[0.8938, 0.8938, 0.8938, 0.8938]]]) - torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) - - # without attention mask - actual = mha(query, key_padding_mask) - expected = torch.tensor([[[0.5556, 0.5556, 0.5556, 0.5556]], - [[0.8938, 0.8938, 0.8938, 0.8938]]]) + output = mha(query, key_padding_mask, attn_mask) + actual = output[0].flatten() + expected = torch.tensor([0., 0., 0., 0]) torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) From a26a8ef7f7ad22f9f2ae7af0e52e4c9760ab439d Mon Sep 17 00:00:00 2001 From: robertparley <826648293@qq.com> Date: Thu, 11 Nov 2021 23:29:01 +0800 Subject: [PATCH 034/463] correct the `_compute_ngram_counter` docstring (#1440) --- torchtext/data/metrics.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/torchtext/data/metrics.py b/torchtext/data/metrics.py index c5c2983ee4..bd4b223d77 100644 --- a/torchtext/data/metrics.py +++ b/torchtext/data/metrics.py @@ -22,8 +22,7 @@ def _compute_ngram_counter(tokens, max_n): Counter({('me',): 2, ('you',): 1, ('me', 'me'): 1, - ('me', 'you'): 1, - ('me', 'me', 'you'): 1}) + ('me', 'you'): 1}) """ assert max_n > 0 ngrams_counter = collections.Counter(tuple(x.split(' ')) From d4a27a05a85d331d84d3ac527ca5f18ca64d326f Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Fri, 12 Nov 2021 06:51:02 -0800 Subject: [PATCH 035/463] [CircleCI Windows Failure] Fix the way we join URL pieces to download XLM-R components (#1441) --- torchtext/__init__.py | 2 +- torchtext/models/roberta/bundler.py | 14 +++++++------- 2 files changed, 8 insertions(+), 8 deletions(-) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 7f59b774ab..773d2dd19e 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -1,5 +1,5 @@ import os -_TEXT_BUCKET = 'https://download.pytorch.org/models/text' +_TEXT_BUCKET = 'https://download.pytorch.org/models/text/' _CACHE_DIR = os.path.expanduser('~/.torchtext/cache') from . import data diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index d26a2d71cc..bbecc47410 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -1,7 +1,7 @@ -import os from dataclasses import dataclass from functools import partial +from urllib.parse import urljoin from typing import Optional, Callable from torchtext._download_hooks import load_state_dict_from_url @@ -100,19 +100,19 @@ def encoderConf(self) -> RobertaEncoderConf: XLMR_BASE_ENCODER = RobertaModelBundle( - _path=os.path.join(_TEXT_BUCKET, "xlmr.base.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "xlmr.base.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=250002), transform=partial(get_xlmr_transform, - vocab_path=os.path.join(_TEXT_BUCKET, "xlmr.vocab.pt"), - spm_model_path=os.path.join(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), + vocab_path=urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"), + spm_model_path=urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), ) ) XLMR_LARGE_ENCODER = RobertaModelBundle( - _path=os.path.join(_TEXT_BUCKET, "xlmr.large.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "xlmr.large.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), transform=partial(get_xlmr_transform, - vocab_path=os.path.join(_TEXT_BUCKET, "xlmr.vocab.pt"), - spm_model_path=os.path.join(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), + vocab_path=urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"), + spm_model_path=urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), ) ) From e691934d2779be40ab425056836565840f49d565 Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 12 Nov 2021 12:09:12 -0500 Subject: [PATCH 036/463] Update doc and fix CircleCI doc build issue (#1434) --- docs/requirements.txt | 2 +- docs/source/functional.rst | 25 ++++++++++++++++++ docs/source/index.rst | 3 +++ docs/source/models.rst | 34 +++++++++++++++++++++++++ docs/source/transforms.rst | 39 +++++++++++++++++++++++++++++ torchtext/models/roberta/bundler.py | 22 +++++++++++++++- torchtext/transforms.py | 2 +- 7 files changed, 124 insertions(+), 3 deletions(-) create mode 100644 docs/source/functional.rst create mode 100644 docs/source/models.rst create mode 100644 docs/source/transforms.rst diff --git a/docs/requirements.txt b/docs/requirements.txt index 560a2b3600..d58c576129 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,2 +1,2 @@ -sphinx==2.4.4 +sphinx==3.5.4 -e git+git://github.com/pytorch/pytorch_sphinx_theme.git#egg=pytorch_sphinx_theme diff --git a/docs/source/functional.rst b/docs/source/functional.rst new file mode 100644 index 0000000000..a40c0941f5 --- /dev/null +++ b/docs/source/functional.rst @@ -0,0 +1,25 @@ +.. role:: hidden + :class: hidden-section + +torchtext.functional +=========================== + +.. automodule:: torchtext.functional +.. currentmodule:: torchtext.functional + +to_tensor +--------- + +.. autofunction:: to_tensor + + +truncate +-------- + +.. autofunction:: truncate + + +add_token +--------- + +.. autofunction:: add_token \ No newline at end of file diff --git a/docs/source/index.rst b/docs/source/index.rst index 23b2fb1b52..8a29be9bc3 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -44,6 +44,9 @@ popular datasets for natural language. experimental_vectors experimental_vocab models_utils + transforms + functional + models .. automodule:: torchtext :members: diff --git a/docs/source/models.rst b/docs/source/models.rst new file mode 100644 index 0000000000..500b2a6c7d --- /dev/null +++ b/docs/source/models.rst @@ -0,0 +1,34 @@ +.. role:: hidden + :class: hidden-section + +torchtext.models +=========================== + +.. automodule:: torchtext.models +.. currentmodule:: torchtext.models + +RobertaModelBundle +------------------ + +.. autoclass:: RobertaModelBundle + :members: transform + + .. automethod:: get_model + +XLMR_BASE_ENCODER +----------------- + +.. container:: py attribute + + .. autodata:: XLMR_BASE_ENCODER + :no-value: + + +XLMR_LARGE_ENCODER +------------------ + +.. container:: py attribute + + .. autodata:: XLMR_LARGE_ENCODER + :no-value: + diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst new file mode 100644 index 0000000000..220f18bf34 --- /dev/null +++ b/docs/source/transforms.rst @@ -0,0 +1,39 @@ +.. role:: hidden + :class: hidden-section + +torchtext.transforms +=========================== + +.. automodule:: torchtext.transforms +.. currentmodule:: torchtext.transforms + +Transforms are common text transforms. They can be chained together using :class:`torch.nn.Sequential` + +SentencePieceTokenizer +---------------------- + +.. autoclass:: SentencePieceTokenizer + + .. automethod:: forward + + +VocabTransform +-------------- + +.. autoclass:: VocabTransform + + .. automethod:: forward + +ToTensor +-------- + +.. autoclass:: ToTensor + + .. automethod:: forward + +LabelToIndex +------------ + +.. autoclass:: LabelToIndex + + .. automethod:: forward diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index bbecc47410..d0ba4b7028 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -23,7 +23,8 @@ @dataclass class RobertaModelBundle: - """ + """RobertaModelBundle(_params: torchtext.models.RobertaEncoderParams, _path: Optional[str] = None, _head: Optional[torch.nn.Module] = None, transform: Optional[Callable] = None) + Example - Pretrained encoder >>> import torch, torchtext >>> xlmr_base = torchtext.models.XLMR_BASE_ENCODER @@ -66,6 +67,8 @@ class RobertaModelBundle: transform: Optional[Callable] = None def get_model(self, head: Optional[Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> RobertaModel: + r"""get_model(head: Optional[torch.nn.Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> torctext.models.RobertaModel + """ if load_weights: assert self._path is not None, "load_weights cannot be True. The pre-trained model weights are not available for the current object" @@ -108,6 +111,15 @@ def encoderConf(self) -> RobertaEncoderConf: ) ) +XLMR_BASE_ENCODER.__doc__ = ( + ''' + XLM-R Encoder with base configuration + + Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + ''' +) + + XLMR_LARGE_ENCODER = RobertaModelBundle( _path=urljoin(_TEXT_BUCKET, "xlmr.large.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), @@ -116,3 +128,11 @@ def encoderConf(self) -> RobertaEncoderConf: spm_model_path=urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), ) ) + +XLMR_LARGE_ENCODER.__doc__ = ( + ''' + XLM-R Encoder with Large configuration + + Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + ''' +) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index d13f690bc8..cf43e40f4d 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -63,7 +63,7 @@ class VocabTransform(Module): >>> jit_vocab_transform = torch.jit.script(vocab_transform) """ - def __init__(self, vocab): + def __init__(self, vocab: Vocab): super().__init__() assert isinstance(vocab, Vocab) self.vocab = vocab From e504b81228241d9244a7e524bd6c50ebe551a486 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 15 Nov 2021 16:28:03 -0500 Subject: [PATCH 037/463] Fixed file filtering bug in SST2 dataset (#1444) Summary: - Removed copying partial SST2 asset file to a temp dir and instead directly working with the file from the asset folder - Fixed bug with path names affecting how files were filtered out from the zip file - For example, if the value of `split` is "test", the following snippet of code `filter(lambda x: split in x[0])` might match all of the "train", "test", and "dev" files depending on the location of the dataset asset file - When testing with buck, the location of the extracted files could look something like `/data/users/nayef211/fbsource/fbcode/buck-out/dev/gen/pytorch/text/test/experimental_test_datasets#binary,link-tree/test/asset/SST2/SST-2.zip/train.tsv`. Since the word "test" is contained in this path string, the filtering logic would incorrectly select the "train" file even though what we want is the "test" file - To resolve this we append the file extension (in this case ".tsv") to the `split` variable in the filtering logic Reviewed By: parmeet Differential Revision: D32329831 fbshipit-source-id: dbb4803a04f6cd50fab3f7ce5530d3258b2db012 --- test/asset/{ => SST2}/SST-2.zip | Bin test/experimental/test_datasets.py | 67 ++++++++++-------------- torchtext/experimental/datasets/sst2.py | 4 +- 3 files changed, 30 insertions(+), 41 deletions(-) rename test/asset/{ => SST2}/SST-2.zip (100%) diff --git a/test/asset/SST-2.zip b/test/asset/SST2/SST-2.zip similarity index 100% rename from test/asset/SST-2.zip rename to test/asset/SST2/SST-2.zip diff --git a/test/experimental/test_datasets.py b/test/experimental/test_datasets.py index 50af68ac4b..18807c4958 100644 --- a/test/experimental/test_datasets.py +++ b/test/experimental/test_datasets.py @@ -1,12 +1,9 @@ import hashlib import json -import os -import shutil -import tempfile from torchtext.experimental.datasets import sst2 -from ..common.assets import get_asset_path +from ..common.assets import _ASSET_DIR from ..common.case_utils import skipIfNoModule from ..common.torchtext_test_case import TorchtextTestCase @@ -14,42 +11,32 @@ class TestDataset(TorchtextTestCase): @skipIfNoModule("torchdata") def test_sst2__dataset(self): - # copy the asset file into the expected download location - # note that this is just a zip file with the first 10 lines of the SST2 dataset - # test if providing a custom hash works with the dummy dataset - with tempfile.TemporaryDirectory() as dir_name: - asset_path = get_asset_path(sst2._PATH) - data_path = os.path.join(dir_name, sst2.DATASET_NAME, sst2._PATH) - os.makedirs(os.path.join(dir_name, sst2.DATASET_NAME)) - shutil.copy(asset_path, data_path) - split = ("train", "dev", "test") - train_dataset, dev_dataset, test_dataset = sst2.SST2( - split=split, root=dir_name, validate_hash=False - ) + split = ("train", "dev", "test") + train_dataset, dev_dataset, test_dataset = sst2.SST2( + split=split, root=_ASSET_DIR, validate_hash=False + ) - # verify datasets objects are instances of SST2Dataset - for dataset in (train_dataset, dev_dataset, test_dataset): - self.assertTrue(isinstance(dataset, sst2.SST2Dataset)) + # verify datasets objects are instances of SST2Dataset + for dataset in (train_dataset, dev_dataset, test_dataset): + self.assertTrue(isinstance(dataset, sst2.SST2Dataset)) - # verify hashes of first line in dataset - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(train_dataset)), sort_keys=True).encode( - "utf-8" - ) - ).hexdigest(), - sst2._FIRST_LINE_MD5["train"], - ) - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(dev_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["dev"], - ) - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(test_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["test"], - ) + # verify hashes of first line in dataset + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(train_dataset)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["train"], + ) + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(dev_dataset)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["dev"], + ) + self.assertEqual( + hashlib.md5( + json.dumps(next(iter(test_dataset)), sort_keys=True).encode("utf-8") + ).hexdigest(), + sst2._FIRST_LINE_MD5["test"], + ) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 95bac217f7..77d3134ac6 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -92,7 +92,9 @@ def _get_datapipe(self, root, split, validate_hash): ) # extract data from zip - extracted_files = check_cache_dp.read_from_zip().filter(lambda x: split in x[0]) + extracted_files = check_cache_dp.read_from_zip().filter( + lambda x: f"{split}.tsv" in x[0] + ) # Parse CSV file and yield data samples return extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( From 2040d8da87394ab5ecf6ac2bbcd5a00beb940cf4 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 22 Nov 2021 13:48:07 -0500 Subject: [PATCH 038/463] Add a class method in Model Bundler to facilitate model creation with user-defined configuration and checkpoint (#1442) --- test/models/test_models.py | 37 ++++++++++++- torchtext/models/roberta/bundler.py | 83 ++++++++++++++++++++++++----- 2 files changed, 105 insertions(+), 15 deletions(-) diff --git a/test/models/test_models.py b/test/models/test_models.py index 91b3eb999a..488b9fc561 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -1,6 +1,5 @@ import torchtext import torch - from ..common.torchtext_test_case import TorchtextTestCase from ..common.assets import get_asset_path @@ -91,3 +90,39 @@ def test_xlmr_transform_jit(self): actual = transform_jit([test_text]) expected = [[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]] torch.testing.assert_close(actual, expected) + + def test_roberta_bundler_from_config(self): + from torchtext.models import RobertaEncoderConf, RobertaClassificationHead, RobertaModel, RobertaModelBundle + dummy_encoder_conf = RobertaEncoderConf(vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2) + + # case: user provide encoder checkpoint state dict + dummy_encoder = RobertaModel(dummy_encoder_conf) + model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + checkpoint=dummy_encoder.state_dict()) + self.assertEqual(model.state_dict(), dummy_encoder.state_dict()) + + # case: user provide classifier checkpoint state dict when head is given and override_head is False (by default) + dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) + model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + head=another_dummy_classifier_head, + checkpoint=dummy_classifier.state_dict()) + self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) + + # case: user provide classifier checkpoint state dict when head is given and override_head is set True + another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + head=another_dummy_classifier_head, + checkpoint=dummy_classifier.state_dict(), + override_head=True) + self.assertEqual(model.head.state_dict(), another_dummy_classifier_head.state_dict()) + + # case: user provide only encoder checkpoint state dict when head is given + dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) + encoder_state_dict = {} + for k, v in dummy_classifier.encoder.state_dict().items(): + encoder_state_dict['encoder.' + k] = v + model = torchtext.models.RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict) + self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index d0ba4b7028..d1b699e4c0 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -1,13 +1,13 @@ - from dataclasses import dataclass from functools import partial from urllib.parse import urljoin -from typing import Optional, Callable +from typing import Optional, Callable, Dict, Union, Any from torchtext._download_hooks import load_state_dict_from_url from torch.nn import Module +import torch import logging - +import re logger = logging.getLogger(__name__) from .model import ( @@ -21,6 +21,11 @@ from torchtext import _TEXT_BUCKET +def _is_head_available_in_checkpoint(checkpoint, head_state_dict): + # ensure all keys are present + return all(key in checkpoint.keys() for key in head_state_dict.keys()) + + @dataclass class RobertaModelBundle: """RobertaModelBundle(_params: torchtext.models.RobertaEncoderParams, _path: Optional[str] = None, _head: Optional[torch.nn.Module] = None, transform: Optional[Callable] = None) @@ -44,7 +49,7 @@ class RobertaModelBundle: Example - Pretrained encoder attached to un-initialized classification head >>> import torch, torchtext >>> xlmr_large = torchtext.models.XLMR_LARGE_ENCODER - >>> classifier_head = torchtext.models.RobertaClassificationHead(num_classes=2, input_dim = xlmr_large.params.embedding_dim) + >>> classifier_head = torchtext.models.RobertaClassificationHead(num_classes=2, input_dim = xlmr_large.encoderConf.embedding_dim) >>> classification_model = xlmr_large.get_model(head=classifier_head) >>> transform = xlmr_large.transform() >>> model_input = torch.tensor(transform(["Hello World"])) @@ -60,14 +65,28 @@ class RobertaModelBundle: >>> encoder = roberta_bundle.get_model() >>> classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) >>> classifier = roberta_bundle.get_model(head=classifier_head) + >>> # using from_config + >>> encoder = RobertaModelBundle.from_config(config=roberta_encoder_conf, checkpoint=model_weights_path) + >>> classifier = RobertaModelBundle.from_config(config=roberta_encoder_conf, head=classifier_head, checkpoint=model_weights_path) """ _encoder_conf: RobertaEncoderConf _path: Optional[str] = None _head: Optional[Module] = None transform: Optional[Callable] = None - def get_model(self, head: Optional[Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> RobertaModel: + def get_model(self, + head: Optional[Module] = None, + load_weights: bool = True, + freeze_encoder: bool = False, + *, + dl_kwargs=None) -> RobertaModel: r"""get_model(head: Optional[torch.nn.Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> torctext.models.RobertaModel + + Args: + head (nn.Module): A module to be attached to the encoder to perform specific task. If provided, it will replace the default member head (Default: ``None``) + load_weights (bool): Indicates whether or not to load weights if available. (Default: ``True``) + freeze_encoder (bool): Indicates whether or not to freeze the encoder weights. (Default: ``False``) + dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: ``None``) """ if load_weights: @@ -84,17 +103,53 @@ def get_model(self, head: Optional[Module] = None, load_weights: bool = True, fr else: input_head = self._head - model = _get_model(self._encoder_conf, input_head, freeze_encoder) - - if not load_weights: - return model + return RobertaModelBundle.from_config(encoder_conf=self._encoder_conf, + head=input_head, + freeze_encoder=freeze_encoder, + checkpoint=self._path, + override_head=True, + dl_kwargs=dl_kwargs) + + @classmethod + def from_config( + cls, + encoder_conf: RobertaEncoderConf, + head: Optional[Module] = None, + freeze_encoder: bool = False, + checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, + *, + override_head: bool = False, + dl_kwargs: Dict[str, Any] = None, + ) -> RobertaModel: + """Class method to create model with user-defined encoder configuration and checkpoint + + Args: + encoder_conf (RobertaEncoderConf): An instance of class RobertaEncoderConf that defined the encoder configuration + head (nn.Module): A module to be attached to the encoder to perform specific task. (Default: ``None``) + freeze_encoder (bool): Indicates whether to freeze the encoder weights. (Default: ``False``) + checkpoint (str or Dict[str, torch.Tensor]): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. (Default: ``None``) + override_head (bool): Override the checkpoint's head state dict (if present) with provided head state dict. (Default: ``False``) + dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: ``None``) + """ + model = _get_model(encoder_conf, head, freeze_encoder) + if checkpoint is not None: + if torch.jit.isinstance(checkpoint, Dict[str, torch.Tensor]): + state_dict = checkpoint + elif isinstance(checkpoint, str): + dl_kwargs = {} if dl_kwargs is None else dl_kwargs + state_dict = load_state_dict_from_url(checkpoint, **dl_kwargs) + else: + raise TypeError("checkpoint must be of type `str` or `Dict[str, torch.Tensor]` but got {}".format(type(checkpoint))) + + if head is not None: + regex = re.compile(r"^head\.") + head_state_dict = {k: v for k, v in model.state_dict().items() if regex.findall(k)} + # If checkpoint does not contains head_state_dict, then we augment the checkpoint with user-provided head state_dict + if not _is_head_available_in_checkpoint(state_dict, head_state_dict) or override_head: + state_dict.update(head_state_dict) - dl_kwargs = {} if dl_kwargs is None else dl_kwargs - state_dict = load_state_dict_from_url(self._path, **dl_kwargs) - if input_head is not None: - model.load_state_dict(state_dict, strict=False) - else: model.load_state_dict(state_dict, strict=True) + return model @property From c7110b533cdc033c814522edd98515d327b88ed8 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 23 Nov 2021 13:11:06 -0500 Subject: [PATCH 039/463] Refactor OnDiskCache (#61) (#1450) --- torchtext/experimental/datasets/sst2.py | 22 +++++++++++----------- 1 file changed, 11 insertions(+), 11 deletions(-) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 77d3134ac6..6568cde8a6 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -10,7 +10,7 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import IterableWrapper + from torchdata.datapipes.iter import IterableWrapper, FileLoader # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook @@ -77,22 +77,22 @@ def __iter__(self): yield data def _get_datapipe(self, root, split, validate_hash): + # Validate integrity of dataset using md5 checksum + hash_dict = {os.path.join(root, "SST-2.zip"): MD5} if validate_hash else None + hash_type = "md5" if validate_hash else None + # cache data on-disk cache_dp = IterableWrapper([URL]).on_disk_cache( - HttpReader, - op_map=lambda x: (x[0], x[1].read()), filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict=hash_dict, + hash_type=hash_type, ) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - # validate integrity of dataset using md5 checksum - check_cache_dp = cache_dp - if validate_hash: - check_cache_dp = cache_dp.check_hash( - {os.path.join(root, "SST-2.zip"): MD5}, "md5" - ) - + # Load from cached file + cache_dp = FileLoader(cache_dp, mode="rb") # extract data from zip - extracted_files = check_cache_dp.read_from_zip().filter( + extracted_files = cache_dp.read_from_zip().filter( lambda x: f"{split}.tsv" in x[0] ) From aea6ad6bf9a6292af3d5051b4862b966871bdcce Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 23 Nov 2021 15:12:08 -0500 Subject: [PATCH 040/463] add unit tests to for testing model training (#1449) --- test/models/test_models.py | 48 ++++++++++++++++++++++++++++++++++++++ 1 file changed, 48 insertions(+) diff --git a/test/models/test_models.py b/test/models/test_models.py index 488b9fc561..67876c75ff 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -1,5 +1,7 @@ import torchtext import torch +from torch.nn import functional as torch_F +import copy from ..common.torchtext_test_case import TorchtextTestCase from ..common.assets import get_asset_path @@ -126,3 +128,49 @@ def test_roberta_bundler_from_config(self): encoder_state_dict['encoder.' + k] = v model = torchtext.models.RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) + + def test_roberta_bundler_train(self): + from torchtext.models import RobertaEncoderConf, RobertaClassificationHead, RobertaModel, RobertaModelBundle + dummy_encoder_conf = RobertaEncoderConf(vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2) + from torch.optim import SGD + + def _train(model): + optim = SGD(model.parameters(), lr=1) + model_input = torch.tensor([[0, 1, 2, 3, 4, 5]]) + target = torch.tensor([0]) + logits = model(model_input) + loss = torch_F.cross_entropy(logits, target) + loss.backward() + optim.step() + + # does not freeze encoder + dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) + model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + head=dummy_classifier_head, + freeze_encoder=False, + checkpoint=dummy_classifier.state_dict()) + + encoder_current_state_dict = copy.deepcopy(model.encoder.state_dict()) + head_current_state_dict = copy.deepcopy(model.head.state_dict()) + + _train(model) + + self.assertNotEqual(model.encoder.state_dict(), encoder_current_state_dict) + self.assertNotEqual(model.head.state_dict(), head_current_state_dict) + + # freeze encoder + dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) + model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + head=dummy_classifier_head, + freeze_encoder=True, + checkpoint=dummy_classifier.state_dict()) + + encoder_current_state_dict = copy.deepcopy(model.encoder.state_dict()) + head_current_state_dict = copy.deepcopy(model.head.state_dict()) + + _train(model) + + self.assertEqual(model.encoder.state_dict(), encoder_current_state_dict) + self.assertNotEqual(model.head.state_dict(), head_current_state_dict) From 9f2fb3f00cd9a4cc8d41d2e9cbfa5e9bf9533224 Mon Sep 17 00:00:00 2001 From: parmeet Date: Sun, 28 Nov 2021 17:59:41 -0500 Subject: [PATCH 041/463] change from_config to build_model and other minor clean-ups (#1452) --- test/models/test_models.py | 16 ++++---- torchtext/models/roberta/bundler.py | 62 ++++++++++++++--------------- torchtext/models/roberta/model.py | 38 ++++++++---------- 3 files changed, 53 insertions(+), 63 deletions(-) diff --git a/test/models/test_models.py b/test/models/test_models.py index 67876c75ff..2eb432745b 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -93,13 +93,13 @@ def test_xlmr_transform_jit(self): expected = [[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]] torch.testing.assert_close(actual, expected) - def test_roberta_bundler_from_config(self): + def test_roberta_bundler_build_model(self): from torchtext.models import RobertaEncoderConf, RobertaClassificationHead, RobertaModel, RobertaModelBundle dummy_encoder_conf = RobertaEncoderConf(vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2) # case: user provide encoder checkpoint state dict dummy_encoder = RobertaModel(dummy_encoder_conf) - model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, checkpoint=dummy_encoder.state_dict()) self.assertEqual(model.state_dict(), dummy_encoder.state_dict()) @@ -107,17 +107,17 @@ def test_roberta_bundler_from_config(self): dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, head=another_dummy_classifier_head, checkpoint=dummy_classifier.state_dict()) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) # case: user provide classifier checkpoint state dict when head is given and override_head is set True another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) - model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, head=another_dummy_classifier_head, checkpoint=dummy_classifier.state_dict(), - override_head=True) + override_checkpoint_head=True) self.assertEqual(model.head.state_dict(), another_dummy_classifier_head.state_dict()) # case: user provide only encoder checkpoint state dict when head is given @@ -126,7 +126,7 @@ def test_roberta_bundler_from_config(self): encoder_state_dict = {} for k, v in dummy_classifier.encoder.state_dict().items(): encoder_state_dict['encoder.' + k] = v - model = torchtext.models.RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict) + model = torchtext.models.RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) def test_roberta_bundler_train(self): @@ -146,7 +146,7 @@ def _train(model): # does not freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, freeze_encoder=False, checkpoint=dummy_classifier.state_dict()) @@ -162,7 +162,7 @@ def _train(model): # freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.from_config(encoder_conf=dummy_encoder_conf, + model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, freeze_encoder=True, checkpoint=dummy_classifier.state_dict()) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index d1b699e4c0..58774aacd5 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -13,7 +13,6 @@ from .model import ( RobertaEncoderConf, RobertaModel, - _get_model, ) from .transforms import get_xlmr_transform @@ -30,44 +29,38 @@ def _is_head_available_in_checkpoint(checkpoint, head_state_dict): class RobertaModelBundle: """RobertaModelBundle(_params: torchtext.models.RobertaEncoderParams, _path: Optional[str] = None, _head: Optional[torch.nn.Module] = None, transform: Optional[Callable] = None) - Example - Pretrained encoder + Example - Pretrained base xlmr encoder >>> import torch, torchtext + >>> from torchtext.functional import to_tensor >>> xlmr_base = torchtext.models.XLMR_BASE_ENCODER >>> model = xlmr_base.get_model() >>> transform = xlmr_base.transform() - >>> model_input = torch.tensor(transform(["Hello World"])) - >>> output = model(model_input) - >>> output.shape - torch.Size([1, 4, 768]) >>> input_batch = ["Hello world", "How are you!"] - >>> from torchtext.functional import to_tensor >>> model_input = to_tensor(transform(input_batch), padding_value=transform.pad_idx) >>> output = model(model_input) >>> output.shape torch.Size([2, 6, 768]) - Example - Pretrained encoder attached to un-initialized classification head + Example - Pretrained large xlmr encoder attached to un-initialized classification head >>> import torch, torchtext + >>> from torchtext.models import RobertaClassificationHead + >>> from torchtext.functional import to_tensor >>> xlmr_large = torchtext.models.XLMR_LARGE_ENCODER - >>> classifier_head = torchtext.models.RobertaClassificationHead(num_classes=2, input_dim = xlmr_large.encoderConf.embedding_dim) - >>> classification_model = xlmr_large.get_model(head=classifier_head) + >>> classifier_head = torchtext.models.RobertaClassificationHead(num_classes=2, input_dim = 1024) + >>> model = xlmr_large.get_model(head=classifier_head) >>> transform = xlmr_large.transform() - >>> model_input = torch.tensor(transform(["Hello World"])) - >>> output = classification_model(model_input) + >>> input_batch = ["Hello world", "How are you!"] + >>> model_input = to_tensor(transform(input_batch), padding_value=transform.pad_idx) + >>> output = model(model_input) >>> output.shape torch.Size([1, 2]) Example - User-specified configuration and checkpoint >>> from torchtext.models import RobertaEncoderConf, RobertaModelBundle, RobertaClassificationHead >>> model_weights_path = "https://download.pytorch.org/models/text/xlmr.base.encoder.pt" - >>> roberta_encoder_conf = RobertaEncoderConf(vocab_size=250002) - >>> roberta_bundle = RobertaModelBundle(_encoder_conf=roberta_encoder_conf, _path=model_weights_path) - >>> encoder = roberta_bundle.get_model() + >>> encoder_conf = RobertaEncoderConf(vocab_size=250002) >>> classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) - >>> classifier = roberta_bundle.get_model(head=classifier_head) - >>> # using from_config - >>> encoder = RobertaModelBundle.from_config(config=roberta_encoder_conf, checkpoint=model_weights_path) - >>> classifier = RobertaModelBundle.from_config(config=roberta_encoder_conf, head=classifier_head, checkpoint=model_weights_path) + >>> model = RobertaModelBundle.build_model(encoder_conf=encoder_conf, head=classifier_head, checkpoint=model_weights_path) """ _encoder_conf: RobertaEncoderConf _path: Optional[str] = None @@ -75,11 +68,11 @@ class RobertaModelBundle: transform: Optional[Callable] = None def get_model(self, + *, head: Optional[Module] = None, load_weights: bool = True, freeze_encoder: bool = False, - *, - dl_kwargs=None) -> RobertaModel: + dl_kwargs: Dict[str, Any] = None) -> RobertaModel: r"""get_model(head: Optional[torch.nn.Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> torctext.models.RobertaModel Args: @@ -103,35 +96,38 @@ def get_model(self, else: input_head = self._head - return RobertaModelBundle.from_config(encoder_conf=self._encoder_conf, + return RobertaModelBundle.build_model(encoder_conf=self._encoder_conf, head=input_head, freeze_encoder=freeze_encoder, - checkpoint=self._path, - override_head=True, + checkpoint=self._path if load_weights else None, + override_checkpoint_head=True, + strict=True, dl_kwargs=dl_kwargs) @classmethod - def from_config( + def build_model( cls, encoder_conf: RobertaEncoderConf, + *, head: Optional[Module] = None, freeze_encoder: bool = False, checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, - *, - override_head: bool = False, + override_checkpoint_head: bool = False, + strict=True, dl_kwargs: Dict[str, Any] = None, ) -> RobertaModel: - """Class method to create model with user-defined encoder configuration and checkpoint + """Class builder method Args: encoder_conf (RobertaEncoderConf): An instance of class RobertaEncoderConf that defined the encoder configuration head (nn.Module): A module to be attached to the encoder to perform specific task. (Default: ``None``) freeze_encoder (bool): Indicates whether to freeze the encoder weights. (Default: ``False``) checkpoint (str or Dict[str, torch.Tensor]): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. (Default: ``None``) - override_head (bool): Override the checkpoint's head state dict (if present) with provided head state dict. (Default: ``False``) + override_checkpoint_head (bool): Override the checkpoint's head state dict (if present) with provided head state dict. (Default: ``False``) + strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: ``True``) dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: ``None``) """ - model = _get_model(encoder_conf, head, freeze_encoder) + model = RobertaModel(encoder_conf, head, freeze_encoder) if checkpoint is not None: if torch.jit.isinstance(checkpoint, Dict[str, torch.Tensor]): state_dict = checkpoint @@ -145,10 +141,10 @@ def from_config( regex = re.compile(r"^head\.") head_state_dict = {k: v for k, v in model.state_dict().items() if regex.findall(k)} # If checkpoint does not contains head_state_dict, then we augment the checkpoint with user-provided head state_dict - if not _is_head_available_in_checkpoint(state_dict, head_state_dict) or override_head: + if not _is_head_available_in_checkpoint(state_dict, head_state_dict) or override_checkpoint_head: state_dict.update(head_state_dict) - model.load_state_dict(state_dict, strict=True) + model.load_state_dict(state_dict, strict=strict) return model @@ -168,7 +164,7 @@ def encoderConf(self) -> RobertaEncoderConf: XLMR_BASE_ENCODER.__doc__ = ( ''' - XLM-R Encoder with base configuration + XLM-R Encoder with Base configuration Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. ''' diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py index 60a4362550..e4dd8ddc8c 100644 --- a/torchtext/models/roberta/model.py +++ b/torchtext/models/roberta/model.py @@ -42,6 +42,7 @@ def __init__( dropout: float = 0.1, scaling: Optional[float] = None, normalize_before: bool = False, + freeze: bool = False, ): super().__init__() if not scaling: @@ -62,17 +63,17 @@ def __init__( return_all_layers=False, ) - @classmethod - def from_config(cls, config: RobertaEncoderConf): - return cls(**asdict(config)) + if freeze: + for p in self.parameters(): + p.requires_grad = False - def forward(self, tokens: Tensor, mask: Optional[Tensor] = None) -> Tensor: + def forward(self, tokens: Tensor, masked_tokens: Optional[Tensor] = None) -> Tensor: output = self.transformer(tokens) if torch.jit.isinstance(output, List[Tensor]): output = output[-1] output = output.transpose(1, 0) - if mask is not None: - output = output[mask.to(torch.bool), :] + if masked_tokens is not None: + output = output[masked_tokens.to(torch.bool), :] return output @@ -100,7 +101,7 @@ def forward(self, features): class RobertaModel(Module): """ - Example - Instantiate model with user-specified configuration + Example - Instatiating model object >>> from torchtext.models import RobertaEncoderConf, RobertaModel, RobertaClassificationHead >>> roberta_encoder_conf = RobertaEncoderConf(vocab_size=250002) >>> encoder = RobertaModel(config=roberta_encoder_conf) @@ -108,27 +109,20 @@ class RobertaModel(Module): >>> classifier = RobertaModel(config=roberta_encoder_conf, head=classifier_head) """ - def __init__(self, config: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False): + def __init__(self, + encoder_conf: RobertaEncoderConf, + head: Optional[Module] = None, + freeze_encoder: bool = False): super().__init__() - assert isinstance(config, RobertaEncoderConf) - - self.encoder = RobertaEncoder.from_config(config) - if freeze_encoder: - for param in self.encoder.parameters(): - param.requires_grad = False - - logger.info("Encoder weights are frozen") + assert isinstance(encoder_conf, RobertaEncoderConf) + self.encoder = RobertaEncoder(**asdict(encoder_conf), freeze=freeze_encoder) self.head = head - def forward(self, tokens: Tensor, mask: Optional[Tensor] = None) -> Tensor: - features = self.encoder(tokens, mask) + def forward(self, tokens: Tensor, masked_tokens: Optional[Tensor] = None) -> Tensor: + features = self.encoder(tokens, masked_tokens) if self.head is None: return features x = self.head(features) return x - - -def _get_model(config: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False) -> RobertaModel: - return RobertaModel(config, head, freeze_encoder) From 24b819daf207708aca39b1b33e68a1ab3330ff00 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 8 Dec 2021 11:29:15 -0500 Subject: [PATCH 042/463] [fbsync] Fix issue in label Transform (#1455) Summary: In the construction of Vocab within label transform, the default index is set to 0. This index is returned when OOV token is given. For this transform, the default index should never be set. Otherwise, it will return default index (which is 0) for unknown labels that might get passed (Ideally it should throw error in this case because we do not know what to do when wrong label is passed for query) Reviewed By: hudeven Differential Revision: D32610834 fbshipit-source-id: e49385fb313929627c41fc515b6d900a6bfc3591 --- test/test_transforms.py | 3 +++ torchtext/transforms.py | 2 +- 2 files changed, 4 insertions(+), 1 deletion(-) diff --git a/test/test_transforms.py b/test/test_transforms.py index d7df6d3876..bff6303c78 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -95,6 +95,9 @@ def test_labeltoindex(self): expected = [0, 1, 2] self.assertEqual(actual, expected) + with self.assertRaises(RuntimeError): + transform(['OOV']) + transform = transforms.LabelToIndex(label_names=label_names, sort_names=True) actual = transform(label_names) expected = [2, 1, 0] diff --git a/torchtext/transforms.py b/torchtext/transforms.py index cf43e40f4d..436c083754 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -130,7 +130,7 @@ def __init__( if sort_names: label_names = sorted(label_names) - self._label_vocab = Vocab(torch.classes.torchtext.Vocab(label_names, 0)) + self._label_vocab = Vocab(torch.classes.torchtext.Vocab(label_names, None)) self._label_names = self._label_vocab.get_itos() def forward(self, labels: Union[str, List[str]]) -> Union[int, List[int]]: From ceeb69ce51fe42b38a27b477f9c824d925ad16a1 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 8 Dec 2021 11:29:51 -0500 Subject: [PATCH 043/463] [fbsync] Fix SST2Dataset test iterator (#1456) Summary: ## Summary - Modified SST2 dataset implementation to only return text for test split (since label_ids are not available) - Updated doc classification datamodule to temporarily use `val_dataset` instead of `test_dataset` - Updated first line md5 hash for SST2 test split ## Followup Items - Update doc classification module to work with test splits with and without labels Reviewed By: parmeet Differential Revision: D32661112 fbshipit-source-id: ef86aea0ce587c5d5282f2caa943b4b0cdf6f54a Co-authored-by: Nayef Ahmed --- test/experimental/test_datasets.py | 2 +- torchtext/experimental/datasets/sst2.py | 15 +++++++++++---- 2 files changed, 12 insertions(+), 5 deletions(-) diff --git a/test/experimental/test_datasets.py b/test/experimental/test_datasets.py index 18807c4958..1868f6ee9d 100644 --- a/test/experimental/test_datasets.py +++ b/test/experimental/test_datasets.py @@ -10,7 +10,7 @@ class TestDataset(TorchtextTestCase): @skipIfNoModule("torchdata") - def test_sst2__dataset(self): + def test_sst2_dataset(self): split = ("train", "dev", "test") train_dataset, dev_dataset, test_dataset = sst2.SST2( diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index 6568cde8a6..d0653b4954 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -43,7 +43,7 @@ _FIRST_LINE_MD5 = { "train": "2552b8cecd57b2e022ef23411c688fa8", "dev": "1b0ffd6aa5f2bf0fd9840a5f6f1a9f07", - "test": "f838c81fe40bfcd7e42e9ffc4dd004f7", + "test": "3e7ff69ab3fc6d026e3c96cadd8b0b53", } DATASET_NAME = "SST2" @@ -97,6 +97,13 @@ def _get_datapipe(self, root, split, validate_hash): ) # Parse CSV file and yield data samples - return extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( - lambda x: (x[0], x[1]) - ) + if split == "test": + parsed_data = extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( + lambda x: (x[1],) + ) + else: + parsed_data = extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( + lambda x: (x[0], x[1]) + ) + + return parsed_data From a074cb2fac0abdc557f7a17043e440a315e15822 Mon Sep 17 00:00:00 2001 From: ebsmothers Date: Wed, 8 Dec 2021 11:14:09 -0800 Subject: [PATCH 044/463] Fix bool attention mask in transformer encoder (#1454) --- test/models/test_models.py | 15 +++++++++++---- torchtext/models/roberta/modules.py | 15 ++++----------- 2 files changed, 15 insertions(+), 15 deletions(-) diff --git a/test/models/test_models.py b/test/models/test_models.py index 2eb432745b..58942acb62 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -14,16 +14,23 @@ def test_self_attn_mask(self): query = torch.ones((source_len, batch_size, embed_dim)) query[0, ...] = 0 key_padding_mask = torch.zeros((batch_size, source_len)) - attn_mask = torch.zeros((source_len, source_len)) - attn_mask[0][1] = -1e8 + float_attn_mask = torch.zeros((source_len, source_len)) + float_attn_mask[0][1] = -1e8 + bool_attn_mask = float_attn_mask.to(dtype=bool) with torch.no_grad(): mha.input_projection.weight.fill_(1. / embed_dim) mha.input_projection.bias.fill_(0.) mha.output_projection.weight.fill_(1. / embed_dim) mha.output_projection.bias.fill_(0.) - # with attention mask - output = mha(query, key_padding_mask, attn_mask) + # with float attention mask + output = mha(query, key_padding_mask, float_attn_mask) + actual = output[0].flatten() + expected = torch.tensor([0., 0., 0., 0]) + torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) + + # with bool attention mask + output = mha(query, key_padding_mask, bool_attn_mask) actual = output[0].flatten() expected = torch.tensor([0., 0., 0., 0]) torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 901e896270..769dedac94 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -130,10 +130,9 @@ def forward(self, query: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask torch._assert(attn_mask.size(1) == source_length, "attn_mask shape didn't match for source length {}".format(source_length)) torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") if attn_mask.dtype == torch.bool: - attn_mask = attn_mask.masked_fill( - attn_mask, - -1e8 if query.dtype == torch.float32 else -1e4 - ) + new_attn_mask = torch.zeros_like(attn_mask, dtype=query.dtype) + new_attn_mask.masked_fill_(attn_mask, -1e8 if query.dtype == torch.float32 else -1e4) + attn_mask = new_attn_mask attn_mask = attn_mask.unsqueeze(0) attn_weights += attn_mask @@ -225,11 +224,6 @@ def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask if attn_mask is not None: torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") - if attn_mask.dtype == torch.bool: - attn_mask = attn_mask.masked_fill( - attn_mask, - -1e8 if input.dtype == torch.float32 else -1e4 - ) if not hasattr(self, "normalize_before"): self.normalize_before = False @@ -291,8 +285,7 @@ def __init__( def forward(self, tokens: torch.Tensor, attn_mask: Optional[torch.Tensor] = None) -> Union[torch.Tensor, List[torch.Tensor]]: if attn_mask is not None: - torch._assert(attn_mask.dtype == torch.bool, "Expected attn_mask dtype as `torch.bool` but got {}".format(attn_mask.dtype)) - torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) + torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") padding_mask = tokens.eq(self.padding_idx) From 3736f135a277ed16530a6b265885b8dbb7eb1a51 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 8 Dec 2021 15:33:48 -0500 Subject: [PATCH 045/463] Update annotation types of transforms and functionals (#1453) --- test/test_functional.py | 89 +++++++++++++------------ test/test_transforms.py | 91 ++++++++++++-------------- torchtext/functional.py | 76 ++++++++++++++++++--- torchtext/models/roberta/transforms.py | 37 +++++++---- torchtext/transforms.py | 82 +++++++++++++++-------- 5 files changed, 231 insertions(+), 144 deletions(-) diff --git a/test/test_functional.py b/test/test_functional.py index f8dde30e06..f9b6065638 100644 --- a/test/test_functional.py +++ b/test/test_functional.py @@ -4,87 +4,86 @@ class TestFunctional(TorchtextTestCase): - def test_to_tensor(self): + def _to_tensor(self, test_scripting): input = [[1, 2], [1, 2, 3]] padding_value = 0 - actual = functional.to_tensor(input, padding_value=padding_value) + func = functional.to_tensor + if test_scripting: + func = torch.jit.script(func) + actual = func(input, padding_value=padding_value) expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) torch.testing.assert_close(actual, expected) input = [1, 2] - actual = functional.to_tensor(input, padding_value=padding_value) + actual = func(input, padding_value=padding_value) expected = torch.tensor([1, 2], dtype=torch.long) torch.testing.assert_close(actual, expected) - def test_to_tensor_jit(self): - input = [[1, 2], [1, 2, 3]] - padding_value = 0 - to_tensor_jit = torch.jit.script(functional.to_tensor) - actual = to_tensor_jit(input, padding_value=padding_value) - expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) - torch.testing.assert_close(actual, expected) + def test_to_tensor(self): + """test tensorization on both single sequence and batch of sequence""" + self._to_tensor(test_scripting=False) - input = [1, 2] - actual = to_tensor_jit(input, padding_value=padding_value) - expected = torch.tensor([1, 2], dtype=torch.long) - torch.testing.assert_close(actual, expected) + def test_to_tensor_jit(self): + """test tensorization with scripting on both single sequence and batch of sequence""" + self._to_tensor(test_scripting=True) - def test_truncate(self): - input = [[1, 2], [1, 2, 3]] + def _truncate(self, test_scripting): max_seq_len = 2 + func = functional.truncate + if test_scripting: + func = torch.jit.script(func) - actual = functional.truncate(input, max_seq_len=max_seq_len) + input = [[1, 2], [1, 2, 3]] + actual = func(input, max_seq_len=max_seq_len) expected = [[1, 2], [1, 2]] self.assertEqual(actual, expected) input = [1, 2, 3] - actual = functional.truncate(input, max_seq_len=max_seq_len) + actual = func(input, max_seq_len=max_seq_len) expected = [1, 2] self.assertEqual(actual, expected) - def test_truncate_jit(self): - input = [[1, 2], [1, 2, 3]] - max_seq_len = 2 - truncate_jit = torch.jit.script(functional.truncate) - actual = truncate_jit(input, max_seq_len=max_seq_len) - expected = [[1, 2], [1, 2]] + input = [["a", "b"], ["a", "b", "c"]] + actual = func(input, max_seq_len=max_seq_len) + expected = [["a", "b"], ["a", "b"]] self.assertEqual(actual, expected) - input = [1, 2, 3] - actual = truncate_jit(input, max_seq_len=max_seq_len) - expected = [1, 2] + input = ["a", "b", "c"] + actual = func(input, max_seq_len=max_seq_len) + expected = ["a", "b"] self.assertEqual(actual, expected) - def test_add_token(self): - input = [[1, 2], [1, 2, 3]] - token_id = 0 - actual = functional.add_token(input, token_id=token_id) - expected = [[0, 1, 2], [0, 1, 2, 3]] - self.assertEqual(actual, expected) + def test_truncate(self): + """test truncation on both sequence and batch of sequence with both str and int types""" + self._truncate(test_scripting=False) - actual = functional.add_token(input, token_id=token_id, begin=False) - expected = [[1, 2, 0], [1, 2, 3, 0]] - self.assertEqual(actual, expected) + def test_truncate_jit(self): + """test truncation with scripting on both sequence and batch of sequence with both str and int types""" + self._truncate(test_scripting=True) - input = [1, 2] - actual = functional.add_token(input, token_id=token_id, begin=False) - expected = [1, 2, 0] - self.assertEqual(actual, expected) + def _add_token(self, test_scripting): - def test_add_token_jit(self): + func = functional.add_token + if test_scripting: + func = torch.jit.script(func) input = [[1, 2], [1, 2, 3]] token_id = 0 - add_token_jit = torch.jit.script(functional.add_token) - actual = add_token_jit(input, token_id=token_id) + actual = func(input, token_id=token_id) expected = [[0, 1, 2], [0, 1, 2, 3]] self.assertEqual(actual, expected) - actual = add_token_jit(input, token_id=token_id, begin=False) + actual = func(input, token_id=token_id, begin=False) expected = [[1, 2, 0], [1, 2, 3, 0]] self.assertEqual(actual, expected) input = [1, 2] - actual = add_token_jit(input, token_id=token_id, begin=False) + actual = func(input, token_id=token_id, begin=False) expected = [1, 2, 0] self.assertEqual(actual, expected) + + def test_add_token(self): + self._add_token(test_scripting=False) + + def test_add_token_jit(self): + self._add_token(test_scripting=True) diff --git a/test/test_transforms.py b/test/test_transforms.py index bff6303c78..ddc0fa587d 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -8,10 +8,12 @@ class TestTransforms(TorchtextTestCase): - def test_spmtokenizer(self): + def _spmtokenizer(self, test_scripting): asset_name = "spm_example.model" asset_path = get_asset_path(asset_name) transform = transforms.SentencePieceTokenizer(asset_path) + if test_scripting: + transform = torch.jit.script(transform) actual = transform(["Hello World!, how are you?"]) expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] @@ -21,24 +23,19 @@ def test_spmtokenizer(self): expected = ['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?'] self.assertEqual(actual, expected) - def test_spmtokenizer_jit(self): - asset_name = "spm_example.model" - asset_path = get_asset_path(asset_name) - transform = transforms.SentencePieceTokenizer(asset_path) - transform_jit = torch.jit.script(transform) - - actual = transform_jit(["Hello World!, how are you?"]) - expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] - self.assertEqual(actual, expected) + def test_spmtokenizer(self): + """test tokenization on single sentence input as well as batch on sentences""" + self._spmtokenizer(test_scripting=False) - actual = transform_jit("Hello World!, how are you?") - expected = ['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?'] - self.assertEqual(actual, expected) + def test_spmtokenizer_jit(self): + """test tokenization with scripting on single sentence input as well as batch on sentences""" + self._spmtokenizer(test_scripting=True) - def test_vocab_transform(self): + def _vocab_transform(self, test_scripting): vocab_obj = vocab(OrderedDict([('a', 1), ('b', 1), ('c', 1)])) transform = transforms.VocabTransform(vocab_obj) - + if test_scripting: + transform = torch.jit.script(transform) actual = transform([['a', 'b', 'c']]) expected = [[0, 1, 2]] self.assertEqual(actual, expected) @@ -47,22 +44,20 @@ def test_vocab_transform(self): expected = [0, 1, 2] self.assertEqual(actual, expected) - def test_vocab_transform_jit(self): - vocab_obj = vocab(OrderedDict([('a', 1), ('b', 1), ('c', 1)])) - transform_jit = torch.jit.script(transforms.VocabTransform(vocab_obj)) - - actual = transform_jit([['a', 'b', 'c']]) - expected = [[0, 1, 2]] - self.assertEqual(actual, expected) + def test_vocab_transform(self): + """test token to indices on both sequence of input tokens as well as batch of sequence""" + self._vocab_transform(test_scripting=False) - actual = transform_jit(['a', 'b', 'c']) - expected = [0, 1, 2] - self.assertEqual(actual, expected) + def test_vocab_transform_jit(self): + """test token to indices with scripting on both sequence of input tokens as well as batch of sequence""" + self._vocab_transform(test_scripting=True) - def test_totensor(self): - input = [[1, 2], [1, 2, 3]] + def _totensor(self, test_scripting): padding_value = 0 transform = transforms.ToTensor(padding_value=padding_value) + if test_scripting: + transform = torch.jit.script(transform) + input = [[1, 2], [1, 2, 3]] actual = transform(input) expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) @@ -73,24 +68,19 @@ def test_totensor(self): expected = torch.tensor([1, 2], dtype=torch.long) torch.testing.assert_close(actual, expected) - def test_totensor_jit(self): - input = [[1, 2], [1, 2, 3]] - padding_value = 0 - transform = transforms.ToTensor(padding_value=padding_value) - transform_jit = torch.jit.script(transform) - - actual = transform_jit(input) - expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) - torch.testing.assert_close(actual, expected) + def test_totensor(self): + """test tensorization on both single sequence and batch of sequence""" + self._totensor(test_scripting=False) - input = [1, 2] - actual = transform_jit(input) - expected = torch.tensor([1, 2], dtype=torch.long) - torch.testing.assert_close(actual, expected) + def test_totensor_jit(self): + """test tensorization with scripting on both single sequence and batch of sequence""" + self._totensor(test_scripting=True) - def test_labeltoindex(self): + def _labeltoindex(self, test_scripting): label_names = ['test', 'label', 'indices'] transform = transforms.LabelToIndex(label_names=label_names) + if test_scripting: + transform = torch.jit.script(transform) actual = transform(label_names) expected = [0, 1, 2] self.assertEqual(actual, expected) @@ -99,6 +89,8 @@ def test_labeltoindex(self): transform(['OOV']) transform = transforms.LabelToIndex(label_names=label_names, sort_names=True) + if test_scripting: + transform = torch.jit.script(transform) actual = transform(label_names) expected = [2, 1, 0] self.assertEqual(actual, expected) @@ -110,17 +102,16 @@ def test_labeltoindex(self): asset_name = "label_names.txt" asset_path = get_asset_path(asset_name) transform = transforms.LabelToIndex(label_path=asset_path) + if test_scripting: + transform = torch.jit.script(transform) actual = transform(label_names) expected = [0, 1, 2] self.assertEqual(actual, expected) - def test_labeltoindex_jit(self): - label_names = ['test', 'label', 'indices'] - transform_jit = torch.jit.script(transforms.LabelToIndex(label_names=label_names)) - actual = transform_jit(label_names) - expected = [0, 1, 2] - self.assertEqual(actual, expected) + def test_labeltoindex(self): + """test labe to ids on single label input as well as batch of labels""" + self._labeltoindex(test_scripting=False) - actual = transform_jit("test") - expected = 0 - self.assertEqual(actual, expected) + def test_labeltoindex_jit(self): + """test labe to ids with scripting on single label input as well as batch of labels""" + self._labeltoindex(test_scripting=True) diff --git a/torchtext/functional.py b/torchtext/functional.py index fe81920ed5..8f4f41d8da 100644 --- a/torchtext/functional.py +++ b/torchtext/functional.py @@ -1,7 +1,7 @@ import torch from torch import Tensor from torch.nn.utils.rnn import pad_sequence -from typing import List, Optional, Union +from typing import List, Optional, Any __all__ = [ 'to_tensor', @@ -10,10 +10,20 @@ ] -def to_tensor(input: Union[List[int], List[List[int]]], padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> Tensor: +def to_tensor(input: Any, padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> Tensor: + r"""Convert input to torch tensor + + :param padding_value: Pad value to make each input in the batch of length equal to the longest sequence in the batch. + :type padding_value: Optional[int] + :param dtype: :class:`torch.dtype` of output tensor + :type dtype: :class:`torch.dtype` + :param input: Sequence or batch of token ids + :type input: Union[List[int], List[List[int]]] + :rtype: Tensor + """ if torch.jit.isinstance(input, List[int]): return torch.tensor(input, dtype=torch.long) - else: + elif torch.jit.isinstance(input, List[List[int]]): if padding_value is None: output = torch.tensor(input, dtype=dtype) return output @@ -24,27 +34,61 @@ def to_tensor(input: Union[List[int], List[List[int]]], padding_value: Optional[ padding_value=float(padding_value) ) return output + else: + raise TypeError("Input type not supported") + +def truncate(input: Any, max_seq_len: int) -> Any: + """ Truncate input sequence or batch -def truncate(input: Union[List[int], List[List[int]]], max_seq_len: int) -> Union[List[int], List[List[int]]]: + :param input: Input sequence or batch to be truncated + :type input: Union[List[Union[str, int]], List[List[Union[str, int]]]] + :param max_seq_len: Maximum length beyond which input is discarded + :type max_seq_len: int + :return: Truncated sequence + :rtype: Union[List[Union[str, int]], List[List[Union[str, int]]]] + """ if torch.jit.isinstance(input, List[int]): return input[:max_seq_len] - else: + elif torch.jit.isinstance(input, List[str]): + return input[:max_seq_len] + elif torch.jit.isinstance(input, List[List[int]]): output: List[List[int]] = [] - for ids in input: output.append(ids[:max_seq_len]) - return output + elif torch.jit.isinstance(input, List[List[str]]): + output: List[List[str]] = [] + for ids in input: + output.append(ids[:max_seq_len]) + return output + else: + raise TypeError("Input type not supported") -def add_token(input: Union[List[int], List[List[int]]], token_id: int, begin: bool = True) -> Union[List[int], List[List[int]]]: - if torch.jit.isinstance(input, List[int]): +def add_token(input: Any, token_id: Any, begin: bool = True) -> Any: + """Add token to start or end of sequence + + :param input: Input sequence or batch + :type input: Union[List[Union[str, int]], List[List[Union[str, int]]]] + :param token_id: token to be added + :type token_id: Union[str, int] + :param begin: Whether to insert token at start or end or sequence, defaults to True + :type begin: bool, optional + :return: sequence or batch with token_id added to begin or end or input + :rtype: Union[List[Union[str, int]], List[List[Union[str, int]]]] + """ + if torch.jit.isinstance(input, List[int]) and torch.jit.isinstance(token_id, int): if begin: return [token_id] + input else: return input + [token_id] - else: + elif torch.jit.isinstance(input, List[str]) and torch.jit.isinstance(token_id, str): + if begin: + return [token_id] + input + else: + return input + [token_id] + elif torch.jit.isinstance(input, List[List[int]]) and torch.jit.isinstance(token_id, int): output: List[List[int]] = [] if begin: @@ -55,3 +99,15 @@ def add_token(input: Union[List[int], List[List[int]]], token_id: int, begin: bo output.append(ids + [token_id]) return output + elif torch.jit.isinstance(input, List[List[str]]) and torch.jit.isinstance(token_id, str): + output: List[List[str]] = [] + if begin: + for ids in input: + output.append([token_id] + ids) + else: + for ids in input: + output.append(ids + [token_id]) + + return output + else: + raise TypeError("Input type not supported") diff --git a/torchtext/models/roberta/transforms.py b/torchtext/models/roberta/transforms.py index 5cb2279649..683b6406be 100644 --- a/torchtext/models/roberta/transforms.py +++ b/torchtext/models/roberta/transforms.py @@ -5,7 +5,7 @@ from torchtext import transforms from torchtext import functional -from typing import List, Union +from typing import List, Any class XLMRobertaModelTransform(Module): @@ -44,23 +44,38 @@ def __init__( self.bos_idx = self.vocab[self.bos_token] self.eos_idx = self.vocab[self.eos_token] - def forward(self, input: Union[str, List[str]], + def forward(self, input: Any, add_bos: bool = True, add_eos: bool = True, - truncate: bool = True) -> Union[List[int], List[List[int]]]: + truncate: bool = True) -> Any: + if torch.jit.isinstance(input, str): + tokens = self.vocab_transform(self.token_transform(input)) - tokens = self.vocab_transform(self.token_transform(input)) + if truncate: + tokens = functional.truncate(tokens, self.max_seq_len - 2) - if truncate: - tokens = functional.truncate(tokens, self.max_seq_len - 2) + if add_bos: + tokens = functional.add_token(tokens, self.bos_idx) - if add_bos: - tokens = functional.add_token(tokens, self.bos_idx) + if add_eos: + tokens = functional.add_token(tokens, self.eos_idx, begin=False) - if add_eos: - tokens = functional.add_token(tokens, self.eos_idx, begin=False) + return tokens + elif torch.jit.isinstance(input, List[str]): + tokens = self.vocab_transform(self.token_transform(input)) - return tokens + if truncate: + tokens = functional.truncate(tokens, self.max_seq_len - 2) + + if add_bos: + tokens = functional.add_token(tokens, self.bos_idx) + + if add_eos: + tokens = functional.add_token(tokens, self.eos_idx, begin=False) + + return tokens + else: + raise TypeError("Input type not supported") def get_xlmr_transform(vocab_path, spm_model_path, **kwargs) -> XLMRobertaModelTransform: diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 436c083754..807728a4c1 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -5,7 +5,7 @@ from torchtext.data.functional import load_sp_model from torchtext.utils import download_from_url from torchtext.vocab import Vocab -from typing import List, Optional, Union +from typing import List, Optional, Any import os from torchtext import _CACHE_DIR @@ -20,9 +20,14 @@ class SentencePieceTokenizer(Module): """ - Transform for Sentence Piece tokenizer from pre-trained SentencePiece model + Transform for Sentence Piece tokenizer from pre-trained sentencepiece model - Examples: + Additiona details: https://github.com/google/sentencepiece + + :param sp_model_path: Path to pre-trained sentencepiece model + :type sp_model_path: str + + Example >>> from torchtext.transforms import SpmTokenizerTransform >>> transform = SentencePieceTokenizer("spm_model") >>> transform(["hello world", "attention is all you need!"]) @@ -36,21 +41,28 @@ def __init__(self, sp_model_path: str): local_path = download_from_url(url=sp_model_path, root=_CACHE_DIR) self.sp_model = load_sp_model(local_path) - def forward(self, input: Union[str, List[str]]) -> Union[List[str], List[List[str]]]: + def forward(self, input: Any) -> Any: + """ + :param input: Input sentence or list of sentences on which to apply tokenizer. + :type input: Union[str, List[str]] + :return: tokenized text + :rtype: Union[List[str], List[List(str)]] + """ if torch.jit.isinstance(input, List[str]): tokens: List[List[str]] = [] for text in input: tokens.append(self.sp_model.EncodeAsPieces(text)) return tokens - else: + elif torch.jit.isinstance(input, str): return self.sp_model.EncodeAsPieces(input) + else: + raise TypeError("Input type not supported") class VocabTransform(Module): - r"""Vocab transform + r"""Vocab transform to convert input batch of tokens into corresponding token ids - Args: - vocab: an instance of torchtext.vocab.Vocab class. + :param vocab: an instance of :class:`torchtext.vocab.Vocab` class. Example: >>> import torch @@ -68,28 +80,33 @@ def __init__(self, vocab: Vocab): assert isinstance(vocab, Vocab) self.vocab = vocab - def forward(self, input: Union[List[str], List[List[str]]]) -> Union[List[int], List[List[int]]]: - r""" - - Args: - input: list of list tokens + def forward(self, input: Any) -> Any: + """ + :param input: Input batch of token to convert to correspnding token ids + :type input: Union[List[str], List[List[str]]] + :return: Converted input into corresponding token ids + :rtype: Union[List[int], List[List[int]]] """ if torch.jit.isinstance(input, List[str]): return self.vocab.lookup_indices(input) - else: + elif torch.jit.isinstance(input, List[List[str]]): output: List[List[int]] = [] for tokens in input: output.append(self.vocab.lookup_indices(tokens)) return output + else: + raise TypeError("Input type not supported") class ToTensor(Module): r"""Convert input to torch tensor - Args: - padding_value (int, optional): Pad value to make each input in the batch of length equal to the longest sequence in the batch. + :param padding_value: Pad value to make each input in the batch of length equal to the longest sequence in the batch. + :type padding_value: Optional[int] + :param dtype: :class:`torch.dtype` of output tensor + :type dtype: :class:`torch.dtype` """ def __init__(self, padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> None: @@ -97,10 +114,11 @@ def __init__(self, padding_value: Optional[int] = None, dtype: Optional[torch.dt self.padding_value = padding_value self.dtype = dtype - def forward(self, input: Union[List[int], List[List[int]]]) -> Tensor: - r""" - Args: - + def forward(self, input: Any) -> Tensor: + """ + :param input: Sequence or batch of token ids + :type input: Union[List[int], List[List[int]]] + :rtype: Tensor """ return F.to_tensor(input, padding_value=self.padding_value, dtype=self.dtype) @@ -109,15 +127,16 @@ class LabelToIndex(Module): r""" Transform labels from string names to ids. - Args: - label_names (List[str], Optional): a list of unique label names - label_path (str, Optional): a path to file containing unique label names containing 1 label per line. + :param label_names: a list of unique label names + :type label_names: Optional[List[str]] + :param label_path: a path to file containing unique label names containing 1 label per line. Note that either label_names or label_path should be supplied + but not both. + :type label_path: Optional[str] """ def __init__( self, label_names: Optional[List[str]] = None, label_path: Optional[str] = None, sort_names=False, ): - assert label_names or label_path, "label_names or label_path is required" assert not (label_names and label_path), "label_names and label_path are mutually exclusive" super().__init__() @@ -133,11 +152,18 @@ def __init__( self._label_vocab = Vocab(torch.classes.torchtext.Vocab(label_names, None)) self._label_names = self._label_vocab.get_itos() - def forward(self, labels: Union[str, List[str]]) -> Union[int, List[int]]: - if torch.jit.isinstance(labels, List[str]): - return self._label_vocab.lookup_indices(labels) + def forward(self, input: Any) -> Any: + """ + :param input: Input labels to convert to corresponding ids + :type input: Union[str, List[str]] + :rtype: Union[int, List[int]] + """ + if torch.jit.isinstance(input, List[str]): + return self._label_vocab.lookup_indices(input) + elif torch.jit.isinstance(input, str): + return self._label_vocab.__getitem__(input) else: - return self._label_vocab.__getitem__(labels) + raise TypeError("Input type not supported") @property def label_names(self) -> List[str]: From d801e99dd1e38063a3a9070b47acb860bbcc552a Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 8 Dec 2021 15:43:00 -0500 Subject: [PATCH 046/463] remove experimental documentation (#1457) --- README.rst | 14 -------------- docs/source/conf.py | 2 +- ...els_utils.rst => experimental_models_utils.rst} | 0 docs/source/index.rst | 5 ----- 4 files changed, 1 insertion(+), 20 deletions(-) rename docs/source/{models_utils.rst => experimental_models_utils.rst} (100%) diff --git a/README.rst b/README.rst index c3f03337be..572f47813f 100644 --- a/README.rst +++ b/README.rst @@ -130,20 +130,6 @@ To get started with torchtext, users may refer to the following tutorials availa * `Language modeling using transforms and torchtext `_ -[Prototype] Experimental Code -============================= - -We have re-written several building blocks under ``torchtext.experimental``: - -* `Transforms `_: some basic data processing building blocks -* `Vectors `_: the vectors to convert tokens into tensors. - -These prototype building blocks in the experimental folder are available in the nightly release only. The nightly packages are accessible via Pip and Conda for Windows, Mac, and Linux. For example, Linux users can install the nightly wheels with the following command:: - - pip install --pre --upgrade torch torchtext -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html - -For more detailed instructions, please refer to `Install PyTorch `_. It should be noted that the new building blocks are still under development, and the APIs have not been solidified. - [BC Breaking] Legacy ==================== diff --git a/docs/source/conf.py b/docs/source/conf.py index 8f8c5fa6e2..1a88a1753c 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -85,7 +85,7 @@ # List of patterns, relative to source directory, that match files and # directories to ignore when looking for source files. # This patterns also effect to html_static_path and html_extra_path -exclude_patterns = [] +exclude_patterns = ["experimental_*"] # The name of the Pygments (syntax highlighting) style to use. pygments_style = 'sphinx' diff --git a/docs/source/models_utils.rst b/docs/source/experimental_models_utils.rst similarity index 100% rename from docs/source/models_utils.rst rename to docs/source/experimental_models_utils.rst diff --git a/docs/source/index.rst b/docs/source/index.rst index 8a29be9bc3..f3deb63ca3 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -39,11 +39,6 @@ popular datasets for natural language. datasets torchtext.vocab torchtext.utils - experimental_datasets_raw - experimental_transforms - experimental_vectors - experimental_vocab - models_utils transforms functional models From 34b4938a6b2da953bb91e39f3c0f6e1cf40f1403 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 8 Dec 2021 17:46:30 -0500 Subject: [PATCH 047/463] Add Truncate Transform (#1458) --- docs/source/transforms.rst | 7 +++++++ test/test_transforms.py | 34 ++++++++++++++++++++++++++++++++++ torchtext/transforms.py | 21 +++++++++++++++++++++ 3 files changed, 62 insertions(+) diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index 220f18bf34..db83e15a1d 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -37,3 +37,10 @@ LabelToIndex .. autoclass:: LabelToIndex .. automethod:: forward + +Truncate +-------- + +.. autoclass:: Truncate + + .. automethod:: forward diff --git a/test/test_transforms.py b/test/test_transforms.py index ddc0fa587d..c638fe24f9 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -115,3 +115,37 @@ def test_labeltoindex(self): def test_labeltoindex_jit(self): """test labe to ids with scripting on single label input as well as batch of labels""" self._labeltoindex(test_scripting=True) + + def _truncate(self, test_scripting): + max_seq_len = 2 + transform = transforms.Truncate(max_seq_len=max_seq_len) + if test_scripting: + transform = torch.jit.script(transform) + + input = [[1, 2], [1, 2, 3]] + actual = transform(input) + expected = [[1, 2], [1, 2]] + self.assertEqual(actual, expected) + + input = [1, 2, 3] + actual = transform(input) + expected = [1, 2] + self.assertEqual(actual, expected) + + input = [["a", "b"], ["a", "b", "c"]] + actual = transform(input) + expected = [["a", "b"], ["a", "b"]] + self.assertEqual(actual, expected) + + input = ["a", "b", "c"] + actual = transform(input) + expected = ["a", "b"] + self.assertEqual(actual, expected) + + def test_truncate(self): + """test truncation on both sequence and batch of sequence with both str and int types""" + self._truncate(test_scripting=False) + + def test_truncate_jit(self): + """test truncation with scripting on both sequence and batch of sequence with both str and int types""" + self._truncate(test_scripting=True) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 807728a4c1..55c83d51d1 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -168,3 +168,24 @@ def forward(self, input: Any) -> Any: @property def label_names(self) -> List[str]: return self._label_names + + +class Truncate(Module): + r"""Truncate input sequence + + :param max_seq_len: The maximum allowable length for input sequence + :type max_seq_len: int + """ + + def __init__(self, max_seq_len: int) -> None: + super().__init__() + self.max_seq_len = max_seq_len + + def forward(self, input: Any) -> Any: + """ + :param input: Input sequence or batch of sequence to be truncated + :type input: Union[List[Union[str, int]], List[List[Union[str, int]]]] + :return: Truncated sequence + :rtype: Union[List[Union[str, int]], List[List[Union[str, int]]]] + """ + return F.truncate(input, self.max_seq_len) From 8ef1b15534c466be47b945ef0d8a0234021617ef Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Thu, 9 Dec 2021 13:58:42 -0800 Subject: [PATCH 048/463] Add GPT-2 BPE pre-tokenizer operator leveraging re2 regex library (#1459) * Add GPT-2 BPE tokenizer operator leveraging re2 * rename method to reflect it is pre-tokenization * Add comments on gpt-2 bpe pre-tokenization implementation * remove gpt2_bpe_pre_tokenizer from functional and add unit tests for csrc * modify is_whitespace to use range based for loop * add new line at eof * Remove unnecessary include statement * Address code review nit comments --- test/csrc/__init__.py | 0 test/csrc/test_gpt2_bpe_tokenizer.py | 55 ++++++++++++++++++ torchtext/csrc/gpt2_bpe_tokenizer.cpp | 68 +++++++++++++++++++++++ torchtext/csrc/gpt2_bpe_tokenizer.h | 8 +++ torchtext/csrc/regex.cpp | 4 ++ torchtext/csrc/regex.h | 2 + torchtext/csrc/register_pybindings.cpp | 1 + torchtext/csrc/register_torchbindings.cpp | 2 + 8 files changed, 140 insertions(+) create mode 100644 test/csrc/__init__.py create mode 100644 test/csrc/test_gpt2_bpe_tokenizer.py create mode 100644 torchtext/csrc/gpt2_bpe_tokenizer.cpp create mode 100644 torchtext/csrc/gpt2_bpe_tokenizer.h diff --git a/test/csrc/__init__.py b/test/csrc/__init__.py new file mode 100644 index 0000000000..e69de29bb2 diff --git a/test/csrc/test_gpt2_bpe_tokenizer.py b/test/csrc/test_gpt2_bpe_tokenizer.py new file mode 100644 index 0000000000..c342209fe6 --- /dev/null +++ b/test/csrc/test_gpt2_bpe_tokenizer.py @@ -0,0 +1,55 @@ +import regex as re +import torch +import torchtext # noqa: F401 +from ..common.torchtext_test_case import TorchtextTestCase + + +class TestGPT2BPETokenizer(TorchtextTestCase): + def test_gpt2_bpe_pre_tokenizer(self): + # Regex pattern for GPT-2 BPE which includes the negative lookahead + # Reference: https://github.com/pytorch/fairseq/blob/main/fairseq/data/encoders/gpt2_bpe_utils.py#L69 + gpt2_bpe_pattern = re.compile(r"""'s|'t|'re|'ve|'m|'ll|'d| ?\p{L}+| ?\p{N}+| ?[^\s\p{L}\p{N}]+|\s+(?!\S)|\s+""") + test_cases = [ + # test spaces + "Lorem ipsum dolor sit amet.", + "Lorem ipsum dolor sit amet.", + "Lorem ipsum dolor sit amet. ", + "Lorem ipsum dolor sit amet ", + "Lorem\x0d\x0dipsum dolor sit amet\r\r", + "Lorem ipsum\x20dolor sit amet", + "Lorem ipsum\x20\x20\x20dolor sit amet", + "Lorem ipsum\x20\x20 dolor sit amet", + # test tabs + "Lorem ipsum dolor sit \t\t\t amet.", + "Lorem ipsum dolor sit \t\t\t\tamet.", + "Lorem ipsum dolor sit \x09\x09amet.", + "Lorem ipsum dolor sit \x09\x09 amet.", + "Lorem ipsum dolor sit \x09\x09 amet. ", + "Lorem ipsum dolor sit \t \tamet.", + "Lorem ipsum dolor sit amet \t", + "Lorem ipsum\tdolor sit amet", + # test carriage returns + "Lorem ipsum\r\r dolor sit amet", + "Lorem ipsum\r\r dolor sit amet\r\r", + "Lorem ipsum \x0d\x0ddolor sit amet.", + "Lorem ipsum\x0ddolor sit amet.", + "Lorem ipsum\x0d\x0d dolor sit amet.", + "Lorem ipsum\x0d\x0d dolor sit amet.\x0d", + # test form feeds + "Lorem ipsum\f\fdolor sit amet\f", + "Lorem ipsum\f\f dolor sit amet\f ", + "Lorem ipsum\x0c\x0c dolor sit amet", + "Lorem \x0c\x0c\x0c\x0cipsum dolor sit amet", + # test vertical tabs + "Lorem ipsum dolor sit\vamet.", + "Lorem ipsum dolor sit\v\vamet.", + "Lorem ipsum dolor sit\v\v amet.", + "Lorem ipsum dolor sit\v\v amet. \v", + "Lorem ipsum dolor sit\x0b\x0b amet. \v ", + "Lorem ipsum dolor sit\x0bamet.", + "Lorem ipsum dolor sit\x0b\x0bamet.", + "Lorem ipsum dolor sit\x0b\x0b amet.", + ] + for t in test_cases: + self.assertEqual(re.findall(gpt2_bpe_pattern, t), + torch.ops.torchtext.gpt2_bpe_pre_tokenizer(t)) diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp new file mode 100644 index 0000000000..8231f095cb --- /dev/null +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -0,0 +1,68 @@ +#include +#include +#include // @manual + +namespace torchtext { + const Regex kGPT2Regex( + "(\\'s|\\'t|\\'re|\\'ve|\\'m|\\'ll|\\'d| ?\\pL+|" + " ?\\pN+| ?[^\\s\\v\\pL\\pN]+|[\\s\\v]+)" + ); + + bool is_whitespace(const std::string &input) { + for (const char& c : input) { + if (!isspace(c)) { + return false; + } + } + return true; + } + + std::vector gpt2_bpe_pre_tokenizer(std::string input) { + // Python implementation: https://github.com/pytorch/fairseq/blob/main/fairseq/data/encoders/gpt2_bpe_utils.py#L69 + // Original regex contains a negative lookahead pattern, which is not + // supported in re2. This implementation modifies the original regex in + // the following two ways: + // 1. Removes negative lookahead and adds a post-processing step instead. + // 2. Replace all [\s] occurences with [\s\v] because re2 does not include + // vertical tab (\v) in whitespace. PCRE and Python re include \v in \s. + // + // Pseudocode of post-processing step: + // - Loop over all tokens + // - IF token is all whitespace: + // - set prepend_space to False + // - IF token is last token, add it to return vector + // - ELSE + // - If token length is >1, add token[0:len(token) - 1] to return list + // - IF token[-1] is space (ascii 32), then carry it over for next token, set append_space = True + // - ELSE make token[-1] its own token and add to return list + // - ELSE IF prepend_space == True, prepend a space to the token and add to return list + // - ELSE, add token to return list + std::string token; + std::vector tokens; + re2::StringPiece inp(input); + bool prepend_space = false; + while (kGPT2Regex.FindAndConsume(&inp, &token)) { + if (is_whitespace(token)) { + prepend_space = false; + if (inp.empty()) { // token is last token + tokens.push_back(token); + } else { + if (token.length() > 1) { + tokens.push_back(token.substr(0, token.length() - 1)); + } + if (token[token.length() - 1] == ' ') { // last char is space + prepend_space = true; + } else { // push last whitespace char as a token if it is not a space + tokens.push_back(token.substr(token.length() - 1)); + } + } + } else if (prepend_space) { + tokens.push_back(" " + token); + prepend_space = false; + } else { + tokens.push_back(token); + } + } + return tokens; + } +} // namespace torchtext diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h new file mode 100644 index 0000000000..c5745a4082 --- /dev/null +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -0,0 +1,8 @@ +#include +#include + +namespace torchtext { + // Applies regex based pre-tokenization step for GPT-2 BPE tokenizer + // and returns a list of tokens. + std::vector gpt2_bpe_pre_tokenizer(std::string input); +} // namespace torchtext diff --git a/torchtext/csrc/regex.cpp b/torchtext/csrc/regex.cpp index 32da33d2cf..f3c112346f 100644 --- a/torchtext/csrc/regex.cpp +++ b/torchtext/csrc/regex.cpp @@ -11,6 +11,10 @@ std::string Regex::Sub(std::string str, const std::string &repl) const { return str; } +bool Regex::FindAndConsume(re2::StringPiece* input, std::string* text) const { + return RE2::FindAndConsume(input, *compiled_pattern_, text); +} + std::string _serialize_regex(const c10::intrusive_ptr &self) { return self->re_str_; } diff --git a/torchtext/csrc/regex.h b/torchtext/csrc/regex.h index 4e5dfbfee4..6ee3aa796f 100644 --- a/torchtext/csrc/regex.h +++ b/torchtext/csrc/regex.h @@ -1,4 +1,5 @@ #include +#include #include #include @@ -12,6 +13,7 @@ struct Regex : torch::CustomClassHolder { Regex(const std::string &re_str); std::string Sub(std::string str, const std::string &repl) const; + bool FindAndConsume(re2::StringPiece* input, std::string* text) const; }; std::string _serialize_regex(const c10::intrusive_ptr &self); diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 80d91ee744..65b2fc0f6d 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -30,6 +30,7 @@ PYBIND11_MODULE(_torchtext, m) { py::class_>(m, "Regex") .def(py::init()) .def("Sub", &Regex::Sub) + .def("FindAndConsume", &Regex::FindAndConsume) .def(py::pickle( // __getstate__ [](const c10::intrusive_ptr &self) -> std::string { diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index f701119601..dfe5fe0947 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,3 +1,4 @@ +#include // @manual #include #include #include // @manual @@ -124,6 +125,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { m.def("torchtext::generate_sp_model", &generate_sp_model); m.def("torchtext::load_sp_model", &load_sp_model); m.def("torchtext::load_sp_model_string", &load_sp_model_string); + m.def("torchtext::gpt2_bpe_pre_tokenizer", &gpt2_bpe_pre_tokenizer); } } // namespace torchtext From 0b065ada92358636ade0de9b6ae1f92ad7d30ee2 Mon Sep 17 00:00:00 2001 From: nateanl Date: Mon, 13 Dec 2021 15:40:17 +0000 Subject: [PATCH 049/463] Fix links in README (#1461) --- README.rst | 10 +++++----- 1 file changed, 5 insertions(+), 5 deletions(-) diff --git a/README.rst b/README.rst index 572f47813f..3c4d014d07 100644 --- a/README.rst +++ b/README.rst @@ -15,10 +15,10 @@ This repository consists of: * `torchtext.datasets `_: The raw text iterators for common NLP datasets * `torchtext.data `_: Some basic NLP building blocks (tokenizers, metrics, functionals etc.) * `torchtext.nn `_: NLP related modules -* `torchtext.vocab `_: Vocab and Vectors related classes and factory functions +* `torchtext.vocab `_: Vocab and Vectors related classes and factory functions * `examples `_: Example NLP workflows with PyTorch and torchtext library. -Note: The legacy code discussed in `torchtext v0.7.0 release note `_ has been retired to `torchtext.legacy `_ folder. Those legacy code will not be maintained by the development team, and we plan to fully remove them in the future release. See `torchtext.legacy `_ folder for more details. +Note: The legacy code discussed in `torchtext v0.7.0 release note `_ has been retired to `torchtext.legacy `_ folder. Those legacy code will not be maintained by the development team, and we plan to fully remove them in the future release. See `torchtext.legacy `_ folder for more details. Installation ============ @@ -133,7 +133,7 @@ To get started with torchtext, users may refer to the following tutorials availa [BC Breaking] Legacy ==================== -In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy `_. This is part of the work to revamp the torchtext library and the motivation has been discussed in `Issue #664 `_: +In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy `_. This is part of the work to revamp the torchtext library and the motivation has been discussed in `Issue #664 `_: * ``torchtext.legacy.data.field`` * ``torchtext.legacy.data.batch`` @@ -142,9 +142,9 @@ In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy < * ``torchtext.legacy.data.pipeline`` * ``torchtext.legacy.datasets`` -We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. +We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. -In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. +In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. Disclaimer on Datasets ====================== From da914e6935bfb88b27dfd3e42d8cad470e5afff3 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Thu, 16 Dec 2021 15:05:43 -0800 Subject: [PATCH 050/463] Add Torchscriptable GPT-2 BPE Tokenizer for RoBERTa models (#1462) * Add Torchscriptable GPT-2 BPE Tokenizer for RoBERTa models * Refactor implementation based on PR feedback * Move common get_asset_local_path logic to utils.py * Fix flake8 errors * Remove class methods that are used only in the init method * Fix nits --- test/asset/gpt2_bpe_encoder.json | 1 + test/asset/gpt2_bpe_vocab.bpe | 50001 +++++++++++++++++++++++++++++ test/test_transforms.py | 43 + torchtext/transforms.py | 291 +- torchtext/utils.py | 23 + 5 files changed, 50349 insertions(+), 10 deletions(-) create mode 100644 test/asset/gpt2_bpe_encoder.json create mode 100644 test/asset/gpt2_bpe_vocab.bpe diff --git a/test/asset/gpt2_bpe_encoder.json b/test/asset/gpt2_bpe_encoder.json new file mode 100644 index 0000000000..1f1d9aaca3 --- /dev/null +++ b/test/asset/gpt2_bpe_encoder.json @@ -0,0 +1 @@ +{"!": 0, "\"": 1, "#": 2, "$": 3, "%": 4, "&": 5, "'": 6, "(": 7, ")": 8, "*": 9, "+": 10, ",": 11, "-": 12, ".": 13, "/": 14, "0": 15, "1": 16, "2": 17, "3": 18, "4": 19, "5": 20, "6": 21, "7": 22, "8": 23, "9": 24, ":": 25, ";": 26, "<": 27, "=": 28, ">": 29, "?": 30, "@": 31, "A": 32, "B": 33, "C": 34, "D": 35, "E": 36, "F": 37, "G": 38, "H": 39, "I": 40, "J": 41, "K": 42, "L": 43, "M": 44, "N": 45, "O": 46, "P": 47, "Q": 48, "R": 49, "S": 50, "T": 51, "U": 52, "V": 53, "W": 54, "X": 55, "Y": 56, "Z": 57, "[": 58, "\\": 59, "]": 60, "^": 61, "_": 62, "`": 63, "a": 64, "b": 65, "c": 66, "d": 67, "e": 68, "f": 69, "g": 70, "h": 71, "i": 72, "j": 73, "k": 74, "l": 75, "m": 76, "n": 77, "o": 78, "p": 79, "q": 80, "r": 81, "s": 82, "t": 83, "u": 84, "v": 85, "w": 86, "x": 87, "y": 88, "z": 89, "{": 90, "|": 91, "}": 92, "~": 93, "\u00a1": 94, "\u00a2": 95, "\u00a3": 96, "\u00a4": 97, "\u00a5": 98, "\u00a6": 99, "\u00a7": 100, "\u00a8": 101, "\u00a9": 102, "\u00aa": 103, "\u00ab": 104, "\u00ac": 105, "\u00ae": 106, "\u00af": 107, "\u00b0": 108, "\u00b1": 109, "\u00b2": 110, "\u00b3": 111, "\u00b4": 112, "\u00b5": 113, "\u00b6": 114, "\u00b7": 115, "\u00b8": 116, "\u00b9": 117, "\u00ba": 118, "\u00bb": 119, "\u00bc": 120, "\u00bd": 121, "\u00be": 122, "\u00bf": 123, "\u00c0": 124, "\u00c1": 125, "\u00c2": 126, "\u00c3": 127, "\u00c4": 128, "\u00c5": 129, "\u00c6": 130, "\u00c7": 131, "\u00c8": 132, "\u00c9": 133, "\u00ca": 134, "\u00cb": 135, "\u00cc": 136, "\u00cd": 137, "\u00ce": 138, "\u00cf": 139, "\u00d0": 140, "\u00d1": 141, "\u00d2": 142, "\u00d3": 143, "\u00d4": 144, "\u00d5": 145, "\u00d6": 146, "\u00d7": 147, "\u00d8": 148, "\u00d9": 149, "\u00da": 150, "\u00db": 151, "\u00dc": 152, "\u00dd": 153, "\u00de": 154, "\u00df": 155, "\u00e0": 156, "\u00e1": 157, "\u00e2": 158, "\u00e3": 159, "\u00e4": 160, "\u00e5": 161, "\u00e6": 162, "\u00e7": 163, "\u00e8": 164, "\u00e9": 165, "\u00ea": 166, "\u00eb": 167, "\u00ec": 168, "\u00ed": 169, "\u00ee": 170, "\u00ef": 171, "\u00f0": 172, "\u00f1": 173, "\u00f2": 174, "\u00f3": 175, "\u00f4": 176, "\u00f5": 177, "\u00f6": 178, "\u00f7": 179, "\u00f8": 180, "\u00f9": 181, "\u00fa": 182, "\u00fb": 183, "\u00fc": 184, "\u00fd": 185, "\u00fe": 186, "\u00ff": 187, "\u0100": 188, "\u0101": 189, "\u0102": 190, "\u0103": 191, "\u0104": 192, "\u0105": 193, "\u0106": 194, "\u0107": 195, "\u0108": 196, "\u0109": 197, "\u010a": 198, "\u010b": 199, "\u010c": 200, "\u010d": 201, "\u010e": 202, "\u010f": 203, "\u0110": 204, "\u0111": 205, "\u0112": 206, "\u0113": 207, "\u0114": 208, "\u0115": 209, "\u0116": 210, "\u0117": 211, "\u0118": 212, "\u0119": 213, "\u011a": 214, "\u011b": 215, "\u011c": 216, "\u011d": 217, "\u011e": 218, "\u011f": 219, "\u0120": 220, "\u0121": 221, "\u0122": 222, "\u0123": 223, "\u0124": 224, "\u0125": 225, "\u0126": 226, "\u0127": 227, "\u0128": 228, "\u0129": 229, "\u012a": 230, "\u012b": 231, "\u012c": 232, "\u012d": 233, "\u012e": 234, "\u012f": 235, "\u0130": 236, "\u0131": 237, "\u0132": 238, "\u0133": 239, "\u0134": 240, "\u0135": 241, "\u0136": 242, "\u0137": 243, "\u0138": 244, "\u0139": 245, "\u013a": 246, "\u013b": 247, "\u013c": 248, "\u013d": 249, "\u013e": 250, "\u013f": 251, "\u0140": 252, "\u0141": 253, "\u0142": 254, "\u0143": 255, "\u0120t": 256, "\u0120a": 257, "he": 258, "in": 259, "re": 260, "on": 261, "\u0120the": 262, "er": 263, "\u0120s": 264, "at": 265, "\u0120w": 266, "\u0120o": 267, "en": 268, "\u0120c": 269, "it": 270, "is": 271, "an": 272, "or": 273, "es": 274, "\u0120b": 275, "ed": 276, "\u0120f": 277, "ing": 278, "\u0120p": 279, "ou": 280, "\u0120an": 281, "al": 282, "ar": 283, "\u0120to": 284, "\u0120m": 285, "\u0120of": 286, "\u0120in": 287, "\u0120d": 288, "\u0120h": 289, "\u0120and": 290, "ic": 291, "as": 292, "le": 293, "\u0120th": 294, "ion": 295, "om": 296, "ll": 297, "ent": 298, "\u0120n": 299, "\u0120l": 300, "st": 301, "\u0120re": 302, "ve": 303, "\u0120e": 304, "ro": 305, "ly": 306, "\u0120be": 307, "\u0120g": 308, "\u0120T": 309, "ct": 310, "\u0120S": 311, "id": 312, "ot": 313, "\u0120I": 314, "ut": 315, "et": 316, "\u0120A": 317, "\u0120is": 318, "\u0120on": 319, "im": 320, "am": 321, "ow": 322, "ay": 323, "ad": 324, "se": 325, "\u0120that": 326, "\u0120C": 327, "ig": 328, "\u0120for": 329, "ac": 330, "\u0120y": 331, "ver": 332, "ur": 333, "\u0120u": 334, "ld": 335, "\u0120st": 336, "\u0120M": 337, "'s": 338, "\u0120he": 339, "\u0120it": 340, "ation": 341, "ith": 342, "ir": 343, "ce": 344, "\u0120you": 345, "il": 346, "\u0120B": 347, "\u0120wh": 348, "ol": 349, "\u0120P": 350, "\u0120with": 351, "\u01201": 352, "ter": 353, "ch": 354, "\u0120as": 355, "\u0120we": 356, "\u0120(": 357, "nd": 358, "ill": 359, "\u0120D": 360, "if": 361, "\u01202": 362, "ag": 363, "ers": 364, "ke": 365, "\u0120\"": 366, "\u0120H": 367, "em": 368, "\u0120con": 369, "\u0120W": 370, "\u0120R": 371, "her": 372, "\u0120was": 373, "\u0120r": 374, "od": 375, "\u0120F": 376, "ul": 377, "ate": 378, "\u0120at": 379, "ri": 380, "pp": 381, "ore": 382, "\u0120The": 383, "\u0120se": 384, "us": 385, "\u0120pro": 386, "\u0120ha": 387, "um": 388, "\u0120are": 389, "\u0120de": 390, "ain": 391, "and": 392, "\u0120or": 393, "igh": 394, "est": 395, "ist": 396, "ab": 397, "rom": 398, "\u0120N": 399, "th": 400, "\u0120com": 401, "\u0120G": 402, "un": 403, "op": 404, "00": 405, "\u0120L": 406, "\u0120not": 407, "ess": 408, "\u0120ex": 409, "\u0120v": 410, "res": 411, "\u0120E": 412, "ew": 413, "ity": 414, "ant": 415, "\u0120by": 416, "el": 417, "os": 418, "ort": 419, "oc": 420, "qu": 421, "\u0120from": 422, "\u0120have": 423, "\u0120su": 424, "ive": 425, "ould": 426, "\u0120sh": 427, "\u0120this": 428, "nt": 429, "ra": 430, "pe": 431, "ight": 432, "art": 433, "ment": 434, "\u0120al": 435, "ust": 436, "end": 437, "--": 438, "all": 439, "\u0120O": 440, "ack": 441, "\u0120ch": 442, "\u0120le": 443, "ies": 444, "red": 445, "ard": 446, "\u00e2\u0122": 447, "out": 448, "\u0120J": 449, "\u0120ab": 450, "ear": 451, "iv": 452, "ally": 453, "our": 454, "ost": 455, "gh": 456, "pt": 457, "\u0120pl": 458, "ast": 459, "\u0120can": 460, "ak": 461, "ome": 462, "ud": 463, "The": 464, "\u0120his": 465, "\u0120do": 466, "\u0120go": 467, "\u0120has": 468, "ge": 469, "'t": 470, "\u0120U": 471, "rou": 472, "\u0120sa": 473, "\u0120j": 474, "\u0120but": 475, "\u0120wor": 476, "\u0120all": 477, "ect": 478, "\u0120k": 479, "ame": 480, "\u0120will": 481, "ok": 482, "\u0120whe": 483, "\u0120they": 484, "ide": 485, "01": 486, "ff": 487, "ich": 488, "pl": 489, "ther": 490, "\u0120tr": 491, "..": 492, "\u0120int": 493, "ie": 494, "ure": 495, "age": 496, "\u0120ne": 497, "ial": 498, "ap": 499, "ine": 500, "ice": 501, "\u0120me": 502, "\u0120out": 503, "ans": 504, "one": 505, "ong": 506, "ions": 507, "\u0120who": 508, "\u0120K": 509, "\u0120up": 510, "\u0120their": 511, "\u0120ad": 512, "\u01203": 513, "\u0120us": 514, "ated": 515, "ous": 516, "\u0120more": 517, "ue": 518, "og": 519, "\u0120St": 520, "ind": 521, "ike": 522, "\u0120so": 523, "ime": 524, "per": 525, ".\"": 526, "ber": 527, "iz": 528, "act": 529, "\u0120one": 530, "\u0120said": 531, "\u0120-": 532, "are": 533, "\u0120your": 534, "cc": 535, "\u0120Th": 536, "\u0120cl": 537, "ep": 538, "ake": 539, "able": 540, "ip": 541, "\u0120cont": 542, "\u0120which": 543, "ia": 544, "\u0120im": 545, "\u0120about": 546, "\u0120were": 547, "very": 548, "ub": 549, "\u0120had": 550, "\u0120en": 551, "\u0120comp": 552, ",\"": 553, "\u0120In": 554, "\u0120un": 555, "\u0120ag": 556, "ire": 557, "ace": 558, "au": 559, "ary": 560, "\u0120would": 561, "ass": 562, "ry": 563, "\u0120\u00e2\u0122": 564, "cl": 565, "ook": 566, "ere": 567, "so": 568, "\u0120V": 569, "ign": 570, "ib": 571, "\u0120off": 572, "\u0120te": 573, "ven": 574, "\u0120Y": 575, "ile": 576, "ose": 577, "ite": 578, "orm": 579, "\u0120201": 580, "\u0120res": 581, "\u0120man": 582, "\u0120per": 583, "\u0120other": 584, "ord": 585, "ult": 586, "\u0120been": 587, "\u0120like": 588, "ase": 589, "ance": 590, "ks": 591, "ays": 592, "own": 593, "ence": 594, "\u0120dis": 595, "ction": 596, "\u0120any": 597, "\u0120app": 598, "\u0120sp": 599, "int": 600, "ress": 601, "ations": 602, "ail": 603, "\u01204": 604, "ical": 605, "\u0120them": 606, "\u0120her": 607, "ount": 608, "\u0120Ch": 609, "\u0120ar": 610, "\u0120if": 611, "\u0120there": 612, "\u0120pe": 613, "\u0120year": 614, "av": 615, "\u0120my": 616, "\u0120some": 617, "\u0120when": 618, "ough": 619, "ach": 620, "\u0120than": 621, "ru": 622, "ond": 623, "ick": 624, "\u0120over": 625, "vel": 626, "\u0120qu": 627, "\u010a\u010a": 628, "\u0120sc": 629, "reat": 630, "ree": 631, "\u0120It": 632, "ound": 633, "port": 634, "\u0120also": 635, "\u0120part": 636, "fter": 637, "\u0120kn": 638, "\u0120bec": 639, "\u0120time": 640, "ens": 641, "\u01205": 642, "ople": 643, "\u0120what": 644, "\u0120no": 645, "du": 646, "mer": 647, "ang": 648, "\u0120new": 649, "----": 650, "\u0120get": 651, "ory": 652, "ition": 653, "ings": 654, "\u0120just": 655, "\u0120into": 656, "\u01200": 657, "ents": 658, "ove": 659, "te": 660, "\u0120people": 661, "\u0120pre": 662, "\u0120its": 663, "\u0120rec": 664, "\u0120tw": 665, "ian": 666, "irst": 667, "ark": 668, "ors": 669, "\u0120work": 670, "ade": 671, "ob": 672, "\u0120she": 673, "\u0120our": 674, "wn": 675, "ink": 676, "lic": 677, "\u012019": 678, "\u0120He": 679, "ish": 680, "nder": 681, "ause": 682, "\u0120him": 683, "ons": 684, "\u0120[": 685, "\u0120ro": 686, "form": 687, "ild": 688, "ates": 689, "vers": 690, "\u0120only": 691, "oll": 692, "\u0120spe": 693, "ck": 694, "ell": 695, "amp": 696, "\u0120acc": 697, "\u0120bl": 698, "ious": 699, "urn": 700, "ft": 701, "ood": 702, "\u0120how": 703, "hed": 704, "\u0120'": 705, "\u0120after": 706, "aw": 707, "\u0120att": 708, "ov": 709, "ne": 710, "\u0120play": 711, "erv": 712, "ict": 713, "\u0120could": 714, "itt": 715, "\u0120am": 716, "\u0120first": 717, "\u01206": 718, "\u0120act": 719, "\u0120$": 720, "ec": 721, "hing": 722, "ual": 723, "ull": 724, "\u0120comm": 725, "oy": 726, "old": 727, "ces": 728, "ater": 729, "\u0120fe": 730, "\u0120bet": 731, "we": 732, "iff": 733, "\u0120two": 734, "ock": 735, "\u0120back": 736, ").": 737, "ident": 738, "\u0120under": 739, "rough": 740, "sel": 741, "xt": 742, "\u0120may": 743, "round": 744, "\u0120po": 745, "ph": 746, "iss": 747, "\u0120des": 748, "\u0120most": 749, "\u0120did": 750, "\u0120add": 751, "ject": 752, "\u0120inc": 753, "fore": 754, "\u0120pol": 755, "ont": 756, "\u0120again": 757, "clud": 758, "tern": 759, "\u0120know": 760, "\u0120need": 761, "\u0120cons": 762, "\u0120co": 763, "\u0120.": 764, "\u0120want": 765, "\u0120see": 766, "\u01207": 767, "ning": 768, "iew": 769, "\u0120This": 770, "ced": 771, "\u0120even": 772, "\u0120ind": 773, "ty": 774, "\u0120We": 775, "ath": 776, "\u0120these": 777, "\u0120pr": 778, "\u0120use": 779, "\u0120because": 780, "\u0120fl": 781, "ng": 782, "\u0120now": 783, "\u0120\u00e2\u0122\u0135": 784, "com": 785, "ise": 786, "\u0120make": 787, "\u0120then": 788, "ower": 789, "\u0120every": 790, "\u0120Un": 791, "\u0120sec": 792, "oss": 793, "uch": 794, "\u0120em": 795, "\u0120=": 796, "\u0120Re": 797, "ied": 798, "rit": 799, "\u0120inv": 800, "lect": 801, "\u0120supp": 802, "ating": 803, "\u0120look": 804, "man": 805, "pect": 806, "\u01208": 807, "row": 808, "\u0120bu": 809, "\u0120where": 810, "ific": 811, "\u0120years": 812, "ily": 813, "\u0120diff": 814, "\u0120should": 815, "\u0120rem": 816, "Th": 817, "In": 818, "\u0120ev": 819, "day": 820, "'re": 821, "rib": 822, "\u0120rel": 823, "ss": 824, "\u0120def": 825, "\u0120right": 826, "\u0120sy": 827, "),": 828, "les": 829, "000": 830, "hen": 831, "\u0120through": 832, "\u0120Tr": 833, "__": 834, "\u0120way": 835, "\u0120don": 836, "\u0120,": 837, "\u012010": 838, "ased": 839, "\u0120ass": 840, "ublic": 841, "\u0120reg": 842, "\u0120And": 843, "ix": 844, "\u0120very": 845, "\u0120includ": 846, "other": 847, "\u0120imp": 848, "oth": 849, "\u0120sub": 850, "\u0120\u00e2\u0122\u0136": 851, "\u0120being": 852, "arg": 853, "\u0120Wh": 854, "==": 855, "ible": 856, "\u0120does": 857, "ange": 858, "ram": 859, "\u01209": 860, "ert": 861, "ps": 862, "ited": 863, "ational": 864, "\u0120br": 865, "\u0120down": 866, "\u0120many": 867, "aking": 868, "\u0120call": 869, "uring": 870, "ities": 871, "\u0120ph": 872, "ics": 873, "als": 874, "\u0120dec": 875, "ative": 876, "ener": 877, "\u0120before": 878, "ility": 879, "\u0120well": 880, "\u0120much": 881, "erson": 882, "\u0120those": 883, "\u0120such": 884, "\u0120ke": 885, "\u0120end": 886, "\u0120But": 887, "ason": 888, "ting": 889, "\u0120long": 890, "ef": 891, "\u0120think": 892, "ys": 893, "\u0120bel": 894, "\u0120sm": 895, "its": 896, "ax": 897, "\u0120own": 898, "\u0120prov": 899, "\u0120set": 900, "ife": 901, "ments": 902, "ble": 903, "ward": 904, "\u0120show": 905, "\u0120pres": 906, "ms": 907, "omet": 908, "\u0120ob": 909, "\u0120say": 910, "\u0120Sh": 911, "ts": 912, "ful": 913, "\u0120eff": 914, "\u0120gu": 915, "\u0120inst": 916, "und": 917, "ren": 918, "cess": 919, "\u0120ent": 920, "\u0120You": 921, "\u0120good": 922, "\u0120start": 923, "ince": 924, "\u0120made": 925, "tt": 926, "stem": 927, "olog": 928, "up": 929, "\u0120|": 930, "ump": 931, "\u0120hel": 932, "vern": 933, "ular": 934, "ually": 935, "\u0120ac": 936, "\u0120mon": 937, "\u0120last": 938, "\u0120200": 939, "10": 940, "\u0120stud": 941, "ures": 942, "\u0120Ar": 943, "self": 944, "ars": 945, "meric": 946, "ues": 947, "cy": 948, "\u0120min": 949, "ollow": 950, "\u0120col": 951, "io": 952, "\u0120mod": 953, "\u0120count": 954, "\u0120Com": 955, "hes": 956, "\u0120fin": 957, "air": 958, "ier": 959, "\u00e2\u0122\u0136": 960, "read": 961, "ank": 962, "atch": 963, "ever": 964, "\u0120str": 965, "\u0120point": 966, "ork": 967, "\u0120New": 968, "\u0120sur": 969, "ool": 970, "alk": 971, "ement": 972, "\u0120used": 973, "ract": 974, "ween": 975, "\u0120same": 976, "oun": 977, "\u0120Al": 978, "ci": 979, "\u0120differe": 980, "\u0120while": 981, "--------": 982, "\u0120game": 983, "cept": 984, "\u0120sim": 985, "...": 986, "\u0120inter": 987, "ek": 988, "\u0120report": 989, "\u0120produ": 990, "\u0120still": 991, "led": 992, "ah": 993, "\u0120here": 994, "\u0120world": 995, "\u0120though": 996, "\u0120num": 997, "arch": 998, "imes": 999, "ale": 1000, "\u0120Se": 1001, "\u0120If": 1002, "//": 1003, "\u0120Le": 1004, "\u0120ret": 1005, "\u0120ref": 1006, "\u0120trans": 1007, "ner": 1008, "ution": 1009, "ters": 1010, "\u0120take": 1011, "\u0120Cl": 1012, "\u0120conf": 1013, "way": 1014, "ave": 1015, "\u0120going": 1016, "\u0120sl": 1017, "ug": 1018, "\u0120Americ": 1019, "\u0120spec": 1020, "\u0120hand": 1021, "\u0120between": 1022, "ists": 1023, "\u0120De": 1024, "oot": 1025, "It": 1026, "\u0120ear": 1027, "\u0120against": 1028, "\u0120high": 1029, "gan": 1030, "az": 1031, "ather": 1032, "\u0120exp": 1033, "\u0120op": 1034, "\u0120ins": 1035, "\u0120gr": 1036, "\u0120help": 1037, "\u0120requ": 1038, "ets": 1039, "ins": 1040, "\u0120Pro": 1041, "ism": 1042, "\u0120found": 1043, "land": 1044, "ata": 1045, "uss": 1046, "ames": 1047, "\u0120person": 1048, "\u0120great": 1049, "pr": 1050, "\u0120sign": 1051, "\u0120An": 1052, "'ve": 1053, "\u0120somet": 1054, "\u0120ser": 1055, "hip": 1056, "\u0120run": 1057, "\u0120:": 1058, "\u0120ter": 1059, "irect": 1060, "\u0120follow": 1061, "\u0120det": 1062, "ices": 1063, "\u0120find": 1064, "12": 1065, "\u0120mem": 1066, "\u0120cr": 1067, "ered": 1068, "ex": 1069, "\u0120ext": 1070, "uth": 1071, "ense": 1072, "co": 1073, "\u0120team": 1074, "ving": 1075, "ouse": 1076, "ash": 1077, "att": 1078, "ved": 1079, "\u0120system": 1080, "\u0120As": 1081, "der": 1082, "ives": 1083, "min": 1084, "\u0120lead": 1085, "\u0120Bl": 1086, "cent": 1087, "\u0120around": 1088, "\u0120govern": 1089, "\u0120cur": 1090, "velop": 1091, "any": 1092, "\u0120cour": 1093, "alth": 1094, "ages": 1095, "ize": 1096, "\u0120car": 1097, "ode": 1098, "\u0120law": 1099, "\u0120read": 1100, "'m": 1101, "con": 1102, "\u0120real": 1103, "\u0120support": 1104, "\u012012": 1105, "....": 1106, "\u0120really": 1107, "ness": 1108, "\u0120fact": 1109, "\u0120day": 1110, "\u0120both": 1111, "ying": 1112, "\u0120serv": 1113, "\u0120For": 1114, "\u0120three": 1115, "\u0120wom": 1116, "\u0120med": 1117, "ody": 1118, "\u0120They": 1119, "50": 1120, "\u0120exper": 1121, "ton": 1122, "\u0120each": 1123, "akes": 1124, "\u0120che": 1125, "\u0120cre": 1126, "ines": 1127, "\u0120rep": 1128, "19": 1129, "gg": 1130, "illion": 1131, "\u0120grou": 1132, "ute": 1133, "ik": 1134, "We": 1135, "get": 1136, "ER": 1137, "\u0120met": 1138, "\u0120says": 1139, "ox": 1140, "\u0120during": 1141, "ern": 1142, "ized": 1143, "ared": 1144, "\u0120fam": 1145, "ically": 1146, "\u0120happ": 1147, "\u0120Is": 1148, "\u0120char": 1149, "med": 1150, "vent": 1151, "\u0120gener": 1152, "ient": 1153, "ple": 1154, "iet": 1155, "rent": 1156, "11": 1157, "ves": 1158, "ption": 1159, "\u012020": 1160, "formation": 1161, "\u0120cor": 1162, "\u0120offic": 1163, "ield": 1164, "\u0120too": 1165, "ision": 1166, "\u0120inf": 1167, "\u0120Z": 1168, "the": 1169, "oad": 1170, "\u0120public": 1171, "\u0120prog": 1172, "ric": 1173, "**": 1174, "\u0120war": 1175, "\u0120power": 1176, "view": 1177, "\u0120few": 1178, "\u0120loc": 1179, "\u0120different": 1180, "\u0120state": 1181, "\u0120head": 1182, "'ll": 1183, "\u0120poss": 1184, "\u0120stat": 1185, "ret": 1186, "ants": 1187, "\u0120val": 1188, "\u0120iss": 1189, "\u0120cle": 1190, "ivers": 1191, "anc": 1192, "\u0120expl": 1193, "\u0120another": 1194, "\u0120Q": 1195, "\u0120av": 1196, "thing": 1197, "nce": 1198, "Wh": 1199, "\u0120child": 1200, "\u0120since": 1201, "ired": 1202, "less": 1203, "\u0120life": 1204, "\u0120develop": 1205, "ittle": 1206, "\u0120dep": 1207, "\u0120pass": 1208, "\u00e3\u0125": 1209, "\u0120turn": 1210, "orn": 1211, "This": 1212, "bers": 1213, "ross": 1214, "\u0120Ad": 1215, "\u0120fr": 1216, "\u0120resp": 1217, "\u0120second": 1218, "oh": 1219, "\u0120/": 1220, "\u0120disc": 1221, "\u0120&": 1222, "\u0120something": 1223, "\u0120comple": 1224, "\u0120ed": 1225, "\u0120fil": 1226, "\u0120month": 1227, "aj": 1228, "uc": 1229, "\u0120government": 1230, "\u0120without": 1231, "\u0120leg": 1232, "\u0120dist": 1233, "\u0120put": 1234, "\u0120quest": 1235, "ann": 1236, "\u0120prot": 1237, "20": 1238, "\u0120never": 1239, "ience": 1240, "\u0120level": 1241, "\u0120art": 1242, "\u0120things": 1243, "\u0120might": 1244, "\u0120effect": 1245, "\u0120contro": 1246, "\u0120cent": 1247, "\u012018": 1248, "\u0120allow": 1249, "\u0120belie": 1250, "chool": 1251, "ott": 1252, "\u0120incre": 1253, "\u0120feel": 1254, "\u0120result": 1255, "\u0120lot": 1256, "\u0120fun": 1257, "ote": 1258, "\u0120ty": 1259, "erest": 1260, "\u0120contin": 1261, "\u0120using": 1262, "\u0120big": 1263, "201": 1264, "\u0120ask": 1265, "\u0120best": 1266, "\u0120)": 1267, "IN": 1268, "\u0120opp": 1269, "30": 1270, "\u0120number": 1271, "iness": 1272, "St": 1273, "lease": 1274, "\u0120ca": 1275, "\u0120must": 1276, "\u0120direct": 1277, "\u0120gl": 1278, "\u0120<": 1279, "\u0120open": 1280, "\u0120post": 1281, "\u0120come": 1282, "\u0120seem": 1283, "ording": 1284, "\u0120week": 1285, "ately": 1286, "ital": 1287, "\u0120el": 1288, "riend": 1289, "\u0120far": 1290, "\u0120tra": 1291, "inal": 1292, "\u0120pri": 1293, "\u0120US": 1294, "\u0120place": 1295, "\u0120form": 1296, "\u0120told": 1297, "\":": 1298, "ains": 1299, "ature": 1300, "\u0120Trump": 1301, "\u0120stand": 1302, "\u0120#": 1303, "ider": 1304, "\u0120Fr": 1305, "\u0120next": 1306, "\u0120soc": 1307, "\u0120pur": 1308, "\u0120let": 1309, "\u0120little": 1310, "\u0120hum": 1311, "\u0120i": 1312, "ron": 1313, "15": 1314, "\u012015": 1315, "\u0120commun": 1316, "\u0120mark": 1317, "\u0120There": 1318, "\u0120wr": 1319, "\u0120That": 1320, "\u0120information": 1321, "ways": 1322, "\u0120bus": 1323, "app": 1324, "\u0120invest": 1325, "me": 1326, "\u0120hard": 1327, "ained": 1328, "ead": 1329, "\u0120import": 1330, "\u0120appro": 1331, "\u0120test": 1332, "\u0120tri": 1333, "\u0120rest": 1334, "osed": 1335, "\u0120full": 1336, "\u0120care": 1337, "\u0120Sp": 1338, "\u0120case": 1339, "ON": 1340, "\u0120sk": 1341, "\u0120less": 1342, "\u0120+": 1343, "\u0120partic": 1344, "\u0120Pl": 1345, "ably": 1346, "uck": 1347, "ished": 1348, "chn": 1349, "be": 1350, "\u0120list": 1351, "ator": 1352, "\u0120top": 1353, "\u0120adv": 1354, "\u0120Be": 1355, "ruct": 1356, "\u0120dem": 1357, "ration": 1358, "ling": 1359, "gy": 1360, "reen": 1361, "ger": 1362, "\u0120home": 1363, "\u0120left": 1364, "\u0120better": 1365, "\u0120data": 1366, "\u012011": 1367, "\u0120attack": 1368, "\u0120proble": 1369, "line": 1370, "ards": 1371, "\u0120beh": 1372, "ral": 1373, "\u0120How": 1374, "\u0120She": 1375, "arge": 1376, "\u0120--": 1377, "://": 1378, "\u0120bro": 1379, "\u0120Ph": 1380, "ats": 1381, "\u0120build": 1382, "ww": 1383, "ided": 1384, "aim": 1385, "ases": 1386, "ency": 1387, "\u0120main": 1388, "ined": 1389, "\u0120including": 1390, "\u0120{": 1391, "\u0120got": 1392, "\u0120interest": 1393, "\u0120keep": 1394, "\u0120X": 1395, "\u0120eas": 1396, "aining": 1397, "\u0120class": 1398, "\u00e2\u0122\u00a6": 1399, "\u0120No": 1400, "\u0120var": 1401, "\u0120small": 1402, "ample": 1403, "AT": 1404, "\u0120ide": 1405, "\u0120So": 1406, "\u0120rece": 1407, "\u0120polit": 1408, "\u0120mov": 1409, "\u0120plan": 1410, "\u0120percent": 1411, "iving": 1412, "\u0120camp": 1413, "\u0120pay": 1414, "14": 1415, "sc": 1416, "ised": 1417, "\u0120unt": 1418, "oney": 1419, "ploy": 1420, "====": 1421, "\u0120didn": 1422, "\u0120Ind": 1423, "els": 1424, "ertain": 1425, "\u0120pos": 1426, "____": 1427, "iver": 1428, "\u0120process": 1429, "\u0120program": 1430, "ified": 1431, "\u0120Rep": 1432, "16": 1433, "uro": 1434, "ology": 1435, "atter": 1436, "ina": 1437, "\u0120name": 1438, "\u0120All": 1439, "\u0120four": 1440, "\u0120return": 1441, "vious": 1442, "bs": 1443, "\u0120called": 1444, "\u0120move": 1445, "\u0120Sc": 1446, "ird": 1447, "\u0120group": 1448, "\u0120bre": 1449, "\u0120men": 1450, "\u0120cap": 1451, "ten": 1452, "ee": 1453, "\u0120dri": 1454, "leg": 1455, "here": 1456, "uthor": 1457, "\u0120pat": 1458, "\u0120current": 1459, "ides": 1460, "\u0120pop": 1461, "to": 1462, "ention": 1463, "\u0120always": 1464, "\u0120mil": 1465, "\u0120women": 1466, "\u012016": 1467, "\u0120old": 1468, "iven": 1469, "raph": 1470, "\u0120Or": 1471, "ror": 1472, "ently": 1473, "\u0120near": 1474, "\u0120Ex": 1475, "ream": 1476, "sh": 1477, "\u012014": 1478, "\u0120free": 1479, "ission": 1480, "stand": 1481, "\u0120Con": 1482, "ality": 1483, "used": 1484, "13": 1485, "\u0120design": 1486, "\u0120change": 1487, "\u0120chang": 1488, "\u0120bo": 1489, "\u0120vis": 1490, "ember": 1491, "\u0120book": 1492, "ready": 1493, "\u0120kill": 1494, "25": 1495, "pped": 1496, "\u0120away": 1497, "\u0120able": 1498, "\u0120country": 1499, "\u0120const": 1500, "arn": 1501, "\u0120order": 1502, "AR": 1503, "ior": 1504, "ium": 1505, "orth": 1506, "18": 1507, "ailable": 1508, "\u0120sw": 1509, "\u0120million": 1510, "\u012013": 1511, "atic": 1512, "ted": 1513, "\u0120Go": 1514, "\u0120oper": 1515, "eng": 1516, "\u0120thing": 1517, "ajor": 1518, "conom": 1519, "\u0120Comm": 1520, "\u0120why": 1521, "ured": 1522, "ural": 1523, "\u0120school": 1524, "by": 1525, "\u0120Mar": 1526, "\u0120aff": 1527, "\u0120days": 1528, "\u0120ann": 1529, "ush": 1530, "ane": 1531, "If": 1532, "eg": 1533, "\u0120prof": 1534, "\u0120health": 1535, "outh": 1536, "But": 1537, "ional": 1538, ".,": 1539, "\u0120sol": 1540, "\u0120already": 1541, "\u012030": 1542, "\u0120charact": 1543, "He": 1544, "\u0120friend": 1545, "ES": 1546, "ians": 1547, "icle": 1548, "'d": 1549, "\u0120On": 1550, "\u0120least": 1551, "\u0120prom": 1552, "\u0120dr": 1553, "\u0120hist": 1554, "ither": 1555, "\u0120est": 1556, "iqu": 1557, "17": 1558, "son": 1559, "\u0120tell": 1560, "\u0120talk": 1561, "ohn": 1562, "oint": 1563, "lection": 1564, "AN": 1565, "\u0120until": 1566, "augh": 1567, "\u0120later": 1568, "\u0120ve": 1569, "\u0120view": 1570, "ending": 1571, "ived": 1572, "\u0120word": 1573, "ware": 1574, "\u0120cost": 1575, "\u0120enough": 1576, "\u0120give": 1577, "\u0120United": 1578, "\u0120techn": 1579, "arent": 1580, "OR": 1581, "\u0120par": 1582, "\u0120Dr": 1583, "\u01202016": 1584, "rist": 1585, "ering": 1586, "\u0120\u00c2": 1587, "\u0120large": 1588, "side": 1589, "acy": 1590, "ccess": 1591, "\u0120win": 1592, "\u0120important": 1593, "\u0120199": 1594, "\u0120doesn": 1595, "\u012017": 1596, "\u0120business": 1597, "\u0120clear": 1598, "\u0120rese": 1599, "\",": 1600, "ury": 1601, "\u0120equ": 1602, "aster": 1603, "alf": 1604, "\u0120American": 1605, "nect": 1606, "\u0120expect": 1607, "iversity": 1608, "\u0120occ": 1609, "\u0120Fl": 1610, "\u0120kind": 1611, "\u0120mean": 1612, "\u0120past": 1613, "\u0120dev": 1614, "\u0120bas": 1615, "let": 1616, "raft": 1617, "\u0120organ": 1618, "\u0120del": 1619, "\u0120perform": 1620, "\u0120story": 1621, "\u0120season": 1622, "\u0120Col": 1623, "\u0120claim": 1624, "\u0120came": 1625, "\u0120within": 1626, "\u0120line": 1627, "\u0120project": 1628, "\u0120At": 1629, "\u0120control": 1630, "ended": 1631, "\u0120Sy": 1632, "\u0120air": 1633, "ization": 1634, "\u0120*": 1635, "ley": 1636, "\u0120money": 1637, "idd": 1638, "You": 1639, "for": 1640, "\u0120family": 1641, "\u0120making": 1642, "\u0120bit": 1643, "\u0120police": 1644, "\u0120happen": 1645, "\u0120vers": 1646, "ony": 1647, "uff": 1648, "\u0120When": 1649, "\u0120sit": 1650, "ideo": 1651, "lf": 1652, "ison": 1653, "\u0120sure": 1654, "gin": 1655, "\u0120appear": 1656, "\u0120light": 1657, "\u0120es": 1658, "of": 1659, "\u0120water": 1660, "\u0120times": 1661, "not": 1662, "\u0120grow": 1663, "\u0120company": 1664, "\u0120Te": 1665, "ows": 1666, "\u0120mar": 1667, "ource": 1668, "iol": 1669, "arm": 1670, "br": 1671, "\u0120example": 1672, "\u0120conc": 1673, "\u0120fore": 1674, "\u0120To": 1675, "pro": 1676, "EN": 1677, "ries": 1678, "\u012025": 1679, "\u0120Can": 1680, "ney": 1681, "\u0120actually": 1682, "\u0120ever": 1683, "urity": 1684, "aken": 1685, "aps": 1686, "\u0120tax": 1687, "\u0120major": 1688, "ama": 1689, "\u0120often": 1690, "eral": 1691, "\u0120human": 1692, "\u0120job": 1693, "ister": 1694, "\u0120available": 1695, "ocr": 1696, "enn": 1697, "aid": 1698, "ivid": 1699, "\u0120record": 1700, "?\"": 1701, "\u0120sing": 1702, "\u0120Am": 1703, "idence": 1704, "\u0120news": 1705, "ster": 1706, "\u0120econom": 1707, "\u0120following": 1708, "\u0120Br": 1709, "ising": 1710, "\u0120hour": 1711, "most": 1712, "ument": 1713, "\u0120sex": 1714, "\u0120desc": 1715, "\u0120become": 1716, "\u0120Ed": 1717, "\u0120took": 1718, "\u0120having": 1719, "\u0120product": 1720, "ault": 1721, "As": 1722, "aring": 1723, "\u0120means": 1724, "\u0120hop": 1725, "une": 1726, "\u0120cho": 1727, "\u0120certain": 1728, "\u0120non": 1729, "\u0120deal": 1730, "24": 1731, "lement": 1732, "oci": 1733, "ene": 1734, "\u0120side": 1735, "\u0120Pr": 1736, "\u0120May": 1737, "\u0120reason": 1738, "ued": 1739, "ched": 1740, "ulation": 1741, "\u0120elect": 1742, "\u0120official": 1743, "\u0120possible": 1744, "\u0120hold": 1745, "ands": 1746, "ots": 1747, "\u0120city": 1748, "ories": 1749, "\u0120sever": 1750, "\u0120children": 1751, "\u0120once": 1752, "\u0120activ": 1753, "ler": 1754, "\u0120night": 1755, "itions": 1756, "\u0120John": 1757, "ape": 1758, "play": 1759, "\u0120done": 1760, "\u0120lim": 1761, "\u0120working": 1762, "\u0120Pres": 1763, "orld": 1764, "eb": 1765, "\u0120Co": 1766, "\u0120body": 1767, "ails": 1768, "utes": 1769, "\u0120Mr": 1770, "\u0120whether": 1771, "\u0120author": 1772, "rop": 1773, "\u0120proper": 1774, "\u0120seen": 1775, ");": 1776, "\u0120fac": 1777, "\u0120Su": 1778, "\u0120cond": 1779, "iting": 1780, "\u0120course": 1781, "\u0120}": 1782, "----------------": 1783, "aign": 1784, "\u0120event": 1785, "\u0120eng": 1786, "\u0120pot": 1787, "\u0120intern": 1788, "iam": 1789, "\u0120short": 1790, "empt": 1791, "\u00e3\u0124": 1792, "\u0120God": 1793, "ilar": 1794, "80": 1795, "\u0120orig": 1796, "IS": 1797, "ourn": 1798, "ability": 1799, "itive": 1800, "\u0120dam": 1801, "\u0120100": 1802, "\u0120press": 1803, "\u0120doing": 1804, "\u0120protect": 1805, "ring": 1806, "\u0120thought": 1807, "\u0120question": 1808, "rew": 1809, "\u0120War": 1810, "\u0120several": 1811, "\u0120State": 1812, "\u0120given": 1813, "\u0120fund": 1814, "\u0120Tw": 1815, "\u0120went": 1816, "ances": 1817, "work": 1818, "por": 1819, "my": 1820, "40": 1821, "\u0120arg": 1822, "artment": 1823, "ustom": 1824, "\u0120polic": 1825, "\u0120meet": 1826, "\u0120creat": 1827, "22": 1828, "\u0120States": 1829, "\u0120games": 1830, "raw": 1831, "uture": 1832, "\u0120understand": 1833, "urs": 1834, "\u0120Ob": 1835, "lish": 1836, "sy": 1837, "\u0120makes": 1838, "\u0120won": 1839, "agon": 1840, "\u0120htt": 1841, "\u0120love": 1842, "ential": 1843, "\u0120complete": 1844, "par": 1845, "\u0120Im": 1846, "AL": 1847, "\u0120account": 1848, "\u00c2\u0142": 1849, "ored": 1850, "vert": 1851, "\u0120ident": 1852, "\u01202015": 1853, "\u0120others": 1854, "\u0120Min": 1855, "iber": 1856, "verage": 1857, "There": 1858, "itional": 1859, "dd": 1860, "\u0120prob": 1861, "\u0120young": 1862, "\u0120along": 1863, "\u0120according": 1864, "\u0120yet": 1865, "\u0120members": 1866, "\u0120What": 1867, "oid": 1868, "\u0120Man": 1869, "And": 1870, "\u0120among": 1871, "ai": 1872, "\u0120employ": 1873, "\u0120Res": 1874, "\u0120>": 1875, "\u0120invol": 1876, "\u0120low": 1877, "af": 1878, "\u0120Car": 1879, "\u0120hig": 1880, "\u0120One": 1881, "\u0120Sec": 1882, "ination": 1883, "\u0120likely": 1884, "\u0120ant": 1885, "aged": 1886, "\u0120Russ": 1887, "\u0120ben": 1888, "\u0120rele": 1889, "For": 1890, "back": 1891, "\u0120Not": 1892, "\u0120president": 1893, "ball": 1894, "\u0120access": 1895, "ividual": 1896, "\u0120Dem": 1897, "\u0120Euro": 1898, "60": 1899, "\u0120known": 1900, "irl": 1901, "\u0120Gr": 1902, "\u0120early": 1903, "use": 1904, "iety": 1905, "\u00e2\u0122\u0135": 1906, "\u0120fight": 1907, "\u0120sent": 1908, "\u0120today": 1909, "\u0120market": 1910, "\".": 1911, "\u0120based": 1912, "\u0120strong": 1913, "urther": 1914, "\u0120deb": 1915, "mber": 1916, "\u0120problem": 1917, "\u0120death": 1918, "\u0120social": 1919, "imate": 1920, "AS": 1921, "ortun": 1922, "\u0120campaign": 1923, "ery": 1924, "Ch": 1925, "\u0120ey": 1926, "ially": 1927, "\u0120mus": 1928, "wh": 1929, "pos": 1930, "\u0120er": 1931, "\u0120saf": 1932, "\u0120months": 1933, "iron": 1934, "\u0120viol": 1935, "\u0120five": 1936, "\u0120stre": 1937, "\u0120players": 1938, "inc": 1939, "ald": 1940, "year": 1941, "aun": 1942, "\u0120success": 1943, "\u0120present": 1944, "erence": 1945, "\u01202014": 1946, "\u0120sugg": 1947, "\u0120particular": 1948, "\u0120try": 1949, "\u0120suggest": 1950, "\u0120Christ": 1951, "ones": 1952, "\u0120priv": 1953, "23": 1954, "\u0120crit": 1955, "\u0120land": 1956, "\u0120local": 1957, "ify": 1958, "29": 1959, "\u0120aut": 1960, "ED": 1961, "\u0120Gu": 1962, "\u0120mult": 1963, "\u0120political": 1964, "\u0120asked": 1965, "\u0120former": 1966, "itter": 1967, "ript": 1968, "\u0120close": 1969, "\u0120pract": 1970, "\u0120York": 1971, "\u0120getting": 1972, "\u0120across": 1973, "\u0120comb": 1974, "\u0120believe": 1975, "\u0120z": 1976, "\u0120toget": 1977, "\u0120together": 1978, "\u0120Cent": 1979, "irc": 1980, "\u0120individual": 1981, "\u0120Mc": 1982, "27": 1983, "isk": 1984, "\u0120Eng": 1985, "\u0120face": 1986, "\u012024": 1987, "\u0120value": 1988, "\u0120area": 1989, "ev": 1990, "\u0120writ": 1991, "\u0120President": 1992, "\u0120vot": 1993, "\u0120key": 1994, "\u0120mom": 1995, "put": 1996, "\u0120anything": 1997, "\u0120experience": 1998, "attle": 1999, "\u0120mind": 2000, "aff": 2001, "omm": 2002, "\u0120future": 2003, "ged": 2004, "\u0120cut": 2005, "\u0120tot": 2006, "itch": 2007, "\u0120video": 2008, "\u0120investig": 2009, "\u0120net": 2010, "\u0120My": 2011, "rict": 2012, "ien": 2013, ".)": 2014, "\u0120impro": 2015, "though": 2016, "wards": 2017, "\u0120connect": 2018, "\u0120Med": 2019, "selves": 2020, "ensive": 2021, "mb": 2022, "ober": 2023, "ators": 2024, "An": 2025, "\u012050": 2026, "\u0120redu": 2027, "resent": 2028, "\u0120above": 2029, "\u0120fre": 2030, "\u0120Europe": 2031, "sw": 2032, "\u0120amount": 2033, "\u0120App": 2034, "\u0120either": 2035, "\u0120milit": 2036, "\u0120anal": 2037, "\u0120fail": 2038, "\u0120En": 2039, "ales": 2040, "\u0120special": 2041, "\u0120black": 2042, "IT": 2043, "cher": 2044, "\u0120looking": 2045, "\u0120fire": 2046, "yn": 2047, "\u0120almost": 2048, "oon": 2049, "\u0120study": 2050, "\u0120miss": 2051, "ches": 2052, "rown": 2053, "\u0120tre": 2054, "\u0120community": 2055, "\u0120media": 2056, "\u0120food": 2057, "\u0120comes": 2058, "\u0120University": 2059, "\u0120single": 2060, "What": 2061, "uly": 2062, "\u0120half": 2063, "ague": 2064, "hod": 2065, "\u0120Republic": 2066, "\u0120started": 2067, "\u0120quick": 2068, "oto": 2069, "book": 2070, "\u0120issue": 2071, "itor": 2072, "\u0120else": 2073, "\u0120consider": 2074, "26": 2075, "rodu": 2076, "\u0120taken": 2077, "28": 2078, "99": 2079, "\u0120With": 2080, "\u0120true": 2081, "\u0120wa": 2082, "\u0120trad": 2083, "\u0120ago": 2084, "\u0120mess": 2085, "ief": 2086, "\u0120added": 2087, "oke": 2088, "\u0120bad": 2089, "\u0120fav": 2090, "33": 2091, "\u0120similar": 2092, "ask": 2093, "\u0120Don": 2094, "\u0120character": 2095, "orts": 2096, "\u0120House": 2097, "\u0120reported": 2098, "\u0120type": 2099, "val": 2100, "iod": 2101, "\u0120However": 2102, "\u0120targ": 2103, "\u0120entire": 2104, "pping": 2105, "\u0120history": 2106, "\u0120live": 2107, "ffic": 2108, "........": 2109, "ederal": 2110, "\u0120trying": 2111, "\u0120discuss": 2112, "\u0120Har": 2113, "aces": 2114, "lished": 2115, "\u0120self": 2116, "osp": 2117, "rest": 2118, "\u0120room": 2119, "elt": 2120, "\u0120fall": 2121, "olution": 2122, "\u0120et": 2123, "\u0120x": 2124, "\u0120isn": 2125, "\u0120idea": 2126, "bo": 2127, "\u0120sound": 2128, "\u0120Dep": 2129, "\u0120someone": 2130, "cially": 2131, "ully": 2132, "\u0120foc": 2133, "\u0120object": 2134, "ift": 2135, "aper": 2136, "\u0120player": 2137, "\u0120rather": 2138, "\u0120service": 2139, "ashing": 2140, "\u0120Do": 2141, "\u0120Part": 2142, "rug": 2143, "mon": 2144, "ply": 2145, "\u0120mor": 2146, "\u0120nothing": 2147, "\u0120provide": 2148, "IC": 2149, "ung": 2150, "\u0120party": 2151, "\u0120exist": 2152, "\u0120mag": 2153, "70": 2154, "\u0120rul": 2155, "\u0120house": 2156, "\u0120behind": 2157, "\u0120however": 2158, "\u0120World": 2159, "\u0120sum": 2160, "\u0120applic": 2161, "\u0120;": 2162, "\u0120function": 2163, "gr": 2164, "\u0120Pol": 2165, "\u0120front": 2166, "200": 2167, "\u0120series": 2168, "\u0120tem": 2169, "\u0120typ": 2170, "ills": 2171, "\u0120opt": 2172, "\u0120points": 2173, "\u0120below": 2174, "itted": 2175, "\u0120specific": 2176, "\u01202017": 2177, "umb": 2178, "\u0120ra": 2179, "\u0120previous": 2180, "\u0120pret": 2181, "reme": 2182, "\u0120custom": 2183, "\u0120court": 2184, "\u0120Me": 2185, "\u0120repl": 2186, "\u0120whole": 2187, "go": 2188, "cer": 2189, "\u0120treat": 2190, "\u0120Act": 2191, "\u0120probably": 2192, "\u0120learn": 2193, "ender": 2194, "\u0120Ass": 2195, "\u0120version": 2196, "now": 2197, "\u0120check": 2198, "\u0120Cal": 2199, "RE": 2200, "minist": 2201, "On": 2202, "ources": 2203, "\u0120benef": 2204, "\u0120doc": 2205, "\u0120deter": 2206, "\u0120enc": 2207, "\u0120super": 2208, "\u0120address": 2209, "\u0120vict": 2210, "\u01202013": 2211, "\u0120meas": 2212, "tr": 2213, "\u0120field": 2214, "When": 2215, "\u0120signific": 2216, "uge": 2217, "\u0120feat": 2218, "\u0120common": 2219, "load": 2220, "\u0120begin": 2221, "\u0120bring": 2222, "\u0120action": 2223, "erman": 2224, "\u0120describ": 2225, "\u0120indust": 2226, "\u0120wanted": 2227, "ried": 2228, "ming": 2229, "\u0120attempt": 2230, "45": 2231, "fer": 2232, "\u0120due": 2233, "ression": 2234, "##": 2235, "\u0120shall": 2236, "\u0120six": 2237, "oo": 2238, "\u0120step": 2239, "\u0120pub": 2240, "\u0120himself": 2241, "\u012023": 2242, "\u0120cop": 2243, "\u0120dest": 2244, "\u0120stop": 2245, "AC": 2246, "ibility": 2247, "\u0120lab": 2248, "icult": 2249, "\u0120hours": 2250, "\u0120create": 2251, "\u0120further": 2252, "\u0120America": 2253, "\u0120City": 2254, "\u0120dou": 2255, "head": 2256, "ST": 2257, "\u0120North": 2258, "cing": 2259, "\u0120national": 2260, "ule": 2261, "\u0120Inst": 2262, "\u0120taking": 2263, "\u0120Qu": 2264, "irt": 2265, "\u0120red": 2266, "\u0120research": 2267, "viron": 2268, "\u0120Ge": 2269, "\u0120break": 2270, "ana": 2271, "\u0120space": 2272, "aterial": 2273, "\u0120recent": 2274, "\u0120Ab": 2275, "\u0120general": 2276, "\u0120hit": 2277, "\u0120period": 2278, "\u0120everything": 2279, "ively": 2280, "\u0120phys": 2281, "\u0120saying": 2282, "anks": 2283, "\u0120cou": 2284, "\u0120cult": 2285, "aced": 2286, "eal": 2287, "uation": 2288, "\u0120coun": 2289, "lu": 2290, "\u0120include": 2291, "\u0120position": 2292, "\u0120After": 2293, "\u0120Canad": 2294, "\u0120Em": 2295, "\u0120imm": 2296, "\u0120Red": 2297, "\u0120pick": 2298, "\u0120compl": 2299, "\u0120matter": 2300, "reg": 2301, "ext": 2302, "angu": 2303, "isc": 2304, "ole": 2305, "aut": 2306, "\u0120compet": 2307, "eed": 2308, "fect": 2309, "\u012021": 2310, "\u0120Sen": 2311, "\u0120These": 2312, "asing": 2313, "\u0120cannot": 2314, "\u0120init": 2315, "\u0120relations": 2316, "ached": 2317, "\u0120bar": 2318, "\u012040": 2319, "\u0120TH": 2320, "\u01202012": 2321, "\u0120vol": 2322, "\u0120ground": 2323, "\u0120security": 2324, "\u0120upd": 2325, "ilt": 2326, "35": 2327, "\u0120concern": 2328, "\u0120Just": 2329, "\u0120white": 2330, "\u0120seems": 2331, "\u0120Her": 2332, "pecially": 2333, "ients": 2334, "\u0120announ": 2335, "\u0120fig": 2336, "ights": 2337, "\u0120stri": 2338, "like": 2339, "ids": 2340, "\u0120sus": 2341, "\u0120watch": 2342, "\u0120\u00e2": 2343, "\u0120wind": 2344, "\u0120Cont": 2345, "\u0120itself": 2346, "\u0120mass": 2347, "Al": 2348, "yle": 2349, "ique": 2350, "\u0120National": 2351, "\u0120abs": 2352, "\u0120pack": 2353, "\u0120outside": 2354, "\u0120anim": 2355, "\u0120pain": 2356, "eter": 2357, "\u0120manag": 2358, "duct": 2359, "ogn": 2360, "\u0120]": 2361, "\u0120Sept": 2362, "sec": 2363, "off": 2364, "\u0120Jan": 2365, "\u0120foot": 2366, "ades": 2367, "\u0120third": 2368, "\u0120mot": 2369, "\u0120evidence": 2370, "inton": 2371, "\u0120threat": 2372, "apt": 2373, "ples": 2374, "cle": 2375, "\u0120lo": 2376, "\u0120decl": 2377, "\u0120item": 2378, "medi": 2379, "\u0120represent": 2380, "omb": 2381, "amer": 2382, "\u0120significant": 2383, "ograph": 2384, "su": 2385, "\u0120cal": 2386, "ires": 2387, "0000": 2388, "ID": 2389, "AM": 2390, "\u0120simply": 2391, "\u0120longer": 2392, "\u0120file": 2393, "OT": 2394, "che": 2395, "So": 2396, "ateg": 2397, "org": 2398, "\u0120His": 2399, "\u0120ener": 2400, "\u0120dom": 2401, "\u0120upon": 2402, "ili": 2403, "\":\"": 2404, "\u0120themselves": 2405, "\u0120coming": 2406, "\u0120quite": 2407, "\u0120difficult": 2408, "\u0120Bar": 2409, "ilities": 2410, "rel": 2411, "ends": 2412, "cial": 2413, "64": 2414, "\u0120woman": 2415, "rap": 2416, "yr": 2417, "\u0120necess": 2418, "ips": 2419, "\u0120text": 2420, "\u0120require": 2421, "\u0120military": 2422, "\u0120review": 2423, "\u0120respons": 2424, "75": 2425, "\u0120subject": 2426, "\u0120instead": 2427, "\u0120issues": 2428, "\u0120gen": 2429, "\",\"": 2430, "\u0120minutes": 2431, "\u0120weap": 2432, "ray": 2433, "amed": 2434, "time": 2435, "bl": 2436, "How": 2437, "\u0120code": 2438, "\u0120Sm": 2439, "\u0120higher": 2440, "\u0120Ste": 2441, "ris": 2442, "\u0120page": 2443, "\u0120students": 2444, "\u0120Intern": 2445, "\u0120method": 2446, "\u0120Aug": 2447, "\u0120Per": 2448, "\u0120Ag": 2449, "\u0120policy": 2450, "\u0120Sw": 2451, "\u0120exec": 2452, "\u0120accept": 2453, "ume": 2454, "ribut": 2455, "\u0120words": 2456, "\u0120final": 2457, "\u0120changes": 2458, "\u0120Democr": 2459, "\u0120friends": 2460, "\u0120respect": 2461, "\u0120ep": 2462, "\u0120compan": 2463, "ivil": 2464, "\u0120damage": 2465, "****": 2466, "ogle": 2467, "vironment": 2468, "\u0120neg": 2469, "ental": 2470, "\u0120ap": 2471, "\u0120total": 2472, "ival": 2473, "!\"": 2474, "lim": 2475, "\u0120needs": 2476, "\u0120agre": 2477, "\u0120development": 2478, "\u0120age": 2479, "iple": 2480, "21": 2481, "\u0120results": 2482, "\u0120Af": 2483, "Sh": 2484, "\u0120gun": 2485, "\u0120Obama": 2486, "roll": 2487, "\u0120@": 2488, "\u0120rights": 2489, "\u0120Brit": 2490, "\u0120running": 2491, "\u0120wasn": 2492, "\u0120port": 2493, "\u0120rate": 2494, "\u0120pretty": 2495, "\u0120target": 2496, "\u0120saw": 2497, "\u0120circ": 2498, "\u0120works": 2499, "icro": 2500, "alt": 2501, "over": 2502, "www": 2503, "That": 2504, "lier": 2505, "\u0120everyone": 2506, "ude": 2507, "\u0120pie": 2508, "iddle": 2509, "rael": 2510, "\u0120rad": 2511, "\u0120block": 2512, "\u0120walk": 2513, "To": 2514, "\u00e3\u0123": 2515, "nes": 2516, "\u0120Aust": 2517, "aul": 2518, "rote": 2519, "\u0120South": 2520, "ession": 2521, "oph": 2522, "\u0120shows": 2523, "\u0120site": 2524, "\u0120jo": 2525, "\u0120risk": 2526, "clus": 2527, "lt": 2528, "\u0120inj": 2529, "iding": 2530, "\u0120Spe": 2531, "\u0120chall": 2532, "irm": 2533, "\u012022": 2534, "itting": 2535, "str": 2536, "\u0120hy": 2537, "LE": 2538, "key": 2539, "\u0120began": 2540, "atur": 2541, "ashington": 2542, "lam": 2543, "\u0120Dav": 2544, "bit": 2545, "\u0120size": 2546, "\u0120Par": 2547, "38": 2548, "ournal": 2549, "face": 2550, "\u0120decision": 2551, "\u0120larg": 2552, "\u0120jud": 2553, "rect": 2554, "\u0120continue": 2555, "\u0120Oct": 2556, "overed": 2557, "\u0120Int": 2558, "========": 2559, "\u0120parent": 2560, "\u0120Will": 2561, "\u0120easy": 2562, "\u0120drug": 2563, "anger": 2564, "\u0120sense": 2565, "\u0120di": 2566, "iday": 2567, "\u0120energy": 2568, "istic": 2569, "\u0120associ": 2570, "arter": 2571, "obal": 2572, "eks": 2573, "\u0120El": 2574, "urch": 2575, "\u0120girl": 2576, "oe": 2577, "itle": 2578, "\u012028": 2579, "\u0120Che": 2580, "\u0120request": 2581, "\u0120soon": 2582, "\u0120host": 2583, "ky": 2584, "\u0120states": 2585, "omes": 2586, "\u0120material": 2587, "lex": 2588, "\u0120moment": 2589, "\u0120answ": 2590, "onse": 2591, "\u0120especially": 2592, "\u0120norm": 2593, "\u0120services": 2594, "pite": 2595, "ran": 2596, "\u0120role": 2597, "44": 2598, "):": 2599, "\u0120cred": 2600, "Cl": 2601, "________": 2602, "\u0120mat": 2603, "\u0120log": 2604, "\u0120Clinton": 2605, "OU": 2606, "\u0120office": 2607, "\u012026": 2608, "\u0120charg": 2609, "\u0120track": 2610, "ma": 2611, "\u0120heart": 2612, "\u0120ball": 2613, "\u0120personal": 2614, "\u0120building": 2615, "na": 2616, "set": 2617, "body": 2618, "\u0120Black": 2619, "\u0120increase": 2620, "itten": 2621, "\u0120needed": 2622, "36": 2623, "32": 2624, "=\"": 2625, "\u0120lost": 2626, "\u0120became": 2627, "\u0120groups": 2628, "\u0120Mus": 2629, "\u0120wrote": 2630, "\u0120Pe": 2631, "\u0120prop": 2632, "joy": 2633, "\u00c3\u00a9": 2634, "\u0120White": 2635, "\u0120dead": 2636, ".'": 2637, "\u0120http": 2638, "\u0120webs": 2639, "OS": 2640, "\u0120inside": 2641, "\u0120wrong": 2642, "\u0120statement": 2643, "\u0120...": 2644, "yl": 2645, "\u0120film": 2646, "\u0120music": 2647, "\u0120share": 2648, "ification": 2649, "\u0120release": 2650, "\u0120forward": 2651, "\u0120stay": 2652, "\u0120comput": 2653, "itte": 2654, "ser": 2655, "\u0120original": 2656, "\u0120card": 2657, "\u0120cand": 2658, "\u0120div": 2659, "atural": 2660, "\u0120favor": 2661, "OM": 2662, "\u0120cases": 2663, "uses": 2664, "\u0120section": 2665, "\u0120leave": 2666, "ging": 2667, "oved": 2668, "\u0120Washington": 2669, "39": 2670, "\u0120Gl": 2671, "\u0120required": 2672, "action": 2673, "apan": 2674, "oor": 2675, "iter": 2676, "\u0120King": 2677, "\u0120countries": 2678, "\u0120German": 2679, "lling": 2680, "\u012027": 2681, "34": 2682, "\u0120questions": 2683, "\u0120prim": 2684, "\u0120cell": 2685, "\u0120shoot": 2686, "\u0120anyone": 2687, "\u0120West": 2688, "\u0120affect": 2689, "epend": 2690, "\u0120online": 2691, "\u0120Israel": 2692, "\u0120September": 2693, "\u0120ability": 2694, "\u0120content": 2695, "ises": 2696, "\u0120reve": 2697, "\u0120laun": 2698, "\u0120indic": 2699, "\u0120force": 2700, "cast": 2701, "\u0120sold": 2702, "aving": 2703, "fl": 2704, "\u0120soft": 2705, "\u0120companies": 2706, "ceed": 2707, "\u0120article": 2708, "\u0120aud": 2709, "\u0120rev": 2710, "\u0120educ": 2711, "\u0120playing": 2712, "05": 2713, "\u0120held": 2714, "ctor": 2715, "\u0120released": 2716, "\u0120federal": 2717, "37": 2718, "\u0120administ": 2719, "\u0120interview": 2720, "\u0120install": 2721, "\u0120received": 2722, "\u0120source": 2723, "uk": 2724, "Ph": 2725, "\u0120serious": 2726, "\u0120created": 2727, "\u0120cause": 2728, "\u0120immedi": 2729, "\u0120defin": 2730, "uel": 2731, "\u0120Department": 2732, "ctions": 2733, "\u0120Cour": 2734, "\u0120Now": 2735, "ze": 2736, "ites": 2737, "itution": 2738, "\u0120late": 2739, "\u0120speak": 2740, "ners": 2741, "\u0120legal": 2742, "ari": 2743, "\u0120Cor": 2744, "\u0120weeks": 2745, "\u0120model": 2746, "\u0120pred": 2747, "\u0120exact": 2748, "BC": 2749, "\u0120By": 2750, "ING": 2751, "osing": 2752, "\u0120takes": 2753, "\u0120regard": 2754, "\u0120opportun": 2755, "\u0120price": 2756, "\u0120198": 2757, "\u0120Apr": 2758, "fully": 2759, "\u0120ord": 2760, "\u0120problems": 2761, "ruction": 2762, "ham": 2763, "\u0120Count": 2764, "lege": 2765, "\u0120leaders": 2766, "ET": 2767, "lev": 2768, "\u0120deep": 2769, "ological": 2770, "ese": 2771, "haps": 2772, "\u0120Some": 2773, "\u0120pers": 2774, "\u0120contract": 2775, "\u0120relationship": 2776, "sp": 2777, "oud": 2778, "\u0120base": 2779, "48": 2780, "mit": 2781, "Ad": 2782, "ancial": 2783, "\u0120consum": 2784, "\u0120potential": 2785, "\u0120langu": 2786, "rem": 2787, "eth": 2788, "\u0120relig": 2789, "ressed": 2790, "66": 2791, "\u0120link": 2792, "\u0120lower": 2793, "ayer": 2794, "\u0120June": 2795, "\u0120fem": 2796, "unt": 2797, "erc": 2798, "urd": 2799, "\u0120contact": 2800, "\u0120ill": 2801, "\u0120mother": 2802, "\u0120estab": 2803, "htt": 2804, "\u0120March": 2805, "\u0120Bro": 2806, "\u0120China": 2807, "\u012029": 2808, "\u0120squ": 2809, "\u0120provided": 2810, "\u0120average": 2811, "asons": 2812, "\u01202011": 2813, "\u0120exam": 2814, "lin": 2815, "55": 2816, "ned": 2817, "\u0120perfect": 2818, "\u0120tou": 2819, "alse": 2820, "ux": 2821, "\u0120buy": 2822, "\u0120shot": 2823, "\u0120collect": 2824, "\u0120phot": 2825, "\u0120played": 2826, "\u0120surpr": 2827, "\u0120officials": 2828, "\u0120simple": 2829, "avy": 2830, "\u0120industry": 2831, "\u0120hands": 2832, "ground": 2833, "\u0120pull": 2834, "\u0120round": 2835, "\u0120user": 2836, "\u0120range": 2837, "uary": 2838, "\u0120private": 2839, "ops": 2840, "ees": 2841, "\u0120ways": 2842, "\u0120Mich": 2843, "\u0120veh": 2844, "\u0120except": 2845, "\u0120terms": 2846, "imum": 2847, "pper": 2848, "ION": 2849, "ores": 2850, "\u0120Dragon": 2851, "oul": 2852, "\u0120den": 2853, "\u0120performance": 2854, "\u0120bill": 2855, "cil": 2856, "47": 2857, "\u0120environment": 2858, "\u0120exc": 2859, "add": 2860, "\u0120worth": 2861, "\u0120pict": 2862, "\u0120chance": 2863, "\u01202018": 2864, "bor": 2865, "\u0120speed": 2866, "iction": 2867, "\u0120alleg": 2868, "\u0120Japan": 2869, "atory": 2870, "reet": 2871, "\u0120match": 2872, "\u0120II": 2873, "\u0120stru": 2874, "order": 2875, "\u0120ste": 2876, "\u0120living": 2877, "\u0120struct": 2878, "ino": 2879, "\u0120separ": 2880, "hern": 2881, "\u0120response": 2882, "\u0120enjoy": 2883, "\u0120via": 2884, "AD": 2885, "uments": 2886, "acebook": 2887, "\u0120member": 2888, "ibr": 2889, "izing": 2890, "\u0120tool": 2891, "\u0120Mon": 2892, "\u0120While": 2893, "hood": 2894, "\u0120Ang": 2895, "\u0120Def": 2896, "\u0120offer": 2897, "Tr": 2898, "aur": 2899, "\u0120turned": 2900, "\u0120July": 2901, "down": 2902, "anced": 2903, "\u0120recently": 2904, "\u0120Ear": 2905, "\u0120ce": 2906, "\u0120Star": 2907, "\u0120Cong": 2908, "rought": 2909, "\u0120blood": 2910, "\u0120hope": 2911, "\u0120comment": 2912, "aint": 2913, "\u0120arri": 2914, "iles": 2915, "\u0120particip": 2916, "ought": 2917, "ription": 2918, "08": 2919, "49": 2920, "\u0120gave": 2921, "\u0120select": 2922, "\u0120killed": 2923, "sych": 2924, "\u0120goes": 2925, "ij": 2926, "\u0120coll": 2927, "\u0120impact": 2928, "atives": 2929, "\u0120Ser": 2930, "09": 2931, "\u0120August": 2932, "\u0120boy": 2933, "de": 2934, "\u0120Des": 2935, "\u0120felt": 2936, "US": 2937, "\u0120expected": 2938, "\u0120image": 2939, "\u0120Mark": 2940, "ccording": 2941, "oice": 2942, "EC": 2943, "\u0120Mag": 2944, "ened": 2945, "hold": 2946, "\u0120Post": 2947, "\u0120prevent": 2948, "No": 2949, "\u0120involved": 2950, "\u0120eyes": 2951, "\u0120quickly": 2952, "At": 2953, "unk": 2954, "\u0120behav": 2955, "\u0120ur": 2956, "\u0120led": 2957, "come": 2958, "ey": 2959, "\u0120candid": 2960, "\u0120earlier": 2961, "\u0120focus": 2962, "ety": 2963, "Pro": 2964, "ledge": 2965, "ixed": 2966, "illed": 2967, "\u0120popular": 2968, "AP": 2969, "\u0120sett": 2970, "light": 2971, "\u0120various": 2972, "inks": 2973, "\u0120levels": 2974, "\u0120road": 2975, "ellig": 2976, "ables": 2977, "hel": 2978, "ittee": 2979, "\u0120Gener": 2980, "ype": 2981, "\u0120heard": 2982, "icles": 2983, "\u0120mis": 2984, "\u0120users": 2985, "\u0120San": 2986, "\u0120improve": 2987, "\u0120father": 2988, "\u0120search": 2989, "They": 2990, "vil": 2991, "\u0120profess": 2992, "\u0120knew": 2993, "\u0120loss": 2994, "\u0120events": 2995, "65": 2996, "\u0120billion": 2997, "07": 2998, "02": 2999, "\u0120News": 3000, "\u0120AM": 3001, "\u0120cover": 3002, "where": 3003, "ension": 3004, "\u0120bott": 3005, "\u0120areas": 3006, "ences": 3007, "ope": 3008, "\u0120Twitter": 3009, "ael": 3010, "\u0120gets": 3011, "\u0120Google": 3012, "\u0120sn": 3013, "iant": 3014, "\u0120vote": 3015, "\u0120nearly": 3016, "\u0120included": 3017, "\u0120recogn": 3018, "zz": 3019, "mm": 3020, "aled": 3021, "\u0120happened": 3022, "04": 3023, "\u0120hot": 3024, "\u0120whose": 3025, "\u0120civil": 3026, "\u0120suff": 3027, "oes": 3028, "itiz": 3029, "\u0120Syri": 3030, "\u0120respond": 3031, "\u0120hon": 3032, "\u0120features": 3033, "\u0120economic": 3034, "\u0120April": 3035, "rim": 3036, "\u0120technology": 3037, "\u0120option": 3038, "aging": 3039, "\u0120purch": 3040, "Re": 3041, "\u0120lat": 3042, "chie": 3043, "isl": 3044, "\u0120recomm": 3045, "uf": 3046, "\u0120training": 3047, "\u0120effects": 3048, "\u0120fast": 3049, "\u01202010": 3050, "\u0120occur": 3051, "\u0120website": 3052, "\u0120email": 3053, "\u0120sens": 3054, "ech": 3055, "\u0120oil": 3056, "\u0120influ": 3057, "\u0120currently": 3058, "\u0120Sch": 3059, "\u0120Add": 3060, "\u0120goal": 3061, "\u0120scient": 3062, "\u0120conv": 3063, "100": 3064, "emy": 3065, "\u0120decided": 3066, "\u0120travel": 3067, "\u0120mention": 3068, "LL": 3069, "03": 3070, "\u0120election": 3071, "\u0120phone": 3072, "\u0120looks": 3073, "\u0120situation": 3074, "\u0120cy": 3075, "\u0120hor": 3076, "bed": 3077, "\u0120Court": 3078, "aily": 3079, "aves": 3080, "\u0120quality": 3081, "\u0120Comp": 3082, "wise": 3083, "\u0120table": 3084, "\u0120staff": 3085, "\u0120Wind": 3086, "ett": 3087, "\u0120tried": 3088, "idered": 3089, "\u0120addition": 3090, "\u0120box": 3091, "\u0120lack": 3092, "arily": 3093, "\u0120wide": 3094, "\u0120mid": 3095, "\u0120board": 3096, "ysis": 3097, "\u0120anti": 3098, "ha": 3099, "\u0120dig": 3100, "ening": 3101, "\u0120dro": 3102, "Con": 3103, "68": 3104, "\u0120slow": 3105, "based": 3106, "sequ": 3107, "\u0120path": 3108, "Ex": 3109, "aker": 3110, "\u0120worked": 3111, "\u0120pen": 3112, "\u0120engine": 3113, "\u0120looked": 3114, "\u0120Super": 3115, "\u0120Serv": 3116, "\u0120victim": 3117, "Un": 3118, "\u0120property": 3119, "\u0120introdu": 3120, "\u0120execut": 3121, "\u0120PM": 3122, "Le": 3123, "\u0120color": 3124, "\u0120More": 3125, "\u012060": 3126, "\u0120network": 3127, "\u0120date": 3128, "cul": 3129, "idge": 3130, "\u0120extra": 3131, "31": 3132, "\u0120sle": 3133, "67": 3134, "\u0120wond": 3135, "\u0120reports": 3136, "just": 3137, "\u0120Austral": 3138, "\u0120capital": 3139, "\u0120ens": 3140, "\u0120command": 3141, "\u0120allowed": 3142, "\u0120prep": 3143, "\u0120capt": 3144, "hib": 3145, "\u0120numbers": 3146, "chan": 3147, "\u0120fair": 3148, "mp": 3149, "oms": 3150, "\u0120reach": 3151, "With": 3152, "tain": 3153, "\u0120broad": 3154, "\u0120couple": 3155, "ecause": 3156, "lying": 3157, "\u0120Feb": 3158, "\u0120screen": 3159, "\u0120lives": 3160, "\u0120prior": 3161, "\u0120Congress": 3162, "Ar": 3163, "\u0120approach": 3164, "\u0120emer": 3165, "aries": 3166, "\u0120Dis": 3167, "serv": 3168, "\u0120Ne": 3169, "\u0120built": 3170, "cies": 3171, "\u0120repe": 3172, "\u0120rules": 3173, "force": 3174, "\u0120Pal": 3175, "\u0120financial": 3176, "\u0120considered": 3177, "\u0120Char": 3178, "nces": 3179, "\u0120IS": 3180, "\u0120brought": 3181, "\u0120bi": 3182, "iers": 3183, "\u0120Sim": 3184, "OP": 3185, "\u0120products": 3186, "\u0120visit": 3187, "\u0120document": 3188, "\u0120conduct": 3189, "\u0120completely": 3190, "ining": 3191, "\u0120Calif": 3192, "ibly": 3193, "\u0120written": 3194, "\u0120TV": 3195, "ements": 3196, "\u0120draw": 3197, "One": 3198, "\u0120published": 3199, "\u0120secret": 3200, "rain": 3201, "het": 3202, "\u0120Facebook": 3203, "onday": 3204, "\u0120Up": 3205, "\u0120sexual": 3206, "\u0120thous": 3207, "\u0120Pat": 3208, "\u0120ess": 3209, "\u0120standard": 3210, "\u0120arm": 3211, "ges": 3212, "ection": 3213, "\u0120fell": 3214, "\u0120foreign": 3215, "ani": 3216, "\u0120Friday": 3217, "\u0120regular": 3218, "inary": 3219, "\u0120increased": 3220, "\u0120usually": 3221, "\u0120demon": 3222, "\u0120dark": 3223, "\u0120additional": 3224, "rol": 3225, "\u0120Of": 3226, "\u0120production": 3227, "!!": 3228, "undred": 3229, "\u0120international": 3230, "idents": 3231, "\u0120Free": 3232, "roup": 3233, "\u0120race": 3234, "\u0120mach": 3235, "\u0120huge": 3236, "All": 3237, "lear": 3238, "ovember": 3239, "\u0120town": 3240, "\u0120attention": 3241, "\u0120Off": 3242, "yond": 3243, "\u0120Then": 3244, "field": 3245, "\u0120terror": 3246, "raz": 3247, "\u0120Bo": 3248, "\u0120meeting": 3249, "\u0120Park": 3250, "\u0120arrest": 3251, "\u0120fear": 3252, "\u0120aw": 3253, "\u0120Val": 3254, "oring": 3255, "',": 3256, "\u0120extreme": 3257, "arr": 3258, "\u0120workers": 3259, "After": 3260, "\u012031": 3261, "net": 3262, "ament": 3263, "\u0120directly": 3264, "\u0120population": 3265, "ube": 3266, "\u0120October": 3267, "\u0120IN": 3268, "\u0120January": 3269, "59": 3270, "\u0120David": 3271, "\u0120cross": 3272, "cember": 3273, "\u0120First": 3274, "\u0120message": 3275, "irit": 3276, "\u0120nation": 3277, "\u0120poll": 3278, "isions": 3279, "\u0120answer": 3280, "ny": 3281, "isode": 3282, "\u0120carry": 3283, "\u0120Russia": 3284, "\u0120hear": 3285, "ength": 3286, "roy": 3287, "\u0120natural": 3288, "inally": 3289, "\u0120dog": 3290, "mitted": 3291, "\u0120trade": 3292, "\u0120subst": 3293, "\u0120multiple": 3294, "\u0120Afric": 3295, "\u0120fans": 3296, "\u0120sort": 3297, "\u0120global": 3298, "ication": 3299, "\u0120Wed": 3300, "ara": 3301, "\u0120achie": 3302, "\u0120language": 3303, "vey": 3304, "\u0120tal": 3305, "\u0120necessary": 3306, "\u0120details": 3307, "\u0120sen": 3308, "\u0120Sund": 3309, "\u0120Reg": 3310, "\u0120Rec": 3311, "06": 3312, "\u0120sil": 3313, "ressive": 3314, "\u0120medical": 3315, "unch": 3316, "ornia": 3317, "\u0120und": 3318, "fort": 3319, "ocks": 3320, "\u0120Monday": 3321, "uesday": 3322, "craft": 3323, "77": 3324, "urt": 3325, "\u0120ver": 3326, "\u0120Hill": 3327, "\u0120receive": 3328, "\u0120morning": 3329, "estern": 3330, "\u0120bank": 3331, "\u0120sat": 3332, "irth": 3333, "\u0120High": 3334, "\u0120device": 3335, "\u0120THE": 3336, "\u0120Center": 3337, "\u0120safe": 3338, "\u0120ple": 3339, "\u0120Canada": 3340, "\u0120systems": 3341, "\u0120assist": 3342, "\u0120surv": 3343, "\u0120battle": 3344, "\u0120Soc": 3345, "vertis": 3346, "She": 3347, "\u0120paper": 3348, "\u0120growth": 3349, "\u0120cast": 3350, "Sc": 3351, "\u0120plans": 3352, "lled": 3353, "\u0120parts": 3354, "\u0120wall": 3355, "\u0120movement": 3356, "\u0120practice": 3357, "imately": 3358, "\u0120display": 3359, "\u0120sometimes": 3360, "omp": 3361, "\u0120Paul": 3362, "\u0120Yes": 3363, "king": 3364, "58": 3365, "oly": 3366, "\u0120son": 3367, "\u0120avoid": 3368, "okes": 3369, "\u0120Jew": 3370, "\u0120towards": 3371, "asc": 3372, "\u0120//": 3373, "\u0120Kore": 3374, "\u0120talking": 3375, "\u0120correct": 3376, "\u0120spent": 3377, "icks": 3378, "iable": 3379, "eared": 3380, "\u0120term": 3381, "\u0120wants": 3382, "oming": 3383, "\u0120ut": 3384, "\u0120doub": 3385, "\u0120forces": 3386, "\u0120please": 3387, "69": 3388, "\u0120November": 3389, "atform": 3390, "ondon": 3391, "\u0120ones": 3392, "\u0120immediately": 3393, "\u0120Russian": 3394, "\u0120Met": 3395, "\u0120deg": 3396, "\u0120parents": 3397, "CH": 3398, "\u0120Americans": 3399, "aly": 3400, "\u0120Mod": 3401, "\u0120shown": 3402, "\u0120conditions": 3403, "\u0120stuff": 3404, "\u0120reb": 3405, "\u0120Your": 3406, "\u0120includes": 3407, "nown": 3408, "\u0120Sam": 3409, "\u0120experien": 3410, "mission": 3411, "\u0120Even": 3412, "aught": 3413, "\u0120announced": 3414, "\u0120Republican": 3415, "\u0120determin": 3416, "\u0120described": 3417, "\u0120County": 3418, "()": 3419, "\u0120door": 3420, "\u0120changed": 3421, "\u0120neigh": 3422, "\u0120Here": 3423, "\u0120clean": 3424, "\u0120pan": 3425, "\u0120December": 3426, "\u0120European": 3427, "iring": 3428, "apter": 3429, "\u0120club": 3430, "\u0120Tuesday": 3431, "\u0120paid": 3432, "\u0120Net": 3433, "\u0120attacks": 3434, "\u0120characters": 3435, "\u0120alone": 3436, "\u0120director": 3437, "dom": 3438, "\u012035": 3439, "\u0120load": 3440, "\u0120rout": 3441, "\u0120California": 3442, "\u0120finally": 3443, "\u0120rac": 3444, "\u0120contr": 3445, "\u0120exactly": 3446, "resh": 3447, "pri": 3448, "\u0120Islam": 3449, "\u0120nature": 3450, "\u0120career": 3451, "\u0120latest": 3452, "\u0120convers": 3453, "\u0120Sl": 3454, "pose": 3455, "cient": 3456, "\u0120Inc": 3457, "ivity": 3458, "88": 3459, "\u0120Att": 3460, "\u0120Mor": 3461, "nesday": 3462, "\u0120weight": 3463, "ken": 3464, "\u0120note": 3465, "\u0120teams": 3466, "\u0120\\": 3467, "airs": 3468, "\u0120Green": 3469, "\u0120hundred": 3470, "onent": 3471, "\u0120streng": 3472, "\u0120consist": 3473, "icated": 3474, "\u0120regul": 3475, "\u0120lic": 3476, "astic": 3477, "\u0120ten": 3478, "ursday": 3479, "elligence": 3480, "ously": 3481, "\u0120UK": 3482, "BI": 3483, "\u0120costs": 3484, "\u0120independ": 3485, "\u0120AP": 3486, "\u0120normal": 3487, "\u0120hom": 3488, "\u0120obvious": 3489, "\u0120swe": 3490, "\u0120star": 3491, "\u0120ready": 3492, "acher": 3493, "\u0120implement": 3494, "gest": 3495, "\u0120song": 3496, "\u0120Get": 3497, "\u0120Lab": 3498, "\u0120interesting": 3499, "using": 3500, "\u0120giving": 3501, "\u0120Sunday": 3502, "\u0120etc": 3503, "\u0120middle": 3504, "\u0120remember": 3505, "right": 3506, "osition": 3507, "utions": 3508, "\u0120max": 3509, "46": 3510, "\u0120yourself": 3511, "\u0120demand": 3512, "\u0120treatment": 3513, "\u0120danger": 3514, "\u0120Cons": 3515, "\u0120guy": 3516, "\u0120British": 3517, "\u0120physical": 3518, "\u0120related": 3519, "\u0120remain": 3520, "\u0120couldn": 3521, "\u0120refer": 3522, "\u0120citiz": 3523, "box": 3524, "ENT": 3525, "board": 3526, "\u0120inn": 3527, "IG": 3528, "ero": 3529, "\u0120Street": 3530, "ospital": 3531, "rench": 3532, "chers": 3533, "\u0120stra": 3534, "OL": 3535, "ager": 3536, "\u0120AN": 3537, "\u0120easily": 3538, "IA": 3539, "enge": 3540, "iny": 3541, "\u0120clos": 3542, "ocked": 3543, "\u0120uses": 3544, "\u0120Coun": 3545, "Im": 3546, "uild": 3547, "??": 3548, "more": 3549, "\u0120ang": 3550, "\u0120write": 3551, "olute": 3552, "57": 3553, "\u0120leader": 3554, "\u0120reading": 3555, "": 3784, "\u0120figure": 3785, "\u0120disapp": 3786, "enty": 3787, "\u0120software": 3788, "\u0120ult": 3789, "\u0120officers": 3790, "New": 3791, "Is": 3792, "\u0120remains": 3793, "\u0120India": 3794, "\u0120psych": 3795, "rief": 3796, "\u0120cat": 3797, "esc": 3798, "\u0120observ": 3799, "\u0120stage": 3800, "\u0120Dark": 3801, "\u0120enter": 3802, "change": 3803, "\u0120passed": 3804, "\u0120despite": 3805, "\u0120Out": 3806, "\u0120movie": 3807, "rs": 3808, "\u0120voice": 3809, "mine": 3810, "\u0120Play": 3811, "\u0120toward": 3812, "\u0120Ter": 3813, "\u0120region": 3814, "\u0120values": 3815, "orters": 3816, "\u0120mount": 3817, "\u0120officer": 3818, "\u0120Other": 3819, "ban": 3820, "\u0120hous": 3821, "wood": 3822, "room": 3823, "IV": 3824, "\u0120Sun": 3825, "see": 3826, "\u0120Over": 3827, "rog": 3828, "90": 3829, "\u0120lay": 3830, "\u0120Tur": 3831, "awn": 3832, "\u0120pressure": 3833, "\u0120Sub": 3834, "\u0120books": 3835, "edom": 3836, "\u0120Sand": 3837, "AA": 3838, "ago": 3839, "\u0120reasons": 3840, "ford": 3841, "\u0120activity": 3842, "UT": 3843, "Now": 3844, "\u0120Senate": 3845, "cell": 3846, "night": 3847, "\u0120calls": 3848, "inter": 3849, "\u0120letter": 3850, "\u0120Rob": 3851, "\u0120Je": 3852, "\u0120choose": 3853, "\u0120Law": 3854, "Get": 3855, "Be": 3856, "\u0120rob": 3857, "\u0120types": 3858, "\u0120platform": 3859, "\u0120quarter": 3860, "RA": 3861, "\u0120Time": 3862, "\u0120maybe": 3863, "\u0120Cr": 3864, "95": 3865, "pre": 3866, "\u0120moving": 3867, "\u0120lif": 3868, "\u0120gold": 3869, "\u0120som": 3870, "\u0120patients": 3871, "\u0120truth": 3872, "\u0120Ke": 3873, "urance": 3874, "antly": 3875, "mar": 3876, "\u0120charge": 3877, "\u0120Great": 3878, "\u0120cele": 3879, "--------------------------------": 3880, "\u0120rock": 3881, "roid": 3882, "ancy": 3883, "\u0120credit": 3884, "aud": 3885, "By": 3886, "\u0120Every": 3887, "\u0120moved": 3888, "inger": 3889, "ribution": 3890, "\u0120names": 3891, "\u0120straight": 3892, "\u0120Health": 3893, "\u0120Well": 3894, "\u0120feature": 3895, "\u0120rule": 3896, "\u0120sche": 3897, "inated": 3898, "\u0120Michael": 3899, "berg": 3900, "41": 3901, "iled": 3902, "band": 3903, "\u0120click": 3904, "\u0120Angel": 3905, "onents": 3906, "\u00c2\u0143": 3907, "\u0120Iraq": 3908, "\u0120Saturday": 3909, "\u0120aware": 3910, "part": 3911, "\u0120pattern": 3912, "OW": 3913, "\u0120Let": 3914, "\u0120grad": 3915, "igned": 3916, "\u0120associated": 3917, "\u0120style": 3918, "no": 3919, "iation": 3920, "aith": 3921, "ilies": 3922, "\u0120stories": 3923, "uration": 3924, "\u0120individuals": 3925, "\u0120\u00e2\u0122\u00a6": 3926, "miss": 3927, "\u0120Associ": 3928, "ishing": 3929, "aby": 3930, "\u0120summer": 3931, "\u0120Ben": 3932, "\u012032": 3933, "\u0120arch": 3934, "uty": 3935, "\u0120Texas": 3936, "hol": 3937, "\u0120fully": 3938, "\u0120mill": 3939, "\u0120followed": 3940, "\u0120Bill": 3941, "\u0120Indian": 3942, "\u0120Secret": 3943, "\u0120Bel": 3944, "\u0120February": 3945, "\u0120jobs": 3946, "\u0120seemed": 3947, "\u0120Govern": 3948, "ipped": 3949, "\u0120reality": 3950, "\u0120lines": 3951, "\u0120park": 3952, "\u0120measure": 3953, "\u0120Our": 3954, "IM": 3955, "\u0120brother": 3956, "\u0120growing": 3957, "\u0120ban": 3958, "\u0120estim": 3959, "\u0120cry": 3960, "\u0120School": 3961, "\u0120mechan": 3962, "\u0120OF": 3963, "\u0120Windows": 3964, "\u0120rates": 3965, "\u0120Oh": 3966, "\u0120positive": 3967, "\u0120culture": 3968, "istics": 3969, "ica": 3970, "\u0120har": 3971, "ya": 3972, "itely": 3973, "ipp": 3974, "\u0120map": 3975, "encies": 3976, "\u0120William": 3977, "II": 3978, "akers": 3979, "56": 3980, "\u0120Mart": 3981, "\u0120Rem": 3982, "\u0120altern": 3983, "itude": 3984, "\u0120coach": 3985, "rowd": 3986, "Don": 3987, "\u0120kids": 3988, "\u0120journal": 3989, "\u0120corpor": 3990, "\u0120false": 3991, "\u0120web": 3992, "\u0120sleep": 3993, "\u0120contain": 3994, "\u0120sto": 3995, "\u0120bed": 3996, "iverse": 3997, "\u0120Rich": 3998, "\u0120Chinese": 3999, "\u0120pun": 4000, "\u0120meant": 4001, "known": 4002, "\u0120notice": 4003, "\u0120favorite": 4004, "aven": 4005, "\u0120condition": 4006, "\u0120purpose": 4007, "))": 4008, "\u0120organization": 4009, "\u0120challeng": 4010, "\u0120manufact": 4011, "\u0120susp": 4012, "\u0120Ac": 4013, "\u0120critic": 4014, "unes": 4015, "uclear": 4016, "\u0120mer": 4017, "vention": 4018, "\u012080": 4019, "\u0120mist": 4020, "\u0120Us": 4021, "\u0120Tor": 4022, "http": 4023, "olf": 4024, "\u0120larger": 4025, "\u0120advant": 4026, "\u0120resear": 4027, "\u0120actions": 4028, "ml": 4029, "\u0120kept": 4030, "\u0120aim": 4031, ",'": 4032, "col": 4033, "\u0120benefits": 4034, "ifying": 4035, "\u0120actual": 4036, "\u0120International": 4037, "\u0120vehicle": 4038, "\u0120chief": 4039, "\u0120efforts": 4040, "\u0120League": 4041, "\u0120Most": 4042, "\u0120wait": 4043, "\u0120adult": 4044, "\u0120overall": 4045, "\u0120speech": 4046, "\u0120highly": 4047, "\u0120female": 4048, "\u0120error": 4049, "\u0120effective": 4050, "54": 4051, "\u0120encour": 4052, "well": 4053, "\u0120failed": 4054, "\u0120conserv": 4055, "\u0120programs": 4056, "\u0120trou": 4057, "\u0120ahead": 4058, "500": 4059, "vertisement": 4060, "IP": 4061, "\u0120Found": 4062, "pir": 4063, "\u0120%": 4064, "\u0120crime": 4065, "ander": 4066, "\u0120location": 4067, "\u0120Iran": 4068, "\u0120behavior": 4069, "azing": 4070, "\u0120rare": 4071, "\u0120emb": 4072, "\u0120caused": 4073, "\u0120ship": 4074, "\u0120active": 4075, "\u0120contribut": 4076, "\u0120green": 4077, "\u0120acqu": 4078, "\u0120reflect": 4079, "venue": 4080, "\u0120firm": 4081, "\u0120birth": 4082, "].": 4083, "\u0120clearly": 4084, "\u0120emot": 4085, "\u0120agency": 4086, "riage": 4087, "\u0120memory": 4088, "98": 4089, "SA": 4090, "\u0120See": 4091, "acing": 4092, "CC": 4093, "\u0120biggest": 4094, "\u0120rap": 4095, "\u0120basic": 4096, "\u0120band": 4097, "eat": 4098, "\u0120suspect": 4099, "\u0120Mac": 4100, "\u012090": 4101, "mark": 4102, "istan": 4103, "\u0120spread": 4104, "ams": 4105, "ki": 4106, "asy": 4107, "rav": 4108, "\u0120Rober": 4109, "\u0120demonstr": 4110, "rated": 4111, "\u0120absolute": 4112, "\u0120places": 4113, "\u0120impl": 4114, "ibrary": 4115, "\u0120cards": 4116, "\u0120destroy": 4117, "\u0120virt": 4118, "vere": 4119, "\u0120appeared": 4120, "yan": 4121, "point": 4122, "\u0120beg": 4123, "\u0120temper": 4124, "spe": 4125, "anted": 4126, "ears": 4127, "\u0120Direct": 4128, "\u0120length": 4129, "\u0120blog": 4130, "amb": 4131, "\u0120integ": 4132, "\u0120resources": 4133, "acc": 4134, "iful": 4135, "\u0120spot": 4136, "\u0120forced": 4137, "\u0120thousands": 4138, "\u0120Minister": 4139, "\u0120qual": 4140, "\u0120French": 4141, "atically": 4142, "\u0120generally": 4143, "\u0120drink": 4144, "\u0120thus": 4145, "IL": 4146, "odes": 4147, "\u0120appropri": 4148, "\u0120Read": 4149, "\u0120whom": 4150, "\u0120eye": 4151, "\u0120college": 4152, "\u012045": 4153, "irection": 4154, "\u0120ensure": 4155, "\u0120apparent": 4156, "iders": 4157, "\u0120religious": 4158, "\u0120minor": 4159, "olic": 4160, "\u0120tro": 4161, "\u0120Why": 4162, "ribute": 4163, "met": 4164, "\u0120primary": 4165, "\u0120developed": 4166, "\u0120peace": 4167, "\u0120skin": 4168, "ste": 4169, "ava": 4170, "\u0120blue": 4171, "\u0120families": 4172, "\u0120ir": 4173, "\u0120apply": 4174, "\u0120inform": 4175, "\u0120Smith": 4176, "CT": 4177, "ii": 4178, "\u0120limit": 4179, "\u0120resist": 4180, "................": 4181, "umn": 4182, "\u0120conflic": 4183, "\u0120twe": 4184, "udd": 4185, "\u0120Tom": 4186, "\u0120liter": 4187, "que": 4188, "bon": 4189, "\u0120hair": 4190, "\u0120eventually": 4191, "\u0120pus": 4192, "\u0120helped": 4193, "\u0120agg": 4194, "orney": 4195, "\u0120Apple": 4196, "\u0120fit": 4197, "\u0120Sur": 4198, "\u0120prem": 4199, "\u0120sales": 4200, "\u0120seconds": 4201, "\u0120strength": 4202, "\u0120feeling": 4203, "\u00bf\u00bd": 4204, "\u0120tour": 4205, "\u0120knows": 4206, "oom": 4207, "\u0120exerc": 4208, "\u0120somew": 4209, "\u00ef\u00bf\u00bd": 4210, ">>": 4211, "\u0120spokes": 4212, "\u0120ideas": 4213, "\u0120regist": 4214, "soft": 4215, "\u0120Del": 4216, "\u0120PC": 4217, "\u0120propos": 4218, "\u0120launch": 4219, "\u0120bottom": 4220, "TH": 4221, "\u0120Please": 4222, "vest": 4223, "itz": 4224, "\u0120Inter": 4225, "\u0120script": 4226, "\u0120rat": 4227, "arning": 4228, "\u0120il": 4229, "\u0120Jer": 4230, "\u0120Are": 4231, "\u0120whatever": 4232, "oken": 4233, "cience": 4234, "\u0120mode": 4235, "\u0120agree": 4236, "\u0120sources": 4237, "\u0120initial": 4238, "\u0120restrict": 4239, "\u0120wonder": 4240, "usion": 4241, "####": 4242, "\u0120Sil": 4243, "ville": 4244, "\u0120burn": 4245, "tw": 4246, "asion": 4247, "\u0120\u00c2\u00a3": 4248, "\u0120nor": 4249, "uing": 4250, "\u0120reached": 4251, "\u0120sun": 4252, "\u0120categ": 4253, "igration": 4254, "\u0120cook": 4255, "\u0120promot": 4256, "\u0120male": 4257, "\u0120climate": 4258, "\u0120fix": 4259, "\u0120alleged": 4260, "UR": 4261, "alled": 4262, "\u0120images": 4263, "Cont": 4264, "ota": 4265, "\u0120schools": 4266, "ios": 4267, "\u0120drop": 4268, "\u0120stream": 4269, "\u0120Mo": 4270, "\u0120previously": 4271, "aling": 4272, "\u0120pet": 4273, "\u0120double": 4274, "\u0120(@": 4275, "annel": 4276, "\u0120default": 4277, "ties": 4278, "\u0120rank": 4279, "\u0120Dec": 4280, "\u0120Council": 4281, "\u0120weapon": 4282, "\u0120stock": 4283, "\u0120analy": 4284, "\u0120Str": 4285, "\u0120picture": 4286, "\u0120Police": 4287, "ference": 4288, "\u0120century": 4289, "\u0120citizens": 4290, "\u0120onto": 4291, "\u0120expand": 4292, "\u0120hero": 4293, "\u0120Sol": 4294, "\u0120wild": 4295, "\u0120update": 4296, "\u0120customers": 4297, "ront": 4298, "def": 4299, "\u0120lik": 4300, "\u0120criminal": 4301, "\u0120Christian": 4302, "SP": 4303, "76": 4304, "\u0120leaving": 4305, "\u0120otherwise": 4306, "\u0120Dist": 4307, "\u0120basis": 4308, "52": 4309, "53": 4310, "icip": 4311, "\u0120Ber": 4312, "\u0120recommend": 4313, "\u0120floor": 4314, "\u0120crowd": 4315, "oles": 4316, "\u012070": 4317, "\u0120central": 4318, "\u0120Ev": 4319, "\u0120dream": 4320, "\u0120download": 4321, "\u0120confir": 4322, "\u0120Thom": 4323, "\u0120window": 4324, "\u0120happens": 4325, "\u0120unit": 4326, "\u0120tend": 4327, "\u0120spl": 4328, "\u0120becomes": 4329, "\u0120fighting": 4330, "\u0120predict": 4331, "\u0120Press": 4332, "\u0120Power": 4333, "\u0120heavy": 4334, "aked": 4335, "\u0120fan": 4336, "orter": 4337, "ategy": 4338, "BA": 4339, "izes": 4340, "\u0120spend": 4341, "Here": 4342, "\u01202007": 4343, "\u0120adop": 4344, "\u0120Ham": 4345, "\u0120football": 4346, "\u0120Port": 4347, "oday": 4348, "51": 4349, "ampions": 4350, "\u0120transfer": 4351, "ht": 4352, "\u012038": 4353, "term": 4354, "acity": 4355, "\u0120bur": 4356, "],": 4357, "ternal": 4358, "rig": 4359, "but": 4360, "\u0120therefore": 4361, "\u0120Because": 4362, "resp": 4363, "rey": 4364, "\u0120mission": 4365, "Some": 4366, "\u0120noted": 4367, "\u0120assum": 4368, "\u0120disease": 4369, "\u0120edit": 4370, "\u0120progress": 4371, "rd": 4372, "\u0120Brown": 4373, "ocal": 4374, "\u0120adding": 4375, "\u0120raised": 4376, "\u0120Any": 4377, "\u0120tick": 4378, "\u0120seeing": 4379, "\u0120People": 4380, "\u0120agreement": 4381, "\u0120server": 4382, "\u0120wat": 4383, "\u0120debate": 4384, "\u0120supposed": 4385, "iling": 4386, "\u0120largest": 4387, "\u0120successful": 4388, "\u0120Pri": 4389, "\u0120Democratic": 4390, "\u0120jump": 4391, "\u0120Syria": 4392, "\u0120owners": 4393, "\u0120offers": 4394, "\u0120shooting": 4395, "\u0120effic": 4396, "sey": 4397, "\u0120haven": 4398, "verse": 4399, "tered": 4400, "\u0120Light": 4401, "imal": 4402, "\u0120Big": 4403, "\u0120defend": 4404, "\u0120beat": 4405, "\u0120records": 4406, "%)": 4407, "\u0120scen": 4408, "\u0120employees": 4409, "\u0120devices": 4410, "hem": 4411, "\u0120commer": 4412, "\u0120Mex": 4413, "\u0120benefit": 4414, "\u0120Prof": 4415, "\u0120illeg": 4416, "\u0120surface": 4417, "\u0120Also": 4418, "\u0120harm": 4419, "ingly": 4420, "wide": 4421, "\u0120Alex": 4422, "\u0120shut": 4423, "\u0120Cur": 4424, "\u0120lose": 4425, "pm": 4426, "\u0120challenge": 4427, "semb": 4428, "\u0120station": 4429, "\u0120intelligence": 4430, "\u0120accur": 4431, "\u0120Flor": 4432, "\u0120requires": 4433, "\u0120Mal": 4434, "bum": 4435, "\u0120hospital": 4436, "\u0120spirit": 4437, "\u0120offered": 4438, "\u0120produce": 4439, "\u0120Commun": 4440, "\u0120creating": 4441, "\u0120cris": 4442, "spect": 4443, "\u0120ended": 4444, "\u0120daily": 4445, "\u0120voters": 4446, "lands": 4447, "ias": 4448, "ih": 4449, "ona": 4450, "\u0120smart": 4451, "\u0120Office": 4452, "\u0120Lord": 4453, "rial": 4454, "\u0120Internet": 4455, "\u0120circum": 4456, "\u0120extremely": 4457, "'.": 4458, "\u0120opinion": 4459, "\u0120Mil": 4460, "\u0120gain": 4461, "BS": 4462, "\u0120Fin": 4463, "yp": 4464, "\u0120useful": 4465, "\u0120budget": 4466, "\u0120comfort": 4467, "isf": 4468, "\u0120background": 4469, "eline": 4470, "\u0120episode": 4471, "\u0120enemy": 4472, "\u0120trial": 4473, "\u0120establish": 4474, "date": 4475, "\u0120Cap": 4476, "\u0120continues": 4477, "\u0120showing": 4478, "\u0120Union": 4479, "with": 4480, "\u0120posted": 4481, "\u0120System": 4482, "\u0120eat": 4483, "rian": 4484, "\u0120rise": 4485, "\u0120Germany": 4486, "ils": 4487, "\u0120signed": 4488, "\u0120vill": 4489, "\u0120grand": 4490, "mor": 4491, "\u0120England": 4492, "\u0120projects": 4493, "umber": 4494, "\u0120conference": 4495, "za": 4496, "\u0120responsible": 4497, "\u0120Arab": 4498, "\u0120learned": 4499, "\u00e2\u0122\u0136\u00e2\u0122\u0136": 4500, "ipping": 4501, "\u0120George": 4502, "OC": 4503, "\u0120returned": 4504, "\u0120Australia": 4505, "\u0120brief": 4506, "Qu": 4507, "\u0120brand": 4508, "illing": 4509, "abled": 4510, "\u0120highest": 4511, "\u0120train": 4512, "\u0120Commission": 4513, "while": 4514, "\u0120nom": 4515, "ception": 4516, "\u0120mut": 4517, "\u0120Blue": 4518, "\u0120incident": 4519, "vant": 4520, "86": 4521, "\u0120ID": 4522, "\u0120nuclear": 4523, "74": 4524, "\u0120Like": 4525, "\u0120RE": 4526, "\u0120Micro": 4527, "li": 4528, "mail": 4529, "\u0120charges": 4530, "89": 4531, "\u0120adjust": 4532, "ado": 4533, "\u0120earth": 4534, "NA": 4535, "\u0120prices": 4536, "PA": 4537, "\u0120draft": 4538, "\u0120runs": 4539, "\u0120candidate": 4540, "enses": 4541, "\u0120management": 4542, "\u0120Phil": 4543, "\u0120Miss": 4544, "\u0120teach": 4545, "gram": 4546, "\u0120understanding": 4547, "ait": 4548, "icago": 4549, "Add": 4550, "\u0120Ep": 4551, "secut": 4552, "\u0120separate": 4553, "\u0120instance": 4554, "\u0120eth": 4555, "\u0120unless": 4556, "********": 4557, "\u0120Fore": 4558, "inate": 4559, "\u0120operations": 4560, "Sp": 4561, "\u0120faith": 4562, "gar": 4563, "\u0120Church": 4564, "ronic": 4565, "\u0120config": 4566, "osure": 4567, "\u0120activities": 4568, "\u0120traditional": 4569, "\u012036": 4570, "\u0120direction": 4571, "\u0120machine": 4572, "\u0120surround": 4573, "\u0120push": 4574, "unction": 4575, "\u0120EU": 4576, "\u0120easier": 4577, "\u0120argument": 4578, "GB": 4579, "\u0120micro": 4580, "\u0120spending": 4581, "izations": 4582, "\u0120theory": 4583, "adow": 4584, "\u0120calling": 4585, "\u0120Last": 4586, "\u0120der": 4587, "\u0120influence": 4588, "\u0120commit": 4589, "\u0120photo": 4590, "\u0120unc": 4591, "istry": 4592, "gn": 4593, "aste": 4594, "acks": 4595, "\u0120disp": 4596, "ady": 4597, "do": 4598, "\u0120Good": 4599, "\u0120`": 4600, "\u0120wish": 4601, "\u0120revealed": 4602, "\u00c2\u0142\u00c2\u0142": 4603, "lig": 4604, "\u0120enforce": 4605, "\u0120Committee": 4606, "\u0120chem": 4607, "\u0120miles": 4608, "\u0120interested": 4609, "\u0120solution": 4610, "icy": 4611, "inct": 4612, "\u0120->": 4613, "\u0120Det": 4614, "\u0120removed": 4615, "\u0120compar": 4616, "eah": 4617, "\u0120plant": 4618, "\u0120Since": 4619, "\u0120achieve": 4620, "\u0120advantage": 4621, "\u0120slightly": 4622, "bing": 4623, "\u0120placed": 4624, "under": 4625, "2015": 4626, "\u0120Mad": 4627, "\u0120tim": 4628, "oses": 4629, "\u0120cru": 4630, "\u0120Rock": 4631, "\u0120mostly": 4632, "\u0120negative": 4633, "\u0120setting": 4634, "\u0120produced": 4635, "\u0120mur": 4636, "\u0120connection": 4637, "\u0120Mer": 4638, "\u0120driver": 4639, "\u0120executive": 4640, "\u0120assault": 4641, "\u0120born": 4642, "\u0120Ver": 4643, "tained": 4644, "\u0120structure": 4645, "\u0120reduce": 4646, "\u0120decades": 4647, "\u0120ded": 4648, "uke": 4649, "\u0120Many": 4650, "idden": 4651, "\u0120league": 4652, "Se": 4653, "\u0120join": 4654, "\u0120disco": 4655, "\u0120die": 4656, "cks": 4657, "actions": 4658, "\u0120assess": 4659, "agn": 4660, "\u0120goals": 4661, "ours": 4662, "IR": 4663, "\u0120senior": 4664, "iller": 4665, "mod": 4666, "ipment": 4667, "ocol": 4668, "uy": 4669, "\u0120Que": 4670, "\u0120parties": 4671, "irgin": 4672, "\u0120learning": 4673, "itable": 4674, "\u0120street": 4675, "\u0120camera": 4676, "App": 4677, "\u0120skills": 4678, "bre": 4679, "cious": 4680, "\u0120celebr": 4681, "\u0120Franc": 4682, "\u0120existing": 4683, "\u0120willing": 4684, "lor": 4685, "\u0120id": 4686, "\u0120Space": 4687, "\u0120critical": 4688, "\u0120La": 4689, "ortunately": 4690, "\u0120serve": 4691, "\u0120cold": 4692, "\u0120species": 4693, "TS": 4694, "\u0120animals": 4695, "\u0120Bay": 4696, "\u0120older": 4697, "\u0120Under": 4698, "estic": 4699, "\u0120Tre": 4700, "\u0120teacher": 4701, "\u0120prefer": 4702, "vis": 4703, "\u0120thread": 4704, "\u0120Matt": 4705, "\u0120manager": 4706, "\u00e3\u0125\u00bb": 4707, "\u0120professional": 4708, "\u0120Vol": 4709, "\u0120notes": 4710, "These": 4711, "ula": 4712, "\u0120fresh": 4713, "ented": 4714, "uzz": 4715, "edy": 4716, "clusion": 4717, "\u0120Rel": 4718, "\u0120doubt": 4719, "EO": 4720, "\u0120opened": 4721, "\u0120Bit": 4722, "Advertisement": 4723, "\u0120guess": 4724, "\u0120UN": 4725, "\u0120sequ": 4726, "\u0120explain": 4727, "otten": 4728, "\u0120attract": 4729, "aks": 4730, "\u0120string": 4731, "\u0120context": 4732, "ossible": 4733, "\u0120Republicans": 4734, "\u0120solid": 4735, "\u0120cities": 4736, "\u0120asking": 4737, "\u0120random": 4738, "ups": 4739, "uries": 4740, "arant": 4741, "dden": 4742, "gl": 4743, "\u0120Florida": 4744, "\u0120depend": 4745, "\u0120Scott": 4746, "\u012033": 4747, "\u0120iT": 4748, "icon": 4749, "\u0120mentioned": 4750, "\u01202000": 4751, "\u0120claimed": 4752, "\u0120definitely": 4753, "ulf": 4754, "\u0120core": 4755, "\u0120opening": 4756, "\u0120Const": 4757, "which": 4758, "\u0120Tra": 4759, "AG": 4760, "72": 4761, "\u0120believed": 4762, "ada": 4763, "\u012048": 4764, "\u0120Security": 4765, "yright": 4766, "\u0120Pet": 4767, "\u0120Lou": 4768, "\u0120holding": 4769, "================": 4770, "\u0120ice": 4771, "\u0120brow": 4772, "\u0120authorities": 4773, "host": 4774, "word": 4775, "\u0120score": 4776, "\u0120Div": 4777, "\u0120cells": 4778, "\u0120transl": 4779, "\u0120neighbor": 4780, "\u0120remove": 4781, "uct": 4782, "\u0120district": 4783, "\u0120According": 4784, "\u0120worse": 4785, "\u0120concerns": 4786, "\u0120presidential": 4787, "\u0120policies": 4788, "\u0120Hall": 4789, "73": 4790, "\u0120hus": 4791, "AY": 4792, "\u01202006": 4793, "\u0120Jud": 4794, "\u0120independent": 4795, "\u0120Justice": 4796, "iliar": 4797, "print": 4798, "ighter": 4799, "\u0120protection": 4800, "zen": 4801, "\u0120sudden": 4802, "house": 4803, "\u0120Jes": 4804, "PR": 4805, "\u0120Inf": 4806, "\u0120bul": 4807, "\u0120_": 4808, "\u0120Service": 4809, "\u0120PR": 4810, "\u0120strategy": 4811, "ffect": 4812, "\u0120girls": 4813, "\u0120missing": 4814, "oyal": 4815, "\u0120Team": 4816, "ulated": 4817, "\u0120dat": 4818, "\u0120politics": 4819, "abor": 4820, "According": 4821, "\u0120spell": 4822, "\u0120graph": 4823, "orthern": 4824, "TC": 4825, "Ab": 4826, "\u0120labor": 4827, "isher": 4828, "\u0120kick": 4829, "\u0120iTunes": 4830, "\u0120steps": 4831, "poses": 4832, "\u0120smaller": 4833, "En": 4834, "bert": 4835, "\u0120roll": 4836, "\u0120researchers": 4837, "\u0120closed": 4838, "\u0120transport": 4839, "\u0120lawy": 4840, "________________": 4841, "\u0120Chicago": 4842, "\u0120aspect": 4843, "\u0120none": 4844, "\u0120marriage": 4845, "96": 4846, "\u0120elements": 4847, "\u0120Fre": 4848, "\u0120Sal": 4849, "\u0120dram": 4850, "FC": 4851, "top": 4852, "equ": 4853, "\u0120hearing": 4854, "\u0120supported": 4855, "\u0120testing": 4856, "cohol": 4857, "\u0120massive": 4858, "\u0120stick": 4859, "\u0120guard": 4860, "isco": 4861, "phone": 4862, "From": 4863, "However": 4864, "\u0120border": 4865, "\u0120copy": 4866, "ography": 4867, "list": 4868, "71": 4869, "\u0120owner": 4870, "class": 4871, "ruit": 4872, "rate": 4873, "\u0120Once": 4874, "\u0120digital": 4875, "\u0120task": 4876, "ERS": 4877, "\u0120incred": 4878, "tes": 4879, "++": 4880, "\u0120France": 4881, "\u0120breat": 4882, "owl": 4883, "\u0120issued": 4884, "\u0120Western": 4885, "\u0120detect": 4886, "\u0120partners": 4887, "\u0120shared": 4888, "\u0120Call": 4889, "\u0120cancer": 4890, "ache": 4891, "ribe": 4892, "\u0120explained": 4893, "\u0120heat": 4894, "{\"": 4895, "\u0120investment": 4896, "\u0120Book": 4897, "\u0120wood": 4898, "\u0120tools": 4899, "\u0120Although": 4900, "\u0120belief": 4901, "\u0120crisis": 4902, "\u0120ge": 4903, "\u0120MP": 4904, "\u0120operation": 4905, "type": 4906, "~~": 4907, "ga": 4908, "\u0120contains": 4909, "anta": 4910, "\u0120express": 4911, "\u0120Group": 4912, "\u0120Journal": 4913, "ka": 4914, "\u0120amb": 4915, "\u0120USA": 4916, "\u0120finding": 4917, "\u0120funding": 4918, "how": 4919, "\u0120established": 4920, "ideos": 4921, "\u0120degree": 4922, "\u0120dangerous": 4923, "anging": 4924, "\u0120freedom": 4925, "pport": 4926, "outhern": 4927, "\u0120church": 4928, "\u0120catch": 4929, "\u0120Two": 4930, "\u0120presence": 4931, "\u0120Guard": 4932, "Up": 4933, "\u0120authority": 4934, "\u0120Project": 4935, "\u0120button": 4936, "\u0120consequ": 4937, "\u0120valid": 4938, "\u0120weak": 4939, "\u0120starts": 4940, "\u0120reference": 4941, "\u0120Mem": 4942, "\")": 4943, "UN": 4944, "orage": 4945, "\u0120Open": 4946, "\u0120collection": 4947, "ym": 4948, "gency": 4949, "\u0120beautiful": 4950, "ros": 4951, "\u0120tells": 4952, "\u0120waiting": 4953, "nel": 4954, "\u0120providing": 4955, "\u0120Democrats": 4956, "\u0120daughter": 4957, "\u0120master": 4958, "\u0120purposes": 4959, "\u0120Japanese": 4960, "\u0120equal": 4961, "\u0120turns": 4962, "\u0120documents": 4963, "\u0120watching": 4964, "Res": 4965, "\u0120ran": 4966, "2014": 4967, "\u0120reject": 4968, "\u0120Korea": 4969, "\u0120victims": 4970, "Level": 4971, "erences": 4972, "\u0120witness": 4973, "\u012034": 4974, "\u0120reform": 4975, "coming": 4976, "\u0120occup": 4977, "\u0120caught": 4978, "\u0120traffic": 4979, "ading": 4980, "\u0120models": 4981, "ario": 4982, "\u0120served": 4983, "\u0120batter": 4984, "uate": 4985, "\u0120Secretary": 4986, "\u0120agreed": 4987, "\u0120truly": 4988, "ynam": 4989, "\u0120Ret": 4990, "\u0120units": 4991, "\u0120Research": 4992, "hand": 4993, "azine": 4994, "\u0120Mike": 4995, "\u0120variety": 4996, "otal": 4997, "\u0120amazing": 4998, "\u0120confirmed": 4999, "\u0120entirely": 5000, "\u0120purchase": 5001, "\u0120element": 5002, "\u0120cash": 5003, "\u0120determine": 5004, "De": 5005, "\u0120cars": 5006, "\u0120Wall": 5007, "\u00e2\u0138": 5008, "\u0120views": 5009, "\u0120drugs": 5010, "\u0120department": 5011, "\u0120Step": 5012, "uit": 5013, "\u012039": 5014, "asure": 5015, "\u0120Class": 5016, "\u0120covered": 5017, "\u0120Bank": 5018, "\u0120mere": 5019, "uana": 5020, "\u0120multi": 5021, "\u0120mix": 5022, "\u0120unlike": 5023, "levision": 5024, "\u0120stopped": 5025, "\u0120sem": 5026, "\u0120Gal": 5027, "ules": 5028, "\u0120wel": 5029, "\u0120Johnson": 5030, "la": 5031, "\u0120skill": 5032, "\u0120becoming": 5033, "rie": 5034, "\u0120appropriate": 5035, "fe": 5036, "ellow": 5037, "\u0120Prot": 5038, "ulate": 5039, "ocation": 5040, "\u0120weekend": 5041, "odies": 5042, "\u0120sites": 5043, "\u0120animal": 5044, "\u0120Tim": 5045, "\u0120scale": 5046, "\u0120charged": 5047, "\u0120instruct": 5048, "illa": 5049, "\u0120methods": 5050, "\u0120cert": 5051, "\u0120judge": 5052, "\u0120Hel": 5053, "\u0120dollars": 5054, "\u0120standing": 5055, "\u0120Squ": 5056, "\u0120debt": 5057, "liam": 5058, "\u0120driving": 5059, "\u0120Sum": 5060, "\u0120Edition": 5061, "\u0120album": 5062, "andon": 5063, "IF": 5064, "\u0120Uk": 5065, "63": 5066, "ader": 5067, "\u0120commercial": 5068, "esh": 5069, "\u0120Government": 5070, "\u0120discovered": 5071, "\u0120output": 5072, "\u0120Hillary": 5073, "\u0120Carol": 5074, "\u01202005": 5075, "\u0120abuse": 5076, "ancing": 5077, "\u0120switch": 5078, "\u0120annual": 5079, "Tw": 5080, "\u0120stated": 5081, "agement": 5082, "inner": 5083, "\u0120democr": 5084, "\u0120residents": 5085, "\u0120allowing": 5086, "\u0120factors": 5087, "odd": 5088, "\u0120fuck": 5089, "emies": 5090, "\u0120occurred": 5091, "oti": 5092, "\u0120north": 5093, "\u0120Public": 5094, "\u0120injury": 5095, "\u0120insurance": 5096, "CL": 5097, "olly": 5098, "\u00e3\u0122": 5099, "\u0120repeated": 5100, "\u0120arms": 5101, "anged": 5102, "\u0120construction": 5103, "\u0120fle": 5104, "PU": 5105, "icians": 5106, "\u0120forms": 5107, "\u0120McC": 5108, "antic": 5109, "\u0120mental": 5110, "pire": 5111, "\u0120equipment": 5112, "\u0120fant": 5113, "\u0120discussion": 5114, "\u0120regarding": 5115, "kin": 5116, "arp": 5117, "\u0120chair": 5118, "ogue": 5119, "\u0120proceed": 5120, "\u0120Id": 5121, "Our": 5122, "\u0120murder": 5123, "Man": 5124, "\u012049": 5125, "asp": 5126, "\u0120supply": 5127, "\u0120input": 5128, "\u0120wealth": 5129, "liament": 5130, "\u0120proced": 5131, "orial": 5132, "\u0120Stat": 5133, "\u0120NFL": 5134, "hens": 5135, "\u0120Institute": 5136, "\u0120putting": 5137, "ournament": 5138, "etic": 5139, "\u0120located": 5140, "\u0120kid": 5141, "eria": 5142, "run": 5143, "\u0120princ": 5144, "\u0120!": 5145, "going": 5146, "\u0120Bet": 5147, "\u0120clot": 5148, "\u0120telling": 5149, "\u0120proposed": 5150, "iot": 5151, "orry": 5152, "\u0120funds": 5153, "gment": 5154, "\u0120Life": 5155, "\u0120baby": 5156, "\u0120Back": 5157, "\u0120spoke": 5158, "Image": 5159, "\u0120earn": 5160, "\u0120AT": 5161, "gu": 5162, "\u0120exchange": 5163, "\u0120Lin": 5164, "oving": 5165, "\u0120pair": 5166, "More": 5167, "azon": 5168, "\u0120arrested": 5169, "\u0120killing": 5170, "can": 5171, "\u0120Card": 5172, "yd": 5173, "\u0120identified": 5174, "\u0120mobile": 5175, "\u0120thanks": 5176, "onym": 5177, "\u0120Form": 5178, "\u0120hundreds": 5179, "\u0120Chris": 5180, "\u0120Cat": 5181, "\u0120trend": 5182, "hat": 5183, "\u0120Av": 5184, "oman": 5185, "\u0120electric": 5186, "\u0120Wil": 5187, "SE": 5188, "Of": 5189, "\u0120restaur": 5190, "oted": 5191, "\u0120trig": 5192, "\u0120nine": 5193, "\u0120bomb": 5194, "Why": 5195, "\u00c2\u00af": 5196, "\u0120coverage": 5197, "\u0120appeal": 5198, "\u0120Robert": 5199, "\u0120Sup": 5200, "\u0120finished": 5201, "\u0120flow": 5202, "\u0120deliver": 5203, "\u0120calcul": 5204, "\u0120photos": 5205, "\u0120phil": 5206, "\u0120pieces": 5207, "\u0120appre": 5208, "kes": 5209, "\u0120rough": 5210, "Do": 5211, "\u0120partner": 5212, "\u0120concerned": 5213, "\u012037": 5214, "\u0120Gen": 5215, "Col": 5216, "ctors": 5217, "\u0120=>": 5218, "state": 5219, "\u0120suggested": 5220, "\u0120Force": 5221, "CE": 5222, "\u0120herself": 5223, "\u0120Plan": 5224, "works": 5225, "ooth": 5226, "rency": 5227, "\u0120corner": 5228, "\u0120husband": 5229, "\u0120internet": 5230, "\u0120Aut": 5231, "ems": 5232, "osen": 5233, "\u0120Atl": 5234, "gen": 5235, "\u0120balance": 5236, "62": 5237, "\u0120sounds": 5238, "text": 5239, "\u0120arr": 5240, "oves": 5241, "\u0120millions": 5242, "\u0120radio": 5243, "\u0120satisf": 5244, "\u0120Dam": 5245, "Mr": 5246, "Go": 5247, "Spe": 5248, "\u0120combat": 5249, "rant": 5250, "\u0120Gree": 5251, "\u0120fuel": 5252, "\u0120distance": 5253, "\u0120tests": 5254, "\u0120decre": 5255, "\u0120Er": 5256, "\u0120managed": 5257, "DS": 5258, "\u0120tit": 5259, "\u0120measures": 5260, "\u0120Liber": 5261, "\u0120attend": 5262, "ashed": 5263, "\u0120Jose": 5264, "\u0120Night": 5265, "dit": 5266, "\u0120Nov": 5267, "\u0120End": 5268, "outs": 5269, "\u0120generation": 5270, "\u0120advoc": 5271, "yth": 5272, "\u0120conversation": 5273, "\u0120Sky": 5274, "active": 5275, "cel": 5276, "rier": 5277, "\u0120Frank": 5278, "\u0120gender": 5279, "\u0120concent": 5280, "\u0120carried": 5281, "anda": 5282, "\u0120Virgin": 5283, "\u0120arrived": 5284, "icide": 5285, "aded": 5286, "\u0120failure": 5287, "\u0120minimum": 5288, "lets": 5289, "\u0120worst": 5290, "\u0120keeping": 5291, "\u0120intended": 5292, "\u0120illegal": 5293, "\u0120subsc": 5294, "\u0120determined": 5295, "\u0120trip": 5296, "Yes": 5297, "\u0120raise": 5298, "\u0120~": 5299, "\u0120feels": 5300, "\u0120package": 5301, "\u0120Jo": 5302, "hi": 5303, "2016": 5304, "real": 5305, "\u0120fra": 5306, "\u0120symb": 5307, "Me": 5308, "ucky": 5309, "pret": 5310, "\u0120Kh": 5311, "\u0120Edit": 5312, "\u0120Web": 5313, "emic": 5314, "\u0120Color": 5315, "\u0120justice": 5316, "Int": 5317, "\u0120farm": 5318, "cknow": 5319, "\">": 5320, "eless": 5321, "\u0120reduced": 5322, "\u0120500": 5323, "xx": 5324, "\u0120Rad": 5325, "\u0120Wood": 5326, "\u0120clin": 5327, "\u0120hyp": 5328, "iler": 5329, "ura": 5330, "kins": 5331, "85": 5332, "61": 5333, "\u0120Their": 5334, "\u0120Mary": 5335, "\u0120san": 5336, "\u0120novel": 5337, "\u0120Who": 5338, "\u0120capacity": 5339, "\u0120impossible": 5340, "\u0120plays": 5341, "\u0120minister": 5342, "ijuana": 5343, "icate": 5344, "\u0120Set": 5345, "\u0120fram": 5346, "\u0120ing": 5347, "\u0120communities": 5348, "\u0120FBI": 5349, "ita": 5350, "\u0120bon": 5351, "\u0120strateg": 5352, "\u0120interests": 5353, "lock": 5354, "gers": 5355, "mas": 5356, "\u0120AND": 5357, "\u0120conflict": 5358, "\u0120requirements": 5359, "\u0120sac": 5360, "\u0120operating": 5361, "ini": 5362, "related": 5363, "\u0120committed": 5364, "\u0120relatively": 5365, "\u0120south": 5366, "\u00c2\u00af\u00c2\u00af": 5367, "\u0120afford": 5368, "\u0120identity": 5369, "\u0120decisions": 5370, "\u0120accused": 5371, "place": 5372, "\u0120victory": 5373, "och": 5374, "iat": 5375, "Name": 5376, "Com": 5377, "tion": 5378, "eds": 5379, "\u0120seek": 5380, "\u0120tight": 5381, "\u0120Images": 5382, "\u0120initi": 5383, "\u0120humans": 5384, "\u0120familiar": 5385, "\u0120audience": 5386, "\u0120internal": 5387, "venture": 5388, "\u0120sides": 5389, "\u0120TO": 5390, "\u0120dim": 5391, "\u0120conclud": 5392, "\u0120appoint": 5393, "\u0120enforcement": 5394, "\u0120Jim": 5395, "\u0120Association": 5396, "\u0120circumst": 5397, "\u0120Canadian": 5398, "\u0120joined": 5399, "\u0120differences": 5400, "\u0120Los": 5401, "\u0120protest": 5402, "\u0120twice": 5403, "win": 5404, "\u0120glass": 5405, "arsh": 5406, "\u0120Army": 5407, "\u0120expression": 5408, "\u0120decide": 5409, "\u0120planning": 5410, "ania": 5411, "\u0120handle": 5412, "\u0120Microsoft": 5413, "\u0120Nor": 5414, "\u0120maximum": 5415, "\u0120Rev": 5416, "\u0120sea": 5417, "\u0120eval": 5418, "\u0120helps": 5419, "ref": 5420, "\u0120bound": 5421, "\u0120mouth": 5422, "\u0120standards": 5423, "\u0120clim": 5424, "\u0120Camp": 5425, "\u0120Fox": 5426, "cles": 5427, "\u0120army": 5428, "\u0120Techn": 5429, "acking": 5430, "xy": 5431, "SS": 5432, "\u012042": 5433, "\u0120bug": 5434, "\u0120Ukrain": 5435, "\u0120Max": 5436, "\u0120Jones": 5437, "\u0120Show": 5438, "lo": 5439, "\u0120planet": 5440, "\u012075": 5441, "\u0120winning": 5442, "\u0120faster": 5443, "\u0120spect": 5444, "\u0120broken": 5445, "TR": 5446, "\u0120defined": 5447, "\u0120healthy": 5448, "\u0120competition": 5449, "https": 5450, "\u0120Island": 5451, "\u0120Fe": 5452, "\u0120announce": 5453, "\u0120Cup": 5454, "\u0120Instead": 5455, "\u0120client": 5456, "\u0120possibly": 5457, "section": 5458, "ocket": 5459, "look": 5460, "\u0120finish": 5461, "\u0120crew": 5462, "\u0120reserv": 5463, "\u0120editor": 5464, "\u0120hate": 5465, "\u0120sale": 5466, "\u0120controvers": 5467, "\u0120pages": 5468, "wing": 5469, "\u0120numer": 5470, "\u0120opposition": 5471, "\u01202004": 5472, "\u0120refuge": 5473, "\u0120flight": 5474, "\u0120apart": 5475, "\u0120Lat": 5476, "Americ": 5477, "\u0120Africa": 5478, "\u0120applications": 5479, "\u0120Palest": 5480, "\u0120Bur": 5481, "\u0120gar": 5482, "\u0120Social": 5483, "\u0120upgr": 5484, "\u0120shape": 5485, "\u0120speaking": 5486, "ansion": 5487, "ao": 5488, "\u0120Sn": 5489, "\u0120worry": 5490, "\u0120Britain": 5491, "Please": 5492, "roud": 5493, "\u0120hun": 5494, "\u0120introduced": 5495, "\u0120diet": 5496, "Ind": 5497, "\u0120Second": 5498, "\u0120functions": 5499, "uts": 5500, "\u0120Each": 5501, "\u0120Jeff": 5502, "\u0120stress": 5503, "\u0120accounts": 5504, "\u0120guarant": 5505, "\u0120Ann": 5506, "edia": 5507, "\u0120honest": 5508, "\u0120tree": 5509, "\u0120African": 5510, "\u0120Bush": 5511, "},": 5512, "\u0120sch": 5513, "\u0120Only": 5514, "\u0120fif": 5515, "igan": 5516, "\u0120exercise": 5517, "\u0120Exp": 5518, "\u0120scientists": 5519, "\u0120legislation": 5520, "\u0120Work": 5521, "\u0120Spr": 5522, "\u00c3\u0124": 5523, "\u0120Human": 5524, "\u0120\u00e8": 5525, "\u0120survey": 5526, "\u0120rich": 5527, "rip": 5528, "\u0120maintain": 5529, "\u0120flo": 5530, "\u0120leadership": 5531, "stream": 5532, "\u0120Islamic": 5533, "\u012001": 5534, "\u0120College": 5535, "\u0120magic": 5536, "\u0120Prime": 5537, "\u0120figures": 5538, "2017": 5539, "inder": 5540, "xual": 5541, "\u0120Dead": 5542, "\u0120absolutely": 5543, "\u0120fourth": 5544, "\u0120presented": 5545, "respond": 5546, "rible": 5547, "\u0120alcohol": 5548, "ato": 5549, "\u0120DE": 5550, "porary": 5551, "\u0120grab": 5552, "\u0120vari": 5553, "\u0120quant": 5554, "\u0120Photo": 5555, "\u0120plus": 5556, "rick": 5557, "arks": 5558, "\u0120alternative": 5559, "\u0120pil": 5560, "\u0120approx": 5561, "that": 5562, "\u0120objects": 5563, "\u0120Ro": 5564, "\u0120Android": 5565, "\u0120significantly": 5566, "\u0120Road": 5567, "kay": 5568, "Read": 5569, "avor": 5570, "\u0120acknow": 5571, "\u0120HD": 5572, "\u0120Sing": 5573, "Or": 5574, "\u0120Mont": 5575, "\u0120uns": 5576, "prof": 5577, "\u0120negoti": 5578, "\u0120Arch": 5579, "iki": 5580, "\u0120television": 5581, "\u0120Jewish": 5582, "\u0120committee": 5583, "\u0120motor": 5584, "\u0120appearance": 5585, "\u0120sitting": 5586, "\u0120strike": 5587, "\u0120Down": 5588, "comp": 5589, "\u0120Hist": 5590, "\u0120fold": 5591, "acement": 5592, "\u0120Louis": 5593, "\u0120belong": 5594, "\u0120\u00e2\u0122\u00a2": 5595, "\u0120mort": 5596, "\u0120prepared": 5597, "\u012064": 5598, "\u0120Master": 5599, "\u0120indeed": 5600, "\u0120Den": 5601, "\u0120rent": 5602, "TA": 5603, "ourney": 5604, "arc": 5605, "Su": 5606, "97": 5607, "\u0120advice": 5608, "\u0120changing": 5609, "\u0120listed": 5610, "\u0120launched": 5611, "isation": 5612, "\u0120Peter": 5613, "ishes": 5614, "\u0120lived": 5615, "\u0120Mel": 5616, "\u0120Supreme": 5617, "\u0120Federal": 5618, "\u0120);": 5619, "ructure": 5620, "\u0120sets": 5621, "\u0120philos": 5622, "uous": 5623, "\u0120\u00c2\u0142": 5624, "\u0120applied": 5625, "\u0120NOT": 5626, "\u0120housing": 5627, "\u0120Mount": 5628, "\u0120odd": 5629, "\u0120sust": 5630, "DA": 5631, "fficient": 5632, "\u0120?": 5633, "olved": 5634, "\u0120powers": 5635, "\u0120thr": 5636, "\u0120remaining": 5637, "\u0120Water": 5638, "LC": 5639, "\u0120causes": 5640, "\u00e3\u0123\u00ae": 5641, "\u0120manner": 5642, "ads": 5643, "\u0120suggests": 5644, "\u0120ends": 5645, "standing": 5646, "fig": 5647, "\u0120Dun": 5648, "idth": 5649, "\u0120gay": 5650, "\u0120termin": 5651, "\u0120Angeles": 5652, "MS": 5653, "\u0120scientific": 5654, "\u0120coal": 5655, "apers": 5656, "bar": 5657, "\u0120Thomas": 5658, "\u0120sym": 5659, "\u0120Run": 5660, "this": 5661, "PC": 5662, "igrants": 5663, "\u0120minute": 5664, "\u0120District": 5665, "cellent": 5666, "\u0120leaves": 5667, "\u0120completed": 5668, "amin": 5669, "\u0120focused": 5670, "\u0120monitor": 5671, "\u0120vehicles": 5672, "MA": 5673, "\u0120Mass": 5674, "\u0120Grand": 5675, "\u0120affected": 5676, "itutional": 5677, "\u0120construct": 5678, "\u0120follows": 5679, "\u0120ton": 5680, "reens": 5681, "\u0120homes": 5682, "\u0120Ext": 5683, "\u0120Level": 5684, "rast": 5685, "\u0120Ir": 5686, "\u0120elim": 5687, "\u0120largely": 5688, "\u0120Joe": 5689, "\u0120votes": 5690, "alls": 5691, "\u0120businesses": 5692, "\u0120Foundation": 5693, "\u0120Central": 5694, "\u0120yards": 5695, "\u0120materials": 5696, "ulner": 5697, "\u0120guide": 5698, "\u0120closer": 5699, "ums": 5700, "\u0120sports": 5701, "eder": 5702, "Just": 5703, "\u0120taxes": 5704, "84": 5705, "\u0120Old": 5706, "\u0120decade": 5707, "ola": 5708, "\u0120vir": 5709, "\u0120dropped": 5710, "\u0120delay": 5711, "itect": 5712, "\u0120secure": 5713, "stein": 5714, "level": 5715, "\u0120treated": 5716, "\u0120filed": 5717, "aine": 5718, "\u0120van": 5719, "\u0120mir": 5720, "\u0120column": 5721, "icted": 5722, "eper": 5723, "\u0120rot": 5724, "\u0120consult": 5725, "\u0120entry": 5726, "\u0120marijuana": 5727, "\u0120Dou": 5728, "\u0120apparently": 5729, "oking": 5730, "clusive": 5731, "\u0120increases": 5732, "ano": 5733, "\u0120specifically": 5734, "\u0120tele": 5735, "ensions": 5736, "\u0120religion": 5737, "abilities": 5738, "\u0120frame": 5739, "\u0120Note": 5740, "\u0120Lee": 5741, "\u0120helping": 5742, "\u0120edge": 5743, "oston": 5744, "\u0120organizations": 5745, "\u00c3\u0125": 5746, "\u0120Both": 5747, "hips": 5748, "\u0120bigger": 5749, "\u0120boost": 5750, "\u0120Stand": 5751, "\u0120row": 5752, "uls": 5753, "abase": 5754, "\u0120rid": 5755, "Let": 5756, "aren": 5757, "rave": 5758, "\u0120stret": 5759, "PD": 5760, "\u0120vision": 5761, "\u0120wearing": 5762, "\u0120appreci": 5763, "\u0120award": 5764, "\u0120Use": 5765, "\u0120factor": 5766, "war": 5767, "ulations": 5768, ")(": 5769, "\u0120god": 5770, "\u0120territ": 5771, "\u0120param": 5772, "asts": 5773, "87": 5774, "\u0120enemies": 5775, "\u0120Games": 5776, "FF": 5777, "\u0120accident": 5778, "Well": 5779, "\u0120Martin": 5780, "TER": 5781, "\u0120ath": 5782, "\u0120Hell": 5783, "\u0120forg": 5784, "\u0120veter": 5785, "\u0120Medic": 5786, "free": 5787, "\u0120stars": 5788, "\u0120expensive": 5789, "\u0120acad": 5790, "rawn": 5791, "\u0120Whe": 5792, "\u0120lock": 5793, "\u0120format": 5794, "\u0120soldiers": 5795, "sm": 5796, "\u0120agent": 5797, "\u0120responsibility": 5798, "ora": 5799, "\u0120Science": 5800, "\u0120rapid": 5801, "\u0120tough": 5802, "\u0120Jesus": 5803, "\u0120believes": 5804, "ML": 5805, "\u0120wear": 5806, "lete": 5807, "\u00c3\u0125\u00c3\u0124": 5808, "\u0120Dri": 5809, "\u0120commission": 5810, "\u0120Bob": 5811, "Oh": 5812, "aped": 5813, "\u0120warm": 5814, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 5815, "\u01202003": 5816, "ortion": 5817, "\u0120hasn": 5818, "uster": 5819, "\u0120univers": 5820, "\u0120Ill": 5821, "\u0120king": 5822, "ologies": 5823, "94": 5824, "\u0120Tem": 5825, "\u0120Mos": 5826, "\u0120patient": 5827, "\u0120Mexico": 5828, "cean": 5829, "\u0120Death": 5830, "\u0120Sanders": 5831, "you": 5832, "\u0120Cast": 5833, "\u0120Company": 5834, "pty": 5835, "\u0120happening": 5836, "FP": 5837, "\u0120Battle": 5838, "\u0120bought": 5839, "Am": 5840, "Mod": 5841, "Us": 5842, "uters": 5843, "\u0120Cre": 5844, "\u0120Those": 5845, "\u012044": 5846, "iser": 5847, "\u0120soul": 5848, "\u0120Top": 5849, "\u0120Harry": 5850, "\u0120Aw": 5851, "\u0120seat": 5852, "ffee": 5853, "\u0120revolution": 5854, "\u0120(\"": 5855, "\u0120During": 5856, "ette": 5857, "\u0120ring": 5858, "\u0120offensive": 5859, "\u0120returns": 5860, "\u0120videos": 5861, "\u0120discl": 5862, "\u0120famous": 5863, "enced": 5864, "\u0120Sign": 5865, "\u0120River": 5866, "\u0120300": 5867, "PM": 5868, "\u0120Bus": 5869, "\u0120CH": 5870, "\u0120candidates": 5871, "arden": 5872, "\u0120percentage": 5873, "\u0120visual": 5874, "\u0120thank": 5875, "\u0120trouble": 5876, "nergy": 5877, "\u01202001": 5878, "\u0120prove": 5879, "ashion": 5880, "\u0120enh": 5881, "\u0120Long": 5882, "UM": 5883, "\u0120connected": 5884, "\u0120possibility": 5885, "Over": 5886, "\u0120expert": 5887, "\u0120library": 5888, "arts": 5889, "\u0120Director": 5890, "\u0120fellow": 5891, "92": 5892, "irty": 5893, "\u0120dry": 5894, "\u0120signs": 5895, "\u0120Love": 5896, "\u0120quiet": 5897, "foot": 5898, "\u0120pure": 5899, "\u0120Hun": 5900, "\u0120filled": 5901, "phas": 5902, "\u0120Elect": 5903, "endment": 5904, "\u0120Expl": 5905, "\u0120unable": 5906, "ns": 5907, "mo": 5908, "\u0120vast": 5909, "obe": 5910, "\u0120identify": 5911, "apping": 5912, "\u0120Carolina": 5913, "gress": 5914, "\u0120prote": 5915, "\u0120fish": 5916, "\u0120circumstances": 5917, "razy": 5918, "\u0120Phot": 5919, "\u0120bodies": 5920, "\u0120Mur": 5921, "\u0120developing": 5922, "\u0120AR": 5923, "\u0120experienced": 5924, "\u0120substant": 5925, "\u0120Board": 5926, "esome": 5927, "\u0120domestic": 5928, "\u0120combined": 5929, "\u0120Put": 5930, "\u0120chemical": 5931, "\u0120Child": 5932, "\u0120pool": 5933, "\u0120Cy": 5934, "\u0120egg": 5935, "cons": 5936, "sters": 5937, "\u0120hurt": 5938, "\u0120markets": 5939, "\u0120conservative": 5940, "\u0120supporters": 5941, "\u0120agencies": 5942, "idel": 5943, "Ob": 5944, "urb": 5945, "\u012043": 5946, "\u0120Defense": 5947, "ye": 5948, "\u0120Ap": 5949, "dule": 5950, "\u0120temperature": 5951, "\u0120conducted": 5952, "\u0120Chief": 5953, "\u0120pulled": 5954, "\u0120fol": 5955, "Last": 5956, "onto": 5957, "osis": 5958, "VER": 5959, "Des": 5960, "\u0120Pan": 5961, "First": 5962, "\u0120advance": 5963, "\u0120license": 5964, "rors": 5965, "\u0120Jon": 5966, "\u0120imagine": 5967, "\u0120hell": 5968, "\u0120fixed": 5969, "\u0120incor": 5970, "osite": 5971, "\u0120Log": 5972, "icken": 5973, "]:": 5974, "\u0120surprise": 5975, "hab": 5976, "\u0120craft": 5977, "olt": 5978, "\u0120Jul": 5979, "\u0120dial": 5980, "\u0120relevant": 5981, "\u0120entered": 5982, "\u0120leads": 5983, "\u0120AD": 5984, "\u0120Clean": 5985, "\u0120pictures": 5986, "essor": 5987, "\u0120alt": 5988, "\u0120paying": 5989, "Per": 5990, "\u0120Market": 5991, "\u0120updates": 5992, "amily": 5993, "\u0120Type": 5994, "\u0120Home": 5995, "\u012055": 5996, "sembly": 5997, "rome": 5998, "83": 5999, "\u0120greatest": 6000, "\u0120height": 6001, "\u0120heav": 6002, "aints": 6003, "\u0120listen": 6004, "aser": 6005, "\u0120SH": 6006, "\u0120capable": 6007, "acle": 6008, "\u0120perspect": 6009, "inating": 6010, "\u0120offering": 6011, "rypt": 6012, "\u0120Develop": 6013, "abin": 6014, "rc": 6015, "\u0120bright": 6016, "alty": 6017, "arrow": 6018, "\u0120suppl": 6019, "inding": 6020, "acked": 6021, "gypt": 6022, "\u0120Another": 6023, "pg": 6024, "\u0120Virginia": 6025, "\u0120Lu": 6026, "\u0120planned": 6027, "\u0120pit": 6028, "\u0120sweet": 6029, "Type": 6030, "\u0120Di": 6031, "\u0120typically": 6032, "\u0120Francisco": 6033, "\u0120prospect": 6034, "\u0120Dan": 6035, "\u0120teen": 6036, "rees": 6037, "\u0120sched": 6038, "\u0120hol": 6039, "\u0120scr": 6040, "\u0120lots": 6041, "life": 6042, "\u0120newsp": 6043, "\u0120forget": 6044, "\u0120None": 6045, "\u0120Middle": 6046, "\u0120Ryan": 6047, "edd": 6048, "\u0120severe": 6049, "\u0120suit": 6050, "ller": 6051, "93": 6052, "\u0120correspond": 6053, "\u0120explos": 6054, "uations": 6055, "\u0120flag": 6056, "game": 6057, "rid": 6058, "\u0120prin": 6059, "\u0120Data": 6060, "\u0120deploy": 6061, "\u0120Enter": 6062, "suit": 6063, "ghan": 6064, "\u0120Men": 6065, "\u0120thoughts": 6066, "\u0120matters": 6067, "\u0120adapt": 6068, "\u0120Ari": 6069, "\u0120fill": 6070, "\u0120forth": 6071, "\u0120sam": 6072, "\u012041": 6073, "\u0120payment": 6074, "\u0120Hor": 6075, "\u0120spring": 6076, "duc": 6077, "\u0120losing": 6078, "\u0120bringing": 6079, "FO": 6080, "ala": 6081, "\u0120distribution": 6082, "hered": 6083, "bour": 6084, "\u0120Israeli": 6085, "oma": 6086, "\u0120combination": 6087, "\u0120plenty": 6088, "VE": 6089, "Can": 6090, "\u0120Haw": 6091, "\u0120perman": 6092, "\u0120Special": 6093, "\u0120tow": 6094, "\u0120seeking": 6095, "\u0120examples": 6096, "\u0120classes": 6097, "cr": 6098, "\u0120beer": 6099, "\u0120moves": 6100, "\u0120IP": 6101, "\u0120Kn": 6102, "\u0120panel": 6103, "Even": 6104, "\u0120properly": 6105, "\u0120ris": 6106, "\u0120plug": 6107, "\u0120estimated": 6108, "Every": 6109, "\u0120defensive": 6110, "agraph": 6111, "\u0120pregn": 6112, "\u0120instit": 6113, "\u0120Vict": 6114, "\u0120volume": 6115, "\u0120positions": 6116, "\u0120links": 6117, "\u0120Program": 6118, "\u0120Week": 6119, "agues": 6120, "\u0120transform": 6121, "ker": 6122, "\u0120CEO": 6123, "\u0120cas": 6124, "\u0120opponent": 6125, "\u0120tweet": 6126, "\u0120Code": 6127, "\u0120shop": 6128, "\u0120fly": 6129, "\u0120talks": 6130, "\u0120bag": 6131, "Phone": 6132, "\u0120aid": 6133, "\u0120plants": 6134, "\u012065": 6135, "\u0120attorney": 6136, "arters": 6137, "quest": 6138, "\u0120Magic": 6139, "\u0120begins": 6140, "\u0120myster": 6141, "\u0120environmental": 6142, "\u0120storage": 6143, "NN": 6144, "\u0120marg": 6145, "\u0120ske": 6146, "\u0120metal": 6147, "elly": 6148, "\u0120ordered": 6149, "\u0120remained": 6150, "\u0120loved": 6151, "\u0120prompt": 6152, "\u0120updated": 6153, "\u0120experts": 6154, "\u0120walking": 6155, "\u0120ancient": 6156, "\u0120performed": 6157, "ATE": 6158, "\u0120neither": 6159, "iency": 6160, "\u0120manufacture": 6161, "\u0120Pak": 6162, "\u0120selected": 6163, "\u0120mine": 6164, "\u0120ultimately": 6165, "\u0120explan": 6166, "\u0120label": 6167, "\u0120Services": 6168, "ributed": 6169, "Trump": 6170, "\u0120syn": 6171, "\u0120Ult": 6172, "SC": 6173, "\u0120meat": 6174, "\u0120giant": 6175, "\u0120Wars": 6176, "\u0120ON": 6177, "\u0120adm": 6178, "\u0120interpret": 6179, "\u0120evening": 6180, "\u0120evil": 6181, "\u0120Boston": 6182, "\u0120Wild": 6183, "\u0120\u00c3": 6184, "\u0120Bitcoin": 6185, "\u0120Amazon": 6186, "Dr": 6187, "\u0120Information": 6188, "\u0120obviously": 6189, "\u0120advanced": 6190, "Photo": 6191, "olar": 6192, "\u0120weather": 6193, "\u0120symbol": 6194, "\u0120sole": 6195, "\u0120potentially": 6196, "oster": 6197, "\u0120originally": 6198, "mun": 6199, "300": 6200, "aze": 6201, "essions": 6202, "\u0120deck": 6203, "\u0120stood": 6204, "\u0120youth": 6205, "\u0120Bern": 6206, "Rep": 6207, "\u0120Test": 6208, "\u0120basically": 6209, "otic": 6210, "\u0120involve": 6211, "olit": 6212, "lyn": 6213, "See": 6214, "\u0120aircraft": 6215, "\u0120confirm": 6216, "EW": 6217, "\u0120messages": 6218, "\u0120Richard": 6219, "\u0120kit": 6220, "\u0120prohib": 6221, "\u0120vulner": 6222, "isters": 6223, "\u0120existence": 6224, "\u0120turning": 6225, "\u0120SP": 6226, "\u0120desire": 6227, "\u0120flat": 6228, "\u0120ment": 6229, "season": 6230, "anges": 6231, "\u0120neighborhood": 6232, "\u0120Lake": 6233, "ATION": 6234, "\u0120pointed": 6235, "bur": 6236, "\u0120innov": 6237, "ucks": 6238, "UL": 6239, "\u0120professor": 6240, "\u0120expressed": 6241, "AB": 6242, "icious": 6243, "\u01202002": 6244, "\u0120Dev": 6245, "\u0120session": 6246, "\u0120bare": 6247, "sen": 6248, "\u0120diss": 6249, "\u0120Cath": 6250, "\u0120Pass": 6251, "\u0120Point": 6252, "\u0120doctor": 6253, "orrow": 6254, "ailed": 6255, "\u0120Rub": 6256, "\u0120DC": 6257, "\u0120Charl": 6258, "person": 6259, "\u0120writer": 6260, "ighters": 6261, "ureau": 6262, "\u0120oblig": 6263, "\u0120recorded": 6264, "\u0120broke": 6265, "\u0120orders": 6266, "ilty": 6267, "\u0120motion": 6268, "inity": 6269, "law": 6270, "adium": 6271, "\u0120immigration": 6272, "\u0120contrast": 6273, "\u0120batt": 6274, "\u0120excellent": 6275, "\u0120technical": 6276, "ami": 6277, "\u0120tun": 6278, "\u0120cloud": 6279, "\u0120Year": 6280, "geon": 6281, "\u0120creation": 6282, "\u0120strange": 6283, "\u0120auth": 6284, "\u0120fort": 6285, "born": 6286, "\u0120extent": 6287, "\u0120Today": 6288, "\u0120Club": 6289, "\u0120rain": 6290, "\u0120sample": 6291, "\u0120accepted": 6292, "\u0120tact": 6293, "\u0120fired": 6294, "\u0120Son": 6295, "\u0120stands": 6296, "\u0120boot": 6297, "\u012047": 6298, "\u0120statements": 6299, "\u0120versions": 6300, "\u0120selling": 6301, "ounded": 6302, "\u01201990": 6303, "\u0120weren": 6304, "\u0120Watch": 6305, "\u0120experiment": 6306, "Post": 6307, "\u0120retail": 6308, "uled": 6309, "Inst": 6310, "unte": 6311, "\u00e3\u0125\u00bc": 6312, "\u0120depart": 6313, "\u0120bond": 6314, "ivery": 6315, "ompl": 6316, "\u0120reaction": 6317, "\u0120Syrian": 6318, "\u0120Pac": 6319, "apped": 6320, "aniel": 6321, "DP": 6322, "\u0120resolution": 6323, "\u0120react": 6324, "\u0120approved": 6325, "onom": 6326, "mond": 6327, "\u0120Offic": 6328, "---": 6329, "\u0120replace": 6330, "\u0120tack": 6331, "\u0120sport": 6332, "\u0120chain": 6333, "\u0120emergency": 6334, "rad": 6335, "\u0120Palestin": 6336, "\u012046": 6337, "\u0120automatically": 6338, "\u0120route": 6339, "\u0120pal": 6340, "\u0120banks": 6341, "\u0120Paris": 6342, "\u0120Media": 6343, "road": 6344, "icing": 6345, "ixt": 6346, "isted": 6347, "\u0120grew": 6348, "\u0120coord": 6349, "\u0120Where": 6350, "omin": 6351, "\u0120subs": 6352, "\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 6353, "\u0120\u00c2\u00b1": 6354, "\u0120corporate": 6355, "\u0120selection": 6356, "noon": 6357, "\u0120Report": 6358, "cs": 6359, "cluding": 6360, "orders": 6361, "anche": 6362, "\u0120Its": 6363, "\u0120slowly": 6364, "\u0120Egypt": 6365, "\u0120Acc": 6366, "\u0120colle": 6367, "iques": 6368, "EX": 6369, "\u0120attempts": 6370, "url": 6371, "\u0120Cross": 6372, "\u0120findings": 6373, "\u0120SC": 6374, "\u0120OR": 6375, "\u0120index": 6376, "ensity": 6377, "\u0120Way": 6378, "\u0120Land": 6379, "\u0120shock": 6380, "dis": 6381, "\u0120dynam": 6382, "\u0120cart": 6383, "mosp": 6384, "Since": 6385, "iest": 6386, "\u0120Boy": 6387, "\u0120storm": 6388, "\u0120Contin": 6389, "2013": 6390, "hew": 6391, "ilit": 6392, "\u0120essential": 6393, "iquid": 6394, "Other": 6395, "ivered": 6396, "\u0120reasonable": 6397, "Act": 6398, "\u0120subsequ": 6399, "\u0120Pack": 6400, "\u0120Fort": 6401, "\u0120considering": 6402, "\u0120university": 6403, "log": 6404, "\u0120married": 6405, "\u0120illust": 6406, "\u0120True": 6407, "\u00a3\u0131": 6408, "\u0120numerous": 6409, "rastructure": 6410, "\u0120seriously": 6411, "\u0120referred": 6412, "ua": 6413, "\u0120consistent": 6414, "onna": 6415, "\u0120Real": 6416, "ruption": 6417, "ciples": 6418, "\u0120facts": 6419, "91": 6420, "otes": 6421, "erg": 6422, "Then": 6423, "\u0120accompl": 6424, "Note": 6425, "\u0120revenue": 6426, "\u0120passing": 6427, "\u0120mal": 6428, "een": 6429, "\u0120Yet": 6430, "\u0120gather": 6431, "terday": 6432, "ework": 6433, "\u0120Author": 6434, "Pe": 6435, "\u0120optim": 6436, "\u0120rub": 6437, "\u0120\u00e8\u00a3\u0131": 6438, "\u0120unknown": 6439, "stone": 6440, "\u0120union": 6441, "olve": 6442, "\u0120opportunities": 6443, "\u0120browser": 6444, "\u0120Wal": 6445, "\u0120Cost": 6446, "\u0120reporting": 6447, "sts": 6448, "pet": 6449, "\u0120sand": 6450, "\u0120suddenly": 6451, "\u0120surprising": 6452, "\u0120VR": 6453, "\u0120somewhat": 6454, "\u0120Bas": 6455, "ulture": 6456, "izz": 6457, "\u0120CD": 6458, "\u0120challenges": 6459, "\u0120settings": 6460, "\u0120experiences": 6461, "\u0120Full": 6462, "\u0120cann": 6463, "\u0120receiving": 6464, "EST": 6465, "\u0120joint": 6466, "\u0120cultural": 6467, "\u0120ast": 6468, "82": 6469, "astern": 6470, "ceived": 6471, "\u0120Cru": 6472, "\u0120bull": 6473, "pired": 6474, "amm": 6475, "\u0120facing": 6476, "power": 6477, "\u0120boss": 6478, "\u0120Hol": 6479, "\u0120instr": 6480, "\u0120increasingly": 6481, "\u0120shift": 6482, "\u0120streets": 6483, "\u0120Williams": 6484, "abb": 6485, "\u0120lie": 6486, "\u0120laugh": 6487, "\u0120Ca": 6488, "PL": 6489, "\u0120adults": 6490, "\u0120customer": 6491, "\u0120obtained": 6492, "\u0120supporting": 6493, "html": 6494, "fire": 6495, "\u0120detailed": 6496, "\u0120picked": 6497, "\u0120Right": 6498, "lder": 6499, "EE": 6500, "stood": 6501, "\u0120Kim": 6502, "\u0120wire": 6503, "\u0120sight": 6504, "\u0120developers": 6505, "\u0120persons": 6506, "\u0120sad": 6507, "\u0120cup": 6508, "\u0120warning": 6509, "\u0120boys": 6510, "long": 6511, "\u0120bird": 6512, "fo": 6513, "\u0120wal": 6514, "\u0120observed": 6515, "\u0120zone": 6516, "iveness": 6517, "\u0120channel": 6518, "cript": 6519, "\u0120refused": 6520, "\u0120Again": 6521, "\u0120suc": 6522, "\u0120spokesman": 6523, "\u0120Ref": 6524, "rite": 6525, "ouston": 6526, "\u00e3\u0125\u00b3": 6527, "\u0120Sher": 6528, "\u0120acts": 6529, "\u0120Name": 6530, "\u0120struggle": 6531, "arry": 6532, "ometimes": 6533, "\u0120discrim": 6534, "HT": 6535, "\u0120category": 6536, "\u0120realize": 6537, "\u0120employee": 6538, "\u0120Afghan": 6539, "enger": 6540, "\u0120guns": 6541, "\u0120Steve": 6542, "\u0120Mot": 6543, "\u0120Ol": 6544, "oked": 6545, "\u0120thick": 6546, "\u0120fairly": 6547, "illy": 6548, "\u0120surve": 6549, "\u0120Mat": 6550, "weight": 6551, "\u00e2\u0136": 6552, "\u0120troops": 6553, "\u0120agents": 6554, "\u0120battery": 6555, "\u0120motiv": 6556, "\u00c3\u00a1": 6557, "Sec": 6558, "den": 6559, "overy": 6560, "LS": 6561, "\u0120flu": 6562, "\u0120confident": 6563, "\u0120Oper": 6564, "\u0120empty": 6565, "\u0120phen": 6566, "\u0120sector": 6567, "\u0120excited": 6568, "\u0120remote": 6569, "aph": 6570, "oen": 6571, "\u0120destroyed": 6572, "\u0120moral": 6573, "\u0120HP": 6574, "\u0120Ron": 6575, "\u0120dress": 6576, "\u0120Bat": 6577, "\u0120lit": 6578, "\u0120MS": 6579, "\u0120af": 6580, "HL": 6581, "rum": 6582, "isms": 6583, "\u0120shouldn": 6584, "\u0120sympt": 6585, "\u0120Toronto": 6586, "hetic": 6587, "\u0120carbon": 6588, "\u0120installed": 6589, "\u0120violent": 6590, "\u0120solar": 6591, "ja": 6592, "\u0120practices": 6593, "\u0120ride": 6594, "\u0120Penn": 6595, "\u0120improved": 6596, "\u0120audio": 6597, "\u0120behavi": 6598, "\u0120PS": 6599, "\u0120eating": 6600, "Data": 6601, "\u0120Review": 6602, "pass": 6603, "claim": 6604, "uated": 6605, "angers": 6606, "chen": 6607, "\u0120properties": 6608, "\u0120anywhere": 6609, "Another": 6610, "\u0120blow": 6611, "\u0120Jackson": 6612, "\u0120proud": 6613, "\u0120plane": 6614, "lines": 6615, "\u0120square": 6616, "\u0120proof": 6617, "ansas": 6618, "\u0120talked": 6619, "makers": 6620, "\u0120sister": 6621, "\u0120holds": 6622, "\u0120resident": 6623, "\u0120==": 6624, "\u0120resistance": 6625, "\u0120split": 6626, "\u0120prosecut": 6627, "\u0120confidence": 6628, "resents": 6629, "\u0120cuts": 6630, "\u0120exception": 6631, "\u0120zero": 6632, "Getty": 6633, "\u0120copyright": 6634, "\u0120totally": 6635, "ormal": 6636, "ifications": 6637, "\u0120Australian": 6638, "\u0120sick": 6639, "\u0120150": 6640, "\u0120household": 6641, "\u0120fees": 6642, "\u0120drivers": 6643, "ogen": 6644, "\u0120NY": 6645, "\u0120necessarily": 6646, "\u0120regulations": 6647, "earing": 6648, "sl": 6649, "\u0120perspective": 6650, "care": 6651, "icial": 6652, "His": 6653, "\u0120escape": 6654, "\u0120surprised": 6655, "\u0120Van": 6656, "urrent": 6657, "\u0120vac": 6658, "81": 6659, "\u0120Thus": 6660, "\u0120emphas": 6661, "\u0120Champions": 6662, "\u0120Ice": 6663, "\u0120narr": 6664, "\u0120heads": 6665, "\u0120causing": 6666, "bel": 6667, "fortunately": 6668, "\u0120Ma": 6669, "\u0120targets": 6670, "cipl": 6671, "\u0120afternoon": 6672, "\u0120adds": 6673, "\u0120Maybe": 6674, "\u0120Four": 6675, "essed": 6676, "plete": 6677, "\u0120usual": 6678, "cho": 6679, "ingu": 6680, "\u0120withd": 6681, "\u0120Energy": 6682, "\u0120Econom": 6683, "OO": 6684, "\u0120articles": 6685, "\u0120injured": 6686, "\u0120manage": 6687, "\u0120explains": 6688, "\u0120diagn": 6689, "Rec": 6690, "atures": 6691, "\u0120linked": 6692, "\u0120discussed": 6693, "\u0120explo": 6694, "\u0120occasion": 6695, "athan": 6696, "\u0120opposite": 6697, "\u0120faces": 6698, "\u0120denied": 6699, "\u0120Knight": 6700, "\u0120nut": 6701, "\u0120approximately": 6702, "\u0120disappoint": 6703, "onymous": 6704, "\u0120Best": 6705, "\u0120Lo": 6706, "\u0120Hy": 6707, "\u0120Aff": 6708, "\u0120voting": 6709, "anwhile": 6710, "\u0120III": 6711, "\u0120institutions": 6712, "agram": 6713, "\u0120Daily": 6714, "\u0120drag": 6715, "\u0120nearby": 6716, "\u0120guilty": 6717, "\u0120conver": 6718, "Pre": 6719, "ship": 6720, "\u0120reward": 6721, "\u0120philosoph": 6722, "\u0120SS": 6723, "ugh": 6724, "\u0120apps": 6725, "friend": 6726, "\u0120upper": 6727, "\u0120advert": 6728, "\u0120snow": 6729, "\u0120frust": 6730, "\u0120ourselves": 6731, "Fr": 6732, "\u0120Die": 6733, "ampion": 6734, "\u0120dismiss": 6735, "\u0120cere": 6736, "\u0120signal": 6737, "from": 6738, "\u0120).": 6739, "\u012052": 6740, "\u0120crimes": 6741, "itors": 6742, "estival": 6743, "useum": 6744, "\u0120council": 6745, "\u0120Saud": 6746, "May": 6747, "\u0120Gun": 6748, "ician": 6749, "ether": 6750, "\u0120sufficient": 6751, "\u0120Hen": 6752, "sole": 6753, "\u0120historical": 6754, "\u0120Far": 6755, "\u0120Turn": 6756, "\u0120pin": 6757, "\u0120succeed": 6758, "mat": 6759, "lymp": 6760, "\u0120tradition": 6761, "\u0120Ok": 6762, "\u0120cro": 6763, "\u0120description": 6764, "alle": 6765, "\u0120sky": 6766, "Te": 6767, "\u0120widely": 6768, "\u0120wave": 6769, "\u0120definition": 6770, "\u0120Jews": 6771, "\u0120cycle": 6772, "\u0120refere": 6773, "\u0120brings": 6774, "usal": 6775, "\u0120alive": 6776, "\u0120frequently": 6777, "\u0120intention": 6778, "\u0120Control": 6779, "lv": 6780, "ystem": 6781, "\u0120privacy": 6782, "gent": 6783, "rence": 6784, "\u0120Quest": 6785, "\u0120Christmas": 6786, "\u0120rail": 6787, "\u0120cooper": 6788, "\u0120tested": 6789, "\u0120Capt": 6790, "asks": 6791, "\u0120comfortable": 6792, "\u0120delivered": 6793, "scape": 6794, "\u0120depth": 6795, "\u0120GOP": 6796, "\u0120writes": 6797, "\u0120assets": 6798, "\u0120sav": 6799, "iments": 6800, "\u0120transition": 6801, "\u0120artist": 6802, "\u0120Look": 6803, "\u0120lob": 6804, "\u0120components": 6805, "arity": 6806, "\u0120walked": 6807, "\u0120root": 6808, "\u0120participants": 6809, "\u0120noticed": 6810, "\u0120resc": 6811, "\u0120nav": 6812, "\u0120Administ": 6813, "da": 6814, "utral": 6815, "plate": 6816, "\u0120importance": 6817, "\u0120assert": 6818, "iously": 6819, "cription": 6820, "\u0120injuries": 6821, "\u0120Check": 6822, "\u0120registered": 6823, "\u0120intent": 6824, "\u0120missed": 6825, "ographic": 6826, "\u0120sentence": 6827, "ounter": 6828, "\u0120assistance": 6829, "evin": 6830, "\u0120database": 6831, "\u0120buildings": 6832, "\u0120classic": 6833, "\u0120thinks": 6834, "\u0120Ohio": 6835, "Pr": 6836, "ugg": 6837, "\u0120fee": 6838, "pan": 6839, "\u0120effectively": 6840, "\u0120facility": 6841, "\u0120bear": 6842, "\u0120chapter": 6843, "\u0120dogs": 6844, "\u0120Columb": 6845, "\u0120latter": 6846, "itial": 6847, "\u0120admitted": 6848, "TV": 6849, "\u0120Georg": 6850, "\u0120posts": 6851, "\\\\": 6852, "\u0120lawyer": 6853, "\u0120equival": 6854, "\u0120mand": 6855, "\u0120controlled": 6856, "\u0120Walk": 6857, "\u0120Andrew": 6858, "\u0120menu": 6859, "amental": 6860, "\u0120protected": 6861, "va": 6862, "\u0120administr": 6863, "oral": 6864, "\u0120rein": 6865, "\u0120Sar": 6866, "\u0120amounts": 6867, "\u0120native": 6868, "\u0120Moon": 6869, "\u0120represents": 6870, "\u0120abandon": 6871, "\u0120carrying": 6872, "\u0120tank": 6873, "mary": 6874, "\u0120declared": 6875, "Tube": 6876, "\u0120hat": 6877, "\u0120punish": 6878, "ellect": 6879, "mes": 6880, "\u0120universe": 6881, "\u0120Rod": 6882, "phy": 6883, "\u0120infrastructure": 6884, "\u012051": 6885, "\u0120opposed": 6886, "ownt": 6887, "ca": 6888, "\u0120Make": 6889, "\u0120hardware": 6890, "\u0120coffee": 6891, "Rel": 6892, "bal": 6893, "world": 6894, "\u0120Saf": 6895, "\u0120Sea": 6896, "inals": 6897, "\u0120owned": 6898, "\u0120hall": 6899, "ersion": 6900, "\u0120describe": 6901, "\u0120Pot": 6902, "\u0120portion": 6903, "\u0120atmosp": 6904, "\u0120governments": 6905, "\u0120depending": 6906, "\u0120offense": 6907, "\u0120trick": 6908, "awa": 6909, "\u0120Line": 6910, "\u0120Vis": 6911, "\u0120Hard": 6912, "\u0120Orig": 6913, "\u0120Click": 6914, "\u0120desk": 6915, "\u0120Valley": 6916, "\u0120Sov": 6917, "\u0120movies": 6918, "\u0120remark": 6919, "\u0120mail": 6920, "\u0120conscious": 6921, "\u0120ruling": 6922, "\u0120Rights": 6923, "\u0120medic": 6924, "hent": 6925, "\u0120Women": 6926, "><": 6927, "\u0120replaced": 6928, "\u0120Prem": 6929, "\u0120Thanks": 6930, "\u0120renew": 6931, "\u0120Ball": 6932, "iform": 6933, "\u0120shots": 6934, "Comm": 6935, "\u0120armed": 6936, "\u0120constant": 6937, "\u0120taste": 6938, "\u0120realized": 6939, "\u0120buff": 6940, "\u0120mo": 6941, "\u0120efficient": 6942, "Most": 6943, "oration": 6944, "ifies": 6945, "\u0120communication": 6946, "\u0120flood": 6947, "\u0120consequences": 6948, "\u0120anyway": 6949, "igg": 6950, "\u0120GM": 6951, "\u0120Thank": 6952, "\u0120iron": 6953, "\u0120evolution": 6954, "\u0120Cop": 6955, "twitter": 6956, "\u012095": 6957, "\u0120relationships": 6958, "adel": 6959, "\u0120Young": 6960, "\u0120proposal": 6961, "ayers": 6962, "uilding": 6963, "\u0120Hot": 6964, "ORE": 6965, "cos": 6966, "\u0120collabor": 6967, "PG": 6968, "axy": 6969, "\u0120knowing": 6970, "\u0120supports": 6971, "owed": 6972, "\u0120controls": 6973, "\u0120merely": 6974, "umer": 6975, "\u0120athlet": 6976, "\u0120fashion": 6977, "path": 6978, "\u0120gift": 6979, "\u0120era": 6980, "AND": 6981, "\u0120kinds": 6982, "\u0120Korean": 6983, "\u0120legit": 6984, "ulous": 6985, "\u0120essentially": 6986, "\u0120therap": 6987, "nic": 6988, "\u0120suffered": 6989, "\u0120hur": 6990, "\u0120promise": 6991, "\u0120excess": 6992, "\u0120overw": 6993, "\u0120prime": 6994, "\u0120Houston": 6995, "erry": 6996, "\u0120Ms": 6997, "RS": 6998, "2012": 6999, "\u0120stores": 7000, "\u0120Olymp": 7001, "\u0120journey": 7002, "Although": 7003, "Sub": 7004, "\u0120Educ": 7005, "\u0120Chapter": 7006, "\u0120requests": 7007, "\u0120consumers": 7008, "\u0120tiny": 7009, "\u0120isol": 7010, "\u0120Fair": 7011, "ba": 7012, "\u0120YOU": 7013, "\u0120crash": 7014, "celer": 7015, "\u0120emotional": 7016, "\u0120goods": 7017, "\u0120elected": 7018, "\u0120moder": 7019, "\u0120Linux": 7020, "\u0120blocks": 7021, "\u0120island": 7022, "\u0120Society": 7023, "\u0120elections": 7024, "\u0120broadcast": 7025, "\u0120cheap": 7026, "\u0120nations": 7027, "\u0120seasons": 7028, "400": 7029, "\u0120waste": 7030, "\u0120Sat": 7031, "\u0120fields": 7032, "employ": 7033, "\u0120profile": 7034, "\u0120authors": 7035, "ALL": 7036, "\u0120Gra": 7037, "west": 7038, "\u0120Ty": 7039, "\u0120deaths": 7040, "\u0120vacc": 7041, "\u0120formed": 7042, "\u0120du": 7043, "\u0120ongoing": 7044, "\u0120Muslims": 7045, "elf": 7046, "igure": 7047, "\u0120assume": 7048, "\u0120Ukraine": 7049, "water": 7050, "\u0120coast": 7051, "\u0120voted": 7052, "gor": 7053, "\u0120AS": 7054, "\u0120Michigan": 7055, "aza": 7056, "\u0120Arm": 7057, "iro": 7058, "\u0120flex": 7059, "asters": 7060, "''": 7061, "\u0120welcome": 7062, "arl": 7063, "\u0120locations": 7064, "igation": 7065, "\u0120Fil": 7066, "\u0120buying": 7067, "\u0120architect": 7068, "\u0120harder": 7069, "\u0120Cub": 7070, "\u0120interface": 7071, "\u0120restaurant": 7072, "\u0120discover": 7073, "\u0120exceed": 7074, "\u0120favour": 7075, "gery": 7076, "\u0120duty": 7077, "\u0120pitch": 7078, "ador": 7079, "\u0120Mach": 7080, "boy": 7081, "\u0120responded": 7082, "\u0120extended": 7083, "hers": 7084, "Many": 7085, "raid": 7086, "ifer": 7087, "\u0120Ins": 7088, "Ser": 7089, "\u0120medium": 7090, "she": 7091, "\u0120Sports": 7092, "\u0120magazine": 7093, "utation": 7094, "\u0120limits": 7095, "\u0120Gall": 7096, "\u0120external": 7097, "razil": 7098, "\u0120younger": 7099, "tle": 7100, "\u0120remind": 7101, "\u0120CON": 7102, "\u0120immediate": 7103, "\u0120hidden": 7104, "\u0120volunte": 7105, "\u0120simpl": 7106, "odcast": 7107, "\u0120phase": 7108, "dr": 7109, "\u0120plot": 7110, "\u0120exposure": 7111, "RI": 7112, "ograp": 7113, "vin": 7114, "anish": 7115, "\u0120Acad": 7116, "\u0120Engine": 7117, "\u0120expansion": 7118, "\u0120Pay": 7119, "Your": 7120, "\u0120pushed": 7121, "\u0120Ell": 7122, "\u0120Head": 7123, "\u0120marketing": 7124, "\u0120AC": 7125, "ket": 7126, "\u0120hits": 7127, "\u0120gro": 7128, "\u0120Age": 7129, "\u0120Scot": 7130, "][": 7131, "\u0120stim": 7132, "\u0120iPhone": 7133, "\u012a\u0134": 7134, "\u0120narrow": 7135, "\u0120Getty": 7136, "\u0120Turkey": 7137, "\u0120perfectly": 7138, "\u0120enable": 7139, "utch": 7140, "\u0120precise": 7141, "\u0120regime": 7142, "\u0120shif": 7143, "\u0120compens": 7144, "gun": 7145, "div": 7146, "\u0120chosen": 7147, "\u0120Ken": 7148, "Any": 7149, "\u0120trees": 7150, "\u0120recommended": 7151, "\u0120Ren": 7152, "uable": 7153, "\u0120HT": 7154, "Follow": 7155, "EG": 7156, "\u0120Hand": 7157, "\u0120Kenn": 7158, "\u0120arguments": 7159, "\u0120exists": 7160, "\u0120bike": 7161, "\u0120Conserv": 7162, "\u0120breaking": 7163, "\u0120Gar": 7164, "\u0120crazy": 7165, "\u0120virtual": 7166, "aylor": 7167, "ixel": 7168, "\u01201980": 7169, "\u0120permission": 7170, "\u0120Series": 7171, "\u0120consumer": 7172, "\u0120closely": 7173, "called": 7174, "\u012054": 7175, "\u0120hopes": 7176, "\u0120array": 7177, "\u0120Win": 7178, "\u0120Labour": 7179, "\u0120spons": 7180, "\u0120Ire": 7181, "\u0120pow": 7182, "\u0120readers": 7183, "\u0120employment": 7184, "\u0120creature": 7185, "\u0120resulting": 7186, "\u0120accurate": 7187, "\u0120moments": 7188, "\u0120argued": 7189, "\u0120ped": 7190, "During": 7191, "\u012053": 7192, "\u0120Tal": 7193, "\u0120sought": 7194, "\u0120suffering": 7195, "\u0120icon": 7196, "lee": 7197, "\u0120($": 7198, "alian": 7199, "\u00c2\u00b0": 7200, "\u0120pra": 7201, "\u0120bonus": 7202, "(\"": 7203, "ko": 7204, "\u0120acting": 7205, "DE": 7206, "fall": 7207, "\u0120comparison": 7208, "\u0120smooth": 7209, "\u0120NAS": 7210, "upp": 7211, "\u0120Joseph": 7212, "eping": 7213, "\u0120Take": 7214, "\u0120Mid": 7215, "\u0120sending": 7216, "fast": 7217, "\u0120Fall": 7218, "\u0120dealing": 7219, "user": 7220, "\u0120Organ": 7221, "Co": 7222, "\u0120attached": 7223, "\u0120sees": 7224, "%.": 7225, "\u0120typical": 7226, "ART": 7227, "\u0120finds": 7228, "\u0120Asia": 7229, "umin": 7230, "\u0120Core": 7231, "\u0120Ent": 7232, "inent": 7233, "uce": 7234, "\u0120Blood": 7235, "\u0120Never": 7236, "\u0120emails": 7237, "\u0120highlight": 7238, "\u0120confront": 7239, "atus": 7240, "uted": 7241, "\u0120unus": 7242, "\u0120topic": 7243, "\u0120Adam": 7244, "\u0120ble": 7245, "ati": 7246, "\u0120understood": 7247, "Set": 7248, "struct": 7249, "TP": 7250, "\u0120mob": 7251, "aa": 7252, "\u0120Start": 7253, "pected": 7254, "sell": 7255, "\u0120dedicated": 7256, "\u0120CA": 7257, "uan": 7258, "\u0120songs": 7259, "escription": 7260, "\u0120tech": 7261, "\u0120rape": 7262, "\u0120aside": 7263, "\u0120grant": 7264, "\u012056": 7265, "sub": 7266, "\u0120argue": 7267, "\u0120containing": 7268, "\u0120schedule": 7269, "\u0120liberal": 7270, "\u0120publicly": 7271, "\u0120heavily": 7272, "\u0120Ut": 7273, "iner": 7274, "\u0120Section": 7275, "\u0120Care": 7276, "weet": 7277, "ls": 7278, "Dis": 7279, "\u00e2\u0136\u0122": 7280, "\u0120Follow": 7281, "Back": 7282, "\u0120IT": 7283, "\u0120bes": 7284, "ji": 7285, "\u0120Hit": 7286, "ested": 7287, "\u0120everybody": 7288, "\u0120Swed": 7289, "\u0120femin": 7290, "\u0120facilities": 7291, "\u0120conven": 7292, "Comp": 7293, "\u0120OS": 7294, "core": 7295, "\u0120anx": 7296, "\u0120division": 7297, "\u0120Cam": 7298, "\u0120Stan": 7299, "mates": 7300, "\u0120explore": 7301, "plom": 7302, "\u0120shares": 7303, "pload": 7304, "anes": 7305, "\u0120ideal": 7306, "eters": 7307, "\u0120Base": 7308, "\u0120plastic": 7309, "\u0120distinct": 7310, "\u0120Network": 7311, "\u0120Seattle": 7312, "\u0120trading": 7313, "ensus": 7314, "intend": 7315, "\u0120exhib": 7316, "\u0120initially": 7317, "\u0120Food": 7318, "\u0120thousand": 7319, "\u0120Business": 7320, "acter": 7321, "\u0120paragraph": 7322, "\u0120roughly": 7323, "\u0120www": 7324, "\u0120creative": 7325, "\u0120Conf": 7326, "\u0120consumption": 7327, "\u0120films": 7328, "agan": 7329, "\u0120obtain": 7330, "\u0120tall": 7331, "\u0120tor": 7332, "\u0120acknowled": 7333, "\u0120grown": 7334, "alo": 7335, "KE": 7336, "\u0120400": 7337, "enders": 7338, "taining": 7339, "UG": 7340, "\u0120suicide": 7341, "\u0120watched": 7342, "\u0120List": 7343, "ali": 7344, "rehens": 7345, "\u0120surrounding": 7346, "\u0120pip": 7347, "\u0120flying": 7348, "\u0120Java": 7349, "ordan": 7350, "\u0120serving": 7351, "inations": 7352, "post": 7353, "\u0120sho": 7354, "Av": 7355, "\u0120jail": 7356, "zy": 7357, "\u01201999": 7358, "\u0120>": 9609, "orous": 9610, "\u0120firms": 9611, "screen": 9612, "una": 9613, "\u0120embarrass": 9614, "ulse": 9615, "\u0120letting": 9616, "\u0120threw": 9617, "iley": 9618, "\u0120channels": 9619, "lan": 9620, "\u0120Vegas": 9621, "\u0120sear": 9622, "\u0120fantastic": 9623, "arre": 9624, "uzzle": 9625, "\u0120Der": 9626, "Those": 9627, "\u0120swing": 9628, "\u0120sheet": 9629, "index": 9630, "cover": 9631, "ogan": 9632, "\u0120variables": 9633, "\u0120Tech": 9634, "\u0120spoken": 9635, "achel": 9636, "\u0120Da": 9637, "\u0120Mountain": 9638, "\u0120loaded": 9639, "\u0120footage": 9640, "version": 9641, "\u0120unl": 9642, "\u0120Phoenix": 9643, "\u0120throwing": 9644, "\u0120firing": 9645, "\u0120tracking": 9646, "\u0120width": 9647, "\u0120struggling": 9648, "rooms": 9649, "otion": 9650, "\u0120monthly": 9651, "\u0120Server": 9652, "\u0120eggs": 9653, "open": 9654, "MC": 9655, "\u01201993": 9656, "\u0120hired": 9657, "\u0120stayed": 9658, "\u0120Allen": 9659, "\u0120stro": 9660, "\u012098": 9661, "step": 9662, "\u0120Turkish": 9663, "\u0120fabric": 9664, "isting": 9665, "\u0120Dom": 9666, "\u0120dates": 9667, "\u0120pron": 9668, "\u0120basketball": 9669, "\u0120lucky": 9670, "\u0120Arabia": 9671, "\u0120assumed": 9672, "esty": 9673, "\u0120affairs": 9674, "\u0120glad": 9675, "\u0120Indeed": 9676, "\u0120FA": 9677, "\u0120Word": 9678, "\u0120joining": 9679, "ifice": 9680, "pread": 9681, "irts": 9682, "\u0120Select": 9683, "\u0120populations": 9684, "aware": 9685, "\u0120nose": 9686, "\u0120complaints": 9687, "start": 9688, "\u0120scoring": 9689, "Thanks": 9690, "\u0120mining": 9691, "\u0120visitors": 9692, "SH": 9693, "\u0120damaged": 9694, "\u0120characteristics": 9695, "\u0120Pent": 9696, "DC": 9697, "\u012083": 9698, "\u0120Six": 9699, "rates": 9700, "\u0120flags": 9701, "\u0120Brew": 9702, "dog": 9703, "Mark": 9704, "////": 9705, "\u0120execution": 9706, "\u0120joke": 9707, "phones": 9708, "\u0120testimony": 9709, "\u0120obst": 9710, "QL": 9711, "\u0120Cut": 9712, "\u0120studied": 9713, "\u0120Nintendo": 9714, "icket": 9715, "\u0120NBC": 9716, "\u0120lad": 9717, "\u0120Bra": 9718, "\u0120Moh": 9719, "\u0120kernel": 9720, "\u0120overwhelming": 9721, "\u0120aged": 9722, "\u0120applicable": 9723, "\u0120Cond": 9724, "\u0120roads": 9725, "\u0120Block": 9726, "made": 9727, "odge": 9728, "\u0120commands": 9729, "\u0120offices": 9730, "veland": 9731, "\u0120tut": 9732, "\u0120receiver": 9733, "\u0120Fro": 9734, "\u0120shopping": 9735, "\u0120iP": 9736, "\u0120Stre": 9737, "\u0120ABC": 9738, "\u0120entertainment": 9739, "\u0120Bow": 9740, "orted": 9741, "Mc": 9742, "\u0120reads": 9743, "grad": 9744, "\u0120Collect": 9745, "\u0120\u00e2\u012a\u0134": 9746, "\u0120Capital": 9747, "ederation": 9748, "\u0120employer": 9749, "\u0120involvement": 9750, "\u0120anxiety": 9751, "alia": 9752, "\u0120roof": 9753, "\u0120Among": 9754, "\u0120Democrat": 9755, "\u0120stats": 9756, "\u0120Vill": 9757, "\u0120constitutional": 9758, "\u0120referring": 9759, "itty": 9760, "\u0120tackle": 9761, "outube": 9762, "\u0120backed": 9763, "\u0120Hong": 9764, "\u0120Broad": 9765, "\u0120ele": 9766, "\u0120Ott": 9767, "\u01201992": 9768, "hour": 9769, "achusetts": 9770, "Cal": 9771, "\u0120defeated": 9772, "\u012081": 9773, "esp": 9774, "\u0120seemingly": 9775, "was": 9776, "\u0120Jenn": 9777, "\u0120Kurd": 9778, "\u0120gene": 9779, "\u0120discount": 9780, "Ret": 9781, "ECT": 9782, "();": 9783, "\u0120clubs": 9784, "\u0120sid": 9785, "\u0120Marsh": 9786, "Check": 9787, "\u0120pp": 9788, "\u0120Eag": 9789, "idespread": 9790, "\u0120beings": 9791, "FT": 9792, "\u0120introduction": 9793, "\u0120Change": 9794, "ARD": 9795, "\u0120110": 9796, "adows": 9797, "ierce": 9798, "\u0120meal": 9799, "author": 9800, "\u0120Bang": 9801, "lahoma": 9802, "\u0120ranks": 9803, "2011": 9804, "????": 9805, "max": 9806, "\u0120collapse": 9807, "\u0120opens": 9808, "\u0120echo": 9809, "\u0120soph": 9810, "\u0120racist": 9811, "\u0120enormous": 9812, "\u0120waves": 9813, "\u0120tap": 9814, "\u0120comprehensive": 9815, ".--": 9816, "\u0120Roy": 9817, "\u0120farmers": 9818, "Related": 9819, "aired": 9820, "rones": 9821, "\u0120Crim": 9822, "\u0120proportion": 9823, "\u0120designs": 9824, "\u0120negotiations": 9825, "\u0120virtually": 9826, "\u0120Batman": 9827, "\u0120warn": 9828, "\u0120legitimate": 9829, "mate": 9830, "\u0120convention": 9831, ",,": 9832, "netic": 9833, "\u0120SD": 9834, "\u0120consistently": 9835, "\u0120compensation": 9836, "\u0120punishment": 9837, "\u0120ye": 9838, "\u0120tie": 9839, "\u0120Bureau": 9840, "irlf": 9841, "\u0120Bu": 9842, "\u0120Aren": 9843, "\u0120Philipp": 9844, "\u0120knife": 9845, "\u0120memories": 9846, "\u0120Ross": 9847, "\u0120angle": 9848, "\u012086": 9849, "\u0120Thunder": 9850, "\u0120rend": 9851, "\u0120Tour": 9852, "\u0120counts": 9853, "sung": 9854, "\u0120Imp": 9855, "\u0120educational": 9856, "\u0120accessible": 9857, "COM": 9858, "\u0120drew": 9859, "yer": 9860, "Gl": 9861, "amine": 9862, "ORT": 9863, "OB": 9864, "IB": 9865, "master": 9866, "\u0120trials": 9867, "ogy": 9868, "har": 9869, "\u0120Trust": 9870, "\u0120preferred": 9871, "irlfriend": 9872, "\u0120Nev": 9873, "\u0120bin": 9874, "\u0120cow": 9875, "Page": 9876, "\u0120signature": 9877, "\u0120BL": 9878, "700": 9879, "\u0120retired": 9880, "\u0120bytes": 9881, "\u0120neighb": 9882, "\u0120Legend": 9883, "\u0120devast": 9884, "\u0120suspected": 9885, "isons": 9886, "\u0120Pok\u00c3\u00a9mon": 9887, "scale": 9888, "\u0120capabilities": 9889, "\u0120revel": 9890, "\u0120cheese": 9891, "dy": 9892, "igrant": 9893, "\u0120failing": 9894, "bits": 9895, "\u0120Heroes": 9896, "\u0120Ghost": 9897, "\u0120Scient": 9898, "\u0120appointed": 9899, "uri": 9900, "\u0120institution": 9901, "\u0120expanded": 9902, "greg": 9903, "\u0120monitoring": 9904, "\u0120podcast": 9905, "\u0120coalition": 9906, "\u012096": 9907, "Jo": 9908, "\u0120stolen": 9909, "\u0120Sab": 9910, "\u0120stops": 9911, "\u0120holiday": 9912, "\u0120intr": 9913, "Car": 9914, "Black": 9915, "\u0120LGBT": 9916, "\u0120warming": 9917, "\u0120Anderson": 9918, "\u012089": 9919, "\u0120producer": 9920, "Med": 9921, "\u0120accuracy": 9922, "\u0120Marvel": 9923, "izabeth": 9924, "\u0120Patrick": 9925, "mony": 9926, "\u0120mini": 9927, "acles": 9928, "\u0120overt": 9929, "they": 9930, "\u0120membership": 9931, "\u0120Ven": 9932, "\u0120exch": 9933, "\u0120removal": 9934, "\u0120Dave": 9935, "TY": 9936, "mad": 9937, "\u0120Find": 9938, "\u0120adequ": 9939, "\u0120ec": 9940, "\u0120teeth": 9941, "\u0120emotion": 9942, "\u0120perm": 9943, "\u0120solely": 9944, "db": 9945, "\u0120extraord": 9946, "IGHT": 9947, "cal": 9948, "\u0120guidelines": 9949, "\u0120dying": 9950, "\u0120suspended": 9951, "\u0120Premier": 9952, "\u0120Anthony": 9953, "elve": 9954, "\u0120dad": 9955, "\u0120Eth": 9956, "\u0120Football": 9957, "\u0120abandoned": 9958, "\u0120<<": 9959, "\u0120march": 9960, "\u0120horror": 9961, "\u00e2\u0122\u00a6\"": 9962, "\u0120childhood": 9963, "\u0120campaigns": 9964, "\u0120lunch": 9965, "\u0120Albert": 9966, "block": 9967, "\u00e2\u0138\u012a\u00e2\u0138\u012a": 9968, "ounding": 9969, "\u0120bone": 9970, "organ": 9971, "aders": 9972, "\u0120Flash": 9973, "\u0120Drive": 9974, "\u0120tonight": 9975, "\u0120wars": 9976, "\u0120FL": 9977, "\u0120formation": 9978, "const": 9979, "News": 9980, "\u0120compe": 9981, "orious": 9982, "\u0120Staff": 9983, "\u0120discussions": 9984, "\u0120Protection": 9985, "\u0120Jam": 9986, "\u0120criteria": 9987, "\u0120installation": 9988, "\u0120accomplish": 9989, "izza": 9990, "\u0120publisher": 9991, "\u0120rescue": 9992, "\u0120Try": 9993, "ULL": 9994, "\u0120Som": 9995, "\u0120Hop": 9996, "oret": 9997, "ths": 9998, "ordon": 9999, "\u0120pocket": 10000, "\u0120Inv": 10001, "Download": 10002, "\u0120Crime": 10003, "\u0120bene": 10004, "\u0120Guide": 10005, "\u0120Assembly": 10006, "\u0120parameters": 10007, "IE": 10008, "\u0120Alexander": 10009, "\u0120concert": 10010, "\u0120Sche": 10011, "\u0120shoes": 10012, "\u0120visiting": 10013, "\u0120recall": 10014, "\u0120bub": 10015, "\u0120rural": 10016, "\u0120concrete": 10017, "\u0120Ros": 10018, "Next": 10019, "Russ": 10020, "\u0120loans": 10021, "\u0120Shield": 10022, "\u0120trem": 10023, "hemat": 10024, "kg": 10025, "\u0120Harris": 10026, "isition": 10027, "\u0120Move": 10028, "\u0120FC": 10029, "\u0120fate": 10030, "\u0120Cho": 10031, "\u0120tired": 10032, "\u0120principal": 10033, "hist": 10034, "iences": 10035, "athy": 10036, "\u0120sevent": 10037, "\u0120mood": 10038, "\u0120strategic": 10039, "\u0120diseases": 10040, "\u0120forum": 10041, "\u0120tempor": 10042, "\u0120headquarters": 10043, "Par": 10044, "ige": 10045, "flix": 10046, "\u0120guitar": 10047, "\u012094": 10048, "Only": 10049, "\u0120releases": 10050, "roph": 10051, "================================": 10052, "\u0120600": 10053, "\u0120Continue": 10054, "igate": 10055, "\u0120Crit": 10056, "system": 10057, "\u0120disabled": 10058, "\u0120unexpected": 10059, "ithub": 10060, "\u0120unclear": 10061, "\u0120Est": 10062, "\u0120contrad": 10063, "\u0120strategies": 10064, "ventures": 10065, "\u0120passage": 10066, "AME": 10067, "\u0120improving": 10068, "\u0120reveals": 10069, "\u0120decrease": 10070, "ova": 10071, "\u0120annoy": 10072, "\u0120Short": 10073, "\u0120Library": 10074, "\u0120cyber": 10075, "nell": 10076, "\u0120Hur": 10077, "\u0120CB": 10078, "\u0120photograp": 10079, "UI": 10080, "\u0120sed": 10081, "Ge": 10082, "\u012087": 10083, "\u0120diverse": 10084, "\u0120encouraged": 10085, "\u0120conspiracy": 10086, "\u0120birds": 10087, "\u0120operator": 10088, "\u0120handful": 10089, "\u0120classified": 10090, "?)": 10091, "\u0120dramatic": 10092, "\u0120investigators": 10093, "ito": 10094, "\u0120widespread": 10095, "\u0120Room": 10096, "----------------------------------------------------------------": 10097, "\u0120collective": 10098, "\u0120journalist": 10099, "String": 10100, "\u0120temperatures": 10101, "ila": 10102, "\u0120guid": 10103, "\u0120inspect": 10104, "\u0120missile": 10105, "\u0120Mayor": 10106, "\u0120manual": 10107, "\u0120simultane": 10108, "\u0120ratings": 10109, "\u0120suck": 10110, "\u012097": 10111, "\u0120universal": 10112, "\u0120pharm": 10113, "\u0120disrupt": 10114, "iano": 10115, "AV": 10116, "\u0120ft": 10117, "\u0120statist": 10118, "olds": 10119, "\u0120Walker": 10120, "php": 10121, "\u0120undert": 10122, "\u0120Las": 10123, "ishop": 10124, "ntil": 10125, "reshold": 10126, "\u0120Whether": 10127, "Ms": 10128, "\u0120deny": 10129, "\u0120Cloud": 10130, "\u0120provider": 10131, "\u0120surviv": 10132, "\u0120Update": 10133, "has": 10134, "\u0120mistakes": 10135, "charge": 10136, "pled": 10137, "rity": 10138, "\u0120node": 10139, "\u0120Massachusetts": 10140, "ools": 10141, "lication": 10142, "\u0120fails": 10143, "emale": 10144, "ori": 10145, "backs": 10146, "\u0120shirt": 10147, "\u0120''": 10148, "\u0120NAT": 10149, "\u0120waters": 10150, "elson": 10151, "\u0120ease": 10152, "\u0120scar": 10153, "\u0120contents": 10154, "mind": 10155, "\u0120contribution": 10156, "\u0120shr": 10157, "\u0120handed": 10158, "\u0120stability": 10159, "\u0120trave": 10160, "Em": 10161, "\u0120mirror": 10162, "123": 10163, "\u0120weigh": 10164, "\u0120fiction": 10165, "ouver": 10166, "istant": 10167, "rition": 10168, "\u0120Fed": 10169, "\u0120physically": 10170, "\u0120stake": 10171, "\u0120Article": 10172, "\u0120Arc": 10173, "\u0120Lewis": 10174, "\u0120Mind": 10175, "\u0120demonstrate": 10176, "\u0120profits": 10177, "vision": 10178, "omic": 10179, "olid": 10180, "\u0120battles": 10181, "\u0120drives": 10182, "\u0120eastern": 10183, "\u0120Sony": 10184, "!!!": 10185, "aration": 10186, "vard": 10187, "\u0120GL": 10188, "portation": 10189, "\u012092": 10190, "\u0120lawmakers": 10191, "\u0120protecting": 10192, "\u0120EPA": 10193, "\u0120yeah": 10194, "\u0120shame": 10195, "olph": 10196, "even": 10197, "xit": 10198, "\u0120attach": 10199, "\u0120representing": 10200, "\u0120obs": 10201, "\u0120Utah": 10202, "iffs": 10203, "\u0120Freedom": 10204, "\u00c3\u00b3": 10205, "AK": 10206, "\u0120incidents": 10207, "itage": 10208, "\u0120viewers": 10209, "cd": 10210, "\u0120mouse": 10211, "\u0120clar": 10212, "\u0120accordance": 10213, "\u0120bot": 10214, "cor": 10215, "\u0120Summer": 10216, "held": 10217, "\u0120innocent": 10218, "\u0120initiative": 10219, "ols": 10220, "________________________________": 10221, "\u0120spots": 10222, "pace": 10223, "\u0120conventional": 10224, "\u0120corporations": 10225, "\u0120blocked": 10226, "HD": 10227, "attered": 10228, "\u0120refers": 10229, "\u0120buck": 10230, "\u0120Digital": 10231, "120": 10232, "\u0120topics": 10233, "TF": 10234, "\u00c4\u0123": 10235, "brid": 10236, "reement": 10237, "\u0120underlying": 10238, "\u0120Member": 10239, "\u0120investigating": 10240, "\u0120pregnancy": 10241, "\u0120touchdown": 10242, "\u0120Band": 10243, "\u0120Caller": 10244, "\u0120instances": 10245, "PP": 10246, "wa": 10247, "Good": 10248, "\u01201991": 10249, "\u0120Cold": 10250, "\u0120fears": 10251, "\u0120remarks": 10252, "\u0128\u0134": 10253, "atal": 10254, "\u0120mit": 10255, "\u0120experiments": 10256, "ipt": 10257, "Color": 10258, "indu": 10259, "Update": 10260, "\u012093": 10261, "Ag": 10262, "\u0120\u00e5": 10263, "ancouver": 10264, "Both": 10265, "\u0120judges": 10266, "Object": 10267, "\u0120stere": 10268, "umbn": 10269, "\u0120participation": 10270, "\u0120Stars": 10271, "\u0120Jere": 10272, "\u0120weekly": 10273, "\u0120Ban": 10274, "\u0120conversations": 10275, "\u0120Pitt": 10276, "uz": 10277, "\u0120Indiana": 10278, "\u0120Kick": 10279, "\u0120infection": 10280, "\u0120heroes": 10281, "\u0120settled": 10282, "\u0120strip": 10283, "\u0120hal": 10284, "\u0120dump": 10285, "\u0120Sci": 10286, "\u0120les": 10287, "\u0120references": 10288, "\u0120URL": 10289, "\u0120Bridge": 10290, "\u0120wanting": 10291, "Force": 10292, "\u0120exclus": 10293, "Meanwhile": 10294, "mn": 10295, "\u0120gentle": 10296, "maker": 10297, "senal": 10298, "\u0120Gro": 10299, "ouri": 10300, "\u0120Rain": 10301, "\u0120Alliance": 10302, "\u0120lift": 10303, "ela": 10304, "SD": 10305, "\u0120Cleveland": 10306, "\u0120ranked": 10307, "\u0120stadium": 10308, "\u0120deadly": 10309, "\u00e4\u00b8": 10310, "\u0120riding": 10311, "aria": 10312, "\u0120Armor": 10313, "\u0120documentation": 10314, "\u0120Greece": 10315, "reek": 10316, "\u0120lens": 10317, "\u0120Sa": 10318, "\u0120gross": 10319, "\u0120Emer": 10320, "agers": 10321, "\u0120Dub": 10322, "\u0120Rh": 10323, "\u0120AMD": 10324, "\u0120arrival": 10325, "\u0120desert": 10326, "\u0120supplement": 10327, "\u0120Resp": 10328, "\u0120knee": 10329, "\u0120margin": 10330, "font": 10331, "ogg": 10332, "2010": 10333, "\u0120Pir": 10334, "\u0120Prom": 10335, "ivals": 10336, "\u0120intake": 10337, "\u0120differently": 10338, "ugs": 10339, "\u0120bits": 10340, "cluded": 10341, "\u0120searching": 10342, "\u0120Du": 10343, "umble": 10344, "\u0120functional": 10345, "\u0120Baltimore": 10346, "\u0120Could": 10347, "\u0120desired": 10348, "\u0120circuit": 10349, "\u0120Lyn": 10350, "\u0120GO": 10351, "\u0120False": 10352, "repre": 10353, "':": 10354, "alties": 10355, "\u0120minim": 10356, "\u0120drove": 10357, "\u0120Should": 10358, "\u0120hip": 10359, "\u0120pros": 10360, "\u0120utility": 10361, "\u0120Nature": 10362, "\u0120Mode": 10363, "President": 10364, "opp": 10365, "rat": 10366, "formance": 10367, "\u0120concentration": 10368, "\u0120font": 10369, "\u0120Bud": 10370, "\u0120amid": 10371, "\u0120revers": 10372, "\u0120ML": 10373, "Bar": 10374, "\u0120interaction": 10375, "\u0120jurisd": 10376, "\u0120spells": 10377, "dep": 10378, "fil": 10379, "\u0120civilians": 10380, "utter": 10381, "\u0120Cooper": 10382, "\u0120Below": 10383, "\u0120entrance": 10384, "\u0120convert": 10385, "\u0120controversy": 10386, "owered": 10387, "\u0120contrary": 10388, "\u0120arc": 10389, "\u0120Executive": 10390, "\u0120Officer": 10391, "\u0120packages": 10392, "\u0120progressive": 10393, "width": 10394, "\u0120reserved": 10395, "vol": 10396, "\u0120Samsung": 10397, "\u0120printed": 10398, "\u0120centers": 10399, "\u0120introduce": 10400, "\u0120Kennedy": 10401, "\u0120odds": 10402, "\u0120surely": 10403, "\u0120independence": 10404, "\u0120passengers": 10405, "reprene": 10406, "\u0120Beh": 10407, "\u0120loves": 10408, "\u0120ESPN": 10409, "\u0120facilit": 10410, "\u0120identical": 10411, "\u0120doct": 10412, "\u0120partnership": 10413, "conf": 10414, "\u0120Hide": 10415, "\u0120confused": 10416, "\u0120Cow": 10417, "Men": 10418, "\u0120wrest": 10419, "\u0120Iraqi": 10420, "\u0120holes": 10421, "\u0120Studies": 10422, "\u0120pregnant": 10423, "hard": 10424, "\u0120signals": 10425, "IX": 10426, "\u0120pulling": 10427, "\u0120graduate": 10428, "\u0120nominee": 10429, "Date": 10430, "\u0120permitted": 10431, "\u0120\u00e2\u0124\u00ac": 10432, "\u0120Oklahoma": 10433, "Start": 10434, "\u0120authorized": 10435, "\u0120alarm": 10436, "\u0120Cos": 10437, "van": 10438, "\u0120generations": 10439, "cular": 10440, "\u0120dragon": 10441, "\u0120Software": 10442, "\u0120Edward": 10443, "\u0120controller": 10444, "Sen": 10445, "gered": 10446, "\u0120Vik": 10447, "\u0120approached": 10448, "Thank": 10449, "\u0120cance": 10450, "\u0120formula": 10451, "\u0120Small": 10452, "\u0120weakness": 10453, "\u0120ramp": 10454, "itudes": 10455, "jud": 10456, "\u0120brilliant": 10457, "\u0120accus": 10458, "source": 10459, "\u0120800": 10460, "\u0120Evil": 10461, "Sw": 10462, "\u0120homeless": 10463, "week": 10464, "iens": 10465, "rics": 10466, "\u0120Third": 10467, "TO": 10468, "\u0120organic": 10469, "\u0120presentation": 10470, "agh": 10471, "\u0120Download": 10472, "vation": 10473, "\u0120assembly": 10474, "orable": 10475, "holders": 10476, "\u0120Bernie": 10477, "\u0120Help": 10478, "\u0120tong": 10479, "\u0120Fight": 10480, "\u0120beach": 10481, "Book": 10482, "\u0120Lic": 10483, "\u0120rush": 10484, "\u0120Round": 10485, "oup": 10486, "\u0120Marx": 10487, "\u0120calculated": 10488, "\u0120Devil": 10489, "\u0120Sarah": 10490, "\u0120occasionally": 10491, "\u0120bullet": 10492, "Available": 10493, "gate": 10494, "\u012091": 10495, "\u0120hosp": 10496, "\u0120promises": 10497, "\u0120HIV": 10498, "\u0120Stadium": 10499, "\u0120Stock": 10500, "\u0120Corporation": 10501, "gage": 10502, "NG": 10503, "\u0120Credit": 10504, "\u0120sne": 10505, "ibl": 10506, "\u0120accum": 10507, "such": 10508, "\u0120terrorists": 10509, "\u0120consciousness": 10510, "\u0120Zh": 10511, "\u0120drama": 10512, "oola": 10513, "piration": 10514, "\u0120labour": 10515, "\u0120Nin": 10516, "\u0120utter": 10517, "\u0120democratic": 10518, "\u0120assass": 10519, "ilation": 10520, "\u0120gest": 10521, "\u0120abroad": 10522, "\u0120metab": 10523, "\u0120sorts": 10524, "\u0120flav": 10525, "UB": 10526, "\u0120mg": 10527, "\u0120Nothing": 10528, "\u0120Od": 10529, "\u0120musical": 10530, "2009": 10531, "\u0120drops": 10532, "ocated": 10533, "ateral": 10534, "000000": 10535, "\u0120gre": 10536, "\u0120equality": 10537, "\u0120burden": 10538, "\u0120vig": 10539, "\u0120Leader": 10540, "------------": 10541, "\u0120ceremony": 10542, "\u0120fighter": 10543, "\u0120actors": 10544, "\u0120\u00e6": 10545, "aman": 10546, "Fi": 10547, "\u0120align": 10548, "puter": 10549, "\u0120elder": 10550, "\u0120NSA": 10551, "\u0120representation": 10552, "\u0120Ontario": 10553, "ITH": 10554, "usalem": 10555, "\u0120harassment": 10556, "itzer": 10557, "\u0120symp": 10558, "\u0120boxes": 10559, "\u0120DR": 10560, "\u0120manifest": 10561, "atre": 10562, "\u0120^": 10563, "\u0120dies": 10564, "leton": 10565, "\u0120missions": 10566, "ethe": 10567, "\u0120resolve": 10568, "\u0120followers": 10569, "\u0120asc": 10570, "\u0120km": 10571, "lord": 10572, "ammed": 10573, "\u0120silent": 10574, "\u0120Associated": 10575, "\u0120timing": 10576, "\u0120prisoners": 10577, "\u0120Kings": 10578, "\u0120Five": 10579, "\u0120tower": 10580, "\u0120approaches": 10581, "\u0120precisely": 10582, "\u0120bureau": 10583, "\u0120Mother": 10584, "\u0120Iss": 10585, "\u0120keyboard": 10586, "itual": 10587, "\u0120funded": 10588, "\u0120staying": 10589, "\u0120psychological": 10590, "\u0120mile": 10591, "\u0120Leon": 10592, "\u0120Barb": 10593, "will": 10594, "\u0120wider": 10595, "\u0120Atlantic": 10596, "\u0120till": 10597, "\u0120Rome": 10598, "rot": 10599, "\u0120accompan": 10600, "\u0120flour": 10601, "aco": 10602, "World": 10603, "\u0120Express": 10604, "\u0120Yu": 10605, "Cor": 10606, "\u0120pleased": 10607, "party": 10608, "\u0120pointing": 10609, "\u0120inflation": 10610, "\u0120roy": 10611, "\u0120),": 10612, "ainer": 10613, "\u0120wedding": 10614, "ormon": 10615, "\u0120requiring": 10616, "\u0120qualified": 10617, "\u0120segment": 10618, "END": 10619, "\u0120sizes": 10620, "eals": 10621, "\u0120corrupt": 10622, "assador": 10623, "\u0120celeb": 10624, "\u0120dreams": 10625, "\u0120Mess": 10626, "\u0120checking": 10627, "\u0120Version": 10628, "\u0120preparing": 10629, "\u0120actively": 10630, "\u0120Diff": 10631, "\u0120lux": 10632, "\u0120Winter": 10633, "acteria": 10634, "\u0120NE": 10635, "\u0120deputy": 10636, "\u0120transgender": 10637, "\u0120summary": 10638, "\u0120inher": 10639, "eries": 10640, "char": 10641, "\u0120Yan": 10642, "\u0120knock": 10643, "\u0120Path": 10644, "\u0120lip": 10645, "roller": 10646, "\u0120impression": 10647, "\u0120celebrate": 10648, "\u0120slide": 10649, "\u0120guests": 10650, "\u0120clip": 10651, "FS": 10652, "\u0120savings": 10653, "\u0120captain": 10654, "\u0120legacy": 10655, "\u0120Denver": 10656, "\u0120wounded": 10657, "taboola": 10658, "ACT": 10659, "\u0120pursue": 10660, "\u0120oxy": 10661, "\u0120q": 10662, "\u0120semi": 10663, "\u0120Need": 10664, "\u0120Affairs": 10665, "\u0120obsc": 10666, "\u0120checked": 10667, "\u0120dual": 10668, "Code": 10669, "\u0120MD": 10670, "lem": 10671, "ulty": 10672, "\u0120\u00c2\u00a9": 10673, "\u0120Elizabeth": 10674, "\u0120centuries": 10675, "arded": 10676, "src": 10677, "\u0120evident": 10678, "ennis": 10679, "atin": 10680, "\u0120unemployment": 10681, "\u0120Mario": 10682, "\u0120intim": 10683, "Christ": 10684, "\u0120biological": 10685, "\u0120soldier": 10686, "\u0120Added": 10687, "\u0120math": 10688, "\u0120Gil": 10689, "\u0120bias": 10690, "\u0120dating": 10691, "\u0120Ocean": 10692, "\u0120mice": 10693, "Mus": 10694, "hire": 10695, "\u0120Tes": 10696, "Server": 10697, "limited": 10698, "Size": 10699, "\u0120meters": 10700, "\u0120rocket": 10701, "essee": 10702, "\u0120certificate": 10703, "\u0120Iranian": 10704, "ASS": 10705, "\u0120grid": 10706, "Dec": 10707, "\u0120rolling": 10708, "commun": 10709, "\u0120Sweden": 10710, "bury": 10711, "\u0120tissue": 10712, "\u0120racism": 10713, "\u0120Local": 10714, "\u0120mystery": 10715, "\u0120examine": 10716, "\u0120stem": 10717, "\u0120sits": 10718, "\u0120hoped": 10719, "oting": 10720, "\u0120dialogue": 10721, "\u0120persu": 10722, "Watch": 10723, "lay": 10724, "MAN": 10725, "\u0120chronic": 10726, "\u0120Portland": 10727, "market": 10728, "\u0120SEC": 10729, "\u0120parallel": 10730, "\u0120scandal": 10731, "\u0120carries": 10732, "\u0120phenomenon": 10733, "human": 10734, "acker": 10735, "\u0120Ox": 10736, "\u0120retirement": 10737, "tainment": 10738, "ovie": 10739, "\u0120Gear": 10740, "\u0120duties": 10741, "\u0120dose": 10742, "\u0120scroll": 10743, "MB": 10744, "inf": 10745, "\u0120sauce": 10746, "\u0120landscape": 10747, "reddit": 10748, "\u0120Championship": 10749, "\u0120Reddit": 10750, "alid": 10751, "\u0120coin": 10752, "\u0120overs": 10753, "\u0120posting": 10754, "about": 10755, "\u0120fel": 10756, "andy": 10757, "\u0120bold": 10758, "\u0120focusing": 10759, "effect": 10760, "GR": 10761, "\u0120deemed": 10762, "\u0120recommendations": 10763, "\u0120stepped": 10764, "\u0120voter": 10765, "\u0120Deep": 10766, "\u0120Instagram": 10767, "\u0120moderate": 10768, "\u0120Maryland": 10769, "\u0120restricted": 10770, "\u0120MB": 10771, "\u0120Chall": 10772, "\u0120tob": 10773, "\u0120cir": 10774, "\u0120Occ": 10775, "\u0120Ever": 10776, "\u0120collaps": 10777, "INFO": 10778, "=-": 10779, "\u0120Pict": 10780, "\u0120Account": 10781, "nc": 10782, "\u0120ought": 10783, "\u0120export": 10784, "\u0120drunk": 10785, "('": 10786, "\u0120wise": 10787, "\u0120Mort": 10788, "necess": 10789, "\u0120ancest": 10790, "\u0120Incre": 10791, "\u0120frequent": 10792, "mir": 10793, "\u0120interpretation": 10794, "\u0120dependent": 10795, "\u0120coins": 10796, "\u0120Bol": 10797, "Video": 10798, "\u0120Justin": 10799, "\u0120fatal": 10800, "\u0120cooking": 10801, "\u0120confusion": 10802, "ipher": 10803, "\u0120custody": 10804, "\u0120Morgan": 10805, "omach": 10806, "\u0120Governor": 10807, "\u0120restaurants": 10808, "eling": 10809, "\u0120acknowledged": 10810, "\u0120ther": 10811, "\u0120genes": 10812, "ching": 10813, "Hey": 10814, "\u0120tactics": 10815, "\u0120Mexican": 10816, "\u0120vend": 10817, "\u0120hes": 10818, "quer": 10819, "\u0120noting": 10820, "\u0120Cameron": 10821, "\u0120targeting": 10822, "rock": 10823, "\u0120credits": 10824, "\u0120emotions": 10825, "\u0120representatives": 10826, "news": 10827, "\u0120legislative": 10828, "\u0120removing": 10829, "\u0120tweeted": 10830, "\u0120Carter": 10831, "\u0120Fixed": 10832, "\u0120forcing": 10833, "\u0120speaker": 10834, "\u0120males": 10835, "\u0120Vietnam": 10836, "lined": 10837, "\u0120concepts": 10838, "\u0120voices": 10839, "oir": 10840, "\u0120Trib": 10841, "Whe": 10842, "\u0120Jerusalem": 10843, "\u0120Sant": 10844, "\u0120cul": 10845, "\u0120lady": 10846, "\u0120Hawai": 10847, "\u0120arts": 10848, "\u0120Inn": 10849, "\u0120Machine": 10850, "\u0120Emperor": 10851, "\u0120slot": 10852, "gly": 10853, "\u0120Process": 10854, "III": 10855, "\u0120athletes": 10856, "\u0120Temple": 10857, "\u0120Represent": 10858, "\u0120presc": 10859, "\u0120tons": 10860, "\u0120golden": 10861, "\u0120punch": 10862, "\u0120GR": 10863, "iverpool": 10864, "\u0120enact": 10865, "\u0120lobby": 10866, "\u0120mos": 10867, "\u0120picking": 10868, "\u0120lifetime": 10869, "\u0120cognitive": 10870, "Each": 10871, "zo": 10872, "\u0120dub": 10873, "\u0120consists": 10874, "oln": 10875, "\u0120festival": 10876, "amous": 10877, "\u0120intellig": 10878, "words": 10879, "\u0120Smart": 10880, "\u0120dele": 10881, "\u0120lapt": 10882, "\u0120magical": 10883, "\u0120Sin": 10884, "bus": 10885, "urities": 10886, "ighth": 10887, "\u0120Ruby": 10888, "\u0120Sure": 10889, "olving": 10890, "\u0120jun": 10891, "OST": 10892, "\u0120imposed": 10893, "\u0120astron": 10894, "\u0120correl": 10895, "\u0120NS": 10896, "\u0120Kit": 10897, "\u0120Future": 10898, "burn": 10899, "\u0120immune": 10900, "ocus": 10901, "\u0120courses": 10902, "\u0120String": 10903, "\u0120lean": 10904, "\u0120ghost": 10905, "\u0120outcomes": 10906, "\u0120expense": 10907, "\u0120everyday": 10908, "\u0120acceptable": 10909, "Ah": 10910, "\u0120equipped": 10911, "\u0120orange": 10912, "FR": 10913, "\u0120Dutch": 10914, "Though": 10915, "\u0120Rank": 10916, "QU": 10917, "\u0120Roberts": 10918, "what": 10919, "rend": 10920, "\u0120disappear": 10921, "\u0120spawn": 10922, "\u0120Lam": 10923, "ois": 10924, "\u0120deserve": 10925, "\u0120minimal": 10926, "\u0120nervous": 10927, "\u0120Would": 10928, "\u0120rook": 10929, "\u0120Vancouver": 10930, "\u0120resign": 10931, "shire": 10932, "\u0120Works": 10933, "\u0120Build": 10934, "\u0120affordable": 10935, "\u0120Gary": 10936, "\u0120Arena": 10937, "\u0120hanging": 10938, "\u0120implications": 10939, "\u0120Song": 10940, "\u0120maintaining": 10941, "\u0120guards": 10942, "CON": 10943, "\u0120derived": 10944, "\u0120executed": 10945, "\u0120theories": 10946, "\u0120quoted": 10947, "\u0120Andre": 10948, "oga": 10949, "seless": 10950, "info": 10951, "\u0120Belg": 10952, "\u0120tears": 10953, "\u0120Surv": 10954, "\u0120birthday": 10955, "igious": 10956, "immer": 10957, "\u0120spectrum": 10958, "\u0120architecture": 10959, "\u0120recruit": 10960, "arma": 10961, "Table": 10962, "\u0120monsters": 10963, "\u0120Gov": 10964, "\u0120destination": 10965, "\u0120attractive": 10966, "\u0120foss": 10967, "\u0120Moreover": 10968, "\u0120presents": 10969, "THE": 10970, "\u0120reply": 10971, "pton": 10972, "\u0120cum": 10973, "\u0120delight": 10974, "\u0120affects": 10975, "\u0120donations": 10976, "\u0120Toy": 10977, "\u0120Him": 10978, "MENT": 10979, "\u0120overcome": 10980, "itched": 10981, "\u0120Fantasy": 10982, "\u0120Hat": 10983, "\u0120Beast": 10984, "bott": 10985, "\u0120investigations": 10986, "Run": 10987, "\u0120hunting": 10988, "di": 10989, "fund": 10990, "\u0120sessions": 10991, "estyle": 10992, "\u0120portray": 10993, "oids": 10994, "Yeah": 10995, "\u0120communicate": 10996, "\u0120comedy": 10997, "\u0120Yang": 10998, "\u0120belt": 10999, "\u0120Marine": 11000, "\u0120predicted": 11001, "Play": 11002, "\u0120importantly": 11003, "\u0120remarkable": 11004, "\u0120eliminate": 11005, "David": 11006, "\u0120bind": 11007, "VID": 11008, "\u0120advocates": 11009, "\u0120Gaza": 11010, "imp": 11011, "DB": 11012, "\u0120Na": 11013, "\u0120Similar": 11014, "IES": 11015, "\u0120charity": 11016, "vas": 11017, "math": 11018, "\u0120\u00e2\u0138": 11019, "oker": 11020, "ndum": 11021, "\u0120caps": 11022, "\u0120Hal": 11023, "2000": 11024, "ean": 11025, "\u0120fleet": 11026, "\u0120recre": 11027, "Right": 11028, "\u0120sleeping": 11029, "ijing": 11030, "kind": 11031, "\u0120designated": 11032, "\u00c3\u00a4": 11033, "\u0120animation": 11034, "kee": 11035, "\u0120Introdu": 11036, "\u0120/>": 11037, "\u0120delayed": 11038, "\u0120tremend": 11039, "\u0120curious": 11040, "Use": 11041, "\u0120lect": 11042, "dam": 11043, "\u0120innovation": 11044, "\u0120Points": 11045, "\u0120loading": 11046, "\u0120dispute": 11047, "ctic": 11048, "irds": 11049, "\u0120BY": 11050, "\u0120nurs": 11051, "\u0120Value": 11052, "IONS": 11053, "\u0120Hum": 11054, "\u0120template": 11055, "mers": 11056, "\u0120appearances": 11057, "\u0120Entertainment": 11058, "\u0120translation": 11059, "\u0120sake": 11060, "\u0120beneath": 11061, "\u0120inhib": 11062, "\u0120euro": 11063, "abetes": 11064, "\u0120studying": 11065, "\u0120Mas": 11066, "\u0120perceived": 11067, "\u0120examined": 11068, "\u0120eager": 11069, "\u0120coaches": 11070, "\u0120imper": 11071, "chi": 11072, "\u0120produces": 11073, "\").": 11074, "\u0120Everyone": 11075, "\u0120municip": 11076, "\u0120girlfriend": 11077, "\u0120hire": 11078, "\u0120Vice": 11079, "\u0120suitable": 11080, "opy": 11081, "\u0120inequ": 11082, "\u0120Duke": 11083, "fish": 11084, "first": 11085, "\u0120Obs": 11086, "\u0120interior": 11087, "\u0120Bruce": 11088, "\u0120Ry": 11089, "\u0120analys": 11090, "\u0120considerable": 11091, "\u0120forecast": 11092, "\u0120fert": 11093, "orship": 11094, "\u0120Drug": 11095, "\u0120ALL": 11096, ":\"": 11097, "thur": 11098, "\u0120Mail": 11099, "\u0120ballot": 11100, "\u0120instantly": 11101, "\u0120Channel": 11102, "\u0120picks": 11103, "\u01201989": 11104, "\u0120tent": 11105, "oli": 11106, "\u0120civilian": 11107, "bling": 11108, "ello": 11109, "bu": 11110, "\u0120inch": 11111, "\u0120logo": 11112, "\u0120cooperation": 11113, "\u0120walks": 11114, "\u0120investments": 11115, "\u0120imprison": 11116, "\u0120Festival": 11117, "\u0120Ky": 11118, "\u0120legally": 11119, "\u0120gri": 11120, "charg": 11121, "Sl": 11122, "\u0120threatening": 11123, "duction": 11124, "flow": 11125, "\u0120dismissed": 11126, "ibraries": 11127, "cap": 11128, "ele": 11129, "\u0120McG": 11130, "\u0120Harvard": 11131, "\u0120Conservative": 11132, "\u0120CBS": 11133, "png": 11134, "\u0120roots": 11135, "\u0120Having": 11136, "umbled": 11137, "\u0120Fun": 11138, "\\/": 11139, "\u0120Search": 11140, "plex": 11141, "\u0120discussing": 11142, "\u0120continu": 11143, "\u0120Tai": 11144, "\u0120Wik": 11145, "Free": 11146, "fit": 11147, "\u0120refuse": 11148, "\u0120managing": 11149, "\u0120synd": 11150, "ipedia": 11151, "walk": 11152, "\u0120professionals": 11153, "\u0120guidance": 11154, "\u0120universities": 11155, "\u0120assemb": 11156, "untu": 11157, "Finally": 11158, "ASE": 11159, "\u0120Auto": 11160, "\u0120Had": 11161, "\u0120anniversary": 11162, "LD": 11163, "\u0120Dur": 11164, "\u0120Ultimate": 11165, "ihad": 11166, "product": 11167, "\u0120transit": 11168, "\u0120restore": 11169, "\u0120explaining": 11170, "\u0120asset": 11171, "\u0120transferred": 11172, "\u0120burst": 11173, "apolis": 11174, "\u0120Magazine": 11175, "\u0120Cra": 11176, "\u0120BR": 11177, "gged": 11178, "\u0120HE": 11179, "Mich": 11180, "bet": 11181, "\u0120Lady": 11182, "ylum": 11183, "erves": 11184, "\u0120meets": 11185, "white": 11186, "Log": 11187, "\u0120corresponding": 11188, "\u0120insisted": 11189, "GG": 11190, "\u0120surrounded": 11191, "\u0120tens": 11192, "\u0120lane": 11193, "\u0120coinc": 11194, "home": 11195, "\u0120existed": 11196, "ected": 11197, "\u0120Double": 11198, "lamm": 11199, "\u0120skept": 11200, "exp": 11201, "\u0120perception": 11202, "iev": 11203, "\u0120Being": 11204, "oft": 11205, "\u0120adopt": 11206, ".:": 11207, "];": 11208, "Windows": 11209, "\u0120satellite": 11210, "ASH": 11211, "\u0120infant": 11212, "description": 11213, "\u0120Meanwhile": 11214, "cm": 11215, "oca": 11216, "\u0120Treat": 11217, "actor": 11218, "\u0120tobacco": 11219, "\u0120Norm": 11220, "emption": 11221, "\u0120flesh": 11222, "\u0120je": 11223, "oop": 11224, "\u0120Heaven": 11225, "\u0120beating": 11226, "anim": 11227, "\u0120gathering": 11228, "\u0120cultiv": 11229, "GO": 11230, "abe": 11231, "\u0120Jonathan": 11232, "\u0120Safety": 11233, "\u0120badly": 11234, "prot": 11235, "\u0120choosing": 11236, "\u0120contacted": 11237, "\u0120quit": 11238, "\u0120distur": 11239, "\u0120stir": 11240, "\u0120token": 11241, "Det": 11242, "\u0120Pa": 11243, "\u0120functionality": 11244, "003": 11245, "some": 11246, "\u0120limitations": 11247, "\u0120meth": 11248, "build": 11249, "config": 11250, "NT": 11251, "rell": 11252, "blem": 11253, "\u0120Mom": 11254, "\u0120veterans": 11255, "\u0120Hu": 11256, "\u0120trends": 11257, "arer": 11258, "\u0120Given": 11259, "\u0120Caption": 11260, "may": 11261, "AST": 11262, "\u0120wondering": 11263, "\u0120Clark": 11264, "normal": 11265, "\u0120separated": 11266, "\u0120desp": 11267, "stic": 11268, "brew": 11269, "\u0120relating": 11270, "\u0120Nik": 11271, "\u0120Farm": 11272, "\u0120enthusi": 11273, "good": 11274, "deb": 11275, "\u0120activist": 11276, "\u0120mart": 11277, "\u0120explosion": 11278, "\u0120Economic": 11279, "Link": 11280, "\u0120insight": 11281, "\u0120convenient": 11282, "\u0120counterpart": 11283, "support": 11284, "\u0120Virt": 11285, "agen": 11286, "\u0120Tennessee": 11287, "\u0120Simon": 11288, "\u0120Award": 11289, "OCK": 11290, "\u0120Figure": 11291, "\u0120overseas": 11292, "\u0120pride": 11293, "\u0120Cas": 11294, "note": 11295, "mg": 11296, "Current": 11297, "\u0120displays": 11298, "content": 11299, "\u0120traveling": 11300, "\u0120hospitals": 11301, "\u0120Financial": 11302, "\u0120Past": 11303, "\u0120defendant": 11304, "\u0120streaming": 11305, "mble": 11306, "\u0120Berlin": 11307, "uki": 11308, "\u0120distribut": 11309, "\u0120antib": 11310, "\u0120chocolate": 11311, "\u0120Castle": 11312, "\u0120interrupt": 11313, "\u0120Row": 11314, "\u0120conversion": 11315, "\u0120bugs": 11316, "\u0120Rather": 11317, "liest": 11318, "LY": 11319, "\u0120Jean": 11320, "common": 11321, "akh": 11322, "\u0120130": 11323, "otton": 11324, "\u0120Dean": 11325, "\u0120amendment": 11326, "\u0120gameplay": 11327, "\u0120Warren": 11328, "oda": 11329, "\u0120highlights": 11330, "\u0120irre": 11331, "\u0120NATO": 11332, "\u0120balls": 11333, "\u0120demanding": 11334, "URE": 11335, "\u0120Luke": 11336, "Figure": 11337, "stop": 11338, "onia": 11339, "zone": 11340, "izers": 11341, "\u0120WR": 11342, "\u0120awarded": 11343, "\u0120regulatory": 11344, "\u0120Hart": 11345, "\u0120SN": 11346, "pling": 11347, "\u0120sour": 11348, "\u0120Pixel": 11349, "usive": 11350, "\u0120fet": 11351, "\u0120Sent": 11352, "\u0120automatic": 11353, "\u0120fer": 11354, "vernment": 11355, "\u0120Khan": 11356, "TON": 11357, "father": 11358, "\u0120extraordinary": 11359, "throp": 11360, "\u0120Python": 11361, "\u0120GPU": 11362, "\u0120sexually": 11363, "\u0120desktop": 11364, "itivity": 11365, "\u0120Antonio": 11366, "\u0120orient": 11367, "\u0120ears": 11368, "obby": 11369, "ouses": 11370, "vertisements": 11371, "\u0120manufacturers": 11372, "icient": 11373, "minute": 11374, "\u0120conviction": 11375, "\u0120garden": 11376, "public": 11377, "\u0120satisfied": 11378, "fold": 11379, "OK": 11380, "\u0120inhab": 11381, "\u0120Think": 11382, "\u0120programme": 11383, "\u0120stomach": 11384, "\u0120coordin": 11385, "\u0120holy": 11386, "\u0120threshold": 11387, "\u0120rhet": 11388, "\u0120serial": 11389, "\u0120employers": 11390, "\u0120Everything": 11391, "rah": 11392, "\u0120bother": 11393, "\u0120brands": 11394, "Value": 11395, "\u0120Ted": 11396, "\u0120Planet": 11397, "\u0120pink": 11398, "\u0120Furthermore": 11399, "sa": 11400, "PE": 11401, "reck": 11402, "\u0120USD": 11403, "otte": 11404, "\u0120&&": 11405, "\u0120landed": 11406, "gets": 11407, "\u0120producers": 11408, "\u0120healthcare": 11409, "\u0120dominant": 11410, "\u0120destro": 11411, "\u0120amended": 11412, "chron": 11413, "\u0120fits": 11414, "\u0120Syd": 11415, "\u0120Authority": 11416, "ATCH": 11417, "\u0120fights": 11418, "\u0120LLC": 11419, "\u0120---": 11420, "\u0120Corp": 11421, "\u0120toxic": 11422, "specific": 11423, "\u0120Corn": 11424, "\u0120Chel": 11425, "\u0120telephone": 11426, "\u0120Pant": 11427, "\u0120mysterious": 11428, "aunch": 11429, "odox": 11430, "media": 11431, "\u0120witnesses": 11432, "agu": 11433, "\u0120questioned": 11434, "\u0120Brexit": 11435, "\u0120Remember": 11436, "enez": 11437, "\u0120endorse": 11438, "iatric": 11439, "\u0120Ident": 11440, "\u0120ridiculous": 11441, "110": 11442, "\u0120prayer": 11443, "\u0120scientist": 11444, "\u01201950": 11445, "\u0120Aqu": 11446, "\u0120underground": 11447, "\u0120UFC": 11448, "mare": 11449, "\u0120Later": 11450, "wich": 11451, "\u0120subscrib": 11452, "\u0120hosts": 11453, "\u0120err": 11454, "\u0120grants": 11455, "antom": 11456, "\u0120summon": 11457, "early": 11458, "\u0120Clear": 11459, "\u0120Prim": 11460, "\u0120suspension": 11461, "\u0120guaranteed": 11462, "apper": 11463, "\u0120rice": 11464, "\u0120Sean": 11465, "\u0120Shin": 11466, "\u0120referendum": 11467, "\u0120fled": 11468, "rust": 11469, "\u0120360": 11470, "tery": 11471, "\u0120shocked": 11472, "BR": 11473, "\u0120Oil": 11474, "\u0120Allah": 11475, "\u0120partly": 11476, "\u0120ignor": 11477, "\u0120transmission": 11478, "\u0120homosexual": 11479, "iversal": 11480, "\u0120hopefully": 11481, "\u00e3\u0124\u00a4": 11482, "\u0120lesson": 11483, "Leg": 11484, "\u0120..": 11485, "Yet": 11486, "table": 11487, "appropri": 11488, "rett": 11489, "\u0120boards": 11490, "\u0120incorrect": 11491, "\u0120bacteria": 11492, "aru": 11493, "amac": 11494, "\u0120snap": 11495, ".'\"": 11496, "\u0120parad": 11497, "tem": 11498, "heart": 11499, "\u0120availability": 11500, "\u0120wisdom": 11501, "\u0120(+": 11502, "\u0120priest": 11503, "\u0120\u00c2\u0142\u0120\u00c2\u0142": 11504, "Open": 11505, "\u0120span": 11506, "\u0120parameter": 11507, "\u0120convince": 11508, "\u0120(%)": 11509, "rac": 11510, "\u0120fo": 11511, "\u0120safely": 11512, "\u0120converted": 11513, "\u0120Olympic": 11514, "\u0120reserve": 11515, "\u0120healing": 11516, "\u0120Mine": 11517, "Max": 11518, "\u0120inherent": 11519, "\u0120Graham": 11520, "\u0120integrated": 11521, "Dem": 11522, "\u0120pipeline": 11523, "\u0120applying": 11524, "\u0120embed": 11525, "\u0120Charlie": 11526, "\u0120cave": 11527, "2008": 11528, "\u0120consensus": 11529, "\u0120rewards": 11530, "Pal": 11531, "\u0120HTML": 11532, "\u0120popularity": 11533, "looking": 11534, "\u0120Sword": 11535, "\u0120Arts": 11536, "')": 11537, "\u0120electron": 11538, "clusions": 11539, "\u0120integrity": 11540, "\u0120exclusively": 11541, "\u0120grace": 11542, "\u0120torture": 11543, "\u0120burned": 11544, "two": 11545, "\u0120180": 11546, "Produ": 11547, "\u0120entreprene": 11548, "raphics": 11549, "\u0120gym": 11550, "ricane": 11551, "\u0120Tam": 11552, "\u0120administrative": 11553, "\u0120manufacturer": 11554, "\u0120vel": 11555, "\u0120Ni": 11556, "\u0120isolated": 11557, "\u0120Medicine": 11558, "\u0120backup": 11559, "\u0120promoting": 11560, "\u0120commander": 11561, "\u0120flee": 11562, "\u0120Russell": 11563, "\u0120forgotten": 11564, "\u0120Missouri": 11565, "\u0120residence": 11566, "mons": 11567, "\u0120resemb": 11568, "\u0120wand": 11569, "\u0120meaningful": 11570, "PT": 11571, "\u0120bol": 11572, "\u0120helic": 11573, "\u0120wealthy": 11574, "\u0120rifle": 11575, "strong": 11576, "rowing": 11577, "plan": 11578, "asury": 11579, "\u00e2\u0122\u00a6.": 11580, "\u0120expanding": 11581, "\u0120Hamilton": 11582, "\u0120receives": 11583, "SI": 11584, "eatures": 11585, "\u0120Anim": 11586, "REE": 11587, "Put": 11588, "\u0120briefly": 11589, "rive": 11590, "\u0120stimul": 11591, "\u0120``(": 11592, "\u0120__": 11593, "\u0120chip": 11594, "\u0120haz": 11595, "\u0120prize": 11596, "\u0120Things": 11597, "ACE": 11598, "ulin": 11599, "dict": 11600, "oku": 11601, "\u0120associate": 11602, "ockets": 11603, "youtube": 11604, "Story": 11605, "ategory": 11606, "\u0120mild": 11607, "ailing": 11608, "\u0120Ye": 11609, "Orig": 11610, "\u0120Ka": 11611, "orig": 11612, "\u0120propaganda": 11613, "\u0120anonymous": 11614, "\u0120struggled": 11615, "\u0120outrage": 11616, "ATED": 11617, "\u0120Beijing": 11618, "rary": 11619, "\u0120leather": 11620, "\u0120worlds": 11621, "\u0120broader": 11622, "125": 11623, "idal": 11624, "\u0120Better": 11625, "\u0120tear": 11626, "Ext": 11627, "\u0120proposals": 11628, "\u0120iter": 11629, "\u0120Squad": 11630, "\u0120volunt": 11631, "mi": 11632, "Did": 11633, "\u0120Pu": 11634, "pin": 11635, "\u0120speakers": 11636, "\u0120borders": 11637, "\u0120figured": 11638, "='": 11639, "\u0120simultaneously": 11640, "aeda": 11641, "\u0120charging": 11642, "\u0120urged": 11643, "\u0120conj": 11644, "256": 11645, "\u0120Gordon": 11646, "merce": 11647, "\u0120documentary": 11648, "Share": 11649, "itol": 11650, "ONE": 11651, "\u0120Garden": 11652, "hatt": 11653, "\u0120Thompson": 11654, "aneous": 11655, "apore": 11656, "\u0120tanks": 11657, "\u0120lessons": 11658, "track": 11659, "\u0120outstanding": 11660, "\u0120volunteers": 11661, "\u0120spray": 11662, "\u0120managers": 11663, "large": 11664, "\u0120camps": 11665, "\u0120artificial": 11666, "\u0120Ru": 11667, "\u0120bags": 11668, "thal": 11669, "\u0120compatible": 11670, "\u0120Blade": 11671, "\u0120fed": 11672, "\u0120argues": 11673, "FI": 11674, "\u0120unfair": 11675, "\u0120corn": 11676, "\u0120offset": 11677, "\u0120directions": 11678, "\u0120disappointed": 11679, "\u0120Convention": 11680, "\u0120viewing": 11681, "ME": 11682, "ocity": 11683, "\u0120towns": 11684, "\u0120layers": 11685, "\u0120rolled": 11686, "\u0120jumped": 11687, "\u0120attribute": 11688, "\u0120unnecess": 11689, "incoln": 11690, "\u0120suppose": 11691, "\u0120Nether": 11692, "cha": 11693, "\u0120buried": 11694, "\u0120sixth": 11695, "Ben": 11696, "ressing": 11697, "OUR": 11698, "\u0120wound": 11699, "\u0120cycl": 11700, "\u0120mechanisms": 11701, "\u0120congressional": 11702, "\u0120Element": 11703, "\u0120agreements": 11704, "\u0120decor": 11705, "\u0120closest": 11706, "\u0120Mit": 11707, "Google": 11708, "}}": 11709, "\u0120mixture": 11710, "\u0120fluid": 11711, "Sign": 11712, "\u0120Scholar": 11713, "\u0120pist": 11714, "asket": 11715, "abling": 11716, "\u0120racing": 11717, "hero": 11718, "riel": 11719, "assy": 11720, "\u0120cheaper": 11721, "ben": 11722, "\u0120vertical": 11723, "amacare": 11724, "\u0120Reading": 11725, "gments": 11726, "\u0120helicop": 11727, "\u0120sacrifice": 11728, "aya": 11729, "paren": 11730, "VA": 11731, "\u0120Les": 11732, "\u0120Studio": 11733, "\u0120violations": 11734, "\u0120Anna": 11735, "acer": 11736, "\u00e9\u00be": 11737, "\u0120Rat": 11738, "\u0120Beck": 11739, "\u0120Dick": 11740, "\u0120ACT": 11741, "\u0120composition": 11742, "\u0120texture": 11743, "\u0120Own": 11744, "\u0120smartphone": 11745, "\u0120NA": 11746, "\u0120forb": 11747, "import": 11748, "\u0120defending": 11749, "ilst": 11750, "rer": 11751, "\u0120oh": 11752, "\u0120Jeremy": 11753, "\u0120banking": 11754, "ceptions": 11755, "\u0120respective": 11756, "/.": 11757, "\u0120drinks": 11758, "\u0120Wi": 11759, "\u0120bands": 11760, "\u0120Liverpool": 11761, "\u0120grip": 11762, "\u0120Buy": 11763, "\u0120openly": 11764, "\u0120reviewed": 11765, "pert": 11766, "\u0120verify": 11767, "\u0120Cole": 11768, "\u0120Wales": 11769, "MO": 11770, "\u0120unpre": 11771, "\u0120shelter": 11772, "\u0120Imperial": 11773, "\u0120gui": 11774, "\u0120Dak": 11775, "\u0120suggestions": 11776, "\u0120explicitly": 11777, "\u0120slave": 11778, "\u0120blockchain": 11779, "\u0120competing": 11780, "\u0120promising": 11781, "SON": 11782, "\u0120soccer": 11783, "\u0120constitution": 11784, "429": 11785, "\u0120distract": 11786, "\u0120User": 11787, "esides": 11788, "\u0120Method": 11789, "\u0120Tokyo": 11790, "\u0120accompanied": 11791, "Client": 11792, "sur": 11793, "alog": 11794, "\u0120identification": 11795, "\u0120invasion": 11796, "asma": 11797, "\u0120industries": 11798, "ppers": 11799, "\u0120subtle": 11800, "\u0120Unit": 11801, "natural": 11802, "\u0120survived": 11803, "\u0120flaw": 11804, "\u013a\u0127": 11805, "\u0120Holl": 11806, "\u0120deficit": 11807, "\u0120tutorial": 11808, "\u0120Chance": 11809, "\u0120arguing": 11810, "\u0120contemporary": 11811, "\u0120integration": 11812, "forward": 11813, "\u0120tum": 11814, "itis": 11815, "\u0120hiding": 11816, "\u0120Domin": 11817, "\u0120Tan": 11818, "\u0120Building": 11819, "\u0120Vin": 11820, "\u0120spokesperson": 11821, "\u0120Notes": 11822, "\u0120emerging": 11823, "\u0120preparation": 11824, "\u0120prost": 11825, "\u0120suspects": 11826, "\u0120autonom": 11827, "Description": 11828, "\u0120dealt": 11829, "\u0120Pear": 11830, "\u0120steady": 11831, "\u0120decreased": 11832, "\u0120sovere": 11833, "\u0120Clin": 11834, "\u0120gradually": 11835, "orses": 11836, "\u0120WAR": 11837, "Serv": 11838, "\u00e3\u0124\u00a2": 11839, "hr": 11840, "\u0120dirty": 11841, "\u0120Barn": 11842, "\u0120BC": 11843, "\u0120dil": 11844, "\u0120calendar": 11845, "\u0120compliance": 11846, "\u0120chamber": 11847, "bb": 11848, "\u0120passenger": 11849, "ateful": 11850, "\u0120Title": 11851, "\u0120Sydney": 11852, "\u0120Got": 11853, "\u0120darkness": 11854, "\u0120defect": 11855, "\u0120packed": 11856, "assion": 11857, "\u0120gods": 11858, "\u0120harsh": 11859, "ICK": 11860, "leans": 11861, "\u0120algorithm": 11862, "\u0120oxygen": 11863, "\u0120visits": 11864, "\u0120blade": 11865, "\u0120kilomet": 11866, "\u0120Kentucky": 11867, "\u0120killer": 11868, "Pack": 11869, "enny": 11870, "\u0120divine": 11871, "\u0120nomination": 11872, "being": 11873, "\u0120engines": 11874, "\u0120cats": 11875, "\u0120buffer": 11876, "\u0120Phill": 11877, "\u0120traff": 11878, "AGE": 11879, "\u0120tongue": 11880, "\u0120radiation": 11881, "erer": 11882, "mem": 11883, "\u0120Explicit": 11884, "\u00e9\u00be\u012f": 11885, "\u0120couples": 11886, "\u0120physics": 11887, "\u0120McK": 11888, "\u0120politically": 11889, "awks": 11890, "\u0120Bloom": 11891, "\u0120worship": 11892, "eger": 11893, "uter": 11894, "\u0120FO": 11895, "\u0120mathemat": 11896, "\u0120sentenced": 11897, "\u0120disk": 11898, "\u0120Marg": 11899, "\u0120/*": 11900, "PI": 11901, "\u0120optional": 11902, "\u0120babies": 11903, "\u0120seeds": 11904, "\u0120Scottish": 11905, "\u0120thy": 11906, "]]": 11907, "\u0120Hitler": 11908, "PH": 11909, "ngth": 11910, "\u0120recovered": 11911, "inge": 11912, "\u0120powder": 11913, "\u0120lips": 11914, "\u0120designer": 11915, "\u0120disorders": 11916, "\u0120courage": 11917, "\u0120chaos": 11918, "\"},{\"": 11919, "\u0120carrier": 11920, "bably": 11921, "High": 11922, "\u0120RT": 11923, "esity": 11924, "len": 11925, "\u0120routes": 11926, "uating": 11927, "Fil": 11928, "NOT": 11929, "wall": 11930, "sburgh": 11931, "\u0120engaging": 11932, "\u0120JavaScript": 11933, "orer": 11934, "lihood": 11935, "\u0120unions": 11936, "\u0120Federation": 11937, "\u0120Tesla": 11938, "\u0120completion": 11939, "\u0120Ta": 11940, "\u0120privilege": 11941, "\u0120Orange": 11942, "\u0120neur": 11943, "parency": 11944, "\u0120bones": 11945, "\u0120titled": 11946, "\u0120prosecutors": 11947, "\u0120ME": 11948, "\u0120engineer": 11949, "\u0120Universe": 11950, "\u0120Hig": 11951, "nie": 11952, "oard": 11953, "\u0120hearts": 11954, "\u0120Gre": 11955, "ussion": 11956, "\u0120ministry": 11957, "\u0120penet": 11958, "\u0120Nut": 11959, "\u0120Ow": 11960, "\u0120XP": 11961, "instein": 11962, "\u0120bulk": 11963, "System": 11964, "icism": 11965, "\u0120Marketable": 11966, "\u0120preval": 11967, "\u0120poster": 11968, "\u0120attending": 11969, "urable": 11970, "\u0120licensed": 11971, "\u0120Gh": 11972, "etry": 11973, "\u0120Tradable": 11974, "\u0120blast": 11975, "\u00e0\u00a4": 11976, "\u0120Titan": 11977, "elled": 11978, "die": 11979, "Have": 11980, "\u0120Flame": 11981, "\u0120profound": 11982, "\u0120participating": 11983, "\u0120anime": 11984, "\u0120Ess": 11985, "\u0120specify": 11986, "\u0120regarded": 11987, "\u0120Spell": 11988, "\u0120sons": 11989, "owned": 11990, "\u0120merc": 11991, "\u0120experimental": 11992, "lando": 11993, "hs": 11994, "\u0120Dungeon": 11995, "inos": 11996, "\u0120comply": 11997, "\u0120Systems": 11998, "arth": 11999, "\u0120seized": 12000, "local": 12001, "\u0120Girls": 12002, "udo": 12003, "oned": 12004, "\u0120Fle": 12005, "\u0120constructed": 12006, "\u0120hosted": 12007, "\u0120scared": 12008, "actic": 12009, "\u0120Islands": 12010, "\u0120MORE": 12011, "\u0120bless": 12012, "\u0120blocking": 12013, "\u0120chips": 12014, "\u0120evac": 12015, "Ps": 12016, "\u0120corporation": 12017, "\u0120ox": 12018, "\u0120lighting": 12019, "\u0120neighbors": 12020, "\u0120Ub": 12021, "aro": 12022, "\u0120beef": 12023, "\u0120Uber": 12024, "Facebook": 12025, "armed": 12026, "itate": 12027, "\u0120Rating": 12028, "\u0120Quick": 12029, "\u0120occupied": 12030, "\u0120aims": 12031, "\u0120Additionally": 12032, "\u0120Interest": 12033, "\u0120dramatically": 12034, "\u0120heal": 12035, "\u0120painting": 12036, "\u0120engineers": 12037, "MM": 12038, "\u0120Must": 12039, "\u0120quantity": 12040, "Paul": 12041, "\u0120earnings": 12042, "\u0120Posts": 12043, "stra": 12044, "\u00e3\u0125\u00bc\u00e3\u0125": 12045, "\u0120stance": 12046, "\u0120dropping": 12047, "script": 12048, "\u0120dressed": 12049, "Make": 12050, "\u0120justify": 12051, "\u0120Ltd": 12052, "\u0120prompted": 12053, "\u0120scrut": 12054, "\u0120speeds": 12055, "\u0120Giants": 12056, "omer": 12057, "\u0120Editor": 12058, "\u0120describing": 12059, "\u0120Lie": 12060, "mented": 12061, "\u0120nowhere": 12062, "ocaly": 12063, "\u0120instruction": 12064, "fortable": 12065, "\u0120entities": 12066, "\u0120cm": 12067, "\u0120Natural": 12068, "\u0120inquiry": 12069, "\u0120pressed": 12070, "izont": 12071, "forced": 12072, "\u0120raises": 12073, "\u0120Netflix": 12074, "\u0120Side": 12075, "\u0120outer": 12076, "\u0120amongst": 12077, "ims": 12078, "owski": 12079, "\u0120climb": 12080, "never": 12081, "\u0120combine": 12082, "ding": 12083, "\u0120compr": 12084, "\u0120significance": 12085, "\u0120remembered": 12086, "\u0120Nevada": 12087, "\u0120Tel": 12088, "\u0120Scar": 12089, "\u0120Warriors": 12090, "\u0120Jane": 12091, "\u0120coup": 12092, "bas": 12093, "\u0120terminal": 12094, ",-": 12095, "OH": 12096, "\u0120tension": 12097, "\u0120wings": 12098, "\u0120Myster": 12099, "\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 12100, "\u0120Unlike": 12101, "valid": 12102, "vironments": 12103, "\u0120Ali": 12104, "\u0120naked": 12105, "books": 12106, "\u0120Mun": 12107, "\u0120Gulf": 12108, "\u0120density": 12109, "\u0120dimin": 12110, "\u0120desperate": 12111, "\u0120presidency": 12112, "\u01201986": 12113, "hy": 12114, "IND": 12115, "\u0120unlock": 12116, "imens": 12117, "\u0120handled": 12118, "\u0120Eb": 12119, "\u0120disappeared": 12120, "\u0120genre": 12121, "\u01201988": 12122, "\u0120determination": 12123, "Stream": 12124, "iko": 12125, "apters": 12126, "\u0120acknowledge": 12127, "Jan": 12128, "\u0120capitalism": 12129, "Pat": 12130, "\u01202020": 12131, "\u0120painful": 12132, "\u0120curve": 12133, "\u0120bombs": 12134, "storm": 12135, "\u0120Metal": 12136, "encer": 12137, "\u0120Fig": 12138, "\u0120Aaron": 12139, "anches": 12140, "\u0120inspiration": 12141, "\u0120exhaust": 12142, "tains": 12143, "ashi": 12144, "\u0120descript": 12145, "\u0120ritual": 12146, "\u0120Chelsea": 12147, "\u0120promotion": 12148, "\u0120Hung": 12149, "\u0120Ward": 12150, "iva": 12151, "\u0120ET": 12152, "\u0120toss": 12153, "allow": 12154, "\u0120Francis": 12155, "Dep": 12156, "\u0120happiness": 12157, "\u0120Glass": 12158, "\u0120beta": 12159, "\u0120strengthen": 12160, "NE": 12161, "oa": 12162, "\u0120buttons": 12163, "\u0120Murray": 12164, "\u0120kicked": 12165, "Quest": 12166, "\u0120Talk": 12167, "\u0120Several": 12168, "\u0120Zero": 12169, "\u0120drone": 12170, "ulk": 12171, "\u0120cam": 12172, "\u0120Mobile": 12173, "\u0120preventing": 12174, "\u0120retro": 12175, "\u0120Ax": 12176, "\u0120cruel": 12177, "\u0120float": 12178, ".),": 12179, "\u0120filing": 12180, "\u0120Grant": 12181, "\u0120Bor": 12182, "\u0120rib": 12183, "\u0120championship": 12184, "\u0120Merc": 12185, "\u0120styles": 12186, "\u0120cake": 12187, "\u0120builds": 12188, "\u0120Self": 12189, "iox": 12190, "\u0120epic": 12191, "oyd": 12192, "Bel": 12193, "\u0120Stew": 12194, ".(": 12195, "ahu": 12196, "\u0120Beyond": 12197, "\u0120outs": 12198, "\u0120solo": 12199, "\u0120Tree": 12200, "\u0120preserve": 12201, "\u0120tub": 12202, "ARE": 12203, "roc": 12204, "\u0120Impro": 12205, "\u0120Wright": 12206, "\u0120bund": 12207, "\u0120traged": 12208, "\u0120occasional": 12209, "bian": 12210, "Second": 12211, "rons": 12212, "\u0120interactions": 12213, "formed": 12214, "sing": 12215, "\u0120owns": 12216, "\u0120hockey": 12217, "General": 12218, "\u0120logical": 12219, "\u0120expend": 12220, "\u0120escal": 12221, "\u0120Griff": 12222, "\u0120Crown": 12223, "\u0120Reserve": 12224, "\u0120stopping": 12225, "\u0120excuse": 12226, "second": 12227, "\u0120operated": 12228, "\u0120reaches": 12229, "\u0120Malays": 12230, "\u0120pollution": 12231, "\u0120Brooklyn": 12232, "\u0120delete": 12233, "\u0120hash": 12234, "Block": 12235, "aha": 12236, "\u00e2\u0122\u00b3": 12237, "\u0120shorter": 12238, "piece": 12239, ">>>": 13163, "\u0120Mormon": 13164, "tor": 13165, "\u0120particles": 13166, "\u0120Bart": 13167, "ryption": 13168, "\u0120admin": 13169, "\u0120squee": 13170, "VIDIA": 13171, "\u0120creator": 13172, "iameter": 13173, "icular": 13174, "NBC": 13175, "\u0120grabbed": 13176, "\u0120nodd": 13177, "\u0120rated": 13178, "\u0120rotation": 13179, "\u0120grasp": 13180, "\u0120excessive": 13181, "\u0120EC": 13182, "\u0120Whit": 13183, "\u0120inventory": 13184, "aults": 13185, "\u0120FB": 13186, "\u0120ecosystem": 13187, "\u0120billions": 13188, "\u0120venture": 13189, "named": 13190, "\u0120defender": 13191, "oute": 13192, "Instead": 13193, "irable": 13194, "War": 13195, "\u0120assumption": 13196, "\u0120bite": 13197, "\u0120earthqu": 13198, "tail": 13199, "space": 13200, "\u0120gifts": 13201, "boys": 13202, "\u0120inevitable": 13203, "\u0120structural": 13204, "\u0120beneficial": 13205, "\u0120compelling": 13206, "hole": 13207, "ervation": 13208, "\u0120coat": 13209, "oj": 13210, "incarn": 13211, "\u0120Years": 13212, "\u0120determining": 13213, "\u0120rhetoric": 13214, "\u0120boundaries": 13215, "\u0120whites": 13216, "Ant": 13217, "addy": 13218, ")-": 13219, "raham": 13220, "etermin": 13221, "\u0120harvest": 13222, "\u0120Conc": 13223, "\u0120laptop": 13224, "\u0120Match": 13225, "\u0120enjoying": 13226, "cca": 13227, "ollar": 13228, "\u0120trips": 13229, "\u0120addiction": 13230, "\u0120Sak": 13231, "\u0120powered": 13232, "\u0120cous": 13233, "\u0120Russians": 13234, "iere": 13235, "\u0120retrie": 13236, "quality": 13237, "\u0120differ": 13238, "\u0120kingdom": 13239, "\u0120Laur": 13240, "\u0120Capitol": 13241, "\u0120conclusions": 13242, "\u0120Altern": 13243, "\u0120Nav": 13244, "\u0120transparent": 13245, "BER": 13246, "Group": 13247, "\u0120Complete": 13248, "\u0120infer": 13249, "\u0120intrig": 13250, "\u0120insane": 13251, "RO": 13252, "ophob": 13253, "isen": 13254, "qual": 13255, "Michael": 13256, "\u0120museum": 13257, "\u0120Pope": 13258, "\u0120reset": 13259, "rative": 13260, "five": 13261, "\u0120aggreg": 13262, "ittees": 13263, "ository": 13264, "\u0120carb": 13265, "\u0120Record": 13266, "\u0120decides": 13267, "\u0120Fix": 13268, "\u0120exceptions": 13269, "\u0120Commissioner": 13270, "uns": 13271, "\u0120Environmental": 13272, "\u0120legendary": 13273, "istence": 13274, "\u0120tunnel": 13275, "km": 13276, "\u0120insult": 13277, "\u0120troll": 13278, "\u0120shake": 13279, "\u0120detention": 13280, "ques": 13281, "\u0120Chrome": 13282, "\u0120Files": 13283, "\u0120subt": 13284, "\u0120prospects": 13285, "\u0120prol": 13286, "render": 13287, "proof": 13288, "\u0120performances": 13289, "Str": 13290, "\u0120href": 13291, "ername": 13292, "\u0120achievement": 13293, "\u0120fut": 13294, "Full": 13295, "\u0120Leban": 13296, "google": 13297, "\u00e3\u0125\u012a": 13298, "ampa": 13299, "Maybe": 13300, "\u0120projected": 13301, "\u0120Emb": 13302, "\u0120colleg": 13303, "\u0120awards": 13304, "\u0120\u00e2\u0136": 13305, "Gold": 13306, "\u0120Blake": 13307, "\u0120Raj": 13308, "ifting": 13309, "\u0120pending": 13310, "\u0120instinct": 13311, "\u0120developments": 13312, "Connect": 13313, "\u0120Mand": 13314, "\u0120WITH": 13315, "\u0120Philippines": 13316, "profile": 13317, "\u0120altogether": 13318, "\u0120Bund": 13319, "\u0120TD": 13320, "oooo": 13321, "amped": 13322, "iph": 13323, "\u0120steam": 13324, "\u0120oldest": 13325, "\u0120detection": 13326, "ulpt": 13327, "\u0120\u00e7": 13328, "\u0120Wayne": 13329, "2006": 13330, "fa": 13331, "\u0120circles": 13332, "\u0120Fu": 13333, "\u0120donors": 13334, "appropriate": 13335, "\u0120Dakota": 13336, "jamin": 13337, "\u0120motivated": 13338, "\u0120purchases": 13339, "\u0120Louisiana": 13340, "\u0120Spl": 13341, "\u0120globe": 13342, "\u0120105": 13343, "zip": 13344, "call": 13345, "\u0120departments": 13346, "\u0120sustainable": 13347, "105": 13348, "\u0120OP": 13349, "ifiers": 13350, "\u0120prevented": 13351, "\u0120incomp": 13352, "\u0120Commander": 13353, "\u0120dominated": 13354, "\u0120\u00c2\u00bb": 13355, "\u0120invested": 13356, "\u0120complexity": 13357, "\u0120incl": 13358, "\u0120ensuring": 13359, "\u0120realm": 13360, "ync": 13361, "\u0120Independent": 13362, "rained": 13363, "\u0120Jen": 13364, "\u0120Flight": 13365, "\u0120athe": 13366, "\u0120speculation": 13367, "\u0120TE": 13368, "ocate": 13369, "tic": 13370, "\u0120plaint": 13371, "herry": 13372, "\u0120toy": 13373, "\u0120111": 13374, "\u0120plates": 13375, "status": 13376, "\u0120Isa": 13377, "\u0120devoted": 13378, "Cop": 13379, "\u0120ES": 13380, "255": 13381, "urrency": 13382, "Main": 13383, "\u0120slaves": 13384, "\u0120pepper": 13385, "\u0120quotes": 13386, "\u0120ceiling": 13387, "\u0120Fish": 13388, "\u0120transformation": 13389, "\u0120fraction": 13390, "\u0120advantages": 13391, "\u0120toile": 13392, "\u0120stunning": 13393, "\u0120moist": 13394, "breaking": 13395, "si": 13396, "\u0120Location": 13397, "\u0120Medium": 13398, "\u0120texts": 13399, "\u0120ugly": 13400, "\u0120bio": 13401, ".\u00e2\u0122\u0136": 13402, "\u0120Based": 13403, "\u0120trains": 13404, "\u0120Wing": 13405, "\u0120Ancient": 13406, "\u0120Records": 13407, "\u0120Hope": 13408, "Special": 13409, "adesh": 13410, "obi": 13411, "[/": 13412, "\u0120temporarily": 13413, "Ver": 13414, "hu": 13415, "oser": 13416, "\u0120overnight": 13417, "\u0120mamm": 13418, "\u0120Treasury": 13419, "\u0120Venezuel": 13420, "\u0120Mega": 13421, "\u0120tar": 13422, "\u0120expects": 13423, "black": 13424, "orph": 13425, "\\\\\\\\": 13426, "\u0120acceptance": 13427, "\u0120radar": 13428, "sis": 13429, "\u0120junior": 13430, "\u0120frames": 13431, "\u0120observation": 13432, "acies": 13433, "Power": 13434, "\u0120Advanced": 13435, "Mag": 13436, "ologically": 13437, "\u0120Mechan": 13438, "\u0120sentences": 13439, "\u0120analysts": 13440, "aughters": 13441, "forcement": 13442, "\u0120vague": 13443, "\u0120clause": 13444, "\u0120directors": 13445, "\u0120evaluate": 13446, "\u0120cabinet": 13447, "Matt": 13448, "\u0120Classic": 13449, "Ang": 13450, "\u0120cler": 13451, "\u0120Buck": 13452, "\u0120researcher": 13453, "\u0120160": 13454, "\u0120poorly": 13455, "\u0120experiencing": 13456, "\u0120Ped": 13457, "\u0120Manhattan": 13458, "\u0120freed": 13459, "\u0120themes": 13460, "advant": 13461, "\u0120nin": 13462, "\u0120praise": 13463, "104": 13464, "\u0120Libya": 13465, "best": 13466, "\u0120trusted": 13467, "\u0120cease": 13468, "\u0120dign": 13469, "Direct": 13470, "\u0120bombing": 13471, "\u0120migration": 13472, "\u0120Sciences": 13473, "\u0120municipal": 13474, "\u0120Average": 13475, "\u0120glory": 13476, "\u0120revealing": 13477, "\u0120arena": 13478, "\u0120uncertainty": 13479, "\u0120battlefield": 13480, "iao": 13481, "God": 13482, "\u0120cinem": 13483, "rape": 13484, "elle": 13485, "apons": 13486, "\u0120listing": 13487, "\u0120waited": 13488, "\u0120spotted": 13489, "keley": 13490, "\u0120Audio": 13491, "eor": 13492, "arding": 13493, "idding": 13494, "igma": 13495, "\u0120Neg": 13496, "\u0120lone": 13497, "\u0120----": 13498, "exe": 13499, "deg": 13500, "\u0120transf": 13501, "\u0120wash": 13502, "\u0120slavery": 13503, "\u0120exploring": 13504, "\u0120WW": 13505, "atson": 13506, "\u0120encl": 13507, "lies": 13508, "\u0120Creek": 13509, "\u0120wooden": 13510, "Manager": 13511, "\u0120Brand": 13512, "ummy": 13513, "\u0120Arthur": 13514, "\u0120bureaucr": 13515, "\u0120blend": 13516, "arians": 13517, "Further": 13518, "\u0120supposedly": 13519, "\u0120winds": 13520, "\u01201979": 13521, "\u0120gravity": 13522, "\u0120analyses": 13523, "\u0120Travel": 13524, "\u0120Veter": 13525, "\u0120dumb": 13526, "\u0120alternate": 13527, "gal": 13528, "\u0120consumed": 13529, "\u0120effectiveness": 13530, ".''": 13531, "\u0120paths": 13532, "onda": 13533, "LA": 13534, "\u0120Strong": 13535, "\u0120enables": 13536, "\u0120escaped": 13537, "\u0120\"\"": 13538, "\u0120112": 13539, "\u01201983": 13540, "\u0120smiled": 13541, "\u0120tendency": 13542, "Fire": 13543, "\u0120pars": 13544, "\u0120Roc": 13545, "\u0120lake": 13546, "\u0120fitness": 13547, "\u0120Ath": 13548, "\u0120Horn": 13549, "\u0120hier": 13550, "\u0120impose": 13551, "mother": 13552, "\u0120pension": 13553, "icut": 13554, "borne": 13555, "iciary": 13556, "._": 13557, "\u0120SU": 13558, "\u0120polar": 13559, "isy": 13560, "engu": 13561, "itialized": 13562, "ATA": 13563, "write": 13564, "\u0120exercises": 13565, "\u0120Diamond": 13566, "otypes": 13567, "\u0120harmful": 13568, "onz": 13569, "\u0120printing": 13570, "story": 13571, "\u0120expertise": 13572, "\u0120Ger": 13573, "\u0120tragedy": 13574, "\u0120Fly": 13575, "\u0120divid": 13576, "ampire": 13577, "stock": 13578, "Mem": 13579, "\u0120reign": 13580, "\u0120unve": 13581, "\u0120amend": 13582, "\u0120Prophet": 13583, "\u0120mutual": 13584, "\u0120Fac": 13585, "\u0120replacing": 13586, "Har": 13587, "\u0120Circuit": 13588, "\u0120throat": 13589, "\u0120Shot": 13590, "\u0120batteries": 13591, "\u0120toll": 13592, "\u0120addressing": 13593, "\u0120Medicaid": 13594, "\u0120pupp": 13595, "\u0120Nar": 13596, "olk": 13597, "\u0120equity": 13598, "MR": 13599, "\u0120Hispan": 13600, "\u0120Large": 13601, "mid": 13602, "Dev": 13603, "\u0120exped": 13604, "\u0120demo": 13605, "\u0120Marshall": 13606, "ergus": 13607, "\u0120fiber": 13608, "\u0120divorce": 13609, "\u0120Create": 13610, "\u0120slower": 13611, "\u0120Parker": 13612, "\u0120Student": 13613, "\u0120Training": 13614, "Return": 13615, "\u0120Tru": 13616, "\u0120cub": 13617, "\u0120Reached": 13618, "\u0120panic": 13619, "\u0120quarters": 13620, "\u0120rect": 13621, "\u0120treating": 13622, "\u0120rats": 13623, "\u0120Christianity": 13624, "oler": 13625, "\u0120sacred": 13626, "\u0120declare": 13627, "ulative": 13628, "eting": 13629, "\u0120delivering": 13630, "estone": 13631, "\u0120tel": 13632, "\u0120Larry": 13633, "\u0120meta": 13634, "accept": 13635, "artz": 13636, "\u0120Roger": 13637, "handed": 13638, "\u0120header": 13639, "\u0120trapped": 13640, "\u0120Century": 13641, "\u0120knocked": 13642, "\u0120Oxford": 13643, "\u0120survivors": 13644, "bot": 13645, "\u0120demonstration": 13646, "\u0120dirt": 13647, "\u0120assists": 13648, "OME": 13649, "\u0120Draft": 13650, "ortunate": 13651, "folio": 13652, "pered": 13653, "usters": 13654, "gt": 13655, "\u0120Lock": 13656, "\u0120judicial": 13657, "verted": 13658, "\u0120secured": 13659, "outing": 13660, "\u0120Books": 13661, "\u0120hosting": 13662, "\u0120lifted": 13663, "length": 13664, "\u0120jer": 13665, "\u0120wheels": 13666, "\u0120Range": 13667, "umbnails": 13668, "\u0120diagnosis": 13669, "tech": 13670, "\u0120Stewart": 13671, "\u0120Pract": 13672, "\u0120nationwide": 13673, "\u0120dear": 13674, "\u0120obligations": 13675, "\u0120grows": 13676, "\u0120mandatory": 13677, "\u0120suspicious": 13678, "!'": 13679, "Apr": 13680, "Great": 13681, "\u0120mortgage": 13682, "\u0120prosecutor": 13683, "\u0120editorial": 13684, "\u0120Kr": 13685, "\u0120processed": 13686, "ungle": 13687, "\u0120flexibility": 13688, "Earlier": 13689, "\u0120Cart": 13690, "\u0120Sug": 13691, "\u0120focuses": 13692, "\u0120startup": 13693, "\u0120breach": 13694, "\u0120Tob": 13695, "cycle": 13696, "\u00e3\u0122\u012e": 13697, "rose": 13698, "\u0120bizarre": 13699, "\u00e3\u0122\u012f": 13700, "\u0120vegetables": 13701, "$$": 13702, "\u0120retreat": 13703, "oshi": 13704, "\u0120Shop": 13705, "\u0120Ground": 13706, "\u0120Stop": 13707, "\u0120Hawaii": 13708, "\u0120Ay": 13709, "Perhaps": 13710, "\u0120Beaut": 13711, "uffer": 13712, "enna": 13713, "\u0120productivity": 13714, "Fixed": 13715, "control": 13716, "\u0120absent": 13717, "\u0120Campaign": 13718, "Green": 13719, "\u0120identifying": 13720, "\u0120regret": 13721, "\u0120promoted": 13722, "\u0120Seven": 13723, "\u0120eru": 13724, "neath": 13725, "aughed": 13726, "\u0120Pin": 13727, "\u0120Living": 13728, "Cost": 13729, "omatic": 13730, "mega": 13731, "\u0120Nig": 13732, "ocy": 13733, "\u0120inbox": 13734, "\u0120empire": 13735, "\u0120horizont": 13736, "\u0120branches": 13737, "\u0120metaph": 13738, "Active": 13739, "edi": 13740, "\u0120Film": 13741, "\u0120Something": 13742, "\u0120mods": 13743, "incial": 13744, "\u0120Original": 13745, "Gen": 13746, "\u0120spirits": 13747, "\u0120earning": 13748, "Hist": 13749, "\u0120riders": 13750, "\u0120sacrific": 13751, "MT": 13752, "\u0120VA": 13753, "\u0120Salt": 13754, "\u0120occupation": 13755, "\u0120Mi": 13756, "\u0120disg": 13757, "lict": 13758, "\u0120nit": 13759, "\u0120nodes": 13760, "eem": 13761, "\u0120Pier": 13762, "\u0120hatred": 13763, "psy": 13764, "\u00e3\u0125\u012b": 13765, "\u0120theater": 13766, "\u0120sophisticated": 13767, "\u0120defended": 13768, "\u0120besides": 13769, "\u0120thoroughly": 13770, "\u0120Medicare": 13771, "\u0120blamed": 13772, "arently": 13773, "\u0120crying": 13774, "FOR": 13775, "priv": 13776, "\u0120singing": 13777, "\u0120Il": 13778, "\u0120cute": 13779, "oided": 13780, "olitical": 13781, "\u0120Neuro": 13782, "\u00e5\u00a4": 13783, "\u0120donation": 13784, "\u0120Eagles": 13785, "\u0120Give": 13786, "Tom": 13787, "\u0120substantially": 13788, "\u0120License": 13789, "\u0120Ja": 13790, "\u0120grey": 13791, "\u0120Animal": 13792, "\u0120ER": 13793, "\u0120Und": 13794, "\u0120keen": 13795, "\u0120conclude": 13796, "\u0120Mississippi": 13797, "Engine": 13798, "\u0120Studios": 13799, "Press": 13800, "overs": 13801, "llers": 13802, "\u0120350": 13803, "\u0120Rangers": 13804, "\u0120rou": 13805, "erto": 13806, "Ep": 13807, "issa": 13808, "ivan": 13809, "\u0120seal": 13810, "\u0120Regist": 13811, "display": 13812, "\u0120weaken": 13813, "uum": 13814, "\u0120Commons": 13815, "\u0120Say": 13816, "\u0120cultures": 13817, "\u0120laughed": 13818, "\u0120slip": 13819, "\u0120treatments": 13820, "izable": 13821, "mart": 13822, "\u0120Rice": 13823, "\u0120beast": 13824, "\u0120obesity": 13825, "\u0120Laure": 13826, "iga": 13827, "Which": 13828, "holder": 13829, "\u0120elderly": 13830, "\u0120pays": 13831, "\u0120complained": 13832, "\u0120crop": 13833, "\u0120proc": 13834, "\u0120explosive": 13835, "\u0120Fan": 13836, "\u0120Arsenal": 13837, "Author": 13838, "eful": 13839, "\u0120meals": 13840, "\u0120(-": 13841, "idays": 13842, "\u0120imagination": 13843, "\u0120annually": 13844, "\u0120ms": 13845, "asures": 13846, "Head": 13847, "ikh": 13848, "matic": 13849, "\u0120boyfriend": 13850, "\u0120Computer": 13851, "\u0120bump": 13852, "\u0120surge": 13853, "\u0120Craig": 13854, "\u0120Kirk": 13855, "Del": 13856, "mediate": 13857, "\u0120scenarios": 13858, "\u0120Mut": 13859, "\u0120Stream": 13860, "\u0120competitors": 13861, "\u00d9\u0126": 13862, "\u0120Stanford": 13863, "\u0120Resources": 13864, "azed": 13865, "bage": 13866, "\u0120organis": 13867, "\u0120Release": 13868, "\u0120separately": 13869, "\u0120habits": 13870, "\u0120measurements": 13871, "\u0120Close": 13872, "\u0120accompany": 13873, "\u0120gly": 13874, "\u0120tang": 13875, "\u0120Rou": 13876, "\u0120plugin": 13877, "\u0120convey": 13878, "\u0120Challenge": 13879, "oots": 13880, "jan": 13881, "\u0120curs": 13882, "\u0120Relations": 13883, "keeper": 13884, "\u0120approaching": 13885, "ping": 13886, "Speaking": 13887, "\u0120arrangement": 13888, "\u0120VI": 13889, "arettes": 13890, "\u0120affecting": 13891, "\u0120permits": 13892, "because": 13893, "\u0120useless": 13894, "\u0120Hus": 13895, "!!!!": 13896, "\u0120destroying": 13897, "Unfortunately": 13898, "\u0120fascinating": 13899, "Sem": 13900, "\u0120electoral": 13901, "\u0120transparency": 13902, "\u0120Chaos": 13903, "\u0120volunteer": 13904, "\u0120statistical": 13905, "\u0120activated": 13906, "rox": 13907, "Web": 13908, "HE": 13909, "\u0120Hampshire": 13910, "isive": 13911, "Map": 13912, "\u0120trash": 13913, "\u0120Lawrence": 13914, "stick": 13915, "Cr": 13916, "\u0120rings": 13917, "EXT": 13918, "\u0120operational": 13919, "opes": 13920, "Does": 13921, "\u0120Evans": 13922, "\u0120witnessed": 13923, "Port": 13924, "\u0120launching": 13925, "econom": 13926, "wear": 13927, "\u0120Particip": 13928, "umm": 13929, "cules": 13930, "\u0120RAM": 13931, "\u0120Tun": 13932, "\u0120assured": 13933, "\u0120binary": 13934, "\u0120betray": 13935, "\u0120exploration": 13936, "\u0120Fel": 13937, "\u0120admission": 13938, "itated": 13939, "Sy": 13940, "\u0120avoided": 13941, "\u0120Simulator": 13942, "\u0120celebrated": 13943, "\u0120Electric": 13944, "\u00a5\u0140": 13945, "\u0120cluster": 13946, "itzerland": 13947, "health": 13948, "Line": 13949, "\u0120Nash": 13950, "aton": 13951, "\u0120spare": 13952, "\u0120enterprise": 13953, "\u0120DIS": 13954, "cludes": 13955, "\u0120flights": 13956, "\u0120regards": 13957, "\u0120\u00c3\u0139": 13958, "half": 13959, "\u0120trucks": 13960, "\u0120contacts": 13961, "\u0120uncons": 13962, "\u0120Climate": 13963, "\u0120immense": 13964, "NEW": 13965, "occ": 13966, "ective": 13967, "\u0120embod": 13968, "\u0120patrol": 13969, "\u0120beside": 13970, "\u0120viable": 13971, "\u0120creep": 13972, "\u0120triggered": 13973, "verning": 13974, "\u0120comparable": 13975, "ql": 13976, "\u0120gaining": 13977, "asses": 13978, "\u0120();": 13979, "\u0120Grey": 13980, "\u0120MLS": 13981, "sized": 13982, "\u0120prosper": 13983, "\"?": 13984, "\u0120polling": 13985, "\u0120shar": 13986, "\u0120RC": 13987, "\u0120firearm": 13988, "orient": 13989, "\u0120fence": 13990, "\u0120variations": 13991, "giving": 13992, "\u0120Pi": 13993, "ospel": 13994, "\u0120pledge": 13995, "\u0120cure": 13996, "\u0120spy": 13997, "\u0120violated": 13998, "\u0120rushed": 13999, "\u0120stroke": 14000, "\u0120Blog": 14001, "sels": 14002, "\u0120Ec": 14003, ",''": 14004, "\u0120pale": 14005, "\u0120Collins": 14006, "terror": 14007, "\u0120Canadians": 14008, "\u0120tune": 14009, "\u0120laboratory": 14010, "\u0120nons": 14011, "tarian": 14012, "\u0120disability": 14013, "\u0120Gam": 14014, "\u0120singer": 14015, "alg": 14016, "\u0120Senior": 14017, "\u0120traded": 14018, "\u0120Warrior": 14019, "\u0120infring": 14020, "\u0120Franklin": 14021, "\u0120strain": 14022, "\u0120Swedish": 14023, "\u0120seventh": 14024, "\u0120Benn": 14025, "\u0120Tell": 14026, "\u0120syndrome": 14027, "\u0120wondered": 14028, "iden": 14029, "++++": 14030, "igo": 14031, "\u0120purple": 14032, "\u0120journalism": 14033, "\u0120rebel": 14034, "\u0120fu": 14035, "blog": 14036, "\u0120invite": 14037, "rencies": 14038, "\u0120Contact": 14039, "Israel": 14040, "\u0120Content": 14041, "\u0120cheer": 14042, "\u0120bedroom": 14043, "\u0120Engineering": 14044, "\u0120Queens": 14045, "\u0120dwell": 14046, "\u0120PlayStation": 14047, "\u0120Dim": 14048, "\u0120Colon": 14049, "lr": 14050, "\u0120operates": 14051, "\u0120motivation": 14052, "USA": 14053, "astered": 14054, "Core": 14055, "\u0120Truth": 14056, "olo": 14057, "OSE": 14058, "\u0120Memory": 14059, "\u0120predec": 14060, "\u0120anarch": 14061, "\u01201920": 14062, "\u0120Yam": 14063, "\u00c3\u00a8": 14064, "bid": 14065, "\u0120grateful": 14066, "\u0120excitement": 14067, "\u0120treasure": 14068, "\u0120longest": 14069, "ctive": 14070, "\u0120deserves": 14071, "\u0120reserves": 14072, "\u0120cops": 14073, "\u0120Ottawa": 14074, "\u0120Egyptian": 14075, "anked": 14076, "\u0120artif": 14077, "\u0120hypothesis": 14078, ":/": 14079, "\u0120purchasing": 14080, "\u0120lovely": 14081, "HP": 14082, "\u0120divide": 14083, "\u0120strictly": 14084, "\u0120questioning": 14085, "\u0120taxpayers": 14086, "\u0120Joy": 14087, "\u0120rolls": 14088, "\u0120Heavy": 14089, "\u0120ports": 14090, "\u0120magnetic": 14091, "\u0120inflamm": 14092, "\u0120brush": 14093, "tics": 14094, "\u00e2\u012a\u0134": 14095, "\u0120bottles": 14096, "ppy": 14097, "\u0120padd": 14098, "\u00e3\u0124\u00af": 14099, "million": 14100, "\u0120devastating": 14101, "\u0120compiled": 14102, "\u0120medication": 14103, "\u0120twelve": 14104, "\u0120Perry": 14105, "Space": 14106, "imb": 14107, "your": 14108, "\u0120leaked": 14109, "\u0120Tar": 14110, "\u0120unity": 14111, "\u0120infected": 14112, "\u0120traveled": 14113, "IDE": 14114, "\u0120McDonald": 14115, "txt": 14116, "\u0120Princ": 14117, "\u0120interven": 14118, "\u0120Taiwan": 14119, "\u0120Pow": 14120, "\u0120bearing": 14121, "\u0120Thread": 14122, "\u0120zones": 14123, "izards": 14124, "unks": 14125, "Chapter": 14126, "llor": 14127, "\u0120\u00c2\u00b7": 14128, "\u0120wounds": 14129, "\u0120discretion": 14130, "\u0120succeeded": 14131, "iking": 14132, "\u0120iconic": 14133, "Call": 14134, "\u0120screening": 14135, "\u0120Mis": 14136, "icts": 14137, "\u0120ministers": 14138, "\u0120separation": 14139, "Player": 14140, "\u0120bip": 14141, "\u0120beloved": 14142, "\u0120counting": 14143, "\u0120Eye": 14144, "around": 14145, "inging": 14146, "\u0120tablet": 14147, "\u0120offence": 14148, "inance": 14149, "have": 14150, "\u0120Info": 14151, "\u0120Ninja": 14152, "\u0120protective": 14153, "\u0120Cass": 14154, "Mac": 14155, "\u0120Quality": 14156, "North": 14157, "\u0120ic": 14158, "\u0120Cuba": 14159, "\u0120Chronicle": 14160, "\u0120Property": 14161, "\u0120fastest": 14162, "otos": 14163, "\u0120Germ": 14164, "OWN": 14165, "\u0120boom": 14166, "\u0120Stanley": 14167, "erguson": 14168, "\u0120clever": 14169, "\u0120enters": 14170, "mode": 14171, "terior": 14172, "\u0120Sens": 14173, "\u0120linear": 14174, "ARK": 14175, "\u0120comparing": 14176, "\u0120purely": 14177, "\u0120safer": 14178, "\u0120Potter": 14179, "\u0120cups": 14180, "RT": 14181, "\u0120gluc": 14182, "\u0120attributed": 14183, "\u0120dupl": 14184, "\u0120Pap": 14185, "\u0120precious": 14186, "\u0120pa": 14187, "ictionary": 14188, "\u0120Tig": 14189, "\u0120Too": 14190, "olutions": 14191, "stan": 14192, "\u0120robots": 14193, "\u0120lobb": 14194, "\u0120statute": 14195, "\u0120prevention": 14196, "western": 14197, "160": 14198, "\u0120Active": 14199, "\u0120Maria": 14200, "hal": 14201, "None": 14202, "ellar": 14203, "\u0120KB": 14204, "\u0120Partners": 14205, "\u0120Single": 14206, "\u0120Following": 14207, "ango": 14208, "acious": 14209, "\u0120thou": 14210, "\u0120kg": 14211, "\u0120influential": 14212, "\u0120Friends": 14213, "Sur": 14214, "ainted": 14215, "\u0120forums": 14216, "\u0120starter": 14217, "\u0120citizenship": 14218, "\u0120Election": 14219, "onge": 14220, "otation": 14221, "osph": 14222, ";;;;": 14223, "utical": 14224, "pur": 14225, "eren": 14226, "\u0120accusations": 14227, "bitious": 14228, "abbit": 14229, "\u0120Ord": 14230, "Posted": 14231, "irk": 14232, "\u0120sensitivity": 14233, "iche": 14234, "\u0120Amy": 14235, "\u0120Fab": 14236, "\u0120summit": 14237, "\u0120pedest": 14238, "\u0120rubber": 14239, "\u0120agricultural": 14240, "\u0120cancel": 14241, "AE": 14242, "\u0120inaug": 14243, "\u0120contam": 14244, "\u0120firmly": 14245, "iw": 14246, "stage": 14247, "\u0120Kan": 14248, "\u0120tier": 14249, "\u0120invention": 14250, "\u0120translated": 14251, "\u0120Rules": 14252, "Box": 14253, "Twitter": 14254, "IDS": 14255, "\u0120pizza": 14256, "\u0120debug": 14257, "\u0120Drop": 14258, "vs": 14259, "\u0120horses": 14260, "big": 14261, "\u0120boring": 14262, "\u0120hood": 14263, "\u0120McCain": 14264, "atched": 14265, "\u0120Bros": 14266, "\u0120skip": 14267, "\u0120essay": 14268, "stat": 14269, "\u0120Legends": 14270, "\u0120ammunition": 14271, "auc": 14272, "\u0120shooter": 14273, "\u0120unh": 14274, "\u0120supplied": 14275, "\u0120generic": 14276, "\u0120SK": 14277, "iban": 14278, "yrics": 14279, "\u0120255": 14280, "\u0120climbing": 14281, "Former": 14282, "\u0120flip": 14283, "\u0120jumping": 14284, "\u0120frustration": 14285, "\u0120Terry": 14286, "\u0120neighborhoods": 14287, "\u0120median": 14288, "bean": 14289, "\u0120brains": 14290, "Following": 14291, "\u0120shaped": 14292, "\u0120draws": 14293, "\u0120altered": 14294, "Jack": 14295, "\u0120recipes": 14296, "\u0120skilled": 14297, "wealth": 14298, "achi": 14299, "election": 14300, "\u0120behaviors": 14301, "deals": 14302, "\u0120Until": 14303, "Fe": 14304, "\u0120declaration": 14305, "marks": 14306, "\u0120Between": 14307, "celona": 14308, "\u0120reson": 14309, "\u0120bubble": 14310, "Among": 14311, "\u0120imperial": 14312, "GS": 14313, "\u0120feminist": 14314, "2005": 14315, "\u0120Kyle": 14316, "\u0120accounting": 14317, "\u0120Tele": 14318, "\u0120Tyr": 14319, "\u0120connecting": 14320, "\u0120rehab": 14321, "\u0120Pred": 14322, "sim": 14323, "\u0120meantime": 14324, "\u0120physician": 14325, "MW": 14326, "\u0120Campbell": 14327, "\u0120Brandon": 14328, "\u0120contributing": 14329, "\u0120Rule": 14330, "\u0120Weight": 14331, "\u0120Nap": 14332, "\u0120interactive": 14333, "\u0120vag": 14334, "\u0120helmet": 14335, "\u0120Comb": 14336, "four": 14337, "\u0120shipped": 14338, "\u0120completing": 14339, "\u0120PD": 14340, "PDATE": 14341, "\u0120spreading": 14342, "\u0120scary": 14343, "erving": 14344, "\u0120Gas": 14345, "\u0120frank": 14346, "school": 14347, "\u0120romantic": 14348, "\u0120stabil": 14349, "Rob": 14350, "\u0120accurately": 14351, "\u0120acute": 14352, "\u0120Hann": 14353, "\u0120symbols": 14354, "\u0120civilization": 14355, "\u0120AW": 14356, "\u0120lightning": 14357, "\u0120considers": 14358, "\u0120venue": 14359, "\u0120\u00d7": 14360, "\u0120oven": 14361, "\u0120SF": 14362, "his": 14363, "\u0120nu": 14364, "\u0120Learn": 14365, "\u0120peoples": 14366, "\u0120std": 14367, "\u0120slee": 14368, "\u0120slic": 14369, "\u0120Statistics": 14370, "\u0120corners": 14371, "\u0120Baker": 14372, "\u0120:)": 14373, "mentation": 14374, "olver": 14375, "\u0120laughing": 14376, "\u0120Todd": 14377, "onde": 14378, "\u0120Hills": 14379, "\u0120nuts": 14380, "\u0120Woman": 14381, "plane": 14382, "\u0120liver": 14383, "\u0120Inside": 14384, "Sorry": 14385, "\u0120agrees": 14386, "\u0120fundament": 14387, "\u0120Fisher": 14388, "\u0120auction": 14389, "\u0120threads": 14390, "glas": 14391, "\u0120Basic": 14392, "\u0120Nat": 14393, "\u0120lacking": 14394, "\u0120celebration": 14395, "ju": 14396, "\u0120silly": 14397, "Euro": 14398, "\u0120tatt": 14399, "ighty": 14400, "controlled": 14401, "Test": 14402, "\u0120Singh": 14403, "\u0120rage": 14404, "\u0120rhyth": 14405, "offic": 14406, "\u0120Phantom": 14407, "\u0120headlines": 14408, "\u0120responding": 14409, "\u0120Morning": 14410, "\u0120vitamin": 14411, "\u0120boots": 14412, "\u0120Site": 14413, "alin": 14414, "pi": 14415, "\u0120viral": 14416, "\u0120UC": 14417, "DER": 14418, "\u0120Sex": 14419, "\u0120stocks": 14420, "current": 14421, "\u0120churches": 14422, "\u0120Rare": 14423, "\u0120Murphy": 14424, "\u0120denial": 14425, "\u0120Gaming": 14426, "\u0120toug": 14427, "\u0120nick": 14428, "\u0120makers": 14429, "\u0120Ronald": 14430, "\u0120generous": 14431, "\u0120Doc": 14432, "\u0120Morris": 14433, "\u0120transformed": 14434, "\u0120Normal": 14435, "\u0120104": 14436, "\u0120Kickstarter": 14437, "\u0120Upon": 14438, "Online": 14439, "\u0120IRS": 14440, "\u0120wrap": 14441, "\u0120loving": 14442, "\u0120arrives": 14443, "\u0120Due": 14444, "\u0120heter": 14445, "\u0120Made": 14446, "\u0120rental": 14447, "\u0120belongs": 14448, "\u0120attorneys": 14449, "\u0120crops": 14450, "\u0120matched": 14451, "ulum": 14452, "oline": 14453, "109": 14454, "\u0120dispar": 14455, "\u0120buyers": 14456, "\u0120Cambridge": 14457, "\u0120ethics": 14458, "roups": 14459, "\u0120justified": 14460, "\u0120marginal": 14461, "\u0120respected": 14462, "winning": 14463, "\u0120nodded": 14464, "\u0120Serge": 14465, "\u0120Former": 14466, "Craft": 14467, "################": 14468, "\u0120Warner": 14469, "\u0120dash": 14470, "ete": 14471, "\u0120entert": 14472, "\u0120Escape": 14473, "outheast": 14474, "\u0120knees": 14475, "\u0120Bomb": 14476, "\u0120rug": 14477, "Pass": 14478, "\u0120attitudes": 14479, "government": 14480, "\u0120Prior": 14481, "\u0120qualities": 14482, "\u0120notification": 14483, "\u0120Phone": 14484, "lie": 14485, "\u0120anticipated": 14486, "\u0120Combat": 14487, "\u0120Barry": 14488, "\u01201982": 14489, "Users": 14490, "oner": 14491, "\u0120computing": 14492, "\u0120Connecticut": 14493, "\u0120lesser": 14494, "\u0120peers": 14495, "\u0120Cu": 14496, "\u0120technically": 14497, "\u0120submission": 14498, "\u0120Universal": 14499, "\u0120manually": 14500, "ourge": 14501, "\u0120respondents": 14502, "\u0120BTC": 14503, "\u0120Host": 14504, "\u0120fare": 14505, "\u0120Bird": 14506, "\u0120receipt": 14507, "also": 14508, "\u0120jack": 14509, "\u0120agriculture": 14510, "\u0120skull": 14511, "\u0120!=": 14512, "\u0120passive": 14513, "\u0120CI": 14514, "\u0120societies": 14515, "\u0120reminded": 14516, "\u0120interference": 14517, "Buy": 14518, "\u0120\u00e2\u013e": 14519, "gon": 14520, "\u0120scrutiny": 14521, "\u0120Witch": 14522, "\u0120conducting": 14523, "\u0120\u00e3\u0125": 14524, "\u0120exchanges": 14525, "\u0120Mitchell": 14526, "\u0120inhabit": 14527, "\u0120twist": 14528, "BD": 14529, "\u0120wherever": 14530, "groupon": 14531, "\u0120jokes": 14532, "\u0120Benjamin": 14533, "\u0120Random": 14534, "frame": 14535, "\u0120Lions": 14536, "\u0120highlighted": 14537, "\u0120Arkansas": 14538, "Ent": 14539, "\u0120pile": 14540, "\u0120prelim": 14541, "gs": 14542, "minded": 14543, "\u0120felony": 14544, "\u0120GA": 14545, "\u0120Luck": 14546, "\u0120practically": 14547, "\u0120Bos": 14548, "\u0120actress": 14549, "Dam": 14550, "\u0120Bou": 14551, "\u0120visa": 14552, "\u0120embedded": 14553, "\u0120hybrid": 14554, "\u0120earliest": 14555, "\u0120sooner": 14556, "social": 14557, "\u0120HA": 14558, "\u0120steep": 14559, "\u0120disadvant": 14560, "\u0120exploit": 14561, "\u0120Egg": 14562, "\u0120Ultra": 14563, "\u0120necessity": 14564, "Local": 14565, "iege": 14566, "\u0120dated": 14567, "\u0120masses": 14568, "\u0120subscription": 14569, "pless": 14570, "\u0120anonym": 14571, "\u0120presumably": 14572, "Blue": 14573, "Their": 14574, "asketball": 14575, "\u0120Philip": 14576, "\u0120comed": 14577, "loaded": 14578, "rane": 14579, "\u0120reflection": 14580, "China": 14581, "\u0120extends": 14582, "\u0120forming": 14583, "\u0120unders": 14584, "2001": 14585, "\u0120grat": 14586, "\u0120concentrations": 14587, "\u0120insulin": 14588, "\u0120secular": 14589, "\u0120whilst": 14590, "\u0120winners": 14591, "Advertisements": 14592, "\u0120deliberately": 14593, "\u0120Working": 14594, "\u0120sink": 14595, "etics": 14596, "dale": 14597, "\u0120mandate": 14598, "\u0120gram": 14599, "\u0120vacation": 14600, "\u0120warnings": 14601, "ripp": 14602, "\u0120THAT": 14603, "\u0120commentary": 14604, "\u0120intu": 14605, "\u0120aest": 14606, "\u0120reasoning": 14607, "\u0120breakdown": 14608, "\u0120Zombie": 14609, "\u0120-->": 14610, "\u0120Political": 14611, "cott": 14612, "\u0120thrust": 14613, "\u0120technological": 14614, "\u0120deciding": 14615, "\u0120trafficking": 14616, "Long": 14617, "Welcome": 14618, "prising": 14619, "\u0120Communications": 14620, "\u0120endors": 14621, "\u0120swift": 14622, "\u0120metabol": 14623, "coins": 14624, "resa": 14625, "\u0120HTTP": 14626, "\u0120enroll": 14627, "\u0120Happy": 14628, "usr": 14629, "intage": 14630, "\u0120[\"": 14631, "uably": 14632, "\u0120Material": 14633, "\u0120repeal": 14634, "Sept": 14635, "kh": 14636, "\u0120Modi": 14637, "\u0120underneath": 14638, "\u0120IL": 14639, "shore": 14640, "\u0120diagnosed": 14641, "aceutical": 14642, "\u0120shower": 14643, "aux": 14644, "\u0120Switch": 14645, "\u0120Strength": 14646, "\u0120jihad": 14647, "national": 14648, "\u0120trauma": 14649, "ussy": 14650, "oni": 14651, "\u0120consolid": 14652, "\u0120calories": 14653, "\u0120Flynn": 14654, "agged": 14655, "168": 14656, "\u0120Pink": 14657, "\u0120fulfill": 14658, "\u0120chains": 14659, "\u0120notably": 14660, "\u0120AV": 14661, "Life": 14662, "\u0120Chuck": 14663, "mus": 14664, "\u0120Urban": 14665, "\u0120Hend": 14666, "\u0120deposit": 14667, "\u0120Sad": 14668, "\u0120affair": 14669, "ORK": 14670, "ieval": 14671, "\u0120FDA": 14672, "\u0120trop": 14673, "\u0120Overall": 14674, "\u0120virtue": 14675, "\u0120satisfaction": 14676, "aund": 14677, "\u0120lun": 14678, "\u0120Switzerland": 14679, "\u0120Operation": 14680, "process": 14681, "\u0120shook": 14682, "\u0120counties": 14683, "leased": 14684, "\u0120Charlotte": 14685, "112": 14686, "\u0120transcript": 14687, "\u0120redd": 14688, "push": 14689, "\u0120Hey": 14690, "\u0120Analysis": 14691, "[\"": 14692, "\u0120alternatives": 14693, "ardless": 14694, "\u0120eleph": 14695, "\u0120prejud": 14696, "\u0120Leaf": 14697, "Having": 14698, "\u0120Hub": 14699, "\u0120expressions": 14700, "\u0120Volume": 14701, "\u0120shocking": 14702, "\u0120Reds": 14703, "\u0120readily": 14704, "\u0120planets": 14705, "adata": 14706, "\u0120collapsed": 14707, "\u0120Madrid": 14708, "\u0120irrit": 14709, "ipper": 14710, "\u0120Enc": 14711, "\u0120Wire": 14712, "\u0120buzz": 14713, "\u0120GP": 14714, "asha": 14715, "\u0120accidentally": 14716, "uru": 14717, "\u0120frustrated": 14718, "\u0120SA": 14719, "\u0120hungry": 14720, "\u0120Huff": 14721, "\u0120labels": 14722, "anto": 14723, "\u0120EP": 14724, "\u0120barriers": 14725, ")|": 14726, "\u0120Berkeley": 14727, "\u0120Jets": 14728, "\u0120pairs": 14729, "\u0120Lan": 14730, "James": 14731, "\u0120Bear": 14732, "\u0120humor": 14733, "\u0120Liberty": 14734, "\u0120magnitude": 14735, "\u0120aging": 14736, "\u0120Mason": 14737, "\u0120friendship": 14738, "umbling": 14739, "\u0120emerge": 14740, "\u0120newspapers": 14741, "\u0120ambitious": 14742, "\u0120Richards": 14743, "aternal": 14744, "\u01201981": 14745, "\u0120cookies": 14746, "\u0120sculpt": 14747, "\u0120pursuit": 14748, "Location": 14749, "\u0120scripts": 14750, "pc": 14751, "\u0120arrangements": 14752, "\u0120diameter": 14753, "\u0120loses": 14754, "amation": 14755, "\u0120liqu": 14756, "\u0120Jake": 14757, "arette": 14758, "\u0120understands": 14759, "\u0120Zen": 14760, "vm": 14761, "\u0120approve": 14762, "\u0120wip": 14763, "\u0120ultra": 14764, "\u0120intend": 14765, "\u0120DI": 14766, "ascular": 14767, "\u0120stays": 14768, "\u0120Kor": 14769, "\u0120Kl": 14770, "\u0120investing": 14771, "La": 14772, "\u0120believing": 14773, "bad": 14774, "mouth": 14775, "\u0120taxpayer": 14776, "\u00e3\u0125\u0125": 14777, "\u0120Quebec": 14778, "\u0120lap": 14779, "\u0120Swiss": 14780, "drop": 14781, "\u0120drain": 14782, "iri": 14783, "etc": 14784, "ften": 14785, "\u0120Nex": 14786, "\u0120straw": 14787, "\u0120screaming": 14788, "\u0120counted": 14789, "\u0120damaging": 14790, "\u0120ambassador": 14791, "century": 14792, "\u0120prox": 14793, "\u0120arrests": 14794, "uv": 14795, "ilateral": 14796, "\u0120Charg": 14797, "\u0120prescribed": 14798, "\u0120independently": 14799, "\u0120fierce": 14800, "\u0120Baby": 14801, "\u0120brave": 14802, "\u0120suits": 14803, "=>": 14804, "\u0120baseline": 14805, "\u0120Rate": 14806, "\u0120islands": 14807, "\u0120((": 14808, "green": 14809, "ixels": 14810, "\u0120namely": 14811, "\u0120Village": 14812, "than": 14813, "amy": 14814, "Version": 14815, "gmail": 14816, "entials": 14817, "\u0120Sud": 14818, "\u0120Melbourne": 14819, "\u0120arriving": 14820, "\u0120quantum": 14821, "eff": 14822, "ropolitan": 14823, "Tri": 14824, "\u0120funeral": 14825, "\u0120IR": 14826, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 14827, "\u0120Cob": 14828, "itably": 14829, "\u0120turb": 14830, "\u0120combo": 14831, "Review": 14832, "\u0120deployment": 14833, "uity": 14834, "\u0120Bott": 14835, "\u0120invisible": 14836, "\u0120rendering": 14837, "\u0120unlocked": 14838, "\u0120aqu": 14839, "\u0120Vladimir": 14840, "\u0120pad": 14841, "\u0120Brain": 14842, "\u0120Legacy": 14843, "dragon": 14844, "\u0120Kurdish": 14845, "\u0120sounded": 14846, "\u0120detained": 14847, "\u0120DM": 14848, "gary": 14849, "\u0120daughters": 14850, "\u0120disturbing": 14851, "uka": 14852, "\u0120Parad": 14853, "\u0120tast": 14854, "\u0120unfortunate": 14855, "\u0120ul": 14856, "emin": 14857, "\u0120attendance": 14858, "trl": 14859, "\u0120parks": 14860, "\u0120Memorial": 14861, "\u0120Alice": 14862, "othy": 14863, "guard": 14864, "\u0120Dise": 14865, "\u0120Shan": 14866, "\u0120Forum": 14867, "Rich": 14868, "\u0120shifted": 14869, "uez": 14870, "\u0120lighter": 14871, "\u0120Magn": 14872, "\u0120cod": 14873, "Sch": 14874, "hammad": 14875, "Pub": 14876, "350": 14877, "\u0120Pokemon": 14878, "\u0120prototype": 14879, "\u0120unre": 14880, "Base": 14881, "\u0120Students": 14882, "\u0120Reply": 14883, "\u0120Communist": 14884, "\u0120gau": 14885, "\u0120Tyler": 14886, "IZ": 14887, "\u0120participated": 14888, "\u0120suprem": 14889, "\u0120Details": 14890, "\u0120vessels": 14891, "rod": 14892, "\u0120tribe": 14893, "keep": 14894, "\u0120assumptions": 14895, "\u0120pound": 14896, "\u0120crude": 14897, "\u0120Available": 14898, "\u0120swimming": 14899, "\u0120inclusion": 14900, "\u0120advances": 14901, "culation": 14902, "\u0120conservation": 14903, "\u0120overd": 14904, "\u0120Buffalo": 14905, "Article": 14906, "edge": 14907, "\u0120awa": 14908, "\u0120Madison": 14909, "\u0120sidew": 14910, "\u0120catast": 14911, "\u0120Krist": 14912, "ucle": 14913, "\u0120Highway": 14914, "\u0120Terror": 14915, "\u0120activation": 14916, "\u0120unconscious": 14917, "\u0120Satan": 14918, "\u0120Susan": 14919, "illery": 14920, "\u0120arranged": 14921, "iop": 14922, "\u0120rumors": 14923, "urring": 14924, "think": 14925, "\u0120Keith": 14926, "\u0120Kind": 14927, "\u0120avoiding": 14928, "byn": 14929, "nut": 14930, "\u0120Speaker": 14931, "rus": 14932, "names": 14933, "\u0120guilt": 14934, "\u0120Olympics": 14935, "\u0120sail": 14936, "\u0120Mes": 14937, "levant": 14938, "\u0120Columbus": 14939, "aft": 14940, "City": 14941, "South": 14942, "\u0120Harvey": 14943, "\u0120Pun": 14944, "Several": 14945, "\u0120mentally": 14946, "\u0120impress": 14947, "mount": 14948, "\u0120Ubuntu": 14949, "\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136": 14950, "\u0120Superman": 14951, "\u0120MPs": 14952, "\u0120intentions": 14953, "\u0120Racing": 14954, "\u0120likelihood": 14955, "\u0120240": 14956, "Total": 14957, "\u0120toys": 14958, "\u0120Watson": 14959, "\u0120urge": 14960, "Lear": 14961, "\u0120Paper": 14962, "\u0120occurring": 14963, "\u0120Beng": 14964, "\u0120Cert": 14965, "\u0120stones": 14966, "Tim": 14967, "\u0120Twin": 14968, "zb": 14969, "\u0120Dynam": 14970, "\u0120politician": 14971, "kens": 14972, "\u0120Enterprise": 14973, "UTERS": 14974, "\u0120abol": 14975, "\u0120refresh": 14976, "\u0120arbitrary": 14977, "pection": 14978, "\u0120troubles": 14979, "\u0120});": 14980, "tv": 14981, "\u0120pilots": 14982, "\u0120distribute": 14983, "\u0120audit": 14984, "\u0120pause": 14985, "original": 14986, "\u0120rivals": 14987, "\u00c2\u00a3": 14988, "Fig": 14989, "TL": 14990, "abil": 14991, "rying": 14992, "Lin": 14993, "ioned": 14994, "lon": 14995, "\u0120fancy": 14996, "\u0120crashed": 14997, "\u0120tract": 14998, "\u0120shed": 14999, "\u0120consume": 15000, "Based": 15001, "download": 15002, "init": 15003, "\u0120voltage": 15004, "Introdu": 15005, "\u0120condemned": 15006, "\u0120Finance": 15007, "respect": 15008, "\u0120excluded": 15009, "\u0120establishing": 15010, "heric": 15011, "\u0120heritage": 15012, "\u0120spectacular": 15013, "\u0120unst": 15014, "\u0120Snowden": 15015, "\u0120Lane": 15016, "San": 15017, "\u0120protections": 15018, "struction": 15019, "incinn": 15020, "\u0120macro": 15021, "Custom": 15022, "iosity": 15023, "\u0120esp": 15024, "\u0120functioning": 15025, "\u0120mush": 15026, "\u0120puzzle": 15027, "\u0120ethical": 15028, "Mal": 15029, "\u0120governing": 15030, "\u0120Ferguson": 15031, "\u0120restored": 15032, "\u0120stressed": 15033, "\u0120Counter": 15034, "\u0120Kas": 15035, "clip": 15036, "ANS": 15037, "\u0120seiz": 15038, "UK": 15039, "byss": 15040, "oldown": 15041, "api": 15042, "\u0120permanently": 15043, "ounters": 15044, "West": 15045, "Through": 15046, "Light": 15047, "atoes": 15048, "\u0120neat": 15049, "\u0120cord": 15050, "urer": 15051, "\u0120severely": 15052, "\u0120Aven": 15053, "\u0120interrog": 15054, "\u0120triple": 15055, "Given": 15056, "Number": 15057, "\u0120arise": 15058, "\u0120sher": 15059, "plant": 15060, "\u0120flower": 15061, "\u0120Cou": 15062, "\u0120ate": 15063, "\u0120newer": 15064, "bul": 15065, "\u0120meanwhile": 15066, "\u0120Lair": 15067, "\u0120adjustment": 15068, "\u0120Copyright": 15069, "\u0120divers": 15070, "iological": 15071, "\u0120gamers": 15072, "oat": 15073, "\u0120historically": 15074, "\u0120analog": 15075, "\u0120longtime": 15076, "\u0120prescription": 15077, "\u0120Mist": 15078, "\u0120Hyper": 15079, "\u0120Maine": 15080, "\u0120Deity": 15081, "\u0120multipl": 15082, "\u0120Reincarn": 15083, "\u0120Hyd": 15084, "\u0120Pic": 15085, "Sil": 15086, "rants": 15087, "\u0120Cris": 15088, ".;": 15089, "({": 15090, "ependence": 15091, "\u0120recy": 15092, "ateur": 15093, "\u0120quad": 15094, "\u0120glob": 15095, "\u0120conced": 15096, "team": 15097, "\u0120capitalist": 15098, "\u0120Lot": 15099, "\u0120royal": 15100, "\u0120Cyber": 15101, "\u0120blacks": 15102, "metic": 15103, "riv": 15104, "\u0120Danny": 15105, "\u0120spo": 15106, "\u0120RO": 15107, "\u0120animated": 15108, "rypted": 15109, "\u0120Deputy": 15110, "\u0120rendered": 15111, "FE": 15112, "\u0120streak": 15113, "\u0120clouds": 15114, "\u0120Doug": 15115, "~~~~~~~~": 15116, "\u0120discour": 15117, "\u0120Veh": 15118, "\u0120psychology": 15119, "\u0120Journey": 15120, "\u0120crystal": 15121, "\u0120Frost": 15122, "\u0120suspicion": 15123, "\u0120relate": 15124, "orus": 15125, "\u0120Crypt": 15126, "\u0120NVIDIA": 15127, "comed": 15128, "uting": 15129, "incinnati": 15130, "\u0120vulnerability": 15131, "ostic": 15132, "\u0120isolation": 15133, "\u0120cooling": 15134, "\u0120Coalition": 15135, "\u0120119": 15136, "Four": 15137, "\u0120Deal": 15138, "\u0120\u00e2\u012b": 15139, "semble": 15140, "rament": 15141, "\u0120Barcelona": 15142, "\u0120102": 15143, "\u0120cocaine": 15144, "ocalypse": 15145, "Feb": 15146, "ogenic": 15147, "\u0120mutation": 15148, "\u0120cryptoc": 15149, "\u0120Kel": 15150, "\u0120Git": 15151, "ais": 15152, "\u0120sisters": 15153, "ANK": 15154, "\u0120activate": 15155, "Ter": 15156, "\u0120dread": 15157, "ylon": 15158, "\u0120propri": 15159, "Aust": 15160, "\u0120Default": 15161, "\u0120outdoor": 15162, "\u0120sheer": 15163, "ceive": 15164, "\u0120gently": 15165, "\u00d0\u00be": 15166, "Program": 15167, "\u0120\u00e2\u0128\u0134": 15168, "\u0120vegan": 15169, "\u0120Crus": 15170, "\u0120responsibilities": 15171, "\u0120HR": 15172, "OLD": 15173, "\u0120prevents": 15174, "\u0120stiff": 15175, "\u0120Were": 15176, "\u0120athletic": 15177, "\u0120Score": 15178, "\u0120):": 15179, "\u0120columns": 15180, "\u0120Loc": 15181, "available": 15182, "\u0120Fram": 15183, "\u0120Sessions": 15184, "\u0120companion": 15185, "\u0120packs": 15186, "140": 15187, "\u0120Knights": 15188, "\u0120fart": 15189, "\u0120streams": 15190, "\u0120shore": 15191, "\u0120appeals": 15192, "\u0120Performance": 15193, "haul": 15194, "\u0120Stra": 15195, "\u0120Nag": 15196, "103": 15197, "\u0120Transportation": 15198, "BB": 15199, "Ev": 15200, "zan": 15201, "Public": 15202, "\u0120twin": 15203, "ulsion": 15204, "Mult": 15205, "\u0120electro": 15206, "\u0120statue": 15207, "ationally": 15208, "\u0120Nort": 15209, "\u0120inspection": 15210, "/*": 15211, "igue": 15212, "\u0120compassion": 15213, "\u0120Tales": 15214, "\u0120Stein": 15215, "\u0120Screen": 15216, "\u0120Bug": 15217, "\u0120Lion": 15218, "girl": 15219, "\u0120withdrawal": 15220, "\u0120objectives": 15221, "\u0120bloody": 15222, "\u0120preliminary": 15223, "\u0120jacket": 15224, "\u0120dimensions": 15225, "\u0120Cool": 15226, "\u0120Occup": 15227, "\u0120wreck": 15228, "\u0120doubled": 15229, "anking": 15230, "\u01201975": 15231, "\u0120glasses": 15232, "\u0120Wang": 15233, "prov": 15234, "Path": 15235, "connected": 15236, "\u0120Multi": 15237, "\u0120Norway": 15238, "agonist": 15239, "\u0120feared": 15240, "\u0120touching": 15241, "\u0120arguably": 15242, "\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af": 15243, "\u0120NCAA": 15244, "chem": 15245, "\u0120spat": 15246, "\u0120WWE": 15247, "\u0120Cel": 15248, "igger": 15249, "\u0120attacker": 15250, "\u0120Join": 15251, "object": 15252, "etta": 15253, "\u0120eliminated": 15254, "det": 15255, "\u0120destruct": 15256, "\u0120Lucas": 15257, "ctuary": 15258, "180": 15259, "\u0120Brady": 15260, "\u0120Blues": 15261, "Bay": 15262, "aukee": 15263, "\u0120timeline": 15264, "\u0120delegates": 15265, "written": 15266, "ufficient": 15267, "\u0120shapes": 15268, "Copyright": 15269, "ouble": 15270, "service": 15271, "\u0120pione": 15272, "\u0120colleges": 15273, "\u0120rows": 15274, "\u0120spite": 15275, "\u0120assessed": 15276, "360": 15277, "\u0120lease": 15278, "\u0120confidential": 15279, "cker": 15280, "\u0120Manning": 15281, "\u0120Voice": 15282, "\u0120sealed": 15283, "\u0120calculate": 15284, "NO": 15285, "\u0120Assistant": 15286, "\u0120teenager": 15287, "ulent": 15288, "atherine": 15289, "\u0120mock": 15290, "\u0120diamond": 15291, "\u0120fest": 15292, "\u0120switched": 15293, "\u0120resume": 15294, "\u0120Puerto": 15295, "\u0120lanes": 15296, "iration": 15297, "\u0120Similarly": 15298, "\u0120rod": 15299, "\u0120Sel": 15300, "\u0120Palace": 15301, "\u0120Limited": 15302, "eous": 15303, "\u0120variant": 15304, "\u0120ward": 15305, "\u0120))": 15306, "Show": 15307, "OOK": 15308, "Alex": 15309, "\u0120Nep": 15310, "bris": 15311, "\u0120Wikipedia": 15312, "\u0120exceptional": 15313, "\u0120manages": 15314, "\u0120Draw": 15315, "Again": 15316, "\u0120copper": 15317, "utt": 15318, "\u0120exports": 15319, "\u0120portfolio": 15320, "\u0120elevated": 15321, "Rated": 15322, "\u0120Otherwise": 15323, "\u0120Tact": 15324, "\u0120Shel": 15325, "\u0120TX": 15326, "\"\u00e2\u0122\u0136": 15327, "\u0120resur": 15328, "\u0120Wa": 15329, "venant": 15330, "\u0120monetary": 15331, "people": 15332, "Email": 15333, "\u0120fifty": 15334, "\u0120Sweet": 15335, "\u0120Malaysia": 15336, "\u0120confusing": 15337, "\u0120Rio": 15338, "uda": 15339, "utenant": 15340, "\");": 15341, "\u0120praised": 15342, "\u0120volumes": 15343, "turn": 15344, "\u0120mature": 15345, "\u0120nonprofit": 15346, "\u0120passionate": 15347, "\u0120Private": 15348, "\u0120103": 15349, "\u0120descend": 15350, "\u00e7\u00a5\u0140": 15351, "uffy": 15352, "headed": 15353, "Whether": 15354, "rien": 15355, "zech": 15356, "beit": 15357, "\u0120chrom": 15358, "\u0120McM": 15359, "\u0120dancing": 15360, "\u0120eleg": 15361, "\u0120Noticed": 15362, "115": 15363, "\u0120advocacy": 15364, "ENTS": 15365, "ambling": 15366, "\u0120Minor": 15367, "\u0120Finn": 15368, "\u0120priorities": 15369, "\u0120thereof": 15370, "\u0120Stage": 15371, "\u0120Rogers": 15372, "\u0120substitute": 15373, "\u0120Jar": 15374, "\u0120Jefferson": 15375, "\u0120lightly": 15376, "102": 15377, "\u0120Lisa": 15378, "uits": 15379, "ysical": 15380, "\u0120shifts": 15381, "\u0120drones": 15382, "\u0120workplace": 15383, "\u0120resid": 15384, "ensed": 15385, "ahn": 15386, "\u0120preferences": 15387, "server": 15388, "\u0120debates": 15389, "doc": 15390, "\u0120Gods": 15391, "\u0120helicopter": 15392, "\u0120honour": 15393, "\u0120considerably": 15394, "eded": 15395, "\u0120Female": 15396, "\u0120Anne": 15397, "\u0120reun": 15398, "\u0120Face": 15399, "\u0120Hallow": 15400, "\u0120Budget": 15401, "\u0120condemn": 15402, "\u0120tender": 15403, "Prof": 15404, "ocratic": 15405, "\u0120Turner": 15406, "\u0120Agric": 15407, "\u01201976": 15408, "\u0120apt": 15409, "disc": 15410, "\u0120Fighter": 15411, "\u0120Aur": 15412, "\u0120garbage": 15413, "input": 15414, "\u0120Karl": 15415, "\u0120Oliver": 15416, "\u0120Language": 15417, "kn": 15418, "Non": 15419, "\u0120Clar": 15420, "\u0120traditions": 15421, "\u0120advertisement": 15422, "\u0120Sor": 15423, "\u0120archive": 15424, "\u0120villages": 15425, "750": 15426, "\u0120implementing": 15427, "waukee": 15428, "\u0120dietary": 15429, "\u0120switching": 15430, "Republic": 15431, "\u0120velocity": 15432, "\u0120cit": 15433, "\u0120Awards": 15434, "\u0120financing": 15435, "\u0120lasted": 15436, ")]": 15437, "\u0120reminder": 15438, "Person": 15439, "\u0120precision": 15440, "\u0120designers": 15441, "\u0120Fried": 15442, "\u0120Border": 15443, "\u0120tragic": 15444, "\u0120wield": 15445, "\u0120initiatives": 15446, "\u0120Tank": 15447, "wer": 15448, "\u0120joins": 15449, "Ro": 15450, "inery": 15451, "\u0120arrow": 15452, "\u0120generating": 15453, "founder": 15454, "\u0120searches": 15455, "\u0120randomly": 15456, "Access": 15457, "\u0120batch": 15458, "\u0120posed": 15459, "lat": 15460, "\u0120pursuing": 15461, "asa": 15462, "\u0120testified": 15463, "forming": 15464, "\u0120Shar": 15465, "wiki": 15466, "\u0120Either": 15467, "Sometimes": 15468, "\u0120senators": 15469, "\u0120Johnny": 15470, "\u0120Taliban": 15471, "\u0120GPS": 15472, "\":\"/": 15473, "\u00e3\u0123\u00ae\u00e5": 15474, "\u0120analyzed": 15475, "\u0120Rubio": 15476, "\u0120Movement": 15477, "opard": 15478, "iii": 15479, "Stand": 15480, "fight": 15481, "\u0120ignoring": 15482, "iang": 15483, "\u0120GN": 15484, "soever": 15485, "\u0120STAT": 15486, "\u0120refusing": 15487, "\u0120sweat": 15488, "\u0120bay": 15489, "PORT": 15490, "irmed": 15491, "aky": 15492, "\u0120dispro": 15493, "\u0120labeled": 15494, "\u0120108": 15495, "Hello": 15496, "\u0120pleasant": 15497, "aba": 15498, "\u0120triumph": 15499, "\u0120aboard": 15500, "\u0120incom": 15501, "\u0120Crow": 15502, "lett": 15503, "\u0120folk": 15504, "\u0120chase": 15505, "``": 15506, "\u0120Brus": 15507, "\u0120teens": 15508, "cue": 15509, "\u0120terrain": 15510, "hyd": 15511, "ilight": 15512, "ORY": 15513, "Support": 15514, "ews": 15515, "lli": 15516, "raints": 15517, "\u0120Cand": 15518, "\u0120abused": 15519, "achment": 15520, "larg": 15521, "Bas": 15522, "\u0120Cancer": 15523, "\u01201978": 15524, "\u0120supporter": 15525, "access": 15526, "\u0120Termin": 15527, "\u0120Tampa": 15528, "\u0120ANY": 15529, "\u0120newest": 15530, "\u0120Criminal": 15531, "edu": 15532, "\u01201930": 15533, "\u0120admits": 15534, "\u0120ende": 15535, "\u0120failures": 15536, "urate": 15537, "fulness": 15538, "cycl": 15539, "\u0120Subject": 15540, "\u0120infinite": 15541, "three": 15542, "WA": 15543, "pit": 15544, "\u0120Install": 15545, "Rad": 15546, "iliation": 15547, "GM": 15548, "\u0120continent": 15549, "\u0120accommodate": 15550, "\u0120Clay": 15551, "\u0120pup": 15552, "\u0120Function": 15553, "\u0120hammer": 15554, "\u0120Alberta": 15555, "\u0120revised": 15556, "\u0120minorities": 15557, "\u0120measurement": 15558, "Connell": 15559, "\u0120disable": 15560, "\u0120Mix": 15561, "Incre": 15562, "\u0120fork": 15563, "\u0120Rosen": 15564, "\u0120implies": 15565, "umblr": 15566, "ANG": 15567, "\u0120proteins": 15568, "\u0120aggression": 15569, "\u0120facilitate": 15570, "SN": 15571, "\u0120illegally": 15572, "uer": 15573, "\u0120academ": 15574, "\u0120puzz": 15575, "\u0120Shift": 15576, "pay": 15577, "ollo": 15578, "\u0120audiences": 15579, "Build": 15580, "\u0120noble": 15581, "\u0120syntax": 15582, "\u00e2\u013a\u0127": 15583, "\u0120beam": 15584, "\u0120Bed": 15585, "\u0120Ald": 15586, "\u0120origins": 15587, "video": 15588, "\u01201977": 15589, "\u0120Assault": 15590, "\u0120garage": 15591, "Team": 15592, "\u0120verdict": 15593, "\u0120dwar": 15594, "\u0120Virtual": 15595, "event": 15596, "Keep": 15597, "\u0120sentiment": 15598, "\u0120wildlife": 15599, "shirt": 15600, "\u0120burg": 15601, "\u0120recommendation": 15602, "represent": 15603, "\u0120gallery": 15604, "owners": 15605, "\u0120scholar": 15606, "\u0120convenience": 15607, "\u0120Swift": 15608, "\u0120convinc": 15609, "Cap": 15610, "\u0120warfare": 15611, "\u0120Visual": 15612, "\u0120constitute": 15613, "\u0120abort": 15614, "\u0120Weather": 15615, "\u0120Looking": 15616, "\u0120Hem": 15617, "\u0120martial": 15618, "\u0120incoming": 15619, "etition": 15620, "\u0120tolerance": 15621, "\u0120Created": 15622, "\u0120flows": 15623, "\u0120Elder": 15624, "\u0120souls": 15625, "\u0120foul": 15626, "\u0120Pain": 15627, "\u0120CAN": 15628, "\u0120220": 15629, "bc": 15630, "hend": 15631, "\u0120genius": 15632, "Real": 15633, "\u0120Wr": 15634, "ometer": 15635, "pad": 15636, "\u0120limiting": 15637, "\u0120Si": 15638, "\u0120Lore": 15639, "\u0120Adventures": 15640, "\u0120varied": 15641, "Disc": 15642, "fin": 15643, "\u0120Personal": 15644, "Chris": 15645, "\u0120invented": 15646, "\u0120dive": 15647, "\u0120Rise": 15648, "\u0120oz": 15649, "\u0120Comics": 15650, "\u0120expose": 15651, "\u0120Reb": 15652, "letters": 15653, "site": 15654, "imated": 15655, "\u0120hacking": 15656, "\u0120educated": 15657, "\u0120Nobody": 15658, "\u0120depri": 15659, "\u0120incentive": 15660, "\u00e3\u0124\u00b7": 15661, "\u0120oversight": 15662, "\u0120tribes": 15663, "\u0120Belgium": 15664, "\u0120licensing": 15665, "ourt": 15666, "Product": 15667, "ahl": 15668, "\u0120Gem": 15669, "\u0120specialist": 15670, "\u0120cra": 15671, "anners": 15672, "\u0120Corbyn": 15673, "\u01201973": 15674, "READ": 15675, "\u0120summar": 15676, "\u0120overlook": 15677, "\u0120Application": 15678, "\u0120inappropriate": 15679, "\u0120downloaded": 15680, "Que": 15681, "\u0120Bears": 15682, "\u0120thumb": 15683, "\u0120Character": 15684, "\u0120Reincarnated": 15685, "\u0120Sid": 15686, "\u0120demonstrates": 15687, "sky": 15688, "\u0120Bloomberg": 15689, "\u0120Array": 15690, "\u0120Results": 15691, "\u0120Fourth": 15692, "\u0120EDT": 15693, "\u0120Oscar": 15694, "cend": 15695, "\u0120106": 15696, "\u0120NULL": 15697, "\u0120HERE": 15698, "match": 15699, "\u0120Brun": 15700, "\u0120glucose": 15701, "ieg": 15702, "egu": 15703, "\u0120certified": 15704, "\u0120relie": 15705, "\u0120humanitarian": 15706, "\u0120prayers": 15707, "King": 15708, "\u0120nan": 15709, "hou": 15710, "108": 15711, "ulu": 15712, "\u0120renewable": 15713, "\u0120distinguish": 15714, "\u0120dense": 15715, "\u0120Vent": 15716, "\u0120Package": 15717, "\u0120Boss": 15718, "\u0120editors": 15719, "\u0120migr": 15720, "Tra": 15721, "\u0120Peters": 15722, "\u0120Arctic": 15723, "2004": 15724, "\u0120Cape": 15725, "\u0120locally": 15726, "\u0120lasting": 15727, "\u0120handy": 15728, ".).": 15729, "Pan": 15730, "\u0120RES": 15731, "Index": 15732, "\u0120tensions": 15733, "\u0120formerly": 15734, "\u0120ideological": 15735, "\u0120sensors": 15736, "\u0120dealers": 15737, "\u0120defines": 15738, "Sk": 15739, "\u0120proceeds": 15740, "\u0120proxy": 15741, "azines": 15742, "\u0120Bash": 15743, "\u0120Pad": 15744, "\u0120Craft": 15745, "ealous": 15746, "\u0120sheets": 15747, "ometry": 15748, "June": 15749, "clock": 15750, "TT": 15751, "\u0120Theatre": 15752, "\u0120Buzz": 15753, "\u0120chapters": 15754, "\u0120millenn": 15755, "\u0120dough": 15756, "\u0120Congressional": 15757, "\u0120imagined": 15758, "avior": 15759, "\u0120clinic": 15760, "\u01201945": 15761, "\u0120holder": 15762, "root": 15763, "olester": 15764, "\u0120restart": 15765, "BN": 15766, "\u0120Hamas": 15767, "\u0120Job": 15768, "\u0120orb": 15769, "\u0120ram": 15770, "\u0120disclose": 15771, "\u0120translate": 15772, "\u0120immigrant": 15773, "\u0120annoying": 15774, "\u0120treaty": 15775, "anium": 15776, "\u0120Tea": 15777, "\u0120Legion": 15778, "\u0120crowds": 15779, "\u0120Bec": 15780, "\u0120Aer": 15781, "ohyd": 15782, "Bro": 15783, "Looking": 15784, "\u0120lbs": 15785, "\u0120aggress": 15786, "\u0120seam": 15787, "\u0120intercept": 15788, "\u0120MI": 15789, "mercial": 15790, "activ": 15791, "\u0120Cit": 15792, "\u0120dimension": 15793, "\u0120consistency": 15794, "\u0120rushing": 15795, "\u0120Douglas": 15796, "\u0120trim": 15797, "Install": 15798, "icker": 15799, "\u0120shy": 15800, "106": 15801, "\u0120mentions": 15802, "pelled": 15803, "\u0120Tak": 15804, "cost": 15805, "\u0120classroom": 15806, "\u0120fortune": 15807, "driven": 15808, "\u0120unle": 15809, "\u0120Wheel": 15810, "\u0120investor": 15811, "\u0120Masters": 15812, "kit": 15813, "\u0120associations": 15814, "\u0120Evolution": 15815, "oping": 15816, "uscript": 15817, "\u0120provincial": 15818, "\u0120Walter": 15819, "avi": 15820, "SO": 15821, "\u0120unlimited": 15822, "English": 15823, "\u0120Cards": 15824, "\u0120Ebola": 15825, "nered": 15826, "\u0120revenge": 15827, "\u0120outright": 15828, "umper": 15829, "\u0120fitting": 15830, "\u0120Solid": 15831, "\u0120formally": 15832, "\u0120problematic": 15833, "\u0120hazard": 15834, "\u0120encryption": 15835, "\u0120straightforward": 15836, "\u0120AK": 15837, "\u0120pse": 15838, "\u0120Orb": 15839, "\u0120Chamber": 15840, "\u0120Mak": 15841, "Contents": 15842, "\u0120loyalty": 15843, "\u0120lyrics": 15844, "\u0120Sym": 15845, "\u0120welcomed": 15846, "\u0120cooked": 15847, "\u0120monop": 15848, "\u0120nurse": 15849, "\u0120misleading": 15850, "\u0120eternal": 15851, "\u0120shifting": 15852, "\u0120+=": 15853, "Vis": 15854, "\u0120institutional": 15855, "illary": 15856, "\u0120pant": 15857, "VERT": 15858, "\u0120ACC": 15859, "\u0120Enh": 15860, "\u0120incon": 15861, "\u0120REUTERS": 15862, "\u0120donated": 15863, "\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6": 15864, "Intern": 15865, "\u0120exhibit": 15866, "\u0120tire": 15867, "\u0120Ric": 15868, "\u0120Champion": 15869, "\u0120Muhammad": 15870, "NING": 15871, "\u0120Soccer": 15872, "\u0120mobility": 15873, "\u0120varying": 15874, "\u0120Movie": 15875, "\u0120lord": 15876, "oak": 15877, "Field": 15878, "\u0120vector": 15879, "usions": 15880, "\u0120scrap": 15881, "\u0120enabling": 15882, "make": 15883, "Tor": 15884, ".*": 15885, "||": 15886, "\u0120Website": 15887, "\u0120NPC": 15888, "\u0120socialist": 15889, "\u0120Billy": 15890, "\u0120Additional": 15891, "\u0120cargo": 15892, "\u0120farms": 15893, "\u0120Soon": 15894, "\u0120Prize": 15895, "\u0120midnight": 15896, "\u0120900": 15897, "seen": 15898, "\u0120Spot": 15899, "\u0120sheep": 15900, "\u0120sponsored": 15901, "\u0120Hi": 15902, "\u0120Jump": 15903, "\u01201967": 15904, "Microsoft": 15905, "\u0120Agent": 15906, "\u0120charts": 15907, "dir": 15908, "\u0120adjacent": 15909, "\u0120tricks": 15910, "\u0120manga": 15911, "\u0120exagger": 15912, "/>": 15913, "football": 15914, "\u0120FCC": 15915, "GC": 15916, "\u0120Tier": 15917, "andra": 15918, "OUND": 15919, "%),": 15920, "\u0120fruits": 15921, "VC": 15922, "\u0120AA": 15923, "Rober": 15924, "\u0120midst": 15925, "\u00e2\u0139": 15926, "anka": 15927, "\u0120legislature": 15928, "\u0120Neil": 15929, "\u0120tourists": 15930, "\"\"": 15931, "\u0120Warning": 15932, "\u0120Nevertheless": 15933, "\u0120Official": 15934, "\u0120Whatever": 15935, "\u0120mold": 15936, "\u0120drafted": 15937, "\u0120substances": 15938, "\u0120breed": 15939, "\u0120tags": 15940, "\u0120Task": 15941, "\u0120verb": 15942, "\u0120manufactured": 15943, "comments": 15944, "\u0120Polish": 15945, "Prov": 15946, "\u0120determines": 15947, "Obama": 15948, "kers": 15949, "\u0120utterly": 15950, "\u0120sect": 15951, "sche": 15952, "\u0120Gates": 15953, "\u0120Chap": 15954, "\u0120aluminum": 15955, "\u0120zombie": 15956, "\u0120Touch": 15957, "\u0120UP": 15958, "\u0120satisfy": 15959, "\u0120predomin": 15960, "ascript": 15961, "\u0120elaborate": 15962, "\u01201968": 15963, "\u0120measuring": 15964, "\u0120Vari": 15965, "anyahu": 15966, "\u0120sir": 15967, "ulates": 15968, "idges": 15969, "ickets": 15970, "\u0120Spencer": 15971, "TM": 15972, "oubted": 15973, "\u0120prey": 15974, "\u0120installing": 15975, "\u0120Cab": 15976, "reed": 15977, "reated": 15978, "Supp": 15979, "\u0120wrist": 15980, "\u0120Kerry": 15981, "107": 15982, "\u0120Kle": 15983, "\u0120Rachel": 15984, "\u0120cotton": 15985, "\u0120ARE": 15986, "\u0120Ele": 15987, "Control": 15988, "\u0120loads": 15989, "\u0120Dod": 15990, "anas": 15991, "bone": 15992, "\u0120classical": 15993, "\u0120Regional": 15994, "\u0120Integ": 15995, "VM": 15996, "\u0120desires": 15997, "\u0120autism": 15998, "supported": 15999, "\u0120Message": 16000, "\u0120compact": 16001, "writer": 16002, "\u0120109": 16003, "\u0120Hurricane": 16004, "cision": 16005, "\u0120cycles": 16006, "\u0120drill": 16007, "\u0120colleague": 16008, "\u0120maker": 16009, "German": 16010, "\u0120mistaken": 16011, "Sun": 16012, "\u0120Gay": 16013, "\u0120whatsoever": 16014, "\u0120sells": 16015, "\u0120Airl": 16016, "liv": 16017, "\u0120Option": 16018, "\u0120solved": 16019, "\u0120sectors": 16020, "\u0120horizontal": 16021, "\u0120equation": 16022, "\u0120Skill": 16023, "\u0120Bio": 16024, "gement": 16025, "\u0120Snap": 16026, "\u0120Legal": 16027, "\u0120trademark": 16028, "\u0120makeup": 16029, "\u0120assembled": 16030, "\u0120saves": 16031, "\u0120Halloween": 16032, "\u0120Vermont": 16033, "\u0120FROM": 16034, "\u0120farming": 16035, "\u0120Podcast": 16036, "acceptable": 16037, "\u0120Higher": 16038, "\u0120asleep": 16039, "ullivan": 16040, "\u0120referen": 16041, "\u0120Lev": 16042, "\u0120bullets": 16043, "oko": 16044, "HC": 16045, "\u0120stairs": 16046, "\u0120maintains": 16047, "\u0120Lower": 16048, "\u0120Vi": 16049, "\u0120marine": 16050, "\u0120acres": 16051, "\u0120coordinator": 16052, "\u0120Joh": 16053, "\u0120counterparts": 16054, "\u0120Brothers": 16055, "\u0120indict": 16056, "bra": 16057, "\u0120chunk": 16058, "\u0120cents": 16059, "Home": 16060, "\u0120Month": 16061, "\u0120accordingly": 16062, "ifles": 16063, "\u0120Germans": 16064, "\u0120Syn": 16065, "Hub": 16066, "\u0120eyeb": 16067, "\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122": 16068, "\u0120ranges": 16069, "\u0120Holland": 16070, "\u0120Robot": 16071, "fc": 16072, "Mike": 16073, "\u0120plasma": 16074, "\u0120swap": 16075, "\u0120athlete": 16076, "\u0120Rams": 16077, ",'\"": 16078, "\u0120infections": 16079, "\u0120corrid": 16080, "\u0120vib": 16081, "\u0120patches": 16082, "\u0120traditionally": 16083, "\u0120revelation": 16084, "\u0120sweep": 16085, "\u0120glance": 16086, "\u0120inex": 16087, "2003": 16088, "\u0120Raw": 16089, "working": 16090, "osures": 16091, "\u0120Dat": 16092, "\u0120Lynch": 16093, "\u0120leverage": 16094, "\u0120Reid": 16095, "\u0120correlation": 16096, "iances": 16097, "avascript": 16098, "\u0120repository": 16099, "retty": 16100, "\u01201972": 16101, "240": 16102, "\u0120oun": 16103, "pol": 16104, "\u0120Reed": 16105, "\u0120tactical": 16106, "isite": 16107, "Apple": 16108, "\u0120Quinn": 16109, "\u0120raped": 16110, "illo": 16111, "Europe": 16112, "\u0120algorithms": 16113, "\u0120Rodrig": 16114, "iu": 16115, "\u0120illum": 16116, "\u0120fame": 16117, "\u0120introducing": 16118, "\u0120delays": 16119, "\u0120Raiders": 16120, "\u0120whistle": 16121, "\u0120novels": 16122, "\u0120Really": 16123, "\u0120deriv": 16124, "\u0120publications": 16125, "\u0120Neither": 16126, "\u0120Commerce": 16127, "\u0120aston": 16128, "language": 16129, "Notes": 16130, "\u0120Roth": 16131, "\u0120Fear": 16132, "\u0120mate": 16133, "\u0120parade": 16134, "\u0120QB": 16135, "\u0120maneu": 16136, "\u0120Cincinnati": 16137, "mitting": 16138, "\u0120waist": 16139, "\u0120Rew": 16140, "\u0120discont": 16141, "\u00d0\u00b0": 16142, "\u0120staring": 16143, "\u0120alias": 16144, "\u0120securities": 16145, "\u0120toilet": 16146, "\u0120Jedi": 16147, "\u0120unlaw": 16148, "vised": 16149, "////////": 16150, "](": 16151, "\u0120Weiss": 16152, "\u0120prest": 16153, "\u0120Compan": 16154, "\u0120memo": 16155, "\u0120Grace": 16156, "July": 16157, "\u0120Elite": 16158, "center": 16159, "\u0120Stay": 16160, "\u0120galaxy": 16161, "\u0120tooth": 16162, "\u0120Settings": 16163, "\u0120subjected": 16164, "\u00e3\u0124\u00a6": 16165, "\u0120lineback": 16166, "\u0120retailers": 16167, "\u0120Want": 16168, "\u0120dangers": 16169, "Air": 16170, "\u0120voluntary": 16171, "eway": 16172, "\u0120interpreted": 16173, "otine": 16174, "\u00c3\u00a7": 16175, "\u0120pel": 16176, "Service": 16177, "\u0120Eventually": 16178, "\u0120careers": 16179, "\u0120threaten": 16180, "\u0120memor": 16181, "\u0120Bradley": 16182, "ancies": 16183, "sn": 16184, "\u0120Unknown": 16185, "National": 16186, "\u0120shadows": 16187, "ailand": 16188, "\u0120Dash": 16189, "Everyone": 16190, "izzard": 16191, "March": 16192, "=(": 16193, "\u0120pulls": 16194, "\u0120stranger": 16195, "\u0120backwards": 16196, "\u0120Bernard": 16197, "imensional": 16198, "\u0120chron": 16199, "\u0120theoretical": 16200, "ktop": 16201, "\u0120ware": 16202, "\u0120Investig": 16203, "\u0120Initi": 16204, "\u0120Operations": 16205, "oven": 16206, "ocide": 16207, "*/": 16208, "\u0120flames": 16209, "\u0120Cash": 16210, "shit": 16211, "\u0120cab": 16212, "\u0120Analy": 16213, "\u0120Seah": 16214, "\u0120defining": 16215, "\u0120ordering": 16216, "\u0120immun": 16217, "\u0120persistent": 16218, "ACH": 16219, "Russian": 16220, "mans": 16221, "\u0120hind": 16222, "\u0120photography": 16223, "\u00c2\u00a9": 16224, "\u0120hug": 16225, "\u0120107": 16226, "\u0120Hence": 16227, "iots": 16228, "udeau": 16229, "\u0120subsidies": 16230, "\u0120routinely": 16231, "\u0120Device": 16232, "itic": 16233, "\u0120disgust": 16234, "lander": 16235, "\u01201940": 16236, "\u0120assignment": 16237, "\u0120Besides": 16238, "wick": 16239, "\u0120Dust": 16240, "usc": 16241, "structed": 16242, "111": 16243, "develop": 16244, "\u0120fond": 16245, "\u0120intersection": 16246, "\u0120dignity": 16247, "\u0120commissioner": 16248, "Without": 16249, "reach": 16250, "\u0120cartoon": 16251, "\u0120scales": 16252, "\u00e3\u0125\u0143": 16253, "FIG": 16254, "\u0120surveys": 16255, "\u0120Indonesia": 16256, "\u0120artwork": 16257, "\u0120unch": 16258, "\u0120cycling": 16259, "unct": 16260, "auer": 16261, "orate": 16262, "\u0120Obviously": 16263, "\u0120characterized": 16264, "feld": 16265, "\u0120affirm": 16266, "\u0120innings": 16267, "\u0120\u00e9": 16268, "\u0120aliens": 16269, "\u0120cloth": 16270, "etooth": 16271, "\u0120Certain": 16272, "\u00c2\u00a7": 16273, "\u0120digest": 16274, "know": 16275, "\u0120XL": 16276, "\u0120predictions": 16277, "\u0120din": 16278, "WAR": 16279, "\u0120aftermath": 16280, "Example": 16281, "\u0120Success": 16282, "\u0120Thr": 16283, "IGN": 16284, "\u0120miner": 16285, "Bus": 16286, "\u0120clarity": 16287, "heimer": 16288, "\u0120OUT": 16289, "\u0120Send": 16290, "\u0120Circle": 16291, "\u0120Diet": 16292, "\u0120pronounced": 16293, "\u0120creators": 16294, "\u0120earthquake": 16295, "attery": 16296, "geons": 16297, "\u0120od": 16298, "\u0120laying": 16299, "orp": 16300, "Ult": 16301, "project": 16302, "\u0120undermin": 16303, "\u0120sequel": 16304, "Sam": 16305, "\u0120Darkness": 16306, "\u0120reception": 16307, "bull": 16308, "YS": 16309, "\u0120Vir": 16310, "\u0120sequences": 16311, "\u0120Coin": 16312, "\u0120outfit": 16313, "\u0120Wait": 16314, "119": 16315, "\u0120delivers": 16316, "......": 16317, "\u0120blown": 16318, "\u0120Esc": 16319, "\u0120Math": 16320, "perm": 16321, "\u0120Ul": 16322, "\u0120glim": 16323, "\u0120facial": 16324, "\u0120greenhouse": 16325, "\u0120tokens": 16326, "/-": 16327, "\u0120Annual": 16328, "\u0120ONE": 16329, "\u0120teenage": 16330, "\u0120Physical": 16331, "\u0120Lang": 16332, "\u0120Celt": 16333, "\u0120sued": 16334, "ividually": 16335, "\u0120patience": 16336, "chair": 16337, "regular": 16338, "\u0120aug": 16339, "inv": 16340, "except": 16341, "\u0120Lil": 16342, "\u0120nest": 16343, "fd": 16344, "sum": 16345, "\u0120Chase": 16346, "Russia": 16347, "\u0120Jennifer": 16348, "\u0120offseason": 16349, "Overall": 16350, "Fore": 16351, "\u0120riot": 16352, "Aud": 16353, "former": 16354, "\u0120defenders": 16355, "\u0120CT": 16356, "iotic": 16357, "ribly": 16358, "\u0120automated": 16359, "\u0120penis": 16360, "\u0120insist": 16361, "\u0120diagram": 16362, "\u0120SQL": 16363, "\u0120Garc": 16364, "\u0120witch": 16365, "client": 16366, "ierra": 16367, "ambers": 16368, "\u0120recount": 16369, "far": 16370, "Very": 16371, "osterone": 16372, "\u0120appreciated": 16373, "\u0120Perfect": 16374, "Section": 16375, "\u0120doses": 16376, "ocaust": 16377, "\u0120costly": 16378, "\u0120grams": 16379, "\u0120Shi": 16380, "\u0120wrestling": 16381, "\u01201971": 16382, "\u0120trophy": 16383, "\u0120nerve": 16384, "\u0120Kaz": 16385, "\u0120Experience": 16386, "\u0120pledged": 16387, "\u0120playback": 16388, "\u0120creativity": 16389, "bye": 16390, "\u0120attackers": 16391, "\u0120holders": 16392, "\u0120Coach": 16393, "\u0120PhD": 16394, "\u0120transfers": 16395, "\u0120colored": 16396, "\u0120Hindu": 16397, "\u0120drown": 16398, "\u0120listened": 16399, "\u0120WA": 16400, "iasm": 16401, "PO": 16402, "\u0120appealing": 16403, "\u0120disclosed": 16404, "\u0120Chicken": 16405, "agging": 16406, "\u0120pleaded": 16407, "\u0120navigation": 16408, "\u0120Returns": 16409, "\u0120[[": 16410, "ROR": 16411, "EA": 16412, "\u0120photographer": 16413, "\u0120Rider": 16414, "ippers": 16415, "\u0120slice": 16416, "\u0120erect": 16417, "\u0120hed": 16418, "issance": 16419, "\u0120Vikings": 16420, "urious": 16421, "\u0120appet": 16422, "oubtedly": 16423, "Child": 16424, "\u0120authentic": 16425, "oos": 16426, "\u0120Making": 16427, "\u0120announcing": 16428, "\u0120bod": 16429, "\u0120meter": 16430, "\u0120Nine": 16431, "\u0120Rogue": 16432, "\u0120workforce": 16433, "\u0120renewed": 16434, "\u0120organisations": 16435, "acs": 16436, "PLE": 16437, "Short": 16438, "\u0120compounds": 16439, "\u0120Visit": 16440, "\u0120envelop": 16441, "earth": 16442, "\u0120supportive": 16443, "ggle": 16444, "\u0120Brussels": 16445, "\u0120Guild": 16446, "Create": 16447, "REL": 16448, "\u0120averaged": 16449, "\u01201969": 16450, "riages": 16451, "\u0120lengthy": 16452, "\u0120forgot": 16453, "Okay": 16454, "\u0120Erd": 16455, "\u0120dealer": 16456, "\u0120recession": 16457, "DD": 16458, "\u0120desperately": 16459, "\u0120hunger": 16460, "\u0120sticks": 16461, "\u0120mph": 16462, "\u0120Faith": 16463, "\u0120intentionally": 16464, "\u0120demol": 16465, "ueller": 16466, "\u0120Sale": 16467, "\u0120debris": 16468, "spring": 16469, "\u0120leap": 16470, ">>>>": 16471, "\u0120containers": 16472, "selling": 16473, "ranean": 16474, "attering": 16475, "\u0120commented": 16476, "\u0120CM": 16477, "onut": 16478, "\u0120woods": 16479, "especially": 16480, "\u0120organize": 16481, "ivic": 16482, "\u0120Woods": 16483, "anga": 16484, "squ": 16485, "\u0120maj": 16486, "amon": 16487, "\u0120axis": 16488, "\u01201974": 16489, "\u0120Denmark": 16490, "\u0120warrior": 16491, "\u0120Pand": 16492, "\u0120outlined": 16493, "\u0120BO": 16494, "insula": 16495, "zilla": 16496, "ebook": 16497, "\u0120dare": 16498, "\u0120searched": 16499, "\u0120navigate": 16500, "Sn": 16501, "writing": 16502, "\u0120united": 16503, "Japan": 16504, "\u0120Hebrew": 16505, "\u0120flame": 16506, "\u0120relies": 16507, "\u0120catching": 16508, "\u0120Sho": 16509, "\u0120imprisonment": 16510, "\u0120pockets": 16511, "\u0120closure": 16512, "\u0120Fam": 16513, "tim": 16514, "adequ": 16515, "Activity": 16516, "\u0120recruiting": 16517, "\u0120WATCH": 16518, "\u0120Argentina": 16519, "dest": 16520, "\u0120apologize": 16521, "oro": 16522, "\u0120lacks": 16523, "\u0120tuned": 16524, "\u0120Griffin": 16525, "\u0120infamous": 16526, "\u0120celebrity": 16527, "sson": 16528, "\u0120----------------------------------------------------------------": 16529, "\u0120Isis": 16530, "\u0120Display": 16531, "\u0120credibility": 16532, "\u0120economies": 16533, "\u0120headline": 16534, "\u0120Cowboys": 16535, "\u0120indef": 16536, "\u0120lately": 16537, "\u0120incentives": 16538, "button": 16539, "\u0120Mob": 16540, "Aut": 16541, "\u0120resigned": 16542, "\u0120Om": 16543, "camp": 16544, "\u0120profiles": 16545, "\u0120schemes": 16546, "olphins": 16547, "ayed": 16548, "Clinton": 16549, "enh": 16550, "\u0120Yahoo": 16551, "\u0120abst": 16552, "\u0120ank": 16553, "suits": 16554, "\u0120wished": 16555, "\u0120Marco": 16556, "udden": 16557, "\u0120sphere": 16558, "\u0120Bishop": 16559, "\u0120incorporated": 16560, "\u0120Plant": 16561, "114": 16562, "\u0120hated": 16563, "pic": 16564, "\u0120donate": 16565, "\u0120lined": 16566, "\u0120beans": 16567, "\u0120stealing": 16568, "\u0120costume": 16569, "\u0120sheriff": 16570, "\u0120forty": 16571, "\u0120intact": 16572, "\u0120adapted": 16573, "\u0120travelling": 16574, "bart": 16575, "\u0120nicely": 16576, "\u0120dried": 16577, "\u0120scal": 16578, "osity": 16579, "NOTE": 16580, "\u0120Bh": 16581, "\u0120Broncos": 16582, "\u0120Ign": 16583, "\u0120intimate": 16584, "\u0120chemistry": 16585, "\u0120optimal": 16586, "Deb": 16587, "\u0120Generation": 16588, "\u0120],": 16589, "ichi": 16590, "\u0120Wii": 16591, "\u0120YOUR": 16592, "ventions": 16593, "Write": 16594, "\u0120popul": 16595, "unning": 16596, "\u0120Wor": 16597, "Vol": 16598, "\u0120queen": 16599, "heads": 16600, "KK": 16601, "\u0120analyze": 16602, "opic": 16603, "earchers": 16604, "\u0120dot": 16605, "legraph": 16606, "astically": 16607, "\u0120upgrades": 16608, "\u0120cares": 16609, "\u0120extending": 16610, "\u0120freeze": 16611, "\u0120inability": 16612, "\u0120organs": 16613, "\u0120pretend": 16614, "\u0120outlet": 16615, "113": 16616, "olan": 16617, "\u0120Mall": 16618, "uling": 16619, "talk": 16620, "\u0120expressing": 16621, "\u0120Always": 16622, "\u0120Begin": 16623, "files": 16624, "\u0120licenses": 16625, "%%": 16626, "\u0120Mitt": 16627, "\u0120filters": 16628, "\u0120Milwaukee": 16629, "GN": 16630, "\u0120unfold": 16631, "Mo": 16632, "\u0120nutrition": 16633, "ppo": 16634, "Bo": 16635, "\u0120founding": 16636, "\u0120undermine": 16637, "\u0120easiest": 16638, "\u0120Czech": 16639, "\u0120Mack": 16640, "\u0120sexuality": 16641, "\u0120Nixon": 16642, "Win": 16643, "\u0120Arn": 16644, "\u0120Kin": 16645, "\u00e3\u0124\u00a3": 16646, "icer": 16647, "\u0120fortun": 16648, "\u0120surfaces": 16649, "aghd": 16650, "\u0120carriers": 16651, "\u0120PART": 16652, "\u0120Tib": 16653, "\u0120interval": 16654, "\u0120frustrating": 16655, "\u0120Ship": 16656, "\u0120Armed": 16657, "ffe": 16658, "\u0120boats": 16659, "\u0120Abraham": 16660, "inis": 16661, "\u0120suited": 16662, "thread": 16663, "iov": 16664, "abul": 16665, "\u0120Venezuela": 16666, "\u0120tom": 16667, "super": 16668, "\u0120castle": 16669, "although": 16670, "ioxide": 16671, "eches": 16672, "\u0120evolutionary": 16673, "\u0120negotiate": 16674, "\u0120confronted": 16675, "Remember": 16676, "\u0120170": 16677, "Such": 16678, "\u0120911": 16679, "mult": 16680, "\u0120Abyss": 16681, "urry": 16682, "kees": 16683, "spec": 16684, "\u0120Barbara": 16685, "\u0120belonging": 16686, "\u0120villain": 16687, "istani": 16688, "\u0120accountable": 16689, "\u0120portions": 16690, "\u0120Decl": 16691, "Ur": 16692, "\u0120Kate": 16693, "gre": 16694, "\u0120magazines": 16695, "UCK": 16696, "\u0120regulate": 16697, "omon": 16698, "\u0120Almost": 16699, "\u0120overview": 16700, "\u0120scram": 16701, "\u0120loot": 16702, "\u0120Fitz": 16703, "\u0120characteristic": 16704, "\u0120Snake": 16705, "say": 16706, "\u0120Rico": 16707, "\u0120trait": 16708, "\u0120Joined": 16709, "aucus": 16710, "\u0120adaptation": 16711, "\u0120Airlines": 16712, "\u0120archae": 16713, "\u0120Ide": 16714, "\u0120bikes": 16715, "\u0120literary": 16716, "\u0120influences": 16717, "\u0120Used": 16718, "Creat": 16719, "\u0120plea": 16720, "\u0120Defence": 16721, "\u0120Assass": 16722, "\u0120pond": 16723, "ULT": 16724, ")\"": 16725, "\u0120evaluated": 16726, "\u0120obtaining": 16727, "\u0120demographic": 16728, "\u0120vigil": 16729, "aley": 16730, "\u0120spouse": 16731, "\u0120Seahawks": 16732, "respons": 16733, "\u0120Belt": 16734, "umatic": 16735, "\u0120rises": 16736, "runner": 16737, "\u0120Michelle": 16738, "\u0120potent": 16739, "race": 16740, "\u0120PAC": 16741, "Find": 16742, "olesterol": 16743, "ISS": 16744, "\u0120Introduced": 16745, "resses": 16746, "ignment": 16747, "Os": 16748, "\u0120Tu": 16749, "\u0120Dex": 16750, "icides": 16751, "\u0120sparked": 16752, "\u0120Laura": 16753, "\u0120Bryant": 16754, "\u0120smiling": 16755, "\u0120Nexus": 16756, "\u0120defendants": 16757, "\u0120Catal": 16758, "\u0120dishes": 16759, "shaped": 16760, "\u0120prolong": 16761, "mt": 16762, "($": 16763, "\u00e3\u0122\u0124": 16764, "\u0120calculations": 16765, "\u0120Same": 16766, "\u0120piv": 16767, "HH": 16768, "\u0120cancelled": 16769, "\u0120grin": 16770, "\u0120territories": 16771, "istically": 16772, "Come": 16773, "\u0120Parent": 16774, "Project": 16775, "\u0120neglig": 16776, "\u0120Privacy": 16777, "\u0120ammo": 16778, "LECT": 16779, "olutely": 16780, "\u0120Epic": 16781, "\u0120misunder": 16782, "wal": 16783, "April": 16784, "mos": 16785, "pathy": 16786, "\u0120Carson": 16787, "\u0120albums": 16788, "\u0120Easy": 16789, "\u0120pistol": 16790, "<<": 16791, "\u0120\\(": 16792, "target": 16793, "help": 16794, "\u0120interpre": 16795, "conscious": 16796, "\u0120Housing": 16797, "\u0120Joint": 16798, "127": 16799, "\u0120beers": 16800, "science": 16801, "\u0120Firefox": 16802, "effective": 16803, "\u0120Cabin": 16804, "\u0120Okay": 16805, "\u0120Applic": 16806, "\u0120spacecraft": 16807, "\u0120SR": 16808, "vet": 16809, "\u0120Strange": 16810, "SB": 16811, "\u0120corps": 16812, "iberal": 16813, "efficient": 16814, "\u0120prevalence": 16815, "\u0120economists": 16816, "118": 16817, "Thread": 16818, "ordable": 16819, "ODE": 16820, "\u0120Cant": 16821, "=-=-": 16822, "ifiable": 16823, "\u0120Around": 16824, "\u0120pole": 16825, "\u0120willingness": 16826, "CLA": 16827, "\u0120Kid": 16828, "\u0120complement": 16829, "\u0120scattered": 16830, "\u0120inmates": 16831, "\u0120bleeding": 16832, "every": 16833, "\u0120queue": 16834, "\u0120Train": 16835, "\u0120hij": 16836, "\u0120melee": 16837, "pleted": 16838, "\u0120digit": 16839, "\u0120gem": 16840, "official": 16841, "\u0120lifting": 16842, "\u00d0\u00b5": 16843, "Requ": 16844, "itutes": 16845, "\u0120packaging": 16846, "\u0120Workers": 16847, "hran": 16848, "\u0120Lebanon": 16849, "olesc": 16850, "\u0120punished": 16851, "\u0120Juan": 16852, "\u0120jam": 16853, "\u0120Document": 16854, "\u0120mapping": 16855, "icates": 16856, "\u0120inevitably": 16857, "\u0120vanilla": 16858, "\u0120Ton": 16859, "\u0120watches": 16860, "\u0120leagues": 16861, "\u0120initiated": 16862, "degree": 16863, "portion": 16864, "\u0120recalls": 16865, "\u0120ruin": 16866, "\u0120melt": 16867, "IAN": 16868, "\u0120hem": 16869, "Exp": 16870, "\u0120baking": 16871, "\u0120Colomb": 16872, "atible": 16873, "\u0120radius": 16874, "plug": 16875, "\u0120IF": 16876, "etically": 16877, "\u0120fict": 16878, "HER": 16879, "\u0120Tap": 16880, "atinum": 16881, "\u0120ink": 16882, "\u0120coh": 16883, "\u0120Wizard": 16884, "both": 16885, "tex": 16886, "\u0120spends": 16887, "\u0120Currently": 16888, "\u0120Pit": 16889, "\u0120neurons": 16890, "ignt": 16891, "\u0120rall": 16892, "\u0120buses": 16893, "building": 16894, "\u0120adjustments": 16895, "\u0120cried": 16896, "iblical": 16897, "atted": 16898, "\u0120Zion": 16899, "\u0120Matter": 16900, "\u0120meditation": 16901, "\u0120Dennis": 16902, "\u0120ours": 16903, "\u0120Tab": 16904, "\u0120rankings": 16905, "ortal": 16906, "\u0120advers": 16907, "\u0120surrender": 16908, "\u0120Gob": 16909, "cium": 16910, "omas": 16911, "imeter": 16912, "\u0120multiplayer": 16913, "\u0120heroin": 16914, "\u0120optimistic": 16915, "\u0120indicator": 16916, "\u0120Brig": 16917, "\u0120grocery": 16918, "\u0120applicant": 16919, "\u0120Rocket": 16920, "vid": 16921, "Exception": 16922, "pent": 16923, "\u0120organizing": 16924, "\u0120encounters": 16925, "\u0120TOD": 16926, "\u0120jewel": 16927, "Save": 16928, "\u0120Christie": 16929, "\u0120heating": 16930, "\u0120lazy": 16931, "\u0120CP": 16932, "\u0120cousin": 16933, "Config": 16934, "\u0120regener": 16935, "\u0120nearest": 16936, "\u0120achieving": 16937, "ENS": 16938, "throw": 16939, "\u0120Richmond": 16940, "antle": 16941, "2002": 16942, "\u0120anten": 16943, "bird": 16944, "133": 16945, "\u0120narc": 16946, "raint": 16947, "unny": 16948, "\u0120Hispanic": 16949, "ournaments": 16950, "\u0120prophe": 16951, "\u0120Thailand": 16952, "\u0120Ti": 16953, "\u0120injection": 16954, "\u0120inherit": 16955, "ravis": 16956, "\u0120medi": 16957, "\u0120whoever": 16958, "\u0120DEBUG": 16959, "GP": 16960, "\u0120Hud": 16961, "Card": 16962, "prom": 16963, "\u0120por": 16964, "\u0120overhead": 16965, "Law": 16966, "\u0120violate": 16967, "\u0120heated": 16968, "\u0120descriptions": 16969, "\u0120achievements": 16970, "\u0120Beer": 16971, "\u0120Quant": 16972, "Was": 16973, "\u0120eighth": 16974, "\u0120Iv": 16975, "\u0120specialized": 16976, "UPDATE": 16977, "\u0120Delta": 16978, "Pop": 16979, "Jul": 16980, "\u0120Ask": 16981, "ophy": 16982, "\u0120newsletters": 16983, "\u0120Tool": 16984, "\u0120gard": 16985, "\u0120Confeder": 16986, "\u0120GMT": 16987, "\u0120Abbott": 16988, "\u0120immunity": 16989, "\u0120VM": 16990, "Islam": 16991, "\u0120implicit": 16992, "wd": 16993, "\u01201944": 16994, "ravity": 16995, "ometric": 16996, "\u0120surviving": 16997, "urai": 16998, "\u0120Prison": 16999, "\u0120rust": 17000, "\u0120Sketch": 17001, "\u0120bees": 17002, "\u0120Theory": 17003, "\u0120merit": 17004, "Tex": 17005, "chat": 17006, "\u0120mim": 17007, "\u0120paste": 17008, "\u0120Koch": 17009, "\u0120ignorance": 17010, "\u0120Shoot": 17011, "\u0120basement": 17012, "United": 17013, "\u0120Advis": 17014, "height": 17015, "\u0120foster": 17016, "\u0120detain": 17017, "information": 17018, "\u0120neural": 17019, "';": 17020, "\u0120proves": 17021, "allery": 17022, "\u0120invitation": 17023, "umbers": 17024, "\u0120cattle": 17025, "\u0120bicycle": 17026, "zi": 17027, "\u0120consultant": 17028, "\u0120apology": 17029, "\u0120Tiger": 17030, "\u0120123": 17031, "999": 17032, "\u0120individually": 17033, "rt": 17034, "igion": 17035, "\u0120Brazilian": 17036, "\u0120disturb": 17037, "\u0120entrepreneurs": 17038, "\u0120forests": 17039, "cerpt": 17040, "plates": 17041, "pher": 17042, "clipse": 17043, "\u0120twitter": 17044, "\u0120acids": 17045, "ographical": 17046, "hum": 17047, "\u0120Bald": 17048, "ifully": 17049, "\u0120compiler": 17050, "\u0120DA": 17051, "\u0120donor": 17052, "asi": 17053, "\u0120tribal": 17054, "lash": 17055, "\u0120Config": 17056, "\u0120applicants": 17057, "\u0120salaries": 17058, "135": 17059, "Putin": 17060, "\u0120Focus": 17061, "irs": 17062, "\u0120misconduct": 17063, "\u0120Haz": 17064, "\u0120eaten": 17065, "Mobile": 17066, "Muslim": 17067, "\u0120Marcus": 17068, "viol": 17069, "\u0120favorable": 17070, "\u0120stub": 17071, "adin": 17072, "\u0120Hob": 17073, "\u0120faithful": 17074, "\u0120electronics": 17075, "\u0120vacuum": 17076, "wait": 17077, "backed": 17078, "economic": 17079, "dist": 17080, "\u0120tenure": 17081, "\u0120sincere": 17082, "\u0120Together": 17083, "\u0120Wave": 17084, "\u0120progression": 17085, "\u0120denying": 17086, "\u0120distress": 17087, "braska": 17088, "third": 17089, "\u0120mixing": 17090, "\u0120colonial": 17091, "\u0120privately": 17092, "\u0120unrest": 17093, "aternity": 17094, "\u0120premises": 17095, "anti": 17096, "gregation": 17097, "\u0120licence": 17098, "\u0120Hind": 17099, "\u0120Samuel": 17100, "\u0120convincing": 17101, "\u0120Ace": 17102, "\u0120Rust": 17103, "\u0120Netanyahu": 17104, "\u0120handles": 17105, "\u0120Patch": 17106, "oriented": 17107, "aho": 17108, "\u0120Gonz": 17109, "\u0120hackers": 17110, "claimer": 17111, "\u0120customs": 17112, "\u0120Gran": 17113, "fighters": 17114, "\u0120luc": 17115, "\u0120manuscript": 17116, "arenthood": 17117, "\u0120devil": 17118, "\u0120warriors": 17119, "\u0120offenders": 17120, "William": 17121, "\u0120holidays": 17122, "\u0120nightmare": 17123, "\u0120lever": 17124, "ifferent": 17125, "Stat": 17126, "\u0120exhibition": 17127, "puted": 17128, "\u0120Pure": 17129, "\u0120alpha": 17130, "\u0120enthusiasm": 17131, "\u0120Representatives": 17132, "EAR": 17133, "\u0120Typ": 17134, "\u0120wheat": 17135, "\u0120Alf": 17136, "\u0120correction": 17137, "\u0120evangel": 17138, "ATT": 17139, "Miss": 17140, "\u0120soup": 17141, "\u0120implied": 17142, "param": 17143, "\u0120sexy": 17144, "\u0120Lux": 17145, "\u0120republic": 17146, "patch": 17147, "ablish": 17148, "\u0120icons": 17149, "\u0120fathers": 17150, "\u0120GET": 17151, "\u0120Carib": 17152, "\u0120regulated": 17153, "\u0120Cohen": 17154, "\u0120Bobby": 17155, "\u0120ner": 17156, "\u0120bent": 17157, "ventory": 17158, "\u0120Along": 17159, "\u0120EST": 17160, "\u0120Wallace": 17161, "\u0120murders": 17162, "rise": 17163, "kell": 17164, "\u0120Commonwealth": 17165, "\u0120nasty": 17166, "eta": 17167, "\u0120MIT": 17168, "\u0120administered": 17169, "\u0120genuinely": 17170, "Editor": 17171, "nick": 17172, "\u0120hydro": 17173, "********************************": 17174, "\u0120Ble": 17175, "\u0120fines": 17176, "\u0120gorge": 17177, "ausible": 17178, "rh": 17179, "\u0120apple": 17180, "mentioned": 17181, "\u0120rope": 17182, "otyp": 17183, "HR": 17184, "\u0120disappointing": 17185, "\u0120cage": 17186, "nik": 17187, "\u0120doubts": 17188, "\u0120FREE": 17189, "prints": 17190, "\u0120MUST": 17191, "\u0120vendors": 17192, "\u0120Inqu": 17193, "\u0120liberals": 17194, "\u0120contractor": 17195, "\u0120upside": 17196, "children": 17197, "\u0120tricky": 17198, "\u0120regulators": 17199, "charged": 17200, "liter": 17201, "\u0120***": 17202, "\u0120rebell": 17203, "lang": 17204, "\u0120locals": 17205, "\u0120physicians": 17206, "\u0120hey": 17207, "arse": 17208, "tm": 17209, "\u0120Lex": 17210, "\u0120behavioral": 17211, "successful": 17212, "FX": 17213, "\u0120brick": 17214, "ovic": 17215, "\u0120conform": 17216, "\u0120reviewing": 17217, "\u0120insights": 17218, "\u0120biology": 17219, "\u0120Remove": 17220, "\u0120Extra": 17221, "\u0120committing": 17222, "induced": 17223, "ignty": 17224, "igm": 17225, "\u0120atomic": 17226, "Common": 17227, "\u0120EM": 17228, "\u0120Pere": 17229, "\u0120Items": 17230, "eh": 17231, "\u0120preserved": 17232, "\u0120Hood": 17233, "\u0120prisoner": 17234, "\u0120bankruptcy": 17235, "\u0120gren": 17236, "ushes": 17237, "\u0120exploitation": 17238, "\u0120signatures": 17239, "\u0120finan": 17240, "],\"": 17241, "\u0120MR": 17242, "\u0120meg": 17243, "remlin": 17244, "\u0120musicians": 17245, "\u0120selecting": 17246, "\u0120examining": 17247, "INK": 17248, "lated": 17249, "Hi": 17250, "\u0120artic": 17251, "\u0120pets": 17252, "\u0120impair": 17253, "\u0120MAN": 17254, "\u0120tablets": 17255, "include": 17256, "Range": 17257, "\u0120caut": 17258, "\u0120logs": 17259, "\u0120mounting": 17260, "\u0120unaware": 17261, "\u0120dynamics": 17262, "\u0120Palestine": 17263, "\u0120Quarter": 17264, "\u0120Purple": 17265, "\u0120ma": 17266, "\u0120Import": 17267, "\u0120collections": 17268, "ciation": 17269, "\u0120successor": 17270, "\u0120clone": 17271, "\u0120aiming": 17272, "\u0120possessed": 17273, "\u0120sticking": 17274, "\u0120shaking": 17275, "\u0120locate": 17276, "\u0120Hockey": 17277, "Turn": 17278, "170": 17279, "\u0120fifteen": 17280, "\u0120Harrison": 17281, "\u0120continuously": 17282, "\u0120TC": 17283, "\u0120Valent": 17284, "\u0120Rescue": 17285, "\u0120bypass": 17286, "amount": 17287, "\u0120mast": 17288, "\u0120protects": 17289, "\u0120artistic": 17290, "\u0120sometime": 17291, "\u0120shoe": 17292, "\u0120shouted": 17293, "ificant": 17294, "etitive": 17295, "\u0120Register": 17296, "\u0120Jin": 17297, "\u0120concentrated": 17298, "lington": 17299, "onies": 17300, "\u0120generator": 17301, "yrim": 17302, "\u0120Armen": 17303, "\u0120clearing": 17304, "ido": 17305, "\u0120TW": 17306, "alph": 17307, "\u0120ladies": 17308, "Hard": 17309, "\u0120dialog": 17310, "\u0120inputs": 17311, "\u00e6\u013e": 17312, "\u0120poses": 17313, "\u0120slots": 17314, "\u0120Premium": 17315, "\u0120leaks": 17316, "\u0120bosses": 17317, "\u0120113": 17318, "course": 17319, "Acc": 17320, "\u0120Newton": 17321, "\u0120Austria": 17322, "\u0120Mage": 17323, "\u0120teaches": 17324, "abad": 17325, "\u0120wears": 17326, "\u0120cyl": 17327, "\u0120curse": 17328, "\u0120Sales": 17329, "\u0120Wings": 17330, "\u0120psy": 17331, "\u0120gaps": 17332, "\u0120Iceland": 17333, "\u0120Pinterest": 17334, "\u0120landlord": 17335, "\u0120definitions": 17336, "\u0120Ker": 17337, "\u0120sufficiently": 17338, "\u0120Pence": 17339, "\u0120Architect": 17340, "\u0120surpass": 17341, "\u0120114": 17342, "\u0120superhero": 17343, "\u0120Disease": 17344, "\u0120priests": 17345, "\u0120Culture": 17346, "\u0120definitive": 17347, "\u0120secretly": 17348, "\u0120Dance": 17349, "install": 17350, "chief": 17351, "\u0120Jessica": 17352, "Would": 17353, "Updated": 17354, "\u0120locker": 17355, "\u0120Kay": 17356, "\u0120memorial": 17357, "\u00e8\u00a6": 17358, "fat": 17359, "\u0120disgu": 17360, "\u0120flavors": 17361, "\u0120Baseball": 17362, "\u0120Resistance": 17363, "\u0120kicks": 17364, "\u0120env": 17365, "\u0120teenagers": 17366, "Dark": 17367, "\u0120CAR": 17368, "\u0120halt": 17369, "\u0120LG": 17370, "\u0120Gabriel": 17371, "\u0120fever": 17372, "\u0120satur": 17373, "\u0120mall": 17374, "\u0120affiliate": 17375, "\u0120Sleep": 17376, "\u0120Specific": 17377, "\u0120Vel": 17378, "\u0120jar": 17379, "\u0120Sacred": 17380, "\u0120Edwards": 17381, "\u0120ACL": 17382, "\u0120retained": 17383, "\u0120Giant": 17384, "\u0120limitation": 17385, "inces": 17386, "\u0120refusal": 17387, "\u0120Tale": 17388, "\u0120Butler": 17389, "\u0120accidents": 17390, "\u0120CSS": 17391, "\u0120imported": 17392, "\u0120Copy": 17393, "\u00ce\u00b1": 17394, "ERT": 17395, "zel": 17396, "\u0120divisions": 17397, "hots": 17398, "\u0120Alb": 17399, "\u0120DS": 17400, "Loader": 17401, "Washington": 17402, "atisf": 17403, "\u0120Creative": 17404, "\\.": 17405, "\u0120Autom": 17406, "redict": 17407, "\u0120receptor": 17408, "\u0120Carlos": 17409, "Method": 17410, "oka": 17411, "\u0120malicious": 17412, "\u0120stepping": 17413, ",[": 17414, "\u0120Dad": 17415, "\u0120attraction": 17416, "\u0120Effects": 17417, "\u0120Pirate": 17418, "\u0120Cer": 17419, "\u0120Industry": 17420, "\u0120Rud": 17421, "\u0120charter": 17422, "\u0120dining": 17423, "\u0120insists": 17424, "\u0120configure": 17425, "\u0120(#": 17426, "\u0120Simple": 17427, "\u0120Scroll": 17428, "UTC": 17429, "175": 17430, "\u0120Kon": 17431, "\u0120marketplace": 17432, "\u0120\u00e3\u0124": 17433, "\u0120refres": 17434, "\u0120gates": 17435, "erred": 17436, "\u0120Pod": 17437, "\u0120behave": 17438, "Frank": 17439, "node": 17440, "\u0120endorsed": 17441, "hett": 17442, "asive": 17443, "\u0120Homeland": 17444, "\u0120rides": 17445, "\u0120Leave": 17446, "erness": 17447, "\u0120flooding": 17448, "AFP": 17449, "\u0120risen": 17450, "\u0120continually": 17451, "\u0120unanim": 17452, "\u0120Contract": 17453, "\u0120Pas": 17454, "\u0120guided": 17455, "\u0120Chile": 17456, "bd": 17457, "\u0120succ": 17458, "ptic": 17459, "\u0120committees": 17460, "\u0120Luther": 17461, "\u0120Anyone": 17462, "\u0120sab": 17463, "124": 17464, "\u0120pixel": 17465, "\u0120Bak": 17466, "\u0120Tag": 17467, "\u0120Bennett": 17468, "Enter": 17469, "small": 17470, "\u0120Presidential": 17471, "\u0120pul": 17472, "\u0120contrace": 17473, "archive": 17474, "\u0120coastal": 17475, "\u0120Kids": 17476, "192": 17477, "\u00e2\u0122\u00b2": 17478, "icky": 17479, "INGTON": 17480, "\u0120wolf": 17481, "\u0120Stalin": 17482, "Tur": 17483, "idget": 17484, "amas": 17485, "\u0120Unless": 17486, "\u0120sponsor": 17487, "\u0120morph": 17488, "\u0120Choose": 17489, "\u0120runner": 17490, "\u0120unbel": 17491, "\u0120mud": 17492, "\u0120Mana": 17493, "\u0120dubbed": 17494, "\u0120godd": 17495, "urers": 17496, "window": 17497, "\u0120relied": 17498, "\u0120celebrating": 17499, "osc": 17500, "\u0120135": 17501, "\u0120lobbying": 17502, "\u0120incomplete": 17503, "\u0120restriction": 17504, "\u0120incap": 17505, "itus": 17506, "\u0120expectation": 17507, "\u0120Apollo": 17508, "\u0120intens": 17509, "\u0120sync": 17510, "GH": 17511, "\u0120manipulation": 17512, "BY": 17513, "\u0120spear": 17514, "\u0120breasts": 17515, "\u0120volcan": 17516, "ilia": 17517, "Material": 17518, "\u0120formats": 17519, "\u0120Bast": 17520, "\u0120parliamentary": 17521, "\u0120snake": 17522, "\u0120servants": 17523, "\u0120Trudeau": 17524, "\u0120Grim": 17525, "\u0120Arabic": 17526, "\u0120SCP": 17527, "\u0120Boys": 17528, "station": 17529, "\u0120prospective": 17530, "orde": 17531, "initialized": 17532, "\u0120bored": 17533, "ABLE": 17534, "\u0120accessed": 17535, "\u0120taxi": 17536, "\u0120Shell": 17537, "aiden": 17538, "ursed": 17539, "inates": 17540, "\u0120Insurance": 17541, "\u0120Pete": 17542, "September": 17543, "650": 17544, "\u0120adventures": 17545, "\u0120Cover": 17546, "\u0120tribute": 17547, "\u0120sketch": 17548, "\u0120empower": 17549, "\u0120\u00d8": 17550, "\u0120Glenn": 17551, "\u0120Daw": 17552, "=\\\"": 17553, "\u0120Politics": 17554, "\u0120guides": 17555, "\u0120dioxide": 17556, "\u0120Gore": 17557, "\u0120Bright": 17558, "\u0120Sierra": 17559, "\u0120valued": 17560, "cond": 17561, "\u0120pointer": 17562, "Select": 17563, "\u0120risky": 17564, "\u0120absorb": 17565, "images": 17566, "\u0120refuses": 17567, "\u0120bonuses": 17568, "___": 17569, "\u0120hilar": 17570, "\u0120Features": 17571, "220": 17572, "\u0120Collector": 17573, "Foot": 17574, "\u01201964": 17575, "culus": 17576, "\u0120dawn": 17577, "\u0120workout": 17578, "\u0120LO": 17579, "\u0120philosophical": 17580, "\u0120Sandy": 17581, "\u0120Youth": 17582, "\u0120liable": 17583, "Af": 17584, "blue": 17585, "\u0120overturn": 17586, "lessness": 17587, "\u0120Tribune": 17588, "\u0120Ing": 17589, "\u0120factories": 17590, "\u0120catches": 17591, "\u0120prone": 17592, "\u0120matrix": 17593, "\u0120login": 17594, "\u0120inacc": 17595, "\u0120exert": 17596, "sys": 17597, "\u0120needle": 17598, "\u0120Qur": 17599, "\u0120notified": 17600, "oulder": 17601, "tx": 17602, "\u0120reminds": 17603, "\u0120publishers": 17604, "\u0120nort": 17605, "\u0120git": 17606, "\u0120flies": 17607, "\u0120Emily": 17608, "\u0120flowing": 17609, "\u0120Alien": 17610, "\u0120Strateg": 17611, "\u0120hardest": 17612, "\u0120modification": 17613, "API": 17614, "\u0120MY": 17615, "\u0120crashes": 17616, "stairs": 17617, "number": 17618, "\u0120urging": 17619, "channel": 17620, "\u0120Falcon": 17621, "\u0120inhabitants": 17622, "\u0120terrifying": 17623, "\u0120utilize": 17624, "\u0120banner": 17625, "\u0120cigarettes": 17626, "\u0120senses": 17627, "\u0120Holmes": 17628, "\u0120practition": 17629, "\u0120Phillips": 17630, "otto": 17631, "\u0120compile": 17632, "Model": 17633, "\u0120Ko": 17634, "\u0120[]": 17635, "Americans": 17636, "\u0120Terms": 17637, "\u0120medications": 17638, "\u0120Ana": 17639, "\u0120fundamentally": 17640, "\u0120Notice": 17641, "\u0120weaker": 17642, "\u01200000": 17643, "\u0120garlic": 17644, "\u0120outbreak": 17645, "\u0120economist": 17646, "\u0120Birth": 17647, "\u0120obstacles": 17648, "arcer": 17649, "\u0120Orthodox": 17650, "\u0120placebo": 17651, "\u0120Crew": 17652, "aspberry": 17653, "\u0120Angels": 17654, "\u0120discharge": 17655, "\u0120destructive": 17656, "117": 17657, "\u0120Rising": 17658, "\u0120dairy": 17659, "late": 17660, "\u0120collision": 17661, "\u0120Tigers": 17662, "eanor": 17663, "ocumented": 17664, "\u0120Invalid": 17665, "\u0120dont": 17666, "\u0120Liter": 17667, "\u0120Va": 17668, "\u0120hydrogen": 17669, "\u0120variants": 17670, "\u0120Browns": 17671, "\u01201965": 17672, "\u0120indigenous": 17673, "\u0120trades": 17674, "\u0120remainder": 17675, "\u0120swept": 17676, "\u0120Impact": 17677, "\u0120redist": 17678, "\u0120unint": 17679, "graduate": 17680, "\u00e3\u0125\u0137": 17681, "\u0120WILL": 17682, "\u00e3\u0123\u00ae\u00e7": 17683, "\u0120Critical": 17684, "\u0120fisher": 17685, "\u0120vicious": 17686, "\u0120reversed": 17687, "Year": 17688, "\u0120Sox": 17689, "\u0120shootings": 17690, "\u0120filming": 17691, "\u0120touchdowns": 17692, "aires": 17693, "mel": 17694, "\u0120grandfather": 17695, "\u0120affection": 17696, "ingle": 17697, "\u0120overly": 17698, "Additional": 17699, "\u0120supreme": 17700, "\u0120Grad": 17701, "\u0120sporting": 17702, "\u0120mercy": 17703, "\u0120Brooks": 17704, "ounty": 17705, "\u0120performs": 17706, "\u0120tightly": 17707, "\u0120demons": 17708, "\u0120killings": 17709, "\u0120faction": 17710, "\u0120Nova": 17711, "auts": 17712, "\u0120undoubtedly": 17713, "arin": 17714, "\u0120underway": 17715, "rak": 17716, "\u0120liv": 17717, "\u0120Region": 17718, "\u0120briefing": 17719, "sers": 17720, "cloud": 17721, "\u0120Mik": 17722, "usp": 17723, "\u0120prediction": 17724, "azor": 17725, "\u0120portable": 17726, "\u0120Gand": 17727, "\u0120presenting": 17728, "\u01201080": 17729, "\u00c2\u00bb": 17730, "ushi": 17731, "\u0120Spark": 17732, "thereum": 17733, "\u0120justification": 17734, "\u0120Ny": 17735, "\u0120contractors": 17736, "mingham": 17737, "\u0120Style": 17738, "\u00e5\u0127": 17739, "\u0120Chronicles": 17740, "\u0120Picture": 17741, "\u0120proving": 17742, "\u0120wives": 17743, "sett": 17744, "\u0120molecules": 17745, "\u0120Fairy": 17746, "\u0120consisting": 17747, "\u0120pier": 17748, "alone": 17749, "inition": 17750, "\u0120nucle": 17751, "json": 17752, "\u0120gotta": 17753, "\u0120mobil": 17754, "\u0120verbal": 17755, "arium": 17756, "\u0120monument": 17757, "ucked": 17758, "\u0120256": 17759, "Tech": 17760, "minecraft": 17761, "\u0120Track": 17762, "\u0120tile": 17763, "\u0120compatibility": 17764, "asis": 17765, "\u0120sadd": 17766, "\u0120instructed": 17767, "\u0120Mueller": 17768, "\u0120lethal": 17769, "\u0120hormone": 17770, "\u0120orche": 17771, "else": 17772, "\u0120skelet": 17773, "\u0120entertaining": 17774, "\u0120minimize": 17775, "again": 17776, "\u0120undergo": 17777, "\u0120constraints": 17778, "\u0120cigarette": 17779, "\u0120Islamist": 17780, "\u0120travels": 17781, "\u0120Panthers": 17782, "lings": 17783, "Care": 17784, "\u0120lawsuits": 17785, "uras": 17786, "\u0120cryst": 17787, "\u0120lowered": 17788, "\u0120aerial": 17789, "\u0120combinations": 17790, "\u0120haun": 17791, "\u0120cha": 17792, "\u0120vine": 17793, "\u0120quantities": 17794, "\u0120linking": 17795, "bank": 17796, "\u0120soy": 17797, "Bill": 17798, "\u0120Angela": 17799, "\u0120recipient": 17800, "\u0120Protest": 17801, "\u0120socket": 17802, "\u0120solidarity": 17803, "\u0120\u00e2\u0128": 17804, "mill": 17805, "\u0120varies": 17806, "\u0120Pakistani": 17807, "Dragon": 17808, "\u0120une": 17809, "\u0120horizon": 17810, "\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142": 17811, "\u0120provinces": 17812, "\u0120frankly": 17813, "\u0120enacted": 17814, "notes": 17815, "['": 17816, "\u0120192": 17817, "ocracy": 17818, "\u0120endorsement": 17819, "\u0120overtime": 17820, "True": 17821, "Lab": 17822, "licted": 17823, "\u0120DNC": 17824, "\u0120beats": 17825, "\u0120Jamie": 17826, "152": 17827, "\u0120INT": 17828, "Contact": 17829, "\u0120accounted": 17830, "hash": 17831, "\u0120Packers": 17832, "pires": 17833, "\u0120lesbian": 17834, "\u0120amendments": 17835, "\u0120hopeful": 17836, "\u0120Finland": 17837, "\u0120spotlight": 17838, "\u0120configured": 17839, "\u0120troubled": 17840, "\u0120gaze": 17841, "\u0120Calgary": 17842, "\u0120reliability": 17843, "\u0120insurg": 17844, "swer": 17845, "buy": 17846, "\u0120Skin": 17847, "\u0120pixels": 17848, "\u0120handgun": 17849, "\u0120paras": 17850, "\u0120categor": 17851, "\u0120EL": 17852, "\u0120Rex": 17853, "Indeed": 17854, "\u0120kinda": 17855, "\u0120conjunction": 17856, "\u0120Bryan": 17857, "\u0120Manufact": 17858, "yang": 17859, "Plus": 17860, "SQL": 17861, "ishment": 17862, "\u0120dominate": 17863, "\u0120nail": 17864, "\u0120oath": 17865, "\u0120erupt": 17866, "\u0120Fine": 17867, "itbart": 17868, "\u0120Chip": 17869, "\u0120Abd": 17870, "\u0120Nam": 17871, "\u0120buyer": 17872, "\u0120dissent": 17873, "Leaks": 17874, "Contin": 17875, "\u0120rider": 17876, "\u0120Someone": 17877, "\u0120illusion": 17878, "cin": 17879, "\u0120Boeing": 17880, "\u0120inadequ": 17881, "ovation": 17882, "iants": 17883, "\u0120rebuild": 17884, "450": 17885, "\u0120Destiny": 17886, "SW": 17887, "\u0120Till": 17888, "Hit": 17889, "iaz": 17890, "\u0120Bangl": 17891, "achers": 17892, "\u0120Reform": 17893, "\u0120segments": 17894, "\u0120systematic": 17895, "dc": 17896, "\u0120Conservatives": 17897, "\u0120portal": 17898, "hor": 17899, "\u0120Dragonbound": 17900, "\u0120dragged": 17901, "omo": 17902, "\u0120thee": 17903, "advert": 17904, "\u0120Reports": 17905, "\u0120Et": 17906, "\u0120barrels": 17907, "August": 17908, "\u0120comparisons": 17909, "\u0120hex": 17910, "\u0120anthrop": 17911, "\"[": 17912, "borough": 17913, "abi": 17914, "\u0120pictured": 17915, "playing": 17916, "\u0120Address": 17917, "\u0120Mirror": 17918, "Smith": 17919, "\u0120tires": 17920, "\u0120NPR": 17921, "AAAA": 17922, "\u0120classification": 17923, "\u0120Than": 17924, "\u0120Harm": 17925, "\u0120RA": 17926, "\u0120rejection": 17927, "mination": 17928, "\u0120ranged": 17929, "\u0120Falls": 17930, "DI": 17931, "Host": 17932, "\u00e3\u0124\u00b4": 17933, "\u0120Example": 17934, "listed": 17935, "thirds": 17936, "\u0120safegu": 17937, "brand": 17938, "\u0120probable": 17939, "Canada": 17940, "ITION": 17941, "\u0120Qaeda": 17942, "\u0120chick": 17943, "\u0120imports": 17944, "hit": 17945, "loc": 17946, "WW": 17947, "\u0120blew": 17948, "\u0120anytime": 17949, "\u0120wholes": 17950, "iked": 17951, "\u0120calculation": 17952, "create": 17953, "\u0120Ori": 17954, "\u0120upgraded": 17955, "\u0120appar": 17956, "utory": 17957, "\u0120Mol": 17958, "Brit": 17959, "\u0120Jong": 17960, "INAL": 17961, "\u0120Starting": 17962, "\u0120dice": 17963, "urtle": 17964, "\u0120relying": 17965, "closure": 17966, "\u0120profitable": 17967, "\u0120slaughter": 17968, "\u0120Manual": 17969, "caster": 17970, "\u0120\"$": 17971, "\u0120feather": 17972, "\u0120Simply": 17973, "ieves": 17974, "\u0120deterior": 17975, "\u0120PCI": 17976, "\u0120stamp": 17977, "\u0120flaws": 17978, "\u0120shade": 17979, "hammer": 17980, "\u0120passport": 17981, "\u0120conting": 17982, "amel": 17983, "\u0120observers": 17984, "\u0120neglect": 17985, "\u0120RB": 17986, "\u0120Brotherhood": 17987, "\u0120skeptical": 17988, "family": 17989, "usk": 17990, "\u0120emotionally": 17991, "\u00e2\u013b": 17992, "\u0120Beta": 17993, "asonable": 17994, "idity": 17995, "\u0120Mul": 17996, "\u0120kicking": 17997, "\u0120Carm": 17998, "ollah": 17999, "VERTIS": 18000, "\u0120Athen": 18001, "\u0120ladder": 18002, "\u0120Bullet": 18003, "\u00e5\u00a3": 18004, "0001": 18005, "\u0120Wildlife": 18006, "\u0120Mask": 18007, "\u0120Nan": 18008, "Rev": 18009, "\u0120unacceptable": 18010, "legal": 18011, "\u0120crowded": 18012, "agi": 18013, "\u0120Cox": 18014, "je": 18015, "\u0120morality": 18016, "\u0120fuels": 18017, "\u0120cables": 18018, "\u0120mankind": 18019, "\u0120Caribbean": 18020, "\u0120anchor": 18021, "\u0120byte": 18022, "\u0120Often": 18023, "\u0120Oz": 18024, "\u0120crafted": 18025, "\u0120historian": 18026, "\u0120Wu": 18027, "\u0120towers": 18028, "\u0120Citizens": 18029, "\u0120helm": 18030, "\u0120credentials": 18031, "\u0120singular": 18032, "\u0120Jesse": 18033, "\u0120tackles": 18034, "\u0120contempt": 18035, "\u0120afore": 18036, "\u0120Shadows": 18037, "\u0120nil": 18038, "\u0120urgent": 18039, "apple": 18040, "blood": 18041, "\u0120von": 18042, "\u0120offline": 18043, "\u0120breathe": 18044, "\u0120jumps": 18045, "\u0120irrelevant": 18046, "oxic": 18047, "omal": 18048, "important": 18049, "Jim": 18050, "\u0120gloves": 18051, "arming": 18052, "depth": 18053, "\u0120talents": 18054, "ookie": 18055, "\u0120SB": 18056, "\u0120palm": 18057, "uffs": 18058, "esta": 18059, "IGH": 18060, "\u0120canon": 18061, "\u0120Verizon": 18062, "\u0120Ple": 18063, "\u0120coupled": 18064, "velt": 18065, "\u0120fundraising": 18066, "\u0120Getting": 18067, "\u0120DLC": 18068, "\u0120mathematical": 18069, "\u0120HS": 18070, "\u0120Cardinals": 18071, "telling": 18072, "\u0120sponsors": 18073, "\u0120\u00cf": 18074, "\u0120Bulls": 18075, "option": 18076, "\u0120propose": 18077, "\u0120memorable": 18078, "\u0120embraced": 18079, "\u0120declining": 18080, "Health": 18081, "eda": 18082, "\u0120};": 18083, "\u0120spam": 18084, "mile": 18085, "\u0120pitcher": 18086, "\u0120Eight": 18087, "\u0120caring": 18088, "utic": 18089, "role": 18090, "\u0120airline": 18091, "ernandez": 18092, "\u0120Athlet": 18093, "\u0120certification": 18094, "uxe": 18095, "riger": 18096, "\u0120empir": 18097, "\u0120sensation": 18098, "\u0120dism": 18099, "\u0120bolt": 18100, "\u0120evolve": 18101, "House": 18102, "\u0120consultation": 18103, "\u0120Duty": 18104, "\u0120touches": 18105, "\u0120Nathan": 18106, "\u0120faint": 18107, "had": 18108, "\"(": 18109, "\u0120Consumer": 18110, "\u0120Extreme": 18111, "\u0120127": 18112, "\u0120Herm": 18113, "\u0120Sacrament": 18114, "izoph": 18115, "\u0120anxious": 18116, "ulously": 18117, "\u0120socially": 18118, "\u0120UTC": 18119, "\u0120solving": 18120, "\u0120Letter": 18121, "History": 18122, "educ": 18123, "Price": 18124, "));": 18125, "\u0120reload": 18126, "amic": 18127, "\u0120pork": 18128, "\u0120discourse": 18129, "\u0120tournaments": 18130, "airo": 18131, "\u0120Kur": 18132, "\u0120Costa": 18133, "\u0120violating": 18134, "\u0120interfere": 18135, "\u0120recreational": 18136, "uffle": 18137, "\u0120speeches": 18138, "\u0120needing": 18139, "\u0120remembers": 18140, "\u0120credited": 18141, "nia": 18142, "focused": 18143, "amera": 18144, "\u0120bru": 18145, "umbs": 18146, "\u0120Cuban": 18147, "\u0120preceding": 18148, "\u0120nonsense": 18149, "acial": 18150, "\u0120smartphones": 18151, "\u0120Stories": 18152, "Sports": 18153, "\u0120Emergency": 18154, "ouncing": 18155, "efined": 18156, "\u0120ber": 18157, "\u0120consulting": 18158, "\u0120masters": 18159, "heastern": 18160, ".\"[": 18161, "\u0120Running": 18162, "\u0120suscept": 18163, "\u0120Feng": 18164, "America": 18165, "prises": 18166, "stitial": 18167, "\u0120Weekly": 18168, "\u0120Greater": 18169, "modules": 18170, "ifter": 18171, "Graphics": 18172, "uler": 18173, "\u0120wholly": 18174, "\u0120suppress": 18175, "\u0120concealed": 18176, "\u0120happily": 18177, "\u0120accepts": 18178, "\u0120Enjoy": 18179, "\u0120rivers": 18180, "\u0120Except": 18181, "225": 18182, "\u0120NHS": 18183, "\u0120McConnell": 18184, "\u0120pussy": 18185, "ferred": 18186, "utable": 18187, "\u0120attain": 18188, "\u0120>=": 18189, "\u0120deposits": 18190, "rophic": 18191, "\u0120notorious": 18192, "\u0120Shaw": 18193, "ilitation": 18194, "\u0120epidemic": 18195, "allic": 18196, "\u0120smallest": 18197, "ovich": 18198, "\u0120accessories": 18199, "perties": 18200, "\u0120surplus": 18201, "\u0120Mech": 18202, "\u0120ambig": 18203, "\u0120Immigration": 18204, "\u0120chim": 18205, "eval": 18206, "\u0120practicing": 18207, "\u0120Mystery": 18208, "\u0120domains": 18209, "\u0120Silicon": 18210, "apps": 18211, "\u0120kilometers": 18212, "ea": 18213, "\u0120Smash": 18214, "\u0120warranty": 18215, "\u0120nost": 18216, "sil": 18217, "rev": 18218, "Jon": 18219, "\u0120Dublin": 18220, "\u0120tastes": 18221, "\u0120bout": 18222, "great": 18223, "error": 18224, "\u0120switches": 18225, "\u0120Bapt": 18226, "DO": 18227, "oki": 18228, "\u0120sourced": 18229, "produ": 18230, "\u0120attachment": 18231, "\u0120Issue": 18232, "\u0120Question": 18233, "Join": 18234, "\u0120fitted": 18235, "\u0120unlawful": 18236, "^^": 18237, "erek": 18238, "\u0120authentication": 18239, "\u0120stole": 18240, "\u0120accountability": 18241, "label": 18242, "Search": 18243, "\u0120albeit": 18244, "atican": 18245, "funded": 18246, "\u0120Adding": 18247, "\u0120IQ": 18248, "\u0120submar": 18249, "lit": 18250, "aque": 18251, "\u0120Learning": 18252, "\u0120integer": 18253, "Master": 18254, "\u0120Chrom": 18255, "\u0120premier": 18256, "Op": 18257, "\u0120Liu": 18258, "\u0120blessed": 18259, "\u0120Globe": 18260, "\u0120Response": 18261, "\u0120legitim": 18262, "\u0120Merkel": 18263, "\u0120disposal": 18264, "\u00c2\u00b4": 18265, "\u0120gauge": 18266, "peat": 18267, "\u0120induced": 18268, "\u0120questionable": 18269, "arthy": 18270, "\u0120Vit": 18271, "\u0120Feed": 18272, "Until": 18273, "Ut": 18274, "worthy": 18275, "RY": 18276, "\u0120Herald": 18277, "\u0120Hammer": 18278, "\u0120medal": 18279, "\u0120Rivers": 18280, "\u0120Hack": 18281, "\u0120clarify": 18282, "\u0120tracked": 18283, "\u0120autonomous": 18284, "\u0120tenant": 18285, "\u0120Qatar": 18286, "erie": 18287, "\u0120grim": 18288, "\u0120Monitor": 18289, "\u0120resistant": 18290, "\u0120Spec": 18291, "\u0120Wells": 18292, "NAS": 18293, "148": 18294, "\u0120miners": 18295, "iotics": 18296, "\u0120misses": 18297, "116": 18298, "gian": 18299, "git": 18300, "\u0120Eyes": 18301, "pres": 18302, "\u0120graduated": 18303, "\u0120angel": 18304, "\u0120synchron": 18305, "\u0120efficiently": 18306, "\u0120transmitted": 18307, "Harry": 18308, "\u0120globally": 18309, "ENCE": 18310, "\u0120Montana": 18311, "raged": 18312, "\u0120Prevention": 18313, "\u0120piss": 18314, "\u0120Ll": 18315, "\u0120shelf": 18316, "\u0120BJP": 18317, "\u0120Testament": 18318, "\u0120Late": 18319, "iker": 18320, "\u0120Happ": 18321, "\u0120Julian": 18322, "hall": 18323, "\u0120spont": 18324, "\u0120shutdown": 18325, "\u0120inconsistent": 18326, "\u0120subscribers": 18327, "\u0120skeleton": 18328, "\u0120Nebraska": 18329, "\u0120inspire": 18330, "\u0120Void": 18331, "Feed": 18332, "\u0120angles": 18333, "\u0120Springs": 18334, "\u0120benchmark": 18335, "\u0120vaccines": 18336, "izophren": 18337, "sexual": 18338, "uffed": 18339, "\u0120shine": 18340, "\u0120Kath": 18341, "\u0120gesture": 18342, "inea": 18343, "\u0120rip": 18344, "\u0120oppression": 18345, "\u0120conscience": 18346, "bt": 18347, "\u0120Lum": 18348, "\u0120incidence": 18349, "\u0120Fa": 18350, "wr": 18351, "\u0120mineral": 18352, "\u0120Spurs": 18353, "alky": 18354, "\u0120thunder": 18355, "\u0120opio": 18356, "Being": 18357, "\u0120Palm": 18358, "\u0120wasted": 18359, "\u0120lb": 18360, "iaries": 18361, "\u0120Initiative": 18362, "\u0120curric": 18363, "\u0120marker": 18364, "\u0120McL": 18365, "\u0120extensions": 18366, "\u0120Pv": 18367, "\u0120Arms": 18368, "\u0120offerings": 18369, "\u0120defenses": 18370, "\u0120vendor": 18371, "\u0120contradict": 18372, "\u0120Colin": 18373, "\u0120reddit": 18374, "\u0120peripher": 18375, "122": 18376, "\u0120sins": 18377, "Edit": 18378, "ICT": 18379, "Soft": 18380, "\u0120Shah": 18381, "\u0120administrator": 18382, "\u0120Trip": 18383, "\u0120pornography": 18384, "\u0120tuition": 18385, "inence": 18386, "\u0120Progress": 18387, "\u0120catalog": 18388, "\u0120suite": 18389, "\u0120hike": 18390, "\u0120reproductive": 18391, "engine": 18392, "\u0120drought": 18393, "\u0120Noah": 18394, "\u0120230": 18395, "\u0120dude": 18396, "\u0120relaxed": 18397, "\u0120partition": 18398, "\u0120participant": 18399, "\u0120telesc": 18400, "\u0120feas": 18401, "\u0120FF": 18402, "owner": 18403, "\u0120sweeping": 18404, "\u0120lenses": 18405, "\u0120matchup": 18406, "\u0120Repl": 18407, "ournals": 18408, "\u0120credible": 18409, "\u0120grandmother": 18410, "\u0120thermal": 18411, "\u0120subscribing": 18412, "\u0120identities": 18413, "colm": 18414, "UCT": 18415, "\u0120reluctant": 18416, "users": 18417, "\u0120Cort": 18418, "\u0120assisted": 18419, "OSS": 18420, "ATIONS": 18421, "ISH": 18422, "\u0120pharmaceutical": 18423, "icable": 18424, "adian": 18425, "\u0120Sonic": 18426, "\u0120Fury": 18427, "\u0120Mong": 18428, "AH": 18429, "\u0120Psychology": 18430, "\u0120phosph": 18431, "\u0120treats": 18432, "\u0143\u0136": 18433, "\u0120steadily": 18434, "\u0120Hello": 18435, "\u0120relates": 18436, "\u0120clue": 18437, "Expl": 18438, "auth": 18439, "\u0120revision": 18440, "\u0120eld": 18441, "osion": 18442, "\u0120bron": 18443, "144": 18444, "rikes": 18445, "\u0120mines": 18446, "\u0120blanket": 18447, "\u0120Fail": 18448, "eled": 18449, "\u0120Imagine": 18450, "\u0120Planned": 18451, "aic": 18452, "Request": 18453, "Mad": 18454, "\u0120Horse": 18455, "\u0120Eagle": 18456, "\u0120capac": 18457, "157": 18458, "\u0120ling": 18459, "\u0120Nice": 18460, "\u0120Parenthood": 18461, "minster": 18462, "ogs": 18463, "ensitive": 18464, "Nothing": 18465, "\u0120carn": 18466, "Fin": 18467, "\u0120PE": 18468, "\u0120rifles": 18469, "\u0120LP": 18470, "Sand": 18471, "\u0120guiActive": 18472, "\u0120tourist": 18473, "CNN": 18474, "\u0120unveiled": 18475, "\u0120predecessor": 18476, "}{": 18477, "uber": 18478, "\u0120offshore": 18479, "\u0120optical": 18480, "\u0120Rot": 18481, "\u0120Pearl": 18482, "eton": 18483, "\u0120stared": 18484, "\u0120farther": 18485, "atility": 18486, "contin": 18487, "\u0120Gy": 18488, "\u0120Foster": 18489, "\u0120Coc": 18490, "rients": 18491, "\u0120designing": 18492, "\u0120Economy": 18493, "ONG": 18494, "Women": 18495, "\u0120Nancy": 18496, "erver": 18497, "\u0120mascul": 18498, "\u0120casualties": 18499, "\u0120225": 18500, "\u0120Sullivan": 18501, "\u0120Choice": 18502, "\u0120aster": 18503, "ws": 18504, "\u0120hotels": 18505, "\u0120considerations": 18506, "\u0120couch": 18507, "\u0120Strip": 18508, "\u0120Gn": 18509, "\u0120manipulate": 18510, "lied": 18511, "\u0120synthetic": 18512, "\u0120assaulted": 18513, "\u0120offenses": 18514, "\u0120Drake": 18515, "\u0120impe": 18516, "October": 18517, "\u0120Heritage": 18518, "hl": 18519, "\u0120Blair": 18520, "Unlike": 18521, "\u0120grief": 18522, "\u0120450": 18523, "\u0120opted": 18524, "\u0120resignation": 18525, "ilo": 18526, "\u0120verse": 18527, "\u0120Tomb": 18528, "\u0120upt": 18529, "\u0120aired": 18530, "\u0120Hook": 18531, "\u0120MLB": 18532, "\u0120assumes": 18533, "outed": 18534, "\u0120Vers": 18535, "\u0120inferior": 18536, "\u0120bundle": 18537, "\u0120DNS": 18538, "ographer": 18539, "\u0120multip": 18540, "\u0120Souls": 18541, "\u0120illustrated": 18542, "\u0120tactic": 18543, "\u0120dressing": 18544, "\u0120duo": 18545, "Conf": 18546, "\u0120relent": 18547, "\u0120cant": 18548, "\u0120scarce": 18549, "\u0120candy": 18550, "\u0120CF": 18551, "\u0120affiliated": 18552, "\u0120sprint": 18553, "ylan": 18554, "\u0120Garcia": 18555, "\u0120junk": 18556, "Print": 18557, "exec": 18558, "Crit": 18559, "\u0120portrait": 18560, "iries": 18561, "\u0120OFF": 18562, "\u0120disputes": 18563, "WR": 18564, "Love": 18565, "\u00e3\u0123\u0126": 18566, "\u0120Reyn": 18567, "\u0120hipp": 18568, "opath": 18569, "\u0120floors": 18570, "\u0120Feel": 18571, "\u0120worries": 18572, "\u0120settlements": 18573, "\u0120Pos": 18574, "\u0120mosque": 18575, "\u0120finals": 18576, "\u0120crushed": 18577, "\u0120Probably": 18578, "\u0120Bot": 18579, "\u0120Mans": 18580, "\u0120Period": 18581, "\u0120sovereignty": 18582, "\u0120seller": 18583, "\u0120apost": 18584, "\u0120amateur": 18585, "\u0120dorm": 18586, "\u0120consuming": 18587, "\u0120armour": 18588, "\u0120Roose": 18589, "\u0120intensive": 18590, "\u0120eliminating": 18591, "\u0120Sunni": 18592, "\u0120Aleppo": 18593, "jin": 18594, "\u0120advise": 18595, "pal": 18596, "\u0120Halo": 18597, "\u0120descent": 18598, "\u0120simpler": 18599, "\u0120booth": 18600, "STR": 18601, "Later": 18602, "\u0120Cave": 18603, "===": 18604, "\u0120mol": 18605, "\u0120fist": 18606, "\u0120shotgun": 18607, "supp": 18608, "\u0120robbery": 18609, "Effect": 18610, "\u0120obscure": 18611, "\u0120Professional": 18612, "\u0120embassy": 18613, "\u0120militant": 18614, "\u0120incarcer": 18615, "\u0120generates": 18616, "\u0120launches": 18617, "\u0120administrators": 18618, "\u0120shaft": 18619, "\u0120circular": 18620, "\u0120freshman": 18621, "\u0120Wes": 18622, "\u0120Joel": 18623, "\u0120Drew": 18624, "\u0120Duncan": 18625, "\u0120Apparently": 18626, "sight": 18627, "\u0120Internal": 18628, "\u0120Individual": 18629, "\u0120FE": 18630, "\u0120bore": 18631, "\u0120Mt": 18632, "\u0120broadly": 18633, "\u0120Options": 18634, "ountain": 18635, "ipes": 18636, "\u0120Videos": 18637, "204": 18638, "\u0120hills": 18639, "\u0120simulation": 18640, "\u0120disappointment": 18641, "itan": 18642, "\u0120Laboratory": 18643, "\u0120upward": 18644, "\u0120boundary": 18645, "\u0120darker": 18646, "hart": 18647, "\u0120dominance": 18648, "Cong": 18649, "\u0120Oracle": 18650, "\u0120Lords": 18651, "\u0120scholarship": 18652, "\u0120Vincent": 18653, "ede": 18654, "\u0120Rah": 18655, "\u0120encourages": 18656, "rov": 18657, "\u0120quo": 18658, "\u0120premise": 18659, "\u0120Crisis": 18660, "\u0120Holocaust": 18661, "\u0120rhythm": 18662, "\u0120metric": 18663, "club": 18664, "\u0120transported": 18665, "\u0120nod": 18666, "\u0120Pist": 18667, "\u0120ancestors": 18668, "\u0120Freder": 18669, "thumbnails": 18670, "\u0120CE": 18671, "OND": 18672, "Phil": 18673, "venge": 18674, "\u0120Products": 18675, "castle": 18676, "\u0120qualifying": 18677, "\u0120Karen": 18678, "VERTISEMENT": 18679, "\u0120mighty": 18680, "\u0120explanations": 18681, "\u0120fixing": 18682, "Di": 18683, "\u0120declaring": 18684, "\u0120anonymity": 18685, "\u0120juven": 18686, "\u0120Nord": 18687, "\u0120Doom": 18688, "\u0120Actually": 18689, "Ok": 18690, "phis": 18691, "\u0120Desert": 18692, "\u0120116": 18693, "IK": 18694, "\u0120FM": 18695, "\u0120incomes": 18696, "VEL": 18697, "okers": 18698, "\u0120pecul": 18699, "\u0120lightweight": 18700, "gue": 18701, "\u0120accent": 18702, "\u0120increment": 18703, "\u0120Chan": 18704, "\u0120complaining": 18705, "\u0120Baghd": 18706, "\u0120midfielder": 18707, "\u0120overhaul": 18708, "Process": 18709, "\u0120Hollow": 18710, "\u0120Titans": 18711, "Small": 18712, "manuel": 18713, "\u0120Unity": 18714, "\u0120Events": 18715, "Sty": 18716, "\u0120disproportion": 18717, "nesty": 18718, "enes": 18719, "\u0120Cod": 18720, "\u0120demonstrations": 18721, "\u0120Crimson": 18722, "\u0120OH": 18723, "\u0120enrolled": 18724, "\u0120cel": 18725, "\u0120Brett": 18726, "\u0120aide": 18727, "\u0120heels": 18728, "\u0120broadband": 18729, "\u0120marking": 18730, "\u0120wizard": 18731, "\u0120NJ": 18732, "\u0120Chiefs": 18733, "\u0120ingredient": 18734, "\u0120dug": 18735, "\u0120Shut": 18736, "urchase": 18737, "endor": 18738, "\u0120farmer": 18739, "\u0120Goldman": 18740, "129": 18741, "155": 18742, "Order": 18743, "\u0120lion": 18744, "iably": 18745, "\u0120stain": 18746, "array": 18747, "ilitary": 18748, "\u0120FAQ": 18749, "\u0120exploded": 18750, "\u0120McCarthy": 18751, "\u0120Tweet": 18752, "\u0120Greens": 18753, "eking": 18754, "ln": 18755, "ensen": 18756, "\u0120motorcycle": 18757, "\u0120particle": 18758, "\u0120cholesterol": 18759, "Bron": 18760, "\u0120stair": 18761, "\u0120oxid": 18762, "\u0120desirable": 18763, "ibles": 18764, "\u0120theor": 18765, "forcing": 18766, "\u0120promotional": 18767, "ovo": 18768, "boot": 18769, "\u0120Bonus": 18770, "rawling": 18771, "\u0120shortage": 18772, "\u0120Psy": 18773, "\u0120recruited": 18774, "\u0120infants": 18775, "\u0120testosterone": 18776, "\u0120deduct": 18777, "\u0120distinctive": 18778, "\u0120firmware": 18779, "built": 18780, "145": 18781, "\u0120explored": 18782, "\u0120factions": 18783, "\u0120vide": 18784, "\u0120tattoo": 18785, "\u0120financially": 18786, "\u0120fatigue": 18787, "\u0120proceeding": 18788, "constitutional": 18789, "\u0120miser": 18790, "\u0120chairs": 18791, "gging": 18792, "ipple": 18793, "\u0120dent": 18794, "\u0120disreg": 18795, "\u00e7\u0136": 18796, "stant": 18797, "llo": 18798, "bps": 18799, "akening": 18800, "\u0120abnormal": 18801, "\u0120ERA": 18802, "\u00e5\u00a3\u00ab": 18803, "\u0120HBO": 18804, "\u0120MAR": 18805, "\u0120concess": 18806, "\u0120servant": 18807, "\u0120aspir": 18808, "lav": 18809, "\u0120Panel": 18810, "amo": 18811, "\u0120precip": 18812, "\u0120recordings": 18813, "\u0120proceeded": 18814, "\u0120colony": 18815, "\u0120Tang": 18816, "ablo": 18817, "\u0120stripped": 18818, "Left": 18819, "too": 18820, "\u0120potatoes": 18821, "\u0120finest": 18822, "%).": 18823, "\u0120crap": 18824, "\u0120Zach": 18825, "abases": 18826, "\u0120Goth": 18827, "\u0120billionaire": 18828, "wolf": 18829, "\u0120sanction": 18830, "SK": 18831, "\u0120logged": 18832, "Po": 18833, "eyed": 18834, "unal": 18835, "\u0120cricket": 18836, "\u0120armies": 18837, "\u0120uncovered": 18838, "Cloud": 18839, "\u00c3\u00b3n": 18840, "\u0120rebounds": 18841, "\u0120mes": 18842, "Oper": 18843, "Pac": 18844, "\u0120nationally": 18845, "\u0120inserted": 18846, "pict": 18847, "\u0120governance": 18848, "\u00d0\u00b8": 18849, "\u0120privileges": 18850, "GET": 18851, "\u0120favorites": 18852, "imity": 18853, "\u0120lover": 18854, "them": 18855, "empl": 18856, "\u0120gorgeous": 18857, "Ann": 18858, "\u0120slipped": 18859, "\u0120veto": 18860, "Bob": 18861, "\u0120slim": 18862, "ucc": 18863, "\u0120Fame": 18864, "uddenly": 18865, "\u0120denies": 18866, "\u0120Maur": 18867, "\u0120distances": 18868, "\u0120wanna": 18869, "tar": 18870, "\u0120SER": 18871, "\u0120\u00e2\u012a": 18872, "\u0120lemon": 18873, "athetic": 18874, "\u0120literal": 18875, "\u0120distinguished": 18876, "\u0120answering": 18877, "GI": 18878, "\u0120religions": 18879, "\u0120Philos": 18880, "\u0120Lay": 18881, "\u0120compos": 18882, "irements": 18883, "\u0120Kos": 18884, "inez": 18885, "rolling": 18886, "\u0120youngest": 18887, "andise": 18888, "\u0120Born": 18889, "\u0120altar": 18890, "amina": 18891, "\u0120Boot": 18892, "voc": 18893, "\u0120digging": 18894, "\u0120pressures": 18895, "\u0120len": 18896, "264": 18897, "\u0120assassination": 18898, "\u0120Birmingham": 18899, "\u0120Myth": 18900, "\u0120sovereign": 18901, "\u0120Artist": 18902, "\u0120Photograph": 18903, "\u0120depicted": 18904, "\u0120dispens": 18905, "orthy": 18906, "\u0120ambul": 18907, "integ": 18908, "\u0120Cele": 18909, "\u0120Tibet": 18910, "\u0120hierarchy": 18911, "\u0120cu": 18912, "\u0120preseason": 18913, "\u0120Peterson": 18914, "\u0120colours": 18915, "\u0120worrying": 18916, "\u0120backers": 18917, "\u0120Palmer": 18918, "\u0120\u00ce\u00bc": 18919, "\u0120contributor": 18920, "\u0120hearings": 18921, "\u0120urine": 18922, "\u0120\u00d9": 18923, "ourgeois": 18924, "Similar": 18925, "\u0120Zimmer": 18926, "something": 18927, "\u0120USC": 18928, "\u0120strengths": 18929, "\u0120FI": 18930, "\u0120logging": 18931, "Asked": 18932, "\u0120Thai": 18933, "inqu": 18934, "\u0120Walt": 18935, "\u0120crews": 18936, "itism": 18937, "301": 18938, "\u0120sharply": 18939, "umed": 18940, "\u0120redirect": 18941, "rators": 18942, "Inf": 18943, "\u0120Weapons": 18944, "\u0120teasp": 18945, "1999": 18946, "Live": 18947, "\u0120Especially": 18948, "\u0120Ster": 18949, "\u0120Veterans": 18950, "\u0120intro": 18951, "otherapy": 18952, "\u0120malware": 18953, "\u0120breeding": 18954, "\u0120molecular": 18955, "\u0120Route": 18956, "\u0120Comment": 18957, "ochem": 18958, "\u0120ain": 18959, "Season": 18960, "\u0120linebacker": 18961, "\u00c4\u00ab": 18962, "\u0120Economics": 18963, "esar": 18964, "\u0120Lives": 18965, "\u0120Emma": 18966, "\u0120kin": 18967, "\u0120Territ": 18968, "\u0120planted": 18969, "oton": 18970, "\u0120Butter": 18971, "\u0120Spons": 18972, "PER": 18973, "\u0120dungeon": 18974, "\u0120symbolic": 18975, "\u0120filmed": 18976, "\u0120diets": 18977, "\u0120concludes": 18978, "\u0120certainty": 18979, "\u0120Format": 18980, "\u0120strangers": 18981, "format": 18982, "\u0120Phase": 18983, "\u0120copied": 18984, "\u0120metres": 18985, "lda": 18986, "\u0120Users": 18987, "\u0120deliberate": 18988, "\u0120washed": 18989, "\u0120Lance": 18990, "imation": 18991, "\u0120improper": 18992, "\u0120Genesis": 18993, "ickr": 18994, "\u0120Kush": 18995, "\u0120realise": 18996, "\u0120embarrassing": 18997, "alking": 18998, "bucks": 18999, "\u0120verified": 19000, "\u0120outline": 19001, "years": 19002, "\u0120Income": 19003, "202": 19004, "\u0120zombies": 19005, "Final": 19006, "\u0120Millenn": 19007, "\u0120modifications": 19008, "\u0120Vision": 19009, "\u0120Moses": 19010, "verb": 19011, "iterranean": 19012, "\u0120Jet": 19013, "\u0120naval": 19014, "\u0120Agg": 19015, "\u0120url": 19016, "\u0120victories": 19017, "\u0120nonetheless": 19018, "\u0120injust": 19019, "\u0120Fact": 19020, "\u00e7\u013c": 19021, "\u0120insufficient": 19022, "review": 19023, "facebook": 19024, "\u0120negotiating": 19025, "\u0120guarantees": 19026, "imen": 19027, "utenberg": 19028, "\u0120gambling": 19029, "\u0120congr": 19030, "Loading": 19031, "\u0120nevertheless": 19032, "\u0120presidents": 19033, "\u0120Industrial": 19034, "\u0120118": 19035, "\u0120poured": 19036, "\u0120Tory": 19037, "\u0120175": 19038, "\u0120:=": 19039, "Scott": 19040, "angered": 19041, "Tok": 19042, "\u0120organizers": 19043, "Mat": 19044, "\u0120Growth": 19045, "\u0120adul": 19046, "\u0120ensures": 19047, "\u0120117": 19048, "\u00e9\u00be\u012f\u00e5": 19049, "\u0120massacre": 19050, "\u0120grades": 19051, "before": 19052, "ADVERTISEMENT": 19053, "\u0120Slow": 19054, "\u0120MMA": 19055, "\u00e2\u0122\u0136\"": 19056, "\u0120Vatican": 19057, "Qaeda": 19058, "\u0120owe": 19059, "6666": 19060, "\u0120Sorry": 19061, "\u0120Grass": 19062, "\u0120backgrounds": 19063, "\u0120exhausted": 19064, "\u0120clan": 19065, "\u0120compromised": 19066, "\u0120Elf": 19067, "\u0120Isaac": 19068, "enson": 19069, "Invest": 19070, "IFA": 19071, "\u0120interrupted": 19072, "\u00e3\u0125\u012b\u00e3\u0125\u00a9": 19073, "\u0120twisted": 19074, "\u0120Dragons": 19075, "Mode": 19076, "\u0120Kremlin": 19077, "\u0120fertil": 19078, "heres": 19079, "phan": 19080, "\u0120Node": 19081, "fed": 19082, "\u0120Orc": 19083, "\u0120unwilling": 19084, "Cent": 19085, "\u0120priorit": 19086, "\u0120graduates": 19087, "\u0120subjective": 19088, "\u0120issuing": 19089, "\u0120Lt": 19090, "\u0120viewer": 19091, "\u0120woke": 19092, "Thus": 19093, "brook": 19094, "\u0120depressed": 19095, "\u0120bracket": 19096, "\u0120Gor": 19097, "\u0120Fighting": 19098, "\u0120striker": 19099, "Report": 19100, "\u0120Portugal": 19101, "\u0120neo": 19102, "wed": 19103, "199": 19104, "\u0120fleeing": 19105, "shadow": 19106, "identified": 19107, "USE": 19108, "Steam": 19109, "\u0120stretched": 19110, "\u0120revelations": 19111, "arted": 19112, "\u0120Dw": 19113, "\u0120alignment": 19114, "eston": 19115, "\u0120Jared": 19116, "Sep": 19117, "\u0120blogs": 19118, "update": 19119, "gom": 19120, "risk": 19121, "\u0120clash": 19122, "\u0120Hour": 19123, "\u0120runtime": 19124, "\u0120unwanted": 19125, "\u0120scam": 19126, "\u0120rack": 19127, "\u0120enlight": 19128, "onest": 19129, "\u0120Ferr": 19130, "\u0120convictions": 19131, "\u0120piano": 19132, "\u0120circulation": 19133, "\u0120Welcome": 19134, "\u0120backlash": 19135, "\u0120Wade": 19136, "\u0120receivers": 19137, "otive": 19138, "Jeff": 19139, "\u0120networking": 19140, "\u0120Prep": 19141, "\u0120Explorer": 19142, "\u0120lecture": 19143, "\u0120uploaded": 19144, "\u0120Meat": 19145, "BLE": 19146, "\u0120Nazis": 19147, "\u0120Synd": 19148, "stud": 19149, "roots": 19150, "rians": 19151, "\u0120portrayed": 19152, "\u0120??": 19153, "\u0120Buddha": 19154, "sun": 19155, "Robert": 19156, "\u0120Complex": 19157, "\u0120oversee": 19158, "\u0120stealth": 19159, "Title": 19160, "\u0120Jobs": 19161, "\u0120Kum": 19162, "\u0120appreciation": 19163, "\u0120MOD": 19164, "\u0120basics": 19165, "\u0120clips": 19166, "\u0120nursing": 19167, "\u0120proposition": 19168, "\u0120realised": 19169, "\u0120NYC": 19170, "\u0120allocated": 19171, "rium": 19172, "aran": 19173, "\u0120Production": 19174, "\u0120Vote": 19175, "\u0120smugg": 19176, "\u0120hunter": 19177, "azer": 19178, "\u0120Changes": 19179, "\u0120fluct": 19180, "yon": 19181, "Array": 19182, "\u0120kits": 19183, "Water": 19184, "\u0120uncommon": 19185, "\u0120resting": 19186, "ells": 19187, "would": 19188, "\u0120pursued": 19189, "\u0120assertion": 19190, "ometown": 19191, "\u0120Mosul": 19192, "\u0120Platform": 19193, "iolet": 19194, "\u0120shareholders": 19195, "\u0120trails": 19196, "Pay": 19197, "\u0120Enforcement": 19198, "types": 19199, "\u0120Anonymous": 19200, "\u0120satisfying": 19201, "ilogy": 19202, "\u0120('": 19203, "wave": 19204, "city": 19205, "Steve": 19206, "\u0120confrontation": 19207, "\u0120Eld": 19208, "Capt": 19209, "ahan": 19210, "htm": 19211, "\u0120Ctrl": 19212, "ONS": 19213, "230": 19214, "ifa": 19215, "holding": 19216, "\u0120delicate": 19217, "\u0120jaw": 19218, "\u0120Going": 19219, "orum": 19220, "Sal": 19221, "\u0120dull": 19222, "\u0120Beth": 19223, "\u0120prisons": 19224, "\u0120ego": 19225, "\u0120Elsa": 19226, "avorite": 19227, "\u0120Gang": 19228, "\u0120Nuclear": 19229, "\u0120spider": 19230, "atsu": 19231, "\u0120sampling": 19232, "\u0120absorbed": 19233, "\u0120Pharm": 19234, "ieth": 19235, "\u0120bucket": 19236, "\u0120Recomm": 19237, "OF": 19238, "\u0120Factory": 19239, "ANCE": 19240, "\u0120bacter": 19241, "Has": 19242, "\u0120Observ": 19243, "121": 19244, "\u0120premiere": 19245, "Develop": 19246, "\u0120currencies": 19247, "Cast": 19248, "\u0120accompanying": 19249, "\u0120Nashville": 19250, "\u0120fatty": 19251, "\u0120Brend": 19252, "\u0120locks": 19253, "\u0120centered": 19254, "\u0120UT": 19255, "aughs": 19256, "orie": 19257, "\u0120Affordable": 19258, "vance": 19259, "DL": 19260, "emet": 19261, "\u0120throne": 19262, "\u0120Bluetooth": 19263, "\u0120naming": 19264, "ifts": 19265, "ADE": 19266, "\u0120corrected": 19267, "\u0120promptly": 19268, "\u0120STR": 19269, "\u0120genome": 19270, "\u0120cope": 19271, "\u0120valley": 19272, "\u0120rounded": 19273, "\u0120Kend": 19274, "alion": 19275, "pers": 19276, "\u0120tourism": 19277, "\u0120stark": 19278, "vl": 19279, "\u0120blowing": 19280, "\u0120Schedule": 19281, "std": 19282, "\u0120unhappy": 19283, "\u0120litigation": 19284, "cedes": 19285, "\u0120android": 19286, "\u0120integral": 19287, "erers": 19288, "uded": 19289, "tax": 19290, "\u0120reiter": 19291, "\u0120Motors": 19292, "ociated": 19293, "\u0120wonders": 19294, "\u0120Apost": 19295, "ucking": 19296, "\u0120Roosevelt": 19297, "fram": 19298, "\u0120yields": 19299, "\u0120constitutes": 19300, "awk": 19301, "Interest": 19302, "\u0120interim": 19303, "\u0120breakthrough": 19304, "\u0120Cher": 19305, "\u0120prosec": 19306, "\u0120Dj": 19307, "\u0120MT": 19308, "Resp": 19309, "\u0120PT": 19310, "\u0120sperm": 19311, "edit": 19312, "BT": 19313, "Linux": 19314, "country": 19315, "league": 19316, "\u0120dick": 19317, "\u0120oct": 19318, "\u0120inserting": 19319, "\u0120scra": 19320, "\u0120Brewing": 19321, "\u01201966": 19322, "\u0120runners": 19323, "\u0120plun": 19324, "idy": 19325, "\u0120Dian": 19326, "\u0120dysfunction": 19327, "\u0120exclusion": 19328, "\u0120disgr": 19329, "\u0120incorporate": 19330, "\u0120reconc": 19331, "\u0120nominated": 19332, "\u0120Archer": 19333, "draw": 19334, "achelor": 19335, "\u0120writings": 19336, "\u0120shallow": 19337, "\u0120hast": 19338, "\u0120BMW": 19339, "\u0120RS": 19340, "\u0120thigh": 19341, "\u01201963": 19342, "\u0120lamb": 19343, "\u0120favored": 19344, "agle": 19345, "\u0120cooler": 19346, "\u0120Hours": 19347, "\u0120GU": 19348, "\u0120Origin": 19349, "\u0120glimpse": 19350, "--------------------": 19351, "Lim": 19352, "\u0120cheek": 19353, "\u0120jealous": 19354, "-'": 19355, "\u0120harness": 19356, "\u0120Poison": 19357, "\u0120disabilities": 19358, "neapolis": 19359, "\u0120outlook": 19360, "\u0120notify": 19361, "\u0120Indianapolis": 19362, "\u0120abrupt": 19363, "nsic": 19364, "\u0120encrypted": 19365, "\u0120forfe": 19366, "reath": 19367, "\u0120rabb": 19368, "\u0120foundations": 19369, "\u0120compliment": 19370, "\u0120Interview": 19371, "\u0120Swe": 19372, "\u0120adolesc": 19373, "\u0120monitors": 19374, "\u0120Sacramento": 19375, "\u0120timely": 19376, "\u0120contempl": 19377, "\u0120positioned": 19378, "\u0120posters": 19379, "phies": 19380, "iovascular": 19381, "void": 19382, "\u0120Fifth": 19383, "\u0120investigative": 19384, "OUN": 19385, "\u0120integrate": 19386, "\u0120INC": 19387, "isha": 19388, "iblings": 19389, "\u0120Request": 19390, "\u0120Rodriguez": 19391, "\u0120slides": 19392, "\u0120DX": 19393, "\u0120feminism": 19394, "\u0120datas": 19395, "\u0120bend": 19396, "irus": 19397, "\u0120Nigeria": 19398, "Fox": 19399, "Change": 19400, "\u0120airplane": 19401, "\u0120Laden": 19402, "\u0120publicity": 19403, "ixty": 19404, "\u0120commitments": 19405, "\u0120aggregate": 19406, "\u0120displaying": 19407, "\u0120Arrow": 19408, "\u0120122": 19409, "\u0120respects": 19410, "android": 19411, "six": 19412, "\u0120Sha": 19413, "\u0120restoration": 19414, ")\\": 19415, "WS": 19416, "oys": 19417, "\u0120illustrate": 19418, "without": 19419, "126": 19420, "\u0120\u00e2\u0136\u0124": 19421, "\u0120pickup": 19422, "nels": 19423, "\u0120....": 19424, "food": 19425, "\u0120Fen": 19426, ")?": 19427, "\u0120phenomena": 19428, "\u0120companions": 19429, "\u0120Write": 19430, "\u0120spill": 19431, "\u0120bridges": 19432, "\u0120Updated": 19433, "\u0120Fo": 19434, "\u0120insects": 19435, "ASHINGTON": 19436, "\u0120scare": 19437, "iltr": 19438, "\u0120Zhang": 19439, "\u0120severity": 19440, "\u0120indul": 19441, "149": 19442, "\u0120Coffee": 19443, "\u0120norms": 19444, "\u0120pulse": 19445, "\u0120FT": 19446, "\u0120horrific": 19447, "\u0120Destroy": 19448, "\u0120JSON": 19449, "\u0120olive": 19450, "\u0120discusses": 19451, "Rest": 19452, "Elect": 19453, "\u0120Winn": 19454, "\u0120Surviv": 19455, "\u0120Hait": 19456, "Sure": 19457, "oped": 19458, "\u0120rooted": 19459, "\u0120Ske": 19460, "\u0120Bronze": 19461, "\u0120lol": 19462, "Default": 19463, "\u0120commodity": 19464, "redited": 19465, "\u0120libertarian": 19466, "\u0120forbidden": 19467, "\u0120gran": 19468, "\u00e0\u00a8": 19469, "\u0120lag": 19470, "enz": 19471, "drive": 19472, "\u0120mathematics": 19473, "\u0120wires": 19474, "\u0120critically": 19475, "\u0120carbohyd": 19476, "\u0120Chancellor": 19477, "\u0120Eddie": 19478, "\u0120banning": 19479, "\u0120Fri": 19480, "\u0120complications": 19481, "etric": 19482, "\u0120Bangladesh": 19483, "\u0120bandwidth": 19484, "Stop": 19485, "\u0120Originally": 19486, "\u0120halfway": 19487, "ynasty": 19488, "shine": 19489, "\u0120tales": 19490, "rities": 19491, "avier": 19492, "\u0120spinning": 19493, "\u0120WHO": 19494, "\u0120neighbourhood": 19495, "bach": 19496, "\u0120commerce": 19497, "\u0120Sle": 19498, "BU": 19499, "\u0120entrepreneur": 19500, "\u0120peculiar": 19501, "\u0120Comments": 19502, "fre": 19503, "320": 19504, "ICS": 19505, "\u0120imagery": 19506, "\u0120Canon": 19507, "\u0120Electronic": 19508, "short": 19509, "((": 19510, "Dig": 19511, "\u0120commem": 19512, "uced": 19513, "\u0120inclined": 19514, "\u0120Summon": 19515, "\u0120cliff": 19516, "\u0120Mediterranean": 19517, "\u0120poetry": 19518, "\u0120prosperity": 19519, "\u0120Rece": 19520, "\u0120pills": 19521, "member": 19522, "\u0120finale": 19523, "unc": 19524, "\u0120Gig": 19525, "\u00e4\u00bd": 19526, "\u0120lod": 19527, "\u0120backward": 19528, "-+": 19529, "\u0120Forward": 19530, "\u0120thri": 19531, "sure": 19532, "\u0120soap": 19533, "\u0120FX": 19534, "RES": 19535, "\u0120Sexual": 19536, "oulos": 19537, "\u0120foolish": 19538, "\u0120righteous": 19539, "\u0120coff": 19540, "terrorism": 19541, "ustain": 19542, "oter": 19543, "\u0120abuses": 19544, "next": 19545, "\u0120abusive": 19546, "\u0120thereafter": 19547, "\u0120prohibition": 19548, "\u0120SUP": 19549, "\u0120dip": 19550, "\u0120ripped": 19551, "\u0120inherited": 19552, "\u0120bats": 19553, "stru": 19554, "GT": 19555, "\u0120flawed": 19556, "phabet": 19557, "\u0120fog": 19558, "doors": 19559, "\u0120imaging": 19560, "\u0120digits": 19561, "\u0120Hungary": 19562, "\u0120arrog": 19563, "\u0120teachings": 19564, "\u0120protocols": 19565, "\u0120Banks": 19566, "\u00e0\u00b8": 19567, "pound": 19568, "\u0120Curt": 19569, ".\")": 19570, "./": 19571, "\u0120exemption": 19572, "endix": 19573, "\u0120Mull": 19574, "\u0120improves": 19575, "\u0120Gamer": 19576, "dimensional": 19577, "Icon": 19578, "\u0120Margaret": 19579, "Status": 19580, "dates": 19581, "\u0120intends": 19582, "\u0120depict": 19583, "\u0120parked": 19584, "Joe": 19585, "\u0120Marines": 19586, "chnology": 19587, "!).": 19588, "\u0120judged": 19589, "\u0120weights": 19590, "Ray": 19591, "\u0120apartments": 19592, "hester": 19593, "\u0120reinforce": 19594, "\u0120offender": 19595, "occup": 19596, "\u0120sore": 19597, "ept": 19598, "\u0120PHP": 19599, "\u0120Brow": 19600, "\u0120authorization": 19601, "\u0120Risk": 19602, "\u0120Delaware": 19603, "\u0120QU": 19604, "\u0120notifications": 19605, "\u0120sunlight": 19606, "\u0120exclude": 19607, "dat": 19608, "\u0120mesh": 19609, "\u0120Sudan": 19610, "\u0120belonged": 19611, "\u0120subway": 19612, "\u0120noon": 19613, "\u0120Interior": 19614, "olics": 19615, "\u0120Lakers": 19616, "\u0120coding": 19617, "Disclaimer": 19618, "Calif": 19619, "Old": 19620, "\u0120disl": 19621, "?????": 19622, "\u0120confirms": 19623, "\u0120recruitment": 19624, "\u0120homicide": 19625, "Consider": 19626, "\u0120Jeffrey": 19627, "fty": 19628, "};": 19629, "\u0120objection": 19630, "doing": 19631, "\u0120Leo": 19632, "Want": 19633, "\u0120glow": 19634, "\u0120Clarke": 19635, "\u0120Norman": 19636, "\u0120verification": 19637, "\u0120packet": 19638, "\u0120Formula": 19639, "\u0120plag": 19640, "esville": 19641, "\u0120shouting": 19642, "\u0120ov": 19643, "\u0120REC": 19644, "\u0120Bub": 19645, "\u0120ninth": 19646, "\u0120energ": 19647, "\u0120validity": 19648, "\u0120ups": 19649, "jack": 19650, "\u0120neighboring": 19651, "\u0120Nec": 19652, "eworks": 19653, "\u0120Hab": 19654, "arez": 19655, "\u0120spine": 19656, "\u0120eventual": 19657, "\u0120Leaders": 19658, "\u0120Carn": 19659, "\u0120probation": 19660, "\u0120romance": 19661, "msg": 19662, "\u0120Mechanical": 19663, "ERY": 19664, "Rock": 19665, "\u0120partisan": 19666, "Node": 19667, "assets": 19668, "minent": 19669, "\u0120foreigners": 19670, "\u0120testify": 19671, "\u0120Usually": 19672, "lords": 19673, "\u0120Gren": 19674, "\u0120Powell": 19675, "BIL": 19676, "\u0120sr": 19677, "\u0120addict": 19678, "\u0120shells": 19679, "\u0120sigh": 19680, "\u0120Yale": 19681, "ternity": 19682, "\u0120750": 19683, "EU": 19684, "\u0120Rifle": 19685, "\u0120patron": 19686, "ema": 19687, "\u0120Bannon": 19688, "anity": 19689, "\u0120tropical": 19690, "\u0120VII": 19691, "cross": 19692, "Everything": 19693, "\u0120ISO": 19694, "\u0120humble": 19695, "assing": 19696, "\u0120FIG": 19697, "\u0120updating": 19698, "yson": 19699, "\u0120calcium": 19700, "\u0120competent": 19701, "\u0120steering": 19702, "Prot": 19703, "\u0120SY": 19704, "\u0120Finals": 19705, "\u0120Rug": 19706, "159": 19707, "137": 19708, "\u0120Golf": 19709, "\u0120126": 19710, "\u0120accommodation": 19711, "\u0120Hughes": 19712, "\u0120aesthetic": 19713, "artisan": 19714, "\u0120Twilight": 19715, "\u0120prince": 19716, "\u0120Agriculture": 19717, "\u0120Disco": 19718, "\u0120precedent": 19719, "\u0120typing": 19720, "authorized": 19721, "Option": 19722, "\u0120Aub": 19723, "lishes": 19724, "acht": 19725, "mag": 19726, "Peter": 19727, "\u0120UFO": 19728, "monton": 19729, "\u0120Lith": 19730, "\u0120arom": 19731, "\u0120securing": 19732, "\u0120confined": 19733, "private": 19734, "\u0120swords": 19735, "\u0120markers": 19736, "\u0120metabolic": 19737, "select": 19738, "\u0120Curse": 19739, "\u0120Ot": 19740, "gressive": 19741, "\u0120incumb": 19742, "\u0120Saga": 19743, "\u0120priced": 19744, "\u0120clearance": 19745, "Content": 19746, "\u0120drilling": 19747, "\u0120notices": 19748, "\u0120bourgeois": 19749, "\u0120vest": 19750, "\u0120cookie": 19751, "\u0120Guardians": 19752, "rys": 19753, "inyl": 19754, "\u0120124": 19755, "\u0120plausible": 19756, "ongh": 19757, "\u0120Odin": 19758, "\u0120conception": 19759, "\u0120Yuk": 19760, "\u0120Baghdad": 19761, "\u0120Flag": 19762, "Austral": 19763, "\u0120IBM": 19764, "\u0120internationally": 19765, "\u0120WikiLeaks": 19766, "IED": 19767, "\u0120cyn": 19768, "\u0120chooses": 19769, "\u0120Pill": 19770, "\u0120combining": 19771, "\u0120radi": 19772, "\u0120Mohammed": 19773, "defense": 19774, "atching": 19775, "Subject": 19776, "iciency": 19777, "Frame": 19778, "\u0120{\"": 19779, "\u0120chess": 19780, "\u0120timer": 19781, "190": 19782, "\u0120tin": 19783, "\u0120ordinance": 19784, "emetery": 19785, "\u0120accusing": 19786, "\u0120noticeable": 19787, "\u0120centres": 19788, "\u0120lid": 19789, "\u0120Mills": 19790, "imgur": 19791, "\u0120zoom": 19792, "ergic": 19793, "\u0120compression": 19794, "prim": 19795, "find": 19796, "\u0120surg": 19797, "\u0120pand": 19798, "\u0120Kee": 19799, "\u0120Chad": 19800, "cellence": 19801, "oyle": 19802, "\u0120socialism": 19803, "\u0120Travis": 19804, "\u0120MHz": 19805, "\u0120guild": 19806, "ALLY": 19807, "\u0120Subscribe": 19808, "\u0120Related": 19809, "\u0120occurrence": 19810, "itching": 19811, "\u0120fictional": 19812, "\u0120crush": 19813, "\u0120EA": 19814, "cod": 19815, "mix": 19816, "\u0120Triple": 19817, "\u0120retrieve": 19818, "\u0120stimulus": 19819, "\u0120psychiat": 19820, "\u0120Door": 19821, "\u0120homosexuality": 19822, "\u0120elementary": 19823, "\u0120cellular": 19824, "idian": 19825, "\u0120Laun": 19826, "\u0120intriguing": 19827, "\u0120foam": 19828, "\u0120Bass": 19829, "idi": 19830, "itsu": 19831, "\u0120assure": 19832, "\u0120congrat": 19833, "\u0120businessman": 19834, "\u0120Boost": 19835, "close": 19836, "\u0120lied": 19837, "\u0120sciences": 19838, "\u0120Omega": 19839, "\u0120Graphics": 19840, "\u0120<=": 19841, "spoken": 19842, "\u0120connectivity": 19843, "Saturday": 19844, "\u0120Avengers": 19845, "\u0120toggle": 19846, "\u0120ankle": 19847, "\u0120nationalist": 19848, "model": 19849, "\u0120Pool": 19850, "ophobia": 19851, "Var": 19852, "\u0120Mons": 19853, "atories": 19854, "\u0120aggressively": 19855, "Clear": 19856, "Forge": 19857, "acters": 19858, "\u0120hedge": 19859, "\u0120pipes": 19860, "\u0120blunt": 19861, "\u0120sq": 19862, "\u0120remotely": 19863, "Wed": 19864, "asers": 19865, "\u0120refriger": 19866, "\u0120tiles": 19867, "\u0120rescued": 19868, "\u0120comprised": 19869, "insky": 19870, "\u0120manif": 19871, "avanaugh": 19872, "\u0120prolifer": 19873, "\u0120aligned": 19874, "xml": 19875, "\u0120triv": 19876, "\u0120coordination": 19877, "\u0120PER": 19878, "\u0120Quote": 19879, "134": 19880, "bf": 19881, "\u0120Saw": 19882, "\u0120termination": 19883, "\u0120190": 19884, "\u0120additions": 19885, "\u0120trio": 19886, "\u0120projections": 19887, "\u0120positively": 19888, "\u0120inclusive": 19889, "\u0120membr": 19890, "1990": 19891, "older": 19892, "\u0120practiced": 19893, "inkle": 19894, "Arch": 19895, "\u0120starters": 19896, "arius": 19897, "\u0120intermediate": 19898, "\u0120Benef": 19899, "\u0120Killer": 19900, "\u0120interventions": 19901, "\u0120Kil": 19902, "\u0120Flying": 19903, "Inv": 19904, "\u0120premature": 19905, "\u0120psychiatric": 19906, "\u0120indie": 19907, "\u0120collar": 19908, "\u0120Rainbow": 19909, "afi": 19910, "\u0120disruption": 19911, "\u0120FOX": 19912, "casting": 19913, "\u0120misdem": 19914, "cro": 19915, "\u0120wipe": 19916, "ardon": 19917, "\u0120bast": 19918, "\u0120Tommy": 19919, "\u0120Representative": 19920, "\u0120belly": 19921, "\u0120PO": 19922, "\u0120Breitbart": 19923, "132": 19924, "\u0120messaging": 19925, "Should": 19926, "References": 19927, "\u0120GRE": 19928, "istical": 19929, "LP": 19930, "\u0120Cav": 19931, "\u0120Crazy": 19932, "\u0120intuitive": 19933, "keeping": 19934, "\u0120Moss": 19935, "\u0120discontin": 19936, "\u0120Module": 19937, "\u0120unrelated": 19938, "\u0120Practice": 19939, "\u0120Transport": 19940, "\u0120statistically": 19941, "orns": 19942, "\u0120sized": 19943, "pu": 19944, "\u0120caf": 19945, "\u0120Worlds": 19946, "\u0120Rodgers": 19947, "\u0120Lun": 19948, "\u0120Comic": 19949, "living": 19950, "\u0120cared": 19951, "\u0120climbed": 19952, "){": 19953, "\u0120consisted": 19954, "\u0120medieval": 19955, "folk": 19956, "\u0120hacked": 19957, "\u0120dire": 19958, "\u0120Hermione": 19959, "\u0120tended": 19960, "ceans": 19961, "Daniel": 19962, "went": 19963, "\u0120legislators": 19964, "\u0120redes": 19965, "games": 19966, "\u0120gn": 19967, "amiliar": 19968, "\u0120++": 19969, "ggy": 19970, "threat": 19971, "\u0120magnet": 19972, "\u0120perceive": 19973, "\u0120zip": 19974, "\u0120indictment": 19975, "\u0120critique": 19976, "gard": 19977, "\u0120Safe": 19978, "\u0120Cream": 19979, "\u0120advent": 19980, "oba": 19981, "\u0120vowed": 19982, "ousands": 19983, "\u0120ski": 19984, "\u0120abortions": 19985, "uart": 19986, "\u0120stunned": 19987, "\u0120advancing": 19988, "\u0120lacked": 19989, "\u0120\\\"": 19990, "\u0120schizophren": 19991, "\u0120elegant": 19992, "\u0120conferences": 19993, "\u0120canceled": 19994, "\u0120Hudson": 19995, "\u0120Hopefully": 19996, "\u0120trump": 19997, "\u0120frequencies": 19998, "\u0120meteor": 19999, "\u0120Junior": 20000, "\u0120Fleet": 20001, "\u0120Malcolm": 20002, "\u0120Tools": 20003, "\u0120........": 20004, "\u0120hobby": 20005, "\u0120Europeans": 20006, "\u01201500": 20007, "\u0120Into": 20008, "\u0120sway": 20009, "\u0120Appro": 20010, "\u0120Compl": 20011, "Community": 20012, "\u0120tide": 20013, "\u0120Summit": 20014, "\u00e4\u00bb": 20015, "\u0120intervals": 20016, "\u0120Ether": 20017, "\u0120habitat": 20018, "\u0120Stevens": 20019, "lishing": 20020, "\u0120Domain": 20021, "\u0120triggers": 20022, "\u0120chasing": 20023, "\u0120charm": 20024, "\u0120Flower": 20025, "itored": 20026, "\u0120blessing": 20027, "\u0120textures": 20028, "Five": 20029, "\u0120liquor": 20030, "RP": 20031, "FIN": 20032, "\u01201962": 20033, "CAR": 20034, "Unknown": 20035, "\u0120resil": 20036, "\u0120Lily": 20037, "\u0120abundance": 20038, "\u0120predictable": 20039, "rar": 20040, "\u0120bullshit": 20041, "leen": 20042, "chet": 20043, "Mor": 20044, "Much": 20045, "\u00e4\u00b9": 20046, "\u0120emphasized": 20047, "\u0120crust": 20048, "\u0120primitive": 20049, "\u0120enjoyable": 20050, "\u0120Pictures": 20051, "\u0120teammate": 20052, "pler": 20053, "\u0120Tol": 20054, "\u0120Kane": 20055, "\u0120summoned": 20056, "thy": 20057, "rama": 20058, "\u0120Honda": 20059, "\u0120realizing": 20060, "\u0120quicker": 20061, "\u0120concentrate": 20062, "clear": 20063, "\u0120210": 20064, "\u0120Erdogan": 20065, "aris": 20066, "\u0120responds": 20067, "\u0120BI": 20068, "\u0120eligibility": 20069, "\u0120pushes": 20070, "\u0120Idaho": 20071, "\u0120aggrav": 20072, "\u0120ruins": 20073, "urations": 20074, "\u0120bans": 20075, "\u0120anat": 20076, "share": 20077, "\u0120grind": 20078, "hin": 20079, "umen": 20080, "\u0120utilities": 20081, "\u0120Yankees": 20082, "\u0120databases": 20083, "\u0120DD": 20084, "\u0120displaced": 20085, "\u0120dependencies": 20086, "\u0120stimulation": 20087, "hun": 20088, "houses": 20089, "\u0120Pretty": 20090, "\u0120Ravens": 20091, "\u0120TODAY": 20092, "\u0120associates": 20093, "\u0120therape": 20094, "cled": 20095, "\u0120deer": 20096, "\u0120repairs": 20097, "rentice": 20098, "\u0120receptors": 20099, "\u0120remed": 20100, "\u0120Ce": 20101, "\u0120marriages": 20102, "\u0120ballots": 20103, "\u0120Soldier": 20104, "\u0120hilarious": 20105, "opl": 20106, "138": 20107, "\u0120inherently": 20108, "\u0120ignorant": 20109, "\u0120bounce": 20110, "\u0120Easter": 20111, "RELATED": 20112, "\u0120Currency": 20113, "EV": 20114, "\u00e3\u0125\u0140": 20115, "\u0120Lead": 20116, "\u0120deceased": 20117, "Brien": 20118, "\u0120Musk": 20119, "JS": 20120, "\u0120merge": 20121, "hearted": 20122, "creat": 20123, "mitt": 20124, "mund": 20125, "\u0120\u00e2\u0122\u012d": 20126, "\u0120Bag": 20127, "\u0120projection": 20128, "\u0120java": 20129, "\u0120Standards": 20130, "\u0120Leonard": 20131, "\u0120coconut": 20132, "\u0120Population": 20133, "\u0120traject": 20134, "\u0120imply": 20135, "\u0120curiosity": 20136, "\u0120DB": 20137, "\u0120Fresh": 20138, "\u0120Por": 20139, "\u0120heavier": 20140, "neys": 20141, "gomery": 20142, "\u0120deserved": 20143, "\u0120phrases": 20144, "\u0120GC": 20145, "\u0120yeast": 20146, "desc": 20147, "Death": 20148, "\u0120reboot": 20149, "\u0120metadata": 20150, "ICAL": 20151, "\u0120repay": 20152, "\u0120Independence": 20153, "\u0120suburban": 20154, "icals": 20155, "\u0120atop": 20156, "\u0120allocation": 20157, "generation": 20158, "\u0120Gram": 20159, "\u0120moisture": 20160, "\u0120pine": 20161, "\u0120Liberals": 20162, "\u0120aides": 20163, "\u0120underest": 20164, "\u0120Berry": 20165, "\u0120ceremon": 20166, "370": 20167, "astrous": 20168, "\u0120Pirates": 20169, "\u0120tense": 20170, "\u0120Industries": 20171, "\u0120Appeals": 20172, "\u0120Near": 20173, "\u0120\u00e8\u00a3\u0131\u00e7": 20174, "\u0120lovers": 20175, "\u0120CAP": 20176, "\u0120Craw": 20177, "\u0120giants": 20178, "\u0120efficacy": 20179, "Element": 20180, "\u0120Behavior": 20181, "\u0120Toyota": 20182, "\u0120intest": 20183, "Priv": 20184, "AI": 20185, "\u0120maneuver": 20186, "\u0120perfection": 20187, "\u0120bang": 20188, "paper": 20189, "rill": 20190, "George": 20191, "border": 20192, "inters": 20193, "\u0120Seth": 20194, "\u0120clues": 20195, "\u0120Levi": 20196, "\u0120Revenue": 20197, "147": 20198, "\u0120vapor": 20199, "\u0120fortunate": 20200, "\u0120threatens": 20201, "\u0120vet": 20202, "\u0120dependency": 20203, "ersed": 20204, "article": 20205, "\u0120Blizzard": 20206, "\u0120chlor": 20207, "\u0120minus": 20208, "\u0120Bills": 20209, "\u0120cryptocurrency": 20210, "\u0120metabolism": 20211, "tering": 20212, "\u0120pestic": 20213, "steps": 20214, "\u0120Treasure": 20215, "racted": 20216, "\u0120Constant": 20217, "\u0120temp": 20218, "139": 20219, "\u0120Detective": 20220, "urally": 20221, "\u0120recovering": 20222, "\u0120cortex": 20223, "\u0120144": 20224, "closed": 20225, "\u0120prejudice": 20226, "aunted": 20227, "\u0120storms": 20228, "\u0120NOW": 20229, "\u0120machinery": 20230, "Address": 20231, "\u0120compelled": 20232, "270": 20233, "\u0120despair": 20234, "bane": 20235, "\u0120vegetable": 20236, "\u0120beds": 20237, "Learn": 20238, "\u0120colorful": 20239, "\u0120spike": 20240, "\u0120margins": 20241, "\u0120sympathy": 20242, "\u0120workshop": 20243, "\u0120CBC": 20244, "Sat": 20245, "\u0120burns": 20246, "\u0120Gender": 20247, "\u0120129": 20248, "\u0120Cable": 20249, "\u0120debts": 20250, "\u0120Theresa": 20251, "\u0120reflecting": 20252, "\u0120airst": 20253, "\u0120rim": 20254, "ramid": 20255, "\u0120weaknesses": 20256, "Writ": 20257, "oggle": 20258, "ti": 20259, "\u0120Charge": 20260, "\u0120weighed": 20261, "\u0120(.": 20262, "\u0120laughter": 20263, "\u0120router": 20264, "\u0120Democracy": 20265, "Dear": 20266, "\u0120hasht": 20267, "\u0120dy": 20268, "\u0120hints": 20269, "running": 20270, "\u0120finishes": 20271, "arus": 20272, "Mass": 20273, "result": 20274, "ascus": 20275, "\u0120vintage": 20276, "\u0120conqu": 20277, "\u0120wildly": 20278, "acist": 20279, "\u0120lingu": 20280, "\u0120protagonist": 20281, "strom": 20282, "teenth": 20283, "\u0120Solo": 20284, "mac": 20285, "filled": 20286, "\u0120renown": 20287, "itives": 20288, "\u0120motive": 20289, "\u0120Antar": 20290, "\u0120Mann": 20291, "\u0120Adjust": 20292, "\u0120rockets": 20293, "\u0120troubling": 20294, "ei": 20295, "\u0120organisms": 20296, "assis": 20297, "Christian": 20298, "\u0120145": 20299, "\u0120Hass": 20300, "\u0120swall": 20301, "\u0120wax": 20302, "\u0120Survival": 20303, "VS": 20304, "\u0120Murd": 20305, "vd": 20306, "standard": 20307, "\u0120dragons": 20308, "\u0120acceleration": 20309, "rational": 20310, "final": 20311, "\u0120paired": 20312, "\u0120Ethereum": 20313, "\u0120interfaces": 20314, "\u0120resent": 20315, "\u0120artifacts": 20316, "\u00c5\u00ab": 20317, "arel": 20318, "\u0120competitor": 20319, "\u0120Nicholas": 20320, "\u0120Surface": 20321, "cpp": 20322, "\u0120Tot": 20323, "\u0120economically": 20324, "\u0120organised": 20325, "\u0120enforced": 20326, "inho": 20327, "\u0120varieties": 20328, "\u0120abdom": 20329, "\u0120Bailey": 20330, "idav": 20331, "\u0120Salv": 20332, "paid": 20333, "\u0120altitude": 20334, "essert": 20335, "\u0120Gutenberg": 20336, "area": 20337, "opoulos": 20338, "\u0120professors": 20339, "iggs": 20340, "\u0120Fate": 20341, "hey": 20342, "\u01203000": 20343, "Dist": 20344, "\u0120twins": 20345, "cill": 20346, "\u0120Maps": 20347, "\u0120traps": 20348, "\u0120weed": 20349, "\u0120Kiss": 20350, "\u0120yoga": 20351, "\u0120recipients": 20352, "\u0120Westminster": 20353, "\u0120pools": 20354, "\u0120Walmart": 20355, "188": 20356, "\u0120Schools": 20357, "attack": 20358, "\u0120ARM": 20359, "paragraph": 20360, "Warning": 20361, "jl": 20362, "\u0120selfish": 20363, "anchez": 20364, "\u0120Heights": 20365, "Fre": 20366, "\u0120Soph": 20367, "\u0120--------------------------------": 20368, "tml": 20369, "333": 20370, "\u0120raids": 20371, "\u0120satellites": 20372, "KEY": 20373, "\u0120lasts": 20374, "\u00d1\u0124": 20375, "Ins": 20376, "\u0120Dame": 20377, "\u0120unpredict": 20378, "///": 20379, "ghai": 20380, "\u0120artillery": 20381, "\u0120cruise": 20382, "\u0120gel": 20383, "\u0120Cabinet": 20384, "\u0120blows": 20385, "\u0120Esp": 20386, "\u0120proximity": 20387, "othe": 20388, "\u0120Skills": 20389, "\u0120Upper": 20390, "obo": 20391, "\u0120NDP": 20392, "\u0120enjoys": 20393, "\u0120repeating": 20394, "\u0120Construction": 20395, "\u0120Questions": 20396, "Hillary": 20397, "\u0120uint": 20398, "\u0120processors": 20399, "\u0120Gibson": 20400, "\u0120Multiple": 20401, "qa": 20402, "\u0120Bom": 20403, "\u0120Miles": 20404, "ventional": 20405, "\u0120hurts": 20406, "skin": 20407, "\u0120AIDS": 20408, "\u0120advisers": 20409, "\u0120Root": 20410, "\u0120methodology": 20411, "\u0120Dale": 20412, "\u0120deton": 20413, "\u0120Knowledge": 20414, "sequently": 20415, "\u0120121": 20416, "\u0120connects": 20417, "Cy": 20418, "\u0120Danger": 20419, "\u0120contributors": 20420, "\u0120Bent": 20421, "\u0120brass": 20422, "\u0120Guns": 20423, "into": 20424, "\u0120Fortune": 20425, "\u0120broker": 20426, "balance": 20427, "\u0120lengths": 20428, "\u0120vic": 20429, "\u0120averaging": 20430, "\u0120appropriately": 20431, "\u0120Camera": 20432, "\u0120sandwich": 20433, "\u0120CDC": 20434, "\u0120coordinate": 20435, "\u0120navig": 20436, "\u0120goodness": 20437, "laim": 20438, "\u0120brake": 20439, "\u0120extremist": 20440, "\u0120Wake": 20441, "\u0120Mend": 20442, "\u0120Tiny": 20443, "\u0120COL": 20444, "\u0120RF": 20445, "\u0120Dual": 20446, "\u0120Wine": 20447, "Case": 20448, "\u0120refined": 20449, "\u0120lamp": 20450, "Lead": 20451, "\u0120bapt": 20452, "\u0120Carb": 20453, "\u0120Sadd": 20454, "\u0120Minneapolis": 20455, "PDF": 20456, "Early": 20457, "\u0120Hidden": 20458, "Its": 20459, "\u0120TIME": 20460, "\u0120pap": 20461, "\u0120commissioned": 20462, "\u0120Few": 20463, "\u0120Colts": 20464, "\u0120Bren": 20465, "\u0120bothered": 20466, "\u0120likewise": 20467, "Exper": 20468, "\u0120Schw": 20469, "cry": 20470, "nn": 20471, "\u0120Mitch": 20472, "imon": 20473, "MG": 20474, "bm": 20475, "UMP": 20476, "rays": 20477, "\u0120registry": 20478, "\u0120270": 20479, "achine": 20480, "rella": 20481, "anting": 20482, "00000": 20483, "\u0120ruined": 20484, "spot": 20485, "\u0120ta": 20486, "\u0120maximize": 20487, "\u0120inconven": 20488, "Dead": 20489, "Human": 20490, "Enabled": 20491, "\u0120Marie": 20492, "\u0120chill": 20493, "\u0120Paradise": 20494, "\u0120starring": 20495, "\u0120Latino": 20496, "\u0120Protocol": 20497, "\u0120EVER": 20498, "\u0120suppliers": 20499, "message": 20500, "\u0120Brock": 20501, "\u0120serum": 20502, "\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a": 20503, "\u0120encomp": 20504, "\u0120ambition": 20505, "uese": 20506, "\u0120arrows": 20507, "Andrew": 20508, "\u0120antenna": 20509, "\u01201961": 20510, "\u0120Bark": 20511, "\u0120bool": 20512, "\u00e3\u0124\u00aa": 20513, "\u0120Storage": 20514, "\u0120railway": 20515, "\u0120tougher": 20516, "\u0120Cad": 20517, "\u0120washing": 20518, "Py": 20519, "']": 20520, "embed": 20521, "\u0120Memphis": 20522, "ackle": 20523, "\u0120famously": 20524, "\u0120Fortunately": 20525, "ovies": 20526, "\u0120mindset": 20527, "\u0120sneak": 20528, "\u0120Dh": 20529, "RAW": 20530, "\u0120Simpson": 20531, "\u0120livest": 20532, "\u0120landmark": 20533, "\u0120cement": 20534, "Low": 20535, "\u0120thrilled": 20536, "\u0120Course": 20537, "inel": 20538, "\u0120chuck": 20539, "idate": 20540, "global": 20541, "\u0120whit": 20542, "\u0120\u00ef\u00bf\u00bd": 20543, "adays": 20544, "ski": 20545, "\u0120SV": 20546, "\u0120viruses": 20547, "306": 20548, "\u0120Respons": 20549, "\u0120theaters": 20550, "\u0120Branch": 20551, "\u0120Geneva": 20552, "\u0120MK": 20553, "\u0120unbeliev": 20554, "\u0120communist": 20555, "Original": 20556, "\u0120Received": 20557, "\u0120Transfer": 20558, "\u0120Arg": 20559, "Input": 20560, "\u0120Strategy": 20561, "\u0120palace": 20562, "thening": 20563, "Dri": 20564, "\u0120sentencing": 20565, "umbnail": 20566, "\u0120pins": 20567, "recy": 20568, "\u0120siblings": 20569, "Getting": 20570, "\u0120BU": 20571, "\u0120Northwest": 20572, "\u0120prolonged": 20573, "\u0120Sakura": 20574, "Comb": 20575, "\u0120Bour": 20576, "\u0120inadequate": 20577, "\u0120Kash": 20578, "\u0120username": 20579, "\u0120Improve": 20580, "\u0120battling": 20581, "\u0120MAC": 20582, "\u0120curriculum": 20583, "\u0120soda": 20584, "\u0120Cannon": 20585, "\u0120sensible": 20586, "spons": 20587, "December": 20588, "\u0120wicked": 20589, "\u0120Pengu": 20590, "\u0120dictators": 20591, "\u0120Hearts": 20592, "ogyn": 20593, "\u0120similarities": 20594, "\u0120Stats": 20595, "\u0120hollow": 20596, "itations": 20597, "\":[": 20598, "\u0120hover": 20599, "\u0120Listen": 20600, "sch": 20601, "Sund": 20602, "\u0120cad": 20603, "\u0120Parks": 20604, "\u0120lur": 20605, "\u0120hype": 20606, "\u0120Lem": 20607, "NAME": 20608, "isure": 20609, "Friday": 20610, "\u0120shoots": 20611, "\u0120closes": 20612, "\u0120db": 20613, "\u0120Ridge": 20614, "\u0120Different": 20615, "\u0120replies": 20616, "\u0120Broadway": 20617, "opers": 20618, "\u0120intoler": 20619, "\u0120Zeus": 20620, "akespe": 20621, "\u0120proprietary": 20622, "\u0120requesting": 20623, "\u0120controllers": 20624, "\u0120MIN": 20625, "imedia": 20626, "becca": 20627, "\u0120expans": 20628, "\u0120oils": 20629, "Bot": 20630, "\u0120Chand": 20631, "\u0120printer": 20632, "\u0120topped": 20633, "\u0120POL": 20634, "\u0120Earlier": 20635, "Social": 20636, "avin": 20637, "\u0120decreases": 20638, "\u0120Seb": 20639, "\u0120specifications": 20640, "\u0120Blast": 20641, "\u0120Kurt": 20642, "\u0120freel": 20643, "Brown": 20644, "\u0120dilig": 20645, "roe": 20646, "\u0120Problem": 20647, "\u0120Quad": 20648, "\u0120decentral": 20649, "\u0120Vector": 20650, "anut": 20651, "\u0120plugins": 20652, "\u0120Gregory": 20653, "\u0120fucked": 20654, "elines": 20655, "\u0120Ambassador": 20656, "take": 20657, "\u0120cleans": 20658, "ongyang": 20659, "Anonymous": 20660, "stro": 20661, "\"}": 20662, "aline": 20663, "\u0120Odd": 20664, "\u0120Eug": 20665, "216": 20666, "\u0120boil": 20667, "\u0120Powers": 20668, "\u0120nurses": 20669, "Obviously": 20670, "\u0120Technical": 20671, "\u0120exceeded": 20672, "ORS": 20673, "\u0120extremists": 20674, "\u0120traces": 20675, "expl": 20676, "\u0120comr": 20677, "\u0120Sach": 20678, ")/": 20679, "\u0120masks": 20680, "\u0120sci": 20681, "Bon": 20682, "\u0120regression": 20683, "wegian": 20684, "\u0120advisor": 20685, "itures": 20686, "\u0120Vo": 20687, "example": 20688, "\u0120Instruct": 20689, "\u0120siege": 20690, "\u0120reductions": 20691, "ptr": 20692, "\u0120statutory": 20693, "\u0120removes": 20694, "\u0120puck": 20695, "redits": 20696, "\u0120bee": 20697, "\u0120salad": 20698, "\u0120promotions": 20699, "\u0120Joshua": 20700, "withstanding": 20701, "ETH": 20702, "\u0120Cha": 20703, "imus": 20704, "\u0120expenditure": 20705, "aunting": 20706, "\u0120delighted": 20707, "\u0120155": 20708, "beh": 20709, "\u0120carpet": 20710, "\u0120Spart": 20711, "\u0120jungle": 20712, "lists": 20713, "\u0120bullying": 20714, "\u0120Nobel": 20715, "\u0120Glen": 20716, "\u0120referenced": 20717, "\u0120introduces": 20718, "sein": 20719, "\u0120chopped": 20720, "glass": 20721, "\u0120Wrest": 20722, "\u0120neutrality": 20723, "\u0120\u00e2\u013b": 20724, "\u0120investigator": 20725, "\u0120shelves": 20726, "\u0120unconstitutional": 20727, "\u0120reproduction": 20728, "\u0120merchant": 20729, "mia": 20730, "\u0120metrics": 20731, "\u0120explosives": 20732, "\u0120Sonia": 20733, "\u0120bodily": 20734, "\u0120thickness": 20735, "\u0120predominantly": 20736, "\u0120Ability": 20737, "\u0120monitored": 20738, "ICH": 20739, "\u0120].": 20740, "\u0120Martinez": 20741, "\u0120visibility": 20742, "\u0120queries": 20743, "\u0120genocide": 20744, "\u0120Warfare": 20745, "Query": 20746, "\u0120studios": 20747, "\u0120embry": 20748, "\u0120corridor": 20749, "\u0120cleaned": 20750, "complete": 20751, "\u0120MH": 20752, "\u0120enrollment": 20753, "INGS": 20754, "\u0120impacted": 20755, "\u0120disastrous": 20756, "\u0120Yun": 20757, "\u0120Claire": 20758, "\u0120Basically": 20759, "yt": 20760, "usterity": 20761, "\u0120indirectly": 20762, "wik": 20763, "\u0120dod": 20764, "\u0120Carr": 20765, "\u0120amp": 20766, "\u0120prohibit": 20767, "\u0120Initial": 20768, "\u0120Rd": 20769, "iji": 20770, "\u0120educate": 20771, "corn": 20772, "iott": 20773, "\u0120Beauty": 20774, "\u0120detective": 20775, "\u0120Conn": 20776, "since": 20777, "\u0120stagger": 20778, "\u0120obese": 20779, "\u0120bree": 20780, "ologic": 20781, "isse": 20782, "walker": 20783, "\u0120blades": 20784, "\u0120lawful": 20785, "func": 20786, "\u0120Behind": 20787, "\u0120appetite": 20788, "\u0120(*": 20789, "\u0120tennis": 20790, "\u0120offspring": 20791, "\u0120jets": 20792, "\u0120structured": 20793, "\u0120aforementioned": 20794, "Nov": 20795, "\u0120scaling": 20796, "fill": 20797, "\u0120stew": 20798, "\u0120curb": 20799, "\u0120Stephan": 20800, "edIn": 20801, "SF": 20802, "obic": 20803, "\u00e9\u0143\u0136": 20804, "oug": 20805, "\u0120MM": 20806, "\u0120genetically": 20807, "opez": 20808, "136": 20809, "\u0120umb": 20810, "ancers": 20811, "\u0120cohort": 20812, "\u0120merchandise": 20813, "\u0120imposing": 20814, "\u0120Legislature": 20815, "\u0120Archive": 20816, "ivia": 20817, "\u0120Naval": 20818, "\u0120offences": 20819, "\u0120miracle": 20820, "\u0120snapped": 20821, "\u0120foes": 20822, "\u0120extensively": 20823, "\u0120Raf": 20824, "\u0120cater": 20825, "edience": 20826, "Kit": 20827, "\u0120Bin": 20828, "\u0120recommends": 20829, "\u0120Cities": 20830, "\u0120rigid": 20831, "\u0120READ": 20832, "\u0120Noble": 20833, "\u0120Tian": 20834, "\u0120certificates": 20835, "antis": 20836, "oiler": 20837, "\u0120Buddhist": 20838, "did": 20839, "\u0120surveyed": 20840, "\u0120downward": 20841, "\u0120prints": 20842, "\u0120Motion": 20843, "ronics": 20844, "\u0120Sans": 20845, "ossibly": 20846, "uctions": 20847, "\u0120colonies": 20848, "\u0120Danish": 20849, "unit": 20850, "\u0120spoil": 20851, "\u0120advisory": 20852, "berries": 20853, "Plan": 20854, "\u0120specification": 20855, "ophers": 20856, "\u0120Resource": 20857, "\u0120shirts": 20858, "prisingly": 20859, "communications": 20860, "\u0120trivial": 20861, "\u0120mentioning": 20862, "isexual": 20863, "\u0120supplements": 20864, "\u0120supervision": 20865, "BP": 20866, "vor": 20867, "\u0120wit": 20868, "\u0120cooldown": 20869, "\u0120plaintiff": 20870, "\u0120Reviews": 20871, "\u0120Sri": 20872, "\u0120Mint": 20873, "\u0120Sugar": 20874, "\u0120afterward": 20875, "\u0120Priest": 20876, "\u0120Investment": 20877, "ogene": 20878, "\u0120Taking": 20879, "\u0120stretching": 20880, "\u0120inflammation": 20881, "\u0120Tehran": 20882, "\u0120lining": 20883, "\u0120freezing": 20884, "\u0120Entity": 20885, "\u0120inspiring": 20886, "special": 20887, "price": 20888, "\u0120sue": 20889, "\u0120Porter": 20890, "ounge": 20891, "ETA": 20892, "\u0120Derek": 20893, "\u0120Luis": 20894, "uo": 20895, "ymph": 20896, "\u0120exterior": 20897, "ihil": 20898, "\u0120Ashley": 20899, "inator": 20900, "\u0120nutrients": 20901, "\u0120Thrones": 20902, "\u0120finances": 20903, "\u0120Inspect": 20904, "\u0120specially": 20905, "\u0120Required": 20906, "\u0120PTS": 20907, "\u0120Violence": 20908, "ointed": 20909, "shots": 20910, "\u0120excerpt": 20911, "coon": 20912, "INS": 20913, "\u0120Gri": 20914, "\u0120recognised": 20915, "Week": 20916, "Young": 20917, "\u0120vom": 20918, "isle": 20919, "\u0120Curry": 20920, "\u0120Buddh": 20921, "\u0120notebook": 20922, "\u0120durable": 20923, "/?": 20924, "\u0120Gad": 20925, "\u0120Pupp": 20926, "\u0120forgive": 20927, "park": 20928, "\u0120personalities": 20929, "analysis": 20930, "clamation": 20931, "\u0120elevator": 20932, "\u0120warehouse": 20933, "\u0120Role": 20934, "unn": 20935, "\u0120illustration": 20936, "\u0120Scan": 20937, "\u0120atmospheric": 20938, "Import": 20939, "ANC": 20940, "ricted": 20941, "fu": 20942, "010": 20943, "\u0120arche": 20944, "\u0120rewarded": 20945, "akespeare": 20946, "\u0120internally": 20947, "\u0120RBI": 20948, "alker": 20949, "\u0120elephant": 20950, "owitz": 20951, "\u0120Pizza": 20952, "\u0120bipartisan": 20953, "\u00c3\u00a9s": 20954, "\u0120slowed": 20955, "\u0120Stark": 20956, "\u0120override": 20957, "OUS": 20958, "\u0120320": 20959, "undreds": 20960, "\u0120Deck": 20961, "\u0120Census": 20962, "bee": 20963, "146": 20964, "otor": 20965, "\u0120ip": 20966, "\u0120ub": 20967, "ocations": 20968, "\u0120Button": 20969, "rice": 20970, "\u0120cripp": 20971, "fff": 20972, "\u0120originated": 20973, "\u0120overwhelmed": 20974, "appa": 20975, "\u0120foremost": 20976, "\u00e2\u0122\u0133": 20977, "\u0120LEG": 20978, "release": 20979, "eatured": 20980, "atches": 20981, "\u0120reps": 20982, "\u0120lending": 20983, "\u0120Reference": 20984, "\u0120Client": 20985, "165": 20986, "venth": 20987, "Complete": 20988, "\u0120Patrol": 20989, "\u0120sworn": 20990, "cam": 20991, "\u0120shuttle": 20992, "\u0120Ralph": 20993, "\u0120hometown": 20994, "-,": 20995, "onal": 20996, "\u0120BP": 20997, "\u00e5\u0131": 20998, "\u0120persuade": 20999, "\u0120Alexand": 21000, "\u0120combines": 21001, "\u0120vivid": 21002, "\u0120Lag": 21003, "\u0120encoding": 21004, "\u0120salvation": 21005, "wen": 21006, "\u0120Recovery": 21007, "iya": 21008, "University": 21009, "\u0120Biden": 21010, "\u0120budgets": 21011, "\u0120Texans": 21012, "fits": 21013, "\u0120honored": 21014, "\u0120python": 21015, "TD": 21016, "###": 21017, "clone": 21018, "\u0120blink": 21019, "\u0120Liquid": 21020, "\u0120unemployed": 21021, "\u0120clashes": 21022, "\u0120Counsel": 21023, "\u0120directing": 21024, "\u0120punct": 21025, "\u0120Falcons": 21026, "\u0120shark": 21027, "\u0120Damascus": 21028, "\u0120jeans": 21029, "\u0120embark": 21030, "\u0120seize": 21031, "\u0120upwards": 21032, "280": 21033, "\u0120Ez": 21034, "\u0120Anything": 21035, "\u0120exotic": 21036, "lower": 21037, "\u0120Creator": 21038, "\u0120Um": 21039, "\u0120suburbs": 21040, "berger": 21041, "\u0120Wend": 21042, "\u0120mint": 21043, "\u0120XX": 21044, "\u0120Dro": 21045, "\u0120suffers": 21046, "\u0120herb": 21047, "tree": 21048, "\u0120fragile": 21049, "\u0120flooded": 21050, "\u0120Alcohol": 21051, "olean": 21052, "nyder": 21053, "\u0120KO": 21054, "Fram": 21055, "\u0120136": 21056, "\u0120owed": 21057, "\u0120Melee": 21058, "\u0120Hash": 21059, "\u0120whisk": 21060, "\u0120sudo": 21061, "rr": 21062, "Quick": 21063, "appro": 21064, "\u0120ii": 21065, "\u0120Examples": 21066, "hee": 21067, "\u0120promotes": 21068, "perature": 21069, "kar": 21070, "\u0120Honor": 21071, "\u0120sodium": 21072, "\u0120Lif": 21073, "rosso": 21074, "intendent": 21075, "\u0120correspondent": 21076, "Found": 21077, "secret": 21078, "\u0120identifies": 21079, "agne": 21080, "\u0120lou": 21081, "\u0120PP": 21082, "\u0120coincidence": 21083, "move": 21084, "\u0120militia": 21085, "\u0120infiltr": 21086, "\u0120Primary": 21087, "\u0120pitching": 21088, "\u0120Ib": 21089, "\u0120GOOD": 21090, "\u00e3\u0124\u00b8": 21091, "\u0120Wizards": 21092, "iral": 21093, "\u0120Venus": 21094, "RR": 21095, "\u0120\u00e2\u0122\u0137": 21096, "\u0120Casey": 21097, "\u0120sadly": 21098, "\u0120admire": 21099, "\u0120embarrassed": 21100, "cb": 21101, "Mel": 21102, "\u0120tubes": 21103, "\u0120beautifully": 21104, "\u0120Queensland": 21105, "Below": 21106, "rez": 21107, "quet": 21108, "pleasant": 21109, "\u0120\u00c2\u00ab": 21110, "Camp": 21111, "\u0120decisive": 21112, "1998": 21113, "\u0120Lamb": 21114, "utton": 21115, "hn": 21116, "\u0120Jagu": 21117, "aunder": 21118, "\u0120Cord": 21119, "\u0120clerk": 21120, "\u0120caffe": 21121, "\u0120wiped": 21122, "\u0120reim": 21123, "\u0120Mountains": 21124, "\u0120imprisoned": 21125, "\u0120develops": 21126, "\u0120Pra": 21127, "\u0120modeling": 21128, "Anyone": 21129, "ancel": 21130, "\u0120Sit": 21131, "\u0120shields": 21132, "\u0120lawn": 21133, "\u0120cardiovascular": 21134, "\u0120demonstrating": 21135, "\u0120parse": 21136, "\u0120Israelis": 21137, "\u0120euros": 21138, "143": 21139, "\u0120glorious": 21140, "inski": 21141, "ecd": 21142, "\u0120conditioning": 21143, "\u0120helpless": 21144, "\u0120microsc": 21145, "\u0120Harbor": 21146, "\u0120stakes": 21147, "\u0120260": 21148, "\u0120unequ": 21149, "\u0120Floyd": 21150, "\u0120damp": 21151, "\u0120apparatus": 21152, "\u0120Laws": 21153, "\u0120counters": 21154, "\u0120induce": 21155, "atable": 21156, "\u0120Ahmed": 21157, "\u0120slam": 21158, "November": 21159, "\u0120persist": 21160, "\u0120imminent": 21161, "\u00c3\u00a1n": 21162, "\u0120shred": 21163, "\u0120phases": 21164, "\u0120Edmonton": 21165, "\u0120Armstrong": 21166, "\u0120Meet": 21167, "\u0120Kitty": 21168, "\u00d1\u0122": 21169, "circ": 21170, "\u0120Adult": 21171, "\u0120arose": 21172, "\u0120Xen": 21173, "Dan": 21174, "gow": 21175, "\u0120superf": 21176, "\u0120Admir": 21177, "\u0120endure": 21178, "\u0120keyword": 21179, "yrus": 21180, "\u0120yarn": 21181, "\u0120pathway": 21182, "\u0120Hopkins": 21183, "midt": 21184, "\u0120censorship": 21185, "dependent": 21186, "\u0120instructor": 21187, "Sources": 21188, "\u0120toe": 21189, "\u0120balloon": 21190, "Nob": 21191, "\u0120swear": 21192, "\u0120Castro": 21193, "\u0120gloss": 21194, "\u0120Kavanaugh": 21195, "\u0120remarkably": 21196, "Photos": 21197, "\u0120Nom": 21198, "\u0120Southeast": 21199, "yers": 21200, "\u0120validation": 21201, "\u0120cannon": 21202, "\u0120Victory": 21203, "\u0120Pierre": 21204, "\u0120cautious": 21205, "Audio": 21206, "\u0120fetch": 21207, "\u0120Gift": 21208, "\u0120Hyp": 21209, "\u0120remedy": 21210, "ZE": 21211, "\u0120scent": 21212, "\u0120beard": 21213, "\u0120Rut": 21214, "-\"": 21215, "\u0120patents": 21216, "Hy": 21217, "\u0120unjust": 21218, "\u0120potato": 21219, "\u0120forthcoming": 21220, "\u0120chef": 21221, "\u0120Rift": 21222, "affe": 21223, "\u0120ROM": 21224, "\u0120Launch": 21225, "\u0120pads": 21226, "\u0120Neo": 21227, "\u0120onset": 21228, "\u0120squeeze": 21229, "safe": 21230, "\u0120prefix": 21231, "\u0120TM": 21232, "\u0120Nearly": 21233, "\u0120Clinical": 21234, "\u0120Mental": 21235, "otiation": 21236, "\u0120Unic": 21237, "antry": 21238, "\u0120Cir": 21239, "\u0120epit": 21240, "\u00c3\u00a6": 21241, "\u0120extracted": 21242, "versely": 21243, "riad": 21244, "\u0120strains": 21245, "\u0120tops": 21246, "\u0120poem": 21247, "\u0120Randy": 21248, "\u0120Maple": 21249, "THER": 21250, "upiter": 21251, "\u0120SSD": 21252, "\u013c\u00e9": 21253, "\u0120uncon": 21254, "pering": 21255, "\u0120slept": 21256, "iners": 21257, "\u0120underwater": 21258, "\u0120Evidence": 21259, "gone": 21260, "205": 21261, "\u0120historians": 21262, "\u0120synthesis": 21263, "\u0120frog": 21264, "basketball": 21265, "\u0120vibrant": 21266, "\u0120subord": 21267, "\u0120365": 21268, "\u0120Dial": 21269, "\u0120cooperate": 21270, "HAHA": 21271, "\u0120greeted": 21272, "158": 21273, "\u0120jazz": 21274, "\u0120intox": 21275, "\u0120Walking": 21276, "\u0120supervisor": 21277, "\u0120Fusion": 21278, "\u0120Mercedes": 21279, "send": 21280, "Ham": 21281, "sd": 21282, "nl": 21283, "\u0120tours": 21284, "\u0120FIFA": 21285, "\u0120culp": 21286, "gd": 21287, "304": 21288, "\u0120pleas": 21289, "\u0120illustrates": 21290, "\u0120Colombia": 21291, "\u0120highlighting": 21292, "\u0120Summary": 21293, "\u0120exposing": 21294, "\u0120Dru": 21295, "\u0120irony": 21296, "ritional": 21297, "\u0120Carroll": 21298, "\u0120Ellis": 21299, "Pict": 21300, "\u0120Rapt": 21301, "\u0120adapter": 21302, "\u0120unm": 21303, "\u0120corpse": 21304, "\u0120celebrities": 21305, "Den": 21306, "atum": 21307, "\u0120Apocalypse": 21308, "\u0120Wag": 21309, "lining": 21310, "\u0120hormones": 21311, "Rub": 21312, "\u0120Xi": 21313, "\u0120Vaults": 21314, "208": 21315, "alkyrie": 21316, "inosaur": 21317, "\u0120feeds": 21318, "vity": 21319, "\u0120defeating": 21320, "Wait": 21321, "\u0120emphasize": 21322, "\u0120Steelers": 21323, "yrinth": 21324, "leys": 21325, "\u0120Whenever": 21326, "Currently": 21327, "\u0120Clock": 21328, "\u0120collectively": 21329, "anyon": 21330, "\u0120JP": 21331, "\u0120mentality": 21332, "\u0120downloads": 21333, "\u0120surroundings": 21334, "\u0120Barnes": 21335, "\u0120flagship": 21336, "\u0120indicators": 21337, "\u0120grapp": 21338, "January": 21339, "\u0120Elemental": 21340, "\u0120Athena": 21341, "ibal": 21342, "\u0120sights": 21343, "\u0120capita": 21344, "\u0120Treaty": 21345, "\u0120voiced": 21346, "\u0120Gaz": 21347, "lette": 21348, "\u0120ya": 21349, "\u0120expired": 21350, "Legend": 21351, "Hot": 21352, "nature": 21353, "\u0120unstable": 21354, "\u0120280": 21355, "\u00c3\u00ba": 21356, "Comment": 21357, "ALE": 21358, "\u0120quests": 21359, "\u0120handler": 21360, "nis": 21361, "\u0120versatile": 21362, "\u0120conceal": 21363, "engeance": 21364, "\u0120Interactive": 21365, "\u0120obsessed": 21366, "\u0120Dogs": 21367, "\u0120cracked": 21368, "Sound": 21369, "sv": 21370, "\u0120Dylan": 21371, "roads": 21372, "fx": 21373, "\u0120Catholics": 21374, "\u0120Hag": 21375, "\u0120slammed": 21376, "\u0120glowing": 21377, "sale": 21378, "\u0120tissues": 21379, "\u0120Chi": 21380, "nee": 21381, "\u0120cher": 21382, "sic": 21383, "urrection": 21384, "\u0120bacon": 21385, "ulatory": 21386, ").\"": 21387, "\u0120irregular": 21388, "FORM": 21389, "assed": 21390, "\u0120intentional": 21391, "\u0120compensate": 21392, "\u0120Speaking": 21393, "\u0120Sets": 21394, "153": 21395, "\u0120conventions": 21396, "bands": 21397, "emade": 21398, "\u0120ecc": 21399, "\u0120Winston": 21400, "\u0120Assassin": 21401, "\u0120Belgian": 21402, "\u0120dependence": 21403, "\u0120niche": 21404, "\u0120bark": 21405, "\u0120Jazz": 21406, "\u0120disadvantage": 21407, "\u0120gasoline": 21408, "\u0120165": 21409, "\u00e7\u013c\u0126": 21410, "essa": 21411, "module": 21412, "angular": 21413, "OY": 21414, "\u0120Treatment": 21415, "itas": 21416, "olation": 21417, "\u0120Arnold": 21418, "\u0120feud": 21419, "\u0120Nest": 21420, "\u0120theatre": 21421, "ewater": 21422, "\u0120minors": 21423, "olicy": 21424, "\u0120Haven": 21425, "division": 21426, "\u0120trunk": 21427, "Far": 21428, "\u0120Pull": 21429, "\u0120capturing": 21430, "\u01201800": 21431, "\u0120Teen": 21432, "\u0120exempl": 21433, "\u0120clinics": 21434, "\u0120Burg": 21435, "\u0120substit": 21436, "\u0120payload": 21437, "\u0120Lav": 21438, "\u0120Troy": 21439, "\u0120Witness": 21440, "\u0120fragments": 21441, "\u0120passwords": 21442, "\u0120gospel": 21443, "\u0120Gin": 21444, "\u0120tenants": 21445, "olith": 21446, "Six": 21447, "Previous": 21448, "\u0120Ages": 21449, "\u0120Darwin": 21450, "\u0120blat": 21451, "\u0120empathy": 21452, "smith": 21453, "bag": 21454, "\u0120Echo": 21455, "\u0120Camb": 21456, "\u0120Madd": 21457, "\u0120Boo": 21458, "\u0120rede": 21459, "\u0120Burning": 21460, "\u0120smoothly": 21461, "\u0120Adrian": 21462, "\u0120Vampire": 21463, "\u0120Monsters": 21464, "steam": 21465, "Style": 21466, "Ma": 21467, "rea": 21468, "\u0120Dwar": 21469, "alyst": 21470, "ursor": 21471, "\u0120elimination": 21472, "\u0120crypto": 21473, "cht": 21474, "\u0120Eternal": 21475, "\u00e2\u0122\u00a6]": 21476, "\u0120Sorce": 21477, "Ill": 21478, "NER": 21479, "\u0120uh": 21480, "Conclusion": 21481, "wage": 21482, "\u0120respir": 21483, "\u0120reminis": 21484, "hetical": 21485, "\u0120gy": 21486, "\u0120utilized": 21487, "icidal": 21488, "\u01201900": 21489, "\u0120hunters": 21490, "\u0120Swan": 21491, "\u0120React": 21492, "\u0120visitor": 21493, "\u0120Thanksgiving": 21494, "308": 21495, "Posts": 21496, "\u0120hips": 21497, "1997": 21498, "omers": 21499, "\u0120knocking": 21500, "\u0120Vehicle": 21501, "\u0120til": 21502, "\u0120138": 21503, "\u0120mi": 21504, "\u0120Investigation": 21505, "\u0120Kenya": 21506, "\u0120casino": 21507, "\u0120motives": 21508, "\u0120regain": 21509, "rex": 21510, "\u0120weekends": 21511, "\u0120stabbed": 21512, "boro": 21513, "\u0120exploited": 21514, "\u0120HAVE": 21515, "\u0120Television": 21516, "cock": 21517, "\u0120preparations": 21518, "\u0120endeav": 21519, "\u0120Remote": 21520, "\u0120Maker": 21521, "\u0120Produ": 21522, "\u0120Evan": 21523, "\u0120informational": 21524, "\u0120Louisville": 21525, "154": 21526, "\u0120Dreams": 21527, "\u0120plots": 21528, "\u0120Runner": 21529, "\u0120hurting": 21530, "\u0120academy": 21531, "\u0120Montgomery": 21532, "nm": 21533, "\u0120Lanc": 21534, "\u0120Alz": 21535, "210": 21536, "elong": 21537, "\u0120retailer": 21538, "\u0120arising": 21539, "\u0120rebellion": 21540, "\u0120blonde": 21541, "played": 21542, "\u0120instrumental": 21543, "Cross": 21544, "\u0120retention": 21545, "\u0120therapeutic": 21546, "\u0120seas": 21547, "\u0120infantry": 21548, "\u0120Clint": 21549, "\u0120prompting": 21550, "\u0120bitch": 21551, "\u0120stems": 21552, "\u0120Kra": 21553, "\u0120thesis": 21554, "\u0120Bog": 21555, "rued": 21556, "\u0120kings": 21557, "\u0120clay": 21558, "ificent": 21559, "\u0120YES": 21560, "\u0120Thing": 21561, "\u0120Cubs": 21562, "veyard": 21563, "elsh": 21564, "inarily": 21565, "\u0120Ey": 21566, "\u0120Rolling": 21567, "\u0120evolving": 21568, "India": 21569, "\u0120recognizes": 21570, "\u0120graduation": 21571, "isers": 21572, "\u0120fertility": 21573, "\u0120Milan": 21574, "Command": 21575, "\u0120boxing": 21576, "\u01201943": 21577, "\u0120gluten": 21578, "\u0120Emir": 21579, "\u0120idol": 21580, "\u0120conceived": 21581, "\u0120Creation": 21582, "Merit": 21583, "uddy": 21584, "ussions": 21585, "\u0120Lieutenant": 21586, "ietal": 21587, "\u0120unchanged": 21588, "\u0120Scale": 21589, "\u0120Crimea": 21590, "balls": 21591, "atorial": 21592, "\u0120depths": 21593, "\u0120empirical": 21594, "\u0120transm": 21595, "\u0120unsafe": 21596, "missible": 21597, "comfort": 21598, "156": 21599, "\u0120mechanic": 21600, "002": 21601, "lins": 21602, "\u0120smoked": 21603, "Pos": 21604, "\u0120slowing": 21605, "\u0120lav": 21606, "Texas": 21607, "\u0120cheating": 21608, "\u0120Metropolitan": 21609, "ethyl": 21610, "\u0120discovering": 21611, "asse": 21612, "\u0120pencil": 21613, "\u0120Pyongyang": 21614, "\u0120closet": 21615, "\u0120Sheet": 21616, "\u0120Entry": 21617, "oustic": 21618, "\u0120myst": 21619, "erate": 21620, "ariat": 21621, "\u0120minerals": 21622, "\u0120musician": 21623, "\u0120Pul": 21624, "\u0120Maz": 21625, "249": 21626, "\u0120permissions": 21627, "\u0120iv": 21628, "enary": 21629, "ickers": 21630, "\u0120Bing": 21631, "hea": 21632, "enable": 21633, "\u0120griev": 21634, "\u0120asserted": 21635, "\u0120Colonel": 21636, "\u0120affidav": 21637, "wo": 21638, "\u0120seated": 21639, "\u0120Ride": 21640, "\u0120paintings": 21641, "\u0120Pix": 21642, "\u0120137": 21643, "ishi": 21644, "umbai": 21645, "gotten": 21646, "\u0120Earl": 21647, "\u0120inning": 21648, "\u0120census": 21649, "\u0120travelled": 21650, "\u0120Consult": 21651, "185": 21652, "bind": 21653, "\u0120simplicity": 21654, "\u0120overlooked": 21655, "\u0120Helpful": 21656, "\u0120monkey": 21657, "\u0120overwhelmingly": 21658, "Blood": 21659, "\u0120Flint": 21660, "\u0120Jama": 21661, "\u0120Present": 21662, "\u0120Rage": 21663, "\u0120TA": 21664, "ptive": 21665, "\u0120turnout": 21666, "wald": 21667, "\u0120Dolphins": 21668, "\u0120VPN": 21669, "\u0120onion": 21670, "\u0120crafting": 21671, "mma": 21672, "\u0120Mercury": 21673, "\u0120arrange": 21674, "\u0120alerts": 21675, "\u0120OT": 21676, "zbollah": 21677, "\u0120gases": 21678, "\u0120Richardson": 21679, "sal": 21680, "lar": 21681, "\u0120frost": 21682, "\u0120lowering": 21683, "\u0120acclaim": 21684, "\u0120startups": 21685, "\u0120Gain": 21686, "essment": 21687, "\u0120guardian": 21688, "\u00e4\u00ba\u00ba": 21689, "\u0120Pie": 21690, "\u0120Links": 21691, "\u0120merits": 21692, "\u0120awake": 21693, "\u0120parental": 21694, "\u0120exceeds": 21695, "\u0120idle": 21696, "\u0120Pilot": 21697, "\u0120eBay": 21698, "\u0120Accept": 21699, "ipeg": 21700, "Cam": 21701, "\u0120Kot": 21702, "\u0120traders": 21703, "olitics": 21704, "unker": 21705, "\u0120Pale": 21706, "osi": 21707, "anmar": 21708, "\u01201947": 21709, "\u0120Fell": 21710, "estial": 21711, "itating": 21712, "GF": 21713, "\u0120Sr": 21714, "ifted": 21715, "\u0120connector": 21716, "\u0120Bone": 21717, "illes": 21718, "260": 21719, "hma": 21720, "\u0120overlap": 21721, "\u0120GitHub": 21722, "\u0120cleaner": 21723, "\u0120Baptist": 21724, "\u0120WAS": 21725, "\u0120lungs": 21726, "\u00d1\u0123": 21727, "\u0120BUT": 21728, "\u0120cite": 21729, "\u0120pitched": 21730, "reatment": 21731, "\u0120trophies": 21732, "\u0120Nu": 21733, "386": 21734, "\u0120Pride": 21735, "\u0120attendees": 21736, "[]": 21737, "179": 21738, "\u0120spatial": 21739, "\u0120prizes": 21740, "\u0120Religion": 21741, "\u0120showcase": 21742, "\u0120Category": 21743, "vidia": 21744, "Target": 21745, "Property": 21746, "?,": 21747, "\u0120fusion": 21748, "pie": 21749, "\u0120UCLA": 21750, "\u0120soundtrack": 21751, "\u0120princess": 21752, "\u0120Caval": 21753, "should": 21754, "\u0120limbs": 21755, "Background": 21756, "\u0120lonely": 21757, "\u0120cores": 21758, "\u0120Tail": 21759, "sheet": 21760, "\u0120132": 21761, "Ra": 21762, "\u00e3\u0124\u00ab": 21763, "\u0120Bolt": 21764, "\u0120booked": 21765, "\u0120administer": 21766, "\u0120equals": 21767, "wy": 21768, "\u0120observing": 21769, "\u0120Baron": 21770, "\u0120Adobe": 21771, "\u0120virgin": 21772, "\u0120Socialist": 21773, "Move": 21774, "ghazi": 21775, "\u0120Linda": 21776, "212": 21777, "\u0120brewing": 21778, "\u0120merchants": 21779, "burse": 21780, "\u0120divor": 21781, "\u0120metals": 21782, "\u0120Ner": 21783, "\u0120sums": 21784, "\u0120Enemy": 21785, "\u0120envision": 21786, "\u0120granting": 21787, "\u0120Honey": 21788, "\u0120Skyrim": 21789, "\u0120socio": 21790, "graded": 21791, "\u0120selective": 21792, "WASHINGTON": 21793, "\u01201948": 21794, "\u0120Sirius": 21795, "\u0120Gross": 21796, "activity": 21797, "\u0120Ivan": 21798, "\u0120furious": 21799, "BSD": 21800, "\u0120Previous": 21801, "\u0120responsive": 21802, "\u0120charitable": 21803, "\u0120leaning": 21804, "\u0120Pew": 21805, "\u0120violates": 21806, "\\\\\\\\\\\\\\\\": 21807, "\u0120Coming": 21808, "wire": 21809, "\u0120poet": 21810, "\u0120resolutions": 21811, "command": 21812, "\u0120Portuguese": 21813, "\u0120nickname": 21814, "\u0120deaf": 21815, "February": 21816, "\u0120recognise": 21817, "\u0120entirety": 21818, "\u0120seasonal": 21819, "placed": 21820, "\u0120Telegraph": 21821, "\u0120microphone": 21822, "ouring": 21823, "\u0120grains": 21824, "\u0120governed": 21825, "\u0120postp": 21826, "\u0120Waters": 21827, "inement": 21828, "\u0120undocumented": 21829, "\u0120Comcast": 21830, "\u0120fox": 21831, "\u0120assaults": 21832, "reon": 21833, "many": 21834, "\u0120Jenkins": 21835, "\u0120Anyway": 21836, "\u0120assessments": 21837, "\u0120downs": 21838, "\u0120Mouse": 21839, "\u0120superb": 21840, "kt": 21841, "\u0120Dow": 21842, "\u0120taxation": 21843, "401": 21844, "\u0120smiles": 21845, "\u0120undertaken": 21846, "\u0120exh": 21847, "\u0120enthusiastic": 21848, "\u0120twent": 21849, "\u0120governmental": 21850, "\u0120autonomy": 21851, "\u0120Technologies": 21852, "\u0120Chain": 21853, "\u0120prevalent": 21854, "fb": 21855, "\u0120nicotine": 21856, "ogram": 21857, "job": 21858, "\u0120awaiting": 21859, "\u0120Menu": 21860, "\u0120deputies": 21861, "kov": 21862, "ishops": 21863, "Button": 21864, "\u0120Shanghai": 21865, "\u0120diesel": 21866, "\u0120Duck": 21867, "Ryan": 21868, "\u0120PCs": 21869, "NF": 21870, "jury": 21871, "ente": 21872, "\u0120inaccurate": 21873, "eddy": 21874, "Whatever": 21875, "\u0120showc": 21876, "\u0120Nad": 21877, "odus": 21878, "etr": 21879, "\u0120plaintiffs": 21880, "\u0120WOR": 21881, "\u0120Assange": 21882, "\u0120privat": 21883, "\u0120premiums": 21884, "\u0120tam": 21885, "URL": 21886, "\u0120elites": 21887, "\u0120Ranger": 21888, "ottenham": 21889, "\u0120Hoff": 21890, "\u0120Athens": 21891, "\u0120definite": 21892, "\u0120sighed": 21893, "\u0120evenly": 21894, "211": 21895, "\u0120Amber": 21896, "akia": 21897, "\u0120mailing": 21898, "\u0120crashing": 21899, "\u0120Confederate": 21900, "rugged": 21901, "Wal": 21902, "\u0120Depths": 21903, "\u0120juvenile": 21904, "\u0120reactor": 21905, "Introduction": 21906, "\u0120Deluxe": 21907, "1995": 21908, "\u0120Sanchez": 21909, "\u0120Mead": 21910, "ivable": 21911, ":-": 21912, "\u0120Planning": 21913, "\u0120Trap": 21914, "quin": 21915, "\u0120Protect": 21916, "vered": 21917, "Information": 21918, "\u0120kidney": 21919, "innamon": 21920, "las": 21921, "\u0120policing": 21922, "\u0120tolerate": 21923, "\u0120Qi": 21924, "\u0120biased": 21925, "Fort": 21926, "\u0120Ki": 21927, "save": 21928, "\u0120privileged": 21929, "\u0120beasts": 21930, "\u0120Glas": 21931, "\u0120Cinem": 21932, "\u0120comeback": 21933, "Sunday": 21934, "\u0120extinction": 21935, "hops": 21936, "\u0120transmit": 21937, "\u0120doubles": 21938, "\u0120Flat": 21939, "167": 21940, "\u0120disputed": 21941, "\u0120injustice": 21942, "foo": 21943, "Vict": 21944, "roleum": 21945, "\u0120Julie": 21946, "Context": 21947, "\u0120Rarity": 21948, "issue": 21949, "Component": 21950, "\u0120counseling": 21951, "anne": 21952, "dark": 21953, "\u0120objections": 21954, "uilt": 21955, "\u0120gast": 21956, "\u0120plac": 21957, "\u0120unused": 21958, "\u00e3\u0125\u0129": 21959, "\u0120Trial": 21960, "\u0120Jas": 21961, "hedral": 21962, "obb": 21963, "\u0120temporal": 21964, "\u0120PRO": 21965, "\u0120NW": 21966, "\u0120Anniversary": 21967, "Large": 21968, "\u0120therm": 21969, "\u0120david": 21970, "\u0120systemic": 21971, "\u0120Shir": 21972, "mut": 21973, "\u0120Nept": 21974, "address": 21975, "\u0120scanning": 21976, "\u0120understandable": 21977, "\u0120canvas": 21978, "Cat": 21979, "\u0120Zoo": 21980, "\u0120angels": 21981, "LO": 21982, "\u0120Statement": 21983, "\u0120Sig": 21984, "ovable": 21985, "\u0120Away": 21986, "sharing": 21987, "ocrats": 21988, "stated": 21989, "\u0120weighing": 21990, "Nor": 21991, "wild": 21992, "Bey": 21993, "\u0120astonishing": 21994, "\u0120Reynolds": 21995, "\u0120opener": 21996, "\u0120trainer": 21997, "\u0120surgical": 21998, "pn": 21999, "\u0120adjusting": 22000, "wheel": 22001, "\u0120frown": 22002, "ervative": 22003, "\u0120suspend": 22004, "Within": 22005, "tein": 22006, "\u0120obstacle": 22007, "\u0120liberties": 22008, "ymes": 22009, "\u0120uranium": 22010, "ansom": 22011, "anol": 22012, "uba": 22013, "\u0120Loss": 22014, "\u0120arous": 22015, "\u0120Henderson": 22016, "Wow": 22017, "spl": 22018, "cur": 22019, "\u0120\u00c2\u0143": 22020, "\u0120theirs": 22021, "Damage": 22022, "\u0120downloading": 22023, "\u0120discern": 22024, "\u0120Sto": 22025, "\u0120Fla": 22026, "\u0120hath": 22027, "\u0120Aj": 22028, "\u0120unpleasant": 22029, "European": 22030, "expensive": 22031, "\u0120screenshot": 22032, "\u0120UV": 22033, "\u0120allied": 22034, "\u0120Persian": 22035, "\u0120monopoly": 22036, "\u0120atom": 22037, "\u0120Redskins": 22038, "\"><": 22039, "\u0120cancell": 22040, "\u0120cinema": 22041, "131": 22042, "fair": 22043, "\u0120Alfred": 22044, "\u0120duck": 22045, "args": 22046, "223": 22047, "\u0120ISI": 22048, "\u0120signaling": 22049, "inar": 22050, "\u0120laughs": 22051, "\u0120forwards": 22052, "\u0120reckless": 22053, "\u0120listeners": 22054, "ativity": 22055, "\u0120vastly": 22056, "nant": 22057, "Less": 22058, "\u0120Hunting": 22059, "\u0120Scientific": 22060, "ITED": 22061, "\u0120knight": 22062, "\u0120HTC": 22063, "usa": 22064, "tmp": 22065, "\u0120rude": 22066, "\u0120Legendary": 22067, "\u0120arises": 22068, "Bad": 22069, "\u0120Claim": 22070, "peg": 22071, "\u0120realities": 22072, "Think": 22073, "\u0120\u00c2\u00b0": 22074, "\u0120rode": 22075, "\u0120strive": 22076, "\u0120anecd": 22077, "\u0120shorts": 22078, "\u0120hypothes": 22079, "\u0120coordinated": 22080, "\u0120Gandhi": 22081, "\u0120FPS": 22082, "RED": 22083, "\u0120susceptible": 22084, "\u0120shrink": 22085, "\u0120Chart": 22086, "Help": 22087, "\u0120ion": 22088, "deep": 22089, "ribes": 22090, "\u0120Kai": 22091, "\u0120Customer": 22092, "Summary": 22093, "\u0120cough": 22094, "wife": 22095, "\u0120lend": 22096, "\u0120positioning": 22097, "\u0120lottery": 22098, "\u0120Canyon": 22099, "\u0120fade": 22100, "\u0120bronze": 22101, "\u0120Kenny": 22102, "\u0120boasts": 22103, "\u0120Enhanced": 22104, "record": 22105, "\u0120emergence": 22106, "\u0120akin": 22107, "\u0120Bert": 22108, "itous": 22109, "\u00e2\u0138\u0133": 22110, "\u0120stip": 22111, "\u0120exchanged": 22112, "omore": 22113, "alsh": 22114, "\u0120reservoir": 22115, "\u0120standpoint": 22116, "WM": 22117, "\u0120initiate": 22118, "\u0120decay": 22119, "\u0120brewery": 22120, "\u0120terribly": 22121, "\u0120mortal": 22122, "levard": 22123, "\u0120revis": 22124, "NI": 22125, "elo": 22126, "\u0120confess": 22127, "\u0120MSNBC": 22128, "\u0120submissions": 22129, "Controller": 22130, "\u0120202": 22131, "\u0120Ruth": 22132, "});": 22133, "\u0120Azure": 22134, "\u0120.\"": 22135, "206": 22136, "\u0120Marketing": 22137, "\u0120laund": 22138, "iencies": 22139, "\u0120renowned": 22140, "\u0120Trou": 22141, "\u0120NGO": 22142, "blems": 22143, "\u0120terrified": 22144, "\u0120warns": 22145, "\u0120pert": 22146, "\u0120unsure": 22147, "480": 22148, "alez": 22149, "ultz": 22150, "\u0120Outside": 22151, "\u0120styl": 22152, "\u0120Underground": 22153, "\u0120panc": 22154, "\u0120dictionary": 22155, "\u0120foe": 22156, "riminal": 22157, "\u0120Norwegian": 22158, "\u0120jailed": 22159, "\u0120maternal": 22160, "\u00c3\u00a9e": 22161, "\u0120Lucy": 22162, "cop": 22163, "Cho": 22164, "\u0120unsigned": 22165, "\u0120Zelda": 22166, "\u0120Insider": 22167, "\u0120Continued": 22168, "\u0120133": 22169, "\u0120Naruto": 22170, "\u0120Majority": 22171, "169": 22172, "\u0120Wo": 22173, "\u00e3\u0124\u0135": 22174, "\u0120pastor": 22175, "\u0120informal": 22176, "\u00d0\u00bd": 22177, "anthrop": 22178, "join": 22179, "\u00e3\u0123\u0139": 22180, "itational": 22181, "NP": 22182, "\u0120Writing": 22183, "fn": 22184, "\u0120Bever": 22185, "195": 22186, "\u0120yelling": 22187, "\u0120drastically": 22188, "\u0120eject": 22189, "\u0120neut": 22190, "\u0120thrive": 22191, "\u0120Frequ": 22192, "oux": 22193, "\u0120possesses": 22194, "\u0120Senators": 22195, "\u0120DES": 22196, "\u0120Shakespeare": 22197, "\u0120Franco": 22198, "\u0120LB": 22199, "uchi": 22200, "\u0120incarn": 22201, "\u0120founders": 22202, "Function": 22203, "\u0120brightness": 22204, "\u0120BT": 22205, "\u0120whale": 22206, "\u0120Theater": 22207, "mass": 22208, "\u0120Doll": 22209, "Something": 22210, "\u0120echoed": 22211, "\u0120Hex": 22212, "crit": 22213, "afia": 22214, "\u0120goddess": 22215, "\u0120eleven": 22216, "\u0120Preview": 22217, "\u0120Aurora": 22218, "\u0120401": 22219, "ulsive": 22220, "\u0120Logan": 22221, "inburgh": 22222, "\u0120Centers": 22223, "\u0120ONLY": 22224, "\u0120Aid": 22225, "\u0120paradox": 22226, "\u0120hurd": 22227, "\u0120LC": 22228, "Due": 22229, "court": 22230, "\u0120offended": 22231, "\u0120evaluating": 22232, "\u0120Matthews": 22233, "\u0120tomb": 22234, "\u0120payroll": 22235, "\u0120extraction": 22236, "\u0120Hands": 22237, "ifi": 22238, "\u0120supernatural": 22239, "\u0120COMM": 22240, "]=": 22241, "dogs": 22242, "\u0120512": 22243, "\u0120Meeting": 22244, "Richard": 22245, "\u0120Maximum": 22246, "\u0120ideals": 22247, "Things": 22248, "mand": 22249, "\u0120Regardless": 22250, "\u0120humili": 22251, "buffer": 22252, "Little": 22253, "\u0120Dani": 22254, "\u0120Nak": 22255, "\u0120liberation": 22256, "\u0120Abe": 22257, "\u0120OL": 22258, "\u0120stuffed": 22259, "aca": 22260, "inda": 22261, "raphic": 22262, "\u0120mosqu": 22263, "\u0120campaigning": 22264, "\u0120occupy": 22265, "Squ": 22266, "rina": 22267, "\u0120Wel": 22268, "\u0120VS": 22269, "\u0120physic": 22270, "\u0120puls": 22271, "rint": 22272, "oaded": 22273, "ETF": 22274, "\u0120Archives": 22275, "\u0120venues": 22276, "hner": 22277, "\u0120Turbo": 22278, "\u0120lust": 22279, "\u0120appealed": 22280, "quez": 22281, "ilib": 22282, "\u0120Timothy": 22283, "\u0120omn": 22284, "dro": 22285, "\u0120obsession": 22286, "\u0120Savage": 22287, "1996": 22288, "Global": 22289, "Jes": 22290, "214": 22291, "\u0120sliding": 22292, "\u0120disappro": 22293, "\u0120Magical": 22294, "\u0120voluntarily": 22295, "gb": 22296, "aney": 22297, "\u0120prophet": 22298, "\u0120Rein": 22299, "\u0120Julia": 22300, "\u0120Worth": 22301, "aurus": 22302, "\u0120bounds": 22303, "ieu": 22304, ")))": 22305, "\u0120crore": 22306, "\u0120Citizen": 22307, "Sky": 22308, "\u0120columnist": 22309, "\u0120seekers": 22310, "ondo": 22311, "ISA": 22312, "\u0120Length": 22313, "\u0120nostalg": 22314, "\u0120newcom": 22315, "\u0120detrim": 22316, "entric": 22317, "375": 22318, "\u0120GE": 22319, "\u0120autop": 22320, "\u0120academics": 22321, "AppData": 22322, "\u0120Shen": 22323, "\u0120idiot": 22324, "\u0120Transit": 22325, "\u0120teaspoon": 22326, "Wil": 22327, "KO": 22328, "\u0120Comedy": 22329, ">,": 22330, "\u0120populated": 22331, "WD": 22332, "\u0120pigs": 22333, "\u0120Oculus": 22334, "\u0120sympathetic": 22335, "\u0120marathon": 22336, "198": 22337, "\u0120seizure": 22338, "sided": 22339, "\u0120dop": 22340, "irtual": 22341, "Land": 22342, "\u0120Floor": 22343, "osaurs": 22344, "...]": 22345, "\u0120los": 22346, "\u0120subsidiary": 22347, "EY": 22348, "\u0120Parts": 22349, "\u0120Stef": 22350, "\u0120Judiciary": 22351, "\u0120134": 22352, "\u0120mirrors": 22353, "\u0120ket": 22354, "times": 22355, "\u0120neurolog": 22356, "\u0120cav": 22357, "\u0120Guest": 22358, "\u0120tumor": 22359, "scill": 22360, "\u0120Lloyd": 22361, "Est": 22362, "\u0120clearer": 22363, "\u0120stereotypes": 22364, "\u0120dur": 22365, "nothing": 22366, "Reddit": 22367, "\u0120negotiated": 22368, "------------------------": 22369, "235": 22370, "\u0120flown": 22371, "\u0120Seoul": 22372, "\u0120Resident": 22373, "\u0120SCH": 22374, "\u0120disappearance": 22375, "\u0120Vince": 22376, "grown": 22377, "\u0120grabs": 22378, "ril": 22379, "\u0120Infinite": 22380, "\u0120Twenty": 22381, "\u0120pedestrian": 22382, "\u0120jersey": 22383, "\u0120Fur": 22384, "\u0120Infinity": 22385, "\u0120Elliott": 22386, "\u0120mentor": 22387, "\u0120morally": 22388, "\u0120obey": 22389, "secure": 22390, "iffe": 22391, "\u0120antibiotics": 22392, "angled": 22393, "\u0120Freeman": 22394, "\u0120Introduction": 22395, "Jun": 22396, "\u0120marsh": 22397, "icans": 22398, "\u0120EVENTS": 22399, "ochond": 22400, "Wall": 22401, "iculty": 22402, "\u0120misdemeanor": 22403, "\u0120ly": 22404, "Thomas": 22405, "\u0120Resolution": 22406, "\u0120animations": 22407, "\u0120Dry": 22408, "\u0120intercourse": 22409, "\u0120Newcastle": 22410, "\u0120Hog": 22411, "\u0120Equipment": 22412, "177": 22413, "\u0120territorial": 22414, "\u0120archives": 22415, "203": 22416, "Filter": 22417, "\u0120Munich": 22418, "\u0120commanded": 22419, "\u0120Wand": 22420, "\u0120pitches": 22421, "\u0120Croat": 22422, "\u0120ratios": 22423, "\u0120Mits": 22424, "\u0120accumulated": 22425, "\u0120Specifically": 22426, "\u0120gentleman": 22427, "acerb": 22428, "\u0120penn": 22429, "\u0120aka": 22430, "\u0120Fuk": 22431, "\u0120intervene": 22432, "\u0120Refuge": 22433, "\u0120Alzheimer": 22434, "\u0120succession": 22435, "ohan": 22436, "does": 22437, "Lord": 22438, "\u0120separat": 22439, "\u0120correspondence": 22440, "\u0120shiny": 22441, "Prior": 22442, "\u0120sulf": 22443, "\u0120miserable": 22444, "\u0120dedication": 22445, "().": 22446, "\u0120specialists": 22447, "\u0120defects": 22448, "\u0120Cult": 22449, "\u0120Xia": 22450, "\u0120jeopard": 22451, "\u0120Ore": 22452, "Ability": 22453, "\u0120lear": 22454, "\u0120ambitions": 22455, "\u0120BMI": 22456, "\u0120Arabs": 22457, "\u01201942": 22458, "\u0120preservation": 22459, "ificate": 22460, "\u0120ashamed": 22461, "loss": 22462, "\u0120Restaur": 22463, "\u0120resemble": 22464, "\u0120enrich": 22465, "\u0120KN": 22466, "\u0120Clan": 22467, "float": 22468, "\u0120playable": 22469, "ITT": 22470, "\u0120harmony": 22471, "arrison": 22472, "\u0120Weinstein": 22473, "were": 22474, "\u0120poisoning": 22475, "\u0120Comput": 22476, "\u0120WordPress": 22477, "major": 22478, "\u0120Valve": 22479, "Fan": 22480, "\u0120Throw": 22481, "\u0120Romans": 22482, "\u0120Depression": 22483, "ados": 22484, "\u0120tortured": 22485, "\u0120balancing": 22486, "bottom": 22487, "\u0120acquiring": 22488, "\u0120Monte": 22489, "ardi": 22490, "\u0120aura": 22491, "\u0120##": 22492, "\u0120Standing": 22493, "\u0120Atlas": 22494, "CF": 22495, "\u0120intrins": 22496, "\u0120Benghazi": 22497, "\u0120camping": 22498, "\u0120tapped": 22499, "blade": 22500, "strous": 22501, "\u0120Rabb": 22502, "\u0120Written": 22503, "tip": 22504, "\u0120Neigh": 22505, "sterdam": 22506, "\u0120Allow": 22507, "\u0120Healing": 22508, "\u0120Rhod": 22509, "num": 22510, "\u0120caffeine": 22511, "\u0120Percent": 22512, "\u0120boo": 22513, "\u0120apples": 22514, "305": 22515, "\u0120welcoming": 22516, "\u0120applaud": 22517, "\u0120austerity": 22518, "\u00c2\u00b1": 22519, "\u0120Reality": 22520, "efe": 22521, "\u00e5\u00ae": 22522, "\u0120sucks": 22523, "\u0120tabs": 22524, "\u0120PayPal": 22525, "\u0120backpack": 22526, "\u0120gifted": 22527, "abulary": 22528, "\u0120Scout": 22529, "irteen": 22530, "\u0120chin": 22531, "\u0120omitted": 22532, "\u0120negatively": 22533, "\u0120accessing": 22534, "\u0120Earn": 22535, "\u0120ambulance": 22536, "\u0120headphones": 22537, "\u0120205": 22538, "\u0120Refresh": 22539, "president": 22540, "\u0120Kitchen": 22541, "\u0120Entered": 22542, "\u0120Snyder": 22543, "005": 22544, "omical": 22545, "\u0120borrowed": 22546, "\u0120Nem": 22547, "\u0120aviation": 22548, "\u0120stall": 22549, "rimination": 22550, "\u0120uniforms": 22551, "itime": 22552, "\u0120Simmons": 22553, "energy": 22554, "ablished": 22555, "yy": 22556, "qualified": 22557, "\u0120rallies": 22558, "\u0120Stuart": 22559, "flight": 22560, "\u0120gangs": 22561, "rag": 22562, "\u0120vault": 22563, "lux": 22564, "\u0120Compar": 22565, "\u0120designation": 22566, "209": 22567, "\u0120Jos": 22568, "dollar": 22569, "zero": 22570, "\u0120wells": 22571, "303": 22572, "\u0120constituents": 22573, "\u0120heck": 22574, "\u0120cows": 22575, "\u0120commanders": 22576, "\u0120differential": 22577, "\u0120Catherine": 22578, "299": 22579, "\u0120valve": 22580, "\u0120brace": 22581, "\u0120perspectives": 22582, "cert": 22583, "fact": 22584, "icularly": 22585, "\u0120McN": 22586, "planes": 22587, "\u0120intric": 22588, "\u0120peas": 22589, "ovan": 22590, "\u0120tossed": 22591, "retch": 22592, "\u0120Lopez": 22593, "\u0120unfamiliar": 22594, "death": 22595, "\u0120Apart": 22596, "\u0120Chang": 22597, "\u0120relieved": 22598, "rophe": 22599, "\u0120airports": 22600, "\u0120freak": 22601, "util": 22602, "Mill": 22603, "\u0120Chin": 22604, "\u0120Owen": 22605, "male": 22606, "\u0120Broken": 22607, "\u0120Winds": 22608, "rob": 22609, "rising": 22610, "\u0120firefighters": 22611, "\u0120authoritarian": 22612, "\u0120148": 22613, "Bitcoin": 22614, "external": 22615, "\u0120browsers": 22616, "ichever": 22617, "orian": 22618, "\u0120unb": 22619, "\u0120poke": 22620, "\u0120Zot": 22621, "Mid": 22622, "\u0120Popular": 22623, "\u0120covert": 22624, "\u0120contributes": 22625, "\u0120650": 22626, "\u0120contention": 22627, "Gate": 22628, "\u0120consoles": 22629, "\u0120chromos": 22630, "\u0120IX": 22631, "\u0120visually": 22632, "\u0120Eisen": 22633, "\u0120jewelry": 22634, "\u0120delegation": 22635, "\u0120accelerate": 22636, "\u0120Riley": 22637, "\u0120slope": 22638, "\u0120indoor": 22639, "itially": 22640, "\u0120hugely": 22641, "\u0120tunnels": 22642, "\u0120fined": 22643, "\u0120directive": 22644, "\u0120forehead": 22645, "ustomed": 22646, "\u0120skate": 22647, "Music": 22648, "gas": 22649, "\u0120recognizing": 22650, "ambo": 22651, "\u0120overweight": 22652, "\u0120Grade": 22653, "\u00d9\u012c": 22654, "\u0120sounding": 22655, "\u0120locking": 22656, "\u0120REM": 22657, "Store": 22658, "\u0120excav": 22659, "\u0120Likewise": 22660, "\u0120Lights": 22661, "\u0120elbow": 22662, "\u0120Supply": 22663, "wic": 22664, "\u0120handsome": 22665, "1994": 22666, "Coll": 22667, "\u0120adequately": 22668, "\u0120Associate": 22669, "\u0120strips": 22670, "\u0120crackdown": 22671, "\u0120marvel": 22672, "\u0120Kun": 22673, "\u0120passages": 22674, "@@@@": 22675, "\u0120Tall": 22676, "\u0120thoughtful": 22677, "namese": 22678, "\u0120prostitution": 22679, "business": 22680, "\u0120ballistic": 22681, "personal": 22682, "cig": 22683, "izational": 22684, "Round": 22685, "\u0120\u00c2\u0142\u0120\u00c2\u0142\u0120\u00c2\u0142\u0120\u00c2\u0142": 22686, "\u0120Coleman": 22687, "\u0120admitting": 22688, "\u0120Plug": 22689, "\u0120bitcoins": 22690, "\u0120Suz": 22691, "\u0120fairness": 22692, "\u0120supplier": 22693, "\u0120catastrophic": 22694, "\u0120Helen": 22695, "oqu": 22696, "Marc": 22697, "\u0120Articles": 22698, "gie": 22699, "\u0120endangered": 22700, "\u0120destiny": 22701, "\u0120Volt": 22702, "olia": 22703, "axis": 22704, "\u0120cheat": 22705, "\u0120unified": 22706, "ICO": 22707, "quote": 22708, "302": 22709, "\u0120Sed": 22710, "\u0120suppression": 22711, "\u0120analyzing": 22712, "\u0120squat": 22713, "\u0120figuring": 22714, "\u0120coordinates": 22715, "\u0120chunks": 22716, "\u01201946": 22717, "\u0120subp": 22718, "\u0120wiki": 22719, "\u0120Forbes": 22720, "\u0120Jupiter": 22721, "\u0120Erik": 22722, "imer": 22723, "\u0120Commercial": 22724, "\\)": 22725, "\u0120legitimacy": 22726, "\u0120dental": 22727, "\u0120Mean": 22728, "\u0120deficits": 22729, "550": 22730, "Originally": 22731, "\u0120Horror": 22732, "\u0120contamination": 22733, "llah": 22734, "\u0120confisc": 22735, "\u0120Clare": 22736, "TB": 22737, "\u0120Failed": 22738, "aned": 22739, "\u0120ruler": 22740, "\u0120Controller": 22741, "\u0120feminists": 22742, "Fix": 22743, "gay": 22744, "207": 22745, "\u0120rabbit": 22746, "Third": 22747, "owntown": 22748, "\u0120glue": 22749, "\u0120volatile": 22750, "\u0120shining": 22751, "\u0120foll": 22752, "\u0120impaired": 22753, "\u0120supers": 22754, "\u00e6\u012a": 22755, "\u0120clutch": 22756, "\u013c\u00e9\u0128\u0134": 22757, "\u0120prolet": 22758, "\u0120(!": 22759, "\u0120yelled": 22760, "\u0120Kiev": 22761, "\u0120Ern": 22762, "\u0120Shock": 22763, "KB": 22764, "\u0120situated": 22765, "query": 22766, "\u0120Nas": 22767, "\u0120annex": 22768, "character": 22769, "\u0120Holiday": 22770, "\u0120automation": 22771, "\u0120Jill": 22772, "\u0120Remastered": 22773, "\u0120linem": 22774, "\u0120wilderness": 22775, "\u0120Horizon": 22776, "\u0120Guinea": 22777, "AZ": 22778, "\u0120mainland": 22779, "\u0120secrecy": 22780, "LEASE": 22781, "\u0120punk": 22782, "\u0120Province": 22783, "(),": 22784, "Speed": 22785, "\u0120handing": 22786, "\u0120Sebast": 22787, "Sir": 22788, "rase": 22789, "\u0120journals": 22790, "\u0120congest": 22791, "\u0120Tut": 22792, "irrel": 22793, "\u0120schizophrenia": 22794, "\u0120misogyn": 22795, "healthy": 22796, "Iron": 22797, "\u0120reacted": 22798, "-$": 22799, "252": 22800, "\u0120plural": 22801, "\u0120plum": 22802, "\u0120bargain": 22803, "\u0120grounded": 22804, "finder": 22805, "\u0120disse": 22806, "\u0120Laz": 22807, "OOD": 22808, "\u0120atroc": 22809, "Factory": 22810, "\u0120minions": 22811, "\u0120ori": 22812, "\u0120Brave": 22813, "\u0120PRE": 22814, "\u0120Myanmar": 22815, "\u0120Hod": 22816, "\u0120expedition": 22817, "\u0120explode": 22818, "\u0120Coord": 22819, "\u0120extr": 22820, "\u0120Brief": 22821, "\u0120ADHD": 22822, "\u0120hardcore": 22823, "feeding": 22824, "\u0120dile": 22825, "\u0120Fruit": 22826, "\u0120vaccination": 22827, "\u0120Mao": 22828, "osphere": 22829, "\u0120contests": 22830, "-|": 22831, "\u0120fren": 22832, "isphere": 22833, "Rom": 22834, "\u0120Sharp": 22835, "\u0120Trend": 22836, "\u0120disconnect": 22837, "\u00e2\u0122\u00a2\u00e2\u0122\u00a2": 22838, "\u0120persecution": 22839, "Earth": 22840, "\u0120healthier": 22841, "384": 22842, "\u0120cob": 22843, "\u0120Trinity": 22844, "OWS": 22845, "ANN": 22846, "\u0120specialty": 22847, "\u0120gru": 22848, "\u0120cooperative": 22849, "why": 22850, "Starting": 22851, "\u0120Issues": 22852, "stre": 22853, "ensor": 22854, "\u0120185": 22855, "Adv": 22856, "!?": 22857, "\u0120Revel": 22858, "emia": 22859, "\u0120Hulk": 22860, "\u0120celebrations": 22861, "\u0120Sou": 22862, "raud": 22863, "\u0120Klein": 22864, "\u0120unreal": 22865, "context": 22866, "\u0120partnerships": 22867, "\u0120adopting": 22868, "tical": 22869, "\u0120splash": 22870, "\u0120Hezbollah": 22871, "category": 22872, "cyclop": 22873, "xton": 22874, "\u0120Dot": 22875, "urdy": 22876, "tz": 22877, "\u0120envelope": 22878, "\u0120NL": 22879, "\u00e2\u0137": 22880, "\u0120wherein": 22881, "Spec": 22882, "184": 22883, "\u0120telev": 22884, "aliation": 22885, "\u0120myths": 22886, "\u00e5\u00b0": 22887, "\u0120rigorous": 22888, "\u0120communicating": 22889, "\u0120observer": 22890, "\u0120rehe": 22891, "\u0120Wash": 22892, "\u0120apologized": 22893, "\u0120Tin": 22894, "\u0120expenditures": 22895, "workers": 22896, "document": 22897, "\u0120hesitate": 22898, "\u0120Lenin": 22899, "\u0120unpredictable": 22900, "\u0120renewal": 22901, "cler": 22902, "okia": 22903, "\u0120CONT": 22904, "\u0120postseason": 22905, "Tokens": 22906, "\u0120exacerb": 22907, "\u0120betting": 22908, "\u0120147": 22909, "\u0120elevation": 22910, "Wood": 22911, "\u0120Solomon": 22912, "194": 22913, "004": 22914, "output": 22915, "\u0120redund": 22916, "\u0120Mumbai": 22917, "\u0120pH": 22918, "\u0120reproduce": 22919, "\u0120Duration": 22920, "MAX": 22921, "\u0120bog": 22922, "CBS": 22923, "\u0120Balance": 22924, "\u0120Sgt": 22925, "\u0120Recent": 22926, "\u0120cd": 22927, "\u0120popped": 22928, "\u0120incompet": 22929, "prop": 22930, "ayan": 22931, "guy": 22932, "Pacific": 22933, "\u0120tyr": 22934, "\u0120{{": 22935, "\u0120Mystic": 22936, "\u0120Dana": 22937, "\u0120masturb": 22938, "\u0120geometry": 22939, "\u00c3\u00a2": 22940, "\u0120Correct": 22941, "\u0120trajectory": 22942, "\u0120distracted": 22943, "\u0120foo": 22944, "\u0120Welsh": 22945, "Luc": 22946, "mith": 22947, "\u0120rugby": 22948, "\u0120respiratory": 22949, "\u0120triangle": 22950, "\u0120215": 22951, "\u0120undergraduate": 22952, "\u0120Superior": 22953, "changing": 22954, "_-": 22955, "\u0120rightly": 22956, "\u0120referee": 22957, "\u0120lucrative": 22958, "\u0120unauthorized": 22959, "\u0120resembles": 22960, "\u0120GNU": 22961, "\u0120Derby": 22962, "\u0120pathways": 22963, "\u0120Led": 22964, "\u0120endurance": 22965, "\u0120stint": 22966, "\u0120collector": 22967, "Fast": 22968, "\u0120dots": 22969, "\u0120nationals": 22970, "\u0120Securities": 22971, "\u0120whip": 22972, "Param": 22973, "\u0120learns": 22974, "Magic": 22975, "\u0120detailing": 22976, "moon": 22977, "\u0120broadcasting": 22978, "\u0120baked": 22979, "265": 22980, "holm": 22981, "\u0120Sah": 22982, "\u0120Hussein": 22983, "\u0120Courtesy": 22984, "174": 22985, "\u0120146": 22986, "\u0120geographic": 22987, "peace": 22988, "\u0120judging": 22989, "\u0120Stern": 22990, "Bur": 22991, "\u0120storyline": 22992, "Gun": 22993, "\u0120Stick": 22994, "245": 22995, "307": 22996, "\u00e3\u0124\u00b4\u00e3\u0125\u00b3": 22997, "\u0120Administrator": 22998, "\u0120burnt": 22999, "\u0120pave": 23000, "choes": 23001, "Exec": 23002, "\u0120campuses": 23003, "Result": 23004, "\u0120mutations": 23005, "\u0120Charter": 23006, "\u0120captures": 23007, "\u0120compares": 23008, "\u0120badge": 23009, "Scient": 23010, "\u0120erad": 23011, "iery": 23012, "oi": 23013, "ettes": 23014, "\u0120Estate": 23015, "\u0120strap": 23016, "\u0120proudly": 23017, "\u0120fried": 23018, "\u0120withdrawn": 23019, "\u0120Voy": 23020, "phony": 23021, "Items": 23022, "\u0120Pierce": 23023, "bard": 23024, "\u0120annotation": 23025, "anton": 23026, "illon": 23027, "Impro": 23028, "...)": 23029, "\u0120happier": 23030, "------": 23031, "adjust": 23032, "\u0120staffers": 23033, "\u0120activism": 23034, "\u0120perf": 23035, "\u0120alright": 23036, "Need": 23037, "\u0120commence": 23038, "\u0120opioid": 23039, "\u0120Amanda": 23040, "Es": 23041, "\u0120Pars": 23042, "\u0120Kaw": 23043, "Works": 23044, "248": 23045, "\u0120indo": 23046, "tc": 23047, "endant": 23048, "\u0120Moto": 23049, "\u0120legalization": 23050, "OTE": 23051, "\u0120tasked": 23052, "\u0120tsp": 23053, "\u0120ACTIONS": 23054, "166": 23055, "\u0120refreshing": 23056, "\u0120NR": 23057, "\u0120Perez": 23058, "\u0120infringement": 23059, "SY": 23060, "Listen": 23061, "inning": 23062, "ku": 23063, "\u0120rotate": 23064, "program": 23065, "arah": 23066, "Design": 23067, "\u0120(\u00c2\u00a3": 23068, "\u0120storing": 23069, "\u0120warrants": 23070, "\u0120judgement": 23071, "\u0120Brist": 23072, "usually": 23073, "photo": 23074, "\u0120Ran": 23075, "\u0120Pine": 23076, "\u0120outrageous": 23077, "\u0120Valentine": 23078, "luence": 23079, "\u0120Everybody": 23080, "Altern": 23081, "\u0120relevance": 23082, "\u0120terminated": 23083, "\u0120dessert": 23084, "\u0120fulfilled": 23085, "\u0120prosecuted": 23086, "\u0120Words": 23087, "\u0120migrant": 23088, "\u0120cultivation": 23089, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 23090, "idelity": 23091, "\u0120Vern": 23092, "\u0120Login": 23093, "\u0120metaphor": 23094, "\u0120Tip": 23095, "\u0120recruits": 23096, "\u0120Pig": 23097, "ribing": 23098, "\u0120enthusiasts": 23099, "exper": 23100, "\u0120frightening": 23101, "\u0120Hair": 23102, "anson": 23103, "strate": 23104, "\u0120hi": 23105, "Height": 23106, "\u0120owning": 23107, "none": 23108, "\u0120dislike": 23109, "\u0120knives": 23110, "pherd": 23111, "\u0120loudly": 23112, "\u0120APIs": 23113, "Display": 23114, "\u0120Lac": 23115, "\u0120USS": 23116, "abl": 23117, "verages": 23118, "Jew": 23119, "\u0120172": 23120, "\u0120Historical": 23121, "atoon": 23122, "\u0120Physics": 23123, "intern": 23124, "\u0120warmth": 23125, "\u0120topp": 23126, "DM": 23127, "\u0120gunman": 23128, "\u0120emperor": 23129, "odi": 23130, "\u00e3\u0125\u00a3": 23131, "inatory": 23132, "\u0120Rib": 23133, "\u0120131": 23134, "\u0120Saturn": 23135, "\u0120Shining": 23136, "\u0120waking": 23137, "Quotes": 23138, "\u0120comedian": 23139, "enberg": 23140, "\u00c2\u00bd": 23141, "\u0120believers": 23142, "\u0120paperwork": 23143, "custom": 23144, "\u0120lev": 23145, "\u0120lament": 23146, "\u0120pouring": 23147, "222": 23148, "political": 23149, "\u0120Supplement": 23150, "maid": 23151, "\u0120cruelty": 23152, "\u0120tread": 23153, "ysics": 23154, "Aw": 23155, "rites": 23156, "\u0120modifier": 23157, "\u0120Position": 23158, "Adam": 23159, "lb": 23160, "ubs": 23161, "\u0120imperfect": 23162, "\u0120clusters": 23163, "\u0120Engineer": 23164, "\u0120Cherry": 23165, "\u0120inauguration": 23166, "\u0120Sau": 23167, "\u0120embodiment": 23168, "\u0120Uncle": 23169, "\u0120overr": 23170, "\u0120explosions": 23171, "cule": 23172, "\u0120Princeton": 23173, "\u0120Andrea": 23174, "\u0120incorrectly": 23175, "\u0120earnest": 23176, "\u0120pilgr": 23177, "\u0120Sprint": 23178, "\u0120sleeve": 23179, "\u0120hears": 23180, "\u0120Amazing": 23181, "\u0120browsing": 23182, "agin": 23183, "\u0120homeland": 23184, "\u0120haw": 23185, "\u0120diving": 23186, "istered": 23187, "178": 23188, "\u0120bargaining": 23189, "\u0120Arcade": 23190, "\u0120delegate": 23191, "terson": 23192, "................................................................": 23193, "\u0120Jacksonville": 23194, "275": 23195, "\u0120stagn": 23196, "\u0120adam": 23197, "\u0120Sherman": 23198, "CB": 23199, "\u0120suburb": 23200, "\u0120Foods": 23201, "\u0120converting": 23202, "\u0120Arist": 23203, "\u0120chambers": 23204, "love": 23205, "\u0120amino": 23206, "\u0120Gan": 23207, "\u0120madness": 23208, "mc": 23209, "\u0120USE": 23210, "defined": 23211, "\u0120ultr": 23212, "indust": 23213, "\u0120wolves": 23214, "lance": 23215, "Additionally": 23216, "\u0120cracks": 23217, "asia": 23218, "\u0120Reason": 23219, "\u0120Pump": 23220, "\u0120accidental": 23221, "\u0120Laser": 23222, "\u0120Rid": 23223, "\u0120initialized": 23224, "elli": 23225, "\u0120unnamed": 23226, "\u0120noun": 23227, "\u0120Passed": 23228, "\u0120hostage": 23229, "\u0120Ethiop": 23230, "shirts": 23231, "\u0120unrel": 23232, "\u0120Embassy": 23233, "\u01201941": 23234, "\u0120atoms": 23235, "\u0120purported": 23236, "164": 23237, "\u0120Fi": 23238, "\u0120gallons": 23239, "\u0120Monica": 23240, "\u0120pg": 23241, "enment": 23242, "\u0120sorted": 23243, "\u0120Gospel": 23244, "\u0120heights": 23245, "\u0120traced": 23246, "\u0120undergoing": 23247, "Shell": 23248, "\u0120sacks": 23249, "\u0120proportions": 23250, "\u0120halluc": 23251, "Font": 23252, "acet": 23253, "\u0120warmer": 23254, "\u0120INTER": 23255, "\u0120grabbing": 23256, "Plug": 23257, "\u0120realization": 23258, "\u0120Burke": 23259, "\u0120enchant": 23260, "ATER": 23261, "\u0120Seed": 23262, "\u0120abundant": 23263, "FM": 23264, "\u0120civic": 23265, "Vs": 23266, "isi": 23267, "\u0120vow": 23268, "\u0120reper": 23269, "\u0120Partnership": 23270, "\u0120penetration": 23271, "\u0120axe": 23272, "\u0120shattered": 23273, "\u0120Zombies": 23274, "\u0120vinyl": 23275, "\u0120Alert": 23276, "eon": 23277, "\u0120obliged": 23278, "\u0120Illust": 23279, "\u0120Plaza": 23280, "\u0120Frontier": 23281, "\u0120davidjl": 23282, "\u0120Serial": 23283, "\u0120Hav": 23284, "\u0120Nutrition": 23285, "Bi": 23286, "\u0120\u00e2\u0138\u012a": 23287, "\u0120Jays": 23288, "linux": 23289, "\u0120hurry": 23290, "\u0120voy": 23291, "\u0120hopeless": 23292, "\u0120Stealth": 23293, "\u0120\u00e3\u0123": 23294, "essors": 23295, "ttle": 23296, "borg": 23297, "\u0120Safari": 23298, "fell": 23299, "\u0120wary": 23300, "due": 23301, "\u0120Above": 23302, "Ha": 23303, "ELL": 23304, "\u0120notor": 23305, "\u0120Won": 23306, "Too": 23307, "\u0120occupations": 23308, "\u0120possessions": 23309, "\u0120inviting": 23310, "\u0120predators": 23311, "\u0120accelerated": 23312, "\u0120157": 23313, "uterte": 23314, "\u0120Cube": 23315, "east": 23316, "account": 23317, "Give": 23318, "\u0120transplant": 23319, "redients": 23320, "idable": 23321, "\u0120screenshots": 23322, "\u0120Gund": 23323, "\u0120FS": 23324, "\u0120travelers": 23325, "\u0120sensory": 23326, "\u0120Fiat": 23327, "\u0120Rockets": 23328, "\u0130\u012d": 23329, "_{": 23330, "Friend": 23331, "\u0120charming": 23332, "ALS": 23333, "\u0120enjoyment": 23334, "mph": 23335, "\u01205000": 23336, "\u0120REG": 23337, "\u00d9\u0128": 23338, "bia": 23339, "\u0120compilation": 23340, "rost": 23341, "\u0120VP": 23342, "\u0120Schne": 23343, "2019": 23344, "\u0120copying": 23345, "MORE": 23346, "\u0120Flore": 23347, "falls": 23348, "215": 23349, "total": 23350, "\u0120disciples": 23351, "double": 23352, "\u0120exceeding": 23353, "\u0120smashed": 23354, "\u0120conceptual": 23355, "\u0120Romania": 23356, "\u0120Brent": 23357, "\u0120ICE": 23358, "\u0120Tou": 23359, "\u0120grap": 23360, "\u0120nails": 23361, "189": 23362, "\u00e3\u0125\u013a": 23363, "\u0120procure": 23364, "eur": 23365, "\u0120confirming": 23366, "\u0120Cec": 23367, "awi": 23368, "\u0120Eden": 23369, "\u0120ng": 23370, "\u0120engineered": 23371, "atics": 23372, "\u0120hooked": 23373, "\u0120disgusting": 23374, "\u0120Murder": 23375, "\u00e3\u0124\u00bf": 23376, "Library": 23377, "\u0120168": 23378, "Almost": 23379, "hematic": 23380, "Menu": 23381, "\u0120Notre": 23382, "\u0120Jur": 23383, "\u0120kidnapped": 23384, "\u0120hacker": 23385, "\u0120Jade": 23386, "\u0120creepy": 23387, "\u0120drawings": 23388, "\u0120Sponsor": 23389, "\u0120cyclists": 23390, "\u0120Goblin": 23391, "\u0120optimized": 23392, "\u0120staged": 23393, "\u0120McD": 23394, "between": 23395, "Age": 23396, "eno": 23397, "Sex": 23398, "\u0120Wide": 23399, "nings": 23400, "avis": 23401, "\u0120incapable": 23402, "\u0120Kob": 23403, "\u0120rewarding": 23404, "\u0120Lone": 23405, "olescent": 23406, "\u0120contracted": 23407, "\u0120sticky": 23408, "Jose": 23409, "Ball": 23410, "fest": 23411, "\u0120Input": 23412, "\u0120Recently": 23413, "\u0120tomat": 23414, "square": 23415, "Application": 23416, "\u0120nitrogen": 23417, "\u0120duplicate": 23418, "\u0120Recon": 23419, "\u0120Dear": 23420, "London": 23421, "\u0120intra": 23422, "\u0120dock": 23423, "\u0120outreach": 23424, "\u0120Million": 23425, "\u0120mammals": 23426, "ampton": 23427, "VAL": 23428, "\u0120snaps": 23429, "\u0120dos": 23430, "\u0120Whole": 23431, "\u0120Ready": 23432, "Try": 23433, "\u0120Winnipeg": 23434, "earance": 23435, "\u0120incurred": 23436, "renched": 23437, "\u0120NSW": 23438, "ilot": 23439, "raine": 23440, "\u0120cube": 23441, "got": 23442, "\u0120runway": 23443, "etermined": 23444, "\u0120Hawks": 23445, "\u0120survivor": 23446, "\u0120Wish": 23447, "\u0120Din": 23448, "\u0120DEF": 23449, "\u0120Vault": 23450, "187": 23451, "\u0120mushrooms": 23452, "\u0120crisp": 23453, "bey": 23454, "\u0120Discovery": 23455, "\u0120developmental": 23456, "\u0120paradigm": 23457, "\u0120chaotic": 23458, "\u0120Tsu": 23459, "\u0120333": 23460, "bons": 23461, "\u0120bacterial": 23462, "\u0120commits": 23463, "\u0120cosmic": 23464, "\u0120mega": 23465, "ocative": 23466, "\u0120Paint": 23467, "ophobic": 23468, "\u0120vain": 23469, "\u0120carved": 23470, "\u0120Thief": 23471, "\u0120Gul": 23472, "owship": 23473, "\u0120cites": 23474, "\u0120Edinburgh": 23475, "\u0120diminished": 23476, "\u0120acknowledges": 23477, "\u0120Kills": 23478, "\u0120microw": 23479, "\u0120Hera": 23480, "\u0120seniors": 23481, "\u0120whereby": 23482, "Hop": 23483, "atron": 23484, "\u0120unavailable": 23485, "\u0120Nate": 23486, "\u0120480": 23487, "\u0120slated": 23488, "\u0120Rebecca": 23489, "\u0120Battery": 23490, "\u0120grammar": 23491, "\u0120headset": 23492, "\u0120cursor": 23493, "\u0120excluding": 23494, "anye": 23495, "aundering": 23496, "ebin": 23497, "\u0120feasible": 23498, "\u0120Publishing": 23499, "\u0120Labs": 23500, "\u0120Cliff": 23501, "\u0120Ferrari": 23502, "\u0120pac": 23503, "visible": 23504, "marked": 23505, "pell": 23506, "\u0120polite": 23507, "\u0120staggering": 23508, "\u0120Galactic": 23509, "\u0120superst": 23510, "\u0120paran": 23511, "\u0120Officers": 23512, "\u00e3\u0122\u0123": 23513, "\u0120specifics": 23514, "ulus": 23515, "239": 23516, "\u0120Paste": 23517, "AMP": 23518, "\u0120Panama": 23519, "\u0120Delete": 23520, "anguard": 23521, "restrial": 23522, "\u0120heroic": 23523, "\u0120Dy": 23524, "\u00d8\u00a7\u00d9\u0126": 23525, "\u0120incumbent": 23526, "\u0120crunch": 23527, "tro": 23528, "\u0120scoop": 23529, "\u0120blogger": 23530, "\u0120sellers": 23531, "uren": 23532, "\u0120medicines": 23533, "\u0120Caps": 23534, "\u0120Animation": 23535, "oxy": 23536, "\u0120outward": 23537, "\u0120inquiries": 23538, "229": 23539, "\u0120psychologist": 23540, "\u0120Sask": 23541, "evil": 23542, "\u0120contaminated": 23543, "\u00e3\u0124\u00a8": 23544, "herence": 23545, "\u0120branded": 23546, "\u0120Abdul": 23547, "zh": 23548, "\u0120paragraphs": 23549, "\u0120mins": 23550, "\u0120correlated": 23551, "erb": 23552, "\u0120impart": 23553, "\u0120milestone": 23554, "\u0120Solutions": 23555, "otle": 23556, "\u0120undercover": 23557, "\u0120marched": 23558, "\u0120Chargers": 23559, "fax": 23560, "\u0120Secrets": 23561, "\u0120ruth": 23562, "weather": 23563, "\u0120feminine": 23564, "\u0120sham": 23565, "\u0120prestigious": 23566, "iggins": 23567, "\u0120sung": 23568, "history": 23569, "ettle": 23570, "ggie": 23571, "\u0120outdated": 23572, "oland": 23573, "\u0120perceptions": 23574, "\u0120Session": 23575, "\u0120Dodgers": 23576, "uj": 23577, "\u0120END": 23578, "Doc": 23579, "\u0120deficiency": 23580, "Grand": 23581, "\u0120Joker": 23582, "\u0120retrospect": 23583, "\u0120diagnostic": 23584, "\u0120harmless": 23585, "\u0120rogue": 23586, "\u0120Aval": 23587, "Equ": 23588, "\u0120transc": 23589, "\u0120Robertson": 23590, "\u0120Depending": 23591, "\u0120Burns": 23592, "ivo": 23593, "\u0120hostility": 23594, "Features": 23595, "\u0135\u013a": 23596, "\u0120discomfort": 23597, "\u0120LCD": 23598, "specified": 23599, "\u0120Expect": 23600, "340": 23601, "\u0120imperative": 23602, "\u0120Regular": 23603, "Chinese": 23604, "\u0120statewide": 23605, "\u0120symm": 23606, "\u0120loops": 23607, "\u0120autumn": 23608, "Nick": 23609, "\u0120shaping": 23610, "\u0120quot": 23611, "\u0120cherry": 23612, "\u0120Crossref": 23613, "\u00e8\u00a6\u013c\u00e9\u0128\u0134": 23614, "Standard": 23615, "heed": 23616, "\u0120Dell": 23617, "\u0120Vietnamese": 23618, "\u0120ost": 23619, "\u0120Valkyrie": 23620, "OA": 23621, "Assad": 23622, "\u0120rebound": 23623, "\u0120Traffic": 23624, "places": 23625, "\u00e6\u013a": 23626, "\u0120Buc": 23627, "172": 23628, "\u0120shelters": 23629, "\u0120insisting": 23630, "\u0120Certainly": 23631, "\u0120Kenneth": 23632, "\u0120TCP": 23633, "\u0120penal": 23634, "\u0120Replay": 23635, "heard": 23636, "\u0120dialect": 23637, "iza": 23638, "\u0120FY": 23639, "itcher": 23640, "\u0120DL": 23641, "\u0120spiral": 23642, "\u0120quarterbacks": 23643, "\u0120hull": 23644, "\u0120google": 23645, "\u0120todd": 23646, "\u0120Sterling": 23647, "\u0120Plate": 23648, "\u0120spying": 23649, "mbol": 23650, "\u0120Realm": 23651, "\u0120Proced": 23652, "\u0120Crash": 23653, "\u0120terminate": 23654, "\u0120protesting": 23655, "Center": 23656, "guided": 23657, "\u0120uncover": 23658, "\u0120boycott": 23659, "\u0120realizes": 23660, "sound": 23661, "\u0120pretending": 23662, "\u0120Vas": 23663, "1980": 23664, "\u0120framed": 23665, "\u0120139": 23666, "\u0120descended": 23667, "\u0120rehabilitation": 23668, "\u0120borrowing": 23669, "\u0120Buch": 23670, "\u0120blur": 23671, "Ron": 23672, "\u0120Frozen": 23673, "enza": 23674, "Chief": 23675, "\u0120Poor": 23676, "\u0120translates": 23677, "MIN": 23678, "\u0120212": 23679, "JECT": 23680, "\u0120erupted": 23681, "\u0120successes": 23682, "SEC": 23683, "\u0120plague": 23684, "\u0120gems": 23685, "doms": 23686, "\u0120stretches": 23687, "\u0120Spy": 23688, "\u0120storytelling": 23689, "Credit": 23690, "\u0120Push": 23691, "\u0120traction": 23692, "\u0120ineffective": 23693, "\u0120Luna": 23694, "\u0120tapes": 23695, "\u0120analytics": 23696, "ercise": 23697, "\u0120programmes": 23698, "\u0120Carbon": 23699, "\u0120behold": 23700, "heavy": 23701, "\u0120Conservation": 23702, "\u0120FIR": 23703, "\u0120sack": 23704, "termin": 23705, "ricks": 23706, "\u0120housed": 23707, "\u0120unusually": 23708, "Ice": 23709, "\u0120executing": 23710, "\u0120Moroc": 23711, "eday": 23712, "\u0120editions": 23713, "\u0120smarter": 23714, "\u0120BA": 23715, "\u0120outlaw": 23716, "\u0120vanished": 23717, "iba": 23718, "ALSE": 23719, "\u0120Silva": 23720, "238": 23721, "Could": 23722, "\u0120philosopher": 23723, "\u0120evacuated": 23724, "Secret": 23725, "142": 23726, "\u0120visas": 23727, "\u00e3\u0124\u00ac": 23728, "\u0120Malt": 23729, "\u0120Clearly": 23730, "\u0120Niger": 23731, "\u0120Cairo": 23732, "\u0120Fist": 23733, "380": 23734, "\u0120XML": 23735, "auto": 23736, "itant": 23737, "\u0120reinforced": 23738, "Record": 23739, "\u0120Survivor": 23740, "GHz": 23741, "\u0120screws": 23742, "parents": 23743, "\u0120oceans": 23744, "mares": 23745, "\u0120brakes": 23746, "vasive": 23747, "\u0120hello": 23748, "\u0120SIM": 23749, "rimp": 23750, "\u0120ore": 23751, "\u0120Armour": 23752, "247": 23753, "\u0120terrific": 23754, "\u0120tones": 23755, "141": 23756, "\u0120Minutes": 23757, "Episode": 23758, "\u0120curves": 23759, "\u0120inflammatory": 23760, "\u0120batting": 23761, "\u0120Beautiful": 23762, "Lay": 23763, "\u0120unpop": 23764, "vable": 23765, "\u0120riots": 23766, "\u0120Tactics": 23767, "baugh": 23768, "\u0120Cock": 23769, "\u0120orgasm": 23770, "\u0120Sas": 23771, "\u0120constructor": 23772, "etz": 23773, "Gov": 23774, "\u0120antagon": 23775, "\u0120theat": 23776, "\u0120deeds": 23777, "hao": 23778, "cuts": 23779, "\u0120McCl": 23780, "\u0120um": 23781, "\u0120Scientists": 23782, "\u0120grassroots": 23783, "yssey": 23784, "\"]=>": 23785, "\u0120surfaced": 23786, "\u0120shades": 23787, "\u0120neighbours": 23788, "\u0120advertis": 23789, "oya": 23790, "\u0120merged": 23791, "Upon": 23792, "\u0120gad": 23793, "\u0120anticipate": 23794, "Anyway": 23795, "\u0120slogan": 23796, "\u0120disrespect": 23797, "Iran": 23798, "\u0120TB": 23799, "acted": 23800, "\u0120subpoen": 23801, "mediately": 23802, "OOOO": 23803, "\u0120waiver": 23804, "\u0120vulnerabilities": 23805, "ottesville": 23806, "\u0120Huffington": 23807, "Josh": 23808, "\u0120DH": 23809, "Monday": 23810, "\u0120Ellen": 23811, "Know": 23812, "xon": 23813, "items": 23814, "228": 23815, "\u0120fills": 23816, "\u0120Nike": 23817, "\u0120cumulative": 23818, "andals": 23819, "Ir": 23820, "\u0120\u00ec": 23821, "\u0120friction": 23822, "igator": 23823, "\u0120scans": 23824, "\u0120Vienna": 23825, "ldom": 23826, "\u0120performers": 23827, "Prim": 23828, "\u0120bidding": 23829, "Mur": 23830, "\u0120leaned": 23831, "\u0120Prix": 23832, "alks": 23833, "\u0120[\u00e2\u0122\u00a6]": 23834, "\u0120Twitch": 23835, "\u0120Developer": 23836, "\u0120Gir": 23837, "\u0120callback": 23838, "Abstract": 23839, "\u0120accustomed": 23840, "\u0120freedoms": 23841, "\u0120PG": 23842, "uracy": 23843, "\u0120lump": 23844, "isman": 23845, ",,,,": 23846, "1992": 23847, "\u0120RED": 23848, "\u0120worm": 23849, "Match": 23850, "\u0120Platinum": 23851, "IJ": 23852, "\u0120Owner": 23853, "Trivia": 23854, "compl": 23855, "\u0120newborn": 23856, "\u0120fantas": 23857, "Own": 23858, "\u01201959": 23859, "\u0120sympath": 23860, "\u0120ubiqu": 23861, "\u0120outputs": 23862, "\u0120allev": 23863, "\u0120prag": 23864, "Kevin": 23865, "\u0120favors": 23866, "\u0120burial": 23867, "\u0120nurt": 23868, "solete": 23869, "cache": 23870, "\u0120156": 23871, "\u0120unlocks": 23872, "techn": 23873, "Making": 23874, "\u0120conquer": 23875, "adic": 23876, "\u00e6\u0138": 23877, "\u0120elf": 23878, "\u0120electorate": 23879, "\u0120Kurds": 23880, "\u0120Stack": 23881, "\u0120Samurai": 23882, "\u0120\u00e2\u013a\u0127": 23883, "\u0120{}": 23884, "\u0120Said": 23885, "\u0120Fallout": 23886, "\u0120kindness": 23887, "\u0120Customs": 23888, "\u0120Boulevard": 23889, "\u0120helicopters": 23890, "otics": 23891, "\u0120Veget": 23892, "comment": 23893, "\u0120criticised": 23894, "\u0120polished": 23895, "\u0120Remix": 23896, "\u0120Cultural": 23897, "\u0120recons": 23898, "\u0120doi": 23899, "atem": 23900, "Screen": 23901, "\u0120barred": 23902, "Comments": 23903, "\u0120Generally": 23904, "\u0120slap": 23905, "720": 23906, "Vari": 23907, "pine": 23908, "\u0120empt": 23909, "\u0120hats": 23910, "\u0120Playing": 23911, "lab": 23912, "average": 23913, "forms": 23914, "\u0120Cotton": 23915, "\u0120cans": 23916, "\u0120DON": 23917, "\u0120Somalia": 23918, "Crypt": 23919, "\u0120Increases": 23920, "Ever": 23921, "modern": 23922, "\u0120surgeon": 23923, "3000": 23924, "\u0120randomized": 23925, "================================================================": 23926, "Bern": 23927, "impl": 23928, "\u0120COR": 23929, "\u0120proclaim": 23930, "thouse": 23931, "\u0120toes": 23932, "\u0120ample": 23933, "\u0120preserving": 23934, "\u0120disbel": 23935, "grand": 23936, "Besides": 23937, "\u0120silk": 23938, "\u0120Pattern": 23939, "hm": 23940, "\u0120enterprises": 23941, "\u0120affidavit": 23942, "\u0120Advisory": 23943, "\u0120advertised": 23944, "\u0120Religious": 23945, "sections": 23946, "psych": 23947, "\u0120Fields": 23948, "aways": 23949, "\u0120hashtag": 23950, "\u0120Nightmare": 23951, "\u0120vampire": 23952, "\u0120forensic": 23953, "rossover": 23954, "nar": 23955, "\u0120navy": 23956, "\u0120vacant": 23957, "\u0120Duel": 23958, "\u0120hallway": 23959, "\u0120facebook": 23960, "identally": 23961, "\u0120NRA": 23962, "\u0120matt": 23963, "\u0120hurricane": 23964, "\u0120Kirby": 23965, "\u0120Puzzle": 23966, "\u0120skirt": 23967, "oust": 23968, "dullah": 23969, "\u0120analogy": 23970, "inion": 23971, "\u0120tomatoes": 23972, "\u0120NV": 23973, "\u0120Peak": 23974, "\u0120Meyer": 23975, "\u0120appointments": 23976, "\u0120masc": 23977, "\u0120alley": 23978, "rehend": 23979, "\u0120charities": 23980, "\u0120undo": 23981, "\u0120destinations": 23982, "\u0120Testing": 23983, "\">\"": 24618, "cats": 24619, "*.": 24620, "\u0120gestures": 24621, "general": 24622, "League": 24623, "\u0120packets": 24624, "\u0120Inspector": 24625, "\u0120Berg": 24626, "\u0120fraudulent": 24627, "\u0120criticize": 24628, "Fun": 24629, "\u0120blaming": 24630, "ndra": 24631, "\u0120slash": 24632, "\u0120Eston": 24633, "\u0120proposing": 24634, "\u0120whales": 24635, "\u0120therapist": 24636, "\u0120subset": 24637, "\u0120leisure": 24638, "ELD": 24639, "\u0120CVE": 24640, "\u0120Activity": 24641, "\u0120culmin": 24642, "shop": 24643, "\u0120DAY": 24644, "ischer": 24645, "\u0120Admiral": 24646, "\u0120Attacks": 24647, "\u01201958": 24648, "\u0120memoir": 24649, "\u0120folded": 24650, "\u0120sexist": 24651, "\u0120153": 24652, "\u0120LI": 24653, "\u0120readings": 24654, "\u0120embarrassment": 24655, "\u0120Employment": 24656, "wart": 24657, "chin": 24658, "\u0120continuation": 24659, "lia": 24660, "Recently": 24661, "\u0120duel": 24662, "\u0120evacuation": 24663, "\u0120Kashmir": 24664, "\u0120disposition": 24665, "\u0120Rig": 24666, "\u0120bolts": 24667, "\u0120insurers": 24668, "467": 24669, "Mex": 24670, "\u0120retaliation": 24671, "\u0120misery": 24672, "\u0120unreasonable": 24673, "raining": 24674, "Imm": 24675, "\u0120PU": 24676, "emer": 24677, "\u0120genital": 24678, "\u00e3\u0124\u00b3": 24679, "\u0120Candy": 24680, "\u0120onions": 24681, "\u0120Patt": 24682, "liner": 24683, "\u0120conceded": 24684, "\u0120fa": 24685, "\u0120forc": 24686, "\u0120Hernandez": 24687, "\u0120Geoff": 24688, "debian": 24689, "\u0120Teams": 24690, "\u0120cries": 24691, "\u0120homeowners": 24692, "237": 24693, "ABC": 24694, "\u0120stitch": 24695, "\u0120statistic": 24696, "\u0120headers": 24697, "\u0120Biology": 24698, "\u0120motors": 24699, "\u0120GEN": 24700, "\u0120Lip": 24701, "\u0120hates": 24702, "\u0120heel": 24703, "Self": 24704, "ipl": 24705, "EDIT": 24706, "orting": 24707, "\u0120annot": 24708, "\u0120Speech": 24709, "oldemort": 24710, "\u0120Javascript": 24711, "\u0120LeBron": 24712, "\u0120footprint": 24713, "\u0120fn": 24714, "\u0120seizures": 24715, "nas": 24716, "hide": 24717, "\u01201954": 24718, "\u0120Bee": 24719, "\u0120Declaration": 24720, "\u0120Katie": 24721, "\u0120reservations": 24722, "NR": 24723, "female": 24724, "\u0120saturated": 24725, "\u0120biblical": 24726, "\u0120trolls": 24727, "Device": 24728, "photos": 24729, "\u0120drums": 24730, "\u00e3\u0125\u012b\u00e3\u0125\u00a9\u00e3\u0124\u00b4\u00e3\u0125\u00b3": 24731, "Night": 24732, "fighter": 24733, "\u0120Hak": 24734, "riber": 24735, "\u0120cush": 24736, "\u0120disciplinary": 24737, "baum": 24738, "\u0120GH": 24739, "\u0120Schmidt": 24740, "ilibrium": 24741, "\u0120sixty": 24742, "\u0120Kushner": 24743, "rots": 24744, "\u0120pund": 24745, "\u0120Rac": 24746, "\u0120springs": 24747, "\u0120conve": 24748, "Business": 24749, "Fall": 24750, "\u0120qualifications": 24751, "\u0120verses": 24752, "\u0120narciss": 24753, "\u0120Koh": 24754, "\u0120Wow": 24755, "\u0120Charlottesville": 24756, "edo": 24757, "\u0120interrogation": 24758, "\u0120Wool": 24759, "365": 24760, "Brian": 24761, "\u0120\u00e2\u013e\u0135": 24762, "\u0120alleges": 24763, "onds": 24764, "idation": 24765, "\u0120Jackie": 24766, "yu": 24767, "\u0120lakes": 24768, "\u0120worthwhile": 24769, "\u0120crystals": 24770, "\u0120Juda": 24771, "\u0120comprehend": 24772, "\u0120flush": 24773, "\u0120absorption": 24774, "\u0120OC": 24775, "\u0120frightened": 24776, "\u0120Chocolate": 24777, "Martin": 24778, "\u0120buys": 24779, "\u0120bucks": 24780, "\u0120appell": 24781, "\u0120Championships": 24782, "\u0120listener": 24783, "\u0120Defensive": 24784, "\u0120cz": 24785, "uds": 24786, "\u0120Mate": 24787, "\u0120replay": 24788, "\u0120decorated": 24789, "\u0120sunk": 24790, "\u0120VIP": 24791, "\u0120Ank": 24792, "\u0120195": 24793, "aaaa": 24794, "Nobody": 24795, "\u0120Milk": 24796, "\u0120Gur": 24797, "\u0120Mk": 24798, "\u0120Sara": 24799, "\u0120seating": 24800, "\u0120Wid": 24801, "Track": 24802, "\u0120employs": 24803, "\u0120gigantic": 24804, "APP": 24805, "\u00e3\u0124\u00a7": 24806, "inventory": 24807, "\u0120towel": 24808, "atche": 24809, "lasting": 24810, "\u0120TL": 24811, "\u0120latency": 24812, "\u0120kne": 24813, "Ber": 24814, "meaning": 24815, "\u0120upheld": 24816, "\u0120playground": 24817, "\u0120mant": 24818, "Side": 24819, "\u0120stereo": 24820, "\u0120northwest": 24821, "\u0120exceptionally": 24822, "\u0120rays": 24823, "\u0120recurring": 24824, "Drive": 24825, "\u0120upright": 24826, "\u0120abduct": 24827, "\u0120Marathon": 24828, "\u0120goodbye": 24829, "\u0120alphabet": 24830, "hp": 24831, "\u0120courtroom": 24832, "rington": 24833, "othing": 24834, "Tag": 24835, "\u0120diplomats": 24836, "\u0120barbar": 24837, "\u0120Aqua": 24838, "183": 24839, "3333": 24840, "\u0120maturity": 24841, "\u0120instability": 24842, "\u0120Apache": 24843, "\u0120===": 24844, "\u0120fasting": 24845, "\u0120Grid": 24846, "ModLoader": 24847, "\u0120152": 24848, "Abs": 24849, "\u0120Operating": 24850, "etti": 24851, "\u0120acquaint": 24852, "Donnell": 24853, "\u0120Kem": 24854, "\u0120Forge": 24855, "\u0120armored": 24856, "Mil": 24857, "\u0120philosophers": 24858, "invest": 24859, "Players": 24860, "\u00e2\u012a": 24861, "\u0120myriad": 24862, "\u0120comrades": 24863, "Rot": 24864, "\u0120remembering": 24865, "\u0120corresponds": 24866, "\u0120programmers": 24867, "\u0120Lynn": 24868, "\u0120olig": 24869, "\u0120coherent": 24870, "ynchron": 24871, "\u0120Chemical": 24872, "\u0120jugg": 24873, "pair": 24874, "posts": 24875, "Eye": 24876, "\u0120Inner": 24877, "\u0120semester": 24878, "ottest": 24879, "\u0120Emirates": 24880, "ricanes": 24881, "orously": 24882, "mits": 24883, "\u0120Wis": 24884, "\u0120dodge": 24885, "location": 24886, "\u0120faded": 24887, "Amazon": 24888, "\u0120Proceed": 24889, "\u0120INFO": 24890, "journal": 24891, "\u0120Truck": 24892, "Ten": 24893, "\u0120217": 24894, "\u0120statutes": 24895, "mobile": 24896, "\u0120Types": 24897, "Recomm": 24898, "buster": 24899, "pex": 24900, "\u0120legends": 24901, "\u0120headache": 24902, "faced": 24903, "\u0120WiFi": 24904, "ifty": 24905, "\u0120HER": 24906, "\u0120circuits": 24907, "ERROR": 24908, "226": 24909, "olin": 24910, "\u0120cylinder": 24911, "ospace": 24912, "ikers": 24913, "Prem": 24914, "Quant": 24915, "\u0120conflicting": 24916, "\u0120slightest": 24917, "\u0120forged": 24918, "ionage": 24919, "Stephen": 24920, "\u0120Kub": 24921, "\u0120Opportun": 24922, "\u0120Heal": 24923, "\u0120blo": 24924, "\u0120rulers": 24925, "\u0120huh": 24926, "\u0120submarine": 24927, "fy": 24928, "asser": 24929, "\u0120allowance": 24930, "\u0120Kasich": 24931, "\u0120Tas": 24932, "\u0120Australians": 24933, "ForgeModLoader": 24934, "\u0120\u00e2\u0128\u0133": 24935, "\u0120Matrix": 24936, "amins": 24937, "\u01201200": 24938, "\u0120Acqu": 24939, "236": 24940, "Document": 24941, "\u0120Breaking": 24942, "193": 24943, "\u0120Subst": 24944, "\u0120Roller": 24945, "\u0120Properties": 24946, "\u0120NI": 24947, "tier": 24948, "\u0120crushing": 24949, "\u0120advocating": 24950, "Furthermore": 24951, "keepers": 24952, "\u0120sexism": 24953, "xd": 24954, "\u0120caller": 24955, "\u0120Sense": 24956, "chieve": 24957, "\u0120TF": 24958, "\u0120fueled": 24959, "\u0120reminiscent": 24960, "\u0120obsess": 24961, "urst": 24962, "\u0120uphold": 24963, "\u0120Fans": 24964, "hetics": 24965, "\u0120\u00e2\u0139": 24966, "\u0120Bath": 24967, "\u0120beverage": 24968, "\u0120oscill": 24969, "254": 24970, "\u0120poles": 24971, "\u0120gradual": 24972, "\u0120exting": 24973, "\u0120Suff": 24974, "\u0120Suddenly": 24975, "\u0120liking": 24976, "\u01201949": 24977, "unciation": 24978, "amination": 24979, "\u0120Omar": 24980, "\u0120LV": 24981, "\u0120Consequently": 24982, "\u0120synthes": 24983, "\u0120GIF": 24984, "\u0120pains": 24985, "\u0120interacting": 24986, "uously": 24987, "incre": 24988, "\u0120rumor": 24989, "\u0120Scientology": 24990, "197": 24991, "\u0120Zig": 24992, "\u0120spelling": 24993, "\u0120ASS": 24994, "\u0120extingu": 24995, "mson": 24996, "\u0120gh": 24997, "\u0120remarked": 24998, "\u0120Strategic": 24999, "\u0120MON": 25000, "\u00e5\u00a5": 25001, "gae": 25002, "\u0120WHAT": 25003, "Eric": 25004, "\u0120Campus": 25005, "\u0120methane": 25006, "\u0120imagin": 25007, "JUST": 25008, "\u0120Alm": 25009, "XT": 25010, "iq": 25011, "\u0120RSS": 25012, "\u0120wrongdoing": 25013, "atta": 25014, "\u0120bigot": 25015, "\u0120demonstrators": 25016, "\u0120Calvin": 25017, "\u0120Villa": 25018, "\u0120membrane": 25019, "\u0120Awesome": 25020, "\u0120benefic": 25021, "268": 25022, "\u0120magnificent": 25023, "\u0120Lots": 25024, "Greg": 25025, "\u0120Boris": 25026, "\u0120detainees": 25027, "\u0120Herman": 25028, "\u0120whispered": 25029, "\u0120awe": 25030, "Professor": 25031, "funding": 25032, "\u0120physiological": 25033, "\u0120Destruction": 25034, "\u0120limb": 25035, "\u0120manipulated": 25036, "\u0120bubbles": 25037, "\u0120pseud": 25038, "\u0120hydra": 25039, "\u0120Bristol": 25040, "\u0120stellar": 25041, "\u0120Expansion": 25042, "\u0120Kell": 25043, "\u0120Interestingly": 25044, "\u0120mans": 25045, "\u0120dragging": 25046, "\u0120ecological": 25047, "\u0120Fit": 25048, "\u0120gent": 25049, "\u0120benefited": 25050, "\u0120Haiti": 25051, "\u0120polyg": 25052, "\u00e3\u0125\u0130": 25053, "\u01202030": 25054, "\u0120prow": 25055, "\u0120reconstruction": 25056, "\u0120wast": 25057, "\u0120psychic": 25058, "\u0120Greeks": 25059, "Handler": 25060, "162": 25061, "\u0120Pulse": 25062, "\u0120solicit": 25063, "\u0120sys": 25064, "\u0120influx": 25065, "\u0120Gentle": 25066, "percent": 25067, "\u0120proliferation": 25068, "\u0120taxable": 25069, "\u0120disregard": 25070, "\u0120escaping": 25071, "\u0120ginger": 25072, "\u0120withstand": 25073, "\u0120devastated": 25074, "\u0120Dew": 25075, "series": 25076, "\u0120injected": 25077, "elaide": 25078, "\u0120turnover": 25079, "heat": 25080, "\u013b\u0124": 25081, "Happy": 25082, "\u0120Silent": 25083, "\u00e3\u0124\u0143": 25084, "ivism": 25085, "\u0120irrational": 25086, "AMA": 25087, "\u0120reef": 25088, "rub": 25089, "\u0120162": 25090, "\u0120bankers": 25091, "\u0120Ethics": 25092, "vv": 25093, "\u0120criticisms": 25094, "Kn": 25095, "186": 25096, "Movie": 25097, "\u0120Tories": 25098, "\u0120nood": 25099, "\u0120distortion": 25100, "False": 25101, "odore": 25102, "\u0120tasty": 25103, "Research": 25104, "\u0120UID": 25105, "-)": 25106, "\u0120divorced": 25107, "\u0120MU": 25108, "\u0120Hayes": 25109, "\u0120Isn": 25110, "iani": 25111, "\u0120HQ": 25112, "\u0120\"#": 25113, "ignant": 25114, "\u0120traumatic": 25115, "\u0120Ling": 25116, "Hun": 25117, "\u0120sabot": 25118, "online": 25119, "random": 25120, "\u0120renamed": 25121, "rared": 25122, "KA": 25123, "dead": 25124, "\u00c3\u00a9t": 25125, "\u0120Assistance": 25126, "\u0120seaf": 25127, "++++++++": 25128, "\u0120seldom": 25129, "\u0120Webb": 25130, "\u0120boolean": 25131, "ulet": 25132, "\u0120refrain": 25133, "\u0120DIY": 25134, "rule": 25135, "\u0120shutting": 25136, "\u0120utilizing": 25137, "loading": 25138, "\u0120Param": 25139, "coal": 25140, "ooter": 25141, "\u0120attracting": 25142, "\u0120Dol": 25143, "\u0120hers": 25144, "agnetic": 25145, "\u0120Reach": 25146, "imo": 25147, "\u0120discarded": 25148, "\u0120Pip": 25149, "015": 25150, "\u00c3\u00bcr": 25151, "\u0120mug": 25152, "Imagine": 25153, "COL": 25154, "\u0120cursed": 25155, "\u0120Shows": 25156, "\u0120Curtis": 25157, "\u0120Sachs": 25158, "speaking": 25159, "\u0120Vista": 25160, "\u0120Framework": 25161, "ongo": 25162, "\u0120subreddit": 25163, "\u0120crus": 25164, "\u0120Oval": 25165, "Row": 25166, "growing": 25167, "\u0120installment": 25168, "\u0120glac": 25169, "\u0120Advance": 25170, "ECK": 25171, "\u0120LGBTQ": 25172, "LEY": 25173, "\u0120acet": 25174, "\u0120successive": 25175, "\u0120Nicole": 25176, "\u01201957": 25177, "Quote": 25178, "\u0120circumstance": 25179, "ackets": 25180, "\u0120142": 25181, "ortium": 25182, "\u0120guessed": 25183, "\u0120Frame": 25184, "\u0120perpetrators": 25185, "\u0120Aviation": 25186, "\u0120Bench": 25187, "\u0120handc": 25188, "Ap": 25189, "\u01201956": 25190, "259": 25191, "rand": 25192, "NetMessage": 25193, "din": 25194, "urtles": 25195, "hig": 25196, "\u0120VIII": 25197, "ffiti": 25198, "\u0120Swords": 25199, "bial": 25200, "\u0120kidnapping": 25201, "device": 25202, "\u0120barn": 25203, "\u0120Eli": 25204, "aucas": 25205, "Send": 25206, "Constructed": 25207, "\u0120\u00c2\u00bd": 25208, "\u0120needles": 25209, "\u0120advertisements": 25210, "\u0120vou": 25211, "\u0120exhibited": 25212, "\u0120Fortress": 25213, "Ask": 25214, "Berry": 25215, "TYPE": 25216, "\u0120cancers": 25217, "umping": 25218, "\u0120Territory": 25219, "\u0120prud": 25220, "\u0120nas": 25221, "\u0120atheist": 25222, "\u0120balances": 25223, "\u00e3\u0123\u0141": 25224, "\u0120Shawn": 25225, "&&": 25226, "\u0120landsc": 25227, "\u0120RGB": 25228, "\u0120petty": 25229, "\u0120excellence": 25230, "\u0120translations": 25231, "\u0120parcel": 25232, "\u0120Chev": 25233, "East": 25234, "\u0120Output": 25235, "imi": 25236, "\u0120ambient": 25237, "\u0120Threat": 25238, "\u0120villains": 25239, "\u0120550": 25240, "ICA": 25241, "\u0120taller": 25242, "\u0120leaking": 25243, "cup": 25244, "\u0120polish": 25245, "\u0120infectious": 25246, "\u0120KC": 25247, "\u0120@@": 25248, "background": 25249, "\u0120bureaucracy": 25250, "\u0120Sai": 25251, "unless": 25252, "itious": 25253, "\u0120Skype": 25254, "Atl": 25255, "IDENT": 25256, "008": 25257, "\u0120hypocr": 25258, "\u0120pitchers": 25259, "\u0120guessing": 25260, "\u0120FINAL": 25261, "Between": 25262, "\u0120villagers": 25263, "\u0120252": 25264, "fashion": 25265, "\u0120Tunis": 25266, "Beh": 25267, "\u0120Exc": 25268, "\u0120MID": 25269, "288": 25270, "\u0120Haskell": 25271, "196": 25272, "\u0120NOR": 25273, "\u0120specs": 25274, "\u0120invari": 25275, "\u0120glut": 25276, "\u0120Cars": 25277, "\u0120impulse": 25278, "\u0120honors": 25279, "gel": 25280, "\u0120jurisdictions": 25281, "\u0120Bundle": 25282, "ulas": 25283, "California": 25284, "\u0120Increase": 25285, "\u0120pear": 25286, "\u0120singles": 25287, "\u0120cues": 25288, "\u0120underwent": 25289, "\u0120WS": 25290, "\u0120exaggerated": 25291, "\u0120dubious": 25292, "\u0120flashing": 25293, "LOG": 25294, ")].": 25295, "Journal": 25296, "tg": 25297, "Van": 25298, "\u0120Istanbul": 25299, "\u0120Insp": 25300, "\u0120Franken": 25301, "Draw": 25302, "\u0120sadness": 25303, "\u0120ironic": 25304, "\u0120Fry": 25305, "xc": 25306, "\u0120164": 25307, "isch": 25308, "Way": 25309, "\u0120Protestant": 25310, "horn": 25311, "\u0120unaff": 25312, "\u0120Viv": 25313, "illas": 25314, "\u0120Productions": 25315, "\u0120Hogan": 25316, "\u0120perimeter": 25317, "\u0120Sisters": 25318, "\u0120spontaneous": 25319, "\u0120downside": 25320, "\u0120descendants": 25321, "\u0120orn": 25322, "worm": 25323, "Japanese": 25324, "\u01201955": 25325, "\u0120151": 25326, "\u0120Doing": 25327, "elsen": 25328, "umbles": 25329, "\u0120radically": 25330, "\u0120Drum": 25331, "\u0120Bach": 25332, "\u0120liabilities": 25333, "\u0120OB": 25334, "\u0120Elementary": 25335, "\u0120meme": 25336, "ynes": 25337, "\u0120fingerprint": 25338, "\u0120Grab": 25339, "\u0120undertake": 25340, "Members": 25341, "\u0120Reader": 25342, "\u0120Sims": 25343, "god": 25344, "\u0120hypothetical": 25345, "scient": 25346, "\u0120AJ": 25347, "\u0120charism": 25348, "\u0120admissions": 25349, "\u0120Missile": 25350, "trade": 25351, "\u0120exercising": 25352, "\u0120Background": 25353, "Written": 25354, "\u0120vocals": 25355, "whether": 25356, "\u0120vi": 25357, "\u0120Winner": 25358, "\u0120litter": 25359, "\u0120Shooting": 25360, "STEM": 25361, "\u00e3\u0124\u00a1": 25362, "\u0120AFL": 25363, "\u0120variability": 25364, "\u0120eats": 25365, "\u0120DPS": 25366, "brow": 25367, "\u0120elephants": 25368, "\u0120strat": 25369, "\u0120\u00c5": 25370, "\u0120settlers": 25371, "Matthew": 25372, "\u0120inadvert": 25373, "HI": 25374, "\u0120IMF": 25375, "\u0120Goal": 25376, "\u0120nerves": 25377, "Johnson": 25378, "eye": 25379, "ablishment": 25380, "Thursday": 25381, "BILITY": 25382, "Had": 25383, "amoto": 25384, "hetamine": 25385, "eps": 25386, "\u0120mitochond": 25387, "\u0120compressed": 25388, "\u0120Trevor": 25389, "\u0120Animals": 25390, "Tool": 25391, "Lock": 25392, "\u0120tweak": 25393, "\u0120pinch": 25394, "\u0120cancellation": 25395, "Pot": 25396, "\u0120focal": 25397, "\u0120Astron": 25398, "173": 25399, "\u0120ASC": 25400, "\u0120OTHER": 25401, "umni": 25402, "\u0120demise": 25403, "dl": 25404, "\u00d9\u0127": 25405, "Semitism": 25406, "\u0120cracking": 25407, "\u0120collaborative": 25408, "\u0120explores": 25409, "sql": 25410, "\u0120herbs": 25411, "\u0120configurations": 25412, "mis": 25413, "\u0120Result": 25414, "acey": 25415, "\u0120Smoke": 25416, "\u0120sanct": 25417, "elia": 25418, "\u0120degener": 25419, "\u0120deepest": 25420, "\u0120screamed": 25421, "\u0120nap": 25422, "Software": 25423, "\u0120STAR": 25424, "EF": 25425, "\u0120Xin": 25426, "sponsored": 25427, "manship": 25428, "233": 25429, "\u0120primaries": 25430, "\u0120filtering": 25431, "\u0120assemble": 25432, "mil": 25433, "\u0120Myers": 25434, "bows": 25435, "\u0120punched": 25436, "Mic": 25437, "\u0120innovations": 25438, "\u0120func": 25439, "ando": 25440, "\u0120fracking": 25441, "\u0120Vul": 25442, "\u00d0\u00be\u00d0": 25443, "oshop": 25444, "\u0120Immun": 25445, "\u0120settling": 25446, "\u0120adolescents": 25447, "\u0120rebuilding": 25448, "\u0120transforming": 25449, "\u0120parole": 25450, "\u0120harbor": 25451, "\u0120booking": 25452, "otional": 25453, "ongevity": 25454, "\u0120Yo": 25455, "bug": 25456, "\u0120emerges": 25457, "\u0120Methods": 25458, "\u0120Chu": 25459, "Pres": 25460, "\u0120Dungeons": 25461, "\u0120trailing": 25462, "\u0120Rum": 25463, "\u0120Hugh": 25464, "\u00e5\u00a4\u00a9": 25465, "\u0120Era": 25466, "\u0120Battles": 25467, "Results": 25468, "\u0120Trading": 25469, "\u0120versa": 25470, "css": 25471, "axies": 25472, "heet": 25473, "\u0120greed": 25474, "1989": 25475, "\u0120gardens": 25476, "\u0120contingent": 25477, "Park": 25478, "\u0120Leafs": 25479, "hook": 25480, "robe": 25481, "\u0120diplomacy": 25482, "\u0120Fuel": 25483, "\u0120Invasion": 25484, "\u0120upgrading": 25485, "Male": 25486, "\u0120elic": 25487, "\u0120relentless": 25488, "\u0120Covenant": 25489, "apesh": 25490, "\u0120Trop": 25491, "Ty": 25492, "production": 25493, "arty": 25494, "\u0120punches": 25495, "ako": 25496, "cyclopedia": 25497, "\u0120Rabbit": 25498, "\u0120HDMI": 25499, "\u0120141": 25500, "\u0120foil": 25501, "ItemImage": 25502, "\u0120FG": 25503, "\u0120implementations": 25504, "\u0120Pom": 25505, "ixtures": 25506, "\u0120await": 25507, "\u0120330": 25508, "amus": 25509, "\u0120umbrella": 25510, "\u0120foresee": 25511, "separ": 25512, "\u0120circumcision": 25513, "\u0120peripheral": 25514, "Say": 25515, "\u0120Expert": 25516, "Inc": 25517, "\u0120withdrew": 25518, "\u0120Anders": 25519, "fried": 25520, "\u0120radioactive": 25521, "\u0120Opening": 25522, "\u0120boarding": 25523, "\u0120ND": 25524, "\u0120overthrow": 25525, "Activ": 25526, "WP": 25527, "\u0120Acts": 25528, "\u00d7\u013b": 25529, "\u0120motions": 25530, "vic": 25531, "\u0120Mighty": 25532, "\u0120Defender": 25533, "aer": 25534, "\u0120thankful": 25535, "\u0120Killing": 25536, "\u0120Bris": 25537, "moil": 25538, "\u0120predicting": 25539, "266": 25540, "choice": 25541, "\u0120killers": 25542, "\u0120incub": 25543, "\u0120Chest": 25544, "athering": 25545, "\u0120proclaimed": 25546, "flower": 25547, "ossom": 25548, "umbledore": 25549, "\u0120Cycling": 25550, "\u0120Occupy": 25551, "AGES": 25552, "Pen": 25553, "\u0120Yug": 25554, "\u0120packaged": 25555, "\u0120heightened": 25556, "cot": 25557, "stack": 25558, "Cond": 25559, "\u0120stamps": 25560, "mage": 25561, "\u0120persuaded": 25562, "\u0120ensl": 25563, "\u0120Cardinal": 25564, "\u0120solitary": 25565, "\u0120possessing": 25566, "\u0120Cork": 25567, "\u0120evid": 25568, "\u0120Tay": 25569, "\u0120blues": 25570, "\u0120extremism": 25571, "\u0120lunar": 25572, "\u0120clown": 25573, "Techn": 25574, "\u0120festivals": 25575, "\u0120PvP": 25576, "\u0120Lar": 25577, "\u0120consequently": 25578, "present": 25579, "\u0120someday": 25580, "\u00e7\u0130\u012d": 25581, "\u0120Meteor": 25582, "\u0120touring": 25583, "culture": 25584, "\u0120beaches": 25585, "Ship": 25586, "cause": 25587, "\u0120Flood": 25588, "\u00e3\u0125\u00af": 25589, "\u0120purity": 25590, "those": 25591, "\u0120emission": 25592, "bolt": 25593, "\u0120chord": 25594, "\u0120Scripture": 25595, "Lu": 25596, "\u0120${": 25597, "created": 25598, "Others": 25599, "258": 25600, "\u0120elemental": 25601, "\u0120annoyed": 25602, "\u0120AE": 25603, "dan": 25604, "\u0120Sag": 25605, "Researchers": 25606, "\u0120fairy": 25607, "\u00e2\u0122\u0135\u00e2\u0122\u0135": 25608, "============": 25609, "Smart": 25610, "GGGG": 25611, "\u0120skeletons": 25612, "\u0120pupils": 25613, "linked": 25614, "\u0120urgency": 25615, "enabled": 25616, "\u0120Fuck": 25617, "\u0120councill": 25618, "rab": 25619, "UAL": 25620, "TI": 25621, "\u0120lifes": 25622, "\u0120confessed": 25623, "Bug": 25624, "\u0120harmon": 25625, "\u0120CONFIG": 25626, "\u0120Neutral": 25627, "Double": 25628, "\u0120staple": 25629, "\u0120SHA": 25630, "British": 25631, "\u0120SNP": 25632, "ATOR": 25633, "oco": 25634, "\u0120swinging": 25635, "gex": 25636, "oleon": 25637, "plain": 25638, "\u0120Missing": 25639, "\u0120Trophy": 25640, "vari": 25641, "ranch": 25642, "\u0120301": 25643, "440": 25644, "0000000000000000": 25645, "\u0120restoring": 25646, "\u0120haul": 25647, "ucing": 25648, "nerg": 25649, "\u0120futures": 25650, "\u0120strategist": 25651, "question": 25652, "\u0120lateral": 25653, "\u0120Bard": 25654, "\u0120sor": 25655, "\u0120Rhodes": 25656, "\u0120Downtown": 25657, "?????-": 25658, "\u0120Lit": 25659, "\u0120Bened": 25660, "\u0120coil": 25661, "street": 25662, "\u0120Portal": 25663, "FILE": 25664, "\u0120Gru": 25665, "*,": 25666, "231": 25667, "neum": 25668, "\u0120sucked": 25669, "\u0120rapper": 25670, "\u0120tendencies": 25671, "\u0120Lauren": 25672, "cellaneous": 25673, "267": 25674, "\u0120browse": 25675, "\u0120overc": 25676, "header": 25677, "oise": 25678, "\u0120beet": 25679, "\u0120Gle": 25680, "Stay": 25681, "\u0120mum": 25682, "\u0120typed": 25683, "\u0120discounts": 25684, "Talk": 25685, "\u0120Og": 25686, "existing": 25687, "\u0120Sell": 25688, "uph": 25689, "CI": 25690, "\u0120Austrian": 25691, "\u0120Warm": 25692, "\u0120dismissal": 25693, "\u0120averages": 25694, "camera": 25695, "\u0120allegiance": 25696, "LAN": 25697, "=\"#": 25698, "\u0120commentators": 25699, "\u0120Setting": 25700, "\u0120Midwest": 25701, "\u0120pharmac": 25702, "\u0120EXP": 25703, "\u0120stainless": 25704, "Chicago": 25705, "\u0120tan": 25706, "244": 25707, "\u0120countryside": 25708, "\u0120Vac": 25709, "295": 25710, "\u0120pinned": 25711, "\u0120crises": 25712, "\u0120standardized": 25713, "Task": 25714, "\u0120Jail": 25715, "\u0120Docker": 25716, "colored": 25717, "forth": 25718, "\"},": 25719, "\u0120patrons": 25720, "\u0120spice": 25721, "\u0120mourn": 25722, "\u0120Mood": 25723, "\u0120laundry": 25724, "\u0120equip": 25725, "\u0120Mole": 25726, "yll": 25727, "\u0120THC": 25728, "nation": 25729, "\u0120Sherlock": 25730, "\u0120issu": 25731, "\u0120Kre": 25732, "\u0120Americas": 25733, "\u0120AAA": 25734, "\u0120systematically": 25735, "\u0120contra": 25736, "\u0120Sally": 25737, "\u0120rationale": 25738, "\u0120carriage": 25739, "\u0120peaks": 25740, "\u0120contradiction": 25741, "ensation": 25742, "\u0120Failure": 25743, "\u0120props": 25744, "\u0120namespace": 25745, "\u0120cove": 25746, "fields": 25747, "\u00e3\u0124\u012d": 25748, "\u0120wool": 25749, "\u0120Catch": 25750, "\u0120presumed": 25751, "\u0120Diana": 25752, "ragon": 25753, "igi": 25754, "\u0120hamm": 25755, "\u0120stunt": 25756, "\u0120GUI": 25757, "\u0120Observatory": 25758, "\u0120Shore": 25759, "\u0120smells": 25760, "annah": 25761, "\u0120cockpit": 25762, "\u0120Duterte": 25763, "850": 25764, "\u0120oppressed": 25765, "breaker": 25766, "\u0120Contribut": 25767, "\u0120Peru": 25768, "\u0120Monsanto": 25769, "\u0120Attempt": 25770, "\u0120commanding": 25771, "\u0120fridge": 25772, "\u0120Rin": 25773, "\u0120Chess": 25774, "uality": 25775, "\u0120ol": 25776, "Republican": 25777, "\u0120Glory": 25778, "\u0120WIN": 25779, ".......": 25780, "agent": 25781, "reading": 25782, "\u0120inh": 25783, "Jones": 25784, "\u0120clicks": 25785, "alan": 25786, "\u0120[];": 25787, "\u0120Majesty": 25788, "\u0120Ced": 25789, "opus": 25790, "atel": 25791, "\u00c3\u00aa": 25792, "ARC": 25793, "\u0120Ecuador": 25794, "\u00e3\u0125\u0142": 25795, "\u0120Kuro": 25796, "\u0120rituals": 25797, "\u0120captive": 25798, "\u0120ounce": 25799, "\u0120disagreement": 25800, "\u0120slog": 25801, "fuel": 25802, "Pet": 25803, "Mail": 25804, "\u0120exercised": 25805, "\u0120solic": 25806, "\u0120rainfall": 25807, "\u0120devotion": 25808, "\u0120Assessment": 25809, "\u0120robotic": 25810, "options": 25811, "\u0120RP": 25812, "\u0120Families": 25813, "\u0120Flames": 25814, "\u0120assignments": 25815, "007": 25816, "akedown": 25817, "\u0120vocabulary": 25818, "Reilly": 25819, "\u0120caval": 25820, "gars": 25821, "\u0120suppressed": 25822, "\u0120SET": 25823, "\u0120Johns": 25824, "\u0120warp": 25825, "broken": 25826, "\u0120statues": 25827, "\u0120advocated": 25828, "\u0120275": 25829, "\u0120peril": 25830, "omorph": 25831, "\u0120Femin": 25832, "perfect": 25833, "\u0120hatch": 25834, "Lib": 25835, "512": 25836, "\u0120lifelong": 25837, "313": 25838, "\u0120cheeks": 25839, "\u0120numbered": 25840, "\u0120Mug": 25841, "Body": 25842, "ravel": 25843, "Weight": 25844, "\u0120Jak": 25845, "\u0120Heath": 25846, "\u0120kissing": 25847, "\u0120JUST": 25848, "\u0120waving": 25849, "upload": 25850, "\u0120insider": 25851, "\u0120Progressive": 25852, "\u0120Filter": 25853, "tta": 25854, "\u0120Beam": 25855, "\u0120violently": 25856, "ipation": 25857, "\u0120skepticism": 25858, "\u01201918": 25859, "\u0120Annie": 25860, "\u0120SI": 25861, "\u0120genetics": 25862, "\u0120onboard": 25863, "atl": 25864, "\u0120Friedman": 25865, "\u0120Bri": 25866, "ceptive": 25867, "\u0120pirate": 25868, "\u0120Reporter": 25869, "278": 25870, "\u0120mythology": 25871, "\u0120eclipse": 25872, "\u0120skins": 25873, "\u0120glyph": 25874, "ingham": 25875, "Files": 25876, "Cour": 25877, "women": 25878, "\u0120regimes": 25879, "\u0120photographed": 25880, "Kat": 25881, "\u0120MAX": 25882, "Officials": 25883, "\u0120unexpectedly": 25884, "\u0120impressions": 25885, "Front": 25886, ";;;;;;;;": 25887, "\u0120supremacy": 25888, "\u0120sang": 25889, "\u0120aggravated": 25890, "\u0120abruptly": 25891, "\u0120Sector": 25892, "\u0120excuses": 25893, "\u0120costing": 25894, "idepress": 25895, "Stack": 25896, "\u0120RNA": 25897, "obil": 25898, "\u0120ghosts": 25899, "ldon": 25900, "atibility": 25901, "Topics": 25902, "\u0120reimburse": 25903, "\u0120HM": 25904, "\u0120Deg": 25905, "\u0120thief": 25906, "yet": 25907, "ogenesis": 25908, "leaning": 25909, "\u0120Kol": 25910, "\u0120Basketball": 25911, "\u0120fi": 25912, "\u0120Seeing": 25913, "\u0120recycling": 25914, "\u0120[-": 25915, "Congress": 25916, "\u0120lectures": 25917, "Psy": 25918, "\u0120nep": 25919, "\u0120maid": 25920, "\u0120oriented": 25921, "AX": 25922, "\u0120respectful": 25923, "rene": 25924, "flush": 25925, "\u0120Unloaded": 25926, "request": 25927, "grid": 25928, "\u0120Alternatively": 25929, "\u0120Hugo": 25930, "\u0120decree": 25931, "\u0120Buddhism": 25932, "andum": 25933, "Android": 25934, "\u0120Congo": 25935, "\u0120Joyce": 25936, "\u0120acknowledging": 25937, "hesive": 25938, "\u0120Tomorrow": 25939, "\u0120Hiro": 25940, "thren": 25941, "\u0120Maced": 25942, "\u0120hoax": 25943, "\u0120Increased": 25944, "\u0120Pradesh": 25945, "Wild": 25946, "______": 25947, "161": 25948, "\u0120aunt": 25949, "\u0120distributing": 25950, "\u0120Tucker": 25951, "\u0120SSL": 25952, "\u0120Wolves": 25953, "Building": 25954, "oult": 25955, "\u0120Luo": 25956, "\u0120Yas": 25957, "\u0120Spir": 25958, "\u0120Shape": 25959, "\u0120Cambod": 25960, "\u0120IPv": 25961, "\u0120ml": 25962, "\u0120extrad": 25963, "390": 25964, "\u0120Penny": 25965, "dream": 25966, "\u0120stationed": 25967, "optional": 25968, "eworthy": 25969, ".": 26700, "\u0120Workshop": 26701, "\u0120Retail": 26702, "\u0120Avatar": 26703, "625": 26704, "Na": 26705, "\u0120VC": 26706, "\u0120Secure": 26707, "MY": 26708, "1988": 26709, "ossip": 26710, "\u0120prostate": 26711, "\u0120unden": 26712, "\u0120gamer": 26713, "\u0120Contents": 26714, "\u0120Warhammer": 26715, "\u0120Sentinel": 26716, "310": 26717, "\u0120segregation": 26718, "\u0120Flex": 26719, "\u0120MAY": 26720, "\u0120drills": 26721, "\u0120Drugs": 26722, "Islamic": 26723, "\u0120spur": 26724, "\u0120cafe": 26725, "\u0120imaginary": 26726, "\u0120guiding": 26727, "\u0120swings": 26728, "\u0120Theme": 26729, "oby": 26730, "\u0120nud": 26731, "\u0120begging": 26732, "\u0120strongh": 26733, "\u0120rejecting": 26734, "\u0120pedestrians": 26735, "\u0120Prospect": 26736, "Rare": 26737, "sle": 26738, "\u0120concessions": 26739, "\u0120Constitutional": 26740, "\u0120beams": 26741, "\u0120fibers": 26742, "poon": 26743, "\u0120instincts": 26744, "property": 26745, "\u0120BIG": 26746, "Sanders": 26747, "imates": 26748, "\u0120coating": 26749, "\u0120corpses": 26750, "\u0120TRUE": 26751, "checked": 26752, "\u0120166": 26753, "Ash": 26754, "\u0120JS": 26755, "\u0120Fiction": 26756, "\u0120communal": 26757, "\u0120energetic": 26758, "oooooooo": 26759, "\u0120nowadays": 26760, "ILD": 26761, "ibo": 26762, "\u0120SUV": 26763, "Ren": 26764, "\u0120dwelling": 26765, "Silver": 26766, "\u0120tally": 26767, "\u0120Moving": 26768, "\u0120coward": 26769, "\u0120generals": 26770, "\u0120horns": 26771, "\u0120circulated": 26772, "\u0120robbed": 26773, "\u0120Unlimited": 26774, "\u0120harassed": 26775, "\u0120inhibit": 26776, "\u0120composer": 26777, "\u0120Spotify": 26778, "\u0120spreads": 26779, "364": 26780, "\u0120suicidal": 26781, "\u0120noises": 26782, "\u0120Stur": 26783, "\u0120saga": 26784, "\u0120Kag": 26785, "iso": 26786, "\u0120theoretically": 26787, "Money": 26788, "\u0120similarity": 26789, "\u0120sliced": 26790, "utils": 26791, "inges": 26792, "\"-": 26793, "\u0120anth": 26794, "\u0120imped": 26795, "Module": 26796, "Throughout": 26797, "\u0120menus": 26798, "committee": 26799, "andi": 26800, "obj": 26801, "inav": 26802, "fired": 26803, "\u0120Abdullah": 26804, "\u0120undead": 26805, "\u0120fonts": 26806, "Hold": 26807, "ENG": 26808, "\u0120sustainability": 26809, "\u0120flick": 26810, "\u0120razor": 26811, "\u0120Fest": 26812, "\u0120Characters": 26813, "\u0120wording": 26814, "\u0120populist": 26815, "\u0120criticizing": 26816, "\u0120muse": 26817, "vine": 26818, "\u0120cardboard": 26819, "\u0120kindly": 26820, "\u0120fringe": 26821, "\u0120Theft": 26822, "icultural": 26823, "\u0120governors": 26824, "\u0120\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 26825, "\u0120163": 26826, "\u0120timeout": 26827, "\u0120Auth": 26828, "Children": 26829, "AU": 26830, "\u0120redemption": 26831, "\u0120Alger": 26832, "\u01201914": 26833, "\u0120waved": 26834, "\u0120astronauts": 26835, "ograms": 26836, "\u0120swamp": 26837, "\u0120Finnish": 26838, "\u0120candle": 26839, "\u0120tonnes": 26840, "utm": 26841, "\u0120ray": 26842, "\u0120spun": 26843, "\u0120fearful": 26844, "articles": 26845, "\u0120caus": 26846, "orically": 26847, "\u0120Requires": 26848, "\u0120Gol": 26849, "\u0120pope": 26850, "\u0120inaugural": 26851, "\u0120gle": 26852, "ADA": 26853, "\u0120ISIL": 26854, "\u0120Offensive": 26855, "\u0120watchdog": 26856, "\u0120balcon": 26857, "entity": 26858, "\u0120Hoo": 26859, "\u0120gallon": 26860, "ACC": 26861, "\u0120doubling": 26862, "\u0120implication": 26863, "\u0120Sight": 26864, "\u0120doctr": 26865, "-------": 26866, "\u0120\\\\": 26867, "\u0120malt": 26868, "Roll": 26869, "\u0120\u00e2\u012b\u00a5": 26870, "\u0120recap": 26871, "adding": 26872, "uces": 26873, "\u0120Bend": 26874, "figure": 26875, "\u0120turkey": 26876, "\u0120societal": 26877, "\u0120Tickets": 26878, "\u0120commercially": 26879, "\u0120spicy": 26880, "\u0120216": 26881, "\u0120Ramp": 26882, "\u0120superiority": 26883, "\u00c3\u00af": 26884, "\u0120Tracker": 26885, "Carl": 26886, "\u0120Coy": 26887, "\u0120Patriot": 26888, "\u0120consulted": 26889, "\u0120listings": 26890, "\u0120slew": 26891, "reenshot": 26892, "\u0120Gone": 26893, "\u0120[...]": 26894, "309": 26895, "\u0120hottest": 26896, "\u00d8\u00b1": 26897, "\u0120rocky": 26898, "\u0120Diaz": 26899, "\u0120massage": 26900, "\u0120paraly": 26901, "\u0120pony": 26902, "Az": 26903, "\u0120cartridge": 26904, "\u0120NZ": 26905, "\u0120snack": 26906, "\u0120Lamar": 26907, "plement": 26908, "\u0120Leslie": 26909, "\u0120mater": 26910, "\u0120snipp": 26911, "246": 26912, "\u0120jointly": 26913, "\u0120Brisbane": 26914, "\u0120iPod": 26915, "\u0120pumping": 26916, "\u0120goat": 26917, "\u0120Sharon": 26918, "ealing": 26919, "\u0120coron": 26920, "\u0120anomal": 26921, "rahim": 26922, "\u0120Connection": 26923, "\u0120sculpture": 26924, "\u0120scheduling": 26925, "\u0120Daddy": 26926, "athing": 26927, "\u0120eyebrows": 26928, "\u0120curved": 26929, "\u0120sentiments": 26930, "\u0120drafting": 26931, "Drop": 26932, "([": 26933, "\u0120nominal": 26934, "\u0120Leadership": 26935, "\u0120Grow": 26936, "\u0120176": 26937, "\u0120constructive": 26938, "ivation": 26939, "\u0120corrupted": 26940, "gerald": 26941, "\u0120Cros": 26942, "\u0120Chester": 26943, "\u0120Lap": 26944, "\u00e3\u0123\u00aa": 26945, "OTH": 26946, "DATA": 26947, "\u0120almond": 26948, "probably": 26949, "Imp": 26950, "\u0120feast": 26951, "\u0120Warcraft": 26952, "Flor": 26953, "\u0120checkpoint": 26954, "\u0120transcription": 26955, "\u0120204": 26956, "\u0120tweaks": 26957, "\u0120relieve": 26958, "Science": 26959, "\u0120performer": 26960, "Zone": 26961, "\u0120turmoil": 26962, "igated": 26963, "hibit": 26964, "\u0120Cafe": 26965, "themed": 26966, "\u0120fluor": 26967, "bench": 26968, "\u0120decom": 26969, "\u0120Unt": 26970, "\u0120Barrett": 26971, "\u0120Facts": 26972, "\u0120tasting": 26973, "\u0120PTSD": 26974, "\u0120Seal": 26975, "\u0120Judaism": 26976, "\u0120Dynamic": 26977, "\u0120Cors": 26978, "Ve": 26979, "\u0120Ming": 26980, "\u0120Transform": 26981, "von": 26982, "\u0120Defenders": 26983, "\u0120Tactical": 26984, "\u0120Von": 26985, "\u0120Univers": 26986, "\u0120distorted": 26987, "\u0120Breath": 26988, "?'\"": 26989, "\u0120agon": 26990, "\u0120Deadly": 26991, "\u0120lan": 26992, "\u0120Cycle": 26993, "orned": 26994, "\u0120reliably": 26995, "\u0120glor": 26996, "\u0120Monkey": 26997, "\u00e3\u0125\u00a1": 26998, "\u0120adren": 26999, "\u0120microwave": 27000, "\u0120Alban": 27001, "ircraft": 27002, "digit": 27003, "smart": 27004, "\u0120Dread": 27005, "\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af": 27006, "{{": 27007, "\u0120Rochester": 27008, "\u0120simplified": 27009, "\u0120inflicted": 27010, "\u0120takeover": 27011, "\u0120yourselves": 27012, "aditional": 27013, "\u0120muscular": 27014, "KS": 27015, "\u0120ingen": 27016, "Tax": 27017, "\u0120Feature": 27018, "277": 27019, "\u0120cruc": 27020, "\u0120crate": 27021, "\u0120unidentified": 27022, "\u0120acclaimed": 27023, "\u0120Manga": 27024, "\u0120Frances": 27025, "\u0120Nepal": 27026, "\u0120Gerald": 27027, "\u0120Kuwait": 27028, "\u0120slain": 27029, "\u0120Heb": 27030, "\u0120Goku": 27031, "\u00e3\u0123\u00ae\u00e6": 27032, "286": 27033, "Mrs": 27034, "\u0120Cody": 27035, "\u0120Sanctuary": 27036, "016": 27037, "\u0120dismant": 27038, "\u0120dataset": 27039, "\u0120Hond": 27040, "buck": 27041, "\u0120Patterson": 27042, "\u0120palette": 27043, "\u0120GD": 27044, "icol": 27045, "\u0120Lodge": 27046, "\u0120planetary": 27047, "akin": 27048, "\u0120Registered": 27049, "abwe": 27050, "\u0120Petersburg": 27051, "\u0120hailed": 27052, "\u0120Piece": 27053, "Sche": 27054, "\u0120DOJ": 27055, "\u0120enumer": 27056, "181": 27057, "\u0120Observer": 27058, "\u0120Bold": 27059, "founded": 27060, "commerce": 27061, "\u0120exploits": 27062, "\u0120Finding": 27063, "URN": 27064, "\u0120Sne": 27065, "\u0120Acid": 27066, "ayette": 27067, "\u0120Values": 27068, "\u0120drastic": 27069, "\u0120architectural": 27070, "\u0120\".": 27071, "\u00d7\u0137": 27072, "umped": 27073, "\u0120wrapping": 27074, "\u0120widow": 27075, "\u0120Slayer": 27076, "lace": 27077, "once": 27078, "Germany": 27079, "avoid": 27080, "\u0120temples": 27081, "PAR": 27082, "\u00c3\u00b4": 27083, "\u0120Lucifer": 27084, "\u0120Flickr": 27085, "lov": 27086, "forces": 27087, "\u0120scouting": 27088, "\u0120louder": 27089, "tesy": 27090, "\u0120beforehand": 27091, "\u00c4\u0135": 27092, "\u0120Neon": 27093, "\u0120Wol": 27094, "\u0120Typically": 27095, "\u0120Politico": 27096, "-+-+": 27097, "\u0120builder": 27098, "\u0120derive": 27099, "Kill": 27100, "\u0120poker": 27101, "\u0120ambiguous": 27102, "\u0120lifts": 27103, "\u0120cyt": 27104, "\u0120ribs": 27105, "oodle": 27106, "\u0120Sounds": 27107, "hair": 27108, "\u0120Syndrome": 27109, "tf": 27110, "\u0120proportional": 27111, "uid": 27112, "\u0120pertaining": 27113, "\u0120Kindle": 27114, "\u0120Negro": 27115, "\u0120reiterated": 27116, "\u0120Tonight": 27117, "oths": 27118, "\u0120Cornell": 27119, "\u0120owing": 27120, "\u0120208": 27121, "elfare": 27122, "ocating": 27123, "\u0120Birds": 27124, "Subscribe": 27125, "\u0120essays": 27126, "\u0120burdens": 27127, "\u0120illustrations": 27128, "arious": 27129, "ERAL": 27130, "\u0120Calcul": 27131, "\u0120xen": 27132, "\u0120LinkedIn": 27133, "\u0120Jung": 27134, "\u0120redesign": 27135, "Connor": 27136, "296": 27137, "\u0120reversal": 27138, "\u0120Adelaide": 27139, "\u0120LL": 27140, "\u0120sinking": 27141, "\u0120gum": 27142, "USH": 27143, "capt": 27144, "\u0120Grimm": 27145, "\u0120footsteps": 27146, "\u0120CBD": 27147, "ispers": 27148, "\u0120prose": 27149, "Wednesday": 27150, "\u0120Movies": 27151, "edin": 27152, "\u0120overturned": 27153, "\u0120contentious": 27154, "USB": 27155, "~~~~~~~~~~~~~~~~": 27156, "\u0120Copper": 27157, "\u0120pointless": 27158, "NV": 27159, "values": 27160, "olphin": 27161, "dain": 27162, "\u0120deposited": 27163, "\u0120GW": 27164, "\u0120preceded": 27165, "\u0120Cla": 27166, "\u0120Golem": 27167, "\u0120Nim": 27168, "\u0120\u00ce\u00b2": 27169, "\u0120Engineers": 27170, "middle": 27171, "\u0120flatt": 27172, "operative": 27173, "\u0120councils": 27174, "imbabwe": 27175, "elin": 27176, "\u0120stressful": 27177, "\u0120LD": 27178, "\u0120resh": 27179, "lake": 27180, "\u0120wheelchair": 27181, "\u0120Alternative": 27182, "\u0120optimize": 27183, "operation": 27184, "\u0120peek": 27185, "\u0120oneself": 27186, "igil": 27187, "\u0120transitions": 27188, "opathy": 27189, "blank": 27190, "\u0120169": 27191, "171": 27192, "________________________________________________________________": 27193, "\u0120laundering": 27194, "Enc": 27195, "\u0120DEC": 27196, "\u0120workouts": 27197, "\u0120spikes": 27198, "\u0120dinosaurs": 27199, "\u0120discriminatory": 27200, "Pool": 27201, "Rather": 27202, "385": 27203, "RNA": 27204, "testers": 27205, "eto": 27206, "\u0120Identity": 27207, "\u0120vein": 27208, "\u0120Burton": 27209, "\u0120arcade": 27210, "420": 27211, "Ultimately": 27212, "\u0120Sadly": 27213, "\u00c3\u00b0": 27214, "pill": 27215, "\u0120cubic": 27216, "\u0120Spectrum": 27217, "these": 27218, "states": 27219, "\u0120unofficial": 27220, "hawks": 27221, "\u0120EVERY": 27222, "\u0120rainbow": 27223, "\u0120incarceration": 27224, "anding": 27225, "\u0120syll": 27226, "\u0120Everton": 27227, "\u0120179": 27228, "\u0120Serbia": 27229, "\u0120189": 27230, "meter": 27231, "\u0120Mickey": 27232, "\u0120antiqu": 27233, "\u0120factual": 27234, "neck": 27235, "\u0120Nare": 27236, "norm": 27237, "must": 27238, "\u0120highways": 27239, "\u0120glam": 27240, "\u0120dividing": 27241, "\u0120Squadron": 27242, "\u0120Martha": 27243, "\u0120births": 27244, "Cover": 27245, "////////////////": 27246, "\u0120Wong": 27247, "Phot": 27248, "\u0120ALS": 27249, "rio": 27250, "\u0120Nonetheless": 27251, "\u0120Lemon": 27252, "\u0120206": 27253, "\u0120EE": 27254, "\u0120derivative": 27255, "\u0120WWII": 27256, "vote": 27257, "\u0120therein": 27258, "\u0120separating": 27259, "446": 27260, "sync": 27261, "\u0120Streets": 27262, "\u0120ratt": 27263, "\u0120municipality": 27264, "\u0120Shortly": 27265, "\u0120monk": 27266, "),\"": 27267, "\u0120scrub": 27268, "\u0120operatives": 27269, "Neither": 27270, "Place": 27271, "\u0120Limit": 27272, "Female": 27273, "\u0120Actor": 27274, "Character": 27275, "\u0120constituted": 27276, "357": 27277, "\u0120protested": 27278, "\u0120Straw": 27279, "\u0120Height": 27280, "ilda": 27281, "\u0120Typh": 27282, "\u0120floods": 27283, "\u0120cosmetic": 27284, "WAY": 27285, "perture": 27286, "upon": 27287, "tons": 27288, "essing": 27289, "\u0120Pocket": 27290, "\u0120rooft": 27291, "\u0120Caucas": 27292, "\u0120antidepress": 27293, "\u0120incompatible": 27294, "ECD": 27295, "\u0120opera": 27296, "\u0120Contest": 27297, "\u0120generators": 27298, "lime": 27299, "Defense": 27300, "1987": 27301, "forum": 27302, "\u0120savage": 27303, "\u0120Hungarian": 27304, "nz": 27305, "\u0120metallic": 27306, "\u0120expelled": 27307, "\u0120residency": 27308, "\u0120dresses": 27309, "666": 27310, "\u0120Clement": 27311, "fires": 27312, "Category": 27313, "\u0120geek": 27314, "alis": 27315, "\u0120cemetery": 27316, "educated": 27317, "\u0120crawl": 27318, "\u0120Unable": 27319, "\u0120Tyson": 27320, "akis": 27321, "\u0120pardon": 27322, "\u0120Wra": 27323, "\u0120strengthened": 27324, "\u0120Fors": 27325, "335": 27326, "\u0120HC": 27327, "\u0120Mond": 27328, "\u0120visuals": 27329, "\u0120Beatles": 27330, "ettlement": 27331, "\u0120\u00ef": 27332, "gro": 27333, "\u0120bash": 27334, "\u0120poorest": 27335, "\u0120excel": 27336, "\u0120aspirations": 27337, "\u0120Municip": 27338, "ensible": 27339, "\u0120ceremonies": 27340, "\u0120intimidation": 27341, "\u0120CONTR": 27342, "beck": 27343, "\u0120Kap": 27344, "asu": 27345, "\u0120trademarks": 27346, "\u0120Sew": 27347, "\u0120Competition": 27348, "network": 27349, "\u0120Arri": 27350, "\u0120Tet": 27351, "Roaming": 27352, "WC": 27353, "Dat": 27354, "\u0120sob": 27355, "\u0120pairing": 27356, "\u0120overdose": 27357, "SAY": 27358, "aber": 27359, "\u0120revolt": 27360, "\u0120Fah": 27361, "acting": 27362, "eq": 27363, "estation": 27364, "Fight": 27365, "\u0120Marks": 27366, "273": 27367, "\u0120178": 27368, "Raw": 27369, "\u00e3\u0123\u012d": 27370, "349": 27371, "blocks": 27372, "\u0120verge": 27373, "estine": 27374, "\u0120Podesta": 27375, "\u0120invasive": 27376, "\u0120profoundly": 27377, "\u0120Ao": 27378, "each": 27379, "\u0120lest": 27380, "interpret": 27381, "\u0120shrinking": 27382, "\u0120errone": 27383, "\u0120chees": 27384, "lys": 27385, "\u0120Ivy": 27386, "\u0120Directory": 27387, "\u0120hinted": 27388, "VICE": 27389, "\u0120contacting": 27390, "\u0120Gent": 27391, "hei": 27392, "\u0120labeling": 27393, "\u0120mercury": 27394, "\u0120Lite": 27395, "\u0120expires": 27396, "\u0120destabil": 27397, "ritis": 27398, "cu": 27399, "\u0120feathers": 27400, "\u0120steer": 27401, "\u0120programmed": 27402, "\u0120Vader": 27403, "Going": 27404, "\u0120Elim": 27405, "\u0120yo": 27406, "\u0120Miche": 27407, "\u0120203": 27408, "\u0120sleeves": 27409, "\u0120bully": 27410, "\u0120Humans": 27411, "368": 27412, "\u0120compress": 27413, "\u0120Banner": 27414, "ARS": 27415, "\u0120awhile": 27416, "\u0120calib": 27417, "\u0120sponsorship": 27418, "\u0120Difficulty": 27419, "\u0120Papers": 27420, "\u0120identifier": 27421, "}.": 27422, "\u0120yog": 27423, "\u0120Shia": 27424, "\u0120cleanup": 27425, "\u0120vibe": 27426, "introdu": 27427, "imming": 27428, "Australia": 27429, "\u0120outlines": 27430, "\u0120Youtube": 27431, "train": 27432, "\u0120Makes": 27433, "\u0120deported": 27434, "\u0120centr": 27435, "\u0120Dug": 27436, "\u0120Boulder": 27437, "\u0120Buffy": 27438, "\u0120injunction": 27439, "\u0120Harley": 27440, "\u0120Groups": 27441, "\u0120Dumbledore": 27442, "\u0120Clara": 27443, "\u0120\"-": 27444, "\u0120sacrificed": 27445, "eph": 27446, "Shadow": 27447, "ibling": 27448, "\u0120freelance": 27449, "\u0120evidently": 27450, "phal": 27451, "\u0120retains": 27452, "Mir": 27453, "\u0120finite": 27454, "dar": 27455, "\u0120Cous": 27456, "\u0120repaired": 27457, "\u0120periodic": 27458, "\u0120championships": 27459, "\u0120asteroid": 27460, "blind": 27461, "\u0120expressly": 27462, "\u0120Astros": 27463, "\u0120scaled": 27464, "\u0120geographical": 27465, "\u0120Rapids": 27466, "Enjoy": 27467, "\u0120elastic": 27468, "\u0120Mohamed": 27469, "Market": 27470, "begin": 27471, "\u0120discovers": 27472, "\u0120telecommunications": 27473, "\u0120scanner": 27474, "\u0120enlarge": 27475, "\u0120sharks": 27476, "\u0120psychedel": 27477, "\u0120Rouge": 27478, "\u0120snapshot": 27479, "isine": 27480, "XP": 27481, "\u0120pesticides": 27482, "\u0120LSD": 27483, "\u0120Distribution": 27484, "really": 27485, "\u0120degradation": 27486, "\u0120disguise": 27487, "\u0120biom": 27488, "\u0120EXT": 27489, "\u0120equations": 27490, "\u0120hazards": 27491, "\u0120Compared": 27492, ")*": 27493, "\u0120virtues": 27494, "\u0120elders": 27495, "\u0120enhancing": 27496, "\u0120Across": 27497, "eros": 27498, "angling": 27499, "\u0120combust": 27500, "ucci": 27501, "\u0120concussion": 27502, "\u0120contraception": 27503, "\u0120Kang": 27504, "\u0120expresses": 27505, "\u0120aux": 27506, "\u0120Pione": 27507, "\u0120exhibits": 27508, "Debug": 27509, "OTAL": 27510, "\u0120Already": 27511, "\u0120Wheeler": 27512, "\u0120expands": 27513, "?:": 27514, "\u0120reconciliation": 27515, "\u0120pirates": 27516, "\u0120purse": 27517, "\u0120discourage": 27518, "\u0120spectacle": 27519, "Rank": 27520, "\u0120wraps": 27521, "\u0120Thought": 27522, "\u0120impending": 27523, "Opp": 27524, "\u0120Anglo": 27525, "\u0120EUR": 27526, "\u0120screwed": 27527, "retched": 27528, "\u0120encouragement": 27529, "models": 27530, "\u0120confuse": 27531, "mmm": 27532, "\u0120Vitamin": 27533, "\u00e2\u0138\u0133\u00e2\u0138\u0133": 27534, "Cru": 27535, "\u0120knights": 27536, "\u0120discard": 27537, "\u0120bishops": 27538, "\u0120Wear": 27539, "\u0120Garrett": 27540, "kan": 27541, "\u00e3\u0125\u0141": 27542, "\u0120masculine": 27543, "capital": 27544, "\u0120Aus": 27545, "\u0120fatally": 27546, "thanks": 27547, "\u0120AU": 27548, "\u0120Gut": 27549, "1200": 27550, "\u012000000000": 27551, "\u0120surrog": 27552, "\u0120BIOS": 27553, "raits": 27554, "\u0120Watts": 27555, "\u0120resurrection": 27556, "\u0120Electoral": 27557, "\u0120Tips": 27558, "4000": 27559, "\u0120nutrient": 27560, "\u0120depicting": 27561, "\u0120sprink": 27562, "\u0120muff": 27563, "\u0120LIM": 27564, "\u0120Sample": 27565, "psc": 27566, "ibi": 27567, "generated": 27568, "\u0120specimens": 27569, "\u0120dissatisf": 27570, "\u0120tailored": 27571, "\u0120holdings": 27572, "\u0120Monthly": 27573, "\u0120Eat": 27574, "poons": 27575, "\u0120nec": 27576, "\u0120Cage": 27577, "\u0120Lotus": 27578, "\u0120Lantern": 27579, "\u0120frontier": 27580, "\u0120pensions": 27581, "\u0120joked": 27582, "\u0120Hardy": 27583, "=-=-=-=-": 27584, "rade": 27585, "UID": 27586, "\u0120rails": 27587, "\u0120emit": 27588, "\u0120slate": 27589, "\u0120smug": 27590, "\u0120spit": 27591, "\u0120Calls": 27592, "\u0120Jacobs": 27593, "feat": 27594, "\u0120UE": 27595, "\u0120restruct": 27596, "\u0120regeneration": 27597, "\u0120energies": 27598, "\u0120Connor": 27599, "OHN": 27600, "\u0120Cheese": 27601, "\u0120ger": 27602, "\u0120resurrect": 27603, "management": 27604, "NW": 27605, "\u0120presently": 27606, "\u0120Bruins": 27607, "Member": 27608, "\u0120Mang": 27609, "idan": 27610, "\u0120boosting": 27611, "wyn": 27612, "+.": 27613, "requisite": 27614, "\u0120NYPD": 27615, "\u0120Megan": 27616, "\u0120Conditions": 27617, "\u0120pics": 27618, "nesium": 27619, "\u0120Rash": 27620, "\u0120174": 27621, "\u0120Ducks": 27622, "\u0120embro": 27623, "zu": 27624, "onian": 27625, "religious": 27626, "\u0120craz": 27627, "\u0120ACA": 27628, "\u0120Zucker": 27629, "EMA": 27630, "\u0120Pros": 27631, "Weapon": 27632, "\u0120Knox": 27633, "\u0120Arduino": 27634, "\u0120stove": 27635, "\u0120heavens": 27636, "\u0120Purchase": 27637, "\u0120herd": 27638, "\u0120fundraiser": 27639, "Digital": 27640, "5000": 27641, "\u0120proponents": 27642, "/\u00e2\u0122\u012d": 27643, "\u0120jelly": 27644, "\u0120Visa": 27645, "\u0120monks": 27646, "\u0120advancement": 27647, "\u0120Wer": 27648, "\u0120187": 27649, "eus": 27650, "ertility": 27651, "\u0120fetal": 27652, "\u01201936": 27653, "Lo": 27654, "\u0120outfits": 27655, "\u0120staircase": 27656, "bomb": 27657, "\u0120customized": 27658, "clair": 27659, "Tree": 27660, "\u0120mapped": 27661, "\u0120Considering": 27662, "\u0120Torres": 27663, "\u0120methyl": 27664, "\u0120approximate": 27665, "\u0120doom": 27666, "\u0120Hansen": 27667, "\u0120crossover": 27668, "\u0120standalone": 27669, "\u00e4\u00bc": 27670, "\u0120invites": 27671, "\u0120graveyard": 27672, "\u0120hp": 27673, "DonaldTrump": 27674, "\u0120escort": 27675, "Gar": 27676, "\u0120predecessors": 27677, "\u0120hay": 27678, "\u0120enzyme": 27679, "\u0120Straight": 27680, "visors": 27681, "Ing": 27682, "aneously": 27683, "\u0120Applied": 27684, "\u0120fec": 27685, "\u0120Durant": 27686, "\u0120outspoken": 27687, "orb": 27688, "\u0120zeal": 27689, "\u0120disgrace": 27690, "').": 27691, "\u0120Cheng": 27692, "289": 27693, "\u0120Rena": 27694, "\u0120Suicide": 27695, "294": 27696, "\u0120outraged": 27697, "\u0120Newman": 27698, "\u0120Nvidia": 27699, "\u0120Aber": 27700, "\u0120Bers": 27701, "\u0120recreation": 27702, "Window": 27703, "\u0120DP": 27704, "xe": 27705, "\u0120pedoph": 27706, "\u0120fallout": 27707, "amboo": 27708, "\u0120presentations": 27709, "\u0120Apps": 27710, "\u0120html": 27711, "345": 27712, "\u0120XXX": 27713, "\u0120rubbing": 27714, "\u0120Leather": 27715, "\u0120humidity": 27716, "seys": 27717, "established": 27718, "\u0120Units": 27719, "646": 27720, "\u0120respectable": 27721, "Auto": 27722, "\u0120thriving": 27723, "\u0120Innovation": 27724, "angs": 27725, "Extra": 27726, "regulation": 27727, "298": 27728, "pick": 27729, "Examples": 27730, "\u0120CJ": 27731, "Attack": 27732, "\u0120dracon": 27733, "LT": 27734, "\u0120sticker": 27735, "rers": 27736, "\u0120sunny": 27737, "Iss": 27738, "regulated": 27739, "dim": 27740, "\u0120Abstract": 27741, "\u0120husbands": 27742, "Office": 27743, "omination": 27744, "itars": 27745, "ANGE": 27746, "ascal": 27747, "\u0120Kris": 27748, "\u0120Infantry": 27749, "\u0120malf": 27750, "\u0120Athe": 27751, "\u0120Rally": 27752, "balanced": 27753, "........................": 27754, "OUP": 27755, "\u0120molecule": 27756, "metics": 27757, "\u0120Split": 27758, "\u0120Instructions": 27759, "\u0120Nights": 27760, "cards": 27761, "\u0120tug": 27762, "\u0120cone": 27763, "\u00e5\u0143": 27764, "\u0120tx": 27765, "\u0120Discussion": 27766, "\u0120catastrophe": 27767, "ppe": 27768, "gio": 27769, "\u0120communism": 27770, "\u0120halted": 27771, "\u0120Guant": 27772, "clean": 27773, "\u0120Sched": 27774, "\u0120Kanye": 27775, "\u0120wander": 27776, "\u0120Seriously": 27777, "\u0120188": 27778, "ennial": 27779, "follow": 27780, "productive": 27781, "\u0120Flow": 27782, "\u0120Sail": 27783, "\u0120craw": 27784, "\u0120simulations": 27785, "oru": 27786, "angles": 27787, "\u0120Nolan": 27788, "\u0120menstru": 27789, "470": 27790, "\u0120207": 27791, "aja": 27792, "\u0120casually": 27793, "boarding": 27794, "\u0120222": 27795, "ovy": 27796, "\u0120Numbers": 27797, "umat": 27798, "OE": 27799, "287": 27800, "\u0120Clemson": 27801, "\u0120certs": 27802, "\u0120slid": 27803, "\u0120Tribe": 27804, "\u0120toast": 27805, "\u0120fortunes": 27806, "\u0120fals": 27807, "\u0120Committees": 27808, "\u0120gp": 27809, "\u0120fiery": 27810, "\u0120Nets": 27811, "\u0120Anime": 27812, "Package": 27813, "\u0120Compare": 27814, "laughter": 27815, "infect": 27816, "\u0120atrocities": 27817, "\u0120justices": 27818, "\u0120insults": 27819, "\u0120Vernon": 27820, "\u0120shaken": 27821, "\u0120persona": 27822, "estamp": 27823, "367": 27824, "brain": 27825, "\u0120experimenting": 27826, "Ken": 27827, "\u0120Electronics": 27828, "\u0120161": 27829, "domain": 27830, "\u0120graphical": 27831, "bishop": 27832, "\u0120whopping": 27833, "\u0120Evangel": 27834, "\u0120advertisers": 27835, "\u0120Spear": 27836, "\u0120bids": 27837, "\u0120destroys": 27838, "utz": 27839, "\u0120undersc": 27840, "\u0120ADD": 27841, "\u0120ants": 27842, "\u0120Cum": 27843, "ipples": 27844, "\u0120Fill": 27845, "\u0120glanced": 27846, "\u0120indicted": 27847, "\u0120Eff": 27848, "\u0120miscon": 27849, "\u0120Desktop": 27850, "\u0120abide": 27851, "\u00e3\u0125\u0122": 27852, "\u0120Io": 27853, "\u0120Coul": 27854, "\u0120capsule": 27855, "\u0120Chrys": 27856, "MON": 27857, "\u0120undes": 27858, "\u0120IRA": 27859, "\u0120citation": 27860, "\u0120dictate": 27861, "\u0120Networks": 27862, "\u0120Conflict": 27863, "\u0120Stuff": 27864, "xa": 27865, "isec": 27866, "\u0120Chemistry": 27867, "\u0120quarterly": 27868, "Williams": 27869, "anan": 27870, "Opt": 27871, "\u0120Alexandria": 27872, "outheastern": 27873, "\u0120Springfield": 27874, "\u0120Blacks": 27875, "\u0120geography": 27876, "242": 27877, "\u0120utmost": 27878, "\u0120Exxon": 27879, "abouts": 27880, "EVA": 27881, "\u0120Enable": 27882, "\u0120Barr": 27883, "\u0120disagreed": 27884, "\u0120Cyprus": 27885, "\u0120dementia": 27886, "\u0120labs": 27887, "\u0120ubiquitous": 27888, "\u0120LOVE": 27889, "\u0120consolidated": 27890, "sr": 27891, "\u0120creamy": 27892, "\u0120Timber": 27893, "Regardless": 27894, "\u0120Certificate": 27895, "\u0120\"...": 27896, "ogenous": 27897, "Captain": 27898, "\u0120insulting": 27899, "\u0120Soros": 27900, "\u0120Instr": 27901, "\u0120Bulgaria": 27902, "better": 27903, "\u0120sucking": 27904, "\u0120Davidson": 27905, "atz": 27906, "\u0120collateral": 27907, "gif": 27908, "\u0120plagued": 27909, "\u0120Cancel": 27910, "\u0120Gardner": 27911, "RB": 27912, "\u0120sixteen": 27913, "Remove": 27914, "uristic": 27915, "cook": 27916, "Rod": 27917, "\u0120comprising": 27918, "fle": 27919, ")\u00e2\u0122\u0136": 27920, "\u0120Viking": 27921, "growth": 27922, "agonal": 27923, "\u0120srf": 27924, "afety": 27925, "mot": 27926, "Nearly": 27927, "stown": 27928, "\u0120Factor": 27929, "\u0120automobile": 27930, "\u0120procedural": 27931, "mask": 27932, "ampires": 27933, "\u0120disappears": 27934, "jab": 27935, "315": 27936, "\u01201951": 27937, "needed": 27938, "\u0120daring": 27939, "leader": 27940, "\u0120podium": 27941, "\u0120unhealthy": 27942, "\u0120mund": 27943, "\u0120pyramid": 27944, "ocre": 27945, "\u0120kissed": 27946, "\u0120dreamed": 27947, "\u0120Fantastic": 27948, "\u0120Gly": 27949, "\u00e5\u012c": 27950, "\u0120greatness": 27951, "\u0120spices": 27952, "\u0120metropolitan": 27953, "\u0120compuls": 27954, "iets": 27955, "1016": 27956, "\u0120Sham": 27957, "\u0120Pyr": 27958, "flies": 27959, "\u0120Midnight": 27960, "\u0120swallowed": 27961, "\u0120genres": 27962, "\u0120Lucky": 27963, "\u0120Rewards": 27964, "\u0120dispatch": 27965, "\u0120IPA": 27966, "\u0120Apply": 27967, "\u0120aven": 27968, "alities": 27969, "312": 27970, "things": 27971, "\u0120().": 27972, "\u0120mates": 27973, "\u0120Sz": 27974, "\u0120COP": 27975, "olate": 27976, "OFF": 27977, "\u0120recharge": 27978, "caps": 27979, "\u0120Yorker": 27980, "icone": 27981, "\u0120galaxies": 27982, "ileaks": 27983, "Dave": 27984, "\u0120Puzz": 27985, "\u0120Celtic": 27986, "\u0120AFC": 27987, "276": 27988, "\u0120Sons": 27989, "\u0120affirmative": 27990, "Hor": 27991, "\u0120tutorials": 27992, "\u0120CITY": 27993, "\u0120Rosa": 27994, "\u0120Extension": 27995, "Series": 27996, "\u0120fats": 27997, "\u0120rab": 27998, "lis": 27999, "\u0120unic": 28000, "\u0120eve": 28001, "\u0120Spin": 28002, "\u0120adulthood": 28003, "typ": 28004, "\u0120sectarian": 28005, "\u0120checkout": 28006, "\u0120Cycl": 28007, "Single": 28008, "\u0120martyr": 28009, "\u0120chilling": 28010, "888": 28011, "oufl": 28012, "\u0120];": 28013, "\u0120congestion": 28014, "mk": 28015, "\u0120Whereas": 28016, "\u01201938": 28017, "urrencies": 28018, "erion": 28019, "\u0120boast": 28020, "\u0120Patients": 28021, "\u0120chap": 28022, "\u0120BD": 28023, "realDonaldTrump": 28024, "\u0120examines": 28025, "hov": 28026, "\u0120startling": 28027, "\u0120Babylon": 28028, "wid": 28029, "omew": 28030, "brance": 28031, "\u0120Odyssey": 28032, "wig": 28033, "\u0120torch": 28034, "\u0120Vox": 28035, "\u0120Moz": 28036, "\u0120Troll": 28037, "\u0120Ans": 28038, "Similarly": 28039, "\u0120Ful": 28040, "006": 28041, "Unless": 28042, "\u0120Alone": 28043, "stead": 28044, "\u0120Publisher": 28045, "rights": 28046, "tu": 28047, "\u0120Doesn": 28048, "\u0120professionally": 28049, "\u0120clo": 28050, "icz": 28051, "\u0120steals": 28052, "\u0120\u00e1": 28053, "1986": 28054, "\u0120sturdy": 28055, "\u0120Johann": 28056, "\u0120medals": 28057, "\u0120filings": 28058, "\u0120Fraser": 28059, "done": 28060, "\u0120multinational": 28061, "\u0120feder": 28062, "\u0120worthless": 28063, "\u0120pest": 28064, "Yesterday": 28065, "ankind": 28066, "\u0120gays": 28067, "\u0120borne": 28068, "\u0120POS": 28069, "Picture": 28070, "\u0120percentages": 28071, "251": 28072, "rame": 28073, "\u0120potions": 28074, "AMD": 28075, "\u0120Lebanese": 28076, "\u0120rang": 28077, "\u0120LSU": 28078, "ongs": 28079, "\u0120peninsula": 28080, "\u0120Clause": 28081, "ALK": 28082, "oha": 28083, "\u0120MacBook": 28084, "\u0120unanimous": 28085, "\u0120lenders": 28086, "\u0120hangs": 28087, "\u0120franchises": 28088, "orers": 28089, "\u0120Updates": 28090, "\u0120isolate": 28091, "andro": 28092, "Soon": 28093, "\u0120disruptive": 28094, "\u0120Surve": 28095, "\u0120stitches": 28096, "\u0120Scorp": 28097, "\u0120Dominion": 28098, "\u0120supplying": 28099, "Arg": 28100, "\u0120turret": 28101, "\u0120Luk": 28102, "\u0120brackets": 28103, "*)": 28104, "\u0120Revolutionary": 28105, "\u0120Honest": 28106, "\u0120noticing": 28107, "\u0120Shannon": 28108, "\u0120afforded": 28109, "\u0120tha": 28110, "\u0120Janet": 28111, "!--": 28112, "\u0120Narendra": 28113, "\u0120Plot": 28114, "Hol": 28115, "sever": 28116, "eenth": 28117, "\u0120obstruction": 28118, "\u01201024": 28119, "staff": 28120, "jas": 28121, "orget": 28122, "scenes": 28123, "laughs": 28124, "\u0120Fargo": 28125, "crime": 28126, "\u0120orchestr": 28127, "\u0120delet": 28128, "iliary": 28129, "rieved": 28130, "\u0120militar": 28131, "\u0120Greene": 28132, "\u00e2\u0139\u0131": 28133, "\u00e3\u0123\u00a6": 28134, "\u0120Guards": 28135, "\u0120unleashed": 28136, "\u0120Weber": 28137, "\u0120adjustable": 28138, "\u0120caliber": 28139, "\u0120motivations": 28140, "\u0120\u00c3\u0142": 28141, "mAh": 28142, "\u0120Lanka": 28143, "handle": 28144, "\u0120pent": 28145, "\u0120Rav": 28146, "\u0120Angular": 28147, "\u0120Kau": 28148, "umbing": 28149, "\u0120philanthrop": 28150, "\u0120dehyd": 28151, "\u0120toxicity": 28152, "eer": 28153, "\u0120YORK": 28154, "witz": 28155, "\u00e5\u00bc": 28156, "\u0120IE": 28157, "community": 28158, "\u0120AH": 28159, "\u0120retali": 28160, "\u0120massively": 28161, "\u0120Daniels": 28162, "\u0120DEL": 28163, "\u0120carcin": 28164, "Url": 28165, "\u0120routing": 28166, "\u0120NPCs": 28167, "\u0120RAF": 28168, "ryce": 28169, "\u0120waived": 28170, "\u0120Guatem": 28171, "Everybody": 28172, "\u0120covenant": 28173, "\u0120173": 28174, "\u0120relaxing": 28175, "\u0120quart": 28176, "almost": 28177, "\u0120guarded": 28178, "\u0120Soldiers": 28179, "\u0120PLAY": 28180, "\u0120outgoing": 28181, "LAND": 28182, "\u0120rewrite": 28183, "\u0120MOV": 28184, "\u0120Imper": 28185, "\u0120Solution": 28186, "\u0120phenomenal": 28187, "\u0120longevity": 28188, "\u0120impat": 28189, "\u0120Nissan": 28190, "irie": 28191, "\u0120odor": 28192, "\u0120Zar": 28193, "oks": 28194, "\u0120militias": 28195, "\u0120SPEC": 28196, "\u0120tolerated": 28197, "arser": 28198, "\u0120Bradford": 28199, "+,": 28200, "\u0120surreal": 28201, "sf": 28202, "Canadian": 28203, "\u0120resemblance": 28204, "\u0120carbohydrate": 28205, "VIEW": 28206, "\u0120accessory": 28207, "meal": 28208, "largest": 28209, "iegel": 28210, "Someone": 28211, "\u0120toughest": 28212, "oso": 28213, "\u0120funnel": 28214, "\u0120condemnation": 28215, "luent": 28216, "\u0120wired": 28217, "\u0120Sunset": 28218, "Jesus": 28219, "\u0120PST": 28220, "\u0120Pages": 28221, "\u0120Tycoon": 28222, "\u0120PF": 28223, "\u0120selections": 28224, "\u0120\u00e0\u00a4": 28225, "partisan": 28226, "\u0120highs": 28227, "\u0120Rune": 28228, "\u0120crafts": 28229, "lead": 28230, "\u0120Parents": 28231, "\u0120reclaim": 28232, "eker": 28233, "\u0120Allied": 28234, "aeper": 28235, "\u0120looming": 28236, "\u0120beneficiaries": 28237, "\u0120Hull": 28238, "Students": 28239, "Jewish": 28240, "dj": 28241, "\u0120pact": 28242, "template": 28243, "\u0120Officials": 28244, "\u0120Baylor": 28245, "\u0120hemp": 28246, "\u0120youths": 28247, "\u0120Levels": 28248, "\u0120Xiao": 28249, "\u0120Ches": 28250, "\u0120endeavor": 28251, "\u0120Removed": 28252, "\u0120hippocamp": 28253, "Hell": 28254, "\u00e3\u0124\u012c": 28255, "805": 28256, "\u0120dinosaur": 28257, "\u0120Wrath": 28258, "\u0120Indonesian": 28259, "\u0120calculator": 28260, "\u0120Dictionary": 28261, "\u0120420": 28262, "\u0120MAG": 28263, "(_": 28264, "!,": 28265, "tarians": 28266, "\u0120restricting": 28267, "racuse": 28268, "\u0120weekday": 28269, "OUNT": 28270, "\u0120shrugged": 28271, "leground": 28272, "\u0120bald": 28273, "\u0120Doctors": 28274, "\u0120touted": 28275, "\u0120Maxwell": 28276, "\u0120214": 28277, "\u0120diplomat": 28278, "\u0120repression": 28279, "\u0120constituency": 28280, "vice": 28281, "ranked": 28282, "\u0120Napoleon": 28283, "gang": 28284, "\u0120Forever": 28285, "tun": 28286, "\u0120bulb": 28287, "\u0120PDT": 28288, "\u0120Cisco": 28289, "VEN": 28290, "\u0120resumed": 28291, "Steven": 28292, "\u0120Manitoba": 28293, "\u0120fabulous": 28294, "\u0120Agents": 28295, "1984": 28296, "\u0120amusing": 28297, "\u0120Mysteries": 28298, "\u0120orthodox": 28299, "floor": 28300, "\u0120questionnaire": 28301, "\u0120penetrate": 28302, "\u0120filmmakers": 28303, "\u0120Unc": 28304, "\u0120stamped": 28305, "\u0120thirteen": 28306, "\u0120outfield": 28307, "\u0120forwarded": 28308, "\u0120appra": 28309, "\u0120aided": 28310, "try": 28311, "\u0120unfocused": 28312, "\u0120Liz": 28313, "\u0120Wendy": 28314, "\u0120Scene": 28315, "Charg": 28316, "\u0120rejects": 28317, "\u0120leftist": 28318, "\u0120Providence": 28319, "\u0120Brid": 28320, "regn": 28321, "\u0120prophecy": 28322, "\u0120LIVE": 28323, "499": 28324, "\u0120forge": 28325, "\u0120FML": 28326, "\u0120intrinsic": 28327, "\u0120Frog": 28328, "\u0120wont": 28329, "\u0120Holt": 28330, "\u0120famed": 28331, "CLUS": 28332, "aepernick": 28333, "\u0120Hate": 28334, "\u0120Cay": 28335, "\u0120registering": 28336, "ortality": 28337, "ropy": 28338, "ocalyptic": 28339, "aan": 28340, "nav": 28341, "\u0120fascist": 28342, "IFIED": 28343, "\u0120implicated": 28344, "\u0120Resort": 28345, "\u0120Chandler": 28346, "\u0120Brick": 28347, "Pin": 28348, "ysc": 28349, "Usage": 28350, "\u0120Helm": 28351, "usra": 28352, "\u00e2\u013a\u0127\u00e2\u013a\u0127": 28353, "\u0120Abbas": 28354, "\u0120unanimously": 28355, "\u0120keeper": 28356, "\u0120addicted": 28357, "???": 28358, "\u0120helmets": 28359, "\u0120antioxid": 28360, "apsed": 28361, "808": 28362, "giene": 28363, "\u0120waits": 28364, "\u0120minion": 28365, "raved": 28366, "\u0120Porsche": 28367, "\u0120dreaming": 28368, "\u0120171": 28369, "\u0120Cain": 28370, "\u0120unfor": 28371, "asso": 28372, "\u0120Configuration": 28373, "kun": 28374, "hardt": 28375, "\u0120nested": 28376, "\u0120LDS": 28377, "LES": 28378, "\u0120tying": 28379, "enos": 28380, "\u0120cue": 28381, "\u0120Marqu": 28382, "skirts": 28383, "\u0120clicked": 28384, "\u0120expiration": 28385, "\u0120Accordingly": 28386, "\u0120WC": 28387, "\u0120blessings": 28388, "\u0120addictive": 28389, "\u0120Narr": 28390, "yx": 28391, "\u0120Jaguars": 28392, "\u0120rents": 28393, "\u0120Siber": 28394, "\u0120tipped": 28395, "ousse": 28396, "\u0120Fitzgerald": 28397, "\u0120hierarch": 28398, "outine": 28399, "\u0120wavelength": 28400, ">.": 28401, "chid": 28402, "\u0120Processing": 28403, "/+": 28404, "ranking": 28405, "Easy": 28406, "\u0120Construct": 28407, "\u0120tet": 28408, "insured": 28409, "HUD": 28410, "\u0120quoting": 28411, "\u0120communicated": 28412, "inx": 28413, "\u0120inmate": 28414, "\u0120erected": 28415, "\u0120Absolutely": 28416, "\u0120Surely": 28417, "\u0120unim": 28418, "\u0120Throne": 28419, "heid": 28420, "\u0120claws": 28421, "\u0120superstar": 28422, "\u0120Lenn": 28423, "\u0120Whis": 28424, "Uk": 28425, "abol": 28426, "\u0120sket": 28427, "\u0120Niet": 28428, "\u0120perks": 28429, "\u0120affinity": 28430, "\u0120openings": 28431, "phasis": 28432, "\u0120discriminate": 28433, "Tip": 28434, "vc": 28435, "\u0120grinding": 28436, "\u0120Jenny": 28437, "\u0120asthma": 28438, "holes": 28439, "\u0120Homer": 28440, "\u0120registers": 28441, "\u0120Glad": 28442, "\u0120creations": 28443, "\u0120lithium": 28444, "\u0120applause": 28445, "until": 28446, "Justice": 28447, "\u0120Turks": 28448, "\u0120scandals": 28449, "\u0120bake": 28450, "tank": 28451, "Mech": 28452, "\u0120Means": 28453, "\u0120Maid": 28454, "Republicans": 28455, "isal": 28456, "windows": 28457, "\u0120Santos": 28458, "\u0120vegetation": 28459, "338": 28460, "tri": 28461, "\u0120flux": 28462, "insert": 28463, "\u0120clarified": 28464, "\u0120mortg": 28465, "\u0120Chim": 28466, "\u0120Tort": 28467, "\u0120disclaim": 28468, "metal": 28469, "\u0120Aside": 28470, "\u0120induction": 28471, "\u0120infl": 28472, "\u0120atheists": 28473, "amph": 28474, "\u0120ether": 28475, "\u0120Vital": 28476, "\u0120Built": 28477, "Mind": 28478, "\u0120weaponry": 28479, "SET": 28480, "\u0120186": 28481, "admin": 28482, "gam": 28483, "contract": 28484, "afa": 28485, "\u0120derivatives": 28486, "\u0120snacks": 28487, "\u0120churn": 28488, "Econom": 28489, "\u0120capped": 28490, "\u0120Understanding": 28491, "\u0120Hers": 28492, "\u0120Iz": 28493, "\u0120duct": 28494, "IENT": 28495, "aughty": 28496, "\u0120\u00e2\u013e\u0136": 28497, "\u0120NP": 28498, "\u0120sailing": 28499, "Initialized": 28500, "\u0120ted": 28501, "\u0120reactors": 28502, "\u0120Lomb": 28503, "\u0120choke": 28504, "\u0120Worm": 28505, "\u0120admiration": 28506, "\u0120swung": 28507, "ensibly": 28508, "\u0120rash": 28509, "\u0120Goals": 28510, "\u0120Important": 28511, "Shot": 28512, "\u0120Ras": 28513, "\u0120trainers": 28514, "\u0120Bun": 28515, "Working": 28516, "\u0120harmed": 28517, "\u0120Pandora": 28518, "\u0120LTE": 28519, "\u0120mushroom": 28520, "\u0120CHAR": 28521, "\u0120Fee": 28522, "\u0120Moy": 28523, "Born": 28524, "oliberal": 28525, "\u0120Martial": 28526, "\u0120gentlemen": 28527, "\u0120lingering": 28528, "Official": 28529, "\u0120graffiti": 28530, "\u0120Names": 28531, "Der": 28532, "\u0120quint": 28533, "istrate": 28534, "azeera": 28535, "\u0120NOTICE": 28536, "\u0120Florence": 28537, "\u0120payable": 28538, "\u0120depicts": 28539, "\u0120Species": 28540, "Heart": 28541, "\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122": 28542, "\u0120enclosed": 28543, "Increases": 28544, "Daily": 28545, "\u0120Lis": 28546, "\u0120enactment": 28547, "\u0120Bacon": 28548, "\u0120Steele": 28549, "demand": 28550, "\u0120183": 28551, "\u0120mouths": 28552, "\u0120stranded": 28553, "\u0120enhancement": 28554, "011": 28555, "\u0120Whats": 28556, "\u0120healed": 28557, "eny": 28558, "\u0120Rab": 28559, "\u0120340": 28560, "\u0120Labyrinth": 28561, "roach": 28562, "\u0120Yosh": 28563, "\u0120Clippers": 28564, "\u0120concerts": 28565, "Internet": 28566, "355": 28567, "\u0120stickers": 28568, "\u0120termed": 28569, "\u0120Axe": 28570, "\u0120grandparents": 28571, "France": 28572, "\u0120Clim": 28573, "\u0120Uh": 28574, "ulic": 28575, "\u0120thrill": 28576, "centric": 28577, "\u0120Overview": 28578, "\u0120Conduct": 28579, "\u0120substantive": 28580, "\u0120182": 28581, "mur": 28582, "\u0120stray": 28583, "\u0120Coff": 28584, "\u0120repetitive": 28585, "\u0120Forgotten": 28586, "\u0120qualification": 28587, "ewitness": 28588, "\u0120Zimbabwe": 28589, "\u0120simulated": 28590, "\u0120JD": 28591, "253": 28592, "\u0120Ware": 28593, "\u0120unsc": 28594, "Times": 28595, "\u0120summons": 28596, "\u0120disconnected": 28597, "\u0120184": 28598, "cius": 28599, "\u0120Gujar": 28600, "odka": 28601, "\u0120erase": 28602, "\u0120Tobacco": 28603, "elected": 28604, "\u0120uncont": 28605, "\u0120Shepard": 28606, "\u0120Lamp": 28607, "\u0120alerted": 28608, "\u0120operative": 28609, "arna": 28610, "uint": 28611, "\u0120negligence": 28612, "acements": 28613, "\u0120supra": 28614, "\u0120prevail": 28615, "\u0120Shark": 28616, "\u0120belts": 28617, "\u00e3\u0123\u00ab": 28618, "\u0120tighter": 28619, "Engineers": 28620, "\u0120inactive": 28621, "\u0120exponent": 28622, "\u0120Willie": 28623, "aples": 28624, "\u0120heir": 28625, "\u0120Hits": 28626, "iann": 28627, "\u0120Says": 28628, "\u0120currents": 28629, "\u0120Bengal": 28630, "\u0120arist": 28631, "Buffer": 28632, "\u0120breeze": 28633, "\u0120Wesley": 28634, "Cola": 28635, "\u0120pronoun": 28636, "\u0120deed": 28637, "\u0120Kling": 28638, "\u0120oft": 28639, "\u0120inflict": 28640, "\u0120punishing": 28641, "\u0120nm": 28642, "iku": 28643, "ODUCT": 28644, "014": 28645, "\u0120subsidy": 28646, "\u0120DEA": 28647, "\u0120Herbert": 28648, "\u0120Jal": 28649, "Bank": 28650, "\u0120deferred": 28651, "\u0120shipment": 28652, "Bott": 28653, "\u0120alle": 28654, "bearing": 28655, "HTML": 28656, "Offline": 28657, "\u0120213": 28658, "\u0120scrolling": 28659, "\u0120scanned": 28660, "\u0120Libyan": 28661, "\u0120TOP": 28662, "chrom": 28663, "dt": 28664, "column": 28665, "PsyNetMessage": 28666, "Zero": 28667, "\u0120torso": 28668, "050": 28669, "\u00e2\u0137\u0132": 28670, "\u0120imperson": 28671, "\u0120Schwartz": 28672, "udic": 28673, "\u0120pissed": 28674, "\u0120Sapp": 28675, "257": 28676, "\u0120ISPs": 28677, "ogl": 28678, "\u0120supervised": 28679, "\u0120adolescent": 28680, "\u0120attained": 28681, "\u0120Delivery": 28682, "\u0120Bunny": 28683, "\u01201937": 28684, "\u0120miniature": 28685, "\u0120os": 28686, "\u0120370": 28687, "608": 28688, "\u0120Mourinho": 28689, "\u0120innate": 28690, "\u0120tempo": 28691, "\u0120NM": 28692, "\u0120Fallen": 28693, "009": 28694, "\u0120provocative": 28695, "Streamer": 28696, "\u0120Benedict": 28697, "\u0120Bolshe": 28698, "\u0120turtle": 28699, "\u0120PCB": 28700, "\u0120Equal": 28701, "Director": 28702, "\u0120Rend": 28703, "\u0120fluids": 28704, "Authorities": 28705, "\u0120cousins": 28706, "requency": 28707, "\u0120Neighbor": 28708, "sets": 28709, "shared": 28710, "Charles": 28711, "password": 28712, "\u0120gears": 28713, "\u0120211": 28714, "\u0120Hardware": 28715, "rika": 28716, "\u0120upstream": 28717, "Hom": 28718, "\u0120disproportionately": 28719, "ivities": 28720, "\u0120undefined": 28721, "\u0120electrons": 28722, "\u0120commemor": 28723, "Eventually": 28724, "\u0120><": 28725, "\u0120irresponsible": 28726, "218": 28727, "\u0120Released": 28728, "\u0120OVER": 28729, "\u0120IGN": 28730, "\u0120Bread": 28731, "stellar": 28732, "\u0120Sage": 28733, "tted": 28734, "damage": 28735, "edition": 28736, "\u0120Prec": 28737, "\u0120lime": 28738, "\u0120confinement": 28739, "\u0120calorie": 28740, "weapon": 28741, "\u0120differing": 28742, "\u0120Sina": 28743, "mys": 28744, "amd": 28745, "\u0120intricate": 28746, "kk": 28747, "\u0120PAT": 28748, "\u00c3\u00a3o": 28749, "stones": 28750, "links": 28751, "\u0120ranch": 28752, "Semitic": 28753, "\u0120differentiate": 28754, "\u0120Singer": 28755, "occupied": 28756, "\u0120fortress": 28757, "cmd": 28758, "\u0120interception": 28759, "\u0120Ankara": 28760, "\u0120rept": 28761, "\u0120Solitaire": 28762, "\u0120remake": 28763, "pred": 28764, "\u0120dared": 28765, "autions": 28766, "\u0120BACK": 28767, "Running": 28768, "\u0120debugging": 28769, "\u0120graphs": 28770, "399": 28771, "\u0120Nigel": 28772, "\u0120bun": 28773, "\u0120pillow": 28774, "\u0120progressed": 28775, "fashioned": 28776, "\u0120obedience": 28777, "ERN": 28778, "\u0120rehears": 28779, "Cell": 28780, "tl": 28781, "Sher": 28782, "\u0120herald": 28783, "\u0120Payment": 28784, "\u0120Cory": 28785, "\u0120Dept": 28786, "\u0120repent": 28787, "\u0120Weak": 28788, "uckland": 28789, "\u0120pleasing": 28790, "\u0120shortages": 28791, "\u0120jurors": 28792, "\u0120Kab": 28793, "qqa": 28794, "Anti": 28795, "\u0120wow": 28796, "\u0120RCMP": 28797, "\u0120tsun": 28798, "\u0120Sic": 28799, "\u0120comprises": 28800, "\u0120spies": 28801, "\u0120precinct": 28802, "nu": 28803, "\u0120urges": 28804, "\u0120timed": 28805, "\u0120stripes": 28806, "\u0120Boots": 28807, "\u0120yen": 28808, "Advanced": 28809, "\u0120discrete": 28810, "\u0120Archangel": 28811, "employment": 28812, "Diff": 28813, "\u0120monuments": 28814, "\u0120209": 28815, "worker": 28816, "\u0120196": 28817, "\u0120Ig": 28818, "utterstock": 28819, "TPS": 28820, "Jac": 28821, "\u0120homelessness": 28822, "\u0120commentator": 28823, "\u0120racially": 28824, "fing": 28825, "seed": 28826, "Ele": 28827, "ellation": 28828, "\u0120ethanol": 28829, "\u0120parish": 28830, "\u0120Dong": 28831, "\u0120Awakening": 28832, "\u0120deviation": 28833, "\u0120Bearing": 28834, "\u0120Tsuk": 28835, "\u0120recess": 28836, "\u0120lymph": 28837, "\u0120Cannabis": 28838, "\u00e5\u013e": 28839, "\u0120NEWS": 28840, "\u0120dra": 28841, "\u0120Stefan": 28842, "\u0120Wrong": 28843, "\u0120SAM": 28844, "\u0120loosely": 28845, "\u0120interpreter": 28846, "\u0120Plain": 28847, "Government": 28848, "\u0120bigotry": 28849, "\u0120grenades": 28850, "avez": 28851, "pictured": 28852, "\u0120mandated": 28853, "\u0120Monk": 28854, "\u0120Pedro": 28855, "\u0120lava": 28856, "274": 28857, "\u0120cynical": 28858, "\u0120Scrolls": 28859, "locks": 28860, "Mp": 28861, "\u0120congregation": 28862, "ornings": 28863, "phil": 28864, "\u0120Ibid": 28865, "\u0120ferv": 28866, "\u0120disappearing": 28867, "\u0120arrogant": 28868, "syn": 28869, "\u0120Maver": 28870, "\u0120Suit": 28871, "241": 28872, "\u0120abbre": 28873, "ackers": 28874, "Pa": 28875, "\u0120Yel": 28876, "Whenever": 28877, "\u0120235": 28878, "\u0120Vine": 28879, "\u0120Anat": 28880, "\u0120extinct": 28881, "LET": 28882, "\u0120executable": 28883, "VERS": 28884, "oxide": 28885, "DNA": 28886, "\u0120Prel": 28887, "\u0120resentment": 28888, "\u0120comprise": 28889, "\u0120Aviv": 28890, "\u0120interceptions": 28891, "\u0120prolific": 28892, "INA": 28893, "\u0120Erin": 28894, "thought": 28895, "219": 28896, "\u0120Psychiatry": 28897, "unky": 28898, "chemist": 28899, "Ho": 28900, "\u0120McCoy": 28901, "\u0120bricks": 28902, "Los": 28903, "rily": 28904, "\u0120USSR": 28905, "\u0120rud": 28906, "\u0120laud": 28907, "\u0120Wise": 28908, "\u0120Emerald": 28909, "\u0120revived": 28910, "\u0120damned": 28911, "\u0120Repair": 28912, "idem": 28913, "ctica": 28914, "\u0120patriarch": 28915, "\u0120Nurs": 28916, "meg": 28917, "\u0120cheapest": 28918, "reements": 28919, "empty": 28920, "\u0120Celebr": 28921, "\u0120deprivation": 28922, "chanted": 28923, "\u0120Thumbnails": 28924, "Energy": 28925, "\u0120Ethan": 28926, "\u0120Qing": 28927, "\u0120opposes": 28928, "WIND": 28929, "vik": 28930, "\u0120Mau": 28931, "\u0120SUB": 28932, "667": 28933, "GRE": 28934, "\u0120Volunte": 28935, "nton": 28936, "Cook": 28937, "\u00e5\u0132": 28938, "esque": 28939, "\u0120plummet": 28940, "\u0120suing": 28941, "\u0120pronounce": 28942, "\u0120resisting": 28943, "\u0120Fishing": 28944, "\u0120Trials": 28945, "\u0120yell": 28946, "\u0120310": 28947, "\u0120induct": 28948, "\u0120personalized": 28949, "often": 28950, "Reb": 28951, "EMBER": 28952, "\u0120viewpoint": 28953, "\u0120existential": 28954, "())": 28955, "remove": 28956, "MENTS": 28957, "lasses": 28958, "\u0120evapor": 28959, "\u0120aisle": 28960, "meta": 28961, "\u0120reflective": 28962, "\u0120entitlement": 28963, "\u0120devised": 28964, "music": 28965, "ascade": 28966, "\u0120winding": 28967, "offset": 28968, "\u0120accessibility": 28969, "kered": 28970, "Better": 28971, "\u0120Johnston": 28972, "thinking": 28973, "Snow": 28974, "\u0120Croatia": 28975, "\u0120Atomic": 28976, "271": 28977, "348": 28978, "\u0120textbook": 28979, "\u0120Sixth": 28980, "\u0120\u00d8\u00a7\u00d9\u0126": 28981, "\u0120slider": 28982, "\u0120Burger": 28983, "bol": 28984, "Sync": 28985, "\u0120grandchildren": 28986, "\u0120cerv": 28987, "+)": 28988, "\u0120eternity": 28989, "\u0120tweeting": 28990, "\u0120speculative": 28991, "\u0120pivotal": 28992, "\u0120WP": 28993, "\u0120TER": 28994, "ynamic": 28995, "\u0120upl": 28996, "\u0120Cats": 28997, "perhaps": 28998, "\u0120classmates": 28999, "\u0120blatant": 29000, "'-": 29001, "\u0120lakh": 29002, "antine": 29003, "\u0120Borg": 29004, "iom": 29005, "/(": 29006, "\u0120Athletic": 29007, "\u0120sar": 29008, "OTA": 29009, "\u0120Hoffman": 29010, "Nevertheless": 29011, "\u0120adorable": 29012, "\u0120spawned": 29013, "Associated": 29014, "\u0120Domestic": 29015, "\u0120implant": 29016, "\u0120Luxem": 29017, "\u0120Kens": 29018, "\u0120pumps": 29019, "\u0120SAT": 29020, "Attributes": 29021, "509": 29022, "avour": 29023, "\u0120centralized": 29024, "\u0120TN": 29025, "\u0120freshly": 29026, "\u0120Achieve": 29027, "\u0120outsiders": 29028, "herty": 29029, "\u0120Ree": 29030, "\u0120Towers": 29031, "\u0120Dart": 29032, "akable": 29033, "\u0120mp": 29034, "\u0120Heavenly": 29035, "\u0120ripe": 29036, "\u0120Caroline": 29037, "ryan": 29038, "\u0120classics": 29039, "\u0120retiring": 29040, "\u0120228": 29041, "\u0120ah": 29042, "\u0120dealings": 29043, "\u0120punching": 29044, "\u0120Chapman": 29045, "Options": 29046, "maxwell": 29047, "volume": 29048, "\u0120stal": 29049, "\u0120exported": 29050, "\u0120Quite": 29051, "\u0120numerical": 29052, "Burn": 29053, "Fact": 29054, "\u0120Keystone": 29055, "\u0120trending": 29056, "\u0120altering": 29057, "\u0120Africans": 29058, "478": 29059, "\u0120MN": 29060, "\u0120Knock": 29061, "\u0120temptation": 29062, "\u0120prestige": 29063, "Overview": 29064, "\u0120Traditional": 29065, "\u0120Bahrain": 29066, "Private": 29067, "\u0120HOU": 29068, "\u0120barr": 29069, "\u0120Tat": 29070, "Cube": 29071, "USD": 29072, "\u0120Grande": 29073, "\u0120Gat": 29074, "\u0120Flo": 29075, "\u0120resides": 29076, "\u0120indec": 29077, "volent": 29078, "\u0120perpetual": 29079, "ubes": 29080, "\u0120worldview": 29081, "\u0120Quantum": 29082, "\u0120filtered": 29083, "\u0120ensu": 29084, "orgetown": 29085, "ERSON": 29086, "\u0120Mild": 29087, "379": 29088, "OTT": 29089, "\u00c3\u00a5": 29090, "\u0120vitamins": 29091, "\u0120ribbon": 29092, "\u0120sincerely": 29093, "\u0120Hin": 29094, "\u0120eighteen": 29095, "\u0120contradictory": 29096, "\u0120glaring": 29097, "\u0120expectancy": 29098, "\u0120conspir": 29099, "\u0120monstrous": 29100, "\u0120380": 29101, "reci": 29102, "\u0120handic": 29103, "\u0120pumped": 29104, "\u0120indicative": 29105, "\u0120rapp": 29106, "\u0120avail": 29107, "\u0120LEGO": 29108, "\u0120Marijuana": 29109, "1985": 29110, "erton": 29111, "\u0120twentieth": 29112, "################################": 29113, "\u0120Swamp": 29114, "\u0120valuation": 29115, "\u0120affiliates": 29116, "adjusted": 29117, "\u0120Facility": 29118, "262": 29119, "\u0120enzymes": 29120, "itudinal": 29121, "\u0120imprint": 29122, "Site": 29123, "\u0120installer": 29124, "\u0120TRA": 29125, "mology": 29126, "linear": 29127, "\u0120Collective": 29128, "igating": 29129, "\u0120Token": 29130, "\u0120speculated": 29131, "KN": 29132, "\u0120Cly": 29133, "ority": 29134, "\u0120defer": 29135, "\u0120inspectors": 29136, "approved": 29137, "RM": 29138, "\u0120Suns": 29139, "\u0120informing": 29140, "\u0120Syracuse": 29141, "ibli": 29142, "765": 29143, "\u0120glove": 29144, "\u0120authorize": 29145, "\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6": 29146, "\u0120Cruise": 29147, "\u0120contracting": 29148, "shell": 29149, "IFE": 29150, "\u0120Jewel": 29151, "pract": 29152, "\u0120Photoshop": 29153, "\u0120Knowing": 29154, "harm": 29155, "\u0120attractions": 29156, "adan": 29157, "etus": 29158, "018": 29159, "wagen": 29160, "Alt": 29161, "\u0120multiply": 29162, "\u0120equilibrium": 29163, ":{": 29164, "\u0120Fighters": 29165, "\u0120Edgar": 29166, "\u0120fourteen": 29167, "Govern": 29168, "\u0120misuse": 29169, "\u0120abusing": 29170, "\u0120ancestry": 29171, "ramer": 29172, "644": 29173, "\u0120worms": 29174, "\u0120thicker": 29175, "\u0120Combine": 29176, "\u0120peasants": 29177, "\u0120vind": 29178, "\u0120conquest": 29179, "\u0120mocked": 29180, "\u0120cinnamon": 29181, "\u0120Cald": 29182, "\u0120Gallup": 29183, "\u0120avoidance": 29184, "\u0120incarnation": 29185, "\u0120Strat": 29186, "\u0120tasted": 29187, "enta": 29188, "\u0120Neal": 29189, "pared": 29190, "\u0120terminology": 29191, "jection": 29192, "Scientists": 29193, "\u0120INS": 29194, "\u0120Dee": 29195, "\u0120directories": 29196, "Road": 29197, "\u0120Shap": 29198, "bright": 29199, "\u0120Directors": 29200, "\u0120Column": 29201, "\u0120bob": 29202, "\u0120preferably": 29203, "\u0120glitch": 29204, "furt": 29205, "\u0120eg": 29206, "idis": 29207, "CBC": 29208, "\u0120surrendered": 29209, "\u0120testament": 29210, "336": 29211, "uggest": 29212, "\u0120Nil": 29213, "another": 29214, "\u0120pathetic": 29215, "\u0120Donna": 29216, "\u0120218": 29217, "\u0120Avery": 29218, "\u0120whiskey": 29219, "\u0120fixture": 29220, "\u0120Conquest": 29221, "\u0120bets": 29222, "Occ": 29223, "\u0120Leicester": 29224, "].\"": 29225, "\u0120));": 29226, "\u0120flashes": 29227, "456": 29228, "\u0120masked": 29229, "gebra": 29230, "\u0120computed": 29231, "chel": 29232, "auder": 29233, "\u0120defeats": 29234, "\u0120Liberation": 29235, "\u0120Osama": 29236, "\u0120Vive": 29237, "Changes": 29238, "Channel": 29239, "\u0120tariffs": 29240, "\u0120mage": 29241, "\u0120Sax": 29242, "\u0120inadvertently": 29243, "\u0120CRE": 29244, "\u0120Reaper": 29245, "inky": 29246, "grading": 29247, "\u0120stereotyp": 29248, "\u0120curl": 29249, "\u0120FANT": 29250, "\u0120frameworks": 29251, "Mom": 29252, "\u0120Anch": 29253, "\u0120flavour": 29254, "carbon": 29255, "\u0120permitting": 29256, "letcher": 29257, "\u0120Mozilla": 29258, "\u0120Parking": 29259, "\u0120Champ": 29260, "Scroll": 29261, "\u0120murderer": 29262, "\u0120rested": 29263, "\u0120owes": 29264, "\u0120Poss": 29265, "ADD": 29266, "IFF": 29267, "resolution": 29268, "\u0120Mining": 29269, "\u0120comparative": 29270, "Dim": 29271, "\u0120neighbouring": 29272, "\u0120AST": 29273, "\u0120Toxic": 29274, "\u0120biases": 29275, "\u0120gunfire": 29276, "urous": 29277, "\u0120Moment": 29278, "1983": 29279, "\u0120pervasive": 29280, "ttp": 29281, "\u0120Normally": 29282, "rir": 29283, "Sarah": 29284, "\u0120Albany": 29285, "\u0120unsett": 29286, "\u0120SMS": 29287, "ipers": 29288, "layer": 29289, "\u0120Whites": 29290, "uple": 29291, "\u0120turbo": 29292, "\u0120Leeds": 29293, "\u0120thats": 29294, "\u0120Miner": 29295, "MER": 29296, "\u0120Reign": 29297, "\u0120perme": 29298, "\u0120Blitz": 29299, "\u01201934": 29300, "\u0120intimidating": 29301, "tube": 29302, "\u0120eccentric": 29303, "abolic": 29304, "boxes": 29305, "\u0120Associates": 29306, "votes": 29307, "\u0120simulate": 29308, "umbo": 29309, "astery": 29310, "\u0120shipments": 29311, "FFFF": 29312, "anth": 29313, "\u0120seasoned": 29314, "\u0120experimentation": 29315, "\u00e2\u0138\u0142": 29316, "laws": 29317, "Meet": 29318, "iddles": 29319, "antics": 29320, "Rating": 29321, "ISIS": 29322, "hift": 29323, "\u0120fronts": 29324, "buf": 29325, "017": 29326, "\u0120unatt": 29327, "\u0120Dil": 29328, "leases": 29329, "\u0120Gardens": 29330, "777": 29331, "touch": 29332, "vell": 29333, "458": 29334, "\u0120=====": 29335, "saving": 29336, "\u0120erosion": 29337, "\u0120Quin": 29338, "\u0120earns": 29339, "\u0120accomplishment": 29340, "\u0120Wei": 29341, "\u0120<[": 29342, "_____": 29343, "\u0120irrig": 29344, "\u0120Teddy": 29345, "\u0120conquered": 29346, "\u0120Armored": 29347, "\u0120asserts": 29348, "\u0120manipulating": 29349, "r\u00c3\u00a9": 29350, "\u0120transcripts": 29351, "Gallery": 29352, "\u0120plotting": 29353, "Neil": 29354, "\u0120betrayal": 29355, "loader": 29356, "\u0120Sul": 29357, "\u0120displacement": 29358, "\u0120royalty": 29359, "\u0120WI": 29360, "heit": 29361, "\u0120Devices": 29362, "allel": 29363, "\u0120municipalities": 29364, "\u0120canal": 29365, "Stars": 29366, "\u0120UAE": 29367, "\u0120\"\u00e2\u0122\u00a6": 29368, "\u0120CU": 29369, "above": 29370, "\u0120resonance": 29371, "\u0120guiActiveUn": 29372, "added": 29373, "\u0120Braves": 29374, "\u0120Ibn": 29375, "\u0120hereby": 29376, "\u0120BRE": 29377, "\u0120shareholder": 29378, "\u0120Hir": 29379, "\u0120Ji": 29380, "\u0120strangely": 29381, "\u0120admired": 29382, "\u0120plight": 29383, "\u0120bachelor": 29384, "\u0120Pole": 29385, "ciplinary": 29386, "Tony": 29387, "\u0120Armenian": 29388, "\u0120unman": 29389, "\u0120Zionist": 29390, "Stage": 29391, "iscover": 29392, "\u0120automotive": 29393, "\u0120sidelines": 29394, "\u0120slick": 29395, "\u0120Renaissance": 29396, "\u0120FUN": 29397, "Images": 29398, "\u0120Haj": 29399, "\u0120ping": 29400, "\u0120shortcut": 29401, "\u0120Blvd": 29402, "\u0120Looks": 29403, "\u0120bursts": 29404, "\u0120clamp": 29405, "\u0120mish": 29406, "\u0120sorting": 29407, "\u0120patriot": 29408, "\u0120correctness": 29409, "\u0120Scandinav": 29410, "\u0120Cavaliers": 29411, "python": 29412, "azar": 29413, "\u0120375": 29414, "\u0120Jaune": 29415, "409": 29416, "\u0120detrimental": 29417, "\u0120stabbing": 29418, "\u0120poisoned": 29419, "\u0120fountain": 29420, "ocent": 29421, "orst": 29422, "\u0120Mari": 29423, "\u0120rains": 29424, "\u0120Overs": 29425, "\u0120Institution": 29426, "udget": 29427, "AMY": 29428, "tale": 29429, "\u0120KR": 29430, "\u0120Prices": 29431, "\u0120headaches": 29432, "\u0120landsl": 29433, "\u0120Aura": 29434, "Bonus": 29435, "\u0120Zhao": 29436, "\u0120Hip": 29437, "\u0120hops": 29438, "\u0120Kurdistan": 29439, "\u0120exploiting": 29440, "ryn": 29441, "\u0120hypocrisy": 29442, "opening": 29443, "\u0120gunshot": 29444, "\u0120wed": 29445, "interstitial": 29446, "Interstitial": 29447, "\u0120amen": 29448, "Breaking": 29449, "\u0120marketed": 29450, "Wire": 29451, "\u0120Crowd": 29452, "Continue": 29453, "\u0120Known": 29454, "\u0120Effective": 29455, "orean": 29456, "izons": 29457, "Joseph": 29458, "\u0120escalation": 29459, "username": 29460, "\u0120curtain": 29461, "ATES": 29462, "\u0120PAR": 29463, "\u0120Miy": 29464, "\u0120counterfe": 29465, "lene": 29466, "\u0120contenders": 29467, "daily": 29468, "\u0120Asc": 29469, "\u0120Phillip": 29470, "mostly": 29471, "\u0120filename": 29472, "hene": 29473, "\u0120resembling": 29474, "\u0120staging": 29475, "\u0120Chloe": 29476, "\u0120wiring": 29477, "Hon": 29478, "\u0120Renew": 29479, "ottage": 29480, "\u0120Hybrid": 29481, "much": 29482, "\u0120strokes": 29483, "\u0120policymakers": 29484, "APTER": 29485, "\u0120Arkham": 29486, "plot": 29487, "\u0120assistants": 29488, "\u0120deport": 29489, "\u0120Sega": 29490, "\u0120influenza": 29491, "\u0120Cursed": 29492, "\u0120Kobe": 29493, "\u0120skinny": 29494, "Provider": 29495, "\u0120Rip": 29496, "\u0120incremental": 29497, "products": 29498, "BF": 29499, "\u0120dome": 29500, "\u0120Credits": 29501, "\u0120losers": 29502, "ints": 29503, "\u0120Betty": 29504, "\u0120Talent": 29505, "\u0120DAM": 29506, "Lv": 29507, "Ess": 29508, "\u0120dens": 29509, "temp": 29510, "Judge": 29511, "odic": 29512, "\u0120'(": 29513, "URES": 29514, "etsk": 29515, "VO": 29516, "\u0120retrieved": 29517, "\u0120architects": 29518, "\u00d9\u0129": 29519, "\u0120ethic": 29520, "\u0120Secondary": 29521, "stocks": 29522, "adia": 29523, "\u0120325": 29524, "\u0120Opinion": 29525, "\u0120simultaneous": 29526, "\u0120dizz": 29527, "ulp": 29528, "\u0120smuggling": 29529, "ippery": 29530, "Random": 29531, "facing": 29532, "\u0120Das": 29533, "\u0120stockp": 29534, "\u0120disclosures": 29535, "pointer": 29536, "\u0120coral": 29537, "\u0120Selection": 29538, "\u0120Pike": 29539, "ivalent": 29540, "\u0120ruthless": 29541, "\u0120Rim": 29542, "\u0120ensuing": 29543, "\u0120Experiment": 29544, "\u0120congressman": 29545, "\u0120believer": 29546, "\u0120unspecified": 29547, "\u0120Mord": 29548, "\u0120knowledgeable": 29549, "\u0120VERY": 29550, "TX": 29551, "\u0120straps": 29552, "\u0120turf": 29553, "apeshifter": 29554, "\u0120marital": 29555, "\u0120flock": 29556, "\u00e3\u0123\u0128": 29557, "263": 29558, "AMES": 29559, "\u0120Opposition": 29560, "\u0120treasures": 29561, "\u0120GOD": 29562, "\u0120modeled": 29563, "\u0120WORLD": 29564, "\u0120([": 29565, "\u0120Usage": 29566, "HF": 29567, "\u0120$(": 29568, "ussed": 29569, "\u0120pioneer": 29570, "Eight": 29571, "parse": 29572, "bread": 29573, "ritz": 29574, "\u0120Miranda": 29575, "\u0120Kant": 29576, "++)": 29577, "oren": 29578, "\u0120provoked": 29579, "\u0120breeds": 29580, "\u0120Includes": 29581, "\u0120Pastebin": 29582, "\u0120Flip": 29583, "Java": 29584, "\u0120brink": 29585, "\u0120rumored": 29586, "\u0120unseen": 29587, "\u0120garnered": 29588, "\u0120Defin": 29589, "alted": 29590, "\u0120tattoos": 29591, "\u0120hesitation": 29592, "isitions": 29593, "\u0120Weaver": 29594, "\u0120Reporting": 29595, "\u0120therapies": 29596, "\u0120consultants": 29597, "\u0120residual": 29598, "\u0120Mali": 29599, "\u0120Roma": 29600, "iago": 29601, "\u0120Residents": 29602, "ubi": 29603, "\u0120remedies": 29604, "\u0120adaptive": 29605, "\u0120Alive": 29606, "\u0120Barcl": 29607, "\u0120wallets": 29608, "crypt": 29609, "etermination": 29610, "\u0120Pelosi": 29611, "\u0120slipping": 29612, "otonin": 29613, "\u0120alliances": 29614, "patrick": 29615, "iris": 29616, "\u0120orth": 29617, "\u0120Perkins": 29618, "\u0120DeV": 29619, "\u0120Gets": 29620, "\u0120drying": 29621, "gee": 29622, "forest": 29623, "\u0120Forget": 29624, "orem": 29625, "339": 29626, "\u0120vaguely": 29627, "\u0120Dion": 29628, "\u0120Porn": 29629, "\u0120HOW": 29630, "\u0120pneum": 29631, "\u0120rubble": 29632, "\u0120Taste": 29633, "encia": 29634, "\u0120Gel": 29635, "\u0120dst": 29636, "\u0120245": 29637, "\u0120Morocco": 29638, "inflamm": 29639, "\u0120Twins": 29640, "\u0120bots": 29641, "daughter": 29642, "\u0120Balk": 29643, "\u0120brethren": 29644, "\u0120logos": 29645, "\u0120gobl": 29646, "fps": 29647, "\u0120subdivision": 29648, "\u0120pawn": 29649, "\u0120squeezed": 29650, "\u0120morale": 29651, "\u0120DW": 29652, "'\"": 29653, "\u0120knot": 29654, "ooky": 29655, "\u0120divisive": 29656, "\u0120boosted": 29657, "chy": 29658, "\u00e3\u0125\u0132": 29659, "ifact": 29660, "\u0120newcomers": 29661, "\u0120Wrestling": 29662, "\u0120scouts": 29663, "wolves": 29664, "Rat": 29665, "\u0120nineteenth": 29666, "\u0120Osborne": 29667, "Stats": 29668, "\u0120empowered": 29669, "\u0120psychopath": 29670, "\u0120OEM": 29671, "uggage": 29672, "\u0120PK": 29673, "\u0120Mohammad": 29674, "Pak": 29675, "\u0120anarchists": 29676, "\u0120Extract": 29677, "esthes": 29678, "\u0120Stockholm": 29679, "loo": 29680, "\u0120Graph": 29681, "\u0120deploying": 29682, "\u0120Stranger": 29683, "\u0120Mold": 29684, "\u0120staffer": 29685, "\u0120discounted": 29686, "uckle": 29687, "please": 29688, "\u0120Landing": 29689, "\u00c3\u0143a": 29690, "\u0120193": 29691, "\u0120ante": 29692, "\u0120repetition": 29693, "\u0120+/-": 29694, "\u0120parody": 29695, "\u0120lively": 29696, "AAA": 29697, "\u0120Horus": 29698, "\u0120pits": 29699, "inders": 29700, "LOC": 29701, "\u0120Venice": 29702, "406": 29703, "\u0120Discover": 29704, "\u00e2\u0128": 29705, "ellectual": 29706, "\u0120pens": 29707, "\u0120eyel": 29708, "iguous": 29709, "Impl": 29710, "\u0120joking": 29711, "\u0120inval": 29712, "\u0120Belfast": 29713, "\u0120creditors": 29714, "\u0120Skywalker": 29715, "ovsky": 29716, "\u0120ceasefire": 29717, "\u0120seals": 29718, "isoft": 29719, ")).": 29720, "\u0120Felix": 29721, "ITS": 29722, "\u0120tresp": 29723, "\u0120Blockchain": 29724, "eware": 29725, "\u0120Schwar": 29726, "enne": 29727, "mounted": 29728, "\u0120Beacon": 29729, "lesh": 29730, "\u0120immensely": 29731, "\u0120cheering": 29732, "Employ": 29733, "scene": 29734, "ishly": 29735, "atchewan": 29736, "\u0120Nicolas": 29737, "\u0120drained": 29738, "\u0120Exit": 29739, "\u0120Azerb": 29740, "jun": 29741, "\u0120floated": 29742, "uania": 29743, "Deep": 29744, "\u0120superv": 29745, "\u0120mystical": 29746, "\u0120Dollar": 29747, "\u0120Apostle": 29748, "\u0120REL": 29749, "\u0120Provided": 29750, "\u0120Bucks": 29751, "\u00e3\u0125\u00b4": 29752, "cutting": 29753, "\u0120enhancements": 29754, "\u0120Penguins": 29755, "\u0120Isaiah": 29756, "\u0120jerk": 29757, "\u0120Wyn": 29758, "\u0120stalled": 29759, "\u0120cryptocurrencies": 29760, "\u0120Roland": 29761, "single": 29762, "\u0120lumin": 29763, "\u0120Fellow": 29764, "\u0120Capacity": 29765, "\u0120Kazakh": 29766, "WN": 29767, "\u0120financed": 29768, "389": 29769, "\u0120tid": 29770, "\u0120collusion": 29771, "\u0120Myr": 29772, "\u00ee\u0122": 29773, "Senator": 29774, "\u0120pediatric": 29775, "\u0120neatly": 29776, "\u0120sandwiches": 29777, "\u0120Architecture": 29778, "\u0120tucked": 29779, "\u0120balcony": 29780, "\u0120earthquakes": 29781, "quire": 29782, "Future": 29783, "\u0120hefty": 29784, "\u00e9\u0139": 29785, "\u0120specializes": 29786, "\u0120stresses": 29787, "\u0120sender": 29788, "\u0120misunderstanding": 29789, "\u0120epile": 29790, "\u0120provoke": 29791, "\u0120Colors": 29792, "\u0120dismay": 29793, "uko": 29794, "[_": 29795, "586": 29796, "neutral": 29797, "\u0120donating": 29798, "\u0120Randall": 29799, "Multi": 29800, "\u0120conveniently": 29801, "\u0120Sung": 29802, "\u0120Coca": 29803, "\u0120tents": 29804, "\u0120Acceler": 29805, "\u0120partnered": 29806, "272": 29807, "irming": 29808, "\u0120BAS": 29809, "sometimes": 29810, "\u0120objected": 29811, "ubric": 29812, "posed": 29813, "LCS": 29814, "grass": 29815, "\u0120attributable": 29816, "VIS": 29817, "Israeli": 29818, "\u0120repeats": 29819, "\u0120RM": 29820, "vag": 29821, "uta": 29822, "inous": 29823, "\u0120inert": 29824, "\u0120Miguel": 29825, "\u00e6\u0143": 29826, "\u0120Hawaiian": 29827, "Board": 29828, "\u0120artific": 29829, "\u0120Azerbai": 29830, "asio": 29831, "\u0120Rent": 29832, "AIN": 29833, "\u0120appliances": 29834, "\u0120nationality": 29835, "\u0120asshole": 29836, "\u0120Neb": 29837, "\u0120notch": 29838, "hani": 29839, "\u0120Bride": 29840, "Availability": 29841, "\u0120intercepted": 29842, "\u0120continental": 29843, "\u0120swelling": 29844, "\u0120Perspect": 29845, "bies": 29846, ".<": 29847, "ithmetic": 29848, "\u0120Lara": 29849, "\u0120tempting": 29850, "addr": 29851, "\u0120overseeing": 29852, "clad": 29853, "\u0120DV": 29854, "\u0120Gingrich": 29855, "\u0120mun": 29856, "\u0120Appropri": 29857, "\u0120alterations": 29858, "\u0120Patreon": 29859, "\u0120havoc": 29860, "\u0120disciplines": 29861, "\u0120notoriously": 29862, "akuya": 29863, "ieri": 29864, "?).": 29865, "\u0120Went": 29866, "\u0120silicon": 29867, "\u0120tremb": 29868, "Container": 29869, "Known": 29870, "\u0120mortar": 29871, "este": 29872, "icka": 29873, "Arthur": 29874, "\u0120Previously": 29875, "\u0120Marty": 29876, "\u0120sparse": 29877, "gins": 29878, "\u0120inward": 29879, "\u0120Participant": 29880, "Copy": 29881, "\u0120Misc": 29882, "\u0120antibiotic": 29883, "\u0120Retro": 29884, "\u0120elusive": 29885, "\u0120assail": 29886, "\u0120Battalion": 29887, "\u0120Bought": 29888, "\u0120diminish": 29889, "\u0120Europa": 29890, "session": 29891, "\u0120Dangerous": 29892, "iesel": 29893, "\u0120disbelief": 29894, "\u0120blasts": 29895, "extreme": 29896, "\u0120Boyd": 29897, "\u0120Projects": 29898, "\u0120Guys": 29899, "\u0120undergone": 29900, "\u0120grill": 29901, "\u0120Dwight": 29902, "\u0120197": 29903, "USER": 29904, "\u0120filesystem": 29905, "\u0120clocks": 29906, "Taylor": 29907, "\u0120wrapper": 29908, "\u0120folding": 29909, "ousand": 29910, "\u0120Philippine": 29911, "ATIONAL": 29912, "\u0120Perth": 29913, "\u0120ashes": 29914, "\u0120accumulate": 29915, "\u0120Gateway": 29916, "Shop": 29917, "orkshire": 29918, "Han": 29919, "\u0120Barrel": 29920, "\u0120Leh": 29921, "\u0120XV": 29922, "\u0120whim": 29923, "\u0120repo": 29924, "\u0120CG": 29925, "\u0120Mam": 29926, "\u0120incorporating": 29927, "\u0120bailout": 29928, "\u0120linguistic": 29929, "\u0120disinteg": 29930, "CLE": 29931, "\u0120cinematic": 29932, "\u0120Fiber": 29933, "Syn": 29934, "ilion": 29935, "\u0120Compos": 29936, "chens": 29937, "\u0120neoc": 29938, "\u0120boiled": 29939, "FINE": 29940, "ono": 29941, "uncle": 29942, "iken": 29943, "\u0120BM": 29944, "\u00ce\u00b9": 29945, "\u0120receipts": 29946, "\u0120disposed": 29947, "\u0120Thirty": 29948, "\u0120Rough": 29949, "\u0120ABS": 29950, "\u0120notwithstanding": 29951, "ollen": 29952, "#$": 29953, "\u0120unreliable": 29954, "\u0120bloom": 29955, "\u0120mediocre": 29956, "\u0120tram": 29957, "\u0120Tasman": 29958, "\u0120shakes": 29959, "\u0120manifesto": 29960, "\u0120MW": 29961, "\u0120satisfactory": 29962, "\u0120shores": 29963, "\u0120computation": 29964, "\u0120assertions": 29965, "ormons": 29966, "arag": 29967, "abit": 29968, "Democrats": 29969, "\u0120Loot": 29970, "\u0120Volks": 29971, "haired": 29972, "\u0120gravitational": 29973, "Sing": 29974, "\u0120Miz": 29975, "\u0120throttle": 29976, "\u0120tyranny": 29977, "\u0120Views": 29978, "\u0120robber": 29979, "\u0120Minority": 29980, "\u0120shrine": 29981, "scope": 29982, "purpose": 29983, "\u0120nucleus": 29984, "ourcing": 29985, "\u0120USDA": 29986, "\u0120DHS": 29987, "wra": 29988, "\u0120Bowie": 29989, "Scale": 29990, "\u0120BEL": 29991, "xi": 29992, "Iter": 29993, "\u0120(),": 29994, "wright": 29995, "\u0120sailors": 29996, "oused": 29997, "NASA": 29998, "\u0120Proof": 29999, "\u0120Mineral": 30000, "token": 30001, "\u0120FD": 30002, "Rew": 30003, "\u0120ell": 30004, "630": 30005, "\u0120chancellor": 30006, "\u0120Gos": 30007, "\u0120amounted": 30008, "\u0120Recre": 30009, "omez": 30010, "\u0120Optim": 30011, "\u0120Olive": 30012, "\u0120tracker": 30013, "owler": 30014, "\u0120Unique": 30015, "Root": 30016, "\u0120maritime": 30017, "\u0120Quran": 30018, "\u0120Adapt": 30019, "\u0120ecosystems": 30020, "\u0120Repeat": 30021, "\u0120Soy": 30022, "\u0120IMP": 30023, "\u0120graduating": 30024, "andem": 30025, "Pur": 30026, "\u0120Reset": 30027, "\u0120Trick": 30028, "\u0120Philly": 30029, "\u0120Tue": 30030, "\u0120Malaysian": 30031, "\u0120climax": 30032, "\u0120bury": 30033, "\u0120conspic": 30034, "\u0120Southampton": 30035, "\u0120Flowers": 30036, "\u0120escorted": 30037, "\u0120Educational": 30038, "\u0120IRC": 30039, "\u0120brutally": 30040, "eating": 30041, "\u0120pillar": 30042, "\u0120Sang": 30043, "\u0120Jude": 30044, "arling": 30045, "\u0120Amnesty": 30046, "\u0120reminding": 30047, "\u0120Administrative": 30048, "hesda": 30049, "\u0120flashed": 30050, "\u0120PBS": 30051, "perate": 30052, "feature": 30053, "\u0120swipe": 30054, "\u0120graves": 30055, "oultry": 30056, "261": 30057, "breaks": 30058, "\u0120Guer": 30059, "\u0120shrimp": 30060, "\u0120Voting": 30061, "quist": 30062, "\u0120analytical": 30063, "\u0120tablespoons": 30064, "\u0120SOU": 30065, "\u0120researched": 30066, "\u0120disrupted": 30067, "\u0120jour": 30068, "\u0120replica": 30069, "\u0120cartoons": 30070, "bians": 30071, "})": 30072, "copy": 30073, "Got": 30074, "ouched": 30075, "PUT": 30076, "\u0120swarm": 30077, "notations": 30078, "said": 30079, "\u0120rebuilt": 30080, "\u0120collaborate": 30081, "\u0120raging": 30082, "\u0120nar": 30083, "\u0120demographics": 30084, "\u0120DDR": 30085, "\u0120distrust": 30086, "ossier": 30087, "\u0120Kro": 30088, "\u0120pumpkin": 30089, "\u0120regrets": 30090, "\u0120fatalities": 30091, "\u0120Lens": 30092, "\u0120Ole": 30093, "pd": 30094, "\u0120puppet": 30095, "\u0120Outlook": 30096, "\u0120Stam": 30097, "Ol": 30098, "Fair": 30099, "UU": 30100, "\u0120rewritten": 30101, "\u00c4\u00b1": 30102, "\u0120fascinated": 30103, "\u0120vectors": 30104, "\u0120tribunal": 30105, "uay": 30106, "\u0120Mats": 30107, "\u0120Coins": 30108, "[[": 30109, "\u0120181": 30110, "\u0120renders": 30111, "\u0120Kaepernick": 30112, "\u0120espionage": 30113, "\u0120summ": 30114, "\u0120ditch": 30115, "Account": 30116, "\u0120spreadsheet": 30117, "\u0120mutant": 30118, "past": 30119, "407": 30120, "\u0120dye": 30121, "\u0120initiation": 30122, "\u01204000": 30123, "\u0120punishable": 30124, "\u0120thinner": 30125, "\u0120Khal": 30126, "\u0120intermedi": 30127, "Dun": 30128, "\u0120Gotham": 30129, "\u0120eagerly": 30130, "\u0120vaginal": 30131, "powers": 30132, "VW": 30133, "\u0120WATCHED": 30134, "\u0120predator": 30135, "amsung": 30136, "\u0120disparity": 30137, "\u0120[*": 30138, "\u0120amph": 30139, "\u0120outskirts": 30140, "\u0120Spirits": 30141, "\u0120skeletal": 30142, "\u00d0\u00bb": 30143, "\u0120Rear": 30144, "\u0120issuance": 30145, "\u0120Logic": 30146, "released": 30147, "ZZ": 30148, "\u0120Bound": 30149, "Entry": 30150, "\u0120exits": 30151, "isol": 30152, "\u0120Founder": 30153, "\u0120wre": 30154, "\u0120Greenland": 30155, "\u0120MMO": 30156, "taker": 30157, "INC": 30158, "\u00e3\u0123\u00be": 30159, "\u0120hourly": 30160, "henko": 30161, "\u0120fantasies": 30162, "\u0120disob": 30163, "\u0120demolition": 30164, "\u00e3\u0125\u012d": 30165, "\u0120enlisted": 30166, "ratulations": 30167, "\u0120misguided": 30168, "\u0120ensured": 30169, "\u0120discouraged": 30170, "mort": 30171, "\u0120flank": 30172, "\u0120cess": 30173, "\u0120reacts": 30174, "\u0120Sere": 30175, "sensitive": 30176, "\u0120Serpent": 30177, "assad": 30178, "\u0120247": 30179, "\u0120calmly": 30180, "busters": 30181, "\u0120bleed": 30182, "\u0120Stro": 30183, "\u0120amusement": 30184, "\u0120Antarctica": 30185, "\u0120scept": 30186, "\u0120Gaw": 30187, "aq": 30188, "asonic": 30189, "\u0120sprawling": 30190, "native": 30191, "aturated": 30192, "\u0120Battlefield": 30193, "IVERS": 30194, "EB": 30195, "\u0120Gems": 30196, "\u0120Northwestern": 30197, "\u0120Films": 30198, "\u0120Automatic": 30199, "\u0120apprehend": 30200, "\u00e3\u0123\u00a8": 30201, "\u0120guiName": 30202, "\u0120backend": 30203, "\u0120evidenced": 30204, "geant": 30205, "012": 30206, "\u0120Siege": 30207, "\u0120externalTo": 30208, "\u0120unfocusedRange": 30209, "\u0120guiActiveUnfocused": 30210, "\u0120guiIcon": 30211, "\u0120externalToEVA": 30212, "\u0120externalToEVAOnly": 30213, "Fri": 30214, "chard": 30215, "enaries": 30216, "\u0120chiefs": 30217, "\u0120cf": 30218, "\u0120HUD": 30219, "\u0120corrobor": 30220, "\u0120dB": 30221, "\u0120Taken": 30222, "\u0120Patricia": 30223, "rail": 30224, "\u0120Charm": 30225, "\u0120Libertarian": 30226, "rieve": 30227, "Personal": 30228, "\u0120OUR": 30229, "geries": 30230, "\u0120dumping": 30231, "\u0120neurological": 30232, "itimate": 30233, "\u0120Clintons": 30234, "rafted": 30235, "\u0120Molly": 30236, "\u0120terminals": 30237, "register": 30238, "\u0120flare": 30239, "\u0120encoded": 30240, "\u0120autopsy": 30241, "pel": 30242, "machine": 30243, "\u0120exemptions": 30244, "\u0120Royals": 30245, "distance": 30246, "\u0120drafts": 30247, "\u0120lame": 30248, "\u0120Cunning": 30249, "\u0120spouses": 30250, "\u0120Markets": 30251, "\u0120Carrier": 30252, "\u0120implying": 30253, "\u0120Yak": 30254, "sid": 30255, "\u0120loser": 30256, "\u0120vigilant": 30257, "\u0120impeachment": 30258, "\u0120augmented": 30259, "\u0120Employees": 30260, "\u0120unintended": 30261, "ternally": 30262, "\u0120Watt": 30263, "\u0120recognizable": 30264, "essim": 30265, "\u00e6\u013f": 30266, "\u0120coated": 30267, "rha": 30268, "\u0120lieutenant": 30269, "\u0120Legislation": 30270, "published": 30271, "444": 30272, "013": 30273, "\u0120ideally": 30274, "\u0120Password": 30275, "\u0120simplify": 30276, "\u0120Meta": 30277, "\u0120MRI": 30278, "\u0120pleading": 30279, "organized": 30280, "handler": 30281, "\u0120unravel": 30282, "correct": 30283, "\u0120icy": 30284, "\u0120paranoid": 30285, "\u0120passer": 30286, "\u0120inspections": 30287, "ofer": 30288, "\u0120Healthcare": 30289, "283": 30290, "\u0120Brut": 30291, "iola": 30292, "forge": 30293, "\u0120Medieval": 30294, "MSN": 30295, "ievers": 30296, "\u0120Programming": 30297, "\u00e5\u012b": 30298, "\u0120223": 30299, "mu": 30300, "\u0120CLE": 30301, "uga": 30302, "\u0120shoppers": 30303, "\u0120informative": 30304, "\u0120Plans": 30305, "\u0120supplementation": 30306, "\u0120Tests": 30307, "tyard": 30308, "ocytes": 30309, "\u0120Vega": 30310, "\u0120Gujarat": 30311, "ermanent": 30312, "Except": 30313, "\u0120LOT": 30314, "alla": 30315, "\u0120Cumm": 30316, "\u0120Osw": 30317, "\u0120venom": 30318, "\u0120Debt": 30319, "\u0120DOWN": 30320, "\u0120reunion": 30321, "\u0120muc": 30322, "\u0120Relief": 30323, "\u0120geop": 30324, "\u0120\u00f0\u0141\u013a": 30325, "alogue": 30326, "Anth": 30327, "echo": 30328, "\u0120corros": 30329, "\u0120replication": 30330, "\u0120Blazing": 30331, "\u0120Daughter": 30332, "\u0120inflic": 30333, "\u0120Lindsey": 30334, "\u00d9\u012a": 30335, "284": 30336, "Exit": 30337, "\u0120gloom": 30338, "TAIN": 30339, "\u0120undermining": 30340, "\u0120advising": 30341, "hidden": 30342, "\u0120overflow": 30343, "\u0120gor": 30344, "urdue": 30345, "\u0120echoes": 30346, "enhagen": 30347, "\u0120impuls": 30348, "drug": 30349, "cash": 30350, "\u0120async": 30351, "\u0120mirac": 30352, "atts": 30353, "punk": 30354, "\u0120pivot": 30355, "\u0120Legislative": 30356, "\u0120bloggers": 30357, "\u0120Claw": 30358, "sburg": 30359, "dyl": 30360, "\u0120Recommend": 30361, "\u0120verte": 30362, "\u0120prohibiting": 30363, "\u0120Panther": 30364, "Jonathan": 30365, "\u0120omin": 30366, "\u0120hateful": 30367, "281": 30368, "\u0120Orche": 30369, "\u0120Murdoch": 30370, "downs": 30371, "\u0120asymm": 30372, "GER": 30373, "Always": 30374, "\u0120informs": 30375, "\u0120WM": 30376, "\u0120Pony": 30377, "\u0120Appendix": 30378, "\u0120Arlington": 30379, "Jam": 30380, "\u0120medicinal": 30381, "\u0120Slam": 30382, "ITIES": 30383, "\u0120reaff": 30384, "\u0120Ri": 30385, "FG": 30386, "Spring": 30387, "bool": 30388, "\u0120thighs": 30389, "\u0120markings": 30390, "\u0120Raqqa": 30391, "\u0120Lak": 30392, "poll": 30393, "tsky": 30394, "\u0120Morty": 30395, "\u0120Definition": 30396, "\u0120debunk": 30397, "endered": 30398, "\u0120Leone": 30399, "avers": 30400, "\u0120mortgages": 30401, "Apparently": 30402, "Nic": 30403, "haus": 30404, "\u0120Thousands": 30405, "auld": 30406, "\u0120mash": 30407, "shoot": 30408, "\u0120diarr": 30409, "\u0120consciously": 30410, "Hero": 30411, "eas": 30412, "\u0120Naturally": 30413, "\u0120Destroyer": 30414, "\u0120dashboard": 30415, "services": 30416, "Rog": 30417, "\u0120millennials": 30418, "\u0120invade": 30419, "-(": 30420, "\u0120commissions": 30421, "\u0120Auckland": 30422, "\u0120broadcasts": 30423, "\u0120frontal": 30424, "\u0120crank": 30425, "\u0120Historic": 30426, "\u0120rumours": 30427, "CTV": 30428, "\u0120steril": 30429, "\u0120booster": 30430, "rocket": 30431, "\u00e3\u0124\u00bc": 30432, "utsche": 30433, "\u0120PI": 30434, "\u0120233": 30435, "\u0120Producer": 30436, "\u0120Analytics": 30437, "\u0120invaluable": 30438, "\u0120unintention": 30439, "\u0120CY": 30440, "\u0120scrutin": 30441, "\u0120gigg": 30442, "\u0120engulf": 30443, "\u0120proletariat": 30444, "\u0120hacks": 30445, "\u0120Hew": 30446, "arak": 30447, "\u0120Slime": 30448, "ielding": 30449, "agher": 30450, "\u0120Elliot": 30451, "\u0120telecom": 30452, "\u0120219": 30453, "ultan": 30454, "\u0120Arbor": 30455, "\u0120Scouts": 30456, "Ban": 30457, "\u0120lifespan": 30458, "\u0120blasp": 30459, "388": 30460, "\u0120judiciary": 30461, "\u0120Continental": 30462, "asking": 30463, "McC": 30464, "LED": 30465, "\u0120baggage": 30466, "\u0120Sorcerer": 30467, "\u0120remnants": 30468, "\u0120Griffith": 30469, "etsu": 30470, "\u0120Subaru": 30471, "\u0120Personality": 30472, "designed": 30473, "ushima": 30474, "agnar": 30475, "\u0120recoil": 30476, "\u0120passions": 30477, "\\\":": 30478, "\u0120tee": 30479, "\u0120abolition": 30480, "\u0120Creating": 30481, "jac": 30482, "\u0120194": 30483, "019": 30484, "\u0120pillars": 30485, "riched": 30486, "/\"": 30487, "tk": 30488, "\u0120livelihood": 30489, "\u0120roasted": 30490, "ahon": 30491, "\u0120Hutch": 30492, "assert": 30493, "\u0120dividend": 30494, "\u0120knit": 30495, "\u0120daunting": 30496, "\u0120disturbance": 30497, "\u0120shale": 30498, "\u0120cultivated": 30499, "\u0120refrigerator": 30500, "LB": 30501, "\u0120NET": 30502, "\u0120commercials": 30503, "\u0120thinkers": 30504, "455": 30505, "\u0120chop": 30506, "Broad": 30507, "\u0120suspicions": 30508, "\u0120tagged": 30509, "lifting": 30510, "\u0120stylish": 30511, "\u0120Shields": 30512, "Shortly": 30513, "\u0120tails": 30514, "Auth": 30515, "STE": 30516, "\u0120GAME": 30517, "\u0120seism": 30518, "\u0120Kis": 30519, "ologne": 30520, "\u0120cowork": 30521, "\u0120forcibly": 30522, "\u0120thyroid": 30523, "\u0120PB": 30524, "ANE": 30525, "married": 30526, "horse": 30527, "\u0120polymer": 30528, "\u0120Chal": 30529, "odor": 30530, "DEBUG": 30531, "\u0120Context": 30532, "\u0120bliss": 30533, "\u0120pinpoint": 30534, "\u0120Mathemat": 30535, "legram": 30536, "\u0120Weekend": 30537, "\u0120labelled": 30538, "\u0120bart": 30539, "itles": 30540, "\u0120estrogen": 30541, "\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136": 30542, "\"'": 30543, "\u0120visibly": 30544, "\u0120outsider": 30545, "aida": 30546, "Area": 30547, "\u0120dissemin": 30548, "\u0120dishonest": 30549, "\u0120Closed": 30550, "\u0120Bulletin": 30551, "\u0120Ramsey": 30552, "sword": 30553, "\u0120XI": 30554, "ourced": 30555, "Same": 30556, "346": 30557, "\u0120Repe": 30558, "\u0120Kou": 30559, "cake": 30560, "emis": 30561, "Cache": 30562, "\u0120Meaning": 30563, "\u0120Enlight": 30564, "onomy": 30565, "\u0120manifestation": 30566, "sworth": 30567, "Jay": 30568, "\u0120chore": 30569, "\u00c3\u00b6r": 30570, "Dream": 30571, "\u0120sanctioned": 30572, "\u0120culturally": 30573, "\u0120Ara": 30574, "Nav": 30575, "\u0120theological": 30576, "\u0120strut": 30577, "\u0120VO": 30578, "\u0120Handbook": 30579, "\u0120constructing": 30580, "\u0120\u00c2\u00b6": 30581, "\u0120Benefits": 30582, "\u0120Psychological": 30583, "sac": 30584, "\u00e5\u00b8": 30585, "policy": 30586, "\u0120Matters": 30587, "\u0120Reported": 30588, "\u0120Byte": 30589, "\u0120vitro": 30590, "\u0120Maiden": 30591, "\u0120lam": 30592, "\u0120Jennings": 30593, "\u0120garment": 30594, "\u0120Rutgers": 30595, "\u0120Stafford": 30596, "\u0120Wellington": 30597, "\u0120intermitt": 30598, "\u0120npm": 30599, "\u0120ordeal": 30600, "\u0120plugged": 30601, "ooming": 30602, "inished": 30603, "framework": 30604, "\u0120timber": 30605, "\u0120cass": 30606, "\u0120850": 30607, "iless": 30608, "\u0120Redux": 30609, "768": 30610, "Stre": 30611, "\u0120surpassed": 30612, "whel": 30613, "\u0120parallels": 30614, "\u0120veil": 30615, "\u0120GI": 30616, "\u0120REST": 30617, "\u0120readiness": 30618, "sort": 30619, "\u0120modifying": 30620, "\u0120Slate": 30621, "ruff": 30622, "\u0120marble": 30623, "\u0120infrared": 30624, "\u0120auditor": 30625, "\u0120FANTASY": 30626, "\u0120Poverty": 30627, "\u0120SPD": 30628, "\u0120\"(": 30629, "Ky": 30630, "RAY": 30631, "\u0120executions": 30632, "\u0120Beverly": 30633, "\u0120Marxism": 30634, "\u0120Burst": 30635, "\u0120Kali": 30636, "estones": 30637, "Clearly": 30638, "Ell": 30639, "\u00e3\u0123\u00a7": 30640, "\u0120Proceedings": 30641, "Token": 30642, "IFIC": 30643, "\u00c3\u00b1a": 30644, "Central": 30645, "\u0120Haley": 30646, "\u0120Drama": 30647, "\u0120formations": 30648, "ORN": 30649, "Books": 30650, "\u0120dominating": 30651, "\u0120Flyers": 30652, "\u0120Companion": 30653, "\u0120disciplined": 30654, "\u0120Yugoslav": 30655, "\u0120Spells": 30656, "\u0120vengeance": 30657, "\u0120landlords": 30658, "Len": 30659, "\u0120Ogre": 30660, "anoia": 30661, "\u0120piercing": 30662, "\u0120congreg": 30663, "\u0120scorer": 30664, "obia": 30665, "\u0120nickel": 30666, "\u0120Learns": 30667, "\u0120rejo": 30668, "\u0120masterpiece": 30669, "Flash": 30670, "\u0120inhabited": 30671, "\u0120OpenGL": 30672, "\u0120Dud": 30673, "\u0120ICO": 30674, "\u0120arter": 30675, "\u0120plur": 30676, "\u0120mastery": 30677, "\u0120longstanding": 30678, "sted": 30679, "\u0120wines": 30680, "\u0120televised": 30681, "\u0120Shrine": 30682, "\u0120Bayern": 30683, "\u0120\u00e2\u0135\u013a": 30684, "\u0120enclosure": 30685, "john": 30686, "\u0120prophets": 30687, "\u0120Resurrection": 30688, "\u0120Orders": 30689, "\u0120uneven": 30690, "rals": 30691, "\u0120dwind": 30692, "\u0120Lah": 30693, "\u0120Sloven": 30694, "378": 30695, "\u0120insistence": 30696, "affle": 30697, "\u0120Clone": 30698, "\u0120hardship": 30699, "\u0120Congressman": 30700, "\u0120plead": 30701, "\u0120reviewers": 30702, "\u0120cured": 30703, "\u01201935": 30704, "asley": 30705, "fake": 30706, "\u0120Thinking": 30707, "ydia": 30708, "PART": 30709, "\u0120Dota": 30710, "oit": 30711, "\u0120whipped": 30712, "\u0120bouncing": 30713, "\u0120Hispanics": 30714, "comings": 30715, "\u0120cannabin": 30716, "\u0120Chambers": 30717, "\u0120Zack": 30718, "Optional": 30719, "\u0120coats": 30720, "\u0120prowess": 30721, "\u0120Norton": 30722, "\u0120plainly": 30723, "\u0120freight": 30724, "\u0120inhibition": 30725, "\u0120clam": 30726, "\u0120303": 30727, "kef": 30728, "aleigh": 30729, "Luke": 30730, "\u0120psycho": 30731, "atorium": 30732, "MED": 30733, "\u0120treaties": 30734, "\u0120indisc": 30735, "\u0120dc": 30736, "OPS": 30737, "\u0120resilient": 30738, "\u0120Interstate": 30739, "\u0120slack": 30740, "\u0120mundane": 30741, "\u0120establishes": 30742, "359": 30743, "\u0120strained": 30744, "\u0120nond": 30745, "Sus": 30746, "\u0120caste": 30747, "arate": 30748, "ieving": 30749, "\u0120unfairly": 30750, "\u0120parser": 30751, "onial": 30752, "ursive": 30753, "Via": 30754, "\u0120Otto": 30755, "\u0120Authorities": 30756, "stroke": 30757, "KR": 30758, "\u0120Mercy": 30759, "\u0120furnished": 30760, "\u0120outset": 30761, "\u0120metic": 30762, "1982": 30763, "olithic": 30764, "\u0120Tent": 30765, "ogical": 30766, "\u0120Aircraft": 30767, "\u0120hides": 30768, "\u0120Became": 30769, "\u0120educators": 30770, "reaching": 30771, "\u0120volatility": 30772, "\u0120toddler": 30773, "\u0120NASCAR": 30774, "\u0120Twelve": 30775, "\u0120Highlights": 30776, "\u0120grape": 30777, "\u0120splits": 30778, "\u0120peasant": 30779, "\u0120reneg": 30780, "\u0120MSI": 30781, "Temp": 30782, "stars": 30783, "\u0120trek": 30784, "\u0120Hyde": 30785, "binding": 30786, "\u0120realism": 30787, "\u0120oxide": 30788, "\u0120Hos": 30789, "\u0120mounts": 30790, "\u0120biting": 30791, "\u0120collapsing": 30792, "\u0120postal": 30793, "\u0120museums": 30794, "\u0120detached": 30795, "\u0120respecting": 30796, "\u0120monopol": 30797, "\u0120workflow": 30798, "\u0120Cake": 30799, "Template": 30800, "\u0120Organisation": 30801, "\u0120persistence": 30802, "369": 30803, "Coming": 30804, "Brad": 30805, "\u0120redundant": 30806, "\u0120GTA": 30807, "\u0120bending": 30808, "\u0120revoked": 30809, "\u0120offending": 30810, "\u0120framing": 30811, "\u0120printf": 30812, "Commun": 30813, "members": 30814, "Outside": 30815, "\u0120construed": 30816, "\u0120coded": 30817, "FORE": 30818, "\u0120chast": 30819, "Chat": 30820, "Indian": 30821, "\u0120Yard": 30822, "?!\"": 30823, "\u0120Ports": 30824, "\u0120Xavier": 30825, "\u0120RET": 30826, "'.\"": 30827, "\u0120Boat": 30828, "ivated": 30829, "icht": 30830, "umerable": 30831, "Ds": 30832, "\u0120Dunn": 30833, "\u0120coffin": 30834, "\u0120securely": 30835, "\u0120Raptors": 30836, "\u0120Bes": 30837, "Installation": 30838, "\u0120inception": 30839, "\u0120Healthy": 30840, "endants": 30841, "\u0120psychologists": 30842, "\u0120Sheikh": 30843, "cultural": 30844, "\u0120BlackBerry": 30845, "shift": 30846, "Fred": 30847, "oche": 30848, "\u0120cakes": 30849, "\u0120SEO": 30850, "\u0120Gian": 30851, "\u0120Asians": 30852, "ogging": 30853, "element": 30854, "\u0120pundits": 30855, "\u0120Vaugh": 30856, "\u0120Gavin": 30857, "\u0120hitter": 30858, "\u0120drowned": 30859, "\u0120chalk": 30860, "\u0120Zika": 30861, "\u0120measles": 30862, "802": 30863, "\u00e2\u0122\u00a6..": 30864, "\u0120AWS": 30865, "]\"": 30866, "\u0120distort": 30867, "\u0120Mast": 30868, "\u0120antibodies": 30869, "\u0120Mash": 30870, "Memory": 30871, "\u0120Uganda": 30872, "\u0120Prob": 30873, "\u0120vomiting": 30874, "\u0120Turns": 30875, "\u0120occupying": 30876, "\u0120evasion": 30877, "\u0120Therapy": 30878, "\u0120promo": 30879, "\u0120electr": 30880, "\u0120blueprint": 30881, "\u0120Dre": 30882, "priced": 30883, "\u0120Depot": 30884, "\u0120alleviate": 30885, "\u0120Somali": 30886, "marg": 30887, "nine": 30888, "\u0120nostalgia": 30889, "\u0120Shepherd": 30890, "\u0120cavalry": 30891, "\u0120torped": 30892, "\u0120Bloody": 30893, "xb": 30894, "\u0120sank": 30895, "\u0120goalt": 30896, "reportprint": 30897, "embedreportprint": 30898, "cloneembedreportprint": 30899, "\u0120Initially": 30900, "\u0120Fischer": 30901, "\u0120noteworthy": 30902, "cern": 30903, "\u0120inefficient": 30904, "rawdownload": 30905, "rawdownloadcloneembedreportprint": 30906, "cation": 30907, "\u0120Dynasty": 30908, "lag": 30909, "DES": 30910, "\u0120distinctly": 30911, "\u0120Estonia": 30912, "\u0120openness": 30913, "\u0120gossip": 30914, "ruck": 30915, "Width": 30916, "\u0120Ibrahim": 30917, "\u0120petroleum": 30918, "\u0120avatar": 30919, "\u0120Hed": 30920, "atha": 30921, "\u0120Hogwarts": 30922, "\u0120caves": 30923, "678": 30924, "\u0120safeguard": 30925, "\u0120Mog": 30926, "isson": 30927, "\u0120Durham": 30928, "slaught": 30929, "\u0120Graduate": 30930, "\u0120subconscious": 30931, "\u0120Excellent": 30932, "\u0120Dum": 30933, "-----": 30934, "\u0120piles": 30935, "\u0120WORK": 30936, "\u0120Garn": 30937, "\u0120Fol": 30938, "\u0120ATM": 30939, "\u0120avoids": 30940, "\u0120Tul": 30941, "\u0120bleak": 30942, "ELY": 30943, "ivist": 30944, "lightly": 30945, "Pers": 30946, "\u0120Dob": 30947, "\u0120LS": 30948, "\u0120insanity": 30949, "\u00ce\u00b5": 30950, "atalie": 30951, "Enlarge": 30952, "\u0120twists": 30953, "\u0120faulty": 30954, "\u0120piracy": 30955, "\u0120impover": 30956, "\u0120rugged": 30957, "\u0120Fashion": 30958, "\u0120sands": 30959, "'?": 30960, "swick": 30961, "\u0120natives": 30962, "\u0120hen": 30963, "\u0120Noise": 30964, "\u00e3\u0125\u0139": 30965, "\u0120greens": 30966, "\u0120freezer": 30967, "\u0120dynasty": 30968, "\u0120Fathers": 30969, "\u0120Newark": 30970, "\u0120archaeological": 30971, "\u0120ot": 30972, "obar": 30973, "\u0120blockade": 30974, "\u0120allerg": 30975, "LV": 30976, "\u0120debit": 30977, "\u0120RFC": 30978, "\u0120Milton": 30979, "\u0120Pressure": 30980, "\u0120willingly": 30981, "\u0120disproportionate": 30982, "\u0120oppressive": 30983, "\u0120diamonds": 30984, "\u0120belongings": 30985, "1970": 30986, "\u0120bells": 30987, "\u0120imperialism": 30988, "\u0120227": 30989, "\u0120exploding": 30990, "\u0120Eclipse": 30991, "\u01201919": 30992, "\u0120rant": 30993, "\u0120nominations": 30994, "347": 30995, "\u0120peacefully": 30996, "rica": 30997, "\u0120FUCK": 30998, "\u0120vibration": 30999, "malink": 31000, "\u0120ropes": 31001, "\u0120Ivanka": 31002, "\u0120Brewery": 31003, "\u0120Booker": 31004, "\u0120Owens": 31005, "goers": 31006, "Services": 31007, "\u0120Snape": 31008, "\u0120191": 31009, "395": 31010, "\u0120299": 31011, "justice": 31012, "\u0120bri": 31013, "\u0120discs": 31014, "\u0120prominently": 31015, "\u0120vulgar": 31016, "\u0120skipping": 31017, "lves": 31018, "\u0120tsunami": 31019, "374": 31020, "\u0120Urug": 31021, "\u0120Eid": 31022, "recated": 31023, "phen": 31024, "\u0120faults": 31025, "\u0120Started": 31026, "950": 31027, "\u0120pi": 31028, "\u0120detector": 31029, "\u0120bastard": 31030, "\u0120validated": 31031, "SpaceEngineers": 31032, "OURCE": 31033, "\u0120(~": 31034, "\u0120unsur": 31035, "\u0120affirmed": 31036, "\u0120fascism": 31037, "\u0120resolving": 31038, "\u0120Chavez": 31039, "\u0120Cyn": 31040, "\u0120detract": 31041, "Lost": 31042, "\u0120rigged": 31043, "\u0120homage": 31044, "\u0120Bruno": 31045, "555": 31046, "eca": 31047, "\u0120presses": 31048, "\u0120humour": 31049, "\u0120spacing": 31050, "\u0120'/": 31051, "olkien": 31052, "Coun": 31053, "OPER": 31054, "Tre": 31055, "Son": 31056, "\u0120Cambodia": 31057, "ierre": 31058, "mong": 31059, "ozy": 31060, "\u0120liquidity": 31061, "\u0120Soviets": 31062, "\u0120Fernando": 31063, "\u0120229": 31064, "\u0120slug": 31065, "\u0120Catalan": 31066, "electric": 31067, "\u0120scenery": 31068, "\u0120Hearth": 31069, "\u0120constrained": 31070, "\u0120goalie": 31071, "\u0120Guidelines": 31072, "\u0120Ammo": 31073, "\u0120Pearson": 31074, "\u0120taxed": 31075, "\u0120fetus": 31076, "Response": 31077, "\u0120Alexis": 31078, "thia": 31079, "Guy": 31080, "\u0120reconstruct": 31081, "\u0120extremes": 31082, "\u0120concluding": 31083, "\u0120Peg": 31084, "ooks": 31085, "\u0120deductions": 31086, "Rose": 31087, "\u0120groundbreaking": 31088, "\u0120Targ": 31089, "\u00e3\u0125\u0123": 31090, "\u0120Reve": 31091, "resource": 31092, "\u0120moons": 31093, "\u0120electromagnetic": 31094, "\u0120amidst": 31095, "\u0120Viktor": 31096, "NESS": 31097, "BACK": 31098, "\u0120commute": 31099, "\u0120Anaheim": 31100, "\u0120fluctuations": 31101, "640": 31102, "\u0120noodles": 31103, "\u0120Copenhagen": 31104, "\u0120Tide": 31105, "\u0120Grizz": 31106, "\u0120SEE": 31107, "\u0120pipelines": 31108, "\u0120scars": 31109, "endo": 31110, "agus": 31111, "\u0120ETF": 31112, "/#": 31113, "\u0120Become": 31114, "448": 31115, "\u0120visc": 31116, "\u0120Recommended": 31117, "\u0120jumper": 31118, "\u0120cognition": 31119, "\u0120assassin": 31120, "\u0120witnessing": 31121, "\u0120Setup": 31122, "\u0120lac": 31123, "vim": 31124, "ISM": 31125, "pages": 31126, "SSL": 31127, "358": 31128, "\u0120adject": 31129, "industrial": 31130, "lore": 31131, "chery": 31132, "\u0120glitter": 31133, "\u0120calf": 31134, "Florida": 31135, "\u0120spoilers": 31136, "\u0120succeeds": 31137, "\u0120chanting": 31138, "\u0120slogans": 31139, "\u0120Tracy": 31140, "Visit": 31141, "rology": 31142, "\u0120mornings": 31143, "\u0120lineage": 31144, "\u0120sip": 31145, "\u0120intensely": 31146, "\u0120flourish": 31147, "\u0120Sleeping": 31148, "\u0120Fem": 31149, "orpor": 31150, "\u0120Klan": 31151, "\u0120Darth": 31152, "hack": 31153, "\u0120Nielsen": 31154, "\u0120tumors": 31155, "\u0120procurement": 31156, "\u0120Yorkshire": 31157, "\u0120raided": 31158, "KY": 31159, "Anna": 31160, "\u0120//[": 31161, "\u0120Disorder": 31162, "\u0120Mustang": 31163, "\u0120Wen": 31164, "\u0120Trying": 31165, "sq": 31166, "\u0120deliveries": 31167, "\u0120shutter": 31168, "\u0120cerebral": 31169, "\u0120bipolar": 31170, "\u0120CN": 31171, "lass": 31172, "jet": 31173, "\u0120debating": 31174, ">:": 31175, "\u0120eagle": 31176, "grades": 31177, "\u0120Dixon": 31178, "UGC": 31179, "MAS": 31180, "\u0120Draco": 31181, "\u0120Machines": 31182, "affer": 31183, "\u0120eman": 31184, "\u00c2\u00b2": 31185, "pron": 31186, "\u0120Gym": 31187, "\u0120comparatively": 31188, "\u0120Tribunal": 31189, "PRO": 31190, "\u0120lex": 31191, "\u0120fertile": 31192, "\u0120depressing": 31193, "\u0120superficial": 31194, "essential": 31195, "\u0120Hunters": 31196, "gp": 31197, "\u0120prominence": 31198, "Liber": 31199, "\u0120Ancest": 31200, "otechnology": 31201, "\u0120mocking": 31202, "\u0120Traff": 31203, "\u0138\u013c": 31204, "Medium": 31205, "Iraq": 31206, "\u0120psychiatrist": 31207, "Quantity": 31208, "\u0120Lect": 31209, "\u0120noisy": 31210, "520": 31211, "GY": 31212, "\u0120slapped": 31213, "\u0120MTV": 31214, "\u0120para": 31215, "pull": 31216, "Multiple": 31217, "asher": 31218, "\u0120nour": 31219, "\u0120Seg": 31220, "Spell": 31221, "vous": 31222, "ordial": 31223, "Senior": 31224, "\u0120Goldberg": 31225, "\u0120Plasma": 31226, "need": 31227, "\u0120messenger": 31228, "eret": 31229, "\u0120teamed": 31230, "\u0120literacy": 31231, "\u0120Leah": 31232, "\u0120Doyle": 31233, "\u0120emitted": 31234, "UX": 31235, "\u0120evade": 31236, "\u0120maze": 31237, "\u0120wrongly": 31238, "\u0120Lars": 31239, "\u0120stereotype": 31240, "\u0120pledges": 31241, "\u0120aroma": 31242, "\u0120MET": 31243, "\u0120acre": 31244, "\u0120OD": 31245, "\u0120ff": 31246, "\u0120breweries": 31247, "\u0120Hilton": 31248, "undle": 31249, "\u0120Kak": 31250, "\u0120Thankfully": 31251, "\u0120Canucks": 31252, "inctions": 31253, "\u0120Appears": 31254, "\u0120coer": 31255, "\u0120undermined": 31256, "rovers": 31257, "Andre": 31258, "\u0120blaze": 31259, "umers": 31260, "\u0120famine": 31261, "amphetamine": 31262, "ulkan": 31263, "Amount": 31264, "\u0120desperation": 31265, "wikipedia": 31266, "development": 31267, "\u0120Corinth": 31268, "ussia": 31269, "Jackson": 31270, "LI": 31271, "Native": 31272, "Rs": 31273, "Ohio": 31274, "\u0120Kathleen": 31275, "Fortunately": 31276, "\u0120attendant": 31277, "\u0120Preferred": 31278, "\u0120Didn": 31279, "\u0120Vs": 31280, "Mis": 31281, "\u0120respondent": 31282, "\u0120boun": 31283, "stable": 31284, "\u0120paved": 31285, "\u0120unexpl": 31286, "\u0120Cheney": 31287, "LM": 31288, "\u0120Cull": 31289, "blown": 31290, "\u0120confronting": 31291, "ocese": 31292, "serving": 31293, "Wi": 31294, "\u0120Lithuania": 31295, "anni": 31296, "\u0120stalk": 31297, "hd": 31298, "\u0120vener": 31299, "APH": 31300, "ynchronous": 31301, "URR": 31302, "umably": 31303, "historic": 31304, "Half": 31305, "Hay": 31306, "\u0120resilience": 31307, "spection": 31308, "\u0120abandoning": 31309, "Obs": 31310, "\u0120Debbie": 31311, "\u0120gradient": 31312, "\u0120Plaint": 31313, "\u0120Canal": 31314, "ARCH": 31315, "\u0120expansive": 31316, "\u0120fung": 31317, "\u0120bounced": 31318, "Und": 31319, "\u0120precautions": 31320, "\u0120clarification": 31321, "\u0120dagger": 31322, "\u0120grips": 31323, "\u0120\u00c2\u00b5": 31324, "\u0120Rivera": 31325, "\u0120Undead": 31326, "isites": 31327, "\u0120FIRST": 31328, "\u00c3\u00b1o": 31329, "audi": 31330, "\u0120hostages": 31331, "\u0120compliant": 31332, "\u0120alumni": 31333, "Seven": 31334, "\u0120cybersecurity": 31335, "either": 31336, "Collect": 31337, "\u0120invariably": 31338, "\u0120Soci": 31339, "\u0120lawmaker": 31340, "\u0120ale": 31341, "\u0120Personally": 31342, "Nazi": 31343, "\u0120customization": 31344, "\u0120Proc": 31345, "\u0120Saskatchewan": 31346, "eaturing": 31347, "\u0120spared": 31348, "\u0120discontinued": 31349, "\u0120computational": 31350, "\u0120Motorola": 31351, "\u0120supremacist": 31352, "governmental": 31353, "\u0120paradise": 31354, "\u0120Downing": 31355, "\u0120Nikon": 31356, "\u0120catalyst": 31357, "berra": 31358, "Toronto": 31359, "875": 31360, "beta": 31361, "\u0120Macron": 31362, "\u0120unrealistic": 31363, "vector": 31364, "\u0120Vehicles": 31365, "itiveness": 31366, "\u0120RV": 31367, "\u0120Colbert": 31368, "sin": 31369, "oji": 31370, "entin": 31371, "\u0120Krish": 31372, "hello": 31373, "ffield": 31374, "oky": 31375, "\u0120Tate": 31376, "\u0120maple": 31377, "\u0120aids": 31378, "chemical": 31379, "334": 31380, "nuts": 31381, "\u0120Warp": 31382, "\u0120xx": 31383, "\u0120Robb": 31384, "umerous": 31385, "_-_": 31386, "ftime": 31387, "\u0120VW": 31388, "\u0120winger": 31389, "\u0120Dome": 31390, "tools": 31391, "\u0120PV": 31392, "\u0120Georgetown": 31393, "\u0120geared": 31394, "\u0120jihadists": 31395, "\u0120cp": 31396, "\u0120steroids": 31397, "Mother": 31398, "clerosis": 31399, "\u0120DRM": 31400, "nesia": 31401, "\u0120linger": 31402, "\u0120immersive": 31403, "\u0120COUN": 31404, "\u0120outweigh": 31405, "ensual": 31406, "Band": 31407, "\u0120transforms": 31408, "matched": 31409, "psons": 31410, "\u0120Judicial": 31411, "factor": 31412, "\u0120referral": 31413, "\u0120oddly": 31414, "\u0120Wenger": 31415, "Bring": 31416, "\u0120Bows": 31417, "602": 31418, "ICLE": 31419, "\u0120lions": 31420, "\u0120Academic": 31421, "\u0120Thorn": 31422, "\u0120Raider": 31423, "kefeller": 31424, "Storage": 31425, "Lower": 31426, "\u0120Ort": 31427, "\u0120Equality": 31428, "ALT": 31429, "\u0120SOC": 31430, "Types": 31431, "\u0120lyn": 31432, "\u0120Asset": 31433, "coat": 31434, "TPP": 31435, "CVE": 31436, "\u0120Pioneer": 31437, "application": 31438, "Modern": 31439, "\u0120HK": 31440, "Environment": 31441, "Alright": 31442, "Rain": 31443, "IPP": 31444, "\u0120Shiite": 31445, "\u0120mound": 31446, "\u0120Abilities": 31447, "condition": 31448, "Staff": 31449, "\u0120competence": 31450, "\u0120Moor": 31451, "\u0120Diablo": 31452, "\u0120withheld": 31453, "\u0120ostensibly": 31454, "\u0120Brom": 31455, "\u0120msg": 31456, "\u0120denomin": 31457, "\u0120References": 31458, "\u0120FP": 31459, "\u0120plunged": 31460, "\u0120pamph": 31461, "moving": 31462, "central": 31463, "\u0120downright": 31464, "\u0120fading": 31465, "Tal": 31466, "Typ": 31467, "\u0120Thy": 31468, "ukes": 31469, "ithe": 31470, "\u0120ove": 31471, "\u0120battled": 31472, "\u0120seafood": 31473, "\u0120figur": 31474, "\u0120RD": 31475, "crop": 31476, "\u0120squads": 31477, "{\\": 31478, "\u00e0\u00b9": 31479, "\u0120Eh": 31480, "\u0120interviewing": 31481, "\u0120Qin": 31482, "\u0120aspiring": 31483, "PLIC": 31484, "\u0120clauses": 31485, "\u0120Gast": 31486, "\u0120Nir": 31487, "\u0120luggage": 31488, "\u0120hose": 31489, "\u0120systemd": 31490, "\u0120descending": 31491, "\u0120Revised": 31492, "\u0120Rails": 31493, "align": 31494, "709": 31495, "337": 31496, "\u0120fug": 31497, "charging": 31498, "tags": 31499, "\u0120uter": 31500, "kish": 31501, "WARNING": 31502, "490": 31503, "profits": 31504, "\u0120voyage": 31505, "\u0120ace": 31506, "\u0120Vanguard": 31507, "\u0120Tanks": 31508, "\u0120Muk": 31509, "\u0120226": 31510, "Safe": 31511, "Armor": 31512, "\u0120volcanic": 31513, "\u0120womb": 31514, "\u0120MIL": 31515, "\u0120beginner": 31516, "\u0120Recogn": 31517, "\u0120AAP": 31518, "PLAY": 31519, ")!": 31520, "\u0120detecting": 31521, "cn": 31522, "\u0120breaches": 31523, "Basically": 31524, "\u0120Pag": 31525, "\u0120Municipal": 31526, "\u0120Indie": 31527, "\u0120Laf": 31528, "\u0120Disable": 31529, "\u0120Olson": 31530, "\u0120restrained": 31531, "\u0120rulings": 31532, "\u0120humane": 31533, "events": 31534, "\u0120Cinema": 31535, "displayText": 31536, "\u0120Hatch": 31537, "actionDate": 31538, "onnaissance": 31539, "\u0120assaulting": 31540, "\u0120Lug": 31541, "CHAT": 31542, "\u0120vigorous": 31543, "\u0120Perse": 31544, "\u0120intolerance": 31545, "\u0120Snapchat": 31546, "\u0120Sharks": 31547, "\u0120dummy": 31548, "\u0120Diagn": 31549, "\u0120Guitar": 31550, "imeters": 31551, "403": 31552, "REG": 31553, "Ax": 31554, "\u0120separates": 31555, "\u0120Mahm": 31556, "\u0120tv": 31557, "jah": 31558, "OOL": 31559, "Circ": 31560, "\u0120Windsor": 31561, "ussian": 31562, "\u0120intuition": 31563, "\u0120disdain": 31564, "\u0120Donovan": 31565, "\u0120221": 31566, "Emb": 31567, "\u0120condemning": 31568, "\u0120generosity": 31569, "zzy": 31570, "\u0120panties": 31571, "\u0120Prevent": 31572, "ActionCode": 31573, "ANA": 31574, "342": 31575, "externalActionCode": 31576, "\u0120specifying": 31577, "\u0120crystall": 31578, "Jere": 31579, "\u0120rupt": 31580, "\u0120Apprentice": 31581, "\u0120profiling": 31582, "\u00d0\u00ba": 31583, "Strike": 31584, "\u0120sideline": 31585, "\u0120obligated": 31586, "\u0120occult": 31587, "\u0120bureaucratic": 31588, "antically": 31589, "rupted": 31590, "negative": 31591, "\u0120Ethiopia": 31592, "\u0120Civic": 31593, "\u0120insiders": 31594, "eligible": 31595, "\u0120TVs": 31596, "\u0120BAR": 31597, "\u0120TI": 31598, "iologist": 31599, "\u0120AIR": 31600, "\u0120substituted": 31601, "Arab": 31602, "\u0120Saul": 31603, "\u0120Yog": 31604, "prem": 31605, "\u0120builders": 31606, "\u0120stationary": 31607, "\u0120doubtful": 31608, "\u0120vigorously": 31609, "\u0120thrilling": 31610, "Physical": 31611, "\u0120Carey": 31612, "\u0120Hydra": 31613, "geoning": 31614, "\u0120Sly": 31615, "yton": 31616, "\u0120borrowers": 31617, "\u0120Parkinson": 31618, "\u0120\u00eb": 31619, "\u0120Jamaica": 31620, "\u0120satir": 31621, "\u0120insurgents": 31622, "\u0120Firm": 31623, "\u0120isot": 31624, "\u0120Karn": 31625, "ourning": 31626, "akens": 31627, "docs": 31628, "little": 31629, "\u0120Monaco": 31630, "CLASS": 31631, "Turkey": 31632, "Ly": 31633, "\u0120Conan": 31634, "assic": 31635, "\u0120starred": 31636, "\u0120Pacers": 31637, "eties": 31638, "\u0120tipping": 31639, "Moon": 31640, "\u0120Rw": 31641, "same": 31642, "\u0120cavity": 31643, "\u0120goof": 31644, "\u0120Zo": 31645, "Shock": 31646, "ummer": 31647, "\u0120emphasizes": 31648, "\u0120regrett": 31649, "\u0120novelty": 31650, "\u0120envy": 31651, "\u0120Passive": 31652, "rw": 31653, "505": 31654, "\u0120indifferent": 31655, "\u0120Rica": 31656, "\u0120Himself": 31657, "\u0120Freddie": 31658, "\u0120adip": 31659, "\u00e4\u00b8\u0122": 31660, "\u0120breakout": 31661, "\u0120hurried": 31662, "\u0120Huang": 31663, "\u0120Disk": 31664, "\u0120roaming": 31665, "?????-?????-": 31666, "UV": 31667, "\u0120Ricky": 31668, "\u0120Sigma": 31669, "\u0120marginalized": 31670, "\u0120edits": 31671, "\u0120304": 31672, "memory": 31673, "\u0120specimen": 31674, "293": 31675, "\u00e3\u0123\u00af": 31676, "\u0120vertically": 31677, "\u0120audition": 31678, "\u0120Heck": 31679, "\u0120caster": 31680, "\u0120Holdings": 31681, "adal": 31682, "\u0120Cron": 31683, "\u0120Liam": 31684, "\u0120deflect": 31685, "Pick": 31686, "\u0120Debug": 31687, "REF": 31688, "\u0120versatility": 31689, "othes": 31690, "classified": 31691, "\u0120Mahar": 31692, "\u0120Hort": 31693, "Counter": 31694, "stasy": 31695, "noticed": 31696, "331": 31697, "\u0120Shim": 31698, "fuck": 31699, "\u0120Bie": 31700, "\u0120airing": 31701, "\u0120Protein": 31702, "\u0120Holding": 31703, "\u0120spectators": 31704, "iliated": 31705, "\u0120Thatcher": 31706, "nosis": 31707, "\u00e3\u0125\u00bc\u00e3\u0125\u00b3": 31708, "Tele": 31709, "Boston": 31710, "\u0120Templ": 31711, "stay": 31712, "\u0120declarations": 31713, "479": 31714, "Volume": 31715, "\u0120Designer": 31716, "\u0120Overwatch": 31717, "idae": 31718, "\u0120onwards": 31719, "\u0120nets": 31720, "\u0120Manila": 31721, "particularly": 31722, "\u0120politic": 31723, "oother": 31724, "\u0120portraits": 31725, "\u0120pavement": 31726, "cffff": 31727, "\u0120saints": 31728, "\u0120beginners": 31729, "ESPN": 31730, "\u0120shortcomings": 31731, "\u00e2\u0137\u0132\u00e2\u0137\u0132": 31732, "\u0120comet": 31733, "\u0120Organic": 31734, "quel": 31735, "\u0120hospitalized": 31736, "Break": 31737, "\u0120peel": 31738, "dylib": 31739, "aspx": 31740, "urances": 31741, "\u0120TIM": 31742, "Pg": 31743, "\u0120readable": 31744, "\u0120Malik": 31745, "\u0120muzzle": 31746, "\u0120benchmarks": 31747, "dal": 31748, "\u0120Vacc": 31749, "\u0120Hicks": 31750, "609": 31751, "\u0120Biblical": 31752, "heng": 31753, "\u0120overload": 31754, "\u0120Civilization": 31755, "\u0120immoral": 31756, "\u0120fries": 31757, "\u00e3\u0124\u0134": 31758, "\u0120reproduced": 31759, "\u0120formulation": 31760, "jug": 31761, "irez": 31762, "gear": 31763, "\u0120coached": 31764, "MpServer": 31765, "\u0120SJ": 31766, "\u0120Kw": 31767, "Init": 31768, "deal": 31769, "\u0120Oro": 31770, "\u0120Loki": 31771, "\u0120Songs": 31772, "\u0120232": 31773, "\u0120Louise": 31774, "asionally": 31775, "\u0120uncond": 31776, "ollywood": 31777, "\u0120progressives": 31778, "\u0120Enough": 31779, "\u0120Doe": 31780, "\u0120wreckage": 31781, "\u0120brushed": 31782, "\u0120BaseType": 31783, "\u0120zoning": 31784, "ishable": 31785, "hetically": 31786, "\u0120Caucus": 31787, "\u0120Hue": 31788, "\u0120karma": 31789, "\u0120Sporting": 31790, "\u0120trader": 31791, "\u0120seeming": 31792, "\u0120Capture": 31793, "430": 31794, "bish": 31795, "\u0120tunes": 31796, "\u0120indoors": 31797, "\u0120Sphere": 31798, "\u0120Dancing": 31799, "TERN": 31800, "\u0120nob": 31801, "\u0120GST": 31802, "maps": 31803, "\u0120peppers": 31804, "Fit": 31805, "\u0120oversees": 31806, "\u0120Rabbi": 31807, "\u0120Ruler": 31808, "vertising": 31809, "office": 31810, "xxx": 31811, "\u0120raft": 31812, "Changed": 31813, "\u0120textbooks": 31814, "Links": 31815, "\u0120Omn": 31816, "\u00e3\u0122\u0133": 31817, "\u0120inconvenience": 31818, "\u0120Donetsk": 31819, "=~": 31820, "\u0120implicitly": 31821, "\u0120boosts": 31822, "\u0120Bones": 31823, "\u0120Boom": 31824, "Courtesy": 31825, "\u0120sensational": 31826, "ANY": 31827, "\u0120greedy": 31828, "eden": 31829, "\u0120inexper": 31830, "\u0120Ler": 31831, "\u0120Vale": 31832, "\u0120tighten": 31833, "\u0120EAR": 31834, "\u0120Num": 31835, "\u0120ancestor": 31836, "Sent": 31837, "\u0120Horde": 31838, "urgical": 31839, "allah": 31840, "\u0120sap": 31841, "amba": 31842, "\u0120Spread": 31843, "twitch": 31844, "\u0120grandson": 31845, "\u0120fracture": 31846, "\u0120moderator": 31847, "\u0120Seventh": 31848, "\u0120Reverse": 31849, "\u0120estimation": 31850, "Choose": 31851, "\u0120parach": 31852, "\u0120barric": 31853, "\u00e3\u0122\u0132": 31854, "\u0120compass": 31855, "\u0120allergic": 31856, "\u00e2\u0122\u0137": 31857, "OTHER": 31858, "errilla": 31859, "\u0120wagon": 31860, "\u0120zinc": 31861, "\u0120rubbed": 31862, "\u0120Fuller": 31863, "\u0120Luxembourg": 31864, "\u0120Hoover": 31865, "\u0120liar": 31866, "\u0120Evening": 31867, "\u0120Cobb": 31868, "esteem": 31869, "\u0120selector": 31870, "\u0120Brawl": 31871, "isance": 31872, "\u0120Ek": 31873, "\u0120troop": 31874, "\u0120guts": 31875, "\u0120Appeal": 31876, "\u0120Tibetan": 31877, "\u0120routines": 31878, "\u0120Ment": 31879, "\u0120summarized": 31880, "steamapps": 31881, "\u0120tranqu": 31882, "\u01201929": 31883, "oran": 31884, "\u0120Authent": 31885, "\u0120gmaxwell": 31886, "\u0120apprehens": 31887, "\u0120poems": 31888, "\u0120sausage": 31889, "\u0120Webster": 31890, "urus": 31891, "\u0120themed": 31892, "\u0120lounge": 31893, "\u0120charger": 31894, "Spoiler": 31895, "\u0120spilled": 31896, "hog": 31897, "\u0120Sunder": 31898, "\u0120Ain": 31899, "\u0120Angry": 31900, "\u0120disqual": 31901, "\u0120Frequency": 31902, "\u0120Ethernet": 31903, "\u0120helper": 31904, "Percent": 31905, "\u0120horrifying": 31906, "\u0120ail": 31907, "\u0120Allan": 31908, "EEE": 31909, "\u0120Crossing": 31910, "449": 31911, "\u0120holog": 31912, "\u0120Puzzles": 31913, "\u0120Goes": 31914, "erenn": 31915, "604": 31916, "\u00e3\u0123\u0131": 31917, "\u0120Rafael": 31918, "\u0120atten": 31919, "\u0120Emanuel": 31920, "\u0120upro": 31921, "\u0120Susp": 31922, "Psych": 31923, "\u0120Trainer": 31924, "\u0120NES": 31925, "\u0120Hunts": 31926, "becue": 31927, "\u0120counselor": 31928, "Rule": 31929, "\u0120toxins": 31930, "\u0120banners": 31931, "rifice": 31932, "\u0120greeting": 31933, "\u0120frenzy": 31934, "\u0120allocate": 31935, "\u0120*)": 31936, "expr": 31937, "503": 31938, "\u0120Chick": 31939, "\u0120Torn": 31940, "\u0120consolidation": 31941, "\u0120Fletcher": 31942, "switch": 31943, "frac": 31944, "clips": 31945, "\u0120McKin": 31946, "\u0120Lunar": 31947, "Month": 31948, "ITCH": 31949, "\u0120scholarly": 31950, "raped": 31951, "398": 31952, "\u01201910": 31953, "\u0120egreg": 31954, "\u0120insecure": 31955, "\u0120victorious": 31956, "cffffcc": 31957, "\u0120singled": 31958, "\u0120elves": 31959, "\u0120Wond": 31960, "burst": 31961, "\u0120camoufl": 31962, "\u0120BLACK": 31963, "\u0120conditioned": 31964, "\u00e7\u012b": 31965, "answered": 31966, "\u0120compulsory": 31967, "ascist": 31968, "\u0120podcasts": 31969, "\u0120Frankfurt": 31970, "bnb": 31971, "\u0120neoliberal": 31972, "\u0120Keyboard": 31973, "\u0120Belle": 31974, "warm": 31975, "\u0120trusts": 31976, "\u0120insured": 31977, "\u0120Bucc": 31978, "usable": 31979, "607": 31980, "\u0120Plains": 31981, "\u01201890": 31982, "\u0120sabotage": 31983, "\u0120lodged": 31984, "felt": 31985, "\u0120ga": 31986, "\u0120Narc": 31987, "\u0120Salem": 31988, "\u0120seventy": 31989, "\u0120Blank": 31990, "pocket": 31991, "\u0120whisper": 31992, "\u0120mating": 31993, "omics": 31994, "\u0120Salman": 31995, "\u0120Kad": 31996, "\u0120angered": 31997, "\u0120collisions": 31998, "\u0120extraordinarily": 31999, "\u0120coercion": 32000, "Ghost": 32001, "birds": 32002, "\u00e8\u0122": 32003, "kok": 32004, "\u0120permissible": 32005, "avorable": 32006, "\u0120pointers": 32007, "\u0120dissip": 32008, "aci": 32009, "\u0120theatrical": 32010, "\u0120Cosmic": 32011, "\u0120forgetting": 32012, "\u0120finalized": 32013, "\u00e5\u00a4\u00a7": 32014, "yout": 32015, "library": 32016, "\u0120booming": 32017, "\u0120Believe": 32018, "\u0120Teacher": 32019, "\u0120Liv": 32020, "\u0120GOODMAN": 32021, "\u0120Dominican": 32022, "ORED": 32023, "\u0120Parties": 32024, "\u0120precipitation": 32025, "\u0120Slot": 32026, "Roy": 32027, "\u0120Combined": 32028, "\u0120integrating": 32029, "\u0120chrome": 32030, "\u0120intestinal": 32031, "\u0120Rebell": 32032, "\u0120matchups": 32033, "\u0120blockbuster": 32034, "\u0120Loren": 32035, "\u0120Levy": 32036, "\u0120preaching": 32037, "\u0120Sending": 32038, "\u0120Purpose": 32039, "rax": 32040, "fif": 32041, "\u0120authoritative": 32042, "\u0120PET": 32043, "astical": 32044, "\u0120dishon": 32045, "\u0120chatting": 32046, "\u0120\"$:/": 32047, "Connection": 32048, "\u0120recreate": 32049, "\u0120delinqu": 32050, "\u0120broth": 32051, "\u0120Dirty": 32052, "\u0120Admin": 32053, "zman": 32054, "\u0120scholarships": 32055, "\u0120253": 32056, "contact": 32057, "alsa": 32058, "767": 32059, "creen": 32060, "abbage": 32061, "\u01201915": 32062, "\u0120blended": 32063, "\u0120alarmed": 32064, "Language": 32065, "356": 32066, "\u0120blends": 32067, "\u0120Changed": 32068, "Wolf": 32069, "\u0120hepat": 32070, "Creating": 32071, "\u0120persecut": 32072, "\u0120sweetness": 32073, "arte": 32074, "\u0120forfeiture": 32075, "\u0120Roberto": 32076, "impro": 32077, "NFL": 32078, "\u0120Magnet": 32079, "Detailed": 32080, "\u0120insignificant": 32081, "\u0120POLIT": 32082, "\u0120BBQ": 32083, "\u0120CPS": 32084, "\u0120seaw": 32085, "aminer": 32086, "mL": 32087, "endif": 32088, "finals": 32089, "\u0120265": 32090, "uish": 32091, "\u0120})": 32092, "\u0120Problems": 32093, "\u0120emblem": 32094, "\u0120seriousness": 32095, "\u0120parsing": 32096, "\u0120substitution": 32097, "\u0120pressured": 32098, "\u0120recycled": 32099, "aleb": 32100, "Ruby": 32101, "\u0120proficiency": 32102, "Driver": 32103, "\u0120Wester": 32104, ":'": 32105, "AFTA": 32106, "\u0120mantle": 32107, "\u0120Clayton": 32108, "flag": 32109, "\u0120practitioner": 32110, "covered": 32111, "\u0120Struct": 32112, "addafi": 32113, "425": 32114, "\u0120Township": 32115, "\u0120Hydro": 32116, "Louis": 32117, "343": 32118, "\u0120condo": 32119, "\u0120Tao": 32120, "\u0120utilization": 32121, "\u0120nausea": 32122, "\u0120Dems": 32123, "ridges": 32124, "pause": 32125, "\u0120formulas": 32126, "\u0120challenger": 32127, "376": 32128, "\u0120defective": 32129, "\u0120Railway": 32130, "\u0120PubMed": 32131, "\u0120yogurt": 32132, "lbs": 32133, "\u0120Norfolk": 32134, "OPE": 32135, "\u0120Moody": 32136, "\u0120distributor": 32137, "\u0120scrolls": 32138, "\u0120extracts": 32139, "Stan": 32140, "\u0120viability": 32141, "\u0120exposes": 32142, "\u0120starvation": 32143, "\u0120Steps": 32144, "\u0120Dodd": 32145, "few": 32146, "STD": 32147, "332": 32148, "\u0120closures": 32149, "\u0120complementary": 32150, "\u0120Sasha": 32151, "umpy": 32152, "\u0120monet": 32153, "\u0120articulate": 32154, "\u0120Doct": 32155, "killer": 32156, "\u0120scrim": 32157, "\u0120264": 32158, "\u0120prostitutes": 32159, "\u0120severed": 32160, "\u0120attachments": 32161, "\u0120cooled": 32162, "Lev": 32163, "\u0120Falk": 32164, "fail": 32165, "\u0120policeman": 32166, "\u0120Dag": 32167, "\u0120prayed": 32168, "\u0120Kernel": 32169, "\u0120clut": 32170, "\u0120cath": 32171, "\u0120anomaly": 32172, "Storm": 32173, "emaker": 32174, "\u0120Breakfast": 32175, "uli": 32176, "oire": 32177, "JJ": 32178, "hz": 32179, "Operation": 32180, "\u0120Sick": 32181, "354": 32182, "\u0120Guatemala": 32183, "Rate": 32184, "\u0120exposures": 32185, "faces": 32186, "\u0120Archae": 32187, "raf": 32188, "\u0120Mia": 32189, "\u01202025": 32190, "\u0120opaque": 32191, "\u0120disguised": 32192, "\u0120Headquarters": 32193, "Sah": 32194, "\u0120pots": 32195, "978": 32196, "\u0120Malf": 32197, "\u0120frowned": 32198, "\u0120poisonous": 32199, "\u0120Convers": 32200, "eeks": 32201, "\u0120crab": 32202, ".\"\"": 32203, "\u0120treason": 32204, "\u0120ranc": 32205, "\u0120escalating": 32206, "\u0120warr": 32207, "\u0120mobs": 32208, "\u0120lamps": 32209, "\u0120Sunshine": 32210, "\u0120Brunswick": 32211, "Phones": 32212, "\u0120spelled": 32213, "\u0120Skip": 32214, "\u01202050": 32215, "\u01201911": 32216, "\u0120Pluto": 32217, "\u0120Amend": 32218, "\u0120meats": 32219, "387": 32220, "\u0120stomp": 32221, "\u0120Zhou": 32222, "\u0120Leviathan": 32223, "\u0120Hazard": 32224, "adv": 32225, "\u0120Orwell": 32226, "\u0120aloud": 32227, "\u0120bumper": 32228, "\u0120Anarch": 32229, "ubuntu": 32230, "\u0120Serious": 32231, "fitting": 32232, "\u0120Optional": 32233, "\u0120Cecil": 32234, "REAM": 32235, "\u0120serotonin": 32236, "\u0120cultivate": 32237, "agogue": 32238, "}\\": 32239, "\u0120mosques": 32240, "\u0120Sunny": 32241, "\u0120reactive": 32242, "revolution": 32243, "\u0120Lup": 32244, "\u0120Fedora": 32245, "\u0120defenseman": 32246, "\u0120VID": 32247, "istine": 32248, "\u0120drowning": 32249, "\u0120Broadcasting": 32250, "\u0120thriller": 32251, "\u0120Scy": 32252, "\u0120accelerating": 32253, "\u0120directs": 32254, "odied": 32255, "bike": 32256, "duration": 32257, "\u0120painfully": 32258, "Redd": 32259, "\u0120productions": 32260, "\u0120gag": 32261, "\u0120whist": 32262, "\u0120sock": 32263, "\u0120infinitely": 32264, "\u0120Concern": 32265, "\u0120Citadel": 32266, "\u0120lieu": 32267, "\u0120candles": 32268, "ogeneous": 32269, "arger": 32270, "\u0120heavenly": 32271, "inflammatory": 32272, "Performance": 32273, "Cs": 32274, "ructose": 32275, "azaki": 32276, "\u0120pessim": 32277, "\u0120inference": 32278, "\u0120powd": 32279, "\u0120Zoe": 32280, "\u0120paints": 32281, "\u0120dazz": 32282, "pta": 32283, "-----------": 32284, "\u0120inspir": 32285, "\u0120Experimental": 32286, "\u0120Knife": 32287, "regor": 32288, "bors": 32289, "\u0120showers": 32290, "romeda": 32291, "\u0120saint": 32292, "\u0120benign": 32293, "\u0120Jiang": 32294, "\u0120envisioned": 32295, "\u0120shroud": 32296, "IFT": 32297, "HO": 32298, "\u0120shuff": 32299, "\u0120ICC": 32300, "\u0120segreg": 32301, "\u0120revisit": 32302, "ighthouse": 32303, "Li": 32304, "\u0120substrate": 32305, "\u0120Seas": 32306, "\u0120Reward": 32307, "\u0120Hep": 32308, "\u0120Brass": 32309, "sbm": 32310, "\u0120eliminates": 32311, "\u0120stamina": 32312, "\u0120VAT": 32313, "\u0120Loan": 32314, "\u0120constraint": 32315, "\u0120appropriated": 32316, "\u0120pes": 32317, "\u0120ALE": 32318, "ranging": 32319, "\u0120404": 32320, "392": 32321, "\u0120intellectuals": 32322, "achu": 32323, "\u0120restructuring": 32324, "\u0120Levin": 32325, "\u0120runes": 32326, "\u0120delightful": 32327, "\u0120carbohydrates": 32328, "\u0120Models": 32329, "\u0120Expo": 32330, "\u0120transporting": 32331, "alloc": 32332, "\u0120ringing": 32333, "Samsung": 32334, "\u0120scarcely": 32335, "\u0120URLs": 32336, "\u0120MAS": 32337, "\u0120prototypes": 32338, "\u0120narrator": 32339, "\u0120CPUs": 32340, "cdn": 32341, "\u0120Barton": 32342, "\u0120decidedly": 32343, "\u0120Shu": 32344, "ixir": 32345, "ocious": 32346, "\u0120Myst": 32347, "Nintendo": 32348, "\u0120reuse": 32349, "\u0120forgiven": 32350, "Few": 32351, "inical": 32352, "nat": 32353, "\u0120seamless": 32354, "\u0120Eva": 32355, "\u0120EVE": 32356, "\u0120JO": 32357, "landers": 32358, "\u0120softer": 32359, "negie": 32360, "\u0120transient": 32361, "\u0120orbital": 32362, "\u0120fulfil": 32363, "\u0120Kom": 32364, "Hopefully": 32365, "\u0120dynamically": 32366, "\u0120Hunger": 32367, "\u00e5\u013d": 32368, "\u0120Armenia": 32369, "elman": 32370, "berto": 32371, "\u0120pige": 32372, "\u0120IDs": 32373, "limit": 32374, "\u0120veins": 32375, "\u0120soaring": 32376, "packs": 32377, "Golden": 32378, "\u0120Crab": 32379, "istor": 32380, "\u0120RPM": 32381, "\u0120$$": 32382, "gression": 32383, "\u0120jihadist": 32384, "\u0120gamble": 32385, "\u0120careg": 32386, "\u0120inflated": 32387, "Face": 32388, "\u0120Firearms": 32389, "\u0120Emmanuel": 32390, "\u00e2\u013f": 32391, "\u0120shocks": 32392, "grab": 32393, "\u0120splend": 32394, "\u0120HPV": 32395, "abortion": 32396, "Above": 32397, "Entity": 32398, "players": 32399, "\u0120commenced": 32400, "ulence": 32401, "\u0120fulfillment": 32402, "\u0120embodiments": 32403, "\u0120Welfare": 32404, "\u0120hail": 32405, "\u0120<@": 32406, "tten": 32407, "\u0120catcher": 32408, "\u0120Jazeera": 32409, "\u0120volcano": 32410, "\u0120stabilize": 32411, "\u0120Handler": 32412, "\u0120intensified": 32413, "\u0120Abrams": 32414, "\u0120humiliation": 32415, "paced": 32416, "605": 32417, "\u0120CentOS": 32418, "Specific": 32419, "\u0120heed": 32420, "\u0120CAM": 32421, "\u0120Galile": 32422, "Die": 32423, "\u0120abolished": 32424, "\u0120Thomson": 32425, "\u0120Teachers": 32426, "\u0120Wass": 32427, "jong": 32428, "\u0120ISBN": 32429, "\u0120Allies": 32430, "shake": 32431, "\u00e5\u00b7": 32432, "vict": 32433, "Howard": 32434, "\u0120deem": 32435, "\u0120exceedingly": 32436, "\u0120Smartstocks": 32437, "ibe": 32438, "\u0120doorway": 32439, "\u0120competed": 32440, "igmat": 32441, "\u0120nationalists": 32442, "\u0120groom": 32443, "\u0120Keen": 32444, "\u0120disposable": 32445, "decl": 32446, "\u0120Tolkien": 32447, "\u0120Scheme": 32448, "\u0120biod": 32449, "\u0120avid": 32450, "\u0120Elon": 32451, "agar": 32452, "\u0120TSA": 32453, "Roman": 32454, "\u0120artificially": 32455, "\u0120advisors": 32456, "XL": 32457, "\u0120Inferno": 32458, "366": 32459, "\u0120tedious": 32460, "\u0120Photography": 32461, "\u0120Carrie": 32462, "\u0120trope": 32463, "\u0120Sandra": 32464, "\u0120decimal": 32465, "Queen": 32466, "\u0120Gundam": 32467, "\u0120OM": 32468, "otech": 32469, "NBA": 32470, "\u01201932": 32471, "\u0120entrenched": 32472, "\u0120Marion": 32473, "\u0120fraternity": 32474, "Labour": 32475, "Henry": 32476, "\u0120latitude": 32477, "Either": 32478, "\u0120enhances": 32479, "\u0120Potential": 32480, "\u0120shines": 32481, "idad": 32482, "\u0120breadth": 32483, "\u0120capacities": 32484, "\u0120\u00f0\u0141\u013b\u0124": 32485, "\u0120Bronx": 32486, "\u0120sexes": 32487, "\u0120differentiation": 32488, "\u0120heavyweight": 32489, "\u0120Taj": 32490, "dra": 32491, "\u0120migrate": 32492, "\u0120exhaustion": 32493, "\u0120RUN": 32494, "elsius": 32495, "\u0120Cuomo": 32496, "\u0120guitars": 32497, "\u0120clones": 32498, "\u0120Somew": 32499, "\u0120Pry": 32500, "-------------": 32501, "\u0120warranted": 32502, "cycles": 32503, "\u0120salvage": 32504, "\u0120disks": 32505, "RANT": 32506, "\u0120NGOs": 32507, "\u0120Martian": 32508, "\":[{\"": 32509, "\u0120addicts": 32510, "ojure": 32511, "illet": 32512, "\u0120amazingly": 32513, "artments": 32514, "pixel": 32515, "\u0120GPUs": 32516, "Layout": 32517, "\u00e8\u00a3": 32518, "\u0120Tamil": 32519, "\u0120Basil": 32520, "\u0120impartial": 32521, "\u0120Structure": 32522, "fork": 32523, "bryce": 32524, "\u0120ridge": 32525, "\u0120Hamburg": 32526, "rious": 32527, "\u0120blitz": 32528, "cigarettes": 32529, "\u0120canned": 32530, "402": 32531, "\u0120ironically": 32532, "\u0120compassionate": 32533, "\u0120Hawkins": 32534, ".#": 32535, "\u0120Cathedral": 32536, "\u0120rallied": 32537, "internal": 32538, "\u0120quota": 32539, "stakes": 32540, "TEXT": 32541, "mom": 32542, "\u0120completes": 32543, "\u0120238": 32544, "\u0120shrug": 32545, "\u00e3\u0125\u0133": 32546, "\u0120Ninth": 32547, "\u0120revise": 32548, "\u0120Provider": 32549, "\u0120treacher": 32550, "\u0120quasi": 32551, "\u0120PRES": 32552, "\u0120deposition": 32553, "\u0120confidentiality": 32554, "issors": 32555, "\u0120imbalance": 32556, "\u0120spanning": 32557, "\u0120angular": 32558, "\u0120Cul": 32559, "communication": 32560, "\u0120Nora": 32561, "\u0120Genius": 32562, "opter": 32563, "\u0120sacked": 32564, "Spot": 32565, "\u0120finely": 32566, "\u0120CHR": 32567, "282": 32568, "waves": 32569, "Palest": 32570, "\u0120Rohing": 32571, "NL": 32572, "\u00e8\u00bf": 32573, "\u0120shitty": 32574, "\u0120Scalia": 32575, "475": 32576, "Progress": 32577, "\u0120referencing": 32578, "\u0120classrooms": 32579, "abee": 32580, "\u0120sod": 32581, "hesion": 32582, "708": 32583, "\u0120Zuckerberg": 32584, "\u0120Finish": 32585, "\u0120Scotia": 32586, "\u0120Savior": 32587, "\u0120Installation": 32588, "antha": 32589, "(-": 32590, "\u0120302": 32591, "\u0120Punk": 32592, "\u0120crater": 32593, "youtu": 32594, "\u0120roast": 32595, "\u0120influencing": 32596, "\u0120dup": 32597, "\u0120JR": 32598, "\u0120Grav": 32599, "\u0120stature": 32600, "\u0120bathrooms": 32601, "Aside": 32602, "Wiki": 32603, "mean": 32604, "\u0120Zak": 32605, "\u0120Ones": 32606, "\u0120Nath": 32607, "\u0120hypert": 32608, "\u0120commencement": 32609, "Civil": 32610, "\u0120moderately": 32611, "\u0120distributors": 32612, "\u0120breastfeeding": 32613, "\u0120980": 32614, "\u0120Sik": 32615, "\u0120Cig": 32616, "\u0120AMER": 32617, "RIP": 32618, "\u0120Career": 32619, "usting": 32620, "\u0120messed": 32621, "\u0120eh": 32622, "\u0120Jensen": 32623, "/$": 32624, "\u0120blackmail": 32625, "\u0120conversions": 32626, "\u0120scientifically": 32627, "\u0120mantra": 32628, "paying": 32629, "\u0120ivory": 32630, "\u0120Courts": 32631, "OUGH": 32632, "auntlet": 32633, "Serial": 32634, "Brow": 32635, "\u0120Hundreds": 32636, "323": 32637, "\u0120pee": 32638, "\u0120linux": 32639, "\u0120submer": 32640, "\u0120Principal": 32641, "485": 32642, "\u0120DSL": 32643, "\u0120Cousins": 32644, "\u0120doctrines": 32645, "\u0120Athletics": 32646, "\u0120315": 32647, "\u0120Karma": 32648, "\u0120attent": 32649, "urger": 32650, "\u0120prescribe": 32651, "\u0120encaps": 32652, "\u0120Came": 32653, "\u0120secretive": 32654, "\u0120Crimes": 32655, "dn": 32656, "Clean": 32657, "\u0120Egyptians": 32658, "\u0120Carpenter": 32659, "\u0120ll": 32660, "Hum": 32661, "\u0120Milo": 32662, "\u0120capitalists": 32663, "\u0120briefed": 32664, "Twe": 32665, "\u0120Basin": 32666, "elvet": 32667, "Mos": 32668, "\u0120plunge": 32669, "\u0120Kaiser": 32670, "\u0120Fuj": 32671, "illin": 32672, "\u0120safeguards": 32673, "\u0120oste": 32674, "\u0120Opportunity": 32675, "\u0120Mafia": 32676, "\u0120Calling": 32677, "apa": 32678, "urban": 32679, "brush": 32680, "illard": 32681, "c\u00c3\u00a9": 32682, "intelligence": 32683, "\u0120Lob": 32684, "\u0120Druid": 32685, "\u0120smoother": 32686, "\u0120footing": 32687, "\u0120motorists": 32688, "arcity": 32689, "\u0120masculinity": 32690, "\u0120mism": 32691, "\u0120abdominal": 32692, "\u0120Tavern": 32693, "\u0120Roh": 32694, "\u0120escapes": 32695, "signed": 32696, "Anthony": 32697, "\u0120sacrificing": 32698, "\u0120intimacy": 32699, "\u0120anterior": 32700, "\u0120Kod": 32701, "\u0120motif": 32702, "\u0120graz": 32703, "\u0120visualization": 32704, "\u0120guitarist": 32705, "\u0120Trotsky": 32706, "magic": 32707, "Dar": 32708, "\u0120Mori": 32709, "\u0120wards": 32710, "\u0120toilets": 32711, "lest": 32712, "\u0120teleport": 32713, "\u0120Sundays": 32714, "\u0120Plat": 32715, "ETS": 32716, "\u0120eSports": 32717, "Patrick": 32718, "\u0120Katherine": 32719, "enko": 32720, "\u0120hassle": 32721, "\u0120Mick": 32722, "ggles": 32723, "\u0120hob": 32724, "aintain": 32725, "\u0120airborne": 32726, "\u0120spans": 32727, "\u0120chili": 32728, "\u0120aperture": 32729, "\u0120volunteered": 32730, "\u0120Incident": 32731, "\u0120Fres": 32732, "\u0120Veteran": 32733, "aughtered": 32734, "ingo": 32735, "\u0120uninsured": 32736, "CLOSE": 32737, "\u0120fuse": 32738, "\u0120erotic": 32739, "\u0120advertise": 32740, "raising": 32741, "Texture": 32742, "\u0120attends": 32743, "\u0120REAL": 32744, "uddled": 32745, "\u0120smoot": 32746, "\u0120305": 32747, "\u0120Willis": 32748, "\u0120blond": 32749, "Analysis": 32750, "\u0120VT": 32751, "onica": 32752, "\u0120stronghold": 32753, "RF": 32754, "NM": 32755, ".>>": 32756, "\u0120prosperous": 32757, "\u0120boasted": 32758, "292": 32759, "\u0120Manufacturing": 32760, "PRESS": 32761, "gren": 32762, "\u0120pharmacy": 32763, "\u0120Rockefeller": 32764, "kai": 32765, "\u0120thumbs": 32766, "\u0120Hut": 32767, "\u0120motherboard": 32768, "\u0120guardians": 32769, "\u0120Alter": 32770, "llular": 32771, "\u0120shack": 32772, "\u0120wisely": 32773, "\u0120backbone": 32774, "erva": 32775, "\u0120suicides": 32776, "\u0120McGregor": 32777, "ijah": 32778, "Emer": 32779, "\u0120Brav": 32780, "\u0120designate": 32781, "POST": 32782, "produced": 32783, "\u0120cleansing": 32784, "irlwind": 32785, "existent": 32786, "\u0120Humph": 32787, "\u0120Payne": 32788, "\u0120vested": 32789, "\u00c5\u00a1": 32790, "\u0120stringent": 32791, "iona": 32792, "\u0120unsub": 32793, "\u0120summed": 32794, "\u0120Hercules": 32795, "subject": 32796, "\u0120Ragnar": 32797, "\u0120Nos": 32798, "\u0120characterization": 32799, "\u0120savvy": 32800, "\u0120Dawson": 32801, "\u0120Casino": 32802, "\u0120fri": 32803, "\u0120Barrier": 32804, "\u0120misinformation": 32805, "\u0120insulation": 32806, "\u0120corridors": 32807, "\u0120airplanes": 32808, "\u0120Noct": 32809, "ahi": 32810, "\u01201916": 32811, "kb": 32812, "armac": 32813, "\u0120shun": 32814, "\u0120schema": 32815, "\u0120horrified": 32816, "\u0120239": 32817, "aunders": 32818, "NB": 32819, "iates": 32820, "erity": 32821, "\u0120Shard": 32822, "\u0120rarity": 32823, "\u0120grouped": 32824, "\u0120Ghana": 32825, "against": 32826, "\u0120Biological": 32827, "\u0120Aware": 32828, "owell": 32829, "\u00cf\u0126": 32830, "\u0120Beau": 32831, "shaw": 32832, "Hack": 32833, "\u0120Julius": 32834, "USS": 32835, "olson": 32836, "auna": 32837, "cru": 32838, "\u0120Maurice": 32839, "\u0120Ik": 32840, "\u0120sequencing": 32841, "\u0120radicals": 32842, "\u0120(?,": 32843, "virtual": 32844, "\u0120anyways": 32845, "\u0120reperc": 32846, "\u0120handlers": 32847, "\u0120hesitant": 32848, "\u00e9\u0125": 32849, "\u0120MF": 32850, "plementation": 32851, "associated": 32852, "\u0120campaigned": 32853, "\u0120Yue": 32854, "utations": 32855, "\u0120Yoga": 32856, "\u0120simmer": 32857, "\u0120rods": 32858, "\u0120melody": 32859, "\u0120convoy": 32860, "videos": 32861, "\u0120screened": 32862, "Neg": 32863, "ochemical": 32864, "\u0120())": 32865, "\u0120ultras": 32866, "\u0120antip": 32867, "\u0120Islanders": 32868, "704": 32869, "\u0120fetish": 32870, "\u0120ridiculously": 32871, "\u0120Kart": 32872, "\u0120mitochondrial": 32873, "\u0120interfering": 32874, "Builder": 32875, "\u0120overfl": 32876, "\u0120acne": 32877, "\u0120Mud": 32878, "\u0120Kerr": 32879, "flex": 32880, "\u0120Postal": 32881, "\u0120Baltic": 32882, "477": 32883, "\u0120Persons": 32884, "ourage": 32885, "HB": 32886, "\u0120Muse": 32887, "\u0120Immortal": 32888, "\u0120Driving": 32889, "\u0120petitions": 32890, "\u0120subscript": 32891, "\u0120sorce": 32892, "\u0120Processor": 32893, "uton": 32894, "Sony": 32895, "\u0120phon": 32896, "\u0120raced": 32897, "\u0120Anthrop": 32898, "\u0120daytime": 32899, "\u0120Exercise": 32900, "Adding": 32901, "\u0120engages": 32902, "\u0120Qualcomm": 32903, "\u0120miracles": 32904, "\u0120memes": 32905, "\u0120Drink": 32906, "\u0120Orioles": 32907, "\u0120hairs": 32908, "\u0120Polar": 32909, "athom": 32910, "\u0120slippery": 32911, "\u0120Remy": 32912, "\u0120caramel": 32913, "\u0120YEAR": 32914, "\u0120alk": 32915, "Ign": 32916, "aution": 32917, "\u0120Merlin": 32918, "\u0120Cran": 32919, "\u0120apologies": 32920, "\u0120410": 32921, "\u0120outing": 32922, "\u0120Memories": 32923, "appointed": 32924, "\u0120countered": 32925, "uld": 32926, "posing": 32927, "\u0120firewall": 32928, "\u0120Wast": 32929, "\u0120Wet": 32930, "worked": 32931, "seller": 32932, "\u0120repealed": 32933, "ereo": 32934, "assuming": 32935, "BLIC": 32936, "mite": 32937, "\u0120CEOs": 32938, "\u0120Chapel": 32939, "elligent": 32940, "________________________": 32941, "Dog": 32942, "\u0120wart": 32943, "\u0120subscriber": 32944, "sports": 32945, "\u0120begged": 32946, "\u0120MV": 32947, "\u0120semif": 32948, "ethical": 32949, "\u0120preach": 32950, "\u0120revital": 32951, "\u0120punitive": 32952, "\u0120shortcuts": 32953, "\u0120instituted": 32954, "\u0120Warsaw": 32955, "\u0120abdomen": 32956, "\u0120KING": 32957, "\u0120superintendent": 32958, "\u0120fry": 32959, "\u0120Geo": 32960, "TOR": 32961, "\u0120contradictions": 32962, "aptic": 32963, "\u0120landscapes": 32964, "bugs": 32965, "\u0120clust": 32966, "\u0120volley": 32967, "cribed": 32968, "\u0120tandem": 32969, "\u0120robes": 32970, "WHAT": 32971, "\u0120promoter": 32972, "\u0120eloqu": 32973, "reviewed": 32974, "\u0120DK": 32975, "\u0120Plato": 32976, "\u0120fps": 32977, "Tank": 32978, "\u0120Derrick": 32979, "\u0120prioritize": 32980, "asper": 32981, "\u0120Honduras": 32982, "\u0120Completed": 32983, "nec": 32984, "\u0120mog": 32985, "nir": 32986, "\u0120Mayo": 32987, "DEF": 32988, "stall": 32989, "inness": 32990, "\u0120Volkswagen": 32991, "\u0120precaution": 32992, "\u0120Mell": 32993, "iak": 32994, "istries": 32995, "\u0120248": 32996, "\u0120overlapping": 32997, "Senate": 32998, "\u0120Enhance": 32999, "resy": 33000, "racial": 33001, "ORTS": 33002, "\u0120Mormons": 33003, "Strong": 33004, "\u0120Coch": 33005, "Mexico": 33006, "\u0120Maduro": 33007, "\u0120jars": 33008, "\u0120cane": 33009, "Wik": 33010, "olla": 33011, "ifference": 33012, "\u0120physicist": 33013, "\u0120Maggie": 33014, "\u0120285": 33015, "\u0120depiction": 33016, "\u0120McLaren": 33017, "Ju": 33018, "\u0120slows": 33019, "\u0120commissioners": 33020, "\u0120Willow": 33021, "\u0120Explos": 33022, "hovah": 33023, "\u0120technician": 33024, "\u0120homicides": 33025, "\u0120Flav": 33026, "\u0120Truman": 33027, "\u012010000": 33028, "uctor": 33029, "\u0120shader": 33030, "Newsletter": 33031, "457": 33032, "\u0120rever": 33033, "\u0120hardened": 33034, "\u0120whereabouts": 33035, "\u0120redevelop": 33036, "\u0120carbs": 33037, "\u0120travers": 33038, "\u0120squirrel": 33039, "\u0120follower": 33040, "\u0120sings": 33041, "508": 33042, "\u0120rabbits": 33043, "emonium": 33044, "\u0120documenting": 33045, "\u0120misunderstood": 33046, ")'": 33047, "Rick": 33048, "ggies": 33049, "\u0120premie": 33050, "\u0120skating": 33051, "\u0120passports": 33052, "\u0120fists": 33053, "ageddon": 33054, "Haw": 33055, "ACP": 33056, "080": 33057, "\u0120Thoughts": 33058, "\u0120Carlson": 33059, "\u0120priesthood": 33060, "hua": 33061, "\u0120dungeons": 33062, "\u0120Loans": 33063, "\u0120antis": 33064, "\u0120familiarity": 33065, "\u0120Sabb": 33066, "opal": 33067, "\u0120Ink": 33068, "strike": 33069, "\u0120cram": 33070, "\u0120legalized": 33071, "\u0120cuisine": 33072, "\u0120fibre": 33073, "Travel": 33074, "\u0120Monument": 33075, "ODY": 33076, "ethy": 33077, "\u0120interstate": 33078, "\u0120PUR": 33079, "emporary": 33080, "\u0120Arabian": 33081, "developed": 33082, "\u0120saddle": 33083, "\u0120github": 33084, "\u0120Offer": 33085, "\u0120ISP": 33086, "rolet": 33087, "\u0120SUPER": 33088, "\u0120Denis": 33089, "\u0120multiplier": 33090, "\u0120stirred": 33091, "Interestingly": 33092, "\u0120customary": 33093, "\u0120billed": 33094, "hex": 33095, "\u0120multiplied": 33096, "\u0120flipping": 33097, "\u0120Crosby": 33098, "\u0120fundamentals": 33099, "iae": 33100, "\u0120Played": 33101, "\u0120Atom": 33102, "amazon": 33103, "\u0120Flam": 33104, "eez": 33105, "activated": 33106, "\u0120tablespoon": 33107, "\u0120liberalism": 33108, "\u0120Palin": 33109, "\u0120Patel": 33110, "Num": 33111, "\u0120TAM": 33112, "\u0120surn": 33113, "\u0120Reloaded": 33114, "\u0120coined": 33115, "\"],": 33116, "\u0120Clash": 33117, "\u0120Agu": 33118, "\u0120pragmatic": 33119, "\u0120Activate": 33120, "\u0120802": 33121, "\u0120trailers": 33122, "\u0120silhou": 33123, "\u0120probes": 33124, "\u0120circus": 33125, "\u0120Bain": 33126, "\u0120Lindsay": 33127, "\u0120Abbey": 33128, "Delivery": 33129, "\u0120concession": 33130, "\u0120gastro": 33131, "\u0120Sprite": 33132, "\u00c4\u0141": 33133, "andel": 33134, "\u0120gimm": 33135, "\u0120autobi": 33136, "\u0120Turtle": 33137, "\u0120wonderfully": 33138, "\u0120Haram": 33139, "\u0120Worldwide": 33140, "\u0120Handle": 33141, "\u0120theorists": 33142, "\u0120sleek": 33143, "\u0120Zhu": 33144, "ographically": 33145, "EGA": 33146, "\u0120Owners": 33147, "aths": 33148, "\u0120Antarctic": 33149, "natal": 33150, "=\"\"": 33151, "flags": 33152, "````": 33153, "\u0120sul": 33154, "Kh": 33155, "\u0120potassium": 33156, "\u0120lineman": 33157, "\u0120cereal": 33158, "\u0120Seasons": 33159, "\u01202022": 33160, "\u0120mathematic": 33161, "\u0120astronomers": 33162, "professional": 33163, "\u0120fares": 33164, "cknowled": 33165, "\u0120chi": 33166, "\u0120youngsters": 33167, "\u0120mistakenly": 33168, "\u0120hemisphere": 33169, "\u0120Divinity": 33170, "rone": 33171, "\u0120\",": 33172, "rings": 33173, "\u0120attracts": 33174, "vana": 33175, "\u00e5\u00b9": 33176, "CAP": 33177, "\u0120playlist": 33178, "\u0120porch": 33179, "\u00e3\u0123\u00a3": 33180, "\u0120incorporates": 33181, "\u0120soak": 33182, "\u0120asserting": 33183, "\u0120Terrorism": 33184, "\u0120Pablo": 33185, "Ja": 33186, "cester": 33187, "\u0120fearing": 33188, "\u0120Prayer": 33189, "\u0120escalated": 33190, "GW": 33191, "\u0120robe": 33192, "\u0120Brighton": 33193, "acists": 33194, "\u0120Symphony": 33195, "\u0120Dwarf": 33196, "\u0120Parade": 33197, "\u0120Lego": 33198, "\u0120inexpl": 33199, "\u0120lords": 33200, "leaf": 33201, "RAG": 33202, "liber": 33203, "\u0120cigars": 33204, "\u0120Jehovah": 33205, "606": 33206, "WINDOWS": 33207, "\u0120Liberia": 33208, "ebus": 33209, "Heavy": 33210, "\u0120lubric": 33211, "\u0120RW": 33212, "anguages": 33213, "\u0120narrowed": 33214, "computer": 33215, "\u0120Ember": 33216, "\u0120murdering": 33217, "\u0120downstream": 33218, "\u0120Tuls": 33219, "\u0120Tables": 33220, "Topic": 33221, "\u0120Accuracy": 33222, "=/": 33223, "lost": 33224, "\u0120Rei": 33225, "\u0120progresses": 33226, "bear": 33227, "\u0120establishments": 33228, "Justin": 33229, "\u0120Peach": 33230, "\u0120Gomez": 33231, "\u00e5\u00bf": 33232, "\u0120Triangle": 33233, "Ident": 33234, "\u0120Hive": 33235, "Resources": 33236, "\u0120mixes": 33237, "\u0120Assuming": 33238, "Mu": 33239, "\u0120hypoc": 33240, "\u0120sane": 33241, "\u0120Wan": 33242, "idious": 33243, "Success": 33244, "\u0120io": 33245, "Angel": 33246, "\u0120dangerously": 33247, "\u0120Creature": 33248, "WORK": 33249, ":[": 33250, "\u0120Katrina": 33251, "Listener": 33252, "Miller": 33253, "\u0120Idlib": 33254, "hang": 33255, "\u0120circumvent": 33256, "href": 33257, "\u0120celestial": 33258, "\u0120Weeks": 33259, "\u0120Pug": 33260, "\u0120Dalton": 33261, "\u0120subpoena": 33262, "uku": 33263, "\u0120persisted": 33264, "pei": 33265, "olding": 33266, "\u0120Documents": 33267, "\u0120Hast": 33268, "\u0120CENT": 33269, "\u0120primer": 33270, "\u0120synonymous": 33271, "\u0120nib": 33272, "ombs": 33273, "\u0120notation": 33274, "\u0120Dish": 33275, "\u0120Atmosp": 33276, "\u0120forbid": 33277, "\u0120ANG": 33278, "pattern": 33279, "los": 33280, "\u0120projectiles": 33281, "brown": 33282, ".\",": 33283, "\u0120Venom": 33284, "\u0120fiercely": 33285, "ublished": 33286, "\u0120Uran": 33287, "\u0120Nicarag": 33288, "410": 33289, "\u0120CAL": 33290, "OTOS": 33291, "\u0120Miracle": 33292, "\u0120Enchant": 33293, "\u0120guarding": 33294, "append": 33295, "Attach": 33296, "\u0120leveled": 33297, "\u0120condoms": 33298, "ihilation": 33299, "649": 33300, "\u0120nightmares": 33301, "\u0120THEY": 33302, "\u0120START": 33303, "\u0120Kinn": 33304, "\u0120roommate": 33305, "\u0120hygiene": 33306, "opping": 33307, "Job": 33308, "\u0120lvl": 33309, "\u0120VER": 33310, "\u0120Keeping": 33311, "abetic": 33312, "\u0120formatting": 33313, "erala": 33314, "\u0120revisions": 33315, "\u0120resurg": 33316, "Tel": 33317, "\u0120Goodman": 33318, "353": 33319, "pod": 33320, "\u0120indisp": 33321, "\u0120Translation": 33322, "\u0120gown": 33323, "\u0120Mund": 33324, "\u0120cis": 33325, "\u0120bystand": 33326, "collect": 33327, "\u0120Punjab": 33328, "actively": 33329, "\u0120Gamb": 33330, "tell": 33331, "\u0120importing": 33332, "gencies": 33333, "\u0120locom": 33334, "\u0120Brill": 33335, "Holy": 33336, "\u0120Berger": 33337, "\u0120showdown": 33338, "\u0120responders": 33339, "ILY": 33340, "\u0120takedown": 33341, "leted": 33342, "\u0120mattered": 33343, "\u0120predictive": 33344, "\u0120overlay": 33345, "GPU": 33346, "\u0120Vick": 33347, "\u0120conveyed": 33348, "Tab": 33349, "peer": 33350, "Scan": 33351, "\u0120defensively": 33352, "vae": 33353, "\u0120approving": 33354, "\u0120tiers": 33355, "\u0120Via": 33356, "querade": 33357, "\u0120Saudis": 33358, "\u0120demolished": 33359, "\u0120Prophe": 33360, "\u0120mono": 33361, "\u0120hospitality": 33362, "HAM": 33363, "\u0120Ariel": 33364, "MOD": 33365, "\u0120Torah": 33366, "\u0120blah": 33367, "\u0120Belarus": 33368, "erential": 33369, "\u0120Tuc": 33370, "\u0120banker": 33371, "397": 33372, "\u0120mosquit": 33373, "\u0120Scientist": 33374, "\u0120Musical": 33375, "\u0120hust": 33376, "Shift": 33377, "\u0120torment": 33378, "\u0120standoff": 33379, "Educ": 33380, "\u0120Fog": 33381, "\u0120amplifier": 33382, "Shape": 33383, "Instance": 33384, "\u0120Critics": 33385, "\u0120daemon": 33386, "Houston": 33387, "\u0120mattress": 33388, "\u0120IDF": 33389, "\u0120obscene": 33390, "\u0120Amer": 33391, "hetti": 33392, "\u0120compiling": 33393, "352": 33394, "verett": 33395, "\u0120Reduction": 33396, "istration": 33397, "\u0120Blessed": 33398, "\u0120Bachelor": 33399, "316": 33400, "\u0120prank": 33401, "\u0120Vulcan": 33402, "dding": 33403, "\u0120mourning": 33404, "\u0120Quint": 33405, "\u0120Blaster": 33406, "testing": 33407, "\u0120sediment": 33408, ">>>": 33409, "\u0120Eternity": 33410, "\u0120WHERE": 33411, "\u0120Maze": 33412, "\u0120reacting": 33413, "\u0120Alv": 33414, "omsday": 33415, "\u0120CRA": 33416, "\u0120translator": 33417, "\u0120bogus": 33418, "atu": 33419, "Website": 33420, "olls": 33421, "\u0120baptism": 33422, "\u0120sibling": 33423, "\u0120Autumn": 33424, "vez": 33425, "\u00e3\u0123\u00ae\u00e9": 33426, "guards": 33427, "Georg": 33428, "assadors": 33429, "\u0120Freud": 33430, "\u0120continents": 33431, "\u0120Registry": 33432, "Bernie": 33433, "\u0138\u013c\u00e5\u00a3\u00ab": 33434, "\u0120tolerant": 33435, "\u0120UW": 33436, "\u0120horribly": 33437, "995": 33438, "\u0120MIDI": 33439, "\u0120impatient": 33440, "ocado": 33441, "eri": 33442, "\u0120Worst": 33443, "\u0120Norris": 33444, "\u0120Talking": 33445, "\u0120defends": 33446, "ensable": 33447, "\u01202021": 33448, "\u0120anatomy": 33449, "Lew": 33450, "\u0120drawer": 33451, "\u0120Canberra": 33452, "\u0120patriotic": 33453, "\u00e9\u00be\u012f\u00e5\u0138\u013c\u00e5\u00a3\u00ab": 33454, "\u0120Avg": 33455, "ARM": 33456, "\u0120undisclosed": 33457, "\u0120farewell": 33458, "459": 33459, "bable": 33460, "\u0120Allison": 33461, "OLOG": 33462, "\u0120conco": 33463, "tight": 33464, "\u0120ACPI": 33465, "\u0120Mines": 33466, "lich": 33467, "\u0120\u00e2\u0136\u013e": 33468, "represented": 33469, "200000": 33470, "\u0120enthusiast": 33471, "OTS": 33472, "bil": 33473, "\u0120Ingredients": 33474, "\u0120inventor": 33475, "\u0120MySQL": 33476, "\u00c2\u0142\u00c2\u0142\u00c2\u0142": 33477, "\u0120ABOUT": 33478, "within": 33479, "\u0120mk": 33480, "Bul": 33481, "\u0120Fake": 33482, "\u0120draconian": 33483, "Wa": 33484, "helm": 33485, "\u0120Terran": 33486, "erville": 33487, "\u0120commonplace": 33488, "SIZE": 33489, "\u0120\"<": 33490, "replace": 33491, "ographs": 33492, "\u0120SELECT": 33493, "incible": 33494, "\u0120Mostly": 33495, "\u0120Sheffield": 33496, "\u0120IDE": 33497, "uggle": 33498, "\u0120citations": 33499, "hurst": 33500, "\u0120Unix": 33501, "\u0120unleash": 33502, "\u0120Piper": 33503, "\u0120Nano": 33504, "\u0120succumb": 33505, "\u0120reluctance": 33506, "\u01202500": 33507, "\u0120Merchant": 33508, "\u0120wiret": 33509, "\u0120combos": 33510, "\u0120Birthday": 33511, "\u0120charcoal": 33512, "\u0120UPS": 33513, "\u0120Fairfax": 33514, "\u0120driveway": 33515, "\u0120Tek": 33516, "\u0120Pitch": 33517, "overe": 33518, "\u0120technicians": 33519, "\u0120Actual": 33520, "flation": 33521, "\u0120Fiscal": 33522, "\u0120Empty": 33523, "anamo": 33524, "\u0120magnesium": 33525, "\u0120slut": 33526, "\u0120growers": 33527, "Investigators": 33528, "():": 33529, "\u0120Satellite": 33530, "\u0120Keynes": 33531, "missive": 33532, "lane": 33533, "\u0120borough": 33534, "344": 33535, "\u0120TEAM": 33536, "\u0120Bethesda": 33537, "CV": 33538, "hower": 33539, "\u0120RAD": 33540, "\u0120chant": 33541, "\u0120Riy": 33542, "\u0120compositions": 33543, "\u0120mildly": 33544, "\u0120meddling": 33545, "\u0120agility": 33546, "aneers": 33547, "501": 33548, "\u0120synth": 33549, "linger": 33550, "291": 33551, "\u0120exclaimed": 33552, "Party": 33553, "\u0120contamin": 33554, "\u0120Manor": 33555, "\u0120Respond": 33556, "\u0120praising": 33557, "\u0120manners": 33558, "fleet": 33559, "Summer": 33560, "\u0120Lynd": 33561, "\u0120Definitely": 33562, "grim": 33563, "\u0120bowling": 33564, "stri": 33565, "\u00e7\u013d": 33566, "ynt": 33567, "\u0120mandates": 33568, "DIV": 33569, "\u0120reconcile": 33570, "views": 33571, "\u0120Damon": 33572, "vette": 33573, "Flo": 33574, "\u0120Greatest": 33575, "ilon": 33576, "icia": 33577, "\u0120portrayal": 33578, "\u0120cushion": 33579, "504": 33580, "1979": 33581, "ossal": 33582, "Applic": 33583, "scription": 33584, "\u0120mitigation": 33585, "ATS": 33586, "pac": 33587, "\u0120erased": 33588, "\u0120deficiencies": 33589, "\u0120Hollande": 33590, "\u0120Xu": 33591, "\u0120bred": 33592, "\u0120pregnancies": 33593, "femin": 33594, "\u0120emph": 33595, "\u0120planners": 33596, "\u0120outper": 33597, "uttering": 33598, "\u0120perpetrator": 33599, "\u0120motto": 33600, "\u0120Ellison": 33601, "\u0120NEVER": 33602, "\u0120admittedly": 33603, "ARI": 33604, "\u0120Azerbaijan": 33605, "\u0120millisec": 33606, "\u0120combustion": 33607, "\u0120Bottle": 33608, "\u0120Lund": 33609, "\u0120Ps": 33610, "\u0120Dress": 33611, "\u0120fabricated": 33612, "\u0120battered": 33613, "\u0120sidel": 33614, "\u0120Notting": 33615, "Foreign": 33616, "\u0120Jerome": 33617, "020": 33618, "\u0120Arbit": 33619, "\u0120knots": 33620, "\u0120RIGHT": 33621, "Moving": 33622, "\u00e3\u0123\u013b": 33623, "\u0120surgeries": 33624, "\u0120courthouse": 33625, "\u0120mastered": 33626, "\u0120hovering": 33627, "\u0120Bran": 33628, "\u0120Alison": 33629, "\u0120safest": 33630, "military": 33631, "\u0120bullied": 33632, "\u0120barrage": 33633, "Reader": 33634, "ESE": 33635, "\u0120Geographic": 33636, "Tools": 33637, "314": 33638, "\u0120Geek": 33639, "roth": 33640, "glers": 33641, "\u0120FIN": 33642, "\u00cf\u0123": 33643, "\u0120Aston": 33644, "altern": 33645, "488": 33646, "\u0120veterin": 33647, "Gamer": 33648, "\u0120intel": 33649, "renches": 33650, "Shield": 33651, "\u0120amnesty": 33652, "\u0120Bhar": 33653, "\u0120piled": 33654, "\u0120honorable": 33655, "\u0120Institutes": 33656, "\u0120soaked": 33657, "\u0120coma": 33658, "\u0120EFF": 33659, "341": 33660, "bytes": 33661, "\u0120Gmail": 33662, "lein": 33663, "\u0120Canadiens": 33664, "material": 33665, "Il": 33666, "\u0120instructors": 33667, "\u0120KY": 33668, "\u0120conceive": 33669, "ubb": 33670, "\u0120Possible": 33671, "\u0120easing": 33672, "\u0120Christina": 33673, "\u0120caric": 33674, "\u0120HDR": 33675, "ROM": 33676, "\u0120shovel": 33677, "delete": 33678, "\u0120puff": 33679, "\u0120Changing": 33680, "\u0120seamlessly": 33681, "Attribute": 33682, "\u0120acquisitions": 33683, "akery": 33684, "\u0120EF": 33685, "\u0120autistic": 33686, "\u0120Takes": 33687, "\u0120Powder": 33688, "\u0120Stir": 33689, "510": 33690, "\u0120Bubble": 33691, "settings": 33692, "\u0120Fowler": 33693, "\u0120mustard": 33694, "\u0120moreover": 33695, "\u0120copyrighted": 33696, "\u0120LEDs": 33697, "1500": 33698, "\u00e6\u012b": 33699, "\u0120HIS": 33700, "enf": 33701, "\u0120custod": 33702, "\u0120Huck": 33703, "Gi": 33704, "\u0120img": 33705, "Answer": 33706, "Ct": 33707, "jay": 33708, "\u0120Infrastructure": 33709, "\u0120federally": 33710, "Loc": 33711, "\u0120microbes": 33712, "\u0120overrun": 33713, "dds": 33714, "otent": 33715, "adiator": 33716, ">>>>>>>>": 33717, "\u0120tornado": 33718, "\u0120adjud": 33719, "\u0120intrigued": 33720, "\u0120si": 33721, "\u0120Revelation": 33722, "progress": 33723, "\u0120burglary": 33724, "\u0120Saiyan": 33725, "\u0120Kathy": 33726, "\u0120serpent": 33727, "\u0120Andreas": 33728, "\u0120compel": 33729, "essler": 33730, "\u0120Plastic": 33731, "\u0120Advent": 33732, "\u0120Positive": 33733, "\u0120Qt": 33734, "\u0120Hindus": 33735, "registered": 33736, "ularity": 33737, "\u0120righteousness": 33738, "\u0120demonic": 33739, "uitive": 33740, "\u0120BDS": 33741, "\u0120Gregg": 33742, "cia": 33743, "\u0120Crusade": 33744, "\u0120Sinai": 33745, "WARE": 33746, "+(": 33747, "\u0120mell": 33748, "\u0120derail": 33749, "yards": 33750, "Ast": 33751, "\u0120noticeably": 33752, "\u0120Ober": 33753, "Ram": 33754, "\u0120unnoticed": 33755, "\u0120seq": 33756, "avage": 33757, "Ts": 33758, "\u0120640": 33759, "\u0120concede": 33760, "\u0120])": 33761, "Fill": 33762, "\u0120captivity": 33763, "\u0120Improvement": 33764, "\u0120Crusader": 33765, "araoh": 33766, "MAP": 33767, "\u00e6\u0139": 33768, "\u0120stride": 33769, "always": 33770, "Fly": 33771, "Nit": 33772, "\u0120algae": 33773, "\u0120Cooking": 33774, "\u0120Doors": 33775, "Malley": 33776, "\u0120policemen": 33777, "\u00e3\u0123\u012f": 33778, "\u0120astronaut": 33779, "accessible": 33780, "495": 33781, "\u0120RAW": 33782, "cliffe": 33783, "udicrous": 33784, "\u0120depended": 33785, "alach": 33786, "\u0120ventures": 33787, "rake": 33788, "\u0120tits": 33789, "\u0120Hou": 33790, "\u0120condom": 33791, "ormonal": 33792, "\u0120indent": 33793, "\u0120uploading": 33794, "Footnote": 33795, "Important": 33796, "\u0120271": 33797, "\u0120mindful": 33798, "\u0120contends": 33799, "Cra": 33800, "\u0120calibr": 33801, "\u0120OECD": 33802, "plugin": 33803, "Fat": 33804, "\u0120ISS": 33805, "\u0120Dynamics": 33806, "ansen": 33807, "686": 33808, "'),": 33809, "\u0120sprite": 33810, "\u0120handheld": 33811, "\u0120Hipp": 33812, "=~=~": 33813, "Trust": 33814, "\u0120semantics": 33815, "\u0120Bundes": 33816, "\u0120Reno": 33817, "\u0120Literature": 33818, "sense": 33819, "Gary": 33820, "\u0120Aeg": 33821, "\u0120Trin": 33822, "EEK": 33823, "\u0120cleric": 33824, "\u0120SSH": 33825, "\u0120christ": 33826, "\u0120invading": 33827, "ibu": 33828, "\u0120enum": 33829, "aura": 33830, "\u0120allege": 33831, "\u0120Incredible": 33832, "BBC": 33833, "\u0120thru": 33834, "\u0120sailed": 33835, "\u0120emulate": 33836, "\u0120insecurity": 33837, "\u0120crou": 33838, "\u0120accommodations": 33839, "\u0120incompetent": 33840, "\u0120slips": 33841, "\u0120Earthqu": 33842, "sama": 33843, "ILLE": 33844, "\u0120iPhones": 33845, "asaki": 33846, "\u0120bye": 33847, "\u0120ard": 33848, "\u0120extras": 33849, "\u0120slaughtered": 33850, "\u0120crowdfunding": 33851, "resso": 33852, "\u0120filib": 33853, "\u0120ERROR": 33854, "\u0120TLS": 33855, "egg": 33856, "\u0120Ital": 33857, "\u0120enlist": 33858, "\u0120Catalonia": 33859, "\u0120Scots": 33860, "\u0120sergeant": 33861, "\u0120dissolve": 33862, "NH": 33863, "\u0120standings": 33864, "rique": 33865, "IQ": 33866, "\u0120beneficiary": 33867, "\u0120aquarium": 33868, "YouTube": 33869, "\u0120PowerShell": 33870, "\u0120brightest": 33871, "\u0120Warrant": 33872, "Sold": 33873, "Writing": 33874, "\u0120beginnings": 33875, "\u0120Reserved": 33876, "\u0120Latinos": 33877, "heading": 33878, "\u0120440": 33879, "\u0120rooftop": 33880, "ATING": 33881, "\u0120390": 33882, "VPN": 33883, "Gs": 33884, "kernel": 33885, "turned": 33886, "\u0120preferable": 33887, "\u0120turnovers": 33888, "\u0120Hels": 33889, "Sa": 33890, "\u0120Shinji": 33891, "veh": 33892, "\u0120MODULE": 33893, "Viol": 33894, "\u0120exiting": 33895, "\u0120jab": 33896, "\u0120Vanilla": 33897, "\u0120acron": 33898, "\u0120Gap": 33899, "bern": 33900, "Ak": 33901, "\u0120McGu": 33902, "\u0120endlessly": 33903, "\u0120Farage": 33904, "\u0120Noel": 33905, "Va": 33906, "MK": 33907, "\u0120brute": 33908, "\u0120Kru": 33909, "\u0120ESV": 33910, "\u0120Olivia": 33911, "\u00e2\u0122\u0142": 33912, "\u0120Kaf": 33913, "\u0120trusting": 33914, "\u0120hots": 33915, "324": 33916, "\u0120malaria": 33917, "\u0120json": 33918, "\u0120pounding": 33919, "ortment": 33920, "Country": 33921, "\u0120postponed": 33922, "\u0120unequiv": 33923, "?),": 33924, "\u0120Rooney": 33925, "udding": 33926, "\u0120Leap": 33927, "urrence": 33928, "shapeshifter": 33929, "\u0120HAS": 33930, "osate": 33931, "\u0120cavern": 33932, "\u0120conservatism": 33933, "\u0120BAD": 33934, "\u0120mileage": 33935, "\u0120arresting": 33936, "Vaults": 33937, "\u0120mixer": 33938, "Democratic": 33939, "\u0120Benson": 33940, "\u0120authored": 33941, "8000": 33942, "\u0120proactive": 33943, "\u0120Spiritual": 33944, "tre": 33945, "\u0120incarcerated": 33946, "\u0120Sort": 33947, "\u0120peaked": 33948, "\u0120wielding": 33949, "reciation": 33950, "\u00d7\u013b\u00d7": 33951, "Patch": 33952, "\u0120Emmy": 33953, "\u0120exqu": 33954, "tto": 33955, "\u0120Ratio": 33956, "\u0120Picks": 33957, "\u0120Gry": 33958, "phant": 33959, "\u0120fret": 33960, "\u0120ethn": 33961, "\u0120archived": 33962, "%-": 33963, "cases": 33964, "\u0120Blaze": 33965, "\u0120imb": 33966, "cv": 33967, "yss": 33968, "imony": 33969, "\u0120countdown": 33970, "\u0120awakening": 33971, "\u0120Tunisia": 33972, "\u0120Refer": 33973, "\u0120MJ": 33974, "\u0120unnatural": 33975, "\u0120Carnegie": 33976, "izen": 33977, "\u0120Nuggets": 33978, "hess": 33979, "\u0120evils": 33980, "647": 33981, "\u0120introductory": 33982, "loving": 33983, "\u0120McMahon": 33984, "\u0120ambiguity": 33985, "Label": 33986, "\u0120Almighty": 33987, "\u0120coloring": 33988, "\u0120Claus": 33989, "setting": 33990, "NULL": 33991, "\u0120Favorite": 33992, "\u0120SIG": 33993, ">(": 33994, "\u0120Shiva": 33995, "\u0120Mayer": 33996, "\u0120stormed": 33997, "\u0120Coverage": 33998, "weapons": 33999, "igham": 34000, "\u0120unanswered": 34001, "\u0120leve": 34002, "\u0120coy": 34003, "cas": 34004, "bags": 34005, "asured": 34006, "Seattle": 34007, "\u0120Santorum": 34008, "serious": 34009, "\u0120courageous": 34010, "\u0120Soup": 34011, "\u0120confiscated": 34012, "\u0120///": 34013, "\u0120unconventional": 34014, "\u0120moms": 34015, "\u0120Rohingya": 34016, "\u0120Orchestra": 34017, "\u0120Potion": 34018, "\u0120discredit": 34019, "\u0120FIL": 34020, "fixed": 34021, "\u0120Deer": 34022, "doi": 34023, "\u0120Dimension": 34024, "\u0120bureaucrats": 34025, "eteen": 34026, "\u0120actionGroup": 34027, "ohm": 34028, "\u0120bumps": 34029, "\u0120Utility": 34030, "\u0120submarines": 34031, "renheit": 34032, "research": 34033, "\u0120Shapiro": 34034, "\u0120sketches": 34035, "\u0120deceptive": 34036, "\u0120Vil": 34037, "esame": 34038, "\u0120Essentially": 34039, "\u0120rampage": 34040, "isky": 34041, "\u0120muttered": 34042, "thritis": 34043, "\u0120236": 34044, "fet": 34045, "bars": 34046, "\u0120pupil": 34047, "\u0120Thou": 34048, "oS": 34049, "song": 34050, "\u0120fractured": 34051, "\u0120revert": 34052, "picture": 34053, "\u0120criterion": 34054, "usher": 34055, "\u0120repercussions": 34056, "\u0120Vintage": 34057, "\u0120Superintendent": 34058, "Officers": 34059, "\u0120flagged": 34060, "\u0120blames": 34061, "\u0120inverse": 34062, "ographers": 34063, "\u0120makeshift": 34064, "\u0120devoid": 34065, "\u0120fossils": 34066, "\u0120Aristotle": 34067, "\u0120Funds": 34068, "\u0120depleted": 34069, "\u0120Flu": 34070, "\u0120Yuan": 34071, "\u0120woes": 34072, "\u0120lipid": 34073, "\u0120situ": 34074, "requisites": 34075, "\u0120furnish": 34076, "\u0120Samar": 34077, "\u0120shameful": 34078, "\u0120adversely": 34079, "\u0120adept": 34080, "\u0120remorse": 34081, "\u0120murderous": 34082, "uckles": 34083, "\u0120ESL": 34084, "\u0120314": 34085, "sent": 34086, "\u0120redef": 34087, "\u0120Cache": 34088, "\u0120Purs": 34089, "igans": 34090, "\u0120460": 34091, "\u0120prescriptions": 34092, "\u0120fres": 34093, "Fuck": 34094, "ocrates": 34095, "Twenty": 34096, "\u0120Weird": 34097, "\u0120Toggle": 34098, "\u0120Called": 34099, "itizens": 34100, "\u0120poultry": 34101, "\u0120harvesting": 34102, "\u00e3\u0124\u00a6\u00e3\u0124\u00b9": 34103, "Bottom": 34104, "\u0120cautioned": 34105, "tn": 34106, "396": 34107, "\u0120Nikki": 34108, "\u0120evaluations": 34109, "\u0120harassing": 34110, "\u0120bindings": 34111, "\u0120Monetary": 34112, "\u0120hitters": 34113, "\u0120adversary": 34114, "unts": 34115, "\u0120setback": 34116, "\u0120encrypt": 34117, "\u0120Cait": 34118, "\u0120lows": 34119, "enges": 34120, "\u0120Norn": 34121, "\u0120bulbs": 34122, "\u0120bottled": 34123, "\u0120Voyager": 34124, "317": 34125, "\u0120spheres": 34126, "politics": 34127, "\u0120subtract": 34128, "\u0120sensations": 34129, "\u0120appalling": 34130, "\u0120316": 34131, "\u0120environmentally": 34132, "\u0120STEM": 34133, "\u0120publishes": 34134, "560": 34135, "\u0120diligence": 34136, "484": 34137, "\u0120advises": 34138, "\u0120petrol": 34139, "\u0120imagining": 34140, "\u0120patrols": 34141, "\u0120Integer": 34142, "\u0120Ashes": 34143, "actus": 34144, "\u0120Radiant": 34145, "\u0120LT": 34146, "itability": 34147, "htaking": 34148, "Setting": 34149, "\u0120nuanced": 34150, "\u0120Reef": 34151, "\u0120Developers": 34152, "Ni": 34153, "pieces": 34154, "990": 34155, "License": 34156, "\u0120lowers": 34157, "\u0120Ottoman": 34158, "327": 34159, "ooo": 34160, "\u0120quitting": 34161, "markets": 34162, "Behind": 34163, "\u0120basin": 34164, "\u0120docs": 34165, "anie": 34166, "flash": 34167, "ctl": 34168, "\u0120civilized": 34169, "\u0120Fukushima": 34170, "\"],\"": 34171, "\u0120KS": 34172, "\u0120Honestly": 34173, "arat": 34174, "\u0120constructs": 34175, "\u0120Lans": 34176, "\u0120Dire": 34177, "\u0120LIKE": 34178, "\u0120Trouble": 34179, "\u0120withholding": 34180, "\u0120Oblivion": 34181, "\u0120sanity": 34182, "anya": 34183, "Const": 34184, "\u0120grocer": 34185, "\u0120Celsius": 34186, "\u0120recounted": 34187, "\u0120Wife": 34188, "Border": 34189, "atered": 34190, "happy": 34191, "\u0120spoiler": 34192, "\u0120logically": 34193, "Hall": 34194, "\u0120succeeding": 34195, "\u0120polymorph": 34196, "\u0120axes": 34197, "\u0120Shotgun": 34198, "\u0120Slim": 34199, "\u0120Principles": 34200, "\u0120Leth": 34201, "arta": 34202, "\u0120scor": 34203, "Screenshot": 34204, "\u0120relaxation": 34205, "#$#$": 34206, "\u0120deterrent": 34207, "iddy": 34208, "\u0120powerless": 34209, "\u0120lesbians": 34210, "\u0120chords": 34211, "\u0120Edited": 34212, "selected": 34213, "\u0120separatists": 34214, "0002": 34215, "\u0120airspace": 34216, "\u0120turnaround": 34217, "\u0120cunning": 34218, "PATH": 34219, "Poly": 34220, "\u0120bombed": 34221, "\u0120tion": 34222, "xs": 34223, "\u0120withhold": 34224, "\u0120waged": 34225, "\u0120Liberties": 34226, "Flag": 34227, "\u0120comforting": 34228, "454": 34229, "\u0120Iris": 34230, "arers": 34231, "\u0120rag": 34232, "\u0120relocated": 34233, "\u0120Guarant": 34234, "\u0120strategically": 34235, "\u0120gamma": 34236, "uberty": 34237, "\u0120Lockheed": 34238, "gres": 34239, "\u0120grilled": 34240, "\u0120Lowe": 34241, "stats": 34242, "\u0120Rocks": 34243, "\u0120sensing": 34244, "\u0120renting": 34245, "\u0120Geological": 34246, "\u00d8\u00a7\u00d8": 34247, "otrop": 34248, "\u0120sew": 34249, "\u0120improperly": 34250, "486": 34251, "\u0120\u00e2\u0138\u0142": 34252, "\u0120starving": 34253, "\u0120Bj": 34254, "Discussion": 34255, "328": 34256, "\u0120Combo": 34257, "\u0120Fixes": 34258, "NAT": 34259, "\u0120striving": 34260, "thora": 34261, "\u0120harvested": 34262, "\u0120Ping": 34263, "\u0120playful": 34264, "\u0120avenues": 34265, "\u0120occupational": 34266, "\u0120wakes": 34267, "\u0120Courier": 34268, "\u0120drummer": 34269, "\u0120Browser": 34270, "\u0120Houth": 34271, "itu": 34272, "\u0120apparel": 34273, "paste": 34274, "\u0120hunted": 34275, "\u0120Secondly": 34276, "lain": 34277, "XY": 34278, "\u0120PIN": 34279, "icons": 34280, "\u0120cocktails": 34281, "\u0120sizable": 34282, "\u0120hurdles": 34283, "estinal": 34284, "\u0120Recreation": 34285, "\u0120eco": 34286, "648": 34287, "\u0120Died": 34288, "mint": 34289, "\u0120fingerprints": 34290, "\u0120dispose": 34291, "\u0120Bosnia": 34292, "tsy": 34293, "2200": 34294, "\u0120inspected": 34295, "\u0120Fou": 34296, "\u0120fuss": 34297, "\u0120ambush": 34298, "\u0120Rak": 34299, "\u0120manifested": 34300, "Prosecut": 34301, "\u0120suffice": 34302, "rences": 34303, "\u0120compensated": 34304, "\u0120Cyrus": 34305, "\u0120genus": 34306, "\u0120Wolverine": 34307, "\u0120Trends": 34308, "\u0120hikes": 34309, "\u0120Seen": 34310, "\u0120enrol": 34311, "Cold": 34312, "\u0120politely": 34313, "\u0120Slav": 34314, "\u0120Rupert": 34315, "\u0120eyewitness": 34316, "\u0120Alto": 34317, "\u0120uncomp": 34318, "\u0120posterior": 34319, "Must": 34320, "\u0120Herz": 34321, "\u0120progressively": 34322, "\u0120234": 34323, "\u0120indifference": 34324, "\u0120Cunningham": 34325, "\u0120academia": 34326, "\u0120sewer": 34327, "\u0120astounding": 34328, "\u0120AES": 34329, "rather": 34330, "\u0120eldest": 34331, "\u0120climbs": 34332, "\u0120Adds": 34333, "\u0120outcry": 34334, "\u0120contag": 34335, "\u0120Houses": 34336, "\u0120pept": 34337, "\u0120Melania": 34338, "interested": 34339, "\u0120UCH": 34340, "\u0120Roots": 34341, "\u0120Hubbard": 34342, "\u0120TBD": 34343, "\u0120Romanian": 34344, "filename": 34345, "Stone": 34346, "\u0120Impl": 34347, "\u0120chromosome": 34348, "Cle": 34349, "dx": 34350, "\u0120scrambled": 34351, "\u0120Pt": 34352, "\u0120242": 34353, "OPLE": 34354, "\u0120tremendously": 34355, "Street": 34356, "\u0120craving": 34357, "\u0120bundled": 34358, "\u0120RG": 34359, "pipe": 34360, "\u0120injuring": 34361, "\u0120arcane": 34362, "Particip": 34363, "\u0120Heroic": 34364, "sty": 34365, "\u0120topping": 34366, "\u0120Tempest": 34367, "rentices": 34368, "bh": 34369, "\u0120paranoia": 34370, "\u0120Unicode": 34371, "\u0120egregious": 34372, "\u0120\\'": 34373, "\u0120Oswald": 34374, "\u0120gravel": 34375, "\u0120Simpsons": 34376, "\u0120bland": 34377, "\u0120Guantanamo": 34378, "Writer": 34379, "liners": 34380, "\u0120Dice": 34381, "JC": 34382, "\u0120parity": 34383, "\u0120sided": 34384, "\u0120237": 34385, "\u0120Pyrrha": 34386, "atters": 34387, "dk": 34388, "Fine": 34389, "compan": 34390, "\u0120formulated": 34391, "\u0120Idol": 34392, "ilers": 34393, "hemoth": 34394, "\u0120Fav": 34395, "\u0120intrusion": 34396, "\u0120carrots": 34397, "\u0120Layer": 34398, "\u0120Hacker": 34399, "\u0120----------------": 34400, "\u0120moderation": 34401, "\u00e9\u0123": 34402, "ococ": 34403, "\u0120characterize": 34404, "\u0120Teresa": 34405, "\u0120socioeconomic": 34406, "\u0120perk": 34407, "\u0120Participation": 34408, "training": 34409, "\u0120Paulo": 34410, "phys": 34411, "\u0120trustworthy": 34412, "\u0120embodied": 34413, "\u0120Merch": 34414, "currency": 34415, "\u0120Priority": 34416, "\u0120teasing": 34417, "\u0120absorbing": 34418, "\u0120unfinished": 34419, "\u0120Comparison": 34420, "\u0120disple": 34421, "writers": 34422, "\u0120professions": 34423, "\u0120Penguin": 34424, "\u0120angrily": 34425, "\u0120LINK": 34426, "688": 34427, "\u0120Correspond": 34428, "\u0120prevailed": 34429, "\u0120cartel": 34430, "lp": 34431, "asms": 34432, "\u0120Redemption": 34433, "\u0120Islamists": 34434, "effects": 34435, "dose": 34436, "\u0120Latter": 34437, "\u0120Halifax": 34438, "\u0120vas": 34439, "\u0120Topics": 34440, "\u0120Named": 34441, "advertising": 34442, "zza": 34443, "ICES": 34444, "\u0120retarded": 34445, "achable": 34446, "\u0120Puppet": 34447, "\u0120ItemLevel": 34448, "\u0120retract": 34449, "\u0120identifiable": 34450, "Aaron": 34451, "\u0120Buster": 34452, "sol": 34453, "helle": 34454, "assemb": 34455, "Hope": 34456, "ranged": 34457, "Ba": 34458, "\u0120Purch": 34459, "\u00e9\u0122": 34460, "\u0120Siri": 34461, "\u0120arrivals": 34462, "\u01201912": 34463, "\u0120shortened": 34464, "\u0120312": 34465, "\u0120discrepancy": 34466, "\u0120Temperature": 34467, "\u0120Walton": 34468, "\u0120kinderg": 34469, "polit": 34470, "\u0120remix": 34471, "\u0120connectors": 34472, "\u00e3\u0125\u013a\u00e3\u0125\u00a9": 34473, "\u0120Kazakhstan": 34474, "dominated": 34475, "\u0120sugars": 34476, "imble": 34477, "\u0120Panic": 34478, "\u0120Demand": 34479, "\u0120Colony": 34480, "onen": 34481, "\u0120MER": 34482, "775": 34483, "uria": 34484, "azaar": 34485, "\u0120Degree": 34486, "Pri": 34487, "\u0120sunshine": 34488, "\u0120251": 34489, "\u0120psychedelic": 34490, "\u0120digitally": 34491, "\u0120Braun": 34492, "\u0120shimmer": 34493, "\u0120shave": 34494, "\u0120Telesc": 34495, "\u0120Astral": 34496, "\u0120Venezuelan": 34497, "\u0120OG": 34498, "\u0120crawling": 34499, "Integ": 34500, "\u0120Feather": 34501, "\u0120unfolding": 34502, "\u0120appropriation": 34503, "\u0120\u00e8\u00a3\u0131\u00e8": 34504, "\u0120Mobility": 34505, "\u0120Ney": 34506, "-.": 34507, "bilt": 34508, "LIN": 34509, "\u0120Tube": 34510, "\u0120Conversely": 34511, "\u0120keyboards": 34512, "\u0120Cao": 34513, "\u0120overth": 34514, "\u0120laure": 34515, ">>\\": 34516, "\u0120Viper": 34517, "acha": 34518, "Offset": 34519, "\u0120Raleigh": 34520, "\u0120Jae": 34521, "Jordan": 34522, "jp": 34523, "\u0120totalitarian": 34524, "Connector": 34525, "\u0120observes": 34526, "\u0120Spartan": 34527, "\u0120Immediately": 34528, "\u0120Scal": 34529, "Cool": 34530, "\u0120taps": 34531, "\u0120roar": 34532, "Past": 34533, "\u0120chars": 34534, "\u0120Bender": 34535, "\u0120Sheldon": 34536, "\u0120painter": 34537, "\u0120beacon": 34538, "\u0120Creatures": 34539, "\u0120downturn": 34540, "\u0120hinder": 34541, "\u0120Andromeda": 34542, "\u00c3\u013d": 34543, "ccoli": 34544, "\u0120Fitness": 34545, "etrical": 34546, "\u0120utilizes": 34547, "\u0120senate": 34548, "\u0120ensemble": 34549, "\u0120cheers": 34550, "TW": 34551, "\u0120affluent": 34552, "kil": 34553, "rylic": 34554, "ordering": 34555, "Computer": 34556, "\u0120gruesome": 34557, "ostics": 34558, "\u0120Ubisoft": 34559, "\u0120Kelley": 34560, "\u0120wrench": 34561, "\u0120bourgeoisie": 34562, "IBLE": 34563, "\u0120Preston": 34564, "worn": 34565, "arist": 34566, "reating": 34567, "\u0120stained": 34568, "arine": 34569, "\u0120slime": 34570, "ENN": 34571, "\u0120chests": 34572, "\u0120groundwater": 34573, "annot": 34574, "\u0120Tray": 34575, "\u0120Locke": 34576, "\u0120CTR": 34577, "\u0120dudes": 34578, "\u0120External": 34579, "\u0120Decoder": 34580, "\u0120paramed": 34581, "\u0120Medline": 34582, "809": 34583, "\u0120Dinner": 34584, "rupal": 34585, "gz": 34586, "\u0120Gum": 34587, "\u0120Demo": 34588, "jee": 34589, "\u0120dh": 34590, "berman": 34591, "archs": 34592, "\u0120enqu": 34593, "\u0120Epstein": 34594, "\u0120devastation": 34595, "\u0120friendships": 34596, "\u0120Ard": 34597, "\u0120231": 34598, "\u0120Rubin": 34599, "\u0120Distance": 34600, "\u0120spurred": 34601, "\u0120dossier": 34602, "\u0120overlooking": 34603, "\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\": 34604, "Forest": 34605, "\u0120Comes": 34606, "\\\",": 34607, "\u0120Iranians": 34608, "\u0120fixtures": 34609, "Laughs": 34610, "\u0120curry": 34611, "\u0120Kingston": 34612, "\u0120squash": 34613, "\u0120catalogue": 34614, "\u0120abnormalities": 34615, "\u0120digestive": 34616, ".........": 34617, "\u0120subordinate": 34618, "ogly": 34619, "\u0120249": 34620, "Middle": 34621, "\u0120massac": 34622, "\u0120burgers": 34623, "\u0120downstairs": 34624, "\u01201931": 34625, "394": 34626, "\u0120VG": 34627, "\u0120lasers": 34628, "\u0120Sikh": 34629, "\u0120Alexa": 34630, "derived": 34631, "\u0120cyclist": 34632, "\u00e3\u0123\u00ae\u00e9\u0143\u0136": 34633, "oneliness": 34634, "!!!!!!!!": 34635, "\u0120buffs": 34636, "legate": 34637, "\u0120raping": 34638, "\u0120recommending": 34639, "rored": 34640, "\u0120multicultural": 34641, "unique": 34642, "\u0120businessmen": 34643, "\u0120uneasy": 34644, "\u0120MAP": 34645, "\u0120dispersed": 34646, "cipline": 34647, "Jess": 34648, "\u0120Kerala": 34649, "\u00e5\u00a7": 34650, "\u0120abstraction": 34651, "Surv": 34652, "Uh": 34653, "\u0120printers": 34654, "ija": 34655, "owder": 34656, "\u0120analogous": 34657, "\u0120ASP": 34658, "afer": 34659, "\u0120unfolded": 34660, "\u0120leveling": 34661, "\u0120breached": 34662, "\u0120Hearing": 34663, "\u0120nat": 34664, "\u0120translating": 34665, "critical": 34666, "\u0120antagonist": 34667, "\u0120Yesterday": 34668, "\u0120fuzzy": 34669, "wash": 34670, "mere": 34671, "\u0120bewild": 34672, "\u0120Mae": 34673, "Virgin": 34674, "phrase": 34675, "\u0120signaled": 34676, "\u0120HIGH": 34677, "\u0120protester": 34678, "\u0120garner": 34679, "unknown": 34680, "\u0120kay": 34681, "\u0120abducted": 34682, "\u0120stalking": 34683, "amn": 34684, "\u0120deserving": 34685, "\u0120Riv": 34686, "\u0120Jorge": 34687, "\u0120scratching": 34688, "\u0120Saving": 34689, "iping": 34690, "\u0120tease": 34691, "\u0120missionary": 34692, "\u0120Morrow": 34693, "TIME": 34694, "Present": 34695, "\u0120chemotherapy": 34696, "terness": 34697, "\u0120Homes": 34698, "\u0120Purdue": 34699, "\u0120staunch": 34700, "\u0120Whitney": 34701, "\u0120THERE": 34702, "\u00ce\u00bc": 34703, "iatus": 34704, "\u0120Ernest": 34705, "\u0120Deploy": 34706, "\u0120coveted": 34707, "FML": 34708, "\u0120Dialogue": 34709, "\u0120exited": 34710, "fruit": 34711, "\u0120nerd": 34712, "\":\"\",\"": 34713, "\u0120vivo": 34714, "ruly": 34715, "460": 34716, "\u0120Amen": 34717, "rehensible": 34718, "\u0120\u00e2\u013a": 34719, "DIR": 34720, "\u0120adherence": 34721, "\u0120chew": 34722, "\u0120Coke": 34723, "\u0120Sergei": 34724, "digital": 34725, "\u0120Neck": 34726, "gently": 34727, "enthal": 34728, "/)": 34729, "\u0120weary": 34730, "\u0120guise": 34731, "\u0120Concord": 34732, "\u0120Onion": 34733, "atcher": 34734, "\u0120binge": 34735, "\u0120Directive": 34736, "\u0120manned": 34737, "ansk": 34738, "\u0120illusions": 34739, "\u0120billionaires": 34740, "383": 34741, "olyn": 34742, "odynamic": 34743, "\u0120Wheat": 34744, "\u0120Alic": 34745, "\u0120coloured": 34746, "\u0120NAFTA": 34747, "abo": 34748, "\u0120macros": 34749, "independent": 34750, "sweet": 34751, "\u0120spac": 34752, "\u0120Kabul": 34753, "\u0120\u00c4": 34754, "eme": 34755, "\u0120dictated": 34756, "\u0120shouts": 34757, "={": 34758, "\u0120ripping": 34759, "\u0120Shay": 34760, "\u0120Cricket": 34761, "directed": 34762, "\u0120analysed": 34763, "\u0120WARRANT": 34764, "agons": 34765, "\u0120Blazers": 34766, "\u0120cheered": 34767, "\u0120arithmetic": 34768, "\u0120Tanz": 34769, "373": 34770, "\u0120Flags": 34771, "\u0120295": 34772, "\u0120witches": 34773, "\u0120Included": 34774, "\u0120Gained": 34775, "\u0120Blades": 34776, "Gam": 34777, "\u0120Samantha": 34778, "\u0120Atlantis": 34779, "\u0120Pratt": 34780, "\u0120spoiled": 34781, "\u0120IB": 34782, "\u0120Ramirez": 34783, "Probably": 34784, "rero": 34785, "\u0120Ng": 34786, "\u0120Warlock": 34787, "tp": 34788, "\u0120overhe": 34789, "\u0120administrations": 34790, "\u0120tint": 34791, "\u0120regiment": 34792, "\u0120pistols": 34793, "\u0120blankets": 34794, "\u0120epist": 34795, "\u0120bowls": 34796, "\u0120hydraulic": 34797, "\u0120dean": 34798, "\u0120jung": 34799, "\u0120ascend": 34800, "705": 34801, "\u0120Santiago": 34802, "\u00c3\u00ae": 34803, "\u0120unavoid": 34804, "\u0120Shaman": 34805, "reb": 34806, "\u0120stemming": 34807, "998": 34808, "\u0120MG": 34809, "sticks": 34810, "esthesia": 34811, "ERO": 34812, "\u0120morbid": 34813, "\u0120Grill": 34814, "\u0120Poe": 34815, "anyl": 34816, "\u0120deleting": 34817, "\u0120Surveillance": 34818, "\u0120directives": 34819, "\u0120iterations": 34820, "\u0120Rox": 34821, "\u0120Milky": 34822, "Father": 34823, "\u0120patented": 34824, "447": 34825, "\u0120precursor": 34826, "\u0120maiden": 34827, "\u0120Phen": 34828, "\u0120Vegan": 34829, "\u0120Patent": 34830, "Kelly": 34831, "Redditor": 34832, "\u0120nods": 34833, "\u0120ventilation": 34834, "\u0120Schwarz": 34835, "\u0120wizards": 34836, "\u0120ominous": 34837, "\u0120Heads": 34838, "\u0120BG": 34839, "\u0120lumber": 34840, "\u0120Spiel": 34841, "\u0120isEnabled": 34842, "\u0120ancestral": 34843, "\u0120Ships": 34844, "\u0120wrestler": 34845, "phi": 34846, "\u0120yuan": 34847, "\u0120Rebellion": 34848, "\u0120iceberg": 34849, "\u0120magically": 34850, "\u0120diversion": 34851, "arro": 34852, "ythm": 34853, "\u0120Riders": 34854, "\u0120Robbie": 34855, "\u0120Kara": 34856, "\u0120Maintenance": 34857, "\u0120Herb": 34858, "\u0120harms": 34859, "packed": 34860, "\u0120Feinstein": 34861, "\u0120marrying": 34862, "\u0120blending": 34863, "\u0120Rates": 34864, "\u01201880": 34865, "\u0120wrink": 34866, "\u0120Unch": 34867, "\u0120Torch": 34868, "described": 34869, "\u0120humanoid": 34870, "ilitating": 34871, "\u0120Conv": 34872, "\u0120Feld": 34873, "IGHTS": 34874, "\u0120whistleblower": 34875, "ortmund": 34876, "etsy": 34877, "arrett": 34878, "\u0120Mono": 34879, "\u0120Ike": 34880, "\u0120CNBC": 34881, "\u0120WAY": 34882, "\u0120MDMA": 34883, "\u0120Individuals": 34884, "\u0120supplemental": 34885, "\u0120powerhouse": 34886, "\u0120Stru": 34887, "Focus": 34888, "aphael": 34889, "\u0120Colleg": 34890, "atti": 34891, "ZA": 34892, "\u0120perenn": 34893, "\u0120Signature": 34894, "\u0120Rodney": 34895, "\u0120cubes": 34896, "iddled": 34897, "\u0120Dante": 34898, "\u0120INV": 34899, "ilingual": 34900, "\u0120Cth": 34901, "\u0120sofa": 34902, "\u0120intimidate": 34903, "\u0120Roe": 34904, "\u0120Diplom": 34905, "\u0120Countries": 34906, "ayson": 34907, "\u0120extradition": 34908, "\u0120disabling": 34909, "\u0120Cardiff": 34910, "\u0120memorandum": 34911, "\u0120Trace": 34912, "\u0120???": 34913, "sector": 34914, "\u0120Rouhani": 34915, "\u0120Yates": 34916, "\u0120Freeze": 34917, "\u0120bladder": 34918, "Motor": 34919, "\u0120Promise": 34920, "antasy": 34921, "\u0120foreseeable": 34922, "\u0120Cologne": 34923, "container": 34924, "\u0120Trees": 34925, "\u0120Gors": 34926, "\u0120Sinclair": 34927, "\u0120barring": 34928, "keye": 34929, "\u0120slashed": 34930, "\u0120Statistical": 34931, "\u00e9\u0129": 34932, "\u0120\u00e2\u0138\u00ba": 34933, "Allows": 34934, "\u0120humility": 34935, "\u0120drilled": 34936, "\u0120Furn": 34937, "443": 34938, "\u0120sewage": 34939, "\u0120homepage": 34940, "\u0120courtyard": 34941, "\u0120vile": 34942, "\u0120subsidiaries": 34943, "ajo": 34944, "directory": 34945, "\u0120ammon": 34946, "Vers": 34947, "charges": 34948, "\u0120}}": 34949, "\u0120Chains": 34950, "\u0120246": 34951, "nob": 34952, "\u0120percept": 34953, "\u0120grit": 34954, "\u0120fishermen": 34955, "\u0120Iraqis": 34956, "\u0120DISTR": 34957, "\u0120FULL": 34958, "\u0120Evaluation": 34959, "graph": 34960, "atial": 34961, "\u0120cooperating": 34962, "\u0120melan": 34963, "\u0120enlightened": 34964, "\u0120ali": 34965, "tailed": 34966, "\u0120salute": 34967, "\u0120weakest": 34968, "\u0120Bulldogs": 34969, "UA": 34970, "\u0120Alloy": 34971, "\u0120semen": 34972, "ocene": 34973, "\u0120Williamson": 34974, "spr": 34975, ",\u00e2\u0122\u0136": 34976, "\u0120GF": 34977, "ittens": 34978, "Beat": 34979, "\u0120Junk": 34980, "iphate": 34981, "\u0120Farmers": 34982, "\u0120Bitcoins": 34983, "igers": 34984, "dh": 34985, "\u0120Loyal": 34986, "payer": 34987, "\u0120entertained": 34988, "\u0120penned": 34989, "\u0120coupon": 34990, "Queue": 34991, "\u0120weakening": 34992, "carry": 34993, "\u0120underestimate": 34994, "\u0120shootout": 34995, "\u0120charismatic": 34996, "\u0120Procedure": 34997, "\u0120prudent": 34998, "inances": 34999, "\u0120riches": 35000, "\u0120cortical": 35001, "\u0120strides": 35002, "\u0120drib": 35003, "\u0120Oilers": 35004, "540": 35005, "\u0120Perform": 35006, "\u0120Bangkok": 35007, "\u0120euth": 35008, "SER": 35009, "\u0120simplistic": 35010, "tops": 35011, "campaign": 35012, "Quality": 35013, "\u0120impoverished": 35014, "\u0120Eisenhower": 35015, "\u0120augment": 35016, "\u0120Harden": 35017, "\u0120intervened": 35018, "\u0120listens": 35019, "\u0120Kok": 35020, "\u0120sage": 35021, "\u0120rubbish": 35022, "\u0120Ded": 35023, "\u0120mull": 35024, "pelling": 35025, "\u0120videot": 35026, "Production": 35027, "DJ": 35028, "miah": 35029, "\u0120adaptations": 35030, "\u0120medically": 35031, "\u0120boarded": 35032, "\u0120arrogance": 35033, "\u0120scrapped": 35034, "\u0120oppress": 35035, "FORMATION": 35036, "\u0120junction": 35037, "415": 35038, "EEEE": 35039, "Skill": 35040, "\u0120subdu": 35041, "\u0120Suggest": 35042, "\u0120Pett": 35043, "\u0120lett": 35044, "\u0120Manip": 35045, "\u0120Caf": 35046, "\u0120Cooperation": 35047, "Ther": 35048, "\u0120regained": 35049, "\u00b6\u00e6": 35050, "reflect": 35051, "\u0120thugs": 35052, "\u0120Shelby": 35053, "\u0120dictates": 35054, "\u0120Weiner": 35055, "\u0120Hale": 35056, "\u0120battleground": 35057, "schild": 35058, "\u0120condol": 35059, "hunt": 35060, "ositories": 35061, "\u0120accuses": 35062, "Filename": 35063, "\u0120shri": 35064, "\u0120motivate": 35065, "\u0120reflections": 35066, "Null": 35067, "\u0120Lobby": 35068, "\u00a5\u00b5": 35069, "\u0120SATA": 35070, "\u0120Backup": 35071, "\u00d1\u0125": 35072, "nin": 35073, "\u0120Correction": 35074, "\u0120juicy": 35075, "utra": 35076, "\u0120Pric": 35077, "\u0120restraining": 35078, "\u0120Airbnb": 35079, "\u0120Arrest": 35080, "\u0120appropriations": 35081, "\u0120slopes": 35082, "\u0120manslaughter": 35083, "\u0120workings": 35084, "\u0120Huss": 35085, "\u0120Frey": 35086, "Leave": 35087, "\u0120Harmony": 35088, "\u0120Feder": 35089, "\u0120430": 35090, "\u0120trench": 35091, "\u0120gladly": 35092, "\u0120bullpen": 35093, "\u0120Gau": 35094, "bones": 35095, "\u0120groove": 35096, "\u0120pretext": 35097, "\u00e3\u0127\u012d": 35098, "\u0120transmitter": 35099, "\u0120Component": 35100, "\u0120underage": 35101, "\u0120Empires": 35102, "Tile": 35103, "\u0120oy": 35104, "\u0120Marvin": 35105, "\u0120CAS": 35106, "\u0120bloss": 35107, "\u0120replicated": 35108, "\u0120Mariners": 35109, "Marcus": 35110, "\u0120Blocks": 35111, "\u0120liberated": 35112, "\u0120butterfly": 35113, "Feel": 35114, "\u0120fermentation": 35115, "\u0120youtube": 35116, "\u0120offend": 35117, "\u0120Term": 35118, "resist": 35119, "\u0120cessation": 35120, "\u0120insurgency": 35121, "\u0120bir": 35122, "\u0120Raise": 35123, "595": 35124, "\u0120hypotheses": 35125, "502": 35126, "\u0120plaque": 35127, "ocrat": 35128, "\u0120jackets": 35129, "\u0120HuffPost": 35130, "among": 35131, "\u0120confer": 35132, "487": 35133, "\u0120Lilly": 35134, "\u0120adapting": 35135, "\u0120Fay": 35136, "\u0120shoved": 35137, "vec": 35138, "\u0120refine": 35139, "\u0120gon": 35140, "\u0120gunmen": 35141, "zai": 35142, "\u0120Shuttle": 35143, "\u0120Izan": 35144, "\u01201913": 35145, "\u0120plethora": 35146, "\u00c2\u00b7\u00c2\u00b7": 35147, "\u0120510": 35148, "\u0120puberty": 35149, "\u0120241": 35150, "\u0120Wealth": 35151, "\u0120Alma": 35152, "\u0120MEM": 35153, "\u0120Adults": 35154, "Cas": 35155, "prison": 35156, "Race": 35157, "\u0120waterproof": 35158, "\u0120athleticism": 35159, "\u0120capitalize": 35160, "\u0120Juice": 35161, "\u0120illuminated": 35162, "\u0120Pascal": 35163, "\u0120irritation": 35164, "\u0120Witnesses": 35165, "adle": 35166, "\u0120Astro": 35167, "\u0120fax": 35168, "\u0120Elvis": 35169, "Primary": 35170, "\u0120Lich": 35171, "\u0120Elves": 35172, "\u0120residing": 35173, "\u0120stumble": 35174, "319": 35175, "\u0120PKK": 35176, "\u0120adversaries": 35177, "DOS": 35178, "\u0120Ritual": 35179, "\u0120smear": 35180, "\u0120arson": 35181, "idental": 35182, "\u0120scant": 35183, "\u0120monarchy": 35184, "\u0120halftime": 35185, "\u0120residue": 35186, "\u0120indign": 35187, "\u0120Shaun": 35188, "\u0120Elm": 35189, "auri": 35190, "Aff": 35191, "WATCH": 35192, "\u0120Lyon": 35193, "helps": 35194, "361": 35195, "\u0120lobbyist": 35196, "\u0120diminishing": 35197, "\u0120outbreaks": 35198, "\u0120goats": 35199, "favorite": 35200, "\u0120Nah": 35201, "sonian": 35202, "\u0120Booster": 35203, "\u0120sandbox": 35204, "\u0120Fare": 35205, "\u0120Malta": 35206, "\u0120attRot": 35207, "\u0120MOR": 35208, "lde": 35209, "\u0120navigating": 35210, "Touch": 35211, "\u0120untrue": 35212, "\u0120Disaster": 35213, "\u0120ludicrous": 35214, "Password": 35215, "\u0120JFK": 35216, "blogspot": 35217, "416": 35218, "\u0120UNDER": 35219, "ernal": 35220, "\u0120delaying": 35221, "TOP": 35222, "\u0120implants": 35223, "\u0120AVG": 35224, "\u0120Huge": 35225, "attr": 35226, "\u0120journalistic": 35227, "\u0120Peyton": 35228, "\u0120IA": 35229, "Rap": 35230, "goal": 35231, "\u0120Programme": 35232, "\u0120smashing": 35233, "wives": 35234, "println": 35235, "\u0120Plague": 35236, "inus": 35237, "EEP": 35238, "\u0120cruiser": 35239, "\u0120Parish": 35240, "uminium": 35241, "\u0120occupants": 35242, "\u0120Jihad": 35243, "mop": 35244, "\u0120pint": 35245, "\u0120hect": 35246, "\u0120Mecca": 35247, "director": 35248, "\u0120Funding": 35249, "\u0120Mixed": 35250, "\u0120stag": 35251, "Tier": 35252, "\u0120gust": 35253, "\u0120brightly": 35254, "orsi": 35255, "\u0120uphill": 35256, "RD": 35257, "\u0120lesions": 35258, "\u0120Bundy": 35259, "livious": 35260, "\u0120biologist": 35261, "\u0120Faculty": 35262, "\u0120Authorization": 35263, "\u0120244": 35264, "Allow": 35265, "\u00ef\u00b8": 35266, "\u0120Giul": 35267, "\u0120pertinent": 35268, "otaur": 35269, "esse": 35270, "\u0120Roof": 35271, "\u0120unmanned": 35272, "351": 35273, "\u0120Shak": 35274, "\u0120Orient": 35275, "\u0120endanger": 35276, "Dir": 35277, "\u0120replen": 35278, "edient": 35279, "\u0120tailor": 35280, "\u0120gadgets": 35281, "\u0120audible": 35282, "\u00e2\u013a\u0128": 35283, "Nice": 35284, "\u0120bombard": 35285, "\u0120Rape": 35286, "\u0120defiance": 35287, "\u0120TWO": 35288, "\u0120Filipino": 35289, "\u0120unaffected": 35290, "ervatives": 35291, "\u0120soared": 35292, "\u0120Bolton": 35293, "\u0120compromising": 35294, "\u0120Brewers": 35295, "RAL": 35296, "\u0120AHL": 35297, "icycle": 35298, "\u0120vampires": 35299, "\u0120dipped": 35300, "oyer": 35301, "\u0120XIII": 35302, "\u0120sideways": 35303, "\u0120Waste": 35304, "\u0120Diss": 35305, "\u0120\u00e2\u0136\u013e\u00e2\u0136\u0122\u00e2\u0136\u0122": 35306, "$.": 35307, "\u0120habitats": 35308, "\u0120Beef": 35309, "truth": 35310, "trained": 35311, "split": 35312, "Rus": 35313, "Andy": 35314, "\u0120Bram": 35315, "REP": 35316, "pid": 35317, "\u00e8\u00a3\u0127": 35318, "\u0120Mutant": 35319, "Anim": 35320, "\u0120Marina": 35321, "\u0120futile": 35322, "highest": 35323, "frequency": 35324, "\u0120epilepsy": 35325, "\u0120coping": 35326, "\u0120concise": 35327, "\u0120tracing": 35328, "\u0120SUN": 35329, "panel": 35330, "\u0120Sophie": 35331, "\u0120Crowley": 35332, "\u0120Adolf": 35333, "\u0120Shooter": 35334, "\u0120shaky": 35335, "\u0120IG": 35336, "\u0120Lies": 35337, "\u0120Barber": 35338, "pkg": 35339, "\u0120uptake": 35340, "\u0120predatory": 35341, "ULTS": 35342, "/**": 35343, "\u0120intoxicated": 35344, "\u0120Westbrook": 35345, "odder": 35346, "hement": 35347, "\u0120baseman": 35348, "APD": 35349, "storage": 35350, "\u0120Fifty": 35351, "editor": 35352, "GEN": 35353, "UTION": 35354, "irting": 35355, "\u0120sewing": 35356, "rift": 35357, "\u0120agony": 35358, "\u0120Sands": 35359, "\u0120254": 35360, "Cash": 35361, "\u0120lodge": 35362, "\u0120punt": 35363, "Natural": 35364, "\u0120Ideas": 35365, "\u0120erroneous": 35366, "\u0120Sensor": 35367, "\u0120Hannity": 35368, "\u01201921": 35369, "\u0120mould": 35370, "\u0120Gon": 35371, "kaya": 35372, "\u0120anonymously": 35373, "\u0120KEY": 35374, "\u0120simulator": 35375, "Winter": 35376, "\u0120streamed": 35377, "507": 35378, "?\",": 35379, "\u0120teased": 35380, "\u0120coefficient": 35381, "\u0120wartime": 35382, "\u0120THR": 35383, "''.": 35384, "\u0120Banking": 35385, "mpire": 35386, "\u0120fandom": 35387, "\u0120lia": 35388, "Ga": 35389, "\u0120downhill": 35390, "\u0120interpreting": 35391, "Individual": 35392, "Norm": 35393, "\u0120jealousy": 35394, "bitcoin": 35395, "\u0120pleasures": 35396, "\u0120Toys": 35397, "\u0120Chevrolet": 35398, "\u0120Advisor": 35399, "IZE": 35400, "\u0120receptions": 35401, "706": 35402, "Cro": 35403, "\u0120262": 35404, "\u0120citrus": 35405, "iru": 35406, "Reviewer": 35407, "jected": 35408, "UES": 35409, "anz": 35410, "1981": 35411, "\u0120Worker": 35412, "\u0120complied": 35413, "orescent": 35414, "continental": 35415, "Ton": 35416, "\u0120Prism": 35417, "\u0120Sheep": 35418, "\u0120288": 35419, "nox": 35420, "\u0120Vog": 35421, "Ord": 35422, "\u0120realms": 35423, "tek": 35424, "\u0120irrigation": 35425, "\u0120bicycles": 35426, "\u0120electronically": 35427, "poly": 35428, "tall": 35429, "());": 35430, "\u0120aesthetics": 35431, "\u0120Integrated": 35432, "Explore": 35433, "\u0120dunk": 35434, "476": 35435, "pain": 35436, "\u0120Jacques": 35437, "\u0120Dmit": 35438, "Frames": 35439, "\u0120reunited": 35440, "\u0120humid": 35441, "Dro": 35442, "Political": 35443, "\u0120youthful": 35444, "\u0120entails": 35445, "\u0120mosquito": 35446, "363": 35447, "species": 35448, "\u0120coordinating": 35449, "\u0120Mayhem": 35450, "\u0120Magnus": 35451, "Mount": 35452, "Improved": 35453, "\u0120STATE": 35454, "ATTLE": 35455, "\u0120flowed": 35456, "\u0120tackled": 35457, "\u0120fashioned": 35458, "\u0120reorgan": 35459, "ivari": 35460, "finger": 35461, "\u0120reluctantly": 35462, "etting": 35463, "\u0120Vand": 35464, "young": 35465, "\u0120Garland": 35466, "\u0120presumption": 35467, "\u0120amenities": 35468, "\u0120Pleasant": 35469, "onential": 35470, "\u0120Oxy": 35471, "\u0120morals": 35472, "\u0120Yah": 35473, "Ready": 35474, "Simon": 35475, "Enh": 35476, "Demon": 35477, "\u0120clich": 35478, "Monitor": 35479, "\u0120DU": 35480, "\u0120welcomes": 35481, "\u0120standout": 35482, "\u0120dreadful": 35483, "\u0120bananas": 35484, "\u0120balloons": 35485, "hooting": 35486, "basic": 35487, "\u0120suffix": 35488, "\u0120duly": 35489, "cano": 35490, "Chain": 35491, "atos": 35492, "\u0120geopolitical": 35493, "\u0120(&": 35494, "\u0120Gemini": 35495, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 35496, "\u0120acquitted": 35497, "Luck": 35498, "protect": 35499, "1024": 35500, "\u0120scarcity": 35501, "\u0120mindfulness": 35502, "ecided": 35503, "DN": 35504, "prime": 35505, "\u0120Presidents": 35506, "\u0120VIDEO": 35507, "\u0120(\u00e2\u012a\u0134": 35508, "addock": 35509, "NOR": 35510, "\u0120Pru": 35511, "pun": 35512, "\u0120LOL": 35513, "))))": 35514, "\u0120Liqu": 35515, "\u0120SAS": 35516, "\u0120styling": 35517, "\u0120punishments": 35518, "\u0120numb": 35519, "\u0120ascertain": 35520, "\u0120Rockies": 35521, "flu": 35522, "Thumbnail": 35523, "\u0120perpetrated": 35524, "\u0120Semi": 35525, "\u0120disarm": 35526, "\u0120Older": 35527, "\u0120Exception": 35528, "\u0120exponentially": 35529, "\u0120Communities": 35530, "\u0120abolish": 35531, "\u0120Partner": 35532, "ptoms": 35533, "\u0120777": 35534, "\u0120Foley": 35535, "\u0120Cases": 35536, "\u0120grease": 35537, "\u0120Rebirth": 35538, "Ground": 35539, "\u0120;)": 35540, "\u0120Doctrine": 35541, "ikini": 35542, "Ye": 35543, "\u0120Blossom": 35544, "\u0120persists": 35545, "bill": 35546, "\u0120infusion": 35547, "\u0120buddies": 35548, "911": 35549, "\u0120Patient": 35550, "\u0120demos": 35551, "\u0120acquaintance": 35552, "\u0120Paw": 35553, "atari": 35554, "\u0120xml": 35555, "\u0120fascination": 35556, "\u0120Serve": 35557, "\u00cf\u0124": 35558, "branded": 35559, "\u0120az": 35560, "Returns": 35561, "\u0120overshadow": 35562, "\u0120roam": 35563, "\u0120speedy": 35564, "numbered": 35565, "helial": 35566, "\u0120disciple": 35567, "\u0120assurances": 35568, "given": 35569, "pecting": 35570, "\u0120Natalie": 35571, "\u00e7\u0136\u00b0": 35572, "\u0120mosquitoes": 35573, "rotein": 35574, "\u0120numeric": 35575, "\u0120independents": 35576, "\u0120transitional": 35577, "\u0120reactionary": 35578, "\u0120Mechdragon": 35579, "doctor": 35580, "\u0120shortest": 35581, "\u0120sequential": 35582, "\u0120Bac": 35583, "\u0120Accounts": 35584, "\u00e3\u0123\u012e": 35585, "achy": 35586, "ractive": 35587, "\u0120Regiment": 35588, "\u0120breathtaking": 35589, "fficiency": 35590, "\u0120Bates": 35591, "\u0120311": 35592, "\u0120wardrobe": 35593, "fts": 35594, "\u0120Berk": 35595, "Simply": 35596, "\u0120Riverside": 35597, "ivering": 35598, "idential": 35599, "lucent": 35600, "\u0120enriched": 35601, "\u0120Conver": 35602, "\u0120Giving": 35603, "\u00e3\u0125\u013b": 35604, "\u0120legalize": 35605, "\u0120FTC": 35606, "\u0120freaking": 35607, "Mix": 35608, "\u0120terrestrial": 35609, "esian": 35610, "cients": 35611, "Wing": 35612, "LOAD": 35613, "\u0120ledge": 35614, "\u0120Violent": 35615, "\u0120Metall": 35616, "\u0120308": 35617, "\u0120southeastern": 35618, "hetto": 35619, "Meat": 35620, "\u0120slowdown": 35621, "\u0120retreated": 35622, "Jeremy": 35623, "endas": 35624, "*****": 35625, "eric": 35626, "\u0120reins": 35627, "oppable": 35628, "\u0120Humanity": 35629, "earances": 35630, "rigan": 35631, "Camera": 35632, "\u0120waivers": 35633, "soc": 35634, "\u0120alteration": 35635, "transform": 35636, "\u0120Cemetery": 35637, "506": 35638, "\u0120indefinite": 35639, "\u0120stimulating": 35640, "yg": 35641, "603": 35642, "\u0120Sop": 35643, "\u0120descriptive": 35644, "Phase": 35645, "\u0120Edmund": 35646, "\u0120pneumonia": 35647, "ventus": 35648, "Amb": 35649, "\u0120laboratories": 35650, "\u0120Exclusive": 35651, "ugar": 35652, "Were": 35653, "\u0120malfunction": 35654, "\u0120homosexuals": 35655, "\u0120-------": 35656, "uni": 35657, "\u0120turbines": 35658, "\u0120Equity": 35659, "Du": 35660, "\u0120minded": 35661, "\u0120RH": 35662, "\u0120Blackhawks": 35663, "\u0120feats": 35664, "\u01201700": 35665, "repl": 35666, "362": 35667, "laden": 35668, "\u0120indispensable": 35669, "lyss": 35670, "tti": 35671, "\u0120reel": 35672, "\u0120diverted": 35673, "\u0120likeness": 35674, "\u0120subscriptions": 35675, "\u0120fingert": 35676, "\u0120filthy": 35677, "destruct": 35678, "draft": 35679, "\u0120Bernardino": 35680, "launch": 35681, "\u0120perplex": 35682, "\u0120SUM": 35683, "carb": 35684, "\u0120sweater": 35685, "\u0120Venture": 35686, "\u0120Jag": 35687, "\u0120Celeb": 35688, "\u0120Voters": 35689, "\u0120steadfast": 35690, "\u0120athletics": 35691, "\u0120Hanson": 35692, "\u0120Drac": 35693, "Tracker": 35694, "\u0120commend": 35695, "\u0120Presidency": 35696, "\u0120DID": 35697, "informed": 35698, "\u0120webpage": 35699, "Pretty": 35700, "\u0120forcefully": 35701, "\u00e3\u0125\u0125\u00e3\u0124\u00af": 35702, "\u0120relocation": 35703, "\u0120satire": 35704, "\u00e2\u012b": 35705, "\u0120Sunderland": 35706, "\u00e6\u0126": 35707, "Voice": 35708, "????????": 35709, "\u0120informant": 35710, "\u0120bowel": 35711, "\u0120Uniform": 35712, "\u0120...\"": 35713, "\u0120purge": 35714, "\u0120picnic": 35715, "\u0120Umb": 35716, "\u0120UPDATE": 35717, "\u0120Sapphire": 35718, "\u0120Stall": 35719, "learn": 35720, "\u0120objectively": 35721, "\u0120obliter": 35722, "\u0120loophole": 35723, "\u0120journeys": 35724, "\u0120omission": 35725, "Pros": 35726, "\u0120Sidney": 35727, "ploma": 35728, "\u0120sprayed": 35729, "\u0120guru": 35730, "\u0120traitor": 35731, "\u0120timet": 35732, "\u0120snapping": 35733, "\u0120Sevent": 35734, "urnal": 35735, "\u0120Ukip": 35736, "\u0120bowed": 35737, "poral": 35738, "liberal": 35739, "Ros": 35740, "Questions": 35741, "iOS": 35742, "\u0120summarize": 35743, "STAT": 35744, "\u01201850": 35745, "apest": 35746, "\u0120lender": 35747, "\u0120Variable": 35748, "bringing": 35749, "\u0120LORD": 35750, ",)": 35751, "\u0120collapses": 35752, "xiety": 35753, "\u0120Ned": 35754, "YD": 35755, "\u0120Scha": 35756, "\u0120antibody": 35757, "\u0120disband": 35758, "yre": 35759, "illusion": 35760, "\u0120rover": 35761, "shed": 35762, "\u0120Hirosh": 35763, "cci": 35764, "\u0120calam": 35765, "\u0120Morton": 35766, "Pinterest": 35767, "\u01201928": 35768, "\u0120Euras": 35769, "ordes": 35770, "\u0120fences": 35771, "\u0120Inventory": 35772, "\u0120Valencia": 35773, "\u0120Ud": 35774, "\u0120Tiff": 35775, "\u0120sque": 35776, "\u0120quotation": 35777, "\u0120troublesome": 35778, "erker": 35779, "QUEST": 35780, "\u0120Kingdoms": 35781, "south": 35782, "\u0120levy": 35783, "Prince": 35784, "\u0120Sting": 35785, "\u0120nicknamed": 35786, "\u0120appe": 35787, "\u0120photographic": 35788, "\u0120corpus": 35789, "reference": 35790, "\u0120Trog": 35791, "Unt": 35792, ")=(": 35793, "\u0120Latvia": 35794, "\u0120activating": 35795, "\u0120licensee": 35796, "\u0120disparities": 35797, "\u0120Newsletter": 35798, "\u00e3\u0125\u0125\u00e3\u0125\u012a": 35799, "\u0120freeing": 35800, "\u0120Jeep": 35801, "\u0120Perception": 35802, "insk": 35803, "\u0120silicone": 35804, "\u0120Hayden": 35805, "Lean": 35806, "\u0120Suzuki": 35807, "ibrarian": 35808, "668": 35809, "\u0120spor": 35810, "\u0120correlations": 35811, "aghetti": 35812, "\u0120tuber": 35813, "\u0120IPCC": 35814, "ilus": 35815, "\u0120Vu": 35816, "\u0120wealthiest": 35817, "\u0120Carbuncle": 35818, "anza": 35819, "\u0120fooled": 35820, "\u0120Zur": 35821, "\u0120daddy": 35822, "rano": 35823, "ilian": 35824, "\u0120knockout": 35825, "fman": 35826, "required": 35827, "\u0120Wikileaks": 35828, "\u0120Duffy": 35829, "ONT": 35830, "\u0120insol": 35831, "\u0120Objects": 35832, "\u0120bou": 35833, "\u0120Nordic": 35834, "\u0120Insert": 35835, "scan": 35836, "\u0120dancers": 35837, "\u0120idiots": 35838, "majority": 35839, "\u0120Neville": 35840, "\u0120FreeBSD": 35841, "\u0120tart": 35842, "panic": 35843, "690": 35844, "\u0120cocoa": 35845, "\u0120sampled": 35846, "\u0120lookup": 35847, "Indust": 35848, "\u0120injections": 35849, "genre": 35850, "\u0120au": 35851, "\u0120roadway": 35852, "\u0120genitals": 35853, "Kind": 35854, "\u0120Examiner": 35855, "\u0120Yaz": 35856, "Fresh": 35857, "\u0120paralysis": 35858, "\u0120Aluminum": 35859, "\u0120reap": 35860, "ok\u00c3\u00a9": 35861, "\u0120sloppy": 35862, "\u0120Tunnel": 35863, "posium": 35864, "nery": 35865, "enic": 35866, "\u0120herbal": 35867, "\u0120Outer": 35868, "\u0120Builder": 35869, "\u0120incur": 35870, "\u0120ideologies": 35871, "\u0120backups": 35872, "consuming": 35873, "\u0120Detect": 35874, "deck": 35875, "\u0120KNOW": 35876, "\u0120Gret": 35877, "\u0120MIC": 35878, "\u0120toughness": 35879, "\u0120Exhibit": 35880, "\u0120hive": 35881, "Les": 35882, "\u0120SCHOOL": 35883, "\u0120Atari": 35884, "alde": 35885, "\u0120Null": 35886, "andestine": 35887, "mouse": 35888, "\u0120brigade": 35889, "489": 35890, "\u0120revol": 35891, "\u0120Lawson": 35892, "\u0120Wah": 35893, "opoly": 35894, "ebted": 35895, "\u0120Saunders": 35896, "\u0120313": 35897, "\u0120Winc": 35898, "\u0120taboo": 35899, "\u0120Helmet": 35900, "\u0120wedge": 35901, "chip": 35902, "\u0120Tina": 35903, "bg": 35904, "\u0120infuri": 35905, "rn": 35906, "\u0120anomalies": 35907, "\u0120Sync": 35908, "\u0120Exam": 35909, "\u0120Commit": 35910, "\u0120Diary": 35911, "\u0120ALSO": 35912, "\u0120Debor": 35913, "omedical": 35914, "\u0120comprehension": 35915, "655": 35916, "\u0120empowering": 35917, "\u0120ire": 35918, "\u0120juices": 35919, "\u0120ETH": 35920, "\u0120Boxing": 35921, "=\"/": 35922, "\u0120facilitated": 35923, "poke": 35924, "\u0120Parsons": 35925, "\u0120Moder": 35926, "travel": 35927, "\u0120civilizations": 35928, "\u0120libertarians": 35929, "\u0120rune": 35930, "\u0120Clarks": 35931, "athed": 35932, "\u0120campaigners": 35933, "\u0120Dispatch": 35934, "\u0120Fahrenheit": 35935, "\u0120Capcom": 35936, "----------": 35937, "\u0120lace": 35938, "\u0120draining": 35939, "\u0120liner": 35940, "\u0120Artificial": 35941, "\u00c3\u00a9n": 35942, "task": 35943, "]).": 35944, "\u0120GMO": 35945, "\u0120Operator": 35946, "ordinary": 35947, "\u0120Influence": 35948, "\u0120Ups": 35949, "\u0120potency": 35950, "ussen": 35951, "ospons": 35952, "\u0120Swim": 35953, "\u0120Deadline": 35954, "Unity": 35955, "\u0120culinary": 35956, "\u0120enlightenment": 35957, "\u0120wearer": 35958, "\u0120mined": 35959, "\u0120ply": 35960, "\u0120incest": 35961, "\u0120DVDs": 35962, "Walk": 35963, "BTC": 35964, "Trade": 35965, "\u0120deval": 35966, "iband": 35967, "\u0120Oversight": 35968, "Palestinian": 35969, "\u0120dart": 35970, "\u0120mul": 35971, "LR": 35972, "\u0120removable": 35973, "\u0120Realms": 35974, "\u00ec\u013f": 35975, "\u0120miscar": 35976, "\u0120Vulkan": 35977, "685": 35978, "\u00c3\u00a8re": 35979, "\u0120Sap": 35980, "\u0120merging": 35981, "\u0120Carly": 35982, "chester": 35983, "\u0120brisk": 35984, "\u0120luxurious": 35985, "\u0120Generator": 35986, "\u0120bitterness": 35987, "\u0120edible": 35988, "\u0120243": 35989, "TG": 35990, "\u0120rectangle": 35991, "WithNo": 35992, "below": 35993, "Jenn": 35994, "\u0120darkest": 35995, "\u0120hitch": 35996, "\u0120dosage": 35997, "\u0120scaven": 35998, "\u0120Keller": 35999, "\u0120Illustrated": 36000, "Certainly": 36001, "\u0120Mavericks": 36002, "Marginal": 36003, "\u0120diarrhea": 36004, "\u0120enormously": 36005, "\u0120999": 36006, "shr": 36007, "quart": 36008, "\u0120adamant": 36009, "\u0120Mew": 36010, "\u0120renovation": 36011, "\u0120cervical": 36012, "\u0120Percentage": 36013, "eners": 36014, "\u0120Kimber": 36015, "\u0120floats": 36016, "\u0120dex": 36017, "\u0120Witcher": 36018, "\u0120Swansea": 36019, "dm": 36020, "\u0120salty": 36021, "yellow": 36022, "\u0120cape": 36023, "\u0120Drain": 36024, "\u0120Paula": 36025, "\u0120Toledo": 36026, "lesi": 36027, "Magazine": 36028, "\u0120Wick": 36029, "\u0120Mn": 36030, "\u0120Ack": 36031, "\u0120Riding": 36032, "ASON": 36033, "\u0120homophobic": 36034, "ARP": 36035, "\u0120wandered": 36036, "CPU": 36037, "oodoo": 36038, "\u0120Pipe": 36039, "\u0120tightening": 36040, "\u0120Butt": 36041, "318": 36042, "\u0120deserted": 36043, "Session": 36044, "\u0120facilitating": 36045, "Jump": 36046, "\u0120emergencies": 36047, "OWER": 36048, "\u0120exhaustive": 36049, "\u0120AFTER": 36050, "\u0120heartbeat": 36051, "\u0120Label": 36052, "acky": 36053, "\u0120Certified": 36054, "iltration": 36055, "Ze": 36056, "\u0120Utt": 36057, "\u01201300": 36058, "\u0120presume": 36059, "\u0120Disp": 36060, "\u0120surged": 36061, "\u0120dolls": 36062, "Columb": 36063, "\u0120chimpan": 36064, "\u0120Razor": 36065, "\u0120ticks": 36066, "\u0120councillor": 36067, "\u0120pilgrimage": 36068, "\u0120Rebels": 36069, "\u0120QC": 36070, "\u0120Auction": 36071, "xia": 36072, "ikk": 36073, "bred": 36074, "\u0120insertion": 36075, "\u0120coarse": 36076, "dB": 36077, "SEE": 36078, "\u0120Zap": 36079, "\u0120Foo": 36080, "\u0120contempor": 36081, "\u0120Quarterly": 36082, "otions": 36083, "\u0120Alchemist": 36084, "\u0120Trey": 36085, "\u0120Duo": 36086, "Sweet": 36087, "804": 36088, "\u0120Giov": 36089, "\u0120funn": 36090, "Nin": 36091, "hoff": 36092, "\u0120ramifications": 36093, "\u01201922": 36094, "\u0120Experts": 36095, "azes": 36096, "\u0120garments": 36097, "arial": 36098, "\u0120Nab": 36099, "\u0120257": 36100, "\u0120Ved": 36101, "\u0120humorous": 36102, "\u0120Pompe": 36103, "\u0120nylon": 36104, "\u0120lurking": 36105, "\u0120Sergey": 36106, "\u0120Mattis": 36107, "\u0120misogyny": 36108, "\u0120Components": 36109, "\u0120Watching": 36110, "\u0120Folk": 36111, "ractical": 36112, "Bush": 36113, "\u0120taped": 36114, "\u0120grouping": 36115, "\u0120beads": 36116, "\u01202048": 36117, "\u0120condu": 36118, "querque": 36119, "Reading": 36120, "\u0120grievances": 36121, "Ultra": 36122, "\u0120endpoint": 36123, "Hig": 36124, "\u0120Static": 36125, "\u0120Scarborough": 36126, "Lua": 36127, "\u0120Messi": 36128, "aqu": 36129, "\u0120PsyNet": 36130, "\u0120Rudd": 36131, "\u0120avenue": 36132, "vp": 36133, "Jer": 36134, "\u0120shady": 36135, "\u0120Resist": 36136, "\u0120Artemis": 36137, "\u0120careless": 36138, "\u0120brokers": 36139, "\u0120temperament": 36140, "\u0120520": 36141, "Tags": 36142, "\u0120Turning": 36143, "\u0120uttered": 36144, "\u0120pedd": 36145, "\u0120improvised": 36146, "\u0120:(": 36147, "\u0120tabl": 36148, "\u0120plains": 36149, "1600": 36150, "pressure": 36151, "\u0120Essence": 36152, "margin": 36153, "friends": 36154, "\u0120Restoration": 36155, "\u0120pollut": 36156, "\u0120Poker": 36157, "\u0120Augustine": 36158, "\u0120CIS": 36159, "\u0120SEAL": 36160, "orama": 36161, "\u0120thwart": 36162, "seek": 36163, "\u0120pagan": 36164, "\u00c2\u00ba": 36165, "cpu": 36166, "\u0120garn": 36167, "\u0120assortment": 36168, "\u0120ILCS": 36169, "tower": 36170, "Recommended": 36171, "\u0120unborn": 36172, "\u0120RandomRedditor": 36173, "\u0120RandomRedditorWithNo": 36174, "\u0120paralyzed": 36175, "\u0120eruption": 36176, "\u0120intersect": 36177, "\u0120Stoke": 36178, "\u0120Sco": 36179, "Bind": 36180, "\u00e5\u00be": 36181, "\u0120PNG": 36182, "\u0120Negative": 36183, "\u0120NOAA": 36184, "Leon": 36185, "\u0120alloy": 36186, "\u0120Lama": 36187, "\u0120Diversity": 36188, "575": 36189, "\u0120underestimated": 36190, "\u0120Scor": 36191, "\u0120mural": 36192, "\u0120busted": 36193, "soon": 36194, "lif": 36195, "\u0120nonex": 36196, "\u0120allergy": 36197, "\u0120Underworld": 36198, "\u0120Rays": 36199, "\u0120Blasio": 36200, "\u0120hrs": 36201, "\u0120Dir": 36202, "\u0120327": 36203, "byter": 36204, "\u0120replacements": 36205, "\u0120activates": 36206, "rived": 36207, "MH": 36208, "\u0120pans": 36209, "\u0120HI": 36210, "\u0120longitudinal": 36211, "\u0120nuisance": 36212, "aler": 36213, "\u0120swell": 36214, "\u0120Signed": 36215, "sci": 36216, "\u0120Isles": 36217, "\u0120AGA": 36218, "\u0120defiant": 36219, "\u0120sonic": 36220, "ocon": 36221, "KC": 36222, "\u0120Aim": 36223, "tie": 36224, "ahah": 36225, "\u0120mL": 36226, "DX": 36227, "\u0120bisc": 36228, "\u0120Billboard": 36229, "\u0120SYSTEM": 36230, "NEY": 36231, "gaard": 36232, "\u0120distressed": 36233, "formerly": 36234, "Alan": 36235, "\u0120chefs": 36236, "\u0120optics": 36237, "\u0120Comet": 36238, "\u0120AMC": 36239, "\u0120redesigned": 36240, "irmation": 36241, "\u0120sightings": 36242, "382": 36243, "311": 36244, "\u0120WB": 36245, "\u0120contraction": 36246, "\u0120TOTAL": 36247, "Dual": 36248, "\u0120startled": 36249, "\u0120understandably": 36250, "\u0120sunglasses": 36251, "ETHOD": 36252, "\u0120docker": 36253, "\u0120surfing": 36254, "\u0120HEL": 36255, "\u0120Slack": 36256, "tones": 36257, "\u0120shalt": 36258, "Visual": 36259, "498": 36260, "Department": 36261, "cussion": 36262, "\u0120unrestricted": 36263, "\u0120tad": 36264, "\u0120rename": 36265, "employed": 36266, "\u0120educating": 36267, "\u0120grinned": 36268, "bedroom": 36269, "\u0120Activities": 36270, "\u0120Velvet": 36271, "\u0120SWAT": 36272, "\u0120shuffle": 36273, "igor": 36274, "\u0120saturation": 36275, "Finding": 36276, "cream": 36277, "icter": 36278, "\u0120vodka": 36279, "tracking": 36280, "tec": 36281, "\u0120foreground": 36282, "iesta": 36283, "\u0120vehement": 36284, "\u0120ECB": 36285, "\u0120Tie": 36286, "Ey": 36287, "\u0120turtles": 36288, "\u0120Railroad": 36289, "\u0120Katz": 36290, "\u0120Frames": 36291, "\u0120menace": 36292, "\u0120Fellowship": 36293, "\u0120Essential": 36294, "uggish": 36295, "\u0120drip": 36296, "chwitz": 36297, "\u0120Kyoto": 36298, "sb": 36299, "\u0120Nina": 36300, "Parameter": 36301, "\u0120alarms": 36302, "\u0120Claud": 36303, "\u0120pioneering": 36304, "\u0120chiefly": 36305, "\u0120Scream": 36306, "Collection": 36307, "\u0120thankfully": 36308, "\u0120Ronaldo": 36309, "\u00e5\u0143\u0132": 36310, "strip": 36311, "\u0120Disneyland": 36312, "commercial": 36313, "Seeing": 36314, "Soul": 36315, "\u0120evacuate": 36316, "\u0120civ": 36317, "\u0120Ashe": 36318, "\u0120divides": 36319, "\u0120Dagger": 36320, "rehensive": 36321, "\u0120berries": 36322, "\u0120DF": 36323, "\u0120sushi": 36324, "\u0120plurality": 36325, "WI": 36326, "\u0120disadvantaged": 36327, "\u0120battalion": 36328, "obiles": 36329, "451": 36330, "\u0120cling": 36331, "\u0120undeniable": 36332, "\u0120Lounge": 36333, "\u0120haunt": 36334, "phe": 36335, "\u0120quantify": 36336, "\u0120differed": 36337, "\u0120[*]": 36338, "\u0120Viz": 36339, "cum": 36340, "slave": 36341, "\u0120videog": 36342, "\u0120quar": 36343, "\u0120bundles": 36344, "\u0120Alonso": 36345, "tackle": 36346, "\u0120neuronal": 36347, "\u0120landslide": 36348, "confirmed": 36349, "\u0120Depth": 36350, "\u0120renewables": 36351, "Bear": 36352, "\u0120Macedonia": 36353, "\u0120jerseys": 36354, "\u0120bunk": 36355, "\u0120Spawn": 36356, "\u0120Controls": 36357, "\u0120Buchanan": 36358, "\u0120robotics": 36359, "\u0120emphasizing": 36360, "\u0120Tutorial": 36361, "hyp": 36362, "iston": 36363, "\u0120monumental": 36364, "\u00e6\u00b0": 36365, "\u0120Carry": 36366, "\u0120tbsp": 36367, "enance": 36368, "Hill": 36369, "arthed": 36370, "\u0120rotten": 36371, "Dean": 36372, "\u0120twisting": 36373, "\u0120goodwill": 36374, "\u0120immersion": 36375, "Living": 36376, "\u0120brushes": 36377, "\u0120CGI": 36378, "\u0120Atk": 36379, "traditional": 36380, "\u0120phantom": 36381, "\u0120Stamina": 36382, "\u0120expansions": 36383, "\u0120Marin": 36384, "\u0120embarked": 36385, "\u0120Eg": 36386, "intestinal": 36387, "\u0120PEOPLE": 36388, "\u0120Booth": 36389, "\u0120Appalach": 36390, "\u0120relegated": 36391, "VT": 36392, "MIT": 36393, "\u0120muster": 36394, "\u0120withdrawing": 36395, "\u0120microscope": 36396, "\u0120Gathering": 36397, "\u0120Crescent": 36398, "\u0120Argentine": 36399, "\u0120Decre": 36400, "\u0120Dominic": 36401, "\u0120buds": 36402, "antage": 36403, "\u0120Ion": 36404, "\u0120widened": 36405, "ONSORED": 36406, "\u0120Gloves": 36407, "iannopoulos": 36408, "razen": 36409, "feel": 36410, "\u0120repayment": 36411, "\u0120hindsight": 36412, "\u0120REALLY": 36413, "\u0120Pistol": 36414, "\u0120Brah": 36415, "\u0120watts": 36416, "\u0120survives": 36417, "\u0120flurry": 36418, "issy": 36419, "Alert": 36420, "\u0120Uruguay": 36421, "Phoenix": 36422, "Slow": 36423, "\u0120Grave": 36424, "\u0120Fir": 36425, "\u0120manageable": 36426, "\u0120tariff": 36427, "\u0120UDP": 36428, "\u0120Pistons": 36429, "\u0120Nigerian": 36430, "\u0120strikeouts": 36431, "\u0120cosmetics": 36432, "whelming": 36433, "fab": 36434, "cape": 36435, "proxy": 36436, "\u0120rethink": 36437, "\u0120overcoming": 36438, "simple": 36439, "\u0120woo": 36440, "\u0120distracting": 36441, "\u0120Stanton": 36442, "\u0120Tulsa": 36443, "\u0120Dock": 36444, "659": 36445, "\u0120discord": 36446, "\u0120Emacs": 36447, "\u0120Ves": 36448, "\u0120ROB": 36449, "\u0120reassuring": 36450, "\u0120consortium": 36451, "Muslims": 36452, "321": 36453, "\u0120prompts": 36454, "sei": 36455, "\u0120Hitch": 36456, "imposed": 36457, "\u0120Fool": 36458, "\u0120indiscrim": 36459, "wrong": 36460, "buquerque": 36461, "Davis": 36462, "!]": 36463, "\u0120timeless": 36464, "\u0120NEED": 36465, "\u0120pesticide": 36466, "\u0120rallying": 36467, "\u0120Calder": 36468, "\u0120\u00e5\u00a4": 36469, "\u0120xp": 36470, "\u0120Unle": 36471, "\u0120Export": 36472, "luaj": 36473, "Buff": 36474, ")[": 36937, "\u0120sqor": 36938, "Saudi": 36939, "\u0120istg": 36940, "\u0120indulge": 36941, "proc": 36942, "\u0120disgusted": 36943, "\u0120compounded": 36944, "\u0120nem": 36945, "\u0120schooling": 36946, "\u0120Cure": 36947, "processing": 36948, "Sol": 36949, "\u0120proverb": 36950, "itized": 36951, "\u0120Alvarez": 36952, "\u0120scarf": 36953, "\u0120rectangular": 36954, "reve": 36955, "\u0120hormonal": 36956, "\u0120Stress": 36957, "itizen": 36958, "\u0120425": 36959, "girls": 36960, "\u0120Noir": 36961, "\u0120Rapp": 36962, "\u0120marches": 36963, "church": 36964, "\u0120Uses": 36965, "\u0120405": 36966, "\u0120Berm": 36967, "\u0120ordinances": 36968, "\u0120Judgment": 36969, "Charges": 36970, "\u0120Zin": 36971, "\u0120dusty": 36972, "\u0120strawberries": 36973, "\u0120perce": 36974, "\u0120Thur": 36975, "\u0120Deborah": 36976, "netflix": 36977, "\u0120Lambert": 36978, "\u0120amused": 36979, "\u0120Guang": 36980, "YOU": 36981, "RGB": 36982, "\u0120CCTV": 36983, "\u0120fiat": 36984, "rang": 36985, "\u0120federation": 36986, "\u0120Mant": 36987, "\u0120Bust": 36988, "\u0120Mare": 36989, "respective": 36990, "\u0120Migration": 36991, "\u0120BIT": 36992, "590": 36993, "\u0120patriotism": 36994, "\u0120outlining": 36995, "region": 36996, "\u0120Jos\u00c3\u00a9": 36997, "\u0120blasting": 36998, "\u0120Ezra": 36999, "Bs": 37000, "\u0120undermines": 37001, "\u0120Smooth": 37002, "\u0120clashed": 37003, "radio": 37004, "\u0120transitioning": 37005, "\u0120Buccaneers": 37006, "\u0120Owl": 37007, "\u0120plugs": 37008, "\u0120hiatus": 37009, "\u0120Pinball": 37010, "\u0120mig": 37011, "\u0120Nutr": 37012, "\u0120Wolfe": 37013, "\u0120integers": 37014, "\u0120orbits": 37015, "\u0120Edwin": 37016, "\u0120DirectX": 37017, "bite": 37018, "\u0120blazing": 37019, "vr": 37020, "Edge": 37021, "\u0120PID": 37022, "exit": 37023, "\u0120Comed": 37024, "\u0120Pathfinder": 37025, "\u0120Guid": 37026, "\u0120Signs": 37027, "\u0120Zer": 37028, "\u0120Agenda": 37029, "\u0120reimbursement": 37030, "Mesh": 37031, "iPhone": 37032, "\u0120Marcos": 37033, "\u0120Sites": 37034, "hate": 37035, "enburg": 37036, "\u0120sockets": 37037, "pend": 37038, "Batman": 37039, "vir": 37040, "\u0120SHOW": 37041, "\u0120provisional": 37042, "conn": 37043, "\u0120Deaths": 37044, "ATIVE": 37045, "Profile": 37046, "sym": 37047, "JA": 37048, "\u0120ninja": 37049, "installed": 37050, "idates": 37051, "ebra": 37052, "\u0120Omaha": 37053, "\u0120seizing": 37054, "\u0120Beasts": 37055, "\u0120salts": 37056, "Mission": 37057, "Generally": 37058, "\u0120Trilogy": 37059, "heon": 37060, "legates": 37061, "\u0120dime": 37062, "\u0120faire": 37063, "parable": 37064, "Graph": 37065, "\u0120totaling": 37066, "\u0120diagrams": 37067, "\u0120Yanuk": 37068, "plet": 37069, "\u0120Meh": 37070, "\u0120mythical": 37071, "\u0120Stephens": 37072, "autical": 37073, "ochemistry": 37074, "\u0120kilograms": 37075, "\u0120elbows": 37076, "ancock": 37077, "\u0120BCE": 37078, "\u0120Prague": 37079, "\u0120improv": 37080, "\u0120Devin": 37081, "\u0120\"\\": 37082, "paralle": 37083, "\u0120supremacists": 37084, "\u0120Billion": 37085, "\u0120regimen": 37086, "innacle": 37087, "\u0120requisite": 37088, "angan": 37089, "\u0120Burlington": 37090, "ainment": 37091, "\u0120Objective": 37092, "omsky": 37093, "GV": 37094, "\u0120unilateral": 37095, "\u0120tc": 37096, "\u0120hires": 37097, "mental": 37098, "\u0120involuntary": 37099, "\u0120transpl": 37100, "\u0120ASCII": 37101, "\u00c2\u00a8": 37102, "Events": 37103, "\u0120doubted": 37104, "\u0120Kaplan": 37105, "\u0120Courage": 37106, "igon": 37107, "\u0120Managing": 37108, "\u0120Tart": 37109, "\u0120falsehood": 37110, "\u0120Violet": 37111, "\u0120airs": 37112, "\u0120fertilizer": 37113, "Britain": 37114, "\u0120aquatic": 37115, "ouf": 37116, "Words": 37117, "\u0120Hartford": 37118, "\u0120evenings": 37119, "\u0120Vengeance": 37120, "quite": 37121, "Gall": 37122, "\u0120Pret": 37123, "\u0120pdf": 37124, "\u0120LM": 37125, "\u0120Sochi": 37126, "\u0120Intercept": 37127, "920": 37128, "\u0120profitability": 37129, "\u0120Idle": 37130, "\u0120MacDonald": 37131, "\u0120Establishment": 37132, "umsy": 37133, "\u0120gatherings": 37134, "\u0120Naj": 37135, "Charlie": 37136, "\u0120ascent": 37137, "\u0120Protector": 37138, "\u0120algebra": 37139, "\u0120bios": 37140, "forums": 37141, "ELS": 37142, "Introduced": 37143, "\u0120335": 37144, "\u0120astronomy": 37145, "Contribut": 37146, "\u0120Polic": 37147, "Platform": 37148, "\u0120containment": 37149, "wrap": 37150, "\u0120coronary": 37151, "\u0120Jelly": 37152, "manager": 37153, "\u0120heartbreaking": 37154, "cair": 37155, "\u0120Chero": 37156, "cgi": 37157, "Medical": 37158, "\u0120Accountability": 37159, "!!\"": 37160, "ophile": 37161, "\u0120psychotic": 37162, "\u0120Restrict": 37163, "\u0120equitable": 37164, "issues": 37165, "\u01201905": 37166, "\u0120Nek": 37167, "cised": 37168, "\u0120Tracking": 37169, "\u0120ozone": 37170, "\u0120cooker": 37171, "rosis": 37172, "\u0120reopen": 37173, "\u0120infinity": 37174, "\u0120Pharmaceutical": 37175, "ensional": 37176, "Attempt": 37177, "\u0120Rory": 37178, "Marco": 37179, "\u0120awaits": 37180, "HOW": 37181, "treated": 37182, "\u0120bolst": 37183, "\u0120revered": 37184, "\u0120pods": 37185, "oppers": 37186, "0010": 37187, "\u0120amplitude": 37188, "rican": 37189, "SPONSORED": 37190, "\u0120trousers": 37191, "\u0120halves": 37192, "\u0120Kaine": 37193, "\u0120Cutler": 37194, "\u0120AUTH": 37195, "\u0120splendid": 37196, "\u0120preventive": 37197, "\u0120Dudley": 37198, "ifacts": 37199, "uminati": 37200, "\u0120Yin": 37201, "\u0120admon": 37202, "\u0120Vag": 37203, "\u0120inverted": 37204, "\u0120hastily": 37205, "\u0120Hague": 37206, "Lyn": 37207, "\u0120ledger": 37208, "\u0120astronomical": 37209, "getting": 37210, "\u0120circa": 37211, "\u0120Cic": 37212, "\u0120Tennis": 37213, "Limited": 37214, "\u0120dru": 37215, "\u0120BYU": 37216, "\u0120travellers": 37217, "\u0120pane": 37218, "\u0120Intro": 37219, "\u0120patiently": 37220, "\u0120aiding": 37221, "\u0120loos": 37222, "\u0120Tough": 37223, "\u0120293": 37224, "\u0120consumes": 37225, "SourceFile": 37226, "\u0120\"\"\"": 37227, "\u0120bonding": 37228, "\u0120tilted": 37229, "\u0120menstrual": 37230, "\u0120Celestial": 37231, "ULAR": 37232, "Plugin": 37233, "\u0120risking": 37234, "Naz": 37235, "\u0120Riyadh": 37236, "\u0120accredited": 37237, "\u0120skirm": 37238, "\u00e9\u013d": 37239, "\u0120examiner": 37240, "\u0120messing": 37241, "\u0120nearing": 37242, "\u0120Chern": 37243, "\u0120Beckham": 37244, "\u0120swapped": 37245, "\u0120goose": 37246, "Kay": 37247, "\u0120lofty": 37248, "\u0120Wallet": 37249, "\u0120['": 37250, "\u0120apocalypse": 37251, "\u0120bamboo": 37252, "\u0120SPACE": 37253, "\u0120Elena": 37254, "\u0120306": 37255, "acons": 37256, "\u0120tightened": 37257, "\u0120adolescence": 37258, "\u0120rainy": 37259, "\u0120vandalism": 37260, "\u0120Newtown": 37261, "\u0120conject": 37262, "cakes": 37263, "\u0120cheated": 37264, "\u0120moderators": 37265, "params": 37266, "EFF": 37267, "\u0120deceit": 37268, "\u0120STL": 37269, "\u0120Tanzania": 37270, "\u0120RI": 37271, "\u01201923": 37272, "\u0120Exile": 37273, "thel": 37274, "\u0120theolog": 37275, "\u0120quirky": 37276, "\u0120Irvine": 37277, "\u0120needy": 37278, "oris": 37279, "Um": 37280, "Ka": 37281, "\u0120mailbox": 37282, "322": 37283, "\u0120bos": 37284, "\u0120Petra": 37285, "KING": 37286, "\u0120enlarged": 37287, "Often": 37288, "\u0120badass": 37289, "\u0120343": 37290, "\u0120Places": 37291, "\u0120CAD": 37292, "\u0120pristine": 37293, "\u0120intervening": 37294, "direction": 37295, "\u0120laz": 37296, "\u0120DSM": 37297, "\u0120projecting": 37298, "\u0120Funk": 37299, "agog": 37300, "payment": 37301, "nov": 37302, "\u0120chatter": 37303, "ARB": 37304, "\u0120examinations": 37305, "\u0120Household": 37306, "\u0120Gus": 37307, "Ford": 37308, "414": 37309, "Boss": 37310, "\u0120mystic": 37311, "\u0120leaps": 37312, "\u0120Bav": 37313, "ulz": 37314, "budget": 37315, "Football": 37316, "\u0120subsidized": 37317, "\u0120firsthand": 37318, "\u0120coincide": 37319, "ocular": 37320, "Conn": 37321, "\u0120Collabor": 37322, "\u0120fools": 37323, "amura": 37324, "ahar": 37325, "rists": 37326, "\u0120swollen": 37327, "\u0120expended": 37328, "\u0120Pau": 37329, "sup": 37330, "\u0120spar": 37331, "\u0120keynote": 37332, "suff": 37333, "\u0120unequal": 37334, "\u0120progressing": 37335, "strings": 37336, "\u0120Gamergate": 37337, "Disney": 37338, "\u0120Eleven": 37339, "omnia": 37340, "\u0120scripted": 37341, "\u0120earners": 37342, "brother": 37343, "\u0120Enabled": 37344, "\u00e6\u00b3": 37345, "\u0120larvae": 37346, "\u0120LOC": 37347, "mess": 37348, "Wilson": 37349, "\u0120Template": 37350, "successfully": 37351, "\u0120paramount": 37352, "\u0120camouflage": 37353, "\u0120binds": 37354, "\u0120Quiet": 37355, "\u0120Shutterstock": 37356, "rush": 37357, "\u0120mascot": 37358, "fortune": 37359, "\u0120Colt": 37360, "\u0120Beyon": 37361, "habi": 37362, "\u0120hairc": 37363, "\u0120267": 37364, "\u0120Deus": 37365, "\u0120twitch": 37366, "\u0120concentrating": 37367, "\u0120nipples": 37368, "cible": 37369, "\u0120gir": 37370, "NZ": 37371, "Math": 37372, "nih": 37373, "Required": 37374, "\u0120ponder": 37375, "\u0120SAN": 37376, "\u0120weddings": 37377, "\u0120loneliness": 37378, "NES": 37379, "\u0120Mahjong": 37380, "695": 37381, "addle": 37382, "\u0120Garner": 37383, "\u0120COUR": 37384, "Bridge": 37385, "\u0120spree": 37386, "\u0120Caldwell": 37387, "\u0120bribery": 37388, "\u0120\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 37389, "plugins": 37390, "\u0120racket": 37391, "\u0120champagne": 37392, "versible": 37393, "Vote": 37394, "\u0120modifiers": 37395, "Mayor": 37396, "680": 37397, "\u0120assemblies": 37398, "\u0120Sultan": 37399, "\u0120Ning": 37400, "\u0120Ladies": 37401, "\u0120sulfur": 37402, "\u0120orbs": 37403, "\u0120-----": 37404, "_______": 37405, "\u0120Journalism": 37406, "\u0120esports": 37407, "\u0120lush": 37408, "\u0120hue": 37409, "\u0120spectral": 37410, "Honest": 37411, "\u00e3\u0125\u0131": 37412, "\u0120bushes": 37413, "\u0120reinforcement": 37414, "\u0120reopened": 37415, "\u0120Wheels": 37416, "\u0120Morg": 37417, "rieving": 37418, "\u0120auxiliary": 37419, "\u0120jQuery": 37420, "\u0120BAT": 37421, "tesque": 37422, "\u0120vertex": 37423, "pure": 37424, "frey": 37425, "\u00e3\u0124\u00ba": 37426, "dos": 37427, "\u0120typh": 37428, "\u0120cull": 37429, "\u0120eq": 37430, "\u0120decon": 37431, "\u0120tossing": 37432, "\u0120disparate": 37433, "\u0120Brigham": 37434, "printf": 37435, "ledged": 37436, "\u0120sund": 37437, "\u0120cozy": 37438, "\u0120hepatitis": 37439, "performing": 37440, "\u0120aval": 37441, "\u0120GG": 37442, "future": 37443, "\u0120petertodd": 37444, "\u0120Kosovo": 37445, "\u0120magnets": 37446, "Already": 37447, "\u0120Edison": 37448, "\u0120Ceres": 37449, "\u0120RAID": 37450, "\u0120brilliance": 37451, "576": 37452, "\u0120derives": 37453, "\u0120hypertension": 37454, "\u0120\u00ce\u0136": 37455, "\u0120lambda": 37456, "\u0120flair": 37457, "\u0120missionaries": 37458, "\u0120rapes": 37459, "\u0120Starter": 37460, "\u0120Months": 37461, "\u0120defy": 37462, "\u0120seismic": 37463, "\u0120Raphael": 37464, "\u0120eurozone": 37465, "656": 37466, "zsche": 37467, "\u0120scratched": 37468, "\u0120bows": 37469, "\u0120Lennon": 37470, "\u0120Gaia": 37471, "\u0120dripping": 37472, "facts": 37473, "Ale": 37474, "\u0120frogs": 37475, "\u0120Breast": 37476, "ogeneity": 37477, "\u0120Prosecutor": 37478, "\u0120amplified": 37479, "\u0120Hodg": 37480, "\u0120Fn": 37481, "Thousands": 37482, "\u0120NIH": 37483, "\u0120Monitoring": 37484, "FTWARE": 37485, "\u0120Priebus": 37486, "\u0120Growing": 37487, "hunter": 37488, "\u0120diagnose": 37489, "\u0120Mald": 37490, "\u0120LR": 37491, "\u0120crowned": 37492, "\u0120bursting": 37493, "\u0120dissolution": 37494, "javascript": 37495, "\u0120usefulness": 37496, "\u0120Execution": 37497, ":(": 37498, "\u0120Ivory": 37499, "aah": 37500, "\u0120persecuted": 37501, "violence": 37502, "istas": 37503, "\u0120Crate": 37504, "\u0120impulses": 37505, "\u0120Spani": 37506, "edes": 37507, "Handle": 37508, "\u0120Zerg": 37509, "thinkable": 37510, "Lastly": 37511, "\u0120spontaneously": 37512, "\u0120inconvenient": 37513, "\u0120dismissing": 37514, "\u0120plotted": 37515, "\u0120eighty": 37516, "\u0120737": 37517, "rish": 37518, "\u0120Thornton": 37519, "atham": 37520, "\u0120sitcom": 37521, "Ven": 37522, "Recipe": 37523, "tel": 37524, "lund": 37525, "\u0120clears": 37526, "\u0120Sasuke": 37527, "\u0120258": 37528, "\u0120opting": 37529, "\u0120enraged": 37530, "esthetic": 37531, "\u0120Ae": 37532, "uchs": 37533, "Prep": 37534, "Flow": 37535, "\u0120runoff": 37536, "\u0120Eating": 37537, "\u0120Giles": 37538, "\u0120Acting": 37539, "resources": 37540, "ibaba": 37541, "\u0120rpm": 37542, "\u0120skewed": 37543, "\u0120Blanc": 37544, "\u0120Sakuya": 37545, "\u0120hotter": 37546, "\u01201924": 37547, "opian": 37548, "cko": 37549, "\u0120crumbling": 37550, "\u0120captains": 37551, "\u0120Appropriations": 37552, "leaders": 37553, "dropping": 37554, "anuts": 37555, "\u0120reversing": 37556, "\u0120Pose": 37557, "\u0120Sek": 37558, "Scot": 37559, "\u0120Idea": 37560, "cise": 37561, "\u0120Slovenia": 37562, "\u0120317": 37563, "Doctor": 37564, "\u0120crocod": 37565, "aldi": 37566, "Sea": 37567, "\u0120Farrell": 37568, "\u0120mercenaries": 37569, "\u0120RNC": 37570, "\u0120Guess": 37571, "\u0120pacing": 37572, "Machine": 37573, "StreamerBot": 37574, "\u0120Charity": 37575, "\u0120298": 37576, "\u0120cannons": 37577, "\u0120Toby": 37578, "TPPStreamerBot": 37579, "\u0120Passion": 37580, "cfg": 37581, "Thom": 37582, "\u0120badges": 37583, "\u0120Bernstein": 37584, ".\u00e2\u0122\u0135": 37585, "\u0120POP": 37586, "\u0120Conj": 37587, "\u0120initialization": 37588, "\u0120biodiversity": 37589, "Dub": 37590, "\u0120feudal": 37591, "\u0120disclaimer": 37592, "\u0120crow": 37593, "\u0120ignition": 37594, "arf": 37595, "SHA": 37596, "\u0120kHz": 37597, "hazard": 37598, "\u0120Artists": 37599, "oeuv": 37600, "679": 37601, "\u0120Rudy": 37602, "Nine": 37603, "\u0120Ramadan": 37604, "\u00e5\u00bd": 37605, "itto": 37606, "\u0120adrenaline": 37607, "Cert": 37608, "\u0120smelled": 37609, "\u0120impunity": 37610, "\u0120agendas": 37611, "\u0120Reborn": 37612, "\u0120Concent": 37613, "\u0120Seems": 37614, "\u0120omega": 37615, "\u0120Dustin": 37616, "\u0120backer": 37617, "\u0120Sauce": 37618, "\u0120Boyle": 37619, "WIN": 37620, "\u0120spins": 37621, "\u0120pauses": 37622, "upt": 37623, "\u0120shredded": 37624, "\u0120strapped": 37625, "\u0120Corruption": 37626, "\u0120scratches": 37627, "\u0120ni": 37628, "\u0120attire": 37629, "\u0120SAF": 37630, "FactoryReloaded": 37631, "\u0120IPS": 37632, "\u0120(%": 37633, "\u0120seminar": 37634, "focus": 37635, "civil": 37636, "\u01201860": 37637, "intosh": 37638, "\u0120continual": 37639, "\u0120abbrevi": 37640, "\u0120Sok": 37641, "ocobo": 37642, "XM": 37643, "\u0120frantic": 37644, "\u0120unavoidable": 37645, "\u0120artery": 37646, "\u0120annotations": 37647, "bath": 37648, "Climate": 37649, "\u0120dors": 37650, "\u0120Slide": 37651, "coord": 37652, "\u0120Reload": 37653, "\u0120LDL": 37654, "\u0120Lovecraft": 37655, "\u0120unimagin": 37656, "\u0120resembled": 37657, "\u0120barracks": 37658, "np": 37659, "\u0120surrogate": 37660, "\u0120categorized": 37661, "\u00e3\u0124\u00a9": 37662, "\u0120vaccinated": 37663, "\u0120drainage": 37664, "\u0120indist": 37665, "\u0120WhatsApp": 37666, "\u01201870": 37667, "olerance": 37668, "invoke": 37669, "amorph": 37670, "\u0120reconnect": 37671, "\u0120emanc": 37672, "\u0120blindness": 37673, "\u01201280": 37674, "internet": 37675, "collar": 37676, "\u0120altru": 37677, "\u0120abyss": 37678, "\u0120TRI": 37679, "657": 37680, "\u0120infused": 37681, "HEAD": 37682, "\u0120forestry": 37683, "\u0120Woody": 37684, "\u0120Ci": 37685, "wi": 37686, "sam": 37687, "784": 37688, "holiday": 37689, "\u0120mogul": 37690, "\u0120Fees": 37691, "\u0120DEN": 37692, "Internal": 37693, "urbed": 37694, "fusc": 37695, "atom": 37696, "\u0120Illusion": 37697, "\u0120polled": 37698, "\u0120flap": 37699, "\u0120coax": 37700, "LGBT": 37701, "Analy": 37702, "\u0120Sections": 37703, "\u0120Californ": 37704, "emn": 37705, "\u0120hither": 37706, "\u0120NIGHT": 37707, "\u0120nailed": 37708, "\u0120Pipeline": 37709, "391": 37710, "oof": 37711, "\u0120Primal": 37712, "verend": 37713, "\u0120slashing": 37714, "\u0120retri": 37715, "aviour": 37716, "\u0120departing": 37717, "gil": 37718, "ISC": 37719, "\u0120midway": 37720, "\u0120ultrasound": 37721, "\u0120behaving": 37722, "\u0120Tara": 37723, "classes": 37724, "Virtual": 37725, "\u0120Colonial": 37726, "\u0120stripping": 37727, "\u0120orchestrated": 37728, "\u0120Graves": 37729, "452": 37730, "\u0120Ironically": 37731, "\u0120Writers": 37732, "\u0120lends": 37733, "\u0120Manz": 37734, "\u0120raven": 37735, "\u0120oxidative": 37736, "\u0120266": 37737, "ELF": 37738, "actually": 37739, "ascar": 37740, "Draft": 37741, "\u0120favourable": 37742, "\u0120humiliating": 37743, "\u0120fidelity": 37744, "\u0120Hof": 37745, "\u0120Xuan": 37746, "496": 37747, "\u0120layered": 37748, "atis": 37749, "790": 37750, "\u0120paycheck": 37751, "iton": 37752, "Kar": 37753, "\u0120VMware": 37754, "\u0120Farmer": 37755, "\u0120servic": 37756, "glomer": 37757, "\u0120slump": 37758, "\u0120Fabric": 37759, "\u0120DOC": 37760, "esting": 37761, "\u0120reassure": 37762, "\u0120phyl": 37763, "volt": 37764, "itory": 37765, "Rules": 37766, "\u0120oxidation": 37767, "\u0120prized": 37768, "\u0120mistress": 37769, "\u0120Django": 37770, "WARN": 37771, "\u00e5\u0133": 37772, "\u0120encode": 37773, "\u0120Feedback": 37774, "\u0120stupidity": 37775, "Ian": 37776, "\u0120Yugoslavia": 37777, "\u00d7\u00a8": 37778, "acl": 37779, "UTE": 37780, "1977": 37781, "\u0120qualifies": 37782, "\u0120pulses": 37783, "pretty": 37784, "\u0120froze": 37785, "\u0120ss": 37786, "Iterator": 37787, "\u0120urgently": 37788, "\u0120mailed": 37789, "\u0120Cham": 37790, "\u0120sustaining": 37791, "\u0120basil": 37792, "\u0120puppies": 37793, "ilant": 37794, "\u0120PLEASE": 37795, "lap": 37796, "aceous": 37797, "Fear": 37798, "\u0120Mastery": 37799, "automatic": 37800, "\u0120TAG": 37801, "\u0120antim": 37802, "agles": 37803, "473": 37804, "frames": 37805, "\u0120whispers": 37806, "\u0120Whoever": 37807, "\u0120bravery": 37808, "\u0120UKIP": 37809, "ractions": 37810, "\"\"\"": 37811, "\u0120tame": 37812, "\u0120parted": 37813, "everything": 37814, "CONT": 37815, "\u0120indebted": 37816, "\u0120addr": 37817, "rek": 37818, "IRED": 37819, "\u0120eminent": 37820, "clinton": 37821, "\u0120ousted": 37822, "\u0120reviewer": 37823, "\u0120meltdown": 37824, "\u0120rearr": 37825, "\u0120Yao": 37826, "thereal": 37827, "abyte": 37828, "\u0120stumbling": 37829, "\u0120batches": 37830, "\u0120259": 37831, "\u0120contraceptive": 37832, "\u0120prostitute": 37833, "ensis": 37834, "Decl": 37835, "\u0120Strikes": 37836, "Military": 37837, "\u0120Oath": 37838, "vacc": 37839, "ppings": 37840, "052": 37841, "\u0120partName": 37842, "amping": 37843, "Reports": 37844, "KI": 37845, "CHR": 37846, "\u0120subtly": 37847, "swers": 37848, "Blake": 37849, "usual": 37850, "\u0120contestants": 37851, "\u0120cartridges": 37852, "\u0120GREAT": 37853, "\u0120blush": 37854, "\u0120\u00e2\u0122\u00ba": 37855, "472": 37856, "\u0120reasoned": 37857, "\u00e3\u0125\u00a4": 37858, "paralleled": 37859, "\u0120dyn": 37860, "agate": 37861, "\u0120nightly": 37862, "\u00e5\u0128": 37863, "556": 37864, "\u0120semantic": 37865, "\u0120Advoc": 37866, "\u0120!!": 37867, "\u0120disagrees": 37868, "\u0120BW": 37869, "Veh": 37870, "\u0120harming": 37871, "\u0120embraces": 37872, "\u0120strives": 37873, "\u0120inland": 37874, "\u0120Kard": 37875, "\u0120heats": 37876, "\u0120Ginny": 37877, "utan": 37878, "ernaut": 37879, "ylene": 37880, "\u0120Elev": 37881, "JD": 37882, "\u0120hars": 37883, "\u0120Starr": 37884, "\u0120skysc": 37885, "\u0120collaborators": 37886, "Usually": 37887, "\u0120revolutions": 37888, "\u0120STATS": 37889, "\u0120dismantle": 37890, "\u0120confidently": 37891, "\u0120kinetic": 37892, "Ali": 37893, "\u0120percentile": 37894, "\u0120extracting": 37895, "illian": 37896, "estead": 37897, "\u0120physicists": 37898, "\u0120Marshal": 37899, "\u0120fellowship": 37900, "\u0120dashed": 37901, "\u0120UR": 37902, "\u0120Sioux": 37903, "\u0120Compact": 37904, "amide": 37905, "Python": 37906, "\u0120Leigh": 37907, "\u0120Pharmac": 37908, "istrates": 37909, "herical": 37910, "\u0120fue": 37911, "\u0120Emin": 37912, "\u0120({": 37913, "\u0120Neighborhood": 37914, "\u0120disrupting": 37915, "\u0120Dup": 37916, "\u0120gland": 37917, "\u0120Sev": 37918, "\u0120Marian": 37919, "argon": 37920, "\u0120Dund": 37921, "\u0120": 46904, "\u0120Philips": 46905, "\u0120Kafka": 46906, "\u0120upheaval": 46907, "\u0120sentimental": 46908, "\u0120sax": 46909, "\u0120Akira": 46910, "serial": 46911, "Matrix": 46912, "\u0120electing": 46913, "\u0120commenter": 46914, "\u0120Nebula": 46915, "plets": 46916, "\u0120Nadu": 46917, "\u0120Adren": 46918, "\u0120enshr": 46919, "\u0120RAND": 46920, "financial": 46921, "\u0120Clyde": 46922, "utherford": 46923, "\u0120signage": 46924, "\u0120deline": 46925, "\u0120phosphate": 46926, "roversial": 46927, "fascist": 46928, "\u0120Vall": 46929, "\u0120Bethlehem": 46930, "\u0120fors": 46931, "\u0120english": 46932, "Solid": 46933, "Nature": 46934, "\u0120va": 46935, "\u0120Guests": 46936, "\u0120tantal": 46937, "\u0120autoimmune": 46938, ";;;;;;;;;;;;": 46939, "\u0120Totally": 46940, "\u0120Ov": 46941, "\u0120defences": 46942, "\u0120Coconut": 46943, "\u0120tranquil": 46944, "\u0120ploy": 46945, "\u0120flavours": 46946, "\u0120Flask": 46947, "\u00e3\u0124\u00a8\u00e3\u0125\u00ab": 46948, "\u0120Weston": 46949, "\u0120Volvo": 46950, "870": 46951, "\u0120microphones": 46952, "verbal": 46953, "RPG": 46954, "\u0120iii": 46955, ";}": 46956, "028": 46957, "\u0120headlined": 46958, "\u0120primed": 46959, "\u0120hoard": 46960, "\u0120Shad": 46961, "\u0120ENTER": 46962, "\u0120triangular": 46963, "\u0120capit": 46964, "lik": 46965, "\u0120Ancients": 46966, "\u0120lash": 46967, "\u0120convol": 46968, "\u0120colonel": 46969, "enemy": 46970, "Gra": 46971, "\u0120pubs": 46972, "utters": 46973, "\u0120assigns": 46974, "\u0120Penet": 46975, "\u0120Monstrous": 46976, "\u0120Bowen": 46977, "ilver": 46978, "Haunted": 46979, "\u0120Ding": 46980, "started": 46981, "plin": 46982, "\u0120contaminants": 46983, "\u0120DOE": 46984, "ffen": 46985, "\u0120Technician": 46986, "Ry": 46987, "\u0120robbers": 46988, "\u0120hotline": 46989, "\u0120Guardiola": 46990, "\u0120Kaufman": 46991, "rower": 46992, "\u0120Dresden": 46993, "\u0120Alpine": 46994, "Elf": 46995, "\u0120fmt": 46996, "\u0120Sard": 46997, "urses": 46998, "gpu": 46999, "Unix": 47000, "\u0120unequivocally": 47001, "\u0120Citizenship": 47002, "quad": 47003, "mire": 47004, "\u0120Sweeney": 47005, "Battery": 47006, "615": 47007, "\u0120pancakes": 47008, "\u0120oats": 47009, "Maps": 47010, "\u0120Contrast": 47011, "mbudsman": 47012, "\u0120EPS": 47013, "\u0120subcommittee": 47014, "\u0120sourcing": 47015, "\u0120sizing": 47016, "\u0120Buffer": 47017, "\u0120Mandatory": 47018, "\u0120moderates": 47019, "\u0120Patterns": 47020, "\u0120Chocobo": 47021, "\u0120Zan": 47022, "\u0120STATES": 47023, "\u0120Judging": 47024, "\u0120Inher": 47025, "*:": 47026, "\u0120bil": 47027, "\u0120Yen": 47028, "\u0120exhilar": 47029, "ollower": 47030, "zers": 47031, "\u0120snug": 47032, "maximum": 47033, "\u0120despicable": 47034, "\u0120PACK": 47035, "\u0120Annex": 47036, "\u0120sarcastic": 47037, "\u0120latex": 47038, "\u0120tamp": 47039, "\u0120Sao": 47040, "bah": 47041, "\u0120Reverend": 47042, "\u0120Chinatown": 47043, "\u0120AUT": 47044, "documented": 47045, "\u0120GABA": 47046, "\u0120Canaan": 47047, "\u0120\u00d9\u0127": 47048, "\u0120governs": 47049, "prev": 47050, "Esc": 47051, "\u0120Estimates": 47052, "OSP": 47053, "\u0120endeavour": 47054, "\u0120Closing": 47055, "ometime": 47056, "everyone": 47057, "\u0120worsen": 47058, "\u0120scanners": 47059, "\u0120deviations": 47060, "\u0120Robotics": 47061, "\u0120Compton": 47062, "\u0120sorcerer": 47063, "\u0120endogenous": 47064, "\u0120emulation": 47065, "\u0120Piercing": 47066, "\u0120Aph": 47067, "\u0120Socket": 47068, "\u0120bould": 47069, "\u0120OU": 47070, "\u0120Borderlands": 47071, "\u01201863": 47072, "Gordon": 47073, "\u0120WTO": 47074, "\u0120restricts": 47075, "\u0120mosaic": 47076, "\u0120melodies": 47077, "\u00e7\u0126": 47078, "Tar": 47079, "\u0120disson": 47080, "\u0120Provides": 47081, "\u0120......": 47082, "bek": 47083, "FIX": 47084, "\u0120broom": 47085, "anship": 47086, "Doctors": 47087, "\u0120nerds": 47088, "\u0120Regions": 47089, "naissance": 47090, "\u0120mete": 47091, "\u0120crept": 47092, "plings": 47093, "\u0120girlfriends": 47094, "knit": 47095, "igent": 47096, "owe": 47097, "\u0120ushered": 47098, "\u0120Baz": 47099, "Mobil": 47100, "434": 47101, "\u0120Presents": 47102, "origin": 47103, "\u0120insomnia": 47104, "\u0120Aux": 47105, "439": 47106, "\u0120Chili": 47107, "irsch": 47108, "GAME": 47109, "\u0120gestation": 47110, "algia": 47111, "romising": 47112, "$,": 47113, "crow": 47114, "\u0120Inspection": 47115, "atomic": 47116, "Relations": 47117, "JOHN": 47118, "roman": 47119, "\u0120Clockwork": 47120, "\u0120Bakr": 47121, "mone": 47122, "MET": 47123, "\u0120thirsty": 47124, "\u0120bc": 47125, "\u0120faculties": 47126, "Rum": 47127, "\u0120nuance": 47128, "\u0120Darius": 47129, "pleting": 47130, "fters": 47131, "etchup": 47132, "Registration": 47133, "\u0120KE": 47134, "Rah": 47135, "\u0120preferential": 47136, "\u0120Lash": 47137, "\u0120HH": 47138, "Valid": 47139, "\u0120NAV": 47140, "\u0120starve": 47141, "\u0120Gong": 47142, "zynski": 47143, "\u0120Actress": 47144, "\u0120wik": 47145, "\u0120unaccompanied": 47146, "lvl": 47147, "Bride": 47148, "ADS": 47149, "\u0120Commando": 47150, "\u0120Vaughn": 47151, "Wallet": 47152, "\u0120hopping": 47153, "\u0120Vie": 47154, "\u0120caveats": 47155, "\u0120alas": 47156, "ifled": 47157, "abuse": 47158, "661": 47159, "\u0120ibn": 47160, "\u0120gul": 47161, "\u0120robbing": 47162, "til": 47163, "ILA": 47164, "\u0120mitigating": 47165, "\u0120aptly": 47166, "\u0120tyrant": 47167, "\u0120midday": 47168, "\u0120Gilmore": 47169, "\u0120Decker": 47170, "\u0120\u00c2\u00a7\u00c2\u00a7": 47171, "partial": 47172, "Exactly": 47173, "\u0120phenotype": 47174, "\u0120[+]": 47175, "\u0120Plex": 47176, "\u0120Ips": 47177, "versions": 47178, "\u0120ebook": 47179, "\u0120chic": 47180, "gross": 47181, "\":\"\"},{\"": 47182, "\u0120Surprisingly": 47183, "Morgan": 47184, "\u0120residues": 47185, "\u0120Confederation": 47186, "infeld": 47187, "\u0120lyr": 47188, "moderate": 47189, "\u0120perpendicular": 47190, "VK": 47191, "\u0120synchronized": 47192, "\u0120refreshed": 47193, "\u0120adore": 47194, "\u0120Torment": 47195, "olina": 47196, "\u01202600": 47197, "ItemTracker": 47198, "\u0120pies": 47199, "\u0120FAT": 47200, "\u0120RHP": 47201, "048": 47202, "\u0120RESP": 47203, "\u0120BJ": 47204, "allows": 47205, "Pand": 47206, "\u0120unwelcome": 47207, "\u0120Voc": 47208, "\u0120Bastard": 47209, "\u0120OW": 47210, "\u0120LAR": 47211, "\u0120Healer": 47212, "Environmental": 47213, "\u0120Kenyan": 47214, "\u0120Trance": 47215, "\u0120Pats": 47216, "\u0120aliases": 47217, "\u0120Garfield": 47218, "\u0120campaigner": 47219, "\u0120advancements": 47220, "\u0120Okinawa": 47221, "\u0120Coh": 47222, "owsky": 47223, "\u0120starved": 47224, "\u0120sizeable": 47225, "\u0120:-)": 47226, "\u0120mRNA": 47227, "\u0120suspensions": 47228, "istar": 47229, "Scotland": 47230, "Prin": 47231, "------------------------------------------------": 47232, "\u0120502": 47233, "\u0120teaspoons": 47234, "\u01201050": 47235, "\u0120coercive": 47236, "\u0120Masonic": 47237, "edded": 47238, "\u0120Passenger": 47239, "\u0120latt": 47240, "\u0120braces": 47241, "\u0120Steal": 47242, "\u0120NYT": 47243, "\u0120Kats": 47244, "\u0120Celest": 47245, "aez": 47246, "Tu": 47247, "\u0120Coulter": 47248, "\u00f0\u0141\u013a": 47249, "Flickr": 47250, "\u0120Wilmington": 47251, "iths": 47252, "++;": 47253, "\u0120vending": 47254, "\u0120negro": 47255, "\u0120Phi": 47256, "\u0120Yellowstone": 47257, "Callback": 47258, "\u0120shampoo": 47259, "\u0120Shades": 47260, "wat": 47261, "\u0120superhuman": 47262, "\u0120ridiculed": 47263, "\u0120holiest": 47264, "ombo": 47265, "\u0120interns": 47266, "\u0120hone": 47267, "\u0120Paragu": 47268, "URI": 47269, "\u0120dangling": 47270, "\u00e3\u0124\u00bb": 47271, "sov": 47272, "ictional": 47273, "availability": 47274, "\u0120revocation": 47275, "\u0120dow": 47276, "inic": 47277, "\u0120THEIR": 47278, "\u0120iso": 47279, "\u0120outings": 47280, "\u0120Lethal": 47281, "\u0120)))": 47282, "\u0120inaccur": 47283, "\u0120outlandish": 47284, "\u0120anus": 47285, "letico": 47286, "idon": 47287, "lol": 47288, "\u0120unregulated": 47289, "\u0120succumbed": 47290, "\u0120cuff": 47291, "\u0120Wasteland": 47292, "letal": 47293, "\u0120substr": 47294, "\u0120coffers": 47295, "\u0120automakers": 47296, "ovi": 47297, "\u0120Xue": 47298, "\u0120Daytona": 47299, "\u0120jarring": 47300, "\u0120fumes": 47301, "\u0120disbanded": 47302, "zik": 47303, "itton": 47304, "\u0120strikingly": 47305, "\u0120spores": 47306, "Adapter": 47307, ".):": 47308, "\u0120Lyndon": 47309, "ivalry": 47310, "\u0120orally": 47311, "\u0120tumultuous": 47312, "\u0120displeasure": 47313, "\u0120cones": 47314, "orrect": 47315, "\u0120appease": 47316, "\u0120derby": 47317, "\u0120Tripoli": 47318, "\u0120Aless": 47319, "\u0120poked": 47320, "\u0120Guilty": 47321, "vP": 47322, "Enough": 47323, "\u0120originals": 47324, "699": 47325, "\u0120rabbi": 47326, "\u0120proverbial": 47327, "\u0120postpone": 47328, "elope": 47329, "\u0120Misty": 47330, "\u0120staffed": 47331, "\u0120Unemployment": 47332, "reditary": 47333, "\u0120diligent": 47334, "recomm": 47335, "measures": 47336, "asin": 47337, "825": 47338, "\u0120ponds": 47339, "\u0120mmol": 47340, "\u0120SAR": 47341, "\u0120CARE": 47342, "\u0120371": 47343, "\u0120clenched": 47344, "\u0120Corsair": 47345, "\u0120caricature": 47346, "zn": 47347, "attach": 47348, "\u0120Schro": 47349, "speak": 47350, "painted": 47351, "\u0120Suc": 47352, "\u0120ENT": 47353, "\u0120cellul": 47354, "\u0120Paid": 47355, "diagn": 47356, "WHERE": 47357, "\u0120texted": 47358, "Barn": 47359, "\u0120retracted": 47360, "\u0120Referred": 47361, "Sav": 47362, "\u0120upkeep": 47363, "\u0120workplaces": 47364, "\u0120Tokens": 47365, "\u0120amplify": 47366, "clinical": 47367, "\u0120multic": 47368, "mberg": 47369, "\u0120convoluted": 47370, "Region": 47371, "565": 47372, "\u0120Topic": 47373, "\u0120snail": 47374, "\u0120saline": 47375, "\u0120insurrection": 47376, "\u0120Petr": 47377, "forts": 47378, "BAT": 47379, "\u0120Navajo": 47380, "\u0120rudimentary": 47381, "\u0120Laksh": 47382, "ONDON": 47383, "Measure": 47384, "\u0120transformer": 47385, "\u0120Goddard": 47386, "\u0120coincides": 47387, "irin": 47388, "Rex": 47389, "\u0120Bok": 47390, "quit": 47391, "\u0120shotguns": 47392, "\u0120proletarian": 47393, "\u0120scorp": 47394, "\u0120Ada": 47395, "514": 47396, "\u0120slander": 47397, "recorded": 47398, "\u0120embell": 47399, "risome": 47400, "\u0120apologizing": 47401, "\u0120Mulcair": 47402, "\u0120Gibraltar": 47403, "Cla": 47404, "\u0120allot": 47405, "\u0120Attention": 47406, "\u0120433": 47407, "leave": 47408, "\u0120whine": 47409, "\u0120Issa": 47410, "\u0120Faust": 47411, "\u0120Barron": 47412, "heny": 47413, "\u0120victimized": 47414, "Jews": 47415, "\u0120nurturing": 47416, "ettel": 47417, "Winged": 47418, "\u0120Subtle": 47419, "\u0120flavorful": 47420, "\u0120Reps": 47421, "enged": 47422, "callback": 47423, "\u0120directional": 47424, "\u0120clasp": 47425, "\u0120Directions": 47426, "planet": 47427, "iculture": 47428, "Helper": 47429, "icion": 47430, "acia": 47431, "\u0120\u00e7\u00a5\u0140": 47432, "\u0120surges": 47433, "\u0120canoe": 47434, "\u0120Premiership": 47435, "been": 47436, "\u0120defied": 47437, "\u0120Trooper": 47438, "\u0120tripod": 47439, "\u0120gasp": 47440, "\u0120Euph": 47441, "\u0120Ads": 47442, "vernight": 47443, "highly": 47444, "Role": 47445, "\u0120entangled": 47446, "\u0120Zeit": 47447, "618": 47448, "\u0120Rusty": 47449, "\u0120havens": 47450, "\u0120Vaughan": 47451, "HAEL": 47452, "\u0120SERVICE": 47453, "/,": 47454, "\u0120stricken": 47455, "\u0120delusions": 47456, "\u0120bis": 47457, "\u0120Haf": 47458, "\u0120gratification": 47459, "\u0120enticing": 47460, "UNCH": 47461, "Adams": 47462, "\u0120OLED": 47463, "\u0120Beetle": 47464, "\u01201899": 47465, "\u0120SOFTWARE": 47466, "ategor": 47467, "VL": 47468, "\u0120Totem": 47469, "\u0120Gators": 47470, "ATURES": 47471, "\u0120impedance": 47472, "Registered": 47473, "\u0120Cary": 47474, "\u0120Aerial": 47475, "onne": 47476, "enium": 47477, "\u0120dred": 47478, "\u0120Beg": 47479, "\u0120concurrently": 47480, "\u0120superpower": 47481, "\u0120Xan": 47482, "jew": 47483, "imester": 47484, "\u0120Dickinson": 47485, "\u00e2\u0136\u0123": 47486, "Fla": 47487, "\u0120pree": 47488, "\u0120Rollins": 47489, "\u00a9\u00b6\u00e6": 47490, "\u0120denomination": 47491, "\u0120Lana": 47492, "516": 47493, "\u0120inciting": 47494, "scribed": 47495, "juries": 47496, "\u0120Wonders": 47497, "approximately": 47498, "\u0120suspending": 47499, "\u0120mountainous": 47500, "\u0120Laugh": 47501, "oidal": 47502, "Ns": 47503, "Detect": 47504, ")=": 47505, "\u0120Luthor": 47506, "\u0120Schwarzenegger": 47507, "\u0120Muller": 47508, "\u0120Devi": 47509, "ecycle": 47510, "Jar": 47511, "613": 47512, "\u0120Longh": 47513, "Bah": 47514, "\u0120SPORTS": 47515, "nw": 47516, "\u0120refinement": 47517, "\u0120waterways": 47518, "\u0120diner": 47519, "Blade": 47520, "683": 47521, "Fac": 47522, "\u0120initials": 47523, "\u0120rog": 47524, "\u0120paranormal": 47525, "BUT": 47526, "\u0120[(": 47527, "\u0120Swanson": 47528, "\u0120Mesh": 47529, "\u00e2\u0138\u00ac": 47530, "Improve": 47531, "\u0120Radiation": 47532, "\u0120Esther": 47533, "\u0120Esk": 47534, "\u0120Aly": 47535, "iky": 47536, "\u0120irrad": 47537, "\u0120Buckingham": 47538, "\u0120refill": 47539, "\u0120._": 47540, "Repe": 47541, "CONCLUS": 47542, "\u0120differentiated": 47543, "\u0120chirop": 47544, "\u0120Atkins": 47545, "Pattern": 47546, "\u0120excise": 47547, "\u0120cabal": 47548, "NSA": 47549, "\u0120STA": 47550, "\u0120SIL": 47551, "\u0120Paraly": 47552, "\u0120rye": 47553, "\u0120Howell": 47554, "\u0120Countdown": 47555, "nesses": 47556, "alysed": 47557, "\u0120resize": 47558, "\u00e3\u0124\u00bd": 47559, "\u0120budgetary": 47560, "\u0120Stras": 47561, "wang": 47562, "\u0120apiece": 47563, "\u0120precincts": 47564, "\u0120peach": 47565, "\u0120skyline": 47566, "\u0120353": 47567, "popular": 47568, "Appearances": 47569, "\u0120Mechanics": 47570, "\u0120DevOnline": 47571, "Sullivan": 47572, "Zen": 47573, "\u0120pu": 47574, "opolis": 47575, "544": 47576, "\u0120deform": 47577, "\u0120counteract": 47578, "\u0120Lange": 47579, "\u0120417": 47580, "Console": 47581, "774": 47582, "\u0120nodding": 47583, "\u0120populism": 47584, "\u0120hep": 47585, "\u0120counselling": 47586, "compliance": 47587, "UFF": 47588, "\u0120undeniably": 47589, "\u0120railing": 47590, "\u0120Horowitz": 47591, "\u0120Simone": 47592, "\u0120Bungie": 47593, "\u0120ak": 47594, "\u0120Talks": 47595, "xff": 47596, "flake": 47597, "Crash": 47598, "\u0120sweaty": 47599, "\u0120banquet": 47600, "\u0120OFFIC": 47601, "\u0120inventive": 47602, "\u0120astronomer": 47603, "\u0120Stamford": 47604, "\u0120Scare": 47605, "\u0120GREEN": 47606, "olicited": 47607, "\u0120rusher": 47608, "\u0120centrist": 47609, "ighting": 47610, "\u0120subclass": 47611, "\u0120disav": 47612, "\u0120defund": 47613, "\u0120Nanto": 47614, "ociate": 47615, "mast": 47616, "\u0120pacif": 47617, "\u0120mend": 47618, "eers": 47619, "immigration": 47620, "ESSION": 47621, "\u0120numbering": 47622, "\u0120laughable": 47623, "\u0120Ended": 47624, "viation": 47625, "emark": 47626, "Pitt": 47627, "\u0120meticulous": 47628, "\u0120LF": 47629, "\u0120congratulated": 47630, "\u0120Birch": 47631, "\u0120swayed": 47632, "\u0120semifinals": 47633, "\u0120humankind": 47634, "matter": 47635, "\u0120Equip": 47636, "opausal": 47637, "Said": 47638, "\u0120Layout": 47639, "\u0120voicing": 47640, "\u0120thug": 47641, "\u0120pornographic": 47642, "IPS": 47643, "\u0120moaning": 47644, "\u0120grievance": 47645, "\u0120confessions": 47646, "escal": 47647, "TEXTURE": 47648, "Authent": 47649, "osaurus": 47650, "Purchase": 47651, "\u0120relegation": 47652, "alter": 47653, "\u0120\u00c2\u0142\u00c2\u0142": 47654, "\u0120riddled": 47655, "\u0120ogre": 47656, "\u0120Lowell": 47657, "Occup": 47658, "Eat": 47659, "\u0120Hyder": 47660, "\u0120Adviser": 47661, "Commerce": 47662, "Hunt": 47663, "\u0120Orth": 47664, "\u0120Competitive": 47665, "\u0120CLA": 47666, "CDC": 47667, "\u0120salads": 47668, "Fle": 47669, "\u0120industrialized": 47670, "`,": 47671, "\u0120OWN": 47672, "\u0120beck": 47673, "\u0120Particularly": 47674, "oubt": 47675, "\u0120mM": 47676, "\u0120Hussain": 47677, "\u0120Chennai": 47678, "\u0120920": 47679, "\u0120appointing": 47680, "\u0120Cullen": 47681, ",,,,,,,,": 47682, "\u0120pores": 47683, "verified": 47684, "\u0120biochemical": 47685, "emate": 47686, "\u0120cowardly": 47687, "\u0120Helsinki": 47688, "\u0120Ethiopian": 47689, "SOURCE": 47690, "ERC": 47691, "estro": 47692, "\u0120biotech": 47693, "\u0120Sour": 47694, "\u0120brewer": 47695, "Bloomberg": 47696, "\u0120intensify": 47697, "Glass": 47698, "anco": 47699, "\u0120FDR": 47700, "greSQL": 47701, "\u0120Fires": 47702, "\u00a9\u00b6\u00e6\u00a5\u00b5": 47703, "eco": 47704, "1001": 47705, "\u0120Homeless": 47706, "\u0120instantaneous": 47707, "\u0120Haste": 47708, "igel": 47709, "Diamond": 47710, "\u0120paving": 47711, "\u0120landfill": 47712, "\u0120dads": 47713, "houn": 47714, ":]": 47715, "\u0120incendiary": 47716, "\u0120Livingston": 47717, "\u0120Hilbert": 47718, "\u0120Checks": 47719, "styles": 47720, "inators": 47721, "\u0120Clive": 47722, "phrine": 47723, "\u0120chimpanzees": 47724, "\u0120pall": 47725, "\u0120JM": 47726, "\u0120Aadhaar": 47727, "\u00f0\u013f": 47728, "\u0120achievable": 47729, "disabled": 47730, "PET": 47731, "OOOOOOOO": 47732, "Mot": 47733, "\u0120intangible": 47734, "\u0120ballet": 47735, "\u0120Webs": 47736, "\u0120Estimated": 47737, "Effects": 47738, "\u0120bailed": 47739, "Joshua": 47740, "\u0120turbulence": 47741, "\u0120occupant": 47742, "\u0120Daylight": 47743, "\u0120361": 47744, "meet": 47745, "\u0120statically": 47746, "\u0120onlook": 47747, "\u0120ki": 47748, "illegal": 47749, "\u0120velvet": 47750, "\u0120dehydration": 47751, "\u0120acquies": 47752, "\u0120Rez": 47753, "akura": 47754, "\u0120Upton": 47755, "atro": 47756, "\u0120incomprehensible": 47757, "\u0120backdoor": 47758, "\u0120Rhino": 47759, "727": 47760, "\u0120maths": 47761, ")+": 47762, "\u0120heresy": 47763, "\u0120df": 47764, "\u0120Roche": 47765, "\u0120Lydia": 47766, "\u0120pancreat": 47767, "reply": 47768, "arrell": 47769, "\u0120solicitation": 47770, "\u0120circadian": 47771, "BIP": 47772, "\u0120foray": 47773, "\u0120cryptic": 47774, "izu": 47775, "imeo": 47776, "\u0120Tomato": 47777, "\u0120Homs": 47778, "examination": 47779, "\u0120quarry": 47780, "\u0120Valiant": 47781, "\u0120Jericho": 47782, "\u0120INCLUD": 47783, "\u01201840": 47784, "519": 47785, "\u0120resists": 47786, "\u0120snapshots": 47787, "\u0120Spur": 47788, "\u0120Antiqu": 47789, "Login": 47790, "\u0120bestselling": 47791, "\u0120antic": 47792, "\u0120Sutherland": 47793, "\u00e3\u0124\u00a2\u00e3\u0125\u00ab": 47794, "\u0120~/": 47795, "\u0120Parm": 47796, "\u00e8\u0125": 47797, "Pages": 47798, "intensity": 47799, "\u0120immobil": 47800, "\u01201865": 47801, "zzo": 47802, "\u0120nifty": 47803, "\u0120fentanyl": 47804, "\u0120Preservation": 47805, "ophen": 47806, "\u0120darts": 47807, "\u0120Dinosaur": 47808, "pointers": 47809, "\u0120Rite": 47810, "suggest": 47811, "awareness": 47812, "\u0120Sheridan": 47813, "\u0120stances": 47814, "\u0120sorcery": 47815, "\u0120perjury": 47816, "\u0120Nikola": 47817, "iever": 47818, "\u0120fiance": 47819, "\u0120Jordanian": 47820, "\u0120Balloon": 47821, "\u0120nab": 47822, "\u0120kb": 47823, "\u0120humanities": 47824, "\u0120Tanaka": 47825, "hillary": 47826, "\u0120consultancy": 47827, "\u0120Zub": 47828, "\u0120remission": 47829, "\u0120confid": 47830, "CHQ": 47831, "\u0120Fug": 47832, "\u0120improvis": 47833, "Yep": 47834, "/_": 47835, "\u0120unwillingness": 47836, "\u0120portfolios": 47837, "055": 47838, "\u0120Instructor": 47839, "aiman": 47840, "\u0120claimants": 47841, "Mbps": 47842, "\u0120Bye": 47843, "received": 47844, "Tweet": 47845, "\u0120indemn": 47846, "riz": 47847, "amara": 47848, "Nat": 47849, "\u0120evaluates": 47850, "\u0120Lur": 47851, "epad": 47852, "FOX": 47853, "\u0120Thro": 47854, "\u0120rusty": 47855, "\u0120bedrock": 47856, "\u0120Oprah": 47857, "JB": 47858, "\u0120manipulative": 47859, "\u0120willful": 47860, "\u0120relapse": 47861, "\u0120extant": 47862, "Theme": 47863, "Sensor": 47864, "\u0120Stability": 47865, "govern": 47866, "\u0120poppy": 47867, "\u0120knack": 47868, "\u0120insulated": 47869, "\u0120Tile": 47870, "\u0120Extrem": 47871, "\u0120untold": 47872, "\u0120converge": 47873, "\u0120refuel": 47874, "igroup": 47875, "\u0120distortions": 47876, "\u0120ravaged": 47877, "\u0120mechanically": 47878, "\u0120Reilly": 47879, "\u0120Nose": 47880, "\u0120Incarnation": 47881, "\u0120Becky": 47882, "abbling": 47883, "\u0120taco": 47884, "\u0120rake": 47885, "\u0120melancholy": 47886, "\u0120illustrious": 47887, "\u0120Dartmouth": 47888, "Guide": 47889, "\u0120Razer": 47890, "\u0120Benz": 47891, "Ultimate": 47892, "\u0120Surprise": 47893, "\u0120pageant": 47894, "offer": 47895, "Whoever": 47896, "\u0120wiser": 47897, "\u0120chemist": 47898, "\u0120HELL": 47899, "\u0120Bulk": 47900, "\u0120plutonium": 47901, "\u0120COVER": 47902, "\u00d6\u00bc": 47903, "failed": 47904, "\u0120tirelessly": 47905, "\u0120infertility": 47906, "\u0120Trident": 47907, "\u0120Showtime": 47908, "\u0120Civ": 47909, "Vice": 47910, "requires": 47911, "ittance": 47912, "\u0120uncontrolled": 47913, "interesting": 47914, "561": 47915, "\u0120innovate": 47916, "ategic": 47917, "Lie": 47918, "\u0120Selling": 47919, "Ul": 47920, "\u0120savior": 47921, "\u0120Tosh": 47922, "\u0120swast": 47923, "PASS": 47924, "\u0120rink": 47925, "\u0120cardio": 47926, "\u0120Iro": 47927, "udi": 47928, "\u0120vantage": 47929, "\u0120vans": 47930, "\u0120Ni\u00c3\u00b1o": 47931, "+=": 47932, "\u0120propagate": 47933, "": 49029, "\u0120leukemia": 49030, "\u0120eluc": 49031, "\u0120announcer": 49032, "\u0120Lithuan": 49033, "\u0120Armageddon": 49034, "\u00e5\u0129": 49035, "Lenin": 49036, "\u0120Ruk": 49037, "\u0120pepp": 49038, "\u0120Romantic": 49039, "\u0120PIT": 49040, "\u0120Interstellar": 49041, "\u0120Atkinson": 49042, "Raid": 49043, "Js": 49044, "Goal": 49045, "Course": 49046, "\u0120vanishing": 49047, "esley": 49048, "\u0120Rounds": 49049, "Elsa": 49050, "593": 49051, "\u0120redundancy": 49052, "\u0120STAND": 49053, "\u0120prophetic": 49054, "\u0120habitable": 49055, "ryu": 49056, "\u0120faintly": 49057, "MODE": 49058, "\u0120flanked": 49059, "IRC": 49060, "Awesome": 49061, "\u0120spurious": 49062, "\u0120Zah": 49063, "\u0120MSG": 49064, "\u0120shading": 49065, "\u0120motivational": 49066, "\u0120Santana": 49067, "\u0120SPR": 49068, "\u0120excruciating": 49069, "omial": 49070, "\u0120Miko": 49071, "\u0120Leopard": 49072, "Abyss": 49073, "\u0120[|": 49074, "dirty": 49075, "\u0120baths": 49076, "\u0120demoral": 49077, "andre": 49078, "PB": 49079, "\u0120unification": 49080, "\u0120sacrament": 49081, "\u0120[&": 49082, "\u0120priceless": 49083, "\u0120gelatin": 49084, "\u0120emanating": 49085, "\u0120Allaah": 49086, "986": 49087, "\u0120outburst": 49088, "\u0120eras": 49089, "\u0120XVI": 49090, "\u0120SPI": 49091, "Ott": 49092, "\u0120Lazarus": 49093, "PLIED": 49094, "Flying": 49095, "blogs": 49096, "Wisconsin": 49097, "Raven": 49098, "\u0120rebate": 49099, "\u0120creeps": 49100, "\u0120Span": 49101, "\u0120Painter": 49102, "\u0120Kira": 49103, "\u0120Amos": 49104, "\u0120Corvette": 49105, "Consumer": 49106, "\u0120Recover": 49107, "cki": 49108, "\u0120pesky": 49109, "\u0120Invention": 49110, "Companies": 49111, "\u0120challengers": 49112, "ademic": 49113, "\u0120Ukrainians": 49114, "\u0120Neurolog": 49115, "\u0120Forsaken": 49116, "\u0120entrants": 49117, "\u0120embattled": 49118, "\u0120defunct": 49119, "\u0120Glacier": 49120, "\u0120poisons": 49121, "\u0120Horses": 49122, "makes": 49123, "\u0120Dirt": 49124, "\u0120423": 49125, "hhh": 49126, "\u0120Transformation": 49127, "QUIRE": 49128, "..................": 49129, "\u0120traveller": 49130, "\u0120Sexy": 49131, "\u0120Kern": 49132, "ipolar": 49133, "\u0120ransomware": 49134, "oooooooooooooooo": 49135, "Ec": 49136, "ruby": 49137, "Professional": 49138, "\u0120Outbreak": 49139, "argument": 49140, "Grey": 49141, "\u0120Fifa": 49142, "\u0120CHO": 49143, "\u0120FORM": 49144, "\u0120Amtrak": 49145, "-[": 49146, "\u0120cradle": 49147, "\u0120antioxidants": 49148, "\u00e3\u0123\u00ae\u00e5\u00ae": 49149, "736": 49150, "\u0120NASL": 49151, "\u0120Contributions": 49152, "Indiana": 49153, "\u0120STEP": 49154, "CSS": 49155, "\u0120salient": 49156, "\u0120allocations": 49157, "yrights": 49158, "\u0120mashed": 49159, "\u0120Cutter": 49160, "Sexual": 49161, "\u0120pounded": 49162, "\u0120fanbase": 49163, "\u0120casc": 49164, "\u0120Transparency": 49165, "\u0120analytic": 49166, "\u0120Summoner": 49167, "\u00d7\u0140": 49168, "\u0120ADC": 49169, "detail": 49170, "\u0120vanquished": 49171, "\u0120crabs": 49172, "arie": 49173, "Destroy": 49174, "\u0120Sack": 49175, "\u0120transistor": 49176, "Alabama": 49177, "\u0120Koen": 49178, "\u0120Fisheries": 49179, "cone": 49180, "\u0120annexed": 49181, "\u0120MGM": 49182, "esa": 49183, "\u0120faked": 49184, "\u0120Congratulations": 49185, "\u0120hindered": 49186, "\u0120correctional": 49187, "\u0120ITV": 49188, "leeve": 49189, "\u0120inappropriately": 49190, "licks": 49191, "\u0120trespass": 49192, "\u0120paws": 49193, "\u0120negotiator": 49194, "\u0120Christensen": 49195, "limits": 49196, "\u0120Dianne": 49197, "\u0120elegance": 49198, "\u0120Contracts": 49199, "anke": 49200, "Obj": 49201, "\u0120vigilance": 49202, "\u0120castles": 49203, "\u0120NAD": 49204, "\u0120Holo": 49205, "\u0120emphatically": 49206, "\u0120Titus": 49207, "\u0120Serving": 49208, "\u0120Richie": 49209, "\u0120Pigs": 49210, "568": 49211, "\u0120animosity": 49212, "\u0120Attributes": 49213, "\u0120Uriel": 49214, "MQ": 49215, "myra": 49216, "\u0120Applicant": 49217, "\u0120psychiatrists": 49218, "\u0120Vij": 49219, "\u0120Abby": 49220, "agree": 49221, "Push": 49222, "\u0120kWh": 49223, "hiba": 49224, "\u0120incite": 49225, "\u0120Weasley": 49226, "\u0120Taxi": 49227, "ministic": 49228, "hyper": 49229, "\u0120Farn": 49230, "\u0120601": 49231, "\u0120Nationwide": 49232, "Fake": 49233, "952": 49234, "\u0120maize": 49235, "\u0120interacted": 49236, "\u0120transitioned": 49237, "\u0120parasitic": 49238, "\u0120harmonic": 49239, "\u0120decaying": 49240, "\u0120baseless": 49241, "nsics": 49242, "\u0120transpired": 49243, "\u0120abundantly": 49244, "\u0120Forensic": 49245, "\u0120treadmill": 49246, "\u0120Jav": 49247, "aband": 49248, "\u0120sshd": 49249, "\u0120frontman": 49250, "\u0120Jakarta": 49251, "oller": 49252, "drops": 49253, "\u0120SERVICES": 49254, "romptu": 49255, "ophical": 49256, "hospital": 49257, "bledon": 49258, "645": 49259, "\u0120midrange": 49260, "\u0120EVENT": 49261, "culated": 49262, "rawled": 49263, "\u0120perched": 49264, "\u0120overboard": 49265, "\u0120Peel": 49266, "\u0120Pwr": 49267, "\u0120Carth": 49268, "\u0120COMPLE": 49269, "coe": 49270, "shall": 49271, "\u0120deterrence": 49272, "METHOD": 49273, "\u0120Absent": 49274, "MEN": 49275, "\u0120sill": 49276, "\u0120LEVEL": 49277, "York": 49278, "\u0120sinners": 49279, "\u0120OPEC": 49280, "\u0120Nur": 49281, "\u0120Designs": 49282, "selection": 49283, "\u0120unworthy": 49284, "CHA": 49285, "\u0120strengthens": 49286, "883": 49287, "edly": 49288, "\u0120slicing": 49289, "\u0120malnutrition": 49290, "\u0120filmmaking": 49291, "\u0120Polk": 49292, "urated": 49293, "\u0120421": 49294, "breakers": 49295, "!'\"": 49296, "\u0120wetlands": 49297, "\u0120Discrimination": 49298, "\u0120allowable": 49299, "\u0120steered": 49300, "\u0120Sicily": 49301, "SAM": 49302, "\u0120mustache": 49303, "\u0120mids": 49304, "\u0120clipped": 49305, "\u0120circulate": 49306, "\u0120brittle": 49307, "\u0120Buildings": 49308, "raised": 49309, "\u0120Roundup": 49310, "\u0120wealthier": 49311, "\u0120overwrite": 49312, "\u0120overpowered": 49313, "\u0120Gerrard": 49314, "sites": 49315, "PDATED": 49316, "\u0120acutely": 49317, "\u0120Gamble": 49318, "\u0120pim": 49319, "\u0120Kus": 49320, "Typically": 49321, "Deploy": 49322, "\u0120Moroccan": 49323, "potion": 49324, "combe": 49325, "\u0120vigilante": 49326, "\u0120363": 49327, "Stew": 49328, "\u0120Bagg": 49329, "\u0120resided": 49330, "\u0120Spo": 49331, "\u0120remnant": 49332, "\u0120emptiness": 49333, "brainer": 49334, "\u0120outpatient": 49335, "priority": 49336, "\u0120leptin": 49337, "\u0120Payton": 49338, "\u0120Gleaming": 49339, "\u0120Shed": 49340, "\u0120Polo": 49341, "\u0120Mormonism": 49342, "restricted": 49343, "arlane": 49344, "wx": 49345, "\u0120creatine": 49346, "\u0120Anon": 49347, "\u0120STUD": 49348, "\u0120JUL": 49349, "\u0120Tee": 49350, "528": 49351, "089": 49352, "\u0120hatched": 49353, "Dispatch": 49354, "\u0120Composite": 49355, "\u0120451": 49356, "puff": 49357, "\u0120XCOM": 49358, "\u0120Orn": 49359, "\u0120THANK": 49360, "ENDED": 49361, "\u0120Asheville": 49362, "\u0120\u00c3\u013e": 49363, "\u0120mango": 49364, "\u0120Slightly": 49365, "worldly": 49366, "\u0120Wander": 49367, "\u0120Expand": 49368, "\u0120Chr": 49369, "Mist": 49370, "\u0120orthodoxy": 49371, "\u0120UNESCO": 49372, "regate": 49373, "Elsewhere": 49374, "kie": 49375, "irled": 49376, "\u0120topple": 49377, "\u0120adoptive": 49378, "\u0120Legs": 49379, "dress": 49380, "\u0120Sagan": 49381, "bare": 49382, "\u0120Glou": 49383, "Crunch": 49384, "\u0120helpers": 49385, "\u0120chronically": 49386, "\u0120Huma": 49387, "10000": 49388, "\u0120accommodating": 49389, "\u00e4\u00ba\u0136": 49390, "\u0120wrinkles": 49391, "\u0120dodged": 49392, "fourth": 49393, "\u0120precon": 49394, "\u0120compressor": 49395, "\u0120Kare": 49396, "\u0120evict": 49397, "\u0120Warwick": 49398, "imar": 49399, "\u0120modernization": 49400, "\u0120bandwagon": 49401, "\u0120refuted": 49402, "\u0120netted": 49403, "\u0120Naples": 49404, "\u0120Genie": 49405, "perors": 49406, "\u0120fielded": 49407, "\u0120dere": 49408, "\u0120Parables": 49409, "lees": 49410, "\u0120trout": 49411, "aspers": 49412, "\u0120nihil": 49413, "\u0120happiest": 49414, "\u0120floppy": 49415, "\u0120Loft": 49416, "\u0120Heard": 49417, "\u0120unison": 49418, "\u0120lug": 49419, "\u0120Redmond": 49420, "classic": 49421, "Supporters": 49422, "SHIP": 49423, "GMT": 49424, "\u0120fuelled": 49425, "\u00e7\u0132": 49426, "\u0120dd": 49427, "\u0120Eminem": 49428, "\u01201897": 49429, "NYSE": 49430, "\u0120secretaries": 49431, "\u0120FIA": 49432, "\u0120Canaveral": 49433, "Favorite": 49434, "\u0120pomp": 49435, "\u0120detainee": 49436, "ership": 49437, "aimon": 49438, "iour": 49439, "\u0120Apex": 49440, "\u0120plantations": 49441, "amia": 49442, "acion": 49443, "Rust": 49444, "\u0120towed": 49445, "\u0120Truly": 49446, "577": 49447, "\u0120sheltered": 49448, "rider": 49449, "Wo": 49450, "\u0120lair": 49451, "\u0120Intelligent": 49452, "improve": 49453, "matically": 49454, "\u0120etiquette": 49455, "adra": 49456, "allo": 49457, "\u0120Juno": 49458, "anything": 49459, "\u0120Struggle": 49460, "\u0120Predict": 49461, "\u0120Grimes": 49462, "\u0120AMERICA": 49463, "ctx": 49464, "\u0120Situation": 49465, "WOOD": 49466, "\u0120soluble": 49467, "meier": 49468, "\u0120intolerable": 49469, "angering": 49470, "\u0120uninterrupted": 49471, "\u0120tooltip": 49472, "\u0120interrogated": 49473, "\u0120gunned": 49474, "\u0120Sneak": 49475, "\u00e6\u0143\u00a6": 49476, "\u0120tether": 49477, "\u0120crumble": 49478, "Lens": 49479, "\u0120clustered": 49480, "\u0120Syl": 49481, "\u0120Hasan": 49482, "\u0120dystopian": 49483, "wana": 49484, "\u0120joystick": 49485, "\u0120Thib": 49486, "ammu": 49487, "Tomorrow": 49488, "546": 49489, "\u0120overcame": 49490, "\u0120minimized": 49491, "ceptor": 49492, "Runner": 49493, "ENGTH": 49494, "\u0120Brenda": 49495, "\u0120Achievements": 49496, "\u0120torches": 49497, "\u0120rapport": 49498, "\u0120Investigator": 49499, "\u0120Handling": 49500, "relation": 49501, "grey": 49502, "815": 49503, "\u0120kcal": 49504, "\u0120Commands": 49505, "dq": 49506, "\u0120curls": 49507, "\u0120bearer": 49508, "\u0120cynicism": 49509, "itri": 49510, "\u0120Useful": 49511, "Bee": 49512, "DCS": 49513, "\u0120abras": 49514, "Pract": 49515, "BILITIES": 49516, "712": 49517, "\u0120debugger": 49518, "\u0120debtor": 49519, "\u0120Lia": 49520, "\u0120Kers": 49521, "\u0120exacerbate": 49522, "\u0120Stacy": 49523, "\u0120Bland": 49524, "\u0120Scenes": 49525, "\u0120branching": 49526, "\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a": 49527, "apeake": 49528, "\u0120salsa": 49529, "\u0120mishand": 49530, "\u0120Konami": 49531, "\u0120Nib": 49532, "\u0120anecdote": 49533, "\u0120agreeable": 49534, "\u00cf\u012b": 49535, "\u0120Nathaniel": 49536, "\u0120Heisman": 49537, "\u0120Beware": 49538, "\u01201886": 49539, "spective": 49540, "691": 49541, "522": 49542, "\u0120inhibits": 49543, "\u0120hashing": 49544, "\u01201889": 49545, "\u00e5\u00b0\u0128": 49546, "vich": 49547, "Pure": 49548, "\u0120solidly": 49549, "\u0120aspirin": 49550, "imaru": 49551, "\u0120streetcar": 49552, "\u0120UCS": 49553, "\u0120Judd": 49554, "\u0120flashbacks": 49555, "pins": 49556, "\u01201440": 49557, "\u0120UNHCR": 49558, "\u0120Symptoms": 49559, "TIT": 49560, "538": 49561, "Fra": 49562, "%);": 49563, "\u0120ooz": 49564, "\u0120curfew": 49565, "\u0120calmed": 49566, "\u0120participates": 49567, "TeX": 49568, "\u0120nonsensical": 49569, "\u0120fullback": 49570, "\u0120DeL": 49571, "monkey": 49572, "hari": 49573, "\u0120metabolites": 49574, "\u0120looted": 49575, "\u0120ALWAYS": 49576, "\u0120BCC": 49577, "Lt": 49578, "ochet": 49579, "Bone": 49580, "\u0120vetoed": 49581, "\u0120gcc": 49582, "\u0120CLICK": 49583, "\u01201888": 49584, "saf": 49585, "\u0120stiffness": 49586, "\u0120lowly": 49587, "\u0120Geh": 49588, "verson": 49589, "orset": 49590, "\u0120unforeseen": 49591, "\u0120anesthesia": 49592, "\u0120Optical": 49593, "\u0120reconstructed": 49594, "\u0120Tup": 49595, "shows": 49596, "NEWS": 49597, "\u0120Newspaper": 49598, "\u0120ASA": 49599, "tera": 49600, "Numbers": 49601, "\u0120inexplicable": 49602, "\u00d7\u0133": 49603, "\u0120hardness": 49604, "untarily": 49605, "\u0120Acer": 49606, "gradient": 49607, "ARDIS": 49608, "\u0120woodland": 49609, "\u0120metaphors": 49610, "\u0120Wembley": 49611, "\u0120Pavel": 49612, "philis": 49613, "\u0120rewriting": 49614, "\u0120perceptual": 49615, "\u01201070": 49616, "worms": 49617, "\u0120Downs": 49618, "\u0120unsurprisingly": 49619, "\u0120tagging": 49620, "flame": 49621, "\u0120litres": 49622, "\u0120bounces": 49623, "\u0120Babe": 49624, "shut": 49625, "\u0120overdoses": 49626, "\u0120Sheila": 49627, "\u0120Chau": 49628, "\u0120Bless": 49629, "Capture": 49630, "\u0120Significant": 49631, "\u0120Scion": 49632, "\u0120389": 49633, "\u0120McH": 49634, "\u0120Titanium": 49635, "\u0120Meal": 49636, "ameda": 49637, "agents": 49638, "aggressive": 49639, "Billy": 49640, "763": 49641, "\u0120Saying": 49642, "DERR": 49643, "itone": 49644, "Collins": 49645, "Bound": 49646, "\u0120bolted": 49647, "\u0120DMCA": 49648, "953": 49649, "\u0120uniqueness": 49650, "\u0120epigen": 49651, "unci": 49652, "antam": 49653, "\u0120reckoning": 49654, "chairs": 49655, "OGR": 49656, "\u0120Senegal": 49657, "\u01201862": 49658, "relevant": 49659, "\u0120\u00c2\u00af": 49660, "\u0120pharmacies": 49661, "\u0120Geral": 49662, "vier": 49663, "Yan": 49664, "ORPG": 49665, "\u0120rabid": 49666, "bending": 49667, "\u0120UNITED": 49668, "\u0120465": 49669, "Assembly": 49670, "\u0120weep": 49671, "\u0120behest": 49672, "\u0120Mothers": 49673, "\u0120Jace": 49674, "hid": 49675, "\u0120whirlwind": 49676, "\u0120UNIVERS": 49677, "\u0120utopian": 49678, "\u0120kidnap": 49679, "Philipp": 49680, "Kin": 49681, "893": 49682, "\u0120livestream": 49683, "\u0120MISS": 49684, "\u0120subversive": 49685, "\u0120Techniques": 49686, "\u0120JUSTICE": 49687, "\u0120BASE": 49688, "\u0120387": 49689, "\u0120assailants": 49690, "\u0120Hardcore": 49691, "\u0120sprinkled": 49692, "\u0120Pse": 49693, "\u00e9\u013c": 49694, "printed": 49695, "\u0120Hau": 49696, "ORGE": 49697, "\u0120TOUR": 49698, "\u0120laced": 49699, "\u0120itch": 49700, "Giving": 49701, "\u0120ported": 49702, "781": 49703, "////////////////////////////////": 49704, "breeding": 49705, "\u0120logger": 49706, "\u0120HOL": 49707, "innie": 49708, "Firstly": 49709, "\u0120embryonic": 49710, "\u0120delegated": 49711, "pai": 49712, "OIL": 49713, "\u0120centrally": 49714, "\u0120Rx": 49715, "\u0120Scouting": 49716, "Dutch": 49717, "\u0120hereditary": 49718, "\u0120Cruiser": 49719, "sat": 49720, "529": 49721, "\u0120Marriott": 49722, "othermal": 49723, "\u0120prohibitions": 49724, "Earn": 49725, "\u0120Stab": 49726, "\u0120Colleges": 49727, "\u0120Belief": 49728, "stretched": 49729, "\u0120LH": 49730, "\u0120EntityItem": 49731, "CIA": 49732, "\u0120unrem": 49733, "\u0120laureate": 49734, "\u0120denominations": 49735, "summary": 49736, "hler": 49737, "Spect": 49738, "\u0120Klaus": 49739, "\u0120Beans": 49740, "\u0120insur": 49741, "\u0120PAX": 49742, "\u0120fielder": 49743, "\u0120Vet": 49744, "\u0120Sparrow": 49745, "zie": 49746, "\u0120SQ": 49747, "\u0120Mondays": 49748, "\u0120Offline": 49749, "\u0120Lerner": 49750, "\u0120Extensions": 49751, "Ireland": 49752, "\u0120patronage": 49753, "\u0120contrasted": 49754, "\u0120Mania": 49755, "hirt": 49756, "Moscow": 49757, "\u0120condemns": 49758, "\u0120Ange": 49759, "\u0120composing": 49760, "\u0120Pepe": 49761, "\u0120Paddock": 49762, "\u0120heterogeneity": 49763, "\u0120ideologically": 49764, "\u0120fishes": 49765, "\u0120cursing": 49766, "\u0120Rutherford": 49767, "\u0120Floating": 49768, "\u0120Amelia": 49769, "Tea": 49770, "Synopsis": 49771, "\u0120stunts": 49772, "\u0120bead": 49773, "\u0120stocking": 49774, "\u0120MILL": 49775, "obook": 49776, "massive": 49777, "\\<": 49778, "\u0120hump": 49779, "\u0120Preferences": 49780, "EngineDebug": 49781, "geist": 49782, "\u0120Nieto": 49783, "omever": 49784, "ishy": 49785, "evaluate": 49786, "colonial": 49787, "Alternative": 49788, "\u0120GoPro": 49789, "\u0120Vortex": 49790, "\u0120NETWORK": 49791, "ansky": 49792, "Secure": 49793, "\u0120Thrust": 49794, "Snake": 49795, "\u0120parcels": 49796, "\u0120samurai": 49797, "\u0120actresses": 49798, "Nap": 49799, "MF": 49800, "iferation": 49801, "Beer": 49802, "523": 49803, "\u0120Ily": 49804, "ointment": 49805, "Ping": 49806, "\u0120striped": 49807, "\u0120Mellon": 49808, "ossession": 49809, "\u0120neutron": 49810, "endium": 49811, "\u0120aph": 49812, "\u0120Flavoring": 49813, "\u0120383": 49814, "\u0120responsiveness": 49815, "\u0120Jindal": 49816, "\u0120Hitchcock": 49817, "Denver": 49818, "\u0120DRAGON": 49819, "smanship": 49820, "\u0120Dupl": 49821, "\u0120sly": 49822, "\u0120webcam": 49823, "\u0120Twain": 49824, "\u0120Darling": 49825, "iliate": 49826, "consumer": 49827, "DIT": 49828, "\u0120namesake": 49829, "\u0120unorthodox": 49830, "\u0120funer": 49831, "\u0120PLoS": 49832, "\u0120CONTROL": 49833, "ozyg": 49834, "oglobin": 49835, "FACE": 49836, "ERG": 49837, "\u0120Dia": 49838, "\u0120Fiesta": 49839, "cele": 49840, "034": 49841, "\u0120enclave": 49842, "\u00e2\u0138\u00ac\u00e2\u0138\u00ac": 49843, "onement": 49844, "alist": 49845, "Mand": 49846, "\u0120homegrown": 49847, "\u0120Fancy": 49848, "\u0120conceptions": 49849, "\u0120Contains": 49850, "ureen": 49851, "\u0120reiterate": 49852, "\u0120meager": 49853, "\u0120installments": 49854, "Spawn": 49855, "627": 49856, "\u0120photoc": 49857, "\u0120Cabrera": 49858, "\u0120Rosenthal": 49859, "\u0120Lansing": 49860, "isner": 49861, "\u0120invests": 49862, "\u0120UFOs": 49863, "EXP": 49864, "Hardware": 49865, "\u0120tragically": 49866, "\u0120concedes": 49867, "ieft": 49868, "cham": 49869, "borgh": 49870, "\u0120Schr": 49871, "\u0120Melanie": 49872, "\u0120Hoy": 49873, "\u0120visitation": 49874, "\u0120idiosyncr": 49875, "\u0120fractions": 49876, "\u0120foreskin": 49877, "obos": 49878, "\u0120poaching": 49879, "\u0120VIEW": 49880, "\u0120stimulates": 49881, "\u0120Gork": 49882, "canon": 49883, "MIC": 49884, "\u0120Nemesis": 49885, "\u0120Indra": 49886, "\u0120DMV": 49887, "\u0120529": 49888, "\u0120inspecting": 49889, "\u0120grandma": 49890, "\u0120Whedon": 49891, "\u0120Shant": 49892, "\u0120Purg": 49893, "ikan": 49894, "\u0120Teg": 49895, "\u0120CLR": 49896, "zac": 49897, "Victoria": 49898, "\u0120Verify": 49899, "ionics": 49900, "\u0120partying": 49901, "\u0120Mou": 49902, "colour": 49903, "\u0120testimonies": 49904, "lations": 49905, "\u0120pressuring": 49906, "hiro": 49907, "acers": 49908, "\u0120fid": 49909, "angler": 49910, "\u0120CSI": 49911, "\u0120hereafter": 49912, "\u0120dissidents": 49913, "reporting": 49914, "iphany": 49915, "chev": 49916, "\u0120solitude": 49917, "\u0120lobe": 49918, "\u0120indis": 49919, "\u0120credential": 49920, "recent": 49921, "adult": 49922, "\u0120Nirvana": 49923, "\u0120Franchise": 49924, "Layer": 49925, "Hyp": 49926, "\u0120Berkshire": 49927, "\u0120wills": 49928, "tif": 49929, "\u0120totem": 49930, "\u0120Judah": 49931, "repair": 49932, "Instant": 49933, "548": 49934, "\u0120embassies": 49935, "\u0120bottleneck": 49936, "\u0120bount": 49937, "\u0120typew": 49938, "\u0120Alvin": 49939, "jing": 49940, "imilar": 49941, "Rush": 49942, "\u0120brim": 49943, "\u0120HELP": 49944, "Aim": 49945, "]'": 49946, "\u0120passively": 49947, "\u0120bounded": 49948, "\u0120Rated": 49949, "\u0120criminality": 49950, "\u0120biomark": 49951, "\u0120dispatcher": 49952, "\u0120Towards": 49953, "\u0120+++": 49954, "righteous": 49955, "frog": 49956, "\u0120Panc": 49957, "Carter": 49958, "032": 49959, "\u00e6\u00a9\u0141": 49960, "\u0120ultraviolet": 49961, "\u0120Licensed": 49962, "\u0120Tata": 49963, "\u0120Blessing": 49964, "\u0120GAM": 49965, "\u0120chemically": 49966, "\u0120Seaf": 49967, "\u0120RELE": 49968, "\u0120Mercenary": 49969, "capitalist": 49970, "\u0120formulations": 49971, "\u0120annihilation": 49972, "\u0120Verb": 49973, "\u0120Argon": 49974, "\u0120unloaded": 49975, "\u0120morphed": 49976, "\u0120conquering": 49977, "backer": 49978, "IELD": 49979, "\u0120thefts": 49980, "\u0120frontrunner": 49981, "\u0120Royale": 49982, "\u0120Fundamental": 49983, "elight": 49984, "Chip": 49985, "necessary": 49986, "ayn": 49987, "\u0120Slip": 49988, "\u0120448": 49989, "cerned": 49990, "Pause": 49991, "\u0120shockingly": 49992, "\u0120ABV": 49993, "\u0120composure": 49994, "733": 49995, "\u0120Motorsport": 49996, "ahime": 49997, "Murray": 49998, "Mach": 49999, "\u0120grids": 50000, "\u0120debian": 50001, "\u0120furthermore": 50002, "\u0120dexterity": 50003, "\u0120Collections": 50004, "oslov": 50005, "ilage": 50006, "bj": 50007, "\u0120Monteneg": 50008, "\u0120strutConnector": 50009, "\u0120massacres": 50010, "\u0120briefs": 50011, "fetched": 50012, "uvian": 50013, "olition": 50014, "Failure": 50015, "emonic": 50016, "\u0120flared": 50017, "\u0120claimant": 50018, "\u0120cures": 50019, "\u0120giveaways": 50020, "\u0120Substance": 50021, "alions": 50022, "\u0120cringe": 50023, "\u0120Kul": 50024, "\u0120aristocracy": 50025, "\u0120Ulster": 50026, "olated": 50027, "housing": 50028, "\u0120MIS": 50029, "\u0120glared": 50030, "\u0120Wilhelm": 50031, "needs": 50032, "lambda": 50033, "builders": 50034, "\u0120VIS": 50035, "\u0120radiator": 50036, "\u0120Ghostbusters": 50037, "\u0120436": 50038, "actual": 50039, "\u0120herds": 50040, "\u00c3\u00a7a": 50041, "watching": 50042, "\u0120countering": 50043, "Charge": 50044, "\u0120charred": 50045, "\u0120warheads": 50046, "\u0120iodine": 50047, "\u0120Macy": 50048, "041": 50049, "\u0120departures": 50050, "\u0120Sins": 50051, "\u0120dyed": 50052, "\u0120Concepts": 50053, "gado": 50054, "713": 50055, "\u0120quotations": 50056, "\u0120gist": 50057, "\u0120Christy": 50058, "\u0120antigen": 50059, "\u0120Hemp": 50060, "\u0120Drawn": 50061, "\u0120Barg": 50062, "ezvous": 50063, "\u0120paternity": 50064, "\u0120ardu": 50065, "\u0120Anchorage": 50066, "\u0120Rik": 50067, "\u0120overloaded": 50068, "\u0120Username": 50069, "\u0120Tammy": 50070, "\u0120Nau": 50071, "\u0120Cellular": 50072, "\u0120waning": 50073, "\u0120rodent": 50074, "\u0120Worcester": 50075, "ilts": 50076, "\u0120Tad": 50077, "\u0120dwellings": 50078, "\u0120bullish": 50079, "431": 50080, "\u0120retaliate": 50081, "\u0120migraine": 50082, "\u0120Chevron": 50083, "CHECK": 50084, "\u0120donkey": 50085, "crim": 50086, "SPA": 50087, "\u0120Analog": 50088, "\u0120marquee": 50089, "\u0120Haas": 50090, "Bir": 50091, "\u0120GDDR": 50092, "\u0120Downloads": 50093, "\u0120willpower": 50094, "\u0120Forth": 50095, "\u0120Recorded": 50096, "\u0120impossibility": 50097, "\u0120Logged": 50098, "\u0120Franks": 50099, "\u0120Ratt": 50100, "initions": 50101, "\u0120cleaners": 50102, "\u0120sorely": 50103, "\u0120flickering": 50104, "\u0120Examination": 50105, "catching": 50106, "alloween": 50107, "Msg": 50108, "\u0120dunno": 50109, "Fa": 50110, "\u0120dysph": 50111, "crazy": 50112, ".''.": 50113, "\u0120mainline": 50114, "\u0120cs": 50115, "\u0120ptr": 50116, "\u0120Wally": 50117, "igun": 50118, "951": 50119, "\u0120Bigfoot": 50120, "fights": 50121, "\u0120retrieving": 50122, "Jr": 50123, "\u0120duplication": 50124, "\u0120Explan": 50125, "\u0120relational": 50126, "\u0120quaint": 50127, "\u0120biscuits": 50128, "\u0120ado": 50129, "\u0120shudder": 50130, "\u0120antidote": 50131, "blooded": 50132, "ksh": 50133, "\u0120sauces": 50134, "\u0120reinvest": 50135, "\u0120dispensary": 50136, "\u0120Diver": 50137, "\u01209000": 50138, "student": 50139, "\u0120insepar": 50140, "escap": 50141, "\u0120toddlers": 50142, "\u0120GPIO": 50143, "\u0120Assignment": 50144, "headers": 50145, "\u0120lackluster": 50146, "\u0120aback": 50147, "956": 50148, "\u0120toolbar": 50149, "745": 50150, "\u0120oust": 50151, "\u0120contemplation": 50152, "\u0120PRESIDENT": 50153, "\u0120458": 50154, "======": 50155, "\u0120guaranteeing": 50156, "\u0120Heist": 50157, "\u0120Cannes": 50158, "\u013b\u00bd": 50159, "\u0120collaborator": 50160, "\u0120Amp": 50161, "\u0120gou": 50162, "\u0120SHALL": 50163, "stories": 50164, "783": 50165, "\u0120mobilized": 50166, "\u0120brood": 50167, "\u0120LU": 50168, "\u0120\u00f0\u0141\u0133": 50169, "\u0120refin": 50170, "\u0120Anthropology": 50171, "vind": 50172, "illi": 50173, "\u0120warranties": 50174, "\u0120Babel": 50175, "\u0120swath": 50176, "\u0120caches": 50177, "\u0120antagonists": 50178, "artifacts": 50179, "\u0120hotly": 50180, "\u0120Starts": 50181, "\u0120G\u00c3\u00b6": 50182, "zag": 50183, "!!!!!": 50184, "\u0120scourge": 50185, "\u0120conspiring": 50186, "ruits": 50187, "reverse": 50188, "\u0120Sheen": 50189, "\u0120Jesuit": 50190, "\u0120Giovanni": 50191, "adies": 50192, "\u0120buttocks": 50193, "earcher": 50194, "acan": 50195, "\u0120volleyball": 50196, "\u0120shrouded": 50197, "\u0120scoreboard": 50198, "bats": 50199, "\u0120IPM": 50200, "\u0120asses": 50201, "\u0120deregulation": 50202, "\u0120Telegram": 50203, "\u0120Reboot": 50204, "\u01207000": 50205, "\u0120Canary": 50206, "\u0120kernels": 50207, "\u0120Fran\u00c3\u00a7ois": 50208, "\u0120Duff": 50209, "\u0120Pon": 50210, "\u0120Leica": 50211, "\u0120Garmin": 50212, "\u0120orphans": 50213, "\u0120Claudia": 50214, "\u0120calendars": 50215, "\u0120Leilan": 50216, "ento": 50217, "Rocket": 50218, "\u0120brunch": 50219, "\u0120Hawking": 50220, "ainers": 50221, "\u0120sensibilities": 50222, "\u0120kW": 50223, "\u0120Kand": 50224, "\u0120reclaimed": 50225, "\u0120interestingly": 50226, "\u00d7\u00a9": 50227, "romy": 50228, "JM": 50229, "\u0120Enhancement": 50230, "bush": 50231, "Skip": 50232, "\u0120rappers": 50233, "\u0120gazing": 50234, "pedia": 50235, "athlon": 50236, "Revolution": 50237, "\u0120snipers": 50238, "\u0120reverted": 50239, "\u0120conglomerate": 50240, "Terry": 50241, "794": 50242, "\u0120harsher": 50243, "\u0120desolate": 50244, "\u0120Hitman": 50245, "Commission": 50246, "\u0120(/": 50247, "\u00e2\u0122\u00a6.\"": 50248, "Compar": 50249, "\u0120amplification": 50250, "ominated": 50251, "\u0120regress": 50252, "\u0120Collider": 50253, "\u0120informants": 50254, "\u0120gazed": 50255, "<|endoftext|>": 50256} \ No newline at end of file diff --git a/test/asset/gpt2_bpe_vocab.bpe b/test/asset/gpt2_bpe_vocab.bpe new file mode 100644 index 0000000000..226b0752ca --- /dev/null +++ b/test/asset/gpt2_bpe_vocab.bpe @@ -0,0 +1,50001 @@ +#version: 0.2 +Ġ t +Ġ a +h e +i n +r e +o n +Ġt he +e r +Ġ s +a t +Ġ w +Ġ o +e n +Ġ c +i t +i s +a n +o r +e s +Ġ b +e d +Ġ f +in g +Ġ p +o u +Ġa n +a l +a r +Ġt o +Ġ m +Ġo f +Ġ in +Ġ d +Ġ h +Ġan d +i c +a s +l e +Ġt h +i on +o m +l l +en t +Ġ n +Ġ l +s t +Ġ re +v e +Ġ e +r o +l y +Ġb e +Ġ g +Ġ T +c t +Ġ S +i d +o t +Ġ I +u t +e t +Ġ A +Ġ is +Ġ on +i m +a m +o w +a y +a d +s e +Ġth at +Ġ C +i g +Ġf or +a c +Ġ y +v er +u r +Ġ u +l d +Ġs t +Ġ M +' s +Ġ he +Ġ it +at ion +it h +i r +c e +Ġy ou +i l +Ġ B +Ġw h +o l +Ġ P +Ġw ith +Ġ 1 +t er +c h +Ġa s +Ġw e +Ġ ( +n d +i ll +Ġ D +i f +Ġ 2 +a g +er s +k e +Ġ " +Ġ H +e m +Ġc on +Ġ W +Ġ R +he r +Ġw as +Ġ r +o d +Ġ F +u l +at e +Ġa t +r i +p p +o re +ĠT he +Ġs e +u s +Ġp ro +Ġh a +u m +Ġa re +Ġd e +a in +an d +Ġo r +ig h +es t +is t +a b +r om +Ġ N +t h +Ġc om +Ġ G +u n +o p +0 0 +Ġ L +Ġn ot +es s +Ġe x +Ġ v +re s +Ġ E +e w +it y +an t +Ġb y +e l +o s +or t +o c +q u +Ġf rom +Ġha ve +Ġs u +i ve +ou ld +Ġs h +Ġth is +n t +r a +p e +igh t +ar t +m ent +Ġa l +u st +en d +- - +al l +Ġ O +ac k +Ġc h +Ġ le +i es +re d +ar d +â Ģ +ou t +Ġ J +Ġa b +e ar +i v +al ly +ou r +o st +g h +p t +Ġp l +as t +Ġc an +a k +om e +u d +T he +Ġh is +Ġd o +Ġg o +Ġh as +g e +' t +Ġ U +r ou +Ġs a +Ġ j +Ġb ut +Ġw or +Ġa ll +e ct +Ġ k +am e +Ġw ill +o k +Ġw he +Ġthe y +id e +0 1 +f f +ic h +p l +t her +Ġt r +. . +Ġin t +i e +u re +ag e +Ġn e +i al +a p +in e +ic e +Ġm e +Ġo ut +an s +on e +on g +ion s +Ġwh o +Ġ K +Ġu p +Ġthe ir +Ġa d +Ġ 3 +Ġu s +at ed +ou s +Ġm ore +u e +o g +ĠS t +in d +i ke +Ġs o +im e +p er +. " +b er +i z +a ct +Ġon e +Ġsa id +Ġ - +a re +Ġyou r +c c +ĠT h +Ġc l +e p +a ke +ab le +i p +Ġcon t +Ġwh ich +i a +Ġ im +Ġab out +Ġwe re +ver y +u b +Ġh ad +Ġ en +Ġcom p +, " +ĠI n +Ġu n +Ġa g +i re +ac e +a u +ar y +Ġw ould +as s +r y +Ġ âĢ +c l +o ok +e re +s o +Ġ V +ig n +i b +Ġof f +Ġt e +v en +Ġ Y +i le +o se +it e +or m +Ġ2 01 +Ġre s +Ġm an +Ġp er +Ġo ther +or d +ul t +Ġbe en +Ġl ike +as e +an ce +k s +ay s +ow n +en ce +Ġd is +ct ion +Ġan y +Ġa pp +Ġs p +in t +res s +ation s +a il +Ġ 4 +ic al +Ġthe m +Ġhe r +ou nt +ĠC h +Ġa r +Ġ if +Ġthe re +Ġp e +Ġy ear +a v +Ġm y +Ġs ome +Ġwhe n +ou gh +ac h +Ġth an +r u +on d +ic k +Ġo ver +ve l +Ġ qu +Ċ Ċ +Ġs c +re at +re e +ĠI t +ou nd +p ort +Ġal so +Ġp art +f ter +Ġk n +Ġbe c +Ġt ime +en s +Ġ 5 +op le +Ġwh at +Ġn o +d u +m er +an g +Ġn ew +-- -- +Ġg et +or y +it ion +ing s +Ġj ust +Ġint o +Ġ 0 +ent s +o ve +t e +Ġpe ople +Ġp re +Ġit s +Ġre c +Ġt w +i an +ir st +ar k +or s +Ġwor k +ad e +o b +Ġs he +Ġo ur +w n +in k +l ic +Ġ1 9 +ĠH e +is h +nd er +au se +Ġh im +on s +Ġ [ +Ġ ro +f orm +i ld +at es +ver s +Ġon ly +o ll +Ġs pe +c k +e ll +am p +Ġa cc +Ġb l +i ous +ur n +f t +o od +Ġh ow +he d +Ġ ' +Ġa fter +a w +Ġat t +o v +n e +Ġpl ay +er v +ic t +Ġc ould +it t +Ġa m +Ġf irst +Ġ 6 +Ġa ct +Ġ $ +e c +h ing +u al +u ll +Ġcom m +o y +o ld +c es +at er +Ġf e +Ġbe t +w e +if f +Ġtw o +oc k +Ġb ack +) . +id ent +Ġu nder +rou gh +se l +x t +Ġm ay +rou nd +Ġp o +p h +is s +Ġd es +Ġm ost +Ġd id +Ġad d +j ect +Ġin c +f ore +Ġp ol +on t +Ġag ain +cl ud +ter n +Ġkn ow +Ġne ed +Ġcon s +Ġc o +Ġ . +Ġw ant +Ġse e +Ġ 7 +n ing +i ew +ĠTh is +c ed +Ġe ven +Ġin d +t y +ĠW e +at h +Ġthe se +Ġp r +Ġu se +Ġbec ause +Ġf l +n g +Ġn ow +ĠâĢ ĵ +c om +is e +Ġm ake +Ġthe n +ow er +Ġe very +ĠU n +Ġse c +os s +u ch +Ġe m +Ġ = +ĠR e +i ed +r it +Ġin v +le ct +Ġsu pp +at ing +Ġl ook +m an +pe ct +Ġ 8 +ro w +Ġb u +Ġwhe re +if ic +Ġyear s +i ly +Ġd iff +Ġsh ould +Ġre m +T h +I n +Ġe v +d ay +' re +ri b +Ġre l +s s +Ġde f +Ġr ight +Ġs y +) , +l es +00 0 +he n +Ġth rough +ĠT r +_ _ +Ġw ay +Ġd on +Ġ , +Ġ1 0 +as ed +Ġas s +ub lic +Ġre g +ĠA nd +i x +Ġ very +Ġin clud +ot her +Ġim p +ot h +Ġsu b +ĠâĢ Ķ +Ġbe ing +ar g +ĠW h += = +ib le +Ġdo es +an ge +r am +Ġ 9 +er t +p s +it ed +ation al +Ġb r +Ġd own +Ġman y +ak ing +Ġc all +ur ing +it ies +Ġp h +ic s +al s +Ġde c +at ive +en er +Ġbe fore +il ity +Ġwe ll +Ġm uch +ers on +Ġth ose +Ġsu ch +Ġ ke +Ġ end +ĠB ut +as on +t ing +Ġl ong +e f +Ġth ink +y s +Ġbe l +Ġs m +it s +a x +Ġo wn +Ġpro v +Ġs et +if e +ment s +b le +w ard +Ġsh ow +Ġp res +m s +om et +Ġo b +Ġs ay +ĠS h +t s +f ul +Ġe ff +Ġg u +Ġin st +u nd +re n +c ess +Ġ ent +ĠY ou +Ġgo od +Ġst art +in ce +Ġm ade +t t +st em +ol og +u p +Ġ | +um p +Ġhe l +ver n +ul ar +u ally +Ġa c +Ġm on +Ġl ast +Ġ2 00 +1 0 +Ġst ud +u res +ĠA r +sel f +ar s +mer ic +u es +c y +Ġm in +oll ow +Ġc ol +i o +Ġm od +Ġc ount +ĠC om +he s +Ġf in +a ir +i er +âĢ Ķ +re ad +an k +at ch +e ver +Ġst r +Ġpo int +or k +ĠN ew +Ġs ur +o ol +al k +em ent +Ġus ed +ra ct +we en +Ġs ame +ou n +ĠA l +c i +Ġdiff ere +Ġwh ile +---- ---- +Ġg ame +ce pt +Ġs im +.. . +Ġin ter +e k +Ġre port +Ġpro du +Ġst ill +l ed +a h +Ġhe re +Ġwor ld +Ġth ough +Ġn um +ar ch +im es +al e +ĠS e +ĠI f +/ / +ĠL e +Ġre t +Ġre f +Ġtr ans +n er +ut ion +ter s +Ġt ake +ĠC l +Ġcon f +w ay +a ve +Ġgo ing +Ġs l +u g +ĠA meric +Ġspe c +Ġh and +Ġbet ween +ist s +ĠD e +o ot +I t +Ġe ar +Ġagain st +Ġh igh +g an +a z +at her +Ġex p +Ġo p +Ġin s +Ġg r +Ġhel p +Ġre qu +et s +in s +ĠP ro +is m +Ġf ound +l and +at a +us s +am es +Ġp erson +Ġg reat +p r +Ġs ign +ĠA n +' ve +Ġs omet +Ġs er +h ip +Ġr un +Ġ : +Ġt er +ire ct +Ġf ollow +Ġd et +ic es +Ġf ind +1 2 +Ġm em +Ġc r +e red +e x +Ġex t +ut h +en se +c o +Ġte am +v ing +ou se +as h +at t +v ed +Ġsy stem +ĠA s +d er +iv es +m in +Ġle ad +ĠB l +c ent +Ġa round +Ġgo vern +Ġc ur +vel op +an y +Ġc our +al th +ag es +iz e +Ġc ar +od e +Ġl aw +Ġre ad +' m +c on +Ġre al +Ġsupp ort +Ġ1 2 +.. .. +Ġre ally +n ess +Ġf act +Ġd ay +Ġb oth +y ing +Ġs erv +ĠF or +Ġth ree +Ġw om +Ġm ed +od y +ĠThe y +5 0 +Ġex per +t on +Ġe ach +ak es +Ġc he +Ġc re +in es +Ġre p +1 9 +g g +ill ion +Ġg rou +ut e +i k +W e +g et +E R +Ġm et +Ġs ays +o x +Ġd uring +er n +iz ed +a red +Ġf am +ic ally +Ġha pp +ĠI s +Ġch ar +m ed +v ent +Ġg ener +i ent +p le +i et +re nt +1 1 +v es +pt ion +Ġ2 0 +form ation +Ġc or +Ġoff ic +ie ld +Ġto o +is ion +Ġin f +Ġ Z +t he +o ad +Ġp ublic +Ġpro g +r ic +* * +Ġw ar +Ġp ower +v iew +Ġf ew +Ġl oc +Ġdiffere nt +Ġst ate +Ġhe ad +' ll +Ġp oss +Ġst at +re t +ant s +Ġv al +Ġis s +Ġc le +i vers +an c +Ġex pl +Ġan other +Ġ Q +Ġa v +th ing +n ce +W h +Ġch ild +Ġs ince +i red +l ess +Ġl ife +Ġde velop +itt le +Ġde p +Ġp ass +ã ĥ +Ġt urn +or n +Th is +b ers +ro ss +ĠA d +Ġf r +Ġres p +Ġsec ond +o h +Ġ / +Ġdis c +Ġ & +Ġsomet hing +Ġcomp le +Ġ ed +Ġf il +Ġmon th +a j +u c +Ġgovern ment +Ġwith out +Ġle g +Ġd ist +Ġp ut +Ġqu est +an n +Ġpro t +2 0 +Ġne ver +i ence +Ġle vel +Ġar t +Ġth ings +Ġm ight +Ġeff ect +Ġcont ro +Ġc ent +Ġ1 8 +Ġall ow +Ġbel ie +ch ool +ot t +Ġinc re +Ġfe el +Ġres ult +Ġl ot +Ġf un +ot e +Ġt y +ere st +Ġcont in +Ġus ing +Ġb ig +2 01 +Ġas k +Ġb est +Ġ ) +I N +Ġo pp +3 0 +Ġnum ber +in ess +S t +le ase +Ġc a +Ġm ust +Ġd irect +Ġg l +Ġ < +Ġop en +Ġp ost +Ġcom e +Ġse em +ord ing +Ġwe ek +ate ly +it al +Ġe l +ri end +Ġf ar +Ġt ra +in al +Ġp ri +ĠU S +Ġpl ace +Ġfor m +Ġto ld +" : +ain s +at ure +ĠTr ump +Ġst and +Ġ # +id er +ĠF r +Ġne xt +Ġs oc +Ġp ur +Ġle t +Ġl ittle +Ġh um +Ġ i +r on +1 5 +Ġ1 5 +Ġcomm un +Ġm ark +ĠThe re +Ġw r +ĠTh at +Ġin formation +w ays +Ġb us +a pp +Ġinv est +m e +Ġh ard +ain ed +e ad +Ġim port +Ġapp ro +Ġt est +Ġt ri +Ġre st +os ed +Ġf ull +Ġc are +ĠS p +Ġc ase +O N +Ġs k +Ġl ess +Ġ + +Ġpart ic +ĠP l +ab ly +u ck +is hed +ch n +b e +Ġl ist +at or +Ġto p +Ġad v +ĠB e +ru ct +Ġd em +r ation +l ing +g y +re en +g er +Ġh ome +Ġle ft +Ġbet ter +Ġd ata +Ġ1 1 +Ġatt ack +Ġpro ble +l ine +ard s +Ġbe h +r al +ĠH ow +ĠS he +ar ge +Ġ -- +: // +Ġb ro +ĠP h +at s +Ġbu ild +w w +id ed +a im +as es +en cy +Ġm ain +in ed +Ġinclud ing +Ġ { +Ġg ot +Ġint erest +Ġke ep +Ġ X +Ġe as +ain ing +Ġcl ass +âĢ ¦ +ĠN o +Ġv ar +Ġsm all +amp le +A T +Ġ ide +ĠS o +Ġre ce +Ġpol it +Ġm ov +Ġpl an +Ġper cent +iv ing +Ġc amp +Ġp ay +1 4 +s c +is ed +Ġu nt +one y +pl oy +== == +Ġdid n +ĠI nd +el s +ert ain +Ġp os +__ __ +i ver +Ġpro cess +Ġprog ram +if ied +ĠR ep +1 6 +u ro +olog y +at ter +in a +Ġn ame +ĠA ll +Ġf our +Ġret urn +v ious +b s +Ġcall ed +Ġm ove +ĠS c +ir d +Ġgrou p +Ġb re +Ġm en +Ġc ap +t en +e e +Ġd ri +le g +he re +uth or +Ġp at +Ġcur rent +id es +Ġp op +t o +ent ion +Ġal ways +Ġm il +Ġwom en +Ġ1 6 +Ġo ld +iv en +ra ph +ĠO r +r or +ent ly +Ġn ear +ĠE x +re am +s h +Ġ1 4 +Ġf ree +iss ion +st and +ĠC on +al ity +us ed +1 3 +Ġdes ign +Ġch ange +Ġch ang +Ġb o +Ġv is +em ber +Ġb ook +read y +Ġk ill +2 5 +pp ed +Ġa way +Ġab le +Ġcount ry +Ġcon st +ar n +Ġor der +A R +i or +i um +or th +1 8 +ail able +Ġs w +Ġm illion +Ġ1 3 +at ic +t ed +ĠG o +Ġo per +en g +Ġth ing +aj or +con om +ĠCom m +Ġwh y +u red +ur al +Ġs chool +b y +ĠM ar +Ġa ff +Ġd ays +Ġan n +us h +an e +I f +e g +Ġpro f +Ġhe alth +ou th +B ut +ion al +. , +Ġs ol +Ġal ready +Ġ3 0 +Ġchar act +H e +Ġf riend +E S +i ans +ic le +' d +ĠO n +Ġle ast +Ġp rom +Ġd r +Ġh ist +it her +Ġ est +i qu +1 7 +s on +Ġte ll +Ġt alk +oh n +o int +le ction +A N +Ġunt il +au gh +Ġl ater +Ġ ve +Ġv iew +end ing +iv ed +Ġwor d +w are +Ġc ost +Ġen ough +Ġg ive +ĠUn ited +Ġte chn +are nt +O R +Ġp ar +ĠD r +Ġ201 6 +r ist +er ing +Ġ  +Ġl arge +s ide +ac y +cc ess +Ġw in +Ġimport ant +Ġ19 9 +Ġdoes n +Ġ1 7 +Ġbus iness +Ġcle ar +Ġre se +" , +ur y +Ġe qu +as ter +al f +ĠAmeric an +n ect +Ġex pect +ivers ity +Ġo cc +ĠF l +Ġk ind +Ġme an +Ġp ast +Ġde v +Ġb as +le t +ra ft +Ġor gan +Ġde l +Ġper form +Ġst ory +Ġse ason +ĠC ol +Ġcl aim +Ġc ame +Ġwith in +Ġl ine +Ġpro ject +ĠA t +Ġcontro l +end ed +ĠS y +Ġa ir +iz ation +Ġ * +le y +Ġm oney +id d +Y ou +f or +Ġfam ily +Ġm aking +Ġb it +Ġpol ice +Ġhapp en +Ġ vers +on y +u ff +ĠW hen +Ġs it +ide o +l f +is on +Ġsu re +g in +Ġapp ear +Ġl ight +Ġ es +o f +Ġw ater +Ġt imes +n ot +Ġg row +Ġcomp any +ĠT e +ow s +Ġm ar +our ce +i ol +ar m +b r +Ġex ample +Ġcon c +Ġf ore +ĠT o +p ro +E N +ri es +Ġ2 5 +ĠC an +ne y +Ġact ually +Ġe ver +ur ity +ak en +ap s +Ġt ax +Ġm ajor +am a +Ġof ten +er al +Ġhum an +Ġj ob +is ter +Ġav ailable +oc r +en n +a id +iv id +Ġrec ord +? " +Ġs ing +ĠA m +id ence +Ġnew s +st er +Ġe conom +Ġfollow ing +ĠB r +is ing +Ġh our +m ost +um ent +Ġse x +Ġdes c +Ġbec ome +ĠE d +Ġto ok +Ġha ving +Ġprodu ct +a ult +A s +ar ing +Ġme ans +Ġh op +un e +Ġch o +Ġc ertain +Ġn on +Ġde al +2 4 +le ment +oc i +en e +Ġs ide +ĠP r +ĠM ay +Ġre ason +u ed +c hed +ul ation +Ġe lect +Ġoffic ial +Ġposs ible +Ġh old +and s +ot s +Ġc ity +or ies +Ġse ver +Ġchild ren +Ġon ce +Ġact iv +l er +Ġn ight +it ions +ĠJ ohn +a pe +pl ay +Ġd one +Ġl im +Ġwork ing +ĠP res +or ld +e b +ĠC o +Ġb ody +ail s +ut es +ĠM r +Ġwhe ther +Ġa uthor +ro p +Ġpro per +Ġse en +) ; +Ġf ac +ĠS u +Ġcon d +it ing +Ġcour se +Ġ } +-------- -------- +a ign +Ġev ent +Ġen g +Ġp ot +Ġin tern +i am +Ġsh ort +em pt +ã Ĥ +ĠG od +il ar +8 0 +Ġor ig +I S +our n +ab ility +it ive +Ġd am +Ġ1 00 +Ġp ress +Ġdo ing +Ġprot ect +r ing +Ġthough t +Ġquest ion +re w +ĠW ar +Ġsever al +ĠSt ate +Ġg iven +Ġf und +ĠT w +Ġw ent +an ces +w ork +p or +m y +4 0 +Ġar g +art ment +ust om +Ġpol ic +Ġme et +Ġc reat +2 2 +ĠSt ates +Ġg ames +ra w +ut ure +Ġunder stand +ur s +ĠO b +l ish +s y +Ġm akes +Ġw on +ag on +Ġh tt +Ġl ove +ent ial +Ġcomple te +p ar +ĠI m +A L +Ġacc ount + ł +ore d +ver t +Ġ ident +Ġ201 5 +Ġother s +ĠM in +i ber +ver age +The re +ition al +d d +Ġpro b +Ġyou ng +Ġal ong +Ġacc ording +Ġy et +Ġmem bers +ĠWh at +o id +ĠM an +A nd +Ġam ong +a i +Ġem ploy +ĠR es +Ġ > +Ġinv ol +Ġl ow +a f +ĠC ar +Ġh ig +ĠO ne +ĠS ec +in ation +Ġlike ly +Ġan t +ag ed +ĠR uss +Ġb en +Ġre le +F or +b ack +ĠN ot +Ġpres ident +b all +Ġacc ess +ivid ual +ĠD em +ĠE uro +6 0 +Ġkn own +ir l +ĠG r +Ġear ly +u se +iet y +âĢ ĵ +Ġf ight +Ġs ent +Ġto day +Ġmark et +" . +Ġb ased +Ġstr ong +ur ther +Ġde b +m ber +Ġproble m +Ġde ath +Ġsoc ial +im ate +A S +ort un +Ġcamp aign +er y +C h +Ġe y +i ally +Ġm us +w h +p os +Ġ er +Ġsa f +Ġmonth s +ir on +Ġv iol +Ġf ive +Ġst re +Ġplay ers +in c +al d +y ear +a un +Ġsu ccess +Ġpres ent +ere nce +Ġ201 4 +Ġsu gg +Ġpartic ular +Ġtr y +Ġsugg est +ĠCh rist +on es +Ġpri v +2 3 +Ġc rit +Ġl and +Ġloc al +if y +2 9 +Ġa ut +E D +ĠG u +Ġm ult +Ġpolit ical +Ġask ed +Ġfor mer +it ter +ri pt +Ġcl ose +Ġp ract +ĠY ork +Ġget ting +Ġac ross +Ġcom b +Ġbelie ve +Ġ z +Ġto get +Ġtoget her +ĠC ent +ir c +Ġind ividual +ĠM c +2 7 +is k +ĠE ng +Ġf ace +Ġ2 4 +Ġval ue +Ġare a +e v +Ġw rit +ĠPres ident +Ġv ot +Ġke y +Ġm om +p ut +Ġany thing +Ġexper ience +att le +Ġm ind +a ff +om m +Ġf uture +g ed +Ġc ut +Ġto t +it ch +Ġv ideo +Ġinvest ig +Ġn et +ĠM y +r ict +i en +. ) +Ġimp ro +th ough +ward s +Ġcon nect +ĠM ed +sel ves +ens ive +m b +o ber +at ors +A n +Ġ5 0 +Ġre du +res ent +Ġab ove +Ġf re +ĠEuro pe +s w +Ġam ount +ĠA pp +Ġe ither +Ġmil it +Ġan al +Ġf ail +ĠE n +al es +Ġspec ial +Ġbl ack +I T +c her +Ġlook ing +Ġf ire +y n +Ġal most +o on +Ġstud y +Ġm iss +c hes +ro wn +Ġt re +Ġcommun ity +Ġmed ia +Ġf ood +Ġcom es +ĠUn iversity +Ġsing le +Wh at +u ly +Ġh alf +ag ue +h od +ĠRep ublic +Ġstart ed +Ġqu ick +ot o +b ook +Ġiss ue +it or +Ġel se +Ġcons ider +2 6 +ro du +Ġt aken +2 8 +9 9 +ĠW ith +Ġtr ue +Ġw a +Ġtr ad +Ġag o +Ġm ess +ie f +Ġadd ed +o ke +Ġb ad +Ġf av +3 3 +Ġsim ilar +as k +ĠD on +Ġcharact er +ort s +ĠH ouse +Ġreport ed +Ġty pe +v al +i od +ĠHow ever +Ġt arg +Ġent ire +pp ing +Ġhist ory +Ġl ive +ff ic +.... .... +ed eral +Ġtr ying +Ġdisc uss +ĠH ar +ac es +l ished +Ġse lf +os p +re st +Ġro om +el t +Ġf all +ol ution +Ġe t +Ġ x +Ġis n +Ġide a +b o +Ġs ound +ĠD ep +Ġsome one +ci ally +ull y +Ġf oc +Ġob ject +if t +ap er +Ġplay er +Ġr ather +Ġserv ice +as hing +ĠD o +ĠP art +ru g +m on +p ly +Ġm or +Ġnot hing +Ġprov ide +I C +un g +Ġpart y +Ġex ist +Ġm ag +7 0 +Ġr ul +Ġh ouse +Ġbeh ind +Ġhow ever +ĠW orld +Ġs um +Ġapp lic +Ġ ; +Ġfun ction +g r +ĠP ol +Ġfr ont +2 00 +Ġser ies +Ġt em +Ġty p +ill s +Ġo pt +Ġpoint s +Ġbel ow +itt ed +Ġspec ific +Ġ201 7 +um b +Ġr a +Ġpre vious +Ġpre t +re me +Ġc ustom +Ġcour t +ĠM e +Ġre pl +Ġwho le +g o +c er +Ġt reat +ĠA ct +Ġprob ably +Ġle arn +end er +ĠA ss +Ġvers ion +n ow +Ġche ck +ĠC al +R E +min ist +O n +our ces +Ġben ef +Ġd oc +Ġdet er +Ġen c +Ġsu per +Ġadd ress +Ġv ict +Ġ201 3 +Ġme as +t r +Ġf ield +W hen +Ġsign ific +u ge +Ġfe at +Ġcomm on +l oad +Ġbe gin +Ġbr ing +Ġa ction +er man +Ġdesc rib +Ġind ust +Ġwant ed +ri ed +m ing +Ġatt empt +4 5 +f er +Ġd ue +ress ion +# # +Ġsh all +Ġs ix +o o +Ġst ep +Ġp ub +Ġhim self +Ġ2 3 +Ġc op +Ġd est +Ġst op +A C +ib ility +Ġl ab +ic ult +Ġhour s +Ġcre ate +Ġf urther +ĠAmeric a +ĠC ity +Ġd ou +he ad +S T +ĠN orth +c ing +Ġn ational +u le +ĠIn st +Ġt aking +ĠQ u +ir t +Ġre d +Ġrese arch +v iron +ĠG e +Ġbre ak +an a +Ġsp ace +ater ial +Ġrec ent +ĠA b +Ġgener al +Ġh it +Ġper iod +Ġevery thing +ive ly +Ġph ys +Ġsay ing +an ks +Ġc ou +Ġc ult +ac ed +e al +u ation +Ġc oun +l u +Ġinclud e +Ġpos ition +ĠA fter +ĠCan ad +ĠE m +Ġim m +ĠR ed +Ġp ick +Ġcom pl +Ġm atter +re g +e xt +ang u +is c +o le +a ut +Ġcomp et +e ed +f ect +Ġ2 1 +ĠS en +ĠThe se +as ing +Ġcan not +Ġin it +Ġrel ations +ac hed +Ġb ar +Ġ4 0 +ĠT H +Ġ201 2 +Ġv ol +Ġg round +Ġsec urity +Ġup d +il t +3 5 +Ġconc ern +ĠJ ust +Ġwh ite +Ġseem s +ĠH er +pe cially +i ents +Ġann oun +Ġf ig +ight s +Ġst ri +l ike +id s +Ġs us +Ġw atch +Ġ â +Ġw ind +ĠC ont +Ġit self +Ġm ass +A l +y le +iqu e +ĠN ational +Ġab s +Ġp ack +Ġout side +Ġan im +Ġp ain +et er +Ġman ag +du ct +og n +Ġ ] +ĠSe pt +se c +o ff +ĠJ an +Ġf oot +ad es +Ġth ird +Ġm ot +Ġev idence +int on +Ġth reat +a pt +pl es +c le +Ġl o +Ġde cl +Ġit em +med i +Ġrep resent +om b +am er +Ġsignific ant +og raph +s u +Ġc al +i res +00 00 +I D +A M +Ġsim ply +Ġlong er +Ġf ile +O T +c he +S o +ate g +or g +ĠH is +Ġen er +Ġd om +Ġup on +il i +": " +Ġthem selves +Ġcom ing +Ġqu ite +Ġdiff icult +ĠB ar +il ities +re l +end s +c ial +6 4 +Ġwom an +ra p +y r +Ġne cess +ip s +Ġte xt +Ġrequ ire +Ġmilit ary +Ġre view +Ġresp ons +7 5 +Ġsub ject +Ġinst ead +Ġiss ues +Ġg en +" ," +Ġmin utes +Ġwe ap +r ay +am ed +t ime +b l +H ow +Ġc ode +ĠS m +Ġhig her +ĠSt e +r is +Ġp age +Ġstud ents +ĠIn tern +Ġmet hod +ĠA ug +ĠP er +ĠA g +Ġpolic y +ĠS w +Ġex ec +Ġac cept +um e +rib ut +Ġword s +Ġfin al +Ġchang es +ĠDem ocr +Ġfriend s +Ġres pect +Ġe p +Ġcomp an +iv il +Ġdam age +** ** +og le +viron ment +Ġne g +ent al +Ġa p +Ġtot al +iv al +! " +l im +Ġneed s +Ġag re +Ġdevelop ment +Ġa ge +ip le +2 1 +Ġresult s +ĠA f +S h +Ġg un +ĠOb ama +ro ll +Ġ @ +Ġright s +ĠB rit +Ġrun ning +Ġwas n +Ġp ort +Ġr ate +Ġpret ty +Ġtarg et +Ġsa w +Ġc irc +Ġwor ks +ic ro +al t +o ver +ww w +Th at +l ier +Ġevery one +ud e +Ġp ie +idd le +ra el +Ġr ad +Ġbl ock +Ġw alk +T o +ã ģ +n es +ĠA ust +a ul +ro te +ĠS outh +ess ion +op h +Ġshow s +Ġs ite +Ġj o +Ġr isk +cl us +l t +Ġin j +id ing +ĠS pe +Ġch all +ir m +Ġ2 2 +itt ing +st r +Ġh y +L E +ke y +Ġbe gan +at ur +ashing ton +l am +ĠD av +b it +Ġs ize +ĠP ar +3 8 +ourn al +f ace +Ġdec ision +Ġl arg +Ġj ud +re ct +Ġcontin ue +ĠO ct +ove red +ĠI nt +==== ==== +Ġp arent +ĠW ill +Ġeas y +Ġd rug +ang er +Ġs ense +Ġd i +id ay +Ġener gy +ist ic +Ġass oci +ar ter +ob al +e ks +ĠE l +ur ch +Ġg irl +o e +it le +Ġ2 8 +ĠC he +Ġrequ est +Ġso on +Ġh ost +k y +Ġst ates +om es +Ġm aterial +le x +Ġmom ent +Ġan sw +on se +Ġes pecially +Ġn orm +Ġserv ices +p ite +r an +Ġro le +4 4 +) : +Ġc red +C l +____ ____ +Ġm at +Ġl og +ĠCl inton +O U +Ġoff ice +Ġ2 6 +Ġch arg +Ġtr ack +m a +Ġhe art +Ġb all +Ġperson al +Ġbuild ing +n a +s et +b ody +ĠBl ack +Ġincre ase +itt en +Ġneed ed +3 6 +3 2 += " +Ġl ost +Ġbec ame +Ġgrou ps +ĠM us +Ġw rote +ĠP e +Ġpro p +j oy +à © +ĠWh ite +Ġde ad +. ' +Ġhtt p +Ġwe bs +O S +Ġins ide +Ġwr ong +Ġstat ement +Ġ ... +y l +Ġfil m +Ġmus ic +Ġsh are +ific ation +Ġre lease +Ġfor ward +Ġst ay +Ġcomp ut +it te +s er +Ġorig inal +Ġc ard +Ġc and +Ġd iv +at ural +Ġfav or +O M +Ġc ases +us es +Ġse ction +Ġle ave +g ing +ov ed +ĠW ashington +3 9 +ĠG l +Ġrequ ired +act ion +ap an +o or +it er +ĠK ing +Ġcount ries +ĠG erman +ll ing +Ġ2 7 +3 4 +Ġquest ions +Ġpr im +Ġc ell +Ġsh oot +Ġany one +ĠW est +Ġaff ect +ep end +Ġon line +ĠIs rael +ĠSept ember +Ġab ility +Ġcont ent +is es +Ġre ve +Ġl aun +Ġind ic +Ġfor ce +c ast +Ġso ld +av ing +f l +Ġso ft +Ġcompan ies +ce ed +Ġart icle +Ġa ud +Ġre v +Ġed uc +Ġplay ing +0 5 +Ġhe ld +ct or +Ġrele ased +Ġf ederal +3 7 +Ġad minist +Ġinter view +Ġinst all +Ġrece ived +Ġs ource +u k +P h +Ġser ious +Ġcre ated +Ġc ause +Ġim medi +Ġdef in +u el +ĠDep artment +ct ions +ĠC our +ĠN ow +z e +it es +it ution +Ġl ate +Ġspe ak +n ers +Ġleg al +ar i +ĠC or +Ġwe eks +Ġmod el +Ġp red +Ġex act +B C +ĠB y +IN G +os ing +Ġt akes +Ġreg ard +Ġopp ortun +Ġpr ice +Ġ19 8 +ĠA pr +f ully +Ġor d +Ġproble ms +ru ction +h am +ĠC ount +le ge +Ġlead ers +E T +le v +Ġde ep +olog ical +es e +h aps +ĠS ome +Ġp ers +Ġcont ract +Ġrelations hip +s p +ou d +Ġb ase +4 8 +m it +A d +anc ial +Ġcons um +Ġpot ential +Ġl angu +re m +et h +Ġrel ig +ress ed +6 6 +Ġl ink +Ġl ower +ay er +ĠJ une +Ġf em +un t +er c +ur d +Ġcont act +Ġ ill +Ġm other +Ġest ab +h tt +ĠM arch +ĠB ro +ĠCh ina +Ġ2 9 +Ġs qu +Ġprov ided +Ġa verage +as ons +Ġ201 1 +Ġex am +l in +5 5 +n ed +Ġper fect +Ġt ou +al se +u x +Ġbu y +Ġsh ot +Ġcol lect +Ġph ot +Ġplay ed +Ġsur pr +Ġofficial s +Ġsim ple +av y +Ġindust ry +Ġhand s +g round +Ġp ull +Ġr ound +Ġus er +Ġr ange +u ary +Ġpriv ate +op s +e es +Ġw ays +ĠM ich +Ġve h +Ġex cept +Ġter ms +im um +pp er +I ON +ore s +ĠDr agon +ou l +Ġd en +Ġperform ance +Ġb ill +c il +4 7 +Ġen vironment +Ġex c +ad d +Ġwor th +Ġp ict +Ġch ance +Ġ201 8 +b or +Ġspe ed +ict ion +Ġal leg +ĠJ apan +at ory +re et +Ġm atch +ĠI I +Ġst ru +ord er +Ġst e +Ġl iving +Ġst ruct +in o +Ġse par +her n +Ġresp onse +Ġen joy +Ġv ia +A D +um ents +ace book +Ġmem ber +ib r +iz ing +Ġto ol +ĠM on +ĠWh ile +h ood +ĠA ng +ĠD ef +Ġoff er +T r +a ur +Ġturn ed +ĠJ uly +d own +an ced +Ġrec ently +ĠE ar +Ġc e +ĠSt ar +ĠC ong +rough t +Ġbl ood +Ġhop e +Ġcom ment +ain t +Ġar ri +il es +Ġpartic ip +ough t +ri ption +0 8 +4 9 +Ġg ave +Ġse lect +Ġkill ed +sy ch +Ġgo es +i j +Ġc oll +Ġimp act +at ives +ĠS er +0 9 +ĠAug ust +Ġb oy +d e +ĠD es +Ġf elt +U S +Ġexpect ed +Ġim age +ĠM ark +cc ording +o ice +E C +ĠM ag +en ed +h old +ĠP ost +Ġpre vent +N o +Ġinvol ved +Ġey es +Ġquick ly +A t +un k +Ġbeh av +Ġ ur +Ġl ed +c ome +e y +Ġcand id +Ġear lier +Ġfoc us +et y +P ro +led ge +ix ed +ill ed +Ġpop ular +A P +Ġset t +l ight +Ġvar ious +in ks +Ġlevel s +Ġro ad +ell ig +ab les +he l +itte e +ĠG ener +y pe +Ġhe ard +ic les +Ġm is +Ġus ers +ĠS an +Ġimpro ve +Ġf ather +Ġse arch +The y +v il +Ġprof ess +Ġkn ew +Ġl oss +Ġev ents +6 5 +Ġb illion +0 7 +0 2 +ĠNew s +ĠA M +Ġco ver +w here +ens ion +Ġb ott +Ġare as +en ces +op e +ĠTw itter +a el +Ġget s +ĠGo ogle +Ġs n +i ant +Ġv ote +Ġnear ly +Ġinclud ed +Ġrec ogn +z z +m m +al ed +Ġhappen ed +0 4 +Ġh ot +Ġwho se +Ġc ivil +Ġsu ff +o es +it iz +ĠSy ri +Ġresp ond +Ġh on +Ġfeat ures +Ġeconom ic +ĠApr il +r im +Ġtechn ology +Ġo ption +ag ing +Ġpur ch +R e +Ġl at +ch ie +is l +Ġrec omm +u f +Ġtr aining +Ġeffect s +Ġf ast +Ġ201 0 +Ġocc ur +Ġwebs ite +Ġem ail +Ġs ens +e ch +Ġo il +Ġinf lu +Ġcurrent ly +ĠS ch +ĠAd d +Ġgo al +Ġsc ient +Ġcon v +1 00 +em y +Ġdec ided +Ġtra vel +Ġm ention +L L +0 3 +Ġe lection +Ġph one +Ġlook s +Ġsit uation +Ġc y +Ġh or +b ed +ĠCour t +a ily +av es +Ġqu ality +ĠCom p +w ise +Ġt able +Ġst aff +ĠW ind +et t +Ġtri ed +ide red +Ġadd ition +Ġb ox +Ġl ack +ar ily +Ġw ide +Ġm id +Ġbo ard +ys is +Ġant i +h a +Ġd ig +en ing +Ġd ro +C on +6 8 +Ġsl ow +b ased +se qu +Ġp ath +E x +ak er +Ġwork ed +Ġp en +Ġeng ine +Ġlook ed +ĠSu per +ĠS erv +Ġvict im +U n +Ġproper ty +Ġint rodu +Ġexec ut +ĠP M +L e +Ġcol or +ĠM ore +Ġ6 0 +Ġnet work +Ġd ate +c ul +id ge +Ġext ra +3 1 +Ġs le +6 7 +Ġw ond +Ġreport s +j ust +ĠAust ral +Ġcap ital +Ġen s +Ġcomm and +Ġallow ed +Ġpre p +Ġca pt +h ib +Ġnum bers +ch an +Ġf air +m p +om s +Ġre ach +W ith +t ain +Ġbro ad +Ġcou ple +ec ause +ly ing +ĠF eb +Ġsc reen +Ġl ives +Ġpri or +ĠCong ress +A r +Ġappro ach +Ġe mer +ar ies +ĠD is +s erv +ĠN e +Ġbu ilt +c ies +Ġre pe +Ġrul es +for ce +ĠP al +Ġfin ancial +Ġcons idered +ĠCh ar +n ces +ĠI S +Ġb rought +Ġb i +i ers +ĠS im +O P +Ġproduct s +Ġvis it +Ġdoc ument +Ġcon duct +Ġcomplete ly +in ing +ĠCal if +ib ly +Ġwr itten +ĠT V +em ents +Ġd raw +O ne +Ġpub lished +Ġsec ret +r ain +he t +ĠF acebook +ond ay +ĠU p +Ġsex ual +Ġth ous +ĠP at +Ġ ess +Ġstand ard +Ġar m +g es +ect ion +Ġf ell +Ġfore ign +an i +ĠFr iday +Ġreg ular +in ary +Ġincre ased +Ġus ually +Ġdem on +Ġd ark +Ġadd itional +ro l +ĠO f +Ġprodu ction +! ! +und red +Ġintern ational +id ents +ĠF ree +rou p +Ġr ace +Ġm ach +Ġh uge +A ll +le ar +ove mber +Ġto wn +Ġatt ention +ĠO ff +y ond +ĠThe n +f ield +Ġter ror +ra z +ĠB o +Ġmeet ing +ĠP ark +Ġar rest +Ġf ear +Ġa w +ĠV al +or ing +' , +Ġext reme +ar r +Ġwork ers +A fter +Ġ3 1 +n et +am ent +Ġdirect ly +Ġpop ulation +ub e +ĠOct ober +ĠI N +ĠJan uary +5 9 +ĠDav id +Ġc ross +ce mber +ĠF irst +Ġmess age +ir it +Ġn ation +Ġp oll +is ions +Ġansw er +n y +is ode +Ġcar ry +ĠRuss ia +Ġhe ar +eng th +ro y +Ġn atural +in ally +Ġdo g +m itted +Ġtr ade +Ġsub st +Ġmult iple +ĠAf ric +Ġf ans +Ġs ort +Ġgl obal +ic ation +ĠW ed +ar a +Ġa chie +Ġlangu age +ve y +Ġt al +Ġnecess ary +Ġdet ails +Ġs en +ĠS und +ĠRe g +ĠR ec +0 6 +Ġs il +ress ive +Ġmed ical +un ch +orn ia +Ġu nd +f ort +oc ks +ĠM onday +ues day +c raft +7 7 +ur t +Ġ ver +ĠH ill +Ġrece ive +Ġmor ning +es tern +Ġb ank +Ġs at +ir th +ĠH igh +Ġdev ice +ĠTH E +ĠCent er +Ġsaf e +Ġp le +ĠCanad a +Ġsystem s +Ġass ist +Ġsur v +Ġb attle +ĠS oc +vert is +S he +Ġp aper +Ġgrow th +Ġc ast +S c +Ġpl ans +ll ed +Ġpart s +Ġw all +Ġmove ment +Ġpract ice +im ately +Ġdis play +Ġsomet imes +om p +ĠP aul +ĠY es +k ing +5 8 +o ly +Ġs on +Ġav oid +ok es +ĠJ ew +Ġto wards +as c +Ġ // +ĠK ore +Ġtalk ing +Ġcor rect +Ġsp ent +ic ks +i able +e ared +Ġter m +Ġwant s +om ing +Ġ ut +Ġdou b +Ġfor ces +Ġp lease +6 9 +ĠN ovember +at form +ond on +Ġon es +Ġimmedi ately +ĠRuss ian +ĠM et +Ġde g +Ġparent s +C H +ĠAmeric ans +al y +ĠM od +Ġsh own +Ġcond itions +Ġst uff +Ġre b +ĠY our +Ġinclud es +n own +ĠS am +Ġexper ien +m ission +ĠE ven +augh t +Ġannoun ced +ĠRepublic an +Ġdeter min +Ġdescrib ed +ĠCount y +( ) +Ġdo or +Ġchang ed +Ġne igh +ĠH ere +Ġcle an +Ġp an +ĠDe cember +ĠEurope an +ir ing +ap ter +Ġcl ub +ĠT uesday +Ġp aid +ĠN et +Ġattack s +Ġcharact ers +Ġal one +Ġdirect or +d om +Ġ3 5 +Ġl oad +Ġr out +ĠCalif ornia +Ġfin ally +Ġr ac +Ġcont r +Ġexact ly +res h +p ri +ĠIs lam +Ġn ature +Ġcare er +Ġlat est +Ġcon vers +ĠS l +p ose +ci ent +ĠIn c +iv ity +8 8 +ĠA tt +ĠM or +nes day +Ġwe ight +k en +Ġnot e +Ġteam s +Ġ \ +air s +ĠG reen +Ġh undred +on ent +Ġstre ng +Ġcons ist +ic ated +Ġreg ul +Ġl ic +ast ic +Ġt en +urs day +ellig ence +ous ly +ĠU K +B I +Ġcost s +Ġind epend +ĠA P +Ġnorm al +Ġh om +Ġob vious +Ġs we +Ġst ar +Ġread y +ac her +Ġimp lement +g est +Ġs ong +ĠG et +ĠL ab +Ġinterest ing +us ing +Ġg iving +ĠSund ay +Ġet c +Ġm iddle +Ġrem ember +r ight +os ition +ut ions +Ġm ax +4 6 +Ġyour self +Ġdem and +Ġtreat ment +Ġd anger +ĠC ons +Ġgu y +ĠBrit ish +Ġphys ical +Ġrel ated +Ġrem ain +Ġcould n +Ġref er +Ġc itiz +b ox +EN T +bo ard +Ġin n +I G +er o +ĠSt reet +osp ital +ren ch +cher s +Ġst ra +O L +ag er +ĠA N +Ġeas ily +I A +en ge +in y +Ġcl os +ock ed +Ġus es +ĠC oun +I m +u ild +? ? +m ore +Ġan g +Ġwr ite +ol ute +5 7 +Ġlead er +Ġread ing +< / +Ġaut om +est s +4 3 +Ġleg isl +ĠG old +Ġdesign ed +ĠS T +ĠLe g +a res +Ġbe aut +ĠT ex +Ġappear s +Ġstru gg +ĠR om +Ġ 00 +Ġcho ice +Ġparticular ly +ĠF rom +op er +ĠL ondon +ann ed +Ġallow s +ob ile +Ġdiffere nce +âĢ ¢ +ĠV iew +ĠWed nesday +Ġal though +Ġrel ative +Ġapplic ation +ate ver +Ġare n +Ġmy self +Ġim ag +Ġdis e +Ġsoc iety +Ġfre qu +ĠEng lish +Ġpo or +ĠD ay +Ġwrit ing +Ġse ven +Ġstart ing +Ġb ud +Ġpr int +ĠTr ans +uf act +ĠSt ud +n ew +Ġcr im +Ġg ives +Ġco ol +a e +i ance +ĠGener al +Ġthink ing +Ġsa ve +Ġlim ited +ĠPart y +Ġmean ing +p en +ow ers +ĠJ ack +E M +Ġn ice +ru pt +Ġg as +Ġe ight +Ġfe et +Ġeff ort +Ġ ign +ic it +B l +co in +Ġop in +Ġbr ain +Wh ile +he st +ĠTh ursday +Ġwould n +augh ter +Ġtou ch +le ments +Ġstud ies +Ġcent er +c ont +or ge +Ġcomput er +Ġinvestig ation +P l +or ks +Ġ200 8 +Ġincre asing +Ġst ore +Ġcom ments +Ġb al +m en +Ġdo ll +Ġl iber +Ġw ife +Ġlaw s +atur day +it ness +Ġmod ern +ĠS k +Ġadminist ration +Ġopportun ity +Ġs al +Ġpower ful +M y +Ġclaim s +ĠEar th +ord s +Ġt itle +Ġes c +n ame +N ot +om en +Ġbe yond +Ġc amer +Ġse ll +it ute +ear ch +Ġapp l +im ent +4 2 +ĠAr t +Ġun f +Ġviol ence +ur g +ĠE ast +Ġcomp ared +Ġopt ions +Ġthrough out +Ġv s +ig r +. [ +ac hes +7 8 +Ġfil es +F L +E L +ar ian +ĠJ ames +ĠA ir +an ch +Ġdet ail +Ġpie ce +P S +Ġn amed +Ġeduc ation +Ġdri ve +Ġitem s +Ġstud ent +ic ed +: : +ic o +Ġth row +Ġsc ene +Ġcomple x +Ġ200 9 +Ġpre c +ĠB re +7 9 +Ġcon cept +Ġstat us +am ing +Ġd ied +Ġknow ledge +Ġbegin ning +O D +ru ary +Ġcertain ly +Ġgu ys +Ġsl ight +in n +ound s +Ġf ine +Ġf at +ic ations +Ġper haps +ĠA nt +Ġinc ome +Ġhtt ps +Ġmajor ity +port s +st on +Ġgreat er +Ġfe ed +ent ially +Ġsaf ety +Ġun ique +and om +Ġg one +Ġshow ed +Ġhist or +Ġcoun ter +i us +id a +Ġlead ing +i pe +Ġs end +ĠDon ald +er ve +Ġdef ense +ines e +Ġy es +ĠF ire +ĠMus lim +ra q +Ġcontin ued +os h +Ġprov ides +Ġpr ison +ĠP re +Ġhapp y +Ġeconom y +Ġtr ust +ag s +ĠG ame +Ġweap ons +um an +ĠC le +it ation +Ġanal ysis +ĠT imes +Ġsc ience +- > +Ġfig ure +Ġdis app +ent y +Ġsoft ware +Ġu lt +Ġoffic ers +N ew +I s +Ġrem ains +ĠInd ia +Ġp sych +ri ef +Ġc at +es c +Ġob serv +Ġst age +ĠD ark +Ġent er +ch ange +Ġpass ed +Ġdes pite +ĠO ut +Ġmov ie +r s +Ġv oice +m ine +ĠPl ay +Ġto ward +ĠT er +Ġreg ion +Ġval ues +or ters +Ġm ount +Ġoffic er +ĠO ther +b an +Ġh ous +w ood +ro om +I V +ĠS un +se e +ĠO ver +ro g +9 0 +Ġl ay +ĠT ur +a wn +Ġpress ure +ĠS ub +Ġbook s +ed om +ĠS and +A A +ag o +Ġre asons +f ord +Ġactiv ity +U T +N ow +ĠSen ate +ce ll +n ight +Ġcall s +in ter +Ġlet ter +ĠR ob +ĠJ e +Ġcho ose +ĠL aw +G et +B e +Ġro b +Ġtyp es +Ġpl atform +Ġqu arter +R A +ĠT ime +Ġmay be +ĠC r +9 5 +p re +Ġmov ing +Ġl if +Ġgo ld +Ġs om +Ġpat ients +Ġtr uth +ĠK e +ur ance +ant ly +m ar +Ġchar ge +ĠG reat +Ġce le +---------------- ---------------- +Ġro ck +ro id +an cy +Ġcred it +a ud +B y +ĠE very +Ġmov ed +ing er +rib ution +Ġn ames +Ġstra ight +ĠHe alth +ĠW ell +Ġfe ature +Ġr ule +Ġsc he +in ated +ĠMich ael +ber g +4 1 +il ed +b and +Ġcl ick +ĠAng el +on ents +Â Ń +ĠI raq +ĠS aturday +Ġa ware +p art +Ġpat tern +O W +ĠL et +Ġgr ad +ign ed +Ġassoci ated +Ġst yle +n o +i ation +a ith +il ies +Ġst ories +ur ation +Ġindividual s +ĠâĢ ¦ +m iss +ĠAss oci +ish ing +ab y +Ġsum mer +ĠB en +Ġ3 2 +Ġar ch +ut y +ĠTex as +h ol +Ġfull y +Ġm ill +Ġfollow ed +ĠB ill +ĠInd ian +ĠSec ret +ĠB el +ĠFeb ruary +Ġjob s +Ġseem ed +ĠGo vern +i pped +Ġreal ity +Ġl ines +Ġp ark +Ġmeas ure +ĠO ur +I M +Ġbro ther +Ġgrow ing +Ġb an +Ġest im +Ġc ry +ĠS chool +Ġme chan +ĠO F +ĠWind ows +Ġr ates +ĠO h +Ġpos itive +Ġcult ure +ist ics +ic a +Ġh ar +y a +ite ly +i pp +Ġm ap +en cies +ĠWill iam +I I +ak ers +5 6 +ĠM art +ĠR em +Ġal tern +it ude +Ġco ach +row d +D on +Ġk ids +Ġj ournal +Ġcor por +Ġf alse +Ġwe b +Ġsle ep +Ġcont ain +Ġst o +Ġb ed +iver se +ĠR ich +ĠCh inese +Ġp un +Ġme ant +k nown +Ġnot ice +Ġfavor ite +a ven +Ġcond ition +Ġpur pose +) ) +Ġorgan ization +Ġchall eng +Ġman ufact +Ġsus p +ĠA c +Ġcrit ic +un es +uc lear +Ġm er +vent ion +Ġ8 0 +Ġm ist +ĠU s +ĠT or +htt p +ol f +Ġlarg er +Ġadv ant +Ġrese ar +Ġact ions +m l +Ġke pt +Ġa im +, ' +c ol +Ġbenef its +if ying +Ġact ual +ĠIntern ational +Ġveh icle +Ġch ief +Ġeff orts +ĠLe ague +ĠM ost +Ġwa it +Ġad ult +Ġover all +Ġspe ech +Ġhigh ly +Ġfem ale +Ġer ror +Ġeffect ive +5 4 +Ġenc our +w ell +Ġfail ed +Ġcons erv +Ġprogram s +Ġt rou +Ġa head +5 00 +vertis ement +I P +ĠF ound +p ir +Ġ % +Ġcr ime +and er +Ġloc ation +ĠI ran +Ġbehav ior +az ing +Ġr are +Ġem b +Ġca used +Ġsh ip +Ġact ive +Ġcont ribut +Ġg reen +Ġac qu +Ġref lect +ven ue +Ġf irm +Ġb irth +] . +Ġclear ly +Ġem ot +Ġag ency +ri age +Ġmem ory +9 8 +S A +ĠSe e +ac ing +C C +Ġbig gest +Ġr ap +Ġbas ic +Ġb and +e at +Ġsus pect +ĠM ac +Ġ9 0 +m ark +ist an +Ġsp read +am s +k i +as y +ra v +ĠR ober +Ġdemon str +r ated +Ġabs olute +Ġpl aces +Ġim pl +ibr ary +Ġc ards +Ġdest roy +Ġv irt +ve re +Ġapp eared +y an +p oint +Ġbe g +Ġtem per +s pe +ant ed +ear s +ĠD irect +Ġl ength +Ġbl og +am b +Ġint eg +Ġres ources +ac c +if ul +Ġsp ot +Ġfor ced +Ġthous ands +ĠMin ister +Ġqu al +ĠF rench +at ically +Ġgener ally +Ġdr ink +Ġth us +I L +od es +Ġappro pri +ĠRe ad +Ġwh om +Ġey e +Ġcol lege +Ġ4 5 +ire ction +Ġens ure +Ġapp arent +id ers +Ġrelig ious +Ġmin or +ol ic +Ġt ro +ĠWh y +rib ute +m et +Ġprim ary +Ġdevelop ed +Ġpe ace +Ġsk in +st e +av a +Ġbl ue +Ġfam ilies +Ġ ir +Ġapp ly +Ġin form +ĠSm ith +C T +i i +Ġlim it +Ġres ist +........ ........ +um n +Ġconf lic +Ġtw e +ud d +ĠT om +Ġl iter +qu e +b on +Ġha ir +Ġevent ually +Ġp us +Ġhelp ed +Ġag g +or ney +ĠApp le +Ġf it +ĠS ur +Ġpre m +Ġs ales +Ġsecond s +Ġstreng th +Ġfeel ing +¿ ½ +Ġt our +Ġknow s +o om +Ġex erc +Ġsom ew +ï ¿½ +> > +Ġsp okes +Ġide as +Ġreg ist +so ft +ĠD el +ĠP C +Ġpro pos +Ġlaun ch +Ġbott om +T H +ĠP lease +v est +it z +ĠIn ter +Ġsc ript +Ġr at +ar ning +Ġ il +ĠJ er +ĠA re +Ġwh atever +ok en +ci ence +Ġmod e +Ġag ree +Ġs ources +Ġinit ial +Ġrest rict +Ġwond er +us ion +## ## +ĠS il +vil le +Ġb urn +t w +as ion +Ġ £ +Ġn or +u ing +Ġre ached +Ġs un +Ġc ateg +ig ration +Ġc ook +Ġprom ot +Ġm ale +Ġcl imate +Ġf ix +Ġalleg ed +U R +all ed +Ġim ages +C ont +ot a +Ġschool s +i os +Ġd rop +Ġst ream +ĠM o +Ġprevious ly +al ing +Ġp et +Ġdou ble +Ġ( @ +ann el +Ġdef ault +t ies +Ġr ank +ĠD ec +ĠCoun cil +Ġweap on +Ġst ock +Ġanal y +ĠSt r +Ġpict ure +ĠPol ice +f erence +Ġcent ury +Ġcitiz ens +Ġon to +Ġexp and +Ġhe ro +ĠS ol +Ġw ild +Ġupd ate +Ġcustom ers +r ont +d ef +Ġl ik +Ġcrim inal +ĠChrist ian +S P +7 6 +Ġle aving +Ġother wise +ĠD ist +Ġbas is +5 2 +5 3 +ic ip +ĠB er +Ġrecomm end +Ġfl oor +Ġc rowd +ol es +Ġ7 0 +Ġcent ral +ĠE v +Ġd ream +Ġdown load +Ġconf ir +ĠTh om +Ġwind ow +Ġhapp ens +Ġun it +Ġt end +Ġs pl +Ġbec omes +Ġfight ing +Ġpred ict +ĠP ress +ĠP ower +Ġhe avy +ak ed +Ġf an +or ter +ate gy +B A +iz es +Ġsp end +H ere +Ġ200 7 +Ġad op +ĠH am +Ġfoot ball +ĠP ort +od ay +5 1 +amp ions +Ġtrans fer +h t +Ġ3 8 +ter m +ac ity +Ġb ur +] , +tern al +r ig +b ut +Ġthere fore +ĠB ecause +res p +re y +Ġm ission +S ome +Ġnot ed +Ġass um +Ġdise ase +Ġed it +Ġprog ress +r d +ĠB rown +oc al +Ġadd ing +Ġra ised +ĠAn y +Ġt ick +Ġsee ing +ĠPe ople +Ġagre ement +Ġser ver +Ġw at +Ġdeb ate +Ġsupp osed +il ing +Ġlarg est +Ġsuccess ful +ĠP ri +ĠDemocr atic +Ġj ump +ĠSyri a +Ġown ers +Ġoff ers +Ġshoot ing +Ġeff ic +se y +Ġha ven +ver se +te red +ĠL ight +im al +ĠB ig +Ġdef end +Ġbe at +Ġrecord s +% ) +Ġsc en +Ġemploy ees +Ġdev ices +he m +Ġcom mer +ĠM ex +Ġbenef it +ĠPro f +Ġil leg +Ġsur face +ĠAl so +Ġh arm +ing ly +w ide +ĠA lex +Ġsh ut +ĠC ur +Ġl ose +p m +Ġchall enge +se mb +Ġst ation +Ġint elligence +Ġacc ur +ĠFl or +Ġrequ ires +ĠM al +b um +Ġh ospital +Ġsp irit +Ġoff ered +Ġprodu ce +ĠComm un +Ġcreat ing +Ġcr is +s pect +Ġend ed +Ġd aily +Ġvot ers +land s +i as +i h +on a +Ġsm art +ĠOff ice +ĠL ord +ri al +ĠIntern et +Ġcirc um +Ġextreme ly +' . +Ġopin ion +ĠM il +Ġg ain +B S +ĠF in +y p +Ġuse ful +Ġbud get +Ġcom fort +is f +Ġback ground +el ine +Ġep isode +Ġen emy +Ġtri al +Ġestab lish +d ate +ĠC ap +Ġcontin ues +Ġshow ing +ĠUn ion +w ith +Ġpost ed +ĠSy stem +Ġe at +ri an +Ġr ise +ĠGerman y +il s +Ġsign ed +Ġv ill +Ġgr and +m or +ĠEng land +Ġproject s +um ber +Ġconf erence +z a +Ġrespons ible +ĠAr ab +Ġlearn ed +âĢĶ âĢĶ +i pping +ĠGe orge +O C +Ġreturn ed +ĠAustral ia +Ġb rief +Q u +Ġbr and +ill ing +ab led +Ġhig hest +Ġtr ain +ĠComm ission +wh ile +Ġn om +cept ion +Ġm ut +ĠBl ue +Ġinc ident +v ant +8 6 +ĠI D +Ġn uclear +7 4 +ĠL ike +ĠR E +ĠM icro +l i +m ail +Ġcharg es +8 9 +Ġad just +ad o +Ġear th +N A +Ġpr ices +P A +Ġd raft +Ġrun s +Ġcandid ate +ens es +Ġmanag ement +ĠPh il +ĠM iss +Ġte ach +g ram +Ġunderstand ing +a it +ic ago +A dd +ĠE p +sec ut +Ġsepar ate +Ġinst ance +Ġe th +Ġun less +**** **** +ĠF ore +in ate +Ġoper ations +S p +Ġf aith +g ar +ĠCh urch +ron ic +Ġconf ig +os ure +Ġactiv ities +Ġtrad itional +Ġ3 6 +Ġd irection +Ġmach ine +Ġsur round +Ġp ush +un ction +ĠE U +Ġeas ier +Ġarg ument +G B +Ġm icro +Ġsp ending +iz ations +Ġthe ory +ad ow +Ġcall ing +ĠL ast +Ġd er +Ġinflu ence +Ġcomm it +Ġph oto +Ġun c +ist ry +g n +ast e +ack s +Ġdis p +ad y +d o +ĠG ood +Ġ ` +Ġw ish +Ġreve aled +Âł Âł +l ig +Ġen force +ĠComm ittee +Ġche m +Ġmil es +Ġinterest ed +Ġsol ution +ic y +in ct +Ġ- > +ĠD et +Ġrem oved +Ġcomp ar +e ah +Ġpl ant +ĠS ince +Ġachie ve +Ġadvant age +Ġslight ly +b ing +Ġpl aced +u nder +201 5 +ĠM ad +Ġt im +os es +Ġc ru +ĠR ock +Ġmost ly +Ġneg ative +Ġset ting +Ġprodu ced +Ġm ur +Ġconnect ion +ĠM er +Ġdri ver +Ġexecut ive +Ġass ault +Ġb orn +ĠV er +t ained +Ġstruct ure +Ġredu ce +Ġdec ades +Ġd ed +u ke +ĠM any +idd en +Ġle ague +S e +Ġjo in +Ġdis co +Ġd ie +c ks +act ions +Ġass ess +ag n +Ġgo als +our s +I R +Ġsen ior +ill er +m od +ip ment +oc ol +u y +ĠQ ue +Ġpart ies +ir gin +Ġle arning +it able +Ġstre et +Ġcamer a +A pp +Ġsk ills +b re +c ious +Ġcele br +ĠFr anc +Ġexist ing +Ġwill ing +l or +Ġ id +ĠSp ace +Ġcrit ical +ĠL a +ortun ately +Ġser ve +Ġc old +Ġspec ies +T S +Ġanim als +ĠB ay +Ġold er +ĠU nder +est ic +ĠT re +Ġte acher +Ġpre fer +v is +Ġth read +ĠM att +Ġmanag er +ãĥ » +Ġprofess ional +ĠV ol +Ġnot es +The se +ul a +Ġf resh +ent ed +u zz +ed y +clus ion +ĠR el +Ġdoub t +E O +Ġopen ed +ĠB it +Ad vertisement +Ġgu ess +ĠU N +Ġse qu +Ġexpl ain +ott en +Ġatt ract +ak s +Ġstr ing +Ġcont ext +oss ible +ĠRepublic ans +Ġsol id +Ġc ities +Ġask ing +Ġr andom +u ps +ur ies +ar ant +dd en +g l +ĠFlor ida +Ġdep end +ĠSc ott +Ġ3 3 +Ġi T +ic on +Ġmention ed +Ġ2 000 +Ġclaim ed +Ġdefin itely +ul f +Ġc ore +Ġopen ing +ĠCon st +wh ich +ĠT ra +A G +7 2 +Ġbelie ved +ad a +Ġ4 8 +ĠSec urity +yr ight +ĠP et +ĠL ou +Ġhold ing +======== ======== +Ġ ice +Ġb row +Ġauthor ities +h ost +w ord +Ġsc ore +ĠD iv +Ġcell s +Ġtrans l +Ġneigh bor +Ġrem ove +u ct +Ġdist rict +ĠA ccording +Ġwor se +Ġconcern s +Ġpresident ial +Ġpolic ies +ĠH all +7 3 +Ġh us +A Y +Ġ200 6 +ĠJ ud +Ġindepend ent +ĠJust ice +ili ar +pr int +igh ter +Ġprotect ion +z en +Ġsu dden +h ouse +ĠJ es +P R +ĠIn f +Ġb ul +Ġ _ +ĠServ ice +ĠP R +Ġstr ategy +ff ect +Ġgirl s +Ġmiss ing +oy al +ĠTe am +ul ated +Ġd at +Ġpolit ics +ab or +A ccording +Ġspe ll +Ġg raph +ort hern +T C +A b +Ġlab or +is her +Ġk ick +ĠiT unes +Ġstep s +pos es +Ġsmall er +E n +ber t +Ġro ll +Ġresear chers +Ġcl osed +Ġtrans port +Ġlaw y +________ ________ +ĠCh icago +Ġas pect +Ġn one +Ġmar riage +9 6 +Ġe lements +ĠF re +ĠS al +Ġd ram +F C +t op +e qu +Ġhe aring +Ġsupport ed +Ġtest ing +co hol +Ġmass ive +Ġst ick +Ġgu ard +is co +ph one +F rom +How ever +Ġb order +Ġcop y +ograph y +l ist +7 1 +Ġown er +cl ass +ru it +r ate +ĠO nce +Ġdig ital +Ġt ask +ER S +Ġinc red +t es ++ + +ĠFr ance +Ġb reat +ow l +Ġiss ued +ĠW estern +Ġdet ect +Ġpart ners +Ġsh ared +ĠC all +Ġcan cer +ac he +rib e +Ġexpl ained +Ġhe at +{ " +Ġinvest ment +ĠB ook +Ġw ood +Ġtool s +ĠAl though +Ġbelie f +Ġcris is +Ġg e +ĠM P +Ġoper ation +ty pe +~ ~ +g a +Ġcont ains +ant a +Ġexp ress +ĠG roup +ĠJ ournal +k a +Ġam b +ĠUS A +Ġfind ing +Ġfund ing +h ow +Ġestab lished +ide os +Ġdeg ree +Ġdanger ous +ang ing +Ġfre edom +pp ort +out hern +Ġch urch +Ġc atch +ĠTw o +Ġpres ence +ĠGu ard +U p +Ġauthor ity +ĠPro ject +Ġbut ton +Ġcon sequ +Ġval id +Ġwe ak +Ġstart s +Ġref erence +ĠM em +" ) +U N +or age +ĠO pen +Ġcol lection +y m +g ency +Ġbeaut iful +ro s +Ġtell s +Ġwa iting +n el +Ġprov iding +ĠDemocr ats +Ġd aughter +Ġm aster +Ġpur poses +ĠJapan ese +Ġequ al +Ġturn s +Ġdoc uments +Ġwatch ing +R es +Ġr an +201 4 +Ġre ject +ĠKore a +Ġvictim s +Le vel +ere nces +Ġw itness +Ġ3 4 +Ġre form +com ing +Ġocc up +Ġc aught +Ġtra ffic +ad ing +Ġmod els +ar io +Ġserv ed +Ġb atter +u ate +ĠSecret ary +Ġagre ed +Ġtr uly +yn am +ĠR et +Ġun its +ĠRes earch +h and +az ine +ĠM ike +Ġvar iety +ot al +Ġam azing +Ġconfir med +Ġentire ly +Ġpurch ase +Ġe lement +Ġc ash +Ġdeter mine +D e +Ġc ars +ĠW all +â ĸ +Ġview s +Ġdrug s +Ġdep artment +ĠSt ep +u it +Ġ3 9 +as ure +ĠCl ass +Ġc overed +ĠB ank +Ġme re +u ana +Ġmult i +Ġm ix +Ġun like +lev ision +Ġsto pped +Ġs em +ĠG al +ul es +Ġwe l +ĠJohn son +l a +Ġsk ill +Ġbec oming +ri e +Ġappropri ate +f e +ell ow +ĠPro t +ul ate +oc ation +Ġweek end +od ies +Ġsit es +Ġanim al +ĠT im +Ġsc ale +Ġcharg ed +Ġinst ruct +ill a +Ġmethod s +Ġc ert +Ġjud ge +ĠH el +Ġdoll ars +Ġstand ing +ĠS qu +Ġdeb t +l iam +Ġdri ving +ĠS um +ĠEd ition +Ġal bum +and on +I F +ĠU k +6 3 +ad er +Ġcommer cial +es h +ĠGovern ment +Ġdisc overed +Ġout put +ĠHill ary +ĠCar ol +Ġ200 5 +Ġab use +anc ing +Ġsw itch +Ġann ual +T w +Ġst ated +ag ement +in ner +Ġdem ocr +Ġres idents +Ġallow ing +Ġfact ors +od d +Ġf uck +em ies +Ġoccur red +ot i +Ġn orth +ĠP ublic +Ġinj ury +Ġins urance +C L +oll y +ã Ģ +Ġrepe ated +Ġar ms +ang ed +Ġconst ruction +Ġf le +P U +ic ians +Ġfor ms +ĠMc C +ant ic +Ġm ental +p ire +Ġequ ipment +Ġf ant +Ġdiscuss ion +Ġregard ing +k in +ar p +Ġch air +og ue +Ġpro ceed +ĠI d +O ur +Ġmur der +M an +Ġ4 9 +as p +Ġsupp ly +Ġin put +Ġwe alth +liam ent +Ġpro ced +or ial +ĠSt at +ĠN FL +hen s +ĠInst itute +Ġput ting +ourn ament +et ic +Ġloc ated +Ġk id +er ia +r un +Ġpr inc +Ġ ! +go ing +ĠB et +Ġcl ot +Ġtell ing +Ġprop osed +i ot +or ry +Ġfund s +g ment +ĠL ife +Ġb aby +ĠB ack +Ġsp oke +Im age +Ġear n +ĠA T +g u +Ġex change +ĠL in +ov ing +Ġp air +M ore +az on +Ġarrest ed +Ġkill ing +c an +ĠC ard +y d +Ġident ified +Ġm obile +Ġthan ks +ony m +ĠF orm +Ġhundred s +ĠCh ris +ĠC at +Ġtre nd +h at +ĠA v +om an +Ġelect ric +ĠW il +S E +O f +Ġrest aur +ot ed +Ġtr ig +Ġn ine +Ġb omb +Wh y + ¯ +Ġco verage +Ġapp eal +ĠRober t +ĠS up +Ġfin ished +Ġfl ow +Ġdel iver +Ġcal cul +Ġphot os +Ġph il +Ġpie ces +Ġapp re +k es +Ġr ough +D o +Ġpart ner +Ġconcern ed +Ġ3 7 +ĠG en +C ol +ct ors +Ġ= > +st ate +Ġsuggest ed +ĠFor ce +C E +Ġher self +ĠPl an +w orks +o oth +ren cy +Ġcor ner +Ġhus band +Ġintern et +ĠA ut +em s +os en +ĠAt l +g en +Ġbal ance +6 2 +Ġsound s +te xt +Ġar r +ov es +Ġmill ions +Ġrad io +Ġsat isf +ĠD am +M r +G o +S pe +Ġcomb at +r ant +ĠG ree +Ġf uel +Ġdist ance +Ġtest s +Ġdec re +ĠE r +Ġman aged +D S +Ġt it +Ġmeas ures +ĠL iber +Ġatt end +as hed +ĠJ ose +ĠN ight +d it +ĠN ov +ĠE nd +out s +Ġgener ation +Ġadv oc +y th +Ġconvers ation +ĠS ky +act ive +ce l +ri er +ĠFr ank +Ġg ender +Ġcon cent +Ġcar ried +and a +ĠV irgin +Ġarri ved +ic ide +ad ed +Ġfail ure +Ġmin imum +le ts +Ġwor st +Ġkeep ing +Ġint ended +Ġilleg al +Ġsub sc +Ġdetermin ed +Ġtri p +Y es +Ġra ise +Ġ ~ +Ġfeel s +Ġpack age +ĠJ o +h i +201 6 +re al +Ġf ra +Ġsy mb +M e +uck y +p ret +ĠK h +ĠEd it +ĠWe b +em ic +ĠCol or +Ġjust ice +I nt +Ġfar m +ck now +" > +el ess +Ġredu ced +Ġ5 00 +x x +ĠR ad +ĠW ood +Ġcl in +Ġhy p +il er +ur a +k ins +8 5 +6 1 +ĠThe ir +ĠM ary +Ġs an +Ġno vel +ĠWh o +Ġcap acity +Ġimp ossible +Ġpl ays +Ġmin ister +ij uana +ic ate +ĠS et +Ġf ram +Ġ ing +Ġcommun ities +ĠF BI +it a +Ġb on +Ġstr ateg +Ġinterest s +l ock +g ers +m as +ĠAN D +Ġconflic t +Ġrequire ments +Ġs ac +Ġoper ating +in i +rel ated +Ġcomm itted +Ġrelative ly +Ġs outh +¯ ¯ +Ġaff ord +Ġident ity +Ġdec isions +Ġacc used +pl ace +Ġvict ory +o ch +i at +N ame +C om +t ion +ed s +Ġsee k +Ġt ight +ĠIm ages +Ġinit i +Ġhum ans +Ġfam iliar +Ġaud ience +Ġintern al +vent ure +Ġs ides +ĠT O +Ġd im +Ġcon clud +Ġapp oint +Ġenforce ment +ĠJ im +ĠAssoci ation +Ġcircum st +ĠCanad ian +Ġjo ined +Ġdiffere nces +ĠL os +Ġprot est +Ġtw ice +w in +Ġgl ass +ars h +ĠAr my +Ġexp ression +Ġdec ide +Ġplan ning +an ia +Ġhand le +ĠMicro soft +ĠN or +Ġmax imum +ĠRe v +Ġse a +Ġev al +Ġhel ps +re f +Ġb ound +Ġm outh +Ġstand ards +Ġcl im +ĠC amp +ĠF ox +cl es +Ġar my +ĠTe chn +ack ing +x y +S S +Ġ4 2 +Ġbu g +ĠUk rain +ĠM ax +ĠJ ones +ĠSh ow +l o +Ġplan et +Ġ7 5 +Ġwin ning +Ġf aster +Ġspe ct +Ġbro ken +T R +Ġdef ined +Ġhealth y +Ġcompet ition +htt ps +ĠIs land +ĠF e +Ġannoun ce +ĠC up +ĠInst ead +Ġcl ient +Ġposs ibly +se ction +ock et +l ook +Ġfin ish +Ġcre w +Ġres erv +Ġed itor +Ġh ate +Ġs ale +Ġcontro vers +Ġp ages +w ing +Ġnum er +Ġopp osition +Ġ200 4 +Ġref uge +Ġfl ight +Ġap art +ĠL at +A meric +ĠAfric a +Ġapplic ations +ĠPal est +ĠB ur +Ġg ar +ĠSoc ial +Ġup gr +Ġsh ape +Ġspe aking +ans ion +a o +ĠS n +Ġwor ry +ĠBrit ain +P lease +rou d +Ġh un +Ġintrodu ced +Ġd iet +I nd +ĠSec ond +Ġfun ctions +ut s +ĠE ach +ĠJe ff +Ġst ress +Ġaccount s +Ġgu arant +ĠAn n +ed ia +Ġhon est +Ġt ree +ĠAfric an +ĠB ush +} , +Ġs ch +ĠOn ly +Ġf if +ig an +Ġexerc ise +ĠEx p +Ġscient ists +Ġlegisl ation +ĠW ork +ĠS pr +à Ĥ +ĠH uman +Ġ è +Ġsur vey +Ġr ich +ri p +Ġmain tain +Ġfl o +Ġleaders hip +st ream +ĠIslam ic +Ġ 01 +ĠCol lege +Ġmag ic +ĠPr ime +Ġfig ures +201 7 +ind er +x ual +ĠDe ad +Ġabsolute ly +Ġfour th +Ġpresent ed +resp ond +rib le +Ġal cohol +at o +ĠD E +por ary +Ġgr ab +Ġvar i +Ġqu ant +ĠPh oto +Ġpl us +r ick +ar ks +Ġaltern ative +Ġp il +Ġappro x +th at +Ġobject s +ĠR o +ĠAnd roid +Ġsignificant ly +ĠR oad +k ay +R ead +av or +Ġa cknow +ĠH D +ĠS ing +O r +ĠM ont +Ġun s +pro f +Ġneg oti +ĠAr ch +ik i +Ġte levision +ĠJew ish +Ġcomm ittee +Ġmot or +Ġappear ance +Ġs itting +Ġstri ke +ĠD own +com p +ĠH ist +Ġf old +ac ement +ĠLou is +Ġbel ong +ĠâĢ ¢ +Ġm ort +Ġprep ared +Ġ6 4 +ĠM aster +Ġind eed +ĠD en +Ġre nt +T A +our ney +ar c +S u +9 7 +Ġadv ice +Ġchang ing +Ġlist ed +Ġlaun ched +is ation +ĠP eter +is hes +Ġl ived +ĠM el +ĠSup reme +ĠF ederal +Ġ) ; +ruct ure +Ġset s +Ġphil os +u ous +Ġ ł +Ġappl ied +ĠN OT +Ġhous ing +ĠM ount +Ġo dd +Ġsu st +D A +ffic ient +Ġ ? +ol ved +Ġp owers +Ġth r +Ġrem aining +ĠW ater +L C +Ġca uses +ãģ ® +Ġman ner +ad s +Ġsuggest s +Ġend s +stand ing +f ig +ĠD un +id th +Ġg ay +Ġter min +ĠAngel es +M S +Ġscient ific +Ġco al +ap ers +b ar +ĠThom as +Ġsy m +ĠR un +th is +P C +igr ants +Ġmin ute +ĠDist rict +cell ent +Ġle aves +Ġcomple ted +am in +Ġfoc used +Ġmon itor +Ġveh icles +M A +ĠM ass +ĠGr and +Ġaffect ed +itution al +Ġconst ruct +Ġfollow s +Ġt on +re ens +Ġh omes +ĠE xt +ĠLe vel +r ast +ĠI r +Ġel im +Ġlarge ly +ĠJ oe +Ġvot es +all s +Ġbusiness es +ĠFound ation +ĠCent ral +Ġy ards +Ġmaterial s +ul ner +Ġgu ide +Ġclos er +um s +Ġsp orts +ed er +J ust +Ġtax es +8 4 +ĠO ld +Ġdec ade +ol a +Ġv ir +Ġdro pped +Ġdel ay +it ect +Ġsec ure +ste in +le vel +Ġtre ated +Ġfil ed +ain e +Ġv an +Ġm ir +Ġcol umn +ict ed +e per +Ġro t +Ġcons ult +Ġent ry +Ġmar ijuana +ĠD ou +Ġapparent ly +ok ing +clus ive +Ġincre ases +an o +Ġspecific ally +Ġte le +ens ions +Ġrelig ion +ab ilities +Ġfr ame +ĠN ote +ĠLe e +Ġhelp ing +Ġed ge +ost on +Ġorgan izations +à ĥ +ĠB oth +hip s +Ġbig ger +Ġbo ost +ĠSt and +Ġro w +ul s +ab ase +Ġr id +L et +are n +ra ve +Ġst ret +P D +Ġv ision +Ġwe aring +Ġappre ci +Ġa ward +ĠU se +Ġfact or +w ar +ul ations +) ( +Ġg od +Ġter rit +Ġpar am +ast s +8 7 +Ġen emies +ĠG ames +F F +Ġacc ident +W ell +ĠMart in +T ER +Ġat h +ĠHe ll +Ġfor g +Ġve ter +ĠMed ic +f ree +Ġst ars +Ġexp ensive +Ġac ad +ra wn +ĠW he +Ġl ock +Ġform at +Ġsold iers +s m +Ġag ent +Ġrespons ibility +or a +ĠS cience +Ġrap id +Ġt ough +ĠJes us +Ġbelie ves +M L +Ġwe ar +le te +Ãĥ ÃĤ +ĠD ri +Ġcomm ission +ĠB ob +O h +ap ed +Ġwar m +ÃĥÃĤ ÃĥÃĤ +Ġ200 3 +ort ion +Ġhas n +ust er +Ġun ivers +ĠI ll +Ġk ing +olog ies +9 4 +ĠT em +ĠM os +Ġpat ient +ĠMex ico +ce an +ĠDe ath +ĠSand ers +y ou +ĠC ast +ĠComp any +pt y +Ġhappen ing +F P +ĠB attle +Ġb ought +A m +M od +U s +ut ers +ĠC re +ĠTh ose +Ġ4 4 +is er +Ġs oul +ĠT op +ĠHar ry +ĠA w +Ġse at +ff ee +Ġrev olution +Ġ( " +ĠD uring +et te +Ġr ing +Ġoff ensive +Ġreturn s +Ġv ideos +Ġdis cl +Ġfam ous +en ced +ĠS ign +ĠR iver +Ġ3 00 +P M +ĠB us +ĠC H +Ġcandid ates +ard en +Ġpercent age +Ġvis ual +Ġthan k +Ġtrou ble +ner gy +Ġ200 1 +Ġpro ve +ash ion +Ġen h +ĠL ong +U M +Ġconnect ed +Ġposs ibility +O ver +Ġexper t +Ġl ibrary +art s +ĠDirect or +Ġfell ow +9 2 +ir ty +Ġd ry +Ġsign s +ĠL ove +Ġqu iet +f oot +Ġp ure +ĠH un +Ġf illed +ph as +ĠE lect +end ment +ĠEx pl +Ġun able +n s +m o +Ġv ast +ob e +Ġident ify +app ing +ĠCarol ina +g ress +Ġpro te +Ġf ish +Ġcircumst ances +raz y +ĠPh ot +Ġb odies +ĠM ur +Ġdevelop ing +ĠA R +Ġexperien ced +Ġsubst ant +ĠBo ard +es ome +Ġdom estic +Ġcomb ined +ĠP ut +Ġchem ical +ĠCh ild +Ġpo ol +ĠC y +Ġe gg +c ons +st ers +Ġh urt +Ġmark ets +Ġconserv ative +Ġsupp orters +Ġag encies +id el +O b +ur b +Ġ4 3 +ĠDef ense +y e +ĠA p +du le +Ġtemper ature +Ġconduct ed +ĠCh ief +Ġpull ed +Ġf ol +L ast +ont o +os is +V ER +D es +ĠP an +F irst +Ġadv ance +Ġlic ense +r ors +ĠJ on +Ġimag ine +Ġhe ll +Ġf ixed +Ġinc or +os ite +ĠL og +ick en +] : +Ġsurpr ise +h ab +Ġc raft +ol t +ĠJ ul +Ġd ial +Ġrele vant +Ġent ered +Ġlead s +ĠA D +ĠCle an +Ġpict ures +ess or +Ġal t +Ġpay ing +P er +ĠMark et +Ġupd ates +am ily +ĠT ype +ĠH ome +Ġ5 5 +semb ly +rom e +8 3 +Ġgreat est +Ġhe ight +Ġhe av +ain ts +Ġlist en +as er +ĠS H +Ġcap able +ac le +Ġpers pect +in ating +Ġoff ering +ry pt +ĠDe velop +ab in +r c +Ġbr ight +al ty +ar row +Ġsupp l +ind ing +ack ed +gy pt +ĠAn other +p g +ĠVirgin ia +ĠL u +Ġpl anned +Ġp it +Ġswe et +T ype +ĠD i +Ġtyp ically +ĠFranc isco +Ġpro spect +ĠD an +Ġte en +re es +Ġsc hed +Ġh ol +Ġsc r +Ġlot s +l ife +Ġnews p +Ġfor get +ĠN one +ĠM iddle +ĠR yan +ed d +Ġse vere +Ġsu it +ll er +9 3 +Ġcor respond +Ġexpl os +u ations +Ġfl ag +g ame +r id +Ġpr in +ĠD ata +Ġde ploy +ĠEn ter +su it +gh an +ĠM en +Ġthough ts +Ġmat ters +Ġad apt +ĠA ri +Ġf ill +Ġfor th +Ġs am +Ġ4 1 +Ġpay ment +ĠH or +Ġsp ring +du c +Ġl osing +Ġbring ing +F O +al a +Ġdist ribution +he red +b our +ĠIsrael i +om a +Ġcomb ination +Ġpl enty +V E +C an +ĠH aw +Ġper man +ĠSpe cial +Ġto w +Ġsee king +Ġexam ples +Ġclass es +c r +Ġbe er +Ġmov es +ĠI P +ĠK n +Ġpan el +E ven +Ġproper ly +Ġr is +Ġpl ug +Ġestim ated +E very +Ġdef ensive +ag raph +Ġpre gn +Ġinst it +ĠV ict +Ġvol ume +Ġpos itions +Ġl inks +ĠPro gram +ĠWe ek +ag ues +Ġtrans form +k er +ĠC EO +Ġc as +Ġopp onent +Ġtwe et +ĠC ode +Ġsh op +Ġf ly +Ġtal ks +Ġb ag +Ph one +Ġa id +Ġpl ants +Ġ6 5 +Ġatt orney +ar ters +qu est +ĠMag ic +Ġbeg ins +Ġmy ster +Ġenvironment al +Ġst orage +N N +Ġm arg +Ġs ke +Ġmet al +ell y +Ġord ered +Ġrem ained +Ġl oved +Ġprom pt +Ġupd ated +Ġexper ts +Ġwalk ing +Ġan cient +Ġperform ed +AT E +Ġne ither +i ency +Ġmanufact ure +ĠP ak +Ġselect ed +Ġm ine +Ġult imately +Ġexpl an +Ġlab el +ĠServ ices +ribut ed +Tr ump +Ġsy n +ĠU lt +S C +Ġme at +Ġg iant +ĠW ars +ĠO N +Ġad m +Ġinter pret +Ġeven ing +Ġev il +ĠB oston +ĠW ild +Ġ à +ĠBit coin +ĠAm azon +D r +ĠIn formation +Ġobvious ly +Ġadv anced +Ph oto +ol ar +Ġwe ather +Ġsymb ol +Ġso le +Ġpot entially +ost er +Ġorig inally +m un +3 00 +az e +ess ions +Ġde ck +Ġst ood +Ġyou th +ĠB ern +R ep +ĠT est +Ġbas ically +ot ic +Ġinvol ve +ol it +ly n +S ee +Ġair craft +Ġconf irm +E W +Ġmess ages +ĠRich ard +Ġk it +Ġpro hib +Ġv ulner +is ters +Ġexist ence +Ġturn ing +ĠS P +Ġdes ire +Ġfl at +Ġm ent +se ason +ang es +Ġneighbor hood +ĠL ake +AT ION +Ġpoint ed +b ur +Ġinn ov +uc ks +U L +Ġprofess or +Ġexp ressed +A B +ic ious +Ġ200 2 +ĠDe v +Ġs ession +Ġb are +s en +Ġdis s +ĠC ath +ĠP ass +ĠP oint +Ġdo ctor +or row +ail ed +ĠR ub +ĠD C +ĠChar l +p erson +Ġwrit er +igh ters +ure au +Ġob lig +Ġrecord ed +Ġbro ke +Ġord ers +il ty +Ġmot ion +in ity +l aw +ad ium +Ġimm igration +Ġcontr ast +Ġb att +Ġex cellent +Ġtechn ical +am i +Ġt un +Ġcl oud +ĠY ear +ge on +Ġcre ation +Ġstr ange +Ġa uth +Ġfor t +b orn +Ġext ent +ĠT oday +ĠCl ub +Ġr ain +Ġs ample +Ġaccept ed +Ġt act +Ġf ired +ĠS on +Ġstand s +Ġb oot +Ġ4 7 +Ġstat ements +Ġvers ions +Ġse lling +ound ed +Ġ199 0 +Ġwere n +ĠW atch +Ġexper iment +P ost +Ġret ail +ul ed +In st +un te +ãĥ ¼ +Ġdep art +Ġb ond +i very +om pl +Ġre action +ĠSyri an +ĠP ac +app ed +ani el +D P +Ġres olution +Ġre act +Ġappro ved +on om +m ond +ĠO ffic +-- - +Ġrepl ace +Ġt ack +Ġsp ort +Ġch ain +Ġemer gency +r ad +ĠPalest in +Ġ4 6 +Ġautom atically +Ġrout e +Ġp al +Ġb anks +ĠPar is +ĠMed ia +ro ad +ic ing +i xt +ist ed +Ġg rew +Ġco ord +ĠW here +om in +Ġsub s +� � +Ġ ± +Ġcorpor ate +Ġse lection +n oon +ĠRep ort +c s +clud ing +ord ers +anc he +ĠIt s +Ġslow ly +ĠE gypt +ĠA cc +Ġcol le +iqu es +E X +Ġattempt s +ur l +ĠC ross +Ġfind ings +ĠS C +ĠO R +Ġind ex +ens ity +ĠW ay +ĠL and +Ġsh ock +d is +Ġd ynam +Ġc art +m osp +S ince +i est +ĠB oy +Ġst orm +ĠCont in +201 3 +he w +il it +Ġess ential +iqu id +O ther +ive red +Ġreason able +A ct +Ġsub sequ +ĠP ack +ĠF ort +Ġconsider ing +Ġun iversity +l og +Ġmar ried +Ġill ust +ĠTr ue +£ ı +Ġnumer ous +rast ructure +Ġserious ly +Ġrefer red +u a +Ġconsist ent +on na +ĠRe al +ru ption +ci ples +Ġfact s +9 1 +ot es +er g +The n +Ġacc ompl +N ote +Ġre venue +Ġpass ing +Ġm al +e en +ĠY et +Ġg ather +ter day +ew ork +ĠA uthor +P e +Ġopt im +Ġr ub +Ġè £ı +Ġun known +st one +Ġun ion +ol ve +Ġopportun ities +Ġbrow ser +ĠW al +ĠC ost +Ġreport ing +st s +p et +Ġs and +Ġsudden ly +Ġsurpr ising +ĠV R +Ġsomew hat +ĠB as +ult ure +iz z +ĠC D +Ġchalleng es +Ġsett ings +Ġexperien ces +ĠF ull +Ġcan n +Ġrece iving +ES T +Ġj oint +Ġcult ural +Ġa st +8 2 +as tern +ce ived +ĠC ru +Ġb ull +p ired +am m +Ġfac ing +p ower +Ġb oss +ĠH ol +Ġinst r +Ġincreasing ly +Ġsh ift +Ġstre ets +ĠWilliam s +ab b +Ġl ie +Ġl augh +ĠC a +P L +Ġadult s +Ġcustom er +Ġob tained +Ġsupport ing +ht ml +f ire +Ġdetail ed +Ġpick ed +ĠR ight +ld er +E E +st ood +ĠK im +Ġw ire +Ġs ight +Ġdevelop ers +Ġpers ons +Ġs ad +Ġc up +Ġwar ning +Ġboy s +l ong +Ġb ird +f o +Ġw al +Ġobserv ed +Ġz one +iven ess +Ġch annel +c ript +Ġref used +ĠAg ain +Ġsu c +Ġspokes man +ĠRe f +r ite +ou ston +ãĥ ³ +ĠS her +Ġact s +ĠN ame +Ġstrugg le +ar ry +omet imes +Ġdisc rim +H T +Ġcateg ory +Ġreal ize +Ġemploy ee +ĠAf ghan +en ger +Ġgun s +ĠSte ve +ĠM ot +ĠO l +ok ed +Ġth ick +Ġfair ly +ill y +Ġsur ve +ĠM at +we ight +â Ķ +Ġtro ops +Ġag ents +Ġbatter y +Ġmot iv +à ¡ +S ec +d en +o very +L S +Ġfl u +Ġconf ident +ĠO per +Ġem pty +Ġp hen +Ġse ctor +Ġexc ited +Ġrem ote +ap h +o en +Ġdestroy ed +Ġmor al +ĠH P +ĠR on +Ġd ress +ĠB at +Ġl it +ĠM S +Ġa f +H L +r um +is ms +Ġshould n +Ġsym pt +ĠTor onto +het ic +Ġcar bon +Ġinstall ed +Ġviol ent +Ġsol ar +j a +Ġpract ices +Ġr ide +ĠP enn +Ġimpro ved +Ġaud io +Ġbehav i +ĠP S +Ġe ating +D ata +ĠRe view +p ass +cl aim +u ated +ang ers +c hen +Ġproper ties +Ġany where +An other +Ġbl ow +ĠJack son +Ġp roud +Ġplan e +l ines +Ġsqu are +Ġpro of +ans as +Ġtalk ed +m akers +Ġs ister +Ġhold s +Ġres ident +Ġ= = +Ġresist ance +Ġspl it +Ġpro secut +Ġconf idence +res ents +Ġcut s +Ġexcept ion +Ġz ero +Get ty +Ġcop yright +Ġtot ally +orm al +ific ations +ĠAustral ian +Ġs ick +Ġ1 50 +Ġhouse hold +Ġfe es +Ġdri vers +og en +ĠN Y +Ġnecess arily +Ġregul ations +ear ing +s l +Ġperspect ive +c are +ic ial +H is +Ġesc ape +Ġsurpr ised +ĠV an +ur rent +Ġv ac +8 1 +ĠTh us +Ġem phas +ĠCh ampions +ĠI ce +Ġn arr +Ġhead s +Ġca using +b el +f ortunately +ĠM a +Ġtarg ets +ci pl +Ġafter noon +Ġadd s +ĠMay be +ĠF our +ess ed +ple te +Ġus ual +ch o +ing u +Ġwith d +ĠE nergy +ĠE conom +O O +Ġart icles +Ġinj ured +Ġman age +Ġexpl ains +Ġdi agn +R ec +at ures +Ġlink ed +Ġdiscuss ed +Ġexpl o +Ġocc asion +ath an +Ġopp osite +Ġfac es +Ġden ied +ĠK night +Ġn ut +Ġapprox imately +Ġdisapp oint +onym ous +ĠB est +ĠL o +ĠH y +ĠA ff +Ġvot ing +an while +ĠII I +Ġinstit utions +ag ram +ĠD aily +Ġdr ag +Ġnear by +Ġgu ilty +Ġcon ver +P re +s hip +Ġre ward +Ġphilos oph +ĠS S +u gh +Ġapp s +f riend +Ġu pper +Ġad vert +Ġs now +Ġfr ust +Ġour selves +F r +ĠD ie +amp ion +Ġdis miss +Ġc ere +Ġsign al +f rom +Ġ ). +Ġ5 2 +Ġcr imes +it ors +est ival +use um +Ġcoun cil +ĠS aud +M ay +ĠG un +ic ian +et her +Ġsu fficient +ĠH en +so le +Ġhistor ical +ĠF ar +ĠT urn +Ġp in +Ġsuc ceed +m at +ly mp +Ġtrad ition +ĠO k +Ġc ro +Ġdesc ription +al le +Ġsk y +T e +Ġwide ly +Ġw ave +Ġdefin ition +ĠJew s +Ġcy cle +Ġref ere +Ġbr ings +us al +Ġal ive +Ġfrequ ently +Ġint ention +ĠCont rol +l v +y stem +Ġpriv acy +g ent +ren ce +ĠQu est +ĠChrist mas +Ġr ail +Ġco oper +Ġtest ed +ĠC apt +as ks +Ġcomfort able +Ġdel ivered +sc ape +Ġdep th +ĠG OP +Ġwrit es +Ġass ets +Ġsa v +im ents +Ġtrans ition +Ġart ist +ĠL ook +Ġl ob +Ġcomp onents +ar ity +Ġwalk ed +Ġro ot +Ġparticip ants +Ġnot iced +Ġres c +Ġn av +ĠAd minist +d a +ut ral +pl ate +Ġimport ance +Ġass ert +ious ly +c ription +Ġinj uries +ĠChe ck +Ġregist ered +Ġint ent +Ġmiss ed +ograph ic +Ġsent ence +oun ter +Ġassist ance +ev in +Ġdat abase +Ġbuild ings +Ġclass ic +Ġth inks +ĠOh io +P r +ug g +Ġfe e +p an +Ġeffect ively +Ġfac ility +Ġbe ar +Ġch apter +Ġdog s +ĠCol umb +Ġl atter +it ial +Ġad mitted +T V +ĠGe org +Ġpost s +\ \ +Ġlawy er +Ġequ ival +Ġm and +Ġcontro lled +ĠW alk +ĠAnd rew +Ġmen u +am ental +Ġprotect ed +v a +Ġadminist r +or al +Ġre in +ĠS ar +Ġamount s +Ġn ative +ĠM oon +Ġrep resents +Ġab andon +Ġcarry ing +Ġt ank +m ary +Ġdecl ared +T ube +Ġh at +Ġpun ish +el lect +m es +Ġun iverse +ĠR od +ph y +Ġinf rastructure +Ġ5 1 +Ġopp osed +ow nt +c a +ĠM ake +Ġhard ware +Ġco ffee +R el +b al +w orld +ĠS af +ĠSe a +in als +Ġown ed +Ġh all +ers ion +Ġdescrib e +ĠP ot +Ġport ion +Ġat mosp +Ġgovern ments +Ġdep ending +Ġoff ense +Ġtr ick +aw a +ĠL ine +ĠV is +ĠH ard +ĠOr ig +ĠCl ick +Ġdes k +ĠVal ley +ĠS ov +Ġmov ies +Ġrem ark +Ġm ail +Ġcons cious +Ġrul ing +ĠR ights +Ġmed ic +he nt +ĠW omen +> < +Ġrepl aced +ĠP rem +ĠTh anks +Ġre new +ĠB all +if orm +Ġsh ots +C omm +Ġar med +Ġconst ant +Ġt aste +Ġreal ized +Ġbu ff +Ġm o +Ġeffic ient +M ost +or ation +if ies +Ġcommun ication +Ġfl ood +Ġconsequ ences +Ġany way +ig g +ĠG M +ĠTh ank +Ġ iron +Ġev olution +ĠC op +tw itter +Ġ9 5 +Ġrelationship s +ad el +ĠYou ng +Ġpropos al +ay ers +uild ing +ĠH ot +OR E +c os +Ġcoll abor +P G +ax y +Ġknow ing +Ġsupport s +ow ed +Ġcontrol s +Ġmere ly +um er +Ġath let +Ġf ashion +p ath +Ġg ift +Ġer a +AN D +Ġkind s +ĠKore an +Ġleg it +ul ous +Ġess entially +Ġthe rap +n ic +Ġsuff ered +Ġh ur +Ġprom ise +Ġex cess +Ġover w +Ġpr ime +ĠH ouston +er ry +ĠM s +R S +201 2 +Ġst ores +ĠO lymp +Ġj ourney +Al though +S ub +ĠE duc +ĠCh apter +Ġrequest s +Ġconsum ers +Ġt iny +Ġis ol +ĠF air +b a +ĠY OU +Ġcr ash +ce ler +Ġemot ional +Ġgood s +Ġelect ed +Ġmod er +ĠLin ux +Ġbl ocks +Ġis land +ĠSoc iety +Ġelect ions +Ġbroad cast +Ġche ap +Ġn ations +Ġse asons +4 00 +Ġwas te +ĠS at +Ġfield s +em ploy +Ġprof ile +Ġauth ors +AL L +ĠG ra +w est +ĠT y +Ġdeath s +Ġv acc +Ġfor med +Ġd u +Ġon going +ĠMuslim s +el f +ig ure +Ġass ume +ĠUkrain e +w ater +Ġco ast +Ġvot ed +g or +ĠA S +ĠMich igan +az a +ĠAr m +i ro +Ġf lex +as ters +' ' +Ġwel come +ar l +Ġloc ations +ig ation +ĠF il +Ġbu ying +Ġarch itect +Ġhard er +ĠC ub +Ġinter face +Ġrestaur ant +Ġdisco ver +Ġex ceed +Ġfav our +ger y +Ġd uty +Ġp itch +ad or +ĠM ach +b oy +Ġrespond ed +Ġext ended +her s +M any +ra id +if er +ĠIn s +S er +Ġmed ium +s he +ĠS ports +Ġmag azine +ut ation +Ġlim its +ĠG all +Ġex ternal +raz il +Ġyoung er +t le +Ġrem ind +ĠC ON +Ġimmedi ate +Ġh idden +Ġvol unte +Ġsim pl +od cast +Ġph ase +d r +Ġpl ot +Ġexp osure +R I +og rap +v in +an ish +ĠAc ad +ĠEng ine +Ġexp ansion +ĠP ay +Y our +Ġpus hed +ĠE ll +ĠHe ad +Ġmarket ing +ĠA C +k et +Ġh its +Ġg ro +ĠA ge +ĠSc ot +] [ +Ġst im +Ġi Phone +Ī Ĵ +Ġn arrow +ĠGet ty +ĠTur key +Ġperfect ly +Ġen able +ut ch +Ġprec ise +Ġreg ime +Ġsh if +Ġcomp ens +g un +d iv +Ġch osen +ĠK en +An y +Ġtre es +Ġrecomm ended +ĠR en +u able +ĠH T +F ollow +E G +ĠH and +ĠK enn +Ġarg uments +Ġex ists +Ġb ike +ĠCons erv +Ġbre aking +ĠG ar +Ġc razy +Ġvirt ual +ay lor +ix el +Ġ19 80 +Ġper mission +ĠSer ies +Ġconsum er +Ġclose ly +c alled +Ġ5 4 +Ġhop es +Ġar ray +ĠW in +ĠLab our +Ġsp ons +ĠI re +Ġp ow +Ġread ers +Ġemploy ment +Ġcreat ure +Ġresult ing +Ġaccur ate +Ġmom ents +Ġarg ued +Ġp ed +D uring +Ġ5 3 +ĠT al +Ġs ought +Ġsuff ering +Ġ icon +le e +Ġ( $ +al ian + ° +Ġp ra +Ġbon us +( " +k o +Ġact ing +D E +f all +Ġcompar ison +Ġsm ooth +ĠN AS +u pp +ĠJose ph +ep ing +ĠT ake +ĠM id +Ġs ending +f ast +ĠF all +Ġdeal ing +us er +ĠOr gan +C o +Ġatt ached +Ġse es +% . +Ġtyp ical +AR T +Ġfind s +ĠAs ia +um in +ĠC ore +ĠE nt +in ent +u ce +ĠBl ood +ĠN ever +Ġem ails +Ġhigh light +Ġconf ront +at us +ut ed +Ġun us +Ġtop ic +ĠAd am +Ġb le +at i +Ġunder stood +S et +st ruct +T P +Ġm ob +a a +ĠSt art +pect ed +se ll +Ġded icated +ĠC A +u an +Ġsong s +esc ription +Ġte ch +Ġr ape +Ġas ide +Ġgr ant +Ġ5 6 +s ub +Ġarg ue +Ġcont aining +Ġsche dule +Ġliber al +Ġpublic ly +Ġheav ily +ĠU t +in er +ĠS ection +ĠC are +we et +l s +D is +âĶ Ģ +ĠF ollow +B ack +ĠI T +Ġb es +j i +ĠH it +est ed +Ġevery body +ĠSw ed +Ġfem in +Ġfac ilities +Ġcon ven +C omp +ĠO S +c ore +Ġan x +Ġdiv ision +ĠC am +ĠSt an +m ates +Ġexpl ore +pl om +Ġsh ares +pl oad +an es +Ġide al +et ers +ĠB ase +Ġpl astic +Ġdist inct +ĠNet work +ĠSe attle +Ġtrad ing +ens us +int end +Ġex hib +Ġinit ially +ĠF ood +Ġthous and +ĠBus iness +act er +Ġpar agraph +Ġrough ly +Ġw ww +Ġcreat ive +ĠCon f +Ġconsum ption +Ġfil ms +ag an +Ġob tain +Ġt all +Ġt or +Ġacknow led +Ġg rown +al o +K E +Ġ4 00 +end ers +t aining +U G +Ġsu icide +Ġwat ched +ĠL ist +al i +re hens +Ġsurround ing +Ġp ip +Ġf lying +ĠJ ava +ord an +Ġserv ing +in ations +p ost +Ġsh o +A v +Ġj ail +z y +Ġ199 9 +Ġ< / +Ġliter ally +ĠS ir +Ġexp osed +Ġl ies +st ar +Ġb at +Ġear ned +ĠD ig +Ġspec ified +ĠSe ason +Ġdeg rees +Don ald +Ġcent re +Ġsh aring +Ġwin ter +ĠC O +C he +Ġ Î +M P +Ġun w +Ġfew er +ĠM ir +Ġsomew here +ĠK ey +Ġattack ed +ĠK ir +Ġdom ain +Ġstrong er +Ġ9 9 +Ġpen alty +I d +Sc ript +Ġdecl ined +Ġne ck +Ġfra ud +Ġcur rency +Ġr ising +R C +â̦ â̦ +H z +Ġt ab +Ġtal ent +n am +ĠN BA +Ġvill age +Ġleg s +ĠN ext +E d +Ġac id +Ġhy d +8 00 +Ġinvol ving +ĠIm age +ĠBe fore +F l +Ġyes terday +S ource +Ġterror ist +Ġsu p +Ġsy nt +ĠSaud i +Ġw est +Ġr u +b urg +Ġvis ible +Ġstru ck +r ison +Ġaw esome +Ġd rawn +Ġansw ers +ĠG irl +ĠR am +Ġthreat s +Ġdef eat +os it +Ġv ent +atur ally +Americ an +end a +ĠH oly +Ġr um +% , +c ase +ĠHist ory +ĠYou Tube +Ġsit uations +ĠD NA +S te +Ġsa ved +It em +Ġrec ip +olog ist +Ġfac ed +Ġel ig +O nce +ĠL i +u h +Ġmist ake +ĠDiv ision +ĠB ell +Ġsympt oms + ® +Ġdom in +Ġfall ing +Ġend ing +as hes +Ġmat ches +ĠOn line +Ġexplan ation +D ef +red it +Ġany more +ĠT otal +ĠF OR +us hed +Ġlet ters +Ġris ks +ĠO K +Ġreported ly +: \ +Ġpl ate +Ġsubject s +Ġattempt ed +if ier +ian a +Ġunlike ly +ĠTh ough +um a +ĠIn vest +ĠPr in +ic an +ĠD ar +ĠColor ado +au g +Ġve get +a os +ri a +Ġshe l +Ġmark ed +Ġ( ) +Ġsp r +p o +ĠL ink +Ġdef e +ĠJ r +Ġthem e +Ġpass ion +ĠP en +Ġinf o +iz er +Ġsh it +ĠC ivil +ap se +c re +Ġpo ly +Ġcomp onent +ĠChar les +ĠIre land +ĠPro v +Ġdo ctors +Ġgr anted +Ġpain t +Ġhon or +Ġsm oke +Ġpay ments +Ġprim arily +ĠKing dom +r ich +ate ll +Ġde als +Ġsched uled +Ġfund amental +Ġprote in +Ġnewsp aper +Ġcl ients +yth on +ĠD ate +h us +Ġfeed back +Ġstret ch +Ġc ock +Ġhot el +ĠQue en +Ġsu gar +Ġj u +Ġmil k +Ġappro val +ĠL ive +Ġequival ent +ef ully +Ġins ert +z ona +Ġext ension +d ri +J ohn +Ġacc omp +S m +ĠF und +Ġconst antly +Ġ` ` +Ġgener ated +ĠA ction +ĠP sych +ĠT ri +Ġrecogn ize +Ġv ary +ph a +ĠR a +d f +et ch +ĠSov iet +Tw o +Ġpattern s +Ġprof ession +an ing +T ime +ĠL im +Ġcol ors +ĠA z +ĠT R +Ġinf ect +Ġphen omen +Ġshe ll +Al so +Ġput s +Ġdel ivery +Ġbro wn +Ġprocess ing +Ġlight s +ess age +ĠBro ok +ĠA ud +l ation +Ġindust rial +L ike +ĠB razil +rou s +ES S +ĠL uc +Ġsome how +Ġ8 5 +Ġpro port +Ġpolit icians +Ġindic ate +Ġh ole +Ġtechn iques +Ġcompet itive +Ġph r +Ġv o +ist ent +ĠD ream +Ġcamp us +Ġaspect s +Ġhelp ful +Ġsh ield +or se +Ġtrig ger +m al +Ġ5 8 +Ġt ort +Ġperson ally +Ġt ag +Ġkeep s +ĠV ideo +Ġben ch +Ġg ap +a ire +Ġe ast +Ġrec overy +per ial +Ġprof it +ĠM ic +Ġ5 7 +Ġcol on +Ġstrong ly +st yle +Ġalleg ations +h an +Ġrep orters +j o +r ine +arg et +and al +Ġ0 3 +Ġfl ash +tr ans +Ġstr ict +Ġpark ing +ĠPak istan +Ġl i +Ġwe ird +ĠE ric +Ġreg ions +ĠJ un +Ġint ellect +ĠW H +od ing +rib utes +up id +ĠT it +Ġf inger +or ia +Ġe lev +ĠF ield +Ġcon clusion +; ; +Ġfeel ings +Ġext ensive +Ġm ixed +Ġne uro +v y +Ġhar ass +ĠC irc +ou ch +Ġterrit ory +Ġsuccess fully +M ar +Ġing red +Ġoverw hel +Ġl ayer +V iew +Ġall ies +ill ance +ĠTh ree +Ġb unch +Ġnorm ally +Ġnet works +Ġsac r +ĠC IA +b les +Ġch ose +Ġopp onents +Ġregard less +Ġfr anch +Ġpre f +ĠP o +Ġbr idge +ann a +ĠSil ver +Ġw age +p age +ri or +Ġrad ical +ĠL ittle +Ġman ip +Ġsecret ary +Ġg ang +D R +F A +Ġdec ent +ĠSp irit +Ġun cle +ĠDevelop ment +Ġinvest ors +Ġwall s +Ġpub lish +Ġgener ate +iss ions +c ar +Ġprom ote +Ġcut ting +Ġche st +Ġdrink ing +Ġcollect ed +Ġ7 2 +Ġhop ing +Ġem br +gor ith +Ġwar ned +Ġinstruct ions +O G +ĠD id +ĠAg ency +Ġg ear +Ġcritic ism +ĠF urther +Ġut il +ann y +R ed +Ġcoun sel +ĠAs ian +Ġredu ction +p ool +Ġteach ing +Ġdeep ly +i y +Ġestim ates +Ġcho ices +Ġperman ent +in em +ke l +Ġf asc +p se +f ile +ĠL ow +ĠP erson +Ġt ournament +st al +Ġm el +U ST +ĠR ay +az i +V al +Ġcont ained +ĠH olly +Ġw ake +Ġreve al +Ġprocess es +ĠIS IS +Ġ0 9 +Ġbl ind +Ġste el +ĠB ad +Ġcare fully +app y +ro it +Ġg aming +Ġhous es +ĠC oll +Ġtr uck +er m +Ġsc ored +Ġocc as +ret urn +b ound +v ar +Ġsh arp +Ġaf raid +ĠE X +am ber +c ific +Ġsche me +N C +ĠPol it +Ġdecl ine +Ġ199 8 +Ġpus hing +Ġposs ession +Ġpriv ile +Ġteacher s +Ġy ield +H A +ĠDav is +it led +#### #### +Ġr ig +ĠD aniel +ac on +Ġh ide +ut en +Ġcolle agues +Ġprin ciples +Ġl oud +Ġs in +ĠDem on +Ġst one +Ġ0 2 +Ġt aught +Ġter rible +Ġst uck +ĠPol icy +te en +Ġimplement ation +ĠB BC +ĠAP I +Ġwhe el +all as +Ġch ampions +ol ars +play er +Ġrepeated ly +ĠSt ill +Ġlik es +ast y +es ter +ĠCath olic +R L +Ġb ath +Ġno ise +t itle +Ġn orthern +P art +Ġmag n +Ġf ab +ĠAs h +Ġdis pl +Ġtick et +Ġm urd +Ġalong side +ĠMus ic +Ġr iver +ĠSte el +ĠC L +ĠPl ayer +ĠM ult +ow ing +re p +s ize +Ġt ur +ĠGeorg ia +isc al +ra ction +Ġc able +Ġ5 9 +Ġw ins +Ġup coming +Ġsurv ive +Ġins pired +ĠEduc ation +Ġstat istics +ĠF oot +iam i +Ġy ellow +ĠP age +. - +ĠH as +Ġur ban +Ġa x +es sel +\ " +Ġquarter back +Ġreg ister +ĠLab or +Ġab ilities +ĠF amily +Ġvar iable +ĠPr ice +Ġcont em +Ġth in +ĠE qu +d ata +Ġg otten +Ġconst it +Ġas ks +Ġt ail +Ġexc iting +ĠE ffect +ĠSp anish +Ġencour age +ins on +ĠA h +Ġcommit ment +C S +Ġr ally +Ġ: : +Ġsubs id +Ġsp in +Ġcapt ured +201 8 +Ġinn oc +Ġalleged ly +ĠC ome +Ġart ists +ĠN umber +Ġelect ronic +Ġreg ional +ap es +Ġw ra +Ġmy th +pr ise +ĠM iller +ĠC reat +ĠEp isode +b ell +Ġdirect ed +Ġext ract +Ġs orry +Ġv ice +ag ger +ĠSu pport +Ġ6 6 +ĠI ron +Ġwonder ful +Ġg ra +N et +ion e +E ng +Ġsh ips +ik es +ĠK evin +it ar +Ġactiv ists +tr ue +ĠAri zona +ent h +ĠDes pite +ĠS E +Ġha bit +ern el +Ġin qu +Ġab ortion +Ġv oid +Ġexpl icit +Ġeng aged +Ġang ry +Ġr ating +Ġfr ag +b ro +ick ing +d ev +Ġwor ried +Ġob ser +Ġap artment +ĠG T +Ġest ate +ĠConst itution +em on +ĠS now +Ġcount y +Ġdis ag +ĠStep hen +Ġimm igrants +w ind +ĠN ations +Ġfol ks +O ut +Ġg all +Ġtarget ed +Ġst ead +ĠB on +ĠL ib +Ġinform ed +Ġ12 0 +ch ain +idel ines +or ough +Ġdri ven +Ġregular ly +Ġbas ket +Ġprinc iple +oc ument +Ġst un +ib ilities +ĠRom an +ĠAb out +Ġal ert +Ġdemocr acy +Ġrepresent ed +H S +c ers +p arent +Ar t +p ack +Ġdi plom +re ts +ĠN O +Ġcapt ure +ĠAd v +Ħ ¢ +Ġannounce ment +ĠL ear +Ġh ook +Ġpur s +ĠS uch +ĠC amer +Ġrefuge es +ĠV e +P ol +Ġrecogn ized +l ib +Ġhad n +A ss +Ġpil ot +us hing +Ġreturn ing +Ġtra il +ĠSt one +Ġrout ine +Ġcour ts +Ġdes per +Ġfriend ly +ĠIt aly +Ġpl ed +Ġbreat h +Ġstud io +N S +Ġimp ressive +ĠAfghan istan +Ġf ing +Ġd ownt +ink ing +ĠR og +i ary +col or +se x +ar on +Ġf ault +ĠN ick +D own +ĠR ose +ĠS outhern +X X +is odes +L ist +6 00 +Ġout come +er r +Ġelse where +Ġret ire +Ġp ounds +ĠGl obal +Pe ople +Ġcommun ications +Ġlo an +Ġrat io +ĠEm pire +Ġg onna +Ġinv ent +D F +Ġ19 70 +ĠComm on +p at +Ġprom ised +Ġd inner +ĠH om +Ġcreat es +Ġoper ate +ver ty +ĠJ ordan +et ime +Ġsust ain +R eg +Ġincred ible +im a +Ġwar rant +Ġm m +A tt +Ġlaw suit +Ġreview s +it ure +ĠS ource +l ights +ĠF ord +Ġ6 3 +g roup +st ore +Ġfeat ured +Ġfore ver +Ġpo verty +ĠP op +ĠC NN +az z +ab is +ach ing +Ġl aid +ĠSu pp +Ġfil ter +en a +ĠCommun ity +Ġcreat ures +u ction +ĠR oyal +Ġassoci ation +ĠCon nect +ĠBr ad +âĸ Ī +l ers +the re +ĠG i +Ġval uable +AC K +ĠT aylor +Ġl iquid +ĠAtt orney +ĠCar l +ĠF inal +ag a +ĠWil son +B ecause +ĠProf essor +ak a +Ġincred ibly +r ance +! ) +R ef +s k +Ġsol utions +Ġatmosp here +Ġbl ame +um es +ĠN ob +C A +um ps +r ical +ĠPut in +ĠD est +or ic +ĠP A +Ġrespect ively +w an +Ġfif th +â Ħ¢ +ĠC ry +Ġgovern or +res ident +Ġpurch ased +Ġh ack +Ġint ense +ob s +Ġorig in +Ġdef ine +Ġcare ful +** * +Ġshould er +Cl ick +Ġt ied +Ġdest ruction +ou red +Ġno body +Ġh o +ĠEx per +Ġt ip +" ; +Ġtechn ique +Ġj ur +ĠP ok +b ow +Ġleg end +Ġacc ord +Ġbus y +ĠInt el +Ġh ang +ak i +. ] +âĢĶâĢĶ âĢĶâĢĶ +Ġsur gery +Ġrep rodu +Ġun iform +Ġscen es +c ode +Ġ6 2 +l isher +ĠH ave +ph ia +Ġcry pt +Ġrec on +Ġsc ream +Ġadop ted +Ġsc ores +N e +ĠIt alian +in cluding +B O +Ġindic ated +Ġent ertain +G u +T ext +i el +Ġtw enty +Ġeng age +off s +ĠPac ific +Ġsm ile +Ġperson nel +Ġto ler +Ġdo ors +Ġt one +Ġmach ines +Ġent ering +ten ance +C O +ĠJer sey +Ġfore st +Ġhor se +Ġcompl aint +ĠSpr ing +y o +ĠPl us +ed ing +ĠRet urn +qu arters +ial s +c ow +Ġacad emic +Ġf ruit +Ġ199 6 +og ether +Ġw ine +Ġpur su +ĠSte ven +Ġlic ens +Wh o +Ġclot hes +re ction +Ġsqu ad +Ġst able +Ġr aw +z ens +St ar +ut ies +anc er +Ġke ys +ĠM u +Ġcompl icated +ig er +ĠTe xt +Ġabs or +Ġ6 8 +Ġfun ny +Ġrel ief +ĠL ew +ĠC ook +Ġch art +Ġdraw ing +G E +Ġmod ule +ĠB ull +I LL +Ġs alt +0000 0000 +il le +Ġres ource +aw ay +adel phia +ĠB ru +Ġ6 7 +Ġsome body +Ġparticip ate +Ġro se +we red +Ġmus cle +Ġcons ent +Ġcontin uing +ĠGuard ian +ĠOr der +reg on +Ġre ar +Ġprov ision +Ġlik ed +ri ent +Ġb ra +Tr ans +Ġmeet ings +Ġto x +Ġcon vent +Ġaut o +Ġrec ording +ĠSo ft +00 1 +ĠR oll +Ġprogram ming +Ġp ic +Ġprov ed +Ġst ab +ĠA st +Ġca ption +ul ating +ĠAtt ack +Ġnew ly +Ġ199 7 +f r +Ġdis cipl +ĠGree k +Ġed ition +ĠDo es +ĠB ox +if le +ack et +Ġpass es +Ġgu est +Ġac celer +it als +U D +Ġaut hent +ĠR est +ov al +t a +u ine +Ġarm or +ĠT own +Ġcomp at +Ġinc hes +Des pite +Ġass ign +he rent +Ġprep are +ĠM eg +oc key +Ġdep ends +Ġtrack s +w atch +Ġl ists +ĠN orthern +Ġal ter +re c +ĠE astern +Ġcond em +Ġevery where +? ' +Ġaff ili +Ġf ought +": {" +Ġm ac +it arian +Ġsc ope +ĠA L +aw s +ar ms +Ġqu e +Ġenjoy ed +nes ota +Ġagg ressive +ĠSt ory +ĠI V +Ġrec ipe +Ġrare ly +ĠMed ical +val ue +ang el +ay ing +omet hing +Ġsub section +Ġs outhern +Ġfrequ ency +re te +roll ed +ult s +ĠN ic +Ġbeh alf +Ġsequ ence +ab et +Ġcontrovers ial +Ġcomp rom +Ġwork er +Ġmain ly +Ġal gorith +ĠM ajor +or ce +g ender +Ġorgan ized +Ġf ake +Ġconclud ed +ĠE D +ĠEx ec +r age +Ġch ances +ber ry +ĠTr ad +Ġconfig uration +Ġwithd raw +Ġf ro +ud es +ĠBro ther +ĠB rian +Ġtri es +Ġsam ples +Ġb id +ĠGold en +Ġphot ograph +if est +ĠD O +ĠPar liament +******** ******** +R em +Ġcont est +Ġsign ing +p x +ĠZ eal +âĶĢ âĶĢ +E ar +Ġex it +Be fore +ĠCor por +n ull +mon th +Ġrac ial +ott ed +ĠV eg +ĠRe uters +Ġsw ord +ps on +ĠRom ney +a ed +Ġt rib +Ġin ner +Ġprot ocol +ĠB i +ĠM iami +ever al +p ress +Ġsh ipping +ĠAm endment +ĠHow ard +con nect +ĠD isc +ĠJ ac +iam ond +ĠThere fore +s es +ĠPrin cess +ĠUS B +ĠAn th +Ġsurve illance +Ġap olog +Ġ6 1 +ow a +Ġf ulf +j s +Ġl uck +ust ed +Ġ § +n i +Ġant icip +em an +Ġwin ner +Ġsil ver +ll a +ic ity +Ġunus ual +Ġcr ack +Ġt ies +e z +Ġpract ical +Ġprov ince +ĠPl ace +Ġprior ity +IC E +Ġdescrib es +Ġbr anch +F orm +ask a +miss ions +b i +Ġp orn +ĠTur k +Ġent hus +Ġf ighters +Ġ0 8 +ĠDet roit +Ġfound ation +av id +A re +Ġjud gment +cl ing +Ġsol ve +ĠDes ign +W here +hes is +ĠT ro +a fter +Ġne utral +ĠPalestin ian +ĠHolly wood +Ġadv is +ĠN on +y es +ol is +Ġrep utation +Ġsm ell +Ġb read +ĠB ul +ĠBe ach +Ġclaim ing +Ġgen etic +Ġtechn ologies +Ġupgr ade +row s +Ġdevelop er +ĠJ osh +ĠDis ney +erv ed +ip al +Ġun ex +Ġbare ly +t hen +ĠP ub +Ġill ness +et ary +ĠB al +Ġp atch +Ġbut t +Ġst upid +ĠD og +ĠD allas +f ront +ie ce +Ġprot ests +Ġch at +oen ix +Ġw ing +Ġpar liament +Ġ7 7 +ose xual +Ġre nder +pt ions +ĠCo ast +os a +ĠG reg +h op +ĠMan agement +Ġbit coin +Ġrec over +Ġincor por +or ne +ĠUs ing +Ġpre ced +Ġthreat ened +Ġspirit ual +ĠE vent +ĠF red +Ġadvert ising +Ġimprove ments +ĠC ustom +Ġer rors +Ġsens itive +ĠN avy +Ġcre am +L ook +Ġex clusive +Ġcomp rehens +Ġde leg +Ġcon ce +Ġrem em +Ġstruct ures +Ġst ored +N D +Ġ1 000 +U P +ĠB udd +A F +w oman +ĠAcad emy +ð Ł +se a +Ġtem porary +Ab out +es ters +Ġtick ets +Ġposs ess +in ch +o z +Ġl a +Ġcontract s +Ġun p +Ġc ig +ĠK at +ult ural +as m +Ġmount ain +ĠCapt ain +St ep +m aking +ĠSp ain +Ġequ ally +Ġl ands +at ers +Ġreject ed +er a +im m +ri x +C D +Ġtrans action +g ener +less ly +Ġ| | +Ġc os +ĠHen ry +Ġprov isions +Ġg ained +Ġdirect ory +Ġra ising +ĠS ep +ol en +ond er +Ġcon sole +in st +Ġb om +Ġunc ertain +1 50 +ock ing +Ġmeas ured +Ġpl ain +Ġse ats +Ġd ict +S L +af e +Ġest imate +iz on +at hered +Ġcontribut ed +Ġep isodes +omm od +G r +AN T +Ġ6 9 +G ener +Ġ2 50 +vious ly +rog en +Ġterror ism +Ġmove ments +ent le +oun ce +ĠS oul +Ġpre v +ĠT able +act s +ri ors +t ab +Ġsuff er +Ġn erv +Ġmain stream +ĠW olf +Ġfranch ise +b at +Ġdem ands +Ġag enda +Ġdo zen +Ġclin ical +iz ard +ĠO p +t d +Ġvis ited +ĠPer haps +Ġact or +Ġde lic +Ġcont ribute +Ġin ject +ĠE s +ac co +Ġlist ening +Ġcon gress +epend ent +Ġprem ium +Ġ7 6 +ĠIr ish +Ġass igned +ĠPh ys +Ġworld wide +Ġnarr ative +ot ype +m ont +b ase +ĠB owl +ĠAdminist ration +Ġrel ation +ĠE V +C P +Ġco vers +Ġ7 8 +Ġcert ific +Ġgr ass +Ġ0 4 +pir acy +ir a +Ġengine ering +ĠM ars +Ġun employ +ĠFore ign +st ract +Ġv en +Ġst eal +Ġrepl ied +Ġult imate +Ġtit les +d ated +Ġj oy +a us +Ġhy per +ak u +Ġoffic ially +ĠPro duct +Ġdifficult y +per or +Ġresult ed +rib ed +l ink +wh o +~~ ~~ +ĠSpe ed +ĠV iet +W ind +ĠBar ack +Ġrestrict ions +ĠSh are +Ġ199 5 +ition ally +Ġbeaut y +op t +Ġm aps +ĠC R +ĠN ation +ĠCru z +W ill +Ġelectric ity +Ġor g +Ġb urd +Ġviol ation +Ġus age +Ġper mit +ĠCh ron +ĠF ant +Ġn aturally +Ġ0 7 +Ġth rown +ĠAw oken +Ġal ien +ĠHer o +ĠK ent +ĠR ick +ri ke +Ġp ace +}, {" +G L +Ġpo ison +ĠT ower +Ġform al +al ysis +Ġgen uine +Ġk il +a ver +Ġproced ure +ĠPro p +intend o +ĠM ain +as ant +Ġtr ained +G ame +ĠL oad +ĠM A +Ġcru cial +Ġle ts +ĠF R +Ġch ampion +1 01 +ĠCon ference +Ġwrit ers +Ġconnect ions +Ġo kay +ir ms +ĠR and +Ġenc ounter +ĠB uff +Ġachie ved +Ġche cks +isc ons +Ġassist ant +Ġwhen ever +ĠA ccess +ĠU r +b in +Ġcl ock +is p +op her +Ġb orrow +Ġm ad +Ġperson ality +on ly +IS T +ab ama +Ġg ains +Ġcommon ly +Ġter r +Ġhyp ot +Ġre ly +Ġt iss +iscons in +Ġrid ic +f unction +ĠO regon +Ġun com +r ating +el and +ĠN C +Ġm oon +ann on +Ġvulner able +ut ive +³³ ³³ +ĠRad io +Ġw estern +se ct +ĠT ony +Ġocc urs +ĠO s +ĠH on +Ã Ń +Ġv essel +ĠScot land +Ġdiscrim ination +Ġsubsequ ent +st ring +Ġfant asy +ĠSh adow +Ġtest im +W E +it i +r as +Ġbo at +Ġmar ks +Ġord inary +Ġre n +Ġrepresent ative +Ġpet ition +Ġ7 3 +Ġad venture +Ġign ore +ĠPhil adelphia +ĠS av +V P +Ġfact ory +Ġt asks +Ġdep ression +z ed +................ ................ +ĠSt orm +Ġc ogn +Ġelig ible +Ġredu cing +v ia +Ġ0 5 +Ġstri king +Ġdoll ar +h o +O V +Ġinstr ument +Ġphilosoph y +ĠMo ore +ĠA venue +Ġrul ed +ĠFr ont +IN E +ĠM ah +Ġscen ario +ĠNAS A +Ġen orm +Ġdeb ut +Ġte a +T oday +Ġabs ence +S im +Ġh am +le ep +Ġt ables +ĠHe art +M I +K e +re qu +V D +m ap +Ġchair man +Ġp ump +Ġrapid ly +v i +Ġsubstant ial +E P +d es +ch ant +ili pp +ĠS anta +ri ers +anche ster +L oad +ĠC ase +Ġsa ving +Ġ7 4 +ĠA FP +er ning +oun ced +ĠMin nesota +ĠW as +Ġrec ru +Ġassess ment +ĠB ron +U E +Ġdynam ic +Ġf urn +ul ator +Ġprop ag +h igh +Ġacc ommod +Ġst ack +ĠS us +w rit +Ġre ven +ĠGod d +ĠZeal and +ab s +Ġbr ut +Ġper pet +h ot +Ġhard ly +ĠB urn +ãĤ ¹ +Ġst y +Ġtrans actions +Ġg ate +Ġsc reens +Ġsub mitted +Ġ1 01 +Ġlangu ages +ugh t +em en +Ġfall s +Ġc oc +Ĥ ¬ +Ġstri kes +p a +Ġdel iber +ĠI M +Ġrel ax +ann els +ĠSen ator +Ġext rem +Ġ} , +ĠDe b +Ġbe ll +Ġdis order +c ut +Ġi OS +Ġl ocked +Ġem issions +Ġshort ly +" ] +ĠJud ge +ĠS ometimes +Ġr ival +Ġd ust +Ġreach ing +F ile +¯¯ ¯¯ +ino is +ĠJ ason +Ġs atell +are t +Ġst ations +Ġag ric +ĠTechn ology +com es +ĠUn fortunately +ĠChild ren +Ġappl ies +ast ed +Ġan ger +ail ability +ĠDam age +Ġcomp are +ĠStand ard +Ġaim ed +ĠB a +angu age +Ġreg ulation +Ġj ury +Ġair port +Ġse ctions +ĠPr ince +em ed +Ġmedic ine +Ġh itting +Ġsp ark +ol ves +Ġad s +St ate +Ġfood s +Ġrepl acement +Ġch icken +Ġlow est +Ġmind s +Ġinvol ves +u i +Ġarr ang +Ġproced ures +ĠWh ich +ivers ary +Ġb ills +Ġimprove ment +Ġin ev +Ġexpect ations +Ġintellect ual +Ġsp aces +Ġmechan ism +2 50 +bre ak +ĠZ e +ĠT enn +ĠB alt +Ġbar rel +Ġstat ic +man n +Pol ice +Ġt ips +Ġhand ling +c us +od ed +il ton +ir y +Ġjournal ists +our se +Ġcom ic +Ġnom ine +IT Y +Ġvers us +Ġlo op +Ġsur f +ĠInd ust +ĠHun ter +Ġbelief s +is an +Ġset up +Ġbre w +im age +Ġcomput ers +f ol +} ," +ĠMed al +Ġtax p +Ġdisplay ed +Ġg rav +Ġf iscal +M on +ĠMos cow +ĠK ong +ĠCent re +Ġcamer as +ĠMr s +ĠH ay +Ġa ver +ĠK elly +p y +Ġrequire ment +Ġent itled +omb ie +Ġsh adow +ag ic +ĠA k +Ġel ite +Ġdiv ided +Ġhead ing +Ġcop ies +Ġloss es +Ġv it +k ed +ĠB ry +Ġan s +ĠSte am +Ġrep orter +he im +ĠIt em +Ġsuper ior +d on +ere nt +à ¶ +Ġtherap y +Ġpe ak +ĠMod el +Ġl ying +Ġg am +z er +r itten +Ġrespons es +Ġconsider ation +ĠB ible +Ġl oyal +Ġinst ant +Ġp m +ĠFore st +à ¼ +Ġext end +Ġconv icted +Ġfound er +Ġconv in +ĠO ak +che ck +Ġsch olars +p ed +Ġover se +T op +c ount +ĠAr k + · +Ġ0 6 +ĠL A +m d +ĠLat in +im ental +ĠC PU +Ġsubst ance +Ġminor ity +Ġmanufact uring +E r +ocol ate +Ġatt ended +ĠMan ager +r ations +Ġappreci ate +om y +GB T +id ency +B L +Ġguarant ee +pos ition +Ġo cean +clud e +Ġhead ed +Ġt ape +Ġlo ose +Ġlog ic +Ġpro ven +Ġsp ir +Ġad mit +is a +Ġinvestig ate +Ġ199 4 +sy lv +ĠL ost +c est +Ġ7 1 +Ġrequest ed +Ġwind ows +ĠPok é +ĠWith out +M et +Ġbehavi our +Ġread er +Ġh ung +ĠKe ep +Ġro les +Ġimplement ed +Ġbl ank +Ġserv es +ĠJ ay +Ġc ited +ĠF riend +prof it +ap on +Ġrep air +it em +arr ass +Ġcrit ics +ad i +ĠF ather +Ġsh out +Ġf ool +Ġ8 8 +Ġprodu cing +Ġl ib +Ġround s +Ġcirc le +Ġpre par +Ġsub mit +Ġn ic +mor row +ãĥ « +U nder +Ġv ital +ater n +Ġpass word +Ġpublic ation +Ġprom inent +Ġspeak s +Ġb ars +Ġde eper +ĠM ill +port ed +Ġw id +Ġbut ter +Ġsm oking +Ġindic ates +K ey +rop ri +ĠF ile +all ing +ast ing +ĠR us +Ġad j +Ġ7 9 +av al +Ġpres um +bur gh +on ic +Ġf ur +Ġpoll s +ik a +Ġsecond ary +Ġmon ster +ig s +ĠCur rent +E vent +Ġowners hip +end ar +Ġarri ve +ĠT ax +Ġn ull +ĠPri v +Ġth ro +Ġk iss +c at +Ġup set +ang le +it ches +ect or +olog ists +ĠGal axy +Ġcor ruption +Ġh int +ent er +ĠH ospital +Ġgreat ly +Ġbeg un +es y +Ġso il +ĠAnt on +Ġmain tenance +ãĥ © +Ġdo zens +Ġhuman ity +ĠAl abama +Ġr om +w orth +ap ing +sylv ania +l ah +Ġg athered +G A +Ġattack ing +f ound +ĠSqu are +Ġar bit +ict ions +ĠW isconsin +Ġd ance +ĠS aint +arch y +Ġbase ball +Ġcontribut ions +Ġliter ature +Ġex ha +per ty +t est +Ġb ab +Ġcontain er +let ter +Ġfall en +Ġwebs ites +Ġbott le +ĠS ac +Ġbre ast +ĠP L +Ġveter an +Ġinterview s +ĠA le +Ġb anned +eng ers +ĠRev olution +in th +Ġconc erning +IV E +Ġexp enses +ĠMatt hew +ĠColumb ia +d s +ist ance +Ġent ity +.. ." +Ġrel iable +Ġpar alle +ĠChrist ians +Ġopin ions +Ġin du +l ow +Ġcompet e +Ġth orough +Ġemploy ed +Ġestablish ment +ig en +ĠC ro +Ġlawy ers +ĠSt ation +T E +ĠL ind +ĠP ur +it ary +Ġeffic iency +âĢ IJ +ĠL y +Ġm ask +Ġdis aster +Ġag es +ER E +es is +ĠH old +Ġcas ual +b led +Ġen abled +ĠEn vironment +ĠInt elligence +i per +ĠM ap +ĠB E +Ġemer ged +is dom +Ġc abin +Ġregist ration +Ġfing ers +Ġro ster +Ġfram ework +ĠDo ctor +et ts +Ġtransport ation +Ġaware ness +H er +Ġattempt ing +O ff +ĠSt ore +ÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤ +ĠK now +Ġdef ence +Ġsc an +ĠT en +ĠCh air +ĠP H +ĠAtl anta +Ġfuck ing +Ġans wered +b n +ĠK ar +Ġcateg ories +Ġr ational +Ġc ust +Ġrob ot +Ġcorrect ly +Ġg if +Ġgraph ics +m ic +Ġground s +ĠO pp +i ate +Ġdist ributed +Ġsan ctions +Ġchalleng ing +ut o +Ġingred ients +Ġinv ited +Ġfound ed +ĠRe qu +d ed +Ġb owl +Ġbrother s +ĠH a +I O +Ġw ages +im ore +oc ial +Ġse ed +ative ly +Ġaddress es +ĠI owa +ab eth +Ġatt itude +is d +ch ild +Ġm ole +Ġdisco very +y ard +B r +Ġ8 2 +Ġsuppl ies +ell ing +Ġdist ingu +C R +Ġre cept +Ġ vert +Ġsw im +b ec +d oor +ĠY eah +Ġg al +Ġinter act +ĠE SP +ĠC S +amp s +Ġconvin ced +Ġobject ive +Ġdis h +ĠPhot os +l ad +Ġdownt own +o il +in ction +Ġto morrow +ĠC OM +Ġsurv ival +sh ot +Ġsett lement +C ons +ĠX box +int erest +ĠS M +arg o +en ess +Ġeth nic +b ered +M in +ĠT ok +Ġinc ent +ĠComm and +Ġmain tained +Ġbreak s +br idge +at ar +ag g +ĠF inally +un icip +ĠO nt +le ft +Ġrecogn ition +Ġ* / +ĠP ers +Ġwe lf +Ġaddress ed +ĠK ansas +Ġvir us +Ġwhere as +Ġp apers +ram s +ĠMin istry +Ġple asure +Ġacqu ired +Ġd uration +j pg +Ġcal m +ĠN HL +Ġburn ing +Ġfold er +ick ed +ĠP y +ĠIll inois +Cl ass +ĠGodd ess +Ġperform ing +Ġwelf are +j ar +In ter +Ġl in +Ġenh ance +Ġnot ion +f are +yp es +ĠAre a +Ġcann abis +ĠDie go +f s +ĠM anchester +com m +in ite +Ġcover ing +ĠS ound +Ġ19 60 +Ġ8 4 +e lect +z ing +Ġcitiz en +Ġph ones +Ġr aid +Ġign ored +ĠOb ject +Ġu pload +c ard +Ġmod ified +Ġroom s +ia h +r ange +he ast +ach us +Ġsuggest ing +âĢ ĭ +gr ade +E l +Ġclot hing +Ġr h +ĠH an +un ity +en cing +ĠAust in +sec ution +t ra +d em +ĠQ ual +Ġhe aven +Ġst ages +Ġw edd +pl us +ific ial +ĠIm m +ĠH o +iet ies +Ġphr ase +Ġbr ill +act ory +Ġprov iders +Ġsil ence +Ġa er +ĠA I +ĠAd venture +Ġplatform s +Ġdemonstr ated +Ġinter f +ing ton +Ġr aces +Ġgr ade +ult ane +ĠTh rough +f alse +Ġb ow +ĠA B +Ġfl avor +Ġhistor ic +g ov +Ġcol our +Ġview ed +ĠEm ail +el come +Ġinter vention +Ġd iversity +Ġperiod s +Ġre verse +ĠV ery +Ġqu ote +ĠLe ft +th rough +Ġsc rew +Ġland ing +Ġp ill +Ġw et +Ġprot esters +Ġrepe at +av ed +er k +Ġsal ary +ĠPenn sylvania +St ill +Ġmay or +Ġkit chen +Ġfeat uring +ĠM useum +ĠT ournament +ĠF al +Ġser vers +U C +Ġany body +im g +ĠTr ade +ixt ure +the less +Ġfin ance +Ġcl osing +ĠPat ri +i ac +ab el +Ġ> > +or ous +Ġf irms +sc reen +un a +Ġemb arrass +ul se +Ġlet ting +Ġth rew +ile y +Ġch annels +l an +ĠVeg as +Ġse ar +Ġfant astic +ar re +uzz le +ĠD er +Th ose +Ġsw ing +Ġshe et +ind ex +co ver +og an +Ġvari ables +ĠTe ch +Ġsp oken +ac hel +ĠD a +ĠMount ain +Ġload ed +Ġfoot age +vers ion +Ġun l +ĠPh oenix +Ġthrow ing +Ġf iring +Ġtrack ing +Ġw idth +Ġstrugg ling +ro oms +ot ion +Ġmonth ly +ĠSer ver +Ġegg s +op en +M C +Ġ199 3 +Ġh ired +Ġstay ed +ĠAll en +Ġst ro +Ġ9 8 +st ep +ĠTurk ish +Ġfab ric +ist ing +ĠD om +Ġd ates +Ġpr on +Ġbasket ball +Ġl ucky +ĠArab ia +Ġassum ed +est y +Ġaff airs +Ġgl ad +ĠInd eed +ĠF A +ĠW ord +Ġjo ining +if ice +p read +ir ts +ĠSe lect +Ġpop ulations +aw are +Ġn ose +Ġcompl aints +st art +Ġsc oring +Th anks +Ġmin ing +Ġvisit ors +S H +Ġdam aged +Ġcharacter istics +ĠP ent +D C +Ġ8 3 +ĠS ix +r ates +Ġfl ags +ĠB rew +d og +M ark +// // +Ġexec ution +Ġj oke +ph ones +Ġtestim ony +Ġob st +Q L +ĠC ut +Ġstud ied +ĠN intendo +ick et +ĠN BC +Ġl ad +ĠB ra +ĠM oh +Ġk ernel +Ġoverwhel ming +Ġag ed +Ġapplic able +ĠC ond +Ġroad s +ĠBl ock +m ade +od ge +Ġcomm ands +Ġoff ices +vel and +Ġt ut +Ġrece iver +ĠF ro +Ġsho pping +Ġi P +ĠSt re +ĠA BC +Ġentertain ment +ĠB ow +ort ed +M c +Ġread s +gr ad +ĠCol lect +Ġâ ĪĴ +ĠCap ital +eder ation +Ġemploy er +Ġinvolve ment +Ġanx iety +al ia +Ġro of +ĠAm ong +ĠDemocr at +Ġstat s +ĠV ill +Ġconst itutional +Ġrefer ring +itt y +Ġtack le +out ube +Ġback ed +ĠH ong +ĠBro ad +Ġe le +ĠO tt +Ġ199 2 +h our +achus etts +C al +Ġdefe ated +Ġ8 1 +es p +Ġseem ingly +w as +ĠJ enn +ĠK urd +Ġg ene +Ġdisc ount +R et +EC T +( ); +Ġclub s +Ġs id +ĠM arsh +Che ck +Ġp p +ĠE ag +ides pread +Ġbe ings +F T +Ġintrodu ction +ĠCh ange +AR D +Ġ1 10 +ad ows +ier ce +Ġme al +a uthor +ĠB ang +lah oma +Ġr anks +201 1 +?? ?? +m ax +Ġcoll apse +Ġop ens +Ġe cho +Ġs oph +Ġrac ist +Ġenorm ous +Ġw aves +Ġt ap +Ġcomprehens ive +. -- +ĠR oy +Ġfarm ers +Rel ated +a ired +ron es +ĠC rim +Ġproport ion +Ġdesign s +Ġnegoti ations +Ġvirt ually +ĠBat man +Ġwar n +Ġlegit imate +m ate +Ġcon vention +, , +net ic +ĠS D +Ġconsist ently +Ġcompens ation +Ġpunish ment +Ġy e +Ġt ie +ĠB ureau +ir lf +ĠB u +ĠA ren +ĠPh ilipp +Ġkn ife +Ġmem ories +ĠR oss +Ġang le +Ġ8 6 +ĠTh under +Ġre nd +ĠT our +Ġcount s +s ung +ĠIm p +Ġeduc ational +Ġaccess ible +C OM +Ġd rew +y er +G l +am ine +OR T +O B +I B +m aster +Ġtri als +og y +h ar +ĠTr ust +Ġprefer red +irlf riend +ĠN ev +Ġb in +Ġc ow +P age +Ġsign ature +ĠB L +7 00 +Ġret ired +Ġby tes +Ġneigh b +ĠLeg end +Ġdev ast +Ġsuspect ed +is ons +ĠPoké mon +sc ale +Ġcap abilities +Ġre vel +Ġche ese +d y +igr ant +Ġfail ing +b its +ĠHer oes +ĠG host +ĠS cient +Ġappoint ed +ur i +Ġinst itution +Ġexpand ed +g reg +Ġmonitor ing +Ġp odcast +Ġcoal ition +Ġ9 6 +J o +Ġst olen +ĠS ab +Ġstop s +Ġhol iday +Ġint r +C ar +Bl ack +ĠL GBT +Ġwar ming +ĠAnd erson +Ġ8 9 +Ġprodu cer +M ed +Ġaccur acy +ĠMar vel +iz abeth +ĠPat rick +m ony +Ġmin i +ac les +Ġover t +the y +Ġmembers hip +ĠV en +Ġex ch +Ġrem oval +ĠD ave +T Y +m ad +ĠF ind +Ġad equ +Ġe c +Ġte eth +Ġemot ion +Ġper m +Ġsole ly +d b +Ġextra ord +IG HT +c al +Ġgu idelines +Ġd ying +Ġsusp ended +ĠPrem ier +ĠAnth ony +el ve +Ġd ad +ĠE th +ĠFoot ball +Ġabandon ed +Ġ< < +Ġm arch +Ġhor ror +â̦ " +Ġchild hood +Ġcampaign s +Ġl unch +ĠAl bert +bl ock +âĸĪ âĸĪ +ound ing +Ġb one +or gan +ad ers +ĠFl ash +ĠDri ve +Ġton ight +Ġw ars +ĠF L +Ġform ation +con st +New s +Ġcom pe +or ious +ĠSt aff +Ġdiscuss ions +ĠProt ection +ĠJ am +Ġcrit eria +Ġinstall ation +Ġaccompl ish +iz za +Ġpub lisher +Ġresc ue +ĠT ry +U LL +ĠS om +ĠH op +ore t +th s +ord on +Ġp ocket +ĠIn v +Down load +ĠCr ime +Ġb ene +ĠGu ide +ĠAs sembly +Ġparam eters +I E +ĠAlex ander +Ġconc ert +ĠSc he +Ġsh oes +Ġvis iting +Ġrec all +Ġb ub +Ġr ural +Ġconc rete +ĠR os +N ext +R uss +Ġlo ans +ĠSh ield +Ġtre m +hem at +k g +ĠHar ris +is ition +ĠM ove +ĠF C +Ġf ate +ĠCh o +Ġt ired +Ġprinc ipal +h ist +ien ces +ath y +Ġse vent +Ġm ood +Ġstrateg ic +Ġdise ases +Ġfor um +Ġtem por +Ġhead quarters +P ar +ig e +fl ix +Ġgu itar +Ġ9 4 +On ly +Ġrele ases +ro ph +================ ================ +Ġ6 00 +ĠContin ue +ig ate +ĠC rit +sy stem +Ġdis abled +Ġunex pected +ith ub +Ġuncle ar +ĠE st +Ġcontr ad +Ġstrateg ies +vent ures +Ġpass age +AM E +Ġimpro ving +Ġreve als +Ġdecre ase +ov a +Ġann oy +ĠSh ort +ĠL ibrary +Ġcy ber +n ell +ĠH ur +ĠC B +Ġphot ograp +U I +Ġs ed +G e +Ġ8 7 +Ġd iverse +Ġencour aged +Ġcons piracy +Ġbird s +Ġoper ator +Ġhand ful +Ġclass ified +? ) +Ġdram atic +Ġinvestig ators +it o +Ġw idespread +ĠR oom +-------------------------------- -------------------------------- +Ġcollect ive +Ġjournal ist +St ring +Ġtemper atures +il a +Ġgu id +Ġins pect +Ġmiss ile +ĠMay or +Ġman ual +Ġsim ultane +Ġrat ings +Ġsu ck +Ġ9 7 +Ġunivers al +Ġph arm +Ġdis rupt +ian o +A V +Ġf t +Ġstat ist +old s +ĠWalk er +ph p +Ġunder t +ĠL as +ish op +nt il +res hold +ĠWhe ther +M s +Ġden y +ĠCl oud +Ġprov ider +Ġsurv iv +ĠUp date +h as +Ġmist akes +ch arge +pl ed +r ity +Ġn ode +ĠMass achusetts +ool s +lic ation +Ġf ails +em ale +or i +back s +Ġsh irt +Ġ' ' +ĠN AT +Ġwat ers +els on +Ġe ase +Ġsc ar +Ġcont ents +m ind +Ġcont ribution +Ġsh r +Ġhand ed +Ġst ability +Ġtra ve +E m +Ġmir ror +12 3 +Ġwe igh +Ġf iction +ou ver +ist ant +r ition +ĠF ed +Ġphys ically +Ġst ake +ĠArt icle +ĠAr c +ĠLew is +ĠM ind +Ġdemonstr ate +Ġprof its +v ision +om ic +ol id +Ġbatt les +Ġdri ves +Ġeas tern +ĠS ony +!! ! +ar ation +v ard +ĠG L +port ation +Ġ9 2 +Ġlaw makers +Ġprotect ing +ĠE PA +Ġy eah +Ġsh ame +ol ph +e ven +x it +Ġatt ach +Ġrepresent ing +Ġob s +ĠUt ah +iff s +ĠFre edom +à ³ +A K +Ġinc idents +it age +Ġview ers +c d +Ġm ouse +Ġcl ar +Ġaccord ance +Ġb ot +c or +ĠSum mer +he ld +Ġinnoc ent +Ġiniti ative +ol s +________________ ________________ +Ġsp ots +p ace +Ġconvent ional +Ġcorpor ations +Ġblock ed +H D +at tered +Ġref ers +Ġbu ck +ĠDig ital +12 0 +Ġtop ics +T F +Ä ģ +br id +re ement +Ġunder lying +ĠM ember +Ġinvestig ating +Ġpregn ancy +Ġtouch down +ĠB and +ĠCall er +Ġinst ances +P P +w a +G ood +Ġ199 1 +ĠC old +Ġfear s +Ġrem arks +Ĩ Ĵ +at al +Ġm it +Ġexper iments +i pt +Col or +ind u +Up date +Ġ9 3 +A g +Ġ å +anc ouver +B oth +Ġjud ges +Ob ject +Ġst ere +umb n +Ġparticip ation +ĠSt ars +ĠJ ere +Ġweek ly +ĠB an +Ġconvers ations +ĠP itt +u z +ĠIndian a +ĠK ick +Ġinf ection +Ġhero es +Ġsett led +Ġstri p +Ġh al +Ġd ump +ĠS ci +Ġl es +Ġref erences +ĠU RL +ĠBr idge +Ġwant ing +For ce +Ġex clus +Me anwhile +m n +Ġg entle +m aker +sen al +ĠG ro +ou ri +ĠR ain +ĠAll iance +Ġl ift +el a +S D +ĠCle veland +Ġrank ed +Ġst adium +Ġdead ly +ä ¸ +Ġr iding +ar ia +ĠAr mor +Ġdocument ation +ĠGree ce +ree k +Ġl ens +ĠS a +Ġg ross +ĠE mer +ag ers +ĠD ub +ĠR h +ĠAM D +Ġarri val +Ġdes ert +Ġsupp lement +ĠRes p +Ġkn ee +Ġmarg in +f ont +og g +201 0 +ĠP ir +ĠP rom +iv als +Ġint ake +Ġdifferent ly +ug s +Ġb its +clud ed +Ġsearch ing +ĠD u +um ble +Ġfunction al +ĠBalt imore +ĠC ould +Ġdes ired +Ġcirc uit +ĠL yn +ĠG O +ĠF alse +re pre +' : +alt ies +Ġmin im +Ġdro ve +ĠSh ould +Ġh ip +Ġpro s +Ġut ility +ĠN ature +ĠM ode +P resident +o pp +r at +form ance +Ġconcent ration +Ġf ont +ĠB ud +Ġam id +Ġre vers +ĠM L +B ar +Ġinter action +Ġjur isd +Ġspell s +d ep +f il +Ġcivil ians +ut ter +ĠCo oper +ĠBel ow +Ġent rance +Ġcon vert +Ġcontrovers y +ow ered +Ġcontr ary +Ġar c +ĠExec utive +ĠOffic er +Ġpack ages +Ġprog ressive +w idth +Ġreserv ed +v ol +ĠSam sung +Ġprint ed +Ġcent ers +Ġintrodu ce +ĠKenn edy +Ġodd s +Ġsure ly +Ġindepend ence +Ġpass engers +repre ne +ĠBe h +Ġl oves +ĠESP N +Ġfac ilit +Ġident ical +Ġdo ct +Ġpartners hip +con f +ĠH ide +Ġconf used +ĠC ow +M en +Ġw rest +ĠIraq i +Ġh oles +ĠStud ies +Ġpregn ant +h ard +Ġsign als +I X +Ġpull ing +Ġgrad uate +Ġnomine e +D ate +Ġper mitted +Ġâ Ĥ¬ +ĠOk lahoma +St art +Ġauthor ized +Ġal arm +ĠC os +v an +Ġgener ations +c ular +Ġdr agon +ĠSoft ware +ĠEd ward +Ġcontro ller +S en +ge red +ĠV ik +Ġappro ached +Th ank +Ġcan ce +Ġform ula +ĠSm all +Ġweak ness +Ġr amp +it udes +j ud +Ġbrill iant +Ġacc us +s ource +Ġ8 00 +ĠE vil +S w +Ġhom eless +we ek +i ens +r ics +ĠTh ird +T O +Ġorgan ic +Ġpresent ation +ag h +ĠDown load +v ation +Ġas sembly +or able +hold ers +ĠBern ie +ĠHel p +Ġt ong +ĠF ight +Ġbe ach +B ook +ĠL ic +Ġr ush +ĠR ound +ou p +ĠMar x +Ġcalcul ated +ĠDe vil +ĠSar ah +Ġoccasion ally +Ġbul let +Av ailable +g ate +Ġ9 1 +Ġh osp +Ġprom ises +ĠH IV +ĠSt adium +ĠSt ock +ĠCorpor ation +g age +N G +ĠC redit +Ġs ne +ib l +Ġacc um +s uch +Ġterror ists +Ġconscious ness +ĠZ h +Ġdram a +ool a +pir ation +Ġlab our +ĠN in +Ġut ter +Ġdemocr atic +Ġass ass +il ation +Ġg est +Ġab road +Ġmet ab +Ġs orts +Ġfl av +U B +Ġm g +ĠNot hing +ĠO d +Ġmus ical +200 9 +Ġdro ps +oc ated +ater al +0000 00 +Ġg re +Ġequ ality +Ġburd en +Ġv ig +ĠLe ader +-------- ---- +Ġcere mony +Ġf ighter +Ġact ors +Ġ æ +am an +F i +Ġal ign +put er +Ġe lder +ĠN SA +Ġrepresent ation +ĠOnt ario +IT H +usal em +Ġharass ment +itz er +Ġsy mp +Ġbox es +ĠD R +Ġman ifest +at re +Ġ ^ +Ġd ies +le ton +Ġmiss ions +et he +Ġres olve +Ġfollow ers +Ġas c +Ġk m +l ord +am med +Ġsil ent +ĠAssoci ated +Ġtim ing +Ġprison ers +ĠK ings +ĠF ive +Ġtow er +Ġappro aches +Ġprecise ly +Ġb ureau +ĠM other +ĠI ss +Ġkey board +it ual +Ġfund ed +Ġstay ing +Ġpsych ological +Ġm ile +ĠLe on +ĠBar b +w ill +Ġw ider +ĠAtl antic +Ġt ill +ĠR ome +ro t +Ġaccomp an +Ġfl our +ac o +W orld +ĠExp ress +ĠY u +C or +Ġple ased +part y +Ġpoint ing +Ġinf lation +Ġro y +Ġ ), +ain er +Ġwedd ing +orm on +Ġrequ iring +Ġqual ified +Ġse gment +EN D +Ġs izes +e als +Ġcor rupt +ass ador +Ġcele b +Ġdream s +ĠM ess +Ġcheck ing +ĠV ersion +Ġprep aring +Ġact ively +ĠD iff +Ġl ux +ĠW inter +act eria +ĠN E +Ġdep uty +Ġtrans gender +Ġsum mary +Ġin her +er ies +ch ar +ĠY an +Ġkn ock +ĠP ath +Ġl ip +roll er +Ġimp ression +Ġcelebr ate +Ġsl ide +Ġgu ests +Ġcl ip +F S +Ġsav ings +Ġcapt ain +Ġleg acy +ĠDen ver +Ġw ounded +tab oola +AC T +Ġpurs ue +Ġo xy +Ġ q +Ġsem i +ĠN eed +ĠAff airs +Ġob sc +Ġcheck ed +Ġd ual +C ode +ĠM D +le m +ult y +Ġ © +ĠEl izabeth +Ġcent uries +ard ed +s rc +Ġev ident +enn is +at in +Ġunemploy ment +ĠMar io +Ġint im +Ch rist +Ġbi ological +Ġsold ier +ĠAdd ed +Ġm ath +ĠG il +Ġbi as +Ġd ating +ĠO cean +Ġm ice +M us +h ire +ĠT es +Ser ver +lim ited +S ize +Ġmet ers +Ġrock et +es see +Ġcertific ate +ĠIran ian +AS S +Ġgr id +D ec +Ġro lling +com mun +ĠSwed en +b ury +Ġtiss ue +Ġrac ism +ĠL ocal +Ġmyster y +Ġexam ine +Ġst em +Ġs its +Ġhop ed +ot ing +Ġdial ogue +Ġpers u +W atch +l ay +M AN +Ġch ronic +ĠPort land +mark et +ĠS EC +Ġparalle l +Ġsc andal +Ġcar ries +Ġphenomen on +h uman +ack er +ĠO x +Ġretire ment +tain ment +ov ie +ĠG ear +Ġd uties +Ġdo se +Ġsc roll +M B +in f +Ġsa uce +Ġland scape +red dit +ĠChampions hip +ĠRed dit +al id +Ġco in +Ġover s +Ġpost ing +ab out +Ġf el +and y +Ġb old +Ġfocus ing +e ffect +G R +Ġde emed +Ġrecommend ations +Ġste pped +Ġvot er +ĠDe ep +ĠInst agram +Ġmoder ate +ĠMary land +Ġrestrict ed +ĠM B +ĠCh all +Ġto b +Ġc ir +ĠO cc +ĠE ver +Ġcoll aps +IN FO += - +ĠP ict +ĠAcc ount +n c +Ġo ught +Ġex port +Ġdr unk +( ' +Ġw ise +ĠM ort +ne cess +Ġan cest +ĠInc re +Ġfrequ ent +m ir +Ġinterpret ation +Ġdepend ent +Ġco ins +ĠB ol +V ideo +ĠJust in +Ġfat al +Ġcook ing +Ġconf usion +ip her +Ġcust ody +ĠMor gan +om ach +ĠGovern or +Ġrestaur ants +el ing +Ġacknowled ged +Ġthe r +Ġgen es +ch ing +He y +Ġtact ics +ĠMex ican +Ġv end +Ġhe s +qu er +Ġnot ing +ĠCamer on +Ġtarget ing +ro ck +Ġcred its +Ġemot ions +Ġrepresent atives +new s +Ġlegisl ative +Ġrem oving +Ġtweet ed +ĠCar ter +ĠF ixed +Ġfor cing +Ġspeak er +Ġm ales +ĠViet nam +l ined +Ġconcept s +Ġvo ices +o ir +ĠT rib +W he +ĠJer usalem +ĠS ant +Ġc ul +Ġl ady +ĠHaw ai +Ġar ts +ĠIn n +ĠMach ine +ĠEm peror +Ġsl ot +g ly +ĠPro cess +II I +Ġathlet es +ĠTem ple +ĠRep resent +Ġpres c +Ġt ons +Ġgold en +Ġp unch +ĠG R +iver pool +Ġen act +Ġlob by +Ġm os +Ġpick ing +Ġlif etime +Ġcogn itive +E ach +z o +Ġd ub +Ġcons ists +ol n +Ġf estival +am ous +Ġint ellig +w ords +ĠSm art +Ġde le +Ġl apt +Ġmag ical +ĠS in +b us +ur ities +igh th +ĠRub y +ĠS ure +ol ving +Ġj un +O ST +Ġimp osed +Ġast ron +Ġcor rel +ĠN S +ĠK it +ĠF uture +b urn +Ġimm une +oc us +Ġcour ses +ĠSt ring +Ġle an +Ġg host +Ġout comes +Ġexp ense +Ġevery day +Ġaccept able +A h +Ġequ ipped +Ġor ange +F R +ĠD utch +Th ough +ĠR ank +Q U +ĠRober ts +wh at +re nd +Ġdisapp ear +Ġsp awn +ĠL am +o is +Ġdes erve +Ġmin imal +Ġnerv ous +ĠW ould +Ġro ok +ĠV ancouver +Ġres ign +sh ire +ĠW orks +ĠB uild +Ġafford able +ĠG ary +ĠAren a +Ġh anging +Ġimpl ications +ĠS ong +Ġmain taining +Ġgu ards +C ON +Ġder ived +Ġexecut ed +Ġthe ories +Ġqu oted +ĠAnd re +og a +sel ess +in fo +ĠBel g +Ġt ears +ĠSur v +Ġbirth day +ig ious +im mer +Ġspect rum +Ġarchitect ure +Ġrec ruit +arm a +T able +Ġmon sters +ĠG ov +Ġdest ination +Ġattract ive +Ġf oss +ĠMore over +Ġpres ents +TH E +Ġrep ly +pt on +Ġc um +Ġdel ight +Ġaffect s +Ġdon ations +ĠT oy +ĠH im +M ENT +Ġover come +it ched +ĠFant asy +ĠH at +ĠBe ast +b ott +Ġinvestig ations +R un +Ġhun ting +d i +f und +Ġs essions +est yle +Ġport ray +oid s +Y eah +Ġcommun icate +Ġcom edy +ĠY ang +Ġbel t +ĠMar ine +Ġpredict ed +Pl ay +Ġimportant ly +Ġremark able +Ġelim inate +D avid +Ġb ind +V ID +Ġadvoc ates +ĠG aza +im p +D B +ĠN a +ĠSim ilar +I ES +Ġchar ity +v as +m ath +Ġâ ĸ +ok er +nd um +Ġcap s +ĠH al +2 000 +e an +Ġfle et +Ġrec re +R ight +Ġsleep ing +ij ing +k ind +Ġdesign ated +à ¤ +Ġanim ation +ke e +ĠInt rodu +Ġ/ > +Ġdelay ed +Ġtrem end +Ġcur ious +U se +Ġle ct +d am +Ġinnov ation +ĠPoint s +Ġload ing +Ġdisp ute +ct ic +ird s +ĠB Y +Ġn urs +ĠVal ue +ION S +ĠH um +Ġtem plate +m ers +Ġappear ances +ĠEnter tainment +Ġtransl ation +Ġsa ke +Ġbene ath +Ġin hib +Ġe uro +abet es +Ġstud ying +ĠM as +Ġper ceived +Ġexam ined +Ġe ager +Ġco aches +Ġim per +ch i +Ġprodu ces +" ). +ĠEvery one +Ġm unicip +Ġg irlfriend +Ġh ire +ĠV ice +Ġsu itable +op y +Ġin equ +ĠD uke +f ish +f irst +ĠO bs +Ġinter ior +ĠBru ce +ĠR y +Ġanal ys +Ġconsider able +Ġfore cast +Ġf ert +ors hip +ĠD rug +ĠA LL +: " +th ur +ĠM ail +Ġball ot +Ġinst antly +ĠCh annel +Ġp icks +Ġ198 9 +Ġt ent +ol i +Ġcivil ian +b ling +ell o +b u +Ġin ch +Ġlog o +Ġcooper ation +Ġwal ks +Ġinvest ments +Ġimp rison +ĠF estival +ĠK y +Ġleg ally +Ġg ri +ch arg +S l +Ġthreat ening +du ction +fl ow +Ġdismiss ed +ibr aries +c ap +e le +ĠMc G +ĠHar vard +ĠConserv ative +ĠC BS +p ng +Ġro ots +ĠH aving +umb led +ĠF un +\ / +ĠS earch +ple x +Ġdiscuss ing +Ġcontin u +ĠT ai +ĠW ik +F ree +f it +Ġref use +Ġmanag ing +Ġsy nd +ip edia +w alk +Ġprofession als +Ġguid ance +Ġunivers ities +Ġas semb +unt u +F inally +AS E +ĠAut o +ĠH ad +Ġann iversary +L D +ĠD ur +ĠUlt imate +ih ad +pro duct +Ġtrans it +Ġrest ore +Ġexpl aining +Ġass et +Ġtransfer red +Ġbur st +ap olis +ĠMag azine +ĠC ra +ĠB R +gg ed +ĠH E +M ich +b et +ĠL ady +yl um +erv es +Ġme ets +wh ite +L og +Ġcorrespond ing +Ġins isted +G G +Ġsurround ed +Ġt ens +Ġl ane +Ġco inc +h ome +Ġexist ed +ect ed +ĠDou ble +lam m +Ġske pt +ex p +Ġper ception +ie v +ĠBe ing +o ft +Ġadop t +. : +] ; +Wind ows +Ġsatell ite +AS H +Ġinf ant +d escription +ĠMe anwhile +c m +oc a +ĠT reat +act or +Ġtob acco +ĠN orm +em ption +Ġfl esh +Ġj e +o op +ĠHe aven +Ġbe ating +an im +Ġgather ing +Ġcult iv +G O +ab e +ĠJon athan +ĠSaf ety +Ġbad ly +pro t +Ġcho osing +Ġcontact ed +Ġqu it +Ġdist ur +Ġst ir +Ġto ken +D et +ĠP a +Ġfunction ality +00 3 +s ome +Ġlimit ations +Ġmet h +b uild +con fig +N T +re ll +ble m +ĠM om +Ġveter ans +ĠH u +Ġtrend s +are r +ĠG iven +ĠCa ption +m ay +AS T +Ġwond ering +ĠCl ark +n ormal +Ġsepar ated +Ġdes p +st ic +b rew +Ġrel ating +ĠN ik +ĠF arm +Ġenthus i +g ood +d eb +Ġactiv ist +Ġm art +Ġexplos ion +ĠEconom ic +L ink +Ġins ight +Ġconven ient +Ġcounter part +su pport +ĠV irt +ag en +ĠTenn essee +ĠSim on +ĠA ward +OC K +ĠF igure +Ġoverse as +Ġpr ide +ĠC as +n ote +m g +C urrent +Ġdispl ays +cont ent +Ġtravel ing +Ġhosp itals +ĠFin ancial +ĠP ast +Ġdefend ant +Ġstream ing +m ble +ĠBer lin +uk i +Ġdist ribut +Ġant ib +Ġch ocolate +ĠCast le +Ġinter rupt +ĠR ow +Ġconvers ion +Ġbug s +ĠR ather +li est +L Y +ĠJe an +com mon +ak h +Ġ1 30 +ot ton +ĠDe an +Ġam endment +Ġgame play +ĠWar ren +od a +Ġhigh lights +Ġir re +ĠNAT O +Ġball s +Ġdemand ing +U RE +ĠL uke +F igure +st op +on ia +z one +iz ers +ĠW R +Ġaward ed +Ġregul atory +ĠH art +ĠS N +pl ing +Ġs our +ĠP ixel +us ive +Ġf et +ĠS ent +Ġautom atic +Ġf er +vern ment +ĠKh an +T ON +f ather +Ġextraord inary +th rop +ĠP ython +ĠG PU +Ġsex ually +Ġdesk top +it ivity +ĠAnton io +Ġo rient +Ġe ars +ob by +ous es +vertis ements +Ġmanufacture rs +ic ient +min ute +Ġconv iction +Ġg arden +p ublic +Ġsatisf ied +f old +O K +Ġin hab +ĠTh ink +Ġprogram me +Ġst omach +Ġcoord in +Ġh oly +Ġth reshold +Ġr het +Ġser ial +Ġemploy ers +ĠEvery thing +ra h +Ġb other +Ġbr ands +Val ue +ĠT ed +ĠPlan et +Ġp ink +ĠFurther more +s a +P E +re ck +ĠUS D +ot te +Ġ& & +Ġland ed +g ets +Ġprodu cers +Ġhealth care +Ġdomin ant +Ġdest ro +Ġam ended +ch ron +Ġf its +ĠSy d +ĠAuthor ity +AT CH +Ġfight s +ĠL LC +Ġ-- - +ĠCor p +Ġtox ic +spe cific +ĠC orn +ĠChe l +Ġtele phone +ĠP ant +Ġmyster ious +aun ch +od ox +med ia +Ġwitness es +ag u +Ġquestion ed +ĠBre xit +ĠRem ember +ene z +Ġend orse +iat ric +ĠId ent +Ġridic ulous +1 10 +Ġpr ayer +Ġscient ist +Ġ19 50 +ĠA qu +Ġunder ground +ĠU FC +m are +ĠL ater +w ich +Ġsubsc rib +Ġhost s +Ġer r +Ġgr ants +ant om +Ġsum mon +ear ly +ĠC lear +ĠPr im +Ġsusp ension +Ġguarant eed +app er +Ġr ice +ĠSe an +ĠSh in +Ġrefere ndum +Ġfl ed +r ust +Ġ3 60 +ter y +Ġsh ocked +B R +ĠO il +ĠAll ah +Ġpart ly +Ġign or +Ġtrans mission +Ġhom osexual +ivers al +Ġhop efully +ãĤ ¤ +Ġless on +L eg +Ġ .. +Y et +t able +app ropri +re tt +Ġbo ards +Ġincor rect +Ġb acteria +ar u +am ac +Ġsn ap +.' " +Ġpar ad +t em +he art +Ġav ailability +Ġw isdom +Ġ( + +Ġpri est +ĠÂł ĠÂł +O pen +Ġsp an +Ġparam eter +Ġconv ince +Ġ( %) +r ac +Ġf o +Ġsafe ly +Ġconver ted +ĠOlymp ic +Ġres erve +Ġhe aling +ĠM ine +M ax +Ġin herent +ĠGra ham +Ġinteg rated +D em +Ġpip eline +Ġapp lying +Ġem bed +ĠCharl ie +Ġc ave +200 8 +Ġcons ensus +Ġre wards +P al +ĠHT ML +Ġpopular ity +look ing +ĠSw ord +ĠAr ts +' ) +Ġelect ron +clus ions +Ġinteg rity +Ġexclus ively +Ġgr ace +Ġtort ure +Ġburn ed +tw o +Ġ18 0 +P rodu +Ġent reprene +raph ics +Ġg ym +ric ane +ĠT am +Ġadministr ative +Ġmanufacture r +Ġ vel +ĠN i +Ġisol ated +ĠMedic ine +Ġback up +Ġpromot ing +Ġcommand er +Ġfle e +ĠRus sell +Ġforg otten +ĠMiss ouri +Ġres idence +m ons +Ġrese mb +Ġw and +Ġmeaning ful +P T +Ġb ol +Ġhe lic +Ġwealth y +Ġr ifle +str ong +row ing +pl an +as ury +â̦ . +Ġexpand ing +ĠHam ilton +Ġrece ives +S I +eat ures +ĠAn im +RE E +P ut +Ġbrief ly +ri ve +Ġstim ul +Ġ`` ( +Ġ __ +Ġch ip +Ġha z +Ġpri ze +ĠTh ings +AC E +ul in +d ict +ok u +Ġassoci ate +ock ets +y outube +St ory +ateg ory +Ġm ild +ail ing +ĠY e +O rig +ĠK a +or ig +Ġpropag anda +Ġan onymous +Ġstrugg led +Ġout rage +AT ED +ĠBe ijing +r ary +Ġle ather +Ġworld s +Ġbroad er +12 5 +id al +ĠBet ter +Ġt ear +E xt +Ġpropos als +Ġit er +ĠSqu ad +Ġvol unt +m i +D id +ĠP u +p in +Ġspeak ers +Ġb orders +Ġfig ured += ' +Ġsimultane ously +aed a +Ġcharg ing +Ġur ged +Ġcon j +25 6 +ĠG ordon +mer ce +Ġdocument ary +Sh are +it ol +ON E +ĠG arden +h att +ĠThom pson +ane ous +ap ore +Ġt anks +Ġless ons +tr ack +Ġout standing +Ġvolunte ers +Ġsp ray +Ġmanag ers +l arge +Ġcamp s +Ġart ificial +ĠR u +Ġb ags +th al +Ġcompat ible +ĠBl ade +Ġf ed +Ġarg ues +F I +Ġunf air +Ġcor n +Ġoff set +Ġdirect ions +Ġdisappoint ed +ĠCon vention +Ġview ing +M E +oc ity +Ġtown s +Ġlay ers +Ġro lled +Ġjump ed +Ġatt ribute +Ġun necess +inc oln +Ġsupp ose +ĠNet her +ch a +Ġbur ied +Ġsix th +B en +ress ing +OU R +Ġw ound +Ġcy cl +Ġmechan isms +Ġcongress ional +ĠE lement +Ġagre ements +Ġdec or +Ġclos est +ĠM it +Go ogle +} } +Ġm ixture +Ġflu id +S ign +ĠSch olar +Ġp ist +ask et +ab ling +Ġrac ing +he ro +ri el +ass y +Ġche aper +b en +Ġvert ical +amac are +ĠRead ing +g ments +Ġhelic op +Ġsacr ifice +ay a +p aren +V A +ĠL es +ĠStud io +Ġviol ations +ĠAn na +ac er +é ¾ +ĠR at +ĠBe ck +ĠD ick +ĠA CT +Ġcomp osition +Ġtext ure +ĠO wn +Ġsmart phone +ĠN A +Ġfor b +im port +Ġdef ending +il st +re r +Ġo h +ĠJere my +Ġbank ing +cept ions +Ġrespect ive +/ . +Ġdr inks +ĠW i +Ġb ands +ĠL iverpool +Ġg rip +ĠB uy +Ġopen ly +Ġreview ed +per t +Ġver ify +ĠCo le +ĠW ales +M O +Ġun pre +Ġshel ter +ĠIm perial +Ġgu i +ĠD ak +Ġsuggest ions +Ġexplicit ly +Ġsl ave +Ġblock chain +Ġcompet ing +Ġprom ising +S ON +Ġsoc cer +Ġconst itution +4 29 +Ġdist ract +ĠU ser +es ides +ĠMet hod +ĠTok yo +Ġaccompan ied +Cl ient +s ur +al og +Ġident ification +Ġinv asion +as ma +Ġindust ries +pp ers +Ġsub tle +ĠUn it +n atural +Ġsurv ived +Ġfl aw +ĺ ħ +ĠH oll +Ġdef icit +Ġtut orial +ĠCh ance +Ġarg uing +Ġcontem porary +Ġinteg ration +for ward +Ġt um +it is +Ġh iding +ĠD omin +ĠT an +ĠB uilding +ĠV in +Ġspokes person +ĠNot es +Ġemer ging +Ġprepar ation +Ġpro st +Ġsuspect s +Ġaut onom +D escription +Ġdeal t +ĠP ear +Ġstead y +Ġdecre ased +Ġso vere +ĠCl in +Ġgrad ually +ors es +ĠW AR +S erv +ãĤ ¢ +h r +Ġd irty +ĠB arn +ĠB C +Ġd il +Ġcal endar +Ġcompl iance +Ġch amber +b b +Ġpass enger +ate ful +ĠT itle +ĠSyd ney +ĠG ot +Ġdark ness +Ġdef ect +Ġpack ed +ass ion +Ġgod s +Ġh arsh +IC K +le ans +Ġalgorith m +Ġoxy gen +Ġvis its +Ġbl ade +Ġkil omet +ĠKent ucky +Ġkill er +P ack +enn y +Ġdiv ine +Ġnom ination +be ing +Ġeng ines +Ġc ats +Ġbuff er +ĠPh ill +Ġtra ff +AG E +Ġtong ue +Ġrad iation +ere r +m em +ĠExpl icit +é¾ į +Ġcou ples +Ġphys ics +ĠMc K +Ġpolit ically +aw ks +ĠBl oom +Ġwor ship +e ger +ut er +ĠF O +Ġmat hemat +Ġsent enced +Ġdis k +ĠM arg +Ġ/ * +P I +Ġoption al +Ġbab ies +Ġse eds +ĠScott ish +Ġth y +] ] +ĠHit ler +P H +ng th +Ġrec overed +ing e +Ġpow der +Ġl ips +Ġdesign er +Ġdis orders +Ġcour age +Ġch aos +" },{" +Ġcar rier +b ably +H igh +ĠR T +es ity +l en +Ġrout es +u ating +F il +N OT +w all +s burgh +Ġeng aging +ĠJava Script +ore r +li hood +Ġun ions +ĠF ederation +ĠTes la +Ġcomple tion +ĠT a +Ġprivile ge +ĠOr ange +Ġne ur +paren cy +Ġb ones +Ġtit led +Ġprosecut ors +ĠM E +Ġengine er +ĠUn iverse +ĠH ig +n ie +o ard +Ġheart s +ĠG re +uss ion +Ġmin istry +Ġpen et +ĠN ut +ĠO w +ĠX P +in stein +Ġbul k +S ystem +ic ism +ĠMarket able +Ġpre val +Ġpost er +Ġatt ending +ur able +Ġlicens ed +ĠG h +et ry +ĠTrad able +Ġbl ast +à ¤ +ĠTit an +ell ed +d ie +H ave +ĠFl ame +Ġprof ound +Ġparticip ating +Ġan ime +ĠE ss +Ġspec ify +Ġregard ed +ĠSpe ll +Ġs ons +own ed +Ġm erc +Ġexper imental +land o +h s +ĠDun geon +in os +Ġcomp ly +ĠSystem s +ar th +Ġse ized +l ocal +ĠGirl s +ud o +on ed +ĠF le +Ġconstruct ed +Ġhost ed +Ġsc ared +act ic +ĠIs lands +ĠM ORE +Ġbl ess +Ġblock ing +Ġch ips +Ġev ac +P s +Ġcorpor ation +Ġo x +Ġlight ing +Ġneighb ors +ĠU b +ar o +Ġbe ef +ĠU ber +F acebook +ar med +it ate +ĠR ating +ĠQu ick +Ġoccup ied +Ġaim s +ĠAdd itionally +ĠInt erest +Ġdram atically +Ġhe al +Ġpain ting +Ġengine ers +M M +ĠM ust +Ġquant ity +P aul +Ġearn ings +ĠPost s +st ra +ãĥ¼ ãĥ +Ġst ance +Ġdro pping +sc ript +Ġd ressed +M ake +Ġjust ify +ĠL td +Ġprompt ed +Ġscr ut +Ġspeed s +ĠGi ants +om er +ĠEd itor +Ġdescrib ing +ĠL ie +ment ed +Ġnow here +oc aly +Ġinst ruction +fort able +Ġent ities +Ġc m +ĠN atural +Ġinqu iry +Ġpress ed +iz ont +for ced +Ġra ises +ĠNet flix +ĠS ide +Ġout er +Ġamong st +im s +ows ki +Ġclim b +ne ver +Ġcomb ine +d ing +Ġcomp r +Ġsignific ance +Ġremem bered +ĠNev ada +ĠT el +ĠSc ar +ĠWar riors +ĠJ ane +Ġcou p +b as +Ġtermin al +, - +O H +Ġt ension +Ġw ings +ĠMy ster +�� �� +ĠUn like +val id +viron ments +ĠAl i +Ġn aked +book s +ĠM un +ĠG ulf +Ġd ensity +Ġdim in +Ġdesper ate +Ġpres idency +Ġ198 6 +h y +IN D +Ġun lock +im ens +Ġhand led +ĠE b +Ġdisapp eared +Ġgen re +Ġ198 8 +Ġdetermin ation +St ream +ik o +ap ters +Ġacknow ledge +J an +Ġcapital ism +P at +Ġ20 20 +Ġpain ful +Ġcur ve +Ġbom bs +st orm +ĠMet al +en cer +ĠF ig +ĠA aron +anc hes +Ġins piration +Ġexha ust +t ains +ash i +Ġdesc ript +Ġr itual +ĠChel sea +Ġpromot ion +ĠH ung +ĠW ard +iv a +ĠE T +Ġto ss +all ow +ĠFranc is +D ep +Ġhapp iness +ĠGl ass +Ġbet a +Ġstreng then +N E +o a +Ġbutt ons +ĠMur ray +Ġkick ed +Qu est +ĠT alk +ĠS everal +ĠZ ero +Ġdr one +ul k +Ġc am +ĠM obile +Ġprevent ing +Ġret ro +ĠA x +Ġcru el +Ġflo at +. ), +Ġfil ing +ĠGr ant +ĠB or +Ġr ib +Ġchampions hip +ĠM erc +Ġsty les +Ġc ake +Ġbuild s +ĠS elf +io x +Ġep ic +oy d +B el +ĠSt ew +. ( +ah u +ĠBe yond +Ġout s +Ġsol o +ĠT ree +Ġpres erve +Ġt ub +AR E +ro c +ĠIm pro +ĠW right +Ġbu nd +Ġtr aged +Ġoccas ional +b ian +Sec ond +r ons +Ġinter actions +form ed +s ing +Ġown s +Ġh ockey +Gener al +Ġlog ical +Ġexp end +Ġesc al +ĠGr iff +ĠC rown +ĠRes erve +Ġsto pping +Ġexc use +sec ond +Ġoper ated +Ġre aches +ĠMal ays +Ġpoll ution +ĠBrook lyn +Ġde lete +Ġhas h +Bl ock +ah a +âĢ ³ +Ġsh orter +p iece +> >> +ĠM ormon +t or +Ġpartic les +ĠB art +ry ption +Ġad min +Ġsqu ee +VID IA +Ġcreat or +iam eter +ic ular +N BC +Ġgrab bed +Ġn odd +Ġr ated +Ġrot ation +Ġgr asp +Ġexcess ive +ĠE C +ĠWh it +Ġinvent ory +ault s +ĠF B +Ġe cosystem +Ġbill ions +Ġvent ure +n amed +Ġdef ender +out e +Inst ead +ir able +W ar +Ġassum ption +Ġb ite +Ġearth qu +t ail +sp ace +Ġgif ts +boy s +Ġinev itable +Ġstruct ural +Ġbenef icial +Ġcompe lling +h ole +erv ation +Ġco at +o j +inc arn +ĠY ears +Ġdetermin ing +Ġrhet oric +Ġbound aries +Ġwh ites +A nt +add y +) - +ra ham +eter min +Ġhar vest +ĠCon c +Ġlapt op +ĠM atch +Ġenjoy ing +cc a +oll ar +Ġtri ps +Ġadd iction +ĠS ak +Ġpow ered +Ġc ous +ĠRuss ians +ie re +Ġret rie +qu ality +Ġdiff er +Ġking dom +ĠL aur +ĠCap itol +Ġcon clusions +ĠAl tern +ĠN av +Ġtrans parent +B ER +G roup +ĠCom plete +Ġinf er +Ġint rig +Ġins ane +R O +oph ob +is en +qu al +Mich ael +Ġm useum +ĠP ope +Ġres et +r ative +f ive +Ġagg reg +itte es +osit ory +Ġcar b +ĠRec ord +Ġdec ides +ĠF ix +Ġexcept ions +ĠCommission er +un s +ĠEnvironment al +Ġlegend ary +ist ence +Ġtun nel +k m +Ġins ult +Ġt roll +Ġsh ake +Ġdet ention +qu es +ĠCh rome +ĠF iles +Ġsub t +Ġprospect s +Ġpro l +re nder +pro of +Ġperform ances +St r +Ġh ref +ern ame +Ġachieve ment +Ġf ut +F ull +ĠLe ban +go ogle +ãĥ Ī +amp a +May be +Ġproject ed +ĠE mb +Ġcol leg +Ġa wards +Ġâ Ķ +G old +ĠBl ake +ĠR aj +if ting +Ġp ending +Ġinst inct +Ġdevelop ments +Con nect +ĠM and +ĠW ITH +ĠPhilipp ines +prof ile +Ġalt ogether +ĠB und +ĠT D +oo oo +amp ed +ip h +Ġste am +Ġold est +Ġdet ection +ul pt +Ġ ç +ĠWay ne +200 6 +f a +Ġcir cles +ĠF u +Ġdon ors +appropri ate +ĠDak ota +j amin +Ġmotiv ated +Ġpurch ases +ĠLouis iana +ĠS pl +Ġgl obe +Ġ10 5 +z ip +c all +Ġdepart ments +Ġsustain able +10 5 +ĠO P +if iers +Ġprevent ed +Ġinc omp +ĠComm ander +Ġdom inated +Ġ » +Ġinvest ed +Ġcomplex ity +Ġin cl +Ġens uring +Ġreal m +yn c +ĠInd ependent +r ained +ĠJ en +ĠFl ight +Ġat he +Ġspec ulation +ĠT E +oc ate +t ic +Ġpl aint +her ry +Ġto y +Ġ1 11 +Ġpl ates +st atus +ĠIs a +Ġdev oted +C op +ĠE S +25 5 +ur rency +M ain +Ġsl aves +Ġpe pper +Ġqu otes +Ġce iling +ĠF ish +Ġtrans formation +Ġfra ction +Ġadvant ages +Ġto ile +Ġstun ning +Ġmo ist +bre aking +s i +ĠL ocation +ĠMed ium +Ġtext s +Ġu gly +Ġb io +. âĢĶ +ĠB ased +Ġtr ains +ĠW ing +ĠAn cient +ĠRec ords +ĠH ope +Spe cial +ades h +ob i +[ / +Ġtempor arily +V er +h u +os er +Ġover night +Ġm amm +ĠTre asury +ĠV enezuel +ĠMeg a +Ġt ar +Ġexpect s +bl ack +or ph +\\ \\ +Ġaccept ance +Ġrad ar +s is +Ġjun ior +Ġfram es +Ġobserv ation +ac ies +P ower +ĠAdv anced +M ag +olog ically +ĠMe chan +Ġsent ences +Ġanaly sts +augh ters +force ment +Ġv ague +Ġcl ause +Ġdirect ors +Ġeval uate +Ġcabin et +M att +ĠClass ic +A ng +Ġcl er +ĠB uck +Ġresear cher +Ġ16 0 +Ġpoor ly +Ġexperien cing +ĠP ed +ĠMan hattan +Ġfre ed +Ġthem es +ad vant +Ġn in +Ġpra ise +10 4 +ĠLib ya +b est +Ġtrust ed +Ġce ase +Ġd ign +D irect +Ġbomb ing +Ġm igration +ĠSci ences +Ġmunicip al +ĠA verage +Ġgl ory +Ġreve aling +Ġare na +Ġuncertain ty +Ġbattle field +ia o +G od +Ġc inem +ra pe +el le +ap ons +Ġlist ing +Ġwa ited +Ġsp otted +ke ley +ĠAud io +e or +ard ing +idd ing +ig ma +ĠN eg +Ġl one +Ġ ---- +ex e +d eg +Ġtrans f +Ġwas h +Ġsl avery +Ġexpl oring +ĠW W +ats on +Ġen cl +l ies +ĠC reek +Ġwood en +Man ager +ĠBr and +um my +ĠAr thur +Ġbureau cr +Ġbl end +ar ians +F urther +Ġsupposed ly +Ġwind s +Ġ19 79 +Ġgrav ity +Ġanalys es +ĠTra vel +ĠV eter +Ġd umb +Ġaltern ate +g al +Ġconsum ed +Ġeffect iveness +.' ' +Ġpath s +ond a +L A +ĠStr ong +Ġen ables +Ġesc aped +Ġ" " +Ġ1 12 +Ġ198 3 +Ġsm iled +Ġtend ency +F ire +Ġp ars +ĠR oc +Ġl ake +Ġf itness +ĠA th +ĠH orn +Ġh ier +Ġimp ose +m other +Ġp ension +ic ut +bor ne +ic iary +. _ +ĠS U +Ġpol ar +is y +eng u +itial ized +AT A +w rite +Ġexerc ises +ĠD iamond +ot ypes +Ġharm ful +on z +Ġprint ing +st ory +Ġexpert ise +ĠG er +Ġtraged y +ĠF ly +Ġd ivid +amp ire +st ock +M em +Ġre ign +Ġun ve +Ġam end +ĠProp het +Ġmut ual +ĠF ac +Ġrepl acing +H ar +ĠCirc uit +Ġthro at +ĠSh ot +Ġbatter ies +Ġto ll +Ġaddress ing +ĠMedic aid +Ġp upp +ĠN ar +ol k +Ġequ ity +M R +ĠHis pan +ĠL arge +m id +D ev +Ġexp ed +Ġdem o +ĠMarsh all +erg us +Ġf iber +Ġdiv orce +ĠCre ate +Ġsl ower +ĠPark er +ĠStud ent +ĠTr aining +Ret urn +ĠT ru +Ġc ub +ĠRe ached +Ġpan ic +Ġqu arters +Ġre ct +Ġtreat ing +Ġr ats +ĠChristian ity +ol er +Ġsac red +Ġdecl are +ul ative +et ing +Ġdeliver ing +est one +Ġt el +ĠL arry +Ġmet a +ac cept +art z +ĠRog er +hand ed +Ġhead er +Ġtra pped +ĠCent ury +Ġkn ocked +ĠOx ford +Ġsurviv ors +b ot +Ġdemon stration +Ġd irt +Ġass ists +OM E +ĠD raft +ortun ate +fol io +pe red +ust ers +g t +ĠL ock +Ġjud icial +ver ted +Ġsec ured +out ing +ĠBook s +Ġhost ing +Ġlif ted +l ength +Ġj er +Ġwhe els +ĠR ange +umbn ails +Ġdiagn osis +te ch +ĠStew art +ĠP ract +Ġnation wide +Ġde ar +Ġoblig ations +Ġgrow s +Ġmand atory +Ġsusp icious +! ' +A pr +G reat +Ġmort gage +Ġprosecut or +Ġeditor ial +ĠK r +Ġprocess ed +ung le +Ġflex ibility +Ear lier +ĠC art +ĠS ug +Ġfoc uses +Ġstart up +Ġbre ach +ĠT ob +cy cle +ãĢ Į +ro se +Ġb izarre +ãĢ į +Ġveget ables +$ $ +Ġret reat +osh i +ĠSh op +ĠG round +ĠSt op +ĠHawai i +ĠA y +Per haps +ĠBe aut +uff er +enn a +Ġproduct ivity +F ixed +cont rol +Ġabs ent +ĠCamp aign +G reen +Ġident ifying +Ġreg ret +Ġpromot ed +ĠSe ven +Ġer u +ne ath +aug hed +ĠP in +ĠL iving +C ost +om atic +me ga +ĠN ig +oc y +Ġin box +Ġem pire +Ġhor izont +Ġbr anches +Ġmet aph +Act ive +ed i +ĠFil m +ĠS omething +Ġmod s +inc ial +ĠOrig inal +G en +Ġspir its +Ġear ning +H ist +Ġr iders +Ġsacr ific +M T +ĠV A +ĠS alt +Ġoccup ation +ĠM i +Ġdis g +lic t +Ġn it +Ġn odes +e em +ĠP ier +Ġhat red +ps y +ãĥ ī +Ġthe ater +Ġsophistic ated +Ġdef ended +Ġbes ides +Ġthorough ly +ĠMedic are +Ġbl amed +arent ly +Ġcry ing +F OR +pri v +Ġsing ing +ĠI l +Ġc ute +o ided +olit ical +ĠNe uro +å ¤ +Ġdon ation +ĠEag les +ĠG ive +T om +Ġsubstant ially +ĠLic ense +ĠJ a +Ġg rey +ĠAn imal +ĠE R +ĠU nd +Ġke en +Ġconclud e +ĠMississ ippi +Eng ine +ĠStud ios +P ress +o vers +ll ers +Ġ3 50 +ĠR angers +Ġr ou +ert o +E p +iss a +iv an +Ġse al +ĠReg ist +dis play +Ġwe aken +u um +ĠComm ons +ĠS ay +Ġcult ures +Ġl aughed +Ġsl ip +Ġtreat ments +iz able +m art +ĠR ice +Ġbe ast +Ġob esity +ĠLa ure +ig a +Wh ich +hold er +Ġelder ly +Ġp ays +Ġcompl ained +Ġc rop +Ġpro c +Ġexplos ive +ĠF an +ĠAr senal +A uthor +ef ul +Ġme als +Ġ( - +id ays +Ġimag ination +Ġann ually +Ġm s +as ures +H ead +ik h +m atic +Ġboy friend +ĠCom puter +Ġb ump +Ġsur ge +ĠCra ig +ĠKir k +D el +medi ate +Ġscen arios +ĠM ut +ĠSt ream +Ġcompet itors +Ù Ħ +ĠStan ford +ĠRes ources +az ed +b age +Ġorgan is +ĠRe lease +Ġsepar ately +Ġha bits +Ġmeasure ments +ĠCl ose +Ġaccomp any +Ġg ly +Ġt ang +ĠR ou +Ġplug in +Ġcon vey +ĠChall enge +oot s +j an +Ġcur s +ĠRel ations +ke eper +Ġapproach ing +p ing +Spe aking +Ġarrang ement +ĠV I +are ttes +Ġaffect ing +Ġperm its +b ecause +Ġu seless +ĠH us +!! !! +Ġdestro ying +Un fortunately +Ġfasc inating +S em +Ġelect oral +Ġtrans parency +ĠCh aos +Ġvolunte er +Ġstatist ical +Ġactiv ated +ro x +We b +H E +ĠHamp shire +is ive +M ap +Ġtr ash +ĠLaw rence +st ick +C r +Ġr ings +EX T +Ġoper ational +op es +D oes +ĠEv ans +Ġwitness ed +P ort +Ġlaunch ing +ec onom +w ear +ĠPart icip +um m +cul es +ĠR AM +ĠT un +Ġass ured +Ġb inary +Ġbet ray +Ġexpl oration +ĠF el +Ġad mission +it ated +S y +Ġav oided +ĠSim ulator +Ġcelebr ated +ĠElect ric +¥ ŀ +Ġcl uster +itzer land +he alth +L ine +ĠN ash +at on +Ġsp are +Ġenter prise +ĠD IS +clud es +Ġfl ights +Ġreg ards +ĠÃ Ĺ +h alf +Ġtr ucks +Ġcontact s +Ġunc ons +ĠCl imate +Ġimm ense +N EW +oc c +ect ive +Ġemb od +Ġpat rol +Ġbes ide +Ġv iable +Ġcre ep +Ġtrig gered +ver ning +Ġcompar able +q l +Ġg aining +ass es +Ġ( ); +ĠG rey +ĠM LS +s ized +Ġpros per +" ? +Ġpoll ing +Ġsh ar +ĠR C +Ġfire arm +or ient +Ġf ence +Ġvari ations +g iving +ĠP i +osp el +Ġpled ge +Ġc ure +Ġsp y +Ġviol ated +Ġr ushed +Ġstro ke +ĠBl og +sel s +ĠE c +,' ' +Ġp ale +ĠColl ins +ter ror +ĠCanad ians +Ġt une +Ġlabor atory +Ġn ons +t arian +Ġdis ability +ĠG am +Ġsing er +al g +ĠSen ior +Ġtrad ed +ĠWar rior +Ġinf ring +ĠFrank lin +Ġstr ain +ĠSwed ish +Ġsevent h +ĠB enn +ĠT ell +Ġsynd rome +Ġwond ered +id en +++ ++ +ig o +Ġpur ple +Ġjournal ism +Ġreb el +Ġf u +bl og +Ġinv ite +ren cies +ĠCont act +Is rael +ĠCont ent +Ġche er +Ġbed room +ĠEngine ering +ĠQue ens +Ġd well +ĠPlay Station +ĠD im +ĠCol on +l r +Ġoper ates +Ġmotiv ation +US A +ast ered +C ore +ĠTr uth +ol o +OS E +ĠMem ory +Ġpred ec +Ġan arch +Ġ19 20 +ĠY am +à ¨ +b id +Ġgr ateful +Ġexc itement +Ġtre asure +Ġlong est +ct ive +Ġdes erves +Ġreserv es +Ġcop s +ĠOtt awa +ĠEgypt ian +ank ed +Ġart if +Ġhypot hesis +: / +Ġpurch asing +Ġlove ly +H P +Ġdiv ide +Ġstrict ly +Ġquestion ing +Ġtaxp ayers +ĠJ oy +Ġroll s +ĠHe avy +Ġp orts +Ġmag netic +Ġinf lamm +Ġbr ush +t ics +â ĪĴ +Ġbott les +pp y +Ġp add +ãĤ ¯ +m illion +Ġdevast ating +Ġcomp iled +Ġmed ication +Ġtw elve +ĠPer ry +Sp ace +im b +y our +Ġle aked +ĠT ar +Ġun ity +Ġinfect ed +Ġtravel ed +ID E +ĠMc Donald +t xt +ĠPr inc +Ġinter ven +ĠTai wan +ĠP ow +Ġbe aring +ĠTh read +Ġz ones +iz ards +un ks +Ch apter +ll or +Ġ · +Ġw ounds +Ġdisc retion +Ġsucceed ed +ik ing +Ġicon ic +C all +Ġscreen ing +ĠM is +ict s +Ġmin isters +Ġsepar ation +Pl ayer +Ġb ip +Ġbel oved +Ġcount ing +ĠE ye +ar ound +ing ing +Ġtable t +Ġoff ence +in ance +h ave +ĠInf o +ĠNin ja +Ġprotect ive +ĠC ass +M ac +ĠQual ity +N orth +Ġ ic +ĠCub a +ĠChron icle +ĠPro perty +Ġfast est +ot os +ĠG erm +OW N +Ġbo om +ĠStan ley +ergus on +Ġcle ver +Ġent ers +m ode +ter ior +ĠS ens +Ġlin ear +AR K +Ġcomp aring +Ġpure ly +Ġsaf er +ĠPot ter +Ġc ups +R T +Ġgl uc +Ġatt ributed +Ġdu pl +ĠP ap +Ġprec ious +Ġp a +iction ary +ĠT ig +ĠTo o +ol utions +st an +Ġrob ots +Ġlob b +Ġstat ute +Ġprevent ion +w estern +16 0 +ĠAct ive +ĠMar ia +h al +N one +ell ar +ĠK B +ĠPart ners +ĠSing le +ĠFollow ing +ang o +ac ious +Ġth ou +Ġk g +Ġinflu ential +ĠFriend s +S ur +ain ted +Ġfor ums +Ġst arter +Ġcitizens hip +ĠE lection +on ge +ot ation +os ph +;; ;; +ut ical +p ur +ere n +Ġaccus ations +bit ious +ab bit +ĠOr d +Post ed +ir k +Ġsens itivity +ic he +ĠAm y +ĠF ab +Ġsum mit +Ġped est +Ġrub ber +Ġagric ultural +Ġcan cel +A E +Ġin aug +Ġcont am +Ġfirm ly +i w +st age +ĠK an +Ġt ier +Ġinv ention +Ġtransl ated +ĠR ules +B ox +Tw itter +ID S +Ġp izza +Ġdeb ug +ĠD rop +v s +Ġh orses +b ig +Ġb oring +Ġh ood +ĠMcC ain +at ched +ĠBro s +Ġsk ip +Ġess ay +st at +ĠLeg ends +Ġam munition +au c +Ġshoot er +Ġun h +Ġsuppl ied +Ġgener ic +ĠS K +ib an +yr ics +Ġ25 5 +Ġclim bing +Form er +Ġfl ip +Ġjump ing +Ġfrust ration +ĠTer ry +Ġneighborhood s +Ġmed ian +be an +Ġbr ains +Follow ing +Ġsh aped +Ġdraw s +Ġal tered +J ack +Ġrecip es +Ġsk illed +we alth +ach i +e lection +Ġbehavi ors +de als +ĠU ntil +F e +Ġdecl aration +mar ks +ĠBet ween +cel ona +Ġres on +Ġbub ble +Am ong +Ġim perial +G S +Ġfemin ist +200 5 +ĠK yle +Ġaccount ing +ĠTe le +ĠT yr +Ġconnect ing +Ġre hab +ĠP red +s im +Ġmeant ime +Ġphys ician +M W +ĠCamp bell +ĠBr andon +Ġcontribut ing +ĠR ule +ĠWe ight +ĠN ap +Ġinter active +Ġv ag +Ġhel met +ĠCom b +f our +Ġsh ipped +Ġcomple ting +ĠP D +PD ATE +Ġspread ing +Ġsc ary +erv ing +ĠG as +Ġfr ank +s chool +Ġrom antic +Ġstab il +R ob +Ġaccur ately +Ġac ute +ĠH ann +Ġsymbol s +Ġcivil ization +ĠA W +Ġlight ning +Ġcons iders +Ġven ue +Ġ × +Ġo ven +ĠS F +h is +Ġn u +ĠLear n +Ġpe oples +Ġst d +Ġsle e +Ġs lic +ĠStat istics +Ġcor ners +ĠB aker +Ġ: ) +ment ation +ol ver +Ġlaugh ing +ĠT odd +ond e +ĠH ills +Ġn uts +ĠW oman +pl ane +Ġl iver +ĠIn side +S orry +Ġagre es +Ġfund ament +ĠF isher +Ġa uction +Ġthread s +gl as +ĠBas ic +ĠN at +Ġlack ing +Ġceleb ration +j u +Ġs illy +E uro +Ġt att +ight y +cont rolled +T est +ĠSing h +Ġr age +Ġrh yth +o ffic +ĠPh antom +Ġhead lines +Ġrespond ing +ĠMor ning +Ġvit amin +Ġboot s +ĠS ite +al in +p i +Ġvir al +ĠU C +D ER +ĠSe x +Ġst ocks +c urrent +Ġch urches +ĠR are +ĠMur phy +Ġden ial +ĠG aming +Ġtou g +Ġn ick +Ġm akers +ĠRon ald +Ġgener ous +ĠD oc +ĠMor ris +Ġtransform ed +ĠN ormal +Ġ10 4 +ĠKick starter +ĠUp on +On line +ĠI RS +Ġw rap +Ġl oving +Ġarri ves +ĠD ue +Ġhe ter +ĠM ade +Ġrent al +Ġbelong s +Ġatt orneys +Ġcro ps +Ġmat ched +ul um +ol ine +10 9 +Ġdis par +Ġbuy ers +ĠCam bridge +Ġeth ics +rou ps +Ġjust ified +Ġmarg inal +Ġrespect ed +win ning +Ġnodd ed +ĠSer ge +ĠForm er +C raft +######## ######## +ĠWar ner +Ġd ash +et e +Ġent ert +ĠE scape +out heast +Ġkn ees +ĠB omb +Ġr ug +P ass +Ġatt itudes +go vernment +ĠPri or +Ġqual ities +Ġnot ification +ĠPh one +l ie +Ġanticip ated +ĠCom bat +ĠBar ry +Ġ198 2 +Us ers +on er +Ġcomput ing +ĠConnect icut +Ġless er +Ġpe ers +ĠC u +Ġtechn ically +Ġsub mission +ĠUn iversal +Ġman ually +our ge +Ġrespond ents +ĠB TC +ĠH ost +Ġf are +ĠB ird +Ġrece ipt +al so +Ġj ack +Ġagric ulture +Ġsk ull +Ġ! = +Ġpass ive +ĠC I +Ġsoc ieties +Ġremind ed +Ġinter ference +B uy +Ġâ ľ +g on +Ġscrut iny +ĠW itch +Ġconduct ing +Ġ ãĥ +Ġexch anges +ĠMit chell +Ġinhab it +Ġtw ist +B D +Ġwhere ver +group on +Ġj okes +ĠBen jamin +ĠR andom +fr ame +ĠL ions +Ġhighlight ed +ĠArk ansas +E nt +Ġp ile +Ġpre lim +g s +mind ed +Ġfel ony +ĠG A +ĠL uck +Ġpract ically +ĠB os +Ġact ress +D am +ĠB ou +Ġvis a +Ġembed ded +Ġhy brid +Ġear liest +Ġsoon er +s ocial +ĠH A +Ġste ep +Ġdis advant +Ġexplo it +ĠE gg +ĠUlt ra +Ġnecess ity +L ocal +ie ge +Ġd ated +Ġmass es +Ġsubsc ription +pl ess +Ġan onym +Ġpresum ably +Bl ue +The ir +asket ball +ĠPhil ip +Ġcom ed +load ed +r ane +Ġref lection +Ch ina +Ġext ends +Ġform ing +Ġund ers +200 1 +Ġgr at +Ġconcent rations +Ġins ulin +Ġsec ular +Ġwh ilst +Ġwin ners +Ad vertisements +Ġdeliber ately +ĠWork ing +Ġs ink +et ics +d ale +Ġmand ate +Ġg ram +Ġvac ation +Ġwarn ings +ri pp +ĠTH AT +Ġcomment ary +Ġint u +Ġa est +Ġreason ing +Ġbreak down +ĠZ ombie +Ġ-- > +ĠPolit ical +c ott +Ġthr ust +Ġtechn ological +Ġdec iding +Ġtraff icking +L ong +W elcome +pr ising +ĠCommun ications +Ġend ors +Ġsw ift +Ġmetab ol +co ins +res a +ĠHT TP +Ġen roll +ĠH appy +us r +int age +Ġ[ " +u ably +ĠM aterial +Ġrepe al +Se pt +k h +ĠMod i +Ġunder neath +ĠI L +sh ore +Ġdiagn osed +ace utical +Ġsh ower +au x +ĠSw itch +ĠStre ngth +Ġj ihad +n ational +Ġtra uma +uss y +on i +Ġcons olid +Ġcal ories +ĠF lynn +ag ged +16 8 +ĠP ink +Ġfulf ill +Ġch ains +Ġnot ably +ĠA V +L ife +ĠCh uck +m us +ĠUr ban +ĠH end +Ġdep osit +ĠS ad +Ġaff air +OR K +ie val +ĠF DA +Ġt rop +ĠOver all +Ġvirt ue +Ġsatisf action +au nd +Ġl un +ĠSw itzerland +ĠOper ation +pro cess +Ġsh ook +Ġcount ies +le ased +ĠCharl otte +1 12 +Ġtrans cript +Ġre dd +p ush +ĠHe y +ĠAn alysis +[ " +Ġaltern atives +ard less +Ġele ph +Ġpre jud +ĠLe af +H aving +ĠH ub +Ġexpress ions +ĠVol ume +Ġshock ing +ĠRed s +Ġread ily +Ġplan ets +ad ata +Ġcollaps ed +ĠMad rid +Ġir rit +i pper +ĠEn c +ĠW ire +Ġbu zz +ĠG P +ash a +Ġaccident ally +ur u +Ġfrust rated +ĠS A +Ġhung ry +ĠH uff +Ġlab els +ant o +ĠE P +Ġbar riers +) | +ĠBer keley +ĠJ ets +Ġp airs +ĠL an +J ames +ĠB ear +Ġhum or +ĠLiber ty +Ġmagn itude +Ġag ing +ĠM ason +Ġfriends hip +umb ling +Ġemer ge +Ġnewsp apers +Ġam bitious +ĠRich ards +atern al +Ġ198 1 +Ġcook ies +Ġsc ulpt +Ġpur suit +L ocation +Ġscript s +p c +Ġarrang ements +Ġd iameter +Ġl oses +am ation +Ġl iqu +ĠJ ake +aret te +Ġunderstand s +ĠZ en +v m +Ġappro ve +Ġw ip +Ġult ra +Ġint end +ĠD I +asc ular +Ġst ays +ĠK or +ĠK l +Ġinvest ing +L a +Ġbelie ving +b ad +m outh +Ġtaxp ayer +ãĥ ĥ +ĠQue bec +Ġl ap +ĠSw iss +d rop +Ġdr ain +ir i +et c +ft en +ĠN ex +Ġst raw +Ġscream ing +Ġcount ed +Ġdam aging +Ġamb assador +cent ury +Ġpro x +Ġarrest s +u v +il ateral +ĠCh arg +Ġpresc ribed +Ġindepend ently +Ġf ierce +ĠB aby +Ġb rave +Ġsu its += > +Ġbas eline +ĠR ate +Ġis lands +Ġ( ( +g reen +ix els +Ġname ly +ĠVill age +th an +am y +V ersion +g mail +ential s +ĠS ud +ĠMel bourne +Ġarri ving +Ġquant um +e ff +rop olitan +T ri +Ġfun eral +ĠI R +ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ +ĠC ob +it ably +Ġt urb +Ġcomb o +Re view +Ġdeploy ment +u ity +ĠB ott +Ġinv isible +Ġrender ing +Ġunl ocked +Ġa qu +ĠVlad imir +Ġp ad +ĠBr ain +ĠLeg acy +dr agon +ĠKurd ish +Ġsound ed +Ġdet ained +ĠD M +g ary +Ġd aughters +Ġdistur bing +uk a +ĠPar ad +Ġt ast +Ġunf ortunate +Ġu l +em in +Ġattend ance +tr l +Ġpar ks +ĠMem orial +ĠAl ice +oth y +gu ard +ĠD ise +ĠSh an +ĠFor um +R ich +Ġshif ted +ue z +Ġl ighter +ĠMag n +Ġc od +S ch +ham mad +P ub +3 50 +ĠP okemon +Ġprot otype +Ġun re +B ase +ĠStud ents +ĠRep ly +ĠCommun ist +Ġg au +ĠTy ler +I Z +Ġparticip ated +Ġsup rem +ĠDet ails +Ġvessel s +ro d +Ġt ribe +ke ep +Ġassum ptions +Ġp ound +Ġcr ude +ĠAv ailable +Ġswim ming +Ġin clusion +Ġadv ances +c ulation +Ġconserv ation +Ġover d +ĠBuff alo +Art icle +ed ge +Ġaw a +ĠMad ison +Ġsid ew +Ġcat ast +ĠK rist +uc le +ĠHigh way +ĠTer ror +Ġactiv ation +Ġuncons cious +ĠSat an +ĠSus an +ill ery +Ġarr anged +i op +Ġrum ors +ur ring +th ink +ĠKe ith +ĠK ind +Ġavoid ing +by n +n ut +ĠSpe aker +r us +n ames +Ġgu ilt +ĠOlymp ics +Ġsa il +ĠM es +lev ant +ĠColumb us +a ft +C ity +S outh +ĠHar vey +ĠP un +S everal +Ġment ally +Ġimp ress +m ount +ĠUb untu +âĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶ +ĠSuper man +ĠMP s +Ġintent ions +ĠR acing +Ġlike lihood +Ġ2 40 +T otal +Ġto ys +ĠW atson +Ġur ge +L ear +ĠP aper +Ġoccur ring +ĠB eng +ĠC ert +Ġst ones +T im +ĠTw in +z b +ĠD ynam +Ġpolit ician +k ens +ĠEnter prise +UT ERS +Ġab ol +Ġref resh +Ġarbit rary +pe ction +Ġtrou bles +Ġ} ); +t v +Ġpil ots +Ġdist ribute +Ġaud it +Ġp ause +orig inal +Ġr ivals + £ +F ig +T L +ab il +ry ing +L in +ion ed +l on +Ġf ancy +Ġcr ashed +Ġt ract +Ġshe d +Ġcons ume +B ased +down load +in it +Ġvolt age +Int rodu +Ġcondem ned +ĠFin ance +res pect +Ġex cluded +Ġestablish ing +her ic +Ġher itage +Ġspect acular +Ġun st +ĠSnow den +ĠL ane +S an +Ġprotect ions +st ruction +inc inn +Ġmac ro +C ustom +ios ity +Ġes p +Ġfunction ing +Ġm ush +Ġp uzzle +Ġeth ical +M al +Ġgo verning +ĠF erguson +Ġrest ored +Ġst ressed +ĠCoun ter +ĠK as +cl ip +AN S +Ġse iz +U K +by ss +old own +ap i +Ġperman ently +oun ters +W est +Th rough +L ight +at oes +Ġne at +Ġc ord +ure r +Ġsevere ly +ĠA ven +Ġinter rog +Ġtri ple +G iven +N umber +Ġar ise +Ġs her +pl ant +Ġfl ower +ĠC ou +Ġat e +Ġnew er +b ul +Ġmean while +ĠL air +Ġadjust ment +ĠCop yright +Ġd ivers +i ological +Ġgam ers +o at +Ġhistor ically +Ġanal og +Ġlong time +Ġpres cription +ĠM ist +ĠHy per +ĠM aine +ĠDe ity +Ġmulti pl +ĠRe incarn +ĠH yd +ĠP ic +S il +r ants +ĠC ris +. ; +( { +epend ence +Ġrec y +ate ur +Ġqu ad +Ġgl ob +Ġcon ced +te am +Ġcapital ist +ĠL ot +Ġroy al +ĠCy ber +Ġblack s +met ic +ri v +ĠD anny +Ġsp o +ĠR O +Ġanim ated +rypt ed +ĠDep uty +Ġrend ered +F E +Ġstre ak +Ġcloud s +ĠDou g +~~~~ ~~~~ +Ġdisc our +ĠVe h +Ġpsych ology +ĠJ ourney +Ġcry stal +ĠFro st +Ġsuspic ion +Ġrel ate +or us +ĠC rypt +ĠN VIDIA +com ed +ut ing +incinn ati +Ġvulner ability +ost ic +Ġisol ation +Ġcool ing +ĠCoal ition +Ġ1 19 +F our +ĠDe al +Ġâ ī +se mble +ram ent +ĠBar celona +Ġ10 2 +Ġcoc aine +ocaly pse +F eb +ogen ic +Ġmut ation +Ġcrypt oc +ĠK el +ĠG it +a is +Ġs isters +AN K +Ġactiv ate +T er +Ġd read +yl on +Ġprop ri +A ust +ĠDef ault +Ġout door +Ġshe er +ce ive +Ġg ently +Ð ¾ +Pro gram +Ġâ ĨĴ +Ġve gan +ĠCr us +Ġrespons ibilities +ĠH R +OL D +Ġprev ents +Ġst iff +ĠW ere +Ġathlet ic +ĠSc ore +Ġ) : +Ġcolumn s +ĠL oc +av ailable +ĠF ram +ĠS essions +Ġcompan ion +Ġpack s +14 0 +ĠKn ights +Ġf art +Ġstream s +Ġsh ore +Ġapp eals +ĠPer formance +h aul +ĠSt ra +ĠN ag +10 3 +ĠTrans portation +B B +E v +z an +P ublic +Ġtw in +uls ion +M ult +Ġelect ro +Ġstat ue +ation ally +ĠN ort +Ġins pection +/ * +ig ue +Ġcomp assion +ĠT ales +ĠSte in +ĠSc reen +ĠB ug +ĠL ion +g irl +Ġwithdraw al +Ġobject ives +Ġblood y +Ġprelim inary +Ġj acket +Ġdim ensions +ĠC ool +ĠOcc up +Ġw reck +Ġdoub led +ank ing +Ġ19 75 +Ġglass es +ĠW ang +pro v +P ath +connect ed +ĠMult i +ĠNor way +agon ist +Ġfe ared +Ġtouch ing +Ġarg uably +¯¯¯¯ ¯¯¯¯ +ĠNC AA +che m +Ġsp at +ĠW WE +ĠC el +ig ger +Ġattack er +ĠJo in +ob ject +ett a +Ġelim inated +d et +Ġdest ruct +ĠLuc as +ct uary +18 0 +ĠBr ady +ĠBl ues +B ay +au kee +Ġtim eline +Ġdeleg ates +w ritten +uff icient +Ġsh apes +Cop yright +ou ble +serv ice +Ġp ione +Ġcolleg es +Ġrow s +Ġsp ite +Ġassess ed +3 60 +Ġle ase +Ġconfident ial +ck er +ĠMan ning +ĠV oice +Ġse aled +Ġcalcul ate +N O +ĠAss istant +Ġteen ager +ul ent +ather ine +Ġm ock +Ġd iamond +Ġf est +Ġsw itched +Ġres ume +ĠPu erto +Ġl anes +ir ation +ĠSimilar ly +Ġro d +ĠS el +ĠPal ace +ĠLim ited +e ous +Ġvar iant +Ġw ard +Ġ) ) +Sh ow +OO K +A lex +ĠN ep +br is +ĠWik ipedia +Ġexcept ional +Ġman ages +ĠD raw +Ag ain +Ġco pper +ut t +Ġex ports +Ġport folio +Ġelev ated +R ated +ĠOther wise +ĠT act +ĠShe l +ĠT X +" âĢĶ +Ġres ur +ĠW a +ven ant +Ġmon etary +pe ople +E mail +Ġfif ty +ĠS weet +ĠMalays ia +Ġconf using +ĠR io +ud a +uten ant +" ); +Ġpra ised +Ġvol umes +t urn +Ġm ature +Ġnon profit +Ġpassion ate +ĠPriv ate +Ġ10 3 +Ġdesc end +ç ¥ŀ +uff y +head ed +Whe ther +ri en +ze ch +be it +Ġch rom +ĠMc M +Ġd ancing +Ġe leg +ĠNot iced +11 5 +Ġadvoc acy +ENT S +amb ling +ĠMin or +ĠF inn +Ġprior ities +Ġthere of +ĠSt age +ĠRog ers +Ġsubst itute +ĠJ ar +ĠJeff erson +Ġlight ly +10 2 +ĠL isa +u its +ys ical +Ġshif ts +Ġd rones +Ġwork place +Ġres id +ens ed +ah n +Ġpref erences +ser ver +Ġdeb ates +d oc +ĠGod s +Ġhelicop ter +Ġhon our +Ġconsider ably +ed ed +ĠF emale +ĠAn ne +Ġre un +ĠF ace +ĠHall ow +ĠBud get +Ġcondem n +Ġt ender +Pro f +ocr atic +ĠTurn er +ĠAg ric +Ġ19 76 +Ġa pt +d isc +ĠF ighter +ĠA ur +Ġgar bage +in put +ĠK arl +ĠOl iver +ĠL anguage +k n +N on +ĠCl ar +Ġtrad itions +Ġad vertisement +ĠS or +Ġarch ive +Ġvill ages +7 50 +Ġimplement ing +w aukee +Ġdiet ary +Ġswitch ing +Rep ublic +Ġvel ocity +Ġc it +ĠA wards +Ġfin ancing +Ġlast ed +) ] +Ġrem inder +P erson +Ġprec ision +Ġdesign ers +ĠF ried +ĠB order +Ġtr agic +Ġw ield +Ġiniti atives +ĠT ank +w er +Ġjo ins +R o +in ery +Ġar row +Ġgener ating +found er +Ġsear ches +Ġrandom ly +A ccess +Ġb atch +Ġp osed +l at +Ġpursu ing +as a +Ġtest ified +form ing +ĠSh ar +w iki +ĠE ither +S ometimes +Ġsen ators +ĠJohn ny +ĠTal iban +ĠG PS +":" / +ãģ® å +Ġanaly zed +ĠRub io +ĠMove ment +op ard +ii i +St and +f ight +Ġign oring +i ang +ĠG N +so ever +ĠST AT +Ġref using +Ġswe at +Ġb ay +P ORT +ir med +ak y +Ġdis pro +Ġlabel ed +Ġ10 8 +H ello +Ġple asant +ab a +Ġtri umph +Ġab oard +Ġinc om +ĠC row +le tt +Ġfol k +Ġch ase +` ` +ĠBr us +Ġte ens +c ue +Ġter rain +h yd +il ight +OR Y +Su pport +ew s +ll i +rain ts +ĠC and +Ġab used +ach ment +l arg +B as +ĠC ancer +Ġ19 78 +Ġsupp orter +ac cess +ĠTer min +ĠT ampa +ĠAN Y +Ġnew est +ĠCrim inal +ed u +Ġ19 30 +Ġadm its +Ġend e +Ġfail ures +ur ate +ful ness +cy cl +ĠSub ject +Ġinf inite +th ree +W A +p it +ĠInst all +R ad +ili ation +G M +Ġcontin ent +Ġaccommod ate +ĠCl ay +Ġp up +ĠF unction +Ġham mer +ĠAlbert a +Ġrev ised +Ġminor ities +Ġmeasure ment +Con nell +Ġdis able +ĠM ix +In cre +Ġfor k +ĠR osen +Ġimpl ies +umb lr +AN G +Ġprote ins +Ġagg ression +Ġfacilit ate +S N +Ġilleg ally +u er +Ġacad em +Ġp uzz +ĠSh ift +p ay +oll o +Ġaud iences +B uild +Ġno ble +Ġsynt ax +â ĺħ +Ġbe am +ĠB ed +ĠA ld +Ġorig ins +v ideo +Ġ19 77 +ĠAss ault +Ġgar age +Te am +Ġver dict +Ġd war +ĠVirt ual +e vent +Ke ep +Ġsent iment +Ġwild life +sh irt +Ġb urg +Ġrecommend ation +rep resent +Ġgall ery +own ers +Ġsch olar +Ġconven ience +ĠSw ift +Ġconv inc +C ap +Ġwar fare +ĠVis ual +Ġconst itute +Ġab ort +ĠWe ather +ĠLook ing +ĠH em +Ġmart ial +Ġinc oming +et ition +Ġtoler ance +ĠCre ated +Ġfl ows +ĠE lder +Ġsoul s +Ġf oul +ĠP ain +ĠC AN +Ġ2 20 +b c +he nd +Ġgen ius +R eal +ĠW r +omet er +p ad +Ġlim iting +ĠS i +ĠL ore +ĠAd ventures +Ġvar ied +D isc +f in +ĠPerson al +Ch ris +Ġinv ented +Ġd ive +ĠR ise +Ġo z +ĠCom ics +Ġexp ose +ĠRe b +let ters +s ite +im ated +Ġh acking +Ġeduc ated +ĠNob ody +Ġdep ri +Ġincent ive +ãĤ · +Ġovers ight +Ġtrib es +ĠBelg ium +Ġlicens ing +our t +Produ ct +ah l +ĠG em +Ġspecial ist +Ġc ra +ann ers +ĠCor byn +Ġ19 73 +RE AD +Ġsum mar +Ġover look +ĠApp lication +Ġin appropriate +Ġdownload ed +Q ue +ĠB ears +Ġth umb +ĠChar acter +ĠReincarn ated +ĠS id +Ġdemonstr ates +s ky +ĠBloom berg +ĠAr ray +ĠRes ults +ĠFour th +ĠED T +ĠO scar +c end +Ġ10 6 +ĠN ULL +ĠH ERE +m atch +ĠBr un +Ġgluc ose +ie g +eg u +Ġcert ified +Ġrel ie +Ġhuman itarian +Ġpr ayers +K ing +Ġn an +h ou +10 8 +ul u +Ġrenew able +Ġdistingu ish +Ġd ense +ĠV ent +ĠPack age +ĠB oss +Ġedit ors +Ġm igr +T ra +ĠPet ers +ĠAr ctic +200 4 +ĠC ape +Ġloc ally +Ġlast ing +Ġhand y +. ). +P an +ĠR ES +Ind ex +Ġt ensions +Ġformer ly +Ġide ological +Ġsens ors +Ġdeal ers +Ġdef ines +S k +Ġproceed s +Ġpro xy +az ines +ĠB ash +ĠP ad +ĠC raft +eal ous +Ġshe ets +omet ry +J une +cl ock +T T +ĠThe atre +ĠB uzz +Ġch apters +Ġmill enn +Ġd ough +ĠCongress ional +Ġimag ined +av ior +Ġclin ic +Ġ19 45 +Ġhold er +ro ot +oles ter +Ġrest art +B N +ĠHam as +ĠJ ob +Ġor b +Ġr am +Ġdiscl ose +Ġtransl ate +Ġimm igrant +Ġannoy ing +Ġtreat y +an ium +ĠTe a +ĠLeg ion +Ġcrowd s +ĠB ec +ĠA er +oh yd +B ro +Look ing +Ġl bs +Ġagg ress +Ġse am +Ġinter cept +ĠM I +mer cial +act iv +ĠC it +Ġdim ension +Ġconsist ency +Ġr ushing +ĠDou glas +Ġtr im +Inst all +ick er +Ġsh y +10 6 +Ġment ions +pe lled +ĠT ak +c ost +Ġclass room +Ġfort une +dri ven +Ġun le +ĠWhe el +Ġinvest or +ĠM asters +k it +Ġassoci ations +ĠEv olution +op ing +us cript +Ġprov incial +ĠWal ter +av i +S O +Ġun limited +Eng lish +ĠC ards +ĠEb ola +ne red +Ġreven ge +Ġout right +um per +Ġf itting +ĠSol id +Ġform ally +Ġproblem atic +Ġhaz ard +Ġenc ryption +Ġstraight forward +ĠA K +Ġp se +ĠOr b +ĠCh amber +ĠM ak +Cont ents +Ġloyal ty +Ġl yrics +ĠSy m +Ġwel comed +Ġcook ed +Ġmon op +Ġn urse +Ġmis leading +Ġe ternal +Ġshif ting +Ġ+ = +V is +Ġinst itutional +ill ary +Ġp ant +VER T +ĠA CC +ĠEn h +Ġinc on +ĠRE UTERS +Ġdon ated +â̦â̦ â̦â̦ +In tern +Ġexhib it +Ġt ire +ĠR ic +ĠCh ampion +ĠMu hammad +N ING +ĠSoc cer +Ġmob ility +Ġvary ing +ĠM ovie +Ġl ord +o ak +F ield +Ġve ctor +us ions +Ġsc rap +Ġen abling +m ake +T or +. * +| | +ĠWe bsite +ĠN PC +Ġsocial ist +ĠBill y +ĠAdd itional +Ġc argo +Ġfar ms +ĠSo on +ĠPri ze +Ġmid night +Ġ9 00 +se en +ĠSp ot +Ġshe ep +Ġspons ored +ĠH i +ĠJ ump +Ġ19 67 +Micro soft +ĠAg ent +Ġch arts +d ir +Ġadj acent +Ġtr icks +Ġman ga +Ġex agger +/ > +foot ball +ĠF CC +G C +ĠT ier +and ra +OU ND +% ), +Ġfru its +V C +ĠA A +R ober +Ġmid st +â Ĺ +ank a +Ġlegisl ature +ĠNe il +Ġtour ists +" " +ĠWar ning +ĠNever theless +ĠOffic ial +ĠWh atever +Ġm old +Ġdraft ed +Ġsubst ances +Ġbre ed +Ġt ags +ĠT ask +Ġver b +Ġmanufact ured +com ments +ĠPol ish +Pro v +Ġdetermin es +Ob ama +k ers +Ġutter ly +Ġse ct +sc he +ĠG ates +ĠCh ap +Ġal uminum +Ġz ombie +ĠT ouch +ĠU P +Ġsatisf y +Ġpred omin +asc ript +Ġelabor ate +Ġ19 68 +Ġmeas uring +ĠV ari +any ahu +Ġs ir +ul ates +id ges +ick ets +ĠSp encer +T M +oub ted +Ġpre y +Ġinstall ing +ĠC ab +re ed +re ated +Su pp +Ġwr ist +ĠK erry +10 7 +ĠK le +ĠR achel +Ġc otton +ĠA RE +ĠE le +Cont rol +Ġload s +ĠD od +an as +b one +Ġclass ical +ĠReg ional +ĠInt eg +V M +Ġdes ires +Ġaut ism +support ed +ĠM essage +Ġcomp act +writ er +Ġ10 9 +ĠHur ricane +c ision +Ġcy cles +Ġdr ill +Ġcolle ague +Ġm aker +G erman +Ġmist aken +S un +ĠG ay +Ġwhat soever +Ġsell s +ĠA irl +l iv +ĠO ption +Ġsol ved +Ġse ctors +Ġhorizont al +Ġequ ation +ĠSk ill +ĠB io +g ement +ĠSn ap +ĠLeg al +Ġtradem ark +Ġmake up +Ġassemb led +Ġsa ves +ĠHallow een +ĠVer mont +ĠFR OM +Ġfar ming +ĠP odcast +accept able +ĠHig her +Ġas leep +ull ivan +Ġrefere n +ĠLe v +Ġbul lets +ok o +H C +Ġst airs +Ġmain tains +ĠL ower +ĠV i +Ġmar ine +Ġac res +Ġcoordin ator +ĠJ oh +Ġcounterpart s +ĠBrother s +Ġind ict +b ra +Ġch unk +Ġc ents +H ome +ĠMon th +Ġaccording ly +if les +ĠGerm ans +ĠSy n +H ub +Ġey eb +âĶĢâĶĢ âĶĢâĶĢ +Ġr anges +ĠHoll and +ĠRob ot +f c +M ike +Ġpl asma +Ġsw ap +Ġath lete +ĠR ams +,' " +Ġinfect ions +Ġcor rid +Ġv ib +Ġpat ches +Ġtradition ally +Ġrevel ation +Ġswe ep +Ġgl ance +Ġin ex +200 3 +ĠR aw +work ing +os ures +ĠD at +ĠLyn ch +Ġle verage +ĠRe id +Ġcorrel ation +ian ces +av ascript +Ġrep ository +ret ty +Ġ19 72 +24 0 +Ġo un +p ol +ĠRe ed +Ġtact ical +is ite +App le +ĠQu inn +Ġrap ed +ill o +Euro pe +Ġalgorith ms +ĠRod rig +i u +Ġill um +Ġf ame +Ġintrodu cing +Ġdel ays +ĠRaid ers +Ġwh istle +Ġnovel s +ĠRe ally +Ġder iv +Ġpublic ations +ĠNe ither +ĠCom merce +Ġa ston +l anguage +Not es +ĠR oth +ĠF ear +Ġm ate +Ġpar ade +ĠQ B +Ġman eu +ĠC incinnati +m itting +Ġwa ist +ĠR ew +Ġdisc ont +Ð ° +Ġst aring +Ġal ias +Ġsec urities +Ġtoile t +ĠJ edi +Ġun law +v ised +//// //// +] ( +ĠWe iss +Ġpre st +ĠComp an +Ġmem o +ĠGr ace +J uly +ĠEl ite +cent er +ĠSt ay +Ġgal axy +Ġto oth +ĠS ettings +Ġsubject ed +ãĤ ¦ +Ġline back +Ġretail ers +ĠW ant +Ġd angers +A ir +Ġvolunt ary +ew ay +Ġinterpret ed +ot ine +à § +Ġp el +Serv ice +ĠEvent ually +Ġcare ers +Ġthreat en +Ġmem or +ĠBrad ley +anc ies +s n +ĠUn known +N ational +Ġsh adows +ail and +ĠD ash +Every one +izz ard +M arch += ( +Ġpull s +Ġstr anger +Ġback wards +ĠBern ard +imens ional +Ġch ron +Ġtheoret ical +k top +Ġw are +ĠInvest ig +ĠIn iti +ĠOper ations +o ven +oc ide +* / +Ġfl ames +ĠC ash +sh it +Ġc ab +ĠAn aly +ĠSe ah +Ġdefin ing +Ġorder ing +Ġimm un +Ġpers istent +AC H +Russ ian +m ans +Ġh ind +Ġphot ography + © +Ġh ug +Ġ10 7 +ĠH ence +i ots +ude au +Ġsubsid ies +Ġroutine ly +ĠDev ice +it ic +Ġdisg ust +land er +Ġ19 40 +Ġassign ment +ĠB esides +w ick +ĠD ust +us c +struct ed +11 1 +de velop +Ġf ond +Ġinter section +Ġdign ity +Ġcommission er +With out +re ach +Ġcart oon +Ġsc ales +ãĥ Ń +F IG +Ġsurve ys +ĠIndones ia +Ġart work +Ġun ch +Ġcy cling +un ct +au er +or ate +ĠOb viously +Ġcharacter ized +fe ld +Ġaff irm +Ġinn ings +Ġ é +Ġal iens +Ġcl oth +et ooth +ĠC ertain + § +Ġdig est +k now +ĠX L +Ġpredict ions +Ġd in +W AR +Ġafter math +Ex ample +ĠSu ccess +ĠTh r +IG N +Ġmin er +B us +Ġcl arity +heim er +ĠO UT +ĠS end +ĠCirc le +ĠD iet +Ġpron ounced +Ġcreat ors +Ġearthqu ake +atter y +ge ons +Ġo d +Ġlay ing +or p +U lt +pro ject +Ġunder min +Ġsequ el +S am +ĠDark ness +Ġre ception +b ull +Y S +ĠV ir +Ġsequ ences +ĠCo in +Ġout fit +ĠW ait +1 19 +Ġdel ivers +.... .. +Ġbl own +ĠE sc +ĠM ath +per m +ĠU l +Ġgl im +Ġfac ial +Ġgreen house +Ġto kens +/ - +ĠAnn ual +ĠON E +Ġteen age +ĠPhys ical +ĠL ang +ĠC elt +Ġsu ed +ivid ually +Ġpat ience +ch air +reg ular +Ġa ug +in v +ex cept +ĠL il +Ġn est +f d +s um +ĠCh ase +Russ ia +ĠJenn ifer +Ġoff season +Over all +F ore +Ġr iot +A ud +form er +Ġdefend ers +ĠC T +iot ic +rib ly +Ġautom ated +Ġpen is +Ġins ist +Ġdi agram +ĠS QL +ĠG arc +Ġw itch +cl ient +ier ra +am bers +Ġrec ount +f ar +V ery +oster one +Ġappreci ated +ĠPer fect +S ection +Ġd oses +oca ust +Ġcost ly +Ġg rams +ĠSh i +Ġwrest ling +Ġ19 71 +Ġtro phy +Ġn erve +ĠK az +ĠExper ience +Ġpled ged +Ġplay back +Ġcreat ivity +by e +Ġattack ers +Ġhold ers +ĠCo ach +ĠPh D +Ġtransf ers +Ġcol ored +ĠH indu +Ġd rown +Ġlist ened +ĠW A +ias m +P O +Ġappeal ing +Ġdiscl osed +ĠCh icken +ag ging +Ġple aded +Ġnav igation +ĠReturn s +Ġ[ [ +R OR +E A +Ġphotograp her +ĠR ider +ipp ers +Ġsl ice +Ġe rect +Ġhe d +iss ance +ĠVik ings +ur ious +Ġapp et +oubted ly +Ch ild +Ġauthent ic +o os +ĠM aking +Ġannoun cing +Ġb od +Ġmet er +ĠN ine +ĠR ogue +Ġwork force +Ġrenew ed +Ġorganis ations +ac s +P LE +Sh ort +Ġcomp ounds +ĠVis it +Ġen velop +ear th +Ġsupport ive +gg le +ĠBrus sels +ĠGu ild +Cre ate +RE L +Ġaver aged +Ġ19 69 +ri ages +Ġlength y +Ġforg ot +O kay +ĠE rd +Ġdeal er +Ġrec ession +D D +Ġdesper ately +Ġhun ger +Ġst icks +Ġm ph +ĠF aith +Ġintention ally +Ġdem ol +ue ller +ĠS ale +Ġde bris +s pring +Ġle ap +>> >> +Ġcontain ers +se lling +rane an +atter ing +Ġcomment ed +ĠC M +on ut +Ġwood s +es pecially +Ġorgan ize +iv ic +ĠWood s +ang a +s qu +Ġm aj +am on +Ġax is +Ġ19 74 +ĠDen mark +Ġwar rior +ĠP and +Ġout lined +ĠB O +ins ula +z illa +eb ook +Ġd are +Ġsear ched +Ġnav igate +S n +writ ing +Ġun ited +J apan +ĠHe brew +Ġfl ame +Ġrel ies +Ġcatch ing +ĠSh o +Ġimprison ment +Ġp ockets +Ġclos ure +ĠF am +t im +ade qu +Act ivity +Ġrecru iting +ĠW ATCH +ĠArgent ina +d est +Ġapolog ize +or o +Ġlack s +Ġtun ed +ĠGriff in +Ġinf amous +Ġcelebr ity +ss on +Ġ ---------------------------------------------------------------- +ĠIs is +ĠDis play +Ġcred ibility +Ġeconom ies +Ġhead line +ĠCow boys +Ġind ef +Ġl ately +Ġincent ives +but ton +ĠM ob +A ut +Ġres igned +ĠO m +c amp +Ġprof iles +Ġsche mes +olph ins +ay ed +Cl inton +en h +ĠY ahoo +Ġab st +Ġan k +su its +Ġw ished +ĠMar co +udd en +Ġsp here +ĠB ishop +Ġincorpor ated +ĠPl ant +11 4 +Ġh ated +p ic +Ġdon ate +Ġl ined +Ġbe ans +Ġsteal ing +Ġcost ume +Ġsher iff +Ġfor ty +Ġint act +Ġadapt ed +Ġtrave lling +b art +Ġnice ly +Ġdri ed +Ġsc al +os ity +NOT E +ĠB h +ĠBron cos +ĠI gn +Ġint imate +Ġchem istry +Ġopt imal +D eb +ĠGener ation +Ġ] , +ich i +ĠW ii +ĠYOU R +vent ions +W rite +Ġpop ul +un ning +ĠW or +V ol +Ġqu een +head s +K K +Ġanaly ze +op ic +ear chers +Ġd ot +leg raph +ast ically +Ġupgr ades +Ġca res +Ġext ending +Ġfree ze +Ġin ability +Ġorg ans +Ġpret end +Ġout let +11 3 +ol an +ĠM all +ul ing +t alk +Ġexpress ing +ĠAl ways +ĠBe gin +f iles +Ġlic enses +% % +ĠM itt +Ġfil ters +ĠMil waukee +G N +Ġunf old +M o +Ġnut rition +pp o +B o +Ġfound ing +Ġunder mine +Ġeas iest +ĠC zech +ĠM ack +Ġsexual ity +ĠN ixon +W in +ĠAr n +ĠK in +ãĤ £ +ic er +Ġfort un +Ġsurf aces +agh d +Ġcar riers +ĠP ART +ĠT ib +Ġinter val +Ġfrust rating +ĠSh ip +ĠAr med +ff e +Ġbo ats +ĠAb raham +in is +Ġsu ited +th read +i ov +ab ul +ĠVenezuel a +Ġto m +su per +Ġcast le +alth ough +iox ide +ec hes +Ġevolution ary +Ġnegoti ate +Ġconfront ed +Rem ember +Ġ17 0 +S uch +Ġ9 11 +m ult +ĠA byss +ur ry +ke es +spe c +ĠBarb ara +Ġbelong ing +Ġvill ain +ist ani +Ġaccount able +Ġport ions +ĠDe cl +U r +ĠK ate +g re +Ġmag azines +UC K +Ġregul ate +om on +ĠAl most +Ġover view +Ġsc ram +Ġl oot +ĠF itz +Ġcharacter istic +ĠSn ake +s ay +ĠR ico +Ġtra it +ĠJo ined +au cus +Ġadapt ation +ĠAirl ines +Ġarch ae +ĠI de +Ġb ikes +Ġliter ary +Ġinflu ences +ĠUs ed +C reat +Ġple a +ĠDef ence +ĠAss ass +Ġp ond +UL T +) " +Ġeval uated +Ġob taining +Ġdem ographic +Ġvig il +ale y +Ġsp ouse +ĠSeah awks +resp ons +ĠB elt +um atic +Ġr ises +run ner +ĠMichel le +Ġpot ent +r ace +ĠP AC +F ind +olester ol +IS S +ĠIntrodu ced +ress es +ign ment +O s +ĠT u +ĠDe x +ic ides +Ġspark ed +ĠLaur a +ĠBry ant +Ġsm iling +ĠNex us +Ġdefend ants +ĠCat al +Ġdis hes +sh aped +Ġpro long +m t +( $ +ãĢ Ĥ +Ġcalcul ations +ĠS ame +Ġp iv +H H +Ġcance lled +Ġgr in +Ġterrit ories +ist ically +C ome +ĠP arent +Pro ject +Ġneg lig +ĠPriv acy +Ġam mo +LE CT +olute ly +ĠEp ic +Ġmis under +w al +Apr il +m os +path y +ĠC arson +Ġalbum s +ĠE asy +Ġpist ol +< < +Ġ\ ( +t arget +hel p +Ġinter pre +cons cious +ĠH ousing +ĠJ oint +12 7 +Ġbe ers +s cience +ĠFire fox +effect ive +ĠC abin +ĠO kay +ĠApp lic +Ġspace craft +ĠS R +ve t +ĠStr ange +S B +Ġcor ps +iber al +e fficient +Ġpreval ence +Ġeconom ists +11 8 +Th read +ord able +OD E +ĠC ant +=- =- +if iable +ĠA round +Ġpo le +Ġwilling ness +CL A +ĠK id +Ġcomple ment +Ġsc attered +Ġin mates +Ġble eding +e very +Ġque ue +ĠTr ain +Ġh ij +Ġme lee +ple ted +Ġdig it +Ġg em +offic ial +Ġlif ting +Ð µ +Re qu +it utes +Ġpack aging +ĠWork ers +h ran +ĠLeban on +ol esc +Ġpun ished +ĠJ uan +Ġj am +ĠD ocument +Ġm apping +ic ates +Ġinev itably +Ġvan illa +ĠT on +Ġwat ches +Ġle agues +Ġiniti ated +deg ree +port ion +Ġrec alls +Ġru in +Ġm elt +I AN +Ġhe m +Ex p +Ġb aking +ĠCol omb +at ible +Ġrad ius +pl ug +ĠI F +et ically +Ġf ict +H ER +ĠT ap +atin um +Ġin k +Ġco h +ĠW izard +b oth +te x +Ġsp ends +ĠCurrent ly +ĠP it +Ġneur ons +ig nt +Ġr all +Ġbus es +b uilding +Ġadjust ments +Ġc ried +ibl ical +att ed +ĠZ ion +ĠM atter +Ġmed itation +ĠD ennis +Ġour s +ĠT ab +Ġrank ings +ort al +Ġad vers +Ġsur render +ĠG ob +ci um +om as +im eter +Ġmulti player +Ġhero in +Ġoptim istic +Ġindic ator +ĠBr ig +Ġgro cery +Ġapplic ant +ĠRock et +v id +Ex ception +p ent +Ġorgan izing +Ġenc ounters +ĠT OD +Ġjew el +S ave +ĠChrist ie +Ġhe ating +Ġl azy +ĠC P +Ġcous in +Con fig +Ġreg ener +Ġne arest +Ġachie ving +EN S +th row +ĠRich mond +ant le +200 2 +Ġan ten +b ird +13 3 +Ġn arc +r aint +un ny +ĠHispan ic +ourn aments +Ġprop he +ĠTh ailand +ĠT i +Ġinject ion +Ġinher it +rav is +Ġmed i +Ġwho ever +ĠDE BUG +G P +ĠH ud +C ard +p rom +Ġp or +Ġover head +L aw +Ġviol ate +Ġhe ated +Ġdescript ions +Ġachieve ments +ĠBe er +ĠQu ant +W as +Ġe ighth +ĠI v +Ġspecial ized +U PDATE +ĠD elta +P op +J ul +ĠAs k +oph y +Ġnews letters +ĠT ool +Ġg ard +ĠConf eder +ĠGM T +ĠAb bott +Ġimm unity +ĠV M +Is lam +Ġimpl icit +w d +Ġ19 44 +rav ity +omet ric +Ġsurv iving +ur ai +ĠPr ison +Ġr ust +ĠSk etch +Ġbe es +ĠThe ory +Ġmer it +T ex +ch at +Ġm im +Ġpast e +ĠK och +Ġignor ance +ĠSh oot +Ġbas ement +Un ited +ĠAd vis +he ight +Ġf oster +Ġdet ain +in formation +Ġne ural +' ; +Ġprov es +all ery +Ġinv itation +um bers +Ġc attle +Ġbicy cle +z i +Ġconsult ant +Ġap ology +ĠT iger +Ġ12 3 +99 9 +Ġind ividually +r t +ig ion +ĠBrazil ian +Ġdist urb +Ġentreprene urs +Ġfore sts +cer pt +pl ates +p her +clip se +Ġtw itter +Ġac ids +ograph ical +h um +ĠB ald +if ully +Ġcomp iler +ĠD A +Ġdon or +as i +Ġtrib al +l ash +ĠCon fig +Ġapplic ants +Ġsal aries +13 5 +Put in +ĠF ocus +ir s +Ġmisc onduct +ĠH az +Ġeat en +M obile +Mus lim +ĠMar cus +v iol +Ġfavor able +Ġst ub +ad in +ĠH ob +Ġfaith ful +Ġelectron ics +Ġvac uum +w ait +back ed +econom ic +d ist +Ġten ure +Ġsince re +ĠT ogether +ĠW ave +Ġprog ression +Ġden ying +Ġdist ress +br aska +th ird +Ġmix ing +Ġcolon ial +Ġpriv ately +Ġun rest +atern ity +Ġprem ises +ant i +greg ation +Ġlic ence +ĠH ind +ĠSam uel +Ġconvinc ing +ĠA ce +ĠR ust +ĠNet anyahu +Ġhand les +ĠP atch +orient ed +ah o +ĠG onz +Ġhack ers +claim er +Ġcustom s +ĠGr an +f ighters +Ġl uc +Ġman uscript +aren thood +Ġdev il +Ġwar riors +Ġoff enders +Will iam +Ġhol idays +Ġnight mare +Ġle ver +iff erent +St at +Ġexhib ition +put ed +ĠP ure +Ġal pha +Ġenthus iasm +ĠRepresent atives +E AR +ĠT yp +Ġwhe at +ĠAl f +Ġcor rection +Ġev angel +AT T +M iss +Ġs oup +Ġimpl ied +par am +Ġsex y +ĠL ux +Ġrep ublic +p atch +ab lish +Ġic ons +Ġfather s +ĠG ET +ĠCar ib +Ġregul ated +ĠCo hen +ĠBob by +Ġn er +Ġb ent +vent ory +ĠAl ong +ĠE ST +ĠWall ace +Ġmurd ers +r ise +ke ll +ĠCommon wealth +Ġn asty +et a +ĠM IT +Ġadminist ered +Ġgenuine ly +Ed itor +n ick +Ġhyd ro +**************** **************** +ĠB le +Ġfin es +Ġg orge +aus ible +r h +Ġapp le +ment ioned +Ġro pe +ot yp +H R +Ġdisappoint ing +Ġc age +n ik +Ġdoub ts +ĠF REE +print s +ĠM UST +Ġvend ors +ĠIn qu +Ġliber als +Ġcontract or +Ġup side +child ren +Ġtrick y +Ġregul ators +charg ed +l iter +Ġ *** +Ġreb ell +l ang +Ġloc als +Ġphys icians +Ġhe y +ar se +t m +ĠLe x +Ġbehavior al +success ful +F X +Ġbr ick +ov ic +Ġcon form +Ġreview ing +Ġins ights +Ġbi ology +ĠRem ove +ĠExt ra +Ġcomm itting +indu ced +ignt y +ig m +Ġat omic +Comm on +ĠE M +ĠP ere +ĠIt ems +e h +Ġpres erved +ĠH ood +Ġprison er +Ġbankrupt cy +Ġg ren +us hes +Ġexplo itation +Ġsign atures +Ġfin an +] ," +ĠM R +Ġme g +rem lin +Ġmusic ians +Ġselect ing +Ġexam ining +IN K +l ated +H i +Ġart ic +Ġp ets +Ġimp air +ĠM AN +Ġtable ts +in clude +R ange +Ġca ut +Ġlog s +Ġmount ing +Ġun aware +Ġdynam ics +ĠPalest ine +ĠQu arter +ĠPur ple +Ġm a +ĠIm port +Ġcollect ions +ci ation +Ġsuccess or +Ġcl one +Ġaim ing +Ġposs essed +Ġstick ing +Ġsh aking +Ġloc ate +ĠH ockey +T urn +17 0 +Ġfif teen +ĠHar rison +Ġcontinu ously +ĠT C +ĠVal ent +ĠRes cue +Ġby pass +am ount +Ġm ast +Ġprotect s +Ġart istic +Ġsomet ime +Ġsh oe +Ġshout ed +ific ant +et itive +ĠReg ister +ĠJ in +Ġconcent rated +ling ton +on ies +Ġgener ator +yr im +ĠAr men +Ġclear ing +id o +ĠT W +al ph +Ġlad ies +H ard +Ġdial og +Ġinput s +æ ľ +Ġpos es +Ġsl ots +ĠPrem ium +Ġle aks +Ġboss es +Ġ11 3 +c ourse +A cc +ĠNew ton +ĠAust ria +ĠM age +Ġte aches +ab ad +Ġwe ars +Ġc yl +Ġcur se +ĠS ales +ĠW ings +Ġp sy +Ġg aps +ĠIce land +ĠP interest +Ġland lord +Ġdefin itions +ĠK er +Ġsufficient ly +ĠP ence +ĠArch itect +Ġsur pass +Ġ11 4 +Ġsuper hero +ĠDise ase +Ġpri ests +ĠC ulture +Ġdefin itive +Ġsecret ly +ĠD ance +inst all +ch ief +ĠJess ica +W ould +Up dated +Ġlock er +ĠK ay +Ġmem orial +è ¦ +f at +Ġdis gu +Ġflav ors +ĠBase ball +ĠRes istance +Ġk icks +Ġen v +Ġteen agers +D ark +ĠC AR +Ġh alt +ĠL G +ĠGab riel +Ġfe ver +Ġs atur +Ġm all +Ġaffili ate +ĠS leep +ĠSpe cific +ĠV el +Ġj ar +ĠSac red +ĠEd wards +ĠA CL +Ġret ained +ĠG iant +Ġlim itation +in ces +Ġref usal +ĠT ale +ĠBut ler +Ġacc idents +ĠC SS +Ġimport ed +ĠCop y +Î ± +ER T +z el +Ġdiv isions +h ots +ĠAl b +ĠD S +Load er +W ashington +at isf +ĠCreat ive +\ . +ĠAut om +red ict +Ġrecept or +ĠCarl os +Met hod +ok a +Ġmal icious +Ġste pping +, [ +ĠD ad +Ġatt raction +ĠEffect s +ĠPir ate +ĠC er +ĠIndust ry +ĠR ud +Ġchar ter +Ġd ining +Ġins ists +Ġconfig ure +Ġ( # +ĠSim ple +ĠSc roll +UT C +17 5 +ĠK on +Ġmarket place +Ġ ãĤ +Ġref res +Ġg ates +er red +ĠP od +Ġbeh ave +Fr ank +n ode +Ġendors ed +he tt +as ive +ĠHom eland +Ġr ides +ĠLe ave +er ness +Ġflood ing +A FP +Ġris en +Ġcontin ually +Ġun anim +ĠCont ract +ĠP as +Ġgu ided +ĠCh ile +b d +Ġsu cc +pt ic +Ġcomm ittees +ĠL uther +ĠAny one +Ġs ab +12 4 +Ġp ixel +ĠB ak +ĠT ag +ĠBenn ett +En ter +sm all +ĠPresident ial +Ġp ul +Ġcontr ace +arch ive +Ġcoast al +ĠK ids +19 2 +âĢ ² +ick y +ING TON +Ġw olf +ĠSt alin +T ur +id get +am as +ĠUn less +Ġspons or +Ġmor ph +ĠCho ose +Ġrun ner +Ġun bel +Ġm ud +ĠMan a +Ġdub bed +Ġg odd +ure rs +wind ow +Ġrel ied +Ġcelebr ating +os c +Ġ13 5 +Ġlobb ying +Ġincom plete +Ġrestrict ion +Ġinc ap +it us +Ġexpect ation +ĠAp ollo +Ġint ens +Ġsyn c +G H +Ġmanip ulation +B Y +Ġspe ar +Ġbre asts +Ġvol can +il ia +M aterial +Ġform ats +ĠB ast +Ġparliament ary +Ġsn ake +Ġserv ants +ĠTr udeau +ĠGr im +ĠArab ic +ĠSC P +ĠBoy s +st ation +Ġprospect ive +ord e +in itialized +Ġb ored +AB LE +Ġaccess ed +Ġtax i +ĠShe ll +aid en +urs ed +in ates +ĠIns urance +ĠPet e +Sept ember +6 50 +Ġad ventures +ĠCo ver +Ġt ribute +Ġsk etch +Ġem power +Ġ Ø +ĠGl enn +ĠD aw += \" +ĠPolit ics +Ġgu ides +Ġd ioxide +ĠG ore +ĠBr ight +ĠS ierra +Ġval ued +c ond +Ġpo inter +Se lect +Ġrisk y +Ġabsor b +im ages +Ġref uses +Ġbon uses +__ _ +Ġh ilar +ĠF eatures +2 20 +ĠCollect or +F oot +Ġ19 64 +cul us +Ġd awn +Ġwork out +ĠL O +Ġphilosoph ical +ĠSand y +ĠYou th +Ġl iable +A f +bl ue +Ġovert urn +less ness +ĠTrib une +ĠIn g +Ġfact ories +Ġcat ches +Ġpr one +Ġmat rix +Ġlog in +Ġin acc +Ġex ert +s ys +Ġneed le +ĠQ ur +Ġnot ified +ould er +t x +Ġremind s +Ġpublisher s +Ġn ort +Ġg it +Ġfl ies +ĠEm ily +Ġflow ing +ĠAl ien +ĠStr ateg +Ġhard est +Ġmod ification +AP I +ĠM Y +Ġcr ashes +st airs +n umber +Ġur ging +ch annel +ĠFal con +Ġinhabit ants +Ġterr ifying +Ġutil ize +Ġban ner +Ġcig arettes +Ġsens es +ĠHol mes +Ġpract ition +ĠPhill ips +ott o +Ġcomp ile +Mod el +ĠK o +Ġ[ ] +Americ ans +ĠTer ms +Ġmed ications +ĠAn a +Ġfundament ally +ĠNot ice +Ġwe aker +Ġ 0000 +Ġgar lic +Ġout break +Ġeconom ist +ĠB irth +Ġobst acles +ar cer +ĠOr thodox +Ġplace bo +ĠC rew +asp berry +ĠAng els +Ġdis charge +Ġdestruct ive +11 7 +ĠR ising +Ġd airy +l ate +Ġcoll ision +ĠTig ers +ean or +ocument ed +ĠIn valid +Ġd ont +ĠL iter +ĠV a +Ġhyd rogen +Ġvari ants +ĠBrown s +Ġ19 65 +Ġind igenous +Ġtrad es +Ġremain der +Ġswe pt +ĠImp act +Ġred ist +Ġun int +grad uate +ãĥ ķ +ĠW ILL +ãģ® ç +ĠCrit ical +Ġf isher +Ġv icious +Ġrevers ed +Y ear +ĠS ox +Ġshoot ings +Ġfil ming +Ġtouchdown s +ai res +m el +Ġgrand father +Ġaffect ion +ing le +Ġover ly +Add itional +Ġsup reme +ĠGr ad +Ġsport ing +Ġmer cy +ĠBrook s +ount y +Ġperform s +Ġtight ly +Ġdem ons +Ġkill ings +Ġfact ion +ĠNov a +aut s +Ġund oubtedly +ar in +Ġunder way +ra k +Ġl iv +ĠReg ion +Ġbrief ing +s ers +cl oud +ĠM ik +us p +Ġpred iction +az or +Ġport able +ĠG and +Ġpresent ing +Ġ10 80 + » +ush i +ĠSp ark +there um +Ġjust ification +ĠN y +Ġcontract ors +ming ham +ĠSt yle +å ħ +ĠChron icles +ĠPict ure +Ġprov ing +Ġw ives +set t +Ġmole cules +ĠFair y +Ġconsist ing +Ġp ier +al one +in ition +Ġn ucle +j son +Ġg otta +Ġmob il +Ġver bal +ar ium +Ġmon ument +uck ed +Ġ25 6 +T ech +mine craft +ĠTr ack +Ġt ile +Ġcompat ibility +as is +Ġs add +Ġinstruct ed +ĠM ueller +Ġle thal +Ġhorm one +Ġor che +el se +Ġske let +Ġentert aining +Ġminim ize +ag ain +Ġunder go +Ġconst raints +Ġcig arette +ĠIslam ist +Ġtravel s +ĠPant hers +l ings +C are +Ġlaw suits +ur as +Ġcry st +Ġlow ered +Ġaer ial +Ġcomb inations +Ġha un +Ġch a +Ġv ine +Ġquant ities +Ġlink ing +b ank +Ġso y +B ill +ĠAngel a +Ġrecip ient +ĠProt est +Ġs ocket +Ġsolid arity +Ġâ Ĩ +m ill +Ġvar ies +ĠPak istani +Dr agon +Ġun e +Ġhor izon +³³³³ ³³³³ +Ġprov inces +Ġfrank ly +Ġenact ed +not es +[ ' +Ġ19 2 +ocr acy +Ġendorse ment +Ġover time +Tr ue +L ab +lic ted +ĠD NC +Ġbe ats +ĠJam ie +15 2 +ĠIN T +Cont act +Ġaccount ed +h ash +ĠPack ers +p ires +Ġles bian +Ġamend ments +Ġhop eful +ĠFin land +Ġspot light +Ġconfig ured +Ġtrou bled +Ġg aze +ĠCal gary +Ġrel iability +Ġins urg +sw er +b uy +ĠSk in +Ġp ixels +Ġhand gun +Ġpar as +Ġcateg or +ĠE L +ĠRe x +Ind eed +Ġkind a +Ġconj unction +ĠBry an +ĠMan ufact +y ang +Pl us +S QL +ish ment +Ġdom inate +Ġn ail +Ġo ath +Ġeru pt +ĠF ine +it bart +ĠCh ip +ĠAb d +ĠN am +Ġbuy er +Ġdiss ent +Le aks +Cont in +Ġr ider +ĠSome one +Ġill usion +c in +ĠBoe ing +Ġin adequ +ov ation +i ants +Ġreb uild +4 50 +ĠDest iny +S W +ĠT ill +H it +ia z +ĠBang l +acher s +ĠRe form +Ġse gments +Ġsystem atic +d c +ĠConserv atives +Ġport al +h or +ĠDragon bound +Ġdrag ged +om o +Ġthe e +ad vert +ĠRep orts +ĠE t +Ġbarrel s +Aug ust +Ġcompar isons +Ġhe x +Ġan throp +" [ +bor ough +ab i +Ġpict ured +play ing +ĠAdd ress +ĠMir ror +Sm ith +Ġt ires +ĠN PR +AA AA +Ġclass ification +ĠTh an +ĠH arm +ĠR A +Ġreject ion +min ation +Ġr anged +ĠF alls +D I +H ost +ãĤ ´ +ĠEx ample +list ed +th irds +Ġsaf egu +br and +Ġprob able +Can ada +IT ION +ĠQ aeda +Ġch ick +Ġimport s +h it +l oc +W W +Ġble w +Ġany time +Ġwh oles +ik ed +Ġcal culation +cre ate +ĠO ri +Ġupgr aded +Ġapp ar +ut ory +ĠM ol +B rit +ĠJ ong +IN AL +ĠStart ing +Ġd ice +urt le +Ġre lying +cl osure +Ġprof itable +Ġsl aughter +ĠMan ual +c aster +Ġ" $ +Ġfe ather +ĠSim ply +ie ves +Ġdeter ior +ĠPC I +Ġst amp +Ġfl aws +Ġsh ade +ham mer +Ġpass port +Ġcont ing +am el +Ġobser vers +Ġneg lect +ĠR B +ĠBrother hood +Ġskept ical +f amily +us k +Ġemotion ally +â Ļ +ĠBet a +ason able +id ity +ĠM ul +Ġkick ing +ĠC arm +oll ah +VERT IS +ĠAt hen +Ġlad der +ĠBul let +å £ +00 01 +ĠWild life +ĠM ask +ĠN an +R ev +Ġun acceptable +leg al +Ġcrowd ed +ag i +ĠC ox +j e +Ġmor ality +Ġfu els +Ġc ables +Ġman kind +ĠCarib bean +Ġanch or +Ġby te +ĠO ften +ĠO z +Ġcraft ed +Ġhistor ian +ĠW u +Ġtow ers +ĠCitiz ens +Ġhel m +Ġcred entials +Ġsing ular +ĠJes se +Ġtack les +Ġcont empt +Ġa fore +ĠSh adows +Ġn il +Ġur gent +app le +bl ood +Ġv on +Ġoff line +Ġbreat he +Ġj umps +Ġirre levant +ox ic +om al +import ant +J im +Ġgl oves +arm ing +dep th +Ġtal ents +ook ie +ĠS B +Ġpal m +uff s +est a +IG H +Ġcan on +ĠVer izon +ĠP le +Ġcou pled +vel t +Ġfundra ising +ĠGet ting +ĠD LC +Ġmathemat ical +ĠH S +ĠCard inals +te lling +Ġspons ors +Ġ Ï +ĠBull s +op tion +Ġprop ose +Ġmem orable +Ġembr aced +Ġdecl ining +He alth +ed a +Ġ} ; +Ġsp am +m ile +Ġpit cher +ĠE ight +Ġcar ing +ut ic +ro le +Ġair line +ernand ez +ĠAth let +Ġcert ification +ux e +rig er +Ġem pir +Ġsens ation +Ġdis m +Ġb olt +Ġev olve +H ouse +Ġconsult ation +ĠD uty +Ġtou ches +ĠN athan +Ġf aint +h ad +" ( +ĠCons umer +ĠExt reme +Ġ12 7 +ĠHer m +ĠSac rament +iz oph +Ġanx ious +ul ously +Ġsoc ially +ĠU TC +Ġsol ving +ĠLet ter +Hist ory +ed uc +Pr ice +) ); +Ġrel oad +am ic +Ġp ork +Ġdisc ourse +Ġt ournaments +ai ro +ĠK ur +ĠCost a +Ġviol ating +Ġinterf ere +Ġrecre ational +uff le +Ġspe eches +Ġneed ing +Ġremem bers +Ġcred ited +n ia +f ocused +amer a +Ġb ru +um bs +ĠCub an +Ġpreced ing +Ġnons ense +ac ial +Ġsmart phones +ĠSt ories +S ports +ĠEmer gency +oun cing +ef ined +Ġb er +Ġconsult ing +Ġm asters +he astern +." [ +ĠRun ning +Ġsus cept +ĠF eng +Americ a +pr ises +st itial +ĠWeek ly +ĠGreat er +mod ules +if ter +G raphics +ul er +Ġwho lly +Ġsupp ress +Ġconce aled +Ġhapp ily +Ġaccept s +ĠEn joy +Ġr ivers +ĠEx cept +2 25 +ĠN HS +ĠMc Connell +Ġp ussy +fer red +ut able +Ġatt ain +Ġ> = +Ġdepos its +roph ic +Ġnot orious +ĠSh aw +il itation +Ġepid emic +all ic +Ġsmall est +ov ich +Ġaccess ories +per ties +Ġsur plus +ĠMe ch +Ġamb ig +ĠImm igration +Ġch im +ev al +Ġpract icing +ĠMyster y +Ġdom ains +ĠSil icon +app s +Ġkilomet ers +e a +ĠSm ash +Ġwarrant y +Ġn ost +s il +re v +J on +ĠDub lin +Ġtast es +Ġb out +g reat +er ror +Ġsw itches +ĠB apt +D O +ok i +Ġsour ced +pro du +Ġattach ment +ĠIss ue +ĠQuest ion +Jo in +Ġf itted +Ġunlaw ful +^ ^ +ere k +Ġauthent ication +Ġst ole +Ġaccount ability +l abel +S earch +Ġal beit +atic an +fund ed +ĠAdd ing +ĠI Q +Ġsub mar +l it +a que +ĠLear ning +Ġint eger +M aster +ĠCh rom +Ġprem ier +O p +ĠLi u +Ġbl essed +ĠGl obe +ĠResp onse +Ġlegit im +ĠMer kel +Ġdispos al + ´ +Ġgau ge +pe at +Ġindu ced +Ġquestion able +arth y +ĠV it +ĠF eed +U ntil +U t +worth y +R Y +ĠH erald +ĠHam mer +Ġmed al +ĠR ivers +ĠH ack +Ġclar ify +Ġtrack ed +Ġautonom ous +Ġten ant +ĠQ atar +er ie +Ġgr im +ĠMon itor +Ġresist ant +ĠSpe c +ĠWell s +N AS +14 8 +Ġmin ers +iot ics +Ġmiss es +11 6 +g ian +g it +ĠE yes +p res +Ġgrad uated +Ġang el +Ġsyn chron +Ġefficient ly +Ġtrans mitted +H arry +Ġglob ally +EN CE +ĠMont ana +r aged +ĠPre vention +Ġp iss +ĠL l +Ġshe lf +ĠB JP +ĠTest ament +ĠL ate +ik er +ĠH app +ĠJul ian +h all +Ġsp ont +Ġshut down +Ġincons istent +Ġsubscrib ers +Ġske leton +ĠNe braska +Ġins pire +ĠV oid +F eed +Ġang les +ĠSpr ings +Ġbench mark +Ġvacc ines +izoph ren +se xual +uff ed +Ġsh ine +ĠK ath +Ġgest ure +ine a +Ġr ip +Ġopp ression +Ġcons cience +b t +ĠL um +Ġinc idence +ĠF a +w r +Ġmin eral +ĠSp urs +alk y +Ġth under +Ġop io +Be ing +ĠPal m +Ġwas ted +Ġl b +i aries +ĠIniti ative +Ġcur ric +Ġmark er +ĠMc L +Ġext ensions +ĠP v +ĠAr ms +Ġoffer ings +Ġdef enses +Ġvend or +Ġcontrad ict +ĠCol in +Ġredd it +Ġper ipher +12 2 +Ġs ins +E dit +IC T +So ft +ĠSh ah +Ġadministr ator +ĠT rip +Ġporn ography +Ġtu ition +in ence +ĠPro gress +Ġcat alog +Ġsu ite +Ġh ike +Ġreprodu ctive +eng ine +Ġd rought +ĠNo ah +Ġ2 30 +Ġd ude +Ġrelax ed +Ġpart ition +Ġparticip ant +Ġtel esc +Ġfe as +ĠF F +own er +Ġswe eping +Ġl enses +Ġmatch up +ĠRe pl +ourn als +Ġcred ible +Ġgrand mother +Ġther mal +Ġsubscrib ing +Ġident ities +col m +U CT +Ġreluct ant +us ers +ĠC ort +Ġassist ed +OS S +ATION S +IS H +Ġpharm aceutical +ic able +ad ian +ĠSon ic +ĠF ury +ĠM ong +A H +ĠPsych ology +Ġph osph +Ġtreat s +Ń Ķ +Ġstead ily +ĠHell o +Ġrel ates +Ġcl ue +Ex pl +a uth +Ġrev ision +Ġe ld +os ion +Ġbr on +14 4 +ri kes +Ġmin es +Ġblank et +ĠF ail +el ed +ĠIm agine +ĠPl anned +a ic +Re quest +M ad +ĠHor se +ĠEag le +Ġcap ac +15 7 +Ġl ing +ĠN ice +ĠP arenthood +min ster +og s +ens itive +Not hing +Ġcar n +F in +ĠP E +Ġr ifles +ĠL P +S and +Ġgui Active +Ġtour ist +C NN +Ġunve iled +Ġpredec essor +} { +u ber +Ġoff shore +Ġopt ical +ĠR ot +ĠPear l +et on +Ġst ared +Ġfart her +at ility +cont in +ĠG y +ĠF oster +ĠC oc +ri ents +Ġdesign ing +ĠEconom y +ON G +W omen +ĠN ancy +er ver +Ġmas cul +Ġcasual ties +Ġ2 25 +ĠS ullivan +ĠCh oice +Ġa ster +w s +Ġhot els +Ġconsider ations +Ġcou ch +ĠSt rip +ĠG n +Ġmanip ulate +l ied +Ġsynt hetic +Ġassault ed +Ġoff enses +ĠDra ke +Ġim pe +Oct ober +ĠHer itage +h l +ĠBl air +Un like +Ġg rief +Ġ4 50 +Ġopt ed +Ġresign ation +il o +Ġver se +ĠT omb +Ġu pt +Ġa ired +ĠH ook +ĠML B +Ġassum es +out ed +ĠV ers +Ġinfer ior +Ġbund le +ĠD NS +ograp her +Ġmult ip +ĠSoul s +Ġillust rated +Ġtact ic +Ġdress ing +Ġdu o +Con f +Ġrel ent +Ġc ant +Ġscar ce +Ġcand y +ĠC F +Ġaffili ated +Ġspr int +yl an +ĠGarc ia +Ġj unk +Pr int +ex ec +C rit +Ġport rait +ir ies +ĠOF F +Ġdisp utes +W R +L ove +ãģ Ħ +ĠRe yn +Ġh ipp +op ath +Ġflo ors +ĠFe el +Ġwor ries +Ġsett lements +ĠP os +Ġmos que +Ġfin als +Ġcr ushed +ĠPro bably +ĠB ot +ĠM ans +ĠPer iod +Ġsovere ignty +Ġsell er +Ġap ost +Ġam ateur +Ġd orm +Ġconsum ing +Ġarm our +ĠRo ose +Ġint ensive +Ġelim inating +ĠSun ni +ĠAle ppo +j in +Ġadv ise +p al +ĠH alo +Ġdes cent +Ġsimpl er +Ġbo oth +ST R +L ater +ĠC ave +== = +Ġm ol +Ġf ist +Ġshot gun +su pp +Ġrob bery +E ffect +Ġobsc ure +ĠProf essional +Ġemb assy +Ġmilit ant +Ġinc arcer +Ġgener ates +Ġlaun ches +Ġadministr ators +Ġsh aft +Ġcirc ular +Ġfresh man +ĠW es +ĠJo el +ĠD rew +ĠDun can +ĠApp arently +s ight +ĠIntern al +ĠInd ividual +ĠF E +Ġb ore +ĠM t +Ġbroad ly +ĠO ptions +ount ain +ip es +ĠV ideos +20 4 +Ġh ills +Ġsim ulation +Ġdisappoint ment +it an +ĠLabor atory +Ġup ward +Ġbound ary +Ġdark er +h art +Ġdomin ance +C ong +ĠOr acle +ĠL ords +Ġscholars hip +ĠVin cent +ed e +ĠR ah +Ġencour ages +ro v +Ġqu o +Ġprem ise +ĠCris is +ĠHol ocaust +Ġrhyth m +Ġmet ric +cl ub +Ġtransport ed +Ġn od +ĠP ist +Ġancest ors +ĠFred er +th umbnails +ĠC E +ON D +Ph il +ven ge +ĠProduct s +cast le +Ġqual ifying +ĠK aren +VERTIS EMENT +Ġmight y +Ġexplan ations +Ġfix ing +D i +Ġdecl aring +Ġanonym ity +Ġju ven +ĠN ord +ĠDo om +ĠAct ually +O k +ph is +ĠDes ert +Ġ11 6 +I K +ĠF M +Ġinc omes +V EL +ok ers +Ġpe cul +Ġlight weight +g ue +Ġacc ent +Ġincre ment +ĠCh an +Ġcompl aining +ĠB aghd +Ġmidfield er +Ġover haul +Pro cess +ĠH ollow +ĠTit ans +Sm all +man uel +ĠUn ity +ĠEv ents +S ty +Ġdispro portion +n esty +en es +ĠC od +Ġdemonstr ations +ĠCrim son +ĠO H +Ġen rolled +Ġc el +ĠBre tt +Ġa ide +Ġhe els +Ġbroad band +Ġmark ing +Ġw izard +ĠN J +ĠChief s +Ġingred ient +Ġd ug +ĠSh ut +urch ase +end or +Ġfar mer +ĠGold man +12 9 +15 5 +Or der +Ġl ion +i ably +Ġst ain +ar ray +ilit ary +ĠFA Q +Ġexpl oded +ĠMcC arthy +ĠT weet +ĠG reens +ek ing +l n +ens en +Ġmotor cycle +Ġpartic le +Ġch olesterol +B ron +Ġst air +Ġox id +Ġdes irable +ib les +Ġthe or +for cing +Ġpromot ional +ov o +b oot +ĠBon us +raw ling +Ġshort age +ĠP sy +Ġrecru ited +Ġinf ants +Ġtest osterone +Ġded uct +Ġdistinct ive +Ġfirm ware +bu ilt +14 5 +Ġexpl ored +Ġfact ions +Ġv ide +Ġtatt oo +Ġfinan cially +Ġfat igue +Ġproceed ing +const itutional +Ġmis er +Ġch airs +gg ing +ipp le +Ġd ent +Ġdis reg +ç Ķ +st ant +ll o +b ps +aken ing +Ġab normal +ĠE RA +å£ « +ĠH BO +ĠM AR +Ġcon cess +Ġserv ant +Ġas pir +l av +ĠPan el +am o +Ġprec ip +Ġrecord ings +Ġproceed ed +Ġcol ony +ĠT ang +ab lo +Ġstri pped +Le ft +to o +Ġpot atoes +Ġfin est +% ). +Ġc rap +ĠZ ach +ab ases +ĠG oth +Ġbillion aire +w olf +Ġsan ction +S K +Ġlog ged +P o +ey ed +un al +Ġcr icket +Ġarm ies +Ġunc overed +Cl oud +ó n +Ġreb ounds +Ġm es +O per +P ac +Ġnation ally +Ġinsert ed +p ict +Ġgovern ance +Ð ¸ +Ġprivile ges +G ET +Ġfavor ites +im ity +Ġlo ver +the m +em pl +Ġgorge ous +An n +Ġsl ipped +Ġve to +B ob +Ġsl im +u cc +ĠF ame +udden ly +Ġden ies +ĠM aur +Ġdist ances +Ġw anna +t ar +ĠS ER +Ġâ Ī +Ġle mon +at hetic +Ġlit eral +Ġdistingu ished +Ġansw ering +G I +Ġrelig ions +ĠPhil os +ĠL ay +Ġcomp os +ire ments +ĠK os +ine z +roll ing +Ġyoung est +and ise +ĠB orn +Ġalt ar +am ina +ĠB oot +v oc +Ġdig ging +Ġpress ures +Ġl en +26 4 +Ġassass ination +ĠBir mingham +ĠMy th +Ġsovere ign +ĠArt ist +ĠPhot ograph +Ġdep icted +Ġdisp ens +orth y +Ġamb ul +int eg +ĠC ele +ĠTib et +Ġhier archy +Ġc u +Ġpre season +ĠPet erson +Ġcol ours +Ġworry ing +Ġback ers +ĠPal mer +ĠÎ ¼ +Ġcontribut or +Ġhear ings +Ġur ine +Ġ Ù +ourge ois +Sim ilar +ĠZ immer +s omething +ĠUS C +Ġstrength s +ĠF I +Ġlog ging +As ked +ĠTh ai +in qu +ĠW alt +Ġcrew s +it ism +3 01 +Ġshar ply +um ed +Ġred irect +r ators +In f +ĠWe apons +Ġte asp +19 99 +L ive +ĠEs pecially +ĠS ter +ĠVeter ans +Ġint ro +other apy +Ġmal ware +Ġbre eding +Ġmole cular +ĠR oute +ĠCom ment +oc hem +Ġa in +Se ason +Ġlineback er +Ä « +ĠEconom ics +es ar +ĠL ives +ĠEm ma +Ġk in +ĠTer rit +Ġpl anted +ot on +ĠBut ter +ĠSp ons +P ER +Ġdun geon +Ġsymb olic +Ġfil med +Ġdi ets +Ġconclud es +Ġcertain ty +ĠForm at +Ġstr angers +form at +ĠPh ase +Ġcop ied +Ġmet res +ld a +ĠUs ers +Ġdeliber ate +Ġwas hed +ĠL ance +im ation +Ġimpro per +ĠGen esis +ick r +ĠK ush +Ġreal ise +Ġembarrass ing +alk ing +b ucks +Ġver ified +Ġout line +year s +ĠIn come +20 2 +Ġz ombies +F inal +ĠMill enn +Ġmod ifications +ĠV ision +ĠM oses +ver b +iter ranean +ĠJ et +Ġnav al +ĠA gg +Ġur l +Ġvict ories +Ġnon etheless +Ġinj ust +ĠF act +ç ļ +Ġins ufficient +re view +face book +Ġnegoti ating +Ġguarant ees +im en +uten berg +Ġg ambling +Ġcon gr +Load ing +Ġnever theless +Ġpres idents +ĠIndust rial +Ġ11 8 +Ġp oured +ĠT ory +Ġ17 5 +Ġ: = +Sc ott +ange red +T ok +Ġorgan izers +M at +ĠG rowth +Ġad ul +Ġens ures +Ġ11 7 +é¾į å +Ġmass acre +Ġgr ades +be fore +AD VERTISEMENT +ĠSl ow +ĠM MA +âĢĶ " +ĠV atican +Q aeda +Ġo we +66 66 +ĠS orry +ĠGr ass +Ġbackground s +Ġexha usted +Ġcl an +Ġcomprom ised +ĠE lf +ĠIsa ac +ens on +In vest +IF A +Ġinterrupt ed +ãĥī ãĥ© +Ġtw isted +ĠDrag ons +M ode +ĠK remlin +Ġfert il +he res +ph an +ĠN ode +f ed +ĠOr c +Ġunw illing +C ent +Ġprior it +Ġgrad uates +Ġsubject ive +Ġiss uing +ĠL t +Ġview er +Ġw oke +Th us +bro ok +Ġdep ressed +Ġbr acket +ĠG or +ĠFight ing +Ġstri ker +Rep ort +ĠPortug al +Ġne o +w ed +19 9 +Ġflee ing +sh adow +ident ified +US E +Ste am +Ġstret ched +Ġrevel ations +art ed +ĠD w +Ġalign ment +est on +ĠJ ared +S ep +Ġblog s +up date +g om +r isk +Ġcl ash +ĠH our +Ġrun time +Ġunw anted +Ġsc am +Ġr ack +Ġen light +on est +ĠF err +Ġconv ictions +Ġp iano +Ġcirc ulation +ĠW elcome +Ġback lash +ĠW ade +Ġrece ivers +ot ive +J eff +Ġnetwork ing +ĠPre p +ĠExpl orer +Ġlect ure +Ġupload ed +ĠMe at +B LE +ĠNaz is +ĠSy nd +st ud +ro ots +ri ans +Ġportray ed +Ġ ?? +ĠBudd ha +s un +Rober t +ĠCom plex +Ġover see +Ġste alth +T itle +ĠJ obs +ĠK um +Ġappreci ation +ĠM OD +Ġbas ics +Ġcl ips +Ġnurs ing +Ġpropos ition +Ġreal ised +ĠNY C +Ġall ocated +ri um +ar an +ĠPro duction +ĠV ote +Ġsm ugg +Ġhun ter +az er +ĠCh anges +Ġfl uct +y on +Ar ray +Ġk its +W ater +Ġuncom mon +Ġrest ing +ell s +w ould +Ġpurs ued +Ġassert ion +omet own +ĠMos ul +ĠPl atform +io let +Ġshare holders +Ġtra ils +P ay +ĠEn forcement +ty pes +ĠAn onymous +Ġsatisf ying +il ogy +Ġ( ' +w ave +c ity +Ste ve +Ġconfront ation +ĠE ld +C apt +ah an +ht m +ĠC trl +ON S +2 30 +if a +hold ing +Ġdelic ate +Ġj aw +ĠGo ing +or um +S al +Ġd ull +ĠB eth +Ġpr isons +Ġe go +ĠEl sa +avor ite +ĠG ang +ĠN uclear +Ġsp ider +ats u +Ġsam pling +Ġabsor bed +ĠPh arm +iet h +Ġbuck et +ĠRec omm +O F +ĠF actory +AN CE +Ġb acter +H as +ĠObs erv +12 1 +Ġprem iere +De velop +Ġcur rencies +C ast +Ġaccompany ing +ĠNash ville +Ġfat ty +ĠBre nd +Ġloc ks +Ġcent ered +ĠU T +augh s +or ie +ĠAff ordable +v ance +D L +em et +Ġthr one +ĠBlu etooth +Ġn aming +if ts +AD E +Ġcorrect ed +Ġprompt ly +ĠST R +Ġgen ome +Ġcop e +Ġval ley +Ġround ed +ĠK end +al ion +p ers +Ġtour ism +Ġst ark +v l +Ġblow ing +ĠSche dule +st d +Ġunh appy +Ġlit igation +ced es +Ġand roid +Ġinteg ral +ere rs +ud ed +t ax +Ġre iter +ĠMot ors +oci ated +Ġwond ers +ĠAp ost +uck ing +ĠRoose velt +f ram +Ġyield s +Ġconstit utes +aw k +Int erest +Ġinter im +Ġbreak through +ĠC her +Ġpro sec +ĠD j +ĠM T +Res p +ĠP T +Ġs perm +ed it +B T +Lin ux +count ry +le ague +Ġd ick +Ġo ct +Ġinsert ing +Ġsc ra +ĠBrew ing +Ġ19 66 +Ġrun ners +Ġpl un +id y +ĠD ian +Ġdys function +Ġex clusion +Ġdis gr +Ġincorpor ate +Ġrecon c +Ġnom inated +ĠAr cher +d raw +achel or +Ġwrit ings +Ġshall ow +Ġh ast +ĠB MW +ĠR S +Ġth igh +Ġ19 63 +Ġl amb +Ġfav ored +ag le +Ġcool er +ĠH ours +ĠG U +ĠOrig in +Ġglim pse +---------------- ---- +L im +Ġche ek +Ġj ealous +- ' +Ġhar ness +ĠPo ison +Ġdis abilities +ne apolis +Ġout look +Ġnot ify +ĠIndian apolis +Ġab rupt +ns ic +Ġenc rypted +Ġfor fe +reat h +Ġr abb +Ġfound ations +Ġcompl iment +ĠInter view +ĠS we +Ġad olesc +Ġmon itors +ĠSacrament o +Ġtime ly +Ġcontem pl +Ġposition ed +Ġpost ers +ph ies +iov ascular +v oid +ĠFif th +Ġinvestig ative +OU N +Ġinteg rate +ĠIN C +ish a +ibl ings +ĠRe quest +ĠRodrig uez +Ġsl ides +ĠD X +Ġfemin ism +Ġdat as +Ġb end +ir us +ĠNig eria +F ox +Ch ange +Ġair plane +ĠLad en +Ġpublic ity +ixt y +Ġcommit ments +Ġaggreg ate +Ġdisplay ing +ĠAr row +Ġ12 2 +Ġrespect s +and roid +s ix +ĠSh a +Ġrest oration +) \ +W S +oy s +Ġillust rate +with out +12 6 +ĠâĶ Ĥ +Ġpick up +n els +Ġ .... +f ood +ĠF en +) ? +Ġphenomen a +Ġcompan ions +ĠW rite +Ġsp ill +Ġbr idges +ĠUp dated +ĠF o +Ġinsect s +ASH INGTON +Ġsc are +il tr +ĠZh ang +Ġsever ity +Ġind ul +14 9 +ĠCo ffee +Ġnorm s +Ġp ulse +ĠF T +Ġhorr ific +ĠDest roy +ĠJ SON +Ġo live +Ġdiscuss es +R est +E lect +ĠW inn +ĠSurv iv +ĠH ait +S ure +op ed +Ġro oted +ĠS ke +ĠBron ze +Ġl ol +Def ault +Ġcommod ity +red ited +Ġliber tarian +Ġforb idden +Ġgr an +à ¨ +Ġl ag +en z +dri ve +Ġmathemat ics +Ġw ires +Ġcrit ically +Ġcarb ohyd +ĠChance llor +ĠEd die +Ġban ning +ĠF ri +Ġcompl ications +et ric +ĠBangl adesh +Ġband width +St op +ĠOrig inally +Ġhalf way +yn asty +sh ine +Ġt ales +rit ies +av ier +Ġspin ning +ĠWH O +Ġneighbour hood +b ach +Ġcommer ce +ĠS le +B U +Ġentreprene ur +Ġpecul iar +ĠCom ments +f re +3 20 +IC S +Ġimag ery +ĠCan on +ĠElect ronic +sh ort +( ( +D ig +Ġcomm em +u ced +Ġincl ined +ĠSum mon +Ġcl iff +ĠMed iterranean +Ġpo etry +Ġprosper ity +ĠRe ce +Ġp ills +m ember +Ġfin ale +un c +ĠG ig +ä ½ +Ġl od +Ġback ward +- + +ĠFor ward +Ġth ri +s ure +Ġso ap +ĠF X +R ES +ĠSe xual +oul os +Ġfool ish +Ġright eous +Ġco ff +terror ism +ust ain +ot er +Ġab uses +ne xt +Ġab usive +Ġthere after +Ġprohib ition +ĠS UP +Ġd ip +Ġr ipped +Ġinher ited +Ġb ats +st ru +G T +Ġflaw ed +ph abet +Ġf og +do ors +Ġim aging +Ġdig its +ĠHung ary +Ġar rog +Ġteach ings +Ġprotocol s +ĠB anks +à ¸ +p ound +ĠC urt +." ) +. / +Ġex emption +end ix +ĠM ull +Ġimpro ves +ĠG amer +d imensional +I con +ĠMarg aret +St atus +d ates +Ġint ends +Ġdep ict +Ġpark ed +J oe +ĠMar ines +chn ology +! ). +Ġjud ged +Ġwe ights +R ay +Ġapart ments +he ster +Ġrein force +Ġoff ender +occ up +Ġs ore +e pt +ĠPH P +ĠB row +Ġauthor ization +ĠR isk +ĠDel aware +ĠQ U +Ġnot ifications +Ġsun light +Ġex clude +d at +Ġm esh +ĠSud an +Ġbelong ed +Ġsub way +Ġno on +ĠInter ior +ol ics +ĠL akers +Ġc oding +Dis claimer +Cal if +O ld +Ġdis l +???? ? +Ġconfir ms +Ġrecruit ment +Ġhom icide +Cons ider +ĠJeff rey +ft y +} ; +Ġobject ion +do ing +ĠLe o +W ant +Ġgl ow +ĠClar ke +ĠNorm an +Ġver ification +Ġpack et +ĠForm ula +Ġpl ag +es ville +Ġshout ing +Ġo v +ĠR EC +ĠB ub +Ġn inth +Ġener g +Ġvalid ity +Ġup s +j ack +Ġneighbor ing +ĠN ec +ew orks +ĠH ab +are z +Ġsp ine +Ġevent ual +ĠLe aders +ĠC arn +Ġprob ation +Ġrom ance +ms g +ĠMechan ical +ER Y +R ock +Ġpart isan +N ode +ass ets +min ent +Ġforeign ers +Ġtest ify +ĠUs ually +l ords +ĠG ren +ĠPow ell +BI L +Ġs r +Ġadd ict +Ġshell s +Ġs igh +ĠY ale +tern ity +Ġ7 50 +E U +ĠR ifle +Ġpat ron +em a +ĠB annon +an ity +Ġtrop ical +ĠV II +c ross +Every thing +ĠIS O +Ġhum ble +ass ing +ĠF IG +Ġupd ating +ys on +Ġcal cium +Ġcompet ent +Ġste ering +Pro t +ĠS Y +ĠFin als +ĠR ug +15 9 +13 7 +ĠG olf +Ġ12 6 +Ġaccommod ation +ĠHug hes +Ġaest hetic +art isan +ĠTw ilight +Ġpr ince +ĠAgric ulture +ĠDis co +Ġpreced ent +Ġtyp ing +author ized +O ption +ĠA ub +l ishes +ach t +m ag +P eter +ĠU FO +mont on +ĠL ith +Ġa rom +Ġsec uring +Ġconf ined +priv ate +Ġsw ords +Ġmark ers +Ġmetab olic +se lect +ĠCur se +ĠO t +g ressive +Ġinc umb +ĠS aga +Ġpr iced +Ġclear ance +Cont ent +Ġdr illing +Ġnot ices +Ġb ourgeois +Ġv est +Ġcook ie +ĠGuard ians +ry s +in yl +Ġ12 4 +Ġpl ausible +on gh +ĠOd in +Ġconcept ion +ĠY uk +ĠBaghd ad +ĠFl ag +Aust ral +ĠI BM +Ġintern ationally +ĠWiki Leaks +I ED +Ġc yn +Ġcho oses +ĠP ill +Ġcomb ining +Ġrad i +ĠMoh ammed +def ense +atch ing +Sub ject +ic iency +Fr ame +Ġ{ " +Ġche ss +Ġtim er +19 0 +Ġt in +Ġord inance +emet ery +Ġacc using +Ġnotice able +Ġcent res +Ġl id +ĠM ills +img ur +Ġz oom +erg ic +Ġcomp ression +pr im +f ind +Ġsur g +Ġp and +ĠK ee +ĠCh ad +cell ence +oy le +Ġsocial ism +ĠT ravis +ĠM Hz +Ġgu ild +ALL Y +ĠSub scribe +ĠRel ated +Ġoccur rence +itch ing +Ġfict ional +Ġcr ush +ĠE A +c od +m ix +ĠTri ple +Ġretrie ve +Ġstimul us +Ġpsych iat +ĠDo or +Ġhomosexual ity +Ġelement ary +Ġcell ular +id ian +ĠL aun +Ġintrig uing +Ġfo am +ĠB ass +id i +its u +Ġass ure +Ġcongr at +Ġbusiness man +ĠBo ost +cl ose +Ġl ied +Ġsc iences +ĠO mega +ĠG raphics +Ġ< = +sp oken +Ġconnect ivity +S aturday +ĠAven gers +Ġto ggle +Ġank le +Ġnational ist +mod el +ĠP ool +ophob ia +V ar +ĠM ons +ator ies +Ġaggress ively +C lear +For ge +act ers +Ġhed ge +Ġpip es +Ġbl unt +Ġs q +Ġremote ly +W ed +as ers +Ġref riger +Ġt iles +Ġresc ued +Ġcompr ised +ins ky +Ġman if +avan augh +Ġprol ifer +Ġal igned +x ml +Ġtri v +Ġcoord ination +ĠP ER +ĠQu ote +13 4 +b f +ĠS aw +Ġtermin ation +Ġ19 0 +Ġadd itions +Ġtri o +Ġproject ions +Ġpositive ly +Ġin clusive +Ġmem br +19 90 +old er +Ġpract iced +ink le +Ar ch +Ġstar ters +ari us +Ġinter mediate +ĠBen ef +ĠK iller +Ġinter ventions +ĠK il +ĠF lying +In v +Ġprem ature +Ġpsych iatric +Ġind ie +Ġcoll ar +ĠRain bow +af i +Ġdis ruption +ĠFO X +cast ing +Ġmis dem +c ro +Ġw ipe +ard on +Ġb ast +ĠTom my +ĠRepresent ative +Ġbell y +ĠP O +ĠBre itbart +13 2 +Ġmess aging +Sh ould +Ref erences +ĠG RE +ist ical +L P +ĠC av +ĠC razy +Ġintu itive +ke eping +ĠM oss +Ġdiscont in +ĠMod ule +Ġun related +ĠPract ice +ĠTrans port +Ġstatist ically +orn s +Ġs ized +p u +Ġca f +ĠWorld s +ĠRod gers +ĠL un +ĠCom ic +l iving +Ġc ared +Ġclim bed +) { +Ġconsist ed +Ġmed ieval +fol k +Ġh acked +Ġd ire +ĠHerm ione +Ġt ended +ce ans +D aniel +w ent +Ġlegisl ators +Ġred es +g ames +Ġg n +am iliar +Ġ+ + +gg y +th reat +Ġmag net +Ġper ceive +Ġz ip +Ġindict ment +Ġcrit ique +g ard +ĠSaf e +ĠC ream +Ġad vent +ob a +Ġv owed +ous ands +Ġsk i +Ġabort ions +u art +Ġstun ned +Ġadv ancing +Ġlack ed +Ġ\ " +Ġsch izophren +Ġeleg ant +Ġconf erences +Ġcance led +ĠHud son +ĠHop efully +Ġtr ump +Ġfrequ encies +Ġmet eor +ĠJun ior +ĠFle et +ĠMal colm +ĠT ools +Ġ ........ +Ġh obby +ĠEurope ans +Ġ15 00 +ĠInt o +Ġs way +ĠApp ro +ĠCom pl +Comm unity +Ġt ide +ĠSum mit +ä » +Ġinter vals +ĠE ther +Ġhabit at +ĠSteven s +lish ing +ĠDom ain +Ġtrig gers +Ġch asing +Ġchar m +ĠFl ower +it ored +Ġbless ing +Ġtext ures +F ive +Ġliqu or +R P +F IN +Ġ19 62 +C AR +Un known +Ġres il +ĠL ily +Ġabund ance +Ġpredict able +r ar +Ġbull shit +le en +che t +M or +M uch +ä ¹ +Ġemphas ized +Ġcr ust +Ġprim itive +Ġenjoy able +ĠPict ures +Ġteam mate +pl er +ĠT ol +ĠK ane +Ġsummon ed +th y +ram a +ĠH onda +Ġreal izing +Ġquick er +Ġconcent rate +cle ar +Ġ2 10 +ĠErd ogan +ar is +Ġrespond s +ĠB I +Ġelig ibility +Ġpus hes +ĠId aho +Ġagg rav +Ġru ins +ur ations +Ġb ans +Ġan at +sh are +Ġgr ind +h in +um en +Ġut ilities +ĠYan kees +Ġdat abases +ĠD D +Ġdispl aced +Ġdepend encies +Ġstim ulation +h un +h ouses +ĠP retty +ĠRaven s +ĠTOD AY +Ġassoci ates +Ġthe rape +cl ed +Ġde er +Ġrep airs +rent ice +Ġrecept ors +Ġrem ed +ĠC e +Ġmar riages +Ġball ots +ĠSold ier +Ġhilar ious +op l +13 8 +Ġinherent ly +Ġignor ant +Ġb ounce +ĠE aster +REL ATED +ĠCur rency +E V +ãĥ ŀ +ĠLe ad +Ġdece ased +B rien +ĠMus k +J S +Ġmer ge +heart ed +c reat +m itt +m und +ĠâĢ ĭ +ĠB ag +Ġproject ion +Ġj ava +ĠStand ards +ĠLeon ard +Ġcoc onut +ĠPop ulation +Ġtra ject +Ġimp ly +Ġcur iosity +ĠD B +ĠF resh +ĠP or +Ġheav ier +ne ys +gom ery +Ġdes erved +Ġphr ases +ĠG C +Ġye ast +d esc +De ath +Ġreb oot +Ġmet adata +IC AL +Ġrep ay +ĠInd ependence +Ġsubur ban +ical s +Ġat op +Ġall ocation +gener ation +ĠG ram +Ġmoist ure +Ġp ine +ĠLiber als +Ġa ides +Ġund erest +ĠBer ry +Ġcere mon +3 70 +ast rous +ĠPir ates +Ġt ense +ĠIndust ries +ĠApp eals +ĠN ear +Ġè£ı ç +Ġlo vers +ĠC AP +ĠC raw +Ġg iants +Ġeffic acy +E lement +ĠBeh avior +ĠToy ota +Ġint est +P riv +A I +Ġmaneu ver +Ġperfect ion +Ġb ang +p aper +r ill +Ge orge +b order +in ters +ĠS eth +Ġcl ues +ĠLe vi +ĠRe venue +14 7 +Ġv apor +Ġfortun ate +Ġthreat ens +Ġve t +Ġdepend ency +ers ed +art icle +ĠBl izzard +Ġch lor +Ġmin us +ĠB ills +Ġcryptoc urrency +Ġmetabol ism +ter ing +Ġp estic +step s +ĠTre asure +ract ed +ĠConst ant +Ġtem p +13 9 +ĠDet ective +ur ally +Ġrecover ing +Ġcort ex +Ġ14 4 +cl osed +Ġprejud ice +aun ted +Ġstorm s +ĠN OW +Ġmach inery +Add ress +Ġcompe lled +27 0 +Ġdesp air +b ane +Ġveget able +Ġbed s +Lear n +Ġcolor ful +Ġsp ike +Ġmarg ins +Ġsymp athy +Ġworks hop +ĠC BC +S at +Ġburn s +ĠG ender +Ġ12 9 +ĠC able +Ġdeb ts +ĠThe resa +Ġreflect ing +Ġa irst +Ġr im +ram id +Ġweakness es +W rit +ogg le +t i +ĠCh arge +Ġwe ighed +Ġ( . +Ġl aughter +Ġrou ter +ĠDemocr acy +D ear +Ġhas ht +Ġd y +Ġhint s +run ning +Ġfin ishes +ar us +M ass +res ult +asc us +Ġv intage +Ġcon qu +Ġwild ly +ac ist +Ġl ingu +Ġprot agonist +st rom +te enth +ĠSol o +m ac +f illed +Ġre nown +it ives +Ġmot ive +ĠAnt ar +ĠM ann +ĠAd just +Ġrock ets +Ġtrou bling +e i +Ġorgan isms +ass is +Christ ian +Ġ14 5 +ĠH ass +Ġsw all +Ġw ax +ĠSurv ival +V S +ĠM urd +v d +stand ard +Ġdrag ons +Ġacceler ation +r ational +f inal +Ġp aired +ĠE thereum +Ġinterf aces +Ġres ent +Ġartif acts +Å « +are l +Ġcompet itor +ĠNich olas +ĠSur face +c pp +ĠT ot +Ġeconom ically +Ġorgan ised +Ġen forced +in ho +Ġvar ieties +Ġab dom +ĠBa iley +id av +ĠSal v +p aid +Ġalt itude +ess ert +ĠG utenberg +are a +op oulos +Ġprofess ors +igg s +ĠF ate +he y +Ġ3 000 +D ist +Ġtw ins +c ill +ĠM aps +Ġtra ps +Ġwe ed +ĠK iss +Ġy oga +Ġrecip ients +ĠWest minster +Ġpool s +ĠWal mart +18 8 +ĠSchool s +att ack +ĠAR M +par agraph +W arning +j l +Ġself ish +anche z +ĠHe ights +F re +ĠS oph +Ġ -------------------------------- +t ml +33 3 +Ġraid s +Ġsatell ites +KE Y +Ġlast s +Ñ Ĥ +In s +ĠD ame +Ġunp redict +// / +gh ai +Ġart illery +Ġcru ise +Ġg el +ĠCabin et +Ġbl ows +ĠE sp +Ġprox imity +ot he +ĠSk ills +ĠU pper +ob o +ĠN DP +Ġenjoy s +Ġrepe ating +ĠConst ruction +ĠQuest ions +H illary +Ġu int +Ġprocess ors +ĠGib son +ĠMult iple +q a +ĠB om +ĠM iles +vent ional +Ġhur ts +s kin +ĠA IDS +Ġadvis ers +ĠR oot +Ġmethod ology +ĠD ale +Ġdet on +ĠKnow ledge +sequ ently +Ġ12 1 +Ġconnect s +C y +ĠD anger +Ġcontribut ors +ĠB ent +Ġbr ass +ĠGun s +int o +ĠFort une +Ġbro ker +bal ance +Ġlength s +Ġv ic +Ġaver aging +Ġappropri ately +ĠCamer a +Ġsand wich +ĠCD C +Ġcoord inate +Ġnav ig +Ġgood ness +l aim +Ġbra ke +Ġextrem ist +ĠW ake +ĠM end +ĠT iny +ĠC OL +ĠR F +ĠD ual +ĠW ine +C ase +Ġref ined +Ġl amp +L ead +Ġb apt +ĠCar b +ĠS add +ĠMin neapolis +PD F +Ear ly +ĠH idden +I ts +ĠT IME +Ġp ap +Ġcommission ed +ĠF ew +ĠCol ts +ĠB ren +Ġbot hered +Ġlike wise +Ex per +ĠSch w +c ry +n n +ĠM itch +im on +M G +b m +UM P +r ays +Ġregist ry +Ġ2 70 +ach ine +re lla +ant ing +00 000 +Ġru ined +sp ot +Ġt a +Ġmaxim ize +Ġincon ven +D ead +H uman +En abled +ĠMar ie +Ġch ill +ĠParad ise +Ġstar ring +ĠLat ino +ĠProt ocol +ĠE VER +Ġsuppl iers +m essage +ĠBro ck +Ġser um +âĸĪâĸĪ âĸĪâĸĪ +Ġen comp +Ġamb ition +ues e +Ġar rows +And rew +Ġanten na +Ġ19 61 +ĠB ark +Ġb ool +ãĤ ª +ĠSt orage +Ġrail way +Ġtoug her +ĠC ad +Ġwas hing +P y +' ] +em bed +ĠMem phis +ack le +Ġfam ously +ĠF ortunately +ov ies +Ġmind set +Ġsne ak +ĠD h +RA W +ĠSim pson +Ġliv est +Ġland mark +Ġc ement +L ow +Ġthr illed +ĠCour se +in el +Ġch uck +id ate +gl obal +Ġwh it +Ġ � +ad ays +s ki +ĠS V +Ġvir uses +30 6 +ĠResp ons +Ġthe aters +ĠBr anch +ĠGene va +ĠM K +Ġunbel iev +Ġcommun ist +Orig inal +ĠRe ceived +ĠTrans fer +ĠAr g +In put +ĠStr ategy +Ġpal ace +the ning +D ri +Ġsent encing +umbn ail +Ġp ins +re cy +Ġs iblings +Get ting +ĠB U +ĠNorth west +Ġprolong ed +ĠSak ura +C omb +ĠB our +Ġinadequ ate +ĠK ash +Ġus ername +ĠImpro ve +Ġbatt ling +ĠM AC +Ġcurric ulum +Ġs oda +ĠC annon +Ġsens ible +sp ons +De cember +Ġw icked +ĠP engu +Ġdict ators +ĠHe arts +og yn +Ġsimilar ities +ĠSt ats +Ġh ollow +it ations +": [ +Ġh over +ĠList en +s ch +S und +Ġc ad +ĠPar ks +Ġl ur +Ġhy pe +ĠL em +N AME +is ure +Fr iday +Ġshoot s +Ġclos es +Ġd b +ĠR idge +ĠDiff erent +Ġrepl ies +ĠBroad way +op ers +Ġint oler +ĠZe us +akes pe +Ġpropri etary +Ġrequest ing +Ġcontro llers +ĠM IN +im edia +be cca +Ġexp ans +Ġoil s +B ot +ĠCh and +Ġpr inter +Ġto pped +ĠP OL +ĠEar lier +S ocial +av in +Ġdecre ases +ĠSe b +Ġspecific ations +ĠBl ast +ĠK urt +Ġfre el +B rown +Ġdil ig +ro e +ĠPro blem +ĠQu ad +Ġdecent ral +ĠV ector +an ut +Ġplug ins +ĠGreg ory +Ġfuck ed +el ines +ĠAmb assador +t ake +Ġcle ans +ong yang +An onymous +st ro +" } +al ine +ĠO dd +ĠE ug +2 16 +Ġbo il +ĠP owers +Ġnurs es +Ob viously +ĠTechn ical +Ġexceed ed +OR S +Ġextrem ists +Ġtr aces +ex pl +Ġcom r +ĠS ach +) / +Ġm asks +Ġsc i +B on +Ġreg ression +we gian +Ġadvis or +it ures +ĠV o +ex ample +ĠInst ruct +Ġs iege +Ġredu ctions +pt r +Ġstat utory +Ġrem oves +Ġp uck +red its +Ġbe e +Ġsal ad +Ġpromot ions +ĠJosh ua +with standing +ET H +ĠCh a +im us +Ġexpend iture +aun ting +Ġdelight ed +Ġ15 5 +be h +Ġcar pet +ĠSp art +Ġj ungle +l ists +Ġbull ying +ĠNob el +ĠGl en +Ġreferen ced +Ġintrodu ces +se in +Ġcho pped +gl ass +ĠW rest +Ġneutral ity +Ġâ Ļ +Ġinvestig ator +Ġshel ves +Ġun constitutional +Ġreprodu ction +Ġmer chant +m ia +Ġmet rics +Ġexplos ives +ĠSon ia +Ġbod ily +Ġthick ness +Ġpredomin antly +ĠAb ility +Ġmon itored +IC H +Ġ] . +ĠMart inez +Ġvis ibility +Ġqu eries +Ġgen ocide +ĠWar fare +Qu ery +Ġstud ios +Ġemb ry +Ġcorrid or +Ġclean ed +com plete +ĠM H +Ġenroll ment +ING S +Ġimpact ed +Ġdis astrous +ĠY un +ĠCl aire +ĠBas ically +y t +uster ity +Ġindirect ly +w ik +Ġd od +ĠCar r +Ġam p +Ġprohib it +ĠIn itial +ĠR d +ij i +Ġeduc ate +c orn +i ott +ĠBeaut y +Ġdetect ive +ĠCon n +s ince +Ġst agger +Ġob ese +Ġb ree +olog ic +is se +walk er +Ġbl ades +Ġlaw ful +fun c +ĠBeh ind +Ġappet ite +Ġ( * +Ġt ennis +Ġoff spring +Ġj ets +Ġstruct ured +Ġafore mentioned +N ov +Ġsc aling +f ill +Ġst ew +Ġcur b +ĠStep han +ed In +S F +ob ic +é ŃĶ +ou g +ĠM M +Ġgen etically +ope z +13 6 +Ġu mb +anc ers +Ġcoh ort +Ġmerch andise +Ġimp osing +ĠLegisl ature +ĠArch ive +iv ia +ĠN aval +Ġoff ences +Ġmir acle +Ġsn apped +Ġf oes +Ġextensive ly +ĠR af +Ġc ater +ed ience +K it +ĠB in +Ġrecomm ends +ĠC ities +Ġrig id +ĠRE AD +ĠNob le +ĠT ian +Ġcertific ates +ant is +o iler +ĠBudd hist +d id +Ġsurvey ed +Ġdown ward +Ġprint s +ĠMot ion +ron ics +ĠS ans +oss ibly +u ctions +Ġcolon ies +ĠDan ish +un it +Ġsp oil +Ġadvis ory +ber ries +Pl an +Ġspecific ation +op hers +ĠRes ource +Ġsh irts +prising ly +commun ications +Ġtriv ial +Ġmention ing +ise xual +Ġsupp lements +Ġsuper vision +B P +v or +Ġw it +Ġco oldown +Ġplaint iff +ĠReview s +ĠS ri +ĠM int +ĠSug ar +Ġafter ward +ĠPri est +ĠInvest ment +og ene +ĠT aking +Ġstretch ing +Ġinflamm ation +ĠTe hran +Ġl ining +Ġfree zing +ĠEnt ity +Ġins piring +spe cial +pr ice +Ġsu e +ĠP orter +oun ge +ET A +ĠD erek +ĠLu is +u o +ym ph +Ġex terior +ih il +ĠAsh ley +in ator +Ġnut rients +ĠTh rones +Ġfin ances +ĠIn spect +Ġspe cially +ĠRequ ired +ĠP TS +ĠViol ence +oint ed +sh ots +Ġex cerpt +co on +IN S +ĠG ri +Ġrecogn ised +We ek +You ng +Ġv om +is le +ĠCur ry +ĠBudd h +Ġnot ebook +Ġd urable +/ ? +ĠG ad +ĠP upp +Ġforg ive +p ark +Ġpersonal ities +an alysis +cl amation +Ġelev ator +Ġware house +ĠR ole +un n +Ġillust ration +ĠSc an +Ġatmosp heric +Im port +AN C +rict ed +f u +01 0 +Ġar che +Ġreward ed +akespe are +Ġintern ally +ĠR BI +alk er +Ġeleph ant +ow itz +ĠP izza +Ġbip artisan +é s +Ġslow ed +ĠSt ark +Ġover ride +OU S +Ġ3 20 +undred s +ĠDe ck +ĠC ensus +be e +14 6 +ot or +Ġ ip +Ġu b +oc ations +ĠBut ton +r ice +Ġc ripp +ff f +Ġorig inated +Ġoverwhel med +app a +Ġfore most +âĢ ij +ĠL EG +re lease +eat ured +at ches +Ġre ps +Ġl ending +ĠRe ference +ĠCl ient +16 5 +vent h +Com plete +ĠPat rol +Ġsw orn +c am +Ġshut tle +ĠR alph +Ġh ometown +- , +on al +ĠB P +å ı +Ġpersu ade +ĠAlex and +Ġcomb ines +Ġv ivid +ĠL ag +Ġenc oding +Ġsal vation +w en +ĠRec overy +i ya +Un iversity +ĠB iden +Ġbud gets +ĠTex ans +f its +Ġhon ored +Ġp ython +T D +## # +cl one +Ġbl ink +ĠL iquid +Ġunemploy ed +Ġcl ashes +ĠCoun sel +Ġdirect ing +Ġpun ct +ĠFal cons +Ġsh ark +ĠDam ascus +Ġje ans +Ġemb ark +Ġse ize +Ġup wards +2 80 +ĠE z +ĠAny thing +Ġex otic +l ower +ĠCreat or +ĠU m +Ġsubur bs +ber ger +ĠW end +Ġm int +ĠX X +ĠD ro +Ġsuff ers +Ġher b +t ree +Ġfrag ile +Ġflood ed +ĠAl cohol +ole an +ny der +ĠK O +F ram +Ġ13 6 +Ġow ed +ĠMe lee +ĠH ash +Ġwh isk +Ġsu do +r r +Qu ick +app ro +Ġi i +ĠEx amples +he e +Ġpromot es +per ature +k ar +ĠHon or +Ġs odium +ĠL if +ros so +intend ent +Ġcorrespond ent +F ound +sec ret +Ġident ifies +ag ne +Ġl ou +ĠP P +Ġcoinc idence +m ove +Ġmilit ia +Ġinf iltr +ĠPrim ary +Ġpitch ing +ĠI b +ĠGO OD +ãĤ ¸ +ĠW izards +ir al +ĠVen us +R R +ĠâĢ ķ +ĠCase y +Ġsad ly +Ġadm ire +Ġembarrass ed +c b +M el +Ġtub es +Ġbeaut ifully +ĠQueens land +Bel ow +re z +qu et +ple asant +Ġ « +C amp +Ġdec isive +19 98 +ĠL amb +ut ton +h n +ĠJ agu +au nder +ĠC ord +Ġcl erk +Ġca ffe +Ġwip ed +Ġre im +ĠMount ains +Ġimprison ed +Ġdevelop s +ĠP ra +Ġmodel ing +Any one +ance l +ĠS it +Ġshield s +Ġl awn +Ġcard iovascular +Ġdemonstr ating +Ġpar se +ĠIsrael is +Ġeuro s +14 3 +Ġgl orious +ins ki +ec d +Ġcondition ing +Ġhel pless +Ġmicro sc +ĠHar bor +Ġst akes +Ġ2 60 +Ġun equ +ĠFl oyd +Ġd amp +Ġappar atus +ĠLaw s +Ġcoun ters +Ġindu ce +at able +ĠAh med +Ġsl am +N ovember +Ġpers ist +Ġim minent +á n +Ġsh red +Ġph ases +ĠEd monton +ĠArm strong +ĠMe et +ĠK itty +Ñ Ģ +c irc +ĠAd ult +Ġa rose +ĠX en +D an +g ow +Ġsuper f +ĠAd mir +Ġend ure +Ġkey word +yr us +Ġy arn +Ġpath way +ĠHop kins +mid t +Ġcens orship +d ependent +Ġinstruct or +S ources +Ġto e +Ġball oon +N ob +Ġsw ear +ĠCast ro +Ġgl oss +ĠK avanaugh +Ġremark ably +Ph otos +ĠN om +ĠS outheast +y ers +Ġvalid ation +Ġcann on +ĠVict ory +ĠPier re +Ġcaut ious +Aud io +Ġf etch +ĠG ift +ĠH yp +Ġrem edy +Z E +Ġsc ent +Ġbe ard +ĠR ut +- " +Ġpat ents +H y +Ġun just +Ġpot ato +Ġforth coming +Ġche f +ĠR ift +aff e +ĠR OM +ĠL aunch +Ġp ads +ĠNe o +Ġon set +Ġsquee ze +s afe +Ġpref ix +ĠT M +ĠN early +ĠClin ical +ĠM ental +ot iation +ĠUn ic +ant ry +ĠC ir +Ġep it +à ¦ +Ġextract ed +verse ly +ri ad +Ġstr ains +Ġto ps +Ġpo em +ĠRand y +ĠMap le +TH ER +up iter +ĠSS D +ļ é +Ġun con +per ing +Ġsle pt +in ers +Ġunder water +ĠEv idence +g one +20 5 +Ġhistor ians +Ġsynt hesis +Ġf rog +b asketball +Ġvibr ant +Ġsub ord +Ġ3 65 +ĠD ial +Ġcooper ate +HA HA +Ġgreet ed +15 8 +Ġj azz +Ġinto x +ĠWalk ing +Ġsuper visor +ĠF usion +ĠMer cedes +s end +H am +s d +n l +Ġtour s +ĠF IFA +Ġcul p +g d +30 4 +Ġple as +Ġillust rates +ĠColomb ia +Ġhighlight ing +ĠSum mary +Ġexp osing +ĠD ru +Ġir ony +r itional +ĠCar roll +ĠEll is +P ict +ĠR apt +Ġad apter +Ġun m +Ġcor pse +Ġceleb rities +D en +at um +ĠAp ocalypse +ĠW ag +lin ing +Ġhorm ones +R ub +ĠX i +ĠV aults +20 8 +alky rie +inos aur +Ġfeed s +v ity +Ġdefe ating +W ait +Ġemphas ize +ĠSteel ers +yr inth +le ys +ĠWhe never +Current ly +ĠCl ock +Ġcollect ively +any on +ĠJ P +Ġment ality +Ġdownload s +Ġsurround ings +ĠBarn es +Ġflags hip +Ġindic ators +Ġgra pp +Jan uary +ĠElement al +ĠAthen a +ib al +Ġs ights +Ġcap ita +ĠTreat y +Ġvo iced +ĠG az +let te +Ġy a +Ġexp ired +Leg end +H ot +n ature +Ġunst able +Ġ2 80 +à º +Com ment +AL E +Ġquest s +Ġhand ler +n is +Ġvers atile +Ġconce al +enge ance +ĠInter active +Ġobs essed +ĠDog s +Ġcr acked +S ound +s v +ĠD ylan +ro ads +f x +ĠCath olics +ĠH ag +Ġsl ammed +Ġgl owing +s ale +Ġtiss ues +ĠCh i +ne e +Ġc her +s ic +ur rection +Ġb acon +ul atory +) ." +Ġir regular +FOR M +ass ed +Ġintention al +Ġcompens ate +ĠSpe aking +ĠS ets +15 3 +Ġconvent ions +b ands +em ade +Ġe cc +ĠWin ston +ĠAssass in +ĠBelg ian +Ġdepend ence +Ġnic he +Ġb ark +ĠJ azz +Ġdisadvant age +Ġgas oline +Ġ16 5 +çļ Ħ +ess a +mod ule +ang ular +O Y +ĠTreat ment +it as +ol ation +ĠArn old +Ġfe ud +ĠN est +Ġthe atre +ew ater +Ġmin ors +olic y +ĠH aven +div ision +Ġtr unk +F ar +ĠP ull +Ġcapt uring +Ġ18 00 +ĠTe en +Ġex empl +Ġclin ics +ĠB urg +Ġsubst it +Ġpay load +ĠL av +ĠT roy +ĠW itness +Ġfrag ments +Ġpass words +Ġg ospel +ĠG in +Ġten ants +ol ith +S ix +Pre vious +ĠAg es +ĠDar win +Ġbl at +Ġem pathy +sm ith +b ag +ĠE cho +ĠC amb +ĠM add +ĠB oo +Ġred e +ĠBurn ing +Ġsmooth ly +ĠAd rian +ĠV ampire +ĠMon sters +ste am +Sty le +M a +re a +ĠD war +aly st +urs or +Ġelim ination +Ġcrypt o +ch t +ĠE ternal +â̦ ] +ĠS orce +I ll +N ER +Ġu h +Con clusion +w age +Ġresp ir +Ġrem inis +het ical +Ġg y +Ġutil ized +ic idal +Ġ19 00 +Ġhun ters +ĠSw an +ĠRe act +Ġvis itor +ĠThanks giving +30 8 +Post s +Ġh ips +19 97 +om ers +Ġkn ocking +ĠVeh icle +Ġt il +Ġ13 8 +Ġm i +ĠInvest igation +ĠKen ya +Ġcas ino +Ġmot ives +Ġreg ain +re x +Ġweek ends +Ġstab bed +bor o +Ġexplo ited +ĠHA VE +ĠTe levision +c ock +Ġprepar ations +Ġende av +ĠRem ote +ĠM aker +ĠPro du +ĠEv an +Ġinform ational +ĠLouis ville +15 4 +ĠDream s +Ġpl ots +ĠRun ner +Ġhur ting +Ġacad emy +ĠMont gomery +n m +ĠL anc +ĠAl z +2 10 +el ong +Ġretail er +Ġar ising +Ġrebell ion +Ġbl onde +play ed +Ġinstrument al +C ross +Ġret ention +Ġtherape utic +Ġse as +Ġinfant ry +ĠCl int +Ġprompt ing +Ġbit ch +Ġst ems +ĠK ra +Ġthe sis +ĠB og +ru ed +Ġk ings +Ġcl ay +ific ent +ĠY ES +ĠTh ing +ĠCub s +vey ard +els h +in arily +ĠE y +ĠRoll ing +Ġev olving +Ind ia +Ġrecogn izes +Ġgrad uation +is ers +Ġfert ility +ĠMil an +Comm and +Ġbox ing +Ġ19 43 +Ġgl uten +ĠEm ir +Ġid ol +Ġcon ceived +ĠCre ation +Mer it +udd y +uss ions +ĠLie utenant +iet al +Ġunch anged +ĠSc ale +ĠCrime a +ball s +ator ial +Ġdepth s +Ġempir ical +Ġtrans m +Ġuns afe +miss ible +com fort +15 6 +Ġmechan ic +00 2 +l ins +Ġsm oked +P os +Ġslow ing +Ġl av +Tex as +Ġche ating +ĠMet ropolitan +eth yl +Ġdiscover ing +as se +Ġpen cil +ĠPy ongyang +Ġclos et +ĠShe et +ĠEnt ry +ou stic +Ġmy st +er ate +ari at +Ġminer als +Ġmusic ian +ĠP ul +ĠM az +24 9 +Ġper missions +Ġ iv +en ary +ick ers +ĠB ing +he a +en able +Ġgri ev +Ġassert ed +ĠColon el +Ġaff idav +w o +Ġse ated +ĠR ide +Ġpaint ings +ĠP ix +Ġ13 7 +ish i +umb ai +g otten +ĠEar l +Ġin ning +Ġc ensus +Ġtrave lled +ĠCons ult +18 5 +b ind +Ġsimpl icity +Ġoverlook ed +ĠHelp ful +Ġmon key +Ġoverwhelming ly +Bl ood +ĠFl int +ĠJ ama +ĠPres ent +ĠR age +ĠT A +pt ive +Ġturn out +w ald +ĠD olphins +ĠV PN +Ġon ion +Ġcraft ing +m ma +ĠMerc ury +Ġarr ange +Ġalert s +ĠO T +zb ollah +Ġg ases +ĠRichards on +s al +l ar +Ġfro st +Ġlower ing +Ġacc laim +Ġstart ups +ĠG ain +ess ment +Ġguard ian +äº º +ĠP ie +ĠL inks +Ġmer its +Ġaw ake +Ġparent al +Ġexceed s +Ġid le +ĠPil ot +Ġe Bay +ĠAc cept +ipe g +C am +ĠK ot +Ġtrad ers +olit ics +unk er +ĠP ale +os i +an mar +Ġ19 47 +ĠF ell +est ial +it ating +G F +ĠS r +if ted +Ġconnect or +ĠB one +ill es +2 60 +h ma +Ġoverl ap +ĠGit Hub +Ġclean er +ĠBapt ist +ĠW AS +Ġlung s +Ñ ģ +ĠB UT +Ġc ite +Ġpit ched +reat ment +Ġtro phies +ĠN u +38 6 +ĠPr ide +Ġattend ees +[ ] +17 9 +Ġspat ial +Ġpri zes +ĠRel igion +Ġshow case +ĠC ategory +vid ia +T arget +Pro perty +? , +Ġf usion +p ie +ĠU CLA +Ġsound track +Ġprin cess +ĠC aval +sh ould +Ġlim bs +Back ground +Ġlone ly +Ġc ores +ĠT ail +she et +Ġ13 2 +R a +ãĤ « +ĠB olt +Ġbook ed +Ġadmin ister +Ġequ als +w y +Ġobserv ing +ĠBar on +ĠAd obe +Ġv irgin +ĠSocial ist +M ove +gh azi +ĠLind a +2 12 +Ġbre wing +Ġmerch ants +bur se +Ġdiv or +Ġmet als +ĠN er +Ġsum s +ĠEn emy +Ġen vision +Ġgrant ing +ĠH oney +ĠSk yrim +Ġsoc io +gr aded +Ġselect ive +W ASHINGTON +Ġ19 48 +ĠSir ius +ĠG ross +act ivity +ĠI van +Ġfur ious +BS D +ĠPre vious +Ġrespons ive +Ġchar itable +Ġle aning +ĠP ew +Ġviol ates +\\\\ \\\\ +ĠCom ing +w ire +Ġpo et +Ġres olutions +comm and +ĠPortug uese +Ġnick name +Ġde af +Feb ruary +Ġrecogn ise +Ġentire ty +Ġseason al +pl aced +ĠTe legraph +Ġmicro phone +our ing +Ġgr ains +Ġgovern ed +Ġpost p +ĠW aters +in ement +Ġund ocumented +ĠCom cast +Ġf ox +Ġassault s +re on +man y +ĠJen kins +ĠAny way +Ġassess ments +Ġdown s +ĠM ouse +Ġsuper b +k t +ĠD ow +Ġtax ation +4 01 +Ġsm iles +Ġundert aken +Ġex h +Ġenthusi astic +Ġtw ent +Ġgovernment al +Ġautonom y +ĠTechn ologies +ĠCh ain +Ġpreval ent +f b +Ġnic otine +og ram +j ob +Ġawa iting +ĠMen u +Ġdep uties +k ov +ish ops +But ton +ĠShan ghai +Ġdies el +ĠD uck +R yan +ĠPC s +N F +j ury +ent e +Ġinacc urate +edd y +Wh atever +Ġshow c +ĠN ad +od us +et r +Ġplaint iffs +ĠW OR +ĠAss ange +Ġpriv at +Ġpremium s +Ġt am +UR L +Ġel ites +ĠR anger +otten ham +ĠH off +ĠAt hens +Ġdefin ite +Ġs ighed +Ġeven ly +2 11 +ĠAm ber +ak ia +Ġmail ing +Ġcr ashing +ĠConfeder ate +ru gged +W al +ĠDep ths +Ġjuven ile +Ġreact or +Introdu ction +ĠDel uxe +19 95 +ĠS anchez +ĠM ead +iv able +: - +ĠPlan ning +ĠT rap +qu in +ĠProt ect +ve red +In formation +Ġkid ney +inn amon +l as +Ġpolic ing +Ġtoler ate +ĠQ i +Ġbi ased +F ort +ĠK i +s ave +Ġprivile ged +Ġbe asts +ĠGl as +ĠC inem +Ġcome back +Sund ay +Ġext inction +h ops +Ġtrans mit +Ġdoub les +ĠFl at +16 7 +Ġdis puted +Ġinjust ice +f oo +V ict +role um +ĠJul ie +Con text +ĠR arity +iss ue +Comp onent +Ġcounsel ing +an ne +d ark +Ġobject ions +u ilt +Ġg ast +Ġpl ac +Ġun used +ãĥ ĩ +ĠT rial +ĠJ as +hed ral +ob b +Ġtempor al +ĠPR O +ĠN W +ĠAnn iversary +L arge +Ġther m +Ġd avid +Ġsystem ic +ĠSh ir +m ut +ĠNe pt +add ress +Ġscan ning +Ġunderstand able +Ġcan vas +C at +ĠZ oo +Ġang els +L O +ĠStat ement +ĠS ig +ov able +ĠA way +sh aring +ocr ats +st ated +Ġweigh ing +N or +w ild +B ey +Ġaston ishing +ĠReyn olds +Ġop ener +Ġtrain er +Ġsurg ical +p n +Ġadjust ing +whe el +Ġf rown +erv ative +Ġsusp end +With in +te in +Ġobst acle +Ġliber ties +ym es +Ġur anium +ans om +an ol +ub a +ĠL oss +Ġa rous +ĠHend erson +W ow +s pl +c ur +ĠÂ Ń +Ġtheir s +Dam age +Ġdownload ing +Ġdisc ern +ĠSt o +ĠFl a +Ġh ath +ĠA j +Ġun pleasant +Europe an +exp ensive +Ġscreens hot +ĠU V +Ġall ied +ĠPers ian +Ġmonop oly +Ġat om +ĠReds kins +"> < +Ġcan cell +Ġcinem a +13 1 +f air +ĠAlf red +Ġd uck +arg s +22 3 +ĠIS I +Ġsign aling +in ar +Ġlaugh s +Ġfor wards +Ġreck less +Ġlisten ers +at ivity +Ġvast ly +n ant +L ess +ĠHun ting +ĠScient ific +IT ED +Ġkn ight +ĠH TC +us a +t mp +Ġr ude +ĠLegend ary +Ġar ises +B ad +ĠCl aim +pe g +Ġreal ities +Th ink +Ġ ° +Ġro de +Ġstri ve +Ġan ecd +Ġshort s +Ġhypot hes +Ġcoord inated +ĠGand hi +ĠF PS +R ED +Ġsuscept ible +Ġshr ink +ĠCh art +Hel p +Ġ ion +de ep +rib es +ĠK ai +ĠCustom er +Sum mary +Ġc ough +w ife +Ġl end +Ġposition ing +Ġlot tery +ĠC anyon +Ġf ade +Ġbron ze +ĠKenn y +Ġbo asts +ĠEnh anced +rec ord +Ġemer gence +Ġa kin +ĠB ert +it ous +âĸ ij +Ġst ip +Ġexch anged +om ore +als h +Ġreserv oir +Ġstand point +W M +Ġiniti ate +Ġdec ay +Ġbrew ery +Ġter ribly +Ġmort al +lev ard +Ġrev is +N I +el o +Ġconf ess +ĠMS NBC +Ġsub missions +Cont roller +Ġ20 2 +ĠR uth +} ); +ĠAz ure +Ġ ." +20 6 +ĠMarket ing +Ġl aund +ien cies +Ġrenown ed +ĠT rou +ĠN GO +ble ms +Ġterr ified +Ġwar ns +Ġper t +Ġuns ure +4 80 +ale z +ult z +ĠOut side +Ġst yl +ĠUnder ground +Ġp anc +Ġd ictionary +Ġf oe +rim inal +ĠNor wegian +Ġj ailed +Ġm aternal +é e +ĠLu cy +c op +Ch o +Ġuns igned +ĠZe lda +ĠIns ider +ĠContin ued +Ġ13 3 +ĠNar uto +ĠMajor ity +16 9 +ĠW o +ãĤ ĵ +Ġpast or +Ġinform al +Ð ½ +an throp +jo in +ãģ Ĺ +it ational +N P +ĠWrit ing +f n +ĠB ever +19 5 +Ġy elling +Ġdr astically +Ġe ject +Ġne ut +Ġth rive +ĠFre qu +ou x +Ġpossess es +ĠSen ators +ĠD ES +ĠSh akespeare +ĠFran co +ĠL B +uch i +Ġinc arn +Ġfound ers +F unction +Ġbright ness +ĠB T +Ġwh ale +ĠThe ater +m ass +ĠD oll +S omething +Ġecho ed +ĠHe x +c rit +af ia +Ġgodd ess +Ġele ven +ĠPre view +ĠAur ora +Ġ4 01 +uls ive +ĠLog an +in burgh +ĠCent ers +ĠON LY +ĠA id +Ġparad ox +Ġh urd +ĠL C +D ue +c ourt +Ġoff ended +Ġeval uating +ĠMatthew s +Ġto mb +Ġpay roll +Ġextra ction +ĠH ands +if i +Ġsuper natural +ĠCOM M +] = +dog s +Ġ5 12 +ĠMe eting +Rich ard +ĠMax imum +Ġide als +Th ings +m and +ĠReg ardless +Ġhum ili +b uffer +L ittle +ĠD ani +ĠN ak +Ġliber ation +ĠA be +ĠO L +Ġstuff ed +ac a +ind a +raph ic +Ġmos qu +Ġcampaign ing +Ġoccup y +S qu +r ina +ĠW el +ĠV S +Ġphys ic +Ġp uls +r int +oad ed +ET F +ĠArch ives +Ġven ues +h ner +ĠTur bo +Ġl ust +Ġappeal ed +que z +il ib +ĠTim othy +Ġo mn +d ro +Ġobs ession +ĠSav age +19 96 +Gl obal +J es +2 14 +Ġsl iding +Ġdisapp ro +ĠMag ical +Ġvolunt arily +g b +ane y +Ġprop het +ĠRe in +ĠJul ia +ĠW orth +aur us +Ġb ounds +ie u +)) ) +Ġcro re +ĠCitiz en +S ky +Ġcolumn ist +Ġseek ers +ond o +IS A +ĠL ength +Ġnost alg +Ġnew com +Ġdet rim +ent ric +3 75 +ĠG E +Ġaut op +Ġacadem ics +App Data +ĠS hen +Ġid iot +ĠTrans it +Ġteasp oon +W il +K O +ĠCom edy +> , +Ġpop ulated +W D +Ġp igs +ĠO culus +Ġsymp athetic +Ġmar athon +19 8 +Ġseiz ure +s ided +Ġd op +irt ual +L and +ĠFl oor +osa urs +... ] +Ġl os +Ġsubsid iary +E Y +ĠPart s +ĠSt ef +ĠJud iciary +Ġ13 4 +Ġmir rors +Ġk et +t imes +Ġneuro log +Ġc av +ĠGu est +Ġtum or +sc ill +ĠLl oyd +E st +Ġcle arer +Ġstere otypes +Ġd ur +not hing +Red dit +Ġnegoti ated +---------------- -------- +23 5 +Ġfl own +ĠSe oul +ĠRes ident +ĠS CH +Ġdisappear ance +ĠV ince +g rown +Ġgrab s +r il +ĠInf inite +ĠTw enty +Ġpedest rian +Ġjer sey +ĠF ur +ĠInf inity +ĠEll iott +Ġment or +Ġmor ally +Ġob ey +sec ure +iff e +Ġantib iotics +ang led +ĠFre eman +ĠIntrodu ction +J un +Ġm arsh +ic ans +ĠEV ENTS +och ond +W all +icult y +Ġmisdem eanor +Ġl y +Th omas +ĠRes olution +Ġanim ations +ĠD ry +Ġinter course +ĠNew castle +ĠH og +ĠEqu ipment +17 7 +Ġterrit orial +Ġarch ives +20 3 +Fil ter +ĠMun ich +Ġcommand ed +ĠW and +Ġpit ches +ĠCro at +Ġrat ios +ĠM its +Ġaccum ulated +ĠSpecific ally +Ġgentle man +acer b +Ġp enn +Ġa ka +ĠF uk +Ġinterven e +ĠRef uge +ĠAlz heimer +Ġsuccess ion +oh an +d oes +L ord +Ġsepar at +Ġcorrespond ence +Ġsh iny +P rior +Ġs ulf +Ġmiser able +Ġded ication +( ). +Ġspecial ists +Ġdefect s +ĠC ult +ĠX ia +Ġje opard +ĠO re +Ab ility +Ġle ar +Ġamb itions +ĠB MI +ĠArab s +Ġ19 42 +Ġpres ervation +ific ate +Ġash amed +l oss +ĠRest aur +Ġrese mble +Ġen rich +ĠK N +ĠCl an +fl oat +Ġplay able +IT T +Ġharm ony +arr ison +ĠWe instein +w ere +Ġpoison ing +ĠCom put +ĠWord Press +m ajor +ĠVal ve +F an +ĠTh row +ĠRom ans +ĠDep ression +ad os +Ġtort ured +Ġbal ancing +bott om +Ġacqu iring +ĠMon te +ard i +Ġa ura +Ġ# # +ĠStand ing +ĠAtl as +C F +Ġintr ins +ĠBen ghazi +Ġcamp ing +Ġt apped +bl ade +st rous +ĠR abb +ĠW ritten +t ip +ĠNe igh +ster dam +ĠAll ow +ĠHe aling +ĠR hod +n um +Ġcaffe ine +ĠPer cent +Ġbo o +Ġapp les +30 5 +Ġwel coming +Ġappl aud +Ġa usterity + ± +ĠRe ality +ef e +å ® +Ġsu cks +Ġtab s +ĠPay Pal +Ġback pack +Ġgif ted +abul ary +ĠSc out +ir teen +Ġch in +Ġo mitted +Ġnegative ly +Ġaccess ing +ĠE arn +Ġambul ance +Ġhead phones +Ġ20 5 +ĠRef resh +p resident +ĠKit chen +ĠEnt ered +ĠS nyder +00 5 +om ical +Ġborrow ed +ĠN em +Ġav iation +Ġst all +rim ination +Ġuniform s +it ime +ĠSim mons +ener gy +ab lished +y y +qual ified +Ġrall ies +ĠSt uart +fl ight +Ġgang s +r ag +Ġv ault +lu x +ĠCom par +Ġdesign ation +20 9 +ĠJ os +d ollar +z ero +Ġwell s +30 3 +Ġconstitu ents +Ġhe ck +Ġc ows +Ġcommand ers +Ġdifferent ial +ĠC atherine +29 9 +Ġval ve +Ġbr ace +Ġperspect ives +c ert +f act +icular ly +ĠMc N +pl anes +Ġint ric +Ġpe as +ov an +Ġtoss ed +ret ch +ĠL opez +Ġunf amiliar +de ath +ĠA part +ĠCh ang +Ġrelie ved +rop he +Ġair ports +Ġfre ak +ut il +M ill +ĠCh in +ĠOw en +m ale +ĠBro ken +ĠWind s +ro b +r ising +Ġfire fighters +Ġauthor itarian +Ġ14 8 +Bit coin +ex ternal +Ġbrow sers +iche ver +or ian +Ġun b +Ġpo ke +ĠZ ot +M id +ĠPop ular +Ġco vert +Ġcont ributes +Ġ6 50 +Ġcont ention +G ate +Ġcons oles +Ġchrom os +ĠI X +Ġvis ually +ĠE isen +Ġjewel ry +Ġdeleg ation +Ġacceler ate +ĠR iley +Ġsl ope +Ġind oor +it ially +Ġhuge ly +Ġtun nels +Ġfin ed +Ġdirect ive +Ġfore head +ustom ed +Ġsk ate +Mus ic +g as +Ġrecogn izing +am bo +Ġover weight +ĠGr ade +Ù Ĭ +Ġsound ing +Ġlock ing +ĠR EM +St ore +Ġexc av +ĠLike wise +ĠL ights +Ġel bow +ĠSupp ly +w ic +Ġhands ome +19 94 +C oll +Ġadequ ately +ĠAssoci ate +Ġstri ps +Ġcrack down +Ġmar vel +ĠK un +Ġpass ages +@@ @@ +ĠT all +Ġthought ful +names e +Ġprost itution +bus iness +Ġball istic +person al +c ig +iz ational +R ound +ĠÂłĠÂł ĠÂłĠÂł +ĠCole man +Ġadm itting +ĠPl ug +Ġbit coins +ĠSu z +Ġfair ness +Ġsupp lier +Ġcatast rophic +ĠHel en +o qu +M arc +ĠArt icles +g ie +Ġend angered +Ġdest iny +ĠVol t +ol ia +ax is +Ġche at +Ġun ified +IC O +qu ote +30 2 +ĠS ed +Ġsupp ression +Ġanaly zing +Ġsqu at +Ġfig uring +Ġcoordin ates +Ġch unks +Ġ19 46 +Ġsub p +Ġw iki +ĠFor bes +ĠJ upiter +ĠE rik +im er +ĠCom mercial +\ ) +Ġlegitim acy +Ġd ental +ĠMe an +Ġdefic its +5 50 +Orig inally +ĠHor ror +Ġcontam ination +ll ah +Ġconf isc +ĠCl are +T B +ĠF ailed +an ed +Ġrul er +ĠCont roller +Ġfemin ists +F ix +g ay +20 7 +Ġr abbit +Th ird +ownt own +Ġgl ue +Ġvol atile +Ġsh ining +Ġf oll +Ġimp aired +Ġsup ers +æ Ī +Ġcl utch +ļé ĨĴ +Ġpro let +Ġ( ! +Ġy elled +ĠK iev +ĠEr n +ĠSh ock +K B +Ġsit uated +qu ery +ĠN as +Ġan nex +char acter +ĠHol iday +Ġautom ation +ĠJ ill +ĠRem astered +Ġl inem +Ġwild erness +ĠHor izon +ĠGu inea +A Z +Ġmain land +Ġsec recy +LE ASE +Ġp unk +ĠProv ince +( ), +Spe ed +Ġhand ing +ĠSeb ast +S ir +r ase +Ġj ournals +Ġcon gest +ĠT ut +ir rel +Ġschizophren ia +Ġmis ogyn +health y +I ron +Ġreact ed +- $ +25 2 +Ġpl ural +Ġpl um +Ġbarg ain +Ġground ed +f inder +Ġdis se +ĠL az +O OD +Ġat roc +F actory +Ġmin ions +Ġo ri +ĠB rave +ĠP RE +ĠMy anmar +ĠH od +Ġexped ition +Ġexpl ode +ĠCo ord +Ġext r +ĠB rief +ĠAD HD +Ġhard core +feed ing +Ġd ile +ĠF ruit +Ġvacc ination +ĠM ao +osp here +Ġcont ests +- | +Ġf ren +isp here +R om +ĠSh arp +ĠTre nd +Ġdis connect +âĢ¢ âĢ¢ +Ġper secution +Ear th +Ġhealth ier +38 4 +Ġc ob +ĠTr inity +OW S +AN N +Ġspecial ty +Ġg ru +Ġcooper ative +wh y +Start ing +ĠIss ues +st re +ens or +Ġ18 5 +Ad v +! ? +ĠRe vel +em ia +ĠH ulk +Ġcelebr ations +ĠS ou +ra ud +ĠKle in +Ġun real +con text +Ġpartners hips +Ġadop ting +t ical +Ġspl ash +ĠHe zbollah +c ategory +cycl op +xt on +ĠD ot +urd y +t z +Ġenvelop e +ĠN L +â ķ +Ġwhere in +Spe c +18 4 +Ġte lev +al iation +Ġmyth s +å ° +Ġrig orous +Ġcommun icating +Ġobser ver +Ġre he +ĠW ash +Ġapolog ized +ĠT in +Ġexpend itures +work ers +d ocument +Ġhes itate +ĠLen in +Ġunpredict able +Ġrenew al +cl er +ok ia +ĠCON T +Ġpost season +Tok ens +Ġex acerb +Ġbet ting +Ġ14 7 +Ġelev ation +W ood +ĠSol omon +19 4 +00 4 +out put +Ġredu nd +ĠM umbai +Ġp H +Ġreprodu ce +ĠD uration +MA X +Ġb og +C BS +ĠBal ance +ĠS gt +ĠRec ent +Ġc d +Ġpo pped +Ġincomp et +pro p +ay an +g uy +Pac ific +Ġty r +Ġ{ { +ĠMy stic +ĠD ana +Ġmast urb +Ġge ometry +à ¢ +ĠCor rect +Ġtraject ory +Ġdistract ed +Ġf oo +ĠW elsh +L uc +m ith +Ġrug by +Ġrespir atory +Ġtri angle +Ġ2 15 +Ġunder graduate +ĠSuper ior +ch anging +_ - +Ġright ly +Ġrefere e +Ġluc rative +Ġun authorized +Ġresemb les +ĠGN U +ĠDer by +Ġpath ways +ĠL ed +Ġend urance +Ġst int +Ġcollect or +F ast +Ġd ots +Ġnational s +ĠSec urities +Ġwh ip +Par am +Ġlearn s +M agic +Ġdetail ing +m oon +Ġbroadcast ing +Ġb aked +26 5 +hol m +ĠS ah +ĠHus sein +ĠCourt esy +17 4 +Ġ14 6 +Ġge ographic +pe ace +Ġjud ging +ĠS tern +B ur +Ġstory line +G un +ĠSt ick +24 5 +30 7 +ãĤ´ ãĥ³ +ĠAdminist rator +Ġbur nt +Ġp ave +ch oes +Ex ec +Ġcamp uses +Res ult +Ġmut ations +ĠCh arter +Ġcapt ures +Ġcomp ares +Ġbad ge +S cient +Ġer ad +ier y +o i +ett es +ĠE state +Ġst rap +Ġproud ly +Ġf ried +Ġwithd rawn +ĠV oy +ph ony +It ems +ĠP ierce +b ard +Ġann otation +ant on +ill on +Im pro +... ) +Ġhapp ier +---- -- +ad just +Ġstaff ers +Ġactiv ism +Ġper f +Ġal right +N eed +Ġcomm ence +Ġopio id +ĠAm anda +E s +ĠP ars +ĠK aw +W orks +24 8 +Ġind o +t c +end ant +ĠM oto +Ġlegal ization +OT E +Ġtask ed +Ġt sp +ĠACT IONS +16 6 +Ġrefres hing +ĠN R +ĠPere z +Ġinfring ement +S Y +List en +in ning +k u +Ġrot ate +pro gram +ar ah +Des ign +Ġ( £ +Ġst oring +Ġwar rants +Ġjud gement +ĠB rist +us ually +ph oto +ĠR an +ĠP ine +Ġoutrage ous +ĠValent ine +lu ence +ĠEvery body +Al tern +Ġrele vance +Ġtermin ated +Ġd essert +Ġfulf illed +Ġprosecut ed +ĠW ords +Ġm igrant +Ġcultiv ation +ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ +idel ity +ĠV ern +ĠLog in +Ġmetaph or +ĠT ip +Ġrecru its +ĠP ig +rib ing +Ġenthusi asts +ex per +Ġfright ening +ĠH air +ans on +str ate +Ġh i +He ight +Ġown ing +n one +Ġdis like +Ġkn ives +pher d +Ġloud ly +ĠAP Is +Dis play +ĠL ac +ĠUS S +ab l +ver ages +J ew +Ġ17 2 +ĠHist orical +at oon +ĠPhys ics +in tern +Ġwarm th +Ġto pp +D M +Ġgun man +Ġem peror +od i +ãĥ £ +in atory +ĠR ib +Ġ13 1 +ĠSat urn +ĠSh ining +Ġw aking +Qu otes +Ġcomed ian +en berg + ½ +Ġbelie vers +Ġpaper work +c ustom +Ġle v +Ġl ament +Ġpour ing +22 2 +p olitical +ĠSupp lement +m aid +Ġcruel ty +Ġt read +ys ics +A w +rit es +Ġmod ifier +ĠP osition +Ad am +l b +ub s +Ġimper fect +Ġcl usters +ĠEngine er +ĠC herry +Ġinaug uration +ĠS au +Ġembod iment +ĠUn cle +Ġover r +Ġexplos ions +c ule +ĠPrinc eton +ĠAndre a +Ġincorrect ly +Ġearn est +Ġpil gr +ĠS print +Ġslee ve +Ġhe ars +ĠAm azing +Ġbrow sing +ag in +Ġhom eland +Ġha w +Ġd iving +ist ered +17 8 +Ġbarg aining +ĠArc ade +Ġdeleg ate +ters on +................................ ................................ +ĠJackson ville +27 5 +Ġst agn +Ġad am +ĠSher man +C B +Ġsub urb +ĠFood s +Ġconver ting +ĠAr ist +Ġch ambers +l ove +Ġam ino +ĠG an +Ġmad ness +m c +ĠUS E +def ined +Ġul tr +ind ust +Ġw olves +l ance +Add itionally +Ġcr acks +as ia +ĠRe ason +ĠP ump +Ġaccident al +ĠL aser +ĠR id +Ġinitial ized +ell i +Ġun named +Ġn oun +ĠPass ed +Ġhost age +ĠEth iop +sh irts +Ġun rel +ĠEmb assy +Ġ19 41 +Ġat oms +Ġpur ported +16 4 +ĠF i +Ġgall ons +ĠMon ica +Ġp g +en ment +Ġsort ed +ĠG ospel +Ġhe ights +Ġtr aced +Ġunder going +She ll +Ġs acks +Ġproport ions +Ġhall uc +F ont +ac et +Ġwar mer +ĠIN TER +Ġgrab bing +Pl ug +Ġreal ization +ĠBur ke +Ġen chant +AT ER +ĠSe ed +Ġabund ant +F M +Ġc ivic +V s +is i +Ġv ow +Ġre per +ĠPartners hip +Ġpenet ration +Ġax e +Ġsh attered +ĠZ ombies +Ġv inyl +ĠAl ert +e on +Ġoblig ed +ĠIll ust +ĠPl aza +ĠFront ier +Ġdavid jl +ĠSer ial +ĠH av +ĠNut rition +B i +Ġâĸ Ī +ĠJ ays +lin ux +Ġhur ry +Ġv oy +Ġhop eless +ĠSte alth +Ġ ãģ +ess ors +tt le +b org +ĠSaf ari +f ell +Ġw ary +d ue +ĠAb ove +H a +E LL +Ġnot or +ĠW on +T oo +Ġoccup ations +Ġposs essions +Ġinv iting +Ġpred ators +Ġacceler ated +Ġ15 7 +uter te +ĠC ube +e ast +acc ount +G ive +Ġtrans plant +red ients +id able +Ġscreens hots +ĠG und +ĠF S +Ġtravel ers +Ġsens ory +ĠF iat +ĠRock ets +İ ĭ +_ { +F riend +Ġchar ming +AL S +Ġenjoy ment +m ph +Ġ5 000 +ĠRE G +Ù Ĩ +b ia +Ġcomp ilation +ro st +ĠV P +ĠSch ne +201 9 +Ġcop ying +M ORE +ĠFl ore +f alls +2 15 +t otal +Ġdis ciples +d ouble +Ġexceed ing +Ġsm ashed +Ġconcept ual +ĠRom ania +ĠB rent +ĠI CE +ĠT ou +Ġg rap +Ġn ails +18 9 +ãĥ ĺ +Ġproc ure +e ur +Ġconfir ming +ĠC ec +aw i +ĠEd en +Ġn g +Ġengine ered +at ics +Ġhook ed +Ġdisgust ing +ĠMur der +ãĤ ¿ +L ibrary +Ġ16 8 +Al most +hem atic +Men u +ĠNot re +ĠJ ur +Ġkidn apped +Ġhack er +ĠJ ade +Ġcreep y +Ġdraw ings +ĠSpons or +Ġcycl ists +ĠGob lin +Ġoptim ized +Ġst aged +ĠMc D +bet ween +A ge +en o +S ex +ĠW ide +n ings +av is +Ġincap able +ĠK ob +Ġreward ing +ĠL one +oles cent +Ġcontract ed +Ġstick y +J ose +B all +f est +ĠIn put +ĠRec ently +Ġto mat +squ are +App lication +Ġnit rogen +Ġdupl icate +ĠRec on +ĠD ear +L ondon +Ġint ra +Ġd ock +Ġout reach +ĠM illion +Ġmamm als +am pton +V AL +Ġsn aps +Ġd os +ĠWh ole +ĠRead y +T ry +ĠWinn ipeg +ear ance +Ġinc urred +ren ched +ĠNS W +il ot +rain e +Ġc ube +g ot +Ġrun way +etermin ed +ĠHaw ks +Ġsurviv or +ĠW ish +ĠD in +ĠDE F +ĠV ault +18 7 +Ġmush rooms +Ġcris p +be y +ĠDisco very +Ġdevelopment al +Ġparad igm +Ġcha otic +ĠT su +Ġ3 33 +b ons +Ġbacter ial +Ġcomm its +Ġcos mic +Ġme ga +oc ative +ĠP aint +ophob ic +Ġv ain +Ġcar ved +ĠTh ief +ĠG ul +ows hip +Ġc ites +ĠEd inburgh +Ġdimin ished +Ġacknowled ges +ĠK ills +Ġmic row +ĠHer a +Ġsen iors +Ġwhere by +H op +at ron +Ġun available +ĠN ate +Ġ4 80 +Ġsl ated +ĠRe becca +ĠB attery +Ġgram mar +Ġhead set +Ġcurs or +Ġex cluding +any e +aunder ing +eb in +Ġfeas ible +ĠPub lishing +ĠLab s +ĠCl iff +ĠFerr ari +Ġp ac +vis ible +mark ed +pe ll +Ġpol ite +Ġstagger ing +ĠGal actic +Ġsuper st +Ġpar an +ĠOffic ers +ãĢ ģ +Ġspecific s +ul us +23 9 +ĠP aste +AM P +ĠPan ama +ĠDe lete +angu ard +rest rial +Ġhero ic +ĠD y +ا ÙĦ +Ġincumb ent +Ġcr unch +t ro +Ġsc oop +Ġblog ger +Ġsell ers +ure n +Ġmedic ines +ĠC aps +ĠAnim ation +ox y +Ġout ward +Ġinqu iries +22 9 +Ġpsych ologist +ĠS ask +ev il +Ġcontam inated +ãĤ ¨ +he rence +Ġbrand ed +ĠAbd ul +z h +Ġparagraph s +Ġmin s +Ġcor related +er b +Ġimp art +Ġmil estone +ĠSol utions +ot le +Ġunder cover +Ġmar ched +ĠCharg ers +f ax +ĠSec rets +Ġr uth +we ather +Ġfemin ine +Ġsh am +Ġprest igious +igg ins +Ġs ung +hist ory +ett le +gg ie +Ġout dated +ol and +Ġper ceptions +ĠS ession +ĠDod gers +u j +ĠE ND +D oc +Ġdefic iency +Gr and +ĠJ oker +Ġretro spect +Ġdiagn ostic +Ġharm less +Ġro gue +ĠA val +E qu +Ġtrans c +ĠRoberts on +ĠDep ending +ĠBurn s +iv o +Ġhost ility +F eatures +ĵ ĺ +Ġdis comfort +ĠL CD +spec ified +ĠEx pect +3 40 +Ġimper ative +ĠReg ular +Ch inese +Ġstate wide +Ġsy mm +Ġlo ops +Ġaut umn +N ick +Ġsh aping +Ġqu ot +Ġc herry +ĠCross ref +è¦ ļéĨĴ +Stand ard +he ed +ĠD ell +ĠViet namese +Ġo st +ĠV alkyrie +O A +Ass ad +Ġreb ound +ĠTra ffic +pl aces +æ ĺ +ĠB uc +17 2 +Ġshel ters +Ġins isting +ĠCertain ly +ĠKenn eth +ĠT CP +Ġpen al +ĠRe play +he ard +Ġdial ect +iz a +ĠF Y +it cher +ĠD L +Ġspir al +Ġquarterback s +Ġh ull +Ġgo ogle +Ġto dd +ĠSter ling +ĠPl ate +Ġsp ying +mb ol +ĠReal m +ĠPro ced +ĠCr ash +Ġtermin ate +Ġprotest ing +C enter +gu ided +Ġun cover +Ġboy cott +Ġreal izes +s ound +Ġpret ending +ĠV as +19 80 +Ġfram ed +Ġ13 9 +Ġdesc ended +Ġrehab ilitation +Ġborrow ing +ĠB uch +Ġbl ur +R on +ĠFro zen +en za +Ch ief +ĠP oor +Ġtransl ates +M IN +Ġ2 12 +J ECT +Ġerupt ed +Ġsuccess es +S EC +Ġpl ague +Ġg ems +d oms +Ġstret ches +ĠSp y +Ġstory telling +C redit +ĠP ush +Ġtra ction +Ġin effective +ĠL una +Ġt apes +Ġanaly tics +erc ise +Ġprogram mes +ĠCar bon +Ġbeh old +he avy +ĠConserv ation +ĠF IR +Ġs ack +ter min +ric ks +Ġhous ed +Ġunus ually +I ce +Ġexecut ing +ĠMor oc +ed ay +Ġed itions +Ġsm arter +ĠB A +Ġout law +Ġvan ished +ib a +AL SE +ĠSil va +23 8 +C ould +Ġphilos opher +Ġevac uated +Sec ret +14 2 +Ġvis as +ãĤ ¬ +ĠM alt +ĠClear ly +ĠN iger +ĠC airo +ĠF ist +3 80 +ĠX ML +aut o +it ant +Ġrein forced +Rec ord +ĠSurviv or +G Hz +Ġscrew s +parent s +Ġo ceans +ma res +Ġbra kes +vas ive +Ġhell o +ĠS IM +rim p +Ġo re +ĠArm our +24 7 +Ġterr ific +Ġt ones +14 1 +ĠMin utes +Ep isode +Ġcur ves +Ġinflamm atory +Ġbat ting +ĠBeaut iful +L ay +Ġunp op +v able +Ġr iots +ĠTact ics +b augh +ĠC ock +Ġorg asm +ĠS as +Ġconstruct or +et z +G ov +Ġant agon +Ġthe at +Ġde eds +ha o +c uts +ĠMc Cl +Ġu m +ĠScient ists +Ġgrass roots +ys sey +"] => +Ġsurf aced +Ġsh ades +Ġneighb ours +Ġad vertis +oy a +Ġmer ged +Up on +Ġg ad +Ġanticip ate +Any way +Ġsl ogan +Ġdis respect +I ran +ĠT B +act ed +Ġsubp oen +medi ately +OO OO +Ġwa iver +Ġvulner abilities +ott esville +ĠHuff ington +J osh +ĠD H +M onday +ĠEll en +K now +x on +it ems +22 8 +Ġf ills +ĠN ike +Ġcum ulative +and als +I r +Ġ ì +Ġfr iction +ig ator +Ġsc ans +ĠVi enna +ld om +Ġperform ers +P rim +Ġb idding +M ur +Ġlean ed +ĠPri x +al ks +Ġ[ â̦] +ĠTw itch +ĠDevelop er +ĠG ir +Ġcall back +Ab stract +Ġacc ustomed +Ġfreed oms +ĠP G +ur acy +Ġl ump +is man +,, ,, +19 92 +ĠR ED +Ġwor m +M atch +ĠPl atinum +I J +ĠOwn er +Tri via +com pl +Ġnew born +Ġfant as +O wn +Ġ19 59 +Ġsymp ath +Ġub iqu +Ġoutput s +Ġal lev +Ġpr ag +K evin +Ġfav ors +Ġbur ial +Ġn urt +so lete +c ache +Ġ15 6 +Ġunl ocks +te chn +M aking +Ġcon quer +ad ic +æ ĸ +Ġel f +Ġelect orate +ĠKurd s +ĠSt ack +ĠSam urai +Ġâ ĺħ +Ġ{ } +ĠS aid +ĠFall out +Ġkind ness +ĠCustom s +ĠBou levard +Ġhelicop ters +ot ics +ĠVe get +com ment +Ġcritic ised +Ġpol ished +ĠRem ix +ĠC ultural +Ġrec ons +Ġdo i +at em +Sc reen +Ġbar red +Com ments +ĠGener ally +Ġsl ap +7 20 +V ari +p ine +Ġem pt +Ġh ats +ĠPlay ing +l ab +a verage +form s +ĠC otton +Ġcan s +ĠD ON +ĠSom alia +C rypt +ĠIncre ases +E ver +mod ern +Ġsur geon +3 000 +Ġrandom ized +================================ ================================ +B ern +im pl +ĠC OR +Ġpro claim +th ouse +Ġto es +Ġam ple +Ġpres erving +Ġdis bel +gr and +B esides +Ġsil k +ĠPat tern +h m +Ġenter prises +Ġaffidav it +ĠAdvis ory +Ġadvert ised +ĠRel igious +se ctions +psy ch +ĠField s +aw ays +Ġhasht ag +ĠNight mare +Ġv ampire +Ġfore nsic +rosso ver +n ar +Ġn avy +Ġvac ant +ĠD uel +Ġhall way +Ġface book +ident ally +ĠN RA +Ġm att +Ġhur ricane +ĠKir by +ĠP uzzle +Ġsk irt +ou st +du llah +Ġanal ogy +in ion +Ġtomat oes +ĠN V +ĠPe ak +ĠMe yer +Ġappoint ments +Ġm asc +Ġal ley +re hend +Ġchar ities +Ġund o +Ġdest inations +ĠTest ing +"> " +c ats +* . +Ġgest ures +gener al +Le ague +Ġpack ets +ĠInspect or +ĠBer g +Ġfraud ulent +Ġcritic ize +F un +Ġbl aming +nd ra +Ġsl ash +ĠE ston +Ġpropos ing +Ġwh ales +Ġtherap ist +Ġsub set +Ġle isure +EL D +ĠC VE +ĠAct ivity +Ġcul min +sh op +ĠD AY +is cher +ĠAdmir al +ĠAtt acks +Ġ19 58 +Ġmem oir +Ġfold ed +Ġsex ist +Ġ15 3 +ĠL I +Ġread ings +Ġembarrass ment +ĠEmploy ment +w art +ch in +Ġcontin uation +l ia +Rec ently +Ġd uel +Ġevac uation +ĠKash mir +Ġdis position +ĠR ig +Ġbol ts +Ġins urers +4 67 +M ex +Ġret aliation +Ġmis ery +Ġunre asonable +r aining +I mm +ĠP U +em er +Ġgen ital +ãĤ ³ +ĠC andy +Ġon ions +ĠP att +lin er +Ġconced ed +Ġf a +Ġfor c +ĠH ernandez +ĠGe off +deb ian +ĠTe ams +Ġc ries +Ġhome owners +23 7 +A BC +Ġst itch +Ġstat istic +Ġhead ers +ĠBi ology +Ġmot ors +ĠG EN +ĠL ip +Ġh ates +Ġhe el +S elf +i pl +ED IT +ort ing +Ġann ot +ĠSpe ech +old emort +ĠJ avascript +ĠLe Bron +Ġfoot print +Ġf n +Ġseiz ures +n as +h ide +Ġ19 54 +ĠBe e +ĠDecl aration +ĠKat ie +Ġreserv ations +N R +f emale +Ġsatur ated +Ġb iblical +Ġtroll s +Dev ice +ph otos +Ġdr ums +ãĥīãĥ© ãĤ´ãĥ³ +N ight +f ighter +ĠH ak +ri ber +Ġc ush +Ġdiscipl inary +ba um +ĠG H +ĠSch midt +ilib rium +Ġs ixty +ĠKush ner +ro ts +Ġp und +ĠR ac +Ġspr ings +Ġcon ve +Bus iness +F all +Ġqual ifications +Ġvers es +Ġnarc iss +ĠK oh +ĠW ow +ĠCharl ottesville +ed o +Ġinterrog ation +ĠW ool +36 5 +B rian +Ġâľ ĵ +Ġalleg es +ond s +id ation +ĠJack ie +y u +Ġl akes +Ġworth while +Ġcryst als +ĠJud a +Ġcomp rehend +Ġfl ush +Ġabsor ption +ĠO C +Ġfright ened +ĠCh ocolate +Mart in +Ġbu ys +Ġbu cks +Ġapp ell +ĠChampions hips +Ġlist ener +ĠDef ensive +Ġc z +ud s +ĠM ate +Ġre play +Ġdecor ated +Ġs unk +ĠV IP +ĠAn k +Ġ19 5 +aa aa +Nob ody +ĠMil k +ĠG ur +ĠM k +ĠS ara +Ġse ating +ĠW id +Tr ack +Ġemploy s +Ġgig antic +AP P +ãĤ § +in ventory +Ġtow el +at che +l asting +ĠT L +Ġlat ency +Ġkn e +B er +me aning +Ġup held +Ġplay ground +Ġm ant +S ide +Ġstere o +Ġnorth west +Ġexception ally +Ġr ays +Ġrec urring +D rive +Ġup right +Ġab duct +ĠMar athon +Ġgood bye +Ġal phabet +h p +Ġcourt room +ring ton +ot hing +T ag +Ġdiplom ats +Ġbar bar +ĠAqu a +18 3 +33 33 +Ġmat urity +Ġinst ability +ĠAp ache +Ġ= == +Ġfast ing +ĠGr id +Mod Loader +Ġ15 2 +A bs +ĠOper ating +ett i +Ġacqu aint +Don nell +ĠK em +ĠFor ge +Ġarm ored +M il +Ġphilos ophers +in vest +Pl ayers +â Ī +Ġmy riad +Ġcomr ades +R ot +Ġremember ing +Ġcorrespond s +Ġprogram mers +ĠLyn n +Ġo lig +Ġco herent +yn chron +ĠChem ical +Ġj ugg +p air +post s +E ye +ĠIn ner +Ġsem ester +ott est +ĠEmir ates +ric anes +or ously +m its +ĠW is +Ġd odge +l ocation +Ġf aded +Am azon +ĠPro ceed +ĠIN FO +j ournal +ĠTru ck +T en +Ġ2 17 +Ġstat utes +m obile +ĠT ypes +Rec omm +b uster +pe x +Ġleg ends +Ġhead ache +f aced +ĠWi Fi +if ty +ĠH ER +Ġcirc uits +ER ROR +22 6 +ol in +Ġcyl inder +osp ace +ik ers +P rem +Qu ant +Ġconflic ting +Ġslight est +Ġfor ged +ion age +Step hen +ĠK ub +ĠOpp ortun +ĠHe al +Ġbl o +Ġrul ers +Ġh uh +Ġsubmar ine +f y +ass er +Ġallow ance +ĠKas ich +ĠT as +ĠAustral ians +Forge ModLoader +ĠâĨ ij +ĠMat rix +am ins +Ġ12 00 +ĠAc qu +23 6 +D ocument +ĠBre aking +19 3 +ĠSub st +ĠRoll er +ĠPro perties +ĠN I +t ier +Ġcr ushing +Ġadvoc ating +Further more +keep ers +Ġsex ism +x d +Ġcall er +ĠS ense +chie ve +ĠT F +Ġfuel ed +Ġreminis cent +Ġobs ess +ur st +Ġup hold +ĠF ans +het ics +Ġâ Ĺ +ĠB ath +Ġbe verage +Ġo scill +25 4 +Ġpol es +Ġgrad ual +Ġex ting +ĠS uff +ĠS uddenly +Ġlik ing +Ġ19 49 +un ciation +am ination +ĠO mar +ĠL V +ĠCon sequently +Ġsynt hes +ĠG IF +Ġp ains +Ġinteract ing +u ously +inc re +Ġrum or +ĠScient ology +19 7 +ĠZ ig +Ġspe lling +ĠA SS +Ġexting u +ms on +Ġg h +Ġremark ed +ĠStrateg ic +ĠM ON +å ¥ +g ae +ĠWH AT +E ric +ĠCamp us +Ġmeth ane +Ġimag in +J UST +ĠAl m +X T +i q +ĠR SS +Ġwrong doing +att a +Ġbig ot +Ġdemonstr ators +ĠCal vin +ĠV illa +Ġmembr ane +ĠAw esome +Ġbenef ic +26 8 +Ġmagn ificent +ĠL ots +G reg +ĠBor is +Ġdetain ees +ĠH erman +Ġwhis pered +Ġa we +Prof essor +fund ing +Ġphys iological +ĠDest ruction +Ġlim b +Ġmanip ulated +Ġbub bles +Ġpse ud +Ġhyd ra +ĠBrist ol +Ġst ellar +ĠExp ansion +ĠK ell +ĠInterest ingly +Ġm ans +Ġdrag ging +Ġec ological +ĠF it +Ġg ent +Ġbenef ited +ĠHait i +Ġpoly g +ãĥ İ +Ġ20 30 +Ġpro w +Ġrecon struction +Ġwas t +Ġpsych ic +ĠGree ks +Hand ler +16 2 +ĠP ulse +Ġsol icit +Ġsy s +Ġinflu x +ĠG entle +per cent +Ġprolifer ation +Ġtax able +Ġdisreg ard +Ġesc aping +Ġg inger +Ġwith stand +Ġdevast ated +ĠD ew +ser ies +Ġinject ed +ela ide +Ġturn over +he at +Ļ Ĥ +H appy +ĠSil ent +ãĤ Ń +iv ism +Ġir rational +AM A +Ġre ef +r ub +Ġ16 2 +Ġbank ers +ĠEth ics +v v +Ġcritic isms +K n +18 6 +M ovie +ĠT ories +Ġno od +Ġdist ortion +F alse +od ore +Ġt asty +Res earch +ĠU ID +- ) +Ġdivor ced +ĠM U +ĠHay es +ĠIs n +ian i +ĠH Q +Ġ" # +ign ant +Ġtra umatic +ĠL ing +H un +Ġsab ot +on line +r andom +Ġren amed +ra red +K A +d ead +é t +ĠAss istance +Ġse af +++++ ++++ +Ġse ldom +ĠWeb b +Ġbo olean +u let +Ġref rain +ĠDI Y +ru le +Ġshut ting +Ġutil izing +load ing +ĠPar am +co al +oot er +Ġattract ing +ĠD ol +Ġher s +ag netic +ĠRe ach +im o +Ġdisc arded +ĠP ip +01 5 +ü r +Ġm ug +Im agine +C OL +Ġcurs ed +ĠSh ows +ĠCurt is +ĠSach s +spe aking +ĠV ista +ĠFram ework +ong o +Ġsub reddit +Ġcr us +ĠO val +R ow +g rowing +Ġinstall ment +Ġgl ac +ĠAdv ance +EC K +ĠLGBT Q +LE Y +Ġac et +Ġsuccess ive +ĠNic ole +Ġ19 57 +Qu ote +Ġcircumst ance +ack ets +Ġ14 2 +ort ium +Ġguess ed +ĠFr ame +Ġperpet rators +ĠAv iation +ĠBen ch +Ġhand c +A p +Ġ19 56 +25 9 +r and +Net Message +d in +urt les +h ig +ĠV III +ff iti +ĠSw ords +b ial +Ġkidn apping +dev ice +Ġb arn +ĠEl i +auc as +S end +Con structed +Ġ ½ +Ġneed les +Ġad vertisements +Ġv ou +Ġexhib ited +ĠFort ress +As k +B erry +TY PE +Ġcan cers +ump ing +ĠTerrit ory +Ġpr ud +Ġn as +Ġathe ist +Ġbal ances +ãģ Ł +ĠSh awn +& & +Ġland sc +ĠR GB +Ġpet ty +Ġex cellence +Ġtransl ations +Ġpar cel +ĠChe v +E ast +ĠOut put +im i +Ġamb ient +ĠTh reat +Ġvill ains +Ġ5 50 +IC A +Ġtall er +Ġle aking +c up +Ġpol ish +Ġinfect ious +ĠK C +Ġ@ @ +back ground +Ġbureaucr acy +ĠS ai +un less +it ious +ĠSky pe +At l +ID ENT +00 8 +Ġhyp ocr +Ġpit chers +Ġguess ing +ĠF INAL +Bet ween +Ġvill agers +Ġ25 2 +f ashion +ĠTun is +Be h +ĠEx c +ĠM ID +28 8 +ĠHas kell +19 6 +ĠN OR +Ġspec s +Ġinv ari +Ġgl ut +ĠC ars +Ġimp ulse +Ġhon ors +g el +Ġjurisd ictions +ĠBund le +ul as +Calif ornia +ĠIncre ase +Ġp ear +Ġsing les +Ġc ues +Ġunder went +ĠW S +Ġexagger ated +Ġdub ious +Ġfl ashing +L OG +) ]. +J ournal +t g +V an +ĠI stanbul +ĠIn sp +ĠFrank en +D raw +Ġsad ness +Ġiron ic +ĠF ry +x c +Ġ16 4 +is ch +W ay +ĠProtest ant +h orn +Ġun aff +ĠV iv +ill as +ĠProduct ions +ĠH ogan +Ġper imeter +ĠS isters +Ġspont aneous +Ġdown side +Ġdescend ants +Ġor n +w orm +Japan ese +Ġ19 55 +Ġ15 1 +ĠDo ing +els en +umb les +Ġrad ically +ĠDr um +ĠB ach +Ġli abilities +ĠO B +ĠElement ary +Ġmem e +yn es +Ġfinger print +ĠGr ab +Ġundert ake +Mem bers +ĠRead er +ĠSim s +g od +Ġhypot hetical +s cient +ĠA J +Ġchar ism +Ġad missions +ĠMiss ile +tr ade +Ġexerc ising +ĠBack ground +W ritten +Ġvoc als +whe ther +Ġv i +ĠW inner +Ġl itter +ĠSh ooting +ST EM +ãĤ ¡ +ĠA FL +Ġvari ability +Ġe ats +ĠD PS +b row +Ġeleph ants +Ġstr at +Ġ Å +Ġsett lers +Matt hew +Ġin advert +H I +ĠIM F +ĠGo al +Ġnerv es +John son +ey e +ablish ment +Th ursday +BIL ITY +H ad +am oto +het amine +ep s +Ġmit ochond +Ġcomp ressed +ĠTre vor +ĠAnim als +T ool +L ock +Ġtwe ak +Ġpin ch +Ġcancell ation +P ot +Ġfoc al +ĠAst ron +17 3 +ĠA SC +ĠO THER +umn i +Ġdem ise +d l +Ù ħ +Sem itism +Ġcr acking +Ġcollabor ative +Ġexpl ores +s ql +Ġher bs +Ġconfig urations +m is +ĠRes ult +ace y +ĠSm oke +Ġsan ct +el ia +Ġdeg ener +Ġdeep est +Ġscream ed +Ġn ap +Soft ware +ĠST AR +E F +ĠX in +spons ored +mans hip +23 3 +Ġprim aries +Ġfilter ing +Ġas semble +m il +ĠMy ers +b ows +Ġpun ched +M ic +Ġinnov ations +Ġfun c +and o +Ġfr acking +ĠV ul +о Ð +osh op +ĠIm mun +Ġsett ling +Ġadolesc ents +Ġreb uilding +Ġtransform ing +Ġpar ole +Ġhar bor +Ġbook ing +ot ional +onge vity +ĠY o +b ug +Ġemer ges +ĠMethod s +ĠCh u +P res +ĠDun geons +Ġtra iling +ĠR um +ĠH ugh +å¤ © +ĠE ra +ĠBatt les +Res ults +ĠTr ading +Ġvers a +c ss +ax ies +he et +Ġgre ed +19 89 +Ġgard ens +Ġconting ent +P ark +ĠLeaf s +h ook +ro be +Ġdiplom acy +ĠF uel +ĠInv asion +Ġupgr ading +M ale +Ġe lic +Ġrelent less +ĠCo venant +ap esh +ĠT rop +T y +pro duction +art y +Ġpun ches +ak o +cyclop edia +ĠR abbit +ĠHD MI +Ġ14 1 +Ġf oil +Item Image +ĠF G +Ġimplement ations +ĠP om +ixt ures +Ġaw ait +Ġ3 30 +am us +Ġumb rella +Ġfore see +se par +Ġcircum cision +Ġperipher al +S ay +ĠExper t +In c +Ġwithd rew +ĠAnd ers +f ried +Ġradio active +ĠOp ening +Ġboard ing +ĠN D +Ġover throw +Act iv +W P +ĠAct s +× Ļ +Ġmot ions +v ic +ĠM ighty +ĠDef ender +a er +Ġthank ful +ĠK illing +ĠBr is +mo il +Ġpredict ing +26 6 +ch oice +Ġkill ers +Ġinc ub +ĠChe st +ather ing +Ġpro claimed +fl ower +oss om +umbled ore +ĠCy cling +ĠOccup y +AG ES +P en +ĠY ug +Ġpack aged +Ġheight ened +c ot +st ack +C ond +Ġst amps +m age +Ġpersu aded +Ġens l +ĠCard inal +Ġsol itary +Ġpossess ing +ĠC ork +Ġev id +ĠT ay +Ġbl ues +Ġextrem ism +Ġlun ar +Ġcl own +Te chn +Ġfest ivals +ĠPv P +ĠL ar +Ġconsequ ently +p resent +Ġsom eday +ç İĭ +ĠMet eor +Ġtour ing +c ulture +Ġbe aches +S hip +c ause +ĠFl ood +ãĥ ¯ +Ġpur ity +th ose +Ġem ission +b olt +Ġch ord +ĠScript ure +L u +Ġ$ { +cre ated +Other s +25 8 +Ġelement al +Ġannoy ed +ĠA E +d an +ĠS ag +Res earchers +Ġfair y +âĢĵ âĢĵ +======== ==== +Sm art +GG GG +Ġskelet ons +Ġpup ils +link ed +Ġur gency +en abled +ĠF uck +Ġcoun cill +r ab +U AL +T I +Ġlif es +Ġconf essed +B ug +Ġharm on +ĠCON FIG +ĠNe utral +D ouble +Ġst aple +ĠSH A +Brit ish +ĠSN P +AT OR +oc o +Ġswing ing +ge x +ole on +pl ain +ĠMiss ing +ĠTro phy +v ari +ran ch +Ġ3 01 +4 40 +00000000 00000000 +Ġrest oring +Ġha ul +uc ing +ner g +Ġfut ures +Ġstrateg ist +quest ion +Ġlater al +ĠB ard +Ġs or +ĠRhod es +ĠD owntown +????? - +ĠL it +ĠB ened +Ġco il +st reet +ĠPort al +FI LE +ĠG ru +* , +23 1 +ne um +Ġsuck ed +Ġr apper +Ġtend encies +ĠLaure n +cell aneous +26 7 +Ġbrow se +Ġover c +head er +o ise +Ġbe et +ĠG le +St ay +Ġm um +Ġtyp ed +Ġdiscount s +T alk +ĠO g +ex isting +ĠS ell +u ph +C I +ĠAust rian +ĠW arm +Ġdismiss al +Ġaver ages +c amera +Ġalleg iance +L AN +=" # +Ġcomment ators +ĠSet ting +ĠMid west +Ġpharm ac +ĠEX P +Ġstain less +Ch icago +Ġt an +24 4 +Ġcountry side +ĠV ac +29 5 +Ġpin ned +Ġcr ises +Ġstandard ized +T ask +ĠJ ail +ĠD ocker +col ored +f orth +" }, +Ġpat rons +Ġsp ice +Ġm ourn +ĠM ood +Ġlaund ry +Ġequ ip +ĠM ole +y ll +ĠTH C +n ation +ĠSher lock +Ġiss u +ĠK re +ĠAmeric as +ĠA AA +Ġsystem atically +Ġcont ra +ĠS ally +Ġrational e +Ġcar riage +Ġpe aks +Ġcontrad iction +ens ation +ĠFail ure +Ġpro ps +Ġnames pace +Ġc ove +field s +ãĤ ĭ +Ġw ool +ĠC atch +Ġpresum ed +ĠD iana +r agon +ig i +Ġh amm +Ġst unt +ĠG UI +ĠObserv atory +ĠSh ore +Ġsmell s +ann ah +Ġcock pit +ĠD uterte +8 50 +Ġopp ressed +bre aker +ĠCont ribut +ĠPer u +ĠMons anto +ĠAtt empt +Ġcommand ing +Ġfr idge +ĠR in +ĠChe ss +ual ity +Ġo l +Republic an +ĠGl ory +ĠW IN +.... ... +ag ent +read ing +Ġin h +J ones +Ġcl icks +al an +Ġ[ ]; +ĠMaj esty +ĠC ed +op us +ate l +à ª +AR C +ĠEc uador +ãĥ ł +ĠK uro +Ġritual s +Ġcapt ive +Ġoun ce +Ġdisag reement +Ġsl og +f uel +P et +M ail +Ġexerc ised +Ġsol ic +Ġrain fall +Ġdev otion +ĠAss essment +Ġrob otic +opt ions +ĠR P +ĠFam ilies +ĠFl ames +Ġassign ments +00 7 +aked own +Ġvoc abulary +Re illy +Ġc aval +g ars +Ġsupp ressed +ĠS ET +ĠJohn s +Ġwar p +bro ken +Ġstat ues +Ġadvoc ated +Ġ2 75 +Ġper il +om orph +ĠF emin +per fect +Ġh atch +L ib +5 12 +Ġlif elong +3 13 +Ġche eks +Ġnum bered +ĠM ug +B ody +ra vel +We ight +ĠJ ak +ĠHe ath +Ġkiss ing +ĠJ UST +Ġw aving +u pload +Ġins ider +ĠPro gressive +ĠFil ter +tt a +ĠBe am +Ġviol ently +ip ation +Ġskept icism +Ġ19 18 +ĠAnn ie +ĠS I +Ġgen etics +Ġon board +at l +ĠFried man +ĠB ri +cept ive +Ġpir ate +ĠRep orter +27 8 +Ġmyth ology +Ġe clipse +Ġsk ins +Ġgly ph +ing ham +F iles +C our +w omen +Ġreg imes +Ġphotograp hed +K at +ĠMA X +Offic ials +Ġunexpected ly +Ġimpress ions +F ront +;;;; ;;;; +Ġsuprem acy +Ġs ang +Ġaggrav ated +Ġabrupt ly +ĠS ector +Ġexc uses +Ġcost ing +ide press +St ack +ĠR NA +ob il +Ġghost s +ld on +at ibility +Top ics +Ġreim burse +ĠH M +ĠDe g +Ġth ief +y et +ogen esis +le aning +ĠK ol +ĠB asketball +Ġf i +ĠSee ing +Ġrecy cling +Ġ[ - +Cong ress +Ġlect ures +P sy +Ġne p +Ġm aid +Ġori ented +A X +Ġrespect ful +re ne +fl ush +ĠUn loaded +re quest +gr id +ĠAltern atively +ĠHug o +Ġdec ree +ĠBuddh ism +and um +And roid +ĠCong o +ĠJoy ce +Ġacknowled ging +hes ive +ĠTom orrow +ĠH iro +th ren +ĠM aced +Ġho ax +ĠIncre ased +ĠPr adesh +W ild +____ __ +16 1 +Ġa unt +Ġdistribut ing +ĠT ucker +ĠSS L +ĠW olves +B uilding +ou lt +ĠLu o +ĠY as +ĠSp ir +ĠSh ape +ĠCamb od +ĠIP v +Ġm l +Ġext rad +39 0 +ĠPenn y +d ream +Ġstation ed +opt ional +ew orthy +. +ĠWorks hop +ĠRet ail +ĠAv atar +6 25 +N a +ĠV C +ĠSec ure +M Y +19 88 +oss ip +Ġpro state +Ġund en +Ġg amer +ĠCont ents +ĠWar hammer +ĠSent inel +3 10 +Ġse gregation +ĠF lex +ĠM AY +Ġdr ills +ĠDrug s +Islam ic +Ġsp ur +Ġca fe +Ġimag inary +Ġgu iding +Ġsw ings +ĠThe me +ob y +Ġn ud +Ġbe gging +Ġstr ongh +Ġreject ing +Ġpedest rians +ĠPro spect +R are +s le +Ġconcess ions +ĠConst itutional +Ġbe ams +Ġfib ers +p oon +Ġinstinct s +pro perty +ĠB IG +Sand ers +im ates +Ġco ating +Ġcorps es +ĠTR UE +check ed +Ġ16 6 +A sh +ĠJ S +ĠF iction +Ġcommun al +Ġener getic +oooo oooo +Ġnow adays +IL D +ib o +ĠSU V +R en +Ġdwell ing +Sil ver +Ġt ally +ĠM oving +Ġcow ard +Ġgener als +Ġhorn s +Ġcirc ulated +Ġrob bed +ĠUn limited +Ġharass ed +Ġinhib it +Ġcomp oser +ĠSpot ify +Ġspread s +3 64 +Ġsu icidal +Ġno ises +ĠSt ur +Ġs aga +ĠK ag +is o +Ġtheoret ically +M oney +Ġsimilar ity +Ġslic ed +ut ils +ing es +" - +Ġan th +Ġimp ed +Mod ule +Through out +Ġmen us +comm ittee +and i +ob j +in av +f ired +ĠAb dullah +Ġund ead +Ġfont s +H old +EN G +Ġsustain ability +Ġfl ick +Ġr azor +ĠF est +ĠChar acters +Ġword ing +Ġpopul ist +Ġcritic izing +Ġm use +v ine +Ġcard board +Ġkind ly +Ġfr inge +ĠThe ft +icult ural +Ġgovern ors +Ġ ���� +Ġ16 3 +Ġtime out +ĠA uth +Child ren +A U +Ġred emption +ĠAl ger +Ġ19 14 +Ġw aved +Ġastron auts +og rams +Ġsw amp +ĠFinn ish +Ġcand le +Ġton nes +ut m +Ġr ay +Ġsp un +Ġfear ful +art icles +Ġca us +or ically +ĠRequ ires +ĠG ol +Ġpop e +Ġinaug ural +Ġg le +AD A +ĠIS IL +ĠOff ensive +Ġwatch dog +Ġbal con +ent ity +ĠH oo +Ġgall on +AC C +Ġdoub ling +Ġimpl ication +ĠS ight +Ġdoct r +---- --- +Ġ\ \ +Ġm alt +R oll +Ġâī ¥ +Ġrec ap +add ing +u ces +ĠB end +fig ure +Ġtur key +Ġsoc ietal +ĠT ickets +Ġcommer cially +Ġsp icy +Ġ2 16 +ĠR amp +Ġsuperior ity +à ¯ +ĠTr acker +C arl +ĠC oy +ĠPatri ot +Ġconsult ed +Ġlist ings +Ġsle w +reens hot +ĠG one +Ġ[ ...] +30 9 +Ġh ottest +Ø ± +Ġrock y +ĠD iaz +Ġmass age +Ġpar aly +Ġp ony +A z +Ġcart ridge +ĠN Z +Ġsn ack +ĠLam ar +ple ment +ĠLes lie +Ġm ater +Ġsn ipp +24 6 +Ġjoint ly +ĠBris bane +ĠiP od +Ġpump ing +Ġgo at +ĠSh aron +eal ing +Ġcor on +Ġan omal +rah im +ĠConnect ion +Ġsculpt ure +Ġsched uling +ĠD addy +at hing +Ġeyeb rows +Ġcur ved +Ġsent iments +Ġdraft ing +D rop +( [ +Ġnom inal +ĠLeaders hip +ĠG row +Ġ17 6 +Ġconstruct ive +iv ation +Ġcorrupt ed +ger ald +ĠC ros +ĠChe ster +ĠL ap +ãģ ª +OT H +D ATA +Ġal mond +pro bably +I mp +Ġfe ast +ĠWar craft +F lor +Ġcheck point +Ġtrans cription +Ġ20 4 +Ġtwe aks +Ġrel ieve +S cience +Ġperform er +Z one +Ġtur moil +ig ated +hib it +ĠC afe +the med +Ġflu or +ben ch +Ġde com +ĠU nt +ĠBar rett +ĠF acts +Ġt asting +ĠPTS D +ĠSe al +ĠJuda ism +ĠDynam ic +ĠC ors +V e +ĠM ing +ĠTrans form +v on +ĠDef enders +ĠTact ical +ĠV on +ĠUn ivers +Ġdist orted +ĠB reath +?' " +Ġag on +ĠDead ly +Ġl an +ĠCy cle +orn ed +Ġrel iably +Ġgl or +ĠMon key +ãĥ ¡ +Ġad ren +Ġmicrow ave +ĠAl ban +irc raft +dig it +sm art +ĠD read +¯¯¯¯¯¯¯¯ ¯¯¯¯¯¯¯¯ +{ { +ĠRoc hester +Ġsimpl ified +Ġinf licted +Ġtake over +Ġyour selves +ad itional +Ġmus cular +K S +Ġing en +T ax +ĠFe ature +27 7 +Ġcru c +Ġcr ate +Ġun identified +Ġacclaim ed +ĠM anga +ĠFr ances +ĠNep al +ĠG erald +ĠKu wait +Ġsl ain +ĠHe b +ĠG oku +ãģ® æ +28 6 +M rs +ĠC ody +ĠSan ctuary +01 6 +Ġdism ant +Ġdatas et +ĠH ond +b uck +ĠPat terson +Ġpal ette +ĠG D +ic ol +ĠL odge +Ġplanet ary +ak in +ĠRegist ered +ab we +ĠPeters burg +Ġha iled +ĠP iece +S che +ĠDO J +Ġen umer +18 1 +ĠObs erver +ĠB old +f ounded +com merce +Ġexplo its +ĠF inding +UR N +ĠS ne +ĠAc id +ay ette +ĠVal ues +Ġdr astic +Ġarchitect ural +Ġ" . +× ķ +ump ed +Ġwra pping +Ġwid ow +ĠSl ayer +l ace +on ce +German y +av oid +Ġtem ples +P AR +à ´ +ĠLuc ifer +ĠFl ickr +l ov +for ces +Ġsc outing +Ġlou der +tes y +Ġbefore hand +Ä ĵ +ĠNe on +ĠW ol +ĠTyp ically +ĠPolit ico +-+ -+ +Ġbuild er +Ġder ive +K ill +Ġp oker +Ġambig uous +Ġlif ts +Ġcy t +Ġrib s +ood le +ĠS ounds +h air +ĠSynd rome +t f +Ġproport ional +u id +Ġper taining +ĠKind le +ĠNeg ro +Ġreiter ated +ĠTon ight +oth s +ĠCorn ell +Ġo wing +Ġ20 8 +elf are +oc ating +ĠB irds +Sub scribe +Ġess ays +Ġburd ens +Ġillust rations +ar ious +ER AL +ĠCal cul +Ġx en +ĠLink edIn +ĠJ ung +Ġredes ign +Con nor +29 6 +Ġrevers al +ĠAd elaide +ĠL L +Ġs inking +Ġg um +US H +c apt +ĠGr imm +Ġfoot steps +ĠCB D +isp ers +Ġpro se +Wed nesday +ĠM ovies +ed in +Ġoverturn ed +Ġcontent ious +US B +~~~~~~~~ ~~~~~~~~ +ĠCo pper +Ġpoint less +N V +val ues +olph in +d ain +Ġdepos ited +ĠG W +Ġpreced ed +ĠCl a +ĠGo lem +ĠN im +ĠÎ ² +ĠEngine ers +m iddle +Ġfl att +oper ative +Ġcouncil s +imb abwe +el in +Ġstress ful +ĠL D +Ġres h +l ake +Ġwheel chair +ĠAltern ative +Ġoptim ize +oper ation +Ġpe ek +Ġones elf +ig il +Ġtrans itions +op athy +bl ank +Ġ16 9 +17 1 +________________________________ ________________________________ +Ġl aundering +En c +ĠD EC +Ġwork outs +Ġsp ikes +Ġdin osaurs +Ġdiscrim inatory +P ool +R ather +38 5 +R NA +tes ters +et o +ĠIdent ity +Ġve in +ĠBur ton +Ġarc ade +4 20 +Ult imately +ĠSad ly +à ° +p ill +Ġcub ic +ĠSpect rum +the se +st ates +Ġun official +h awks +ĠEVER Y +Ġrain bow +Ġincarcer ation +and ing +Ġsy ll +ĠEver ton +Ġ17 9 +ĠSer bia +Ġ18 9 +m eter +ĠMic key +Ġant iqu +Ġfact ual +ne ck +ĠN are +n orm +m ust +Ġhigh ways +Ġgl am +Ġdivid ing +ĠSquad ron +ĠMar tha +Ġbirth s +C over +//////// //////// +ĠW ong +Ph ot +ĠA LS +ri o +ĠNon etheless +ĠL emon +Ġ20 6 +ĠE E +Ġderiv ative +ĠWW II +v ote +Ġthere in +Ġsepar ating +44 6 +sy nc +ĠStre ets +Ġr att +Ġmunicip ality +ĠShort ly +Ġmon k +) ," +Ġscr ub +Ġoper atives +Ne ither +Pl ace +ĠLim it +F emale +ĠAct or +Char acter +Ġconstit uted +35 7 +Ġprotest ed +ĠSt raw +ĠHe ight +ild a +ĠTy ph +Ġflood s +Ġcos metic +W AY +pert ure +up on +t ons +ess ing +ĠP ocket +Ġro oft +ĠC aucas +Ġant idepress +Ġincomp atible +EC D +Ġoper a +ĠCont est +Ġgener ators +l ime +Def ense +19 87 +for um +Ġsav age +ĠHung arian +n z +Ġmet allic +Ġex pelled +Ġres idency +Ġdress es +66 6 +ĠC lement +f ires +C ategory +Ġge ek +al is +Ġc emetery +educ ated +Ġc rawl +ĠUn able +ĠT yson +ak is +Ġp ardon +ĠW ra +Ġstrengthen ed +ĠF ors +33 5 +ĠH C +ĠM ond +Ġvisual s +ĠBeat les +ett lement +Ġ ï +g ro +Ġb ash +Ġpo orest +Ġex cel +Ġaspir ations +ĠM unicip +ens ible +Ġceremon ies +Ġintimid ation +ĠCON TR +be ck +ĠK ap +as u +Ġtradem arks +ĠS ew +ĠComp etition +net work +ĠAr ri +ĠT et +Ro aming +W C +D at +Ġso b +Ġpair ing +Ġoverd ose +SA Y +ab er +Ġrev olt +ĠF ah +act ing +e q +est ation +F ight +ĠMar ks +27 3 +Ġ17 8 +R aw +ãģ ĭ +34 9 +bl ocks +Ġver ge +est ine +ĠPod esta +Ġinv asive +Ġprofound ly +ĠA o +e ach +Ġl est +inter pret +Ġshr inking +Ġerr one +Ġche es +ly s +ĠI vy +ĠDirect ory +Ġhint ed +V ICE +Ġcontact ing +ĠG ent +he i +Ġlabel ing +Ġmerc ury +ĠL ite +Ġexp ires +Ġdest abil +rit is +c u +Ġfeather s +Ġste er +Ġprogram med +ĠV ader +Go ing +ĠE lim +Ġy o +ĠMic he +Ġ20 3 +Ġslee ves +Ġb ully +ĠHum ans +36 8 +Ġcomp ress +ĠBan ner +AR S +Ġa while +Ġcal ib +Ġspons orship +ĠDiff iculty +ĠP apers +Ġident ifier +} . +Ġy og +ĠSh ia +Ġclean up +Ġvib e +int rodu +im ming +Austral ia +Ġout lines +ĠY outube +tr ain +ĠM akes +Ġde ported +Ġcent r +ĠD ug +ĠB oulder +ĠBuff y +Ġinj unction +ĠHar ley +ĠG roups +ĠD umbledore +ĠCl ara +Ġ" - +Ġsacrific ed +ep h +Sh adow +ib ling +Ġfreel ance +Ġevident ly +ph al +Ġret ains +M ir +Ġfin ite +d ar +ĠC ous +Ġrep aired +Ġperiod ic +Ġchampions hips +Ġaster oid +bl ind +Ġexpress ly +ĠAst ros +Ġsc aled +Ġge ographical +ĠRap ids +En joy +Ġel astic +ĠMoh amed +Mark et +be gin +Ġdisco vers +Ġtele communications +Ġscan ner +Ġen large +Ġsh arks +Ġpsy chedel +ĠRou ge +Ġsnap shot +is ine +X P +Ġpestic ides +ĠL SD +ĠDist ribution +re ally +Ġde gradation +Ġdisgu ise +Ġbi om +ĠEX T +Ġequ ations +Ġhaz ards +ĠComp ared +) * +Ġvirt ues +Ġeld ers +Ġenh ancing +ĠAc ross +er os +ang ling +Ġcomb ust +ucc i +Ġconc ussion +Ġcontrace ption +ĠK ang +Ġexpress es +Ġa ux +ĠP ione +Ġexhib its +Deb ug +OT AL +ĠAl ready +ĠWheel er +Ġexp ands +? : +Ġreconc iliation +Ġpir ates +Ġpur se +Ġdiscour age +Ġspect acle +R ank +Ġwra ps +ĠTh ought +Ġimp ending +O pp +ĠAng lo +ĠE UR +Ġscrew ed +ret ched +Ġencour agement +mod els +Ġconf use +mm m +ĠVit amin +âĸij âĸij +C ru +Ġkn ights +Ġdisc ard +Ġb ishops +ĠW ear +ĠGar rett +k an +ãĥ Ł +Ġmascul ine +cap ital +ĠA us +Ġfat ally +th anks +ĠA U +ĠG ut +12 00 +Ġ 00000000 +Ġsur rog +ĠBI OS +ra its +ĠWat ts +Ġresur rection +ĠElect oral +ĠT ips +4 000 +Ġnut rient +Ġdepict ing +Ġspr ink +Ġm uff +ĠL IM +ĠS ample +ps c +ib i +gener ated +Ġspec imens +Ġdiss atisf +Ġtail ored +Ġhold ings +ĠMonth ly +ĠE at +po ons +Ġne c +ĠC age +ĠLot us +ĠLan tern +Ġfront ier +Ġp ensions +Ġj oked +ĠHard y +=-=- =-=- +r ade +U ID +Ġr ails +Ġem it +Ġsl ate +Ġsm ug +Ġsp it +ĠCall s +ĠJac obs +f eat +ĠU E +Ġrest ruct +Ġregener ation +Ġenerg ies +ĠCon nor +OH N +ĠChe ese +Ġg er +Ġresur rect +man agement +N W +Ġpres ently +ĠBru ins +M ember +ĠM ang +id an +Ġboost ing +w yn ++ . +requ isite +ĠNY PD +ĠMe gan +ĠCond itions +Ġp ics +nes ium +ĠR ash +Ġ17 4 +ĠD ucks +Ġemb ro +z u +on ian +rel igious +Ġc raz +ĠAC A +ĠZ ucker +EM A +ĠPro s +We apon +ĠKn ox +ĠAr duino +Ġst ove +Ġheaven s +ĠP urchase +Ġher d +Ġfundra iser +Dig ital +5 000 +Ġprop onents +/ âĢĭ +Ġj elly +ĠVis a +Ġmon ks +Ġadvance ment +ĠW er +Ġ18 7 +e us +ert ility +Ġfet al +Ġ19 36 +L o +Ġout fits +Ġstair case +b omb +Ġcustom ized +cl air +T ree +Ġm apped +ĠConsider ing +ĠTor res +Ġmeth yl +Ġapprox imate +Ġdo om +ĠHans en +Ġc rossover +Ġstand alone +ä ¼ +Ġinv ites +Ġgra veyard +Ġh p +Donald Trump +Ġesc ort +G ar +Ġpredec essors +Ġh ay +Ġen zyme +ĠStra ight +vis ors +I ng +ane ously +ĠApp lied +Ġf ec +ĠDur ant +Ġout spoken +or b +Ġz eal +Ġdisgr ace +' ). +ĠChe ng +28 9 +ĠRen a +ĠSu icide +29 4 +Ġout raged +ĠNew man +ĠN vidia +ĠA ber +ĠB ers +Ġrecre ation +Wind ow +ĠD P +x e +Ġped oph +Ġfall out +ambo o +Ġpresent ations +ĠApp s +Ġh tml +3 45 +ĠX XX +Ġrub bing +ĠLe ather +Ġhum idity +se ys +est ablished +ĠUn its +64 6 +Ġrespect able +A uto +Ġthri ving +ĠInn ovation +ang s +Ext ra +reg ulation +29 8 +p ick +Ex amples +ĠC J +Att ack +Ġdr acon +L T +Ġstick er +re rs +Ġsun ny +I ss +reg ulated +d im +ĠAb stract +Ġhus bands +Off ice +om ination +it ars +AN GE +asc al +ĠK ris +ĠInf antry +Ġm alf +ĠA the +ĠR ally +bal anced +................ ........ +OU P +Ġmole cule +met ics +ĠSpl it +ĠInstruct ions +ĠN ights +c ards +Ġt ug +Ġcon e +å Ń +Ġt x +ĠDisc ussion +Ġcatast rophe +pp e +g io +Ġcommun ism +Ġhal ted +ĠGu ant +cle an +ĠSc hed +ĠK anye +Ġw ander +ĠSer iously +Ġ18 8 +enn ial +f ollow +product ive +ĠFl ow +ĠS ail +Ġc raw +Ġsim ulations +or u +ang les +ĠN olan +Ġmen stru +4 70 +Ġ20 7 +aj a +Ġcas ually +board ing +Ġ2 22 +ov y +ĠN umbers +um at +O E +28 7 +ĠCle mson +Ġcert s +Ġsl id +ĠT ribe +Ġto ast +Ġfort unes +Ġf als +ĠComm ittees +Ġg p +Ġf iery +ĠN ets +ĠAn ime +Pack age +ĠComp are +l aughter +in fect +Ġatroc ities +Ġjust ices +Ġins ults +ĠVern on +Ġsh aken +Ġperson a +est amp +36 7 +br ain +Ġexperiment ing +K en +ĠElect ronics +Ġ16 1 +dom ain +Ġgraph ical +b ishop +Ġwho pping +ĠEv angel +Ġadvertis ers +ĠSpe ar +Ġb ids +Ġdestro ys +ut z +Ġunders c +ĠAD D +Ġan ts +ĠC um +ipp les +ĠF ill +Ġgl anced +Ġind icted +ĠE ff +Ġmis con +ĠDes ktop +Ġab ide +ãĥ Ģ +ĠI o +ĠC oul +Ġcaps ule +ĠCh rys +M ON +Ġund es +ĠI RA +Ġc itation +Ġdict ate +ĠNet works +ĠConf lict +ĠSt uff +x a +is ec +ĠChem istry +Ġquarter ly +William s +an an +O pt +ĠAlexand ria +out heastern +ĠSpring field +ĠBlack s +Ġge ography +24 2 +Ġut most +ĠEx xon +ab outs +E VA +ĠEn able +ĠBar r +Ġdisag reed +ĠCy prus +Ġdement ia +Ġlab s +Ġubiqu itous +ĠLO VE +Ġconsolid ated +s r +Ġcream y +ĠTim ber +Reg ardless +ĠCert ificate +Ġ" ... +ogen ous +Capt ain +Ġinsult ing +ĠSor os +ĠInst r +ĠBulgar ia +bet ter +Ġsuck ing +ĠDavid son +at z +Ġcoll ateral +g if +Ġplag ued +ĠC ancel +ĠGard ner +R B +Ġsix teen +Rem ove +ur istic +c ook +R od +Ġcompr ising +f le +) âĢĶ +ĠVik ing +g rowth +agon al +Ġsr f +af ety +m ot +N early +st own +ĠF actor +Ġautom obile +Ġproced ural +m ask +amp ires +Ġdisapp ears +j ab +3 15 +Ġ19 51 +ne eded +Ġd aring +le ader +Ġp odium +Ġun healthy +Ġm und +Ġpy ramid +oc re +Ġkiss ed +Ġdream ed +ĠFant astic +ĠG ly +å Ĭ +Ġgreat ness +Ġsp ices +Ġmet ropolitan +Ġcomp uls +i ets +101 6 +ĠSh am +ĠP yr +fl ies +ĠMid night +Ġswall owed +Ġgen res +ĠL ucky +ĠRew ards +Ġdisp atch +ĠI PA +ĠApp ly +Ġa ven +al ities +3 12 +th ings +Ġ( ). +Ġm ates +ĠS z +ĠC OP +ol ate +O FF +Ġre charge +c aps +ĠYork er +ic one +Ġgal axies +ile aks +D ave +ĠP uzz +ĠCelt ic +ĠA FC +27 6 +ĠS ons +Ġaffirm ative +H or +Ġtutorial s +ĠC ITY +ĠR osa +ĠExt ension +Ser ies +Ġf ats +Ġr ab +l is +Ġun ic +Ġe ve +ĠSp in +Ġadul thood +ty p +Ġsect arian +Ġcheck out +ĠCy cl +S ingle +Ġmart yr +Ġch illing +88 8 +ou fl +Ġ] ; +Ġcongest ion +m k +ĠWhere as +Ġ19 38 +ur rencies +er ion +Ġbo ast +ĠPat ients +Ġch ap +ĠB D +real DonaldTrump +Ġexam ines +h ov +Ġstart ling +ĠBab ylon +w id +om ew +br ance +ĠOd yssey +w ig +Ġtor ch +ĠV ox +ĠMo z +ĠT roll +ĠAn s +Similar ly +ĠF ul +00 6 +Un less +ĠAl one +st ead +ĠPub lisher +r ights +t u +ĠDoes n +Ġprofession ally +Ġcl o +ic z +Ġste als +Ġ á +19 86 +Ġst urdy +ĠJoh ann +Ġmed als +Ġfil ings +ĠFr aser +d one +Ġmult inational +Ġf eder +Ġworth less +Ġp est +Yes terday +ank ind +Ġg ays +Ġb orne +ĠP OS +Pict ure +Ġpercent ages +25 1 +r ame +Ġpot ions +AM D +ĠLeban ese +Ġr ang +ĠL SU +ong s +Ġpen insula +ĠCl ause +AL K +oh a +ĠMac Book +Ġunanim ous +Ġl enders +Ġhang s +Ġfranch ises +ore rs +ĠUp dates +Ġisol ate +and ro +S oon +Ġdisrupt ive +ĠSur ve +Ġst itches +ĠSc orp +ĠDomin ion +Ġsupp lying +Ar g +Ġtur ret +ĠL uk +Ġbr ackets +* ) +ĠRevolution ary +ĠHon est +Ġnot icing +ĠSh annon +Ġafford ed +Ġth a +ĠJan et +! -- +ĠNare ndra +ĠPl ot +H ol +se ver +e enth +Ġobst ruction +Ġ10 24 +st aff +j as +or get +sc enes +l aughs +ĠF argo +cr ime +Ġorche str +Ġde let +ili ary +rie ved +Ġmilit ar +ĠGreen e +âĹ ı +ãģ ¦ +ĠGu ards +Ġunle ashed +ĠWe ber +Ġadjust able +Ġcal iber +Ġmotiv ations +Ġà ł +m Ah +ĠL anka +hand le +Ġp ent +ĠR av +ĠAng ular +ĠK au +umb ing +Ġphil anthrop +Ġde hyd +Ġtox icity +e er +ĠY ORK +w itz +å ¼ +ĠI E +commun ity +ĠA H +Ġret ali +Ġmass ively +ĠDani els +ĠD EL +Ġcar cin +Ur l +Ġrout ing +ĠNPC s +ĠR AF +ry ce +Ġwa ived +ĠGu atem +Every body +Ġco venant +Ġ17 3 +Ġrelax ing +Ġqu art +al most +Ġguard ed +ĠSold iers +ĠPL AY +Ġout going +L AND +Ġre write +ĠM OV +ĠIm per +ĠS olution +Ġphenomen al +Ġl ongevity +Ġimp at +ĠN issan +ir ie +Ġod or +ĠZ ar +ok s +Ġmilit ias +ĠSP EC +Ġtoler ated +ars er +ĠBrad ford ++ , +Ġsur real +s f +Can adian +Ġresemb lance +Ġcarbohyd rate +VI EW +Ġaccess ory +me al +larg est +ieg el +Some one +Ġtoug hest +os o +Ġfun nel +Ġcondemn ation +lu ent +Ġw ired +ĠSun set +Jes us +ĠP ST +ĠP ages +ĠTy coon +ĠP F +Ġselect ions +Ġ ठ+part isan +Ġhigh s +ĠR une +Ġcraft s +le ad +ĠParent s +Ġre claim +ek er +ĠAll ied +ae per +Ġlo oming +Ġbenefic iaries +ĠH ull +Stud ents +Jew ish +d j +Ġp act +tem plate +ĠOffic ials +ĠBay lor +Ġhe mp +Ġyouth s +ĠLevel s +ĠX iao +ĠC hes +Ġende avor +ĠRem oved +Ġhipp ocamp +H ell +ãĤ Ĭ +80 5 +Ġd inosaur +ĠWr ath +ĠIndones ian +Ġcalcul ator +ĠD ictionary +Ġ4 20 +ĠM AG +( _ +! , +t arians +Ġrestrict ing +rac use +Ġweek day +OU NT +Ġsh rugged +leg round +Ġb ald +ĠDo ctors +Ġt outed +ĠMax well +Ġ2 14 +Ġdiplom at +Ġrep ression +Ġconstitu ency +v ice +r anked +ĠNap oleon +g ang +ĠFore ver +t un +Ġbul b +ĠPD T +ĠC isco +V EN +Ġres umed +Ste ven +ĠManit oba +Ġfab ulous +ĠAg ents +19 84 +Ġam using +ĠMyster ies +Ġor thodox +fl oor +Ġquestion naire +Ġpenet rate +Ġfilm makers +ĠUn c +Ġst amped +Ġth irteen +Ġout field +Ġforward ed +Ġapp ra +Ġa ided +t ry +Ġunf ocused +ĠL iz +ĠWend y +ĠSc ene +Ch arg +Ġreject s +Ġleft ist +ĠProv idence +ĠBr id +reg n +Ġprophe cy +ĠL IVE +4 99 +Ġfor ge +ĠF ML +Ġintrins ic +ĠF rog +Ġw ont +ĠH olt +Ġfam ed +CL US +aeper nick +ĠH ate +ĠC ay +Ġregister ing +ort ality +rop y +ocaly ptic +a an +n av +Ġfasc ist +IF IED +Ġimpl icated +ĠRes ort +ĠChand ler +ĠBr ick +P in +ys c +Us age +ĠHel m +us ra +âĺħ âĺħ +ĠAb bas +Ġunanim ously +Ġke eper +Ġadd icted +?? ? +Ġhelm ets +Ġant ioxid +aps ed +80 8 +gi ene +Ġwa its +Ġmin ion +ra ved +ĠP orsche +Ġdream ing +Ġ17 1 +ĠC ain +Ġun for +ass o +ĠConfig uration +k un +hard t +Ġn ested +ĠL DS +L ES +Ġt ying +en os +Ġc ue +ĠMar qu +sk irts +Ġclick ed +Ġexp iration +ĠAccording ly +ĠW C +Ġbless ings +Ġaddict ive +ĠN arr +y x +ĠJagu ars +Ġrent s +ĠS iber +Ġt ipped +ous se +ĠFitz gerald +Ġhier arch +out ine +Ġwa velength +> . +ch id +ĠProcess ing +/ + +r anking +E asy +ĠConst ruct +Ġt et +ins ured +H UD +Ġqu oting +Ġcommun icated +in x +Ġin mate +Ġerect ed +ĠAbs olutely +ĠSure ly +Ġun im +ĠThr one +he id +Ġcl aws +Ġsuper star +ĠL enn +ĠWh is +U k +ab ol +Ġsk et +ĠN iet +Ġper ks +Ġaff inity +Ġopen ings +phas is +Ġdiscrim inate +T ip +v c +Ġgr inding +ĠJenn y +Ġast hma +hol es +ĠHom er +Ġreg isters +ĠGl ad +Ġcre ations +Ġlith ium +Ġappl ause +unt il +Just ice +ĠTur ks +Ġsc andals +Ġb ake +t ank +M ech +ĠMe ans +ĠM aid +Republic ans +is al +wind ows +ĠSant os +Ġveget ation +33 8 +t ri +Ġfl ux +ins ert +Ġclar ified +Ġmort g +ĠCh im +ĠT ort +Ġdiscl aim +met al +ĠAs ide +Ġindu ction +Ġinf l +Ġathe ists +amp h +Ġe ther +ĠV ital +ĠBu ilt +M ind +Ġweapon ry +S ET +Ġ18 6 +ad min +g am +cont ract +af a +Ġderiv atives +Ġsn acks +Ġch urn +E conom +Ġca pped +ĠUnder standing +ĠH ers +ĠI z +Ġd uct +I ENT +augh ty +Ġâľ Ķ +ĠN P +Ġsa iling +In itialized +Ġt ed +Ġreact ors +ĠL omb +Ġcho ke +ĠW orm +Ġadm iration +Ġsw ung +ens ibly +Ġr ash +ĠGo als +ĠImport ant +Sh ot +ĠR as +Ġtrain ers +ĠB un +Work ing +Ġhar med +ĠPand ora +ĠL TE +Ġmush room +ĠCH AR +ĠF ee +ĠM oy +B orn +ol iberal +ĠMart ial +Ġgentle men +Ġling ering +Offic ial +Ġgra ffiti +ĠN ames +D er +Ġqu int +ist rate +aze era +ĠNOT ICE +ĠFlore nce +Ġpay able +Ġdep icts +ĠSpe cies +He art +âĶĢâĶĢâĶĢâĶĢ âĶĢâĶĢâĶĢâĶĢ +Ġencl osed +Incre ases +D aily +ĠL is +Ġenact ment +ĠB acon +ĠSt eele +dem and +Ġ18 3 +Ġmouth s +Ġstr anded +Ġenhance ment +01 1 +ĠWh ats +Ġhe aled +en y +ĠR ab +Ġ3 40 +ĠLab yrinth +ro ach +ĠY osh +ĠCl ippers +Ġconcert s +Intern et +35 5 +Ġstick ers +Ġter med +ĠAx e +Ġgrand parents +Fr ance +ĠCl im +ĠU h +ul ic +Ġthr ill +cent ric +ĠOver view +ĠCond uct +Ġsubstant ive +Ġ18 2 +m ur +Ġstr ay +ĠCo ff +Ġrep etitive +ĠFor gotten +Ġqual ification +ew itness +ĠZ imbabwe +Ġsim ulated +ĠJ D +25 3 +ĠW are +Ġun sc +T imes +Ġsum mons +Ġdis connected +Ġ18 4 +ci us +ĠGu jar +od ka +Ġer ase +ĠTob acco +elect ed +Ġun cont +ĠShe pard +ĠL amp +Ġalert ed +Ġoper ative +arn a +u int +Ġneglig ence +ac ements +Ġsup ra +Ġprev ail +ĠSh ark +Ġbel ts +ãģ « +Ġt ighter +Engine ers +Ġin active +Ġexp onent +ĠWill ie +a ples +Ġhe ir +ĠH its +ian n +ĠS ays +Ġcurrent s +ĠBeng al +Ġar ist +B uffer +Ġbree ze +ĠWes ley +Col a +Ġpron oun +Ġde ed +ĠK ling +Ġof t +Ġinf lict +Ġpun ishing +Ġn m +ik u +OD UCT +01 4 +Ġsubsid y +ĠDE A +ĠHer bert +ĠJ al +B ank +Ġdef erred +Ġship ment +B ott +Ġal le +b earing +HT ML +Off line +Ġ2 13 +Ġscroll ing +Ġsc anned +ĠLib yan +ĠT OP +ch rom +d t +col umn +Psy NetMessage +Z ero +Ġtor so +0 50 +âķ IJ +Ġimp erson +ĠSchw artz +ud ic +Ġpiss ed +ĠS app +25 7 +ĠIS Ps +og l +Ġsuper vised +Ġad olescent +Ġatt ained +ĠDel ivery +ĠB unny +Ġ19 37 +Ġmini ature +Ġo s +Ġ3 70 +60 8 +ĠMour inho +Ġinn ate +Ġtem po +ĠN M +ĠFall en +00 9 +Ġprov ocative +Stream er +ĠBened ict +ĠBol she +Ġt urtle +ĠPC B +ĠEqu al +Direct or +ĠR end +Ġflu ids +Author ities +Ġcous ins +requ ency +ĠNeigh bor +s ets +sh ared +Char les +pass word +Ġg ears +Ġ2 11 +ĠHard ware +ri ka +Ġup stream +H om +Ġdisproportion ately +iv ities +Ġund efined +Ġelect rons +Ġcommem or +Event ually +Ġ> < +Ġir responsible +2 18 +ĠRe leased +ĠO VER +ĠI GN +ĠB read +st ellar +ĠS age +tt ed +dam age +ed ition +ĠPre c +Ġl ime +Ġconf inement +Ġcal orie +we apon +Ġdiff ering +ĠS ina +m ys +am d +Ġintric ate +k k +ĠP AT +ã o +st ones +lin ks +Ġr anch +Sem itic +Ġdifferent iate +ĠS inger +occup ied +Ġfort ress +c md +Ġinter ception +ĠAnk ara +Ġre pt +ĠSol itaire +Ġrem ake +p red +Ġd ared +aut ions +ĠB ACK +Run ning +Ġdebug ging +Ġgraph s +3 99 +ĠNig el +Ġb un +Ġpill ow +Ġprog ressed +fashion ed +Ġob edience +ER N +Ġrehe ars +C ell +t l +S her +Ġher ald +ĠPay ment +ĠC ory +ĠDe pt +Ġrep ent +ĠWe ak +uck land +Ġple asing +Ġshort ages +Ġjur ors +ĠK ab +q qa +Ant i +Ġw ow +ĠRC MP +Ġt sun +ĠS ic +Ġcomp rises +Ġsp ies +Ġprec inct +n u +Ġur ges +Ġtim ed +Ġstrip es +ĠB oots +Ġy en +Adv anced +Ġdisc rete +ĠArch angel +employ ment +D iff +Ġmon uments +Ġ20 9 +work er +Ġ19 6 +ĠI g +utter stock +T PS +J ac +Ġhomeless ness +Ġcomment ator +Ġrac ially +f ing +se ed +E le +ell ation +Ġeth anol +Ġpar ish +ĠD ong +ĠAw akening +Ġdev iation +ĠB earing +ĠTsu k +Ġrec ess +Ġl ymph +ĠCann abis +å ľ +ĠNEW S +Ġd ra +ĠStef an +ĠWr ong +ĠS AM +Ġloose ly +Ġinterpre ter +ĠPl ain +Go vernment +Ġbigot ry +Ġgren ades +ave z +pict ured +Ġmand ated +ĠMon k +ĠPed ro +Ġl ava +27 4 +Ġcyn ical +ĠScroll s +l ocks +M p +Ġcon gregation +orn ings +ph il +ĠI bid +Ġf erv +Ġdisapp earing +Ġarrog ant +sy n +ĠMa ver +ĠSu it +24 1 +Ġab bre +ack ers +P a +ĠY el +Whe never +Ġ23 5 +ĠV ine +ĠAn at +Ġext inct +LE T +Ġexecut able +V ERS +ox ide +D NA +ĠP rel +Ġresent ment +Ġcompr ise +ĠAv iv +Ġinter ceptions +Ġprol ific +IN A +ĠEr in +though t +2 19 +ĠPsychiat ry +un ky +chem ist +H o +ĠMcC oy +Ġbr icks +L os +ri ly +ĠUS SR +Ġr ud +Ġl aud +ĠW ise +ĠEmer ald +Ġrev ived +Ġdam ned +ĠRep air +id em +ct ica +Ġpatri arch +ĠN urs +me g +Ġcheap est +re ements +empt y +ĠCele br +Ġdepri vation +ch anted +ĠTh umbnails +E nergy +ĠEth an +ĠQ ing +Ġopp oses +W IND +v ik +ĠM au +ĠS UB +66 7 +G RE +ĠVol unte +nt on +C ook +å IJ +es que +Ġplum met +Ġsu ing +Ġpron ounce +Ġresist ing +ĠF ishing +ĠTri als +Ġy ell +Ġ3 10 +Ġin duct +Ġpersonal ized +oft en +R eb +EM BER +Ġview point +Ġexist ential +() ) +rem ove +MENT S +l asses +Ġev apor +Ġa isle +met a +Ġreflect ive +Ġentit lement +Ġdev ised +mus ic +asc ade +Ġwind ing +off set +Ġaccess ibility +ke red +Bet ter +ĠJohn ston +th inking +S now +ĠCroat ia +ĠAt omic +27 1 +34 8 +Ġtext book +ĠSix th +Ġ اÙĦ +Ġsl ider +ĠBur ger +b ol +S ync +Ġgrand children +Ġc erv ++ ) +Ġe ternity +Ġtweet ing +Ġspec ulative +Ġpiv otal +ĠW P +ĠT ER +ynam ic +Ġu pl +ĠC ats +per haps +Ġclass mates +Ġblat ant +' - +Ġl akh +ant ine +ĠB org +i om +/ ( +ĠAthlet ic +Ġs ar +OT A +ĠHoff man +Never theless +Ġad orable +Ġspawn ed +Ass ociated +ĠDom estic +Ġimpl ant +ĠLux em +ĠK ens +Ġp umps +ĠS AT +Att ributes +50 9 +av our +Ġcentral ized +ĠT N +Ġfresh ly +ĠA chieve +Ġouts iders +her ty +ĠRe e +ĠT owers +ĠD art +ak able +Ġm p +ĠHeaven ly +Ġr ipe +ĠCarol ine +ry an +Ġclass ics +Ġret iring +Ġ2 28 +Ġa h +Ġdeal ings +Ġpunch ing +ĠChap man +O ptions +max well +vol ume +Ġst al +Ġex ported +ĠQu ite +Ġnumer ical +B urn +F act +ĠKey stone +Ġtrend ing +Ġalter ing +ĠAfric ans +47 8 +ĠM N +ĠKn ock +Ġtempt ation +Ġprest ige +Over view +ĠTrad itional +ĠBah rain +Priv ate +ĠH OU +Ġbar r +ĠT at +C ube +US D +ĠGrand e +ĠG at +ĠFl o +Ġres ides +Ġind ec +vol ent +Ġperpet ual +ub es +Ġworld view +ĠQuant um +Ġfil tered +Ġen su +orget own +ERS ON +ĠM ild +37 9 +OT T +à ¥ +Ġvit amins +Ġrib bon +Ġsincere ly +ĠH in +Ġeight een +Ġcontradict ory +Ġgl aring +Ġexpect ancy +Ġcons pir +Ġmon strous +Ġ3 80 +re ci +Ġhand ic +Ġpump ed +Ġindic ative +Ġr app +Ġav ail +ĠLEG O +ĠMar ijuana +19 85 +ert on +Ġtwent ieth +################ ################ +ĠSw amp +Ġval uation +Ġaffili ates +adjust ed +ĠFac ility +26 2 +Ġenz ymes +itud inal +Ġimp rint +S ite +Ġinstall er +ĠT RA +m ology +lin ear +ĠCollect ive +ig ating +ĠT oken +Ġspec ulated +K N +ĠC ly +or ity +Ġdef er +Ġinspect ors +appro ved +R M +ĠSun s +Ġinform ing +ĠSy racuse +ib li +7 65 +Ġgl ove +Ġauthor ize +â̦â̦â̦â̦ â̦â̦â̦â̦ +ĠCru ise +Ġcontract ing +she ll +IF E +ĠJew el +p ract +ĠPhot oshop +ĠKnow ing +h arm +Ġattract ions +ad an +et us +01 8 +w agen +Al t +Ġmultip ly +Ġequ ilibrium +: { +ĠF ighters +ĠEd gar +Ġfour teen +Go vern +Ġmis use +Ġab using +Ġancest ry +ram er +64 4 +Ġwor ms +Ġthick er +ĠComb ine +Ġpeas ants +Ġv ind +Ġcon quest +Ġm ocked +Ġc innamon +ĠC ald +ĠGall up +Ġavoid ance +Ġincarn ation +ĠStr at +Ġt asted +ent a +ĠN eal +p ared +Ġtermin ology +ject ion +Scient ists +ĠIN S +ĠDe e +Ġdirect ories +R oad +ĠSh ap +br ight +ĠDirect ors +ĠCol umn +Ġb ob +Ġprefer ably +Ġgl itch +f urt +Ġe g +id is +C BC +Ġsur rendered +Ġtest ament +33 6 +ug gest +ĠN il +an other +Ġpat hetic +ĠDon na +Ġ2 18 +ĠA very +Ġwhis key +Ġf ixture +ĠCon quest +Ġbet s +O cc +ĠLe icester +] ." +Ġ) ); +Ġfl ashes +45 6 +Ġmask ed +ge bra +Ġcomput ed +che l +aud er +Ġdefe ats +ĠLiber ation +ĠOs ama +ĠV ive +Ch anges +Ch annel +Ġtar iffs +Ġm age +ĠS ax +Ġinadvert ently +ĠC RE +ĠRe aper +ink y +gr ading +Ġstere otyp +Ġcur l +ĠF ANT +Ġfram eworks +M om +ĠAn ch +Ġflav our +car bon +Ġperm itting +let cher +ĠMo zilla +ĠPark ing +ĠCh amp +Sc roll +Ġmurd erer +Ġrest ed +Ġow es +ĠP oss +AD D +IF F +res olution +ĠMin ing +Ġcompar ative +D im +Ġneighbour ing +ĠA ST +ĠT oxic +Ġbi ases +Ġgun fire +ur ous +ĠMom ent +19 83 +Ġper vasive +tt p +ĠNorm ally +r ir +S arah +ĠAlb any +Ġun sett +ĠS MS +ip ers +l ayer +ĠWh ites +up le +Ġtur bo +ĠLe eds +Ġthat s +ĠMin er +M ER +ĠRe ign +Ġper me +ĠBl itz +Ġ19 34 +Ġintimid ating +t ube +Ġecc entric +ab olic +box es +ĠAssoci ates +v otes +Ġsim ulate +um bo +aster y +Ġship ments +FF FF +an th +Ġseason ed +Ġexperiment ation +âĸ ł +law s +Me et +idd les +ant ics +R ating +IS IS +h ift +Ġfront s +b uf +01 7 +Ġun att +ĠD il +le ases +ĠGard ens +77 7 +t ouch +ve ll +45 8 +Ġ= ==== +s aving +Ġer osion +ĠQu in +Ġearn s +Ġaccomplish ment +ĠWe i +Ġ< [ +____ _ +Ġir rig +ĠT eddy +Ġconqu ered +ĠArm ored +Ġassert s +Ġmanip ulating +r é +Ġtranscript s +G allery +Ġplot ting +Ne il +Ġbetray al +load er +ĠS ul +Ġdispl acement +Ġroy alty +ĠW I +he it +ĠDev ices +alle l +Ġmunicipal ities +Ġcan al +St ars +ĠU AE +Ġ" â̦ +ĠC U +ab ove +Ġreson ance +ĠguiActive Un +add ed +ĠBra ves +ĠI bn +Ġhere by +ĠB RE +Ġshare holder +ĠH ir +ĠJ i +Ġstrange ly +Ġadm ired +Ġpl ight +Ġb achelor +ĠP ole +cipl inary +T ony +ĠArmen ian +Ġun man +ĠZion ist +St age +isco ver +Ġautom otive +Ġs idelines +Ġsl ick +ĠRena issance +ĠF UN +Im ages +ĠH aj +Ġp ing +Ġshort cut +ĠBl vd +ĠLook s +Ġbur sts +Ġcl amp +Ġm ish +Ġsort ing +Ġpatri ot +Ġcorrect ness +ĠScand inav +ĠCaval iers +p ython +az ar +Ġ3 75 +ĠJa une +40 9 +Ġdetrim ental +Ġstab bing +Ġpoison ed +Ġf ountain +oc ent +or st +ĠMar i +Ġr ains +ĠO vers +ĠInst itution +ud get +AM Y +t ale +ĠK R +ĠPr ices +Ġhead aches +Ġlands l +ĠA ura +Bon us +ĠZ hao +ĠH ip +Ġhop s +ĠKurd istan +Ġexplo iting +ry n +Ġhypocr isy +op ening +Ġgun shot +Ġw ed +inter stitial +Inter stitial +Ġam en +Bre aking +Ġmarket ed +W ire +ĠC rowd +Contin ue +ĠK nown +ĠEffect ive +ore an +iz ons +Jose ph +Ġescal ation +us ername +Ġcur tain +AT ES +ĠP AR +ĠM iy +Ġcounter fe +l ene +Ġcont enders +d aily +ĠAs c +ĠPhill ip +most ly +Ġfil ename +he ne +Ġresemb ling +Ġst aging +ĠCh loe +Ġw iring +H on +ĠRen ew +ott age +ĠHy brid +m uch +Ġstro kes +Ġpolicy makers +AP TER +ĠArk ham +pl ot +Ġassist ants +Ġde port +ĠSe ga +Ġinflu enza +ĠC ursed +ĠK obe +Ġskin ny +Prov ider +ĠR ip +Ġincrement al +product s +B F +Ġd ome +ĠC redits +Ġlos ers +int s +ĠBet ty +ĠTal ent +ĠD AM +L v +E ss +Ġd ens +tem p +J udge +od ic +Ġ' ( +UR ES +ets k +V O +Ġretrie ved +Ġarchitect s +Ù ĩ +Ġeth ic +ĠSecond ary +st ocks +ad ia +Ġ3 25 +ĠOp inion +Ġsimultane ous +Ġd izz +ul p +Ġsmugg ling +ipp ery +R andom +f acing +ĠD as +Ġstock p +Ġdiscl osures +po inter +Ġcor al +ĠSe lection +ĠP ike +ival ent +Ġruth less +ĠR im +Ġensu ing +ĠExper iment +Ġcongress man +Ġbelie ver +Ġun specified +ĠM ord +Ġknowledge able +ĠV ERY +T X +Ġstra ps +Ġtur f +apesh ifter +Ġmar ital +Ġfl ock +ãģ Ĩ +26 3 +AM ES +ĠOpp osition +Ġtre asures +ĠG OD +Ġmodel ed +ĠWOR LD +Ġ( [ +ĠUs age +H F +Ġ$ ( +uss ed +Ġpione er +E ight +par se +b read +rit z +ĠMir anda +ĠK ant +++ ) +ore n +Ġprov oked +Ġbre eds +ĠIn cludes +ĠPast ebin +ĠFl ip +J ava +Ġbr ink +Ġrum ored +Ġun seen +Ġgar nered +ĠDef in +al ted +Ġtatt oos +Ġhes itation +is itions +ĠWe aver +ĠReport ing +Ġtherap ies +Ġconsult ants +Ġresid ual +ĠMal i +ĠRom a +i ago +ĠRes idents +ub i +Ġremed ies +Ġadapt ive +ĠAl ive +ĠBar cl +Ġwal lets +c rypt +etermin ation +ĠPel osi +Ġsl ipping +oton in +Ġall iances +pat rick +ir is +Ġor th +ĠPer kins +ĠDe V +ĠG ets +Ġdry ing +ge e +fore st +ĠFor get +ore m +33 9 +Ġvague ly +ĠD ion +ĠP orn +ĠH OW +Ġp neum +Ġrub ble +ĠT aste +enc ia +ĠG el +Ġd st +Ġ24 5 +ĠMoroc co +inf lamm +ĠTw ins +Ġb ots +d aughter +ĠB alk +Ġbre thren +Ġlog os +Ġgo bl +f ps +Ġsub division +Ġp awn +Ġsquee zed +Ġmor ale +ĠD W +' " +Ġkn ot +ook y +Ġdiv isive +Ġboost ed +ch y +ãĥ IJ +if act +Ġnewcom ers +ĠWrest ling +Ġsc outs +w olves +R at +Ġnin eteenth +ĠOs borne +St ats +Ġem powered +Ġpsych opath +ĠO EM +ugg age +ĠP K +ĠMoh ammad +P ak +Ġanarch ists +ĠExt ract +est hes +ĠStock holm +l oo +ĠG raph +Ġdeploy ing +ĠStr anger +ĠM old +Ġstaff er +Ġdiscount ed +uck le +ple ase +ĠLand ing +ÃŃ a +Ġ19 3 +Ġan te +Ġrep etition +Ġ+ /- +Ġpar ody +Ġlive ly +AA A +ĠHor us +Ġp its +ind ers +L OC +ĠVen ice +40 6 +ĠDis cover +â Ĩ +ellect ual +Ġp ens +Ġey el +ig uous +Im pl +Ġj oking +Ġinv al +ĠBel fast +Ġcredit ors +ĠSky walker +ov sky +Ġcease fire +Ġse als +is oft +) ). +ĠFel ix +IT S +Ġt resp +ĠBlock chain +ew are +ĠSch war +en ne +mount ed +ĠBe acon +les h +Ġimmense ly +Ġche ering +Em ploy +sc ene +ish ly +atche wan +ĠNic olas +Ġdr ained +ĠEx it +ĠAz erb +j un +Ġflo ated +u ania +De ep +Ġsuper v +Ġmyst ical +ĠD ollar +ĠApost le +ĠR EL +ĠProv ided +ĠB ucks +ãĥ ´ +cut ting +Ġenhance ments +ĠPengu ins +ĠIsa iah +Ġj erk +ĠW yn +Ġst alled +Ġcryptoc urrencies +ĠR oland +sing le +Ġl umin +ĠF ellow +ĠCap acity +ĠKaz akh +W N +Ġfin anced +38 9 +Ġt id +Ġcoll usion +ĠMy r +î Ģ +Sen ator +Ġped iatric +Ġneat ly +Ġsandwic hes +ĠArchitect ure +Ġt ucked +Ġbalcon y +Ġearthqu akes +qu ire +F uture +Ġhe fty +é Ĺ +Ġspecial izes +Ġstress es +Ġs ender +Ġmisunder standing +Ġep ile +Ġprov oke +ĠCol ors +Ġdis may +uk o +[ _ +58 6 +ne utral +Ġdon ating +ĠRand all +Mult i +Ġconvenient ly +ĠS ung +ĠC oca +Ġt ents +ĠAc celer +Ġpart nered +27 2 +ir ming +ĠB AS +s ometimes +Ġobject ed +ub ric +p osed +LC S +gr ass +Ġattribut able +V IS +Israel i +Ġrepe ats +ĠR M +v ag +ut a +in ous +Ġin ert +ĠMig uel +æ Ń +ĠHawai ian +B oard +Ġart ific +ĠAzerb ai +as io +ĠR ent +A IN +Ġappl iances +Ġnational ity +Ġass hole +ĠN eb +Ġnot ch +h ani +ĠBr ide +Av ailability +Ġintercept ed +Ġcontin ental +Ġsw elling +ĠPers pect +b ies +. < +ith metic +ĠL ara +Ġtempt ing +add r +Ġoversee ing +cl ad +ĠD V +ĠGing rich +Ġm un +ĠApp ropri +Ġalter ations +ĠPat reon +Ġha voc +Ġdiscipl ines +Ġnotor iously +aku ya +ier i +? ). +ĠW ent +Ġsil icon +Ġtre mb +Cont ainer +K nown +Ġmort ar +est e +ick a +Ar thur +ĠPre viously +ĠMart y +Ġsp arse +g ins +Ġin ward +ĠParticip ant +C opy +ĠM isc +Ġantib iotic +ĠRet ro +Ġel usive +Ġass ail +ĠBatt alion +ĠB ought +Ġdimin ish +ĠEuro pa +s ession +ĠDanger ous +ies el +Ġdisbel ief +Ġbl asts +ext reme +ĠBoy d +ĠProject s +ĠGu ys +Ġunder gone +Ġgr ill +ĠDw ight +Ġ19 7 +US ER +Ġfiles ystem +Ġcl ocks +T aylor +Ġwra pper +Ġfold ing +ous and +ĠPhilipp ine +ATION AL +ĠPer th +Ġas hes +Ġaccum ulate +ĠGate way +Sh op +orks hire +H an +ĠBar rel +ĠLe h +ĠX V +Ġwh im +Ġrep o +ĠC G +ĠM am +Ġincorpor ating +Ġbail out +Ġlingu istic +Ġdis integ +C LE +Ġcinem atic +ĠF iber +S yn +il ion +ĠCom pos +c hens +Ġne oc +Ġbo iled +F INE +on o +un cle +ik en +ĠB M +Î ¹ +Ġreceipt s +Ġdisp osed +ĠTh irty +ĠR ough +ĠA BS +Ġnot withstanding +oll en +# $ +Ġunrel iable +Ġbl oom +Ġmedi ocre +Ġtr am +ĠTas man +Ġsh akes +Ġmanifest o +ĠM W +Ġsatisf actory +Ġsh ores +Ġcomput ation +Ġassert ions +orm ons +ar ag +ab it +Dem ocrats +ĠL oot +ĠVol ks +ha ired +Ġgrav itational +S ing +ĠM iz +Ġthro ttle +Ġtyr anny +ĠView s +Ġrob ber +ĠMinor ity +Ġsh rine +sc ope +pur pose +Ġnucle us +our cing +ĠUS DA +ĠD HS +w ra +ĠBow ie +Sc ale +ĠB EL +x i +I ter +Ġ( ), +w right +Ġsail ors +ous ed +NAS A +ĠPro of +ĠMin eral +t oken +ĠF D +R ew +Ġe ll +6 30 +Ġchance llor +ĠG os +Ġamount ed +ĠRec re +ome z +ĠOpt im +ĠOl ive +Ġtrack er +ow ler +ĠUn ique +R oot +Ġmar itime +ĠQur an +ĠAd apt +Ġecosystem s +ĠRe peat +ĠS oy +ĠI MP +Ġgrad uating +and em +P ur +ĠRes et +ĠTr ick +ĠPh illy +ĠT ue +ĠMalays ian +Ġclim ax +Ġb ury +Ġcons pic +ĠSouth ampton +ĠFl owers +Ġesc orted +ĠEduc ational +ĠI RC +Ġbrut ally +e ating +Ġpill ar +ĠS ang +ĠJ ude +ar ling +ĠAm nesty +Ġrem inding +ĠAdminist rative +hes da +Ġfl ashed +ĠP BS +per ate +fe ature +Ġsw ipe +Ġgra ves +oult ry +26 1 +bre aks +ĠGu er +Ġsh rimp +ĠV oting +qu ist +Ġanaly tical +Ġtables poons +ĠS OU +Ġresear ched +Ġdisrupt ed +Ġj our +Ġrepl ica +Ġcart oons +b ians +} ) +c opy +G ot +ou ched +P UT +Ġsw arm +not ations +s aid +Ġreb uilt +Ġcollabor ate +Ġr aging +Ġn ar +Ġdem ographics +ĠD DR +Ġdist rust +oss ier +ĠK ro +Ġpump kin +Ġreg rets +Ġfatal ities +ĠL ens +ĠO le +p d +Ġpupp et +ĠOut look +ĠSt am +O l +F air +U U +Ġre written +Ä ± +Ġfasc inated +Ġve ctors +Ġtrib unal +u ay +ĠM ats +ĠCo ins +[ [ +Ġ18 1 +Ġrend ers +ĠK aepernick +Ġesp ionage +Ġsum m +Ġd itch +Acc ount +Ġspread sheet +Ġmut ant +p ast +40 7 +Ġd ye +Ġinit iation +Ġ4 000 +Ġpunish able +Ġth inner +ĠKh al +Ġinter medi +D un +ĠGoth am +Ġeager ly +Ġvag inal +p owers +V W +ĠWATCH ED +Ġpred ator +ams ung +Ġdispar ity +Ġ[ * +Ġam ph +Ġout skirts +ĠSpir its +Ġskelet al +Ð » +ĠR ear +Ġissu ance +ĠLog ic +re leased +Z Z +ĠB ound +Ent ry +Ġex its +is ol +ĠFound er +Ġw re +ĠGreen land +ĠM MO +t aker +IN C +ãģ ¾ +Ġhour ly +hen ko +Ġfantas ies +Ġdis ob +Ġdemol ition +ãĥ ĭ +Ġen listed +rat ulations +Ġmis guided +Ġens ured +Ġdiscour aged +m ort +Ġfl ank +Ġc ess +Ġreact s +ĠS ere +s ensitive +ĠSer pent +ass ad +Ġ24 7 +Ġcalm ly +b usters +Ġble ed +ĠSt ro +Ġamuse ment +ĠAntar ctica +Ġs cept +ĠG aw +a q +ason ic +Ġsp rawling +n ative +atur ated +ĠBattle field +IV ERS +E B +ĠG ems +ĠNorth western +ĠFil ms +ĠAut omatic +Ġappre hend +ãģ ¨ +Ġgui Name +Ġback end +Ġevid enced +ge ant +01 2 +ĠS iege +Ġexternal To +Ġunfocused Range +ĠguiActiveUn focused +Ġgui Icon +ĠexternalTo EVA +ĠexternalToEVA Only +F ri +ch ard +en aries +Ġchief s +Ġc f +ĠH UD +Ġcorro bor +Ġd B +ĠT aken +ĠPat ricia +ra il +ĠCh arm +ĠLiber tarian +rie ve +Person al +ĠO UR +ger ies +Ġdump ing +Ġneurolog ical +it imate +ĠClint ons +raft ed +ĠM olly +Ġtermin als +reg ister +Ġfl are +Ġenc oded +Ġautop sy +p el +m achine +Ġexempt ions +ĠRoy als +d istance +Ġdraft s +Ġl ame +ĠC unning +Ġsp ouses +ĠMark ets +ĠCar rier +Ġimp lying +ĠY ak +s id +Ġl oser +Ġvigil ant +Ġimpe achment +Ġaug mented +ĠEmploy ees +Ġunint ended +tern ally +ĠW att +Ġrecogn izable +ess im +æ Ŀ +Ġco ated +r ha +Ġlie utenant +ĠLegisl ation +pub lished +44 4 +01 3 +Ġide ally +ĠPass word +Ġsimpl ify +ĠMet a +ĠM RI +Ġple ading +organ ized +hand ler +Ġun ravel +cor rect +Ġ icy +Ġparan oid +Ġpass er +Ġinspect ions +of er +ĠHealth care +28 3 +ĠBr ut +iol a +for ge +ĠMed ieval +MS N +ie vers +ĠProgram ming +å ī +Ġ2 23 +m u +ĠC LE +ug a +Ġsho ppers +Ġinform ative +ĠPl ans +Ġsupplement ation +ĠT ests +ty ard +ocy tes +ĠVeg a +ĠGujar at +erman ent +Ex cept +ĠL OT +all a +ĠC umm +ĠO sw +Ġven om +ĠDeb t +ĠD OWN +Ġreun ion +Ġm uc +ĠRel ief +Ġge op +ĠðŁ ĺ +al ogue +An th +ech o +Ġcor ros +Ġrepl ication +ĠBl azing +ĠD aughter +Ġinf lic +ĠLind sey +Ù Ī +28 4 +Ex it +Ġgl oom +TA IN +Ġundermin ing +Ġadv ising +h idden +Ġover flow +Ġg or +urd ue +Ġe choes +enh agen +Ġimp uls +d rug +c ash +Ġas ync +Ġmir ac +at ts +p unk +Ġpiv ot +ĠLegisl ative +Ġblog gers +ĠCl aw +s burg +d yl +ĠRecomm end +Ġver te +Ġprohib iting +ĠPant her +Jon athan +Ġo min +Ġhate ful +28 1 +ĠOr che +ĠMurd och +down s +Ġas ymm +G ER +Al ways +Ġinform s +ĠW M +ĠP ony +ĠApp endix +ĠAr lington +J am +Ġmedic inal +ĠS lam +IT IES +Ġre aff +ĠR i +F G +S pring +b ool +Ġthigh s +Ġmark ings +ĠRa qqa +ĠL ak +p oll +ts ky +ĠMort y +ĠDef inition +Ġdeb unk +end ered +ĠLe one +a vers +Ġmortg ages +App arently +N ic +ha us +ĠTh ousands +au ld +Ġm ash +sh oot +Ġdi arr +Ġconscious ly +H ero +e as +ĠN aturally +ĠDestroy er +Ġdash board +serv ices +R og +Ġmillenn ials +Ġinv ade +- ( +Ġcomm issions +ĠA uckland +Ġbroadcast s +Ġfront al +Ġcr ank +ĠHist oric +Ġrum ours +CT V +Ġster il +Ġboost er +rock et +ãĤ ¼ +ut sche +ĠP I +Ġ2 33 +ĠProdu cer +ĠAnaly tics +Ġinval uable +Ġunint ention +ĠC Y +Ġscrut in +Ġg igg +Ġeng ulf +Ġprolet ariat +Ġh acks +ĠH ew +ar ak +ĠSl ime +ield ing +ag her +ĠEll iot +Ġtele com +Ġ2 19 +ult an +ĠAr bor +ĠSc outs +B an +Ġlifes pan +Ġbl asp +38 8 +Ġjud iciary +ĠContin ental +ask ing +Mc C +L ED +Ġbag gage +ĠSorce rer +Ġrem nants +ĠGriff ith +ets u +ĠSub aru +ĠPerson ality +des igned +ush ima +agn ar +Ġrec oil +Ġpass ions +\ ": +Ġte e +Ġabol ition +ĠCreat ing +j ac +Ġ19 4 +01 9 +Ġpill ars +ric hed +/ " +t k +Ġlive lihood +Ġro asted +ah on +ĠH utch +ass ert +Ġdivid end +Ġkn it +Ġd aunting +Ġdisturb ance +Ġsh ale +Ġcultiv ated +Ġrefriger ator +L B +ĠN ET +Ġcommercial s +Ġthink ers +45 5 +Ġch op +B road +Ġsuspic ions +Ġtag ged +l ifting +Ġsty lish +ĠShield s +Short ly +Ġt ails +A uth +ST E +ĠG AME +Ġse ism +ĠK is +olog ne +Ġcow ork +Ġforc ibly +Ġthy roid +ĠP B +AN E +mar ried +h orse +Ġpoly mer +ĠCh al +od or +DE BUG +ĠCon text +Ġbl iss +Ġpin point +ĠMat hemat +leg ram +ĠWeek end +Ġlab elled +Ġb art +it les +Ġest rogen +âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ +" ' +Ġvis ibly +Ġouts ider +aid a +Are a +Ġdisse min +Ġdish onest +ĠCl osed +ĠBullet in +ĠRam sey +sw ord +ĠX I +our ced +S ame +34 6 +ĠRe pe +ĠK ou +c ake +em is +C ache +ĠMe aning +ĠEn light +onom y +Ġmanifest ation +sw orth +J ay +Ġch ore +ö r +D ream +Ġsanction ed +Ġcult urally +ĠA ra +N av +Ġthe ological +Ġstr ut +ĠV O +ĠHand book +Ġconstruct ing +Ġ ¶ +ĠBenef its +ĠPsych ological +s ac +å ¸ +p olicy +ĠMat ters +ĠReport ed +ĠBy te +Ġvit ro +ĠM aiden +Ġl am +ĠJenn ings +Ġgar ment +ĠRut gers +ĠStaff ord +ĠWell ington +Ġinter mitt +Ġn pm +Ġord eal +Ġplug ged +o oming +in ished +fram ework +Ġtim ber +Ġc ass +Ġ8 50 +il ess +ĠRed ux +7 68 +St re +Ġsurpass ed +w hel +Ġparalle ls +Ġve il +ĠG I +ĠR EST +Ġread iness +s ort +Ġmod ifying +ĠSl ate +ru ff +Ġmar ble +Ġinf rared +Ġaud itor +ĠFANT ASY +ĠP overty +ĠS PD +Ġ" ( +K y +RA Y +Ġexecut ions +ĠBever ly +ĠMarx ism +ĠBur st +ĠK ali +est ones +Clear ly +E ll +ãģ § +ĠProceed ings +T oken +IF IC +ñ a +Cent ral +ĠH aley +ĠD rama +Ġform ations +OR N +Book s +Ġdom inating +ĠFly ers +ĠCompan ion +Ġdiscipl ined +ĠYug oslav +ĠSpell s +Ġv engeance +Ġland lords +L en +ĠO gre +ano ia +Ġpier cing +Ġcon greg +Ġscore r +ob ia +Ġnic kel +ĠLear ns +Ġre jo +Ġmaster piece +Fl ash +Ġinhab ited +ĠOpen GL +ĠD ud +ĠI CO +Ġar ter +Ġpl ur +Ġmaster y +Ġlong standing +st ed +Ġw ines +Ġtelev ised +ĠSh rine +ĠBay ern +Ġâ ĵĺ +Ġencl osure +j ohn +Ġprophe ts +ĠRes urrection +ĠOrd ers +Ġun even +r als +Ġd wind +ĠL ah +ĠSl oven +37 8 +Ġins istence +aff le +ĠCl one +Ġhard ship +ĠCongress man +Ġple ad +Ġreview ers +Ġc ured +Ġ19 35 +as ley +f ake +ĠTh inking +yd ia +P ART +ĠD ota +o it +Ġwh ipped +Ġb ouncing +ĠHispan ics +com ings +Ġcann abin +ĠCh ambers +ĠZ ack +Option al +Ġco ats +Ġprow ess +ĠNort on +Ġplain ly +Ġfre ight +Ġinhib ition +Ġcl am +Ġ30 3 +ke f +ale igh +L uke +Ġpsych o +ator ium +M ED +Ġtreat ies +Ġind isc +Ġd c +OP S +Ġresil ient +ĠInter state +Ġsl ack +Ġmund ane +Ġestab lishes +35 9 +Ġstr ained +Ġn ond +S us +Ġcast e +ar ate +ie ving +Ġunfair ly +Ġpars er +on ial +urs ive +V ia +ĠOtt o +ĠAuthor ities +stro ke +K R +ĠMer cy +Ġfurn ished +Ġout set +Ġmet ic +19 82 +olith ic +ĠT ent +og ical +ĠA ircraft +Ġh ides +ĠBec ame +Ġeduc ators +re aching +Ġvol atility +Ġtodd ler +ĠNAS CAR +ĠTw elve +ĠHigh lights +Ġgra pe +Ġspl its +Ġpe asant +Ġre neg +ĠMS I +Tem p +st ars +Ġtre k +ĠHy de +b inding +Ġreal ism +Ġox ide +ĠH os +Ġmount s +Ġbit ing +Ġcollaps ing +Ġpost al +Ġmuse ums +Ġdet ached +Ġrespect ing +Ġmonop ol +Ġwork flow +ĠC ake +Tem plate +ĠOrgan isation +Ġpers istence +36 9 +C oming +B rad +Ġredund ant +ĠG TA +Ġb ending +Ġrev oked +Ġoff ending +Ġfram ing +Ġprint f +Comm un +mem bers +Out side +Ġconst rued +Ġc oded +F ORE +Ġch ast +Ch at +Ind ian +ĠY ard +? !" +ĠP orts +ĠX avier +ĠR ET +' ." +ĠBo at +iv ated +ich t +umer able +D s +ĠDun n +Ġcoff in +Ġsecure ly +ĠRapt ors +ĠB es +Install ation +Ġin ception +ĠHealth y +end ants +Ġpsych ologists +ĠShe ikh +c ultural +ĠBlack Berry +sh ift +F red +oc he +Ġc akes +ĠS EO +ĠG ian +ĠAs ians +og ging +e lement +Ġpund its +ĠV augh +ĠG avin +Ġh itter +Ġdrown ed +Ġch alk +ĠZ ika +Ġmeas les +80 2 +â̦ .. +ĠAW S +] " +Ġdist ort +ĠM ast +Ġantib odies +ĠM ash +Mem ory +ĠUg anda +ĠPro b +Ġvom iting +ĠTurn s +Ġoccup ying +Ġev asion +ĠTher apy +Ġprom o +Ġelect r +Ġblue print +ĠD re +pr iced +ĠDep ot +Ġallev iate +ĠSom ali +m arg +n ine +Ġnostalg ia +ĠShe pherd +Ġcaval ry +Ġtor ped +ĠBlood y +x b +Ġs ank +Ġgo alt +report print +embed reportprint +clone embedreportprint +ĠIn itially +ĠF ischer +Ġnot eworthy +c ern +Ġin efficient +raw download +rawdownload cloneembedreportprint +c ation +ĠD ynasty +l ag +D ES +Ġdistinct ly +ĠEston ia +Ġopen ness +Ġg ossip +ru ck +W idth +ĠIb rahim +Ġpet roleum +Ġav atar +ĠH ed +ath a +ĠHog warts +Ġc aves +67 8 +Ġsafegu ard +ĠM og +iss on +ĠDur ham +sl aught +ĠGrad uate +Ġsub conscious +ĠEx cellent +ĠD um +---- - +Ġp iles +ĠW ORK +ĠG arn +ĠF ol +ĠAT M +Ġavoid s +ĠT ul +Ġble ak +EL Y +iv ist +light ly +P ers +ĠD ob +ĠL S +Ġins anity +Î µ +atal ie +En large +Ġtw ists +Ġfault y +Ġpir acy +Ġimp over +Ġrug ged +ĠF ashion +Ġs ands +' ? +sw ick +Ġn atives +Ġhe n +ĠNo ise +ãĥ Ĺ +Ġg reens +Ġfree zer +Ġd ynasty +ĠFather s +ĠNew ark +Ġarchae ological +Ġo t +ob ar +Ġblock ade +Ġall erg +L V +Ġdeb it +ĠR FC +ĠMil ton +ĠPress ure +Ġwill ingly +Ġdisproportion ate +Ġopp ressive +Ġdiamond s +Ġbelong ings +19 70 +Ġbell s +Ġimperial ism +Ġ2 27 +Ġexpl oding +ĠE clipse +Ġ19 19 +Ġr ant +Ġnom inations +34 7 +Ġpeace fully +ric a +ĠF UCK +Ġvib ration +mal ink +Ġro pes +ĠIv anka +ĠBrew ery +ĠBook er +ĠOw ens +go ers +Serv ices +ĠSn ape +Ġ19 1 +39 5 +Ġ2 99 +just ice +Ġb ri +Ġdisc s +Ġprom inently +Ġvul gar +Ġsk ipping +l ves +Ġtsun ami +37 4 +ĠU rug +ĠE id +rec ated +p hen +Ġfault s +ĠStart ed +9 50 +Ġp i +Ġdetect or +Ġbast ard +Ġvalid ated +Space Engineers +OUR CE +Ġ( ~ +Ġuns ur +Ġaff irmed +Ġfasc ism +Ġres olving +ĠCh avez +ĠC yn +Ġdet ract +L ost +Ġrig ged +Ġhom age +ĠBrun o +55 5 +ec a +Ġpress es +Ġhum our +Ġsp acing +Ġ' / +olk ien +C oun +OP ER +T re +S on +ĠCambod ia +ier re +m ong +o zy +Ġliquid ity +ĠSov iets +ĠFernand o +Ġ2 29 +Ġsl ug +ĠCatal an +elect ric +Ġsc enery +ĠH earth +Ġconst rained +Ġgoal ie +ĠGu idelines +ĠAm mo +ĠPear son +Ġtax ed +Ġfet us +Resp onse +ĠAlex is +th ia +G uy +Ġrecon struct +Ġextrem es +Ġconclud ing +ĠP eg +ook s +Ġded uctions +R ose +Ġground breaking +ĠT arg +ãĥ ģ +ĠRe ve +res ource +Ġmo ons +Ġelectrom agnetic +Ġamid st +ĠVik tor +N ESS +B ACK +Ġcomm ute +ĠAna heim +Ġfluct uations +6 40 +Ġnood les +ĠCop enhagen +ĠT ide +ĠGri zz +ĠS EE +Ġpip elines +Ġsc ars +end o +ag us +ĠE TF +/ # +ĠBec ome +44 8 +Ġvis c +ĠRecomm ended +Ġj umper +Ġcogn ition +Ġassass in +Ġwitness ing +ĠSet up +Ġl ac +v im +IS M +p ages +SS L +35 8 +Ġad ject +indust rial +l ore +cher y +Ġgl itter +Ġc alf +Flor ida +Ġspoil ers +Ġsucceed s +Ġch anting +Ġslog ans +ĠTr acy +Vis it +rol ogy +Ġm ornings +Ġline age +Ġs ip +Ġintense ly +Ġflour ish +ĠSle eping +ĠF em +or por +ĠK lan +ĠDar th +h ack +ĠNi elsen +Ġtum ors +Ġprocure ment +ĠY orkshire +Ġra ided +K Y +An na +Ġ// [ +ĠDis order +ĠMust ang +ĠW en +ĠTry ing +s q +Ġdeliver ies +Ġshut ter +Ġcere bral +Ġbip olar +ĠC N +l ass +j et +Ġdeb ating +> : +Ġe agle +gr ades +ĠD ixon +UG C +M AS +ĠDr aco +ĠMach ines +aff er +Ġem an + ² +pr on +ĠG ym +Ġcompar atively +ĠTrib unal +PR O +Ġle x +Ġfert ile +Ġdep ressing +Ġsuperf icial +ess ential +ĠHun ters +g p +Ġprom inence +L iber +ĠAn cest +ote chnology +Ġm ocking +ĠTra ff +ĸ ļ +Med ium +I raq +Ġpsychiat rist +Quant ity +ĠL ect +Ġno isy +5 20 +G Y +Ġsl apped +ĠM TV +Ġpar a +p ull +Mult iple +as her +Ġn our +ĠSe g +Spe ll +v ous +ord ial +Sen ior +ĠGold berg +ĠPl asma +ne ed +Ġmess enger +ere t +Ġteam ed +Ġliter acy +ĠLe ah +ĠD oyle +Ġem itted +U X +Ġev ade +Ġm aze +Ġwrong ly +ĠL ars +Ġstere otype +Ġpled ges +Ġarom a +ĠM ET +Ġac re +ĠO D +Ġf f +Ġbrew eries +ĠH ilton +und le +ĠK ak +ĠThank fully +ĠCan ucks +in ctions +ĠApp ears +Ġco er +Ġundermin ed +ro vers +And re +Ġbl aze +um ers +Ġfam ine +amp hetamine +ulk an +Am ount +Ġdesper ation +wik ipedia +develop ment +ĠCor inth +uss ia +Jack son +L I +N ative +R s +Oh io +ĠKath leen +F ortunately +Ġattend ant +ĠPre ferred +ĠDid n +ĠV s +M is +Ġrespond ent +Ġb oun +st able +Ġp aved +Ġunex pl +ĠChe ney +L M +ĠC ull +bl own +Ġconfront ing +oc ese +serv ing +W i +ĠLith uania +ann i +Ġst alk +h d +Ġv ener +AP H +ynchron ous +UR R +um ably +hist oric +H alf +H ay +Ġresil ience +spe ction +Ġabandon ing +O bs +ĠDeb bie +Ġgrad ient +ĠPl aint +ĠCan al +AR CH +Ġexpans ive +Ġfun g +Ġb ounced +U nd +Ġprec autions +Ġclar ification +Ġd agger +Ġgri ps +Ġ µ +ĠRiver a +ĠUnd ead +is ites +ĠFIR ST +ñ o +aud i +Ġhost ages +Ġcompl iant +Ġal umni +Se ven +Ġcyber security +e ither +Col lect +Ġinvari ably +ĠS oci +Ġlaw maker +Ġa le +ĠPerson ally +N azi +Ġcustom ization +ĠPro c +ĠSask atchewan +eat uring +Ġsp ared +Ġdiscontin ued +Ġcomput ational +ĠMotor ola +Ġsuprem acist +government al +Ġparad ise +ĠDown ing +ĠNik on +Ġcat alyst +ber ra +Tor onto +8 75 +bet a +ĠMac ron +Ġunreal istic +ve ctor +ĠVeh icles +it iveness +ĠR V +ĠCol bert +s in +o ji +ent in +ĠKr ish +hell o +ff ield +ok y +ĠT ate +Ġmap le +Ġa ids +chem ical +33 4 +n uts +ĠWar p +Ġx x +ĠRob b +umer ous +_- _ +ft ime +ĠV W +Ġw inger +ĠD ome +t ools +ĠP V +ĠGe orgetown +Ġg eared +Ġjihad ists +Ġc p +Ġster oids +M other +cler osis +ĠDR M +nes ia +Ġl inger +Ġimm ersive +ĠC OUN +Ġoutwe igh +ens ual +B and +Ġtransform s +mat ched +ps ons +ĠJud icial +f actor +Ġrefer ral +Ġodd ly +ĠW enger +B ring +ĠB ows +60 2 +IC LE +Ġl ions +ĠAcad emic +ĠTh orn +ĠRa ider +kef eller +St orage +L ower +ĠOr t +ĠEqu ality +AL T +ĠS OC +T ypes +Ġl yn +ĠAss et +co at +TP P +C VE +ĠPione er +app lication +Mod ern +ĠH K +En vironment +Al right +R ain +IP P +ĠShi ite +Ġm ound +ĠAb ilities +cond ition +St aff +Ġcompet ence +ĠM oor +ĠDi ablo +Ġwith held +Ġost ensibly +ĠB rom +Ġms g +Ġden omin +ĠRef erences +ĠF P +Ġplun ged +Ġp amph +m oving +cent ral +Ġdown right +Ġf ading +T al +T yp +ĠTh y +uk es +it he +Ġo ve +Ġbatt led +Ġseaf ood +Ġfig ur +ĠR D +c rop +Ġsqu ads +{ \ +à ¹ +ĠE h +Ġinterview ing +ĠQ in +Ġas piring +PL IC +Ġcla uses +ĠG ast +ĠN ir +Ġl uggage +Ġh ose +Ġsystem d +Ġdesc ending +ĠRev ised +ĠR ails +al ign +70 9 +33 7 +Ġf ug +charg ing +t ags +Ġut er +k ish +WAR NING +49 0 +prof its +Ġvoy age +Ġa ce +ĠV anguard +ĠT anks +ĠM uk +Ġ2 26 +S afe +Ar mor +Ġvolcan ic +Ġwom b +ĠM IL +Ġbegin ner +ĠRec ogn +ĠA AP +PL AY +) ! +Ġdetect ing +c n +Ġbre aches +Bas ically +ĠP ag +ĠMunicip al +ĠInd ie +ĠL af +ĠDis able +ĠOl son +Ġrest rained +Ġrul ings +Ġhum ane +ev ents +ĠCinem a +display Text +ĠH atch +action Date +onna issance +Ġassault ing +ĠL ug +CH AT +Ġvig orous +ĠPer se +Ġintoler ance +ĠSnap chat +ĠSh arks +Ġd ummy +ĠDi agn +ĠGu itar +im eters +40 3 +RE G +A x +Ġsepar ates +ĠMah m +Ġt v +j ah +O OL +C irc +ĠWinds or +uss ian +Ġintu ition +Ġdis dain +ĠDon ovan +Ġ2 21 +E mb +Ġcondem ning +Ġgener osity +zz y +Ġpant ies +ĠPre vent +Action Code +AN A +34 2 +external ActionCode +Ġspec ifying +Ġcryst all +J ere +Ġru pt +ĠApp rentice +Ġprof iling +Ð º +St rike +Ġsid eline +Ġoblig ated +Ġocc ult +Ġbureaucr atic +ant ically +rupt ed +neg ative +ĠEthiop ia +ĠC ivic +Ġins iders +el igible +ĠTV s +ĠB AR +ĠT I +i ologist +ĠA IR +Ġsubstit uted +Ar ab +ĠS aul +ĠY og +p rem +Ġbuild ers +Ġstation ary +Ġdoubt ful +Ġvig orously +Ġthr illing +Ph ysical +ĠCare y +ĠHyd ra +geon ing +ĠS ly +y ton +Ġborrow ers +ĠPark inson +Ġ ë +ĠJama ica +Ġsat ir +Ġinsurg ents +ĠF irm +Ġis ot +ĠK arn +our ning +ak ens +doc s +l ittle +ĠMon aco +CL ASS +Tur key +L y +ĠCon an +ass ic +Ġstar red +ĠPac ers +et ies +Ġt ipping +M oon +ĠR w +s ame +Ġcav ity +Ġgo of +ĠZ o +Sh ock +um mer +Ġemphas izes +Ġreg rett +Ġnovel ty +Ġen vy +ĠPass ive +r w +50 5 +Ġind ifferent +ĠR ica +ĠHim self +ĠFred die +Ġad ip +ä¸ Ģ +Ġbreak out +Ġhur ried +ĠHu ang +ĠD isk +Ġro aming +?????- ?????- +U V +ĠRick y +ĠS igma +Ġmarginal ized +Ġed its +Ġ30 4 +mem ory +Ġspec imen +29 3 +ãģ ¯ +Ġvert ically +Ġaud ition +ĠHe ck +Ġc aster +ĠHold ings +ad al +ĠC ron +ĠL iam +Ġdef lect +P ick +ĠDeb ug +RE F +Ġvers atility +ot hes +class ified +ĠMah ar +ĠH ort +C ounter +st asy +not iced +33 1 +ĠSh im +f uck +ĠB ie +Ġair ing +ĠPro tein +ĠHold ing +Ġspect ators +ili ated +ĠThat cher +n osis +ãĥ¼ ãĥ³ +Te le +B oston +ĠTem pl +st ay +Ġdecl arations +47 9 +Vol ume +ĠDesign er +ĠOver watch +id ae +Ġon wards +Ġn ets +ĠMan ila +part icularly +Ġpolit ic +o other +Ġport raits +Ġpave ment +c ffff +Ġs aints +Ġbegin ners +ES PN +Ġshort comings +âķIJ âķIJ +Ġcom et +ĠOrgan ic +qu el +Ġhospital ized +Bre ak +Ġpe el +dyl ib +asp x +ur ances +ĠT IM +P g +Ġread able +ĠMal ik +Ġm uzzle +Ġbench marks +d al +ĠV acc +ĠH icks +60 9 +ĠB iblical +he ng +Ġover load +ĠCivil ization +Ġimm oral +Ġf ries +ãĤ Ĵ +Ġreprodu ced +Ġform ulation +j ug +ire z +g ear +Ġco ached +Mp Server +ĠS J +ĠK w +In it +d eal +ĠO ro +ĠL oki +ĠSong s +Ġ23 2 +ĠLou ise +asion ally +Ġunc ond +olly wood +Ġprogress ives +ĠEn ough +ĠDo e +Ġwreck age +Ġbr ushed +ĠBase Type +Ġz oning +ish able +het ically +ĠC aucus +ĠH ue +Ġk arma +ĠSport ing +Ġtrad er +Ġseem ing +ĠCapt ure +4 30 +b ish +Ġt unes +Ġindo ors +ĠSp here +ĠD ancing +TER N +Ġno b +ĠG ST +m aps +Ġpe ppers +F it +Ġoverse es +ĠRabb i +ĠR uler +vert ising +off ice +xx x +Ġra ft +Ch anged +Ġtext books +L inks +ĠO mn +ãĢ ij +Ġinconven ience +ĠDon etsk += ~ +Ġimplicit ly +Ġboost s +ĠB ones +ĠBo om +Cour tesy +Ġsens ational +AN Y +Ġgre edy +ed en +Ġinex per +ĠL er +ĠV ale +Ġtight en +ĠE AR +ĠN um +Ġancest or +S ent +ĠH orde +urg ical +all ah +Ġsa p +amb a +ĠSp read +tw itch +Ġgrand son +Ġfract ure +Ġmoder ator +ĠSe venth +ĠRe verse +Ġestim ation +Cho ose +Ġpar ach +Ġbar ric +ãĢ IJ +Ġcomp ass +Ġall ergic +âĢ ķ +OT HER +err illa +Ġw agon +Ġz inc +Ġrub bed +ĠFull er +ĠLuxem bourg +ĠHoo ver +Ġli ar +ĠEven ing +ĠCob b +est eem +Ġselect or +ĠB rawl +is ance +ĠE k +Ġtro op +Ġg uts +ĠApp eal +ĠTibet an +Ġrout ines +ĠM ent +Ġsummar ized +steam apps +Ġtr anqu +Ġ19 29 +or an +ĠAut hent +Ġg maxwell +Ġappre hens +Ġpo ems +Ġsa usage +ĠWeb ster +ur us +Ġthem ed +Ġl ounge +Ġcharg er +Sp oiler +Ġsp illed +h og +ĠSu nder +ĠA in +ĠAng ry +Ġdis qual +ĠFrequ ency +ĠEther net +Ġhel per +Per cent +Ġhorr ifying +Ġa il +ĠAll an +EE E +ĠCross ing +44 9 +Ġh olog +ĠPuzz les +ĠGo es +eren n +60 4 +ãģ ı +ĠRaf ael +Ġatt en +ĠE manuel +Ġup ro +ĠSus p +P sych +ĠTr ainer +ĠN ES +ĠHun ts +bec ue +Ġcounsel or +R ule +Ġtox ins +Ġb anners +r ifice +Ġgreet ing +Ġfren zy +Ġall ocate +Ġ* ) +ex pr +50 3 +ĠCh ick +ĠT orn +Ġconsolid ation +ĠF letcher +sw itch +fr ac +cl ips +ĠMcK in +ĠLun ar +Mon th +IT CH +Ġscholar ly +rap ed +39 8 +Ġ19 10 +Ġe greg +Ġin secure +Ġvict orious +cffff cc +Ġsing led +Ġel ves +ĠW ond +bur st +Ġcam oufl +ĠBL ACK +Ġcondition ed +ç ī +ans wered +Ġcompuls ory +asc ist +Ġpodcast s +ĠFrank furt +bn b +Ġne oliberal +ĠKey board +ĠBel le +w arm +Ġtrust s +Ġins ured +ĠBu cc +us able +60 7 +ĠPl ains +Ġ18 90 +Ġsabot age +Ġlod ged +f elt +Ġg a +ĠN arc +ĠSal em +Ġsevent y +ĠBl ank +p ocket +Ġwhis per +Ġm ating +om ics +ĠSal man +ĠK ad +Ġan gered +Ġcoll isions +Ġextraord inarily +Ġcoerc ion +G host +b irds +è Ģ +k ok +Ġper missible +avor able +Ġpo inters +Ġdiss ip +ac i +Ġtheat rical +ĠCos mic +Ġforget ting +Ġfinal ized +å¤ § +y out +l ibrary +Ġbo oming +ĠBel ieve +ĠTe acher +ĠL iv +ĠGOOD MAN +ĠDomin ican +OR ED +ĠPart ies +Ġprecip itation +ĠSl ot +R oy +ĠComb ined +Ġinteg rating +Ġch rome +Ġintest inal +ĠRe bell +Ġmatch ups +Ġblock buster +ĠLore n +ĠLe vy +Ġpre aching +ĠS ending +ĠPur pose +ra x +f if +Ġauthor itative +ĠP ET +ast ical +Ġdish on +Ġchat ting +Ġ"$ :/ +Connect ion +Ġrecre ate +Ġdel inqu +Ġbro th +ĠD irty +ĠAd min +z man +Ġscholars hips +Ġ25 3 +cont act +als a +7 67 +c reen +abb age +Ġ19 15 +Ġbl ended +Ġal armed +L anguage +35 6 +Ġbl ends +ĠCh anged +W olf +Ġhe pat +Creat ing +Ġper secut +Ġsweet ness +art e +Ġforfe iture +ĠRober to +im pro +N FL +ĠMag net +Det ailed +Ġinsign ificant +ĠPOL IT +ĠBB Q +ĠC PS +Ġse aw +amin er +m L +end if +f inals +Ġ26 5 +u ish +Ġ} ) +ĠPro blems +Ġem blem +Ġserious ness +Ġpars ing +Ġsubst itution +Ġpress ured +Ġrecy cled +ale b +Rub y +Ġprof iciency +Dri ver +ĠW ester +: ' +AF TA +Ġm antle +ĠClay ton +fl ag +Ġpractition er +c overed +ĠSt ruct +add afi +4 25 +ĠTown ship +ĠHyd ro +Lou is +34 3 +Ġcond o +ĠT ao +Ġutil ization +Ġnause a +ĠDem s +rid ges +p ause +Ġform ulas +Ġchall enger +37 6 +Ġdefect ive +ĠRail way +ĠPub Med +Ġyog urt +l bs +ĠNor folk +OP E +ĠMood y +Ġdistribut or +Ġscroll s +Ġextract s +St an +Ġv iability +Ġexp oses +Ġstar vation +ĠStep s +ĠD odd +f ew +ST D +33 2 +Ġclos ures +Ġcomplement ary +ĠS asha +ump y +Ġmon et +Ġartic ulate +ĠDo ct +k iller +Ġsc rim +Ġ2 64 +Ġprost itutes +Ġse vered +Ġattach ments +Ġcool ed +L ev +ĠF alk +f ail +Ġpolic eman +ĠD ag +Ġpray ed +ĠK ernel +Ġcl ut +Ġc ath +Ġan omaly +St orm +em aker +ĠBreak fast +ul i +o ire +J J +h z +Oper ation +ĠS ick +35 4 +ĠGuatem ala +R ate +Ġexp osures +f aces +ĠArch ae +ra f +ĠM ia +Ġ20 25 +Ġop aque +Ġdisgu ised +ĠHead quarters +S ah +Ġp ots +9 78 +ĠM alf +Ġfrown ed +Ġpoison ous +ĠCon vers +ee ks +Ġcr ab +." " +Ġtre ason +Ġr anc +Ġescal ating +Ġwar r +Ġmob s +Ġl amps +ĠSun shine +ĠBrun swick +Ph ones +Ġspe lled +ĠSk ip +Ġ20 50 +Ġ19 11 +ĠPl uto +ĠAm end +Ġme ats +38 7 +Ġst omp +ĠZh ou +ĠLevi athan +ĠHaz ard +ad v +ĠOr well +Ġal oud +Ġb umper +ĠAn arch +ub untu +ĠSer ious +f itting +ĠOption al +ĠCec il +RE AM +Ġser otonin +Ġcultiv ate +ag ogue +} \ +Ġmos ques +ĠSun ny +Ġre active +rev olution +ĠL up +ĠFed ora +Ġdefense man +ĠV ID +ist ine +Ġdrown ing +ĠBroad casting +Ġthr iller +ĠS cy +Ġacceler ating +Ġdirect s +od ied +b ike +d uration +Ġpain fully +R edd +Ġproduct ions +Ġg ag +Ġwh ist +Ġs ock +Ġinf initely +ĠConc ern +ĠCit adel +Ġlie u +Ġcand les +ogene ous +arg er +Ġheaven ly +inflamm atory +Per formance +C s +ruct ose +az aki +Ġp essim +Ġinf erence +Ġpow d +ĠZ oe +Ġpain ts +Ġd azz +pt a +-------- --- +Ġins pir +ĠExper imental +ĠKn ife +reg or +b ors +Ġshow ers +rom eda +Ġs aint +Ġben ign +ĠJ iang +Ġenvision ed +Ġsh roud +IF T +H O +Ġsh uff +ĠI CC +Ġse greg +Ġrevis it +ighth ouse +L i +Ġsub strate +ĠSe as +ĠRew ard +ĠH ep +ĠBr ass +s bm +Ġelim inates +Ġst amina +ĠV AT +ĠLo an +Ġconst raint +Ġappropri ated +Ġp es +ĠA LE +r anging +Ġ40 4 +39 2 +Ġintellectual s +ach u +Ġrestruct uring +ĠLe vin +Ġrun es +Ġdelight ful +Ġcarbohyd rates +ĠMod els +ĠExp o +Ġtransport ing +all oc +Ġring ing +S amsung +Ġscarce ly +ĠURL s +ĠM AS +Ġprot otypes +Ġnarr ator +ĠCPU s +cd n +ĠBart on +Ġdecided ly +ĠSh u +ix ir +oc ious +ĠMy st +N intendo +Ġre use +Ġforg iven +F ew +in ical +n at +Ġseam less +ĠEv a +ĠE VE +ĠJ O +land ers +Ġso fter +neg ie +Ġtrans ient +Ġorb ital +Ġfulf il +ĠK om +Hop efully +Ġdynam ically +ĠHun ger +å Ľ +ĠArmen ia +el man +ber to +Ġp ige +ĠID s +lim it +Ġve ins +Ġso aring +p acks +Gold en +ĠCr ab +ist or +ĠR PM +Ġ$ $ +g ression +Ġjihad ist +Ġgam ble +Ġcare g +Ġinf lated +F ace +ĠFire arms +ĠEm manuel +â Ŀ +Ġsh ocks +gr ab +Ġspl end +ĠHP V +ab ortion +Ab ove +Ent ity +play ers +Ġcomm enced +ul ence +Ġfulfill ment +Ġembod iments +ĠW elfare +Ġha il +Ġ< @ +tt en +Ġcat cher +ĠJ azeera +Ġvolcan o +Ġstabil ize +ĠHand ler +Ġintens ified +ĠAb rams +Ġhum iliation +p aced +60 5 +ĠCent OS +Spe cific +Ġhe ed +ĠC AM +ĠGal ile +D ie +Ġabol ished +ĠThom son +ĠTe achers +ĠW ass +j ong +ĠIS BN +ĠAll ies +sh ake +å · +v ict +How ard +Ġde em +Ġexceed ingly +ĠSmart stocks +ib e +Ġdoor way +Ġcompet ed +ig mat +Ġnational ists +Ġg room +ĠKe en +Ġdispos able +de cl +ĠT olkien +ĠSche me +Ġb iod +Ġav id +ĠEl on +ag ar +ĠT SA +R oman +Ġartific ially +Ġadvis ors +X L +ĠInf erno +36 6 +Ġted ious +ĠPhot ography +ĠCar rie +Ġtro pe +ĠSand ra +Ġdec imal +Que en +ĠGund am +ĠO M +ote ch +N BA +Ġ19 32 +Ġent renched +ĠMar ion +Ġfr aternity +Lab our +Hen ry +Ġlat itude +E ither +Ġenh ances +ĠPot ential +Ġsh ines +id ad +Ġbread th +Ġcapac ities +ĠðŁ ĻĤ +ĠBron x +Ġsex es +Ġdifferent iation +Ġheavy weight +ĠT aj +d ra +Ġmigr ate +Ġexhaust ion +ĠR UN +els ius +ĠCu omo +Ġgu itars +Ġcl ones +ĠSom ew +ĠP ry +------------ - +Ġwarr anted +cy cles +Ġsalv age +Ġdis ks +R ANT +ĠNGO s +ĠMart ian +":[ {" +Ġadd icts +oj ure +il let +Ġamazing ly +art ments +p ixel +ĠGPU s +Lay out +è £ +ĠTam il +ĠBas il +Ġimpart ial +ĠSt ructure +f ork +b ryce +Ġr idge +ĠHamb urg +ri ous +Ġbl itz +cig arettes +Ġcan ned +40 2 +Ġiron ically +Ġcompassion ate +ĠHaw kins +. # +ĠCat hedral +Ġrall ied +in ternal +Ġqu ota +st akes +T EXT +m om +Ġcomple tes +Ġ23 8 +Ġsh rug +ãĥ ij +ĠN inth +Ġrev ise +ĠProv ider +Ġtre acher +Ġqu asi +ĠPR ES +Ġdep osition +Ġconfidential ity +iss ors +Ġim balance +Ġspan ning +Ġang ular +ĠC ul +commun ication +ĠNor a +ĠGen ius +op ter +Ġs acked +Sp ot +Ġfine ly +ĠCH R +28 2 +w aves +Pal est +ĠRo hing +N L +è ¿ +Ġsh itty +ĠSc alia +4 75 +Pro gress +Ġreferen cing +Ġclass rooms +ab ee +Ġs od +hes ion +70 8 +ĠZucker berg +ĠFin ish +ĠScot ia +ĠSav ior +ĠInstall ation +an tha +( - +Ġ30 2 +ĠP unk +Ġcr ater +yout u +Ġro ast +Ġinflu encing +Ġd up +ĠJ R +ĠG rav +Ġstat ure +Ġbath rooms +A side +W iki +me an +ĠZ ak +ĠOn es +ĠN ath +Ġhyper t +Ġcommence ment +C ivil +Ġmoder ately +Ġdistribut ors +Ġbreast feeding +Ġ9 80 +ĠS ik +ĠC ig +ĠAM ER +R IP +ĠCare er +ust ing +Ġmess ed +Ġe h +ĠJ ensen +/ $ +Ġblack mail +Ġconvers ions +Ġscientific ally +Ġmant ra +p aying +Ġiv ory +ĠCour ts +OU GH +aunt let +Ser ial +B row +ĠH undreds +3 23 +Ġpe e +Ġlin ux +Ġsub mer +ĠPrinc ipal +48 5 +ĠD SL +ĠCous ins +Ġdoctr ines +ĠAthlet ics +Ġ3 15 +ĠK arma +Ġatt ent +ur ger +Ġpresc ribe +Ġenc aps +ĠC ame +Ġsecret ive +ĠCr imes +d n +C lean +ĠEgypt ians +ĠCar penter +Ġ ll +H um +ĠMil o +Ġcapital ists +Ġbrief ed +T we +ĠBas in +elve t +M os +Ġplun ge +ĠKa iser +ĠFu j +ill in +Ġsafegu ards +Ġo ste +ĠOpportun ity +ĠM afia +ĠCall ing +ap a +ur ban +br ush +ill ard +c é +int elligence +ĠL ob +ĠDru id +Ġsm oother +Ġfoot ing +Ġmotor ists +arc ity +Ġmascul inity +Ġm ism +Ġabdom inal +ĠTa vern +ĠR oh +Ġesc apes +s igned +Anth ony +Ġsacrific ing +Ġintim acy +Ġan terior +ĠK od +Ġmot if +Ġg raz +Ġvisual ization +Ġguitar ist +ĠTro tsky +m agic +D ar +ĠMor i +Ġw ards +Ġtoile ts +l est +Ġtele port +ĠSund ays +ĠPl at +ET S +Ġe Sports +Pat rick +ĠK atherine +en ko +Ġhas sle +ĠM ick +gg les +Ġh ob +aint ain +Ġair borne +Ġsp ans +Ġch ili +Ġa perture +Ġvolunte ered +ĠInc ident +ĠF res +ĠVeter an +augh tered +ing o +Ġun insured +CL OSE +Ġf use +Ġer otic +Ġadvert ise +ra ising +Text ure +Ġatt ends +ĠRE AL +udd led +Ġsm oot +Ġ30 5 +ĠWill is +Ġbl ond +An alysis +ĠV T +on ica +Ġstrongh old +R F +N M +. >> +Ġprosper ous +Ġbo asted +29 2 +ĠManufact uring +PR ESS +g ren +Ġpharm acy +ĠRoc kefeller +k ai +Ġth umbs +ĠH ut +Ġmother board +Ġguard ians +ĠAl ter +ll ular +Ġsh ack +Ġwise ly +Ġback bone +erv a +Ġsu icides +ĠMcG regor +ij ah +E mer +ĠB rav +Ġdesign ate +P OST +produ ced +Ġcleans ing +irl wind +ex istent +ĠHum ph +ĠPay ne +Ġv ested +Å ¡ +Ġstring ent +ion a +Ġuns ub +Ġsum med +ĠHer cules +sub ject +ĠR agnar +ĠN os +Ġcharacter ization +Ġsav vy +ĠDaw son +ĠCas ino +Ġf ri +ĠBar rier +Ġmis information +Ġins ulation +Ġcorrid ors +Ġair planes +ĠNo ct +ah i +Ġ19 16 +k b +arm ac +Ġsh un +Ġsche ma +Ġhorr ified +Ġ23 9 +aund ers +N B +i ates +er ity +ĠSh ard +Ġr arity +Ġgroup ed +ĠGh ana +again st +ĠBi ological +ĠA ware +ow ell +Ï Ħ +ĠBe au +sh aw +H ack +ĠJul ius +US S +ol son +aun a +c ru +ĠMaur ice +ĠI k +Ġsequ encing +Ġradical s +Ġ( ?, +v irtual +Ġany ways +Ġreper c +Ġhand lers +Ġhes itant +é ĥ +ĠM F +ple mentation +ass ociated +Ġcampaign ed +ĠY ue +ut ations +ĠY oga +Ġsim mer +Ġro ds +Ġmel ody +Ġconv oy +v ideos +Ġscreen ed +N eg +ochem ical +Ġ( )) +Ġultr as +Ġant ip +ĠIsland ers +70 4 +Ġfet ish +Ġridic ulously +ĠK art +Ġmitochond rial +Ġinterf ering +Build er +Ġover fl +Ġac ne +ĠM ud +ĠK err +f lex +ĠPost al +ĠBalt ic +47 7 +ĠPers ons +our age +H B +ĠM use +ĠImm ortal +ĠDri ving +Ġpet itions +Ġsubsc ript +Ġs orce +ĠProcess or +ut on +S ony +Ġph on +Ġr aced +ĠAnth rop +Ġday time +ĠEx ercise +Add ing +Ġeng ages +ĠQual comm +Ġmir acles +Ġmem es +ĠDr ink +ĠOri oles +Ġhair s +ĠPol ar +ath om +Ġsl ippery +ĠR emy +Ġcar amel +ĠY EAR +Ġal k +I gn +a ution +ĠMer lin +ĠC ran +Ġap ologies +Ġ4 10 +Ġout ing +ĠMem ories +app ointed +Ġcount ered +u ld +pos ing +Ġfire wall +ĠW ast +ĠW et +work ed +se ller +Ġrepe aled +ere o +ass uming +BL IC +m ite +ĠCEO s +ĠChap el +ellig ent +________________ ________ +D og +Ġw art +Ġsubsc riber +s ports +Ġbe gged +ĠM V +Ġsem if +eth ical +Ġpre ach +Ġrev ital +Ġpun itive +Ġshort cuts +Ġinstit uted +ĠWars aw +Ġabdom en +ĠK ING +Ġsuper intendent +Ġf ry +ĠGe o +T OR +Ġcontrad ictions +apt ic +Ġlandsc apes +b ugs +Ġcl ust +Ġvol ley +c ribed +Ġt andem +Ġrob es +WH AT +Ġpromot er +Ġel oqu +review ed +ĠD K +ĠPl ato +Ġf ps +T ank +ĠDer rick +Ġpriorit ize +as per +ĠHond uras +ĠCom pleted +ne c +Ġm og +n ir +ĠMay o +DE F +st all +in ness +ĠVolks wagen +Ġprec aution +ĠM ell +i ak +ist ries +Ġ24 8 +Ġoverl apping +Sen ate +ĠEnh ance +res y +rac ial +OR TS +ĠM ormons +Str ong +ĠCo ch +Mex ico +ĠMad uro +Ġj ars +Ġcan e +W ik +oll a +iff erence +Ġphysic ist +ĠMag gie +Ġ28 5 +Ġdep iction +ĠMcL aren +J u +Ġsl ows +Ġcommission ers +ĠWill ow +ĠExpl os +hov ah +Ġtechn ician +Ġhom icides +ĠFl av +ĠTr uman +Ġ100 00 +u ctor +Ġsh ader +News letter +45 7 +Ġre ver +Ġhard ened +Ġwhere abouts +Ġrede velop +Ġcar bs +Ġtra vers +Ġsqu irrel +Ġfoll ower +Ġs ings +50 8 +Ġrabb its +emon ium +Ġdocument ing +Ġmisunder stood +) ' +R ick +gg ies +Ġprem ie +Ġsk ating +Ġpass ports +Ġf ists +aged don +H aw +AC P +0 80 +ĠThough ts +ĠCarl son +Ġpriest hood +h ua +Ġdun geons +ĠLo ans +Ġant is +Ġfamiliar ity +ĠS abb +op al +ĠIn k +st rike +Ġc ram +Ġlegal ized +Ġcu isine +Ġfib re +Tra vel +ĠMon ument +OD Y +eth y +Ġinter state +ĠP UR +em porary +ĠArab ian +develop ed +Ġsadd le +Ġg ithub +ĠOff er +ĠIS P +ro let +ĠSUP ER +ĠDen is +Ġmultipl ier +Ġstir red +Interest ingly +Ġcustom ary +Ġbill ed +he x +Ġmultipl ied +Ġfl ipping +ĠCros by +Ġfundament als +ia e +ĠPlay ed +ĠAt om +am azon +ĠFl am +ee z +activ ated +Ġtables poon +Ġliberal ism +ĠPal in +ĠP atel +N um +ĠT AM +Ġs urn +ĠRel oaded +Ġco ined +" ], +ĠCl ash +ĠAg u +Ġprag matic +ĠActiv ate +Ġ8 02 +Ġtrail ers +Ġsil hou +Ġprob es +Ġcirc us +ĠB ain +ĠLind say +ĠAb bey +Del ivery +Ġconcess ion +Ġgast ro +ĠSpr ite +Ä Ł +and el +Ġg imm +Ġaut obi +ĠT urtle +Ġwonder fully +ĠHar am +ĠWorld wide +ĠHand le +Ġtheor ists +Ġsle ek +ĠZh u +ograph ically +EG A +ĠOwn ers +ath s +ĠAntar ctic +n atal +=" " +fl ags +`` `` +Ġs ul +K h +Ġpot assium +Ġlinem an +Ġcere al +ĠSe asons +Ġ20 22 +Ġmat hematic +Ġastron omers +prof essional +Ġf ares +cknow led +Ġch i +Ġyoung sters +Ġmistaken ly +Ġhem isphere +ĠDiv inity +r one +Ġ" , +r ings +Ġattract s +v ana +å ¹ +C AP +Ġplay list +Ġpor ch +ãģ £ +Ġincorpor ates +Ġso ak +Ġassert ing +ĠTerror ism +ĠP ablo +J a +ces ter +Ġfear ing +ĠPr ayer +Ġescal ated +G W +Ġro be +ĠBright on +ac ists +ĠSym phony +ĠDwar f +ĠPar ade +ĠLe go +Ġinex pl +Ġl ords +le af +RA G +l iber +Ġcig ars +ĠJe hovah +60 6 +WIND OWS +ĠLiber ia +eb us +He avy +Ġl ubric +ĠR W +angu ages +Ġnarrow ed +com puter +ĠE mber +Ġmurder ing +Ġdown stream +ĠT uls +ĠT ables +Top ic +ĠAcc uracy += / +l ost +ĠRe i +Ġprogress es +b ear +Ġestablish ments +Just in +ĠPe ach +ĠG omez +å ¿ +ĠTri angle +Id ent +ĠH ive +Res ources +Ġmix es +ĠAss uming +M u +Ġhyp oc +Ġs ane +ĠW an +id ious +Su ccess +Ġ io +Ang el +Ġdanger ously +ĠCreat ure +W ORK +: [ +ĠKat rina +List ener +M iller +ĠId lib +h ang +Ġcircum vent +h ref +Ġcel estial +ĠWe eks +ĠP ug +ĠDal ton +Ġsubpoen a +uk u +Ġpers isted +pe i +old ing +ĠDoc uments +ĠH ast +ĠC ENT +Ġprim er +Ġsyn onymous +Ġn ib +om bs +Ġnot ation +ĠD ish +ĠAt mosp +Ġforb id +ĠAN G +pat tern +l os +Ġproject iles +b rown +." , +ĠVen om +Ġfierce ly +ub lished +ĠU ran +ĠNic arag +4 10 +ĠC AL +OT OS +ĠMir acle +ĠEn chant +Ġguard ing +app end +Att ach +Ġlevel ed +Ġcond oms +ih ilation +64 9 +Ġnight mares +ĠTHE Y +ĠST ART +ĠK inn +Ġroomm ate +Ġhy giene +o pping +J ob +Ġl vl +ĠV ER +ĠKe eping +ab etic +Ġformat ting +eral a +Ġrev isions +Ġres urg +T el +ĠGood man +35 3 +p od +Ġind isp +ĠTrans lation +Ġg own +ĠM und +Ġc is +Ġby stand +col lect +ĠPun jab +act ively +ĠG amb +te ll +Ġimport ing +g encies +Ġloc om +ĠBr ill +H oly +ĠBer ger +Ġshow down +Ġrespond ers +IL Y +Ġt akedown +le ted +Ġmat tered +Ġpredict ive +Ġover lay +G PU +ĠV ick +Ġconvey ed +T ab +pe er +Sc an +Ġdefensive ly +v ae +Ġappro ving +Ġt iers +ĠV ia +quer ade +ĠSaud is +Ġdemol ished +ĠProp he +Ġmon o +Ġhospital ity +H AM +ĠAri el +M OD +ĠTor ah +Ġbl ah +ĠBel arus +erent ial +ĠT uc +Ġbank er +39 7 +Ġmosqu it +ĠScient ist +ĠMus ical +Ġh ust +Sh ift +Ġtor ment +Ġstand off +E duc +ĠF og +Ġampl ifier +Sh ape +Inst ance +ĠCrit ics +Ġda emon +H ouston +Ġmatt ress +ĠID F +Ġobsc ene +ĠA mer +hett i +Ġcomp iling +35 2 +vere tt +ĠRed uction +ist ration +ĠBl essed +ĠB achelor +3 16 +Ġpr ank +ĠVul can +dd ing +Ġm ourning +ĠQu int +ĠBl aster +test ing +Ġsed iment +>> > +ĠE ternity +ĠWH ERE +ĠM aze +Ġreact ing +ĠAl v +oms day +ĠC RA +Ġtransl ator +Ġbog us +at u +We bsite +oll s +Ġbapt ism +Ġs ibling +ĠAut umn +ve z +ãģ® é +gu ards +Ge org +assad ors +ĠFre ud +Ġcontin ents +ĠReg istry +Bern ie +ĸļ 士 +Ġtoler ant +ĠU W +Ġhor ribly +99 5 +ĠMID I +Ġimpat ient +oc ado +er i +ĠWor st +ĠNor ris +ĠTalk ing +Ġdef ends +ens able +Ġ20 21 +Ġanat omy +L ew +Ġdraw er +ĠCan berra +Ġpatri otic +é¾įå ĸļ士 +ĠAv g +AR M +Ġundis closed +Ġfare well +45 9 +b able +ĠAll ison +OL OG +Ġcon co +t ight +ĠAC PI +ĠM ines +l ich +ĠâĶ ľ +represent ed +200 000 +Ġenthusi ast +OT S +b il +ĠIng redients +Ġinvent or +ĠMy SQL +³³ Âł +ĠAB OUT +with in +Ġm k +B ul +ĠF ake +Ġdracon ian +W a +hel m +ĠTer ran +erv ille +Ġcommon place +SI ZE +Ġ" < +re place +ograph s +ĠSE LECT +inc ible +ĠMost ly +ĠShe ffield +ĠID E +ugg le +Ġcit ations +h urst +ĠUn ix +Ġunle ash +ĠP iper +ĠN ano +Ġsucc umb +Ġreluct ance +Ġ25 00 +ĠMer chant +Ġwire t +Ġcomb os +ĠBirth day +Ġchar coal +ĠU PS +ĠFair fax +Ġdrive way +ĠT ek +ĠP itch +ove re +Ġtechn icians +ĠAct ual +fl ation +ĠF iscal +ĠEm pty +an amo +Ġmag nesium +Ġsl ut +Ġgrow ers +Invest igators +( ): +ĠS atellite +ĠKe ynes +miss ive +l ane +Ġb orough +3 44 +ĠTE AM +ĠBet hesda +C V +h ower +ĠR AD +Ġch ant +ĠR iy +Ġcompos itions +Ġmild ly +Ġmedd ling +Ġag ility +ane ers +5 01 +Ġsyn th +ling er +29 1 +Ġex claimed +Part y +Ġcont amin +ĠMan or +ĠResp ond +Ġpra ising +Ġman ners +fle et +Sum mer +ĠLy nd +ĠDef initely +gr im +Ġbow ling +st ri +ç Ľ +y nt +Ġmand ates +D IV +Ġreconc ile +view s +ĠDam on +vet te +F lo +ĠGreat est +il on +ic ia +Ġportray al +Ġcush ion +50 4 +19 79 +oss al +App lic +sc ription +Ġmit igation +AT S +p ac +Ġer ased +Ġdefic iencies +ĠHolland e +ĠX u +Ġb red +Ġpregn ancies +f emin +Ġem ph +Ġpl anners +Ġout per +utter ing +Ġperpet rator +Ġm otto +ĠEll ison +ĠNE VER +Ġadmitted ly +AR I +ĠAzerbai jan +Ġmill isec +Ġcombust ion +ĠBott le +ĠL und +ĠP s +ĠD ress +Ġfabric ated +Ġbat tered +Ġs idel +ĠNot ting +Fore ign +ĠJer ome +0 20 +ĠAr bit +Ġkn ots +ĠR IGHT +M oving +ãģ Ļ +Ġsur geries +Ġcour thouse +Ġm astered +Ġhover ing +ĠBr an +ĠAl ison +Ġsaf est +m ilitary +Ġbull ied +Ġbar rage +Read er +ES E +ĠGe ographic +T ools +3 14 +ĠGe ek +ro th +gl ers +ĠF IN +Ï ģ +ĠA ston +al tern +48 8 +Ġveter in +G amer +Ġint el +ren ches +Sh ield +Ġam nesty +ĠB har +Ġp iled +Ġhonor able +ĠInst itutes +Ġso aked +Ġcom a +ĠE FF +34 1 +by tes +ĠG mail +le in +ĠCanad iens +m aterial +I l +Ġinstruct ors +ĠK Y +Ġconce ive +ub b +ĠP ossible +Ġeas ing +ĠChrist ina +Ġcar ic +ĠHD R +R OM +Ġsho vel +de lete +Ġp uff +ĠCh anging +Ġseam lessly +Att ribute +Ġacqu isitions +ak ery +ĠE F +Ġaut istic +ĠT akes +ĠPow der +ĠSt ir +5 10 +ĠBub ble +sett ings +ĠF owler +Ġmust ard +Ġmore over +Ġcopyright ed +ĠLED s +15 00 +æ ī +ĠH IS +en f +Ġcust od +ĠH uck +G i +Ġim g +An swer +C t +j ay +ĠInf rastructure +Ġfeder ally +L oc +Ġmicro bes +Ġover run +dd s +ot ent +adi ator +>>>> >>>> +Ġtorn ado +Ġadj ud +Ġintrig ued +Ġs i +ĠRevel ation +pro gress +Ġburgl ary +ĠSai yan +ĠK athy +Ġser pent +ĠAndre as +Ġcomp el +ess ler +ĠPl astic +ĠAd vent +ĠPos itive +ĠQ t +ĠHind us +reg istered +ular ity +Ġrighteous ness +Ġdemon ic +u itive +ĠB DS +ĠGre gg +c ia +ĠCrus ade +ĠSina i +W ARE ++ ( +Ġme ll +Ġder ail +y ards +A st +Ġnotice ably +ĠO ber +R am +Ġun noticed +Ġse q +av age +T s +Ġ6 40 +Ġconced e +Ġ] ) +F ill +Ġcapt ivity +ĠImprove ment +ĠCrus ader +ara oh +M AP +æ Ĺ +Ġstr ide +al ways +F ly +N it +Ġal gae +ĠCook ing +ĠDo ors +Mal ley +Ġpolic emen +ãģ į +Ġastron aut +access ible +49 5 +ĠR AW +cl iffe +udic rous +Ġdep ended +al ach +Ġvent ures +ra ke +Ġt its +ĠH ou +Ġcond om +ormon al +Ġind ent +Ġupload ing +Foot note +Import ant +Ġ27 1 +Ġmind ful +Ġcont ends +C ra +Ġcal ibr +ĠO ECD +plug in +F at +ĠIS S +ĠDynam ics +ans en +68 6 +' ), +Ġsp rite +Ġhand held +ĠH ipp +=~ =~ +Tr ust +Ġsem antics +ĠBund es +ĠRen o +ĠLiter ature +s ense +G ary +ĠA eg +ĠTr in +EE K +Ġcler ic +ĠSS H +Ġch rist +Ġinv ading +ib u +Ġen um +aur a +Ġal lege +ĠInc redible +B BC +Ġth ru +Ġsa iled +Ġem ulate +Ġin security +Ġc rou +Ġaccommod ations +Ġincompet ent +Ġsl ips +ĠEarth qu +s ama +IL LE +Ġi Phones +as aki +Ġby e +Ġar d +Ġext ras +Ġsl aughtered +Ġcrowd funding +res so +Ġfil ib +ĠER ROR +ĠT LS +e gg +ĠIt al +Ġen list +ĠCatal onia +ĠSc ots +Ġser geant +Ġdiss olve +N H +Ġstand ings +ri que +I Q +Ġbenef iciary +Ġaqu arium +You Tube +ĠPower Shell +Ġbright est +ĠWar rant +S old +Writ ing +Ġbegin nings +ĠRes erved +ĠLatin os +head ing +Ġ4 40 +Ġrooft op +AT ING +Ġ3 90 +VP N +G s +k ernel +turn ed +Ġprefer able +Ġturn overs +ĠH els +S a +ĠShin ji +ve h +ĠMOD ULE +V iol +Ġex iting +Ġj ab +ĠVan illa +Ġac ron +ĠG ap +ber n +A k +ĠMc Gu +Ġend lessly +ĠFar age +ĠNo el +V a +M K +Ġbr ute +ĠK ru +ĠES V +ĠOl ivia +âĢ ł +ĠK af +Ġtrust ing +Ġh ots +3 24 +Ġmal aria +Ġj son +Ġp ounding +ort ment +Count ry +Ġpostp oned +Ġunequ iv +? ), +ĠRo oney +udd ing +ĠLe ap +ur rence +sh apeshifter +ĠH AS +os ate +Ġca vern +Ġconserv atism +ĠB AD +Ġmile age +Ġarrest ing +V aults +Ġmix er +Dem ocratic +ĠB enson +Ġauth ored +8 000 +Ġpro active +ĠSpirit ual +t re +Ġincarcer ated +ĠS ort +Ġpe aked +Ġwield ing +re ciation +×Ļ × +P atch +ĠEm my +Ġex qu +tt o +ĠRat io +ĠP icks +ĠG ry +ph ant +Ġf ret +Ġeth n +Ġarch ived +% - +c ases +ĠBl aze +Ġim b +c v +y ss +im ony +Ġcount down +Ġaw akening +ĠTunis ia +ĠRe fer +ĠM J +Ġun natural +ĠCar negie +iz en +ĠN uggets +he ss +Ġev ils +64 7 +Ġintrodu ctory +l oving +ĠMcM ahon +Ġambig uity +L abel +ĠAlm ighty +Ġcolor ing +ĠCl aus +set ting +N ULL +ĠF avorite +ĠS IG +> ( +ĠSh iva +ĠMay er +Ġstorm ed +ĠCo verage +we apons +igh am +Ġun answered +Ġle ve +Ġc oy +c as +b ags +as ured +Se attle +ĠSant orum +ser ious +Ġcourage ous +ĠS oup +Ġconfisc ated +Ġ// / +Ġuncon ventional +Ġmom s +ĠRohing ya +ĠOrche stra +ĠPot ion +Ġdisc redit +ĠF IL +f ixed +ĠDe er +do i +ĠDim ension +Ġbureaucr ats +et een +Ġaction Group +oh m +Ġb umps +ĠUt ility +Ġsubmar ines +ren heit +re search +ĠShap iro +Ġsket ches +Ġde ceptive +ĠV il +es ame +ĠEss entially +Ġramp age +isk y +Ġmut tered +th ritis +Ġ23 6 +f et +b ars +Ġpup il +ĠTh ou +o S +s ong +Ġfract ured +Ġre vert +pict ure +Ġcrit erion +us her +Ġreperc ussions +ĠV intage +ĠSuper intendent +Offic ers +Ġflag ged +Ġbl ames +Ġin verse +ograp hers +Ġmakes hift +Ġdev oid +Ġfoss ils +ĠArist otle +ĠFund s +Ġde pleted +ĠFl u +ĠY uan +Ġw oes +Ġlip id +Ġsit u +requ isites +Ġfurn ish +ĠSam ar +Ġshame ful +Ġadverse ly +Ġad ept +Ġrem orse +Ġmurder ous +uck les +ĠE SL +Ġ3 14 +s ent +Ġred ef +ĠC ache +ĠP urs +ig ans +Ġ4 60 +Ġpres criptions +Ġf res +F uck +ocr ates +Tw enty +ĠWe ird +ĠT oggle +ĠC alled +itiz ens +Ġp oultry +Ġharvest ing +ãĤ¦ ãĤ¹ +Bott om +Ġcaution ed +t n +39 6 +ĠNik ki +Ġeval uations +Ġharass ing +Ġbind ings +ĠMon etary +Ġhit ters +Ġadvers ary +un ts +Ġset back +Ġenc rypt +ĠC ait +Ġl ows +eng es +ĠN orn +Ġbul bs +Ġbott led +ĠVoy ager +3 17 +Ġsp heres +p olitics +Ġsubt ract +Ġsens ations +Ġapp alling +Ġ3 16 +Ġenvironment ally +ĠST EM +Ġpub lishes +5 60 +Ġdilig ence +48 4 +Ġadv ises +Ġpet rol +Ġimag ining +Ġpatrol s +ĠInt eger +ĠAs hes +act us +ĠRad iant +ĠL T +it ability +ht aking +Set ting +Ġnu anced +ĠRe ef +ĠDevelop ers +N i +pie ces +99 0 +Lic ense +Ġlow ers +ĠOtt oman +3 27 +oo o +Ġqu itting +mark ets +Beh ind +Ġbas in +Ġdoc s +an ie +fl ash +ct l +Ġcivil ized +ĠFuk ushima +"] ," +ĠK S +ĠHonest ly +ar at +Ġconstruct s +ĠL ans +ĠD ire +ĠLI KE +ĠTrou ble +Ġwith holding +ĠOb livion +Ġsan ity +any a +Con st +Ġgro cer +ĠC elsius +Ġrecount ed +ĠW ife +B order +ate red +h appy +Ġspo iler +Ġlog ically +H all +Ġsucceed ing +Ġpoly morph +Ġax es +ĠShot gun +ĠS lim +ĠPrin ciples +ĠL eth +art a +Ġsc or +Sc reenshot +Ġrelax ation +#$ #$ +Ġdeter rent +idd y +Ġpower less +Ġles bians +Ġch ords +ĠEd ited +se lected +Ġseparat ists +000 2 +Ġair space +Ġturn around +Ġc unning +P ATH +P oly +Ġbomb ed +Ġt ion +x s +Ġwith hold +Ġw aged +ĠLiber ties +Fl ag +Ġcomfort ing +45 4 +ĠI ris +are rs +Ġr ag +Ġrel ocated +ĠGu arant +Ġstrateg ically +Ġgam ma +uber ty +ĠLock heed +g res +Ġgr illed +ĠLow e +st ats +ĠR ocks +Ġsens ing +Ġrent ing +ĠGe ological +ا Ø +ot rop +Ġse w +Ġimproper ly +48 6 +Ġâĸ ł +Ġstar ving +ĠB j +Disc ussion +3 28 +ĠCom bo +ĠFix es +N AT +Ġstri ving +th ora +Ġharvest ed +ĠP ing +Ġplay ful +Ġaven ues +Ġoccup ational +Ġw akes +ĠCou rier +Ġdrum mer +ĠBrow ser +ĠH outh +it u +Ġapp arel +p aste +Ġhun ted +ĠSecond ly +l ain +X Y +ĠP IN +ic ons +Ġcock tails +Ġs izable +Ġhurd les +est inal +ĠRecre ation +Ġe co +64 8 +ĠD ied +m int +Ġfinger prints +Ġdis pose +ĠBos nia +ts y +22 00 +Ġins pected +ĠF ou +Ġf uss +Ġamb ush +ĠR ak +Ġmanif ested +Pro secut +Ġsuff ice +ren ces +Ġcompens ated +ĠC yrus +Ġgen us +ĠWolver ine +ĠTrend s +Ġh ikes +ĠSe en +Ġen rol +C old +Ġpol itely +ĠSl av +ĠRu pert +Ġey ewitness +ĠAl to +Ġun comp +Ġposter ior +M ust +ĠHer z +Ġprogress ively +Ġ23 4 +Ġind ifference +ĠCunning ham +Ġacadem ia +Ġse wer +Ġast ounding +ĠA ES +r ather +Ġeld est +Ġclim bs +ĠAdd s +Ġout cry +Ġcont ag +ĠH ouses +Ġpe pt +ĠMel ania +interest ed +ĠU CH +ĠR oots +ĠHub bard +ĠT BD +ĠRoman ian +fil ename +St one +ĠIm pl +Ġchromos ome +C le +d x +Ġscram bled +ĠP t +Ġ24 2 +OP LE +Ġtremend ously +St reet +Ġcra ving +Ġbund led +ĠR G +p ipe +Ġinj uring +Ġarc ane +Part icip +ĠHero ic +st y +Ġto pping +ĠTemp est +rent ices +b h +Ġpar anoia +ĠUnic ode +Ġegreg ious +Ġ\ ' +ĠOsw ald +Ġgra vel +ĠSim psons +Ġbl and +ĠGuant anamo +Writ er +lin ers +ĠD ice +J C +Ġpar ity +Ġs ided +Ġ23 7 +ĠPyr rha +at ters +d k +F ine +comp an +Ġform ulated +ĠId ol +il ers +hem oth +ĠF av +Ġintr usion +Ġcar rots +ĠL ayer +ĠH acker +Ġ ---------------- +Ġmoder ation +é ģ +oc oc +Ġcharacter ize +ĠTe resa +Ġsocio economic +Ġper k +ĠParticip ation +tr aining +ĠPaul o +ph ys +Ġtrust worthy +Ġembod ied +ĠMer ch +c urrency +ĠPrior ity +Ġte asing +Ġabsor bing +Ġunf inished +ĠCompar ison +Ġdis ple +writ ers +Ġprofess ions +ĠPengu in +Ġang rily +ĠL INK +68 8 +ĠCor respond +Ġprev ailed +Ġcart el +l p +as ms +ĠRed emption +ĠIslam ists +effect s +d ose +ĠL atter +ĠHal ifax +Ġv as +ĠTop ics +ĠN amed +advert ising +zz a +IC ES +Ġret arded +ach able +ĠPupp et +ĠItem Level +Ġret ract +Ġident ifiable +A aron +ĠB uster +s ol +hel le +as semb +H ope +r anged +B a +ĠP urch +é Ģ +ĠSir i +Ġarri vals +Ġ19 12 +Ġshort ened +Ġ3 12 +Ġdiscrep ancy +ĠTem perature +ĠWal ton +Ġkind erg +p olit +Ġrem ix +Ġconnect ors +ãĥĺ ãĥ© +ĠKazakh stan +dom inated +Ġsu gars +im ble +ĠPan ic +ĠDem and +ĠCol ony +on en +ĠM ER +7 75 +ur ia +aza ar +ĠDeg ree +P ri +Ġsun shine +Ġ25 1 +Ġpsychedel ic +Ġdigit ally +ĠBra un +Ġsh immer +Ġsh ave +ĠTel esc +ĠAst ral +ĠVenezuel an +ĠO G +Ġc rawling +Int eg +ĠFe ather +Ġunfold ing +Ġappropri ation +Ġè£ı è +ĠMob ility +ĠN ey +- . +b ilt +L IN +ĠT ube +ĠCon versely +Ġkey boards +ĠC ao +Ġover th +Ġla ure +>> \ +ĠV iper +ach a +Off set +ĠR aleigh +ĠJ ae +J ordan +j p +Ġtotal itarian +Connect or +Ġobserv es +ĠSpart an +ĠIm mediately +ĠSc al +C ool +Ġt aps +Ġro ar +P ast +Ġch ars +ĠB ender +ĠShe ldon +Ġpain ter +Ġbe acon +ĠCreat ures +Ġdownt urn +Ġh inder +ĠAnd romeda +à Ľ +cc oli +ĠF itness +et rical +Ġutil izes +Ġsen ate +Ġen semble +Ġche ers +T W +Ġaff luent +k il +ry lic +ord ering +Com puter +Ġgru esome +ost ics +ĠUb isoft +ĠKel ley +Ġw rench +Ġbourgeois ie +IB LE +ĠPrest on +w orn +ar ist +reat ing +Ġst ained +ar ine +Ġsl ime +EN N +Ġche sts +Ġground water +ann ot +ĠTr ay +ĠLoc ke +ĠC TR +Ġd udes +ĠEx ternal +ĠDec oder +Ġpar amed +ĠMed line +80 9 +ĠD inner +rup al +g z +ĠG um +ĠDem o +j ee +Ġd h +ber man +arch s +Ġen qu +ĠEp stein +Ġdevast ation +Ġfriends hips +ĠAr d +Ġ23 1 +ĠRub in +ĠDist ance +Ġsp urred +Ġd ossier +Ġover looking +\\\\\\\\ \\\\\\\\ +Fore st +ĠCom es +\ ", +ĠIran ians +Ġf ixtures +L aughs +Ġcur ry +ĠKing ston +Ġsqu ash +Ġcat alogue +Ġabnormal ities +Ġdigest ive +.... ..... +Ġsubord inate +og ly +Ġ24 9 +M iddle +Ġmass ac +Ġburg ers +Ġdown stairs +Ġ19 31 +39 4 +ĠV G +Ġl asers +ĠS ikh +ĠAlex a +der ived +Ġcycl ist +ãģ® éŃĶ +onel iness +!!!! !!!! +Ġbuff s +leg ate +Ġrap ing +Ġrecomm ending +ro red +Ġmult icultural +un ique +Ġbusiness men +Ġune asy +ĠM AP +Ġdisp ersed +cipl ine +J ess +ĠK erala +å § +Ġabst raction +Sur v +U h +Ġprin ters +ij a +ow der +Ġanalog ous +ĠA SP +af er +Ġunfold ed +Ġlevel ing +Ġbre ached +ĠH earing +Ġn at +Ġtransl ating +crit ical +Ġant agonist +ĠYes terday +Ġfuzz y +w ash +m ere +Ġbe wild +ĠM ae +V irgin +ph rase +Ġsign aled +ĠH IGH +Ġprot ester +Ġgar ner +unk nown +Ġk ay +Ġabduct ed +Ġst alking +am n +Ġdes erving +ĠR iv +ĠJ orge +Ġscratch ing +ĠS aving +ip ing +Ġte ase +Ġmission ary +ĠMor row +T IME +P resent +Ġchem otherapy +tern ess +ĠH omes +ĠP urdue +Ġst aunch +ĠWhit ney +ĠTH ERE +Î ¼ +iat us +ĠErn est +ĠDe ploy +Ġcove ted +F ML +ĠDial ogue +Ġex ited +f ruit +Ġner d +":" "," +Ġv ivo +ru ly +4 60 +ĠAm en +rehens ible +Ġâ ĺ +D IR +Ġad herence +Ġche w +ĠCo ke +ĠSerge i +dig ital +ĠNe ck +g ently +enth al +/ ) +Ġwe ary +Ġgu ise +ĠConc ord +ĠOn ion +at cher +Ġb inge +ĠDirect ive +Ġman ned +ans k +Ġill usions +Ġbillion aires +38 3 +oly n +odynam ic +ĠWhe at +ĠA lic +Ġcol oured +ĠN AFTA +ab o +Ġmac ros +ind ependent +s weet +Ġsp ac +ĠK abul +Ġ Ä +em e +Ġdict ated +Ġsh outs += { +Ġr ipping +ĠSh ay +ĠCr icket +direct ed +Ġanalys ed +ĠWAR RANT +ag ons +ĠBlaz ers +Ġche ered +Ġar ithmetic +ĠTan z +37 3 +ĠFl ags +Ġ29 5 +Ġw itches +ĠIn cluded +ĠG ained +ĠBl ades +G am +ĠSam antha +ĠAtl antis +ĠPr att +Ġspo iled +ĠI B +ĠRam irez +Pro bably +re ro +ĠN g +ĠWar lock +t p +Ġover he +Ġadministr ations +Ġt int +Ġreg iment +Ġpist ols +Ġblank ets +Ġep ist +Ġbowl s +Ġhydra ulic +Ġde an +Ġj ung +Ġasc end +70 5 +ĠSant iago +à ® +Ġun avoid +ĠSh aman +re b +Ġstem ming +99 8 +ĠM G +st icks +esthes ia +ER O +Ġmor bid +ĠGr ill +ĠP oe +any l +Ġdele ting +ĠSurve illance +Ġdirect ives +Ġiter ations +ĠR ox +ĠMil ky +F ather +Ġpat ented +44 7 +Ġprec ursor +Ġm aiden +ĠP hen +ĠVe gan +ĠPat ent +K elly +Redd itor +Ġn ods +Ġvent ilation +ĠSchwar z +Ġw izards +Ġomin ous +ĠHe ads +ĠB G +Ġl umber +ĠSp iel +Ġis Enabled +Ġancest ral +ĠSh ips +Ġwrest ler +ph i +Ġy uan +ĠRebell ion +Ġice berg +Ġmag ically +Ġdivers ion +ar ro +yth m +ĠR iders +ĠRob bie +ĠK ara +ĠMain tenance +ĠHer b +Ġhar ms +p acked +ĠFe instein +Ġmarry ing +Ġbl ending +ĠR ates +Ġ18 80 +Ġwr ink +ĠUn ch +ĠTor ch +desc ribed +Ġhuman oid +ilit ating +ĠCon v +ĠFe ld +IGH TS +Ġwhistlebl ower +ort mund +ets y +arre tt +ĠMon o +ĠI ke +ĠC NBC +ĠW AY +ĠMD MA +ĠIndividual s +Ġsupplement al +Ġpower house +ĠSt ru +F ocus +aph ael +ĠCol leg +att i +Z A +Ġp erenn +ĠSign ature +ĠRod ney +Ġcub es +idd led +ĠD ante +ĠIN V +iling ual +ĠC th +Ġso fa +Ġintimid ate +ĠR oe +ĠDi plom +ĠCount ries +ays on +Ġextrad ition +Ġdis abling +ĠCard iff +Ġmemor andum +ĠTr ace +Ġ?? ? +se ctor +ĠRou hani +ĠY ates +ĠFree ze +Ġbl adder +M otor +ĠProm ise +ant asy +Ġforesee able +ĠC ologne +cont ainer +ĠTre es +ĠG ors +ĠSin clair +Ġbar ring +key e +Ġsl ashed +ĠStat istical +é ĩ +Ġâĸ º +All ows +Ġhum ility +Ġdr illed +ĠF urn +44 3 +Ġse wage +Ġhome page +Ġcour tyard +Ġv ile +Ġsubsid iaries +aj o +direct ory +Ġam mon +V ers +charg es +Ġ} } +ĠCh ains +Ġ24 6 +n ob +Ġper cept +Ġg rit +Ġfisher men +ĠIraq is +ĠDIS TR +ĠF ULL +ĠEval uation +g raph +at ial +Ġcooper ating +Ġmel an +Ġenlight ened +Ġal i +t ailed +Ġsal ute +Ġweak est +ĠBull dogs +U A +ĠAll oy +Ġsem en +oc ene +ĠWilliam son +s pr +, âĢĶ +ĠG F +itt ens +Be at +ĠJ unk +iph ate +ĠFarm ers +ĠBit coins +ig ers +d h +ĠL oyal +p ayer +Ġentert ained +Ġpenn ed +Ġcoup on +Que ue +Ġweaken ing +c arry +Ġunderest imate +Ġshoot out +Ġcharism atic +ĠProced ure +Ġprud ent +in ances +Ġric hes +Ġcort ical +Ġstr ides +Ġd rib +ĠOil ers +5 40 +ĠPer form +ĠBang kok +Ġe uth +S ER +Ġsimpl istic +t ops +camp aign +Q uality +Ġimpover ished +ĠEisen hower +Ġaug ment +ĠH arden +Ġinterven ed +Ġlist ens +ĠK ok +Ġs age +Ġrub bish +ĠD ed +Ġm ull +pe lling +Ġvide ot +Produ ction +D J +m iah +Ġadapt ations +Ġmed ically +Ġboard ed +Ġarrog ance +Ġscra pped +Ġopp ress +FORM ATION +Ġj unction +4 15 +EE EE +S kill +Ġsub du +ĠSug gest +ĠP ett +Ġle tt +ĠMan ip +ĠC af +ĠCooper ation +T her +Ġreg ained +¶ æ +ref lect +Ġth ugs +ĠShel by +Ġdict ates +ĠWe iner +ĠH ale +Ġbatt leground +s child +Ġcond ol +h unt +osit ories +Ġacc uses +Fil ename +Ġsh ri +Ġmotiv ate +Ġreflect ions +N ull +ĠL obby +¥ µ +ĠS ATA +ĠBack up +Ñ ĥ +n in +ĠCor rection +Ġju icy +ut ra +ĠP ric +Ġrest raining +ĠAir bnb +ĠAr rest +Ġappropri ations +Ġsl opes +Ġmans laughter +Ġwork ings +ĠH uss +ĠF rey +Le ave +ĠHarm ony +ĠF eder +Ġ4 30 +Ġt rench +Ġglad ly +Ġbull pen +ĠG au +b ones +Ġgro ove +Ġpre text +ã ħĭ +Ġtransm itter +ĠComp onent +Ġunder age +ĠEm pires +T ile +Ġo y +ĠMar vin +ĠC AS +Ġbl oss +Ġrepl icated +ĠMar iners +Marc us +ĠBl ocks +Ġliber ated +Ġbutter fly +Fe el +Ġfer mentation +Ġyou tube +Ġoff end +ĠTer m +res ist +Ġcess ation +Ġinsurg ency +Ġb ir +ĠRa ise +59 5 +Ġhypothes es +50 2 +Ġpl aque +ocr at +Ġjack ets +ĠHuff Post +am ong +Ġconf er +48 7 +ĠL illy +Ġadapt ing +ĠF ay +Ġsh oved +ve c +Ġref ine +Ġg on +Ġgun men +z ai +ĠShut tle +ĠI zan +Ġ19 13 +Ġple thora +· · +Ġ5 10 +Ġp uberty +Ġ24 1 +ĠWe alth +ĠAl ma +ĠM EM +ĠAd ults +C as +pr ison +R ace +Ġwater proof +Ġathlet icism +Ġcapital ize +ĠJu ice +Ġillum inated +ĠP ascal +Ġirrit ation +ĠWitness es +ad le +ĠAst ro +Ġf ax +ĠEl vis +Prim ary +ĠL ich +ĠEl ves +Ġres iding +Ġst umble +3 19 +ĠP KK +Ġadvers aries +D OS +ĠR itual +Ġsm ear +Ġar son +ident al +Ġsc ant +Ġmon archy +Ġhal ftime +Ġresid ue +Ġind ign +ĠSh aun +ĠEl m +aur i +A ff +W ATCH +ĠLy on +hel ps +36 1 +Ġlobby ist +Ġdimin ishing +Ġout breaks +Ġgo ats +f avorite +ĠN ah +son ian +ĠBo oster +Ġsand box +ĠF are +ĠMalt a +Ġatt Rot +ĠM OR +ld e +Ġnavig ating +T ouch +Ġunt rue +ĠDis aster +Ġl udicrous +Pass word +ĠJ FK +blog spot +4 16 +ĠUN DER +ern al +Ġdelay ing +T OP +Ġimpl ants +ĠAV G +ĠH uge +att r +Ġjournal istic +ĠPe yton +ĠI A +R ap +go al +ĠProgram me +Ġsm ashing +w ives +print ln +ĠPl ague +in us +EE P +Ġcru iser +ĠPar ish +umin ium +Ġoccup ants +ĠJ ihad +m op +Ġp int +Ġhe ct +ĠMe cca +direct or +ĠFund ing +ĠM ixed +Ġst ag +T ier +Ġg ust +Ġbright ly +ors i +Ġup hill +R D +Ġles ions +ĠBund y +liv ious +Ġbi ologist +ĠFac ulty +ĠAuthor ization +Ġ24 4 +All ow +ï ¸ +ĠGi ul +Ġpert inent +ot aur +es se +ĠRo of +Ġunman ned +35 1 +ĠSh ak +ĠO rient +Ġend anger +D ir +Ġrepl en +ed ient +Ġtail or +Ġgad gets +Ġaud ible +âĺ Ĩ +N ice +Ġbomb ard +ĠR ape +Ġdef iance +ĠTW O +ĠFilip ino +Ġunaff ected +erv atives +Ġso ared +ĠBol ton +Ġcomprom ising +ĠBrew ers +R AL +ĠA HL +icy cle +Ġv ampires +Ġdi pped +oy er +ĠX III +Ġsidew ays +ĠW aste +ĠD iss +ĠâĶľ âĶĢâĶĢ +$ . +Ġhabit ats +ĠBe ef +tr uth +tr ained +spl it +R us +And y +ĠB ram +RE P +p id +è£ ħ +ĠMut ant +An im +ĠMar ina +Ġfut ile +hig hest +f requency +Ġepile psy +Ġcop ing +Ġconc ise +Ġtr acing +ĠS UN +pan el +ĠSoph ie +ĠCrow ley +ĠAd olf +ĠShoot er +Ġsh aky +ĠI G +ĠL ies +ĠBar ber +p kg +Ġupt ake +Ġpred atory +UL TS +/ ** +Ġintox icated +ĠWest brook +od der +he ment +Ġbas eman +AP D +st orage +ĠFif ty +ed itor +G EN +UT ION +ir ting +Ġse wing +r ift +Ġag ony +ĠS ands +Ġ25 4 +C ash +Ġl odge +Ġp unt +N atural +ĠIde as +Ġerrone ous +ĠSens or +ĠHann ity +Ġ19 21 +Ġm ould +ĠG on +kay a +Ġanonym ously +ĠK EY +Ġsim ulator +W inter +Ġstream ed +50 7 +? ", +Ġte ased +Ġco efficient +Ġwart ime +ĠTH R +' '. +ĠBank ing +mp ire +Ġf andom +Ġl ia +G a +Ġdown hill +Ġinterpre ting +Ind ividual +N orm +Ġjealous y +bit coin +Ġple asures +ĠToy s +ĠChev rolet +ĠAd visor +IZ E +Ġrecept ions +70 6 +C ro +Ġ26 2 +Ġcit rus +ir u +Review er +ject ed +U ES +an z +19 81 +ĠWork er +Ġcompl ied +ores cent +contin ental +T on +ĠPr ism +ĠShe ep +Ġ28 8 +n ox +ĠV og +O rd +Ġreal ms +te k +Ġirrig ation +Ġbicy cles +Ġelectron ically +p oly +t all +() ); +Ġaest hetics +ĠInteg rated +Expl ore +Ġd unk +47 6 +p ain +ĠJac ques +ĠD mit +Fram es +Ġreun ited +Ġhum id +D ro +P olitical +Ġyouth ful +Ġent ails +Ġmosqu ito +36 3 +spe cies +Ġcoord inating +ĠMay hem +ĠMagn us +M ount +Impro ved +ĠST ATE +ATT LE +Ġflow ed +Ġtack led +Ġfashion ed +Ġre organ +iv ari +f inger +Ġreluct antly +et ting +ĠV and +you ng +ĠGar land +Ġpresum ption +Ġamen ities +ĠPle asant +on ential +ĠO xy +Ġmor als +ĠY ah +Read y +Sim on +En h +D emon +Ġcl ich +Mon itor +ĠD U +Ġwel comes +Ġstand out +Ġdread ful +Ġban anas +Ġball oons +h ooting +bas ic +Ġsuff ix +Ġd uly +can o +Ch ain +at os +Ġgeop olitical +Ġ( & +ĠGem ini +ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ +Ġacqu itted +L uck +prot ect +10 24 +Ġsc arcity +Ġmind fulness +ec ided +D N +pr ime +ĠPres idents +ĠVID EO +Ġ( âĪĴ +add ock +N OR +ĠP ru +p un +ĠL OL +)) )) +ĠL iqu +ĠS AS +Ġsty ling +Ġpunish ments +Ġnum b +Ġasc ertain +ĠRock ies +f lu +Th umbnail +Ġperpet rated +ĠSem i +Ġdis arm +ĠOld er +ĠEx ception +Ġexponent ially +ĠCommun ities +Ġabol ish +ĠPart ner +pt oms +Ġ7 77 +ĠFo ley +ĠC ases +Ġgre ase +ĠReb irth +G round +Ġ; ) +ĠDoct rine +ik ini +Y e +ĠBl ossom +Ġpers ists +b ill +Ġinf usion +Ġbud dies +9 11 +ĠPat ient +Ġdem os +Ġacquaint ance +ĠP aw +at ari +Ġx ml +Ġfasc ination +ĠSer ve +Ï Ĥ +br anded +Ġa z +Return s +Ġover shadow +Ġro am +Ġspeed y +n umbered +hel ial +Ġdisc iple +Ġass urances +g iven +pect ing +ĠN atalie +çĶ ° +Ġmosquit oes +rote in +Ġnumer ic +Ġindepend ents +Ġtrans itional +Ġreaction ary +ĠMech dragon +do ctor +Ġshort est +Ġsequ ential +ĠB ac +ĠAccount s +ãģ Į +ach y +ract ive +ĠReg iment +Ġbreat htaking +ffic iency +ĠB ates +Ġ3 11 +Ġward robe +ft s +ĠBer k +Sim ply +ĠRivers ide +iver ing +ident ial +lu cent +Ġen riched +ĠCon ver +ĠG iving +ãĥ Ļ +Ġlegal ize +ĠF TC +Ġfre aking +M ix +Ġter restrial +es ian +ci ents +W ing +LO AD +Ġled ge +ĠViol ent +ĠMet all +Ġ30 8 +Ġs outheastern +hett o +M eat +Ġslow down +Ġret reated +Jere my +end as +**** * +er ic +Ġre ins +opp able +ĠHuman ity +ear ances +rig an +C amera +Ġwa ivers +s oc +Ġalter ation +trans form +ĠC emetery +50 6 +Ġindef inite +Ġstim ulating +y g +60 3 +ĠS op +Ġdescript ive +Ph ase +ĠEd mund +Ġpneum onia +vent us +A mb +Ġlabor atories +ĠEx clusive +ug ar +W ere +Ġmalf unction +Ġhomosexual s +Ġ---- --- +un i +Ġturb ines +ĠEqu ity +D u +Ġmind ed +ĠR H +ĠBlack hawks +Ġfe ats +Ġ17 00 +re pl +36 2 +lad en +Ġindisp ensable +ly ss +tt i +Ġre el +Ġdiver ted +Ġlik eness +Ġsubscript ions +Ġfing ert +Ġfil thy +dest ruct +d raft +ĠBernard ino +l aunch +Ġper plex +ĠS UM +car b +Ġswe ater +ĠVent ure +ĠJ ag +ĠCele b +ĠV oters +Ġstead fast +Ġathlet ics +ĠHans on +ĠDr ac +Tr acker +Ġcomm end +ĠPres idency +ĠD ID +in formed +Ġweb page +P retty +Ġforce fully +ãĥĥ ãĤ¯ +Ġrel ocation +Ġsat ire +â ī +ĠSunder land +æ Ħ +V oice +???? ???? +Ġinform ant +Ġbow el +ĠUn iform +Ġ ..." +Ġpur ge +Ġpic nic +ĠU mb +ĠU PDATE +ĠSapp hire +ĠSt all +le arn +Ġobject ively +Ġob liter +Ġlooph ole +Ġjour neys +Ġo mission +Pro s +ĠSid ney +pl oma +Ġspray ed +Ġg uru +Ġtra itor +Ġtim et +Ġsn apping +ĠSe vent +urn al +ĠUk ip +Ġb owed +por al +l iberal +R os +Quest ions +i OS +Ġsummar ize +ST AT +Ġ18 50 +ap est +Ġl ender +ĠVari able +br inging +ĠL ORD +, ) +Ġcollaps es +x iety +ĠN ed +Y D +ĠSch a +Ġantib ody +Ġdis band +y re +ill usion +Ġro ver +s hed +ĠHiro sh +cc i +Ġcal am +ĠMort on +P interest +Ġ19 28 +ĠE uras +ord es +Ġf ences +ĠIn ventory +ĠVal encia +ĠU d +ĠT iff +Ġsqu e +Ġqu otation +Ġtroubles ome +er ker +QU EST +ĠKing doms +s outh +Ġle vy +Pr ince +ĠSt ing +Ġnick named +Ġapp e +Ġphot ographic +Ġcorp us +re ference +ĠT rog +U nt +) =( +ĠLat via +Ġactiv ating +Ġlicense e +Ġdispar ities +ĠNews letter +ãĥĥ ãĥĪ +Ġfree ing +ĠJe ep +ĠPer ception +ins k +Ġsil icone +ĠHay den +Le an +ĠSuz uki +ibr arian +66 8 +Ġsp or +Ġcorrel ations +ag hetti +Ġtu ber +ĠIP CC +il us +ĠV u +Ġwealth iest +ĠCarb uncle +an za +Ġfool ed +ĠZ ur +Ġd addy +ran o +il ian +Ġknock out +f man +requ ired +ĠWik ileaks +ĠD uffy +ON T +Ġins ol +ĠObject s +Ġb ou +ĠNord ic +ĠIns ert +sc an +Ġd ancers +Ġid iots +major ity +ĠNev ille +ĠFree BSD +Ġt art +pan ic +69 0 +Ġcoc oa +Ġsam pled +Ġlook up +Ind ust +Ġinject ions +gen re +Ġa u +Ġroad way +Ġgen itals +K ind +ĠEx aminer +ĠY az +F resh +Ġpar alysis +ĠAl uminum +Ġre ap +ok é +Ġsl oppy +ĠTun nel +pos ium +ner y +en ic +Ġher bal +ĠOut er +ĠBuild er +Ġinc ur +Ġide ologies +Ġback ups +cons uming +ĠDet ect +de ck +ĠKN OW +ĠG ret +ĠM IC +Ġtough ness +ĠEx hibit +Ġh ive +L es +ĠSCH OOL +ĠAt ari +ald e +ĠN ull +and estine +m ouse +Ġbrig ade +48 9 +Ġrev ol +ĠLaw son +ĠW ah +op oly +eb ted +ĠS aunders +Ġ3 13 +ĠW inc +Ġtab oo +ĠHel met +Ġw edge +ch ip +ĠT ina +b g +Ġinf uri +r n +Ġanomal ies +ĠSy nc +ĠEx am +ĠComm it +ĠDi ary +ĠALS O +ĠDe bor +omed ical +Ġcomprehens ion +6 55 +Ġempower ing +Ġ ire +Ġju ices +ĠE TH +ĠBox ing +=" / +Ġfacilit ated +p oke +ĠPars ons +ĠMod er +tra vel +Ġcivil izations +Ġliber tarians +Ġrun e +ĠCl arks +at hed +Ġcampaign ers +ĠDis patch +ĠFah renheit +ĠCap com +-------- -- +Ġl ace +Ġdr aining +Ġl iner +ĠArt ificial +é n +t ask +] ). +ĠGM O +ĠOper ator +ord inary +ĠInf luence +ĠU ps +Ġpot ency +uss en +osp ons +ĠSw im +ĠDead line +Un ity +Ġcul inary +Ġenlight enment +Ġwe arer +Ġmin ed +Ġp ly +Ġinc est +ĠDVD s +W alk +B TC +Tr ade +Ġdev al +ib and +ĠOvers ight +Palest inian +Ġd art +Ġm ul +L R +Ġrem ovable +ĠReal ms +ì Ŀ +Ġmisc ar +ĠV ulkan +68 5 +è re +ĠS ap +Ġmer ging +ĠCar ly +che ster +Ġbr isk +Ġlux urious +ĠGener ator +Ġbit terness +Ġed ible +Ġ24 3 +T G +Ġrect angle +With No +bel ow +J enn +Ġdark est +Ġh itch +Ġdos age +Ġsc aven +ĠK eller +ĠIllust rated +Certain ly +ĠMaver icks +Marg inal +Ġdiarr hea +Ġenorm ously +Ġ9 99 +sh r +qu art +Ġadam ant +ĠM ew +Ġren ovation +Ġcerv ical +ĠPercent age +en ers +ĠKim ber +Ġflo ats +Ġde x +ĠW itcher +ĠSwan sea +d m +Ġsal ty +y ellow +Ġca pe +ĠDr ain +ĠPaul a +ĠTol edo +les i +Mag azine +ĠW ick +ĠM n +ĠA ck +ĠR iding +AS ON +Ġhom ophobic +AR P +Ġwand ered +C PU +ood oo +ĠP ipe +Ġtight ening +ĠBut t +3 18 +Ġdesert ed +S ession +Ġfacilit ating +J ump +Ġemer gencies +OW ER +Ġexhaust ive +ĠAF TER +Ġheart beat +ĠLab el +ack y +ĠCert ified +ilt ration +Z e +ĠU tt +Ġ13 00 +Ġpres ume +ĠDis p +Ġsur ged +Ġdoll s +Col umb +Ġchim pan +ĠR azor +Ġt icks +Ġcouncill or +Ġpilgr image +ĠReb els +ĠQ C +ĠA uction +x ia +ik k +b red +Ġinsert ion +Ġco arse +d B +SE E +ĠZ ap +ĠF oo +Ġcontem por +ĠQuarter ly +ot ions +ĠAl chemist +ĠT rey +ĠDu o +S weet +80 4 +ĠGi ov +Ġfun n +N in +h off +Ġram ifications +Ġ19 22 +ĠExper ts +az es +Ġgar ments +ar ial +ĠN ab +Ġ25 7 +ĠV ed +Ġhum orous +ĠPom pe +Ġn ylon +Ġlur king +ĠSerge y +ĠMatt is +Ġmisogyn y +ĠComp onents +ĠWatch ing +ĠF olk +ract ical +B ush +Ġt aped +Ġgroup ing +Ġbe ads +Ġ20 48 +Ġcon du +quer que +Read ing +Ġgriev ances +Ult ra +Ġend point +H ig +ĠSt atic +ĠScar borough +L ua +ĠMess i +a qu +ĠPsy Net +ĠR udd +Ġa venue +v p +J er +Ġsh ady +ĠRes ist +ĠArt emis +Ġcare less +Ġbro kers +Ġtemper ament +Ġ5 20 +T ags +ĠTurn ing +Ġut tered +Ġp edd +Ġimpro vised +Ġ: ( +Ġtab l +Ġpl ains +16 00 +press ure +ĠEss ence +marg in +friend s +ĠRest oration +Ġpoll ut +ĠPok er +ĠAugust ine +ĠC IS +ĠSE AL +or ama +Ġth wart +se ek +Ġp agan + º +cp u +Ġg arn +Ġass ortment +ĠI LCS +t ower +Recomm ended +Ġun born +ĠRandom Redditor +ĠRandomRedditor WithNo +Ġparaly zed +Ġeru ption +Ġinter sect +ĠSt oke +ĠS co +B ind +å ¾ +ĠP NG +ĠNeg ative +ĠNO AA +Le on +Ġall oy +ĠL ama +ĠD iversity +5 75 +Ġunderest imated +ĠSc or +Ġm ural +Ġb usted +so on +l if +Ġnone x +Ġall ergy +ĠUnder world +ĠR ays +ĠBl asio +Ġh rs +ĠD ir +Ġ3 27 +by ter +Ġrepl acements +Ġactiv ates +ri ved +M H +Ġp ans +ĠH I +Ġlong itudinal +Ġnu isance +al er +Ġsw ell +ĠS igned +s ci +ĠIs les +ĠA GA +Ġdef iant +Ġson ic +oc on +K C +ĠA im +t ie +ah ah +Ġm L +D X +Ġb isc +ĠBill board +ĠSY STEM +NE Y +ga ard +Ġdist ressed +former ly +Al an +Ġche fs +Ġopt ics +ĠC omet +ĠAM C +Ġredes igned +irm ation +Ġsight ings +38 2 +3 11 +ĠW B +Ġcont raction +ĠT OTAL +D ual +Ġstart led +Ġunderstand ably +Ġsung lasses +ETH OD +Ġd ocker +Ġsurf ing +ĠH EL +ĠSl ack +ton es +Ġsh alt +Vis ual +49 8 +Dep artment +c ussion +Ġunrest ricted +Ġt ad +Ġre name +employ ed +Ġeduc ating +Ġgrin ned +bed room +ĠActiv ities +ĠV elvet +ĠSW AT +Ġsh uffle +ig or +Ġsatur ation +F inding +c ream +ic ter +Ġv odka +tr acking +te c +Ġfore ground +iest a +Ġve hement +ĠEC B +ĠT ie +E y +Ġt urtles +ĠRail road +ĠKat z +ĠFram es +Ġmen ace +ĠFell owship +ĠEss ential +ugg ish +Ġdri p +ch witz +ĠKy oto +s b +ĠN ina +Param eter +Ġal arms +ĠCl aud +Ġpione ering +Ġchief ly +ĠSc ream +Col lection +Ġthank fully +ĠRonald o +åŃ IJ +st rip +ĠDisney land +com mercial +See ing +S oul +Ġevac uate +Ġc iv +ĠAs he +Ġdiv ides +ĠD agger +rehens ive +Ġber ries +ĠD F +Ġs ushi +Ġplur ality +W I +Ġdisadvant aged +Ġbatt alion +ob iles +45 1 +Ġcl ing +Ġunden iable +ĠL ounge +Ġha unt +p he +Ġquant ify +Ġdiff ered +Ġ[* ] +ĠV iz +c um +sl ave +Ġvide og +Ġqu ar +Ġbund les +ĠAl onso +t ackle +Ġneur onal +Ġlandsl ide +conf irmed +ĠDep th +Ġrenew ables +B ear +ĠMaced onia +Ġjer seys +Ġb unk +ĠSp awn +ĠControl s +ĠBuch anan +Ġrobot ics +Ġemphas izing +ĠTut orial +h yp +ist on +Ġmonument al +æ ° +ĠCar ry +Ġt bsp +en ance +H ill +art hed +Ġro tten +De an +Ġtw isting +Ġgood will +Ġimm ersion +L iving +Ġbr ushes +ĠC GI +ĠAt k +tr aditional +Ġph antom +ĠSt amina +Ġexpans ions +ĠMar in +Ġembark ed +ĠE g +int estinal +ĠPE OPLE +ĠBo oth +ĠApp alach +Ġreleg ated +V T +M IT +Ġmust er +Ġwithdraw ing +Ġmicrosc ope +ĠG athering +ĠC rescent +ĠArgent ine +ĠDec re +ĠDomin ic +Ġbud s +ant age +ĠI on +Ġwid ened +ONS ORED +ĠGl oves +iann opoulos +raz en +fe el +Ġrepay ment +Ġhind sight +ĠRE ALLY +ĠPist ol +ĠBra h +Ġwat ts +Ġsurv ives +Ġfl urry +iss y +Al ert +ĠUrug uay +Ph oenix +S low +ĠG rave +ĠF ir +Ġmanage able +Ġtar iff +ĠU DP +ĠPist ons +ĠNiger ian +Ġstrike outs +Ġcos metics +whel ming +f ab +c ape +pro xy +Ġre think +Ġover coming +sim ple +Ġw oo +Ġdistract ing +ĠSt anton +ĠTuls a +ĠD ock +65 9 +Ġdisc ord +ĠEm acs +ĠV es +ĠR OB +Ġreass uring +Ġcons ortium +Muslim s +3 21 +Ġprompt s +se i +ĠH itch +imp osed +ĠF ool +Ġindisc rim +wr ong +bu querque +D avis +! ] +Ġtim eless +ĠNE ED +Ġpestic ide +Ġrally ing +ĠCal der +Ġå ¤ +Ġx p +ĠUn le +ĠEx port +lu aj +B uff +) [ +Ġsq or +S audi +Ġis tg +Ġindul ge +pro c +Ġdisg usted +Ġcomp ounded +Ġn em +Ġschool ing +ĠC ure +process ing +S ol +Ġpro verb +it ized +ĠAlv arez +Ġscar f +Ġrect angular +re ve +Ġh ormonal +ĠSt ress +itiz en +Ġ4 25 +girl s +ĠNo ir +ĠR app +Ġmar ches +ch urch +ĠUs es +Ġ40 5 +ĠBer m +Ġord inances +ĠJud gment +Charg es +ĠZ in +Ġdust y +Ġstraw berries +Ġper ce +ĠTh ur +ĠDebor ah +net flix +ĠLam bert +Ġam used +ĠGu ang +Y OU +R GB +ĠC CTV +Ġf iat +r ang +Ġf ederation +ĠM ant +ĠB ust +ĠM are +respect ive +ĠM igration +ĠB IT +59 0 +Ġpatriot ism +Ġout lining +reg ion +ĠJos é +Ġbl asting +ĠEz ra +B s +Ġundermin es +ĠSm ooth +Ġcl ashed +rad io +Ġtransition ing +ĠBucc aneers +ĠOw l +Ġplug s +Ġh iatus +ĠPin ball +Ġm ig +ĠNut r +ĠWolf e +Ġinteg ers +Ġor bits +ĠEd win +ĠDirect X +b ite +Ġbl azing +v r +Ed ge +ĠP ID +ex it +ĠCom ed +ĠPath finder +ĠGu id +ĠSign s +ĠZ er +ĠAg enda +Ġreimburse ment +M esh +i Phone +ĠMar cos +ĠS ites +h ate +en burg +Ġs ockets +p end +Bat man +v ir +ĠSH OW +Ġprovision al +con n +ĠDeath s +AT IVE +Pro file +sy m +J A +Ġnin ja +inst alled +id ates +eb ra +ĠOm aha +Ġse izing +ĠBe asts +Ġsal ts +M ission +Gener ally +ĠTr ilogy +he on +leg ates +Ġd ime +Ġf aire +par able +G raph +Ġtotal ing +Ġdiagram s +ĠYan uk +ple t +ĠMe h +Ġmyth ical +ĠStep hens +aut ical +ochem istry +Ġkil ograms +Ġel bows +anc ock +ĠB CE +ĠPr ague +Ġimpro v +ĠDev in +Ġ" \ +par alle +Ġsuprem acists +ĠB illion +Ġreg imen +inn acle +Ġrequ isite +ang an +ĠBur lington +ain ment +ĠObject ive +oms ky +G V +Ġun ilateral +Ġt c +Ġh ires +ment al +Ġinvol untary +Ġtrans pl +ĠASC II + ¨ +Ev ents +Ġdoub ted +ĠKa plan +ĠCour age +ig on +ĠMan aging +ĠT art +Ġfalse hood +ĠV iolet +Ġair s +Ġfertil izer +Brit ain +Ġaqu atic +ou f +W ords +ĠHart ford +Ġeven ings +ĠV engeance +qu ite +G all +ĠP ret +Ġp df +ĠL M +ĠSo chi +ĠInter cept +9 20 +Ġprofit ability +ĠId le +ĠMac Donald +ĠEst ablishment +um sy +Ġgather ings +ĠN aj +Charl ie +Ġas cent +ĠProt ector +Ġal gebra +Ġbi os +for ums +EL S +Introdu ced +Ġ3 35 +Ġastron omy +Cont ribut +ĠPol ic +Pl atform +Ġcontain ment +w rap +Ġcoron ary +ĠJ elly +man ager +Ġheart breaking +c air +ĠChe ro +c gi +Med ical +ĠAccount ability +! !" +oph ile +Ġpsych otic +ĠRest rict +Ġequ itable +iss ues +Ġ19 05 +ĠN ek +c ised +ĠTr acking +Ġo zone +Ġcook er +ros is +Ġre open +Ġinf inity +ĠPharm aceutical +ens ional +Att empt +ĠR ory +Mar co +Ġawa its +H OW +t reated +Ġbol st +Ġreve red +Ġp ods +opp ers +00 10 +Ġampl itude +ric an +SP ONSORED +Ġtrou sers +Ġhal ves +ĠK aine +ĠCut ler +ĠA UTH +Ġsplend id +Ġprevent ive +ĠDud ley +if acts +umin ati +ĠY in +Ġad mon +ĠV ag +Ġin verted +Ġhast ily +ĠH ague +L yn +Ġled ger +Ġastron omical +get ting +Ġcirc a +ĠC ic +ĠTenn is +Lim ited +Ġd ru +ĠBY U +Ġtrave llers +Ġp ane +ĠInt ro +Ġpatient ly +Ġa iding +Ġlo os +ĠT ough +Ġ29 3 +Ġconsum es +Source File +Ġ"" " +Ġbond ing +Ġtil ted +Ġmenstru al +ĠCel estial +UL AR +Plug in +Ġrisk ing +N az +ĠRiy adh +Ġacc redited +Ġsk irm +é Ľ +Ġexam iner +Ġmess ing +Ġnear ing +ĠC hern +ĠBeck ham +Ġsw apped +Ġgo ose +K ay +Ġlo fty +ĠWal let +Ġ[ ' +Ġap ocalypse +Ġb amboo +ĠSP ACE +ĠEl ena +Ġ30 6 +ac ons +Ġtight ened +Ġadolesc ence +Ġrain y +Ġvandal ism +ĠNew town +Ġcon ject +c akes +Ġche ated +Ġmoder ators +par ams +E FF +Ġdece it +ĠST L +ĠTanz ania +ĠR I +Ġ19 23 +ĠEx ile +the l +Ġthe olog +Ġquir ky +ĠIr vine +Ġneed y +or is +U m +K a +Ġmail box +3 22 +Ġb os +ĠPet ra +K ING +Ġenlarg ed +O ften +Ġbad ass +Ġ3 43 +ĠPl aces +ĠC AD +Ġpr istine +Ġinterven ing +d irection +Ġl az +ĠD SM +Ġproject ing +ĠF unk +ag og +pay ment +n ov +Ġch atter +AR B +Ġexam inations +ĠHouse hold +ĠG us +F ord +4 14 +B oss +Ġmy stic +Ġle aps +ĠB av +ul z +b udget +Foot ball +Ġsubsid ized +Ġfirst hand +Ġcoinc ide +oc ular +Con n +ĠColl abor +Ġfool s +am ura +ah ar +r ists +Ġsw ollen +Ġexp ended +ĠP au +s up +Ġsp ar +Ġkey note +s uff +Ġunequ al +Ġprogress ing +str ings +ĠGamer gate +Dis ney +ĠEle ven +om nia +Ġscript ed +Ġear ners +bro ther +ĠEn abled +æ ³ +Ġlar vae +ĠL OC +m ess +Wil son +ĠTem plate +success fully +Ġparam ount +Ġcamoufl age +Ġbind s +ĠQu iet +ĠSh utterstock +r ush +Ġmasc ot +fort une +ĠCol t +ĠBe yon +hab i +Ġha irc +Ġ26 7 +ĠDe us +Ġtw itch +Ġconcent rating +Ġn ipples +c ible +Ġg ir +N Z +M ath +n ih +Requ ired +Ġp onder +ĠS AN +Ġwedd ings +Ġl oneliness +N ES +ĠMah jong +69 5 +add le +ĠGar ner +ĠC OUR +Br idge +Ġsp ree +ĠCald well +Ġbri bery +Ġ���� ���� +plug ins +Ġr acket +Ġchamp agne +vers ible +V ote +Ġmod ifiers +May or +6 80 +Ġassemb lies +ĠS ultan +ĠN ing +ĠLad ies +Ġsulf ur +Ġor bs +Ġ---- - +____ ___ +ĠJournal ism +Ġes ports +Ġl ush +Ġh ue +Ġspect ral +H onest +ãĥ ı +Ġbus hes +Ġrein forcement +Ġre opened +ĠWhe els +ĠM org +rie ving +Ġaux iliary +Ġj Query +ĠB AT +tes que +Ġver tex +p ure +f rey +ãĤ º +d os +Ġty ph +Ġc ull +Ġe q +Ġdec on +Ġtoss ing +Ġdispar ate +ĠBr igham +print f +led ged +Ġsu nd +Ġco zy +Ġhepat itis +per forming +Ġav al +ĠG G +f uture +Ġpet ertodd +ĠKos ovo +Ġmagn ets +Al ready +ĠEd ison +ĠCe res +ĠRA ID +Ġbrill iance +57 6 +Ġder ives +Ġhypert ension +ĠÎ Ķ +Ġlamb da +Ġfl air +Ġmission aries +Ġrap es +ĠSt arter +ĠMon ths +Ġdef y +Ġseism ic +ĠR aphael +Ġeuro zone +65 6 +z sche +Ġscr atched +Ġb ows +ĠLenn on +ĠGa ia +Ġdri pping +f acts +A le +Ġfrog s +ĠBre ast +ogene ity +ĠProsecut or +Ġampl ified +ĠHod g +ĠF n +Th ousands +ĠNI H +ĠMonitor ing +FT WARE +ĠPri ebus +ĠG rowing +hun ter +Ġdiagn ose +ĠM ald +ĠL R +Ġcrown ed +Ġburst ing +Ġdiss olution +j avascript +Ġuseful ness +ĠExec ution +: ( +ĠIv ory +a ah +Ġpersecut ed +viol ence +ist as +ĠCr ate +Ġimpuls es +ĠSp ani +ed es +Hand le +ĠZ erg +think able +Last ly +Ġspont aneously +Ġinconven ient +Ġdismiss ing +Ġpl otted +Ġeight y +Ġ7 37 +r ish +ĠThor nton +ath am +Ġsit com +V en +Rec ipe +t el +l und +Ġcle ars +ĠSas uke +Ġ25 8 +Ġopt ing +Ġen raged +est hetic +ĠA e +uch s +Pre p +Fl ow +Ġrun off +ĠE ating +ĠG iles +ĠAct ing +res ources +ib aba +Ġr pm +Ġske wed +ĠBl anc +ĠS akuya +Ġhot ter +Ġ19 24 +op ian +ck o +Ġcr umbling +Ġcapt ains +ĠAppropri ations +le aders +dro pping +an uts +Ġrevers ing +ĠP ose +ĠS ek +Sc ot +ĠIde a +c ise +ĠSloven ia +Ġ3 17 +Do ctor +Ġcro cod +ald i +Se a +ĠFar rell +Ġmerc enaries +ĠR NC +ĠGu ess +Ġp acing +M achine +Streamer Bot +ĠChar ity +Ġ29 8 +Ġcann ons +ĠTob y +TPP StreamerBot +ĠPass ion +cf g +Th om +Ġbad ges +ĠBern stein +. âĢĵ +ĠP OP +ĠCon j +Ġinitial ization +Ġbiod iversity +D ub +Ġfeud al +Ġdisclaim er +Ġc row +Ġign ition +ar f +S HA +Ġk Hz +h azard +ĠArt ists +oe uv +67 9 +ĠRud y +N ine +ĠRam adan +å ½ +itt o +Ġadren aline +C ert +Ġsmell ed +Ġimp unity +Ġag endas +ĠRe born +ĠCon cent +ĠSe ems +Ġo mega +ĠDust in +Ġback er +ĠSau ce +ĠBoy le +W IN +Ġsp ins +Ġpa uses +u pt +Ġshred ded +Ġstra pped +ĠCor ruption +Ġscr atches +Ġn i +Ġatt ire +ĠS AF +Factory Reloaded +ĠI PS +Ġ( % +Ġsem inar +f ocus +c ivil +Ġ18 60 +int osh +Ġcontin ual +Ġabbre vi +ĠS ok +oc obo +X M +Ġfr antic +Ġunavoid able +Ġar tery +Ġannot ations +b ath +Cl imate +Ġd ors +ĠSl ide +co ord +ĠRel oad +ĠL DL +ĠLove craft +Ġunim agin +Ġresemb led +Ġbarr acks +n p +Ġsurrog ate +Ġcategor ized +ãĤ © +Ġvacc inated +Ġdrain age +Ġind ist +ĠWhats App +Ġ18 70 +oler ance +inv oke +am orph +Ġrecon nect +Ġem anc +Ġblind ness +Ġ12 80 +intern et +c ollar +Ġalt ru +Ġab yss +ĠT RI +65 7 +Ġinf used +HE AD +Ġforest ry +ĠWood y +ĠC i +w i +s am +78 4 +hol iday +Ġmog ul +ĠF ees +ĠD EN +In ternal +ur bed +f usc +at om +ĠIll usion +Ġpoll ed +Ġfl ap +Ġco ax +L GBT +An aly +ĠSect ions +ĠCalif orn +em n +Ġh ither +ĠN IGHT +Ġn ailed +ĠPip eline +39 1 +o of +ĠPr imal +vere nd +Ġsl ashing +Ġret ri +avi our +Ġdepart ing +g il +IS C +Ġmid way +Ġultras ound +Ġbeh aving +ĠT ara +class es +V irtual +ĠColon ial +Ġstri pping +Ġorchestr ated +ĠGra ves +45 2 +ĠIron ically +ĠWrit ers +Ġl ends +ĠMan z +Ġra ven +Ġoxid ative +Ġ26 6 +EL F +act ually +asc ar +D raft +Ġfavour able +Ġhumili ating +Ġf idelity +ĠH of +ĠX uan +49 6 +Ġlay ered +at is +79 0 +Ġpay check +it on +K ar +ĠVM ware +ĠFar mer +Ġserv ic +gl omer +Ġsl ump +ĠFab ric +ĠD OC +est ing +Ġreass ure +Ġph yl +v olt +it ory +R ules +Ġoxid ation +Ġpri zed +Ġmist ress +ĠDj ango +WAR N +å ij +Ġenc ode +ĠFeed back +Ġstupid ity +I an +ĠYugoslav ia +× ¨ +ac l +UT E +19 77 +Ġqual ifies +Ġpuls es +pret ty +Ġfro ze +Ġs s +Iter ator +Ġur gently +Ġm ailed +ĠCh am +Ġsust aining +Ġbas il +Ġpupp ies +il ant +ĠP LEASE +l ap +ace ous +F ear +ĠMaster y +aut omatic +ĠT AG +Ġant im +ag les +47 3 +fram es +Ġwh ispers +ĠWho ever +Ġbra very +ĠUK IP +ract ions +"" " +Ġt ame +Ġpart ed +every thing +CON T +Ġind ebted +Ġadd r +re k +IR ED +Ġem inent +cl inton +Ġo usted +Ġreview er +Ġmelt down +Ġre arr +ĠY ao +the real +aby te +Ġst umbling +Ġbat ches +Ġ25 9 +Ġcontrace ptive +Ġprost itute +ens is +De cl +ĠSt rikes +M ilitary +ĠO ath +v acc +pp ings +05 2 +Ġpart Name +amp ing +Rep orts +K I +CH R +Ġsubt ly +sw ers +Bl ake +us ual +Ġcontest ants +Ġcart ridges +ĠGRE AT +Ġbl ush +ĠâĢ º +47 2 +Ġreason ed +ãĥ ¤ +paralle led +Ġd yn +ag ate +Ġnight ly +å Ĩ +55 6 +Ġsem antic +ĠAdv oc +Ġ !! +Ġdisag rees +ĠB W +V eh +Ġharm ing +Ġembr aces +Ġstri ves +Ġin land +ĠK ard +Ġhe ats +ĠGin ny +ut an +ern aut +yl ene +ĠE lev +J D +Ġh ars +ĠStar r +Ġsk ysc +Ġcollabor ators +Us ually +Ġrev olutions +ĠSTAT S +Ġdism antle +Ġconfident ly +Ġkin etic +Al i +Ġpercent ile +Ġextract ing +ill ian +est ead +Ġphysic ists +ĠMarsh al +Ġfell owship +Ġd ashed +ĠU R +ĠSi oux +ĠComp act +am ide +P ython +ĠLe igh +ĠPharm ac +ist rates +her ical +Ġf ue +ĠE min +Ġ( { +ĠNeighbor hood +Ġdisrupt ing +ĠD up +Ġg land +ĠSe v +ĠMar ian +arg on +ĠD und +Ġ< !-- +Ġstr and +Ġstadium s +z os +Ġpsych osis +ĠR ack +Ġbrilliant ly +ï¸ ı +Ġsubmer ged +ĠInst it +ĠCh ow +Ġc ages +ĠH ats +ĠU rs +Ġdil uted +us at +ien ne +ĠMembers hip +ĠBur k +Ġ ie +Ġarche type +D rug +ult on +ĠSp ock +ĠMcK ay +ĠDep end +F eatured +S oc +19 78 +ĠB ere +Ġrelent lessly +Ġcripp ling +Ġar thritis +çĶ Ł +ĠTrop ical +ĠBul g +ĠCher yl +Ġadm irable +Ġsub title +Over ride +Ġorig inating +ĠC CP +Ġsw ore +ĠSo le +ĠDis orders +3 29 +Ġprocess ion +Ġref urb +Ġimm ersed +requ ently +Ġskept ics +Ġcer amic +m itter +en stein +b elt +ĠT IT +b idden +Ġf ir +m ist +> ] +Ġwe ave +ĠParad ox +Ġentr usted +ĠBarcl ays +Ġnovel ist +og ie +80 6 +Ġnin ety +Ġdisag reements +@@@@ @@@@ +ĠAus chwitz +c ars +ĠL ET +t ub +arant ine +P OS +Ġback story +Ġcheer ful +ĠR ag +ek a +bi ased +Ġinexper ienced +ak ra +ĠW itt +t an +Ġrap ist +Ġplate au +ch al +ĠInqu is +exp ression +Ġc ipher +Ġsh aving +add en +re ly +( \ +ism a +ĠReg ulatory +CH AR +ily n +N VIDIA +G U +Ġmur m +la us +Christ opher +Ġcontract ual +ĠPro xy +ĠJa ime +ĠMethod ist +Ġstew ards +st a +per ia +Ġphys iology +Ġbump ed +Ġf ructose +Austral ian +ĠMet allic +ĠMas querade +ar b +Ġprom ul +Ġdown fall +Ġbut cher +Ġb our +ĠIN FORMATION +ĠB is +pect s +ad ena +Ġcontempl ating +ar oo +cent ered +ĠPe aks +Us ed +Ġmod em +Ġg enders +Ġ8 000 +37 1 +Ġm aternity +ĠR az +Ġrock ing +Ġhandgun s +ĠD ACA +Aut om +ĠN ile +Ġtum ult +ĠBenef it +ĠAppro ach +works hop +ĠLe aving +G er +inst ead +Ġvibr ations +Ġrep ositories +49 7 +ĠA unt +ĠJ ub +ĠExp edition +Al pha +Ġs ans +Ġoverd ue +Ġoverc rowd +Ġlegisl atures +Ġp aternal +ĠLeon ardo +Ġexp ressive +Ġdistract ions +Ġsil enced +tr ust +Ġb iking +Ġ5 60 +Ġpropri et +Ġimp osition +Ġcon glomer +Ġ= ================================================================ +ĠTe aching +ĠY ose +int ensive +T own +Ġtroll ing +ĠGr ac +ĠAS US +Y o +Ġspecial s +ĠNep h +ĠGod zilla +Dat abase +ĠHe gel +Ġ27 2 +19 76 +ĠGl oria +Ġdis emb +ĠInvestig ations +ĠB ane +ag ements +St range +Ġtre asury +ĠPl ays +Ġundes irable +Ġwid ening +Ġverb ally +Ġinf ancy +Ġcut ter +f ml +Ġ21 00 +prot otype +f ine +Ġdec riminal +Ġdysfunction al +Ġbes ie +ĠErn st +z eb +Ġnort heastern +Ġa ust +por ate +ĠMar lins +Ġsegreg ated +ew orld +ĠMa her +Ġtra verse +Ġmon astery +ur gy +G ear +s and +Com pl +ĠE MP +Ġpl ent +ĠMer cer +Ġ27 6 +TA BLE +Config uration +H undreds +Ġpr ic +Ġcollabor ating +ĠPar amount +ĠCumm ings +Ġ( < +Ġrecord er +Ġfl ats +Ġ4 16 +wh ose +Font Size +ĠOr bit +Y R +Ġwr ists +Ġb akery +) } +ĠB ounty +ĠLanc aster +Ġend ings +acc ording +ĠSal am +e asy +75 5 +ĠBur r +ĠBarn ett +onom ous +Un ion +Ġpreced ence +ĠScholars hip +ĠU X +Ġroll out +Ġbo on +al m +ĠCan ter +æ µ +Ġround ing +Ġcl ad +Ġv ap +ĠF eatured +is ations +Ġ5 40 +pol ice +Ġunsett ling +Ġdr ifting +ĠLum ia +ĠObama Care +ĠF avor +Hy per +ĠRoth schild +ĠMil iband +an aly +ĠJul iet +H u +Ġrec alling +a head +69 6 +Ġunf avorable +Ġd ances +O x +Ġleg ality +Ġ40 3 +rom ancer +Ġinqu ire +ĠM oves +\ "> +ĠVari ant +ĠMess iah +ĠL CS +ĠBah á +75 6 +Ġeyeb row +Ġ ¥ +ĠMc F +ĠFort y +M as +Ġpan icked +Ġtransform ations +q q +Ġrev olves +ring e +ĠA i +ax e +Ġon ward +ĠC FR +ĠB are +log in +Ġliqu ids +Ġde comp +second ary +il an +ĠCon vert +ami ya +Ġprosecut ing +Ġâī ¡ +ĠYork ers +ĠByr ne +sl ow +aw ei +J ean +Ġ26 9 +ĠSky dragon +Ġ é +ĠNicarag ua +ĠHuck abee +ĠHigh ly +Ġamph ib +ĠPast or +ĠL ets +Ġbl urred +Ġvisc eral +ĠC BO +Ġcollabor ated +z ig +Leg al +Ġapart heid +Ġbr id +Ġpres et +ĠD ET +ĠAM A +× Ķ +arch ing +auc uses +build er +Ġpo etic +Ġem ulator +ĠMole cular +Ġhon oring +ise um +Ġtract or +ĠCl uster +ĠCal m +ared evil +Ġsidew alks +Ġviol in +Ġgeneral ized +ĠAle c +Ġemb argo +Ġfast ball +ĠHT TPS +ĠL ack +ĠCh ill +ri ver +C hel +ĠSw arm +ĠLev ine +ro ying +L aunch +Ġkick er +Ġadd itive +ĠDe als +W idget +cont aining +Ġescal ate +ĠOP EN +Ġtwe aked +Ġst ash +Ġsp arks +ĠEs sex +ĠE cc +Ġconv ict +Ġblog ging +I ER +ĠH L +Ġmurd erers +75 9 +ĠH ib +Ġde pl +ĠJ ord +S ac +Ġdis sect +ĠHow e +os her +Ġcustom izable +ĠFran z +Ġat ro +Ä ĩ +Ġ000 4 +Ġout post +R oss +Ġglyph osate +ĠHast ings +ĠBE FORE +Ġsh ove +o pped +ĠSc ala +Ġam ulet +an ian +Ġexacerb ated +Ġe ater +47 1 +UM E +Ġpul p +izont al +ĠZ am +ĠAT I +imm une +aby tes +Ġunnecess arily +ĠC AT +ĠAx is +Ġvisual ize +à ī +ĠRad ical +f m +Doc uments +ĠFor rest +Ġcontext ual +ĠSy mbol +Ġtent ative +ĠDO ES +ĠGood s +Ġintermitt ent +} : +medi ated +Ġridic ule +Ġathe ism +Ġpath ogens +ĠM um +Ġre introdu +Ġ30 7 +i HUD +Ġflash light +Ġsw earing +Ġp engu +B u +Ġrot ated +ĠCr ane +Ġ() ); +Ġfashion able +Ġendors ing +46 3 +) [ +Ġingest ion +Ġcook s +Ġ9 50 +ot omy +ĠIm am +Ġk a +Ġte aser +ĠGhost s +ĠãĤ µ +19 69 +Ï ĥ +ub by +Ġconver ter +zan ne +end e +ĠPre par +ĠNic kel +ĠChim era +h im +ĠTyr ann +ĠSabb ath +ĠNich ols +Ġra pt +ih ar +Ġshe lling +Ġillum inate +Ġdent ist +ut or +ĠInteg ration +Ġwh ims +ĠLiter ary +Be aut +Ġp archment +ag ara +Br and +Ġder og +â̦ ) +ĠNor se +Ġunw itting +Ġc uc +Ġborder line +Ġupset ting +Ġrec ourse +Ġd raped +ĠRad ar +Ġcold er +ĠPep si +im inary +], [ +65 8 +V i +ĠF rem +ĠP es +Ġveter inary +ĠT ED +ĠEp idem +n ova +k id +Ġdev out +o ct +j ad +M oh +ĠP AY +Ġge ometric +Ġ3 23 +Ġcircum ference +ich ick +19 75 +ĠY uri +ĠSh all +ĠH over +un in +S pr +Ġg raft +ĠHapp iness +Ġdisadvant ages +att acks +Ġhub s +ĠStar Craft +é ĸ +Ġgall eries +ĠKor ra +Ġgrocer ies +ĠGors uch +Ġrap ists +Ġfun gi +ĠTyph oon +V ector +ĠEm press +b attle +4 68 +Ġparas ite +ĠBom ber +S G +ex ist +ĠP f +Ġun se +Ġsurge ons +B irth +ĠUn sure +ĠPrint ed +ĠBehavior al +ĠA ster +Pak istan +Ġun ethical +Ġs v +ĠIo T +Ġlay outs +P ain +Ġconst ants +ĠL W +ĠB ake +Ġtow els +Ġdeterior ation +ĠBol ivia +Ġblind ed +ĠW arden +ĠMist ress +Ġon stage +Ġcl ans +ĠB EST +19 60 +Ġant ique +Ġrhet orical +ĠPer cy +ĠRw anda +, . +B ruce +Ġtra umat +ĠParliament ary +Ġfoot note +id ia +ĠLear ned +se eking +gen ic +Ġdim ensional +H ide +èĢ ħ +Ġintrig ue +in se +Ġle ases +Ġapp rentices +w ashing +Ġ19 26 +V ILLE +Ġsw oop +s cl +Ġbed rooms +on ics +ĠCr unch +comp atible +Ġincap ac +ĠYemen i +ash tra +z hou +d anger +Ġmanifest ations +ĠDem ons +AA F +Secret ary +ACT ED +L OD +Ġam y +ra per +eth nic +4 17 +Ġpos itives +Ġ27 3 +ĠRefuge es +Ġus b +ĠV ald +odd y +ĠMahm oud +As ia +Ġskull s +ĠEx odus +ĠComp et +ĠL IC +ĠM ansion +ĠA me +Ġconsolid ate +storm s +ont ent +99 6 +Ġcl en +Ġm ummy +fl at +75 8 +ĠV OL +oter ic +n en +ĠMin ute +S ov +Ġfin er +R h +ly cer +Ġreinforce ments +ĠJohann es +ĠGall agher +Ġgym n +S uddenly +Ġext ortion +k r +i ator +T a +Ġhippocamp us +N PR +ĠComput ing +Ġsquare ly +Ġmod elling +ĠFor ums +ĠL isp +ĠKrish na +Ġ3 24 +Ġr ushes +Ġens ued +Ġcre eping +on te +n ai +il ater +ĠHorn ets +Ġob livious +IN ST +55 9 +Ġjeopard y +Ġdistingu ishing +j ured +Ġbeg s +sim ilar +ph ot +5 30 +ĠPark way +Ġs inks +ĠHearth stone +ib ur +ĠBat on +Av oid +Ġd ancer +Ġmag istrate +ary n +Ġdisturb ances +ĠRom ero +Ġpar aph +Ġmis chief +âĸ ĵ +ĠSh aria +Ġur inary +r oute +iv as +f itted +Ġeject ed +ĠAl buquerque +Ġ4 70 +Ġirrit ated +ĠZ ip +ĠB iol +à į +Ġden ounce +Ġbin aries +ĠVer se +Ġopp os +ĠKend rick +ĠG PL +Ġsp ew +ĠEl ijah +ĠE as +Ġdr ifted +so far +Ġannoy ance +ĠB ET +47 4 +ĠSt rongh +it ates +ĠCogn itive +oph one +ĠIdent ification +ocr ine +connect ion +Ġbox er +ĠAS D +ĠAre as +Y ang +t ch +ull ah +Ġdece ive +Comb at +ep isode +cre te +W itness +Ġcondol ences +ht ar +Ġhe als +Ġbuck ets +ĠLA W +B lu +Ġsl ab +ĠOR DER +oc l +att on +ĠSteven son +ĠG inger +ĠFriend ly +ĠVander bilt +sp irit +ig l +ĠReg arding +ĠPR OG +Ġse aling +start ing +Ġcard inal +ĠV ec +ĠBe ir +Ġmillisec onds +we ak +per se +Ġster ile +ĠCont emporary +ĠPh ant +ĠCl o +Ġout p +Ġex iled +Ġ27 7 +Ġself ie +Ġman ic +Ġn ano +ter ms +Alex ander +Ġres olves +Ġmillenn ia +Ġexpl odes +Ġconst ellation +Ġadul tery +m otion +D OC +Ġbroad casters +Ġkinderg arten +ĠMay weather +ĠE co +ich o +Ġ28 7 +l aun +Ġm ute +Ġdisc reet +Ġpres chool +Ġpre empt +De lete +ĠFre ed +P i +H K +Ġblock er +ĠC umber +Ġw rought +d ating +Ġins urer +Ġquot as +Ġpre ached +Ġev iction +ĠReg ina +ĠP ens +Ġsevent een +ĠN ass +D ick +Ġfold s +Ġd otted +ĠA ad +Un iversal +Ġp izz +ĠG uru +Ġso ils +Ġno vice +ĠNe ander +Ġst ool +Ġdeton ated +ĠPik achu +ĠMass ive +IV ER +ĠAb del +Ġsubdu ed +Ġtall est +Ġprec arious +Ġa y +r ification +ĠOb j +c ale +Ġun question +cul osis +ad as +igr ated +D ays +Ġque ens +ĠGaz ette +ĠCol our +ĠBow man +ĠJ J +ï ve +Ġdomin ates +Stud ent +Ġm u +Ġback log +ĠElect ro +Tr uth +48 3 +Ġcond ensed +r ules +ĠCons piracy +Ġacron ym +hand led +ĠMat te +j ri +ĠImp ossible +l ude +cre ation +Ġwar med +ĠSl ave +Ġmis led +Ġfer ment +ĠK ah +ink i +ke leton +cy l +ĠKar in +Hun ter +Reg ister +ĠSur rey +Ġst ares +ĠW idth +ĠN ay +ĠSk i +Ġblack list +uck et +Ġexp ulsion +im et +Ġret weet +vant age +Fe ature +Ġtro opers +Ġhom ers +9 69 +Ġconting ency +ĠW TC +ĠBrew er +fore ign +W are +S olar +Ġund ue +RE C +ulner able +path ic +ĠBo ise +Ġ3 22 +Ġarous ed +ĠY ing +ä¸ į +uel ess +Ġp as +Ġmor p +Ġfl oral +Ex press +ud ging +k B +ĠGr anted +Ø ¯ +ĠMich a +ĠGoth ic +ĠSPEC IAL +ĠRic ardo +F ran +Ġadminister ing +6 20 +por a +Ġ ® +Ġcomprom ises +Ġb itten +Ac cept +Th irty +Ð ² +Ġmater ially +ĠTer r +ig matic +ch ains +Ġdo ve +stad t +Mar vel +FA ULT +Ġwind shield +Ġ3 36 +ad ier +Ġsw apping +Ġflaw less +ĠPred ator +ĠMiche le +Ġprop ulsion +ĠPsych ic +Ġassign ing +Ġfabric ation +Ġbar ley +l ust +Ġtow ering +Ġalter cation +ĠBent ley +Sp here +Ġtun a +ĠClass es +Fre edom +un er +L ady +v oice +Ġcool est +or r +Ġpal p +$ { +Ġhyster ia +ĠMet atron +p ants +Ġspawn ing +Exper ts +ĠInvest ors +ĠAn archy +Ġshr unk +ĠVict im +Ġ28 9 +Ġec stasy +ĠB inding +58 5 +ĠMel ody +57 8 +ot ally +ĠE tsy +lig a +Ġapplaud ed +Ġswe ating +Ġredist ributed +Ġpop corn +Ġsem inal +f ur +ĠNeuro science +R and +ĠO st +ĠMadd en +ĠIncre asing +ĠDaw kins +ĠSub way +Ġar sen +cons erv +B UR +Ġsp iked +ĠLy ft +ĠImper ium +ĠDrop box +Ġfav oured +Ġencomp asses +gh ost +Ġins pires +Ġbur geoning +ĠY oshi +ĠVert ical +ĠAud itor +Ġint ending +Ġfilib uster +Bl oom +f ac +ĠCav s +ign ing +Ġcowork ers +ĠBarb arian +rem ember +FL AG +Ġaudit ory +ason ry +Col lege +Ġmut ed +gem ony +ob in +ĠPsych o +9 68 +Ġlav ish +Ġhierarch ical +ĠDr one +ou k +Ġcripp led +ĠMax im +Sl ot +Ġqu iz +ĠV id +if ling +Ġarchae ologists +Ġabandon ment +d ial +le on +ĠF as +T ed +Ġr aspberry +Ġmaneu vers +Ġbehavi ours +Ġins ure +Ġrem od +Sw itch +h oe +Ġsp aced +Ġafford ability +ĠF ern +not ation +ĠBal anced +Ġoccup ies +en vironment +Ġneck lace +Ġsed an +F U +ĠBrav o +Ġab users +ĠAn ita +met adata +ĠG ithub +ait o +ĠF aster +ĠWass erman +ĠF lesh +Ġth orn +r arily +ĠMer ry +w ine +Ġpopul ace +ĠL ann +Ġrepair ing +Ġpsy che +Ġmod ulation +aw aru +âĢĭ âĢĭ +ari j +Ġdecor ations +Ġapolog ise +ĠG arg +app ly +Ġgive away +ĠFl an +ĠWy att +U ber +Ġauthor ised +ĠMor al +HAHA HAHA +activ ate +Ġtorped o +ĠF AR +Ġam assed +ĠA ram +ark in +ĠVict ims +st ab +Ġo m +ĠE CO +Ġopio ids +Ġpurpose ly +ĠV est +Ġer g +at an +ĠSur gery +Ġcorrect ing +ĠOrt iz +ĠBe et +Ġrev oke +Ġfre eway +ĠH iggins +F ail +ĠFar ms +ĠAT P +h ound +Ġp oking +ĠCommun ists +mon ster +iment ary +Ġunlock ing +Ġunf it +we ed +en ario +at ical +ĠEnlight enment +ĠN G +ĠComp ensation +de en +ĠWid ow +ĠCind y +ĠAfter wards +Ġ6 000 +ikh ail +ag ically +Ġrat ified +Ġcasual ty +H OME +p sey +f ee +Ġspark ling +Ġd é +Ġconcert ed +C atal +Ġcomp lying +ĠA res +ĠD ent +Sh ut +Ġsk im +ad minist +Ġhost ilities +ĠG ins +Ġ6 08 +Ġm uddy +ĠMc Int +ĠDec ay +5 25 +Ġconspic uous +ĠEx posure +Ġresc ind +Ġwear able +Ġ3 28 +our met +ah s +ĠRob ots +Ġe clips +inst ance +ĠRE PORT +ĠApp l +0 30 +ĠSk ies +01 00 +Ġfall acy +S ocket +ĠRece iver +Ġsol ves +ĠButter fly +ĠSho pping +ĠFI RE +65 4 +Med ic +Ġsing ers +ĠNeed less +'' '' +isher s +ĠD ive +58 8 +Ġselect ively +Ġcl umsy +88 9 +Ġpurch aser +ear ned +ard y +Ġbenef iting +eng lish +Ġyield ing +ĠP our +Ġspin ach +Ġdel ve +ĠC rom +6 10 +Ġexport ing +ĠMA KE +Ġ26 3 +Ġg rop +Ġenv oy +ĠInqu iry +ĠLu igi +d ry +ĠT uring +Thumbnail Image +ĠVar iety +Ġfac et +Ġfl uffy +Ġexcerpt s +Ġsh orth +ĠOl sen +CL UD +Ġrel iant +ĠUN C +T our +Ġbat hing +Comp any +Ġglobal ization +P red +ĠMalf oy +Ġh oc +j am +craft ed +ĠBond s +ĠKiss inger +Eng land +Ġorder ly +cat entry +Ġ26 1 +Ġexch anging +ĠInt ent +ĠAmend ments +D OM +Ġst out +³³³³³³³³ ³³³³³³³³ +ĠAir bus +Ġ27 8 +hy de +P oll +Item ThumbnailImage +Ġlooph oles +ĠPill ar +Ġexpl or +St retch +A part +Ġun married +Lim it +ĠTransform ers +Ġintellect ually +unct ure +18 00 +Ġd arn +B razil +Ġleft over +ber us +f red +Mine craft +3 26 +ĠForm s +Ġproof s +ĠDes igned +Ġindex es +ĠSupp ose +EM S +ĠL oving +ĠBon nie +im ating +OT US +Ġconduct or +Ġbehav ed +ĠF ren +Ġsy nerg +Ġmillenn ium +Ġcater ing +ĠL auder +W r +ĠY iannopoulos +ĠAT F +Ġensl aved +Ġawaken ed +D VD +ĠED ITION +ĠConc ert +ĠChall enger +ĠH aku +umer ic +Ġdep recated +ĠSH AR +4 12 +Ġdy stop +Ġtremb ling +Ġdread ed +ĠSp ac +p adding +Re pl +ĠG arrison +M ini +Ġun paralleled +am ar +URR ENT +w reck +c ertain +t al +ĠC LS +app ings +Ġsens ed +Ġf encing +ĠPas o +ĠDes k +Ġsc off +Ġcontem plate +ĠL iga +l iquid +75 7 +Ġapp rentice +ĠUCH IJ +5 70 +ĠTh ousand +ĠIll um +Ġchampion ed +ãĤ Į +Ġelect ors +Ġ3 98 +ĠH ancock +round ed +ĠJ OHN +Ġuns atisf +Ġqual ifier +ĠGad get +EN E +Ġdead liest +ĠPl ants +Ġ ions +Ġacc ents +Ġtwe aking +Ġsh aved +F REE +ĠCh aser +Again st +9 60 +Ġmeth amphetamine +Ġnormal ized +Ġ$ \ +ĠPre cision +ĠGu am +Ġch oked +ĠX II +ĠCast ing +Tor rent +Ġscal p +ĠJagu ar +w it +Ġsem ic +ix ie +ĠG ould +Ġconf ines +N usra +ĠL on +ĠJ ugg +y cle +ĠCod ec +E gypt +Ġrest rain +ĠAl iens +Ġch oking +ĠD unk +ĠBell a +ab c +Ġsl ang +Ġneuro trans +s av +Ġempower ment +â ĨĴ +Ġclim bers +ĠM im +ĠF ra +ros se +Cap ital +ĠCth ulhu +Inter face +Ġprof icient +ĠIN TO +Ġ3 18 +ront al +5 80 +ĠDes pair +K enn +Ġscrim mage +ĠCo at +as ions +Ġwall paper +ĠJ ol +Ġresurg ence +Ġant iv +ĠB alls +² ¾ +Ġbuff ers +Ġsub system +ĠSt ellar +ĠL ung +A IDS +Ġerad icate +Ġblat antly +Ġbehav es +ĠN un +Ġant ics +ex port +DE V +w b +Ġph p +ĠInteg rity +Ġexplore r +Ġrev olving +auth ored +g ans +Ġbas k +Ġas ynchronous +å į +TH ING +69 8 +G ene +ĠR acer +ĠN ico +iss ued +Ġser mon +p ossibly +Ġsize of +Ġentrepreneur ial +ox in +ĠMin erva +Ġpl atoon +n os +ri ks +A UT +ĠAval anche +ĠDes c +ij 士 +ĠP oc +Ġconf erred +Î » +Ġpat ched +F BI +66 2 +Ġfract ures +Ġdetect s +Ġded icate +Ġconstitu ent +Ġcos mos +W T +Ġswe ats +Ġspr ung +b ara +s olid +Ġuns us +Ġbul ky +ĠPhilipp e +ĠFen rir +Ġtherap ists +ore al +^^ ^^ +Ġtotal ed +Ġboo ze +ĠR PC +Prosecut ors +Ġdis eng +ĠSh ared +Ġmotor cycles +Ġinvent ions +Ġlett uce +ĠMer ge +ĠJ C +Ġspiritual ity +ĠWAR NING +Ġunl ucky +ĠT ess +Ġtong ues +ĠD UI +T umblr +Ġle ans +Ġinv aders +Ġcan opy +ĠHur ricanes +ĠB ret +ĠAP PLIC +id ine +ick le +Reg arding +Ġve ggies +Ġe jac +ju ven +F ish +D EM +ĠD ino +Th row +ĠCheck ing +be ard +( & +Ġj ails +Ġh r +trans fer +iv ating +Ġfle ets +ĠIm ag +ĠMc Donnell +Ġsnipp et +Is a +ĠCh att +ĠSt ain +ĠSet FontSize +ĠO y +ĠMathemat ics +49 4 +Ġelectro ly +ĠG ott +ĠBr as +B OOK +ĠF inger +d ump +Ġmut ants +Ġrent als +Ġinter tw +Ġc reek +ail a +Bro ther +ĠDisc ord +pe e +raw ler +Ġcar p +Ġ27 9 +ãĤ· ãĥ£ +rel ations +Ġcontr asts +Col umn +Ġrec onnaissance +Ġun know +Ġl ooting +Ġregul ates +Ġopt imum +ĠChero kee +ĠA ry +Lat est +Ġroad side +Ġd anced +ĠUnic orn +A cknowled +Ġuncont roll +ĠM US +at io +ch ance +ha ven +VAL UE +Ġfavour ites +Ġceremon ial +b inary +pe ed +wood s +EM P +Ġv ascular +Ġcontempl ated +Ġbar ren +ĠL IST +Y ellow +ospons ors +Ġwhisk y +ĠM amm +ĠDeV os +min imum +H ung +44 2 +P ic +ĠSnap dragon +77 6 +Ġcar ving +Ġund ecided +Ġadvantage ous +Ġpal ms +ĠA Q +Ġst arch +L oop +Ġpadd le +Ġfl aming +ĠHor izons +An imation +bo ost +Ġprob abilities +ĠM ish +Ġex odus +ĠEditor ial +Ġfung us +Ġdissent ing +ĠDel icious +rog ram +ĠD yn +d isk +t om +Ġfab rics +ĠC ove +ĠB ans +Ġsoft en +ĠCON S +Ġin eligible +Ġestim ating +ĠLex ington +pract ice +of i +Ġshe dding +ĠN ope +Ġbreat hed +ĠCorinth ians +y ne +ek i +B ull +Ġatt aching +reens hots +Ġanaly se +ĠK appa +Ġuns ustainable +Ġinter pol +ank y +he mer +Ġprot agonists +Ġform atted +ĠBry ce +ĠAch illes +ĠAb edin +sh ock +Ġb um +b os +qu a +ĠW arn +q t +ĠDi abetes +8 64 +ĠIn visible +Ġvan ish +Ġtrans mitting +Ġmur ky +ĠFe i +Ġawa ited +ĠJur assic +umm ies +Ġmen acing +g all +C ath +B uilt +ild o +ĠV otes +Ġon t +Ġmun itions +ĠFre em +ÃŃ n +Ġdec ency +lo pp +ie ved +ĠG ord +Ġun thinkable +ĠNews week +Ġ3 21 +He at +Ġpresent er +ji ang +Ġpl ank +ĠAval on +Ġben z +ĠR out +Ġslam ming +ĠD ai +ou ter +ĠCook ie +ĠAlic ia +ge y +Ġvan ity +Ġow l +á µ +t ested +ĠAw akens +Ġcan v +Ġblind ly +ĠRid ley +ĠEm ails +Requ ires +ĠSer bian +ograp hed +if rame +eter ia +Ġaltern ating +qu iet +Ġsoc iology +ĠUn lock +ĠCommun ism +Ġo ps +Ġatt ribution +Ġab duction +ĠAb ram +Ġsidel ined +ĠB OOK +Ġref ining +ĠFe eling +ĠOs lo +ĠPru itt +r ack +ang ible +Ġcaut iously +ĠM ARK +eed s +M ouse +ĠStep h +ĠP air +S ab +99 7 +ĠBa al +B ec +Ġcomm a +ĠP all +ĠG ael +Ġmisunder stand +ĠP esh +Order able +Ġdis mal +ĠSh iny +% " +Ġreal istically +Ġpat io +ĠG w +ĠVirt ue +Ġexhaust ing +wh atever +oph ys +y ip +4 18 +Ad just +ĠWa iting +ess on +ĠMaz da +ĠDo zens +Ġstream lined +Ġincompet ence +ĠM eth +Ġeth os +ON ES +Ġincent iv +Ġgr itty +ĠBut cher +Head er +Ġexp onential +Ã Ł +Ġcorrel ate +Ġcons ensual +s ounding +R ing +Orig in +Ġcon clusive +fe et +ac ly +ĠF ernandez +Buy able +Ġd ucks +aunt lets +Ġel ong +Ġ28 6 +Ġsim ul +G as +ĠK irst +Ġprot r +ĠRob o +ĠAo E +op ol +Ġpsych ologically +sp in +ilater ally +ĠCon rad +W ave +44 1 +ĠAd vertisement +ĠHarm on +ĠOri ental +is Special +Ġpresum ptive +Ġw il +ĠK ier +ne a +Ġp pm +Ġhar bour +ĠW ired +comp any +Ġcor oner +atur days +ĠP roud +ĠN EXT +ĠFl ake +val ued +ce iver +Ġfra ught +Ġc asing +Ġrun away +Ġg in +ĠLaure nt +ĠHar lem +ĠCur iosity +qu ished +Ġneuro science +ĠH ulu +Ġborrow er +Ġpetition er +ĠCo oldown +W ARD +Ġinv oking +conf idence +For ward +Ġst s +pop ulation +Delivery Date +Fil m +ĠC ov +quick Ship +quickShip Available +prim ary +isSpecial Orderable +inventory Quantity +channel Availability +BO X +ĠMulti player +ĠJen ner +77 8 +ĠM d +Ġ~ /. +M N +Ġchild ish +Ġantioxid ant +ĠChrom ebook +Ġ27 4 +Ġscreen play +Ġadvent urous +ĠRelations hip +respons ive +ming ton +Ġcorner stone +ĠF ey +F IR +Ġrook ies +ĠF eaturing +Ġorig inate +Ġelectro des +ant es +Ġscript ures +Ġgl ued +Ġdiscont ent +Ġaff licted +lay out +B rave +Ġm osa +ĠQuant ity +ĠH ik +w inner +H ours +Ġent ail +ĠCell s +olog ue +Ġv il +Ġpre acher +Ġdecor ative +d ifferent +Ġprejud ices +ĠSm oking +ĠNotting ham +so Type +Ġrhyth ms +ĠAl ph +bl ast +Ste el +ĠDaniel le +Ġstr ife +Ġrem atch +so DeliveryDate +ĠF ork +t rip +ol ulu +hes es +C G +ĠPOLIT ICO +ost a +ĠDr ift +é¾įå ¥ +é¾įå¥ ij士 +Ġvet ting +ĠJin ping +ĠRec ession +Min or +ĠF raud +enf ranch +Ġconven ed +ĠNA ACP +ĠMill ions +ĠFarm ing +ĠW oo +ĠFl are +rit o +imm igrant +Ġvac ancy +ĠHE AD +ĠV aj +eg al +ĠV igil +Stud y +Ġru ining +Ġr acks +Ġhe ater +ĠRand olph +ĠBr ush +ĠT ir +Ø ¨ +Ġc ov +% ] +Ġrecount s +ĠO PT +ĠM elt +Ġtr uce +Ġcas inos +Ġcrus ade +Ġcarn age +Ġstri pe +ĠK yl +Text ures +Ġ6 98 +Ġpro clamation +Ġgood ies +Ġ........ .. +pro claimed +P olit +Ġtop ical +Ġspecial ize +ĠA min +g m +Ġanch ored +Ġbear ings +s ample +ĠHigh land +ĠAut ism +Ġmerc enary +Ġinterview er +L ER +ĠSom ers +Ġembry o +ĠAss y +Ġ28 1 +ĠEd iting +ĠCh osen +6 60 +Ġp ci +ĠThunder bolt +BI LL +Ġchuck led +jri wal +h of +Ġearth ly +() { +ind ependence +Ġdisp ers +ĠV endor +ĠG areth +Ġp als +P enn +ĠSub mit +ic um +Th u +Ġcl andestine +Ġcann ibal +ĠCl erk +E Stream +gal itarian +âĻ ¥ +g ew +Ġhor rend +ĠL ov +ĠRe action +ocr in +Class ic +Ġecho ing +Ġdiscl osing +ĠIns ight +og un +ĠInc arn +upload s +pp erc +guy en +Ġ19 01 +ĠB ars +68 7 +Ġb ribes +ĠFres no +ur at +ĠRe ese +Ġintr usive +Ġgri pping +ĠBlue print +ĠR asm +un ia +man aged +ĠHeb do +Ġ3 45 +Ġdec oding +Ġpo ets +Ġj aws +ĠF IGHT +am eless +ĠMead ows +ĠHar baugh +Inter view +ĠH osp +ĠB RA +Ġdelet ion +m ob +W alker +ĠMoon light +ĠJ ed +ĠSoph ia +Ġus ur +Ġfortun ately +ĠPut ting +ĠF old +Ġsan itation +Ġpart isans +IS ON +B ow +ĠCON C +ĠRed uced +ĠS utton +Ġtouch screen +Ġembry os +âĢ¢âĢ¢ âĢ¢âĢ¢ +ĠK rug +com bat +ĠPet roleum +Ġam d +ĠCos mos +Ġpresc ribing +Ġconform ity +ours es +Ġplent iful +Ġdis illusion +ĠEc ology +itt al +Ġf anc +Ġassass inated +regn ancy +Ġperenn ial +ĠBul lets +Ġst ale +Ġc ached +ĠJud ith +ĠDise ases +All en +Ġl as +Ġsh ards +ĠSu arez +ĠFriend ship +inter face +ĠSupp orters +add ons +46 2 +ĠIm ran +ĠW im +Ġnew found +ĠM b +An imal +Ġd arling +and e +Ġrh y +ĠTw isted +pos al +yn ski +Var ious +× ľ +ĠK iw +uy omi +Ġwell being +ĠL au +an os +Ġunm ist +Ġmac OS +Ġrest room +ĠOl iv +ĠAir ways +Ġtimet able +9 80 +Ġrad ios +v oy +ias co +Ġcloud y +ĠDraw ing +Any thing +Sy ria +ĠH ert +st aking +Ġun checked +Ġb razen +ĠN RS +69 7 +onom ic +est ablish +Ġl eng +Ġdi agonal +ĠF ior +L air +ĠSt ard +Ġdef icient +jo ining +be am +Ġomn ip +Ġbl ender +Ġsun rise +Mo ore +ĠF ault +ĠCost ume +ĠM ub +Fl ags +an se +Ġpay out +ĠGovern ors +ĠD illon +ĠBan ana +N ar +Ġtra iled +Ġimperial ist +um ann +ats uki +4 35 +ĠRoad s +Ġsl ur +ĠIde ally +Ġt renches +C trl +Ġmir rored +ĠZ el +ĠC rest +Comp at +ĠRoll s +sc rib +ĠTra ils +omet ers +w inter +Ġimm ortality +il ated +Ġcontrad icts +un iversal +ill ions +ĠM ama +opt im +AT URE +Ġge o +et ter +ĠCar lo +4 24 +Ġcanon ical +ĠStrongh old +n ear +Ġperf ume +Ġorche stra +od iac +Ġup he +Ġreign ing +vers ive +Ġc aucuses +ĠD EM +Ġinsult ed +Ġ---- -- +ĠCr ush +Ġroot ing +ĠWra ith +Ġwh ore +Ġto fu +C md +ĠB ree +Ġ$ _ +Ġr ive +ĠAd vertising +Ġw att +ĠH O +Ġpersu asive +ĠParam eters +Ġobserv ational +ĠN CT +ĠMo j +ĠSal on +Ġtr unc +Ġexqu isite +ĠMar a +Ġpo op +ĠAN N +Ex c +ĠWonder ful +ĠT aco +Ġhome owner +ĠSmith sonian +orpor ated +mm mm +Ġlo af +ĠYam ato +ĠInd o +Ġcl inging +á s +Ġimm utable +h ub +Or ange +Ġfingert ips +ĠWood en +ĠK idd +ĠJ PM +ĠDam n +C ow +c odes +48 2 +Ġiniti ating +ĠEl k +ĠCut ting +Ġabsent ee +ĠV ance +ĠLil ith +G UI +Ġobsc ured +Ġdwar ves +ĠCh op +ĠB oko +Val ues +Ġmult imedia +Ġbrew ed +Reg ular +CRIP TION +ĠMort al +Ġa pex +Ġtravel er +Ġbo ils +Ġspray ing +Rep resent +ĠStars hip +4 28 +Ġdisappro val +Ġshadow y +Ġlament ed +ĠRe place +ĠFran ç +67 7 +d or +Ġunst oppable +Ġcoh orts +gy n +ĠClass ics +ĠAm ph +Ġsl uggish +ĠAdd iction +ĠPad res +Ġins cription +Ġin human +min us +ĠJere miah +at ars +Ter ror +ĠT os +ĠSh arma +ast a +c atch +Ġpl umbing +ĠTim bers +Sh ar +H al +ĠO sc +Ġcou pling +hum ans +Ġsp onge +Ġid ols +ĠSp a +ĠAdv ocate +ĠBe ats +lu a +Ġtick ing +Ġload er +ĠG ron +8 10 +Ġstim ulated +Ġside bar +ĠManufact urer +ore And +19 73 +Ġpra ises +ĠFl ores +dis able +ĠElect rical +ra ise +E th +Ġmigr ated +Ġlect urer +K ids +ĠCa vern +Ġk ettle +Ġgly c +ĠMand ela +ĠF ully +å§ « +FIN EST +Ġsquee zing +ĠRy der +amp oo +oreAnd Online +Inst oreAndOnline +Buyable InstoreAndOnline +Ġcommem orate +ĠRamp age +Aust in +ĠSh roud +ĠRu ins +9 15 +ĠK H +Ġwater front +ĠE SC +b aby +ĠC out +ĠEm blem +Ġequival ents +49 2 +Un ique +ĠNiet zsche +brow ser +Ġim itation +ĠWere wolf +ĠKir in +ac as +' ," +Ġà ¾ +Review ed +Ġc unt +Ġvo ic +ĠLen ovo +Ġbond ed +48 1 +Ġinhib itors +Ġendeav ors +ĠHav ana +ĠSt out +ĠJ olly +A ctor +*/ ( +Ġoccur rences +ĠT ens +Incre ased +ĠACT ION +Ġ ãĢĮ +ĠRank ings +ĠB reat +Ġ30 9 +D ou +Ġimpact ing +ĠDuc hess +pre fix +Q B +Ġsummon ing +Ġbest owed +ĠKe pler +ĠPOW ER +c ube +ĠK its +ĠG rip +Ġop ium +Ġrep utable +t oc +ich ael +ĠR ipple +Ġcaf é +ĠZ oom +ĠBur ma +Ġwa ive +Ġst alls +Ġdem eanor +inc erity +Ġfluor ide +ĠSH OULD +Par is +Ġlong ing +Ġpl at +Ġgross ly +Ġbull s +Ġshowc asing +ex pected +ĠG addafi +engine ering +Re peat +ĠK ut +Ġconce ivable +Ġtrim med +osc ope +ĠCand idate +ĠT ears +rol og +Lew is +S UP +Ġroad map +Ġsal iva +Ġtrump et +Jim my +Ġmirac ulous +Ġcolon ization +Ġam put +ĠGN OME +ate ch +D ifferent +ĠE LE +ĠGovern ments +ĠA head +ãħĭ ãħĭ +word press +L IB +ĠIn clude +ĠDor othy +0 45 +ĠColomb ian +Ġle ased +88 4 +Ġde grading +ĠDa isy +i ations +Ġbapt ized +Ġsurn ame +co x +Ġblink ed +ãĥ ¢ +Ġpoll en +Ġder mat +Ġre gex +ĠNich olson +ĠE ater +ç ľ +rad or +Ġnarrow er +Ġhur ricanes +Ġhalluc inations +r idden +ISS ION +ĠFire fly +Ġattain ment +Ġnom inate +Ġav ocado +ĠM eredith +Ġt s +Ġreve rence +Ġe uph +Ġcr ates +ĠT EXT +Ġ4 43 +Ġ3 19 +J SON +iqu ette +Ġshort stop +ic key +Ġpro pelled +Ġap i +ĠTh ieves +77 9 +Ġovers aw +Ġcol i +ĠNic ola +Ġover cl +ik awa +ĠC yr +Ġ38 4 +78 9 +ĠAll ows +10 27 +Det roit +TR Y +set up +ĠSocial ism +Sov iet +s usp +ĠAP R +ĠShut down +Ġal uminium +zb ek +ĠL over +GGGG GGGG +Ġdemocr acies +Ġ19 08 +ĠMer rill +ĠFranco is +gd ala +Ġtraff ickers +ĠT il +ĠGo at +Ġsp ed +ĠRes erv +Ġpro d +55 2 +Ġc ac +ĠUn iv +ĠSch we +Ġsw irling +ĠWild erness +ĠEgg s +Ġsadd ened +Ġarch aic +H yd +Ġexcess ively +B RE +Ġaer ospace +ĠVo ices +Cra ig +Ġign ited +In itially +ĠMc A +Ġhand set +Ġreform ing +Ġfrust rations +ĠDead pool +ĠBel ichick +ract or +ĠRagnar ok +ĠD rupal +ĠApp roximately +19 20 +ĠHub ble +arm or +ĠSar as +ĠJon as +Ġnostalg ic +Ġfeas ibility +Sah aran +Ġorb iting +Ġ9 70 +R u +Ġsh in +ĠInvestig ators +Ġinconsist encies +ĠP AN +B G +Ġgraz ing +Ġdetect ors +ĠStart up +ĠFun ny +ĠNa omi +Consider ing +Ġh og +ut f +ce mic +Ġfort ified +ĠFun ctions +Ġcod ec +nut rition +H at +" ! +micro soft +55 8 +ĠTh in +ĠA CE +Al ias +ĠO PS +p apers +P K +ãĢ İ +Ġimpro bable +N orthern +equ al +Ġlook out +Ġty res +ĠMod ified +ĠK op +Abs olutely +Ġbuild up +sil ver +Ġaud i +Ġgro tesque +ĠSab er +ĠPres byter +ON Y +Ġglac iers +ĠSho als +ĠK ass +ĠH RC +ĠNic ol +ĠL unch +ĠF oss +âĸ Ĵ +AD RA +ĠOne Plus +o ing +ground s +Ġincident al +Ġdatas ets +68 9 +ĠClarks on +Ġassemb ling +ĠCorrect ions +Ġdrink ers +Ġqual ifiers +Ġle ash +Ġunf ounded +ĠH undred +Ġkick off +T i +Ġrecon cil +ĠGr ants +ĠCompl iance +ĠDexter ity +Ġ19 06 +w arn +D allas +Max imum +n ard +av ia +be aut +ens itivity +tr ace +Ġpione ers +ĠF ract +ãĢ ı +Ġpre cept +Ġgloss y +ĠI EEE +Ac ross +Ġ6 80 +S leep +che on +Ġsatir ical +ĠMin otaur +ĠCla ude +Ġr é +ape go +Ġcar rot +ĠSem in +ino a +Ġz o +Ind ependent +Ġdiagn oses +ĠC ue +M AR +Ġrend ition +ĠK ik +Ġpath ology +Ġselect s +Link edIn +Ġass ay +ĠD res +Ġtext ual +post ed +IT AL +ĠM aul +N eal +Ġinter connected +Ġerr atic +ĠVir us +Ġ5 30 +Ġenvironmental ists +ĠP helps +Ġeng agements +ĠIN ST +Ġeconom ical +nox ious +Ġg earing +izz y +Ġfavor ably +ĠMcG ill +T erm +Ġh anged +Ġball park +ĠRe yes +Ġbe ware +ĠP sal +ĠMass acre +q i +Ġin accessible +acly sm +Ġfr ay +ill ac +Ġbitter ly +ĠCert ification +Mich igan +Ġir respective +al ore +Em pty +Ġendorse ments +Ġund et +f g +equ ipped +Ġmerc iless +ĠC ust +Ġimm ature +Ġvou cher +ĠBlack well +Ñ ı +h awk +dis ciplinary +ile e +ĠMak oto +ĠD ude +ãĥĩ ãĤ£ +Y ears +Ġin ver +Ġsh aman +ĠY ong +ip el +ell en +ĠCath y +br ids +Ġs arc +65 1 +N ear +Ġground work +Ġam az +Ġ4 15 +ĠHunting ton +hew s +ĠB ung +Ġarbit rarily +ĠW it +ĠAl berto +Ġdis qualified +best os +46 1 +Ġp c +Ġ28 4 +ro bat +Rob in +Ġh ugs +ĠTrans ition +ĠOcc asionally +Ġ3 26 +ĠWh ilst +ĠLe y +Ġspaces hip +cs v +Ġun successfully +ĠA u +le ck +ĠWing ed +ĠGrizz lies +. � +Ġne arer +ĠSorce ress +ĠInd igo +El se +8 40 +let es +Co ach +Ġup bringing +ĠK es +Ġseparat ist +Ġrac ists +Ġch ained +Ġabst inence +lear ning +Ġrein stated +Ġsymm etry +Ġremind ers +ĠChe vy +Ġm ont +Ġexempl ary +ĠT OR +Z X +Ġqual itative +ĠSt amp +ĠSav annah +ĠRoss i +Ġp aed +Ġdispens aries +ĠWall s +ĠCh ronic +Ġcompliment ary +ĠBeir ut +Ġ+ --- +igs list +Ġcrypt ographic +mas ters +ĠCap itals +Ġmax imal +Ġent ropy +Point s +Ġcombat ants +l ip +ĠGl ob +ĠB MC +ph ase +th ank +HT TP +Ġcomm uter +Ġ\( \ +.. / +ĠReg ener +ĠDO I +ĠActiv ision +Ġsl it +os al +RE M +Ġch ants +Y u +Ke ys +Bre xit +ĠFor ced +Ari zona +Ġsquad ron +IS O +ĠMal one +Ġ3 38 +Ġcontrast ing +Ġt idal +Ġlib el +Ġimpl anted +Ġupro ar +ĠC ater +Ġpropos itions +M anchester +ĠEuro s +it amin +G il +ĠEl ven +ĠSe ek +ĠB ai +Ġredevelop ment +ĠTown s +ĠL ub +! ", +al on +K rist +Ġmeas urable +Ġimagin able +Ġapost les +Y N +7 60 +Ġster oid +Ġspecific ity +ĠL ocated +ĠBeck er +ĠE du +ĠDiet ary +uts ch +ĠMar ilyn +Ġbl ister +ĠM EP +ĠK oz +ĠC MS +y ahoo +ĠCar ney +Ġbo asting +ĠC aleb +By te +read s +ad en +Pro blem +ĠWood ward +S we +S up +ĠK GB +Set up +Ġtac it +Ġret ribution +Ġd ues +ĠM ü +. ? +ä¸ Ń +p ots +Ġcame o +ĠP AL +educ ation +A my +like ly +g ling +Ġconstitution ally +ĠHam m +ĠSpe ak +Ġwid gets +br ate +Ġcra ppy +ĠI ter +Ġanticip ating +ĠB out +P ixel +ĠY ep +ĠLaur ie +Ġh ut +Ġbullet in +ĠSal vation +Ġch ats +ear able +Honest ly +AL TH +onse qu +c ult +isco very +ovy ch +Ġse lves +ĠSat oshi +S ounds +Ġconver gence +ĠRosen berg +19 74 +Ġnas al +Ġfull est +Ġfer ocious +x us +ist e +AM S +Ġlobb ied +Ġso othing +ĠGun n +t oday +0 24 +Ġinspir ational +ĠN BN +p b +g ewater +or ah +all owed +ĠCol iseum +Ġspecial izing +Ġinsane ly +ĠT ape +del ay +Ġt arn +ĠP ound +Ġmel anch +Ġdeploy ments +il and +Ġless en +Ġfur ry +ĠUE FA +Ġblood shed +ĠMe ier +ither ing +Ġhe irs +ĠJ aw +ax ter +ĠPublic ations +Ġal ters +int ention +ĠWinc hester +d etermination +ĠLif etime +th in +Mon ster +7 80 +Ġapprox imation +Ġsuper markets +ĠSecond s +or os +h uge +Ġb ribe +ĠLIM ITED +un ed +Ġmis interpret +ĠIn jury +Ġ3 67 +Ġthreshold s +ĠCarn ival +Ġgastro intestinal +Ġguid eline +Ġde ceived +f eatures +Ġpurported ly +ĠRon nie +ĠNew t +Ġsp acious +as us +Ġsuperhero es +ĠCyn thia +le gged +k amp +ch io +Ġth umbnail +ĠShir ley +ill ation +Ġshe ds +ĠZ y +E PA +Ġdam s +Ġy awn +n ah +ĠPe ggy +ĠE rie +ĠJu ventus +ĠF ountain +r x +don ald +al bum +ĠComp rehensive +Ġc aching +ĠU z +ulner ability +ĠPrinc iple +ĠJ ian +ing ers +cast s +ĠOs iris +ch art +t ile +ĠTiff any +ĠPatt on +ĠWh ip +Ġovers ized +J e +ĠCind erella +ĠB orders +ĠDa esh +M ah +Ġdog ma +Ġcommun ists +v u +Coun cil +Ġfresh water +Ġw ounding +Ġdeb acle +Ġyoung ster +Ġthread ed +ĠB ots +ĠSav ings +ãģ Ĥ +ol ing +oh o +Ġillum ination +M RI +Ġlo osen +tr ump +ag ency +ur ion +Ġmoment arily +ĠCh un +ĠBud apest +ĠAl ley +D isk +Ġaston ished +ĠCon quer +ĠAccount ing +h aving +ĠWe in +ĠAl right +Ġrev olver +Ġdel usion +Ġrelic s +Ġad herent +qu ant +Ġhand made +or io +Ġcomb ating +c oded +Ġquad ru +re th +N ik +ĠTrib al +ĠMyster ious +Ġin hal +ĠWin ning +ĠClass ification +ch anged +Ġun ab +Ġsc orn +icip ated +w l +ond uctor +Ġrein forcing +ĠChild hood +an ova +Ġadventure r +Ġdoctor al +ĠStrateg ies +Ġengulf ed +ĠEnc ounter +Ġl ashes +Crit ical +ric ular +ĠU TF +oci ation +check ing +ĠConsult ing +Run time +per iod +ĠAs gard +Ġdist illed +ĠPas adena +ĠD ying +ĠCOUN TY +Ġgran ite +Ġsm ack +Ġparach ute +ĠS UR +Virgin ia +ĠF urious +78 7 +ĠO kin +Ġcam el +ĠM bps +19 72 +ĠCh ao +ĠC yan +j oice +ef er +ĠW rap +ĠDeb ate +S eg +Ġfore arm +ĠIgn ore +Ġtim estamp +Ġprob ing +ĠNo on +ĠGra il +f en +Ġdorm ant +ĠFirst ly +ĠE ighth +ĠH UN +ĠDes ire +or as +Girl s +ĠDes mond +z ar +am ines +O AD +exec ute +Ġbo obs +ĠAT L +_ ( +Chel sea +Ġmasturb ation +ĠCo C +Ġdestroy er +ĠCh omsky +Ġsc atter +ĠAss ets +79 6 +ĠC argo +Ġrecept ive +ĠSc ope +Ġmarket ers +Ġlaun chers +Ġax le +ĠSE A +se q +ĠM off +f inding +ĠGib bs +Georg ia +extreme ly +N J +Ġlab orers +st als +Ġmed iation +ĠH edge +at own +Ġi od +des pite +v ill +J ane +ex istence +Ġcoinc ided +ĠUt ilities +ĠChe ap +Ġlog istical +Ġcul mination +ĠNic otine +p ak +F older +Ġrod ents +st uff +Ġlaw fully +Ġreper to +io ch +j j +Dial ogue +HH HH +lic tion +Look s +Ġ29 7 +Ġtur rets +ĠAb andon +Ġinc ess +ĠTraff ord +Ġcur led +Ġprefer ring +Ġprivat ization +Ġir resist +ĠP anda +ĠSh ake +ĠMc Gr +ãĥ Ħ +und ers +Ġdiscrim inated +Ġbart ender +I LE +Atl antic +Ġprop ensity +ĠW iz +ĠG im +con ference +Ġrein forces +G h +w agon +Ġe erie +F al +Ġhug ged +rac ist +R IC +F u +Ġf iller +ĠSt ub +Ġeng raved +ĠWrest le +Ġimagin ative +ĠPe er +ĠFact ors +an us +ĠDrac ula +mon itor +Ġrou ters +ib ia +ĠBoo lean +end ale +ĠSl aughter +ĠSh ack +R FC +ĠSpiel berg +S ax +ĠPH OTO +ĠCl over +ĠR ae +Dep ending +ĠMem or +ar am +Ġpier ced +Ġcur tains +v ale +ĠInqu isition +ĠP oke +Ġforecast ing +Ġcompl ains +S ense +ĠHer mes +isc overed +Ġb ible +ĠMor ph +Ġg erm +78 5 +D ON +Ġcon gen +Ġcr ane +ĠD PR +Ġrespect fully +R oom +ĠN aw +ĠDal ai +re ason +ĠAng us +Educ ation +ĠTitan ic +Ë ľ +Ġo val +un ited +Ġthird s +Ġmoist ur +ĠC PC +M iami +Ġtent acles +ĠPol aris +ex c +ex clusive +ĠPra irie +Ġcol ossal +ĠBl end +sur prisingly +ÃŃ s +Ġindo ctr +Ġbas al +ĠMP EG +und o +Spl it +Develop ment +Ġlan tern +19 71 +Ġprov ocation +Ġang uish +ĠB ind +ĠLe ia +duc ers +ipp y +conserv ancy +Ġinitial ize +ĠTw ice +ĠSu k +Ġpred ic +Ġdi ploma +Ġsoc iop +Ing redients +Ġhamm ered +ĠIr ma +Q aida +Ġglim ps +ĠB ian +Ġst acking +Ġf end +gov track +Ġun n +dem ocratic +ig ree +Ġ5 80 +Ġ29 4 +Ġstraw berry +ID ER +Ġcher ished +ĠH ots +Ġinfer red +Ġ8 08 +ĠS ocrates +O regon +ĠR oses +ĠFO IA +Ġins ensitive +Ġ40 8 +Recomm end +ĠSh ine +Ġpain staking +UG E +ĠHell er +ĠEnter prises +I OR +ad j +N RS +L G +Ġalien ated +Ġacknowled gement +ĠA UD +ĠRen eg +Ġvou chers +Ġ9 60 +Ġm oot +ĠDim ensions +Ġc abbage +B right +g at +ĠK lu +Ġlat ent +Ġz e +ĠM eng +Ġdis perse +Ġpand emonium +H Q +Ġvirt uous +ĠLoc ations +ee per +prov ided +Ġse ams +ĠW T +iz o +PR OV +Ġtit anium +Ġrecol lection +Ġcr an +Ġ7 80 +ĠN F +49 1 +64 2 +p acking +59 8 +text ure +Sp ider +fre edom +cipl ed +ĠTAM ADRA +âĻ ¦ +aut hent +ĠW ANT +r ified +Ġr ites +Ġuter us +k iss +Ġâī ¤ +Ġsk illet +Ġdis enfranch +ĠGa al +Comp an +Ġage ing +gu ide +B alt +Ġiter ator +Ġdiscretion ary +t ips +Ġprim ates +ĠTechn ique +ĠPay ments +az el +ĠR OCK +stant ial +0 60 +Ġd mg +ĠJack ets +ĠPlay off +Ġnurs ery +ĠSy mb +art on +Ġannex ation +Color ado +Ġco ils +ĠSh oes +âĦ¢ : +ĠRo z +COM PLE +ĠEve rest +ĠTri umph +J oy +G rid +à ¼ +process or +ĠPros per +ĠSever us +ĠSelect ed +r g +ĠTay yip +St ra +Ġski ing +Ġ? ) +Ġpe g +Tes la +Ġtime frame +Ġmaster mind +ĠN B +scient ific +ĠSh it +gener ic +IN TER +N UM +Ġst roll +ĠEn ix +ĠM MR +ĠE MS +m ovie +Ĥ ª +Ġminim izing +idd ling +Ġilleg itimate +Ġprot otyp +Ġpremature ly +Ġmanual s +obb ies +ĠCass idy +D EC +des ktop +Ġaer os +Ġscreen ings +Ġdeb ilitating +ĠGr ind +nature conservancy +Ġf ades +ter mination +assets adobe +F actor +Ġdefinitive ly +P oké +ap ult +ĠLaf ayette +C orn +ĠCor al +Ġstagn ant +T ue +Ġdissatisf action +G ender +Ġkid neys +ĠG ow +ĠDef eat +ĠAsh ton +Ġcart els +Ġfore closure +ĠExpl ore +stre ngth +ot in +Ġveterin arian +Ġf umble +Ġpar ap +ĠSt rait +r ils +Ġpr ick +ĠBerm uda +ĠAm munition +skin ned +Ġab ound +ĠB raz +Ġshar per +ĠAsc ension +Ġ9 78 +Ġpreview s +Ġcommun ion +ĠX Y +Ġph ony +Ġnewcom er +Ġ3 32 +." ," +Ġredist ribution +Prot ect +ĠSo f +K al +Ġlip stick +w orst +Ġtang led +Ġretrospect ive +int eger +Ġvolunte ering +Ġ19 07 +Ġ -------------------- +ic hen +Ġunve iling +Ġsen seless +Ġfisher ies +\ - +Ġh inges +Ġcalcul us +My th +Ġund efeated +Ġoptim izations +Ġdep ress +Ġbill board +ĠY ad +ĠPy ramid +Is n +I de +Ġleg ion +ĠK ramer +ent anyl +Ġpenet rating +ĠHaw th +ĠPR ODUCT +ĠGer ard +ĠP act +ĠIn cluding +ĠEl ias +ĠEl aine +vis ual +Ġhum ming +Ġcond esc +ĠF asc +ä¸ Ĭ +Ġe galitarian +Ġdev s +ĠD ahl +O ps +D H +ĠB ounce +id ated +ald o +Ġrepublic an +Ġh amb +ĠS ett +ograph ies +CH APTER +Ġtrans sexual +Ġsky rocket +ans wer +Ġmark up +Ø ª +Ġhero ine +Comp are +ĠT av +Be ast +Ġsuccess ors +Ġna ïve +ĠBuck ley +st ress +me at +Ġdownload able +Ġindex ed +Ġsc aff +ĠL ump +ĠHom o +Stud io +In sp +Ġr acked +far ious +ĠPet ty +Ex ternal +Ġ19 09 +W ars +com mit +put ers +Ġun ob +ĠEr r +ĠE G +ĠAl am +ĠSiber ia +ĠAtmosp heric +IS TER +ĠSatan ic +trans lation +ĠL oud +tra umatic +l ique +Ġreson ate +ĠWel ch +Ġspark ing +ĠT OM +t one +Ġout l +Ġhandc uffed +ĠSer ie +8 01 +Ġland marks +ĠRee ves +Ġsoft ened +Ġdazz ling +ĠW anted +month s +Mag ikarp +Ġunt reated +ĠBed ford +M i +ĠDynam o +O re +79 5 +Ġwrong ful +Ġl ured +Ġcort isol +Ġve x +d rawn +ile t +Download ha +ĠF action +Ġlab yrinth +Ġhij acked +w aters +er ick +Ġsuper iors +ĠRow ling +ĠGu inness +Ġt d +99 2 +Ġune arthed +Ġcentr if +Ġsham eless +P od +ĠF ib +Ġ icing +Ġpredict or +Ġ29 2 +fore station +con struct +C and +@ # +Ġag itated +Ġre pr +OV A +Ġkn itting +ĠLim a +Ġf odder +68 4 +ĠPerson a +k l +7 01 +Ġbreak up +á ¸ +Ġapp alled +Ġantidepress ants +ĠSus sex +Har ris +ĠTher mal +ee ee +U pload +Ġg ulf +Ġdoor step +ĠSh ank +L U +ĠM EN +ĠP ond +s orry +Ġmis fortune +n ance +Ġb ona +M ut +Ġde graded +ĠL OG +ĠN ess +an imal +Ġa version +und own +Ġsupplement ed +ĠC ups +Ġ50 4 +Ġdep rive +ĠSpark le +Å Ĥ +ĠMed itation +auth ors +ĠSab an +ĠN aked +air d +ĠMand arin +ĠScript ures +ĠPerson nel +ĠMahar ashtra +Ġ19 03 +ĠP ai +ĠMir age +omb at +Access ory +Ġfrag mented +T ogether +Ġbelie vable +ĠGl adiator +al igned +ĠSl ug +M AT +Ġconvert ible +ĠBour bon +amer on +ĠRe hab +nt ax +Ġpowd ered +pill ar +Ġsm oker +ĠMans on +ĠB F +5 11 +ĠGood ell +ĠD AR +m ud +g art +Ġob edient +ĠTrans mission +ĠDon ation +8 80 +Ġbother ing +Material s +ãĤ ± +dest roy +Ġfore going +Ġanarch ism +ĠK ry +ice ps +Ġl ittered +ĠSch iff +Ġanecd otal +un its +Ġf ian +ĠSt im +ĠS OME +ĠInv aders +Ġbehaviour al +ĠVent ures +Ġsub lime +Ġfru ition +ĠPen alty +Ġcorros ion +¶ ħ +Ġlik ened +Ġbesie ged +ween ey +ĠCre ep +Ġlinem en +mult i +ic ably +ud der +Ġvital ity +Ġshort fall +ĠP ants +ap ist +H idden +ĠDro ps +med ical +Ġpron unciation +ĠN RL +Ġinsight ful +J V +ĠBe ard +ĠCh ou +Ġchar ms +Ġb ins +Ġamb assadors +ĠS aturdays +Ġinhib itor +ĠFr anch +6 01 +', ' +ĠCon or +art ney +ĠX peria +g rave +be es +ĠProtest ants +Ġso aking +ĠM andal +Ġph ased +Ġ6 60 +Ġsc ams +Ġbuzz ing +ĠItal ians +ĠLoren zo +ĠJ A +Ġhes itated +Ġcl iffs +ĠG OT +ingu ishable +Ġk o +Ġinter ruption +Z ip +Lear ning +Ġundersc ores +ĠBl ink +K u +57 9 +ĠAut ob +I RE +Ġwater ing +Ġpast ry +8 20 +Ġvision ary +ĠTempl ar +awa ited +Ġpist on +Ġant id +current ly +Ġp ard +Ġw aging +Ġnob ility +ĠY us +Ġinject ing +f aith +ĠP ASS +å º +Ġret ake +ĠPR OC +Ġcat hedral +b ash +Ġwrest lers +Ġpartner ing +Ġn oses +Ġ3 58 +Trans form +am en +Ġb outs +ĠId eal +ĠConstant in +Ġse p +ĠMon arch +att en +ĠPe oples +mod ified +Ġmor atorium +Ġpen chant +Ġoffensive ly +Ġprox ies +ok ane +ĠTaiwan ese +ĠP oo +ĠH OME +us ional +Ġver bs +ĠO man +vis ory +Ġpersu asion +Ġmult it +Ġsc issors +G ay +ow ay +oph ysical +l us +gn u +Ġap ocalyptic +Ġabsurd ity +Ġplay book +Ġautobi ography +I UM +Ġsne aking +ĠSim ulation +pp s +ell ery +Plan et +Ġright fully +Ġn iece +ĠN EC +ĠIP O +ĠDis closure +lean or +ous y +ST ER +Ġ28 2 +Cru z +Ch all +64 3 +ĠSurv ive +ĠF atal +ĠAm id +ap o +We apons +D EN +7 70 +ĠGreen wald +Ġlin en +al os +Ġpollut ants +ĠPCI e +k at +Ġp aw +ĠK raft +C hem +ĠTermin ator +Ġre incarn +Ġ] [ +ĠSe eds +Ġsilhou ette +ĠSt ores +Ġgro oming +ĠD irection +ĠIs abel +ĠBr idges +ðŁ ij +E ED +ĠM orsi +Ġval ves +ĠRank ed +ĠPh arma +ĠOrgan izations +Ġpenet rated +ĠRod ham +ĠProt oss +Ġove rest +Ġex asper +ĠT J +Ġ 000000 +Ġtrick le +Ġbour bon +WH O +Ġw retched +Ġmicrosc opic +Ġcheck list +Ġad orned +R oyal +Ad minist +ĠRet irement +ĠHig hest +We ather +ile ge +Ġincre ments +ĠC osponsors +Ġmas se +ĠS inn +r f +Ġh ordes +as sembly +75 4 +ĠNat asha +ĠTY PE +ĠGEN ERAL +Ġarr anging +Ġ40 7 +l ator +Ġg lean +Ġdisc redited +Ġclin icians +UN E +Ġachie ves +ĠEm erson +com plex += [ +Ġprincip ally +Ġfra il +p icked +Ġthan king +Ġre cl +ĠL AST +Ġsupp ressing +il ic +Ġantidepress ant +ĠLis bon +Ġth or +Ġsp a +Ġking doms +ĠPear ce +em o +Ġpl ung +Ġdiv est +Ġ ******************************** +b is +osp els +ad r +Sp irit +hall a +P ink +end ez +Ġresurrect ed +esc ape +ĠRosen stein +Ġge ological +Ġnecess ities +Ġcarn iv +ĠE lys +ĠBar ney +Ġ29 6 +dig y +ST ON +D OWN +Ġmil estones +Ġk er +Ġdismant ling +Ġre prim +Ġcross ings +19 45 +Ġpatri archy +Ġblasp hemy +Ġ3 59 +met ry +ĠOb esity +ĠDiff erences +bl ocking +ãĥķ ãĤ¡ +ich ita +ĠSab ha +ph alt +ĠCol o +ual a +effic ients +ĠMed ina +con sole +55 7 +ĠHann ibal +ĠHab it +ĠF ever +Ġthen ce +Ġsyn agogue +Ġessential s +Ġw ink +ĠTr ader +ID A +ĠSp oiler +ĠIceland ic +ĠHay ward +Ġpe ac +Ġmal ice +Ġflash back +Ġth w +Ġlay offs +L iquid +Ġtro oper +Ġh inge +ĠRead ers +Ph ill +ĠB auer +Cre ated +Ġaud its +ac compan +Ġunsus pecting +ier a +6666 6666 +Ġbro ch +Ġapprehend ed +ĠM alk +cer ning +ĠCod ex +O VER +M arsh +ĠD eng +ĠExp ression +Ġdisrespect ful +Ġasc ending +t ests +ĠPlaint iff +ster y +ĠAl ibaba +din and +ĠDem psey +Applic ations +mor al +Ġthrough put +Ġquar rel +Ġm ills +Ġhe mor +ĠC ASE +terror ist +st im +ifest yle +ro zen +CE PT +Ar k +u ci +lect ic +Ġirrit ating +she ets +A y +Ġrede emed +Ġhorn y +ĠTe ach +ĠS ear +dem ocracy +4 65 +ĠRest ore +Ġstand by +ĠP is +iff in +Ġsleep y +Ġextr ater +Ġcompl iments +Fram eworks +Ġinstall s +Ġb anging +sur face +found land +Ġmetaph ysical +Ġ28 3 +oul s +dev ices +Ar gs +ĠSac rifice +ĠMcC orm +es on +Cons ervative +ĠM ikhail +see ing +is ively +ĠRo oms +ĠGener ic +Ġenthusi astically +Ġgri pped +Ġcomed ic +ĠElectric ity +Ġgu errilla +Ġdec oration +ĠPerspect ive +Ġconsult ations +Ġun amb +Ġplag iar +Ġmagic ian +Ġe rection +ĠTour ism +or ied +ro xy +11 00 +T am +Ī è +Î ³ +× ª +ĠPred ators +Nit rome +Ġtelesc opes +project s +Ġun protected +Ġst ocked +ĠEnt reprene +nex pected +Ġwast ewater +V ill +Ġint imately +Ġi Cloud +ĠConst able +Ġspo of +Ġne farious +Ġfin s +Ġcens or +ĠMod es +ĠEs per +ar bon +Ġinter sections +Ġlaud ed +Ġphys i +Ġgener ously +ĠThe Nitrome +ĠTheNitrome Fan +Ġar isen +ĠÙ Ī +Ġg lands +ĠPav ilion +ĠGu pta +Ġuniform ly +Ġr amps +ri et +ĠWH EN +ĠVan essa +Ġrout ed +Ġlim p +ĠC PI +p ter +int uitive +Ġv aping +Ġexperiment ed +ĠOlymp us +ĠAm on +Ġsight ing +Ġinfiltr ate +ĠGentle man +Ġsign ings +ĠMe ow +ĠNav igation +che cks +4 33 +Ġel apsed +ĠBulg arian +esp ie +ĠS OM +d uring +Ġsp ills +anc a +ĠPly mouth +M AL +Ġdomest ically +ĠWater gate +ĠF AM +k illed +ed ited +ĠYour self +Ġsynchron ization +ĠPract ices +ST EP +Ġgen omes +ĠQ R +not ice +Ġloc ating +z in +Ġ3 29 +al cohol +Ġk itten +V o +Ġr inse +Ġgrapp le +ĠSc rew +ĠD ul +A IR +Ġle asing +ĠCaf é +Ġro ses +ĠRes pect +Ġmis lead +Ġperfect ed +Ġnud ity +Ġnon partisan +ĠCons umption +Report ing +Ġnu ances +Ġdeduct ible +ĠSh ots +Ġ3 77 +Ġæ ľ +ano oga +Ben ef +ĠB am +ĠS amp +if ix +Ġgal van +ĠMed als +rad ius +Ġno bles +Ġe aves +igr ate +K T +ĠHar bour +u ers +Ġrisk ed +re q +Ġneuro t +get table +ain a +Rom ney +Ġunder pin +Ġlo ft +ĠSub committee +ĠMong ol +b iz +Ġmanif ests +ass isted +ĠG aga +Ġsy nergy +Ġreligious ly +ĠPre f +ĠG erry +T AG +ĠCho i +4 66 +beh ind +ĠO u +Gold Magikarp +Ġhemor rh +R iver +Ġtend on +Ġinj ure +ĠF iona +Ġp ag +Ġag itation +|| || +ur an +ĠE SA +Ġest eem +Ġdod ging +Ġ4 12 +r ss +Ġce ases +ex cluding +Ġint akes +Ġinsert s +Ġemb old +ĠO ral +up uncture +4 11 +ĠUn ified +ĠDe le +Ġfurn ace +ĠCoy otes +ĠBr ach +L abor +Ġhand shake +Ġbru ises +Gr ade +éĹ ĺ +ĠGram my +ile en +St ates +ĠScandinav ian +ĠKard ash +8 66 +Ġeffort lessly +ĠDI RECT +ĠTH EN +ĠMe i +ert ation +19 68 +Ġgro in +w itch +Requ irements +98 5 +Ġroof s +Ġest ates +ĠH F +Ġha ha +Ġdense ly +ĠO CT +Ġpl astics +Ġincident ally +ĠTr acks +ĠTax es +Ġch anted +Ġforce ful +ĠBie ber +ĠK ahn +K ent +ĠC ot +lic ts +F ed +Ġhide ous +ĠVer d +ĠSynd icate +ĠIl legal +J et +ĠD AV +re asonable +c rew +Ġfundamental ist +Ġtruth ful +ĠJ ing +Ġl il +Ġdown ed +Ġen chanted +ĠPolic ies +ĠMcM aster +ĠH are +ides how +Ġpar ams +en cers +gorith m +Ġallow ances +Ġturb ulent +Ġcomplex ities +ĠK T +Ġ3 37 +ĠGen etic +F UN +D oug +t ick +Ġg igs +ument hal +Ġpatriarch al +Ġcal c +, ... +Ġc out +ĠGu an +Ġpath ological +ĠR ivals +Ġunder rated +Ġflu orescent +ĠJ iu +arna ev +ĠQu an +Ġ4 29 +Ġ ਠ+M ario +Con struct +ĠC itation +ĠR acial +ĠR SA +ĠF idel +Ġ3 95 +Person ally +C ause +à » +rad ical +in en +Ġvehement ly +ĠPap a +Ġintern ship +Ġfl akes +ĠRe ck +Luck ily +B ra +20 20 +rav ings +R N +W onder +Ser iously +Ġre usable +Ġpoll uted +ĠP eng +le igh +ind le +Ġcircuit ry +ĠMad onna +ĠB ART +Res idents +att ribute +Phil adelphia +Cl ub +Ġplan ner +Ġfr antically +Ġfaith fully +ĠTerrit ories +ĠL AT +ĠAnders en +an u +ĠP ARK +ĠS ora +i age +ĠPlay offs +ĠG CC +4 27 +Ġab norm +ĠL ever +Ġdisob edience +As ync +ĠShe a +V ert +Ġsk irts +ĠSaw yer +x p +Ġwors ening +Ġsc apego +ĠAng le +oth al +Ġtro ve +ĠSt y +ĠN guyen +mar ine +ide on +Dep ths +Bl og +ĠIll uminati +Ġtract s +Ġorgan ise +Ġo str +F s +Ġlever aging +ĠD aredevil +as ar +Ġl ang +Ġex termin +urs ions +ĠRom o +ãĤ¤ ãĥĪ +Ġcont ended +Ġencounter ing +ĠTable t +ĠAltern ate +sk ill +Ġswe ets +Ġco hesive +cap acity +Ġrep ud +Ġl izard +ro o +Ġpilgr ims +ĠR uff +ĠInstr ument +ĠLog o +uit ous +E H +Ġsales man +Ġank les +L ed +ĠPat ty +ud os +Own er +Ġdiscrep ancies +k j +M U +Ġuncond itional +Dragon Magazine +i ard +O ak +ĠConvers ation +be er +ĠOs aka +D elta +us ky +Ġsecret ion +Ġpl aza +Ġm ing +Ġde pletion +ĠM ous +ĠI TS +ĠH imal +ĠFle ming +Ġcyt ok +ĠH ick +Ġbat ters +ĠInt ellectual +6 75 +é r +IS ION +ĠQu entin +ĠCh apters +ih adi +Ġco aster +WAY S +ĠL izard +ĠY or +and ering +S kin +ha ust +ab by +Ġportray ing +Ġwield ed +d ash +Ġprop onent +Ġr ipple +Ġgrap hene +Ġfly er +Ġrec urrent +Ġdev ils +Ġwater fall +æĺ ¯ +go o +Text Color +Ġtam pering +IV ES +TR UMP +ĠAb el +ĠS AL +ĠHend ricks +ĠLu cius +b ots +Ġ40 96 +IST ORY +Gu est +ĠN X +in ant +Ben z +ĠLoad ed +ĠCle ver +t reatment +Ġta vern +Ġ3 39 +ĠT NT +ific antly +Tem perature +F el +Ġunder world +ĠJud ges +Ġ< + +Ġst ump +Ġoccup ancy +Ġab er +ĠF inder +) ", +ĠN unes +res et +in et +ect omy +Ġwell ness +ĠP eb +quart ered +and an +Ġneg atives +ĠTh iel +ĠCl ip +ĠL TD +Ġbl ight +Ġreperto ire +K yle +Ġqu er +ĠC es +Ġha pl +98 9 +ĠTh ames +isc opal +Des k +ivari ate +ĠEx cellence +found ation +Ġâ ĩ +X i +Ġmyster iously +esty les +Ġper ish +ĠEng els +ĠDE AD +09 0 +}} } +ĠUn real +Ġrest less +ID ES +orth odox +ĠInter mediate +Ġdin ners +ĠTr out +ĠSe ym +ĠHall s +og ged +Ġtraged ies +Ġdid nt +67 6 +Ġail ments +Ġobserv able +ĠV ide +ad apt +ĠD usk +Ġprofessional ism +ĠPres cott +ĠInd ies +p ox +ĠMe hran +W ide +Ġend emic +ĠPar an +B ird +Ġped als +ĠI U +ĠAdam ant +ĠH urt +Ġcorrel ates +urd en +Ġspons oring +cl imate +ĠUnivers ities +ĠK not +enn es +ĠDam ian +ĠAx el +S port +Ġbar b +ĠS no +sh own +ste en +ud ence +Ġnon violent +Ġhom ophobia +Ġbiom ass +ĠDet ail +Ġsrf N +ĠT une +accompan ied +I ENCE +Al bert +ĠMong o +z x +ĠCer berus +or bit +c ens +Ġsl ay +SH ARE +H Y +Ġb rawl +ĠPro be +Ġnonex istent +ĠClare nce +ĠBlack burn +Ġport als +ĠR ita +ĠRem ain +ĠLe vant +Ġtrick ed +ĠF erry +aver ing +ĠStraw berry +ĠAn swers +Ġhorrend ous +ĠA man +Supp lement +ĠT oad +Ġpe eled +Ġman oeuv +ĠU zbek +mond s +ĠH ector +Ġ40 2 +pe es +fix es +Ġd j +Ġres umes +Ġaccount ant +Ġadvers ity +Ġham pered +ĠL arson +Ġd oping +part s +H ur +Ġbe arded +Ġy r +ĠPlug in +å¥ ³ +Ġ/ ** +rol ley +Ġwaters hed +ĠSub mission +if lower +AS C +Ġcho ir +Ġsculpt ures +m A +incre asing +ai i +Ġsne akers +Ġconfront s +ĠEle phant +ĠEl ixir +Ġrec al +ĠT TL +w idget +ĠW ax +ĠGr ayson +Ġha irst +Ġhumili ated +ĠWAR N +app iness +ĠT TC +F uel +Ġpol io +Ġcomplex es +Ġbab e +ĠX IV +P F +). [ +P arts +Ġ4 35 +M eg +ĠY ards +ĠAL P +Ġy ells +Ġprin ces +Ġbull ies +ĠCapital ism +ex empt +FA Q +ĠSp onge +ĠAl a +Ġpleas antly +Ġbu f +Ġden ote +Ġunp ublished +Ġkne eling +asc a +Ġl apse +al ien +99 4 +Ġrefere es +ĠLaw yers +S anta +Ġpuzz ling +ĠProm etheus +ĠPh araoh +ĠDel ay +Ġfacilit ates +ĠC ES +Ġjew els +Ġbook let +ond ing +Ġpolar ization +ĠMor an +ĠSal ad +ĠS OS +ĠAdv ice +PH OTOS +IC AN +iat ures +ex press +ĠWonder land +ĠC ODE +ĠCL ASS +9 75 +Ġg rep +ĠD iesel +ĠGl ac +! ?" +Ġr m +o ine +disc rimination +ĠN urse +m allow +Ġv ortex +ĠCons ortium +Ġlarge Download +stra ight +augh lin +G rad +Ġpublic ized +ĠW aves +ĠRed d +Ġfest ivities +ĠM ane +ar ov +Ġfleet ing +ĠDr unk +ug en +C ele +Ġchromos omes +ĠD OT +-+-+ -+-+ +Ġbus iest +ĠBe aver +Sy rian +ĠK yr +k as +ĠCross Ref +19 50 +76 01 +Ġrepe aling +ĠWin ners +ĠMac ro +ĠD OD +bl ance +S ort +64 1 +Ġmet re +ĠD irk +Ġgo ggles +Ġdraw backs +Ġcomplain ant +Ġauthor izing +Ġantit rust +oper ated +Ġm ah +Ġexagger ation +Am azing +ĠSer aph +Ġha ze +w ow +Ġextingu ished +Ġcan yon +ĠB osh +Ġv ents +Ġsc rape +Cor rect +4 26 +Ġav g +Dem and +ĠâĪ ¼ +Ġmicrobi ota +"} ]," +ĠSt ev +B io +ĠPlan es +Ġsuggest ive +Ġdec ipher +ĠRefuge e +ĠKe jriwal +ĠGreen peace +Ġdecl ass +ĠSound ers +Ġth o +Ġdec rypt +Ġbr ushing +ĠJane iro +ip op +S i +8 77 +ĠGeoff rey +Ġc pu +ĠHaz el +Ġview points +Ġcris py +ĠNot ification +Ġsold er +ĠMod est +ĠHem isphere +Ġcass ette +in cludes +Ġident ifiers +ĠC ALL +in cent +T odd +ĠSwe ep +Ġ3 34 +b oss +Ġsm ir +gin x +Ġtown ship +Ġg rieving +ĠMos que +Net flix +AS ED +ĠMillenn ials +oc om +19 67 +Ġbold ly +s leep +Ġes che +arij uana +Ġsw irl +ĠPen al +Ġneglig ent +ĠStephen son +K ER +ĠZ oro +ris is +Ġlocal ization +ĠSeym our +ĠAng lic +red itation +prot ection +ĠPa ige +Ġo mit +ĠR ousse +ĠT ub +Ġinv itations +t ty +Ġm oss +ph ysical +C redits +Ġan archy +Ġchild care +Ġl ull +ĠM ek +ĠL anguages +lat est +ĠSan ford +Ġus ability +Ġdiff use +ĠD ATA +Ġsp rites +ĠVeget a +ĠProm otion +ãĥ¼ ãĤ¯ +rict ing +z ee +Tur kish +ĠTD s +pro ven +57 1 +Ġsmug glers +707 10 +Ġreform ed +ĠLo is +Ġun fl +ĠWITH OUT +ĠReturn ing +ann ie +ĠTom as +Fr anc +ĠProf it +ĠSER V +ĠR umble +ik uman +es an +Ġt esters +Ġgad get +Ġbrace let +ĠF SA +comp onent +Ġparamed ics +Ġj an +ĠRem em +ĠSk inner +Ġl ov +ĠQu ake +rom a +Ġfl ask +Pr inc +Ġover power +Ġlod ging +ĠK KK +ret te +Ġabsor bs +w rote +Ġ ," +K ings +ĠH ail +ĠFall ing +xt ap +ĠHel ena +ire ns +L arry +Ġpamph let +ĠC PR +G ro +ĠHirosh ima +Ġhol istic +". [ +Ġdet achment +Ġas pire +Ġcompl icit +ĠGreen wood +Ġresp awn +ĠSt upid +ĠFin ished +f al +b ass +Ġab hor +Ġmock ery +ĠFe ast +VID EO +Ġcon sec +ĠHung ry +P ull +ĠH ust +it ance +? ãĢį +) -- +ĠPar allel +con v +4 69 +ha ar +w ant +P aper +m ins +ĠTor o +ĠTR UMP +ĠR ai +D W +ĠW icked +ĠL ep +Ġfun ky +Ġdetrim ent +ios is +ache v +Ġde grade +im ilation +Ġret ard +Ġfrag mentation +Ġcow boy +ĠY PG +ĠH AL +Parent s +ĠS ieg +ĠStra uss +ĠRub ber +× IJ +Fr ag +Ġp t +Ġoption ally +ĠZ IP +ĠTrans cript +ĠD well +88 2 +M erc +ĠM OT +ãĥ¯ ãĥ³ +Ġhun ts +Ġexec utes +In cludes +Ġacid ic +ĠRespons ibility +ĠD umb +we i +And erson +ĠJas per +ight on +abs olutely +Ad ult +Ġpl under +Mor ning +ĠT ours +ĠD ane +Î º +ĠT EST +ĠG ina +Ġcan ine +aw an +Ġsocial ists +ĠS oda +Ġimp etus +ĠSupplement ary +oli ath +ĠKinn ikuman +mitted ly +second s +Ġorganis ers +Ġdocument aries +Vari able +GRE EN +Ġres orts +Ġbr agging +Ġ3 68 +Art ist +w k +bl ers +Un common +ĠRet rieved +Ġhect ares +Ġtox in +r ank +Ġfaith s +ĠG raphic +Ġve c +ĠL IA +Af rican +Ġard ent +end iary +L ake +ĠD OS +cient ious +ĠOk awaru +ĠAll y +ĠTim eline +D ash +ĠI c +contin ue +Ġt idy +Ġinstinct ively +ĠP ossibly +ĠOut door +ĠWould n +Ġl ich +ĠBr ay +ĠA X +Ġà ī +Ġ+ # +\ ' +Direct ory +ab iding +Ġf eral +ic ative +but t +Ġper verse +S alt +Ġwar ped +Ġnin eteen +Ġcabin ets +Ġsrf Attach +ĠSl oan +Ġpower ing +reg ation +F light +se vere +Ġst ren +Ġc og +ap ache +Ġâ Ŀ +Ġcaf eteria +p aces +ĠGrim oire +uton ium +Ġr aining +Ġcir cling +Ġlineback ers +c redit +Ġrep atri +ĠCam den +lic ense +Ġly ric +Ġdescript or +Ġval leys +Ġre q +Ġback stage +ĠPro hibition +ĠK et +Op ening +S ym +æĸ ¹ +Ġserv ings +Ġoverse en +Ġaster oids +ĠMod s +ĠSpr inger +ĠCont ainer +è » +ĠM ens +Ġmult im +Ġfire fighter +pe c +Ġchlor ine +Ð ¼ +end i +Ġsp aring +Ġpolyg amy +ĠR N +ĠP ell +Ġt igers +Ġflash y +ĠMad ame +S word +Ġpref rontal +Ġpre requisite +uc a +Ġw ifi +Ġmiscon ception +Ġharsh ly +ĠStream ing +ot om +ĠGiul iani +foot ed +Ġtub ing +ind ividual +z ek +n uclear +m ol +Ġright ful +49 3 +Ġspecial ization +Ġpassion ately +ĠVel ocity +ĠAv ailability +T enn +Ġl atch +ĠSome body +Ġhel ium +cl aw +Ġdi pping +XX X +Ġinter personal +7 10 +Ġsub ter +Ġbi ologists +ĠLight ing +Ġopt ic +Ġden im +end on +ĠC orm +Ġ3 41 +ĠC oup +Ġfear less +Ġal ot +ĠCliff ord +ĠRun time +ĠProv ision +up dated +lene ck +Ġneur on +Ġgrad ing +ĠC t +sequ ence +in ia +con cept +Ġro aring +ri val +ĠCaucas ian +Ġmon og +key es +Ġappell ate +Ġlia ison +EStream Frame +ĠPl um +! . +Ġsp herical +Ġper ished +Ġbl ot +Ġben ches +Ġ4 11 +Ġpione ered +Ġhur led +Jenn ifer +ĠYose mite +Ch air +Ġreef s +Ġelect or +ĠAnt hem +65 2 +Ġun install +Ġimp ede +Ġbl inking +Ġgot o +Dec re +A ren +Ġstabil ization +ĠDis abled +ĠYanuk ovych +Ġoutlaw ed +ĠVent ura +ten ess +Ġplant ation +Ġy acht +ĠHu awei +Ġsol vent +Ġgr acious +Ġcur iously +Ġcapac itor +Ġc x +ĠRef lex +Ph ys +ĠC f +pt in +cons ervative +Ġinv ocation +c our +F N +ĠNew ly +H our +As ian +ĠLe ading +ĠAer ospace +An ne +Ġpre natal +Ġdeterior ating +H CR +ĠNorm andy +ol ini +ĠAm bro +9 10 +Ġset backs +ĠT RE +Ġs ig +ĠSc ourge +59 7 +79 8 +Game play +Ġm sec +M X +Ġprice y +ĠL LP +aker u +Ġover arching +ĠB ale +Ġworld ly +Cl ark +Ġscen ic +Ġdisl iked +ĠCont rolled +T ickets +ĠE W +ab ies +ĠPl enty +Non etheless +Ġart isan +Trans fer +ĠF amous +Ġinf ield +ble y +Ġunres olved +ĠML A +ãĤ Ĥ +Cor rection +Ġdemocr at +ĠMore no +ro cal +il ings +Ġsail or +Ġr ife +h ung +Ġtrop es +Ġsn atched +ĠL IN +ĠB ib +ES A +ĠPre v +ĠCam el +run time +Ġob noxious +4 37 +Ġsum mers +Ġunexpl ained +ĠWal ters +cal iber +Ġg ull +ĠEnd urance +ä½ ľ +Ġ3 47 +Ir ish +Ġaer obic +Ġcr amped +ĠHon olulu +à © +us erc +ec ast +AC Y +ĠQu ery +ãĤ¹ ãĥĪ +Bet a +Ġsuscept ibility +ĠSh iv +ĠLim baugh +Ġà ĸ +ĠN XT +ĠM uss +ĠBrit ons +ES CO +EG IN +Ġ% % +Ġsec ession +ĠPat ron +ĠLu a +n aires +ĠJPM organ +us b +ocy te +Ġcouncill ors +ĠLi ang +f arm +Ġnerv ously +Ġattract iveness +ĠK ov +j ump +Pl ot +Ġst ains +ĠStat ue +ĠApost les +he ter +ĠSUP PORT +Ġoverwhel m +Y ES +Ġ29 1 +d ensity +Ġtra pping +M it +Ġf ide +ĠPam ela +atl antic +Dam n +Ġp ts +OP A +Ġserv icing +Ġoverfl owing +ul o +ĠE rit +t icket +light ing +ĠH mm +ãĥ¼ ãĥ« +im oto +Ġchuck le +4 23 +ãģ ķ +sh ape +Ġque ues +Ġanch ors +ãĤ¼ ãĤ¦ãĤ¹ +F er +Ġaw oke +Ġ6 66 +h ands +Ġdiver gence +Ġ50 5 +T ips +Ġdep ot +Ġske w +ĠDel iver +op ot +Ġdiv ul +ĠE B +uns igned +ĠUn i +X box +Ġfor ks +Ġ7 02 +å ¯ +Ġpromot ers +ĠV apor +Ġlev ied +sl ot +Ġpig ment +Ġcyl inders +C RE +Ġsn atch +Ġperpet ually +Ġl icking +ĠFe et +ĠKra ken +ĠHold en +ĠCLS ID +m r +Ġproject or +Ġden otes +Ġchap el +ĠTor rent +b ler +R oute +ĠDef endant +ĠPublisher s +ĠM ales +ĠInn ov +ĠAg ility +rit er +ty mology +st ores +L ind +Ġf olly +ĠZur ich +B le +Ġnurt ure +Ġcoast line +uch in +D omin +Ġfri vol +ĠCons olid +res ults +M J +Ġphyl ogen +Ġha uled +ĠW iley +ĠJess ie +ĠPrep are +ĠE ps +Ġtreasure r +I AS +Ġcolon ists +Ġin und +ĠWW F +ĠCon verted +6 000 +out side +ĠApp earance +ĠRel ic +ĠM ister +s aw +Ġresult ant +Ġadject ive +ĠLaure l +ĠHind i +b da +Pe ace +Ġreb irth +Ġmembr anes +Ġforward ing +Ġcoll ided +ĠCar olyn +K ansas +5 99 +ĠSolid GoldMagikarp +Be ck +Ġstress ing +ĠGo o +ĠCooper ative +Ġf s +ĠAr chie +L iter +ĠK lopp +J erry +Ġfoot wear +War ren +Ġsc ree +h are +Under standing +P ed +Ġanth ology +ĠAnn ounce +M ega +Ġflu ent +Ġbond age +ĠDisc ount +il ial +C art +ĠNight mares +Sh am +ĠB oll +uss ie +H ttp +Atl anta +Ġun recogn +ĠB id +Ġunder grad +Ġforg iving +ĠGl over +AAAA AAAA +4 45 +V G +pa io +kill ers +Ġrespons ibly +Ġmobil ize +Ġeffect ed +ĠL umin +Ġk ale +Ġinfring ing +ann ounced +Ġf itt +b atch +ĠT ackle +ĠL ime +ĠAP P +uke mia +Ġrub y +Ġex oner +ĠCas ual +0 70 +Ġpel vic +Ġautom ate +ĠK ear +ĠCoast al +Ġcre ed +Ġbored om +ĠSt un +ri ott +Ĥ İ +Ġregener ate +Ġcomed ians +ĠOP ER +Sp ons +id ium +on is +L ocated +05 7 +Ġsusp ense +ĠD ating +C ass +Ġneoc ons +ĠShin zo +Ġaw oken +ch rist +ĠMess ages +att led +ĠSpr ay +ĠSp ice +C W +Ġshield ing +ĠG aul +Am id +Ġparam ilitary +Ġmult if +ĠTan ner +il k +Ġgodd amn +g ements +Ġbe friend +m obi +Ġ3 88 +fold er +acc a +Ġins in +g ap +N ev +fif th +Ġpsychiat ry +b anks +TH IS +Ġhar b +ac qu +Ġfac ade +ĠPower Point +80 3 +Ġbl uff +Sh ares +Ġfavor ing +El izabeth +Ãį Ãį +Ġr anger +77 2 +ĠAr che +h ak +ĠGen etics +ĠF EMA +Ġev olves +Ġest e +ĠP ets +ĠM é +ĠInterest ing +ĠCanter bury +ch apter +ĠStar fleet +Sp anish +Ġdraw back +ĠNor wich +9 70 +n orth +ag anda +Ġtransform ative +ram ids +bi ology +ad ay +Ġpropag ation +ĠGam ma +ĠDen ise +ĠCalcul ator +ent imes +ĠB ett +Ġapp endix +ĠHD D +AK ING +Ġst igmat +Ġhol ster +Ġord inarily +Ch ance +ĠCont rary +Ġad hesive +Ġgather s +6 12 +re au +ony ms +ew ays +Ġindu ces +Ġinterchange able +se m +Wh it +Ġtr ance +Ġincorpor ation +ĠExt ras +Fin ancial +Ġawkward ly +ĠStur geon +ĠH Y +Norm ally +ĠEnd ing +ĠAss ist +enc rypted +Ġsub jug +Ġn os +Ġfan atic +C ub +C U +?" . +Ġirre versible +å Ĥ +03 1 +ĠH AR +sp read +ul ia += $ +Sc ope +L ots +Ġlif estyles +ol on +Ġf eds +Ġcongrat ulate +web kit +Ġindist inguishable +ĠSw ing +Ġcommand ments +qu ila +ab ella +m ethyl +ann abin +Ġo vere +Ġlob ster +ĠQU EST +ĠCONT IN +bern atorial +:::: :::: +ĠTra ve +ĠSam oa +AN I +75 2 +Ð ´ +userc ontent +ĠMod erate +y eah +ĠK itt +Ġwe e +Ġstuff ing +ĠInter vention +ĠD ign +Ġware houses +ĠF iji +Ġpel lets +Ġtake away +ĠT ABLE +ĠClass ical +col lection +Ġland fall +ĠMus cle +Ġsett les +ĠAD V +Ġ3 44 +L aura +Ġf ared +ĠPart ial +4 36 +oss ibility +ĠD aly +ĠT arant +ĠFu ji +am l +c ence +55 1 +ĠProced ures +ĠO CD +ĠU D +t in +Q UI +ach o +4 38 +Ġgl itches +Ġenchant ment +Ġcalcul ates +IR O +ĠH ua +alys es +ĠL ift +um o +Ġle apt +Ġhypothes ized +ĠGust av +it ans +VERS ION +æ ł +Rog er +Ġr and +ĠAd apter +Ġ3 31 +ĠPet ition +k ies +M ars +Ġunder cut +ze es +ĠLy ons +ĠDH CP +Miss ing +Ġretire es +Ġins idious +el i +> ) +. ãĢį +Ġfinal ists +ĠA ure +Ġacc user +Ġwas tes +ĠY s +ĠL ori +Ġconstitu encies +Ġsupp er +Ġmay hem +or ange +Ġmis placed +Ġmanager ial +Ġex ce +ĠCL I +Ġprim al +ĠL ent +Cry stal +h over +ĠN TS +end um +Ġd w +ĠAl c +n ostic +Ġpres erves +ĠTs arnaev +Ġtri pled +rel ative +Arc ade +k illing +ĠW EEK +ĠH anna +D ust +Com pleted +ģ « +Ġappro ves +ĠSur f +ĠLuther an +ven ants +Ġrobber ies +we ights +soft ware +at ana +ug al +Ġgrav y +ĠC ance +OLOG Y +ly ak +Ton ight +Ġunve il +Ġ19 04 +ĠMin ion +ent ious +st ice +pack ages +ĠG EAR +Ġg ol +ĠHutch inson +ĠProf ession +ĠG UN +ĠDiff erence +ĠTsuk uyomi +ĠLes bian +6 70 +Ġfug itive +ĠPlan etary +-------------------------------- ------------------------ +Ġacc rued +Ġch icks +Ġsto pp +Ġblock ers +C od +Ġcomment ers +ĠSomew here +ĠPhot ographer +the me +Ġmay oral +w u +Ġanten nas +Ġrev amped +ĠSubject s +it é +im ura +Ġentr ances +liter ally +Ġten ets +ĠO MG +ĠMP H +ĠDon key +ĠOff ense +Ġ" + +Sn ap +ĠAF B +Ġan imate +ĠS od +His panic +Ġinconsist ency +D b +F Y +Ex port +Ġa pe +Ġpear l +ib el +ĠPAC s +Ġ{ \ +Ġact u +ĠHS BC +camp us +Ġpay off +Ġde ities +ĠN ato +ou ple +Ġcens ored +ĠCl ojure +Ġconf ounding +en i +Ġreck on +op he +Ġspot ting +Ġsign ifies +Ġprop el +Ġfest ive +S uggest +Ġpled ging +ĠB erman +Ġrebell ious +Ġovershadow ed +Ġinfiltr ated +j obs +67 2 +Ġscal able +Ġdomin ion +ĠNew foundland +ĠMead ow +Ġpart itions +AM I +Ġsupplement ary +str ument +Ġhair y +Ġperpet uate +Ġnuts hell +ĠPot ato +ĠHob bit +Ġcur ses +Flo at +Ġquiet er +Ġfuel ing +Ġcaps ules +ĠL ust +ĠH aunted +Exec utive +Ġchild birth +G re +Ġrad iant +å İ +Ġm alls +Ġin ept +ĠWarrant y +Ġspect ator +E h +t hens +Ġculmin ating +æ © +ary a +ãĤ ® +ilit arian +ĠOR IG +ĠSp ending +pt ives +ĠS iren +ĠRec ording +ay ne +Ġv im +Ġspr ang +T ang +ĠM FT +mor ning +ĠWe ed +m peg +cess ion +ĠCh ung +7 30 +w arning +56 2 +handed ly +P oor +P olitics +: # +Ġp ian +Ġfec es +ĠDocument ation +Ġban ished +Ġ3 99 +ĠAR C +Ġhe inous +J ake +ĠAm ir +way ne +v re +os henko +Ġnotebook s +Ġfound ational +Ġmarvel ous +ixt ape +Ġwithdraw als +Ġh orde +ĠD habi +is able +ĠK D +Ġcontag ious +ĠD ip +ĠAr rows +Ġpronoun s +Ġmorph ine +ĠB US +68 2 +Ġk osher +fin ished +ĠInstr uments +Ġf used +yd en +ĠSal mon +F ab +aff ected +K EN +C ENT +Dom ain +Ġpoke mon +ĠDr inking +G rowing +ĠInvestig ative +ĠA ether +em i +Ġtabl oid +Ġrep ro +ĠNot withstanding +ĠBers erker +Ġdram as +Ġclich é +Ġb ung +ĠU RI +ĠD os +0 44 +Ġpast ors +Ġl s +Ġac rylic +aun ts +Ed ward +Ġmajor ities +B ang +Ġfield ing +ĠRepl acement +ĠAl chemy +pp ard +ĠRome o +ĠSan ct +ĠLav rov +ib ble +Inst ruct +Ġimp ractical +ĠPlay boy +ce phal +Ġsw aps +Ġk an +ĠThe o +Ġillust rating +Ġdismant led +ĠTrans gender +ĠG uth +UG H +Ġtriumph ant +Ġencomp ass +Ġbook mark +udd in +j er +Ġpred icate +ES H +Ġwhen ce +ĠAB E +Ġnon profits +Se qu +Ġdi abetic +Ġp end +Ġheart felt +sh i +Ġinter acts +ĠTele com +Ġbombard ment +dep ending +ĠLow ry +ĠAd mission +ĠBl ooming +ust ration +ene gger +B rew +Ġmol ten +ĠNer d +P IN +âĸ Ģ +ave ment +Ġtou red +Ġco efficients +ĠTray von +ans son +Ġsand y +t old +fl ows +Ġpop ulous +ĠT inder +ĠBl iss +R achel +Min imum +Ġcontest ant +ĠRed uce +ĠMor se +ĠGrass ley +ĠClick er +Ġexp r +Ġs incerity +Ġmar qu +Ġelic it +ĠPro position +ĠDemon ic +Ġtac os +G reek +Ġpost war +Ġin sofar +ĠP ork +Ġ35 2 +doctor al +walk ing +Ġmid term +ĠSam my +sight ed +ĠTR ANS +ic i +AL D +ĠUS L +ĠF ISA +ĠAm pl +ĠAlex andra +ine lli +Tr ain +Ġsign ify +ĠVers us +Ġob fusc +Ġk h +Ġagg ro +ĠRen ault +Ġ3 48 +5 18 +ox icity +0 22 +ĠTw ist +Ġgoof y +D ynamic +Ġbrief ings +m ight +8 99 +Ġderog atory +T ro +Ġfor ging +ĠKor an +ĠMar ried +ĠBuc s +Ġpal ate +ĠCon version +m able +4 13 +Ġ( _ +Ġs iph +ĠN EO +col lege +Ġmarg inally +Ġfl irt +ĠTra ps +ĠP ace +é »Ĵ +Ġgoalt ender +Ġforb ids +Ġcler ks +ĠT ant +ĠRobb ins +ĠPrint ing +Ġpremie red +Ġmagn ification +ĠT G +ĠR ouse +ĠM ock +odynam ics +Ġpre clude +ism o +ĠPul itzer +Ġaval anche +ĠK odi +rib une +ĠL ena +Elect ric +Ġref inery +Ġend owed +Ġcounsel ors +Ġd olphin +ĠM ith +Ġarm oured +hib ited +Beg in +ĠP W +O il +ĠV or +ĠShar if +ĠFraz ier +est ate +Ġj ams +Pro xy +Ġband its +ĠPresbyter ian +ĠPrem iere +t iny +ĠCru el +Test ing +Ġhom er +ĠV ERS +ĠPro l +ĠDep osit +ĠCoff in +Ġsemin ars +Ġs ql +ĠDef endants +Altern atively +ĠR ats +ç « +ethy st +' > +Ġiss uer +58 9 +Ġch aired +ĠAccess ories +man ent +Ġmar row +ĠPrim ordial +C N +Ġlimit less +ĠCarn age +Ġund rafted +q v +IN ESS +on ew +Ġco hesion +98 7 +Ġne cks +Ġfootball er +ĠG ER +Ġdetect able +ĠSupport ing +ĠCS V +oc ally +k Hz +Ġund e +Ġsh one +Ġbud ding +tra k +Stand ing +ĠStar craft +ĠKem p +Ben ch +Ġthw arted +ĠGround s +ath i +L isa +Dial og +ĠS X +V ision +Ġingen ious +Ù IJ +Ġfost ering +ĠZ a +ĠIn gram +Ġ" @ +N aturally +6 16 +0 35 +ĠF AC +H mm +55 4 +Ġacceler ator +ĠV end +Ġsun screen +Ġtuber culosis +rav iolet +ĠFunction al +ĠEr rors +ed ar +19 66 +ĠSpect re +ĠRec ipes +88 5 +ĠM ankind +L iverpool +Ġ| -- +Ġsubst itutes +ĠX T +w ired +Ġinc o +ĠAf gh +E va +ic c +S ong +K night +Ġdilig ently +ĠBroad cast +A id +Ġaf ar +ĠH MS +aton in +ĠGr ateful +Ġfire place +ĠOm ni +e uro +ĠF RE +ĠSh ib +ĠDig est +t oggle +Ġheads ets +Ġdiff usion +ĠSqu irrel +ĠF N +Ġdark ened +out her +Ġsleep s +ĠX er +gun s +Ġset ups +Ġpars ed +Ġmamm oth +ĠCur ious +g ob +ĠFitz patrick +ĠEm il +im ov +........ ..... +ĠB enny +Second ly +Ġheart y +Ġcons on +st ained +Ġgal actic +cl ave +Ġplummet ed +Ġp ests +Ġsw at +Ġrefer rals +ĠLion el +h oly +Ġunder dog +ĠSl ater +ĠProv ide +ĠAm ar +ress or +å Į +ong a +Ġtim id +Ġp iety +ĠD ek +Ġsur ging +az o +Ġ6 10 +Ġdes ks +ĠSp okane +ĠAn field +Ġwars hips +ĠCob ra +Ġar ming +clus ively +ĠBad ge +ag ascar +ĠPR ESS +ĠMcK enzie +ĠFer dinand +burn ing +Af ee +Ġtyr ann +ĠI w +ĠBo one +100 7 +ĠRe pt +Ċ Âł +Ġcar avan +ĠD ill +ĠBundes liga +Ch uck +Ġheal er +ãĥ¼ãĥ Ĩ +ĠH obby +Ġneg ate +Ġcrit iques +section al +mop olitan +Ġd x +Ġouts ourcing +ĠC ipher +t ap +Sh arp +Ġup beat +Ġhang ar +Ġcru ising +ĠNi agara +Ġ3 42 +ill us +ĠS v +Ġsubt itles +Ġsqu ared +Ġbook store +Ġrevolution aries +ĠCarl ton +ab al +Ut ah +Ġdesp ise +ĠU M +cons ider +aid o +Ġc arts +ĠT urtles +Tr aining +Ġhonor ary + ¢ +Ġtri angles +4 22 +Ġreprint ed +Ġgrace ful +ĠMong olia +Ġdisrupt ions +ĠB oh +Ġ3 49 +Ġdr ains +Ġcons ulate +Ġb ends +Ġm afia +ur on +ĠF ulton +m isc +Ġren al +Ġin action +ck ing +Ġphot ons +Ġbru ised +ĠC odes +og i +Ġn ests +ĠLove ly +ĠLib re +ĠD aryl +Ġ# ## +S ys +. ," +Ġfree zes +est ablishment +and owski +Ġcum bers +ĠSt arg +ĠBom bs +Ġleg ions +Ġhand writing +Ġgr un +ĠC ah +sequ ent +Ġm oth +ĠMS M +Ins ert +F if +Ġmot el +Ġdex ter +ĠB ild +hearted ly +Ġpro pe +ĠText ure +ĠJ unction +ynt hesis +oc ard +ĠVer a +ĠBar th +Ġμ g +Ġl ashed +Ġ35 1 +ĠZ amb +ĠSt aples +ĠCort ex +ĠCork er +Ġcontinu um +ĠWR ITE +unt a +rid or +Ġde ems +0 33 +ĠG OLD +p as +Ġrep ressive +ãĥĨ ãĤ£ +Ġbaff led +Sc ar +Ġc rave +Ġ ______ +Ġentrepreneurs hip +ĠDirector ate +Ġ' [ +Ġv ines +Ġasc ended +ĠGR OUP +ĠGood bye +Ġdo gged +ãĥ´ ãĤ¡ +Man ufact +Ġunimagin able +ri ots +ier rez +Ġrel ativity +ĠCraft ing +ra ught +ud en +c ookie +Ġassass ins +Ġdissatisf ied +ac ci +Ġcondu it +Sp read +ĠR ican +n ice +izz le +Ġsc ares +ĠWH Y +ph ans +5 35 +Ġprot racted +ĠKrist en +5 36 +ĠSc rib +ĠNe h +Ġtwent ies +Ġpredic ament +Ġhandc uffs +Ġfruit ful +ĠU L +ĠLud wig +Ġatt est +ĠBre aker +Ġbi ologically +ĠDeal er +Ġrenov ations +f w +ess en +Al ice +ĠHen ri +Ġun ilaterally +ĠS idd +h ai +ĠSt retch +S ales +Ġcumbers ome +ĠJ avier +Ġtrend y +Ġrot ting +ĠChall enges +Ġscra ps +Ġfac ets +ĠVer onica +ĠVer ge +ĠS ana +Al ien +ĠR ih +Ġrad ial +ect ar +Ġ6 30 +cl i +Mar ie +Ġwild fire +ĠCat o +h ander +Ġwait ress +Ġch ops +ĠS ECTION +Ġblunt ly +ĠCat alog +n ian +stud y +Ġpat rolling +ĠT enth +nex us +ĠN ON +op sy +Ġsc athing +s ie +Ġdeterior ated +V B +Naz is +Ġdep ictions +Ġauthent icated +ĠCon ce +k rit +Ġpromul g +ĠL ONG +U FC +ĠVis itors +ĠRec all +Ġrehab ilit +ĠSL I +Ġglac ier +ĠB ite +Ġ50 3 +Ġvom it +Ġfer mented +ĠKh alid +Ġgrad ed +ĠMag icka +ĠIch igo +power ful +ic ators +75 3 +Ġsh rew +Ġ35 6 +Ġlegal izing +Ġall otted +ĠArch demon +ith ing +igg urat +V OL +Le od +Ġo ily +Ġindu cing +Ġamy gdala +Ġadm ins +ĠAcqu isition +C AN +Ġsche matic +Ġmo an +ĠCamer oon +Ġt ink +Ġmer ry +Ġbutter flies +ĠGo ff +Ġworks pace +ĠCor ona +Ġj avascript +ĠD olphin +ĠCant or +4 64 +to e +AP S +ĠAg ing +Ġpadd ed +ĠZ heng +ĠHe ld +Ġest ranged +Ġ7 70 +. } +ĠDun ham +Ġsm okes +Ġcap itals +und ai +Sh in +ĠFound ing +Ġent itle +Ġcenter piece +D iscover +Ġthere to +al ert +ĠN ou +ĠAnaly st +l c +F H +FI ELD +ĠP OV +gr ay +Ġar cs +ĠH OT +Ġr s +Ġoblig atory +ĠArchitect s +ĠS ven +ĠF EC +0 200 +Christ mas +ĠAlban ia +rat om +58 7 +Ġhard ships +Ġaut os +ĠCharg es +Ġap es +Ġ3 76 +wal let +Ġintox ication +Ġgobl in +Ġ5 70 +++++++++ ++++++++ +ĠYel p +ĠMag netic +ĠBr iggs +R ail +Ġspawn s +ĠW iggins +Ġshowc ased +Ġres orted +ub en +Ġwh ipping +Ġim itate +Ġdigest ion +ĠUS PS +ĠG est +Ġye a +ĠT ight +ind al +ic as +` . +C AST +'' ; +ĠF et +opath ic +In valid +Ġregrett ed +Ġbro ccoli +ĠSc ores +e ve +Ġpost ings +Ġaccum ulating +Ġneed less +elf th +Ġmay ors +Ġsc rib +Ġanecd otes +Ġbot ched +ĠRib bon +ĠConstant ine +i uses +ess es +Ġdev ise +Comp ared +Ġp udding +Ġg arg +Ġev oke +79 7 +Ġdet ox +9 09 +ĠPie ces +ĠMcC artney +Ġmet ast +ĠK rypt +P OR +Ġt ending +ĠMerch ants +Pro of +ĠV arg +ĠPort able +ãĥ¼ãĥĨ ãĤ£ +B rain +25 00 +Ġfol iage +Ø ¹ +Ġment ors +ĠA ires +Ġminimal ist +Ġing ested +ĠTro jan +ĠQ ian +inv olved +0 27 +Ġer oded +RA FT +Ġbl urry +M ob +Ġbuff et +ĠFn atic +ae a +KN OWN +ĠIn it +s afety +en um +ACT ION +ĠCrus her +ĠD ates +Ġ ................ +c alling +ak ov +Ġvent ured +Ġ5 55 +au ga +H art +ĠA ero +M AC +Ġthin ly +Ġar ra +ST ATE +ild e +ĠJac qu +ĠFem ales +Ġthe orem +Ġ3 46 +Ġsmart est +ĠPU BLIC +ĠK ron +ĠB its +ĠV essel +ĠTele phone +Ġdec ap +Ġadj unct +ĠS EN +mer ga +Ġred acted +Ġpre historic +Ġexplan atory +ĠRun s +ĠUtt ar +ĠM anny +ĠAUTH OR +ĠUnle ashed +ĠBow ling +be ans +79 3 +Ġunivers es +Ġsens it +ĠK ung +re peat +ctr l +Ġp aced +Ġfull er +Cl ock +Ġrec omb +ĠF aul +ĠB unker +Ġpool ed +Ġan a +ĠM outh +LL OW +hum ane +Ġbull do +ĠMicha els +f am +Ġwreck ed +Ġport rays +ĠWh ale +ĠH es +Ġguess es +ĠBrow se +ĠL APD +Ġconsequ ential +ĠInn ocent +ĠD RAG +Ġtrans gress +ĠO aks +Ġtri via +ĠRes on +ĠA DS +-- + +ĠT oll +Ġgrasp ing +ĠTHE M +ĠT ags +ĠCon clusion +Ġpract icable +Ġho op +Ġunintention ally +Ġign ite +ĠM ov +ur ized +le hem +Ter min +Ġcolour ful +ĠLin ear +ĠEll ie +G y +Ġman power +Ġj s +Ġem oji +ĠSHAR ES +_ . +0000 7 +Ġsophistic ation +Ġunders core +Ġpract ise +Ġbl ob +op ens +Uk raine +Ke eping +Y C +J R +ult imate +Cl aim +Ġautom obiles +99 3 +ste el +Ġpart ing +ĠL ank +... ? +Ġ38 5 +Ġremem brance +Ġe ased +Ġcov ari +ĠS ind +Effect ive +Ġdisse mination +ĠMo ose +ĠCl apper +br ates +App ly +Ġinv is +Ġwors ened +âĢĶ - +Ġlegisl ator +ĠL ol +ĠRow e +Ġdealers hip +um ar +id ences +Ġinvestig ates +Ġc ascade +Ġbid der +ĠB EN +Iron ically +Ġpres iding +Ġd ing +Ġcontrad icted +Ġshut s +ĠF IX +Ġ3 66 +Dist rict +Ġsin ful +ĠChar isma +o ops +Ġtot ality +Ġrest itution +ĠOpt imus +ĠD ah +Ġcl ueless +urn ed +Ġnut rit +Ġland owners +Ġfl ushed +Ġbroad en +m ie +Ġprint ln +Ġn ig +ĠCorp us +J en +Ġprot o +ĠWik imedia +ĠPal o +C OR +Ġstory lines +Ġevangel icals +ĠDar rell +Ġrot or +ĠH W +sk illed +ery l +Ġbe gg +ĠBl umenthal +Ġwe aving +Ġdown wards +ĠJack et +ĠANG EL +Te chnology +Ġes oteric +alde hyde +Ġfur iously +Ġforeign er +We ak +CH O +ĠH ound +Exper ience +ĠPlay station +ĠM IA +ĠU ng +cl oth +ag all +Ġcal ming +iz ens +St ruct +ĠW itches +ĠCeleb ration +Ġ........ ...... +pt roller +ĠTC U +Ġb unny +ãĥ į +ut orial +Ġup scale +ĠSt a +ĠCol ossus +Ġchlor ide +ĠZ ac +ĠRe asons +ĠBrook ings +ĠWH ITE +][ / +ĠL ose +9 05 +Ġunders ide +ern els +Ġv ape +do zen +upp et +ĠST OP +mat ical +ĠStat ements +hed dar +P AC +Custom er +Ġmem os +ĠP J +end ars +ĠLim its +l augh +Ġstabil ized +ĠALE C +Y A +Up grade +al am +Ġtechn o +Ġan ew +fore seen +Ġcolleg iate +ĠPy ro +ĠD ism +Ġfront line +Ġammon ia +I U +Qu ite +John ny +ass in +G OP +ĠSt yles +ĠSovere ign +acter ial +5 49 +ĠR IP +ĠL ists +Ġ3 64 +ĠRece p +s ocket +ĠByr d +ĠCand le +An cient +Ġappell ant +en forcement +ace a +ans ki +Ġold s +88 6 +Ġsl urs +Ġem pires +Ġbuck le +Ġalien ation +ĠAber deen +Ġunic orn +Ġoverr iding +ĠL X +pp a +Ġdesp ised +ĠB ugs +ĠB ST +S outhern +5 33 +Ġhall mark +ĠPost er +Ġstem med +Ġprincip als +ĠT ECH +ĠSand wich +It aly +Ġche esy +ĠSet TextColor +ĠProt ective +ĠC ohn +J O +apt op +Re ason +Lead er +ĠUnder stand +ĠFr idays +ĠContin uous +Ġcl ipping +ĠR ye +Ġber th +tim er +ann is +re act +Ġbuff alo +ĠPar as +Ġ6 55 +Ġpres ided +ĠSun rise +Ġve ts +Ġcl oves +ĠMcC ull +Stre ngth +G AN +Ġill iter +ĠPric ing +l é +Ġresist or +Ġbr un +ĠSuff olk +Ñ ĭ +ĠL iver +Re leased +Ġwhat s +8 60 +ĠMe asures +Ġden ouncing +ĠRy zen +Ġsou ven +Ġcareg ivers +ch ini +ĠScar lett +Ġt rough +Cong ratulations +Ġtax is +ĠTrad ition +j it +Ġtable top +Ġhither to +Ġdis information +off ensive +h ra +ĠDISTR ICT +Ġcompl icate +chen ko +ĠRecon struction +Ġpalp able +Ġa usp +Ġ4 28 +Ġshowc ases +ĠPublic ation +know ledge +inn on +4 19 +Ġretri eval +and ers +Ġref ute +Ġinqu ired +g ur +Ġneg ativity +Ġcons erve +Ġafter life +Ġpres upp +ĠGill espie +Ġm t +ĠD N +T ap +Ġper pend +ĠS my +does n +Ġsp illing +Ġhyp ers +K ate +® , +ke pt +ĠP owered +Ġj a +ĠK lux +ard e +ab an +Ġ4 44 +Ġflatt ened +ĠImprove ments +urg a +ĠK und +Ġins cribed +Ġfac ult +Ġunpre pared +ĠCons umers +Ġsatisf ies +Ġpul monary +Ġinf iltration +Ġex ternally +Ġcongrat ulations +ag han +Ġair liner +Ġfl ung +Ġfly ers +G D +Ġsnipp ets +Ġrec ursive +Ġmaster ing +L ex +Ġovert ly +v g +Ġluck ily +Ġenc ro +ĠLanc et +ĠAbyss al +function al +Ġs ow +Ġsqu id +Ġnar ration +Ġn aughty +ĠHon our +ĠSpart ans +Ġsh atter +ĠTac oma +ĠCal ories +ĠR aces +Sub mit +Ġpurpose fully +w av +ĠY ok +F est +ĠG err +Met ro +Ġit iner +f amous +Ġ" { +in line +was her +Iss ue +ĠCL IENT +oz o +Vers ions +7 25 +ĠGl ock +Ġshield ed +ĠPC R +ENC Y +ĠWe ld +ĠSim pl +Ġredirect ed +ĠK ham +Ġ( > +Ġlab ou +Ġdi apers +ss l +Ġcell ar +organ isms +ore sc +ĠBer ks +did n +Sh ipping +C hest +Ġund one +Ġmillion aire +Ġc ords +ĠYoung er +appropri ately +Ġsequ els +u ve +ant icipated +Ġle wd +ĠSh irt +ĠDmit ry +V eter +Ġsl aying +ĠY ar +Ġcompl ication +I owa +ĠEric a +ĠBL M +g irlfriend +b odied +6 26 +19 63 +Ġintermedi ary +Ġcons olation +M ask +ĠSi em +ow an +Beg inning +Ġfix me +Ġculmin ated +Ġcon duc +ĠVolunte er +Ġpos itional +Ġgre ets +ĠDefin itions +Ġthink er +Ġingen uity +Ġfresh men +ĠMom ents +Ġ35 7 +ate urs +ĠFed Ex +s g +69 4 +Ġdwind ling +ĠBO X +sel age +Ġt mp +Ġst en +ĠS ut +Ġneighbourhood s +Ġclass mate +f ledged +Ġleft ists +Ġclim ates +ATH ER +ĠScy the +ul iffe +Ġs ag +Ġho pped +ĠF t +ĠE ck +ĠC K +ĠDo omsday +k ids +Ġgas ped +Ġmon iker +ĠL od +ĠC FL +t ions +r ums +fol ios +Ġm d +Ġunc anny +Ġtrans ports +ĠLab rador +Ġrail ways +Ġappl iance +ĠCTR L +æ Ģ +Pop ulation +ĠConfeder acy +Ġunb earable +Ġdors al +ĠIn form +op ted +ĠK ILL +Mar x +Ġhypoc ritical +q us +ĠN umerous +ĠGeorg ian +ĠAmbro se +ĠL och +Ġgu bernatorial +ĠX eon +ĠSupp orts +ens er +ee ly +ĠAven ger +19 65 +Ar my +Ġju xtap +Ġcho pping +ĠSpl ash +ĠS ustainable +ĠFin ch +Ġ18 61 +ict ive +at meal +ĠG ohan +Ġlights aber +ĠG PA +ug u +ĠRE PL +vari able +Ġher pes +Ġdesert s +ac iously +Ġsitu ational +week ly +ob l +Ġtext ile +ĠCorn wall +Ġcontrace ptives +ĠA ke +] - +ä¹ ĭ +: , +ĠW em +ĠB ihar +Ġ' . +Ġbe re +Ġanal ogue +ĠCook ies +Ġtake off +Whe el +Ġmaj estic +Ġcomm uting +0 23 +ĠCor pse +ass ment +min i +Ġgor illa +ĠAl as +ere e +Ġacquaint ances +ĠAd vantage +Ġspirit ually +Ġey ed +pm wiki +ĠE nder +Ġtrans lucent +Ġnight time +ĠIM AGES +5 45 +ĠK amp +ĠFre ak +Ġ ig +Port land +4 32 +ĠM ata +Ġmar ines +Ġh ors +ater asu +ĠAtt ribution +Ġ-------- - +Ġk ins +ĠBEL OW +++ + +Ġre eling +ol ed +Ġcl utter +ĠRel ative +Ġ4 27 +B US +Ġa vert +ĠChe ong +ĠA ble +ĠPry or +Develop er +Ġen cyclopedia +ĠUSA F +ĠG arry +Sp ain +Bl ocks +Ġexp osition +ĠGamer Gate +W OR +Ġstockp ile +Ġclot hed +ĠT one +ĠR ue +t umblr +Ġtreacher ous +Ġf rying +Ñ Į +ĠS ph +Ġrest raints +Ġemb odies +ĠG es +S afety +Ġnegoti ators +min ing +ĠAppalach ian +L OS +ĠJenn a +Ġpass ers +ç ĭ +sn ap +Ġshort en +creat or +Ġinn umerable +uther land +67 4 +ĠW OM +ĠAs cend +ĠArm ory +ĠTrans action +K ick +Ġsuit case +day Name +Ġwaste ful +mar riage +ĠMcC abe +ite ch +ĠO ss +Cl osure +ĠTreasure r +Ġindec ent +ĠD ull +Ġresid ences +19 59 +ĠS ettlement +Ham ilton +Ġself ies +ĠRank ing +ĠBark ley +ĠB ore +ĠW CS +ĠMar itime +ĠH uh +ĠForest ry +Ġcultiv ating +ĠBall ard +Ġg arrison +ĠSD L +9 30 +Ġnas cent +Ġirresist ible +Ġaw fully +\/ \/ +Ġequ ate +Ġanthrop ology +ĠSylv ia +Ġintest ine +Ġinnoc uous +cess ive +ag ra +ĠMet roid +G rant +8 55 +ģ ĸ +Ġ" _ +ãĥĥ ãĥī +Ġappra isal +ĠFred dy +04 6 +Ġ40 6 +Ġ18 30 +Ġd ocking +St atic +Ġp ont +ĠVolt age +ĠSt ead +ĠMort gage +ĠJon ah +Y L +CLASS IFIED +Ġas bestos +nik ov +Ġcoll agen +ĠOrb ital +P ocket +7 99 +Ġhy brids +inc hes +Ġinv oice +und y +Ġinequ alities +T rend +w ashed +B ALL +Ġluc id +ĠComment ary +Ġw itty +Br andon +Ġbru ising +Ġ6 20 +es cent +box ing +P OL +Ġ3 78 +R ect +Ġlic ences +ĠMcG ee +p ressed +D anny +Ġj ammed +ord inate +Ġle th +Ġdistingu ishes +ĠYam aha +IL S +ĠH ume +ĠC ategories +Rober ts +Ch art +Ġbeet le +ĠGra veyard +Ġ($ ) +o ÄŁ +Ġtw ilight +are lla +á ½ +Ġbooth s +ĠH HS +ĠFeld man +Ġexcav ation +Ġphilosoph ies +at ography +ĠGar age +te chnology +Ġunfor gettable +Ġver ifying +Ġsubord inates +E ls +Ġne b +G aming +EN A +ĠAchieve ment +it ters +ĠG abe +Ġd umps +for cer +Ġpo ignant +ĠM BA +ĠHe idi +ime i +Ġm ages +Ġliber ate +Ġcircum cised +ĠMer maid +ĠMat th +t ogether +ĠW ichita +Ġstore front +ĠAd in +V II +Four th +Ġexplore rs +W ER +Not able +Bro ok +m ens +F aith +-------- - +ĠJ ou +¬ ¼ +Ġpine apple +Ġam alg +el n +ark able +ĠãĤµ ãĥ¼ãĥĨãĤ£ +ĠãĤµãĥ¼ãĥĨãĤ£ ãĥ¯ãĥ³ +Ġov arian +ĠE choes +Ġhairc ut +Ġp av +Ġch illed +anas ia +Ġsty led +Ġd ab +ni per +Ġminister ial +ĠD UP +T an +Ġsul ph +ĠD eter +ĠBo hem +od an +Ġeduc ator +â ĵĺ +sp ir +Ch icken +ĠE leanor +Ġqu i +Ġheav iest +Ġgrasp ed +U RA +Ġcro oked +Jess ica +pro blem +Ġpred etermined +Ġman iac +Ġbreath s +ĠLauder dale +Ġh obbies +y z +Cr ime +Ġcharism a +d L +Ġle aping +Ġk ittens +Ang elo +ĠJ ACK +ĠSu zanne +Ġhal ting +ENT ION +Ġswall owing +ĠEarthqu ake +Ġeight eenth +ĠN IC +ĠIN F +ĠCons cious +Ġparticular s +circ le +7 40 +Ġbene volent +Ġ7 47 +Ġ4 90 +Ġr undown +ĠVal erie +ĠB UR +Ġcivil isation +ĠS chn +W B +ot ide +intern ational +Ġj ohn +Ġ19 02 +Ġpe anuts +Ġflav ored +k us +Ġro ared +Ġcut off +é £ +Ġorn ament +Ġarchitect ures +Ġ3 69 +ol or +ĠWild e +ĠC RC +ĠAdjust ed +Ġprov oking +land ish +Ġrational ity +Ġjust ifies +Ġdisp el +Ġa meric +ĠPol es +Ø © +Ġen vis +ĠD oodle +ä½ ¿ +igs aw +auld ron +Techn ical +T een +up hem +ĠX iang +Ġdetract ors +ĠZ i +ĠJournal ists +Ġconduc ive +ĠVolunte ers +Ġs d +Know ing +Ġtrans missions +ĠPL AN +ĠL IB +Ġall uded +Ġob e +Ġd ope +ĠGold stein +Ġwavelength s +ĠDest ination +nd a +ug i +Ġattent ive +ĠLe an +ral tar +Ġman g +mb uds +ak ings +b ender +Ġacc ol +Ġcraw led +N OW +Min nesota +Ġflour ished +ĠZ up +ĠSuper visor +ĠOliv ier +Ex cellent +Ġwid en +D one +Ġw ig +Ġmiscon ceptions +Cor p +W an +Ġvener able +ĠNot ably +ĠKling on +an imate +Bo ost +ĠS AY +miss ing +ibli ography +mel on +Ġpay day +Ø ³ +bo le +Ġve iled +ĠAl phabet +It alian +Ġever lasting +ĠR IS +ĠC ree +rom pt +Ġh ating +Ġgrin ning +Ġge ographically +OS H +Ġwe eping +ĠÂłĠÂłĠÂłĠÂł ĠÂłĠÂłĠÂłĠÂł +Ġimpe cc +Let ter +Ġblo ated +PL A +ĠFe in +Ġper sever +Th under +Ġa ur +ĠR L +Ġpit falls +âĸ º +Ġpredomin ant +Ġ5 25 +7 18 +AP E +7 14 +Ġfarm land +ĠQ iao +Ġv iolet +ĠBah amas +Ġinflic ting +ĠE fficiency +Ġhome brew +Ġundert ook +Ġcur ly +ĠHard ing +man ia +59 6 +Ġtem pered +Ġhar rowing +ĠP ledge +ĠFranken stein +è ª +M otion +Ġpredict ably +ĠExpl osion +oc using +er d +col o +FF ER +Ġback field +ĠV IDE +ue bl +N arr +ĠArg ument +Ġgen omic +Ġbout ique +Ġbatt ed +ĠB inary +Ġg amb +ĠRh ythm +67 3 +Ġa float +ĠOlymp ia +Y ING +Ġend if +is in +Ġwin ters +Ġsc attering +I v +D istance +Ġtr u +ĠCom fort +Ġne xus +Ġair flow +ĠByz antine +p ayers +con i +ĠB etsy +D eal +ĠN ug +ĠContin ent +red ibly +Ġoptim izing +al beit +Ġec static +ĠPro to +ç · +iv ot +âĸ Ħ +em p +rou nder +Ġcl out +ĠI ST +66 3 +ĠDoll ars +ĠD AC +Ġsubsc ribed +Ġrehears al +Ġam ps +ĠSh ang +es m +Ġspr inkle +Ġassail ant +ĠO o +ĠCoin base +T act +Ġret ina +Ġn uns +R ON +att o +Ġj ug +ĠSV G +Ġb ikini +ĠFI LE +ĠFound ers +ep ort +ĠK P +Ġrest ores +ĠTh ick +Ġash ore +Ġappro vals +R ender +M AG +G raham +ĠCort ana +ãĥ³ ãĤ¸ +ss h +or ians +ars ity +ĠInsp ired +u pper +Ġsign alling +Ġreb uke +Ġfl ares +Ġdownt ime +Stud ies +Ġstagn ation +ĠSequ ence +Ġgr unt +Ġass ures +ĠPL A +59 2 +Ġintra ven +d epend +Sus an +ĠManz iel +Man ia +Cont ract +Ġsl ams +Ġcult ured +Ġcred itor +L IST +ĠH UM +ĠChatt anooga +serv ed +Ġclo aked +ĠF TP +p owder +ĠSt ella +uct ive +Ġcheap ly +ĠMU CH +ĠGalile o +Ġsu ites +spe ech +Ġdeliber ations +ĠCh ips +« ĺ +Bal ance +ĠWyn ne +ĠAk ron +Ass et +Ġhon oured +Ġed ged +Like wise +anim ous +ĠW age +ĠEz ek +ad vertisement +ĠRT X +ĠM AD +Ġmigr ating +ĠS QU +Ġ4 75 +Ed ited +Ġshorth and +ĠBas ics +Ġcro tch +ĠEV EN +Ġv m +effic iency +Ġcal ves +ĠF rie +ĠBrill iant +Ġstri kers +Ġrepent ance +Ġarter ies +r l +B ed +h ap +Ġcrypt ography +ĠSab res +Ġ4 14 +vi ks +ih ara +aps es +T alking +Ġintertw ined +Ġdoc ks +Ġalle le +ĠArt ifact +ĠH IM +t orn +ç ķ +Ġop acity +ĠE ly +os uke +Ġn ipple +Ġhand written +ĠV K +ĠChamber lain +ĠLa os +ig raph +g row +Ġtr illions +Ġdescend ant +ĠSail or +as uring +Ġce ilings +ĠWare house +f lying +ĠGl ow +Ġn ont +Ġmiscar riage +Ġrig s +Ġmin istries +Ġelabor ated +Ġdel usional +ĠHum ane +Ġ3 79 +n ets +Ġblack out +add ers +Ġn p +ĠT ire +ro sc +Ġsub div +Ġlink age +Ġchron ological +ĠHER O +Ġres ettlement +ĠVin yl +Ġpast oral +ĠMob il +ĠBar bar +Co oldown +ĠF ritz +c riminal +re pe +Ġbell ig +ĠBre ed +Ġ4 18 +Ġsem blance +ij k +Ġcur tail +Ġclin ch +cont ained +ĠProm pt +ast on +Ġw i +Ġpursu its +5 15 +ĠGl oss +Ġfl ips +Ġcoup ons +Ġcl oning +ĠLike ly +Rem oved +ĠQu artz +r ices +ĠSpe ars +Ġp ious +Ġdep reciation +ĠD are +oun ces +am az +O nt +Ġp innacle +d ocker +0 26 +ĠW yr +ĠPro per +Ë Ī +n il +By tes +Ġseek er +t rial +Ġunf olds +ĠMar se +Ġextravag ant +ĠSurviv ors +RED ACTED +ĠSpeed way +ĠCra igslist +sub mit +ĠGener ations +Ġup holding +Ġblood stream +ĠMiss ions +ĠL awn +Ġlim bo +ene i +H uh +ĠWild cats +pre p +ĠMark us +ĠFor bidden +rit ic +IN O +Ġexhib iting +requ ent +ch uk +Ġhabit ual +ĠComp atibility +Dr ag +RIP T +uj ah +GR OUND +Ġdelinqu ent +Ġburn er +Ġcontempor aries +Ġgimm ick +load s +Ġno zzle +p odcast +ĠW ak +ĠStat en +ĠK uh +ãģ ĵ +inter rupted +Ġinv incible +ĠBurn ett +cig arette +ĠPeb ble +ĠTem porary +ĠMar ino +58 2 +Ġwast eland +ident ly +T x +Ġr ite +ĠPan asonic +ĠM iddles +ĠHort on +ae us +Ġc uring +Ġm ats +Ġadj ourn +Ġfears ome +pe z +bo ats +Ġpro pell +Ġconflic ted +ĠAng er +Ġinsurg ent +K arl +Ġco ales +Ġsouth western +Ġdis su +ĠO vert +******** **** +Ġbox ed +ĠBr une +aa a +Ġgard ening +ĠEng el +tr acks +Ġpur ified +Ġplace holder +ĠL ikes +Ġd an +G ab +Ġe ct +ĠF aw +ĠEl iot +Ġ' , +otrop ic +ĠRu in +hed on +Ġca ul +Ġa ft +ĠCad illac +gh a +ass ian +ud eb +ĠT ick +Ġadjust s +AR GET +5 37 +isc he +ant y +ĠFried rich +ĠBl izz +ĠA OL +Camp aign +Ġmamm al +ĠVe il +ĠK ev +ĠMaur it +ĠDam ien +N ation +E astern +Ġ{ : +Ġ= ================================ +Ġstereotyp ical +Ġatt ic +ĠCy borg +requ ire +Ġaward ing +ĠPap ua +bt n +b ent +B oo +Ġ( = +ĠX ander +ĠSomers et +Ġcatch y +Ġcert ify +STR UCT +Ġit al +Ġt ides +ĠBr ands +G ray +comp etitive +Ġcur ator +ĠD G +omin ium +ĠGM Os +ci ating +ĠCarm en +ow ard +Balt imore +Ġr gb +C u +Ġwip es +spe ll +IT NESS +Ġsummar izes +ĠRe vis +Ġwhistlebl owers +ĠBre ach +Ġcro chet +k os +ews ki +Ġrep et +Ġcrim son +ĠKar achi +read able +dim ension +ĠI gor +ild ed +ĠZ ed +ĠKe ane +ĠCos metic +DE P +Ġretreat ing +ĠU A +ens ical +Ġd usk +ĠDick ens +Ġaren as +ĠPass age +level s +Ġcur v +P ope +Ġch ores +ĠEl ise +ĠComp ass +b ub +Ġmamm alian +ĠSans krit +ĠAN C +ĠCr ack +Q ual +L aun +amp unk +Ġlearn ers +Ġglam orous +Ġfur the +erm ott +c and +Gener ic +Ġnarr ated +Ġdisorder ly +ĠTrans actions +ĠDet ention +ĠR oku +Ä į +Ġunder statement +ĠS aur +ĠRodrig o +ĠAS AP +S in +Ġre joice +Method s +Ġelectro de +Ġworsh ipped +Ġid i +ĠPhys icians +Ġpop up +Ġde ft +ĠRem oval +ĠBu enos +ver bs +Ġfun k +ush a +rict ion +ore a +ĠBang alore +ĠKen obi +zz i +Ġnorm ative +Ġgobl ins +Ġcaf es +ĠUN CLASSIFIED +ĠF ired +S IGN +Ġs clerosis +ĠV oter +ĠSon ny +ĠExt end +ĠEV s +Ar senal +Ġp si +Ġwid est +ĠT us +Ġlo oms +Ġjust ifying +ĠGr anger +è ¯ +Ref er +58 3 +Ġflour ishing +ab re +Ġr ave +ĠCont ra +Ġ18 98 +Add s +Ġf ul +ĠCo oke +some one += # +67 1 +Ġy ak +Ġar te +ĠMis cellaneous +ĠDet ection +ĠCl ancy +â ģ +ass ies +Ġval iant +ĠFemin ist +cor ruption +V el +P ear +Ġsucc inct +Ġquick est +k w +Ġsp itting +ĠL ibraries +åħ ī +ant z +D ad +ĠSpec ifications +rup ulous +and r +RES ULTS +Ġsnow ball +Ġpred is +ĠB axter +ĠNurs ing +ĠCh aff +s we +Ġout age +Ġnest ing +Ġnotor iety +tr igger +on ite +j on +Ġf ou +ook ed +ĠCelebr ity +re ality +Ġfat ig +Ġhug ging +Ġbother s +ĠPan zer +ĠCh andra +fig ured +Ġvol ts +ĠCloud s +Ġfee ble +ĠCur ve +ĠAs us +78 6 +abs or +ĠV ICE +ĠH ess +Ġmanufact ures +Ġgri zz +ĠPower ful +ac id +Ġsub sections +ĠKrug man +ĠAl ps +is u +Ġsequ est +ĠUlt ron +ĠT inker +ĠGo ose +Ġmism atch +Att orney +Ġmorph ology +ĠSix ers +ut tered +ĠE LECT +gr an +Rus sell +ĠG SL +Ġfort night +Ġ. ) +Ġapost le +pr one +el ist +Unt itled +ĠIm plementation +ist ors +Ġtank er +Ġpl ush +Ġattend ants +ĠT ik +ĠGreen wich +ĠY on +ĠSP L +cell s +unt led +S olution +ĠQu é +Ġvac ated +Ġupt ick +ĠMer idian +æ ĥ +ĠDr ill +9 25 +58 4 +Ġrenov ated +ĠKub rick +zy k +Ġl ousy +pp el +ohyd rate +ĠI zzy +lesi astical +CC C +ĠAj ax +Ġad apters +ĠPetra eus +Ġaffirm ation +ĠST OR +le ms +ad oes +ĠConstantin ople +Ġp onies +Ġl ighthouse +Ġadherent s +ĠBre es +omorph ic +Fight ing +Ġpl aster +ĠP VC +ĠOb st +Ġdear ly +ĠTo oth +icks on +Ġsh aming +P lex +A gg +Ġâ̦ " +Ġsub reddits +Ġpige on +ĠResident ial +ĠPass ing +Ġl um +ĠP ension +Ġpessim istic +Ġ4 32 +z inski +c ade +0 75 +Ġapolog ised +iy ah +Put ting +Ġgloom y +ĠLy me +=-=-=-=- =-=-=-=- +ĠT ome +ĠPsych iatric +ĠH IT +c ms +ap olog +Ġbreak er +Ġdeep en +Ġtheor ist +ĠHigh lands +Ġb aker +Ġst aples +Ġinterf ered +ĠAb ortion +jo ined +ch u +Ġform ulate +Ġvacc inations +Ġban ter +phe us +Ġoutfield er +ĠM eter +Ġ# #### +Ġ18 95 +Ġnarrow ing +ĠST ORY +f p +ĠC ST +ign ore +Ġproclaim ing +ĠR U +ĠB ALL +yn a +65 3 +Ġpos it +P RE +59 4 +ĠRegist rar +ĠPil grim +ic io +Ġpre tt +Ġlif eless +Ġ__ _ +Ne igh +ĠCh urches +orn o +Ġor cs +Ġkind red +ĠAud it +Ġmillenn ial +ĠPers ia +g ravity +ĠDis ability +ĠD ARK +W s +od on +Ġgrand daughter +ĠBro oke +ĠA DA +ER A +Ġpick ups +ĠWil kinson +ĠSh ards +ĠN K +Ġexp el +ĠKis lyak +Ġj argon +Ġpolar ized +ian e +Pub lisher +Ġreb utt +Ġapprehens ion +ĠK essler +Ġpr ism +F UL +19 64 +ĠL oll +ä ¿ +le thal +Å Ł +Ġg hetto +Ġb oulder +ĠSlow ly +ĠOsc ars +ĠInst ruction +ĠUl tr +ĠM oe +N ich +ĠP ATH +( * +ĠRE LEASE +un ing +rou se +en eg +Ġre imb +ĠDet ected +Do S +Ġster ling +Ġaggreg ation +ĠLone ly +ĠAtt end +hig her +Ġairst rike +ks on +SE LECT +Ġdef lation +ĠHer rera +C ole +rit ch +Ġadvis able +F ax +Ġwork around +Ġp id +mort em +ers en +Ġtyp o +Ġal um +78 2 +ĠJam al +script s +Ġcapt ives +ĠPres ence +ĠLie berman +angel o +Ġalcohol ism +ass i +Ġrec ite +Ġgap ing +Ġbask ets +ĠG ou +Brow ser +ne au +Ġcorrect ive +und a +sc oring +ĠX D +Ġfil ament +Ġdeep ening +ĠStain less +Int eger +Ġbu ggy +Ġten ancy +ĠMub arak +Ġt uple +ĠD roid +ĠS itting +Ġforfe it +ĠRasm ussen +ixt ies +es i +ĠKim mel +Ġmetic ulously +Ġap opt +ĠS eller +08 8 +ec ake +hem atically +T N +Ġmind less +Ġdig s +ĠAcc ord +ons ense +em ing +br ace +Ġe Book +ĠDist ribut +ĠInvest ments +w t +] ), +beh avior +56 3 +Ġbl inding +ĠPro testers +top ia +Ġreb orn +ĠKel vin +ĠDo ver +ĠD airy +ĠOut s +Ġ[ / +Ï Ģ +b p +ĠVan ity +ĠRec ap +ĠHOU SE +ĠF ACE +Ġ4 22 +69 2 +ĠAnt ioch +cook ed +Ġcoll ide +Ġa pr +Ġsle eper +ĠJar vis +Ġalternative ly +ĠLe aves +ĠM aw +Ġantiqu ity +ĠAdin ida +Ġab user +Poké mon +Ġass orted +ĠRev ision +ĠP iano +ĠG ideon +O cean +Ġsal on +Ġbust ling +ogn itive +ĠRah man +Ġwa iter +Ġpres ets +ĠO sh +ĠG HC +oper ator +Ġrept iles +Ġ4 13 +ĠG arr +ĠCh ak +Ġhas hes +Ġfail ings +Ġfolk lore +Ġab l +ĠC ena +ĠMac Arthur +ĠCOUR T +Ġperipher y +app ers +Ġreck oned +ĠInf lu +ĠC ET +Ġ3 72 +ĠDefin itive +ass ault +4 21 +Ġreservoir s +Ġd ives +ĠCo il +DA Q +Ġvivid ly +ĠR J +ĠBel lev +Ġec lectic +ĠShow down +ĠK M +ip ed +reet ings +ĠAs uka +L iberal +ĠÏ Ħ +Ġbystand ers +ĠGood win +uk ong +S it +ĠT rem +Ġcrim inally +ĠCirc us +ch rome +88 7 +Ġnan op +ĠOb i +ĠL OW +o gh +ĠAuth ors +ob yl +Ur ban +Ġt i +ĠWe ir +t rap +ag y +Ġparent heses +Ġout numbered +Ġcounter productive +ĠTob ias +ub is +P arser +ST AR +Ġsyn aptic +ĠG ears +Ġh iber +Ġdebunk ed +Ġex alted +aw atts +H OU +Ch urch +ĠPix ie +ĠU ri +ĠForm ation +ĠPred iction +C EO +Ġthro tt +ĠBrit ann +ĠMad agascar +ë ĭ +Ġbill boards +ĠRPG s +ĠBe es +complete ly +F IL +Ġdoes nt +ĠGreen berg +re ys +Ġsl ing +Ġempt ied +ĠPix ar +ĠDh arma +l uck +ingu ished +Ġend ot +Ġbab ys +05 9 +che st +r ats +Ġr idden +Ġbeet les +Ġillum inating +Ġfict itious +ĠProv incial +Ġ7 68 +Ġshe pherd +ĠR ender +Ġ18 96 +C rew +Ġmold ed +ĠXia omi +ĠSp iral +Ġdel im +Ġorgan ising +Ġho ops +ĠBe i +z hen +Ġfuck in +Ġdec ad +Ġun biased +am my +sw ing +Ġsmugg led +Ġk ios +ĠP ERSON +ĠInquis itor +Ġsnow y +Ġscrap ing +ĠBurg ess +P tr +ag ame +R W +Ġdro id +ĠL ys +ĠCass andra +Jac ob +Ġ35 4 +Ġpast ure +Ġfr anc +ĠScot ch +ĠEnd s +ĠI GF +def inition +Ġhyster ical +ĠBrown e +77 1 +Ġmobil ization +æ ķ +iqu eness +Th or +Ġspear headed +Ġembro iled +Ġconject ure +jud icial +Ch oice +Ġpaper back +P ir +Ġrec overs +ĠSur ge +ĠSh ogun +ĠPed iatrics +ãģ ł +Ġsweep s +ĠLabor atories +ĠP acks +al us +add in +Ġhead lights +g ra +Ev idence +COL OR +Ad min +Ĭ ± +Ġconco ct +s ufficient +Ġun marked +Ġrich ness +Ġdiss ertation +Ġseason ing +Ġg ib +ĠM ages +un ctions +ĠN id +che at +ĠTM Z +c itizens +ĠCatholic ism +n b +Ġdisemb ark +ĠPROG RAM +a ques +Ty ler +Or g +ĠSl ay +ĠN ero +ĠTown send +IN TON +te le +Ġmes mer +9 01 +Ġfire ball +ev idence +aff iliated +ĠFrench man +ĠAugust a +0 21 +Ġs led +Ġre used +ĠImmun ity +Ġwrest le +assemb led +Mar ia +Ġgun shots +ĠBarb ie +Ġcannabin oids +ĠTo ast +ĠK inder +IR D +Ġre juven +Ġg ore +Ġrupt ure +Ġbre aching +ĠCart oon +Ġ4 55 +ĠPale o +6 14 +Ġspe ars +ĠAm es +ab us +Mad ison +GR OUP +Ġab orted +y ah +Ġfel on +Ġcaus ation +Ġprep aid +Ġp itted +op lan +ĠShel ley +ĠRus so +ĠP agan +Ġwill fully +ĠCan aver +und rum +ĠSal ary +ĠAr paio +read er +ĠR ational +ĠOver se +ĠCa uses +Ġ* . +Ġw ob +Ke ith +ĠCons ent +man ac +77 3 +6 23 +Ġfate ful +et imes +Ġspir ited +ĠD ys +Ġhe gemony +Ġboy cot +ĠEn rique +em outh +Ġtim elines +ĠSah ara +ĠRel ax +ĠQuin cy +ĠLess ons +ĠE QU +SE A +N K +ĠCost co +Incre ase +Ġmotiv ating +ĠCh ong +am aru +ĠDiv ide +Ġped igree +ĠTasman ia +ĠPrel ude +L as +9 40 +57 4 +Ġch au +ĠSp iegel +un ic +-- > +ĠPhil ips +ĠKaf ka +Ġuphe aval +Ġsent imental +Ġsa x +ĠAk ira +ser ial +Mat rix +Ġelect ing +Ġcomment er +ĠNeb ula +ple ts +ĠNad u +ĠAd ren +Ġen shr +ĠR AND +fin ancial +ĠCly de +uther ford +Ġsign age +Ġde line +Ġphosph ate +rovers ial +f ascist +ĠV all +ĠBeth lehem +Ġfor s +Ġeng lish +S olid +N ature +Ġv a +ĠGu ests +Ġtant al +Ġauto immune +;;;;;;;; ;;;; +ĠTot ally +ĠO v +Ġdef ences +ĠCoc onut +Ġtranqu il +Ġpl oy +Ġflav ours +ĠFl ask +ãĤ¨ ãĥ« +ĠWest on +ĠVol vo +8 70 +Ġmicro phones +ver bal +R PG +Ġi ii +; } +0 28 +Ġhead lined +Ġprim ed +Ġho ard +ĠSh ad +ĠEN TER +Ġtri angular +Ġcap it +l ik +ĠAn cients +Ġl ash +Ġconv ol +Ġcolon el +en emy +G ra +Ġpub s +ut ters +Ġassign s +ĠPen et +ĠMon strous +ĠBow en +il ver +H aunted +ĠD ing +start ed +pl in +Ġcontamin ants +ĠDO E +ff en +ĠTechn ician +R y +Ġrob bers +Ġhot line +ĠGuard iola +ĠKau fman +row er +ĠDres den +ĠAl pine +E lf +Ġf mt +ĠS ard +urs es +g pu +Un ix +Ġunequiv ocally +ĠCitizens hip +qu ad +m ire +ĠS weeney +B attery +6 15 +Ġpanc akes +Ġo ats +M aps +ĠCont rast +mbuds man +ĠE PS +Ġsub committee +Ġsour cing +Ġs izing +ĠBuff er +ĠMand atory +Ġmoder ates +ĠPattern s +ĠCh ocobo +ĠZ an +ĠSTAT ES +ĠJud ging +ĠIn her +* : +Ġb il +ĠY en +Ġexh ilar +oll ower +z ers +Ġsn ug +max imum +Ġdesp icable +ĠP ACK +ĠAn nex +Ġsarcast ic +Ġlate x +Ġt amp +ĠS ao +b ah +ĠRe verend +ĠChin atown +ĠA UT +d ocumented +ĠGA BA +ĠCan aan +ĠÙ ħ +Ġgovern s +pre v +E sc +ĠEst imates +OS P +Ġendeav our +ĠCl osing +omet ime +every one +Ġwor sen +Ġsc anners +Ġdev iations +ĠRobot ics +ĠCom pton +Ġsorce rer +Ġend ogenous +Ġem ulation +ĠPier cing +ĠA ph +ĠS ocket +Ġb ould +ĠO U +ĠBorder lands +Ġ18 63 +G ordon +ĠW TO +Ġrestrict s +Ġmosa ic +Ġmel odies +ç Ħ +T ar +Ġdis son +ĠProv ides +Ġ ...... +b ek +F IX +Ġbro om +ans hip +Do ctors +Ġner ds +ĠReg ions +na issance +Ġmet e +Ġcre pt +pl ings +Ġgirlfriend s +kn it +ig ent +ow e +Ġus hered +ĠB az +M obil +4 34 +ĠPres ents +orig in +Ġins omnia +ĠA ux +4 39 +ĠCh ili +irs ch +G AME +Ġgest ation +alg ia +rom ising +$ , +c row +ĠIn spection +at omic +Rel ations +J OHN +rom an +ĠClock work +ĠBak r +m one +M ET +Ġthirst y +Ġb c +Ġfacult ies +R um +Ġnu ance +ĠD arius +ple ting +fter s +etch up +Reg istration +ĠK E +R ah +Ġpref erential +ĠL ash +ĠH H +Val id +ĠN AV +Ġstar ve +ĠG ong +z ynski +ĠAct ress +Ġw ik +Ġun accompanied +lv l +Br ide +AD S +ĠCommand o +ĠVaugh n +Wal let +Ġho pping +ĠV ie +Ġcave ats +Ġal as +if led +ab use +66 1 +Ġib n +Ġg ul +Ġrob bing +t il +IL A +Ġmit igating +Ġapt ly +Ġty rant +Ġmid day +ĠGil more +ĠDe cker +Ġ§ § +part ial +Ex actly +Ġphen otype +Ġ[+ ] +ĠP lex +ĠI ps +vers ions +Ġe book +Ġch ic +g ross +":" "},{" +ĠSur prisingly +M organ +Ġresid ues +ĠConf ederation +in feld +Ġl yr +mod erate +Ġperpend icular +V K +Ġsynchron ized +Ġrefres hed +Ġad ore +ĠTor ment +ol ina +Ġ26 00 +Item Tracker +Ġp ies +ĠF AT +ĠR HP +0 48 +ĠRES P +ĠB J +all ows +P and +Ġunw elcome +ĠV oc +ĠBast ard +ĠO W +ĠL AR +ĠHeal er +Environment al +ĠKen yan +ĠTr ance +ĠP ats +Ġali ases +ĠGar field +Ġcampaign er +Ġadvance ments +ĠOkin awa +ĠC oh +ows ky +Ġstar ved +Ġsize able +Ġ: -) +Ġm RNA +Ġsusp ensions +ist ar +Scot land +Pr in +-------------------------------- ---------------- +Ġ50 2 +Ġteasp oons +Ġ10 50 +Ġcoerc ive +ĠMason ic +edd ed +ĠPass enger +Ġl att +Ġbr aces +ĠSt eal +ĠNY T +ĠK ats +ĠCel est +ae z +T u +ĠCoul ter +ðŁ ĺ +Fl ickr +ĠWil mington +ith s +++ ; +Ġv ending +Ġneg ro +ĠPh i +ĠYellow stone +Call back +Ġsh ampoo +ĠSh ades +w at +Ġsuper human +Ġridic uled +Ġhol iest +om bo +Ġintern s +Ġh one +ĠPar agu +UR I +Ġd angling +ãĤ » +so v +ict ional +av ailability +Ġrev ocation +Ġd ow +in ic +ĠTHE IR +Ġis o +Ġout ings +ĠLeth al +Ġ) )) +Ġinacc ur +Ġout landish +Ġan us +let ico +id on +l ol +Ġun regulated +Ġsuccumb ed +Ġc uff +ĠWast eland +let al +Ġsub str +Ġcoff ers +Ġautom akers +ov i +ĠX ue +ĠDayton a +Ġjar ring +Ġf umes +Ġdisband ed +z ik +itt on +Ġstriking ly +Ġsp ores +Ad apter +.) : +ĠLynd on +ival ry +Ġor ally +Ġtumult uous +Ġdisple asure +Ġcon es +or rect +Ġappe ase +Ġder by +ĠTrip oli +ĠAl ess +Ġp oked +ĠGu ilty +v P +En ough +Ġorig inals +6 99 +Ġrabb i +Ġproverb ial +Ġpostp one +el ope +ĠMist y +Ġstaff ed +ĠUn employment +redit ary +Ġdilig ent +re comm +me asures +as in +8 25 +Ġpond s +Ġmm ol +ĠS AR +ĠC ARE +Ġ3 71 +Ġclen ched +ĠCors air +Ġcaric ature +z n +att ach +ĠSch ro +spe ak +p ainted +ĠS uc +ĠE NT +Ġcell ul +ĠP aid +di agn +WH ERE +Ġtext ed +B arn +Ġret racted +ĠRe ferred +S av +Ġup keep +Ġwork places +ĠTok ens +Ġampl ify +cl inical +Ġmult ic +mber g +Ġconvol uted +Reg ion +5 65 +ĠTop ic +Ġsn ail +Ġsal ine +Ġins urrection +ĠPet r +f orts +B AT +ĠNav ajo +Ġrud imentary +ĠLak sh +OND ON +Me asure +Ġtransform er +ĠGodd ard +Ġcoinc ides +ir in +R ex +ĠB ok +qu it +Ġshotgun s +Ġprolet arian +Ġsc orp +ĠAd a +5 14 +Ġsl ander +record ed +Ġemb ell +ris ome +Ġapolog izing +ĠMul cair +ĠGib raltar +Cl a +Ġall ot +ĠAtt ention +Ġ4 33 +le ave +Ġwh ine +ĠIss a +ĠFa ust +ĠBar ron +hen y +Ġvictim ized +J ews +Ġnurt uring +ett el +W inged +ĠSub tle +Ġflavor ful +ĠRep s +eng ed +call back +Ġdirection al +Ġcl asp +ĠDirect ions +plan et +icult ure +Hel per +ic ion +ac ia +Ġç ¥ŀ +Ġsur ges +Ġcan oe +ĠPrem iership +be en +Ġdef ied +ĠTro oper +Ġtrip od +Ġgas p +ĠE uph +ĠAd s +vern ight +high ly +R ole +Ġent angled +ĠZe it +6 18 +ĠRust y +Ġhaven s +ĠVaugh an +HA EL +ĠSER VICE +/ , +Ġstr icken +Ġdel usions +Ġb is +ĠH af +Ġgrat ification +Ġent icing +UN CH +Ad ams +ĠOL ED +ĠBeet le +Ġ18 99 +ĠSO FTWARE +ateg or +V L +ĠTot em +ĠG ators +AT URES +Ġimped ance +Reg istered +ĠC ary +ĠAer ial +on ne +en ium +Ġd red +ĠBe g +Ġconcurrent ly +Ġsuper power +ĠX an +j ew +imes ter +ĠDick inson +âĶ ģ +F la +Ġp ree +ĠRoll ins +© ¶æ +Ġden omination +ĠL ana +5 16 +Ġinc iting +sc ribed +j uries +ĠWond ers +app roximately +Ġsusp ending +Ġmountain ous +ĠL augh +oid al +N s +Det ect +) = +ĠL uthor +ĠSchwarz enegger +ĠMull er +ĠDev i +ec ycle +J ar +6 13 +ĠL ongh +B ah +ĠSP ORTS +n w +Ġref inement +Ġwater ways +Ġd iner +Bl ade +68 3 +F ac +Ġinitial s +Ġro g +Ġparan ormal +B UT +Ġ[ ( +ĠSw anson +ĠM esh +âĸ ¬ +Impro ve +ĠRad iation +ĠEst her +ĠE sk +ĠA ly +ik y +Ġir rad +ĠBuck ingham +Ġref ill +Ġ. _ +Re pe +CON CLUS +Ġdifferent iated +Ġchi rop +ĠAt kins +Pat tern +Ġexc ise +Ġcab al +N SA +ĠST A +ĠS IL +ĠPar aly +Ġr ye +ĠHow ell +ĠCount down +ness es +alys ed +Ġres ize +ãĤ ½ +Ġbudget ary +ĠStr as +w ang +Ġap iece +Ġprecinct s +Ġpe ach +Ġsky line +Ġ35 3 +pop ular +App earances +ĠMechan ics +ĠDev Online +S ullivan +Z en +Ġp u +op olis +5 44 +Ġde form +Ġcounter act +ĠL ange +Ġ4 17 +Con sole +77 4 +Ġnodd ing +Ġpopul ism +Ġhe p +Ġcoun selling +compl iance +U FF +Ġunden iably +Ġrail ing +ĠHor owitz +ĠSim one +ĠBung ie +Ġa k +ĠTal ks +x ff +fl ake +Cr ash +Ġsweat y +Ġban quet +ĠOFF IC +Ġinvent ive +Ġastron omer +ĠStam ford +ĠSc are +ĠGRE EN +olic ited +Ġr usher +Ġcent rist +ight ing +Ġsub class +Ġdis av +Ġdef und +ĠN anto +oci ate +m ast +Ġpac if +Ġm end +e ers +imm igration +ESS ION +Ġnumber ing +Ġlaugh able +ĠEnd ed +v iation +em ark +P itt +Ġmetic ulous +ĠL F +Ġcongrat ulated +ĠBir ch +Ġsway ed +Ġsemif inals +Ġhum ankind +m atter +ĠEqu ip +opa usal +S aid +ĠLay out +Ġvo icing +Ġth ug +Ġporn ographic +I PS +Ġmo aning +Ġgriev ance +Ġconf essions +esc al +TEXT URE +Aut hent +os aurus +P urchase +Ġreleg ation +al ter +ĠÂł Âł +Ġr iddled +Ġo gre +ĠLow ell +Occ up +E at +ĠHy der +ĠAdvis er +Com merce +H unt +ĠOr th +ĠComp etitive +ĠCL A +CD C +Ġsal ads +F le +Ġindustrial ized +` , +ĠO WN +Ġbec k +ĠPart icularly +oub t +Ġm M +ĠHuss ain +ĠChen nai +Ġ9 20 +Ġappoint ing +ĠCull en +,,,, ,,,, +Ġp ores +ver ified +Ġbi ochemical +em ate +Ġcoward ly +ĠHels inki +ĠEthiop ian +S OURCE +ER C +est ro +Ġbi otech +ĠS our +Ġbrew er +Bloom berg +Ġintens ify +Gl ass +an co +ĠF DR +gre SQL +ĠF ires +©¶æ ¥µ +ec o +100 1 +ĠHom eless +Ġinstant aneous +ĠH aste +ig el +D iamond +Ġp aving +Ġland fill +Ġd ads +h oun +: ] +Ġinc endiary +ĠLiving ston +ĠHil bert +ĠChe cks +st yles +in ators +ĠCl ive +ph rine +Ġchimpan zees +Ġp all +ĠJ M +ĠAad haar +ð Ŀ +Ġachie vable +dis abled +P ET +OOOO OOOO +M ot +Ġint angible +Ġbal let +ĠWe bs +ĠEst imated +Effect s +Ġb ailed +Josh ua +Ġturb ulence +Ġoccup ant +ĠDay light +Ġ36 1 +me et +Ġstat ically +Ġon look +Ġk i +il legal +Ġvel vet +Ġdehyd ration +Ġacqu ies +ĠRe z +ak ura +ĠU pton +at ro +Ġincomp rehensible +Ġback door +ĠRh ino +7 27 +Ġmath s +) + +Ġhe resy +Ġd f +ĠRoc he +ĠL ydia +Ġpanc reat +re ply +arre ll +Ġsolicit ation +Ġcirc adian +BI P +Ġfor ay +Ġcrypt ic +iz u +ime o +ĠTom ato +ĠH oms +ex amination +Ġqu arry +ĠVal iant +ĠJer icho +ĠIN CLUD +Ġ18 40 +5 19 +Ġres ists +Ġsnap shots +ĠSp ur +ĠAnt iqu +Log in +Ġbest selling +Ġant ic +ĠS utherland +ãĤ¢ ãĥ« +Ġ~ / +ĠP arm +è ĥ +P ages +int ensity +Ġimm obil +Ġ18 65 +zz o +Ġn ifty +Ġf entanyl +ĠPres ervation +op hen +Ġd arts +ĠD inosaur +po inters +ĠR ite +s uggest +aware ness +ĠSher idan +Ġst ances +Ġsor cery +Ġper jury +ĠNik ola +ie ver +Ġf iance +ĠJordan ian +ĠBall oon +Ġn ab +Ġk b +Ġhuman ities +ĠTan aka +hill ary +Ġconsult ancy +ĠZ ub +Ġrem ission +Ġconf id +CH Q +ĠF ug +Ġimpro vis +Y ep +/ _ +Ġunwilling ness +Ġport folios +05 5 +ĠInstruct or +aim an +Ġclaim ants +M bps +ĠBy e +re ceived +T weet +Ġind emn +ri z +am ara +N at +Ġeval uates +ĠL ur +ep ad +FO X +ĠTh ro +Ġrust y +Ġbed rock +ĠOp rah +J B +Ġmanip ulative +Ġwill ful +Ġrel apse +Ġext ant +The me +S ensor +ĠSt ability +go vern +Ġpo ppy +Ġkn ack +Ġins ulated +ĠT ile +ĠExt rem +Ġunt old +Ġconver ge +Ġref uel +ig roup +Ġdistort ions +Ġrav aged +Ġmechan ically +ĠRe illy +ĠN ose +ĠIncarn ation +ĠBeck y +abb ling +Ġt aco +Ġr ake +Ġmelanch oly +Ġillust rious +ĠDart mouth +Gu ide +ĠR azer +ĠBen z +Ult imate +ĠSur prise +Ġpage ant +off er +Who ever +Ġw iser +Ġchem ist +ĠHE LL +ĠBul k +Ġpl utonium +ĠCO VER +Ö ¼ +f ailed +Ġtire lessly +Ġinf ertility +ĠTr ident +ĠShow time +ĠC iv +V ice +requ ires +itt ance +Ġun controlled +interest ing +56 1 +Ġinnov ate +ateg ic +L ie +ĠS elling +U l +Ġsav ior +ĠT osh +Ġsw ast +P ASS +Ġr ink +Ġcard io +ĠI ro +ud i +Ġv antage +Ġv ans +ĠNi ño ++ = +Ġpropag ate +< ? +Ġmethod ological +204 39 +Ġtrig lycer +Ġing rained +ĠAn notations +arr anted +6 17 +ĠS odium +ĠA AC +techn ical +mult ipl +Ġ3 73 +å ĭ +Ġdec isively +Ġboost ers +Ġdessert s +ĠGren ade +Ġtest ifying +ĠSc ully +ID s +Ġlock down +ĠSc her +ĠR é +ĠWhit man +ĠRams ay +rem ote +Ġh ikers +ĠHy undai +Ġcons cientious +Ġcler ics +ĠSiber ian +ut i +is bury +Ġrel ayed +Ġqu artz +ĠC BI +seek ers +ull a +Ġweld ing +ĠSh al +ble acher +T ai +ĠSam son +Ġt umble +ĠInvest or +Ġsub contract +ĠShin ra +ow icz +j andro +d ad +Ġtermin ating +ĠNe ural +ä» £ +Ġleak age +ĠMid lands +ĠCaucas us +í ķ +c it +ll an +iv ably +ĠAlb ion +Ġ4 57 +Ġregist rations +Ġcomr ade +Ġclip board +0 47 +Ġdiscour aging +ĠO ops +Ad apt +Ġem path +n v +ĠPR OT +ĠDon n +ĠP ax +ĠB ayer +t is +Squ are +Ġfoot prints +part icip +ĠChile an +B rend +ind ucing +M agn +Ġclub house +ĠMagn um +Ġenc amp +ĠEth nic +uch a +ere y +Ġw atered +ĠCal ais +Ġcomplex ion +Ġsect s +Ġren ters +Ġbr as +oÄŁ an +Time out +Man agement +Ġinf ographic +P okemon +Cl ar +Ġloc ality +Ġfl ora +as el +P ont +Ġpop ulate +ĠO ng +Ġsubs istence +Ġa uctions +ĠMcA uliffe +ĠL OOK +br inger +Ġtit an +Ġmanif old +ĠâĹ ı +Ġcalibr ated +Ġcal iphate +ĠSH E +ĠCommission ers +ce ivable +j c +W inner +5 24 +Ġcond one +Other wise +Ġp iling +Ġem body +ĠCrime an +ut ics +ĠEx hibition +Ġ4 26 +e ering +Ġv ying +ĠH UGE +* =- +Ġprin cipled +à ¦ +Ġquir ks +ĠEdit ors +put ing +G ES +ĠF TA +ठ¾ +add on +ĠH AM +ĠFrie za +W oman +. $ +Ġc rib +ĠHer od +Ġtim ers +ĠSp aces +ĠMac intosh +at aka +Ġgl ide +Ġsmell ing +ĠB AL +Ġun su +Ġcond os +Ġbicy cl +ĠRev ival +55 3 +Ġjugg ling +H ug +ĠKardash ian +ĠBalk ans +mult iple +Ġnutrit ious +oc ry +19 00 +Ġinteg rates +Ġad joining +ĠF older +roll ment +ven ient +Ġu ber +y i +Ġwh iff +ĠJu ven +ĠB orough +net te +Ġb ilingual +ĠSp arks +ph thal +man ufact +Ġt outing +ĠPH I +Ke efe +Rew ard +Ġinf all +ĠTem per +typ ically +ĠNik ol +Ġregular s +Ġpseud onym +Ġexhib itions +Ġbl aster +Ġ40 9 +w arming +Ġrever ber +Ġrecip rocal +Ġ6 70 +ip ient +b ett +ĠBe gins +Ġit ching +ĠPh ar +Ass uming +Ġem itting +ĠML G +Ġbirth place +Ġt aunt +ĠL uffy +ĠAm it +Ġcir cled +ĠN ost +enn ett +Ġde forestation +ĠHist orically +ĠEvery day +Ġovert ake +79 2 +Ġn un +ĠLuc ia +Ġaccompan ies +ĠSe eking +ĠTr ash +an ism +R ogue +Ġnorth western +ĠSupplement al +ĠNY U +ĠF RI +ĠSat isf +x es +5 17 +Ġreass ured +Ġspor adic +Ġ7 01 +Ġmed ial +Ġcannabin oid +Ġbarbar ic +Ġep is +ĠExplos ive +ĠD ough +Ġuns olved +Support ed +Ġacknowled gment +sp awn +Ġkit chens +Ġ- = +talk ing +ic ist +ĠPeg asus +ĠPS U +Ġphot on +ĠAuthent ication +R G +@# & +76 2 +ĠCl air +Ġdi aper +Ġbr ist +ĠProsecut ors +ĠJ em +6 28 +ĠEvery where +ĠJean ne +equ ality +ãĥ© ãĥ³ +object s +ĠPel icans +Ġ39 2 +Ġbl u +b ys +ĠA go +Ġinstruction al +Ġdiscrim inating +ĠTR AN +ĠCorn el +ag os +Ġty re +Ġas piration +ĠBrid gewater +": - +! ". +ĠEn s +ĠCoc o +P ie +Ġdet ach +ĠC ouch +Ġphys ique +ĠOccup ations +osc opic +en ough +B uzz +App earance +Y P +Ġrac er +Ġcompl icity +r pm +T oy +Ġinterrupt s +ĠCat alyst +Ġut ilitarian +imp act +Ġsp aghetti +Ġp orous +Ġeste emed +Ġinc iner +ĠI OC +7 48 +Ġesp resso +ĠSm ile +abil ia +6 35 +Ġmathematic ian +Ġ4 24 +ĠK L +ĠH IP +Ġover heard +ĠT ud +ĠT ec +Ġqu izz +Ġfl attering +Ġcon n +âĢ İ +Ġatt aches +ĠR OS +ĠAC S +Ġt cp +ĠSh ame +sk ip +res pected +ĠTrin idad +gr ain +Ġfooth old +ĠUnch arted +ĠJul io +z l +av ored +ĠAn xiety +er rors +ĠCent auri +its ch +D addy +Ġclutch ing +ĠIm plement +ĠGut ierrez +Ġ7 60 +Ġtele portation +end ra +Ġrevers ible +st ros +Ad venture +08 3 +Ġliber ating +Ġas phalt +ĠSp end +AR DS +im sy +PR ES +ĠEmer ging +Ġwild fires +Ġtechn ologically +Ġem its +ĠART ICLE +Ġirregular ities +Ġcher ish +çī Ī +Ġst ink +ĠR ost +Econom ic +Ġcough ing +ĠMcC ann +pro perties +ilant ro +Ġreneg oti +Trans lation +Ġin quest +ĠGra pe +oot ers +gu i +ĠSwords man +ace ae +h itting +Ġr c +Ġexert ed +ĠS AP +it ent +Ġperil ous +Ġobsc urity +Ġassass inate +Ġab original +Ġresc uing +ĠSh attered +lock ing +all ion +Ch anging +ĠHar rington +ĠB ord +ĠAfgh ans +Jam ie +aret z +ĠAugust us +Ġ38 6 +8 30 +Ġj og +ok ingly +Tr igger +ĠH OR +Stat istics +Ġviewers hip +Ġadd itives +h ur +Ġmaxim izing +ĠR ove +ĠLou ie +ĠBuck et +ĠCHR IST +ou sel +Ġstre aks +ir ted +Ġt ert +Ġcolonial ism +Ġbur ying +y k +Cond ition +ĠDPR K +By Id +75 1 +âĹ ¼ +Ġwor risome +Ġvoc ational +sl ice +Ġsa ils +ĠCorrection al +95 4 +Ġt ul +K id +l uster +Ġfam ilial +ĠSp it +ĠEp iscopal +Specific ally +ĠVol cano +run s +q s +Ġve tted +Ġcram med +t rop +here r +Thank fully +Ġper cussion +Ġor anges +Ġround up +Ġ4 99 +x ious +Char acters +ĠZion ism +ĠR ao +ÃĽ ÃĽ +W F +Ġunintention al +ONE Y +Gr ab +Com mercial +Ġglut amate +ĠMcK enna +ru ciating +ning ton +ih u +Ch an +ĠSw ap +Ġleaf lets +Ġfunction ally +er ous +F arm +Ġcal oric +ĠLiter ally +con cert +Ġshe nan +Ġrep aid +ey es +Ġbas hing +ĠG orge +Ġcollabor ations +Ġun account +itch ie +Ġteam work +pp elin +Ġpip ing +Ġmin ced +Ġd iam +ri eg +Ġmasc ara +Ġsuck er +ĠMo ons +App s +ĠPe ck +Ġper v +ĠFl oat +o ley +ĠN ish +im ize +Ġarom atic +u in +end ish +! / +ĠB icycle +ĠAS IC +ile ged +ĠQuad ro +ios yn +Ġlock out +ĠW ink +SP EC +Attempt s +Ġseed ed +red o +ias is +Ġsn ag +ãĥķ ãĤ© +ãĤ ¶ +Ġground ing +Ġrelie ver +Ġfrivol ous +ĠG ifts +ĠF aces +Es pecially +Ġmicrobi ome +im ag +ĠSch l +ĠP les +ĠBle ach +ĠIr win +ĠE aton +ĠDisc iple +Ġmultipl ication +Ġcoer ced +Ġ4 19 +st h +E vil +B omb +Ġex orc +Ġstag gered +L ESS +Ġinert ia +ĠED IT +Ġgo b +Tr aditional +Ġclass y +Lear y +ĠP AGE +yr s +Ġtrans porter +Ġmat ured +Ġhij ab +Ġbi ome +Where as +Ġex termination +ĠT ues +ĠT akeru +ĠAud rey +er ial +ĠAd en +aff les +Ġnarciss istic +ĠB aird +UT F +I re +ĠCon nie +Ch amp +Ġwhis pering +ĠH att +D K +Ġdis infect +Ġdeduct ed +Ġpart ake +Ġdown grade +ĠEs ports +ĠContin uing +Ġdemocr atically +icro bial +itt a +Ġlim estone +Ġexempt ed +ĠFren zy +H erm +7 28 +Ġfled gling +Met a +765 61 +69 3 +% : +w ake +5 26 +ĠDis cipline +Ġvirgin ity +ĠLeg ions +ĠFrank ie +int ent +Ġrest rooms +ĠRou ter +da q +Ġobjection able +âĨ ij +w ark +ĠRah ul +g ain +activ ation +abs olute +ĠAccess ed +Ġ24 00 +ogg les +Ġsecond ly +ĠDEF ENSE +Ġpost age +wra pper +sh arp +7 29 +Ġcommun icates +Ġadd on +ĠMil itia +H ong +Ġsl umped +ĠJP EG +ĠI car +ad ish +68 1 +Ġmaj esty +ĠWolf gang +ĠEl astic +u per +Ġv iz +Ġunconscious ly +ĠST D +ĠS ass +Ġflower ing +ĠHel ic +ĠDra per +ĠAm ateur +Ġman ure +Ġdis ingen +ĠLe i +br ing +9 49 +Ġinhib ited +Ġhead quartered +Ġen igmatic +�� � +Ġred ress +R H +Ġratt led +Ġd iction +l io +ĠT BA +ĠSN AP +C alling +Ġfasc ists +ĠD ove +iew icz +0 36 +Ġco asts +ĠR ect +Ġ) ] +L ot +6 29 +ĠS EM +ĠPeters en +ĠExpl ain +ĠBo ards +ĠBe zos +ĠJ ournals +Ġ20 24 +p arser +Ġmist rust +Ġgr ate +ĠL ocked +bo a +S aint +g aming +Ġvow el +in ately +bl ow +All ah +Ġun matched +Ġb ordering +ĠExp end +n r +Or acle +rou ch +Ġcont iguous +ac us +Ġdist raught +58 1 +Ġanat omical +O X +ap ixel +8 33 +ĠPL US +Ġres usc +Ġab iding +57 3 +Ġvac ancies +Em ily +Ġhyp othal +ĠWer ner +ĠWe e +ĠDJ s +5 13 +Ġwitch craft +Ġac upuncture +ent ary +benef it +Product s +ĠP SP +ĠMP G +ĠJ inn +ĠJ arrett +Ġ4 45 +ĠIm aging +ĠP yth +Fin ish +Ġte x +Ġjuven iles +Ġhero ism +Ġdoubt less +ĠA ki +ĠT end +ĠPatri arch +Ġbit ters +ĠTele communications +it atively +ag na +Ġr g +ĠS OLD +Ġcomp ulsion +ĠN asa +ĠKath ryn +Ġmillion aires +Ġintrins ically +Ġbolst ered +time out +fl o +Ġtut or +p our +Stat ement +Ġ{ * +ĠRud olph +ĠKimber ly +rog ens +adi q +] + +Ġindign ation +Ġfract uring +ĠRe leases +ĠGr ain +pro tein +L ago +Ġvac ations +Ġboot ed +ĠTH REE +ĠH G +oresc ence +Ġt f +Ġso ar +iosyn cr +Ġgl ances +ĠSp oon +ĠJ ury +ĠCow boy +Ġcreat ively +Hig her +Ġsolic itor +Ġhaw k +ac io +89 6 +Ġsuperf lu +Ġbombs hell +ct ure +Ġbroker age +Ġraid ing +Ġf rench +Ġang led +Trans action +ĠGen ocide +u pe +ĠHait ian +57 2 +! : +Ġunwitting ly +iter ator +sc roll +Ġtall ied +Ġbi omedical +ĠC ARD +Ġe uphem +Ġbrain storm +a quin +K o +Mic helle +ĠR unes +ĠBall istic +ud ers +Ġmod esty +ĠiP ads +ĠEzek iel +Y E +Ġstars hip +Ġpower fully +Ġper l +ĠSh ade +ĠQu art +ĠE EG +Ġfisher man +OS ED +ĠTyp ical +df x +Ġmes hes +Ġet ched +worth iness +Ġtopp led +Ġ3 96 +or ius +We iss +Ġmy sql +ĠVal halla +Ù Ĵ +le asing +Ġrec omp +rap nel +S el +04 3 +Ġder ailed +ĠGu ides +IR T +Ġde human +ĠBritt any +" )) +Ġex claim +Ġb alk +Ġ8 40 +CLA IM +int el +L AB +Ġpe gged +Ġast roph +sm oking +Ġrig ging +Ġfix ation +Ġcat apult +ins ide +ĠC ascade +ĠBolshe vik +G aza +Dep th +Ġloud spe +Ġalmond s +me yer +l eness +j en +f resh +Ġunbeat en +ĠSqu id +ĠPres umably +Tim er +B W +Ġro sters +Ġell ipt +ĠHar riet +dat abase +ĠMut ual +ĠComm odore +uk ed +kn ife +ĠCOMM UN +h ya +Ġmel ts +arch ives +Ġrat ification +Ġmultip lying +Ġinter oper +Ġasc ert +w ings +ver ting +ĠScorp ion +ay e +ĠPorts mouth +ĠM TA +n it +iaz ep +Ġqu arantine +Ġslides how +Ġcent imeters +Ġsyn opsis +Ġsp ate +th irst +Ġnom inating +ĠMel vin +Pre view +Ġthro b +Ġgener ational +ĠRad ius +rest ling +put able +aw ar +N ECT +Ġunlaw fully +ĠRevel ations +Wik ipedia +sur v +Ġeye ing +ij n +ĠF W +Ġbr unt +Ġinter stellar +Ġcl itor +ĠCroat ian +ĠCh ic +ev a +ĠDis app +ĠA kin +iner ies +d ust +Interest ed +Ġgen esis +ĠE ucl +ö n +p icking +Ġmut ated +Ġdisappro ve +ĠHD L +Ġ6 25 +Ì ¶ +c ancer +Ġsqu ats +Ġle vers +Disc uss += ] +D ex +ĠVIDE OS +A UD +Ġtrans act +ĠKin ect +ĠK uala +ĠC yp +7 47 +Ġsh attering +Ġarsen ic +ĠInt ake +ĠAngel o +ĠQu it +ĠK he +Ġ18 93 +M aker +0 29 +ĠPain ting +Dis able +9 16 +Ġanal ges +Ġtact ile +Ġprop hes +Ġd iced +ĠTravel s +ĠHe ader +ĠClub s +Ass istant +Ġinc rim +Ġd ips +Ġcruc ifix +ĠShan ahan +ĠInter pret +Ġ40 90 +al ogy +abb a +Ġsimul ac +hus band +S IM +Ġrecy cle +uc er +ed ged +Ġre naissance +ĠBomb ay +Cath olic +ĠL INE +ĠCl othing +re ports +Ġpl aus +Ġd ag +ĠM ace +Z I +Ġintr uder +ĠVeter inary +g ru +Ġsne aky +ĠS ie +ĠC innamon +P OSE +Ġcou rier +ĠC NS +Ġemanc ipation +s it +Ġplay through +ĠFac ilities +v irt +ĠG auntlet +Thom pson +Ġunbeliev ably +Param eters +Ġst itching +ign e +ĠTH ESE +Priv acy +Ġshenan igans +Ġvit ri +ĠVal id +59 1 +Ń · +ĠProt otype +ink a +SC P +ĠT id +è Ī +old ed +Ġindividual ity +Ġbark ing +Ġm ars +ĠW D +Ġ8 20 +Ġt ir +Ġsl apping +Ġdisgr untled +ĠAng ola +ri us +ĠTorn ado +ĠTh urs +Ġcapt cha +Ġang st +ĠP og +ĠAssass ins +ĠAd idas +Ġjoy ful +Ġwh ining +Emer gency +Ġphosph orus +Ġatt rition +oph on +ĠTimber wolves +ĠJ ah +ĠBr inging +ĠW ad +ĠEn sure +oh l +ĠX ie +omm el +c mp +Ġz ipper +Ġrel at +ĠCor ridor +m ilo +T ING +Av g +Ġcro pped +] } +Ġr aged +ĠLump ur +ĠGuer rero +our ke +N ut +Ġoff sets +og lu +dr m +Ġmort als +lat able +Ġdismiss ive +ä¸ ī +Ġthro ats +Ġchips et +ĠSpot light +Catal og +art ist +G b +Ġch illy +Ġst oked +Ġ3 74 +W ard +L atin +Ġf iasco +Ġble ach +Ġb rav +Enh anced +Ġin oc +ĠFior ina +_ > +Ġle ukemia +Ġel uc +Ġannoun cer +ĠLith uan +ĠArm ageddon +å ĩ +Len in +ĠR uk +Ġpe pp +ĠRom antic +ĠP IT +ĠInter stellar +ĠAt kinson +R aid +J s +Go al +C ourse +Ġvan ishing +es ley +ĠR ounds +Els a +59 3 +Ġredund ancy +ĠST AND +Ġprop hetic +Ġhabit able +ry u +Ġfaint ly +M ODE +Ġfl anked +IR C +Aw esome +Ġsp urious +ĠZ ah +ĠMS G +Ġsh ading +Ġmotiv ational +ĠSant ana +ĠS PR +Ġexc ruciating +om ial +ĠM iko +ĠLe opard +A byss +Ġ[ | +d irty +Ġbath s +Ġdem oral +and re +P B +Ġun ification +Ġsac rament +Ġ[ & +Ġpric eless +Ġgel atin +Ġeman ating +ĠAll aah +98 6 +Ġout burst +Ġer as +ĠX VI +ĠSP I +O tt +ĠLaz arus +PL IED +F lying +blog s +W isconsin +R aven +Ġreb ate +Ġcreep s +ĠSp an +ĠPain ter +ĠKir a +ĠAm os +ĠCor vette +Cons umer +ĠRec over +ck i +Ġpes ky +ĠIn vention +Compan ies +Ġchalleng ers +ad emic +ĠUkrain ians +ĠNeuro log +ĠFors aken +Ġent rants +Ġemb attled +Ġdef unct +ĠGlac ier +Ġpo isons +ĠH orses +m akes +ĠD irt +Ġ4 23 +hh h +ĠTrans formation +QUI RE +................ .. +Ġtrave ller +ĠSe xy +ĠK ern +ip olar +Ġransom ware +oooooooo oooooooo +E c +rub y +Prof essional +ĠOut break +arg ument +G rey +ĠFif a +ĠCH O +ĠFOR M +ĠAm trak +- [ +Ġcr adle +Ġantioxid ants +ãģ®å ® +7 36 +ĠNAS L +ĠContribut ions +Ind iana +ĠST EP +C SS +Ġsal ient +Ġall ocations +yr ights +Ġm ashed +ĠCut ter +Sex ual +Ġp ounded +Ġfan base +Ġc asc +ĠTrans parency +Ġanaly tic +ĠSummon er +× ŀ +ĠAD C +det ail +Ġvan quished +Ġcr abs +ar ie +Dest roy +ĠS ack +Ġtrans istor +Al abama +ĠK oen +ĠFisher ies +c one +Ġannex ed +ĠM GM +es a +Ġf aked +ĠCong ratulations +Ġhind ered +Ġcorrection al +ĠI TV +lee ve +Ġin appropriately +lic ks +Ġtresp ass +Ġp aws +Ġnegoti ator +ĠChrist ensen +lim its +ĠDian ne +Ġeleg ance +ĠContract s +an ke +Ob j +Ġvigil ance +Ġcast les +ĠN AD +ĠHol o +Ġemph atically +ĠTit us +ĠServ ing +ĠRich ie +ĠP igs +5 68 +Ġanim osity +ĠAtt ributes +ĠU riel +M Q +my ra +ĠApplic ant +Ġpsychiat rists +ĠV ij +ĠAb by +ag ree +P ush +Ġk Wh +hib a +Ġinc ite +ĠWe asley +ĠTax i +minist ic +hy per +ĠF arn +Ġ6 01 +ĠNation wide +F ake +95 2 +Ġma ize +Ġinteract ed +Ġtransition ed +Ġparas itic +Ġharm onic +Ġdec aying +Ġbas eless +ns ics +Ġtrans pired +Ġabund antly +ĠFore nsic +Ġtread mill +ĠJ av +ab and +Ġssh d +Ġfront man +ĠJak arta +oll er +dro ps +ĠSERV ICES +rompt u +oph ical +h ospital +bled on +6 45 +Ġmid range +ĠEV ENT +cul ated +raw led +Ġper ched +Ġover board +ĠPe el +ĠP wr +ĠCar th +ĠCOM PLE +co e +sh all +Ġdeter rence +M ETHOD +ĠAbs ent +M EN +Ġs ill +ĠLE VEL +Y ork +Ġsin ners +ĠOP EC +ĠN ur +ĠDesign s +se lection +Ġunw orthy +CH A +Ġstreng thens +88 3 +ed ly +Ġslic ing +Ġmal nutrition +Ġfilm making +ĠPol k +ur ated +Ġ4 21 +bre akers +!' " +Ġwet lands +ĠDisc rimination +Ġallow able +Ġste ered +ĠSic ily +S AM +Ġmust ache +Ġm ids +Ġcl ipped +Ġcirc ulate +Ġbr ittle +ĠBuild ings +ra ised +ĠRound up +Ġwealth ier +Ġoverw rite +Ġover powered +ĠGerr ard +s ites +PD ATED +Ġacute ly +ĠGam ble +Ġp im +ĠK us +Typ ically +De ploy +ĠMoroc can +p otion +com be +Ġvigil ante +Ġ36 3 +St ew +ĠB agg +Ġres ided +ĠSp o +Ġrem nant +Ġempt iness +br ainer +Ġout patient +pri ority +Ġle ptin +ĠPay ton +ĠGle aming +ĠS hed +ĠPol o +ĠMormon ism +rest ricted +arl ane +w x +Ġcreat ine +ĠAn on +ĠST UD +ĠJ UL +ĠT ee +5 28 +08 9 +Ġhat ched +Dis patch +ĠCompos ite +Ġ45 1 +p uff +ĠX COM +ĠOr n +ĠTH ANK +END ED +ĠAshe ville +Ġà ľ +Ġman go +ĠS lightly +world ly +ĠW ander +ĠExp and +ĠCh r +M ist +Ġorthodox y +ĠUN ESCO +reg ate +Else where +k ie +ir led +Ġtopp le +Ġadopt ive +ĠLeg s +d ress +ĠS agan +b are +ĠGl ou +Cr unch +Ġhelp ers +Ġchron ically +ĠH uma +1 0000 +Ġaccommod ating +äº Ķ +Ġwrink les +Ġdod ged +four th +Ġpre con +Ġcompress or +ĠK are +Ġev ict +ĠWar wick +im ar +Ġmodern ization +Ġband wagon +Ġref uted +Ġnet ted +ĠNa ples +ĠGen ie +per ors +Ġfield ed +Ġde re +ĠPar ables +le es +Ġtr out +asp ers +Ġn ihil +Ġhapp iest +Ġflo ppy +ĠLo ft +ĠHe ard +Ġun ison +Ġl ug +ĠRed mond +class ic +Supp orters +SH IP +G MT +Ġfue lled +ç IJ +Ġd d +ĠEmin em +Ġ18 97 +NY SE +Ġsecret aries +ĠF IA +ĠCanaver al +F avorite +Ġp omp +Ġdetain ee +ers hip +aim on +i our +ĠA pex +Ġplant ations +am ia +ac ion +R ust +Ġtow ed +ĠTru ly +5 77 +Ġshel tered +r ider +W o +Ġl air +ĠInt elligent +impro ve +m atically +Ġet iquette +ad ra +all o +ĠJun o +any thing +ĠStru ggle +ĠPred ict +ĠGr imes +ĠAMER ICA +ct x +ĠSit uation +W OOD +Ġsol uble +me ier +Ġintoler able +ang ering +Ġun interrupted +Ġtool tip +Ġinterrog ated +Ġgun ned +ĠSne ak +æŃ ¦ +Ġt ether +Ġcr umble +L ens +Ġclust ered +ĠSy l +ĠHas an +Ġdystop ian +w ana +Ġjoy stick +ĠTh ib +amm u +Tom orrow +5 46 +Ġoverc ame +Ġminim ized +cept or +Run ner +ENG TH +ĠBrend a +ĠAchieve ments +Ġtor ches +Ġrapp ort +ĠInvestig ator +ĠHand ling +rel ation +g rey +8 15 +Ġk cal +ĠComm ands +d q +Ġcur ls +Ġbe arer +Ġcyn icism +it ri +ĠUse ful +B ee +D CS +Ġab ras +P ract +BIL ITIES +7 12 +Ġdebug ger +Ġdebt or +ĠL ia +ĠK ers +Ġexacerb ate +ĠSt acy +ĠB land +ĠSc enes +Ġbranch ing +âĸĪâĸĪâĸĪâĸĪ âĸĪâĸĪâĸĪâĸĪ +ape ake +Ġs alsa +Ġmish and +ĠKon ami +ĠN ib +Ġanecd ote +Ġagree able +Ï ī +ĠNath aniel +ĠHe isman +ĠB eware +Ġ18 86 +spect ive +69 1 +5 22 +Ġinhib its +Ġhas hing +Ġ18 89 +å° Ĩ +v ich +P ure +Ġsolid ly +Ġaspir in +im aru +Ġstreet car +ĠU CS +ĠJ udd +Ġflash backs +p ins +Ġ14 40 +ĠUN HCR +ĠSym ptoms +T IT +5 38 +F ra +% ); +Ġo oz +Ġcur few +Ġcal med +Ġparticip ates +Te X +Ġnons ensical +Ġfull back +ĠDe L +mon key +h ari +Ġmetabol ites +Ġloot ed +ĠAL WAYS +ĠB CC +L t +oc het +B one +Ġveto ed +Ġg cc +ĠCL ICK +Ġ18 88 +s af +Ġstiff ness +Ġlow ly +ĠGe h +vers on +ors et +Ġun foreseen +Ġan esthesia +ĠOpt ical +Ġrecon structed +ĠT up +sh ows +NEW S +ĠNewsp aper +ĠA SA +ter a +N umbers +Ġinexpl icable +× ij +Ġhard ness +unt arily +ĠA cer +grad ient +ARD IS +Ġwood land +Ġmetaph ors +ĠWem bley +ĠPa vel +phil is +Ġre writing +Ġpercept ual +Ġ10 70 +worm s +ĠDown s +Ġunsur prisingly +Ġtag ging +fl ame +Ġlit res +Ġboun ces +ĠB abe +sh ut +Ġoverd oses +ĠShe ila +ĠCh au +ĠBl ess +Capt ure +ĠSign ificant +ĠSc ion +Ġ38 9 +ĠMc H +ĠTitan ium +ĠMe al +amed a +ag ents +agg ressive +B illy +76 3 +ĠS aying +DER R +it one +Coll ins +B ound +Ġbol ted +ĠDM CA +95 3 +Ġun iqueness +Ġep igen +un ci +ant am +Ġreck oning +ch airs +OG R +ĠSen egal +Ġ18 62 +re levant +Ġ ¯ +Ġpharm acies +ĠG eral +v ier +Y an +OR PG +Ġrab id +b ending +ĠUN ITED +Ġ4 65 +As sembly +Ġwe ep +Ġbe hest +ĠMother s +ĠJ ace +h id +Ġwh irlwind +ĠUN IVERS +Ġut opian +Ġkidn ap +Ph ilipp +K in +89 3 +Ġlivest ream +ĠM ISS +Ġsub versive +ĠTechn iques +ĠJUST ICE +ĠB ASE +Ġ38 7 +Ġassail ants +ĠHard core +Ġsprink led +ĠP se +é ļ +print ed +ĠH au +OR GE +ĠT OUR +Ġl aced +Ġit ch +G iving +Ġport ed +78 1 +//////////////// //////////////// +bre eding +Ġlog ger +ĠH OL +inn ie +First ly +Ġembry onic +Ġdeleg ated +p ai +O IL +Ġcentr ally +ĠR x +ĠSc outing +D utch +Ġhe reditary +ĠCru iser +s at +5 29 +ĠMar riott +other mal +Ġprohib itions +E arn +ĠSt ab +ĠColleg es +ĠBel ief +st retched +ĠL H +ĠEntity Item +C IA +Ġun rem +Ġlaure ate +Ġdenomin ations +sum mary +h ler +S pect +ĠK laus +ĠBe ans +Ġins ur +ĠPA X +Ġfield er +ĠV et +ĠSp arrow +z ie +ĠS Q +ĠMond ays +ĠOff line +ĠLer ner +ĠExt ensions +Ire land +Ġpatron age +Ġcontrast ed +ĠMan ia +h irt +Mos cow +Ġcondem ns +ĠAn ge +Ġcomp osing +ĠPe pe +ĠP addock +Ġheter ogeneity +Ġide ologically +Ġf ishes +Ġcur sing +ĠR utherford +ĠFlo ating +ĠAm elia +Te a +Syn opsis +Ġstun ts +Ġbe ad +Ġstock ing +ĠM ILL +ob ook +mass ive +\ < +Ġh ump +ĠPref erences +Engine Debug +ge ist +ĠNiet o +ome ver +ish y +eval uate +col onial +Altern ative +ĠGo Pro +ĠV ortex +ĠNET WORK +ans ky +Sec ure +ĠTh rust +Sn ake +Ġparcel s +Ġsam urai +Ġactress es +N ap +M F +ifer ation +Be er +5 23 +ĠI ly +oint ment +P ing +Ġstri ped +ĠMell on +oss ession +Ġneut ron +end ium +Ġa ph +ĠFlav oring +Ġ38 3 +Ġrespons iveness +ĠJ indal +ĠHitch cock +Den ver +ĠDRAG ON +sm anship +ĠDu pl +Ġs ly +Ġweb cam +ĠTw ain +ĠDar ling +ili ate +cons umer +D IT +Ġnames ake +Ġun orthodox +Ġfun er +ĠPL oS +ĠCONTR OL +ozy g +ogl obin +F ACE +ER G +ĠD ia +ĠF iesta +ce le +0 34 +Ġencl ave +âĸ¬ âĸ¬ +on ement +al ist +M and +Ġhome grown +ĠF ancy +Ġconcept ions +ĠCont ains +ure en +Ġreiter ate +Ġme ager +Ġinstall ments +Sp awn +6 27 +Ġphot oc +ĠCab rera +ĠRos enthal +ĠLans ing +is ner +Ġinvest s +ĠUFO s +EX P +Hard ware +Ġtr agically +Ġconced es +ie ft +ch am +bor gh +ĠSch r +ĠMel anie +ĠH oy +Ġvisit ation +Ġid iosyncr +Ġfract ions +Ġfore skin +ob os +Ġpo aching +ĠVI EW +Ġstimul ates +ĠG ork +can on +M IC +ĠNem esis +ĠInd ra +ĠDM V +Ġ5 29 +Ġinspect ing +Ġgrand ma +ĠW hedon +ĠSh ant +ĠP urg +ik an +ĠT eg +ĠCL R +z ac +Vict oria +ĠVer ify +ion ics +Ġpart ying +ĠM ou +col our +Ġtestim onies +l ations +Ġpress uring +hi ro +ac ers +Ġf id +ang ler +ĠCS I +Ġhere after +Ġdiss idents +report ing +iph any +che v +Ġsol itude +Ġl obe +Ġind is +Ġcred ential +re cent +ad ult +ĠNir vana +ĠFranch ise +L ayer +H yp +ĠBerks hire +Ġwill s +t if +Ġtot em +ĠJud ah +rep air +Inst ant +5 48 +Ġemb assies +Ġbott leneck +Ġb ount +Ġtyp ew +ĠAl vin +j ing +im ilar +R ush +Ġbr im +ĠHEL P +A im +] ' +Ġpass ively +Ġbound ed +ĠR ated +Ġcriminal ity +Ġbiom ark +Ġdisp atcher +ĠTow ards +Ġ+ ++ +right eous +f rog +ĠP anc +C arter +0 32 +æ© Ł +Ġult raviolet +ĠLic ensed +ĠT ata +ĠBl essing +ĠG AM +Ġchem ically +ĠSe af +ĠRE LE +ĠMerc enary +capital ist +Ġform ulations +Ġann ihilation +ĠVer b +ĠAr gon +Ġun loaded +Ġmorp hed +Ġconqu ering +back er +I ELD +Ġtheft s +Ġfront runner +ĠRoy ale +ĠFund amental +el ight +C hip +necess ary +ay n +ĠSl ip +Ġ4 48 +cern ed +P ause +Ġshock ingly +ĠAB V +Ġcomp osure +7 33 +ĠMotors port +ah ime +Mur ray +M ach +Ġgr ids +Ġdeb ian +Ġfurther more +Ġdexter ity +ĠCollect ions +os lov +il age +b j +ĠMont eneg +Ġstrut Connector +Ġmassac res +Ġbrief s +fet ched +uv ian +ol ition +Fail ure +emon ic +Ġfl ared +Ġclaim ant +Ġc ures +Ġgive aways +ĠSubst ance +al ions +Ġcr inge +ĠK ul +Ġarist ocracy +ĠUl ster +ol ated +h ousing +ĠM IS +Ġgl ared +ĠWil helm +ne eds +lam bda +build ers +ĠV IS +Ġradi ator +ĠGhost busters +Ġ4 36 +act ual +Ġher ds +ç a +watch ing +Ġcounter ing +Ch arge +Ġchar red +Ġwar heads +Ġiod ine +ĠM acy +04 1 +Ġdepart ures +ĠS ins +Ġdy ed +ĠConcept s +g ado +7 13 +Ġquot ations +Ġg ist +ĠChrist y +Ġant igen +ĠHem p +ĠD rawn +ĠB arg +ez vous +Ġp aternity +Ġar du +ĠAnch orage +ĠR ik +Ġover loaded +ĠUs ername +ĠTam my +ĠN au +ĠCell ular +Ġw aning +Ġrod ent +ĠWor cester +il ts +ĠT ad +Ġdwell ings +Ġbull ish +4 31 +Ġretali ate +Ġmig raine +ĠChev ron +CH ECK +Ġdon key +c rim +SP A +ĠAn alog +Ġmarqu ee +ĠHa as +B ir +ĠGD DR +ĠDownload s +Ġwill power +ĠFor th +ĠRecord ed +Ġimp ossibility +ĠLog ged +ĠFr anks +ĠR att +in itions +Ġclean ers +Ġsore ly +Ġflick ering +ĠEx amination +c atching +allow een +Ms g +Ġdun no +F a +Ġdys ph +c razy +.' '. +Ġmain line +Ġc s +Ġp tr +ĠW ally +ig un +95 1 +ĠBig foot +f ights +Ġretrie ving +J r +Ġdupl ication +ĠExpl an +Ġrel ational +Ġqu aint +Ġbisc uits +Ġad o +Ġsh udder +Ġantid ote +blood ed +ks h +Ġsa uces +Ġrein vest +Ġdispens ary +ĠD iver +Ġ9 000 +stud ent +Ġin separ +esc ap +Ġtodd lers +ĠGP IO +ĠAss ignment +head ers +Ġlack luster +Ġab ack +95 6 +Ġtool bar +7 45 +Ġo ust +Ġcontempl ation +ĠPRES IDENT +Ġ4 58 +==== == +Ġguarantee ing +ĠHe ist +ĠCann es +Ļ ½ +Ġcollabor ator +ĠAm p +Ġg ou +ĠSH ALL +st ories +78 3 +Ġmobil ized +Ġbro od +ĠL U +ĠðŁ ij +Ġref in +ĠAnthrop ology +v ind +ill i +Ġwarrant ies +ĠB abel +Ġsw ath +Ġc aches +Ġantagon ists +art ifacts +Ġhot ly +ĠSt arts +ĠG ö +z ag +!! !!! +Ġsc ourge +Ġcons piring +ru its +re verse +ĠShe en +ĠJes uit +ĠGiov anni +ad ies +Ġbutt ocks +ear cher +ac an +Ġvolley ball +Ġshroud ed +Ġscore board +b ats +ĠI PM +Ġass es +Ġde regulation +ĠTe legram +ĠReb oot +Ġ7 000 +ĠCan ary +Ġk ernels +ĠFranç ois +ĠD uff +ĠP on +ĠLe ica +ĠGar min +Ġor phans +ĠClaud ia +Ġcal endars +ĠLe ilan +ent o +R ocket +Ġbr unch +ĠHaw king +ain ers +Ġsens ibilities +Ġk W +ĠK and +Ġre claimed +Ġinteresting ly +× © +rom y +J M +ĠEnhance ment +b ush +Sk ip +Ġrapp ers +Ġg azing +p edia +ath lon +Rev olution +Ġsn ipers +Ġre verted +Ġconglomer ate +T erry +79 4 +Ġhars her +Ġdes olate +ĠHit man +Comm ission +Ġ( / +â̦ ." +Com par +Ġampl ification +om inated +Ġreg ress +ĠColl ider +Ġinform ants +Ġg azed diff --git a/test/test_transforms.py b/test/test_transforms.py index c638fe24f9..9af044694b 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -149,3 +149,46 @@ def test_truncate(self): def test_truncate_jit(self): """test truncation with scripting on both sequence and batch of sequence with both str and int types""" self._truncate(test_scripting=True) + + +class TestGPT2BPETokenizer(TorchtextTestCase): + def _gpt2_bpe_tokenizer(self, test_scripting): + encoder_json = "gpt2_bpe_encoder.json" + bpe_vocab = "gpt2_bpe_vocab.bpe" + tokenizer = transforms.GPT2BPETokenizer( + encoder_json_path=get_asset_path(encoder_json), + vocab_bpe_path=get_asset_path(bpe_vocab), + ) + if test_scripting: + tokenizer = torch.jit.script(tokenizer) + + sample_texts = [ + "Hello World!, how are you?", + "Hélló WoŕlḊ¿", + "Respublica superiorem", + "Avdija Vršajević în", + + ] + + expected_token_ids = [ + ['15496', '2159', '28265', '703', '389', '345', '30'], + ['39', '2634', '297', '10205', '220', '22173', '129', '243', '75', '41585', '232', '126', '123'], + ['4965', '11377', '64', '2208', '72', '29625'], + ['7355', '67', '34655', '569', '81', '32790', '1228', '1990', '72', '38325', '6184', '106', '77'], + + ] + + # test batch of sentences + self.assertEqual(tokenizer(sample_texts), expected_token_ids) + + # test individual sentences + for idx, txt in enumerate(sample_texts): + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + + def test_gpt2_bpe_tokenizer(self): + """test tokenization on single sentence input as well as batch on sentences""" + self._gpt2_bpe_tokenizer(test_scripting=False) + + def test_gpt2_bpe_tokenizer_jit(self): + """test tokenization with scripting on single sentence input as well as batch on sentences""" + self._gpt2_bpe_tokenizer(test_scripting=True) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 55c83d51d1..13d9d42daf 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -3,18 +3,19 @@ from torch import Tensor import torch from torchtext.data.functional import load_sp_model -from torchtext.utils import download_from_url +from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab -from typing import List, Optional, Any -import os - -from torchtext import _CACHE_DIR +from typing import List, Optional, Any, Dict +import json +from functools import lru_cache +import torchtext # noqa: F401 __all__ = [ 'SentencePieceTokenizer', 'VocabTransform', 'ToTensor', 'LabelToIndex', + 'GPT2BPETokenizer', ] @@ -35,11 +36,7 @@ class SentencePieceTokenizer(Module): def __init__(self, sp_model_path: str): super().__init__() - if os.path.exists(sp_model_path): - local_path = sp_model_path - else: - local_path = download_from_url(url=sp_model_path, root=_CACHE_DIR) - self.sp_model = load_sp_model(local_path) + self.sp_model = load_sp_model(get_asset_local_path(sp_model_path)) def forward(self, input: Any) -> Any: """ @@ -189,3 +186,277 @@ def forward(self, input: Any) -> Any: :rtype: Union[List[Union[str, int]], List[List[Union[str, int]]]] """ return F.truncate(input, self.max_seq_len) + + +class GPT2BPETokenizer(Module): + """ + Transform for GPT-2 BPE Tokenizer. + + Reimplements openai GPT-2 BPE in TorchScript. Original openai implementation + https://github.com/openai/gpt-2/blob/master/src/encoder.py + + :param encoder_json_path: Path to GPT-2 BPE encoder json file. + :type encoder_json_path: str + :param vocab_bpe_path: Path to bpe vocab file. + :type vocab_bpe_path: str + """ + _seperator: torch.jit.Final[str] + + def __init__( + self, + encoder_json_path: str, + vocab_bpe_path: str, + ): + super().__init__() + self._seperator = "\u0001" + # load bpe encoder and bpe decoder + with open(get_asset_local_path(encoder_json_path), "r", encoding="utf-8") as f: + self.bpe_encoder = json.load(f) + self.bpe_decoder = { + bpe_token_id: sub_word + for sub_word, bpe_token_id in self.bpe_encoder.items() + } + + # load bpe vocab + with open(get_asset_local_path(vocab_bpe_path), "r", encoding="utf-8") as f: + bpe_vocab = f.read() + self.bpe_merge_ranks = { + self._seperator.join(merge_pair.split()): i + for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) + } + self.inf = len(self.bpe_merge_ranks) + 1 + + # load byte encoder and decoder + self.byte_encoder = bytes_to_unicode() + self.byte_decoder = { + unicode_t: byte_t + for byte_t, unicode_t in self.byte_encoder.items() + } + + @torch.jit.export + def _list_str_index(self, list_: List[str], element: str, start: int) -> int: + """ + Equivalent to: list.index(v, start) + """ + for i, t in enumerate(list_[start:]): + if t == element: + return start + i + return -1 + + @torch.jit.export + def _get_pairs(self, token_list: List[str]) -> List[str]: + """Return set of token pairs in a word. + + :param token_list: a list of tokens, each represents a word or sub-word. + :type input: List[str] + :rtype: List[str] + + For example: ["he", "l", "l", "o"] + ==> ["he\u0001l", "l\u0001l", "l\u0001o"] + """ + pairs: Dict[str, int] = {} + prev_token: str = token_list[0] + for token in token_list[1:]: + pair: str = prev_token + self._seperator + token + pairs[pair] = 0 + prev_token = token + return list(pairs.keys()) + + @torch.jit.export + def _find_best_pair(self, pairs: List[str]) -> str: + """Return the token pair(e.g bpe merge) with lowest rank. + + Equivalent to: + min(pairs, key = lambda pair: self.bpe_merge_ranks.get(pair, float('inf'))) + """ + best_pair: str = pairs[0] + best_rank: int = self.bpe_merge_ranks.get(best_pair, self.inf) + + for pair in pairs[1:]: + rank: int = self.bpe_merge_ranks.get(pair, self.inf) + if rank < best_rank: + best_pair = pair + best_rank = rank + return best_pair + + @torch.jit.export + def _bpe(self, token_list: List[str]) -> List[str]: + """Return a list of bpe tokens. + + Given a list of input tokens, keep finding the best bpe merge and + generate a new list of tokens until + 1) token list size reduced to 1 or + 2) can't find bpe merge + + :param token_list: a list of encoded bytes, each represented by an unicode. + For example: ['a', 'w', 'e', 's', 'o', 'm', 'e'] + :type input: List[str] + :return: A list of bpe tokens generated by greedy search. + For example: ["aw", "esome"] + :rtype: List[str] + """ + pairs: List[str] = self._get_pairs(token_list) + + if len(pairs) == 0: + return token_list + + while True: + bigram: str = self._find_best_pair(pairs) + if bigram not in self.bpe_merge_ranks: + break + + # Finding all indexes that token_list[i] == first and + # token_list[i+1] == second. + # After the loop, new token list will be + # 1) first + second pair + # 2) all the other tokens in the original token list + # + # For example: first="a" second="w" and token_list = + # ["a", "w", "some", "a", "w", "e"] + # Result: new_token_list = ["aw", "some", "aw", "e"] + first, second = bigram.split(self._seperator) + new_token_list: List[str] = [] + i: int = 0 + while i < len(token_list): + j = self._list_str_index(token_list, first, i) + if j != -1: + new_token_list.extend(token_list[i:j]) + i = j + else: + new_token_list.extend(token_list[i:]) + break + + if ( + token_list[i] == first + and i < len(token_list) - 1 + and token_list[i + 1] == second + ): + new_token_list.append(first + second) + i += 2 + else: + new_token_list.append(token_list[i]) + i += 1 + + token_list = list(new_token_list) + if len(token_list) == 1: + break + else: + pairs = self._get_pairs(token_list) + + return token_list + + @torch.jit.export + def _byte_encode(self, token: str) -> List[str]: + """Encode byte into an unicode character. + + Equivalent to: (self.byte_encoder[b] for b in token.encode('utf-8') + """ + encoded: List[str] = [] + if torch.jit.is_scripting(): + for b in token: + encoded.append(self.byte_encoder[ord(b)]) + else: + encoded = [self.byte_encoder[b] for b in token.encode('utf-8')] + return encoded + + @torch.jit.export + def _regex(self, text: str) -> List[str]: + r"""Return a list of tokens, split by regular expression(pcre). + + 's|'t|'re|'ve|'m|'ll|'d| ?\p{L}+| ?\p{N}+| ?[^\s\p{L}\p{N}]+|\s+(?!\S)|\s+ + """ + return torch.ops.torchtext.gpt2_bpe_pre_tokenizer(text) + + @torch.jit.export + def _encode(self, text: str) -> List[int]: + """Encode text into a list of bpe token ids. + + Split text into a list of token unit, and generate a list of bpe tokens + for each token unit. Lastly encode bpe tokens into bpe token ids. + + Args: + text: An input text string. + + Returns: + A list of bpe token ids represents each bpe tokens. + + For example: "awesome,awe" + --> tokenize(regex) --> tokens: ["awesome", ",", "awe"] + --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] + --> bpe encode --> bpe token ids: [707, 5927], [11], [707, 68] + --> result --> [707, 5927, 11, 707, 68] + """ + + bpe_token_ids: List[int] = [] + for token in self._regex(text): + for bpe_token in self._bpe(self._byte_encode(token)): + bpe_token_ids.append(self.bpe_encoder[bpe_token]) + return bpe_token_ids + + @torch.jit.export + def tokenize(self, text: str) -> List[str]: + """Encode text into a list of Token(token_id, start_idx, end_idx) + + Args: + text: An input text string. + + Returns: + A list of bpe token ids represents each bpe tokens + + For example: "awesome,awe" + --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] + --> bpe encode --> bpe token ids: [707, 5927, 11, 707, 68] + """ + bpe_token_ids: List[int] = self._encode(text) + bpe_tokens: List[str] = [] + + for bpe_token_id in bpe_token_ids: + bpe_tokens.append(str(bpe_token_id)) + + return bpe_tokens + + def forward(self, input: Any) -> Any: + """ + :param input: Input sentence or list of sentences on which to apply tokenizer. + :type input: Union[str, List[str]] + :return: tokenized text + :rtype: Union[List[str], List[List(str)]] + """ + if torch.jit.isinstance(input, List[str]): + tokens: List[List[str]] = [] + for text in input: + tokens.append(self.tokenize(text)) + return tokens + elif torch.jit.isinstance(input, str): + return self.tokenize(input) + else: + raise TypeError("Input type not supported") + + +@lru_cache() +def bytes_to_unicode(): + """ + Original Source: https://github.com/openai/gpt-2/blob/master/src/encoder.py#L9 + + Returns list of utf-8 byte and a corresponding list of unicode strings. + The reversible bpe codes work on unicode strings. + This means you need a large # of unicode characters in your vocab if you want to avoid UNKs. + When you're at something like a 10B token dataset you end up needing around 5K for decent coverage. + This is a signficant percentage of your normal, say, 32K bpe vocab. + To avoid that, we want lookup tables between utf-8 bytes and unicode strings. + And avoids mapping to whitespace/control characters the bpe code barfs on. + """ + bs = ( + list(range(ord("!"), ord("~") + 1)) + + list(range(ord("¡"), ord("¬") + 1)) + + list(range(ord("®"), ord("ÿ") + 1)) + ) + cs = bs[:] + n = 0 + for b in range(2 ** 8): + if b not in bs: + bs.append(b) + cs.append(2 ** 8 + n) + n += 1 + cs = [chr(n) for n in cs] + return dict(zip(bs, cs)) diff --git a/torchtext/utils.py b/torchtext/utils.py index 9a7ad1dde7..426876f60e 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -8,6 +8,7 @@ import zipfile import gzip from ._download_hooks import _DATASET_DOWNLOAD_MANAGER +from torchtext import _CACHE_DIR def reporthook(t): @@ -249,3 +250,25 @@ def _log_class_usage(klass): if klass and hasattr(klass, "__name__"): identifier += f".{klass.__name__}" torch._C._log_api_usage_once(identifier) + + +def get_asset_local_path(asset_path: str) -> str: + """Get local path for assets. Download if path does not exost locally + + Args: + asset_path: Local path to asset or remote URL + Returns: + bool: local path of the asset after downloading or reading from cache + + Examples: + >>> url = 'http:///file.txt' + >>> torchtext.utils.get_asset_local_path(url) + >>> '.data/file.txt' + >>> torchtext.utils.get_asset_local_path('/home/user/file.txt') + >>> '/home/user/file.txt' + """ + if os.path.exists(asset_path): + local_path = asset_path + else: + local_path = download_from_url(url=asset_path, root=_CACHE_DIR) + return local_path From 493e37c464cf61b72ac90b35b7b5bc81e5557539 Mon Sep 17 00:00:00 2001 From: parmeet Date: Sun, 19 Dec 2021 21:39:23 -0500 Subject: [PATCH 051/463] add AddToken transform (#1463) --- docs/source/transforms.rst | 7 +++++ test/test_transforms.py | 53 ++++++++++++++++++++++++++++++++++++++ torchtext/transforms.py | 27 ++++++++++++++++++- 3 files changed, 86 insertions(+), 1 deletion(-) diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index db83e15a1d..6393dd11d2 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -44,3 +44,10 @@ Truncate .. autoclass:: Truncate .. automethod:: forward + +AddToken +-------- + +.. autoclass:: AddToken + + .. automethod:: forward diff --git a/test/test_transforms.py b/test/test_transforms.py index 9af044694b..3aebb90b47 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -150,6 +150,59 @@ def test_truncate_jit(self): """test truncation with scripting on both sequence and batch of sequence with both str and int types""" self._truncate(test_scripting=True) + def _add_token(self, test_scripting): + token_id = 0 + transform = transforms.AddToken(token_id, begin=True) + if test_scripting: + transform = torch.jit.script(transform) + input = [[1, 2], [1, 2, 3]] + + actual = transform(input) + expected = [[0, 1, 2], [0, 1, 2, 3]] + self.assertEqual(actual, expected) + + transform = transforms.AddToken(token_id, begin=False) + if test_scripting: + transform = torch.jit.script(transform) + + actual = transform(input) + expected = [[1, 2, 0], [1, 2, 3, 0]] + self.assertEqual(actual, expected) + + input = [1, 2] + actual = transform(input) + expected = [1, 2, 0] + self.assertEqual(actual, expected) + + token_id = '0' + transform = transforms.AddToken(token_id, begin=True) + if test_scripting: + transform = torch.jit.script(transform) + input = [['1', '2'], ['1', '2', '3']] + + actual = transform(input) + expected = [['0', '1', '2'], ['0', '1', '2', '3']] + self.assertEqual(actual, expected) + + transform = transforms.AddToken(token_id, begin=False) + if test_scripting: + transform = torch.jit.script(transform) + + actual = transform(input) + expected = [['1', '2', '0'], ['1', '2', '3', '0']] + self.assertEqual(actual, expected) + + input = ['1', '2'] + actual = transform(input) + expected = ['1', '2', '0'] + self.assertEqual(actual, expected) + + def test_add_token(self): + self._add_token(test_scripting=False) + + def test_add_token_jit(self): + self._add_token(test_scripting=True) + class TestGPT2BPETokenizer(TorchtextTestCase): def _gpt2_bpe_tokenizer(self, test_scripting): diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 13d9d42daf..3d8fe5bc22 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -5,7 +5,7 @@ from torchtext.data.functional import load_sp_model from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab -from typing import List, Optional, Any, Dict +from typing import List, Optional, Any, Dict, Union import json from functools import lru_cache import torchtext # noqa: F401 @@ -15,6 +15,8 @@ 'VocabTransform', 'ToTensor', 'LabelToIndex', + 'Truncate', + 'AddToken', 'GPT2BPETokenizer', ] @@ -188,6 +190,29 @@ def forward(self, input: Any) -> Any: return F.truncate(input, self.max_seq_len) +class AddToken(Module): + """Add token to beginning or end of sequence + + :param token: The token to be added + :type token: Union[int, str] + :param begin: Whether to insert token at start or end or sequence, defaults to True + :type begin: bool, optional + """ + + def __init__(self, token: Union[int, str], begin: bool = True) -> None: + super().__init__() + self.token = token + self.begin = begin + + def forward(self, input: Any) -> Any: + """ + :param input: Input sequence or batch + :type input: Union[List[Union[str, int]], List[List[Union[str, int]]]] + """ + + return F.add_token(input, self.token, self.begin) + + class GPT2BPETokenizer(Module): """ Transform for GPT-2 BPE Tokenizer. From 4b7cd6cadb579fff797b56d6d430d1a6599a1cf1 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 21 Dec 2021 21:08:41 -0500 Subject: [PATCH 052/463] hide symbols when building 3pp code (#1467) --- build_tools/setup_helpers/extension.py | 7 ++++++- 1 file changed, 6 insertions(+), 1 deletion(-) diff --git a/build_tools/setup_helpers/extension.py b/build_tools/setup_helpers/extension.py index f3a2097313..bea6f8e4c1 100644 --- a/build_tools/setup_helpers/extension.py +++ b/build_tools/setup_helpers/extension.py @@ -29,7 +29,7 @@ def _get_eca(debug): if platform.system() == "Windows": eca += ['-O2'] else: - eca += ["-O3"] + eca += ["-O3", "-fvisibility=hidden"] return eca @@ -114,6 +114,8 @@ def _build_third_party(debug): '-DCMAKE_EXPORT_COMPILE_COMMANDS=ON', f'-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}', f'-DCMAKE_BUILD_TYPE={config}', + '-DCMAKE_CXX_VISIBILITY_PRESET=hidden', + '-DCMAKE_POLICY_DEFAULT_CMP0063=NEW', ] + extra_args + ['..'], cwd=str(build_dir), check=True, @@ -144,8 +146,11 @@ def _build_sentence_piece(debug): extra_args = [] subprocess.run( args=['cmake', '-DSPM_ENABLE_SHARED=OFF', f'-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}', + '-DCMAKE_CXX_VISIBILITY_PRESET=hidden', '-DCMAKE_CXX_FLAGS=' + _get_cxx11_abi(), + '-DCMAKE_POLICY_DEFAULT_CMP0063=NEW', f'-DCMAKE_BUILD_TYPE={config}'] + extra_args + ['..'], + cwd=str(build_dir), check=True, env=build_env, From 52d38e8de628384c8adf4461baa7430de854b731 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Wed, 22 Dec 2021 10:36:02 -0800 Subject: [PATCH 053/463] Add .DS_Store files to gitignore (#1470) --- .gitignore | 3 +++ 1 file changed, 3 insertions(+) diff --git a/.gitignore b/.gitignore index 99d4e175b9..b0f7a295f7 100644 --- a/.gitignore +++ b/.gitignore @@ -131,3 +131,6 @@ torchtext/version.py # Thirdparty directories third_party/*/ + +# Mac OS .DS_Store files +.DS_Store From 2683aa86c233869a24d2472694ca78b8fea37a7a Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Wed, 22 Dec 2021 22:31:29 -0800 Subject: [PATCH 054/463] Fix flake8 errors in PyTorch Text repo (#1473) --- .circleci/regenerate.py | 2 +- examples/text_classification/predict.py | 2 +- examples/text_classification/train.py | 19 +++++++------------ 3 files changed, 9 insertions(+), 14 deletions(-) diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 740235e858..01900b233d 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -178,7 +178,7 @@ def unittest_workflows(indentation=6): if i == 0 and os_type == "linux": w.append({ - f"stylecheck": { + "stylecheck": { "name": f"stylecheck_py{python_version}", "python_version": python_version, } diff --git a/examples/text_classification/predict.py b/examples/text_classification/predict.py index 2b6f269312..b9df1c574f 100644 --- a/examples/text_classification/predict.py +++ b/examples/text_classification/predict.py @@ -4,7 +4,7 @@ from torchtext.data.utils import get_tokenizer from torchtext.data.utils import ngrams_iterator from torchtext.utils import download_from_url -from torchtext.experimental.transforms import( +from torchtext.experimental.transforms import ( SentencePieceTokenizer, load_sp_model, PRETRAINED_SP_MODEL, diff --git a/examples/text_classification/train.py b/examples/text_classification/train.py index 09b1282897..617b85a39a 100644 --- a/examples/text_classification/train.py +++ b/examples/text_classification/train.py @@ -1,11 +1,8 @@ -import os import logging import argparse import time -from typing import Text import torch -import sys from torchtext.utils import download_from_url from torchtext.datasets import DATASETS @@ -16,19 +13,17 @@ from torchtext.data.functional import to_map_style_dataset -from torchtext.data.utils import( +from torchtext.data.utils import ( get_tokenizer, ngrams_iterator, ) from torchtext.vocab import build_vocab_from_iterator -from torchtext.experimental.transforms import( +from torchtext.experimental.transforms import ( SentencePieceTokenizer, load_sp_model, PRETRAINED_SP_MODEL, ) -from torchtext.vocab import build_vocab_from_iterator - r""" This file shows the training process of the text classification model. """ @@ -56,7 +51,6 @@ def train(dataloader, model, optimizer, criterion, epoch): model.train() total_acc, total_count = 0, 0 log_interval = 500 - start_time = time.time() for idx, (label, text, offsets) in enumerate(dataloader): optimizer.zero_grad() @@ -68,12 +62,10 @@ def train(dataloader, model, optimizer, criterion, epoch): total_acc += (predited_label.argmax(1) == label).sum().item() total_count += label.size(0) if idx % log_interval == 0 and idx > 0: - elapsed = time.time() - start_time print('| epoch {:3d} | {:5d}/{:5d} batches ' '| accuracy {:8.3f}'.format(epoch, idx, len(dataloader), total_acc / total_count)) total_acc, total_count = 0, 0 - start_time = time.time() def evaluate(dataloader, model): @@ -145,8 +137,11 @@ def evaluate(dataloader, model): vocab = build_vocab_from_iterator(yield_tokens(train_iter, ngrams), specials=[""]) vocab.set_default_index(vocab[""]) - def text_pipeline(x): return vocab(list(ngrams_iterator(tokenizer(x), ngrams))) - def label_pipeline(x): return int(x) - 1 + def text_pipeline(x): + return vocab(list(ngrams_iterator(tokenizer(x), ngrams))) + + def label_pipeline(x): + return int(x) - 1 train_iter = DATASETS[args.dataset](root=data_dir, split='train') num_class = len(set([label for (label, _) in train_iter])) From 1d46f10b0024c9ed971e923dc81cd461b3152a3d Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Mon, 3 Jan 2022 17:59:09 -0500 Subject: [PATCH 055/463] point to pytorch.org docs instead of outdated rtd link. (#1480) --- .github/ISSUE_TEMPLATE/documentation.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/ISSUE_TEMPLATE/documentation.md b/.github/ISSUE_TEMPLATE/documentation.md index b9e37a2774..c3b6a0fcfb 100644 --- a/.github/ISSUE_TEMPLATE/documentation.md +++ b/.github/ISSUE_TEMPLATE/documentation.md @@ -7,4 +7,4 @@ about: Report an issue related to TorchText ## 📚 Documentation **Description** - + From be7bc66e9d720850850ce8551af021c957cadf03 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Mon, 3 Jan 2022 18:12:23 -0500 Subject: [PATCH 056/463] fix optionality of default arg (#1475) --- torchtext/functional.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/functional.py b/torchtext/functional.py index 8f4f41d8da..576ccd194f 100644 --- a/torchtext/functional.py +++ b/torchtext/functional.py @@ -10,7 +10,7 @@ ] -def to_tensor(input: Any, padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> Tensor: +def to_tensor(input: Any, padding_value: Optional[int] = None, dtype: torch.dtype = torch.long) -> Tensor: r"""Convert input to torch tensor :param padding_value: Pad value to make each input in the batch of length equal to the longest sequence in the batch. From 5a0289023407e235b05c8ed3c02f758cf6b785ba Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Tue, 4 Jan 2022 15:24:03 -0800 Subject: [PATCH 057/463] Migrate GPT-2 BPE Encoder logic to C++ (#1469) * Migrate GPT-2 BPE Encoder logic to C++ * Rename _serialize_gpt2_bpe_encoder * Add load and save test cases for gpt2 tokenizer with both pybind and torchbind modes * Fix flake8 issues --- test/test_transforms.py | 25 +- torchtext/csrc/gpt2_bpe_tokenizer.cpp | 372 ++++++++++++++++++---- torchtext/csrc/gpt2_bpe_tokenizer.h | 82 ++++- torchtext/csrc/register_pybindings.cpp | 45 ++- torchtext/csrc/register_torchbindings.cpp | 32 +- torchtext/transforms.py | 208 ++---------- 6 files changed, 500 insertions(+), 264 deletions(-) diff --git a/test/test_transforms.py b/test/test_transforms.py index 3aebb90b47..8771d93436 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -1,3 +1,4 @@ +import os import torch from torchtext import transforms from torchtext.vocab import vocab @@ -205,7 +206,7 @@ def test_add_token_jit(self): class TestGPT2BPETokenizer(TorchtextTestCase): - def _gpt2_bpe_tokenizer(self, test_scripting): + def _load_tokenizer(self, test_scripting): encoder_json = "gpt2_bpe_encoder.json" bpe_vocab = "gpt2_bpe_vocab.bpe" tokenizer = transforms.GPT2BPETokenizer( @@ -214,7 +215,9 @@ def _gpt2_bpe_tokenizer(self, test_scripting): ) if test_scripting: tokenizer = torch.jit.script(tokenizer) + return tokenizer + def _gpt2_bpe_tokenizer(self, tokenizer): sample_texts = [ "Hello World!, how are you?", "Hélló WoŕlḊ¿", @@ -240,8 +243,24 @@ def _gpt2_bpe_tokenizer(self, test_scripting): def test_gpt2_bpe_tokenizer(self): """test tokenization on single sentence input as well as batch on sentences""" - self._gpt2_bpe_tokenizer(test_scripting=False) + self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=False)) def test_gpt2_bpe_tokenizer_jit(self): """test tokenization with scripting on single sentence input as well as batch on sentences""" - self._gpt2_bpe_tokenizer(test_scripting=True) + self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=True)) + + def test_gpt2_bpe_tokenizer_save_load_pybind(self): + tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_pybind.pt') + torch.save(tokenizer, tokenizer_path) + loaded_tokenizer = torch.load(tokenizer_path) + self._gpt2_bpe_tokenizer((loaded_tokenizer)) + + def test_gpt2_bpe_tokenizer_save_load_torchscript(self): + tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_torchscript.pt') + # Call the __prepare_scriptable__() func and convert the building block to the torbhind version + # Not expect users to use the torchbind version on eager mode but still need a CI test here. + torch.save(tokenizer.__prepare_scriptable__(), tokenizer_path) + loaded_tokenizer = torch.load(tokenizer_path) + self._gpt2_bpe_tokenizer((loaded_tokenizer)) diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index 8231f095cb..b60fe0c750 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -1,68 +1,318 @@ -#include #include -#include // @manual +#include // @manual + +#include +#include +#include +#include namespace torchtext { - const Regex kGPT2Regex( - "(\\'s|\\'t|\\'re|\\'ve|\\'m|\\'ll|\\'d| ?\\pL+|" - " ?\\pN+| ?[^\\s\\v\\pL\\pN]+|[\\s\\v]+)" - ); - - bool is_whitespace(const std::string &input) { - for (const char& c : input) { - if (!isspace(c)) { - return false; - } - } - return true; +const Regex kGPT2Regex( + "(\\'s|\\'t|\\'re|\\'ve|\\'m|\\'ll|\\'d| ?\\pL+|" + " ?\\pN+| ?[^\\s\\v\\pL\\pN]+|[\\s\\v]+)"); + +bool is_whitespace(const std::string &input) { + for (const char &c : input) { + if (!isspace(c)) { + return false; } + } + return true; +} + +template +c10::Dict _map_to_c10_dict(std::unordered_map m) { + c10::Dict d; + for (const auto &item : m) d.insert(item.first, item.second); + return d; +} - std::vector gpt2_bpe_pre_tokenizer(std::string input) { - // Python implementation: https://github.com/pytorch/fairseq/blob/main/fairseq/data/encoders/gpt2_bpe_utils.py#L69 - // Original regex contains a negative lookahead pattern, which is not - // supported in re2. This implementation modifies the original regex in - // the following two ways: - // 1. Removes negative lookahead and adds a post-processing step instead. - // 2. Replace all [\s] occurences with [\s\v] because re2 does not include - // vertical tab (\v) in whitespace. PCRE and Python re include \v in \s. - // - // Pseudocode of post-processing step: - // - Loop over all tokens - // - IF token is all whitespace: - // - set prepend_space to False - // - IF token is last token, add it to return vector - // - ELSE - // - If token length is >1, add token[0:len(token) - 1] to return list - // - IF token[-1] is space (ascii 32), then carry it over for next token, set append_space = True - // - ELSE make token[-1] its own token and add to return list - // - ELSE IF prepend_space == True, prepend a space to the token and add to return list - // - ELSE, add token to return list - std::string token; - std::vector tokens; - re2::StringPiece inp(input); - bool prepend_space = false; - while (kGPT2Regex.FindAndConsume(&inp, &token)) { - if (is_whitespace(token)) { - prepend_space = false; - if (inp.empty()) { // token is last token - tokens.push_back(token); - } else { - if (token.length() > 1) { - tokens.push_back(token.substr(0, token.length() - 1)); - } - if (token[token.length() - 1] == ' ') { // last char is space - prepend_space = true; - } else { // push last whitespace char as a token if it is not a space - tokens.push_back(token.substr(token.length() - 1)); - } - } - } else if (prepend_space) { - tokens.push_back(" " + token); - prepend_space = false; - } else { - tokens.push_back(token); - } +template +std::unordered_map _c10_dict_to_map(c10::Dict d) { + std::unordered_map m; + for (const auto &item : d) m[item.key()] = item.value(); + return m; +} + +std::vector gpt2_bpe_pre_tokenizer(std::string input) { + // Python implementation: + // https://github.com/pytorch/fairseq/blob/main/fairseq/data/encoders/gpt2_bpe_utils.py#L69 + // Original regex contains a negative lookahead pattern, which is not + // supported in re2. This implementation modifies the original regex in + // the following two ways: + // 1. Removes negative lookahead and adds a post-processing step instead. + // 2. Replace all [\s] occurences with [\s\v] because re2 does not include + // vertical tab (\v) in whitespace. PCRE and Python re include \v in \s. + // + // Pseudocode of post-processing step: + // - Loop over all tokens + // - IF token is all whitespace: + // - set prepend_space to False + // - IF token is last token, add it to return vector + // - ELSE + // - If token length is >1, add token[0:len(token) - 1] to return list + // - IF token[-1] is space (ascii 32), then carry it over for next token, + // set append_space = True + // - ELSE make token[-1] its own token and add to return list + // - ELSE IF prepend_space == True, prepend a space to the token and add to + // return list + // - ELSE, add token to return list + std::string token; + std::vector tokens; + re2::StringPiece inp(input); + bool prepend_space = false; + while (kGPT2Regex.FindAndConsume(&inp, &token)) { + if (is_whitespace(token)) { + prepend_space = false; + if (inp.empty()) { // token is last token + tokens.push_back(token); + } else { + if (token.length() > 1) { + tokens.push_back(token.substr(0, token.length() - 1)); + } + if (token[token.length() - 1] == ' ') { // last char is space + prepend_space = true; + } else { // push last whitespace char as a token if it is not a space + tokens.push_back(token.substr(token.length() - 1)); } - return tokens; + } + } else if (prepend_space) { + tokens.push_back(" " + token); + prepend_space = false; + } else { + tokens.push_back(token); + } + } + return tokens; +} + +std::pair _split_tokens(std::string s, + std::string delimiter) { + auto pos = s.find(delimiter); + TORCH_CHECK(pos != std::string::npos, "Expected `s`to contain `delimiter`"); + return std::make_pair(s.substr(0, pos), s.substr(pos + delimiter.length())); +} + +int _list_str_index(std::vector list, std::string element, + int start) { + // Equivalent to: list.index(element, start) + for (std::size_t i = start; i < list.size(); ++i) { + if (list[i] == element) { + return i; } -} // namespace torchtext + } + return -1; +} + +std::string _concatenate_strings(const std::vector &list) { + std::string ret = ""; + for (auto s : list) ret += s; + return ret; +} + +// Return set of token pairs in a word, seperated by the `seperator`. +std::vector _get_pairs(std::vector token_list, + const std::string &seperator) { + // For example: ["he", "l", "l", "o"] + // ==> ["he\u0001l", "l\u0001l", "l\u0001o"] + std::unordered_set pairs; + std::vector pairs_vec; + + if (token_list.empty()) return pairs_vec; + + std::string prev_token = token_list[0]; + for (std::size_t i = 1; i < token_list.size(); ++i) { + pairs.insert(prev_token + seperator + token_list[i]); + prev_token = token_list[i]; + } + pairs_vec.insert(pairs_vec.end(), pairs.begin(), pairs.end()); + return pairs_vec; +} + +GPT2BPEEncoder::GPT2BPEEncoder( + const c10::Dict &bpe_encoder, + const c10::Dict &bpe_merge_ranks, + const std::string &seperator, + const c10::Dict &byte_encoder, bool caching_enabled) + : inf_(bpe_merge_ranks.size() + 1), + bpe_encoder_(std::move(bpe_encoder)), + bpe_merge_ranks_(std::move(bpe_merge_ranks)), + byte_encoder_(std::move(byte_encoder)), + seperator_(std::move(seperator)), + caching_enabled_(caching_enabled) {} + +GPT2BPEEncoder::GPT2BPEEncoder( + const std::unordered_map &bpe_encoder, + const std::unordered_map &bpe_merge_ranks, + const std::string &seperator, + const std::unordered_map &byte_encoder, + bool caching_enabled) + : GPT2BPEEncoder(_map_to_c10_dict(bpe_encoder), + _map_to_c10_dict(bpe_merge_ranks), + seperator, + _map_to_c10_dict(byte_encoder), + caching_enabled) {} + +std::vector GPT2BPEEncoder::ByteEncode_(std::string token) { + // Equivalent to: (self.byte_encoder[b] for b in token.encode('utf-8') + std::vector encoded; + for (auto &ch : token) { + encoded.push_back(byte_encoder_.at((unsigned char)ch)); + } + return encoded; +} + +int64_t GPT2BPEEncoder::GetBPEMergeRank_(std::string pair) { + if (bpe_merge_ranks_.contains(pair)) { + return bpe_merge_ranks_.at(pair); + } + return inf_; +} + +std::string GPT2BPEEncoder::FindBestPair_(std::vector pairs) { + // Equivalent to: + // min(pairs, key = lambda pair: self.bpe_merge_ranks.get(pair, + // float('inf'))) + auto best_pair_idx = 0; + auto best_rank = GetBPEMergeRank_(pairs[best_pair_idx]); + + for (std::size_t i = 1; i < pairs.size(); ++i) { + auto rank = GetBPEMergeRank_(pairs[i]); + if (rank < best_rank) { + best_pair_idx = i; + best_rank = rank; + } + } + return pairs[best_pair_idx]; +} + +std::vector GPT2BPEEncoder::BPE_( + const std::vector &token_list) { + // Given a list of input tokens, keep finding the best bpe merge and + // generate a new list of tokens until + // 1) token list size reduced to 1 + // OR + // 2) can't find bpe merge + auto concatenated = _concatenate_strings(token_list); + if (caching_enabled_ && cache_.contains(concatenated)) { + return cache_.at(concatenated); + } + + std::vector tok_list = token_list; + auto pairs = _get_pairs(tok_list, seperator_); + if (pairs.empty()) { + return tok_list; + } + while (true) { + auto bigram = FindBestPair_(pairs); + if (!bpe_merge_ranks_.contains(bigram)) break; + + // Finding all indexes that token_list[i] == first and token_list[i+1] == + // second. After the loop, new token list will be + // 1) first + second pair + // 2) all the other tokens in the original token list + // + // For example: first="a" second="w" and token_list = + // ["a", "w", "some", "a", "w", "e"] + // Result: new_token_list = ["aw", "some", "aw", "e"] + + auto parts = _split_tokens(bigram, seperator_); + std::vector new_token_list; + std::size_t i = 0; + while (i < tok_list.size()) { + auto j = _list_str_index(tok_list, parts.first, i); + if (j != -1) { + for (int k = i; k < j; k++) new_token_list.push_back(tok_list[k]); + i = j; + } else { + for (std::size_t k = i; k < tok_list.size(); k++) + new_token_list.push_back(tok_list[k]); + break; + } + + if (tok_list[i] == parts.first && i < (tok_list.size() - 1) && + tok_list[i + 1] == parts.second) { + new_token_list.push_back(parts.first + parts.second); + i += 2; + } else { + new_token_list.push_back(tok_list[i]); + i += 1; + } + } + + tok_list = new_token_list; + if (tok_list.size() == 1) { + break; + } else { + pairs = _get_pairs(tok_list, seperator_); + } + } + + if (caching_enabled_) cache_.insert(concatenated, tok_list); + return tok_list; +} + +std::vector GPT2BPEEncoder::Encode(const std::string &text) { + std::vector bpe_token_ids; + for (const auto &token : gpt2_bpe_pre_tokenizer(text)) { + auto byte_encoded_token = ByteEncode_(token); + for (const auto &bpe_token : BPE_(byte_encoded_token)) { + bpe_token_ids.push_back(bpe_encoder_.at(bpe_token)); + } + } + return bpe_token_ids; +} + +std::unordered_map GPT2BPEEncoder::GetBPEEncoder() const { + return _c10_dict_to_map(bpe_encoder_); +} + +std::unordered_map GPT2BPEEncoder::GetBPEMergeRanks() + const { + return _c10_dict_to_map(bpe_merge_ranks_); +} + +std::unordered_map GPT2BPEEncoder::GetByteEncoder() + const { + return _c10_dict_to_map(byte_encoder_); +} + +GPT2BPEEncoderStatesPybind _serialize_gpt2_bpe_encoder_pybind( + const c10::intrusive_ptr &self) { + return std::make_tuple(self->GetBPEEncoder(), self->GetBPEMergeRanks(), + self->seperator_, self->GetByteEncoder(), + self->caching_enabled_); +} + +GPT2BPEEncoderStatesTorchbind _serialize_gpt2_bpe_encoder_torchbind( + const c10::intrusive_ptr &self) { + return std::make_tuple(self->bpe_encoder_, self->bpe_merge_ranks_, + self->seperator_, self->byte_encoder_, + self->caching_enabled_); +} + +c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( + GPT2BPEEncoderStatesPybind states) { + auto state_size = std::tuple_size::value; + TORCH_CHECK( + state_size == 5, + "Expected deserialized GPT2BPEEncoder to have 5 states but found " + + std::to_string(state_size) + " states"); + return c10::make_intrusive( + std::move(std::get<0>(states)), std::move(std::get<1>(states)), + std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); +} + +c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( + GPT2BPEEncoderStatesTorchbind states) { + auto state_size = std::tuple_size::value; + TORCH_CHECK( + state_size == 5, + "Expected deserialized GPT2BPEEncoder to have 5 states but found " + + std::to_string(state_size) + " states"); + return c10::make_intrusive( + std::move(std::get<0>(states)), std::move(std::get<1>(states)), + std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); +} + +} // namespace torchtext diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index c5745a4082..d4b3335b37 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -1,8 +1,82 @@ +#include + +#include #include +#include +#include #include namespace torchtext { - // Applies regex based pre-tokenization step for GPT-2 BPE tokenizer - // and returns a list of tokens. - std::vector gpt2_bpe_pre_tokenizer(std::string input); -} // namespace torchtext + +typedef std::tuple, + std::unordered_map, std::string, + std::unordered_map, bool> + GPT2BPEEncoderStatesPybind; + +typedef std::tuple, + c10::Dict, std::string, + c10::Dict, bool> + GPT2BPEEncoderStatesTorchbind; + +// Applies regex based pre-tokenization step for GPT-2 BPE tokenizer +// and returns a list of tokens. +std::vector gpt2_bpe_pre_tokenizer(std::string input); +struct GPT2BPEEncoder : torch::CustomClassHolder { + private: + const int64_t inf_; + c10::Dict> cache_; + // Encode byte into an unicode character. + std::vector ByteEncode_(std::string token); + // Return a list of bpe tokens. + std::vector BPE_(const std::vector &token_list); + // Return the token pair(e.g bpe merge) with lowest rank. + std::string FindBestPair_(std::vector pairs); + int64_t GetBPEMergeRank_(std::string pair); + + public: + const c10::Dict bpe_encoder_; + const c10::Dict bpe_merge_ranks_; + const c10::Dict byte_encoder_; + const std::string seperator_; + const bool caching_enabled_; + explicit GPT2BPEEncoder( + const c10::Dict &bpe_encoder, + const c10::Dict &bpe_merge_ranks, + const std::string &seperator, + const c10::Dict &byte_encoder, + bool caching_enabled = false); + + explicit GPT2BPEEncoder( + const std::unordered_map &bpe_encoder, + const std::unordered_map &bpe_merge_ranks, + const std::string &seperator, + const std::unordered_map &byte_encoder, + bool caching_enabled = false); + + // Encode text into a list of bpe token ids. + // + // Split text into a list of token unit, and generate a list of bpe tokens + // for each token unit. Lastly encode bpe tokens into bpe token ids. + // + // For example: "awesome,awe" + // --> tokenize(regex) --> tokens: ["awesome", ",", "awe"] + // --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] + // --> bpe encode --> bpe token ids: [707, 5927], [11], [707, 68] + // --> result --> [707, 5927, 11, 707, 68] + // + std::vector Encode(const std::string &text); + + std::unordered_map GetBPEEncoder() const; + std::unordered_map GetBPEMergeRanks() const; + std::unordered_map GetByteEncoder() const; +}; + +GPT2BPEEncoderStatesPybind _serialize_gpt2_bpe_encoder_pybind( + const c10::intrusive_ptr &self); +GPT2BPEEncoderStatesTorchbind _serialize_gpt2_bpe_encoder_torchbind( + const c10::intrusive_ptr &self); +c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( + GPT2BPEEncoderStatesPybind states); +c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( + GPT2BPEEncoderStatesTorchbind states); +} // namespace torchtext diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 65b2fc0f6d..419ce21d17 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -1,15 +1,17 @@ -#include +#include // @manual #include #include #include -#include // @manual -#include // @manual -#include // @manual -#include // @manual +#include // @manual +#include // @manual +#include // @manual +#include // @manual #include -#include // @manual -#include // @manual -#include // @manual +#include // @manual +#include // @manual +#include // @manual + +#include namespace torchtext { @@ -22,7 +24,7 @@ Vocab build_vocab_from_text_file(const std::string &file_path, torch::jit::script::Module module(*torch::jit::as_module(fn)); return _build_vocab_from_text_file(file_path, min_freq, num_cpus, module); } -} // namespace +} // namespace // Registers our custom classes with pybind11. PYBIND11_MODULE(_torchtext, m) { @@ -153,6 +155,29 @@ PYBIND11_MODULE(_torchtext, m) { return _deserialize_vocab(states); })); + py::class_>( + m, "GPT2BPEEncoder") + .def(py::init, + std::unordered_map, std::string, + std::unordered_map, bool>()) + .def_property_readonly("bpe_encoder_", &GPT2BPEEncoder::GetBPEEncoder) + .def_property_readonly("bpe_merge_ranks_", + &GPT2BPEEncoder::GetBPEMergeRanks) + .def_readonly("seperator_", &GPT2BPEEncoder::seperator_) + .def_property_readonly("byte_encoder_", &GPT2BPEEncoder::GetByteEncoder) + .def("encode", &GPT2BPEEncoder::Encode) + .def(py::pickle( + // __getstate__ + [](const c10::intrusive_ptr &self) + -> GPT2BPEEncoderStatesPybind { + return _serialize_gpt2_bpe_encoder_pybind(self); + }, + // __setstate__ + [](GPT2BPEEncoderStatesPybind states) + -> c10::intrusive_ptr { + return _deserialize_gpt2_bpe_encoder_pybind(states); + })); + // Functions m.def("_load_token_and_vectors_from_file", &_load_token_and_vectors_from_file); @@ -162,4 +187,4 @@ PYBIND11_MODULE(_torchtext, m) { &_build_vocab_from_text_file_using_python_tokenizer); } -} // namespace torchtext +} // namespace torchtext diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index dfe5fe0947..61b5443774 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,11 +1,12 @@ -#include // @manual -#include +#include // @manual #include -#include // @manual -#include // @manual +#include // @manual +#include // @manual #include -#include // @manual -#include // @manual +#include // @manual +#include // @manual + +#include namespace torchtext { TORCH_LIBRARY_FRAGMENT(torchtext, m) { @@ -122,10 +123,27 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { return _deserialize_vocab(states); }); + m.class_("GPT2BPEEncoder") + .def(torch::init, + c10::Dict, std::string, + c10::Dict, bool>()) + .def("encode", &GPT2BPEEncoder::Encode) + .def_pickle( + // __getstate__ + [](const c10::intrusive_ptr &self) + -> GPT2BPEEncoderStatesTorchbind { + return _serialize_gpt2_bpe_encoder_torchbind(self); + }, + // __setstate__ + [](GPT2BPEEncoderStatesTorchbind states) + -> c10::intrusive_ptr { + return _deserialize_gpt2_bpe_encoder_torchbind(states); + }); + m.def("torchtext::generate_sp_model", &generate_sp_model); m.def("torchtext::load_sp_model", &load_sp_model); m.def("torchtext::load_sp_model_string", &load_sp_model_string); m.def("torchtext::gpt2_bpe_pre_tokenizer", &gpt2_bpe_pre_tokenizer); } -} // namespace torchtext +} // namespace torchtext diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 3d8fe5bc22..4c20be7f6d 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -5,9 +5,11 @@ from torchtext.data.functional import load_sp_model from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab -from typing import List, Optional, Any, Dict, Union +from torchtext._torchtext import GPT2BPEEncoder as GPT2BPEEncoderPyBind +from typing import List, Optional, Any, Union import json from functools import lru_cache +from copy import deepcopy import torchtext # noqa: F401 __all__ = [ @@ -214,6 +216,7 @@ def forward(self, input: Any) -> Any: class GPT2BPETokenizer(Module): + __jit_unused_properties__ = ["is_jitable"] """ Transform for GPT-2 BPE Tokenizer. @@ -236,190 +239,24 @@ def __init__( self._seperator = "\u0001" # load bpe encoder and bpe decoder with open(get_asset_local_path(encoder_json_path), "r", encoding="utf-8") as f: - self.bpe_encoder = json.load(f) - self.bpe_decoder = { - bpe_token_id: sub_word - for sub_word, bpe_token_id in self.bpe_encoder.items() - } - + bpe_encoder = json.load(f) # load bpe vocab with open(get_asset_local_path(vocab_bpe_path), "r", encoding="utf-8") as f: bpe_vocab = f.read() - self.bpe_merge_ranks = { + bpe_merge_ranks = { self._seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) } - self.inf = len(self.bpe_merge_ranks) + 1 - - # load byte encoder and decoder - self.byte_encoder = bytes_to_unicode() - self.byte_decoder = { - unicode_t: byte_t - for byte_t, unicode_t in self.byte_encoder.items() - } - - @torch.jit.export - def _list_str_index(self, list_: List[str], element: str, start: int) -> int: - """ - Equivalent to: list.index(v, start) - """ - for i, t in enumerate(list_[start:]): - if t == element: - return start + i - return -1 - - @torch.jit.export - def _get_pairs(self, token_list: List[str]) -> List[str]: - """Return set of token pairs in a word. - - :param token_list: a list of tokens, each represents a word or sub-word. - :type input: List[str] - :rtype: List[str] - - For example: ["he", "l", "l", "o"] - ==> ["he\u0001l", "l\u0001l", "l\u0001o"] - """ - pairs: Dict[str, int] = {} - prev_token: str = token_list[0] - for token in token_list[1:]: - pair: str = prev_token + self._seperator + token - pairs[pair] = 0 - prev_token = token - return list(pairs.keys()) - - @torch.jit.export - def _find_best_pair(self, pairs: List[str]) -> str: - """Return the token pair(e.g bpe merge) with lowest rank. - - Equivalent to: - min(pairs, key = lambda pair: self.bpe_merge_ranks.get(pair, float('inf'))) - """ - best_pair: str = pairs[0] - best_rank: int = self.bpe_merge_ranks.get(best_pair, self.inf) - - for pair in pairs[1:]: - rank: int = self.bpe_merge_ranks.get(pair, self.inf) - if rank < best_rank: - best_pair = pair - best_rank = rank - return best_pair - - @torch.jit.export - def _bpe(self, token_list: List[str]) -> List[str]: - """Return a list of bpe tokens. - - Given a list of input tokens, keep finding the best bpe merge and - generate a new list of tokens until - 1) token list size reduced to 1 or - 2) can't find bpe merge - - :param token_list: a list of encoded bytes, each represented by an unicode. - For example: ['a', 'w', 'e', 's', 'o', 'm', 'e'] - :type input: List[str] - :return: A list of bpe tokens generated by greedy search. - For example: ["aw", "esome"] - :rtype: List[str] - """ - pairs: List[str] = self._get_pairs(token_list) - - if len(pairs) == 0: - return token_list - - while True: - bigram: str = self._find_best_pair(pairs) - if bigram not in self.bpe_merge_ranks: - break - - # Finding all indexes that token_list[i] == first and - # token_list[i+1] == second. - # After the loop, new token list will be - # 1) first + second pair - # 2) all the other tokens in the original token list - # - # For example: first="a" second="w" and token_list = - # ["a", "w", "some", "a", "w", "e"] - # Result: new_token_list = ["aw", "some", "aw", "e"] - first, second = bigram.split(self._seperator) - new_token_list: List[str] = [] - i: int = 0 - while i < len(token_list): - j = self._list_str_index(token_list, first, i) - if j != -1: - new_token_list.extend(token_list[i:j]) - i = j - else: - new_token_list.extend(token_list[i:]) - break - - if ( - token_list[i] == first - and i < len(token_list) - 1 - and token_list[i + 1] == second - ): - new_token_list.append(first + second) - i += 2 - else: - new_token_list.append(token_list[i]) - i += 1 - - token_list = list(new_token_list) - if len(token_list) == 1: - break - else: - pairs = self._get_pairs(token_list) - - return token_list - - @torch.jit.export - def _byte_encode(self, token: str) -> List[str]: - """Encode byte into an unicode character. + # Caching is enabled in Eager mode + self.bpe = GPT2BPEEncoderPyBind(bpe_encoder, bpe_merge_ranks, + self._seperator, bytes_to_unicode(), True) - Equivalent to: (self.byte_encoder[b] for b in token.encode('utf-8') - """ - encoded: List[str] = [] - if torch.jit.is_scripting(): - for b in token: - encoded.append(self.byte_encoder[ord(b)]) - else: - encoded = [self.byte_encoder[b] for b in token.encode('utf-8')] - return encoded - - @torch.jit.export - def _regex(self, text: str) -> List[str]: - r"""Return a list of tokens, split by regular expression(pcre). - - 's|'t|'re|'ve|'m|'ll|'d| ?\p{L}+| ?\p{N}+| ?[^\s\p{L}\p{N}]+|\s+(?!\S)|\s+ - """ - return torch.ops.torchtext.gpt2_bpe_pre_tokenizer(text) - - @torch.jit.export - def _encode(self, text: str) -> List[int]: - """Encode text into a list of bpe token ids. - - Split text into a list of token unit, and generate a list of bpe tokens - for each token unit. Lastly encode bpe tokens into bpe token ids. - - Args: - text: An input text string. - - Returns: - A list of bpe token ids represents each bpe tokens. - - For example: "awesome,awe" - --> tokenize(regex) --> tokens: ["awesome", ",", "awe"] - --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] - --> bpe encode --> bpe token ids: [707, 5927], [11], [707, 68] - --> result --> [707, 5927, 11, 707, 68] - """ - - bpe_token_ids: List[int] = [] - for token in self._regex(text): - for bpe_token in self._bpe(self._byte_encode(token)): - bpe_token_ids.append(self.bpe_encoder[bpe_token]) - return bpe_token_ids + @property + def is_jitable(self): + return isinstance(self.bpe, torch._C.ScriptObject) @torch.jit.export - def tokenize(self, text: str) -> List[str]: + def _tokenize(self, text: str) -> List[str]: """Encode text into a list of Token(token_id, start_idx, end_idx) Args: @@ -432,7 +269,7 @@ def tokenize(self, text: str) -> List[str]: --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] --> bpe encode --> bpe token ids: [707, 5927, 11, 707, 68] """ - bpe_token_ids: List[int] = self._encode(text) + bpe_token_ids: List[int] = self.bpe.encode(text) bpe_tokens: List[str] = [] for bpe_token_id in bpe_token_ids: @@ -450,13 +287,26 @@ def forward(self, input: Any) -> Any: if torch.jit.isinstance(input, List[str]): tokens: List[List[str]] = [] for text in input: - tokens.append(self.tokenize(text)) + tokens.append(self._tokenize(text)) return tokens elif torch.jit.isinstance(input, str): - return self.tokenize(input) + return self._tokenize(input) else: raise TypeError("Input type not supported") + def __prepare_scriptable__(self): + r"""Return a JITable tokenizer. + """ + if not self.is_jitable: + tokenizer_copy = deepcopy(self) + # Disable caching in script mode + tokenizer_copy.bpe = torch.classes.torchtext.GPT2BPEEncoder(self.bpe.bpe_encoder_, + self.bpe.bpe_merge_ranks_, + self.bpe.seperator_, + self.bpe.byte_encoder_, False) + return tokenizer_copy + return self + @lru_cache() def bytes_to_unicode(): From 3aa96b92b07958ac50bc99747babbc768210af71 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Tue, 4 Jan 2022 19:37:02 -0800 Subject: [PATCH 058/463] Remove Python 3.6 support as it has reached EOL (#1484) * Remove Python 3.6 from CI * Regenerate circleci config.yml --- .circleci/config.yml | 186 ++-------------------------------------- .circleci/regenerate.py | 2 +- README.rst | 2 +- setup.py | 5 +- 4 files changed, 8 insertions(+), 187 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 56ce646702..9fae77d4eb 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -613,9 +613,6 @@ workflows: build: jobs: - circleci_consistency - - binary_linux_wheel: - name: binary_linux_wheel_py3.6 - python_version: '3.6' - binary_linux_wheel: name: binary_linux_wheel_py3.7 python_version: '3.7' @@ -630,9 +627,6 @@ workflows: - binary_linux_wheel: name: binary_linux_wheel_py3.9 python_version: '3.9' - - binary_macos_wheel: - name: binary_macos_wheel_py3.6 - python_version: '3.6' - binary_macos_wheel: name: binary_macos_wheel_py3.7 python_version: '3.7' @@ -642,9 +636,6 @@ workflows: - binary_macos_wheel: name: binary_macos_wheel_py3.9 python_version: '3.9' - - binary_windows_wheel: - name: binary_windows_wheel_py3.6 - python_version: '3.6' - binary_windows_wheel: name: binary_windows_wheel_py3.7 python_version: '3.7' @@ -654,9 +645,6 @@ workflows: - binary_windows_wheel: name: binary_windows_wheel_py3.9 python_version: '3.9' - - binary_linux_conda: - name: binary_linux_conda_py3.6 - python_version: '3.6' - binary_linux_conda: name: binary_linux_conda_py3.7 python_version: '3.7' @@ -666,9 +654,6 @@ workflows: - binary_linux_conda: name: binary_linux_conda_py3.9 python_version: '3.9' - - binary_macos_conda: - name: binary_macos_conda_py3.6 - python_version: '3.6' - binary_macos_conda: name: binary_macos_conda_py3.7 python_version: '3.7' @@ -678,9 +663,6 @@ workflows: - binary_macos_conda: name: binary_macos_conda_py3.9 python_version: '3.9' - - binary_windows_conda: - name: binary_windows_conda_py3.6 - python_version: '3.6' - binary_windows_conda: name: binary_windows_conda_py3.7 python_version: '3.7' @@ -720,20 +702,15 @@ workflows: jobs: - cachesetup_linux: name: cachesetup_linux_py_any - python_version: '3.6' - - unittest_linux: - name: unittest_linux_py3.6 - python_version: '3.6' - requires: - - cachesetup_linux_py_any - - stylecheck: - name: stylecheck_py3.6 - python_version: '3.6' + python_version: '3.7' - unittest_linux: name: unittest_linux_py3.7 python_version: '3.7' requires: - cachesetup_linux_py_any + - stylecheck: + name: stylecheck_py3.7 + python_version: '3.7' - unittest_linux: name: unittest_linux_py3.8 python_version: '3.8' @@ -746,12 +723,7 @@ workflows: - cachesetup_linux_py_any - cachesetup_windows: name: cachesetup_windows_py_any - python_version: '3.6' - - unittest_windows: - name: unittest_windows_py3.6 - python_version: '3.6' - requires: - - cachesetup_windows_py_any + python_version: '3.7' - unittest_windows: name: unittest_windows_py3.7 python_version: '3.7' @@ -773,34 +745,6 @@ workflows: filters: branches: only: nightly - - binary_linux_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.6 - python_version: '3.6' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.6_upload - requires: - - nightly_binary_linux_wheel_py3.6 - - smoke_test_linux_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.6_smoke_test_pip - python_version: '3.6' - requires: - - nightly_binary_linux_wheel_py3.6_upload - binary_linux_wheel: filters: branches: @@ -885,24 +829,6 @@ workflows: python_version: '3.9' requires: - nightly_binary_linux_wheel_py3.9_upload - - binary_macos_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.6 - python_version: '3.6' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.6_upload - requires: - - nightly_binary_macos_wheel_py3.6 - binary_macos_wheel: filters: branches: @@ -957,34 +883,6 @@ workflows: name: nightly_binary_macos_wheel_py3.9_upload requires: - nightly_binary_macos_wheel_py3.9 - - binary_windows_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.6 - python_version: '3.6' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.6_upload - requires: - - nightly_binary_windows_wheel_py3.6 - - smoke_test_windows_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.6_smoke_test_pip - python_version: '3.6' - requires: - - nightly_binary_windows_wheel_py3.6_upload - binary_windows_wheel: filters: branches: @@ -1069,34 +967,6 @@ workflows: python_version: '3.9' requires: - nightly_binary_windows_wheel_py3.9_upload - - binary_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.6 - python_version: '3.6' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.6_upload - requires: - - nightly_binary_linux_conda_py3.6 - - smoke_test_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.6_smoke_test_conda - python_version: '3.6' - requires: - - nightly_binary_linux_conda_py3.6_upload - binary_linux_conda: filters: branches: @@ -1181,24 +1051,6 @@ workflows: python_version: '3.9' requires: - nightly_binary_linux_conda_py3.9_upload - - binary_macos_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.6 - python_version: '3.6' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.6_upload - requires: - - nightly_binary_macos_conda_py3.6 - binary_macos_conda: filters: branches: @@ -1253,34 +1105,6 @@ workflows: name: nightly_binary_macos_conda_py3.9_upload requires: - nightly_binary_macos_conda_py3.9 - - binary_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.6 - python_version: '3.6' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.6_upload - requires: - - nightly_binary_windows_conda_py3.6 - - smoke_test_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.6_smoke_test_conda - python_version: '3.6' - requires: - - nightly_binary_windows_conda_py3.6_upload - binary_windows_conda: filters: branches: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 01900b233d..1458b27302 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -20,7 +20,7 @@ import os.path -PYTHON_VERSIONS = ["3.6", "3.7", "3.8", "3.9"] +PYTHON_VERSIONS = ["3.7", "3.8", "3.9"] DOC_VERSION = ('linux', '3.8') diff --git a/README.rst b/README.rst index 3c4d014d07..b95548c1bf 100644 --- a/README.rst +++ b/README.rst @@ -29,7 +29,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :header: "PyTorch version", "torchtext version", "Supported Python version" :widths: 10, 10, 10 - nightly build, main, ">=3.6, <=3.9" + nightly build, main, ">=3.7, <=3.9" 1.10.0, 0.11.0, ">=3.6, <=3.9" 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" diff --git a/setup.py b/setup.py index 5db3388053..bd141f68b6 100644 --- a/setup.py +++ b/setup.py @@ -92,12 +92,9 @@ def run(self): ], python_requires='>=3.5', classifiers=[ - 'Programming Language :: Python :: 3', - 'Programming Language :: Python :: 3.5', - 'Programming Language :: Python :: 3.6', 'Programming Language :: Python :: 3.7', 'Programming Language :: Python :: 3.8', - 'Programming Language :: Python :: 3 :: Only', + 'Programming Language :: Python :: 3.9', ], # Package info packages=find_packages(exclude=('test*', 'build_tools*')), From 81f4f8cb88b299ac0d9c5141526692e4af3c5a14 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Tue, 4 Jan 2022 20:59:58 -0800 Subject: [PATCH 059/463] Add .gitattributes (#1485) --- .gitattributes | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 .gitattributes diff --git a/.gitattributes b/.gitattributes new file mode 100644 index 0000000000..fb21d6183e --- /dev/null +++ b/.gitattributes @@ -0,0 +1,2 @@ +# To exclude autogenerated files from code reviews +.circleci/config.yml linguist-generated=true From 4908d3c88f92296a4c23be2f064ccde13cce50ce Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Wed, 5 Jan 2022 11:23:39 -0800 Subject: [PATCH 060/463] Fixing typing issues DataSet -> DataType (#1486) --- torchtext/experimental/datasets/sst2.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index d0653b4954..a858a841e7 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -1,7 +1,7 @@ # Copyright (c) Facebook, Inc. and its affiliates. import os -from torch.utils.data.dataset import IterableDataset +from torch.utils.data import IterDataPipe from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _add_docstring_header, @@ -56,7 +56,7 @@ def SST2(root, split, validate_hash=True): return SST2Dataset(root, split, validate_hash=validate_hash) -class SST2Dataset(IterableDataset): +class SST2Dataset(IterDataPipe): """The SST2 dataset uses torchdata datapipes end-2-end. To avoid download at every epoch, we cache the data on-disk We do sanity check on dowloaded and extracted data From 3849f4648a5021514b6b91fa721b43b63fad8378 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 5 Jan 2022 18:55:58 -0500 Subject: [PATCH 061/463] add scriptable sequential transform (#1481) --- docs/source/transforms.rst | 9 ++++++++- test/experimental/test_with_asset.py | 9 --------- test/test_transforms.py | 27 +++++++++++++++++++++++++++ torchtext/experimental/transforms.py | 20 -------------------- torchtext/transforms.py | 15 +++++++++++++++ 5 files changed, 50 insertions(+), 30 deletions(-) diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index 6393dd11d2..41f7d0e92c 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -7,7 +7,7 @@ torchtext.transforms .. automodule:: torchtext.transforms .. currentmodule:: torchtext.transforms -Transforms are common text transforms. They can be chained together using :class:`torch.nn.Sequential` +Transforms are common text transforms. They can be chained together using :class:`torch.nn.Sequential` or using :class:`torchtext.transforms.Sequential` to support torch-scriptability. SentencePieceTokenizer ---------------------- @@ -51,3 +51,10 @@ AddToken .. autoclass:: AddToken .. automethod:: forward + +Sequential +---------- + +.. autoclass:: Sequential + + .. automethod:: forward diff --git a/test/experimental/test_with_asset.py b/test/experimental/test_with_asset.py index bfbf82ba3b..deb40211ae 100644 --- a/test/experimental/test_with_asset.py +++ b/test/experimental/test_with_asset.py @@ -7,7 +7,6 @@ VocabTransform, PRETRAINED_SP_MODEL, sentencepiece_processor, - TextSequentialTransforms, ) from torch.utils.data import DataLoader from torchtext.experimental.vocab_factory import ( @@ -213,14 +212,6 @@ def batch_func(data): for item in dataloader: self.assertEqual(item, ref_results) - def test_text_sequential_transform(self): - asset_name = 'vocab_test2.txt' - asset_path = get_asset_path(asset_name) - pipeline = TextSequentialTransforms(basic_english_normalize(), load_vocab_from_file(asset_path)) - jit_pipeline = torch.jit.script(pipeline) - self.assertEqual(pipeline('of that new'), [7, 18, 24]) - self.assertEqual(jit_pipeline('of that new'), [7, 18, 24]) - def test_vectors_from_file(self): asset_name = 'vectors_test.csv' asset_path = get_asset_path(asset_name) diff --git a/test/test_transforms.py b/test/test_transforms.py index 8771d93436..56dc4ed2e1 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -205,6 +205,33 @@ def test_add_token_jit(self): self._add_token(test_scripting=True) +class TestSequential(TorchtextTestCase): + def _sequential(self, test_scripting): + max_seq_len = 3 + padding_val = 0 + transform = transforms.Sequential( + transforms.Truncate(max_seq_len=max_seq_len), + transforms.ToTensor(padding_value=padding_val, dtype=torch.long) + ) + + if test_scripting: + transform = torch.jit.script(transform) + + input = [[1, 2, 3], [1, 2, 3]] + + actual = transform(input) + expected = torch.tensor(input) + torch.testing.assert_close(actual, expected) + + def test_sequential(self): + """test pipelining transforms using Sequential transform""" + self._sequential(test_scripting=False) + + def test_sequential_jit(self): + """test pipelining transforms using Sequential transform, ensuring the composite transform is scriptable""" + self._sequential(test_scripting=True) + + class TestGPT2BPETokenizer(TorchtextTestCase): def _load_tokenizer(self, test_scripting): encoder_json = "gpt2_bpe_encoder.json" diff --git a/torchtext/experimental/transforms.py b/torchtext/experimental/transforms.py index aa37044d22..5b0b2e8aed 100644 --- a/torchtext/experimental/transforms.py +++ b/torchtext/experimental/transforms.py @@ -12,7 +12,6 @@ 'regex_tokenizer', 'BasicEnglishNormalize', 'RegexTokenizer', - 'TextSequentialTransforms', 'PRETRAINED_SP_MODEL', 'load_sp_model', 'sentencepiece_tokenizer', @@ -164,25 +163,6 @@ def __prepare_scriptable__(self): return RegexTokenizer(regex_tokenizer) -class TextSequentialTransforms(nn.Sequential): - r"""A container to host a sequential text transforms. - - Example: - >>> import torch - >>> from torchtext.experimental.transforms import basic_english_normalize, TextSequentialTransforms - >>> tokenizer = basic_english_normalize() - >>> txt_pipeline = TextSequentialTransforms(tokenizer) - >>> txt_pipeline('here is an example') - ['here', 'is', 'an', 'example'] - >>> jit_txt_pipeline = torch.jit.script(txt_pipeline) - """ - - def forward(self, input: str): - for module in self: - input = module(input) - return input - - PRETRAINED_SP_MODEL = { 'text_unigram_15000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model', 'text_unigram_25000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_25000.model', diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 4c20be7f6d..99cff3fe12 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -20,6 +20,7 @@ 'Truncate', 'AddToken', 'GPT2BPETokenizer', + 'Sequential', ] @@ -335,3 +336,17 @@ def bytes_to_unicode(): n += 1 cs = [chr(n) for n in cs] return dict(zip(bs, cs)) + + +class Sequential(torch.nn.Sequential): + r"""A container to host a sequence of text transforms. + """ + + def forward(self, input: Any) -> Any: + """ + :param input: Input sequence or batch. The input type must be supported by the first transform in the sequence. + :type input: `Any` + """ + for module in self: + input = module(input) + return input From 2c989273a6a99eef12d2e3fe25258b27881cb0bf Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Wed, 5 Jan 2022 22:57:33 -0500 Subject: [PATCH 062/463] Switching to use FileOpener from FileLoader (#1488) --- torchtext/experimental/datasets/sst2.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index a858a841e7..ad1038172c 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -10,7 +10,7 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import IterableWrapper, FileLoader + from torchdata.datapipes.iter import IterableWrapper, FileOpener # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook @@ -90,7 +90,7 @@ def _get_datapipe(self, root, split, validate_hash): cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) # Load from cached file - cache_dp = FileLoader(cache_dp, mode="rb") + cache_dp = FileOpener(cache_dp, mode="rb") # extract data from zip extracted_files = cache_dp.read_from_zip().filter( lambda x: f"{split}.tsv" in x[0] From 0e7cf21d60ae9ed5068291b23e34375f9a002faf Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 6 Jan 2022 21:14:23 -0500 Subject: [PATCH 063/463] remove xlmr transform class and instead use sequential for model transforms composition (#1482) --- torchtext/models/roberta/bundler.py | 25 ++++---- torchtext/models/roberta/transforms.py | 82 -------------------------- 2 files changed, 15 insertions(+), 92 deletions(-) delete mode 100644 torchtext/models/roberta/transforms.py diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 58774aacd5..7cd9e2c833 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -1,5 +1,4 @@ from dataclasses import dataclass -from functools import partial from urllib.parse import urljoin from typing import Optional, Callable, Dict, Union, Any @@ -15,7 +14,7 @@ RobertaModel, ) -from .transforms import get_xlmr_transform +import torchtext.transforms as T from torchtext import _TEXT_BUCKET @@ -156,10 +155,13 @@ def encoderConf(self) -> RobertaEncoderConf: XLMR_BASE_ENCODER = RobertaModelBundle( _path=urljoin(_TEXT_BUCKET, "xlmr.base.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=250002), - transform=partial(get_xlmr_transform, - vocab_path=urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"), - spm_model_path=urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), - ) + transform=lambda: T.Sequential( + T.SentencePieceTokenizer(urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model")), + T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"))), + T.Truncate(510), + T.AddToken(token=0, begin=True), + T.AddToken(token=2, begin=False), + ) ) XLMR_BASE_ENCODER.__doc__ = ( @@ -174,10 +176,13 @@ def encoderConf(self) -> RobertaEncoderConf: XLMR_LARGE_ENCODER = RobertaModelBundle( _path=urljoin(_TEXT_BUCKET, "xlmr.large.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), - transform=partial(get_xlmr_transform, - vocab_path=urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"), - spm_model_path=urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model"), - ) + transform=lambda: T.Sequential( + T.SentencePieceTokenizer(urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model")), + T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"))), + T.Truncate(510), + T.AddToken(token=0, begin=True), + T.AddToken(token=2, begin=False), + ) ) XLMR_LARGE_ENCODER.__doc__ = ( diff --git a/torchtext/models/roberta/transforms.py b/torchtext/models/roberta/transforms.py deleted file mode 100644 index 683b6406be..0000000000 --- a/torchtext/models/roberta/transforms.py +++ /dev/null @@ -1,82 +0,0 @@ -import os -import torch -from torch.nn import Module -from torchtext._download_hooks import load_state_dict_from_url -from torchtext import transforms -from torchtext import functional - -from typing import List, Any - - -class XLMRobertaModelTransform(Module): - def __init__( - self, - vocab_path: str, - spm_model_path: str, - bos_token: str = "", - cls_token: str = "", - pad_token: str = "", - eos_token: str = "", - sep_token: str = "", - unk_token: str = "", - mask_token: str = "", - max_seq_len: int = 514, - ): - super().__init__() - self.bos_token = bos_token - self.eos_token = eos_token - self.pad_token = pad_token - self.unk_token = unk_token - self.mask_token = mask_token - self.cls_token = cls_token - self.sep_token = sep_token - self.max_seq_len = max_seq_len - - self.token_transform = transforms.SentencePieceTokenizer(spm_model_path) - - if os.path.exists(vocab_path): - self.vocab = torch.load(vocab_path) - else: - self.vocab = load_state_dict_from_url(vocab_path) - - self.vocab_transform = transforms.VocabTransform(self.vocab) - self.pad_idx = self.vocab[self.pad_token] - self.bos_idx = self.vocab[self.bos_token] - self.eos_idx = self.vocab[self.eos_token] - - def forward(self, input: Any, - add_bos: bool = True, - add_eos: bool = True, - truncate: bool = True) -> Any: - if torch.jit.isinstance(input, str): - tokens = self.vocab_transform(self.token_transform(input)) - - if truncate: - tokens = functional.truncate(tokens, self.max_seq_len - 2) - - if add_bos: - tokens = functional.add_token(tokens, self.bos_idx) - - if add_eos: - tokens = functional.add_token(tokens, self.eos_idx, begin=False) - - return tokens - elif torch.jit.isinstance(input, List[str]): - tokens = self.vocab_transform(self.token_transform(input)) - - if truncate: - tokens = functional.truncate(tokens, self.max_seq_len - 2) - - if add_bos: - tokens = functional.add_token(tokens, self.bos_idx) - - if add_eos: - tokens = functional.add_token(tokens, self.eos_idx, begin=False) - - return tokens - else: - raise TypeError("Input type not supported") - - -def get_xlmr_transform(vocab_path, spm_model_path, **kwargs) -> XLMRobertaModelTransform: - return XLMRobertaModelTransform(vocab_path, spm_model_path, **kwargs) From c0e1c38b34ebabf0f12859ee2594194f9c65957a Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 7 Jan 2022 09:56:19 -0500 Subject: [PATCH 064/463] remove optionality of dtype in `ToTensor` (#1492) --- torchtext/transforms.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 99cff3fe12..37bd3706cb 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -111,7 +111,7 @@ class ToTensor(Module): :type dtype: :class:`torch.dtype` """ - def __init__(self, padding_value: Optional[int] = None, dtype: Optional[torch.dtype] = torch.long) -> None: + def __init__(self, padding_value: Optional[int] = None, dtype: torch.dtype = torch.long) -> None: super().__init__() self.padding_value = padding_value self.dtype = dtype From 6d9e6df7dee068d99d74355d14c7cb897b199d60 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 7 Jan 2022 17:41:55 -0500 Subject: [PATCH 065/463] Add pre-trained Roberta encoder for base and large architecture (#1491) * Added new roberta encoders and tests * Added docs for roberta encoder * Updated truncate length. Added info on how model was trained along with license info * Added datasets that roberta was trained on * Removing unnecessary new line Co-authored-by: nayef211 --- docs/source/models.rst | 16 +++++ test/asset/roberta.base.output.pt | Bin 0 -> 22251 bytes test/asset/roberta.large.output.pt | Bin 0 -> 29419 bytes test/integration_tests/__init__.py | 0 test/integration_tests/test_models.py | 67 ++++++++++++++++++++ torchtext/models/roberta/__init__.py | 4 ++ torchtext/models/roberta/bundler.py | 86 ++++++++++++++++++++++++++ 7 files changed, 173 insertions(+) create mode 100644 test/asset/roberta.base.output.pt create mode 100644 test/asset/roberta.large.output.pt create mode 100644 test/integration_tests/__init__.py create mode 100644 test/integration_tests/test_models.py diff --git a/docs/source/models.rst b/docs/source/models.rst index 500b2a6c7d..b5425c8da4 100644 --- a/docs/source/models.rst +++ b/docs/source/models.rst @@ -32,3 +32,19 @@ XLMR_LARGE_ENCODER .. autodata:: XLMR_LARGE_ENCODER :no-value: +ROBERTA_BASE_ENCODER +-------------------- + +.. container:: py attribute + + .. autodata:: ROBERTA_BASE_ENCODER + :no-value: + + +ROBERTA_LARGE_ENCODER +--------------------- + +.. container:: py attribute + + .. autodata:: ROBERTA_LARGE_ENCODER + :no-value: diff --git a/test/asset/roberta.base.output.pt b/test/asset/roberta.base.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..d04c740b88838d2df102bf0c135ce9920454992d GIT binary patch literal 22251 zcmZ^Kc{o>J^sX{QgeVb7g$x-=5}&=cgi184D2b#Z63sKpOy-J^NF-x4@Y!nJp1hDth4uCd%f>^_fmUNF%c0-Ns<3&lNV7CaS!m= z;8)5~Ya$n^o98+Lj5Y+S$7bK4HT zfc3j)jPw`L(Qz6vRR4~llJ1*5{fGUZS4PhB@pIp~;{QAx=|9|Q*iac`e^DpVp{vLC zUH)Q=M8@v)7hh&CVn57B*VFn@`m^U!WTEX;pIxQB-ZD{_kVy|JPz!k;(tVVk6^ubJhPZ zd;f>=LpO&jquBYc72xNS%H~+U#PSspVD0b(ovA#M8y>_^W+#L$Sc`M#9cI^#?1hbW zmmr{`iTO`>0^c0u*si-Azg=x0hWA!M+bL7L*4~P#vOy458-!UOGr_+)m@UsgLB<8V zBTmr-n%xDM>Q*c$CW@84*JSXorvzLNmBN<5ZD9R-H>}Q^3OR6w{99a$<->NdO)pyo zDYfpv4vCN#&fm$s`F@}mwOt@KLX12uU(S-s#8IPU1WZB%teM zVD&Xs$j?Xuz)-yM{0O`cFvdv%B4`$UoBRtsZ(+Ve%rg7HF_zMOj!bp(h3sdan07}a z)v3{k|Awt5i><_9RpCj{J>mpiwHk0_gC2Cmydxgp4#C)YUf7n%EMi{E!qSvbXnt^? zBz;yRo8+S~s&W(lP7~m%=yaSHr9vG#qQK&14!fzM3auVhWZlDM0;!|=Y^re(dp-0A zzh4N33b|$MaFQ0h`5}g`r^cb$>(k`qELm9J@QoO#eI zd^Fg=9Ag%fE8TTOUOSe#=rAzau!`N9aRMd8#IYj#6`Wrw51sv5L^RSE9(RYbPS+_= zn^eW@+kE{O%w-^O~tg;(ZW*8b)fR%mjk=YwT9XB-;6*SGebiCWK#BCF<+@Sz4SZQRw{0 zroT=hWpRPvZm^gIuQvjt#|z->&uSu-Fb)SAywKIX94Fsc)fl-`~Gn@rkq#=Zby&9iBvUV zVp0~|H=a^y^>aGgryfs!CD^mV;-yUDpDZ2>oQ0t;R6+kHfRWW-p}J=qnKns;N7UIf zPal1>$^OkO3ueGr=)#Yu#z93-t99E$)oi4Vo!`D>s<{M9a-U?UL2-@K6bp zxi158MY8xNK?mDZHo~0W1G7`u+Qm+&{DG3ElAUaFay@=? zcEW+eE6g)N6b7cNGmRBzF|H^|Aew1}+K0UHMg1FL)W%c9)aNGo@BCrRA6X}`F+PQA zb-&pyeSp4>`$F-bwb*&#G@0aJgkm%Gh==YOruWSf2L>(^^?7SRM$!?sL}DN;-o?evd}ai=%P8 zPdBsJ=>ZLjyO~Xe7^*Cj!AL7bUf>}`XXq}6$hB+PSUXWr$jxEJ-a2sgKMk_)dxao; zSu(Me+z1Be2Z-Q&3R5l~0rO`pgmz_R{QgZ7N*WvK#y?^Fm*^fcV|y6vUGj&-sFp&c zO(HYP6+o-&9LU(!09q4*pu5|d9sQ>WeiLE@XGSQ)TJ?31t6fOK%gwOrN3JkS`KZ9a zQj$2T#?M}(@k^L^I8u;zz#OGcG_nuN)QP&*X83sJJ~MJXz;2yQV~K(tka412*fMh; zDc+?(c;-WRYBn3Yi$)69E4jjPx$+A6o*1?xV<~9Jo)*TdhLY^_H%VjCAi2104|A_f z0-3^pq|@Jrv`nvpw+Rd3U&#V^;1`6cOB=}c_jM2%<3-Lb=_A)4^pKT}(eV7hD2qVp zQ_Rjf8pDG_Sh?;gWJy0kZNe;K{zneW_Zjow_BYwlZRha$s7%3zK{1ePUxde7UlAt{ zUGn-2CCcCCk|$oq_)%;cnfYfc>18une~UIecqV|1O@kKy`KU6J#NlXNpb7PpCqmfi zQf408DVVfF5huP~0Ut6$NMyDJn^SZhr%YeVzF#v3iG&i|Qq{mVt#c(aOU&5m;d9`a z$#I;RWre>(6j{KurNr)043S!?jy(n=u`TixUjI54x9U7$W@5q6^W!_y{C5;buT*18 z#+QQP>~%ufb5gu$(mUaz?LJWFa|&dhEMOVK45~EtIYGg)r=|j6^ zS#~%SmKY7UxNu7ZB?}$!zVuj_u)CA&S-Fvp5mR9|&Mu~{pLJ1HVvnG5cRCw5KNdy8 zrLb`OIg4jo1n}ByE?f6=P;l7g9442(W>L#1dz3dH>bFt6tYazY%9Wv7N%GhrC?Ox5 zehap(=oJ*E0**K=hLGDR=r3G|@=uzGrc?uSN|MHn6Uxy_+!Cey7LzUamXUEDw?X2} z06D0+nG`n`vk0vs*!k5|Aer))$g3B_SBreuZIue%+98-9q=d?k)zMW}gXGzbpo1=N z*?QF`a1fV(Xx(u{#_A`_+@S}L?ifMFlNs2NrCaq&(h|+Y-GMtOLzC-hm{v0xrY#H; zzB_sfgKC0cMYS;=tmqa#?7t;+vbzE|TJAH)j*;-VvM31t5!@SxZb za#&6UYkc*=BW5Dm-m(P>7RG?XDFzgNSKXHwNp4anp~0&Y273xbi8szat!V8_t3Ku6Ovad z&x9qmnRw%30vYjA9}G-~vtkDsG?r{-PxrdP(b_xg>Q4zW_h=GH_<0o0TnvYvN=J0< z^%Qu0I6*9(Ct|zdX`yQCe3;<20tR^YZvrol{=q$+9 zodkZ~y99wWf%O!`3f}JW#3Dm|XgsD3hfXPAj0FSjf70x3k0O}fvO}eZmmz<-5N6os zK%d1tber>=I(oA&lG{MfZu*NmJQokuq*pRdygZGR8*{Jsxu1kXvmXCmW z`(4?s_VG-@x)$T>FT+vUtME7M8*`SwK{n5n!4YfIA#n94JU%e41t@SEF3O1A|pBiVWQ(HoFuCzv|by@ zc7)`R`8{u$j(#Zat6e8NCaN!NpR_~ZF;|QI>HEh<{uL74fE93inF%}itbl0V`oX?7 zEEUEXn8Ex6U05*D1*BDanYgO~@pv18Q*tk1e~mWLe=>sg$(qBbxdtFOkpMeF*0WmI zvk!^wJPE=Rl2Xi$I+4799=n*GHngmgx z;QL$%^%`uSO(DS7C-CrK0r|16kZjqy5pG&_qic0JnEpA3X$clIWX>%x+0)5gGjs zaEtU#Rpu{??0L=M3pmTOgM?iWr#+w2E34wRz~D+P`gGTD%im`!D}@%lpcxlNpDTaI zXOB(L`}1C!(yvNQ&Q5`t9zzUV;7^bG&LA-CKZPg z>C_hjtH)zdFls%%dpe#@xg$sQ&(z_oNw+ay-&6Wx%nbE={ob%rB(Fuv$;5Wi!Z3frqL%$MA@;fbaYnO4WC4uK>TAS?(wk4 zQaL?5edMC>>b72HHFqJLZ&<+BX4t{iUovPjwYB0+=`xb?QH76O(~2*Ar{kBuYaojj zRC)|Q!GAvq5G;xiA>RKYplm@TXq}nLw;Vq~Qop6}vCl&Be3~BqG7zB)RZc)u$#dMY z^bFs#LxqwnDRg6L!% zvYP57eq)YqHn2KC2q6J;xJRlSEfmoM%?>dhv&045x)y;;LO(7I^PvW-UJ-*v5&ULS z$^By=VTz7Dtcf~{Gw+9z3r8Ix(BKoI_IB9PD9WYBtO7+JF@Ak^2*`!4sH)Z|f|66- zc-+lgP}C8@)4qLU*9)w$Vna7s;V=dLD+X{UcLLLumcq-rsZ8%=2McRBjyLaphFL{# za9!?flxdbkzipYs%{dz@8<1rW)do_9CUQXMJFeMi^dG@>^0x}F%(u&T# zxY1=24(4Su+jF91`eQb+#x35J&4pgFtT z(NHpzO}1+W&(RIIcU2^J35>+XAq-V&C5^xKmE!w##bl4T8c~bdKzHRoU`M>=@aWZ# z>|^i*D!s6lT6&$qq754%7{7vQ<4xESG8GyP7~G8Tqm9@8!HFJ2x^!789Qt@0YBSme z?V}^e2Z1A5`#^-R8N$1PT*#8BGBr*&urzPX=dm|z@bcf8;F_ccf382o*EN@Ecf)c> zP?}FKmzfEUO&>2uZg=Lo=XuZg3>TJ-B zuLJb>^J)XS$k`8k)ZZ}S+Ng@CpJF)iv;z72_XtF&&4l=o)1k9n1LXEC1X*o+yxI7i z4Br>dW|f@;o7E*`@s{NfAvTo=E*bGnHCp)9auMrpJOn1{3NSH0flRP_hVM(lu}tqZ zw2aPXdsB4y`(Kh43b{AC@~`qjieANnb-Jiy55?jx#$!tyzlE@=P3+ zl?CQ2OsW5lakS{v2W%U@m{%r@;_3OaR3X_MjP|>k^S6)5qp~fqLi#X1Q)^(;9Y^B6 z%5pr}K>5}m$GG9=OeP<3i0x_EOrJFjGM)5kRJ~#Z?>$w^PdA*e9Q9S7Oy3y{TQ;o* zQhw)wM_@bk`HTCsU}N!D+aBN|dgQyaR&M{k*(9QP?~qlL=WqiLQ2pF@-ib{$?+U zyLJtJol)U~qTj)Eiy2&7G>iYYI%miS|KhPW=U}_O3tY5`fNJ$d$X|L_ur}*1OnRdP zP41L>ZQI1^ho=$$;ahRs9YyZ2;s;ExUPhB@BWcvhktAb-H%7j_M9yfqRjtTTrJIEY z7*eo_x$n7#M^B}*<~t9_qMTH8_MSpL%HjnlI<|r7z7SZH`p{y7fe5&zDB(HHU^uWn zh5qmU5`Ax<)1|J;Y zTPMAQ>!-!&rg!Jaf{Vj=s7DEAJvonOUH>wV(Q;s4J`B>kF0s35_t+noG58>QKdh4s zq!sTAnaYZ_uzK(>E16R(XrH7>A_p}ouC;-cMwZw*wVxk7ZbZwJCZfWfJPay5S1I-H zG)U`B<+@KpXkds7@2f=gpuu>{<}pnBZwdT;5k`fv@?7nN6t(=NOQ(bkVA@J?TtD^+ z)Gq44>wo$xW7ph(r%om~XLtjsE^(vnI@_4<&jdK|@G3q@8b${+GtkCv91K%4;P-M@ z34SMzRSMbRvjg?Kfc_{W;x3e47d-dq;HzM?rj69tgcLQZd>|&{^ z!?A4dcBqli!)wx_ygxJ?_7ekCk}U)u8yQ-(Z5O_{EKc1-&FC5ba5VA?qR(^6;E!%2 zyL9uLu&93&&zUfh7M@h)f=9PtTv`@3Ts#Hy8_js!rYtmYV|?8ECNjn*8DmUe;!;~A z7Jr9gY{hGse%gtqzyfH`CqdsMRz3m?i-U)l|u4A*1-!pCIkc?Dkh zC!O6@tpOfQx#`}?^k3(oMGvpCycT^3ZaKNK*7g&?hB&Qyi+7|qqJ(abkVEe_4@jQT zN7jnGK(p&Q!g2*oK2mmCWlhg6KIe}Z&3O`C9Wrh@eX&lN?!2`XCM)HU7t0hZ2PBWt zO9g85)lXO2xaU0nTNg?nO}vkhpDvIeB`0WSrwJ4qeTJ&R$B^{=6MQY#2c0NGx=Q1; zrTDAscx?S&*j|vtBRwv`hx%}OY^MTuuepaS6l}Swy(YDeNr2~0qWpHLG))TFgsFS` z;YHCPrd~LW@~Xzr9DN4l6H3qxbZ0293$ydKFBy!O+X?@FmG^zR_d|x|=3nG$* zyvCdje>RrK&%DFDj?br!M_P%Vbsot})4}`N?_h(zD!Jd)%BH_ppj&MW1zPU{`K*7F z;rAf2(>h;?c}E%<>2`x0mzJSZH4N~qOAO}pDpAc1Wu&~u5_<~nV3c|rQE%*ng3-ye zcM@YNQ+8w7m=8qrn5n?{aV^ZxQRBXCMr4j-K6Kp~Yq>!E2%TcA4TEFCA$wdI`B_qe z8#W)s6JeS(XxStDbHRpY6F*hZ7;L*a_%^YvBz-kPiKTVE4 z-8>iG(tW7!*U9Ft7lA`RRM0b8jF0@e4cea_!=0A}JhyL%XId*o1BNf-iyN0gXXQ!= z6spn7E-?^RAHui4KMdDQf5L(0zwkHcv&GM^fEMF|Efpe@sJzFpA?{9xw#39Rv;GON z$>0?@=f1?*&+n2=Ub=Mc^c)^{X)C5Bza!iu3>@|wfLc@>smqSDIJv7BKKC7?t~{RJ zT@b~GD<(l?s{x#hRQdSZDe|xNChm-h6l${sae+ ztm5>NKln+4Q zIenbGNrEq!5eo^O8JPZL62IH-%S&Eqla@niWL;w$Sv2Dh+=(a>wnbm$jbr4%XXRro z=@!6zlN`amT7tGJdQk5$NZjT=WNXZ?p?a(_zIYVJ@2%0t5x1)#xk`^ahrdV5UH?F2 z^IM3t%?54X2qsaY22G>Z@E)}%sQ0^${jBK1;oBwnrQ5b3t$zYs*B1)w#%K@4avpf* zxDTcj8&g>Kgm@TaVpP|4OwwP(&vmr0HuqUPyGEH$DL6^oLf;BM|9Z)~>Ikou35SC_ z0{P6kOGIWtD6w4Oj-CnrnEv!&mGPGsgh<`P*Ar53TdqEu?;6g_B?`eoYymtciFAht z0UeD}6u&VG4;yh5LVAfbL6q z>eO!sVY#Q!e5N=ztUdwH*9FlJHd_UE=N(6rm*V^?_E##19E9}TMf5_dGK^p0U>>)_ znD6dU=^v4QvXIeIHGLnYBlb@359olsMUU|O9 zER2%n4g9X&I~G_ukxlZSgCUU;+-lQv^pJKYZqsAIIeZ_J3X-HQubLoQ;UcMeZ^WNW z4~H&;J@CrVm}sRJk*CA%kuGOL>_}GNpGNEC$F&_B$PF9G8PLCfZ{K(pc%&XW99l{DYAmLXT_#xC*NTb~H?Uc+3Hz1x zG3?r08urE(ueW|79-`iS?f6bG`XNKV>!!n%as3PqKr__NKLm@zdQqPB(dPp?N|c&!0{@Lrwt*>8BDG&7 z2RGLv)tjNsH#7&(=Ot-4X^%GOJIk{_Bhq=oi6pvmhcaEj7lGW-<23GW7@KR&q1#G~ zZYc(Inx?_K*T#~MvJWv!c0JzAd(C8CJz}>#Z$aAS>%!0uEBeIxFeZO*CQseGctTW^ zAn8;U>JKiU4&g)N=c+XQ@i78^G>t}lHIx1gisc8kWU)fYLio7yBpnm$Nn1tCAzvpF z&ez#ONySUBR$T$Iy)w+sUxweG-OZdBvGBdOE}>|Al3}Z@Q$S=q`fl= zkL>)9*t=EBCOl( z&F7w1rQ-L?$sL`c_{cko$sf$-6C{^V3qdL*|4v8ogh^24;g51zTiC9U-;ci1Cp-& zW~h_`&-UJ;lT^-;wIa+vvr8 z0+yY37Q{V_Xmy|_Go0!Inv14F>0fE~;ewu}h)NdE5X;5kOZ`DM-jil-&P6q)S?saG zXlgkeELW8lL*AX1%57Jtp=g&nJUDb6s;kVn>C5$W=ic#j?6@)t`JW)!U5+m>xXXRF z9^;$pOmO(sNcgd-h-o7buUH=+m^GX^1q}mfYmB#^F(F%h1 zhWK|>89s}-PV&E>h1z5j{^hxlg>MN%wLD`kJ8v!;Ob2FznvIS)Jg1uW3TKS@pI`jgKm%M^B{fii{@(8RBUB+RymGC5Z6I|BZ@7glj)#dLa; ze23BX+Elk$k?Y;cf-B|{e3@bn&H5P20<;V8h4W9?Xmk)qSAJr*4_t#MZ8KT@Y&ouU z+LIc7zKvSv??S)G1~RblGrMxTjJzGR2E{d#QPxHc99w3yc?RDF8jdCy{C+OK^eGxY zeeTC*DfJ;fNQz$ctHXd%zwx+VIUHIiLTzWn^W5|s7LeEs=XXTX%LP%)rg%6%vg8)D zt8ay(urf4gKg$zV#=*n88;}Ovp}pY*lu}Q^krJ#da&M;5L; zMw8fRzW2Tz_rA3W6ZdcAY2~x4%KRI^#1U~__Gt{UmV}>M$8nv!-SpwqTX_Ap7PJg> z;YHD#xOa^YRh;iyDXrYjx0Y$s_^&MjnygICHaPJ{BRe$x?>K!I9*+f|Pr@|C%TQ{v z4rY3;g>}{QIn4ftwcQF;-z8pv2b;?`o@s%>;S1^Krw<@Ga3eL*ivsIjZNB1w2!^Tq z`~a~Q-|U6hVsvbXF=uV(0qDyHmEBHg1(dzIq%a1R<9?~ zllkV{TVM}GHS=+zgfx0QPD6ErI~d+qO;2n7hMXWjUUc~+xQXwDo;@YlXOa%9*G;4< z4{hj@)=o6KZ9xY=*yHHcX|Q8ppQS}(Gq=dwNVUp8qI94H9raC=1dHm@32)lbN9j6s zdh`cAT~ZP#$m(%EUJAtaRk4E}OX%e9iICSYr!vJVpLrb|OVdLR!YPwfaBg}G!#{n4 zBRkCSyRDm-mX~D4vaN^BsYXE;JfG1+ z*G~D2^G}q)#ORmgQtcpov=+lLe;>o15v%zh|M##hYNSwGf#8pET7syT*{sVUff*jX zP;r1-&?VhdxoD3p8rvx2Zuv-BSGtewHz#zXmo3#59fmn}o>XOTIIY_nB8VMR2??>I zY04NRO$}PY*yqYj^*{~Ctc*wLiCR3m#*5ZHH3sWd2j~R@0qSA^bi5B7;w1?EIczOo z_yj=JV;D`Ee2_jLHlC(VJAxN$qxqm|1Y31*g5b$MBN|Ys!F$v_pf02uk&l z4TMeVvJjy#rP|=J4<7k615eIWqJ!quFh$_ZeGO;x0~f?$zlAn^m>7uH8bZ+5Djh4n z05=RjinAB>z~L3qxbMYMKF}t?PS{%DjBTyV=&P zhsO7-(ZQz#O4fZKq8Iz%p0)^oa7c}OlnBQqYPIm%(2oD9I!oRU`L}{e3|EhP#vCs1 zfaUuf>GvVs$A#0|X>V60MjakO-RFqoVn1=NVKRcsOxP^EWHy?f^4JN}DrUi=akUV+ zbPkD5m`GF}W}^4V7}lda5pAR&Foho-$d1WD$?ln?KIO1Qe25g0emxo`WhY4aT;Ed^QA7L!`9F;t;fhsGV=#AfRikxI{FVB6EmwsJeZcm6q|ss4~h-jIdj z{h8$UyB4}&LLxL=+l({SL;33KnRxYU5mxQbq;Dis!NkIZzLTiI{M`p>yt*S6E)0RX zb0XB&{w5eCtRTxa=i{e@P{D&|E2&QKXpCFtB~aR2jB?lZ(7guZ=?yJ)tHSz)IQd5_ zsDGod#rM2J_U!Q@rltYViFSMDN5IQFW;>a>qu9 z8uN@m#ZR90I0oVV$#t0dpDet%*9A##qp74{78w_HV2ImpXTSZ6=*(XQ@OvPSk~mGA zb-)9RUl!oXnHqo2TXZThzq8-kfawWVEa9I zNXvVa1zb_3W~xf`dg^(y&ew=ndTH>4x|z8CL<#Ng^5b?hT_I@L05|kVLOIcCIC;lQ zjJ~&%=G!Ub*V|Tv|E*(#`#<5gS6ck&5nsr-QU{8|O!&0H@g%Hm5x=%y6(m2{GI5U# z{$=|#dO=x=9-OYsTR%Uc+A|B-)$WZ@di@*k^+sRe$0T*fDVUCtLN zcnjV9Uf{*mGUU^e82Iubjk{<^(^nap0_oUb(CK{!U2BH)VPUxtY2eH2hs{RAmMi?+ z+mEnc^6!u~dn7;PZA#nXcj21SjqroX(6=KHY>M4sf_l3!NAQz4H8$fnmv0y{Ib1mB zNIdu0X~OL6hQ{KusqFQNE|?Wq3RQZq@OH#Qrk9=vQ>WeoZNW*6aK~*iNd43U{ zE(K!V)o#!jevmB`v*fLkcZHju#Z+y6b`iw4CsRiUh7n68K{#w0KD-``pKqqp`r~m> zF4Piy!U#3nveV)9cfQ^S%~k z*011gYR|fGt=eOaE{8;Rsa7Nhu`zlx}>rqY9se*a) zI^f4^Z=vMQ0`O0nh~=+7F{NAjDDHUx9wtrVPT7}9dtesduKa^M>-S+(>fgZ}-%Bt@ z{44$y)PiwcePxl0DD}?!N3!<=o%*H>Uxgau^`C~VBA@^2cG!8 zhnff0P!188=5rI$jM=0~~D(p{mgT=~W zuxmja`M&=$)Nfb<#iiFFV38wDSd&lYr^UgIRsXS<^ej|=k)Z*?dYlnf1Ao7dfEKGV z+_5B_HW%2^m6tx?F^MIt(7=)qo#iZ>h_Z1x|AC{rDAzqVjed^p!OP08QTIzIsw){_ zUbP2V->gBs4%xttJ>k^E-@p z=>?}8h(A`tKRq%RUb39X9~}6O%X}rlqjEL;zUGOkJQHlT7L)$jzc8`#13A~Ymo&VM~tN1!9kF_Jc52v5DE>utw5|b2A&TZ zg2`HEmb&&SKbqiAHytYzxF^I9n3P{}y0IryuVz3;~OohlCNkSL0Yq z8Qx~5&D-lw!C;Q*fK* z{t$yX4uxp2Z8}>zI-I|=*QI05tl&?yH?xTGvUK(uQ^Fc!hx7*W!pgOcL%O3IP`%w8 z%fvll&(nU8)6^DxnLL%QnrX%MtFPj&od;pnxMlb-uMnU0j;G~Mqd?-|IJ~c13PAxa z@O8KjpLOdiIJdm@#qI0CckJ=jk7 zAw5)6Ib_QBF~trYBn@(0aP^D1Nkul8nysL_2SRD~_HZBptV62XnZLFZ~gFPmBtc~GT0`ZUs}%7LiFh7L!z`}`Yio3*V^Xh+OQ`->lsP7D=Hiqb<5=QrK)}WhhTEXt; zVpf`E5wT(=|(=A6GoL`6H$w9pb7q8CEeizL!kQVNqZ?CIu~VBGdVg(Ms( zq`f&I?DO$Q@VU5@M5go;;~nZ1Wk-_ujDgLpSEZID)GeX%rk#AwntQ}+mX<&oLAT|y1{-3xdy*%l`1F6N`$d)V$5 ztwf7YqkVHn(@r~&Do?+k%-am;qh-yYV0@psmD_Shjb>05Jq10&Pq6CD2~x0bh|f(p zPipHILipnZT%-C2?zXieC#4{fJq->z-ef|-CkXK17QHt$Xmf81OjnD5rE9;z(s3j4 zE6c#Mz6&wt+Dtk{BoD6FUxhzfWw=q}B3Ual2kj0#gUsAu61(|2>=MD0jKR<1&(_9a4i0tAmQ9^ z=DP;jX!CT)IpBd0?p;D@xd%uBCZP2eK+DhzxcB*NT#%>%O0{LMr{53N>sDjW6??FD z7J|p2+xUL@HTGVm5hJgT#v6C_`0Vk+!AUBIc)!j8PZJH=*zOF~j^?yEXpHdZj@6ia zCJ832y#(p0NLkYcXg)NrSSsH!y2mJq|AY z07|W47&EyA=HBojOUKuu*})WyHx@y|A)Hwt@{5cae9z>JO?lT!3%r{)q3XXy&A6|W z2ushrgu(KyAbQ*dz8ur!?)%M!cfVM{x(Rkw)+dUD(?(SY#tV1QkCpbcYHK{vy56DGKYg)acgh|3G@xx&YkLDvdYl$W zOU}dgy>T$dJ_M^`Zowk!S$tTXJ!uZfg$naucraC;CmtBmkUU%kc1tT^#p~;^a%G+1 zk^6b@ca4NS?T0Zh&5qu+E#U(Rn$T8u9M$Y@kge&I&e|l#TXy{gPsek_J4BK03yg#T zLpAEG6vTXT-$L6GOB`%ep|)=$>D>$WLD6jiPCq9``_4(x-D=T7)v^z;TSt<=lOGN* z2TUNp_yVoW{R6-2^S~l}9EsC=O-4RH!K~lvQke&fxXX{<#B81x&$u*+>=>g7ODj$Z zK0X(xyTw&#?B12+<+>2O)iw_c7rS8FQBx}K+X@Fh2kHd+PUEEG~j#PmAttqHwe48n_)v(e7>*?NGwIG}+N{%*uWzDsl zSSTj4JxjI{+16+hz03yZbgswEw4RWw^GTLRGHL9Q<7Ox4Ls+~v?zQ~MW*<1tFYnOd z4gL;%$)!;8v(JrqeDQ^*@6+haC)HH&w33}t=`|nmIEc*NeUF^CCVchacU(zoaJa@z zR9vseC%#T2#Z$h*4dXe)XWd$wJ^vOSc0WV1lqE^NVkaD&@(V=n=Roo47s9zsg?RV# zL7e)pkxY#oP4D(gQq}KAxNXf@n3SIgTTQbt#q0#$ku6~NN*D9ET4`?UV9X`re}K<| zGkDjroyPT@V+&)#3DsD{MOziQIE z;Dy-+RNmnRDbLLXzuk!M-v(8!&W)wj<*DescvRJzGrBn9Y$o=G9K_S@d31NvNSOb3 zj6g%xkxu`$q$2ZeG{m(uv2p)Wag50YYOFSzhMRbrQ$2MW<0*-DL-U7im=)D5TZXdc z&uHtaHkhb%4UQjvgKg_oVfB!1$4+f0@os(!g=yI|KdS(IqC;uS9V<#!>hTXVUgPGj zA>K{Y+|2feMX{DU zZbQ6#40fALr20FC)^jL~=aYKJ()NZNzE|cPZl}+9{rRo@6Gchh2h1* ziAA}fKB9+`X->mnrRCr<>UuK~=Q{47pB}kau6b)lm&+AV3%`0YrusF` zQ&)tQlZ4=S+=}*J9m>~Vo@H53*~60ICAnoi5yD?2!kH06cp~mT-I{idNmVIBPG>me zEk94M2D}B&?l*k-mZSKirI?RxSKf61e5?ot1vfyqOd4DM6oKNO>0I&T zeGsX=4!5`Fa+l%_)IClF{so<*G-EbZ`H;yUtT_pXhTVs*?3uJc`69-Z?4Y=7E&b5; z9YVLC;%T|DWZ!rPY;P4-i6s078YbEN=TQfC?1((X9af_c@ARRp;Ua;%e%; zMFy%yZDQh&x6zT&L;TG89A45=4QEXhK|B05+Z~VvHnuOpIPncEQ__GjzLAi=a-rq_ zD&$PSsp{H3j?9@N4I(K+i9+d#v+ivu6(SjWDin=Rvrrn1AsIr+7=6r)_@XH zDv1oytWla&e7oy?zxR9I_qx9CTj$zmoqg?fpKGmi*1gYJ>%RZL7h(%&`Nbyu?j1xt z?&YF*d^vu`Yrwuv;*M+hGSensB1_%9`P}rOha%?P2s4HY2l62&pY#k67vOBb4{ za5YCa!u2HwAQSK4&r3es*3b&f6qjSTJ+bWC4USBs!V#CFGq5OsFvT;q($KT*8>M0MN1SCEPA>Qta^sEeQ9--YkdU+AceOH8fj2&U-ISlkhA4ysx4Ao`=5 z>@gvz5wM24)w_$i6gQVy8`i{@`-p-_JPdzKpTHe}wUTU;+kw4DT;Dj#G=# zVA3D_0W$&v%^YXva3{jj*xUZiFfZT`I{L;iTfVlycm6lJzkWSq9y}LI8eZb%Pon(X z2ty;u8>D-76)Aox%pAM6nA!9?4>n1(2|W8IaI9D|d{lHLqJq8PczrHdZZAgt_bOb{ zhbuVbkPF#vPcZSTd{y)&8z%V22(B{aBO6+A82h8w<5z!qra}2QytGl|_Dh|>*VX;i5^oeUQGOM($w!mN3F1?w78IQ>~)vAs$Im-`1Yu0JKYZ|l5Z za9=j_JwJg-zaqs1ZXL<3Y@f*IZd$|eHY1{Ldz?rd@ns@k+ro-Fb@20#T$ueV0Ng_l zRykeD!NUfzD0*iET1LmBzt2gNt^0pbW>gGy92d#N7FNPH@1yWNU5B}LX)fb(U4&u8 zKf-1uGrDx+43x=F;moES#^ibp#vptmcXs9=*IH%CNu8>r8G2e=yi5RWkZeY=n+;ru zo;++R4rJO#{UXi&r>Q0%uTd!MU_VSaPxhZo;|!LcgEuP-xr6qn;m<--=F4V&e<;l# z=2nSv_Uvlrn#}^3l9)u4X|`bAgE^e~H4(1&fgH0w_9ble3E{Y|am?q%2{3D!1r!ch z!A6soD!t$g$Y~wJ9r0OCp6M**^(s|dMv@f!Vcja`uyhCU+CBvMw&v)dP zevrLx2z*xt;f(dSO&3cqLraN?a0qkQKE|EdyN~bBqw(DJfF|%<8qJu|L#Ri~$N_Z= zW?4xTY%b_TNuNrze@&Tcc`d4Z^clLA%Y$Z>F3hhR2`;U-vGBPhV`RJlgf?5VBl2cJ zmq-&?*tVSON$}!YjXbdUOfoL*4Z~40^~swN7b}10Jwv0qCEUZH6HH3pO8T{X5Vq@- zVR(ByPP}`I4VoZ>qJs_G)v~cTyw;c5JHC-qxOavl=}Yi&uN-sy62i~5k(}RRduCNc z0KBr_1=Kp6xz$!pYtk0sh0-3F^DUKWzG}{ev^<2{13!p%Yhd}tFWIyu#A#y=)7c+IIlKDVob?c|#khSFtscb@Yt;&L_i|&V-VVk4;sP#o zT`7}Z^8tQ6I1aim!oe#q90GScGk#GuRU>ucNq={_K&|))HYeVP{Ru0mPhU3eG!nxh zxwWAD>;@VC*$#B{6AqmT;FaZhj+^Ez;%#xscBuhI4Th`2F5rT^pojxT*b_Om@4R){DroJyn**+3FK}4~!J}|_&Qn@o~Q&1Z-S_Lx0p$>GhS+ zW8OwB+QxJ11GLPF(qG~)30}W1;{^}vZ4sS^X}ebzxcApW9h=T<(>#WaMw8i)nHN~6 zzp|Nif2_x@QY*$X;5_$7zzF8Dv?$Itl;KSKWNCViC6m-C%*`K^B#*ucS2Z>lq0$8% zM%nWwJ-5Y~c&f>R{f!}f$KTWL6nilG`KJLUZYHi5_rdm*ou-;~J-EZfj?3^j;mpq1 zkycP8ZqnHhp(zYPfserF^;j}OkO$({hJZBfiVf1C+Bq(!-{l^4OzZxj)At;P=fuV|gqf^mEK{J6`?STH;l znykV&rG`B2!~QU+$uZ$XHr^tBXVXA)bO?wF8o^@EA^5S-kRz=L5Mdi;Bb}hgvYRLV-mi!i{t8c7?Q2t(e#ALIjkKU%e=kX!sadPA@dvc z84HhUPA8}lcb2c>PHQO8{fiW_LPm*Mw_MBAY)1wmUCQ*}00(CeEW~$2t(zzds==pKC1s-`}=q~q5An{`(Y%9G2^{cY!jWac1^7ND-TZ*8%-ZW^Cd_j6O zrD-pUa<5O-!PCw}D%g<%V_t5isU!73)+wm6x;~#g&Bn^(rTK!B>ZdRw&K0NFEC!Pi zvB>|Ch2^Hs5IReXB&HRS!U-bW{A_Xb<~3Xf{mZ~@^GLY(r?5aZwg80tL)p!bD516E z=&z|=^r4yvxJXQfc#9jbO*a4~R-eYs@ETkn=tF{cc|yF)D@a{62YS@UqwLq=O5;oR zm@u^s^>5syP*P(D-%PaQx{vnmBbN zNAH=ltKSuYTa_E^$SS2}28RSrX)}m|??%Dn&kks9d!3zB8vy1-JAs_J#OlSrhFhxZ zXwQ6QT;aP83l~e1Ppibxy5|W*2Ops|yuWO2Y9et4@7RIJJjN#NCfHA&j0>9Ns7isC z;J_&vMkFtRE<7YnQ`35gw&Wag?{hbM-eooJG@T2pVsk*(u9dC}NhB*?ra-~|dqgQe zk$SfB8e)DjjTO^GiOqHFi^h5!j#Gg4(@Uv^m!I>fT|s?RAoV>^BBD^bDieUIAG4~p|2ZbF?ZHh+@)>`1xisg+C&yYt)^oO&(P?a zJQ*a)6>-Yf9due;Ek1nj3m*z+KnGF752+VP`>9_7u5Ke?&!mt$yCg6sJcYjTo{jHb zh+*2q&*aqpFhS%yWuA$_lJc>auq5>m-6k!EM5W;jS+enGuj7qQMh<#=|n6s#OmNUL9$5O43T^pWyR+QH9{ozhseOW^?kZYaGEERw;>e1pm{;D~6wPafo?%MIdU`Es5wx@C1UHvO;R9_O^43@e z&o5BJicU3J@0lX#t$0D)_AJ1wkLH>_ym=8Fsy*=@@6$7OIAc@7bA-Gvq_A-p4o@GA zoo@5dWA}LUF+ECNW~qQXjfRDs7NDXBzD-;UiL27kWA6euQT>Q~=ZeY5J_A@QIz;{J zH&dVcSMmAv8@TDS2OU|ZM&uT$;A#~)yu282+EFc%A=*qLW2Tcx-Rsn81D~%{R|dm% zNu(}a8y`G8FDN@!P5yXn2-Q2A`28VD@85|a@vR|Hx+s}=_5Y&Fb4!TclmoEwrUfRR zmVty1Wz59(eO&bDi)7~LN>bu}o4h^$5I*sG*!r%yAS~ifHtp>OiTWUDo@i3hnXFDu zjF85LHa)O($RPF$87S1hR=MR`FRQH@Sy_MI6swaQ-m$6jFgN zeMg|VSqnZ))}(`PPh$Gm;~Bt2{r8EI@r^UA&o-Xsi?ExXo0tg177KU)GK9p)szje@981PJ z0hc+A)M&+l+16KN?b2{y&19jaKa`ADKPvbZD4-YE%c!Ze5}ceoNX0;spyM%%K0-$L zw!aDY-!;UDyLvFgwFqBNP=?d)QKZLV75K_LqI(M3>B+GdiL8hlsWu-^X9*>N(iDBj zm}yD;N`h$C_-=ar${6T-9?GNEcH)v{C#l7QX2CcqKL|I~0I}K0^hbjP7cVS9HlLUZ zhL&A8s%SC(Ic*GirhkT(6ptnOT9J6DQOD$&<|T4vmoBX;R0fahd34-4S3%s^T-?R8 zKU%~5(5c6k6%Fbn-!}BpR+DiU$m?zjPOwyONP&}0A460Rz9!?gU4yPYybs&XZyt_TXUo^U&5kVN0F!*cCqkSaSG73}2DuW%G~|Ii30md&6xT^6t+dkti6a7MAk z4YcKZ4Y6Z3V6x&!8uPrC+VR@=2l`zVz)ABV znH;Q%W+NUFk4aJ>Vs-+|w#&d|{W%s+xteTRpeIZS%O(e$FR(Uy*PumxDl9j6id$5? zDmvyYfP__5?5*iWcv5~ewx$@sh>!B7<+^+63i}SaGcc1DHdCHkU{0;i>d;)h%jD>Y z3y^t53aZ<-(`g5MU_`$hNox8NvofdBReCAlVkpL{@o|!U&zB4OW~-6|OTNLd(OMeS zaoyC~z81v#P4TVp3h<800LO8Iv|z=0h`QZGZv>^2HFtGEdwDQj>V66)8amOm%zSoD zfh~CXM4%D-1ZK(v(ZOVKf#!D?o>B9Wr2DC&T5mMz-oFzz?VpbKB=&&#(;h*XP%wFO zRt`U=x58j`G5j&X735o$&{6#g$(yWS*v`?VT+W$$PA zSju7P#KWjfog2TJp^#7TJn(u*YdNbQ_M8ofd(ZR#c_;XHysnPB0V3+Jl;`YR&f{7Cuo-WH}4vT}_ zYDJVY9EWz26?E;CpY+L`$VKl{7&OoRWl z{d=$E|IOCH<$rAd`B^yFii_+0v(dy6`u}SF8wUHk{C9o%AE!di{9F7kyxniMtWd?wqoMHUytA)zuW(#?SBDulQ$dy literal 0 HcmV?d00001 diff --git a/test/asset/roberta.large.output.pt b/test/asset/roberta.large.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..9f5287ca3fad00f9fea2608b7c102bdcaca0d204 GIT binary patch literal 29419 zcmZ^Kc~p;2{BN69EmR6^N-HTz)MwrkvZatBLXt|0lq|_NOM7Y2suFEPwosJxnfF9Q z5wa9nLQ-h4ZxOe9?q9!q&zoE)U2Q-m$M4iB~Zzi+4iuf+-?y8pvsGxNE#wEi!9 z|A+BIFC~kH;di%iX6`YD$*2D&JD;5ZLR3NJ?__c#Xaq*D9u4o;N3w%H>ZIN03Z7|b zW=0>+LPD(_re=J_pe8FeeU&c!GfgMmV=CCXJQ04j&xMK9{~$g;3rOd#aj@GfmOVQa zOUxZ}Aa7qIKHQ}XmVs_e#kQ8rnV*dQ%MGAP{Qzt;iGfcS4hY7J+wp6^-m!C%BVgLq zdxG7;6+|XZk9?21!`gM@VBj_ry!>X0&Ztq!6a7ZY6ul9UyAWc;akY zTl1k#6>DyMCQ>odFyGLPo!qK~t}B;QJW&>g$=@(E8}p{Mr|1UosG-To?WlqMIr_z;hB0Wd}?SV1rPvt zmRf@AgWK$5tS9t(OlCG7nZ&te7#{aLj2|vHk+=Ri%w-z55gjUcX|e zmpejcv>^mH_`zGxWB9pwAJnv65&XHne^U6+(214*QiIgbQ=#ooKDZp805_wmg&)t_5{>P`v_bAy%wrFpS6y}0aBFb2<8S4@zZ`+W)(RRFMhIvoo?^w>f{wNBh5Nf*fe$~5YmQpruKq+~Je9G!X~Dqmonrp& zf$04{fh`ae2rpfUg?m#AnS5{(mI>?ehxr+s5-~ZR>#<(&c$yUS%DBPl`e$g^cMWfa zmSLS`u^{WKxS&j96nmeb2!ElR9rJR5cIERVq3e=R;d&8xtji-^T^mq3fMdj@UKY8# zAC6U}LsoevJaXtG-f_Vwd2R%=pYj?e-O*)!Q}$xX^&CNdpDa<{R9;hgsDU+Xw<50N z>|j$$CYcwa3sZxtu;;l6OB^>5GB!M6M%xBqRPZpNT3RA=+A9tFmsJS=R+VDOTS-uv zpv?j!g*duO8$vaWF~{(;pyOY$;KuD;Bx%_=+)^tf=R_5RgBSj?)F4yryf~Fb8w=n~ z%PeL!{67p^a}Yu3GT5bMvI}ER5SP_f80EeIm$g(8m4M}J z*|`ST<*N#Xv(AvaN|)Hlj`J+#$9incd`9d}e<1BPhH&x68hE_719W?)!kzbT*jztJ zxOQa)vmD4LOJ3x%I-xy!jvdQPP60XD^NYNXSp=hoZvnYN2V&{%gzf1CxXWz<=>B@i zvcnIc;+v(={NW{R9Nr^H{7(wn4knY1eTUFQD8=AM82nW{%bE?=qinAqDtUVe-xV)H z#pY3XcGCzb&gINU>7LcNS$iS#D;*0Nxzn-mpdYO7ZN#Qm`8fTL23cJ>8{|6U$pqPcqLcAca8Y0m z8xn3Y+gDN8=a+#RhqQ2@x&n^>se&obCqSEPAu({2ffBO=M1P+-oK?OK+5UY@`MVPC z&u(THW}YY3)DPE=cM#eMQ<=)?d3f_b6KG#*2J<|w33EP(QsY(L1o=K3lLZsoP1 zpNcWLnfiha@9q~=uiijr=;}bm*A_NqdkD6Md&BeKw|L{jM1J_48`+$H3(noYOpM$K z#An!{?$*!nPxH#9+3JPDj_;EM_XEy=)MOFpJs&}qD&JtGFQw@X%|_h3{S;M0!Dcr*M08D%sKUMzh?>{slE#6RYk z>it6SC)|MLckIVCT~8r(zdw#S)&qABb}c>_>iL#UCB zZWvleMU-G_ff7DgrA!XT6Oi5I1q=RJbNujaE zG4D9p5~4v)clO}KAGg4B|7+HyH-Ytz-U(sr&)UpUdmz*s?v4BE`Z4z6cqps(hf0MX zBzW6ibTSDO;`RhAb3V&{Ee-+$I}V7-E z^JRkaF9bDSXTjS=mSx|if{jy#VM&S&=@|cxqC;djOf*5i$?E&x8+Nj=Enfy(16U1ilX1yN_Hnip1yNTA>VSB!-wpR-jW@ z$5uNRU|7a&6wT7&=8}H+RKb%S(rOa~2A7e0XUs@P$4E$46)=xj4fK(bgE1}7z*YGW zduSfTUWA+B&h9>@7*az5cV?mIzO69+bqmIOIkHJUlI*gs9r^J~9xW;=aLg17T<)d| za>LHR-}Vr6tdoM0u!(eb!97-jYe~w<88{>Lwcy6@iRhaZiIvyVQhvK++Wp*=Na_E1F08h@ay$>WQH5C{QtLiAZ9c}jmL7ylwoQ<@Qjcv7y8_dSj*_G# zEi67+CUl&p3bSQDvAxNjrb6$D+U z$6&7cUef)cMo_ok100{!F)_vM_= zwq|{j3&^CFitxkB9E4M*=n|g+4~QO?EgYC%Oe%|G;BP!(0a}rm{<(vIgFW9v*w)W77_dwZT=Y_4?#{)SQy#|dEgB8|(WfD@@vU{|-VLzv=``lz`~m$R z9>gV#!9RmNfLf;bx-}EVmRrH9tX^`dRupRdRSA(?0N0~AdwO{#nKy8iBt1GsvL>_$ zRToadJLzYTiSJ_v?1+GQy27|cXN0ReBx%(t2YeYG1L`01P;;RSHbhKCc377MX>b^$ z=PoR2Tga}i9M9Gs6rfA}Sk!p%k_@CjVO}kdK{ELPoQe*CEZJ{li*~GFn6xfBR4#_h zH_J$thCKX=oyf;ub){cd$>9kDMW%bD58LYWFzALfj_oVK4Mt}8R3nBhiAciJHn+(i zBUxfnuP?})APxMW6MC=+RMAWobd8UJslG$lB|IOluet^zi`AJSj^MSc_G0e6xftWy zOCD}+u2E2&3;{cm@QimZtG;!RO#c0z?O0sFq^9bESL9OMv^I@gbeAGHr3$9fk1VpU z3@tX6k<1bW{P^aKV3x`a)@PuAuF7x8fmmsdA`-&=3Yn}iArdi37m5QE@R;)`V(DcC zzDZwLqr(}CTDr@+s3cr4f z(p58~Af&U3t#sMR@h56WWN|ZmfC@*noOa*XcKN}ME*1L8ru3u;m7tod@lM0SIHFM-1)g^ z*{8;$Jw;&s%UYPFfI^Q?-=WiNEem>Pjj7!$!Tv!2CftuAejh@KfAT!CA#Wye{!tBu zdV3*##aWCzej3UjS71k772A7T3?e3e$L@*aVB~`BSP*jw#+)=EYYu+Fx;4p6yJ;Pn z>3E7&IvGODoozVnR5hu!JPd_X!(f(I2b1h76UZ;=C)fMlvEJ@aWTj3mvhsTJEl3it zPN@Xa^@|v;OK0!Y9H^S=3T_nS&xK*dbXkxLKezi7NR5idsdJmrY1SGz{?>$BiA{i- z^(To(@;SH@FGd$Mrtv1(^|;snA&l@7y=xO1n)>g z-_GJ_s3Z51l+b#P7=1Q10L9dDdDWv${NScetgN5L51St1o!0tX>+>vnae6A97&t%z zPi(^TpB`h%Mfutf?H%~#$3qq*D#u*~B6QJoWmcUp!w!uRmAGBf79MuQ3}!#J#{iw9U_JIH#2q^Xlje^mHeIdguW8TAA5Nvs8N;Z-$S_=% zUB#b1J`2~YF4LL2_tKX5!-7%2Uy+ZUzMSn|P0d8wFy)s#y(Bt~AKOi-qv%9#ZEzm9 zEY|>w3Pp%6E~bmBjri{4jga`PfL7Pq(5$K=DlN4e6fL#5P{)_MpFV*1t_^2GwG`?X z^M!0_(txQCO~GhO2G6!@aHh=+L4o~?tim!WaVpa->C~4t?E?y@Em$R zBOlM=OYU@YGA(%N!;f#ur&7gUxOuY$m6*`teVCApfS|MsXl@m}mx1leGAW!DO!O z$&k6Y(!hgnSjns;INPun3;xD&<0el!`rTeQ;XI888NGn^-TE9I|D%8o9<0Pu22s>@)(LdeoJ39YROqaQ6ZthoDHy21hU0dzgBor$&i6YCR8=T9 zNP`Dcgo1^`61lI%MwCsKL<<=y=ofrr*_I_ZHKmJ=*_(iepUbm7?d$2^@O#8+mN>t8 zDhg~$_V7H1XclU79cPwOGQ&22A90Nne*4#laoHNQ>ZceB%Zb55hLd=^W3W&rRfFDq ztxRpI$I)$asYq{Ckh`YuaH?M<%xpVk^GVZ~e)E}+V!5WYXGJOO*w~FSj@3*PSMXz| zh5T7`9^O`~fiG^(z$*Ny-t0y^`i0@u{9QTP7 z3JgNdGI2Xa%pV-$Ja!+3uvyCV;|q1x`ujU(+2_-1UfMWrVK>|AErQ)w(s9iLPckv8 zily+Bt-| zu91af%pfWFDh-_;f(80BXhnt=e`damOS`l{w#!E_j+f=Z>o?IZtuX2)V+_)T&6u@W zjMrw|#c6tbW*3|kgo!hglLZStU-yrshNULeyQ?$or7?uFA<`$ zF0jBehq!J)COqC4#?MV@qb_Tw^8-(3(@XY=#4dRcTdY5gM)f<<$lf|M3cg8O)?b1n zW0$f;OI2vAZy+SOHwj9@*Tc7qSGnF?5xV=~63Co9Mgq-9V3D z43yymAroloQ;NlIbNRTG9!NL7Bs}(J4&Sz2hhJ)42}WzTfJ=EIH+76-A``E(e&HE( zb+Lt$yWWGy^mCXHV@wCuWs@Q$q2TxZI*>BU#Ej9Qr1xhA_4?d}w@;7dViF%<{+uTE z^YK`yP`JxKI9AiKTid8Z-w3YpGz1sY#F}D-IC~TATr1=zT-SIH z*}h-lc)?Uqm$k69)QO|N00Fj^_6O;0xU(^k^T zl#b4zrrH1De|iVuVw@4li%Ao1e38UEhZjKVQy;t_jHNr~e1WVzZ@A0~H>`6U3IC;- zz%838^zRM@e9P-VFJc<4UfxE?=P8hSd?k(E;||(ZFbdgNS)9j!o{t&$~W? z{3khnX9&AwwrRtW{=@i0QUotd+DdKnm*Tr?nY4b|NN{YJwq=sLy` zsise?BE(7<=y;F@-+PQwuHJN>zX1(9O!$ham&sm<7ErE4XLuWPY%56t+Lx2dTa&oaQ)_ zdz@O2ckXS2opQgfEbLrBcHvU=P@IM*L(lRVsd6x5V+H1<{>E#LwHQ?!!nHq&(_oYN zkhyFme>1BaMk=4c?~|^wHSxW0{;3lmne9xoA2dPfH(9>R{Q)lPy1)|+I;q9h;e4!W z0$tWpjFZ+)=f?Lo(#GJWJic6k&Ng7MQ`!hJ6~5xZ&&kwQVsMDg7lKtr80vUI;PWo7N2-t{y*3n^#M1M|6nukCWYF=>3+Lx zm}tI@mo}!6yGKspp)Cnqt*{RsZLz?!P8=gY45J$lO{1Ms*SWgHAC{FC#G}4G#bA%C zHhWeMFoRFKXvN6w^uOu%ssD~F-n=;jYX-!5h`l7O-spk{;>>Wr%n&|{UO`u08e|ne z_p=8Ie=*76J$w17l5fx63LC4V=~Lr3?D36J{O+)cR4HDa%ZIvfhmvo^&EPgl%-=`f zK2xLBqpxDgvs4T@Bg*wFRH@WqJATD;ESH(%N1XQd2}<^?qYZwGXiffZYHjO=B41zP zT(i%@6CZ$Y`W?yToUdSzz8OCz;QZnpw*5s0kCKVU?<#GW-dO|Da<;tuSu_;} z)(e`=>RE!RC9k@x#kKpEQ+=%^RAJ&)5U+kgC(vZrf7yeNT2YCXDau?+y;P{QCyiz> z!pU4S@~1lzp17^z4KWe4{mOl4GWOx+9!C5{TM_aRM7+>o4}V$MnKG)^moMeta)z<=!e?;mLp1LkbfX_73Sop^8f(yu zrB0FR)X6-SD_bNZ3~7t=-#9?n&3vvMGMV3w66M>Q4fyeGhJ4BlByV-PZThYAXr*>L ziPUw(&pY*4)t5dDDmYK)h%e(0kM97d^OTSIyPS2$$8fteS1K;Gl1la7VKMi6(CfM4nW<&4W5=bhR;40fqt*&a-F}g zQBE<2o~V6>+Z+#5ukd&r6xImSoRXPyYc|yhImhfYNAQ7rF`#pM6YPvG7e*VXQkPBh zsPThhTr%()n*3gYxbt<)^C*T-8p(8$=^(y+phc_aU&MdahP>2t5)>RfMP~LC;jY)t z+~Y?fu3x_e%`}Tq-RmShTUSCGOLFl2e+NM3Sct%({3soCN#b^mv$_17^dUY#rpCnN z8PPc-3m0ymq=p+0!A)yvT06Xi&9m8U(~-HH`#s3QtJf|F4)|OkRz{Bmm!yR}Z1`kQ zZFk-ZvLh z7A=CPhJ(~1W)mg^^fLKPj~Hyr!+-0lNq3qZAJM!Mo-KNhzejptOxzmY;IGHWS8hPH z7ngC*$I0~3v>^KYiYE^+I?gm2O@watg|xrMghtiR;s3Hm^EMR)zFF)74)1aX(aH&Q z{tzY}*{wj5Y97;cZEYHumrGOkYM{i$BA(g)9c)9Cq3O^ljF?vo&Y63;n|-*=j;SrU zy!;(WNED+FW`AX`TTJN!Fd?G?XL9{$QLbxyn2a?)2Axy`Z zbw}oLdJb8)?Kv!2+=q833i#RCzlfK&8W%Ys4m#^E(%3TNJ`);<<< zG5k; z@uibf|D&!t>3r!_d7d*AryuVE-kw{;HP?6|sAS^c_4ioOkxVu1*3m~#Q}Nf8vAnEO zhqq|G=W`v$gQZ>#^rnra?SW}v)O(_)T}%lC4$?Srv@b7lIe@#HO7T;64Ii)am8tyP zPMv!)Vd*y?@b>P;8Yy3{YTC;q3yWa1lNR~bA;pXH?!vudS^j-RHu}X&^KS#ibZyf~ zq0hlnV3Hw4cLnXImbs=}Pd$cLt{n|GA9(QPO&nAV3m~UqKFe&*C5wv}Qek>KR(I^C zr6Hr}l*p_6oa0rVB$A7-M%7Z4=cd%f-w(~J3!?hR)3Sgl1OB z@UQ2*;EdK;@T*He$JI{k^6^M&uyPX@$+3Zd&N{ZIr;eosN)H%KMC(nf7Vyk($=o3` zj*nY*4>F%t;o=AL;7sQ@&`)&Xqdvs(nJvwHr@>k}y?p~0TcU=(ZmIB4|1SM7_aK|r zdzf$P{*OKpzesP|Z3bWesWkrATzI>26;;cOpk_Tc@LzK~%zfDjnlDW0W#7;6(<6)f zWO#$%TM4u(ZiaUwSJ4_DHD14|1mBPUD6l@g7H&wK<9IBAibYtURG=%rpl}k${I?QM znZ`kS%yZ})BLLNJIzriv#(bmNO;A29N!gZL{DP7ZUz?atzy75t<8hU4%E=}T&rk48 zrvvG#ma$x`G?FHM`-<--=kT(lC48CI4tl*;d5tt|$-I%YxyppCQtD zKYvOixhA^q42%fyN$K3{(pnFF!fBZRv3>%ZdElp~$!gMNgJrRQoq%P4A zuUT-;a~oZpJpqGU3TUu?K9qJv@UkHeDSVANO;WrKM?BVH;+&cI~hb4E~I-gEC9|xt8E}$Ry6#4CP-XohN@EqhY?D8o3g7CVbx0VWinF90woE)4*am`qcd%EL3x(*NPtFZR1D`Y7L-ILLqUO;ESO}WB7TME0Flnn~TSPV)cWrTzOQj4 zZB0z1YMLW?Rq0Kdy>cTSPoOPjc<^~))Zwb-4eG*RCZQwo6(kyez-cg=vi>gHUrCY0_Q(rpqvLh)AT6y7o; zhc}wJai6&fT(l$~r)j)pBK~=#_uX+8;d2UpMSOyd@9(11ja_tv%Q-mmAQg2oib&|- ze0oLI7e4na;9HH=X}jsknr)+$xkQ^W|9$iyx*cqX&ii|)d$rSVSmtUCV z5N9*!UG|c&_O@+?~Bu>)r1OH;wX20W^H7happ#ZHR^I`FlVyS0}=%B)0~ z^TwL~OBX_3#S&b(vJeh8E=JpKU#^2Q_^Y#_=MqmuTZT1mG9pxcTR#EIE1Ch##W4wEEi^4WQ_FeloLI;QLM6DoGLm;N52X13$7xbi34dm$H^ADh9) zb*7Yysc_{h>#%!=BBio&wz5x*@s7F=@3Biq=gs5jB9WiW_^Lj?TO!Jjy9+^P-Vuxm zD~DGQeQjr=de?WW67<_QWn0uF`@Z|Hlyk+50c1!6tgjNkcQd)8}(+mFdo+Mi6^DlFxlnM&};uf^(IIRPJtx;PaEs_*Y>+WPV!& z7OM~O*Awlzxwi|Sv34ZA?IB7eeGTc<+=Wm(x7a52?9VIfcS`a-ukWK??K0}1xrvuK z#q%egs$9LffJbso+OO+N9Bv0t(`b9lm^+Q%^8Cc=7d5bh3sQwvH&to;`b@sL2jONl zr7KU$z>ib~U@0a1ic=3=FiVY356h=vZr6zCZshlDKGQcIWjM`(!KAV7e9Gm+P+c7f z59U}sq&tS+wx(Q#vEa4&O_r;ZglO z{&)5>sIiNIyruSBuQ3pfwtuVeQhy98y=!z&~bkROVJ2y!8=*W5(0)X;(T}uD?L9I`801`{wY)FZAfjXOjHotvH_j zX+H6`jpg3U_F`JaFGxwLLkX8B^!*|U?i{|4mn#jY8q)XK=7@HT8ll9KYXkXWomDL9 zVkE7qIRVoCgHY4|9CSWB$BC=QVbd`~QpCdfz}uxZxt0@%M_(4#zZnfRPlNbF*EsrA zteAS&sPJ=zsh|<=#b=6j;E10B&Rl1Ki-{(UeLDjV?D6Jr*D3JvIxivo>UQ)Bo<%=x z-pl`@3lBGl!uvb_;FB(OFxxCe8?16!NLMI&Dz1Y|N<}zR!;_XJzoIVx${|SYFBs4> zpjK7LzZvHdI{5!ix#9*!a>DIXni#njqk7G z{3W7Bmw$M%5Sr<)Mf&auMm93Fu4kwz~;9xjKs%G-*&ntI^!+^?0t}6^j0M z%OFi4P78i#aS*G8lV6*uazhRk*)$Jz_I`)lqx%J#{m_B5b&>fJW63w6P-x zE0=#Eb)pei-!P2Z>5b&w=UxlDez&3Qc*ZAI+~6#HJg-rX<|o2t@O0J=q4pC|wQ?9= zF8>lNUTQEJ5Zp zoer1U2}Hqx&RjAa2Sj7B<&71MSQsz3)J6IPm#OI8b;Nhcw z;>KnXx+!25|KaihzkR-kS;vdX(-sB(EW!;_edFk^_;{+W;ZAe%6=`a=3=b@8plg$s z^Qcdk`FYjt^xzj6s@F6R)4el*Ph1Urf)H}o=F?}L%9LMuiCtMg$i+VqkP}{x8&^t0 zfrS~AOUCfLx(NJzRFTfGJ_;-Kns8ROIbSL_9cS!|6Ik8aL9c$^3?o#>@Z49E={$*_ z>}Nx(P*^!MmI6Jwe`O4B8)whdL)&qr)KSPhIE5yJzT_u&9>5!J!Q6321aJE!iCa=n zveZM1dE-i5UY%botU01ZGk>1IK#K&XkX1_4Ssi`#UKzdqxKl^9k$lWTFYcbc4>OMF zQOR6}qrz1A%c8Sj;c*S!El1N1yNmQ6~;P zw>iCn=l{*1b0-wRv0Z0i_^M9k_{pEA?X{veie5oQXC(iW;l__R{(S@HpZz(t0EKXbRTGHGRlKjiX zh45w4Z1zm$JnEiQhyUiu(l0()_@Q_W?@2$6@<&YRnILnrCPGvAKGcR63B`%5)NSy+ zbOoKx%w-}nk!P_Vc>P!WvF&oaZGI(8{v9ryr#%stSm|@;C0SUi zmW0_=YcXb?IejyE7GG7k2K7f8!Tq2L8t9+G8e1jks^N;fRyiGaTX$m5lLT&4>H=CO z?eL?doL@hm2|1@C>EnB{eD?R3fQM_*Yc&NkZHe0VrE4)@TRa-ccCgNlWUz=IMzhTq zqjl_lY<@qaH7z)V)o&yD@-4kEJ>P*IaG3{QevA3^lAq9hWB|QS<}pR}%eY#t7|!0> z48IiD(CQC!=og_QRj%?QJt;@H`D;<$EHQ&V&3*;j);rM>OLcw}4hpET6gAsBjQ!gs z3DUPEs8eX>{ePdY=b~L{t^>EF^QL`S>gD1`S9dOBvZa019!HJ z;FALPVo3G{H1gZaL0(XEaA~?E-gtZD|AC`1Gk}f=V{iep0~ut$q2I6}|XIv5kG3X2#cAJR`3UEAcr- zYr(GOz2MfS+xV<*sQ&p8d}7uJSYup|(laFR+8${-$8k6x93IVPcPjH&E3UJ9hURp< z%SxUfpv{k1-U9EA1X!@v0>NLpRp-h*{ zI-?^D`oO}`$AAum`dBlKS7-ODt_vxA71xy zrst%Jaqq@Q&=7MMww$iUm=;sM_US?P@P#iE+Wi;UdZ!uFy0raFcSM2+Z5Ye~N5mIz;?atq(I zX7Z!ghR$?+zXYE$dhyRG3p!s(j3>TP#G?J8gheUQ+}-23YStJkIS`8-mrJPY{&9G5 zS|b#JG^x1Oi<8U_z%}L#)lUm?o+CobH$(7N3?U-g_8^z(N(&5X@%W+NB-p2$*?M=w zZ!(iyQri#vMD@A4U_Q{vg{(Z{5Pn-cv=`!yGrUZYpeZGLZO+~=IY3*noT=e+8 z(5>n`zDzJ@yPqm>he->7n~#Qz0q$6oDasOh8_CA6DZ%;v=oXm%TQpzapaO zXALX(^}ZE1EI$EVX?_^-ax2)z2|-Hr3-0^Rgb1cr;!~edbku`GeCi4bcv=~Nt|2)X z!d5a92NxQ>HVpH8e_{BfR#@Ka$$q{*f;-lhV^fbgm+v{se*V&;6O-HM2X||b?eE34 z8D-Sqk2t-NwTc`V*iFwbpUi8Yi1IJyIm9{Gg2P}DbKEVkLZ(oMKJ&7X5JF1$S?58LptRgTp)K1cb_XG*8j#s#+s9Op?t`{ z%~GJ@6Gm`HBU5^^w2%FHY>R1i>8KizLq5AjKze*KYJ!zS4%@^pxU9g|vv z=Nv*Hb7U0ph_K))$BnUgPs*kK7(Dqw_T*-A2AD(uA z>wOrDv)*5)dTu~h=xk*l|C|KZkP~$ErpIi!%M&*IPYcetB*pD)w5aTv9kk#-FP3b7 z9g{4Vz`N0j5NJ7_W@=Al!zX2e$<{;U=owksrg;-SdnfRQXVEaBu?`j|hVystTG_a6 z#I0u0@Vmi^{ufq{JU|0t{+M!=+#C4D-jB^5JEZOS+=ENogt*w)2BcgRY}UR`CIRDm z@k!%;^w{(ev?T*DZCL<>4*Ih#e{R8w@ZIqA-Oiz{tFicFa11?oYbsaQjKT-wC&SL{ zGFCQO0dB{>hMA-97kSugU|LMPQMZ z8ICshz&&bbVQEA&4)hejsi8Hde^NBB$}FN6zwU!W{&KcOJ09cko;aprsYVCnuCqNA z{UEP<6-If!!tXB<;AeFM4D9lu@8b5uf4mb{D;y-Q=L$&g<3)lo3pU~muhm@1d6-~< zRHb0UTv_^bat0)9u;81v@fQa9LT?leFmOj6P?D|K3_%? zmy4{Ai-YWRA!M}{!?4B^_}5v2)!Uze#%wQ4U7^dZHur$WrD;5Hd?ZXZA4V1T1<7QrC~%*nPTN{X^ItKa$;Q!rn<@d?Oq4PN=?E(klf)4 znLdEsk8{Cl?GO$#&cOrD-RS%{AH$3MiEShBJyOf*hH)$4oY7+1aZa48%-%xN@c9Z3}=H2fh zUGpQ(d}WV{1GmWWDr4+&_d|!pvmouf7AVQZ^D&yQVBw!hj! zwC#n(`sZQWpei>hH=#x99L%-1kQaN*_@epiu`_BrYtH;jIv+-1X{!RCknkP2|(r{5?>2^I;b)b?Gs;X(*!j4DTv!;S&~V@#l-}v4)PLlKW-w zV^R#Qk5YvFPi%>Nzo+2wvrY^)-$U01RN}J(dCVg7HOg#$NKA9;FZBke(S){J$ZvnjM#av-9L;O&byO@^2Bo0(F*m+FLy{}J@}z4{?-HcHv7us5WI#># z6|s?a2fsb9@$=|Xv@>zwrQh~q?3A(m-FJD+(|p3jd$#gHLti{vzW|LUE<{s{<9OWQ zny`bM6jYxKC$o1b(GnvcDm^*_Hhs^=iU&*Sn2ulgHf0_g9Bs-Ejg+x1>D9Bf>He&U;iiUd z9$p=d(`4@9_|(z3baX7=xa_np*TX3!aa6Y2@Cf-rA z0K?Z8@%HU8bpDvrxcXHb%I|9x%>8-@y*8V1d^ZJ@R>lpTU(KN{XQ#kf^-@gV-aZnWN$0_H8#BCUk`dNeHm#%>u9tLMKkf`LGqL#NOph|!ildf=}w&$`12K#QYD>7zuL(gQIKTCyfTl5z9E*?hB zGme5t{dm-s{Rf+pO=wSI9f-TcLCTVAf}{a`I^cR+4T#n(Nc&#Dd18_aP09UP=K-DJfr;Vo`!??7TA?!Sg4ye3`fEC+e;9wn8lsv-7 zoj1_k#Eu@4@x{Fp{#RvZ9!}L8^?f2LM23>2lm=62km20x7AhqYp^_%eqNr%nFPTY( zB6E_8ib5gIUN?oLl8{nqP#IFBL_+oM-}Suj^FGgWUGE?7KG$*V%Y8fBKF-7$ ztUF{xMo9`MeFO32{OvTA9CyDy=pSW{T5uUSs&sjc*VyndKaVzgz z6#iPwZW;KY=-V#LTPVsR8w7Ovi2(f8c!@lXalxu%hXrQ;gp+#(B3O_lN~;1g$N@(s zR=8LKKWH|x2-8!b81w*E-AYHd@c9gMPD0~#85r%c62yKMvG>XqobJvU_}nc3MSaUr z&nt_2e?tyDS4^c3ZpK0XTW3_&=z;Ha5lak~X9i}eFnwDhGjs~WnAsJ~>H#0?ro_S< z9TRGQ<~vuqG#M9Nz6P_qFEAH{P`1amgA*T}L)SE(Wf7A9&?^>_V6CM?t{N9Baud=3O`q!E4)bJ-TSz`%geXfDf z-jAd!V;NWlMzIHWL!i9*G92(41SQ*jp!Jj2*&O!5GLuB%0=-1~;)o9O%b3hu8mDsi z->FcoEhcOqpDQ(qaEGl!qO`SH881a%L9ZNX7G~p1Mf28jmG5UjUGqrxc+qZpK{6X# znmWN{!#vXZ@c`|3bpV{Vr$f^C)2u0Q6>1!+qhW3Z(Ecb8#?|b_m+@_AesUOQ?;4IP z^hG%tGhY-RyvZC6x1r<7-E6~dNoq2#pBp*)Al%MZXWdhtqpM0dOTDy^iARYEL**ja zVbv)5SGEn)pQ=-TLm5tN&KWcu(QQ2V^dyalsv^b@%vh620JQ%V!4T{BP@bT{Qr@W2 zx~TbRS0|vEkNPmQ$dv6cwPh*lar99}ApLtm64pGLL)%^l!T3*kobSE&+_3{*ETnZ4 z(W);1so$RLjI$ea8Ky-e^ET6w>Sh>Jx{iHqmt-r|#$kMj9MoP`<6cz;V)qqo_ASno zo^E4w?bBdpanOWKx$Vy!x+Ay=y3XjIKa*{lw@kpD4q%_|NwaG*7r0qdHc>Q{M&}1@ z(4%k}eI^Wtbw9n>rL8^qeC!fZZ>z@k5B(;=?sIA1)G6#p?-h8yU=+)~yOlk*dxXo9 zx6(6LRl#@qWTWHfklA}}qoVQ)izC+EfmD?uXw3HqtBUP3Le-F-s8gpyc|XWwBYk>i z_X;vkX9~!Ue+GT8&S6i79i6fLDKJh(RUfPrhxO816+&qW$at`7<`WH0AX+rI<0(3@|`_c&el%Y`A~+QQcZ=* z^Hrqy(s8y|{}kP!s7rs^jiHUo4?#U9oeO(!4Gxa^xT+xyv}s-kH_L{>E6L#86(cw=e*q1*oMab^PSSWeA9my)0akm4LfXO`l$Ae%Ab&Ob zN984W`6x2gokifjHUuZeOr~Yu_R#vy0kAJS%AM1mj9;IsgxC=n zG>@d=7a5mZVg)K2#<2rmdyp5PFmBg4Dt}CYE@(9%O6_xSP4-=~&t)miHFDs}%>CH7 zS_5ivCLQHp%w$1m&3^50XTyHZV4`owP^)I?l9^V#j`#36Y9CY&Us}xRwf&P>#Cbcs zCpwE=OYnolg|!e{JDq*gh+tP*wP>>BW?UA=$HC`RnfXp7=Hh<>@*cUv$X_F=?x$6p z?{G1ir?`u~t<7W~wky$h<*od6Uzx}i^kakdQz}s+L67b7<0`hsfPCahCUw-37VCM@ z+PmiT;jxoo8fV3%<;w85gbUt0T1*w4yrBF*A4;FzL-mR~$qo7WFfnI37pBI$Bg(q) z{9eL}G#zp2H%VL?TLl*l=YpQ%7V4STjpLT)(J$+hu}%Cm;}UmKsRk!vHX?)R%NMZD zw|9w4YBH;TY|8xKi<#skC$a^Wli-A;A$<`Y&bC#x3j261gyy=@pi-wy{SBAng{FCx|Ce*Yy4=^6u1vMr_Z7F zqIs}&oCP~;@eyoIhEtt+iZsI39agS3z%y43VM5*=tgX>z*F9$9U-fWm(~t{CRv+V% zU0iWg{uk!-VLWR}Itt~<$z*A91USuH$9~8xX1fh+sq&AXP$XS|!yXl*lv)(?dJ@JW za%;KaYhK{xTfJ~XKacd>(SYPP&aAqGUjy&I#C#Xuhy9&FbX=x39+-X3vc9kr++w z*Q^}o?pTdq)=vQKwq4Y#V+XV44$=`DUcA0T$&1AxS=qsD?_3XU*BZEeVyP^*BOGsf?qVifA)8op7~6VdxMS~fP*0-+5>0s@ zyX9&l!|JiZP06*O@?sGiF;AWj{!AC1(aRu@gZEOGKYMTtY{Q)9i%==K06H!-Lt6D= zrr<7MBYsAc1s81Cm$w4i+?0Vc3^uUPky04FO^)_H_{BYvoeIYTSJTr;sZ?!6K9v5n zXX=&s|7t0E+AEY9VVW2bH$>ajI!n~)c zoTo)3MCP92EPg0ZZIx4SJZ2FzE{(*a-v)(ZO;hOVxMy5B|DK=WXHB;hB|~lIL7Jbf z#rA51un%%tRN?G!^!yw}8|LW}=}9W&?olIRNlwylS3kgY%{4Uj*;TMSKZAO>D0z{75>n3CC@> zqm#=-KzHFWMEln)#WEdQ9R7gS*OOGE(uTd*Ur?-`t%pSwqBPHU51Z3Bk#6wdYe)(^ znWn4)6K2n#&M!mg>T{JSm?=W%x`@%tqX~k}b1_)r^NiDuD<`ktmeZ5FmclXrIV^PP z1B)JGlD}rL=Ix64 z3f1ZNlC!+);G&UMksj;nS-|WI6KH-}BzJqodiHIXki>kaxJ+t3yS&AoHugR*c^fi? z_mU)Vuk3?xzT-5Zc3B`R9vRJ~a>Z%!gpDxII)(-Nb&~118MJS=276I>oon~(Ls#!h ztV!31u0jcJL`xKnvL1okcV$qkMd57aX(Q-RI>0V$KLoChH`t<2dolj!0&2WD7u3!a zp;y9QQsG!eZ3YkHr`$gB{Jtn&d%24`UQwfc8^+UNe`4W#R5mM*vZSY*La8)PVG7F* z(9aIp0$s;Ke9WSW-rKqC%6K=nO5r=oh71S!je|I~I#sy5?GUu;gfONXPpmw7-_Gh% zxZ|2eM~~=%h1O=&@z5)HbF>K-zYK#@YgOr+`IE8s?P{#)*eWO-mIq}CYK->9(~=X< zA!_=3ZqA3lu-#sgdR8rFNg`Y6O`Ee2em;}Usq03E`o}P;?;~hFq?{dZ_io<(9p~2Z zd9AZ4_@p?7i;YYqS=;)c;KUl*Y@h~b_m5z0o?5K#ojr(pYSR5Fhfz1x3c%?CES_-# zQlu2PQ?KNiu6P5eMQG4bdym3+XK6ZUk|zjSyq6BtET@Sl0OyU~NMHA6;vlC&idRLl zV4yaMXnBTn4b}UJ0pG@lJ3D}P4-MIaU6I$~A?G5Li38EgB zf%UaHOySvfYVzw8Tm5xDrft4XGWUz1QvY?febQKFKkg@AgU?5&a2*!ZVh*G2T&c^$ zQcV5U3st%fICOdrEo;n%+-w)_&g^z_-(jiYq)|6nW4kun@@qM#(>wu=&EClzUq<5M zEkfoMq5vOKTX5W#Y1HX0lE!#KUH85r8m754?e!{}(w_n+MR`qK(Ij}RT8;9Ro7nfA zkLdHL8Vn4*1WUqg*r6|R?2=41sM~GEs42(USBG(|-}oi!o|R__vMWHU`WN0dNM@do z&x7Ih0F0RF#IR%x9jHD`y>BFO9rv`MR{0vFdh}sOo+%r6=}i5M?Wxi_3YwFh@Zz#8 zUa$KA9Bz-M-O~(7k?eA2`Xid2yt0iNcHL*DIgjbbaqiq2jY_=zB#X$u89~*obRaWJ zhx*L>OUjPOqnU;T`BtgVQgpVnv6o&mz1F>;UY(7RGYZis&zf=t3n5t|n@)0HOV82jM!}hJ! z#!+=nY`(ZHbRBAeK=mc;+~~t}+s|y+f94$~2phcpu!48rC54fMT; z6zecg#a9!`@yZz=!G?R;#^F02gA|`ruw5+4TD&(iUGE6+3){jz2_@-H4?{YC*BWdx ziJ>xQd|B2n1_zi5KX!;`C&hqSqZq%g>jn2CZ@HYprQEUmB^bMZB~AHI%%rvbXp74b zdAnjE^$FO+mL)mRFW$G*}ld4|PH;%5L5_*NbZgpf|{8!-@&jEZj7(w=oYXr$-;(VO24}6F7>l}|vDBmQ- zes5;n6#Zy+Qt>m-JeYtj#Z#Gt_ylVGAcEfca-HV1X|u6=zrpY|-MF&h5|n!JzU~8~ zXv-;4B06_0`x+I928p4pqmI`PoO+M@m><>a-%rdQeg~7l-83TTGsX{Gh9K4_~`cqe8V9=>BYgT`?JKVg=&E zM{Xb|D`M_-*Kbm(ROL*Vc;o-O#11g2jNF?j4ERv$0T`s-9MA~u{Q-<)8w=9Vfx zTXKnglypL=Ya{6IXl)|tvO&j8wo)x!dOq=G!~$@i|sk3L9b7rK#PSXRH|bvJ*Shz z;sS<9|J=Fkfc6=-!`z3BYQ6%uQo}*%SDP?&xgShcodo+FKJoF|0=8bN9xF!=H|gB0 zNh_2;z^R4)C_97aAXcrRf9s#ZJncio!;)C+#znC4uM|6X^9?%geFL`q zxft(e&PsQ>vjlPj1IwSo+61EanJPb1KI~I<);yd8JDizMSE6Zj|yAeUN z0y}q4glR23K~2Ug62}dHp`kgP$py->Ql8WF&tL+Z#U61vE#;h{&Ulb`H-r{nHo)i{ zf`6r_^Ljy^b243xopyTy4*L=IW;S5ohQ$yweIiq|X~v`z;~}HW17>sSuxx@Z{r)(T zeNcC2Gsn)S6LUk^@uQw}a^g$6L!lU*mfiy|*Km9yD@6kXteCmMCHQAVDt z$bK~2(<$BQ_+r@{c3HyXdt7FFE-KQ)j(s>x@DiW2%hHD#!Pp}z zM=c%vnAo5Jvl{seZ(Rt$yT41geM6^EBTAELY`j5YZsc%*73#FRDZKdSQ)N7>;zo-s znqlte3_)7k31;f%2KAe}F>1LSec?DHP`%;%n17Gi1uQ z;la}V?0dv+_--W45<}hqO3kH$`q3sYo~>b@%_guge|xxRI2te3UB)H1vmobSieP5V zG7LRYh|XW_S;xEe?BIiRJe%AForBNVkvl)|d{+d#?*9T04oI-^KaPV!_d4PoF2QOX zzTo~{Utq->eIjpdOIueo;F$0tc0WCjt8lwd2ae8zdHo@{Nm7$;)mupuoe1V`k-!0Q zU$$Gg8&3;gLCU}nFr6}$nS04mPC1g9uXupY?#)=Bx)Dq4WT@HpKpdMF4SgPBeB8U5 zuNQdZj)oU7!(9|B7yp7!ZF8t&0bdXNSwOGG8=&jy*YKoToNaQBMmdFU&Sm)r(0Mc& zUf(jOtn|Aed_xmg)55bhqI|f35nZ%>TN<<`-4wpQBS|F>t)>-AX3^p55kzrY6isM& zL3^i#L7#pd>RAvrZ}&my?UEyU&#$26bxF=|V*^fJG?AV8x{bwpcX9hAP1(u~Hgu`q zVJi1bpFWNm1|PTY;bb=yQTGxRI^c1DUYK)+Jr2)c%|@NV<6niegV+2IJ2;vy?YRv% z$!lVkp2}t13d2Z=1yrZ@9{Xo!mvBR(7M*FgiWNm}AX$pabbOj67I#i2J>FHQuv?Yg z9KQ?pc=DR2h)Yzc7fv>$CqZoSRE$ks!ZLa0#tpKBmiRBE`!AnC_8^Qt_ccOoYRSge z&7r3cHnU%Qu8}DUskGlnNYr|C=)S`S=wNaVud17{Ey132VfGa?I2}e@#tagN(;YB( zN(?BQD4}_*F*RS-hp(RRWGmdVuyA0CpzVkaiwLmhrd*N6ROw*WG&>CbIMlIB%MV1M z=Q3^Wut&M8a%^ziNLCv721RYOnSf~1zNnK_CC8i1TA%_?(`tolV&YgB&xA_(aSlBN z*HG^B61pMnH7zqvz~2+xXxU96>+gvyZOmNuUBe0#eC_Dz z{+%%GZvn9m34~qOry|`vhkJHrA{9P)2dh@R$AqC;6zH~rw@?PcNBV)2Z!F#@)<@fG zH(?Z4Me+*|!GST4Q1?v~v(}UEEq$5Pji;Z$PGP4c7nES+R7 z$}O_9W}kiUVMyzJP#=FCU%J{;7yWda-94H{4cvy}yE3d*H5R!a;&c<^^N>d`vRsp~ z;9t2B_f)&EBN}RSN8A(6LrIQ)G!}A&2j{X;el>7)Y6X|KMvt3cNXwo_$szHCZ2VBG{V=Q?`--O zBlz=v4{fr#M(x9gv2~ZdvGC6}ChKAcoe^K4bkiZ~W}m?w*`vZDwgkPsJkoXpcIpXbPk=*BY}WZtB!+N<5g9#e2_| z^yMpXKD$`u6jvr(bBw*eHw6zXf8fNHenQbu9VW6e+Q4*aC>`N^g0_C-W4iZ2H01tA zuFB>x{Mcm8K0ftw_qa< z2Tv~*mg(cbuKVw%W2Oz17@v9#3j!Ciw`?Kv_i`Zvl?m+fy`AjC0YW8-C6jw1L(dF9 zk8a!#_(wL9`}IKM1~Q@_ATG{@Uy)#GTLXa9tx`3G9Mgf$ScIJwp$;xMTC!j}a}XWsyb;m9kJv zn`cCPUI)|Tcz;IVWXiAmP<+pN_ITbTdLm#2-MP~VGq=ec0_)@ihE?D&0kENWlyntlTa_2mPv9aYqb@dtG47ktNJJMhMZL zZRoj8;oO19^K7j{C0>r4#_APa*z}mE;6b9u)JSute&r19|9g&R3j(0h`5HSTHHO74 zH=|FtRfEQ#PcZ#+8uqSx1HZ!p1(zl7z`XVwO!3YsEaABdhe}q^=!jI1-gTdhyhLdO zUw;rp^`P4k8|YX&i>*r^3;O9*EFotp%X~AN^-4yepP(P+yZgY6FQ?IPnlw8et_fEb zMdBUVk#th(6lP<$7+59sPby1t?rY0LU@F|y03vs0Wvdw9;q$@uZ6MXRYxK<(3nJ{-{sL{kM~#`dW{}9AIR4! z4XFN{2(YvcMvEi*RGfd#@kgXg+VwUv6FXj?@VArmAF-6_*QJrN;0b(1HK=m9<*|i10irklj z)}KpIA2fz~_e;P(9!Y{?sz7gVw`Y4+7Sr{=4}*zKDC<$@*HUwQsZDhylfUCi3k)9+ zsaF?>;)<(WsH_E*YilFV(iJh$JqyDsgmiqwX7H*5u8L>ly#DOUe!jF}O=l!&U_l@F zoJ=9IzlK5SE2J)ENn~}(S$07ojkE>5fSX^Psm6s`*lh2?uFT8;kv4N?Vm6$;vFQNW zm}XFH3L^C)AI-|)-Y?QGox8SuPy9>wZXXlX?rZV@=MZP#nLIguSG zA;`vkpR@RUoC>S&;x&;mnk-K z7w>%_K~({GTlqC6Yu#d2Iena*Y(7qHvSwR8&SGJ^&$HoO;pC-982CPoq=nyAXsh3A zeDckm)bX&8}akb?bPYuMSLaf!GM7c)OY4i zA>BNSW@&lASDC|fZK@Rb@0cr4d-zi*Vh~bX92o%p8}5;Lgftky6wVPZsMrN#3pMCaI=yiur*WQ zc?w{4!B3*7b&*@Tay@@73MQq0)j;oDH0&r#M9G9}=o&VhXUGa+&f6M+M1>BHo-o+cJZg?wbTh z&W!?*{14>os%yfPUDx4legtHjOy|x{C=;yTkc^LRmXW%oml$q-9wRMBkc2If!uG@- zvNk}1wjX>1W^vuP_+5w4O1y!X{w_5x**^;Abc(V0z1KiUgCTpz31RTXFcR?26lB_4 z$(4Nx7+V{Io-cLqw(m#sgq+|8)J19Sp9?5c<^$t=>@Zb(g&;zDGc2-l6_z&)k?uSK zo@5qF(43>(AZ|7jJNw@o7(d4J0wHxtuN_K<2Z zMHD*b3Jgzu!sCmLxYi?8!uiv}iNdfr;y6wnNT@QjF{&T{lpZjTA z&bbFaAS#*pFLaEby){FfECKX44P)CTZ6xwZE|{*Y zf<94$LWP=#+_K4SM0rsm9($R>ZHh2MOIVOFoBQhUy6#5`4^v&zCIH;mAM)pz2-SkA5RxqKcR(H6tI%I9I7kt*4HBZW&~Vi+nF0^4RRBs(_;!3up%_!|9=r0ZJX zv*TG<)m{PHHt)r$^F{F6r_E$S{4CnomS8M1c|A1URfMXhWjOE5S)88M4%M@#p-tLY zJUF%Vu2cy^eR9Jv-jL2oG-Pm&=1vmZi4=Qk`(@rMEP3s4{61O=w~f`ZWd-1x1^ zAXAkq;HJsJb-TN`!{r S6c^s~92DO+$vdMqj*y@RSrk3b`G2*WpJ!1-lm-0Po( z!jIwckRl#~<&Q_PIeQl3;Anu|6W<8Rrl_FiCTH@cHw0c>=UKm3dtgDm3SIj$8?#d8 zqDRFQ?s$%|0!y%$OKJ~MBEltf=Al2$iWL1FsVHV z8g6K#G|z$l>N$_p)e`PQ?^iDFpW7H{aDdC1TMkV#+R4=?y~NV?5NOEFgiU?oM7^KD zq$V4ftCS^Jki}!FFT27!-x;vX{w~Idc?e2}RvI_u7@&#qOR$l+L>wP(=k~TM(HEid zXv2H8J9iCo_Mh5NWNs|6^RR=vT*sDx$Bdbsu7CQy|2MUB7EQpM5Q{$$r-No6Ty@1IQk+9yeg>-H&CZn3;N!=s?Sj~9Gk!228r~4LW9qWR} zZRy0APdu&;_vC$+V&u?xKfd3~3Bi2N5|Vb|HYcxKN&1(Da;4+-p}zSE*_9f^Eo|WZ zDTU!M+UqQ*d8m&Z-}r>wUM$c4L?Ed+W&%S7>rv;V5m#^a6A~gcgzowy(K$7U+%A!W z^GodEd-E;)^eUJ0N|PZ|WrENp@(y@)#&TM5!|07M-e7e=nd`G}gqn+E=+=xi#CDe` z?yWb+9Gw>O^LmeP&#LLf&f-%U{OIliWpl@)Zf!04H;WU^@m~0&)fWfW&d067AP8Ttg<<-+oc4}9ZtlBv zq@_ig$Ocz~&yNBQqAP)EouTZU-PXvfi#X>i|Tp7D}BnW#Xob6a|QaA!a~2S4uPk7G4>=2aMW zyfPsl4^1PZYQwR^JdKk-o{zU{=R>CIWoRg_f{tp!mZlnl+Mo%qx!3{|k6$NSAEt2z zNoB;gu$v6eP=<)g?}F%fo-t9L%gJqCAf$0GxmBC|@o4QaPUBAn{@puX;Jr$U9Q0A4 z_9IUi4bP6|GT%OfDSl_5LOz=d78OFm>XqD3Sv0m7u7G_7{QKd2rSNz+;DTqnxu#)C zJlpvk-jh=)u6ni>2Jh5xQ!P61Vs)-?xtSJ9Rt}+6Oc>|zA&eaVY6?v~W~e*AiYV`> zAV(*KaSMOfqTX-~rbhfxn;8n%$NeUHLu+B^rZyQ;Tuk%~M{t>)V|hNOF)h})1G*(X zLU)IewD@WS7ae&C^i9;6=F@g^?90#{_m2JCrqd^gbfzftzw3!heG9RnO9M|`(_obEu9D71ml-b~c zlb?ml!Vf^#j(sQ^vkC&dro*dD|6*SYRWj@KL@uk`1?Kc$5mq1Hh0blY z_`YE`mX`V=KDdncTi=s$BQ3ajC(UrpgJ1}SOPKN2hx=`oL$>aG0a<-5T)fO4aQe}N z&t!rHXO^aMoW)tZOFHFldJchMNoOY#D7 z*|B(fxM$8p3cT!F2r z8Y2EXKA^3;BGIf?g~cXKLe+wJY;c&`B{TQWvjRd!q6~XD&I&f=m0Q zi5^FJe^avo;Phth>-VX!{?S8nYw<5qR2YcE2V`**&l3pjQ=m)s<#O|HED{vgJ>+IO zRC6~I%Q+>lOz>59HFjL8g(pPT3HN0^;%;5ohx^J41!0O5(tE4$qFoN0u_KtSw*WYq z*_it9m9S4N3{27{a92%+giXq2DBkf}V0+^iX>i{Ud3sLV2g6O|O-v~nC{`z3FP5Uv zyF(BrwHJ8_nV3UN7Xd zK>}Xv`^v4h3c%`HQ@Bg}lF;nl6ZE?Eh|3RN1+}Nrxfgx%+^G18)N6bQ-ml3e@=f7* z{=s5S%y$E^ml6e^8<7y`UWslh9hma>0SYrmlc)DJIID+ZaA=(o4E5gxW&3NOpL&8A zNy!P8o?A*1GjzF{U=d=Kbee1DU#r4ZV;KyrrFNhAI#6>)v5v@Rd@_4ArakNB{(1YI zyH&mfW}gF`(D4$tpAi>ctW1He-IH3>-Ik2~4&L0%_Ft(P9YGk%L!y=R44#28(j7s7GVN}O?`fm}v zIeA>Xe5xR##0v)!9pH+j6?oqq4^k8K;8cGU9=7GMVsjCE844D9(0IX$oCWMB<#Uj; zErh{yb;$<7Iry?i6ict&hF@Fk$g4t6R548{4vmnCszVbHVUvW$JO_joPjnspG}-fi4! z(kc8ae;=)r6uEMx(P*3>L0Zcb-ndO>b z!EMpmaL}&-|M0HVm~m>@bvTo&olwGkH0UPY3$K%$C3SEm#f@{0aO1j#H6S**l-Ff< zLH4m2!HkGV*qt21sU+uvtB)`ANqoSYJh$SPmLIOsA+R9-8D~|j#AYT|kT?kw9MCm| z=YPKoYASwURzozIKQz-39Ayiie4K@T~>;`~SPUpsa}be|8u2-nMT) z-?eawnTg2%Y$*8uxj%2zzeiAeZimA#{s8{HuUszr@56ugbo{Tq59R*-!GGKSXNSlC zIs3oZ;Kzr7_zLihdqRYc_9CXy?c5107&dolj@@A&^1`@aAl*KLLX literal 0 HcmV?d00001 diff --git a/test/integration_tests/__init__.py b/test/integration_tests/__init__.py new file mode 100644 index 0000000000..e69de29bb2 diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py new file mode 100644 index 0000000000..ee811beff1 --- /dev/null +++ b/test/integration_tests/test_models.py @@ -0,0 +1,67 @@ +import torch +import torchtext + +from ..common.assets import get_asset_path +from ..common.torchtext_test_case import TorchtextTestCase + + +class TestModels(TorchtextTestCase): + def test_roberta_base(self): + asset_path = get_asset_path("roberta.base.output.pt") + test_text = "Roberta base Model Comparison" + + roberta_base = torchtext.models.ROBERTA_BASE_ENCODER + transform = roberta_base.transform() + model = roberta_base.get_model() + model = model.eval() + + model_input = torch.tensor(transform([test_text])) + actual = model(model_input) + expected = torch.load(asset_path) + torch.testing.assert_close(actual, expected) + + def test_roberta_base_jit(self): + asset_path = get_asset_path("roberta.base.output.pt") + test_text = "Roberta base Model Comparison" + + roberta_base = torchtext.models.ROBERTA_BASE_ENCODER + transform = roberta_base.transform() + transform_jit = torch.jit.script(transform) + model = roberta_base.get_model() + model = model.eval() + model_jit = torch.jit.script(model) + + model_input = torch.tensor(transform_jit([test_text])) + actual = model_jit(model_input) + expected = torch.load(asset_path) + torch.testing.assert_close(actual, expected) + + def test_roberta_large(self): + asset_path = get_asset_path("roberta.large.output.pt") + test_text = "Roberta base Model Comparison" + + roberta_large = torchtext.models.ROBERTA_LARGE_ENCODER + transform = roberta_large.transform() + model = roberta_large.get_model() + model = model.eval() + + model_input = torch.tensor(transform([test_text])) + actual = model(model_input) + expected = torch.load(asset_path) + torch.testing.assert_close(actual, expected) + + def test_roberta_large_jit(self): + asset_path = get_asset_path("roberta.large.output.pt") + test_text = "Roberta base Model Comparison" + + roberta_large = torchtext.models.ROBERTA_LARGE_ENCODER + transform = roberta_large.transform() + transform_jit = torch.jit.script(transform) + model = roberta_large.get_model() + model = model.eval() + model_jit = torch.jit.script(model) + + model_input = torch.tensor(transform_jit([test_text])) + actual = model_jit(model_input) + expected = torch.load(asset_path) + torch.testing.assert_close(actual, expected) diff --git a/torchtext/models/roberta/__init__.py b/torchtext/models/roberta/__init__.py index 1057c6deb6..79830cb2c3 100644 --- a/torchtext/models/roberta/__init__.py +++ b/torchtext/models/roberta/__init__.py @@ -8,6 +8,8 @@ RobertaModelBundle, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, + ROBERTA_BASE_ENCODER, + ROBERTA_LARGE_ENCODER, ) __all__ = [ @@ -17,4 +19,6 @@ "RobertaModelBundle", "XLMR_BASE_ENCODER", "XLMR_LARGE_ENCODER", + "ROBERTA_BASE_ENCODER", + "ROBERTA_LARGE_ENCODER", ] diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 7cd9e2c833..fcfb82dbd6 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -192,3 +192,89 @@ def encoderConf(self) -> RobertaEncoderConf: Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. ''' ) + + +ROBERTA_BASE_ENCODER = RobertaModelBundle( + _path=urljoin(_TEXT_BUCKET, "roberta.base.encoder.pt"), + _encoder_conf=RobertaEncoderConf(vocab_size=50265), + transform=lambda: T.Sequential( + T.GPT2BPETokenizer( + encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), + vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), + ), + T.VocabTransform( + load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt")) + ), + T.Truncate(254), + T.AddToken(token=0, begin=True), + T.AddToken(token=2, begin=False), + ), +) + +ROBERTA_BASE_ENCODER.__doc__ = ( + ''' + Roberta Encoder with Base configuration + + RoBERTa iterates on BERT's pretraining procedure, including training the model longer, + with bigger batches over more data; removing the next sentence prediction objective; + training on longer sequences; and dynamically changing the masking pattern applied + to the training data. + + The RoBERTa model was pretrained on the reunion of five datasets: BookCorpus, + English Wikipedia, CC-News, OpenWebText, and STORIES. Together theses datasets + contain over a 160GB of text. + + Originally published by the authors of RoBERTa under MIT License + and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + ''' +) + + +ROBERTA_LARGE_ENCODER = RobertaModelBundle( + _path=urljoin(_TEXT_BUCKET, "roberta.large.encoder.pt"), + _encoder_conf=RobertaEncoderConf( + vocab_size=50265, + embedding_dim=1024, + ffn_dimension=4096, + num_attention_heads=16, + num_encoder_layers=24, + ), + transform=lambda: T.Sequential( + T.GPT2BPETokenizer( + encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), + vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), + ), + T.VocabTransform( + load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt")) + ), + T.Truncate(510), + T.AddToken(token=0, begin=True), + T.AddToken(token=2, begin=False), + ), +) + +ROBERTA_LARGE_ENCODER.__doc__ = ( + ''' + Roberta Encoder with Large configuration + + RoBERTa iterates on BERT's pretraining procedure, including training the model longer, + with bigger batches over more data; removing the next sentence prediction objective; + training on longer sequences; and dynamically changing the masking pattern applied + to the training data. + + The RoBERTa model was pretrained on the reunion of five datasets: BookCorpus, + English Wikipedia, CC-News, OpenWebText, and STORIES. Together theses datasets + contain over a 160GB of text. + + Originally published by the authors of RoBERTa under MIT License + and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + ''' +) From 776a15daed49f4046b46a2501ea8b63e85bc9da2 Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 7 Jan 2022 22:15:33 -0500 Subject: [PATCH 066/463] fix max sequence length for xlmr transform (#1495) --- torchtext/models/roberta/bundler.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index fcfb82dbd6..858db65892 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -158,7 +158,7 @@ def encoderConf(self) -> RobertaEncoderConf: transform=lambda: T.Sequential( T.SentencePieceTokenizer(urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model")), T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"))), - T.Truncate(510), + T.Truncate(254), T.AddToken(token=0, begin=True), T.AddToken(token=2, begin=False), ) From 1a052693509ce32b6fb91302f6ca62546b0afe0d Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 7 Jan 2022 22:17:06 -0500 Subject: [PATCH 067/463] Updated XLMR docs (#1497) --- torchtext/models/roberta/bundler.py | 18 ++++++++++++++++++ 1 file changed, 18 insertions(+) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 858db65892..96d4501185 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -168,6 +168,15 @@ def encoderConf(self) -> RobertaEncoderConf: ''' XLM-R Encoder with Base configuration + The XLM-RoBERTa model was proposed in `Unsupervised Cross-lingual Representation Learning + at Scale `. It is a large multi-lingual language model, + trained on 2.5TB of filtered CommonCrawl data and based on the RoBERTa model architecture. + + Originally published by the authors of XLM-RoBERTa under MIT License + and redistributed with the same license. + [`License `__, + `Source `__] + Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. ''' ) @@ -189,6 +198,15 @@ def encoderConf(self) -> RobertaEncoderConf: ''' XLM-R Encoder with Large configuration + The XLM-RoBERTa model was proposed in `Unsupervised Cross-lingual Representation Learning + at Scale `. It is a large multi-lingual language model, + trained on 2.5TB of filtered CommonCrawl data and based on the RoBERTa model architecture. + + Originally published by the authors of XLM-RoBERTa under MIT License + and redistributed with the same license. + [`License `__, + `Source `__] + Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. ''' ) From 826a051dfd9f62731f3b0dee854d0aa687f4da72 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 10 Jan 2022 15:50:15 -0500 Subject: [PATCH 068/463] Migrating AmazonReviewPolarity to datapipes (#1490) --- test/data/test_builtin_datasets.py | 17 +--------- torchtext/data/datasets_utils.py | 14 ++++----- torchtext/datasets/amazonreviewpolarity.py | 36 +++++++++++++--------- 3 files changed, 28 insertions(+), 39 deletions(-) diff --git a/test/data/test_builtin_datasets.py b/test/data/test_builtin_datasets.py index 02ddf1447e..41ede61819 100644 --- a/test/data/test_builtin_datasets.py +++ b/test/data/test_builtin_datasets.py @@ -38,20 +38,6 @@ def test_raw_ag_news(self): self._helper_test_func(len(test_iter), 7600, next(test_iter)[1][:25], 'Fears for T N pension aft') del train_iter, test_iter - @parameterized.expand( - load_params('raw_datasets.jsonl'), - name_func=_raw_text_custom_name_func) - def test_raw_text_name_property(self, info): - dataset_name = info['dataset_name'] - split = info['split'] - - if dataset_name == 'WMT14': - return - else: - data_iter = torchtext.datasets.DATASETS[dataset_name](split=split) - - self.assertEqual(str(data_iter), dataset_name) - @parameterized.expand( load_params('raw_datasets.jsonl'), name_func=_raw_text_custom_name_func) @@ -63,8 +49,7 @@ def test_raw_text_classification(self, info): return else: data_iter = torchtext.datasets.DATASETS[dataset_name](split=split) - self.assertEqual(len(data_iter), info['NUM_LINES']) - self.assertEqual(hashlib.md5(json.dumps(next(data_iter), sort_keys=True).encode('utf-8')).hexdigest(), info['first_line']) + self.assertEqual(hashlib.md5(json.dumps(next(iter(data_iter)), sort_keys=True).encode('utf-8')).hexdigest(), info['first_line']) if dataset_name == "AG_NEWS": self.assertEqual(torchtext.datasets.URLS[dataset_name][split], info['URL']) self.assertEqual(torchtext.datasets.MD5[dataset_name][split], info['MD5']) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 12297931f9..903d45c97e 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -209,8 +209,7 @@ def _wrap_split_argument_with_fn(fn, splits): argspec.args[1] == "split" and argspec.varargs is None and argspec.varkw is None and - len(argspec.kwonlyargs) == 0 and - len(argspec.annotations) == 0 + len(argspec.kwonlyargs) == 0 ): raise ValueError("Internal Error: Given function {} did not adhere to standard signature.".format(fn)) @@ -240,23 +239,22 @@ def new_fn(fn): def _create_dataset_directory(dataset_name): - def decorator(func): - argspec = inspect.getfullargspec(func) + def decorator(fn): + argspec = inspect.getfullargspec(fn) if not (argspec.args[0] == "root" and argspec.args[1] == "split" and argspec.varargs is None and argspec.varkw is None and - len(argspec.kwonlyargs) == 0 and - len(argspec.annotations) == 0 + len(argspec.kwonlyargs) == 0 ): raise ValueError("Internal Error: Given function {} did not adhere to standard signature.".format(fn)) - @functools.wraps(func) + @functools.wraps(fn) def wrapper(root=_CACHE_DIR, *args, **kwargs): new_root = os.path.join(root, dataset_name) if not os.path.exists(new_root): os.makedirs(new_root) - return func(root=new_root, *args, **kwargs) + return fn(root=new_root, *args, **kwargs) return wrapper diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index c143677fb7..6a0497c3a1 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -1,13 +1,15 @@ +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _download_extract_validate, _create_dataset_directory, - _create_data_from_csv, ) + import os -import logging URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM' @@ -25,20 +27,24 @@ 'test': f'{os.sep}'.join(['amazon_review_polarity_csv', 'test.csv']), } -_EXTRACTED_FILES_MD5 = { - 'train': "520937107c39a2d1d1f66cd410e9ed9e", - 'test': "f4c8bded2ecbde5f996b675db6228f16" -} DATASET_NAME = "AmazonReviewPolarity" @_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) -def AmazonReviewPolarity(root, split): - path = _download_extract_validate(root, URL, MD5, os.path.join(root, _PATH), os.path.join(root, _EXTRACTED_FILES[split]), - _EXTRACTED_FILES_MD5[split], hash_type="md5") - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +@_wrap_split_argument(("train", "test")) +def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + extracted_files = cache_dp.read_from_tar() + filter_extracted_files = extracted_files.filter(lambda x: split in x[0]) + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) From 2cb80a23412993b7eb9ded082d084eb39c1f0c4e Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 10 Jan 2022 17:01:03 -0500 Subject: [PATCH 069/463] Parameterized XLMR and Roberta model integration tests (#1496) * Updated max seq length for truncate in xlmr base. Updated xlmr docs. Moved xlmr tests to integration tests * Removing changes to truncate transform * Remove documentation changes from PR * Parameterized model tests Co-authored-by: nayef211 --- test/integration_tests/test_models.py | 79 ++++++++++++--------------- test/models/test_models.py | 64 ---------------------- 2 files changed, 34 insertions(+), 109 deletions(-) diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index ee811beff1..f4c9eba687 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -1,67 +1,56 @@ import torch -import torchtext +from parameterized import parameterized +from torchtext.models import ( + XLMR_BASE_ENCODER, + XLMR_LARGE_ENCODER, + ROBERTA_BASE_ENCODER, + ROBERTA_LARGE_ENCODER, +) from ..common.assets import get_asset_path from ..common.torchtext_test_case import TorchtextTestCase +TEST_MODELS_PARAMETERIZED_ARGS = [ + ("xlmr.base.output.pt", "XLMR base Model Comparison", XLMR_BASE_ENCODER), + ("xlmr.large.output.pt", "XLMR base Model Comparison", XLMR_LARGE_ENCODER), + ( + "roberta.base.output.pt", + "Roberta base Model Comparison", + ROBERTA_BASE_ENCODER, + ), + ( + "roberta.large.output.pt", + "Roberta base Model Comparison", + ROBERTA_LARGE_ENCODER, + ), +] -class TestModels(TorchtextTestCase): - def test_roberta_base(self): - asset_path = get_asset_path("roberta.base.output.pt") - test_text = "Roberta base Model Comparison" - - roberta_base = torchtext.models.ROBERTA_BASE_ENCODER - transform = roberta_base.transform() - model = roberta_base.get_model() - model = model.eval() - model_input = torch.tensor(transform([test_text])) - actual = model(model_input) - expected = torch.load(asset_path) - torch.testing.assert_close(actual, expected) - - def test_roberta_base_jit(self): - asset_path = get_asset_path("roberta.base.output.pt") - test_text = "Roberta base Model Comparison" - - roberta_base = torchtext.models.ROBERTA_BASE_ENCODER - transform = roberta_base.transform() - transform_jit = torch.jit.script(transform) - model = roberta_base.get_model() - model = model.eval() - model_jit = torch.jit.script(model) - - model_input = torch.tensor(transform_jit([test_text])) - actual = model_jit(model_input) - expected = torch.load(asset_path) - torch.testing.assert_close(actual, expected) - - def test_roberta_large(self): - asset_path = get_asset_path("roberta.large.output.pt") - test_text = "Roberta base Model Comparison" +class TestModels(TorchtextTestCase): + @parameterized.expand(TEST_MODELS_PARAMETERIZED_ARGS) + def test_model(self, expected_asset_name, test_text, model_bundler): + expected_asset_path = get_asset_path(expected_asset_name) - roberta_large = torchtext.models.ROBERTA_LARGE_ENCODER - transform = roberta_large.transform() - model = roberta_large.get_model() + transform = model_bundler.transform() + model = model_bundler.get_model() model = model.eval() model_input = torch.tensor(transform([test_text])) actual = model(model_input) - expected = torch.load(asset_path) + expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected) - def test_roberta_large_jit(self): - asset_path = get_asset_path("roberta.large.output.pt") - test_text = "Roberta base Model Comparison" + @parameterized.expand(TEST_MODELS_PARAMETERIZED_ARGS) + def test_model_jit(self, expected_asset_name, test_text, model_bundler): + expected_asset_path = get_asset_path(expected_asset_name) - roberta_large = torchtext.models.ROBERTA_LARGE_ENCODER - transform = roberta_large.transform() + transform = model_bundler.transform() transform_jit = torch.jit.script(transform) - model = roberta_large.get_model() + model = model_bundler.get_model() model = model.eval() model_jit = torch.jit.script(model) model_input = torch.tensor(transform_jit([test_text])) actual = model_jit(model_input) - expected = torch.load(asset_path) + expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected) diff --git a/test/models/test_models.py b/test/models/test_models.py index 58942acb62..cf14984917 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -3,7 +3,6 @@ from torch.nn import functional as torch_F import copy from ..common.torchtext_test_case import TorchtextTestCase -from ..common.assets import get_asset_path class TestModules(TorchtextTestCase): @@ -37,69 +36,6 @@ def test_self_attn_mask(self): class TestModels(TorchtextTestCase): - def test_xlmr_base_output(self): - asset_name = "xlmr.base.output.pt" - asset_path = get_asset_path(asset_name) - xlmr_base = torchtext.models.XLMR_BASE_ENCODER - model = xlmr_base.get_model() - model = model.eval() - model_input = torch.tensor([[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]]) - actual = model(model_input) - expected = torch.load(asset_path) - torch.testing.assert_close(actual, expected) - - def test_xlmr_base_jit_output(self): - asset_name = "xlmr.base.output.pt" - asset_path = get_asset_path(asset_name) - xlmr_base = torchtext.models.XLMR_BASE_ENCODER - model = xlmr_base.get_model() - model = model.eval() - model_jit = torch.jit.script(model) - model_input = torch.tensor([[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]]) - actual = model_jit(model_input) - expected = torch.load(asset_path) - torch.testing.assert_close(actual, expected) - - def test_xlmr_large_output(self): - asset_name = "xlmr.large.output.pt" - asset_path = get_asset_path(asset_name) - xlmr_base = torchtext.models.XLMR_LARGE_ENCODER - model = xlmr_base.get_model() - model = model.eval() - model_input = torch.tensor([[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]]) - actual = model(model_input) - expected = torch.load(asset_path) - torch.testing.assert_close(actual, expected) - - def test_xlmr_large_jit_output(self): - asset_name = "xlmr.large.output.pt" - asset_path = get_asset_path(asset_name) - xlmr_base = torchtext.models.XLMR_LARGE_ENCODER - model = xlmr_base.get_model() - model = model.eval() - model_jit = torch.jit.script(model) - model_input = torch.tensor([[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]]) - actual = model_jit(model_input) - expected = torch.load(asset_path) - torch.testing.assert_close(actual, expected) - - def test_xlmr_transform(self): - xlmr_base = torchtext.models.XLMR_BASE_ENCODER - transform = xlmr_base.transform() - test_text = "XLMR base Model Comparison" - actual = transform([test_text]) - expected = [[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]] - torch.testing.assert_close(actual, expected) - - def test_xlmr_transform_jit(self): - xlmr_base = torchtext.models.XLMR_BASE_ENCODER - transform = xlmr_base.transform() - transform_jit = torch.jit.script(transform) - test_text = "XLMR base Model Comparison" - actual = transform_jit([test_text]) - expected = [[0, 43523, 52005, 3647, 13293, 113307, 40514, 2]] - torch.testing.assert_close(actual, expected) - def test_roberta_bundler_build_model(self): from torchtext.models import RobertaEncoderConf, RobertaClassificationHead, RobertaModel, RobertaModelBundle dummy_encoder_conf = RobertaEncoderConf(vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2) From 0bcab91246b7ca17db048d0ab97a3199b94c05ab Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 10 Jan 2022 18:48:46 -0500 Subject: [PATCH 070/463] Remove redundant get asset functions from parameterized_utils (#1501) Co-authored-by: nayef211 --- test/common/parameterized_utils.py | 13 +++---------- 1 file changed, 3 insertions(+), 10 deletions(-) diff --git a/test/common/parameterized_utils.py b/test/common/parameterized_utils.py index 85d5bcb0f5..5094579501 100644 --- a/test/common/parameterized_utils.py +++ b/test/common/parameterized_utils.py @@ -1,17 +1,10 @@ import json -from parameterized import param -import os.path - - -_TEST_DIR_PATH = os.path.realpath( - os.path.join(os.path.dirname(__file__), '..')) +from parameterized import param -def get_asset_path(*paths): - """Return full path of a test asset""" - return os.path.join(_TEST_DIR_PATH, 'asset', *paths) +from .assets import get_asset_path def load_params(*paths): - with open(get_asset_path(*paths), 'r') as file: + with open(get_asset_path(*paths), "r") as file: return [param(json.loads(line)) for line in file] From d896135e4f5060bbaeb2cc5c3ed43eb15bc8a4c0 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 10 Jan 2022 19:42:18 -0500 Subject: [PATCH 071/463] Parameterize jit and non-jit model integration tests (#1502) * Updated max seq length for truncate in xlmr base. Updated xlmr docs. Moved xlmr tests to integration tests * Removing changes to truncate transform * Remove documentation changes from PR * Parameterized model tests * Added nested_params helper method. Updated model integration test to parameterize a single method covering jit and non-jit tests * Added docstring for unit tests Co-authored-by: nayef211 --- test/common/parameterized_utils.py | 45 +++++++++++++++++++++++++- test/integration_tests/test_models.py | 46 ++++++++++++++++----------- 2 files changed, 72 insertions(+), 19 deletions(-) diff --git a/test/common/parameterized_utils.py b/test/common/parameterized_utils.py index 5094579501..c97c8bdb4f 100644 --- a/test/common/parameterized_utils.py +++ b/test/common/parameterized_utils.py @@ -1,6 +1,7 @@ import json +from itertools import product -from parameterized import param +from parameterized import param, parameterized from .assets import get_asset_path @@ -8,3 +9,45 @@ def load_params(*paths): with open(get_asset_path(*paths), "r") as file: return [param(json.loads(line)) for line in file] + + +def _name_func(func, _, params): + strs = [] + for arg in params.args: + if isinstance(arg, tuple): + strs.append("_".join(str(a) for a in arg)) + else: + strs.append(str(arg)) + # sanitize the test name + name = "_".join(strs).replace(".", "_") + return f"{func.__name__}_{name}" + + +def nested_params(*params_set): + """Generate the cartesian product of the given list of parameters. + Args: + params_set (list of parameters): Parameters. When using ``parameterized.param`` class, + all the parameters have to be specified with the class, only using kwargs. + """ + flatten = [p for params in params_set for p in params] + + # Parameters to be nested are given as list of plain objects + if all(not isinstance(p, param) for p in flatten): + args = list(product(*params_set)) + return parameterized.expand(args, name_func=_name_func) + + # Parameters to be nested are given as list of `parameterized.param` + if not all(isinstance(p, param) for p in flatten): + raise TypeError( + "When using ``parameterized.param``, " + "all the parameters have to be of the ``param`` type." + ) + if any(p.args for p in flatten): + raise ValueError( + "When using ``parameterized.param``, " + "all the parameters have to be provided as keyword argument." + ) + args = [param()] + for params in params_set: + args = [param(**x.kwargs, **y.kwargs) for x in args for y in params] + return parameterized.expand(args) diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index f4c9eba687..67e10b0ee8 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -1,5 +1,4 @@ import torch -from parameterized import parameterized from torchtext.models import ( XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, @@ -8,6 +7,7 @@ ) from ..common.assets import get_asset_path +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase TEST_MODELS_PARAMETERIZED_ARGS = [ @@ -27,30 +27,40 @@ class TestModels(TorchtextTestCase): - @parameterized.expand(TEST_MODELS_PARAMETERIZED_ARGS) - def test_model(self, expected_asset_name, test_text, model_bundler): + @nested_params( + [ + ("xlmr.base.output.pt", "XLMR base Model Comparison", XLMR_BASE_ENCODER), + ("xlmr.large.output.pt", "XLMR base Model Comparison", XLMR_LARGE_ENCODER), + ( + "roberta.base.output.pt", + "Roberta base Model Comparison", + ROBERTA_BASE_ENCODER, + ), + ( + "roberta.large.output.pt", + "Roberta base Model Comparison", + ROBERTA_LARGE_ENCODER, + ), + ], + [True, False], + ) + def test_model(self, model_args, is_jit): + """Verify pre-trained XLM-R and Roberta models in torchtext produce + the same output as the reference implementation within fairseq + """ + expected_asset_name, test_text, model_bundler = model_args + expected_asset_path = get_asset_path(expected_asset_name) transform = model_bundler.transform() model = model_bundler.get_model() model = model.eval() + if is_jit: + transform = torch.jit.script(transform) + model = torch.jit.script(model) + model_input = torch.tensor(transform([test_text])) actual = model(model_input) expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected) - - @parameterized.expand(TEST_MODELS_PARAMETERIZED_ARGS) - def test_model_jit(self, expected_asset_name, test_text, model_bundler): - expected_asset_path = get_asset_path(expected_asset_name) - - transform = model_bundler.transform() - transform_jit = torch.jit.script(transform) - model = model_bundler.get_model() - model = model.eval() - model_jit = torch.jit.script(model) - - model_input = torch.tensor(transform_jit([test_text])) - actual = model_jit(model_input) - expected = torch.load(expected_asset_path) - torch.testing.assert_close(actual, expected) From df0ec14a802bb7b85f06c97f564959f988212f80 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 11 Jan 2022 13:14:50 -0500 Subject: [PATCH 072/463] add initial pass at migrating Amazon Review Full to datapipes. (#1499) --- torchtext/datasets/amazonreviewfull.py | 37 ++++++++++++++++++-------- 1 file changed, 26 insertions(+), 11 deletions(-) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index c90237976b..5a9e452490 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -1,13 +1,16 @@ +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _download_extract_validate, _create_dataset_directory, - _create_data_from_csv, ) + import os -import logging URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA' @@ -35,10 +38,22 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) -def AmazonReviewFull(root, split): - path = _download_extract_validate(root, URL, MD5, os.path.join(root, _PATH), os.path.join(root, _EXTRACTED_FILES[split]), - _EXTRACTED_FILES_MD5[split], hash_type="md5") - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +@_wrap_split_argument(("train", "test")) +def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + + extracted_files = cache_dp.read_from_tar() + + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 8215832272e8d05f27dc5372a5e4382ce6942819 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 11 Jan 2022 13:32:12 -0500 Subject: [PATCH 073/463] fix per https://github.com/pytorch/vision/issues/4832\#issuecomment-957695788 (#1504) --- docs/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/requirements.txt b/docs/requirements.txt index d58c576129..7a7c56cc3e 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,2 +1,2 @@ sphinx==3.5.4 --e git+git://github.com/pytorch/pytorch_sphinx_theme.git#egg=pytorch_sphinx_theme +-e git+https://github.com/pytorch/pytorch_sphinx_theme.git#egg=pytorch_sphinx_theme From a415684661ff9d7fb9e2b7f438cc8e70c09781bf Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 11 Jan 2022 14:04:47 -0500 Subject: [PATCH 074/463] Fix filter logic (#1505) --- torchtext/datasets/amazonreviewpolarity.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 6a0497c3a1..e2b99e1a43 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -46,5 +46,5 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) cache_dp = FileOpener(cache_dp, mode="b") extracted_files = cache_dp.read_from_tar() - filter_extracted_files = extracted_files.filter(lambda x: split in x[0]) + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) From e6065a9217a95e71ba47ca0184953627b21ab7ef Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 11 Jan 2022 14:42:17 -0500 Subject: [PATCH 075/463] migrate SogouNews to datapipes. (#1503) * add initial pass at migrating SogouNews to datapipes. * make filter for specific split more consistent. --- torchtext/datasets/sogounews.py | 32 +++++++++++++++++++++----------- 1 file changed, 21 insertions(+), 11 deletions(-) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 6370ddd522..684c424f8b 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -1,13 +1,16 @@ +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _download_extract_validate, _create_dataset_directory, - _create_data_from_csv, ) + import os -import logging URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE' @@ -35,10 +38,17 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) -def SogouNews(root, split): - path = _download_extract_validate(root, URL, MD5, os.path.join(root, _PATH), os.path.join(root, _EXTRACTED_FILES[split]), - _EXTRACTED_FILES_MD5[split], hash_type="md5") - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +@_wrap_split_argument(("train", "test")) +def SogouNews(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + extracted_files = cache_dp.read_from_tar() + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) From d9fdbc62a7c9b6ed27b47d92edc33d1cf8e9cf9d Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 11 Jan 2022 15:02:33 -0500 Subject: [PATCH 076/463] migrate AG_NEWS to datapipes. (#1498) --- test/data/test_builtin_datasets.py | 28 ------------------------ torchtext/datasets/ag_news.py | 34 ++++++++++++++++++------------ 2 files changed, 21 insertions(+), 41 deletions(-) diff --git a/test/data/test_builtin_datasets.py b/test/data/test_builtin_datasets.py index 41ede61819..437d73c6d6 100644 --- a/test/data/test_builtin_datasets.py +++ b/test/data/test_builtin_datasets.py @@ -1,6 +1,5 @@ #!/user/bin/env python3 # Note that all the tests in this module require dataset (either network access or cached) -import torch import torchtext import json import hashlib @@ -24,20 +23,6 @@ class TestDataset(TorchtextTestCase): def setUpClass(cls): check_cache_status() - def _helper_test_func(self, length, target_length, results, target_results): - self.assertEqual(length, target_length) - if isinstance(target_results, list): - target_results = torch.tensor(target_results, dtype=torch.int64) - if isinstance(target_results, tuple): - target_results = tuple(torch.tensor(item, dtype=torch.int64) for item in target_results) - self.assertEqual(results, target_results) - - def test_raw_ag_news(self): - train_iter, test_iter = torchtext.datasets.AG_NEWS() - self._helper_test_func(len(train_iter), 120000, next(train_iter)[1][:25], 'Wall St. Bears Claw Back ') - self._helper_test_func(len(test_iter), 7600, next(test_iter)[1][:25], 'Fears for T N pension aft') - del train_iter, test_iter - @parameterized.expand( load_params('raw_datasets.jsonl'), name_func=_raw_text_custom_name_func) @@ -74,16 +59,3 @@ def test_raw_datasets_split_argument(self, dataset_name): break # Exercise default constructor _ = dataset() - - def test_next_method_dataset(self): - train_iter, test_iter = torchtext.datasets.AG_NEWS() - for_count = 0 - next_count = 0 - for line in train_iter: - for_count += 1 - try: - next(train_iter) - next_count += 1 - except: - break - self.assertEqual((for_count, next_count), (60000, 60000)) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 136a0069c6..baf0a8914e 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -1,12 +1,13 @@ -from torchtext.utils import ( - download_from_url, -) +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, _create_dataset_directory, - _create_data_from_csv, ) import os @@ -30,11 +31,18 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=4) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) -def AG_NEWS(root, split): - path = download_from_url(URL[split], root=root, - path=os.path.join(root, split + ".csv"), - hash_value=MD5[split], - hash_type='md5') - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +@_wrap_split_argument(("train", "test")) +def AG_NEWS(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL[split]]) + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, split + ".csv"), + hash_dict={os.path.join(root, split + ".csv"): MD5[split]}, + hash_type="md5" + ) + cache_dp = HttpReader(cache_dp) + cache_dp = cache_dp.end_caching(mode="w", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="r") + return cache_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From ce4ab8b5c1f22cf533e04f73696b0816f63a4ae5 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 11 Jan 2022 17:52:49 -0500 Subject: [PATCH 077/463] replace funny os.sep joins with os.path.join for consistency. (#1506) --- torchtext/datasets/amazonreviewfull.py | 4 ++-- torchtext/datasets/amazonreviewpolarity.py | 4 ++-- torchtext/datasets/sogounews.py | 4 ++-- torchtext/experimental/datasets/sst2.py | 6 +++--- 4 files changed, 9 insertions(+), 9 deletions(-) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 5a9e452490..186ac06fd0 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -24,8 +24,8 @@ _PATH = 'amazon_review_full_csv.tar.gz' _EXTRACTED_FILES = { - 'train': f'{os.sep}'.join(['amazon_review_full_csv', 'train.csv']), - 'test': f'{os.sep}'.join(['amazon_review_full_csv', 'test.csv']), + 'train': os.path.join('amazon_review_full_csv', 'train.csv'), + 'test': os.path.join('amazon_review_full_csv', 'test.csv'), } _EXTRACTED_FILES_MD5 = { diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index e2b99e1a43..de1f975a7b 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -23,8 +23,8 @@ _PATH = 'amazon_review_polarity_csv.tar.gz' _EXTRACTED_FILES = { - 'train': f'{os.sep}'.join(['amazon_review_polarity_csv', 'train.csv']), - 'test': f'{os.sep}'.join(['amazon_review_polarity_csv', 'test.csv']), + 'train': os.path.join('amazon_review_polarity_csv', 'train.csv'), + 'test': os.path.join('amazon_review_polarity_csv', 'test.csv'), } diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 684c424f8b..97e3afcb9e 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -24,8 +24,8 @@ _PATH = 'sogou_news_csv.tar.gz' _EXTRACTED_FILES = { - 'train': f'{os.sep}'.join(['sogou_news_csv', 'train.csv']), - 'test': f'{os.sep}'.join(['sogou_news_csv', 'test.csv']), + 'train': os.path.join('sogou_news_csv', 'train.csv'), + 'test': os.path.join('sogou_news_csv', 'test.csv'), } _EXTRACTED_FILES_MD5 = { diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py index ad1038172c..8ba1dd3ad8 100644 --- a/torchtext/experimental/datasets/sst2.py +++ b/torchtext/experimental/datasets/sst2.py @@ -29,9 +29,9 @@ _PATH = "SST-2.zip" _EXTRACTED_FILES = { - "train": f"{os.sep}".join([_PATH, "SST-2", "train.tsv"]), - "dev": f"{os.sep}".join([_PATH, "SST-2", "dev.tsv"]), - "test": f"{os.sep}".join([_PATH, "SST-2", "test.tsv"]), + "train": os.path.join(_PATH, "SST-2", "train.tsv"), + "dev": os.path.join(_PATH, "SST-2", "dev.tsv"), + "test": os.path.join(_PATH, "SST-2", "test.tsv"), } _EXTRACTED_FILES_MD5 = { From 1881705aec892efd45803006fd8b6c845be9965f Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 11 Jan 2022 18:13:47 -0500 Subject: [PATCH 078/463] migrate DBPedia to datapipes. (#1500) * add initial pass at migrating DBPedia to datapipes. * add _EXTRACTED_FILES for consistency. --- torchtext/datasets/dbpedia.py | 49 +++++++++++++++++++++++------------ 1 file changed, 32 insertions(+), 17 deletions(-) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 08f506451f..54d97a9f73 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -1,15 +1,15 @@ -from torchtext.utils import ( - download_from_url, - extract_archive, -) +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _find_match, _create_dataset_directory, - _create_data_from_csv, ) + import os URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k' @@ -23,18 +23,33 @@ _PATH = 'dbpedia_csv.tar.gz' +_EXTRACTED_FILES = { + "train": os.path.join("dbpedia_csv", "train.csv"), + "test": os.path.join("dbpedia_csv", "test.csv") +} + DATASET_NAME = "DBpedia" @_add_docstring_header(num_lines=NUM_LINES, num_classes=14) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) -def DBpedia(root, split): - dataset_tar = download_from_url(URL, root=root, - path=os.path.join(root, _PATH), - hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - - path = _find_match(split + '.csv', extracted_files) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +@_wrap_split_argument(("train", "test")) +def DBpedia(root: str, split: Union[Tuple[str], str]): + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + + extracted_files = cache_dp.read_from_tar() + + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From f99609d7c56d8b742f6b0f281fcd726d05aa4923 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Wed, 12 Jan 2022 14:21:41 -0500 Subject: [PATCH 079/463] migrate YahooAnswers to datapipes. (#1508) * add initial pass at migrating YahooAnswersto datapipes. * fix flake. --- torchtext/datasets/yahooanswers.py | 51 ++++++++++++++++++++---------- 1 file changed, 35 insertions(+), 16 deletions(-) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 6fa5044a2d..7e95e2c6ca 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -1,10 +1,15 @@ -from torchtext.utils import download_from_url, extract_archive -from torchtext.data.datasets_utils import _RawTextIterableDataset -from torchtext.data.datasets_utils import _wrap_split_argument -from torchtext.data.datasets_utils import _add_docstring_header -from torchtext.data.datasets_utils import _find_match -from torchtext.data.datasets_utils import _create_dataset_directory -from torchtext.data.datasets_utils import _create_data_from_csv +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + +from torchtext.data.datasets_utils import ( + _wrap_split_argument, + _add_docstring_header, + _create_dataset_directory, +) + import os URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU' @@ -20,16 +25,30 @@ DATASET_NAME = "YahooAnswers" +_EXTRACTED_FILES = { + 'train': os.path.join('yahoo_answers_csv', 'train.csv'), + 'test': os.path.join('yahoo_answers_csv', 'test.csv'), +} + @_add_docstring_header(num_lines=NUM_LINES, num_classes=10) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'test')) -def YahooAnswers(root, split): - dataset_tar = download_from_url(URL, root=root, - path=os.path.join(root, _PATH), - hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - - path = _find_match(split + '.csv', extracted_files) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +def YahooAnswers(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + + extracted_files = cache_dp.read_from_tar() + + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 0fb50b45a6b40d63ef8fabc5766a15c78fce6c8e Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Wed, 12 Jan 2022 14:39:09 -0500 Subject: [PATCH 080/463] migrate YelpReviewFull to datapipes. (#1507) * add initial pass at migrating YelpReviewFull to datapipes. * fix flake. --- torchtext/datasets/yelpreviewfull.py | 46 ++++++++++++++++++---------- 1 file changed, 30 insertions(+), 16 deletions(-) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 82db628b6f..270b627845 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -1,15 +1,15 @@ -from torchtext.utils import ( - download_from_url, - extract_archive, -) +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _find_match, _create_dataset_directory, - _create_data_from_csv, ) + import os URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0' @@ -25,16 +25,30 @@ DATASET_NAME = "YelpReviewFull" +_EXTRACTED_FILES = { + 'train': os.path.join('yelp_review_full_csv', 'train.csv'), + 'test': os.path.join('yelp_review_full_csv', 'test.csv'), +} + @_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'test')) -def YelpReviewFull(root, split): - dataset_tar = download_from_url(URL, root=root, - path=os.path.join(root, _PATH), - hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - - path = _find_match(split + '.csv', extracted_files) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +def YelpReviewFull(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + + extracted_files = cache_dp.read_from_tar() + + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 1a2fc00266eb71c202802803c390e00b4082085e Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Wed, 12 Jan 2022 15:41:06 -0500 Subject: [PATCH 081/463] migrate YelpReviewPolarity to datapipes. (#1509) * add initial pass at migrating YelpReviewPolarity to datapipes. * fix flake. --- torchtext/datasets/yelpreviewpolarity.py | 45 ++++++++++++++++-------- 1 file changed, 31 insertions(+), 14 deletions(-) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 68dfdfacdc..a536d6dd0f 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -1,14 +1,17 @@ -import os -from torchtext.utils import download_from_url, extract_archive +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _find_match, _create_dataset_directory, - _create_data_from_csv, ) +import os + URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg' MD5 = '620c8ae4bd5a150b730f1ba9a7c6a4d3' @@ -22,16 +25,30 @@ DATASET_NAME = "YelpReviewPolarity" +_EXTRACTED_FILES = { + 'train': os.path.join('yelp_review_polarity_csv', 'train.csv'), + 'test': os.path.join('yelp_review_polarity_csv', 'test.csv'), +} + @_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'test')) -def YelpReviewPolarity(root, split): - dataset_tar = download_from_url(URL, root=root, - path=os.path.join(root, _PATH), - hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - - path = _find_match(split + '.csv', extracted_files) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_csv(path)) +def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + + extracted_files = cache_dp.read_from_tar() + + filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + + return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 8f153f692ed85229db8e43b14398adae5f58d646 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Thu, 13 Jan 2022 20:30:30 -0500 Subject: [PATCH 082/463] IterDataPipes do not have __next__ (#1516) --- README.rst | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/README.rst b/README.rst index b95548c1bf..e4b67975b7 100644 --- a/README.rst +++ b/README.rst @@ -111,8 +111,7 @@ For example, to access the raw text from the AG_NEWS dataset: >>> from torchtext.datasets import AG_NEWS >>> train_iter = AG_NEWS(split='train') - >>> next(train_iter) - >>> # Or iterate with for loop + >>> # Iterate with for loop >>> for (label, line) in train_iter: >>> print(label, line) >>> # Or send to DataLoader From 38ec295c1970776a43b42712b4156d2635ae85c3 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 14 Jan 2022 09:40:11 -0500 Subject: [PATCH 083/463] Fixing dataset test failures due to incorrect caching mode (#1517) Co-authored-by: nayef211 --- torchtext/datasets/ag_news.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index baf0a8914e..9a51226d4d 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -43,6 +43,6 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): hash_type="md5" ) cache_dp = HttpReader(cache_dp) - cache_dp = cache_dp.end_caching(mode="w", same_filepath_fn=True) + cache_dp = cache_dp.end_caching(mode="wb", same_filepath_fn=True) cache_dp = FileOpener(cache_dp, mode="r") return cache_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 7467bb5971b8ed59a716ba05b82bb1030ed4fbe2 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 14 Jan 2022 11:10:30 -0500 Subject: [PATCH 084/463] 3.6 is EOL (#1521) --- setup.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/setup.py b/setup.py index bd141f68b6..845e3d622c 100644 --- a/setup.py +++ b/setup.py @@ -90,7 +90,7 @@ def run(self): install_requires=[ 'tqdm', 'requests', pytorch_package_dep, 'numpy' ], - python_requires='>=3.5', + python_requires='>=3.7', classifiers=[ 'Programming Language :: Python :: 3.7', 'Programming Language :: Python :: 3.8', From cf668aabf869ae9bdbc5c1259e011f36a1411a2b Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 14 Jan 2022 15:05:12 -0500 Subject: [PATCH 085/463] fixing cache logic to work with datapipes (#1522) * fixing cache logic to work with datapipes * committing temporary change to build cache * reverting temp change --- test/common/cache_utils.py | 6 ++++-- 1 file changed, 4 insertions(+), 2 deletions(-) diff --git a/test/common/cache_utils.py b/test/common/cache_utils.py index c0a3421db3..93d46f1e74 100644 --- a/test/common/cache_utils.py +++ b/test/common/cache_utils.py @@ -34,9 +34,11 @@ def generate_data_cache(): cache_status[dataset_name] = {} try: if dataset_name == 'WMT14': - _ = torchtext.experimental.datasets.raw.DATASETS[dataset_name](split=split) + dataset = torchtext.experimental.datasets.raw.DATASETS[dataset_name](split=split) else: - _ = torchtext.datasets.DATASETS[dataset_name](split=split) + dataset = torchtext.datasets.DATASETS[dataset_name](split=split) + + next(iter(dataset)) cache_status[dataset_name][split] = {'status': 'success', 'reason': 'No exception thrown'} except Exception as e: cache_status[dataset_name][split] = {'status': 'fail', 'reason': str(e)} From a6ae5946e49db2afb2eb8ca5435afaea036077f3 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 14 Jan 2022 19:08:52 -0500 Subject: [PATCH 086/463] Attempting to fix version conflict in CI (#1520) * since we no longer support python 3.6, we get dataclasses in stdlib for free. * replace pip-install of packages with conda-install where applicable for better version management of native code. * make cpuonly a constraint instead of feature --- .../unittest/linux/scripts/environment.yml | 22 +++++++++-------- .../unittest/windows/scripts/environment.yml | 24 +++++++++---------- packaging/pkg_helpers.bash | 5 ++-- packaging/torchtext/meta.yaml | 12 ++++++++-- 4 files changed, 37 insertions(+), 26 deletions(-) diff --git a/.circleci/unittest/linux/scripts/environment.yml b/.circleci/unittest/linux/scripts/environment.yml index 363e3085e1..b84b9b92e5 100644 --- a/.circleci/unittest/linux/scripts/environment.yml +++ b/.circleci/unittest/linux/scripts/environment.yml @@ -1,22 +1,24 @@ channels: - defaults + - conda-forge dependencies: - flake8>=3.7.9 - codecov - pip + - nltk + - requests + - pytest + - pytest-cov + - sacremoses + - spacy>=3.0 + - sphinx + - tqdm + - certifi + - future + - expecttest - pip: - - dataclasses - - nltk - - requests - revtok - - pytest - - pytest-cov - pytest-pythonpath - - sacremoses - - spacy - - sphinx - sphinx-rtd-theme - - tqdm - - expecttest - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index dc9889b588..b84b9b92e5 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -1,24 +1,24 @@ channels: - defaults + - conda-forge dependencies: - flake8>=3.7.9 - codecov - pip + - nltk + - requests + - pytest + - pytest-cov + - sacremoses + - spacy>=3.0 + - sphinx + - tqdm + - certifi + - future + - expecttest - pip: - - dataclasses - - nltk - - requests - revtok - - pytest - - pytest-cov - pytest-pythonpath - - sacremoses - - spacy - - sphinx - sphinx-rtd-theme - - tqdm - - certifi - - future - - expecttest - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 8f1e24f1da..1d0f8af979 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -197,9 +197,10 @@ setup_conda_pytorch_constraint() { # Translate CUDA_VERSION into CUDA_CUDATOOLKIT_CONSTRAINT setup_conda_cudatoolkit_constraint() { - export CONDA_CPUONLY_FEATURE="" + export CONDA_BUILD_VARIANT="cuda" if [[ "$(uname)" == Darwin ]]; then export CONDA_CUDATOOLKIT_CONSTRAINT="" + export CONDA_BUILD_VARIANT="cpu" else case "$CU_VERSION" in cu100) @@ -210,7 +211,7 @@ setup_conda_cudatoolkit_constraint() { ;; cpu) export CONDA_CUDATOOLKIT_CONSTRAINT="" - export CONDA_CPUONLY_FEATURE="- cpuonly" + export CONDA_BUILD_VARIANT="cpu" ;; *) echo "Unrecognized CU_VERSION=$CU_VERSION" diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 36008e5cf5..dec7eb21e3 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -1,3 +1,4 @@ +{% set build_variant = environ.get('CONDA_BUILD_VARIANT', 'cpu') %} package: name: torchtext version: "{{ environ.get('BUILD_VERSION') }}" @@ -14,15 +15,23 @@ requirements: host: - python - setuptools - - cpuonly {{ environ.get('CONDA_PYTORCH_BUILD_CONSTRAINT') }} run: - python - requests - tqdm + - pytorch-mutex 1.0 {{ build_variant }} # [not osx ] {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} + {% if build_variant == 'cpu' %} + run_constrained: + - cpuonly + {% elif not osx %} + run_constrained: + - cpuonly <0 + {% endif %} + build: string: py{{py}} script_env: @@ -40,7 +49,6 @@ test: requires: - pytest - - cpuonly about: home: https://github.com/pytorch/text From a5ca19407b844e49679d87c94003e08c5efd6d78 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sat, 15 Jan 2022 19:24:31 -0500 Subject: [PATCH 087/463] migrate SQUAD1 to datapipes. (#1513) --- torchtext/data/datasets_utils.py | 24 ++++++++++++++++++++++++ torchtext/datasets/squad1.py | 32 ++++++++++++++++++++++++-------- 2 files changed, 48 insertions(+), 8 deletions(-) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 903d45c97e..8f238177ed 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -10,6 +10,7 @@ extract_archive, unicode_csv_reader, ) +from torch.utils.data import IterDataPipe, functional_datapipe import codecs try: import defusedxml.ElementTree as ET @@ -318,3 +319,26 @@ def pos(self): def __str__(self): return self.description + + +@functional_datapipe("read_squad") +class _ParseSQuADQAData(IterDataPipe): + r"""Iterable DataPipe to parse the contents of a stream of JSON objects + as provided by SQuAD QA. Used in SQuAD1 and SQuAD2. + """ + def __init__(self, source_datapipe) -> None: + self.source_datapipe = source_datapipe + + def __iter__(self): + for _, stream in self.source_datapipe: + raw_json_data = stream["data"] + for layer1 in raw_json_data: + for layer2 in layer1["paragraphs"]: + for layer3 in layer2["qas"]: + _context, _question = layer2["context"], layer3["question"] + _answers = [item["text"] for item in layer3["answers"]] + _answer_start = [item["answer_start"] for item in layer3["answers"]] + if len(_answers) == 0: + _answers = [""] + _answer_start = [-1] + yield _context, _question, _answers, _answer_start diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 2c9fdc3ff4..b8452e37e1 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -1,11 +1,17 @@ -from torchtext.utils import download_from_url +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, _create_dataset_directory, - _create_data_from_json, ) + +import os + URL = { 'train': "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", 'dev': "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", @@ -27,8 +33,18 @@ @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'dev')) -def SQuAD1(root, split): - extracted_files = download_from_url(URL[split], root=root, hash_value=MD5[split], hash_type='md5') - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_json(extracted_files)) +@_wrap_split_argument(("train", "dev")) +def SQuAD1(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL[split]]) + # cache data on-disk with sanity check + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + hash_type="md5", + ) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + return cache_dp.parse_json_files().read_squad() From a2ab9741415b2cff026d158a5a54b62b993571d9 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sat, 15 Jan 2022 21:44:51 -0500 Subject: [PATCH 088/463] add initial pass at migrating SQUAD2 to datapipes. (#1514) --- torchtext/datasets/squad2.py | 30 +++++++++++++++++++++++------- 1 file changed, 23 insertions(+), 7 deletions(-) diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index a889f9900f..75beda497d 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -1,11 +1,17 @@ -from torchtext.utils import download_from_url +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, _create_dataset_directory, - _create_data_from_json, ) + +import os + URL = { 'train': "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", 'dev': "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", @@ -28,7 +34,17 @@ @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'dev')) -def SQuAD2(root, split): - extracted_files = download_from_url(URL[split], root=root, hash_value=MD5[split], hash_type='md5') - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_json(extracted_files)) +def SQuAD2(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL[split]]) + # cache data on-disk with sanity check + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + hash_type="md5", + ) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + return cache_dp.parse_json_files().read_squad() From b52746546c0648122231e4d73bf24175ef949df3 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 18 Jan 2022 13:21:23 -0500 Subject: [PATCH 089/463] migrate CONLL 2000 to datapipes. (#1515) --- test/data/test_dataset_utils.py | 63 +++++++++++++++++++++++++ torchtext/data/datasets_utils.py | 28 ++++++++++- torchtext/datasets/conll2000chunking.py | 52 ++++++++++++-------- 3 files changed, 122 insertions(+), 21 deletions(-) create mode 100644 test/data/test_dataset_utils.py diff --git a/test/data/test_dataset_utils.py b/test/data/test_dataset_utils.py new file mode 100644 index 0000000000..74562b7602 --- /dev/null +++ b/test/data/test_dataset_utils.py @@ -0,0 +1,63 @@ +from ..common.torchtext_test_case import TorchtextTestCase + +from torchtext.data.datasets_utils import _ParseIOBData +from torch.utils.data.datapipes.iter import IterableWrapper + +from parameterized import parameterized + + +class TestDatasetUtils(TorchtextTestCase): + @parameterized.expand([ + [lambda it: list(_ParseIOBData(IterableWrapper(it), sep=" "))], + [lambda it: list(IterableWrapper(it).read_iob(sep=" "))] + ]) + def test_iob_datapipe(self, pipe_fn): + iob = [ + "Alex I-PER", + "is O", + "going O", + "to O", + "Los I-LOC", + "Angeles I-LOC", + "in O", + "California I-LOC" + ] + iterable = [("ignored.txt", e) for e in iob] + iob_dp = pipe_fn(iterable) + # There's only one example in this dataset + self.assertEqual(len(iob_dp), 1) + # The length of the list of surface forms is the number of lines in the example + self.assertEqual(len(iob_dp[0][0]), len(iob)) + # The length of the list labels is the number of lines in the example + self.assertEqual(len(iob_dp[0][1]), len(iob)) + iob = [ + "Alex I-PER", + "is O", + "going O", + "to O", + "Los I-LOC", + "Angeles I-LOC", + "in O", + "California I-LOC", + "", + "Alex I-PER", + "is O", + "going O", + "to O", + "Los I-LOC", + "Angeles I-LOC", + "in O", + "California I-LOC", + ] + iterable = [("ignored.txt", e) for e in iob] + iob_dp = pipe_fn(iterable) + # There are two examples in this dataset + self.assertEqual(len(iob_dp), 2) + # The length of the first list of surface forms is the length of everything before the empty line. + # The length of the first labels is the length of everything before the empty line. + self.assertEqual(len(iob_dp[0][0]), iob.index("")) + self.assertEqual(len(iob_dp[0][1]), iob.index("")) + # The length of the second list of surface forms is the length of everything after the empty line. + # The length of the second labels is the length of everything after the empty line. + self.assertEqual(len(iob_dp[1][0]), len(iob) - iob.index("") - 1) + self.assertEqual(len(iob_dp[1][1]), len(iob) - iob.index("") - 1) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 8f238177ed..d6daf3a38f 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -10,7 +10,7 @@ extract_archive, unicode_csv_reader, ) -from torch.utils.data import IterDataPipe, functional_datapipe +from torch.utils.data import functional_datapipe, IterDataPipe import codecs try: import defusedxml.ElementTree as ET @@ -342,3 +342,29 @@ def __iter__(self): _answers = [""] _answer_start = [-1] yield _context, _question, _answers, _answer_start + + +@functional_datapipe("read_iob") +class _ParseIOBData(IterDataPipe): + """A datapipe responsible for reading sep-delimited IOB data from a stream. + + Used for CONLL 2000 and UDPOS.""" + def __init__(self, dp, sep: str = "\t") -> None: + self.dp = dp + self.sep = sep + + def __iter__(self): + columns = [] + for filename, line in self.dp: + line = line.strip() + if line == "": + if columns: + yield columns + columns = [] + else: + for i, column in enumerate(line.split(self.sep)): + if len(columns) < i + 1: + columns.append([]) + columns[i].append(column) + if len(columns) > 0: + yield columns diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 3816c1ddb3..513132233c 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -1,13 +1,16 @@ +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _download_extract_validate, _create_dataset_directory, - _create_data_from_iob, ) + import os -import logging URL = { 'train': "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", @@ -29,24 +32,33 @@ 'test': 'test.txt' } -_EXTRACTED_FILES_MD5 = { - 'train': "2e2f24e90e20fcb910ab2251b5ed8cd0", - 'test': "56944df34be553b72a2a634e539a0951" -} - - DATASET_NAME = "CoNLL2000Chunking" @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) -def CoNLL2000Chunking(root, split): - # Create a dataset specific subfolder to deal with generic download filenames - root = os.path.join(root, 'conll2000chunking') - path = os.path.join(root, split + ".txt.gz") - data_filename = _download_extract_validate(root, URL[split], MD5[split], path, os.path.join(root, _EXTRACTED_FILES[split]), - _EXTRACTED_FILES_MD5[split], hash_type="md5") - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_iob(data_filename, " ")) +@_wrap_split_argument(("train", "test")) +def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL[split]]) + + # Cache and check HTTP response + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, "conll2000chunking", os.path.basename(URL[split])), + hash_dict={os.path.join(root, "conll2000chunking", os.path.basename(URL[split])): MD5[split]}, + hash_type="md5" + ) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, mode="b") + + # Cache and check the gzip extraction for relevant split + cache_dp = cache_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, "conll2000chunking", _EXTRACTED_FILES[split]) + ) + cache_dp = cache_dp.extract(file_type="gzip").filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_dp = cache_dp.end_caching(mode="wb") + + cache_dp = FileOpener(cache_dp, mode="b") + return cache_dp.readlines(decode=True).read_iob(sep=" ") From 0f7f859e412fba4a31852c1a84801a182e636fde Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 19 Jan 2022 21:12:14 -0500 Subject: [PATCH 090/463] Cache extraction for AmazonReviewPolarity (#1527) --- torchtext/datasets/amazonreviewpolarity.py | 15 +++++++++------ 1 file changed, 9 insertions(+), 6 deletions(-) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index de1f975a7b..e585922c19 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -40,11 +40,14 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") url_dp = IterableWrapper([URL]) - cache_dp = url_dp.on_disk_cache( + cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") - extracted_files = cache_dp.read_from_tar() - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, mode='b') + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) From eb3994567830aeeccfcc1d7053ac6c29400cb593 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 20 Jan 2022 12:42:47 -0500 Subject: [PATCH 091/463] Migrating PennTreebank to datapipes (#1511) * Migrating penntreebank dataset to use torchdata * Update FileLoader to FileOpener * Resolved comments about return_path * Using strip() to remove leading/trailing spaces Co-authored-by: nayef211 --- torchtext/datasets/penntreebank.py | 55 ++++++++++++++++++------------ 1 file changed, 33 insertions(+), 22 deletions(-) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 29d9666af1..87aa9e0a8c 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -1,29 +1,32 @@ -import logging -from torchtext.utils import download_from_url +import os +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, _create_dataset_directory, - _read_text_iterator, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { - 'train': "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", - 'test': "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", - 'valid': "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt", + "train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", + "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", + "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt", } MD5 = { - 'train': "f26c4b92c5fdc7b3f8c7cdcb991d8420", - 'valid': "aa0affc06ff7c36e977d7cd49e3839bf", - 'test': "8b80168b89c18661a38ef683c0dc3721", + "train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", + "valid": "aa0affc06ff7c36e977d7cd49e3839bf", + "test": "8b80168b89c18661a38ef683c0dc3721", } NUM_LINES = { - 'train': 42068, - 'valid': 3370, - 'test': 3761, + "train": 42068, + "valid": 3370, + "test": 3761, } DATASET_NAME = "PennTreebank" @@ -31,12 +34,20 @@ @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) -def PennTreebank(root, split): - path = download_from_url(URL[split], - root=root, hash_value=MD5[split], - hash_type='md5') - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, - NUM_LINES[split], - _read_text_iterator(path)) +@_wrap_split_argument(("train", "valid", "test")) +def PennTreebank(root, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + url_dp = IterableWrapper([URL[split]]) + cache_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + hash_type="md5", + ) + cache_dp = HttpReader(cache_dp).end_caching(mode="w", same_filepath_fn=True) + data_dp = FileOpener(cache_dp, mode="r") + # remove single leading and trailing space from the dataset + return data_dp.readlines(return_path=False).map(lambda t: t.strip()) From 12317098cef5822846125e579cd197b217c9e30e Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 20 Jan 2022 17:56:43 -0500 Subject: [PATCH 092/463] Migrating EnWik9 to datapipes #1511 (#1512) * Migrating enwik9 dataset to use torchdata * Added typing to params * Fixed PR comments. Updated to data_dp * Added caching for extracted files * Moved FileOpener after ondiskcache datapipe Co-authored-by: nayef211 --- torchtext/datasets/enwik9.py | 59 ++++++++++++++++++++++++------------ 1 file changed, 39 insertions(+), 20 deletions(-) diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 7ec4060573..4534c64138 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,34 +1,53 @@ -import logging -from torchtext.utils import ( - download_from_url, - extract_archive, -) +import os +from typing import Tuple, Union + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, _create_dataset_directory, - _read_text_iterator, ) -URL = 'http://mattmahoney.net/dc/enwik9.zip' +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + +URL = "http://mattmahoney.net/dc/enwik9.zip" + +MD5 = "3e773f8a1577fda2e27f871ca17f31fd" -MD5 = '3e773f8a1577fda2e27f871ca17f31fd' +_PATH = "enwik9.zip" -NUM_LINES = { - 'train': 13147026 -} +NUM_LINES = {"train": 13147026} DATASET_NAME = "EnWik9" @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train',)) -def EnWik9(root, split): - dataset_tar = download_from_url(URL, root=root, hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - path = extracted_files[0] - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, - NUM_LINES[split], _read_text_iterator(path)) +@_wrap_split_argument(("train",)) +def EnWik9(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True + ) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.splitext(_PATH)[0]) + ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip() + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) + + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.readlines(decode=True, return_path=False) From 83aebf495a92761e9683b4af4461ad28ae5c96a7 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Thu, 20 Jan 2022 18:01:42 -0500 Subject: [PATCH 093/463] add double caching for yelp polarity to speed up extracted reading. (#1530) * add double caching for yelp polarity to speed up extracted reading. * rename dps for consistency and simplify filepath_fn * add FileOpener within caching block for more consistency. --- torchtext/datasets/yelpreviewpolarity.py | 24 ++++++++++++++++-------- 1 file changed, 16 insertions(+), 8 deletions(-) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index a536d6dd0f..627aab1d2d 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -33,22 +33,30 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) +@_wrap_split_argument(("train", "test")) def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") url_dp = IterableWrapper([URL]) - cache_dp = url_dp.on_disk_cache( + cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5" ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_compressed_dp = FileOpener(cache_compressed_dp, mode="b") - extracted_files = cache_dp.read_from_tar() + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") + + cache_decompressed_dp = cache_decompressed_dp.read_from_tar() - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + data_dp = FileOpener(cache_decompressed_dp, mode="b") - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 03afb7e1e6b6821eb7b479aa11b9c449c251de7a Mon Sep 17 00:00:00 2001 From: Kevin Date: Thu, 20 Jan 2022 18:11:40 -0500 Subject: [PATCH 094/463] Migrate IMDB to datapipes (#1531) * Migrate IMDB to datapipes * add double cache for extracted reading * update cache name --- torchtext/datasets/imdb.py | 66 +++++++++++++++++++++++++++----------- 1 file changed, 48 insertions(+), 18 deletions(-) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 386a8bfc43..a1a41631ae 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -1,10 +1,15 @@ -from torchtext.utils import download_from_url, extract_archive -from torchtext.data.datasets_utils import _RawTextIterableDataset -from torchtext.data.datasets_utils import _wrap_split_argument +import os +from pathlib import Path +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _add_docstring_header from torchtext.data.datasets_utils import _create_dataset_directory -import io -from pathlib import Path +from torchtext.data.datasets_utils import _wrap_split_argument + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper, HttpReader + URL = 'http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz' @@ -23,16 +28,41 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'test')) -def IMDB(root, split): - def generate_imdb_data(key, extracted_files): - for fname in extracted_files: - *_, split, label, file = Path(fname).parts - - if key == split and (label in ['pos', 'neg']): - with io.open(fname, encoding="utf8") as f: - yield label, f.read() - dataset_tar = download_from_url(URL, root=root, - hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - iterator = generate_imdb_data(split, extracted_files) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], iterator) +def IMDB(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + labels = {"neg", "pos"} + decompressed_folder = "aclImdb_v1" + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: [os.path.join(root, decompressed_folder, split, label) for label in labels] + ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") + cache_decompressed_dp = cache_decompressed_dp.read_from_tar() + + def filter_imdb_data(key, fname): + # eg. fname = "aclImdb/train/neg/12416_3.txt" + *_, split, label, file = Path(fname).parts + return key == split and label in labels + + cache_decompressed_dp = cache_decompressed_dp.filter(lambda t: filter_imdb_data(split, t[0])) + + # eg. "aclImdb/train/neg/12416_3.txt" -> "neg" + cache_decompressed_dp = cache_decompressed_dp.map(lambda t: (Path(t[0]).parts[-2], t[1])) + cache_decompressed_dp = cache_decompressed_dp.readlines(decode=True) + cache_decompressed_dp = cache_decompressed_dp.lines_to_paragraphs() # group by label in cache file + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wt", filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x) + ) + + data_dp = FileOpener(cache_decompressed_dp, mode="t") + # get label from cache file, eg. "aclImdb_v1/train/neg" -> "neg" + return data_dp.readlines().map(lambda t: (Path(t[0]).parts[-1], t[1])) From e1d66cf8ccd2b29378d5f3352b01e4310a36b557 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Thu, 20 Jan 2022 19:29:42 -0500 Subject: [PATCH 095/463] add max_tokens kwarg to vocab factory. (#1525) --- test/test_vocab.py | 33 ++++++++++++++++++++++++++++++++ torchtext/vocab/vocab_factory.py | 20 +++++++++++++------ 2 files changed, 47 insertions(+), 6 deletions(-) diff --git a/test/test_vocab.py b/test/test_vocab.py index 1f938731b7..6b04746e42 100644 --- a/test/test_vocab.py +++ b/test/test_vocab.py @@ -1,6 +1,8 @@ # -*- coding: utf-8 -*- from collections import OrderedDict import os + +import pytest import torch from test.common.torchtext_test_case import TorchtextTestCase from torchtext.vocab import ( @@ -258,3 +260,34 @@ def test_vocab_specials(self): expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v2.get_itos(), expected_itos) self.assertEqual(dict(v2.get_stoi()), expected_stoi) + + def test_build_vocab_sorts_descending_frequency_then_lexigraphically(self): + it = [["a", "b"], ["a", "b"]] + vocab = build_vocab_from_iterator(it) + self.assertEqual(vocab["a"], 0) + self.assertEqual(vocab["b"], 1) + + it = [["a", "b"], ["b"]] + vocab = build_vocab_from_iterator(it) + self.assertEqual(vocab["b"], 0) + self.assertEqual(vocab["a"], 1) + + def test_build_vocab_from_iterator_max_tokens(self): + it = [["hello", "world"], ["hello"]] + max_tokens = 1 + specials = ["", ""] + self.assertLess(max_tokens, len(specials)) + with pytest.raises(AssertionError): + build_vocab_from_iterator(it, specials=specials, max_tokens=max_tokens) + + max_tokens = 3 + vocab = build_vocab_from_iterator(it, specials=specials, special_first=True, max_tokens=max_tokens) + self.assertEqual(vocab[""], 0) + self.assertEqual(vocab[""], 1) + self.assertEqual(vocab["hello"], 2) + + max_tokens = 3 + vocab = build_vocab_from_iterator(it, specials=specials, special_first=False, max_tokens=max_tokens) + self.assertEqual(vocab["hello"], 0) + self.assertEqual(vocab[""], 1) + self.assertEqual(vocab[""], 2) diff --git a/torchtext/vocab/vocab_factory.py b/torchtext/vocab/vocab_factory.py index 835886e96f..6a7880c8a3 100644 --- a/torchtext/vocab/vocab_factory.py +++ b/torchtext/vocab/vocab_factory.py @@ -49,6 +49,7 @@ def vocab(ordered_dict: Dict, min_freq: int = 1, ordered_dict.pop(token, None) tokens = [] + # Save room for special tokens for token, freq in ordered_dict.items(): if freq >= min_freq: tokens.append(token) @@ -61,7 +62,7 @@ def vocab(ordered_dict: Dict, min_freq: int = 1, return Vocab(VocabPybind(tokens, None)) -def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: Optional[List[str]] = None, special_first: bool = True) -> Vocab: +def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: Optional[List[str]] = None, special_first: bool = True, max_tokens: Optional[int] = None) -> Vocab: """ Build a Vocab from an iterator. @@ -70,6 +71,7 @@ def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: O min_freq: The minimum frequency needed to include a token in the vocabulary. specials: Special symbols to add. The order of supplied tokens will be preserved. special_first: Indicates whether to insert symbols at the beginning or at the end. + max_tokens: If provided, creates the vocab from the `max_tokens - len(specials)` most frequent tokens. Returns: @@ -90,10 +92,16 @@ def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: O for tokens in iterator: counter.update(tokens) - sorted_by_freq_tuples = sorted(counter.items(), key=lambda x: x[0]) - sorted_by_freq_tuples.sort(key=lambda x: x[1], reverse=True) - ordered_dict = OrderedDict(sorted_by_freq_tuples) + specials = specials or [] + + # First sort by descending frequency, then lexicographically + sorted_by_freq_tuples = sorted(counter.items(), key=lambda x: (-x[1], x[0])) + + if max_tokens is None: + ordered_dict = OrderedDict(sorted_by_freq_tuples) + else: + assert len(specials) < max_tokens, "len(specials) >= max_tokens, so the vocab will be entirely special tokens." + ordered_dict = OrderedDict(sorted_by_freq_tuples[:max_tokens - len(specials)]) - word_vocab = vocab(ordered_dict, min_freq=min_freq, specials=specials or [], - special_first=special_first) + word_vocab = vocab(ordered_dict, min_freq=min_freq, specials=specials, special_first=special_first) return word_vocab From ff78e999f6edb866c33a1464c8288cb90f15c9e4 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 21 Jan 2022 00:02:06 -0500 Subject: [PATCH 096/463] add double caching for yahoo to speed up extracted reading. (#1528) * add double caching for yahoo to speed up extracted reading. * simplify filepath_fn * rename dps for consistency. * add FileOpener within caching block for more consistency. --- torchtext/datasets/yahooanswers.py | 23 +++++++++++++++-------- 1 file changed, 15 insertions(+), 8 deletions(-) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 7e95e2c6ca..70c3d8b807 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -33,22 +33,29 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=10) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) +@_wrap_split_argument(("train", "test")) def YahooAnswers(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") url_dp = IterableWrapper([URL]) - cache_dp = url_dp.on_disk_cache( + cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5" ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_compressed_dp = FileOpener(cache_compressed_dp, mode="b") - extracted_files = cache_dp.read_from_tar() + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") + cache_decompressed_dp = cache_decompressed_dp.read_from_tar() + cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + data_dp = FileOpener(cache_decompressed_dp, mode="b") - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 437eea8f841fc5efe7dc0f116bbfef781cb88b84 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Fri, 21 Jan 2022 00:52:54 -0800 Subject: [PATCH 097/463] Migrate WikiText2 to datapipes (#1519) * Migrate WikiText2 to datapipes * Address code review comments and add double caching --- torchtext/datasets/wikitext2.py | 42 +++++++++++++++++++++++---------- 1 file changed, 30 insertions(+), 12 deletions(-) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index b4c20fc880..8a43b4c7b4 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -1,13 +1,15 @@ -import logging -from torchtext.utils import download_from_url, extract_archive +from torchtext._internal.module_utils import is_module_available + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + +import os from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _find_match, _create_dataset_directory, - _read_text_iterator, ) +from typing import Union, Tuple URL = 'https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip' @@ -21,14 +23,30 @@ DATASET_NAME = "WikiText2" +_EXTRACTED_FILES = { + 'train': os.path.join('wikitext-2', 'wiki.train.tokens'), + 'test': os.path.join('wikitext-2', 'wiki.test.tokens'), + 'valid': os.path.join('wikitext-2', 'wiki.valid.tokens'), +} + @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'valid', 'test')) -def WikiText2(root, split): - dataset_tar = download_from_url(URL, root=root, hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - path = _find_match(split, extracted_files) - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, - NUM_LINES[split], _read_text_iterator(path)) +def WikiText2(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + url_dp = IterableWrapper([URL]) + # cache data on-disk + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + # Extract zip and filter the appropriate split file + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + data_dp = FileOpener(cache_decompressed_dp, mode='b') + return data_dp.readlines(strip_newline=False, decode=True, return_path=False) From d19a77eb69a11a3c9feb74b391e288ed70277bb4 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 21 Jan 2022 11:21:46 -0500 Subject: [PATCH 098/463] add double caching for yelp full to speed up extracted reading. (#1529) --- torchtext/datasets/yelpreviewfull.py | 18 ++++++++++-------- 1 file changed, 10 insertions(+), 8 deletions(-) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 270b627845..5258cd732c 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -33,22 +33,24 @@ @_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) +@_wrap_split_argument(("train", "test")) def YelpReviewFull(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") url_dp = IterableWrapper([URL]) - cache_dp = url_dp.on_disk_cache( + cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") + cache_compressed_dp = GDriveReader(cache_compressed_dp) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) - extracted_files = cache_dp.read_from_tar() + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") + cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 042f12f1be9701fc85129c9be380aec72ed3bc2e Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Fri, 21 Jan 2022 12:39:40 -0800 Subject: [PATCH 099/463] Migrate WikiText103 to datapipes (#1518) --- torchtext/datasets/wikitext103.py | 46 ++++++++++++++++++++----------- 1 file changed, 30 insertions(+), 16 deletions(-) diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 49164b2789..5262728a20 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -1,16 +1,15 @@ -import logging -from torchtext.utils import ( - download_from_url, - extract_archive, -) +from torchtext._internal.module_utils import is_module_available + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + +import os from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _find_match, _create_dataset_directory, - _read_text_iterator, ) +from typing import Union, Tuple URL = 'https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip' @@ -24,15 +23,30 @@ DATASET_NAME = "WikiText103" +_EXTRACTED_FILES = { + 'train': os.path.join('wikitext-103', 'wiki.train.tokens'), + 'test': os.path.join('wikitext-103', 'wiki.test.tokens'), + 'valid': os.path.join('wikitext-103', 'wiki.valid.tokens'), +} + @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(('train', 'valid', 'test')) -def WikiText103(root, split): - dataset_tar = download_from_url(URL, root=root, hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - - path = _find_match(split, extracted_files) - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, - NUM_LINES[split], _read_text_iterator(path)) +def WikiText103(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + url_dp = IterableWrapper([URL]) + # cache data on-disk + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + # Extract zip and filter the appropriate split file + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + data_dp = FileOpener(cache_decompressed_dp, mode='b') + return data_dp.readlines(strip_newline=False, decode=True, return_path=False) From f685c55e02a43b6489d096f1dd2c05e8be13df63 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sat, 22 Jan 2022 14:03:24 -0500 Subject: [PATCH 100/463] add initial pass at migrating UDPOS to datapipes. (#1535) --- torchtext/datasets/udpos.py | 49 ++++++++++++++++++++++++++----------- 1 file changed, 35 insertions(+), 14 deletions(-) diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 2377448939..9f5e8c667e 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -1,13 +1,17 @@ -from torchtext.utils import download_from_url, extract_archive +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, _wrap_split_argument, _add_docstring_header, - _find_match, _create_dataset_directory, - _create_data_from_iob, ) +import os + URL = 'https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip' MD5 = 'bdcac7c52d934656bae1699541424545' @@ -18,19 +22,36 @@ 'test': 2077, } +_EXTRACTED_FILES = { + "train": "train.txt", + "valid": "dev.txt", + "test": "test.txt" +} + DATASET_NAME = "UDPOS" @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) -def UDPOS(root, split): - dataset_tar = download_from_url(URL, root=root, hash_value=MD5, hash_type='md5') - extracted_files = extract_archive(dataset_tar) - if split == 'valid': - path = _find_match("dev.txt", extracted_files) - else: - path = _find_match(split + ".txt", extracted_files) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], - _create_data_from_iob(path)) +@_wrap_split_argument(("train", "valid", "test")) +def UDPOS(root: str, split: Union[Tuple[str], str]): + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(URL)), + hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + hash_type="md5" + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter( + lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, mode='b') + return data_dp.readlines(decode=True).read_iob() From 627c71f837f6acf7db34b3d96a696624cb4a7087 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sun, 23 Jan 2022 23:41:26 -0500 Subject: [PATCH 101/463] migrate Multi30k to datapipes. (#1536) --- torchtext/datasets/multi30k.py | 76 +++++++++++++++++----------------- 1 file changed, 37 insertions(+), 39 deletions(-) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 6e3aa8a690..ba3f516cad 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -1,10 +1,13 @@ +from torchtext._internal.module_utils import is_module_available +from typing import Union, Tuple + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + import os from torchtext.data.datasets_utils import ( - _download_extract_validate, - _RawTextIterableDataset, _wrap_split_argument, _create_dataset_directory, - _read_text_iterator, ) URL = { @@ -19,28 +22,10 @@ 'test': '0681be16a532912288a91ddd573594fbdd57c0fbb81486eff7c55247e35326c2', } -_EXTRACTED_FILES_INFO = { - 'train': { - 'file_prefix': 'train', - 'md5': { - 'de': '695df46f6fd14567e69970408a2c129a50e778a910ecb1585a92eb25b2c7accc', - 'en': '4b4d37e774976ef44fecca1738cdeb3b3ba384851a59a755b9c5e6aa7d87b13c', - }, - }, - 'valid': { - 'file_prefix': 'val', - 'md5': { - 'de': 'fd0fc009db2446cfc12d96a382aff0d3122cb47577b352d0f7e0bb3a38e2e552', - 'en': '40cd20974079d9afb0e3d27c659a8e059cc2fcf850b4bc23ede13fc36dd8a865', - }, - }, - 'test': { - 'file_prefix': 'test', - 'md5': { - 'de': 'c1d2f544471a7387e37d15f1adf075ff7d6fe57a30840bb969281ae102d24cb1', - 'en': '399a4382932c1aadd3ceb9bef1008d388a64c76d4ae4e9d4728c6f4301cac182', - }, - }, +_PREFIX = { + 'train': 'train', + 'valid': 'val', + 'test': 'test', } NUM_LINES = { @@ -53,8 +38,8 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) -def Multi30k(root, split, language_pair=('de', 'en')): +@_wrap_split_argument(("train", "valid", "test")) +def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ('de', 'en')): """Multi30k dataset Reference: http://www.statmt.org/wmt16/multimodal-task.html#task1 @@ -68,18 +53,31 @@ def Multi30k(root, split, language_pair=('de', 'en')): assert (len(language_pair) == 2), 'language_pair must contain only 2 elements: src and tgt language respectively' assert (tuple(sorted(language_pair)) == ('de', 'en')), "language_pair must be either ('de','en') or ('en', 'de')" - downloaded_file = os.path.basename(URL[split]) + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + + url_dp = IterableWrapper([URL[split]]) + + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(URL[split])), + hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + hash_type="sha256" + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + src_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[0]}")) + src_cache_decompressed_dp = FileOpener(src_cache_decompressed_dp, mode="b").read_from_tar().filter( + lambda x: f"{_PREFIX[split]}.{language_pair[0]}" in x[0]) + src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - src_path = _download_extract_validate(root, URL[split], MD5[split], - os.path.join(root, downloaded_file), - os.path.join(root, _EXTRACTED_FILES_INFO[split]['file_prefix'] + '.' + language_pair[0]), - _EXTRACTED_FILES_INFO[split]['md5'][language_pair[0]]) - trg_path = _download_extract_validate(root, URL[split], MD5[split], - os.path.join(root, downloaded_file), - os.path.join(root, _EXTRACTED_FILES_INFO[split]['file_prefix'] + '.' + language_pair[1]), - _EXTRACTED_FILES_INFO[split]['md5'][language_pair[1]]) + tgt_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[1]}")) + tgt_cache_decompressed_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").read_from_tar().filter( + lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) + tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - src_data_iter = _read_text_iterator(src_path) - trg_data_iter = _read_text_iterator(trg_path) + src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=False) + tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=False) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], zip(src_data_iter, trg_data_iter)) + return src_data_dp.zip(tgt_data_dp) From ce1ce99583795207153e13e9bc35a388d368a49d Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 24 Jan 2022 18:12:14 -0500 Subject: [PATCH 102/463] Add AmazonReviewPolarity Mocked Unit Test (#1532) * First attempt at adding test for amazon review polarity * Updated dataset to take validate_hash param. Finalized tests * Created non empty tar file * Remove formatting. Patch _hash_check method from torchdata during testing * Added super().setUpClass() * Remove commented import Co-authored-by: nayef211 --- test/common/case_utils.py | 33 +++++++++ test/datasets/__init__.py | 0 test/datasets/amazonreviewpolarity_test.py | 82 ++++++++++++++++++++++ 3 files changed, 115 insertions(+) create mode 100644 test/datasets/__init__.py create mode 100644 test/datasets/amazonreviewpolarity_test.py diff --git a/test/common/case_utils.py b/test/common/case_utils.py index 03eec2627f..f8803894b0 100644 --- a/test/common/case_utils.py +++ b/test/common/case_utils.py @@ -1,7 +1,40 @@ +import os.path +import tempfile import unittest + from torchtext._internal.module_utils import is_module_available +class TempDirMixin: + """Mixin to provide easy access to temp dir""" + + temp_dir_ = None + + @classmethod + def get_base_temp_dir(cls): + # If TORCHTEXT_TEST_TEMP_DIR is set, use it instead of temporary directory. + # this is handy for debugging. + key = "TORCHTEXT_TEST_TEMP_DIR" + if key in os.environ: + return os.environ[key] + if cls.temp_dir_ is None: + cls.temp_dir_ = tempfile.TemporaryDirectory() + return cls.temp_dir_.name + + @classmethod + def tearDownClass(cls): + super().tearDownClass() + if cls.temp_dir_ is not None: + cls.temp_dir_.cleanup() + cls.temp_dir_ = None + + def get_temp_path(self, *paths): + temp_dir = os.path.join(self.get_base_temp_dir(), self.id()) + path = os.path.join(temp_dir, *paths) + os.makedirs(os.path.dirname(path), exist_ok=True) + return path + + def skipIfNoModule(module, display_name=None): display_name = display_name or module return unittest.skipIf(not is_module_available(module), f'"{display_name}" is not available') diff --git a/test/datasets/__init__.py b/test/datasets/__init__.py new file mode 100644 index 0000000000..e69de29bb2 diff --git a/test/datasets/amazonreviewpolarity_test.py b/test/datasets/amazonreviewpolarity_test.py new file mode 100644 index 0000000000..0d71529ec6 --- /dev/null +++ b/test/datasets/amazonreviewpolarity_test.py @@ -0,0 +1,82 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.amazonreviewpolarity import AmazonReviewPolarity + +from ..common.case_utils import TempDirMixin +from ..common.torchtext_test_case import TorchtextTestCase + + +def get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "AmazonReviewPolarity") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + label = seed % 2 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string} {rand_string}") + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + f.write(f'"{label}","{rand_string}","{rand_string}"\n') + seed += 1 + + compressed_dataset_path = os.path.join( + base_dir, "amazon_review_polarity_csv.tar.gz" + ) + # create tar file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="amazon_review_polarity_csv") + + return mocked_data + + +class TestAmazonReviewPolarity(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = get_mock_dataset(cls.root_dir) + + @parameterized.expand(["train", "test"]) + def test_amazon_review_polarity(self, split): + with patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ): + dataset = AmazonReviewPolarity(root=self.root_dir, split=split) + n_iter = 0 + for i, (label, text) in enumerate(dataset): + expected_sample = self.samples[split][i] + assert label == expected_sample[0] + assert text == expected_sample[1] + n_iter += 1 + assert n_iter == len(self.samples[split]) + + @parameterized.expand([("train", ("train",)), ("test", ("test",))]) + def test_amazon_review_polarity_split_argument(self, split1, split2): + with patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ): + dataset1 = AmazonReviewPolarity(root=self.root_dir, split=split1) + (dataset2,) = AmazonReviewPolarity(root=self.root_dir, split=split2) + + for d1, d2 in zip(dataset1, dataset2): + self.assertEqual(d1, d2) From d72124cb710574087d0bce87062ee521e1584167 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 26 Jan 2022 10:43:12 -0500 Subject: [PATCH 103/463] Migrate SST2 from experimental to datasets folder (#1538) * Migrating SST2 from experimental to datasets folder * Added SST2 to docs and to init file * Removing empty line from docs Co-authored-by: nayef211 --- docs/source/datasets.rst | 8 +- test/experimental/test_datasets.py | 42 -------- torchtext/datasets/__init__.py | 45 ++++---- torchtext/datasets/sst2.py | 82 +++++++++++++++ torchtext/experimental/datasets/__init__.py | 3 +- torchtext/experimental/datasets/sst2.py | 109 -------------------- 6 files changed, 113 insertions(+), 176 deletions(-) delete mode 100644 test/experimental/test_datasets.py create mode 100644 torchtext/datasets/sst2.py delete mode 100644 torchtext/experimental/datasets/sst2.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 077aa27055..5a1cbf8167 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -13,7 +13,7 @@ General use cases are as follows: :: def tokenize(label, line): return line.split() - + tokens = [] for label, line in train_iter: tokens += tokenize(label, line) @@ -73,6 +73,11 @@ IMDb .. autofunction:: IMDB +SST2 +~~~~ + +.. autofunction:: SST2 + Language Modeling ^^^^^^^^^^^^^^^^^ @@ -152,4 +157,3 @@ EnWik9 ~~~~~~ .. autofunction:: EnWik9 - diff --git a/test/experimental/test_datasets.py b/test/experimental/test_datasets.py deleted file mode 100644 index 1868f6ee9d..0000000000 --- a/test/experimental/test_datasets.py +++ /dev/null @@ -1,42 +0,0 @@ -import hashlib -import json - -from torchtext.experimental.datasets import sst2 - -from ..common.assets import _ASSET_DIR -from ..common.case_utils import skipIfNoModule -from ..common.torchtext_test_case import TorchtextTestCase - - -class TestDataset(TorchtextTestCase): - @skipIfNoModule("torchdata") - def test_sst2_dataset(self): - - split = ("train", "dev", "test") - train_dataset, dev_dataset, test_dataset = sst2.SST2( - split=split, root=_ASSET_DIR, validate_hash=False - ) - - # verify datasets objects are instances of SST2Dataset - for dataset in (train_dataset, dev_dataset, test_dataset): - self.assertTrue(isinstance(dataset, sst2.SST2Dataset)) - - # verify hashes of first line in dataset - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(train_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["train"], - ) - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(dev_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["dev"], - ) - self.assertEqual( - hashlib.md5( - json.dumps(next(iter(test_dataset)), sort_keys=True).encode("utf-8") - ).hexdigest(), - sst2._FIRST_LINE_MD5["test"], - ) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 995fc96a89..5fda4a8451 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -1,4 +1,5 @@ import importlib + from .ag_news import AG_NEWS from .amazonreviewfull import AmazonReviewFull from .amazonreviewpolarity import AmazonReviewPolarity @@ -8,39 +9,41 @@ from .imdb import IMDB from .iwslt2016 import IWSLT2016 from .iwslt2017 import IWSLT2017 +from .multi30k import Multi30k from .penntreebank import PennTreebank from .sogounews import SogouNews from .squad1 import SQuAD1 from .squad2 import SQuAD2 +from .sst2 import SST2 from .udpos import UDPOS from .wikitext103 import WikiText103 from .wikitext2 import WikiText2 from .yahooanswers import YahooAnswers from .yelpreviewfull import YelpReviewFull from .yelpreviewpolarity import YelpReviewPolarity -from .multi30k import Multi30k DATASETS = { - 'AG_NEWS': AG_NEWS, - 'AmazonReviewFull': AmazonReviewFull, - 'AmazonReviewPolarity': AmazonReviewPolarity, - 'CoNLL2000Chunking': CoNLL2000Chunking, - 'DBpedia': DBpedia, - 'EnWik9': EnWik9, - 'IMDB': IMDB, - 'IWSLT2016': IWSLT2016, - 'IWSLT2017': IWSLT2017, - 'PennTreebank': PennTreebank, - 'SQuAD1': SQuAD1, - 'SQuAD2': SQuAD2, - 'SogouNews': SogouNews, - 'UDPOS': UDPOS, - 'WikiText103': WikiText103, - 'WikiText2': WikiText2, - 'YahooAnswers': YahooAnswers, - 'YelpReviewFull': YelpReviewFull, - 'YelpReviewPolarity': YelpReviewPolarity, - 'Multi30k': Multi30k + "AG_NEWS": AG_NEWS, + "AmazonReviewFull": AmazonReviewFull, + "AmazonReviewPolarity": AmazonReviewPolarity, + "CoNLL2000Chunking": CoNLL2000Chunking, + "DBpedia": DBpedia, + "EnWik9": EnWik9, + "IMDB": IMDB, + "IWSLT2016": IWSLT2016, + "IWSLT2017": IWSLT2017, + "Multi30k": Multi30k, + "PennTreebank": PennTreebank, + "SQuAD1": SQuAD1, + "SQuAD2": SQuAD2, + "SogouNews": SogouNews, + "SST2": SST2, + "UDPOS": UDPOS, + "WikiText103": WikiText103, + "WikiText2": WikiText2, + "YahooAnswers": YahooAnswers, + "YelpReviewFull": YelpReviewFull, + "YelpReviewPolarity": YelpReviewPolarity, } URLS = {} diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py new file mode 100644 index 0000000000..45cae58c9c --- /dev/null +++ b/torchtext/datasets/sst2.py @@ -0,0 +1,82 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +import os + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _add_docstring_header, + _create_dataset_directory, + _wrap_split_argument, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import IterableWrapper, FileOpener + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + + +URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" + +MD5 = "9f81648d4199384278b86e315dac217c" + +NUM_LINES = { + "train": 67349, + "dev": 872, + "test": 1821, +} + +_PATH = "SST-2.zip" + +DATASET_NAME = "SST2" + +_EXTRACTED_FILES = { + "train": os.path.join("SST-2", "train.tsv"), + "dev": os.path.join("SST-2", "dev.tsv"), + "test": os.path.join("SST-2", "test.tsv"), +} + + +@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def SST2(root, split): + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), + hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True + ) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_zip() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) + + data_dp = FileOpener(cache_decompressed_dp, mode="b") + # test split for SST2 doesn't have labels + if split == "test": + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map( + lambda t: (t[1].strip(),) + ) + else: + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map( + lambda t: (t[0].strip(), int(t[1])) + ) + return parsed_data diff --git a/torchtext/experimental/datasets/__init__.py b/torchtext/experimental/datasets/__init__.py index 81bc90a801..08e78af7b9 100644 --- a/torchtext/experimental/datasets/__init__.py +++ b/torchtext/experimental/datasets/__init__.py @@ -1,4 +1,3 @@ from . import raw -from . import sst2 -__all__ = ["raw", "sst2"] +__all__ = ["raw"] diff --git a/torchtext/experimental/datasets/sst2.py b/torchtext/experimental/datasets/sst2.py deleted file mode 100644 index 8ba1dd3ad8..0000000000 --- a/torchtext/experimental/datasets/sst2.py +++ /dev/null @@ -1,109 +0,0 @@ -# Copyright (c) Facebook, Inc. and its affiliates. -import os - -from torch.utils.data import IterDataPipe -from torchtext._internal.module_utils import is_module_available -from torchtext.data.datasets_utils import ( - _add_docstring_header, - _create_dataset_directory, - _wrap_split_argument, -) - -if is_module_available("torchdata"): - from torchdata.datapipes.iter import IterableWrapper, FileOpener - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - - -NUM_LINES = { - "train": 67349, - "dev": 872, - "test": 1821, -} - -MD5 = "9f81648d4199384278b86e315dac217c" -URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" - -_PATH = "SST-2.zip" - -_EXTRACTED_FILES = { - "train": os.path.join(_PATH, "SST-2", "train.tsv"), - "dev": os.path.join(_PATH, "SST-2", "dev.tsv"), - "test": os.path.join(_PATH, "SST-2", "test.tsv"), -} - -_EXTRACTED_FILES_MD5 = { - "train": "da409a0a939379ed32a470bc0f7fe99a", - "dev": "268856b487b2a31a28c0a93daaff7288", - "test": "3230e4efec76488b87877a56ae49675a", -} - -_FIRST_LINE_MD5 = { - "train": "2552b8cecd57b2e022ef23411c688fa8", - "dev": "1b0ffd6aa5f2bf0fd9840a5f6f1a9f07", - "test": "3e7ff69ab3fc6d026e3c96cadd8b0b53", -} - -DATASET_NAME = "SST2" - - -@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) -@_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(("train", "dev", "test")) -def SST2(root, split, validate_hash=True): - return SST2Dataset(root, split, validate_hash=validate_hash) - - -class SST2Dataset(IterDataPipe): - """The SST2 dataset uses torchdata datapipes end-2-end. - To avoid download at every epoch, we cache the data on-disk - We do sanity check on dowloaded and extracted data - """ - - def __init__(self, root, split, validate_hash=True): - if not is_module_available("torchdata"): - raise ModuleNotFoundError( - "Package `torchdata` is required to be installed to use this dataset." - "Please refer to https://github.com/pytorch/data for instructions on " - "how to install the package." - ) - - self._dp = self._get_datapipe(root, split, validate_hash) - - def __iter__(self): - for data in self._dp: - yield data - - def _get_datapipe(self, root, split, validate_hash): - # Validate integrity of dataset using md5 checksum - hash_dict = {os.path.join(root, "SST-2.zip"): MD5} if validate_hash else None - hash_type = "md5" if validate_hash else None - - # cache data on-disk - cache_dp = IterableWrapper([URL]).on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict=hash_dict, - hash_type=hash_type, - ) - cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - - # Load from cached file - cache_dp = FileOpener(cache_dp, mode="rb") - # extract data from zip - extracted_files = cache_dp.read_from_zip().filter( - lambda x: f"{split}.tsv" in x[0] - ) - - # Parse CSV file and yield data samples - if split == "test": - parsed_data = extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( - lambda x: (x[1],) - ) - else: - parsed_data = extracted_files.parse_csv(skip_lines=1, delimiter="\t").map( - lambda x: (x[0], x[1]) - ) - - return parsed_data From e0c55287563bf2a05af65883f24e9d757ecc71ee Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 27 Jan 2022 14:48:36 -0500 Subject: [PATCH 104/463] Rename AmazonReviewPolarity test file (#1540) * Rename amazon review polarity test * Added renamed file to git Co-authored-by: nayef211 --- ...{amazonreviewpolarity_test.py => test_amazonreviewpolarity.py} | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename test/datasets/{amazonreviewpolarity_test.py => test_amazonreviewpolarity.py} (100%) diff --git a/test/datasets/amazonreviewpolarity_test.py b/test/datasets/test_amazonreviewpolarity.py similarity index 100% rename from test/datasets/amazonreviewpolarity_test.py rename to test/datasets/test_amazonreviewpolarity.py From 91dde7e938e38cf31029d9c41799bd4e29c5fa78 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 27 Jan 2022 16:11:12 -0500 Subject: [PATCH 105/463] Removing unused param args constant (#1544) Co-authored-by: nayef211 --- test/integration_tests/test_models.py | 15 --------------- 1 file changed, 15 deletions(-) diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index 67e10b0ee8..8b701bc3c5 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -10,21 +10,6 @@ from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase -TEST_MODELS_PARAMETERIZED_ARGS = [ - ("xlmr.base.output.pt", "XLMR base Model Comparison", XLMR_BASE_ENCODER), - ("xlmr.large.output.pt", "XLMR base Model Comparison", XLMR_LARGE_ENCODER), - ( - "roberta.base.output.pt", - "Roberta base Model Comparison", - ROBERTA_BASE_ENCODER, - ), - ( - "roberta.large.output.pt", - "Roberta base Model Comparison", - ROBERTA_LARGE_ENCODER, - ), -] - class TestModels(TorchtextTestCase): @nested_params( From 7f839b60523f14e767f2866cab05b949b87319de Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 28 Jan 2022 10:14:24 -0500 Subject: [PATCH 106/463] Add SST2 Mocked Unit Test (#1542) * Added mock test for SST2 * Remove print line * Resolving PR comments * Updated comment to say zip * updated ordering of splits in parameterization * Using zip_equal for iteration in test_sst2 Co-authored-by: nayef211 --- test/common/case_utils.py | 17 ++++++- test/datasets/test_sst2.py | 92 ++++++++++++++++++++++++++++++++++++++ 2 files changed, 108 insertions(+), 1 deletion(-) create mode 100644 test/datasets/test_sst2.py diff --git a/test/common/case_utils.py b/test/common/case_utils.py index f8803894b0..9a9340fbff 100644 --- a/test/common/case_utils.py +++ b/test/common/case_utils.py @@ -1,6 +1,7 @@ import os.path import tempfile import unittest +from itertools import zip_longest from torchtext._internal.module_utils import is_module_available @@ -37,4 +38,18 @@ def get_temp_path(self, *paths): def skipIfNoModule(module, display_name=None): display_name = display_name or module - return unittest.skipIf(not is_module_available(module), f'"{display_name}" is not available') + return unittest.skipIf( + not is_module_available(module), f'"{display_name}" is not available' + ) + + +def zip_equal(*iterables): + """With the regular Python `zip` function, if one iterable is longer than the other, + the remainder portions are ignored.This is resolved in Python 3.10 where we can use + `strict=True` in the `zip` function + """ + sentinel = object() + for combo in zip_longest(*iterables, fillvalue=sentinel): + if sentinel in combo: + raise ValueError("Iterables have different lengths") + yield combo diff --git a/test/datasets/test_sst2.py b/test/datasets/test_sst2.py new file mode 100644 index 0000000000..29fdb6fbed --- /dev/null +++ b/test/datasets/test_sst2.py @@ -0,0 +1,92 @@ +import os +import random +import string +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.sst2 import SST2 + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "SST2") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name, (col1_name, col2_name) in zip( + ("train.tsv", "test.tsv", "dev.tsv"), + ((("sentence", "label"), ("sentence", "label"), ("index", "sentence"))), + ): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + f.write(f"{col1_name}\t{col2_name}\n") + for i in range(5): + label = seed % 2 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + if file_name == "test.tsv": + dataset_line = (f"{rand_string} .",) + f.write(f"{i}\t{rand_string} .\n") + else: + dataset_line = (f"{rand_string} .", label) + f.write(f"{rand_string} .\t{label}\n") + + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "SST-2.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("train.tsv", "test.tsv", "dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("SST-2", file_name)) + + return mocked_data + + +class TestSST2(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test", "dev"]) + def test_sst2(self, split): + dataset = SST2(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test", "dev"]) + def test_sst2_split_argument(self, split): + dataset1 = SST2(root=self.root_dir, split=split) + (dataset2,) = SST2(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 169924bcac8d2dbe9d823bb751e4533c38364896 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 28 Jan 2022 11:33:17 -0500 Subject: [PATCH 107/463] Convert _get_mock_dataset fn to be private (#1543) Co-authored-by: nayef211 --- test/datasets/test_amazonreviewpolarity.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/test/datasets/test_amazonreviewpolarity.py b/test/datasets/test_amazonreviewpolarity.py index 0d71529ec6..1cef5b550f 100644 --- a/test/datasets/test_amazonreviewpolarity.py +++ b/test/datasets/test_amazonreviewpolarity.py @@ -12,7 +12,7 @@ from ..common.torchtext_test_case import TorchtextTestCase -def get_mock_dataset(root_dir): +def _get_mock_dataset(root_dir): """ root_dir: directory to the mocked dataset """ @@ -54,7 +54,7 @@ class TestAmazonReviewPolarity(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(cls.root_dir) @parameterized.expand(["train", "test"]) def test_amazon_review_polarity(self, split): From fe093435219aa286c64b250b0861033bb06f6839 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 28 Jan 2022 12:57:55 -0500 Subject: [PATCH 108/463] Updated test to be consistent with SST2 test (#1548) Co-authored-by: nayef211 --- test/datasets/test_amazonreviewpolarity.py | 43 +++++++++++----------- 1 file changed, 22 insertions(+), 21 deletions(-) diff --git a/test/datasets/test_amazonreviewpolarity.py b/test/datasets/test_amazonreviewpolarity.py index 1cef5b550f..11c95ae785 100644 --- a/test/datasets/test_amazonreviewpolarity.py +++ b/test/datasets/test_amazonreviewpolarity.py @@ -8,7 +8,7 @@ from parameterized import parameterized from torchtext.datasets.amazonreviewpolarity import AmazonReviewPolarity -from ..common.case_utils import TempDirMixin +from ..common.case_utils import TempDirMixin, zip_equal from ..common.torchtext_test_case import TorchtextTestCase @@ -55,28 +55,29 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() @parameterized.expand(["train", "test"]) def test_amazon_review_polarity(self, split): - with patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ): - dataset = AmazonReviewPolarity(root=self.root_dir, split=split) - n_iter = 0 - for i, (label, text) in enumerate(dataset): - expected_sample = self.samples[split][i] - assert label == expected_sample[0] - assert text == expected_sample[1] - n_iter += 1 - assert n_iter == len(self.samples[split]) + dataset = AmazonReviewPolarity(root=self.root_dir, split=split) - @parameterized.expand([("train", ("train",)), ("test", ("test",))]) - def test_amazon_review_polarity_split_argument(self, split1, split2): - with patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ): - dataset1 = AmazonReviewPolarity(root=self.root_dir, split=split1) - (dataset2,) = AmazonReviewPolarity(root=self.root_dir, split=split2) + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_amazon_review_polarity_split_argument(self, split): + dataset1 = AmazonReviewPolarity(root=self.root_dir, split=split) + (dataset2,) = AmazonReviewPolarity(root=self.root_dir, split=(split,)) - for d1, d2 in zip(dataset1, dataset2): - self.assertEqual(d1, d2) + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 1b2f12e3a66fd90f6fd27d51511b1f1d76749f4e Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 28 Jan 2022 16:05:34 -0500 Subject: [PATCH 109/463] fix yelp dataset (#1550) --- torchtext/datasets/yelpreviewpolarity.py | 1 - 1 file changed, 1 deletion(-) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 627aab1d2d..3d50dd592d 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -46,7 +46,6 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): hash_type="md5" ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_compressed_dp = FileOpener(cache_compressed_dp, mode="b") cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) From 5056218318c631f303c0f327fec6fcad44263e4e Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 28 Jan 2022 16:06:40 -0500 Subject: [PATCH 110/463] fix yahoo dataset (#1551) --- torchtext/datasets/yahooanswers.py | 1 - 1 file changed, 1 deletion(-) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 70c3d8b807..98a4824ed2 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -46,7 +46,6 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): hash_type="md5" ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_compressed_dp = FileOpener(cache_compressed_dp, mode="b") cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) From 9561cdeb2015ac614875b77dcbc8a3f954bca7ea Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 28 Jan 2022 17:40:10 -0500 Subject: [PATCH 111/463] fix penn dataset (#1552) --- torchtext/datasets/penntreebank.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 87aa9e0a8c..06d1f0401f 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -47,7 +47,7 @@ def PennTreebank(root, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, hash_type="md5", ) - cache_dp = HttpReader(cache_dp).end_caching(mode="w", same_filepath_fn=True) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_dp, mode="r") # remove single leading and trailing space from the dataset return data_dp.readlines(return_path=False).map(lambda t: t.strip()) From 15c42222e1200517f09a67d2490062c37177ad9e Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sat, 29 Jan 2022 21:32:57 -0500 Subject: [PATCH 112/463] mock up AG NEWS test for faster testing. (#1553) --- test/datasets/test_agnews.py | 76 ++++++++++++++++++++++++++++++++++++ 1 file changed, 76 insertions(+) create mode 100644 test/datasets/test_agnews.py diff --git a/test/datasets/test_agnews.py b/test/datasets/test_agnews.py new file mode 100644 index 0000000000..727d211ad9 --- /dev/null +++ b/test/datasets/test_agnews.py @@ -0,0 +1,76 @@ +import os +import random +import string +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.ag_news import AG_NEWS + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + temp_dataset_dir = os.path.join(root_dir, "AG_NEWS") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + label = seed % 4 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string} {rand_string}") + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + f.write(f'"{label}","{rand_string}","{rand_string}"\n') + seed += 1 + + return mocked_data + + +class TestAGNews(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + patcher = None + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_agnews(self, split): + dataset = AG_NEWS(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + print(sample, expected_sample) + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_agnews_split_argument(self, split): + dataset1 = AG_NEWS(root=self.root_dir, split=split) + (dataset2,) = AG_NEWS(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From c10d7efbed585b498767ed191f2b0ed67e3d84b0 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sat, 29 Jan 2022 23:24:39 -0500 Subject: [PATCH 113/463] migrate IWSLT2016 to datapipes. (#1545) --- torchtext/data/datasets_utils.py | 71 +++++++++++++ torchtext/datasets/iwslt2016.py | 177 ++++++++++++++++++------------- 2 files changed, 172 insertions(+), 76 deletions(-) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index d6daf3a38f..fa363150ac 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -11,6 +11,7 @@ unicode_csv_reader, ) from torch.utils.data import functional_datapipe, IterDataPipe +from torch.utils.data.datapipes.utils.common import StreamWrapper import codecs try: import defusedxml.ElementTree as ET @@ -33,6 +34,25 @@ def _clean_xml_file(f_xml): fd_txt.write(e.text.strip() + '\n') +def _clean_inner_xml_file(outfile, stream): + """Accepts an output filename and a stream of the byte contents of an XML file + and writes the cleaned contents to a new file on disk. + + Args: + outfile: the path to which the modified stream should be written + stream: the byte datapipe of the contents of the XML file + + Returns: the path to the newly-written file and the new StreamWrapper for appropriate caching + """ + os.makedirs(os.path.dirname(outfile), exist_ok=True) + with codecs.open(outfile, mode='w', encoding='utf-8') as fd_txt: + root = ET.fromstring(stream.read().decode("utf-8"))[0] + for doc in root.findall('doc'): + for e in doc.findall('seg'): + fd_txt.write(e.text.strip() + '\n') + return outfile, StreamWrapper(open(outfile, "rb")) + + def _clean_tags_file(f_orig): xml_tags = [ '>> from torchtext.datasets import IWSLT2016 >>> train_iter, valid_iter, test_iter = IWSLT2016() - >>> src_sentence, tgt_sentence = next(train_iter) + >>> src_sentence, tgt_sentence = next(iter(train_iter)) """ - num_lines_set_identifier = { - 'train': 'train', - 'valid': valid_set, - 'test': test_set - } + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) @@ -225,50 +215,85 @@ def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de src_eval, tgt_eval = valid_filenames src_test, tgt_test = test_filenames - extracted_files = [] # list of paths to the extracted files - dataset_tar = download_from_url(SUPPORTED_DATASETS['URL'], root=root, hash_value=SUPPORTED_DATASETS['MD5'], - path=os.path.join(root, SUPPORTED_DATASETS['_PATH']), hash_type='md5') - extracted_dataset_tar = extract_archive(dataset_tar) - # IWSLT dataset's url downloads a multilingual tgz. - # We need to take an extra step to pick out the specific language pair from it. - src_language = train_filenames[0].split(".")[-1] - tgt_language = train_filenames[1].split(".")[-1] + uncleaned_train_filenames = ('train.tags.{}-{}.{}'.format(src_language, tgt_language, src_language), + 'train.tags.{}-{}.{}'.format(src_language, tgt_language, tgt_language)) + uncleaed_valid_filenames = ('IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), + 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language)) + uncleaned_test_filenames = ('IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), + 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language)) + + uncleaned_src_train, uncleaned_tgt_train = uncleaned_train_filenames + uncleaned_src_eval, uncleaned_tgt_eval = uncleaed_valid_filenames + uncleaned_src_test, uncleaned_tgt_test = uncleaned_test_filenames + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5" + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + languages = "-".join([src_language, tgt_language]) - iwslt_tar = '{}/{}/texts/{}/{}/{}.tgz' - iwslt_tar = iwslt_tar.format( - root, SUPPORTED_DATASETS['_PATH'].split(".")[0], src_language, tgt_language, languages) - extracted_dataset_tar = extract_archive(iwslt_tar) - extracted_files.extend(extracted_dataset_tar) - - # Clean the xml and tag file in the archives - file_archives = [] - for fname in extracted_files: - if 'xml' in fname: - _clean_xml_file(fname) - file_archives.append(os.path.splitext(fname)[0]) - elif "tags" in fname: - _clean_tags_file(fname) - file_archives.append(fname.replace('.tags', '')) - else: - file_archives.append(fname) - - data_filenames = { - "train": _construct_filepaths(file_archives, src_train, tgt_train), - "valid": _construct_filepaths(file_archives, src_eval, tgt_eval), - "test": _construct_filepaths(file_archives, src_test, tgt_test) + # We create the whole filepath here, but only check for the literal filename in the filter + # because we're lazily extracting from the outer tarfile. Thus, + # /root/2016-01/texts/.../src-tgt.tgz will never be in /root/2016-01.tgz/texts/.../src-tgt.tgz + inner_iwslt_tar = os.path.join(root, os.path.splitext(_PATH)[0], "texts", src_language, tgt_language, languages) + ".tgz" + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + file_path_by_lang_and_split = { + src_language: { + "train": src_train, + "valid": src_eval, + "test": src_test, + }, + tgt_language: { + "train": tgt_train, + "valid": tgt_eval, + "test": tgt_test, + } } - for key in data_filenames.keys(): - if len(data_filenames[key]) == 0 or data_filenames[key] is None: - raise FileNotFoundError( - "Files are not found for data type {}".format(key)) + uncleaned_filenames = { + src_language: { + "train": uncleaned_src_train, + "valid": uncleaned_src_eval, + "test": uncleaned_src_test, + }, + tgt_language: { + "train": uncleaned_tgt_train, + "valid": uncleaned_tgt_eval, + "test": uncleaned_tgt_test, + } + } + + src_filename = file_path_by_lang_and_split[src_language][split] + uncleaned_src_filename = uncleaned_filenames[src_language][split] + + # We create the whole filepath here, but only check for the literal filename in the filter + # because we're lazily extracting from the outer tarfile. + full_src_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, src_filename) + + cache_inner_src_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_src_filepath, uncleaned_src_filename) + + tgt_filename = file_path_by_lang_and_split[tgt_language][split] + uncleaned_tgt_filename = uncleaned_filenames[tgt_language][split] + + # We create the whole filepath here, but only check for the literal filename in the filter + # because we're lazily extracting from the outer tarfile. + full_tgt_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, tgt_filename) + + cache_inner_tgt_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename) - src_data_iter = _read_text_iterator(data_filenames[split][0]) - tgt_data_iter = _read_text_iterator(data_filenames[split][1]) + tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="r") + src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="r") - def _iter(src_data_iter, tgt_data_iter): - for item in zip(src_data_iter, tgt_data_iter): - yield item + src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) + tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split][num_lines_set_identifier[split]][tuple(sorted(language_pair))], _iter(src_data_iter, tgt_data_iter)) + return src_lines.zip(tgt_lines) From f27047f85de53f3bf67209d56e14f0fec7e8676a Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sun, 30 Jan 2022 22:32:52 -0500 Subject: [PATCH 114/463] remove extra print (#1557) --- test/datasets/test_agnews.py | 1 - 1 file changed, 1 deletion(-) diff --git a/test/datasets/test_agnews.py b/test/datasets/test_agnews.py index 727d211ad9..33fb3bb384 100644 --- a/test/datasets/test_agnews.py +++ b/test/datasets/test_agnews.py @@ -64,7 +64,6 @@ def test_agnews(self, split): samples = list(dataset) expected_samples = self.samples[split] for sample, expected_sample in zip_equal(samples, expected_samples): - print(sample, expected_sample) self.assertEqual(sample, expected_sample) @parameterized.expand(["train", "test"]) From 2372682757e893381672199c28b68a5f82f6aeb7 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sun, 30 Jan 2022 22:33:36 -0500 Subject: [PATCH 115/463] fix flake. (#1558) --- torchtext/datasets/iwslt2016.py | 36 ++++++++++++++++++++++----------- 1 file changed, 24 insertions(+), 12 deletions(-) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 29239494ef..4ddaba49ef 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -204,23 +204,35 @@ def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de raise ValueError("test_set '{}' is not valid for give language pair {}. Supported test sets are {}". format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS['valid_test'] if s not in SET_NOT_EXISTS[language_pair]])) - train_filenames = ('train.{}-{}.{}'.format(src_language, tgt_language, src_language), - 'train.{}-{}.{}'.format(src_language, tgt_language, tgt_language)) - valid_filenames = ('IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language)) - test_filenames = ('IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language)) + train_filenames = ( + 'train.{}-{}.{}'.format(src_language, tgt_language, src_language), + 'train.{}-{}.{}'.format(src_language, tgt_language, tgt_language) + ) + valid_filenames = ( + 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), + 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language) + ) + test_filenames = ( + 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), + 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language) + ) src_train, tgt_train = train_filenames src_eval, tgt_eval = valid_filenames src_test, tgt_test = test_filenames - uncleaned_train_filenames = ('train.tags.{}-{}.{}'.format(src_language, tgt_language, src_language), - 'train.tags.{}-{}.{}'.format(src_language, tgt_language, tgt_language)) - uncleaed_valid_filenames = ('IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language)) - uncleaned_test_filenames = ('IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language)) + uncleaned_train_filenames = ( + 'train.tags.{}-{}.{}'.format(src_language, tgt_language, src_language), + 'train.tags.{}-{}.{}'.format(src_language, tgt_language, tgt_language) + ) + uncleaed_valid_filenames = ( + 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), + 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language) + ) + uncleaned_test_filenames = ( + 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), + 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language) + ) uncleaned_src_train, uncleaned_tgt_train = uncleaned_train_filenames uncleaned_src_eval, uncleaned_tgt_eval = uncleaed_valid_filenames From 1f17c0ae8f65478148af62b6807d1b8f45dbdecb Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Mon, 31 Jan 2022 14:35:51 -0500 Subject: [PATCH 116/463] migrate IWSLT2017 to datapipes. (#1547) * migrate IWSLT2017 to datapipes. * refactor IWSLT2017 to use feedback from IWSLT2016. * remove unused import. * fix flake. * fix typo in comment. * add TODOs to IWSLT datasets. * refactor common code out of IWSLTs and convert single quotes to double. * fix typo. --- torchtext/data/datasets_utils.py | 64 ++++++ torchtext/datasets/iwslt2016.py | 271 ++++++++++--------------- torchtext/datasets/iwslt2017.py | 333 +++++++++++++++---------------- 3 files changed, 336 insertions(+), 332 deletions(-) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index fa363150ac..55ca5de78e 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -392,6 +392,70 @@ def __str__(self): return self.description +def _generate_iwslt_files_for_lang_and_split(year, src_language, tgt_language, valid_set, test_set): + train_filenames = ( + "train.{}-{}.{}".format(src_language, tgt_language, src_language), + "train.{}-{}.{}".format(src_language, tgt_language, tgt_language) + ) + valid_filenames = ( + "IWSLT{}.TED.{}.{}-{}.{}".format(year, valid_set, src_language, tgt_language, src_language), + "IWSLT{}.TED.{}.{}-{}.{}".format(year, valid_set, src_language, tgt_language, tgt_language) + ) + test_filenames = ( + "IWSLT{}.TED.{}.{}-{}.{}".format(year, test_set, src_language, tgt_language, src_language), + "IWSLT{}.TED.{}.{}-{}.{}".format(year, test_set, src_language, tgt_language, tgt_language) + ) + + src_train, tgt_train = train_filenames + src_eval, tgt_eval = valid_filenames + src_test, tgt_test = test_filenames + + uncleaned_train_filenames = ( + "train.tags.{}-{}.{}".format(src_language, tgt_language, src_language), + "train.tags.{}-{}.{}".format(src_language, tgt_language, tgt_language) + ) + uncleaned_valid_filenames = ( + "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, valid_set, src_language, tgt_language, src_language), + "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, valid_set, src_language, tgt_language, tgt_language) + ) + uncleaned_test_filenames = ( + "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, test_set, src_language, tgt_language, src_language), + "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, test_set, src_language, tgt_language, tgt_language) + ) + + uncleaned_src_train, uncleaned_tgt_train = uncleaned_train_filenames + uncleaned_src_eval, uncleaned_tgt_eval = uncleaned_valid_filenames + uncleaned_src_test, uncleaned_tgt_test = uncleaned_test_filenames + + file_path_by_lang_and_split = { + src_language: { + "train": src_train, + "valid": src_eval, + "test": src_test, + }, + tgt_language: { + "train": tgt_train, + "valid": tgt_eval, + "test": tgt_test, + } + } + + uncleaned_filenames_by_lang_and_split = { + src_language: { + "train": uncleaned_src_train, + "valid": uncleaned_src_eval, + "test": uncleaned_src_test, + }, + tgt_language: { + "train": uncleaned_tgt_train, + "valid": uncleaned_tgt_eval, + "test": uncleaned_tgt_test, + } + } + + return file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split + + @functional_datapipe("read_squad") class _ParseSQuADQAData(IterDataPipe): r"""Iterable DataPipe to parse the contents of a stream of JSON objects diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 4ddaba49ef..3073a9c8c4 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -8,125 +8,128 @@ _wrap_split_argument, _clean_files, _create_dataset_directory, + _generate_iwslt_files_for_lang_and_split, ) -URL = 'https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8' +URL = "https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8" -_PATH = '2016-01.tgz' +_PATH = "2016-01.tgz" -MD5 = 'c393ed3fc2a1b0f004b3331043f615ae' +MD5 = "c393ed3fc2a1b0f004b3331043f615ae" SUPPORTED_DATASETS = { - 'valid_test': ['dev2010', 'tst2010', 'tst2011', 'tst2012', 'tst2013', 'tst2014'], - 'language_pair': { - 'en': ['ar', 'de', 'fr', 'cs'], - 'ar': ['en'], - 'fr': ['en'], - 'de': ['en'], - 'cs': ['en'], + "valid_test": ["dev2010", "tst2010", "tst2011", "tst2012", "tst2013", "tst2014"], + "language_pair": { + "en": ["ar", "de", "fr", "cs"], + "ar": ["en"], + "fr": ["en"], + "de": ["en"], + "cs": ["en"], }, - 'year': 16, + "year": 16, } NUM_LINES = { - 'train': { - 'train': { - ('ar', 'en'): 224126, - ('de', 'en'): 196884, - ('en', 'fr'): 220400, - ('cs', 'en'): 114390 + "train": { + "train": { + ("ar", "en"): 224126, + ("de", "en"): 196884, + ("en", "fr"): 220400, + ("cs", "en"): 114390 } }, - 'valid': { - 'dev2010': { - ('ar', 'en'): 887, - ('de', 'en'): 887, - ('en', 'fr'): 887, - ('cs', 'en'): 480 + "valid": { + "dev2010": { + ("ar", "en"): 887, + ("de", "en"): 887, + ("en", "fr"): 887, + ("cs", "en"): 480 }, - 'tst2010': { - ('ar', 'en'): 1569, - ('de', 'en'): 1565, - ('en', 'fr'): 1664, - ('cs', 'en'): 1511 + "tst2010": { + ("ar", "en"): 1569, + ("de", "en"): 1565, + ("en", "fr"): 1664, + ("cs", "en"): 1511 }, - 'tst2011': { - ('ar', 'en'): 1199, - ('de', 'en'): 1433, - ('en', 'fr'): 818, - ('cs', 'en'): 1013 + "tst2011": { + ("ar", "en"): 1199, + ("de", "en"): 1433, + ("en", "fr"): 818, + ("cs", "en"): 1013 }, - 'tst2012': { - ('ar', 'en'): 1702, - ('de', 'en'): 1700, - ('en', 'fr'): 1124, - ('cs', 'en'): 1385 + "tst2012": { + ("ar", "en"): 1702, + ("de", "en"): 1700, + ("en", "fr"): 1124, + ("cs", "en"): 1385 }, - 'tst2013': { - ('ar', 'en'): 1169, - ('de', 'en'): 993, - ('en', 'fr'): 1026, - ('cs', 'en'): 1327 + "tst2013": { + ("ar", "en"): 1169, + ("de", "en"): 993, + ("en", "fr"): 1026, + ("cs", "en"): 1327 }, - 'tst2014': { - ('ar', 'en'): 1107, - ('de', 'en'): 1305, - ('en', 'fr'): 1305 + "tst2014": { + ("ar", "en"): 1107, + ("de", "en"): 1305, + ("en", "fr"): 1305 } }, - 'test': { - 'dev2010': { - ('ar', 'en'): 887, - ('de', 'en'): 887, - ('en', 'fr'): 887, - ('cs', 'en'): 480 + "test": { + "dev2010": { + ("ar", "en"): 887, + ("de", "en"): 887, + ("en", "fr"): 887, + ("cs", "en"): 480 }, - 'tst2010': { - ('ar', 'en'): 1569, - ('de', 'en'): 1565, - ('en', 'fr'): 1664, - ('cs', 'en'): 1511 + "tst2010": { + ("ar", "en"): 1569, + ("de", "en"): 1565, + ("en", "fr"): 1664, + ("cs", "en"): 1511 }, - 'tst2011': { - ('ar', 'en'): 1199, - ('de', 'en'): 1433, - ('en', 'fr'): 818, - ('cs', 'en'): 1013 + "tst2011": { + ("ar", "en"): 1199, + ("de", "en"): 1433, + ("en", "fr"): 818, + ("cs", "en"): 1013 }, - 'tst2012': { - ('ar', 'en'): 1702, - ('de', 'en'): 1700, - ('en', 'fr'): 1124, - ('cs', 'en'): 1385 + "tst2012": { + ("ar", "en"): 1702, + ("de", "en"): 1700, + ("en", "fr"): 1124, + ("cs", "en"): 1385 }, - 'tst2013': { - ('ar', 'en'): 1169, - ('de', 'en'): 993, - ('en', 'fr'): 1026, - ('cs', 'en'): 1327 + "tst2013": { + ("ar", "en"): 1169, + ("de", "en"): 993, + ("en", "fr"): 1026, + ("cs", "en"): 1327 }, - 'tst2014': { - ('ar', 'en'): 1107, - ('de', 'en'): 1305, - ('en', 'fr'): 1305 + "tst2014": { + ("ar", "en"): 1107, + ("de", "en"): 1305, + ("en", "fr"): 1305 } } } SET_NOT_EXISTS = { - ('en', 'ar'): [], - ('en', 'de'): [], - ('en', 'fr'): [], - ('en', 'cs'): ['tst2014'], - ('ar', 'en'): [], - ('fr', 'en'): [], - ('de', 'en'): [], - ('cs', 'en'): ['tst2014'] + ("en", "ar"): [], + ("en", "de"): [], + ("en", "fr"): [], + ("en", "cs"): ["tst2014"], + ("ar", "en"): [], + ("fr", "en"): [], + ("de", "en"): [], + ("cs", "en"): ["tst2014"] } DATASET_NAME = "IWSLT2016" +# TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to +# avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() @@ -140,7 +143,7 @@ def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) -def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de', 'en'), valid_set='tst2013', test_set='tst2014'): +def IWSLT2016(root=".data", split=("train", "valid", "test"), language_pair=("de", "en"), valid_set="tst2013", test_set="tst2014"): """IWSLT2016 dataset The available datasets include following: @@ -148,20 +151,20 @@ def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de **Language pairs**: +-----+-----+-----+-----+-----+-----+ - | |'en' |'fr' |'de' |'cs' |'ar' | + | |"en" |"fr" |"de" |"cs" |"ar" | +-----+-----+-----+-----+-----+-----+ - |'en' | | x | x | x | x | + |"en" | | x | x | x | x | +-----+-----+-----+-----+-----+-----+ - |'fr' | x | | | | | + |"fr" | x | | | | | +-----+-----+-----+-----+-----+-----+ - |'de' | x | | | | | + |"de" | x | | | | | +-----+-----+-----+-----+-----+-----+ - |'cs' | x | | | | | + |"cs" | x | | | | | +-----+-----+-----+-----+-----+-----+ - |'ar' | x | | | | | + |"ar" | x | | | | | +-----+-----+-----+-----+-----+-----+ - **valid/test sets**: ['dev2010', 'tst2010', 'tst2011', 'tst2012', 'tst2013', 'tst2014'] + **valid/test sets**: ["dev2010", "tst2010", "tst2011", "tst2012", "tst2013", "tst2014"] For additional details refer to source website: https://wit3.fbk.eu/2016-01 @@ -184,59 +187,29 @@ def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) - assert (len(language_pair) == 2), 'language_pair must contain only 2 elements: src and tgt language respectively' + assert (len(language_pair) == 2), "language_pair must contain only 2 elements: src and tgt language respectively" src_language, tgt_language = language_pair[0], language_pair[1] - if src_language not in SUPPORTED_DATASETS['language_pair']: + if src_language not in SUPPORTED_DATASETS["language_pair"]: raise ValueError("src_language '{}' is not valid. Supported source languages are {}". - format(src_language, list(SUPPORTED_DATASETS['language_pair']))) + format(src_language, list(SUPPORTED_DATASETS["language_pair"]))) - if tgt_language not in SUPPORTED_DATASETS['language_pair'][src_language]: + if tgt_language not in SUPPORTED_DATASETS["language_pair"][src_language]: raise ValueError("tgt_language '{}' is not valid for give src_language '{}'. Supported target language are {}". - format(tgt_language, src_language, SUPPORTED_DATASETS['language_pair'][src_language])) + format(tgt_language, src_language, SUPPORTED_DATASETS["language_pair"][src_language])) - if valid_set not in SUPPORTED_DATASETS['valid_test'] or valid_set in SET_NOT_EXISTS[language_pair]: + if valid_set not in SUPPORTED_DATASETS["valid_test"] or valid_set in SET_NOT_EXISTS[language_pair]: raise ValueError("valid_set '{}' is not valid for given language pair {}. Supported validation sets are {}". - format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS['valid_test'] if s not in SET_NOT_EXISTS[language_pair]])) + format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS["valid_test"] if s not in SET_NOT_EXISTS[language_pair]])) - if test_set not in SUPPORTED_DATASETS['valid_test'] or test_set in SET_NOT_EXISTS[language_pair]: + if test_set not in SUPPORTED_DATASETS["valid_test"] or test_set in SET_NOT_EXISTS[language_pair]: raise ValueError("test_set '{}' is not valid for give language pair {}. Supported test sets are {}". - format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS['valid_test'] if s not in SET_NOT_EXISTS[language_pair]])) + format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS["valid_test"] if s not in SET_NOT_EXISTS[language_pair]])) - train_filenames = ( - 'train.{}-{}.{}'.format(src_language, tgt_language, src_language), - 'train.{}-{}.{}'.format(src_language, tgt_language, tgt_language) + file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split = _generate_iwslt_files_for_lang_and_split( + SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) - valid_filenames = ( - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language) - ) - test_filenames = ( - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language) - ) - - src_train, tgt_train = train_filenames - src_eval, tgt_eval = valid_filenames - src_test, tgt_test = test_filenames - - uncleaned_train_filenames = ( - 'train.tags.{}-{}.{}'.format(src_language, tgt_language, src_language), - 'train.tags.{}-{}.{}'.format(src_language, tgt_language, tgt_language) - ) - uncleaed_valid_filenames = ( - 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language) - ) - uncleaned_test_filenames = ( - 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}.xml'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language) - ) - - uncleaned_src_train, uncleaned_tgt_train = uncleaned_train_filenames - uncleaned_src_eval, uncleaned_tgt_eval = uncleaed_valid_filenames - uncleaned_src_test, uncleaned_tgt_test = uncleaned_test_filenames url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( @@ -258,34 +231,8 @@ def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - file_path_by_lang_and_split = { - src_language: { - "train": src_train, - "valid": src_eval, - "test": src_test, - }, - tgt_language: { - "train": tgt_train, - "valid": tgt_eval, - "test": tgt_test, - } - } - - uncleaned_filenames = { - src_language: { - "train": uncleaned_src_train, - "valid": uncleaned_src_eval, - "test": uncleaned_src_test, - }, - tgt_language: { - "train": uncleaned_tgt_train, - "valid": uncleaned_tgt_eval, - "test": uncleaned_tgt_test, - } - } - src_filename = file_path_by_lang_and_split[src_language][split] - uncleaned_src_filename = uncleaned_filenames[src_language][split] + uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. @@ -294,7 +241,7 @@ def IWSLT2016(root='.data', split=('train', 'valid', 'test'), language_pair=('de cache_inner_src_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_src_filepath, uncleaned_src_filename) tgt_filename = file_path_by_lang_and_split[tgt_language][split] - uncleaned_tgt_filename = uncleaned_filenames[tgt_language][split] + uncleaned_tgt_filename = uncleaned_filenames_by_lang_and_split[tgt_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 051f1377d5..57d325d65e 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,125 +1,120 @@ +from torchtext._internal.module_utils import is_module_available + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + import os -from torchtext.utils import (download_from_url, extract_archive) from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, + _clean_files, + _create_dataset_directory, _wrap_split_argument, - _clean_xml_file, - _clean_tags_file, - _read_text_iterator, + _generate_iwslt_files_for_lang_and_split, ) -from torchtext.data.datasets_utils import _create_dataset_directory -SUPPORTED_DATASETS = { +URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" +_PATH = "2017-01-trnmted.tgz" +MD5 = "aca701032b1c4411afc4d9fa367796ba" - 'URL': 'https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp', - '_PATH': '2017-01-trnmted.tgz', - 'MD5': 'aca701032b1c4411afc4d9fa367796ba', - 'valid_test': ['dev2010', 'tst2010'], - 'language_pair': { - 'en': ['nl', 'de', 'it', 'ro'], - 'ro': ['de', 'en', 'nl', 'it'], - 'de': ['ro', 'en', 'nl', 'it'], - 'it': ['en', 'nl', 'de', 'ro'], - 'nl': ['de', 'en', 'it', 'ro'], +SUPPORTED_DATASETS = { + "valid_test": ["dev2010", "tst2010"], + "language_pair": { + "en": ["nl", "de", "it", "ro"], + "ro": ["de", "en", "nl", "it"], + "de": ["ro", "en", "nl", "it"], + "it": ["en", "nl", "de", "ro"], + "nl": ["de", "en", "it", "ro"], }, - 'year': 17, + "year": 17, } -URL = SUPPORTED_DATASETS['URL'] -MD5 = SUPPORTED_DATASETS['MD5'] - NUM_LINES = { - 'train': { - 'train': { - ('en', 'nl'): 237240, - ('de', 'en'): 206112, - ('en', 'it'): 231619, - ('en', 'ro'): 220538, - ('de', 'ro'): 201455, - ('nl', 'ro'): 206920, - ('it', 'ro'): 217551, - ('de', 'nl'): 213628, - ('de', 'it'): 205465, - ('it', 'nl'): 233415 + "train": { + "train": { + ("en", "nl"): 237240, + ("de", "en"): 206112, + ("en", "it"): 231619, + ("en", "ro"): 220538, + ("de", "ro"): 201455, + ("nl", "ro"): 206920, + ("it", "ro"): 217551, + ("de", "nl"): 213628, + ("de", "it"): 205465, + ("it", "nl"): 233415 } }, - 'valid': { - 'dev2010': { - ('en', 'nl'): 1003, - ('de', 'en'): 888, - ('en', 'it'): 929, - ('en', 'ro'): 914, - ('de', 'ro'): 912, - ('nl', 'ro'): 913, - ('it', 'ro'): 914, - ('de', 'nl'): 1001, - ('de', 'it'): 923, - ('it', 'nl'): 1001 + "valid": { + "dev2010": { + ("en", "nl"): 1003, + ("de", "en"): 888, + ("en", "it"): 929, + ("en", "ro"): 914, + ("de", "ro"): 912, + ("nl", "ro"): 913, + ("it", "ro"): 914, + ("de", "nl"): 1001, + ("de", "it"): 923, + ("it", "nl"): 1001 }, - 'tst2010': { - ('en', 'nl'): 1777, - ('de', 'en'): 1568, - ('en', 'it'): 1566, - ('en', 'ro'): 1678, - ('de', 'ro'): 1677, - ('nl', 'ro'): 1680, - ('it', 'ro'): 1643, - ('de', 'nl'): 1779, - ('de', 'it'): 1567, - ('it', 'nl'): 1669 + "tst2010": { + ("en", "nl"): 1777, + ("de", "en"): 1568, + ("en", "it"): 1566, + ("en", "ro"): 1678, + ("de", "ro"): 1677, + ("nl", "ro"): 1680, + ("it", "ro"): 1643, + ("de", "nl"): 1779, + ("de", "it"): 1567, + ("it", "nl"): 1669 } }, - 'test': { - 'dev2010': { - ('en', 'nl'): 1003, - ('de', 'en'): 888, - ('en', 'it'): 929, - ('en', 'ro'): 914, - ('de', 'ro'): 912, - ('nl', 'ro'): 913, - ('it', 'ro'): 914, - ('de', 'nl'): 1001, - ('de', 'it'): 923, - ('it', 'nl'): 1001 + "test": { + "dev2010": { + ("en", "nl"): 1003, + ("de", "en"): 888, + ("en", "it"): 929, + ("en", "ro"): 914, + ("de", "ro"): 912, + ("nl", "ro"): 913, + ("it", "ro"): 914, + ("de", "nl"): 1001, + ("de", "it"): 923, + ("it", "nl"): 1001 }, - 'tst2010': { - ('en', 'nl'): 1777, - ('de', 'en'): 1568, - ('en', 'it'): 1566, - ('en', 'ro'): 1678, - ('de', 'ro'): 1677, - ('nl', 'ro'): 1680, - ('it', 'ro'): 1643, - ('de', 'nl'): 1779, - ('de', 'it'): 1567, - ('it', 'nl'): 1669 + "tst2010": { + ("en", "nl"): 1777, + ("de", "en"): 1568, + ("en", "it"): 1566, + ("en", "ro"): 1678, + ("de", "ro"): 1677, + ("nl", "ro"): 1680, + ("it", "ro"): 1643, + ("de", "nl"): 1779, + ("de", "it"): 1567, + ("it", "nl"): 1669 } } } - -def _construct_filenames(filename, languages): - filenames = [] - for lang in languages: - filenames.append(filename + "." + lang) - return filenames - - -def _construct_filepaths(paths, src_filename, tgt_filename): - src_path = None - tgt_path = None - for p in paths: - src_path = p if src_filename in p else src_path - tgt_path = p if tgt_filename in p else tgt_path - return (src_path, tgt_path) +DATASET_NAME = "IWSLT2017" -DATASET_NAME = "IWSLT2017" +# TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to +# avoid additional conditional imports. +def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) + cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() + cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( + lambda x: os.path.basename(uncleaned_filename) in x[0]) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map( + lambda x: _clean_files(full_filepath, x[0], x[1])) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + return cache_inner_decompressed_dp @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) -def IWSLT2017(root='.data', split=('train', 'valid', 'test'), language_pair=('de', 'en')): +@_wrap_split_argument(("train", "valid", "test")) +def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de", "en")): """IWSLT2017 dataset The available datasets include following: @@ -127,17 +122,17 @@ def IWSLT2017(root='.data', split=('train', 'valid', 'test'), language_pair=('de **Language pairs**: +-----+-----+-----+-----+-----+-----+ - | |'en' |'nl' |'de' |'it' |'ro' | + | |"en" |"nl" |"de" |"it" |"ro" | +-----+-----+-----+-----+-----+-----+ - |'en' | | x | x | x | x | + |"en" | | x | x | x | x | +-----+-----+-----+-----+-----+-----+ - |'nl' | x | | x | x | x | + |"nl" | x | | x | x | x | +-----+-----+-----+-----+-----+-----+ - |'de' | x | x | | x | x | + |"de" | x | x | | x | x | +-----+-----+-----+-----+-----+-----+ - |'it' | x | x | x | | x | + |"it" | x | x | x | | x | +-----+-----+-----+-----+-----+-----+ - |'ro' | x | x | x | x | | + |"ro" | x | x | x | x | | +-----+-----+-----+-----+-----+-----+ @@ -154,81 +149,79 @@ def IWSLT2017(root='.data', split=('train', 'valid', 'test'), language_pair=('de >>> src_sentence, tgt_sentence = next(train_iter) """ + if not is_module_available("torchdata"): + raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") - valid_set = 'dev2010' - test_set = 'tst2010' - - num_lines_set_identifier = { - 'train': 'train', - 'valid': valid_set, - 'test': test_set - } + valid_set = "dev2010" + test_set = "tst2010" if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) - assert (len(language_pair) == 2), 'language_pair must contain only 2 elements: src and tgt language respectively' + assert (len(language_pair) == 2), "language_pair must contain only 2 elements: src and tgt language respectively" src_language, tgt_language = language_pair[0], language_pair[1] - if src_language not in SUPPORTED_DATASETS['language_pair']: + if src_language not in SUPPORTED_DATASETS["language_pair"]: raise ValueError("src_language '{}' is not valid. Supported source languages are {}". - format(src_language, list(SUPPORTED_DATASETS['language_pair']))) + format(src_language, list(SUPPORTED_DATASETS["language_pair"]))) - if tgt_language not in SUPPORTED_DATASETS['language_pair'][src_language]: + if tgt_language not in SUPPORTED_DATASETS["language_pair"][src_language]: raise ValueError("tgt_language '{}' is not valid for give src_language '{}'. Supported target language are {}". - format(tgt_language, src_language, SUPPORTED_DATASETS['language_pair'][src_language])) - - train_filenames = ('train.{}-{}.{}'.format(src_language, tgt_language, src_language), - 'train.{}-{}.{}'.format(src_language, tgt_language, tgt_language)) - valid_filenames = ('IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], valid_set, src_language, tgt_language, tgt_language)) - test_filenames = ('IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, src_language), - 'IWSLT{}.TED.{}.{}-{}.{}'.format(SUPPORTED_DATASETS['year'], test_set, src_language, tgt_language, tgt_language)) - - src_train, tgt_train = train_filenames - src_eval, tgt_eval = valid_filenames - src_test, tgt_test = test_filenames - - extracted_files = [] # list of paths to the extracted files - dataset_tar = download_from_url(SUPPORTED_DATASETS['URL'], root=root, hash_value=SUPPORTED_DATASETS['MD5'], path=os.path.join(root, SUPPORTED_DATASETS['_PATH']), hash_type='md5') - extracted_dataset_tar = extract_archive(dataset_tar) - # IWSLT dataset's url downloads a multilingual tgz. - # We need to take an extra step to pick out the specific language pair from it. - src_language = train_filenames[0].split(".")[-1] - tgt_language = train_filenames[1].split(".")[-1] - - iwslt_tar = os.path.join(root, SUPPORTED_DATASETS['_PATH'].split(".")[0], 'texts/DeEnItNlRo/DeEnItNlRo', 'DeEnItNlRo-DeEnItNlRo.tgz') - extracted_dataset_tar = extract_archive(iwslt_tar) - extracted_files.extend(extracted_dataset_tar) - - # Clean the xml and tag file in the archives - file_archives = [] - for fname in extracted_files: - if 'xml' in fname: - _clean_xml_file(fname) - file_archives.append(os.path.splitext(fname)[0]) - elif "tags" in fname: - _clean_tags_file(fname) - file_archives.append(fname.replace('.tags', '')) - else: - file_archives.append(fname) - - data_filenames = { - "train": _construct_filepaths(file_archives, src_train, tgt_train), - "valid": _construct_filepaths(file_archives, src_eval, tgt_eval), - "test": _construct_filepaths(file_archives, src_test, tgt_test) - } - for key in data_filenames: - if len(data_filenames[key]) == 0 or data_filenames[key] is None: - raise FileNotFoundError( - "Files are not found for data type {}".format(key)) - - src_data_iter = _read_text_iterator(data_filenames[split][0]) - tgt_data_iter = _read_text_iterator(data_filenames[split][1]) - - def _iter(src_data_iter, tgt_data_iter): - for item in zip(src_data_iter, tgt_data_iter): - yield item - - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split][num_lines_set_identifier[split]][tuple(sorted(language_pair))], _iter(src_data_iter, tgt_data_iter)) + format(tgt_language, src_language, SUPPORTED_DATASETS["language_pair"][src_language])) + + file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split = _generate_iwslt_files_for_lang_and_split( + SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set + ) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5" + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + # We create the whole filepath here, but only check for the literal filename in the filter + # because we're lazily extracting from the outer tarfile. Thus, + # /root/2017-01-trnmted/texts/.../DeEnItNlRo-DeEnItNlRo.tgz will never be in + # /root/2017-01-trnmted.tgz/texts/.../DeEnItNlRo-DeEnItNlRo.tgz + inner_iwslt_tar = os.path.join( + root, + os.path.splitext(_PATH)[0], + "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo.tgz" + ) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter( + lambda x: os.path.basename(inner_iwslt_tar) in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + src_filename = file_path_by_lang_and_split[src_language][split] + uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] + + # We create the whole filepath here, but only check for the literal filename in the filter + # because we're lazily extracting from the outer tarfile. + full_src_filepath = os.path.join(root, "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", src_filename) + + cache_inner_src_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_src_filepath, + uncleaned_src_filename) + + tgt_filename = file_path_by_lang_and_split[tgt_language][split] + uncleaned_tgt_filename = uncleaned_filenames_by_lang_and_split[tgt_language][split] + + # We create the whole filepath here, but only check for the literal filename in the filter + # because we're lazily extracting from the outer tarfile. + full_tgt_filepath = os.path.join(root, "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", tgt_filename) + + cache_inner_tgt_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_tgt_filepath, + uncleaned_tgt_filename) + + tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="r") + src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="r") + + src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) + tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) + + return src_lines.zip(tgt_lines) From 448a791bb1e900b3d9d8eb982678b92884319d10 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Tue, 1 Feb 2022 10:37:58 -0800 Subject: [PATCH 117/463] Implement ClipTokenizer that builds on top of GPT2BPETokenizer (#1541) * Implement CLIPEncoder in C++ Add case insensitive flag to CLIP pre tokenization regex Add Python interface Bring back gpt2 Add docstring Update docs * Fix stylecheck --- docs/source/transforms.rst | 13 + test/asset/clip_encoder.json | 1 + test/asset/clip_vocab.bpe | 48895 ++++++++++++++++++++ test/test_transforms.py | 55 + torchtext/csrc/clip_tokenizer.cpp | 137 + torchtext/csrc/clip_tokenizer.h | 42 + torchtext/csrc/gpt2_bpe_tokenizer.cpp | 33 +- torchtext/csrc/gpt2_bpe_tokenizer.h | 31 +- torchtext/csrc/register_pybindings.cpp | 22 + torchtext/csrc/register_torchbindings.cpp | 18 + torchtext/transforms.py | 103 +- 11 files changed, 49330 insertions(+), 20 deletions(-) create mode 100644 test/asset/clip_encoder.json create mode 100644 test/asset/clip_vocab.bpe create mode 100644 torchtext/csrc/clip_tokenizer.cpp create mode 100644 torchtext/csrc/clip_tokenizer.h diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index 41f7d0e92c..3fb1719160 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -16,6 +16,19 @@ SentencePieceTokenizer .. automethod:: forward +GPT2BPETokenizer +---------------------- + +.. autoclass:: GPT2BPETokenizer + + .. automethod:: forward + +CLIPTokenizer +---------------------- + +.. autoclass:: CLIPTokenizer + + .. automethod:: forward VocabTransform -------------- diff --git a/test/asset/clip_encoder.json b/test/asset/clip_encoder.json new file mode 100644 index 0000000000..182766ce89 --- /dev/null +++ b/test/asset/clip_encoder.json @@ -0,0 +1 @@ +{"!":0,"\"":1,"#":2,"$":3,"%":4,"&":5,"'":6,"(":7,")":8,"*":9,"+":10,",":11,"-":12,".":13,"/":14,"0":15,"1":16,"2":17,"3":18,"4":19,"5":20,"6":21,"7":22,"8":23,"9":24,":":25,";":26,"<":27,"=":28,">":29,"?":30,"@":31,"A":32,"B":33,"C":34,"D":35,"E":36,"F":37,"G":38,"H":39,"I":40,"J":41,"K":42,"L":43,"M":44,"N":45,"O":46,"P":47,"Q":48,"R":49,"S":50,"T":51,"U":52,"V":53,"W":54,"X":55,"Y":56,"Z":57,"[":58,"\\":59,"]":60,"^":61,"_":62,"`":63,"a":64,"b":65,"c":66,"d":67,"e":68,"f":69,"g":70,"h":71,"i":72,"j":73,"k":74,"l":75,"m":76,"n":77,"o":78,"p":79,"q":80,"r":81,"s":82,"t":83,"u":84,"v":85,"w":86,"x":87,"y":88,"z":89,"{":90,"|":91,"}":92,"~":93,"¡":94,"¢":95,"£":96,"¤":97,"¥":98,"¦":99,"§":100,"¨":101,"©":102,"ª":103,"«":104,"¬":105,"®":106,"¯":107,"°":108,"±":109,"²":110,"³":111,"´":112,"µ":113,"¶":114,"·":115,"¸":116,"¹":117,"º":118,"»":119,"¼":120,"½":121,"¾":122,"¿":123,"À":124,"Á":125,"Â":126,"Ã":127,"Ä":128,"Å":129,"Æ":130,"Ç":131,"È":132,"É":133,"Ê":134,"Ë":135,"Ì":136,"Í":137,"Î":138,"Ï":139,"Ð":140,"Ñ":141,"Ò":142,"Ó":143,"Ô":144,"Õ":145,"Ö":146,"×":147,"Ø":148,"Ù":149,"Ú":150,"Û":151,"Ü":152,"Ý":153,"Þ":154,"ß":155,"à":156,"á":157,"â":158,"ã":159,"ä":160,"å":161,"æ":162,"ç":163,"è":164,"é":165,"ê":166,"ë":167,"ì":168,"í":169,"î":170,"ï":171,"ð":172,"ñ":173,"ò":174,"ó":175,"ô":176,"õ":177,"ö":178,"÷":179,"ø":180,"ù":181,"ú":182,"û":183,"ü":184,"ý":185,"þ":186,"ÿ":187,"Ā":188,"ā":189,"Ă":190,"ă":191,"Ą":192,"ą":193,"Ć":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ē":207,"Ĕ":208,"ĕ":209,"Ė":210,"ė":211,"Ę":212,"ę":213,"Ě":214,"ě":215,"Ĝ":216,"ĝ":217,"Ğ":218,"ğ":219,"Ġ":220,"ġ":221,"Ģ":222,"ģ":223,"Ĥ":224,"ĥ":225,"Ħ":226,"ħ":227,"Ĩ":228,"ĩ":229,"Ī":230,"ī":231,"Ĭ":232,"ĭ":233,"Į":234,"į":235,"İ":236,"ı":237,"IJ":238,"ij":239,"Ĵ":240,"ĵ":241,"Ķ":242,"ķ":243,"ĸ":244,"Ĺ":245,"ĺ":246,"Ļ":247,"ļ":248,"Ľ":249,"ľ":250,"Ŀ":251,"ŀ":252,"Ł":253,"ł":254,"Ń":255,"!":256,"\"":257,"#":258,"$":259,"%":260,"&":261,"'":262,"(":263,")":264,"*":265,"+":266,",":267,"-":268,".":269,"/":270,"0":271,"1":272,"2":273,"3":274,"4":275,"5":276,"6":277,"7":278,"8":279,"9":280,":":281,";":282,"<":283,"=":284,">":285,"?":286,"@":287,"A":288,"B":289,"C":290,"D":291,"E":292,"F":293,"G":294,"H":295,"I":296,"J":297,"K":298,"L":299,"M":300,"N":301,"O":302,"P":303,"Q":304,"R":305,"S":306,"T":307,"U":308,"V":309,"W":310,"X":311,"Y":312,"Z":313,"[":314,"\\":315,"]":316,"^":317,"_":318,"`":319,"a":320,"b":321,"c":322,"d":323,"e":324,"f":325,"g":326,"h":327,"i":328,"j":329,"k":330,"l":331,"m":332,"n":333,"o":334,"p":335,"q":336,"r":337,"s":338,"t":339,"u":340,"v":341,"w":342,"x":343,"y":344,"z":345,"{":346,"|":347,"}":348,"~":349,"¡":350,"¢":351,"£":352,"¤":353,"¥":354,"¦":355,"§":356,"¨":357,"©":358,"ª":359,"«":360,"¬":361,"®":362,"¯":363,"°":364,"±":365,"²":366,"³":367,"´":368,"µ":369,"¶":370,"·":371,"¸":372,"¹":373,"º":374,"»":375,"¼":376,"½":377,"¾":378,"¿":379,"À":380,"Á":381,"Â":382,"Ã":383,"Ä":384,"Å":385,"Æ":386,"Ç":387,"È":388,"É":389,"Ê":390,"Ë":391,"Ì":392,"Í":393,"Î":394,"Ï":395,"Ð":396,"Ñ":397,"Ò":398,"Ó":399,"Ô":400,"Õ":401,"Ö":402,"×":403,"Ø":404,"Ù":405,"Ú":406,"Û":407,"Ü":408,"Ý":409,"Þ":410,"ß":411,"à":412,"á":413,"â":414,"ã":415,"ä":416,"å":417,"æ":418,"ç":419,"è":420,"é":421,"ê":422,"ë":423,"ì":424,"í":425,"î":426,"ï":427,"ð":428,"ñ":429,"ò":430,"ó":431,"ô":432,"õ":433,"ö":434,"÷":435,"ø":436,"ù":437,"ú":438,"û":439,"ü":440,"ý":441,"þ":442,"ÿ":443,"Ā":444,"ā":445,"Ă":446,"ă":447,"Ą":448,"ą":449,"Ć":450,"ć":451,"Ĉ":452,"ĉ":453,"Ċ":454,"ċ":455,"Č":456,"č":457,"Ď":458,"ď":459,"Đ":460,"đ":461,"Ē":462,"ē":463,"Ĕ":464,"ĕ":465,"Ė":466,"ė":467,"Ę":468,"ę":469,"Ě":470,"ě":471,"Ĝ":472,"ĝ":473,"Ğ":474,"ğ":475,"Ġ":476,"ġ":477,"Ģ":478,"ģ":479,"Ĥ":480,"ĥ":481,"Ħ":482,"ħ":483,"Ĩ":484,"ĩ":485,"Ī":486,"ī":487,"Ĭ":488,"ĭ":489,"Į":490,"į":491,"İ":492,"ı":493,"IJ":494,"ij":495,"Ĵ":496,"ĵ":497,"Ķ":498,"ķ":499,"ĸ":500,"Ĺ":501,"ĺ":502,"Ļ":503,"ļ":504,"Ľ":505,"ľ":506,"Ŀ":507,"ŀ":508,"Ł":509,"ł":510,"Ń":511,"in":512,"th":513,"an":514,"re":515,"ar":516,"er":517,"the":518,"ing":519,"ou":520,"on":521,"st":522,"or":523,"en":524,"on":525,"al":526,"at":527,"er":528,"it":529,"in":530,"to":531,"ro":532,"is":533,"le":534,"ic":535,"at":536,"and":537,"ed":538,"of":539,"ch":540,"or":541,"es":542,"il":543,"el":544,"st":545,"ac":546,"om":547,"am":548,"lo":549,"an":550,"ay":551,"sh":552,"ri":553,"li":554,"ti":555,"for":556,"ne":557,"ðŁ":558,"ra":559,"ha":560,"de":561,"ol":562,"ve":563,"si":564,"ur":565,"al":566,"se":567,"'s":568,"un":569,"di":570,"be":571,"la":572,"wh":573,"oo":574,"day":575,"en":576,"ma":577,"no":578,"le":579,"to":580,"our":581,"ir":582,"gh":583,"wit":584,"it":585,"yo":586,"as":587,"sp":588,"this":589,"ts":590,"ati":591,"you":592,"with":593,"ad":594,"is":595,"ab":596,"ly":597,"we":598,"the":599,"te":600,"as":601,"ag":602,"vi":603,"pp":604,"su":605,"ho":606,"my":607,"..":608,"bu":609,"com":610,"se":611,"ers":612,"me":613,"me":614,"all":615,"con":616,"mo":617,"ke":618,"ge":619,"out":620,"ent":621,"co":622,"fe":623,"ver":624,"ar":625,"fro":626,"au":627,"po":628,"ce":629,"ght":630,"are":631,"ss":632,"from":633,"ch":634,"tr":635,"oun":636,"one":637,"by":638,"do":639,"th":640,"wor":641,"ere":642,"ke":643,"pro":644,"for":645,"ds":646,"bo":647,"ta":648,"we":649,"go":650,"he":651,"ter":652,"ing":653,"de":654,"be":655,"ation":656,"mor":657,"ay":658,"ex":659,"ill":660,"pe":661,"ks":662,"sc":663,"lu":664,"fu":665,"qu":666,"ver":667,"ðŁĺ":668,"ju":669,"mu":670,"ate":671,"and":672,"ve":673,"king":674,"mar":675,"op":676,"hi":677,"...":678,"pre":679,"ad":680,"ru":681,"that":682,"jo":683,"of":684,"ce":685,"new":686,"am":687,"ap":688,"gre":689,"ss":690,"du":691,"now":692,"ye":693,"ting":694,"your":695,"ity":696,"ni":697,"ci":698,"par":699,"gu":700,"fi":701,"af":702,"per":703,"ter":704,"up":705,"so":706,"gi":707,"ons":708,"gr":709,"ge":710,"br":711,"pl":712,"'t":713,"mi":714,"ine":715,"wee":716,"bi":717,"us":718,"sho":719,"have":720,"today":721,"av":722,"man":723,"ent":724,"ack":725,"ure":726,"our":727,"âĢ":728,"cu":729,"ld":730,"loo":731,"im":732,"ice":733,"som":734,"fin":735,"red":736,"ren":737,"ood":738,"was":739,"tion":740,"pi":741,"ir":742,"ther":743,"ty":744,"ph":745,"ard":746,"ec":747,"!!":748,"mon":749,"more":750,"will":751,"tra":752,"can":753,"col":754,"pu":755,"te":756,"wn":757,"mb":758,"so":759,"iti":760,"just":761,"ning":762,"here":763,"tu":764,"pa":765,"pr":766,"but":767,"what":768,"ally":769,"fir":770,"min":771,"ca":772,"ant":773,"sa":774,"ted":775,"ev":776,"ment":777,"fa":778,"get":779,"ame":780,"about":781,"gra":782,"not":783,"happ":784,"ays":785,"man":786,"his":787,"time":788,"like":789,"gh":790,"has":791,"than":792,"love":793,"art":794,"ste":795,"ding":796,"he":797,"cre":798,"ws":799,"wat":800,"der":801,"ite":802,"ser":803,"ace":804,"age":805,"end":806,"str":807,"aw":808,"stor":809,"re":810,"car":811,"ell":812,"all":813,"ps":814,"fri":815,"pho":816,"por":817,"do":818,"ak":819,"wi":820,"fre":821,"who":822,"shi":823,"boo":824,"son":825,"ell":826,"when":827,"ill":828,"how":829,"great":830,"win":831,"el":832,"bl":833,"ssi":834,"ali":835,"some":836,"ðŁĴ":837,"ton":838,"der":839,"les":840,"pla":841,"ï¸":842,"ed":843,"sch":844,"hu":845,"ong":846,"don":847,"ki":848,"sh":849,"ann":850,"cor":851,"..":852,"ound":853,"az":854,"ine":855,"ary":856,"ful":857,"stu":858,"ould":859,"sti":860,"go":861,"see":862,"able":863,"ars":864,"ll":865,"mis":866,"ber":867,"ck":868,"wa":869,"ents":870,"no":871,"sig":872,"fe":873,"first":874,"et":875,"spe":876,"ack":877,"if":878,"ous":879,"'m":880,"ster":881,"app":882,"ang":883,"ance":884,"ans":885,"good":886,"bre":887,"ever":888,"they":889,"tic":890,"come":891,"off":892,"back":893,"ase":894,"ings":895,"old":896,"ight":897,"fo":898,"her":899,"happy":900,"pic":901,"its":902,"ving":903,"us":904,"mat":905,"hom":906,"dy":907,"em":908,"sk":909,"ying":910,"their":911,"led":912,"ry":913,"ul":914,"har":915,"ck":916,"ton":917,"onal":918,"hel":919,"ric":920,"bir":921,"vie":922,"way":923,"tri":924,"da":925,"ple":926,"bro":927,"sto":928,"ool":929,"night":930,"tru":931,"ba":932,"read":933,"res":934,"year":935,"fr":936,"tor":937,"als":938,"coun":939,"cla":940,"ture":941,"vel":942,"ated":943,"lec":944,"end":945,"thing":946,"vo":947,"ici":948,"best":949,"can":950,"work":951,"last":952,"after":953,"ence":954,"pri":955,"pe":956,"es":957,"il":958,"â̦":959,"dre":960,"ys":961,"over":962,"ies":963,"ðŁij":964,"comm":965,"tw":966,"ink":967,"sun":968,"cl":969,"life":970,"tt":971,"ach":972,"land":973,"sy":974,"tre":975,"tal":976,"pol":977,"sm":978,"duc":979,"sal":980,"ft":981,"'re":982,"che":983,"war":984,"tur":985,"ations":986,"ach":987,"ms":988,"ile":989,"pm":990,"ough":991,"ate":992,"star":993,"week":994,"!!!":995,"clu":996,"there":997,"ner":998,"tom":999,"sel":1000,"ï¸ı":1001,"world":1002,"ves":1003,"cam":1004,"got":1005,"inter":1006,"off":1007,"um":1008,"tonight":1009,"other":1010,"hou":1011,"look":1012,"je":1013,"id":1014,"sion":1015,"beau":1016,"att":1017,"eli":1018,"ort":1019,"rec":1020,"ff":1021,"ster":1022,"supp":1023,"gen":1024,"been":1025,"ily":1026,"team":1027,"mm":1028,"ic":1029,"peop":1030,"itt":1031,"ats":1032,"only":1033,"mber":1034,"eng":1035,"bri":1036,"mp":1037,"know":1038,"bur":1039,"bar":1040,"ins":1041,"low":1042,"she":1043,"row":1044,"âĿ":1045,"tro":1046,"people":1047,"via":1048,"low":1049,"aga":1050,"bet":1051,"xt":1052,"fac":1053,"char":1054,"ear":1055,"wal":1056,"sen":1057,"fam":1058,"ble":1059,"nati":1060,"ish":1061,"nor":1062,"game":1063,"live":1064,"sco":1065,"ley":1066,"don":1067,"ick":1068,"ball":1069,"very":1070,"these":1071,"pan":1072,"ia":1073,"ating":1074,"cr":1075,"are":1076,"gir":1077,"make":1078,"stre":1079,"show":1080,".\"":1081,"fl":1082,"up":1083,"dr":1084,"thanks":1085,"illi":1086,"wom":1087,"sts":1088,"ig":1089,"sur":1090,"every":1091,"cur":1092,"view":1093,"let":1094,"into":1095,"most":1096,"na":1097,"indi":1098,"gar":1099,"had":1100,"sou":1101,"ved":1102,"ant":1103,"ition":1104,"made":1105,"fol":1106,"uni":1107,"ited":1108,"ðŁı":1109,"ical":1110,"thr":1111,"ready":1112,"chec":1113,"dra":1114,"kes":1115,"book":1116,"ep":1117,"sic":1118,"morning":1119,"news":1120,"cau":1121,"ct":1122,"well":1123,"anc":1124,"photo":1125,"than":1126,"ors":1127,"birth":1128,"gg":1129,"out":1130,"next":1131,"some":1132,"ening":1133,"story":1134,"chri":1135,"down":1136,"home":1137,"ffe":1138,"free":1139,"da":1140,"bor":1141,"fil":1142,"cial":1143,"thank":1144,"side":1145,"lear":1146,"que":1147,"line":1148,"ten":1149,"ates":1150,"years":1151,"my":1152,"photo":1153,"beauti":1154,"right":1155,"nu":1156,"form":1157,"ship":1158,"ban":1159,"ther":1160,"days":1161,"gam":1162,"ason":1163,"gy":1164,"ðŁİ":1165,"birthday":1166,"set":1167,"ick":1168,"et":1169,"still":1170,"coming":1171,"take":1172,"ðŁĩ":1173,"bb":1174,"sol":1175,"son":1176,"den":1177,"ep":1178,"music":1179,"them":1180,"den":1181,"why":1182,"foo":1183,"cra":1184,"amaz":1185,"wn":1186,"hol":1187,"tting":1188,"wr":1189,"ue":1190,"mag":1191,"cro":1192,"lan":1193,"clo":1194,"bra":1195,"ak":1196,"sing":1197,"cal":1198,"read":1199,"'ve":1200,"joh":1201,"bab":1202,"dri":1203,"blo":1204,"big":1205,"eric":1206,"int":1207,"tor":1208,"try":1209,"la":1210,"leg":1211,"house":1212,"mic":1213,"val":1214,"beautiful":1215,"litt":1216,"check":1217,"new":1218,"vers":1219,"sw":1220,"ari":1221,"play":1222,"her":1223,"âĢĵ":1224,"win":1225,"ma":1226,"congr":1227,"school":1228,"fun":1229,".@":1230,"heal":1231,"ich":1232,"del":1233,"where":1234,"lon":1235,"ket":1236,"two":1237,"much":1238,"watch":1239,"ven":1240,"ded":1241,"ast":1242,"ked":1243,"bas":1244,"going":1245,"mp":1246,"ever":1247,"ways":1248,"roo":1249,"desig":1250,"ly":1251,"sed":1252,"top":1253,"lin":1254,"chan":1255,"too":1256,"iting":1257,"dent":1258,"ghts":1259,"ty":1260,"spo":1261,"need":1262,"blu":1263,"inst":1264,"being":1265,"âĿ¤":1266,"wel":1267,"ls":1268,"him":1269,"may":1270,"sting":1271,"na":1272,"ely":1273,"little":1274,"ga":1275,"nat":1276,"tomor":1277,"mc":1278,"hon":1279,"want":1280,"air":1281,"pic":1282,"americ":1283,"per":1284,"less":1285,"week":1286,"vel":1287,"ah":1288,"cap":1289,"cham":1290,"ger":1291,"tim":1292,"tomorrow":1293,"ness":1294,"state":1295,"hal":1296,"serv":1297,"ze":1298,"os":1299,"pat":1300,"vis":1301,"exc":1302,"sin":1303,"ff":1304,"city":1305,"cen":1306,"any":1307,"bel":1308,"summ":1309,"tin":1310,"would":1311,"looking":1312,"ko":1313,"cele":1314,"family":1315,"mer":1316,"pow":1317,"help":1318,"bus":1319,"co":1320,"cle":1321,"self":1322,"ens":1323,"ics":1324,"tho":1325,"ani":1326,"cho":1327,"lead":1328,"bs":1329,"twee":1330,"think":1331,"fore":1332,"chil":1333,"vide":1334,"did":1335,"ale":1336,"chi":1337,"vil":1338,"ends":1339,"wing":1340,"pas":1341,"'ll":1342,"vol":1343,"sa":1344,"gs":1345,"many":1346,"jec":1347,"before":1348,"graph":1349,"ny":1350,"uring":1351,"wil":1352,"dd":1353,"buil":1354,"fav":1355,"sted":1356,"tran":1357,"ling":1358,"oud":1359,"dge":1360,"fiel":1361,"national":1362,"sta":1363,"cer":1364,"were":1365,"ina":1366,"season":1367,"cou":1368,"ned":1369,"amazing":1370,"tions":1371,"celebr":1372,"ns":1373,"ath":1374,"head":1375,"sday":1376,"dar":1377,"loc":1378,"vin":1379,"another":1380,"goo":1381,"sat":1382,"ny":1383,"join":1384,"pres":1385,"ses":1386,"sing":1387,"ana":1388,"ining":1389,"....":1390,"cour":1391,"ï¸ı":1392,"act":1393,"cause":1394,"light":1395,"ams":1396,"ta":1397,"bal":1398,"fc":1399,"high":1400,"offici":1401,"tt":1402,"christ":1403,"dic":1404,"day":1405,"ral":1406,"hor":1407,":)":1408,"visi":1409,"nam":1410,"ob":1411,"mas":1412,"ght":1413,"really":1414,"tun":1415,"find":1416,"through":1417,"port":1418,"ut":1419,"tive":1420,"sty":1421,"ne":1422,"ore":1423,"ðŁĺĤ":1424,"support":1425,"never":1426,"even":1427,"ðŁĶ":1428,"ha":1429,"ya":1430,"ld":1431,"uk":1432,"ran":1433,"jam":1434,"with":1435,"medi":1436,"des":1437,"ney":1438,"ching":1439,"ale":1440,"hy":1441,"kin":1442,"!!":1443,"dy":1444,"place":1445,"also":1446,"ble":1447,"which":1448,"black":1449,"bli":1450,"say":1451,"park":1452,"play":1453,"ire":1454,"video":1455,"weekend":1456,"ail":1457,"key":1458,"pt":1459,"ward":1460,"friday":1461,"din":1462,"iness":1463,"gro":1464,"ben":1465,"always":1466,"tball":1467,"ago":1468,"mil":1469,"cy":1470,"produc":1471,"disc":1472,"under":1473,"please":1474,"spor":1475,"full":1476,"ey":1477,"ðŁĻ":1478,"ise":1479,"ities":1480,"cat":1481,"kno":1482,"use":1483,"fore":1484,"ker":1485,"art":1486,"high":1487,"open":1488,"san":1489,"ef":1490,"ours":1491,"shed":1492,"stri":1493,"dro":1494,"again":1495,"im":1496,"ðŁĵ":1497,"enjo":1498,"fun":1499,"getting":1500,"pen":1501,"ger":1502,"cli":1503,"any":1504,"every":1505,"eu":1506,"women":1507,"âľ":1508,"est":1509,"could":1510,"ry":1511,"\"@":1512,"thou":1513,"sha":1514,"commun":1515,"ber":1516,"dents":1517,"dis":1518,"while":1519,"away":1520,"dio":1521,"ham":1522,"gla":1523,"date":1524,"ka":1525,"miss":1526,"unch":1527,"won":1528,"inf":1529,"room":1530,"ga":1531,"real":1532,"exper":1533,"direc":1534,"should":1535,"spr":1536,"gol":1537,"long":1538,"better":1539,"ori":1540,"ey":1541,"ience":1542,"ils":1543,"zz":1544,"han":1545,"found":1546,"vs":1547,"âĻ":1548,"post":1549,"tic":1550,"part":1551,"men":1552,"rence":1553,"cess":1554,"vic":1555,"sil":1556,"shop":1557,"ðŁĺĤ":1558,"food":1559,"val":1560,"stic":1561,"you":1562,"says":1563,"elec":1564,"star":1565,"oc":1566,"land":1567,"id":1568,"ction":1569,"field":1570,"sof":1571,"start":1572,"water":1573,"friends":1574,"ones":1575,"ðŁĮ":1576,"fla":1577,"far":1578,"white":1579,"party":1580,"inst":1581,"grou":1582,"tv":1583,"everyone":1584,"ment":1585,"ja":1586,"cha":1587,"prin":1588,"ants":1589,"during":1590,"lat":1591,"lar":1592,"west":1593,"then":1594,"ka":1595,"youn":1596,"insp":1597,"inte":1598,"ween":1599,"visit":1600,"against":1601,"rele":1602,"head":1603,"ces":1604,"town":1605,"looks":1606,"thre":1607,"regi":1608,"rent":1609,"projec":1610,"girl":1611,"sear":1612,"wo":1613,"mom":1614,"car":1615,"hun":1616,"publi":1617,"di":1618,"ple":1619,"call":1620,"cri":1621,"um":1622,"ford":1623,"perfe":1624,"friend":1625,"hard":1626,"ssion":1627,"test":1628,"playing":1629,"around":1630,"because":1631,"kets":1632,"meet":1633,"satur":1634,"arti":1635,"work":1636,"jun":1637,"ven":1638,"run":1639,"member":1640,"port":1641,"super":1642,"twit":1643,"sam":1644,"els":1645,"tly":1646,"adv":1647,"ative":1648,"ath":1649,"sure":1650,"avail":1651,"lar":1652,"squ":1653,"ards":1654,"event":1655,"men":1656,"ll":1657,"over":1658,"logy":1659,"ital":1660,"times":1661,"mal":1662,"back":1663,"coo":1664,"making":1665,"stru":1666,"âģ":1667,"itu":1668,"shar":1669,"gan":1670,"cas":1671,"sn":1672,"summer":1673,"picture":1674,"fan":1675,"hin":1676,"christmas":1677,"cy":1678,"proud":1679,"champi":1680,"design":1681,"pping":1682,"hope":1683,"ca":1684,"available":1685,"may":1686,"wed":1687,"photograph":1688,"special":1689,"sale":1690,"stop":1691,"ery":1692,"awe":1693,"ality":1694,"history":1695,"ama":1696,"presi":1697,"bru":1698,"working":1699,"done":1700,"dr":1701,"ken":1702,"feat":1703,"wood":1704,"atest":1705,"sunday":1706,"movi":1707,"vely":1708,"sle":1709,"face":1710,"spec":1711,"students":1712,"by":1713,"ham":1714,"spon":1715,"business":1716,"dat":1717,"ie":1718,"ip":1719,"soci":1720,"glo":1721,"hand":1722,"recor":1723,"rs":1724,"mee":1725,"keep":1726,"pur":1727,"health":1728,"she":1729,"comple":1730,"god":1731,"davi":1732,"collec":1733,"list":1734,"ra":1735,"club":1736,"ters":1737,"inclu":1738,"things":1739,"plan":1740,"âĺ":1741,"john":1742,"shing":1743,"atul":1744,"soon":1745,"blue":1746,"gor":1747,"saturday":1748,"won":1749,"congratul":1750,"see":1751,"âĿ¤ï¸ı":1752,"those":1753,"ðŁĺį":1754,"final":1755,"dou":1756,"ith":1757,"own":1758,"road":1759,"tour":1760,"ast":1761,"india":1762,"til":1763,"nd":1764,"fer":1765,"favor":1766,"sul":1767,"learn":1768,"fire":1769,"just":1770,"group":1771,"ah":1772,"rac":1773,"body":1774,"ur":1775,"care":1776,"à¸":1777,"plo":1778,"oh":1779,"pos":1780,"give":1781,"tech":1782,"sub":1783,"cent":1784,"ering":1785,"ym":1786,"ility":1787,"fic":1788,"london":1789,"vir":1790,"guys":1791,"ba":1792,"ð٤":1793,"baby":1794,"scre":1795,"ðŁĺį":1796,"trump":1797,"under":1798,"change":1799,"ian":1800,"colle":1801,"sses":1802,"ler":1803,"ssed":1804,"nice":1805,"announ":1806,"power":1807,"sar":1808,"aking":1809,"mini":1810,"sli":1811,"swee":1812,"kar":1813,"ful":1814,"cru":1815,"action":1816,"ather":1817,").":1818,"stand":1819,"devel":1820,"aa":1821,"gan":1822,"left":1823,"lol":1824,"rel":1825,"trans":1826,"ments":1827,"int":1828,"ef":1829,"manag":1830,"dig":1831,"gener":1832,"down":1833,"pau":1834,"tiv":1835,"ku":1836,"thur":1837,"ken":1838,"ston":1839,"fans":1840,"talk":1841,"tweet":1842,"too":1843,"style":1844,"prote":1845,"secon":1846,"fron":1847,"awesome":1848,"gl":1849,"pal":1850,"net":1851,"sor":1852,"lau":1853,"gon":1854,"since":1855,"tty":1856,"series":1857,"memor":1858,"beli":1859,"film":1860,"did":1861,"dies":1862,"ot":1863,"congratulations":1864,"pra":1865,"eve":1866,"woo":1867,"official":1868,"suc":1869,"incre":1870,"bon":1871,"part":1872,"pped":1873,"class":1874,"sive":1875,"boy":1876,"cul":1877,"perfect":1878,"tou":1879,"dam":1880,"welcome":1881,"football":1882,"hi":1883,"pap":1884,"wait":1885,"ada":1886,"congrats":1887,"young":1888,"excited":1889,"rece":1890,"jan":1891,"va":1892,"red":1893,"stra":1894,"media":1895,"'d":1896,"does":1897,"let":1898,"mul":1899,"ills":1900,"green":1901,"mel":1902,"toge":1903,"future":1904,"yester":1905,"versity":1906,"form":1907,"tain":1908,"ide":1909,"ches":1910,"kids":1911,"qui":1912,"haha":1913,"deta":1914,"big":1915,"favorite":1916,"girls":1917,"contin":1918,"dom":1919,"search":1920,"ual":1921,"air":1922,"ders":1923,"month":1924,"cer":1925,"yesterday":1926,"community":1927,"ade":1928,"dog":1929,"ville":1930,"ices":1931,"deli":1932,"syste":1933,"run":1934,"ism":1935,"heart":1936,"cup":1937,"enti":1938,"few":1939,"president":1940,"eds":1941,"until":1942,"festi":1943,"ok":1944,"flo":1945,"said":1946,"ole":1947,"med":1948,"travel":1949,"£":1950,"phone":1951,"together":1952,"fast":1953,"lot":1954,"games":1955,"shir":1956,"between":1957,"yes":1958,"thers":1959,"doing":1960,"mac":1961,"ator":1962,"band":1963,"follow":1964,"project":1965,"develop":1966,"diffe":1967,"confe":1968,"speci":1969,"cast":1970,"ys":1971,"board":1972,"rd":1973,"ial":1974,"shoo":1975,"ram":1976,"having":1977,"share":1978,"follow":1979,"one":1980,"name":1981,"mr":1982,"put":1983,"discu":1984,"ory":1985,"came":1986,"ous":1987,"site":1988,"twitter":1989,"tb":1990,"tit":1991,"finally":1992,"zed":1993,"super":1994,"compan":1995,"using":1996,"alls":1997,"list":1998,"ris":1999,"shot":2000,"gal":2001,"tar":2002,"del":2003,"john":2004,"âĢĶ":2005,"something":2006,"ram":2007,"intere":2008,"whe":2009,"bit":2010,"ðŁį":2011,"street":2012,"ound":2013,"ai":2014,"tickets":2015,"movie":2016,"real":2017,"ky":2018,"taking":2019,"opp":2020,"cc":2021,"lam":2022,"moun":2023,"inve":2024,"black":2025,"used":2026,"online":2027,"yor":2028,"local":2029,"gue":2030,"cks":2031,"ow":2032,"gest":2033,"boys":2034,"illion":2035,"cont":2036,"reci":2037,"ined":2038,"euro":2039,"now":2040,"seen":2041,"ph":2042,"teach":2043,"def":2044,"south":2045,"such":2046,"award":2047,"must":2048,"issu":2049,"care":2050,"feel":2051,"plu":2052,"latest":2053,"sports":2054,"web":2055,"tex":2056,"ement":2057,"sk":2058,"fic":2059,"wan":2060,"tech":2061,"ot":2062,"box":2063,"ner":2064,"free":2065,"tal":2066,"ash":2067,"case":2068,"hot":2069,"wonder":2070,"meeting":2071,"era":2072,"chall":2073,"ðŁIJ":2074,"job":2075,"ili":2076,"cool":2077,"jour":2078,"ths":2079,"mo":2080,"fel":2081,"die":2082,"micha":2083,"ele":2084,"team":2085,"service":2086,"stand":2087,"makes":2088,"ping":2089,"early":2090,"comes":2091,"ek":2092,"holi":2093,"vers":2094,"ague":2095,"sau":2096,"three":2097,"monday":2098,"fashi":2099,"someone":2100,"thro":2101,"sea":2102,"bad":2103,"suppor":2104,"turn":2105,"ury":2106,"ming":2107,"photography":2108,"nic":2109,"mark":2110,"pretty":2111,"ssing":2112,"watching":2113,"memb":2114,"arri":2115,"county":2116,"beach":2117,"fran":2118,"center":2119,"police":2120,"bat":2121,"public":2122,"tan":2123,"press":2124,"saf":2125,"sy":2126,"gets":2127,"roy":2128,"ners":2129,"your":2130,"buy":2131,"sters":2132,"show":2133,"ased":2134,"childre":2135,"afric":2136,"ines":2137,"space":2138,"scri":2139,"hall":2140,"pain":2141,"aring":2142,"home":2143,"mur":2144,"health":2145,"ched":2146,"sand":2147,"recei":2148,"guy":2149,"ea":2150,"american":2151,"resi":2152,"children":2153,"--":2154,"iri":2155,"ington":2156,"country":2157,"ross":2158,"len":2159,"anna":2160,"books":2161,"bc":2162,"ece":2163,"dom":2164,"lovely":2165,"kh":2166,"pet":2167,"gy":2168,"gri":2169,"stage":2170,"office":2171,"rock":2172,"mon":2173,"bay":2174,"table":2175,"sun":2176,"med":2177,"thin":2178,"lor":2179,"flow":2180,"(@":2181,"university":2182,"store":2183,"front":2184,"good":2185,"za":2186,"vote":2187,"north":2188,"hey":2189,"anim":2190,"order":2191,"mid":2192,"without":2193,"ade":2194,"remember":2195,"market":2196,"??":2197,"mus":2198,"training":2199,"educ":2200,"but":2201,"cover":2202,"stan":2203,"scen":2204,"bla":2205,"break":2206,"lou":2207,"same":2208,"gold":2209,"ain":2210,"os":2211,"both":2212,"lit":2213,"vern":2214,"ai":2215,"albu":2216,"pa":2217,"enjoy":2218,"beg":2219,"elling":2220,"thursday":2221,"info":2222,"san":2223,"america":2224,"hair":2225,"tel":2226,"march":2227,"concer":2228,"college":2229,"conference":2230,"app":2231,"hour":2232,"chang":2233,"âļ":2234,"sour":2235,"ols":2236,"weather":2237,"war":2238,"phi":2239,"festival":2240,"second":2241,"cute":2242,"prac":2243,"ener":2244,"stry":2245,"lea":2246,"polit":2247,"sav":2248,"sen":2249,"ow":2250,"mi":2251,"near":2252,"ought":2253,"ze":2254,"coffe":2255,"willi":2256,"dan":2257,"sey":2258,"david":2259,"ese":2260,"fan":2261,"deci":2262,"theat":2263,"nov":2264,"ation":2265,"trac":2266,"sci":2267,"review":2268,"cel":2269,"em":2270,"un":2271,"july":2272,"orig":2273,"tion":2274,"dru":2275,"former":2276,"stay":2277,"after":2278,"inv":2279,"took":2280,"data":2281,"bal":2282,"tues":2283,"dan":2284,"evening":2285,"ðŁĺĤðŁĺĤ":2286,"dol":2287,"ures":2288,"provi":2289,"ts":2290,"est":2291,"sign":2292,"jac":2293,"uk":2294,"song":2295,"yet":2296,"bow":2297,"indu":2298,"jap":2299,"hoo":2300,"point":2301,"anyone":2302,"zy":2303,"ist":2304,"hur":2305,"ital":2306,"building":2307,"woman":2308,"chur":2309,"jer":2310,"perfor":2311,"coach":2312,"league":2313,"cess":2314,"net":2315,"imag":2316,"nation":2317,"brit":2318,"que":2319,"awards":2320,"ages":2321,"works":2322,"ced":2323,"mance":2324,"late":2325,"ign":2326,"money":2327,"true":2328,"ii":2329,"tell":2330,"plac":2331,"pac":2332,"asy":2333,"world":2334,"behin":2335,"import":2336,"reading":2337,"gram":2338,"giving":2339,"met":2340,"hit":2341,"forward":2342,"stom":2343,"present":2344,"june":2345,"social":2346,"noon":2347,"mart":2348,"half":2349,"swe":2350,"govern":2351,"ker":2352,"details":2353,"lish":2354,"__":2355,"acy":2356,"sia":2357,"bert":2358,"fall":2359,"!!!!":2360,"),":2361,"thi":2362,"diti":2363,"sport":2364,"king":2365,"fit":2366,"staf":2367,"cat":2368,"muse":2369,"centr":2370,"yer":2371,"contro":2372,"bloo":2373,"walk":2374,"actu":2375,"didn":2376,"lim":2377,"learning":2378,"research":2379,"wedne":2380,"auth":2381,"hours":2382,"ky":2383,"far":2384,"hen":2385,"....":2386,"itch":2387,"ril":2388,"strong":2389,"sky":2390,"questi":2391,"james":2392,"ron":2393,"dg":2394,"fur":2395,"cin":2396,"does":2397,"appro":2398,"marke":2399,"tures":2400,"fully":2401,"chat":2402,"behind":2403,"tem":2404,"fini":2405,"mission":2406,"batt":2407,"feel":2408,"heav":2409,"everything":2410,"bar":2411,"wish":2412,"premi":2413,"ima":2414,"experience":2415,"each":2416,"report":2417,"sweet":2418,"tics":2419,"spring":2420,"respon":2421,"system":2422,"victor":2423,"lin":2424,"saw":2425,"already":2426,"ghter":2427,"fle":2428,"ãĥ":2429,"bring":2430,"album":2431,"--":2432,"ells":2433,"stan":2434,"tom":2435,"international":2436,"went":2437,"anni":2438,"match":2439,"pper":2440,"stone":2441,"small":2442,"rain":2443,"fashion":2444,"area":2445,"van":2446,"agram":2447,"ko":2448,"thought":2449,"worth":2450,"van":2451,"mer":2452,"coffee":2453,"ites":2454,"gn":2455,"artist":2456,"con":2457,"arch":2458,"cir":2459,"secre":2460,"ground":2461,"iso":2462,"hand":2463,"com":2464,"bridge":2465,"hs":2466,"xi":2467,"link":2468,"pul":2469,"spl":2470,"race":2471,"fli":2472,"river":2473,"gas":2474,"disco":2475,"dal":2476,"player":2477,"fit":2478,"photos":2479,"ity":2480,"ok":2481,"jor":2482,"tra":2483,"april":2484,"ads":2485,"adi":2486,"solu":2487,"beauty":2488,"door":2489,"mess":2490,"update":2491,"alia":2492,"scho":2493,"ened":2494,"moment":2495,"scot":2496,"science":2497,"ior":2498,"ties":2499,"across":2500,"ously":2501,"shes":2502,"doesn":2503,"page":2504,"water":2505,"million":2506,"classi":2507,"lic":2508,"cast":2509,"formation":2510,"michael":2511,"ello":2512,"smo":2513,"ints":2514,"vision":2515,"opening":2516,"ldn":2517,"austr":2518,"tuesday":2519,"winner":2520,"possi":2521,"round":2522,"shirt":2523,"dit":2524,"bo":2525,"ues":2526,"illed":2527,"along":2528,"trip":2529,"starting":2530,"impro":2531,"kan":2532,"person":2533,"not":2534,"reco":2535,"needs":2536,"cle":2537,"lie":2538,"rest":2539,"ring":2540,"winter":2541,"simp":2542,"mom":2543,"beer":2544,"face":2545,"tors":2546,"usa":2547,"collection":2548,"geor":2549,"session":2550,"trying":2551,"las":2552,"lake":2553,"jen":2554,"origin":2555,"student":2556,"secur":2557,"vin":2558,"pics":2559,"expe":2560,"comp":2561,"gonna":2562,"equ":2563,"bad":2564,"ley":2565,"au":2566,"members":2567,"break":2568,"wall":2569,"gic":2570,"dinner":2571,"bul":2572,"inspir":2573,"ri":2574,"mind":2575,"ica":2576,"winning":2577,"talking":2578,"tren":2579,"sis":2580,"ten":2581,"wonderful":2582,"snow":2583,"hear":2584,"thom":2585,"nothing":2586,"gui":2587,"stin":2588,"blog":2589,"fest":2590,"bun":2591,"lee":2592,"wards":2593,"chance":2594,"dress":2595,"ren":2596,"paul":2597,"pes":2598,"techno":2599,"russi":2600,"card":2601,"east":2602,"mari":2603,"wine":2604,"ti":2605,"law":2606,"stric":2607,"ki":2608,"ape":2609,"augu":2610,"profe":2611,"ash":2612,"course":2613,"mail":2614,"rently":2615,"dun":2616,"mun":2617,"love":2618,"island":2619,"drive":2620,"sl":2621,"ended":2622,"main":2623,"lost":2624,"nature":2625,"âĿ¤ï¸ı":2626,"chic":2627,"repor":2628,"pin":2629,"pro":2630,"station":2631,"cep":2632,"takes":2633,"company":2634,"goes":2635,"ond":2636,"mach":2637,"radio":2638,"dad":2639,"rock":2640,"ja":2641,"pay":2642,"champion":2643,"ee":2644,"inde":2645,"tta":2646,"atic":2647,"tab":2648,"believe":2649,"energy":2650,"zi":2651,"tat":2652,"word":2653,"once":2654,"resul":2655,"yl":2656,"andre":2657,"ano":2658,"instagram":2659,"close":2660,"tam":2661,"custom":2662,"wa":2663,"conom":2664,"shows":2665,"life":2666,"kin":2667,"rob":2668,"tage":2669,"nation":2670,"almost":2671,"listen":2672,"save":2673,"reli":2674,"ace":2675,"mary":2676,"tree":2677,"forget":2678,"jack":2679,"waiting":2680,"director":2681,"hill":2682,"born":2683,"temp":2684,"fl":2685,"ste":2686,"ona":2687,"single":2688,"wednesday":2689,"united":2690,"ino":2691,"@_":2692,"nel":2693,"celebrate":2694,"ending":2695,"deal":2696,"ji":2697,"canada":2698,"huge":2699,"track":2700,"âĢ¢":2701,"fy":2702,"fanta":2703,"ang":2704,"york":2705,"release":2706,"pun":2707,"episo":2708,"words":2709,"tour":2710,"pack":2711,"igh":2712,"classic":2713,"performance":2714,"ket":2715,"afternoon":2716,"record":2717,"wins":2718,"proble":2719,"âĿ¤":2720,"four":2721,"bed":2722,"bank":2723,"dance":2724,"sla":2725,"called":2726,"might":2727,"ap":2728,"past":2729,"ðŁļ":2730,"different":2731,"ite":2732,"gift":2733,"ssive":2734,"church":2735,"cus":2736,"program":2737,"hotel":2738,"ice":2739,"mad":2740,"security":2741,"enge":2742,"dc":2743,"enough":2744,"sta":2745,"ety":2746,"dead":2747,"gun":2748,"hear":2749,"mir":2750,"human":2751,"gress":2752,"ounds":2753,"piece":2754,"breaking":2755,"garden":2756,"fight":2757,"views":2758,"fish":2759,"started":2760,"running":2761,"green":2762,"seri":2763,"sm":2764,"ask":2765,"dor":2766,"death":2767,"econom":2768,"eri":2769,"ird":2770,"ser":2771,"lunch":2772,"âģ¦":2773,"box":2774,"natu":2775,"base":2776,"ban":2777,"fal":2778,"global":2779,"wild":2780,"wow":2781,"outside":2782,"move":2783,"lead":2784,"anal":2785,"museum":2786,"ong":2787,"haw":2788,"power":2789,"thank":2790,"bac":2791,"charac":2792,"campa":2793,"digital":2794,"ro":2795,"oper":2796,"dev":2797,"wol":2798,"pati":2799,"fa":2800,"male":2801,"paper":2802,"illing":2803,"cs":2804,"âĥ":2805,"education":2806,"taken":2807,"effe":2808,"mou":2809,"sad":2810,"\".":2811,"based":2812,"staff":2813,"including":2814,"living":2815,"ac":2816,"china":2817,"mob":2818,"storm":2819,"luck":2820,"phil":2821,"oo":2822,"yn":2823,"travel":2824,"kel":2825,"tial":2826,"price":2827,"book":2828,"important":2829,"bio":2830,"pool":2831,"nyc":2832,"fab":2833,"load":2834,"?!":2835,"challenge":2836,"cry":2837,"serve":2838,"wear":2839,"bus":2840,"tain":2841,"number":2842,"ror":2843,"kat":2844,"iz":2845,"though":2846,"hosp":2847,"mm":2848,"fair":2849,"utes":2850,"hot":2851,"pop":2852,"fied":2853,"camp":2854,"development":2855,"libr":2856,"cali":2857,"ems":2858,"âģ¦@":2859,"bol":2860,"ised":2861,"standing":2862,"model":2863,"ita":2864,"gle":2865,"brown":2866,"image":2867,"vered":2868,"force":2869,"oil":2870,"partic":2871,"shu":2872,"daily":2873,"law":2874,"sec":2875,"class":2876,"camp":2877,"holiday":2878,"clin":2879,"kers":2880,"present":2881,"game":2882,"incredi":2883,"ership":2884,"interview":2885,"bill":2886,"due":2887,"andy":2888,"abo":2889,"innov":2890,"key":2891,"acade":2892,"pil":2893,"moder":2894,"stars":2895,"brand":2896,"fer":2897,"weeks":2898,"consi":2899,"pre":2900,"safe":2901,"writ":2902,"dium":2903,"launch":2904,"marketing":2905,"annual":2906,"assi":2907,"court":2908,"lady":2909,"cted":2910,"anda":2911,"inside":2912,"child":2913,"oppor":2914,"smith":2915,"centre":2916,"gue":2917,"âģ©":2918,"fren":2919,"sty":2920,"fort":2921,"ently":2922,"isn":2923,"keep":2924,"tober":2925,"ony":2926,"boy":2927,"ald":2928,"colla":2929,"demo":2930,"level":2931,"compet":2932,"ado":2933,"bour":2934,"fantastic":2935,"mate":2936,"su":2937,"south":2938,"opportun":2939,"versary":2940,"later":2941,"bud":2942,"facebook":2943,"laun":2944,"stern":2945,"pit":2946,"!\"":2947,"maj":2948,"gram":2949,"tbt":2950,"fire":2951,"happy":2952,"aks":2953,"whole":2954,"actually":2955,"iller":2956,"ella":2957,"lots":2958,"alex":2959,"ange":2960,"lands":2961,"ðŁĺŃ":2962,"enter":2963,"rou":2964,"episode":2965,"ped":2966,"inten":2967,"shire":2968,"who":2969,"plan":2970,"ho":2971,"cake":2972,"west":2973,"magaz":2974,"fresh":2975,"cc":2976,"nar":2977,"chris":2978,"writing":2979,"wer":2980,"nom":2981,"lo":2982,"midd":2983,"dream":2984,"ol":2985,"tional":2986,"deb":2987,">>":2988,"become":2989,"si":2990,"grand":2991,"alling":2992,"histor":2993,"ride":2994,"ired":2995,"safe":2996,"queen":2997,"cil":2998,"intro":2999,"vil":3000,"dani":3001,"...":3002,"artic":3003,"stat":3004,"short":3005,"oring":3006,"selfi":3007,"missi":3008,"doc":3009,"bit":3010,"gall":3011,"bom":3012,"ire":3013,"selec":3014,"dition":3015,"ðŁĶ¥":3016,"friend":3017,"beat":3018,"ghting":3019,"ðŁĺĬ":3020,"peace":3021,"exhi":3022,"anta":3023,"ability":3024,"illu":3025,"jon":3026,"quality":3027,"tribu":3028,"mes":3029,"players":3030,"fair":3031,"cut":3032,"cab":3033,"success":3034,"bi":3035,"sus":3036,"promo":3037,"sche":3038,"ange":3039,"ico":3040,"commit":3041,"catch":3042,"illa":3043,"kind":3044,"feeling":3045,"quo":3046,"say":3047,"anniversary":3048,"spot":3049,"mother":3050,"ane":3051,"pend":3052,"yourself":3053,"ops":3054,"apple":3055,"minutes":3056,"po":3057,"grand":3058,"ries":3059,"haha":3060,"career":3061,"edition":3062,"dec":3063,"rick":3064,"ami":3065,"concert":3066,"itive":3067,"geous":3068,"dly":3069,"tte":3070,"advent":3071,"ig":3072,"lights":3073,"aker":3074,"sky":3075,"âĥ£":3076,"ray":3077,"finished":3078,"way":3079,"sd":3080,"accoun":3081,"ðŁĴķ":3082,"cky":3083,"chel":3084,"liter":3085,"painting":3086,"los":3087,"stun":3088,"technology":3089,"nas":3090,"mar":3091,"bil":3092,"africa":3093,"kie":3094,"eyes":3095,"golf":3096,"plus":3097,"nia":3098,"itec":3099,"services":3100,"wedding":3101,"known":3102,"tele":3103,".....":3104,"starts":3105,"paren":3106,"wants":3107,"ational":3108,"months":3109,"windo":3110,"favour":3111,"ert":3112,"magazine":3113,"exclu":3114,"reve":3115,"bc":3116,"original":3117,"ess":3118,"nal":3119,"anti":3120,"stro":3121,"tice":3122,"study":3123,"à¤":3124,"vac":3125,"national":3126,"five":3127,"rain":3128,"vement":3129,"ute":3130,"verse":3131,"emer":3132,"army":3133,"possible":3134,"guess":3135,"valley":3136,"thern":3137,"crow":3138,"mr":3139,"color":3140,"onto":3141,"pick":3142,"clear":3143,"dark":3144,"tac":3145,"wanted":3146,"itting":3147,"cancer":3148,"government":3149,"die":3150,"rise":3151,"zing":3152,"cold":3153,"foun":3154,"studio":3155,"stration":3156,"brother":3157,"ahead":3158,"shel":3159,"micro":3160,"ically":3161,"dau":3162,"signed":3163,"viol":3164,"ax":3165,"asse":3166,"io":3167,"wre":3168,"splay":3169,"chick":3170,"august":3171,"plat":3172,"tips":3173,"spi":3174,"human":3175,"easy":3176,"logi":3177,"mike":3178,"grow":3179,"agre":3180,"ww":3181,"shad":3182,"motiv":3183,"wide":3184,"turns":3185,"omg":3186,"var":3187,"defin":3188,"sug":3189,"jim":3190,"ðŁĶ¥":3191,"td":3192,"campaign":3193,"named":3194,"retweet":3195,"cop":3196,"tv":3197,"leav":3198,"kis":3199,"double":3200,"smar":3201,"issue":3202,"villa":3203,"information":3204,"lies":3205,"stock":3206,"nt":3207,"distric":3208,"shor":3209,"mix":3210,"ero":3211,"sep":3212,"mex":3213,"seeing":3214,"live":3215,"remin":3216,"code":3217,"gur":3218,"sc":3219,"wild":3220,"lun":3221,"hood":3222,"spot":3223,"father":3224,"forever":3225,"upd":3226,"traf":3227,"fly":3228,"need":3229,"gradu":3230,"train":3231,"make":3232,"sab":3233,"bey":3234,"size":3235,"leader":3236,"talks":3237,"eu":3238,"log":3239,"fox":3240,"gorgeous":3241,"less":3242,"lets":3243,"surpri":3244,"myself":3245,"note":3246,"lives":3247,"fru":3248,"loved":3249,"sever":3250,"dem":3251,"ji":3252,"soc":3253,"hold":3254,"dogs":3255,"ni":3256,"âŀ":3257,"leave":3258,"airport":3259,"benef":3260,"expl":3261,"ships":3262,"complete":3263,"achi":3264,"great":3265,"vintage":3266,"jack":3267,"roc":3268,"wood":3269,"priv":3270,"offer":3271,"eye":3272,"version":3273,"tea":3274,"coach":3275,"offic":3276,"well":3277,"gen":3278,"sat":3279,"hh":3280,"youth":3281,"ox":3282,"?\"":3283,"mt":3284,"mix":3285,"gg":3286,"dle":3287,"natural":3288,"build":3289,"breakfast":3290,"thinking":3291,"theatre":3292,"moon":3293,"berg":3294,"goals":3295,"george":3296,"ene":3297,"excell":3298,"iling":3299,"tune":3300,"yed":3301,"gate":3302,"mit":3303,"network":3304,"joe":3305,"hello":3306,"fb":3307,"tube":3308,"wearing":3309,"athle":3310,"struc":3311,"hard":3312,"glass":3313,"gers":3314,"throw":3315,"ges":3316,"bt":3317,"industry":3318,"management":3319,"alist":3320,"goal":3321,"stream":3322,"yel":3323,"avi":3324,"icious":3325,"others":3326,"ski":3327,"christi":3328,"bird":3329,"esc":3330,"min":3331,"tro":3332,"lt":3333,"jan":3334,"imp":3335,"rights":3336,"sha":3337,"organ":3338,"central":3339,"ara":3340,"roll":3341,"favourite":3342,"chester":3343,"else":3344,"pay":3345,"cars":3346,"mine":3347,"step":3348,"practice":3349,"major":3350,"hang":3351,"ðŁĺĺ":3352,"non":3353,"vari":3354,"engine":3355,"volun":3356,"dia":3357,"iled":3358,"architec":3359,"pink":3360,"ds":3361,"thy":3362,"wash":3363,"website":3364,"bag":3365,"control":3366,"elli":3367,"fra":3368,"answ":3369,"dence":3370,"yu":3371,"ron":3372,"ola":3373,"gin":3374,"drin":3375,"lic":3376,"couple":3377,"spar":3378,"gon":3379,"create":3380,"ct":3381,"celebrating":3382,"deep":3383,"eat":3384,"tee":3385,"voice":3386,"drop":3387,"visit":3388,"ators":3389,"stadium":3390,"ft":3391,"wis":3392,"rol":3393,"grade":3394,"famil":3395,"points":3396,"repre":3397,"was":3398,"traffic":3399,"japan":3400,"org":3401,"honor":3402,"texas":3403,"manu":3404,"âĻ¥":3405,"safety":3406,"rer":3407,"bag":3408,"emplo":3409,"released":3410,"regu":3411,"aka":3412,"nav":3413,"role":3414,"senior":3415,"spect":3416,"cross":3417,"lines":3418,"best":3419,"pack":3420,"sin":3421,"tie":3422,"missing":3423,"sunset":3424,"liber":3425,"ising":3426,"jay":3427,"ski":3428,"championship":3429,"activ":3430,"ladies":3431,"played":3432,"yy":3433,"publ":3434,"alo":3435,"pride":3436,"sr":3437,"paki":3438,"lux":3439,"survi":3440,"cked":3441,"ets":3442,"chocol":3443,"australia":3444,"paris":3445,"miles":3446,"hat":3447,"mental":3448,"ala":3449,"mean":3450,"mobile":3451,"ena":3452,"insi":3453,"found":3454,"chief":3455,"tag":3456,"incredible":3457,"return":3458,"é":3459,"google":3460,"french":3461,"crew":3462,"hallo":3463,"alian":3464,"jaz":3465,"cher":3466,"silver":3467,"north":3468,"english":3469,"baseball":3470,"caf":3471,"limited":3472,"following":3473,"appreci":3474,"earth":3475,"kir":3476,"vember":3477,"wed":3478,"ption":3479,"ged":3480,"october":3481,"flori":3482,"cr":3483,"ency":3484,"gave":3485,"lord":3486,"stuff":3487,"berry":3488,"post":3489,"smile":3490,"broad":3491,"state":3492,"gger":3493,"means":3494,"icy":3495,"gun":3496,"yo":3497,"master":3498,"burg":3499,"hands":3500,"nie":3501,"//":3502,"union":3503,"british":3504,"biggest":3505,"district":3506,"aming":3507,"hil":3508,"oce":3509,"person":3510,"pass":3511,"envir":3512,"schools":3513,"arrived":3514,"ances":3515,"inspired":3516,"expla":3517,"ben":3518,"library":3519,"bott":3520,"amp":3521,"steph":3522,"contact":3523,"bang":3524,"ms":3525,"califor":3526,"told":3527,"battle":3528,"bb":3529,"chicago":3530,"⾨":3531,"strate":3532,"shi":3533,"dece":3534,"-)":3535,"add":3536,"lab":3537,"jones":3538,"legend":3539,"castle":3540,"inger":3541,"stance":3542,"bel":3543,"ura":3544,"refu":3545,"leaders":3546,"pot":3547,"sex":3548,"hic":3549,"article":3550,"kid":3551,"france":3552,"xx":3553,"exe":3554,"guide":3555,"volunte":3556,"print":3557,"ali":3558,"ceo":3559,"tweets":3560,"wx":3561,"scene":3562,"volu":3563,"anti":3564,"han":3565,"associ":3566,"sharing":3567,"rose":3568,"minister":3569,"sher":3570,"inste":3571,"clean":3572,"democr":3573,"poster":3574,"skin":3575,"psy":3576,"proper":3577,"crazy":3578,"iam":3579,"ore":3580,"ini":3581,"anything":3582,"pod":3583,"moving":3584,"click":3585,"explo":3586,"comb":3587,"craft":3588,"fi":3589,"blood":3590,"isra":3591,"public":3592,"dent":3593,"olym":3594,"england":3595,"asi":3596,"cher":3597,"fact":3598,"environ":3599,"harry":3600,"gone":3601,"medic":3602,"enjoying":3603,"justice":3604,"jr":3605,"indian":3606,"wife":3607,"sound":3608,"tes":3609,"drawing":3610,"pal":3611,"idea":3612,"crit":3613,"juli":3614,"iler":3615,"warm":3616,"clar":3617,"thoughts":3618,"defen":3619,"council":3620,"introduc":3621,"died":3622,"janu":3623,"ani":3624,"send":3625,"lier":3626,"ml":3627,"interesting":3628,"trade":3629,"wind":3630,"bay":3631,"sac":3632,"ancy":3633,"source":3634,"bes":3635,"organi":3636,"arly":3637,"large":3638,"ffici":3639,"tag":3640,"ut":3641,"desp":3642,"oes":3643,"title":3644,"sym":3645,"pictures":3646,"open":3647,"women":3648,"showing":3649,"ria":3650,"least":3651,"leadership":3652,"current":3653,"electr":3654,"valent":3655,"listening":3656,"ckey":3657,"general":3658,"deser":3659,"duce":3660,";)":3661,"cent":3662,"ðŁĺįðŁĺį":3663,"scott":3664,"poor":3665,"selfie":3666,"events":3667,"ion":3668,"wrong":3669,"dev":3670,"hill":3671,"septe":3672,"culture":3673,"line":3674,"sorry":3675,"sent":3676,"sister":3677,"cept":3678,"kri":3679,"november":3680,"ari":3681,"announce":3682,"zation":3683,"bran":3684,"gent":3685,"du":3686,"len":3687,"pers":3688,"fm":3689,"martin":3690,"op":3691,"emb":3692,"ome":3693,"middle":3694,"success":3695,"peter":3696,"january":3697,"flu":3698,"racing":3699,"dav":3700,"bike":3701,"ðŁı»":3702,"pet":3703,"shoot":3704,"professi":3705,"featuring":3706,"september":3707,"nowplaying":3708,"staur":3709,"za":3710,"onic":3711,"quick":3712,"baske":3713,"speaking":3714,"milit":3715,"zer":3716,"chicken":3717,"bell":3718,"sad":3719,"coast":3720,"loving":3721,"yers":3722,"dj":3723,"panel":3724,"verage":3725,"swit":3726,"icks":3727,"bou":3728,"california":3729,"sam":3730,"parents":3731,"ero":3732,"killed":3733,"phys":3734,"jobs":3735,"migr":3736,"anth":3737,"emo":3738,"halloween":3739,"ander":3740,"cm":3741,"competition":3742,"eag":3743,"sket":3744,"spir":3745,"maybe":3746,"exclusive":3747,"appe":3748,"journey":3749,"screen":3750,"ford":3751,"io":3752,"hate":3753,"ug":3754,"soul":3755,"hero":3756,"society":3757,"syn":3758,"guit":3759,"nh":3760,"dj":3761,"ases":3762,"impre":3763,"time":3764,"sales":3765,"dd":3766,"fts":3767,"summit":3768,"stunning":3769,"oms":3770,"turned":3771,"clean":3772,"soft":3773,"beat":3774,"restaur":3775,"dered":3776,"ences":3777,"magic":3778,"dio":3779,"shine":3780,"guest":3781,"healthy":3782,"exhib":3783,"stories":3784,"popu":3785,"nis":3786,"ela":3787,"below":3788,"funny":3789,"results":3790,"sne":3791,"currently":3792,"ard":3793,"download":3794,"flight":3795,"mal":3796,"fine":3797,"pad":3798,"chu":3799,"ented":3800,"hat":3801,"ðŁijı":3802,"steve":3803,"jo":3804,"mark":3805,"rat":3806,"ball":3807,"pc":3808,"pon":3809,"bby":3810,"oli":3811,"arts":3812,"asure":3813,"bowl":3814,"attack":3815,"mic":3816,"dear":3817,"range":3818,"enter":3819,"chocolate":3820,"brilli":3821,"access":3822,",\"":3823,"???":3824,"chap":3825,"const":3826,"tn":3827,"matter":3828,"blue":3829,"gallery":3830,"emp":3831,"workshop":3832,"leading":3833,"yours":3834,"basketball":3835,"wanna":3836,"thu":3837,"__":3838,"marri":3839,"sleep":3840,"bia":3841,"che":3842,"mad":3843,"impact":3844,"own":3845,"sir":3846,"channel":3847,"europe":3848,"esp":3849,"kitch":3850,"hospital":3851,"wra":3852,"royal":3853,"fs":3854,"neu":3855,"quar":3856,"ney":3857,"acks":3858,"chase":3859,"ppy":3860,"stal":3861,"ately":3862,"tim":3863,"december":3864,"rare":3865,"perform":3866,"cream":3867,"weight":3868,"choo":3869,"night":3870,"haven":3871,"franc":3872,"khan":3873,"built":3874,"helping":3875,"trust":3876,"type":3877,"golden":3878,"tax":3879,"snow":3880,"swi":3881,"disa":3882,"questions":3883,"vey":3884,"light":3885,"cn":3886,"cloud":3887,"thomas":3888,"aged":3889,"shou":3890,"teams":3891,"gran":3892,"reason":3893,"aa":3894,"youtube":3895,"vp":3896,"pizz":3897,"manager":3898,"bury":3899,"credit":3900,"treat":3901,"max":3902,"ik":3903,"main":3904,"ging":3905,"dead":3906,"probab":3907,"yeah":3908,"ãĤ":3909,"brand":3910,"soli":3911,"plant":3912,"tayl":3913,"girl":3914,"ðŁĺŃ":3915,"nament":3916,"auto":3917,"message":3918,"kore":3919,"nur":3920,"terr":3921,"agu":3922,"map":3923,"senting":3924,"loves":3925,"gives":3926,"gab":3927,"zen":3928,"robert":3929,"confir":3930,"wars":3931,"om":3932,"stain":3933,"camera":3934,"ander":3935,"wonder":3936,"ab":3937,"cap":3938,"sold":3939,"suit":3940,"walking":3941,"continue":3942,"effec":3943,"daughter":3944,"danc":3945,"chain":3946,"multi":3947,"kid":3948,"yan":3949,"champion":3950,"vo":3951,"tains":3952,"host":3953,"mini":3954,"missed":3955,"resc":3956,"lyn":3957,"finish":3958,"delicious":3959,"sas":3960,"taylor":3961,"ib":3962,"promis":3963,"products":3964,"mountain":3965,"florida":3966,"register":3967,"treat":3968,"recent":3969,"female":3970,"booth":3971,"matt":3972,"vehic":3973,"sop":3974,"motor":3975,"supporting":3976,"phic":3977,"extre":3978,"drink":3979,"lane":3980,"third":3981,"ps":3982,"constru":3983,"cere":3984,"farm":3985,"ðŁİī":3986,"tured":3987,"ðŁijī":3988,"cats":3989,"aj":3990,"gie":3991,"shooting":3992,"asked":3993,"pakistan":3994,"ame":3995,"mb":3996,"gil":3997,"legal":3998,"square":3999,"invol":4000,"draw":4001,"oooo":4002,"!!!!":4003,"opportunity":4004,"py":4005,"ei":4006,"bts":4007,"teacher":4008,"character":4009,"johnson":4010,"bron":4011,"lywood":4012,"chine":4013,"cing":4014,"cine":4015,"dge":4016,"gaming":4017,"russia":4018,"cia":4019,"quote":4020,"rich":4021,"gov":4022,"flowers":4023,"spiri":4024,"stin":4025,"growth":4026,"ðŁı¼":4027,"commer":4028,"juni":4029,"mum":4030,"ran":4031,"sna":4032,"aren":4033,"cb":4034,"actor":4035,"color":4036,"sit":4037,"pair":4038,"chi":4039,"bow":4040,"academy":4041,"held":4042,"rang":4043,"metal":4044,"yl":4045,"active":4046,"probably":4047,"tch":4048,"needed":4049,"spee":4050,"choice":4051,"italy":4052,"ryan":4053,"ðŁĩº":4054,"flower":4055,"vit":4056,"mn":4057,"foundation":4058,"bak":4059,"sions":4060,"neigh":4061,"floo":4062,"heard":4063,"remo":4064,"fresh":4065,"inging":4066,"ref":4067,"town":4068,"clou":4069,"jesus":4070,"spirit":4071,"couldn":4072,"zes":4073,"ðŁĴĻ":4074,"williams":4075,"proce":4076,"modern":4077,"process":4078,"shoes":4079,"created":4080,"tric":4081,"issues":4082,"anne":4083,"atten":4084,"debut":4085,"hr":4086,"nit":4087,"stig":4088,"apo":4089,"eps":4090,"zu":4091,"ãĢ":4092,"six":4093,"cards":4094,"langu":4095,"famous":4096,"tournament":4097,"sel":4098,"ebay":4099,"yn":4100,"ston":4101,"kick":4102,"announced":4103,"kam":4104,"voc":4105,"brilliant":4106,"house":4107,"cheese":4108,"warri":4109,"music":4110,"hockey":4111,"ðŁĺĤðŁĺĤ":4112,"skills":4113,"autom":4114,"smart":4115,"medical":4116,"mony":4117,"ex":4118,"guar":4119,"give":4120,"personal":4121,"vention":4122,"alli":4123,"press":4124,"floor":4125,"mc":4126,"victory":4127,"him":4128,"simple":4129,"thor":4130,"ðŁĩºðŁĩ":4131,"tail":4132,"lucky":4133,"alex":4134,"quite":4135,"bot":4136,"ssions":4137,"challeng":4138,"cann":4139,"amazon":4140,"hell":4141,"bought":4142,"):":4143,"edy":4144,"secret":4145,"production":4146,"independ":4147,"defe":4148,"added":4149,"pr":4150,"pag":4151,"bed":4152,"greatest":4153,"within":4154,"jay":4155,"ðŁ¥":4156,"ireland":4157,"rely":4158,"sd":4159,"text":4160,"driving":4161,"program":4162,"speed":4163,"colum":4164,"stron":4165,"é":4166,"forest":4167,"âĸ":4168,"machine":4169,"coin":4170,"scar":4171,"ount":4172,"bie":4173,"¡ï¸ı":4174,"portra":4175,"common":4176,"wrest":4177,"received":4178,"know":4179,"invest":4180,"plans":4181,"accor":4182,"adop":4183,"tery":4184,"reali":4185,"pp":4186,"kal":4187,"artwork":4188,"mean":4189,"god":4190,"instead":4191,"anci":4192,"motivation":4193,"asing":4194,"inspiration":4195,"upcoming":4196,"political":4197,"europe":4198,"mers":4199,"heavy":4200,"ðŁijį":4201,"febru":4202,"scotland":4203,"ough":4204,"bt":4205,"boss":4206,"schedu":4207,"speak":4208,"nick":4209,"ured":4210,"ino":4211,"ek":4212,"risk":4213,"tory":4214,"presents":4215,"bon":4216,"rug":4217,"states":4218,"exhibition":4219,"ilo":4220,"mill":4221,"brought":4222,":-)":4223,"touri":4224,"come":4225,"officially":4226,"champions":4227,"doors":4228,"rep":4229,"pose":4230,"extra":4231,"kings":4232,"soccer":4233,"squad":4234,"applic":4235,"ata":4236,"sometimes":4237,"tari":4238,"excellent":4239,"ðŁĺĺ":4240,"straight":4241,"carol":4242,"rip":4243,"âĢį":4244,"graphic":4245,"mol":4246,"election":4247,"february":4248,"asons":4249,"li":4250,"dir":4251,"mt":4252,"nick":4253,"usu":4254,"mrs":4255,"comics":4256,"institu":4257,"corpor":4258,"vi":4259,"ðŁĻı":4260,"tural":4261,"dise":4262,"acci":4263,"weare":4264,"among":4265,"shopping":4266,"till":4267,"what":4268,"chair":4269,"span":4270,"chinese":4271,"innovation":4272,"joy":4273,"kit":4274,"century":4275,"obama":4276,"phili":4277,"fc":4278,"reach":4279,"citi":4280,"ulous":4281,"non":4282,"dang":4283,"happening":4284,"burn":4285,"pel":4286,"orange":4287,"dv":4288,"kick":4289,"claim":4290,"ingham":4291,"phy":4292,"nov":4293,"podcast":4294,"whi":4295,"nights":4296,"earlier":4297,"bear":4298,"lah":4299,"exciting":4300,"ora":4301,"given":4302,"slo":4303,"memories":4304,"continues":4305,"product":4306,"gho":4307,"cd":4308,"knows":4309,"ðŁİī":4310,"published":4311,"discuss":4312,"yard":4313,"iphone":4314,"tries":4315,"wall":4316,"feb":4317,"aren":4318,"truth":4319,"winners":4320,"ture":4321,"ditional":4322,"military":4323,"problem":4324,"mand":4325,"dog":4326,"loss":4327,"cric":4328,"canadi":4329,"veter":4330,"village":4331,"\",":4332,"yr":4333,"ung":4334,"donald":4335,"aging":4336,"birds":4337,"scienti":4338,"les":4339,"this":4340,"region":4341,"tical":4342,"itten":4343,"ila":4344,"ðŁĺİ":4345,"dad":4346,"diam":4347,"above":4348,"stren":4349,"lit":4350,"pir":4351,"lab":4352,"focus":4353,"busy":4354,"dur":4355,"apply":4356,"sma":4357,"author":4358,"aci":4359,"execu":4360,"domin":4361,"rela":4362,"jackson":4363,"ato":4364,"washington":4365,"ðŁĻĮ":4366,"kill":4367,"popular":4368,"cement":4369,"road":4370,"eating":4371,"location":4372,"vent":4373,"arre":4374,"nan":4375,"custo":4376,"adventure":4377,"ordin":4378,"sport":4379,"ult":4380,"lock":4381,"question":4382,"driver":4383,"landsc":4384,"oni":4385,"kins":4386,"pd":4387,"jordan":4388,"tered":4389,"kk":4390,"af":4391,"child":4392,"sp":4393,"justin":4394,"eni":4395,"selling":4396,"zo":4397,"whit":4398,"boston":4399,"particip":4400,"signing":4401,"happened":4402,"heat":4403,"mam":4404,"dreams":4405,"lows":4406,"graph":4407,"theday":4408,"heading":4409,"bro":4410,"blessed":4411,"vic":4412,"vegas":4413,"hd":4414,"inning":4415,"roman":4416,"andro":4417,"denti":4418,"use":4419,"cit":4420,"progress":4421,"writer":4422,"bob":4423,"ffs":4424,"growing":4425,"bly":4426,"aware":4427,"exam":4428,"spent":4429,"bet":4430,"score":4431,"beyond":4432,"docu":4433,"adel":4434,"sf":4435,"coura":4436,"collabor":4437,"inc":4438,"private":4439,"boat":4440,"**":4441,"zone":4442,"pha":4443,"bill":4444,"total":4445,"planning":4446,"towards":4447,"places":4448,"preview":4449,"creative":4450,"damn":4451,"ideas":4452,"seems":4453,"poten":4454,"saying":4455,"display":4456,"sw":4457,"aqu":4458,"louis":4459,"bye":4460,"lil":4461,"email":4462,"western":4463,"germany":4464,"eller":4465,"res":4466,"fant":4467,"mentary":4468,"deals":4469,"richard":4470,"jersey":4471,"streng":4472,"rad":4473,"pizza":4474,"mond":4475,"ware":4476,"lac":4477,"gi":4478,"archi":4479,"cd":4480,"yellow":4481,"recently":4482,"reach":4483,"à¹":4484,"kitchen":4485,"designed":4486,"try":4487,"gal":4488,"restaurant":4489,"ature":4490,"ww":4491,"jas":4492,"lma":4493,"ðŁijĮ":4494,"pain":4495,"avo":4496,"minute":4497,"schol":4498,"therap":4499,"ticket":4500,"dry":4501,"japan":4502,"ditions":4503,"terri":4504,"selves":4505,"happen":4506,"tup":4507,"mag":4508,"copy":4509,"sher":4510,"freedom":4511,"file":4512,"specially":4513,"toronto":4514,"load":4515,"gary":4516,"rey":4517,"answer":4518,"loy":4519,"caught":4520,"prize":4521,"une":4522,"fication":4523,"niger":4524,"syd":4525,"touch":4526,"feature":4527,"jazz":4528,"records":4529,"himself":4530,"dish":4531,"rober":4532,"spotted":4533,"master":4534,"wave":4535,"finals":4536,"bull":4537,"forum":4538,"ald":4539,"recomm":4540,"cha":4541,"ae":4542,"doo":4543,"instru":4544,"truly":4545,"lg":4546,"ink":4547,"brothers":4548,"dest":4549,"jim":4550,"mit":4551,"closed":4552,"ison":4553,"tried":4554,"santa":4555,"affe":4556,"wan":4557,"horse":4558,"grow":4559,"campus":4560,"relation":4561,"native":4562,"journ":4563,"gov":4564,"oct":4565,"kit":4566,"bound":4567,"partner":4568,"rema":4569,"crowd":4570,"!)":4571,"calls":4572,"rail":4573,"quali":4574,"solution":4575,"contest":4576,"convers":4577,"snap":4578,"base":4579,"initi":4580,"tax":4581,"ye":4582,"entrepre":4583,"itor":4584,"construction":4585,"food":4586,"presented":4587,"nings":4588,"climate":4589,"km":4590,"model":4591,"bj":4592,"block":4593,"presentation":4594,"dream":4595,"fix":4596,"calling":4597,"busine":4598,"congress":4599,"understand":4600,"web":4601,"value":4602,"ï¸ıâĥ£":4603,"mexico":4604,"itely":4605,"kim":4606,"charity":4607,"reflec":4608,"blan":4609,"flying":4610,"analy":4611,"families":4612,"band":4613,"recipe":4614,"celebration":4615,"accep":4616,"ary":4617,"tot":4618,"gb":4619,"interested":4620,"captain":4621,"âĻ¥":4622,"tip":4623,"absol":4624,"braz":4625,"investig":4626,"ology":4627,"dec":4628,"truck":4629,"vering":4630,"clear":4631,"dont":4632,"gotta":4633,"advis":4634,"begins":4635,"mass":4636,"descri":4637,"block":4638,"kim":4639,"david":4640,"songs":4641,"memorial":4642,"features":4643,"sustain":4644,"'.":4645,"grab":4646,"jose":4647,"va":4648,"conserv":4649,"sets":4650,"manchester":4651,"fighting":4652,"degre":4653,"aga":4654,"ind":4655,"sleep":4656,"position":4657,"hair":4658,"signs":4659,"policy":4660,"ito":4661,"alert":4662,"stam":4663,"spend":4664,"wy":4665,"absolut":4666,"dm":4667,"animal":4668,"myster":4669,"successful":4670,"problems":4671,"robo":4672,"kay":4673,"garden":4674,"pd":4675,"mayor":4676,"dale":4677,"tol":4678,"offers":4679,"visiting":4680,"friendly":4681,"trees":4682,"officer":4683,"account":4684,"kevin":4685,"ðŁijį":4686,"giant":4687,"continu":4688,"consu":4689,"tract":4690,"nfl":4691,"ðŁĺĬ":4692,"hq":4693,"bility":4694,"aar":4695,"disney":4696,"teen":4697,"oned":4698,"white":4699,"trailer":4700,"dedic":4701,"alone":4702,"absolutely":4703,"digital":4704,"william":4705,"ination":4706,"swa":4707,"ee":4708,"entire":4709,"german":4710,"roll":4711,"hits":4712,"cost":4713,"stay":4714,"tha":4715,"alive":4716,"according":4717,"cot":4718,"literally":4719,"herit":4720,"reti":4721,"hahaha":4722,"experi":4723,"likes":4724,"gt":4725,"steel":4726,"____":4727,"chair":4728,"christian":4729,"tower":4730,"difference":4731,"md":4732,"tress":4733,"mid":4734,"prince":4735,"african":4736,"feder":4737,"foot":4738,"carri":4739,"served":4740,"rice":4741,"shall":4742,"featured":4743,"cker":4744,"recru":4745,"poe":4746,"sense":4747,"nific":4748,"comedy":4749,"content":4750,"fat":4751,"posted":4752,"contribu":4753,"timate":4754,"liver":4755,"mble":4756,"internet":4757,"age":4758,"european":4759,"cling":4760,"glad":4761,"ffic":4762,"sco":4763,"akes":4764,"elle":4765,"termin":4766,"tony":4767,"pale":4768,"colour":4769,"serious":4770,"patri":4771,"movies":4772,"bm":4773,"professional":4774,"ado":4775,"alu":4776,"bringing":4777,"falls":4778,"israel":4779,"term":4780,"language":4781,"brook":4782,"mann":4783,"communic":4784,"cannot":4785,"acti":4786,"phe":4787,"yan":4788,"entreprene":4789,"turkey":4790,"logical":4791,"long":4792,"arm":4793,"urs":4794,"workers":4795,"ingly":4796,"ggs":4797,"ric":4798,"tual":4799,"receive":4800,"opens":4801,"gear":4802,"social":4803,"feet":4804,"cking":4805,"adver":4806,"finan":4807,"feels":4808,"spla":4809,"hr":4810,"easter":4811,"brain":4812,"ãģ":4813,"fig":4814,"ledge":4815,"nearly":4816,"protect":4817,"massive":4818,"eth":4819,"awa":4820,"ðŁĺģ":4821,"yrs":4822,"awareness":4823,"definitely":4824,"kn":4825,"imagine":4826,"ku":4827,"systems":4828,"ðŁijı":4829,"fas":4830,"lik":4831,"provide":4832,"amo":4833,"discover":4834,"influ":4835,"maker":4836,"gaz":4837,"fitness":4838,"street":4839,"ers":4840,"ted":4841,"wc":4842,"ysis":4843,"positive":4844,"helped":4845,"quest":4846,"andrew":4847,"brad":4848,"bin":4849,"hanging":4850,"ling":4851,"bright":4852,"section":4853,"mass":4854,"ðŁĻĮ":4855,"followers":4856,"hosting":4857,"tempor":4858,"flag":4859,"ave":4860,"letter":4861,"kur":4862,"requi":4863,"often":4864,"cryp":4865,"suff":4866,"âļ½":4867,"russian":4868,"treatment":4869,"alle":4870,"hay":4871,"lan":4872,"keeping":4873,"holy":4874,"powerful":4875,"predic":4876,"fund":4877,"especially":4878,"window":4879,"jewel":4880,"ily":4881,"ðŁĴľ":4882,"generation":4883,"appa":4884,"seriously":4885,"od":4886,"ðŁĺĤðŁĺĤðŁĺĤ":4887,"certi":4888,"irish":4889,"ðŁijĮ":4890,"miami":4891,"beth":4892,"vity":4893,"secu":4894,"chef":4895,"crime":4896,"graphy":4897,"max":4898,"artists":4899,"revolu":4900,"guard":4901,"speech":4902,"uc":4903,"updates":4904,"faces":4905,"stant":4906,"changed":4907,"reports":4908,"lower":4909,"pear":4910,"nc":4911,"kil":4912,"looked":4913,"speaker":4914,"sf":4915,"respect":4916,"okay":4917,"ocean":4918,"sitting":4919,"architecture":4920,"trail":4921,"seat":4922,"ira":4923,"leg":4924,"japanese":4925,"dam":4926,"ular":4927,"swim":4928,"politics":4929,"financial":4930,"old":4931,"mouth":4932,"attemp":4933,"destin":4934,"fishing":4935,"attention":4936,"mem":4937,"changes":4938,"decided":4939,"religi":4940,"gin":4941,"cav":4942,"zz":4943,"adam":4944,"mac":4945,"write":4946,"begin":4947,"scul":4948,"alter":4949,"iss":4950,"athon":4951,"images":4952,"moo":4953,"joined":4954,"ðŁĺī":4955,"âŀ¡ï¸ı":4956,"passed":4957,"musli":4958,"hir":4959,"largest":4960,"camer":4961,"comic":4962,"ghted":4963,"rugby":4964,"burgh":4965,"gging":4966,"testing":4967,"prepar":4968,"laugh":4969,"aled":4970,"improve":4971,"believ":4972,"advice":4973,"shares":4974,"heart":4975,"turning":4976,"sb":4977,"tel":4978,"cafe":4979,"nes":4980,"daniel":4981,"patter":4982,"tz":4983,"sett":4984,"park":4985,"cand":4986,"stick":4987,"happens":4988,"brian":4989,"newest":4990,"epic":4991,"ador":4992,"kies":4993,"warning":4994,"animals":4995,"custom":4996,"arc":4997,"dian":4998,"gold":4999,"core":5000,"tf":5001,"city":5002,"pants":5003,"reality":5004,"confi":5005,"inju":5006,"fox":5007,"guil":5008,"knew":5009,"âĺº":5010,"correc":5011,"itude":5012,"dden":5013,".#":5014,"reduc":5015,"pass":5016,"fon":5017,"ya":5018,"owner":5019,"returns":5020,"nc":5021,"east":5022,"apol":5023,"insur":5024,"tho":5025,"sim":5026,"junior":5027,"bee":5028,"angel":5029,"attle":5030,"electric":5031,"horror":5032,"crash":5033,"eye":5034,"path":5035,"southern":5036,"employe":5037,"geo":5038,"tan":5039,"haz":5040,"rally":5041,"ðŁı»":5042,"property":5043,"wasn":5044,"enjoyed":5045,"grey":5046,"gas":5047,"brew":5048,"northern":5049,"holding":5050,"gp":5051,"take":5052,"chart":5053,"lyn":5054,"drama":5055,"zo":5056,"paid":5057,"throwback":5058,"cup":5059,"discussion":5060,"downtown":5061,"will":5062,"lew":5063,"bis":5064,"tary":5065,"bread":5066,"upon":5067,"rate":5068,"teachers":5069,"itation":5070,"anced":5071,"cycle":5072,"choose":5073,"dc":5074,"iran":5075,"cow":5076,"dave":5077,"raise":5078,"princess":5079,"faith":5080,"->":5081,"industri":5082,"spain":5083,"guitar":5084,"facts":5085,"mn":5086,"spen":5087,"courte":5088,"gott":5089,"projects":5090,"audi":5091,"osc":5092,"peter":5093,"sand":5094,"interest":5095,"happiness":5096,"venue":5097,"soldi":5098,"surprise":5099,"potential":5100,"perio":5101,"customer":5102,"ii":5103,"gni":5104,"manufac":5105,"eco":5106,"broken":5107,"singer":5108,"vels":5109,"wales":5110,"hus":5111,"inj":5112,"four":5113,"talent":5114,"dying":5115,"matthe":5116,"film":5117,"joining":5118,"sell":5119,"jar":5120,"lmao":5121,"surger":5122,"bbc":5123,"sources":5124,"austin":5125,"nik":5126,"charles":5127,"fam":5128,"princi":5129,"angel":5130,"cash":5131,"lot":5132,"ored":5133,"plays":5134,"plate":5135,"done":5136,"memory":5137,"brings":5138,"nba":5139,"solutions":5140,"teaching":5141,"grace":5142,"circu":5143,"helps":5144,"founder":5145,"mary":5146,"explore":5147,"decor":5148,"parts":5149,"cho":5150,"integr":5151,"hau":5152,"ises":5153,"putting":5154,"iner":5155,"rit":5156,"vy":5157,"michel":5158,"blues":5159,"everyday":5160,"forms":5161,"bio":5162,"year":5163,"pin":5164,"tter":5165,"spring":5166,"))":5167,"pot":5168,"aling":5169,"performing":5170,"shan":5171,"planet":5172,"musical":5173,"heads":5174,"italian":5175,"strugg":5176,"âĢįâĻ":5177,"wings":5178,"pump":5179,"hh":5180,"trou":5181,"aid":5182,"prime":5183,"earth":5184,"paint":5185,"mont":5186,"amy":5187,"bbc":5188,"fabulous":5189,"fruit":5190,"android":5191,"bourne":5192,"ceremony":5193,"ential":5194,"??":5195,"debate":5196,"oning":5197,"draft":5198,"solar":5199,"tx":5200,"jam":5201,"corn":5202,"!!!!!":5203,"broo":5204,"milk":5205,"posed":5206,"ohi":5207,"movement":5208,"bren":5209,"partner":5210,"pg":5211,"ette":5212,"aries":5213,"shout":5214,"ng":5215,"leaving":5216,"tells":5217,"sens":5218,"taste":5219,"kelly":5220,"worl":5221,"gym":5222,"rich":5223,"egy":5224,"pid":5225,"mas":5226,"âĤ":5227,"courtesy":5228,"frank":5229,"increase":5230,"written":5231,"ppers":5232,"rel":5233,"hai":5234,"sas":5235,"sound":5236,"tti":5237,"wich":5238,"river":5239,"...\"":5240,"ag":5241,"fellow":5242,"rome":5243,"small":5244,"gency":5245,"ican":5246,"luxury":5247,"proof":5248,"met":5249,"wildlife":5250,"moments":5251,"rather":5252,"corner":5253,"compe":5254,"canadian":5255,"likely":5256,"therapy":5257,"liam":5258,"economic":5259,"indie":5260,"route":5261,"fight":5262,"hope":5263,"setting":5264,"antly":5265,"cross":5266,"fantasy":5267,"dee":5268,"sketch":5269,"compli":5270,"ymi":5271,"rules":5272,"engineering":5273,"figure":5274,"row":5275,".,":5276,"fw":5277,"sydney":5278,"wou":5279,"tation":5280,"drew":5281,"uses":5282,"there":5283,"spread":5284,"structure":5285,"patrick":5286,"apparently":5287,"ros":5288,"hills":5289,"wwe":5290,"anny":5291,"commission":5292,"div":5293,"fying":5294,"consul":5295,"analysis":5296,"exi":5297,"tennis":5298,"vehicle":5299,"ðŁĺŃðŁĺŃ":5300,"ass":5301,"highly":5302,"opened":5303,"bann":5304,"ðŁĴĻ":5305,"mph":5306,"wishing":5307,"vor":5308,"fif":5309,"giveaway":5310,"rr":5311,"ray":5312,"jess":5313,"gat":5314,"icymi":5315,"xit":5316,"highest":5317,"york":5318,"pie":5319,"involved":5320,"higher":5321,"rie":5322,"malay":5323,"intelli":5324,"despite":5325,"chee":5326,"sarah":5327,"bean":5328,"recogni":5329,"arsen":5330,"talented":5331,"passion":5332,"ich":5333,"abc":5334,"leads":5335,"disease":5336,"vis":5337,"sec":5338,"presenting":5339,"milli":5340,"hole":5341,"shots":5342,"depart":5343,"surgery":5344,"govt":5345,"bin":5346,"dual":5347,"evi":5348,"longer":5349,"evol":5350,"screen":5351,"portrait":5352,"etc":5353,"lose":5354,"chat":5355,"pen":5356,"pi":5357,"oma":5358,"sick":5359,"erc":5360,"companies":5361,"entry":5362,"plane":5363,"gry":5364,"vene":5365,"liverpool":5366,"premiere":5367,"shared":5368,"ared":5369,"films":5370,"ira":5371,"holidays":5372,"cricket":5373,"ician":5374,"ving":5375,".)":5376,"ultimate":5377,"division":5378,"conduc":5379,"sept":5380,"forces":5381,"mont":5382,"smart":5383,"disapp":5384,"sunshine":5385,"ind":5386,"bless":5387,"made":5388,"colors":5389,"frank":5390,"iron":5391,"bottle":5392,"sgo":5393,"mood":5394,"jason":5395,"eric":5396,"birth":5397,"teen":5398,"response":5399,"target":5400,"statement":5401,"fear":5402,"thel":5403,"alum":5404,"arab":5405,"blin":5406,"direction":5407,"steps":5408,"erial":5409,"worked":5410,"atl":5411,"ðŁĴķ":5412,"felt":5413,"poli":5414,"scenes":5415,"homes":5416,"bell":5417,"eat":5418,"ateful":5419,"tin":5420,"lace":5421,"folks":5422,"pse":5423,"ann":5424,"wisdom":5425,"fav":5426,"butter":5427,"sr":5428,"areas":5429,"smoo":5430,"biz":5431,"dges":5432,"appo":5433,"more":5434,"them":5435,"effect":5436,"windows":5437,"sunny":5438,"capital":5439,"totally":5440,"cities":5441,"grant":5442,"mbers":5443,"slow":5444,"autu":5445,"ilities":5446,"wro":5447,"rising":5448,"stics":5449,"violence":5450,"igh":5451,"quot":5452,"hit":5453,"tc":5454,"heritage":5455,"buff":5456,"nes":5457,"zar":5458,"dential":5459,"exac":5460,"edge":5461,"deep":5462,"arena":5463,"became":5464,"benefits":5465,"marks":5466,"mber":5467,"az":5468,"ames":5469,"preci":5470,"dragon":5471,"reg":5472,"dings":5473,"dos":5474,"ðŁĴª":5475,"nel":5476,"sity":5477,"meal":5478,"dist":5479,"legend":5480,"purchase":5481,"pical":5482,"stick":5483,"fat":5484,"duba":5485,"profess":5486,"carto":5487,"prof":5488,"countries":5489,"responsi":5490,"sequ":5491,"fab":5492,"tribute":5493,"honored":5494,"practic":5495,"purple":5496,"anton":5497,"pared":5498,"tough":5499,"summer":5500,"environment":5501,"sons":5502,"ðŁĻı":5503,"mps":5504,"gies":5505,"heroes":5506,"telling":5507,"henry":5508,"fen":5509,"knowledge":5510,"Ģï¸ı":5511,"fr":5512,"neg":5513,"ure":5514,"acking":5515,"hearts":5516,"soo":5517,"hollywood":5518,"jump":5519,"sauce":5520,"schedule":5521,"turn":5522,"yoga":5523,"creating":5524,"cket":5525,"creek":5526,"âŃ":5527,"customers":5528,"madri":5529,"gul":5530,"assemb":5531,"mount":5532,"cell":5533,"top":5534,"stal":5535,"davis":5536,"twi":5537,"sign":5538,"premier":5539,"itions":5540,"hearing":5541,"unk":5542,"patients":5543,"appear":5544,"heaven":5545,"alty":5546,"doctor":5547,"ae":5548,"platform":5549,"jeff":5550,"ðŁĵ·":5551,"regional":5552,"bid":5553,"boxing":5554,"exten":5555,"ority":5556,"aw":5557,"wise":5558,"ille":5559,"several":5560,"bie":5561,"situ":5562,"syria":5563,"âľħ":5564,"reminder":5565,"entertain":5566,"lion":5567,"partners":5568,"inn":5569,"phar":5570,"fau":5571,"pls":5572,"expected":5573,"sugar":5574,"decision":5575,"sb":5576,"chron":5577,"association":5578,"leaves":5579,"visited":5580,"shap":5581,"ðŁĴĸ":5582,"further":5583,"hann":5584,"wi":5585,"runs":5586,"ler":5587,"funding":5588,"filled":5589,"......":5590,"tiny":5591,"hang":5592,"org":5593,"cool":5594,"semin":5595,"ðŁıĨ":5596,"spons":5597,"navy":5598,"saint":5599,"drug":5600,"dal":5601,"roun":5602,"covered":5603,"traditional":5604,"investment":5605,"dete":5606,"alism":5607,"flow":5608,"nis":5609,"sunrise":5610,"feat":5611,"fted":5612,"weird":5613,"jere":5614,"vegan":5615,"medicine":5616,"ano":5617,"accu":5618,"delivery":5619,"temple":5620,"changing":5621,"wilson":5622,"philipp":5623,"refe":5624,"nd":5625,"iser":5626,"gay":5627,"rand":5628,"atives":5629,"tely":5630,"pand":5631,"intellig":5632,"gare":5633,"ambas":5634,"demon":5635,"committee":5636,"strategy":5637,"refuge":5638,"budget":5639,"protec":5640,"pier":5641,"express":5642,"nomin":5643,"economy":5644,"allow":5645,"icon":5646,"galax":5647,"oh":5648,"indivi":5649,"demand":5650,"virgin":5651,"luke":5652,"alists":5653,"mani":5654,"smi":5655,"judge":5656,"enty":5657,"michi":5658,"result":5659,"amed":5660,"speaks":5661,"',":5662,"houston":5663,"shin":5664,"bing":5665,"fly":5666,"chem":5667,"auto":5668,"vas":5669,"get":5670,"arm":5671,"thanks":5672,"din":5673,"gang":5674,"xx":5675,"sion":5676,"located":5677,"pl":5678,"josh":5679,"info":5680,"joins":5681,"adverti":5682,"otd":5683,"eld":5684,"sie":5685,"reasons":5686,"vent":5687,"ðŁĩºðŁĩ¸":5688,"âł":5689,"conversation":5690,"studi":5691,"ðŁĶ¥ðŁĶ¥":5692,"gos":5693,"sounds":5694,"unit":5695,"musc":5696,"gel":5697,"acked":5698,"paci":5699,"cos":5700,"dere":5701,"uu":5702,"ao":5703,"lam":5704,"inspiring":5705,"arms":5706,"tware":5707,"matters":5708,"addic":5709,"dude":5710,"ext":5711,"crisis":5712,"bath":5713,"meet":5714,"singh":5715,"expect":5716,"delhi":5717,"rescue":5718,"worst":5719,"aug":5720,"shipping":5721,"serving":5722,"sto":5723,"dark":5724,"aces":5725,"historic":5726,"landscape":5727,"designer":5728,"billion":5729,"grateful":5730,"wake":5731,"eve":5732,"miller":5733,"housing":5734,"dynam":5735,"isco":5736,"beha":5737,"shop":5738,"prou":5739,"eas":5740,"asia":5741,"eding":5742,"kon":5743,"department":5744,"awar":5745,"marine":5746,"inci":5747,"photographer":5748,"tape":5749,"logo":5750,"rings":5751,"dit":5752,"----":5753,"vinyl":5754,"wc":5755,"voting":5756,"seven":5757,"ambassad":5758,"dallas":5759,"tu":5760,"comment":5761,"kra":5762,"bles":5763,"wag":5764,"ud":5765,"audio":5766,"strike":5767,"official":5768,"ots":5769,"metho":5770,"tools":5771,"radi":5772,"alan":5773,"hunt":5774,"watched":5775,"ake":5776,"fake":5777,"drinking":5778,"merry":5779,"ml":5780,"bday":5781,"rio":5782,"nike":5783,"cant":5784,"repe":5785,"costu":5786,"murder":5787,"akers":5788,"chers":5789,"outs":5790,"beginning":5791,"sos":5792,"ades":5793,"nin":5794,"notes":5795,"wrote":5796,"solo":5797,"ci":5798,"lighting":5799,"urban":5800,"brexit":5801,"attend":5802,"shirts":5803,"playo":5804,"actress":5805,"plic":5806,"standard":5807,"quotes":5808,"parade":5809,"ancient":5810,"©":5811,"turing":5812,"ree":5813,"primary":5814,"flash":5815,"citiz":5816,"mates":5817,"stein":5818,"zi":5819,"clinton":5820,"skin":5821,"gene":5822,"hum":5823,"gar":5824,"tle":5825,"yi":5826,"focu":5827,"dean":5828,"plants":5829,"cyber":5830,"bu":5831,"ome":5832,"hop":5833,"address":5834,"tix":5835,"gifts":5836,"relationship":5837,"subscri":5838,"feed":5839,"exactly":5840,"hawks":5841,"exo":5842,"stress":5843,"sn":5844,"arrested":5845,"ane":5846,"software":5847,"zero":5848,"theme":5849,"mumb":5850,"immigr":5851,"mia":5852,"makeup":5853,"pleasure":5854,"univers":5855,"harb":5856,"engine":5857,"aper":5858,"rin":5859,"bra":5860,"institute":5861,"leather":5862,"alth":5863,"singing":5864,"cos":5865,"ghty":5866,"meas":5867,"stic":5868,"side":5869,"insurance":5870,"cot":5871,"pitch":5872,"mountains":5873,"crimin":5874,"supre":5875,"valentine":5876,"ater":5877,"wouldn":5878,"scale":5879,"related":5880,"regar":5881,"startup":5882,"packed":5883,"mike":5884,"weekly":5885,"pts":5886,"count":5887,"har":5888,"gotten":5889,"mind":5890,"berlin":5891,"conditions":5892,"switch":5893,"corn":5894,"save":5895,"gli":5896,"emergency":5897,"tuned":5898,"stock":5899,"discussing":5900,"everybody":5901,"sday":5902,"whether":5903,"wrestling":5904,"eces":5905,"gender":5906,"chen":5907,"ðŁijĢ":5908,"madrid":5909,"marathon":5910,"egg":5911,"ier":5912,"thx":5913,"asking":5914,"korea":5915,"wolf":5916,"aya":5917,"gm":5918,"gau":5919,"atory":5920,"vr":5921,"grass":5922,"killing":5923,"bble":5924,"uro":5925,"uni":5926,"eth":5927,"shore":5928,"then":5929,"reale":5930,"bottom":5931,"exerc":5932,"kar":5933,"ories":5934,"adri":5935,"sands":5936,"sex":5937,".'":5938,"volunteers":5939,"perform":5940,"parliam":5941,"include":5942,"delighted":5943,"executive":5944,"fuel":5945,"kiss":5946,"ãħ":5947,"charge":5948,"hu":5949,"cakes":5950,"vet":5951,"glu":5952,"agree":5953,"prices":5954,"nau":5955,"hl":5956,"gru":5957,"raj":5958,"strength":5959,"bic":5960,"spending":5961,"ales":5962,"aven":5963,"blast":5964,":(":5965,"yof":5966,"normal":5967,"six":5968,"quick":5969,"sea":5970,"daw":5971,"meets":5972,"lovers":5973,"updated":5974,"potat":5975,"completed":5976,"cook":5977,"opportunities":5978,"pure":5979,"organic":5980,"temper":5981,"cam":5982,"avoid":5983,"parking":5984,"dubai":5985,"ando":5986,"distri":5987,"toy":5988,"completely":5989,"donald":5990,"trial":5991,"bass":5992,"boun":5993,"background":5994,"vas":5995,"marvel":5996,"lum":5997,"rus":5998,"tool":5999,"commissi":6000,"throwback":6001,"finding":6002,"islam":6003,"!?":6004,"stop":6005,"evil":6006,"oral":6007,"residents":6008,"identi":6009,"oak":6010,"ðŁİ¶":6011,"lil":6012,"spanish":6013,"chapter":6014,"stopped":6015,"direct":6016,"hosted":6017,"picked":6018,"labour":6019,"lewis":6020,"defense":6021,"à®":6022,"healthcare":6023,"whis":6024,"math":6025,"peak":6026,"raised":6027,"fix":6028,"bull":6029,"thir":6030,"chelsea":6031,"folk":6032,"tre":6033,"candi":6034,"paul":6035,"either":6036,"adam":6037,"poetry":6038,"jewelry":6039,"ð٦":6040,"pray":6041,"ا":6042,"gc":6043,"oz":6044,"wishes":6045,"foreign":6046,"sung":6047,"learned":6048,"ene":6049,"ning":6050,"michael":6051,"illustration":6052,"legendary":6053,"wav":6054,"bau":6055,"ðŁļ¨":6056,"calend":6057,"streets":6058,"âĨ":6059,"monster":6060,"buck":6061,"gr":6062,"school":6063,"bath":6064,"waste":6065,"neck":6066,"hawa":6067,"beach":6068,"replac":6069,"ject":6070,"oner":6071,"factory":6072,"count":6073,"ðŁĵ¸":6074,"morgan":6075,"dering":6076,"sean":6077,"stephen":6078,"dep":6079,"novel":6080,"videos":6081,"ical":6082,"pressure":6083,"arsenal":6084,"expre":6085,"irs":6086,"trending":6087,"ssa":6088,"flash":6089,"resear":6090,"through":6091,"professor":6092,"sculp":6093,"tos":6094,"gged":6095,"mma":6096,"bee":6097,"ape":6098,"hunter":6099,"ami":6100,"hei":6101,"plastic":6102,"bucks":6103,"universe":6104,"legen":6105,"nigeria":6106,"pleased":6107,"ris":6108,"thinks":6109,"autumn":6110,"ids":6111,"dis":6112,"anthony":6113,"ðŁı½":6114,"aked":6115,"glasses":6116,"finance":6117,"zer":6118,"kas":6119,"contract":6120,"numbers":6121,"shaw":6122,"partnership":6123,"til":6124,"launched":6125,"sal":6126,"victoria":6127,"theater":6128,"usual":6129,"names":6130,"period":6131,"eliza":6132,"ith":6133,"barcel":6134,"rocks":6135,"bags":6136,"mate":6137,"distribu":6138,"jon":6139,"diffic":6140,"alized":6141,"curren":6142,"scored":6143,"bha":6144,"dublin":6145,"rose":6146,"inted":6147,"solid":6148,"behavi":6149,"walker":6150,"simply":6151,"gardens":6152,"headed":6153,"ini":6154,"ohio":6155,"weap":6156,"fo":6157,"glen":6158,"estate":6159,"random":6160,"thunder":6161,"thru":6162,"kill":6163,"jacket":6164,"iti":6165,"entertainment":6166,"thanksgiving":6167,"ental":6168,"encoura":6169,"elo":6170,"ather":6171,"tank":6172,"highlights":6173,"fting":6174,"rule":6175,"models":6176,"border":6177,"bjp":6178,"husband":6179,"indone":6180,"kenya":6181,"bears":6182,"alo":6183,"ninten":6184,"pix":6185,"stro":6186,"orders":6187,"salad":6188,"roads":6189,"nor":6190,"lation":6191,"sophi":6192,"ðŁı¼":6193,"pieces":6194,"bone":6195,"mins":6196,"includes":6197,"nutr":6198,"phil":6199,"sent":6200,"fundra":6201,"gain":6202,"borough":6203,"nad":6204,"monday":6205,"activity":6206,"items":6207,"becoming":6208,"kenne":6209,"detro":6210,"cardi":6211,"guests":6212,"ux":6213,"worldwide":6214,"severe":6215,"news":6216,"thankful":6217,"fiction":6218,"vege":6219,"mall":6220,"sian":6221,"eral":6222,"injury":6223,"lee":6224,"menu":6225,"dancing":6226,"scotti":6227,"example":6228,"(#":6229,"nai":6230,"studios":6231,"bai":6232,"ðŁĴĽ":6233,"jav":6234,"diamond":6235,"vince":6236,"rick":6237,"protection":6238,"lincol":6239,"champs":6240,"approach":6241,"dar":6242,"mile":6243,"clouds":6244,"jeff":6245,"infin":6246,"lers":6247,"ples":6248,"peace":6249,"gop":6250,"âĻ¡":6251,"techn":6252,"stra":6253,"average":6254,"effort":6255,"introducing":6256,"diversity":6257,"australian":6258,"amp":6259,"boost":6260,"ske":6261,"patient":6262,"appreciate":6263,"icians":6264,"pur":6265,"fell":6266,"woods":6267,"illustr":6268,"ðŁĸ":6269,"agency":6270,"actions":6271,"britain":6272,"underway":6273,"seattle":6274,"eland":6275,"ago":6276,"fill":6277,"streaming":6278,"protest":6279,"challenges":6280,"kyo":6281,"etsy":6282,"cooking":6283,"expert":6284,"russ":6285,"rainbow":6286,"commercial":6287,"spin":6288,"beats":6289,"cry":6290,"valu":6291,"eli":6292,"throw":6293,"grams":6294,"levels":6295,"michigan":6296,"cad":6297,"adorable":6298,"constitu":6299,"ws":6300,"pub":6301,"midnight":6302,"that":6303,"netfli":6304,"brazil":6305,"diego":6306,"regular":6307,"joy":6308,"âĤ¬":6309,"liqu":6310,"eastern":6311,"kni":6312,"flat":6313,"np":6314,"brown":6315,"wer":6316,"sey":6317,"tters":6318,"acting":6319,"vanc":6320,"cycling":6321,"programme":6322,"raw":6323,"complex":6324,"tattoo":6325,"throwbackthursday":6326,"sessions":6327,"rooms":6328,"sight":6329,"species":6330,"bomb":6331,"laugh":6332,"keeps":6333,"moon":6334,"officers":6335,"conver":6336,"tr":6337,"hash":6338,"tack":6339,"rious":6340,"adap":6341,"aj":6342,"recogn":6343,"expo":6344,"sugge":6345,"confirmed":6346,"rolling":6347,"dressing":6348,"ict":6349,"friday":6350,"phones":6351,"ridge":6352,"concept":6353,"roy":6354,"keys":6355,"effor":6356,"cate":6357,"kne":6358,"even":6359,"lay":6360,"communities":6361,"mod":6362,"naz":6363,"everywhere":6364,"alab":6365,"bitcoin":6366,"banks":6367,"outdoor":6368,"federal":6369,"stores":6370,"hp":6371,"cal":6372,"mely":6373,"signific":6374,"bear":6375,"republic":6376,"closer":6377,"allah":6378,"pick":6379,"xd":6380,"palace":6381,"chill":6382,"bam":6383,"erous":6384,"una":6385,"allen":6386,"outstanding":6387,"olympic":6388,"supply":6389,"figu":6390,"vau":6391,"lp":6392,"charlie":6393,"unes":6394,">>>":6395,"legends":6396,"icial":6397,"coast":6398,"benefit":6399,"multi":6400,"fits":6401,"farmers":6402,"amount":6403,"sisters":6404,"harve":6405,"honey":6406,"queen":6407,"bers":6408,"plann":6409,"âŃIJ":6410,"mu":6411,"barcelona":6412,"alber":6413,"status":6414,"remain":6415,"extra":6416,"candy":6417,"vious":6418,"âľĮ":6419,"ov":6420,"warriors":6421,"-->":6422,"jump":6423,"amar":6424,"xmas":6425,"studies":6426,"iors":6427,"kor":6428,"donate":6429,"prep":6430,"fish":6431,"ima":6432,"painted":6433,"admini":6434,"cosplay":6435,"sports":6436,"drops":6437,"fighter":6438,"evidence":6439,"ðŁĴª":6440,"lake":6441,"rob":6442,"cinema":6443,"profile":6444,"ñ":6445,"stands":6446,"legacy":6447,"shape":6448,"roof":6449,"civil":6450,"ians":6451,"syl":6452,"sham":6453,"voted":6454,"retail":6455,"philli":6456,"listed":6457,"duty":6458,"nb":6459,"thes":6460,"fare":6461,"auction":6462,"fficial":6463,"storms":6464,"dp":6465,"loun":6466,"shops":6467,"aly":6468,"anime":6469,"multiple":6470,"ðŁĺįðŁĺį":6471,"psycho":6472,"jean":6473,"apart":6474,"candidate":6475,"ggy":6476,"conf":6477,"joseph":6478,"wick":6479,"meat":6480,"frame":6481,"cl":6482,"forgot":6483,"phy":6484,"fing":6485,"lied":6486,"rep":6487,"seed":6488,"fall":6489,"ufc":6490,"nut":6491,"lind":6492,"mode":6493,"fields":6494,"ence":6495,"sley":6496,"ð٤Ķ":6497,"chill":6498,"followed":6499,"announces":6500,"corru":6501,"trophy":6502,"themselves":6503,"acle":6504,"aldu":6505,"kong":6506,"lon":6507,"sv":6508,"broke":6509,"anderson":6510,"tai":6511,"story":6512,"temporary":6513,"activities":6514,"kati":6515,"ariz":6516,"crystal":6517,"spoke":6518,"extremely":6519,"trading":6520,"ðŁĴļ":6521,"ü":6522,"inch":6523,"edin":6524,"outfit":6525,"equip":6526,"madi":6527,"formed":6528,"beef":6529,"pop":6530,"tiger":6531,"thisday":6532,"tired":6533,"neighb":6534,"retro":6535,"isa":6536,"unt":6537,"tas":6538,"kansas":6539,"dest":6540,"seconds":6541,"tay":6542,"hurric":6543,"ou":6544,"galaxy":6545,"daddy":6546,"brow":6547,"burger":6548,"enced":6549,"desk":6550,"accur":6551,"secretary":6552,"elite":6553,"kab":6554,"chin":6555,"tourism":6556,"buddy":6557,"icide":6558,"dressed":6559,"ud":6560,"vacation":6561,"cheers":6562,"comfor":6563,"characters":6564,"jet":6565,"buying":6566,"lins":6567,"nap":6568,"realestate":6569,"lie":6570,"afc":6571,"iii":6572,"fame":6573,"nr":6574,"bat":6575,"agent":6576,"makers":6577,"â̼":6578,"sector":6579,"opti":6580,"leon":6581,"diet":6582,"prayer":6583,"hip":6584,"mir":6585,"lex":6586,"bry":6587,"ana":6588,"passing":6589,"wen":6590,"recovery":6591,"aki":6592,"popul":6593,"resort":6594,"maria":6595,"stuck":6596,"reads":6597,"tier":6598,"perfec":6599,"netflix":6600,"poo":6601,"champ":6602,"oc":6603,"reduce":6604,"wered":6605,"comments":6606,"claim":6607,"accident":6608,"sag":6609,"hack":6610,"salt":6611,"kinda":6612,"killer":6613,"ios":6614,"zy":6615,"exchange":6616,"lecture":6617,"enger":6618,"icking":6619,"tau":6620,"reveals":6621,"prison":6622,"zom":6623,"ghan":6624,"ul":6625,"journal":6626,"iot":6627,"trin":6628,"jona":6629,"governor":6630,"cape":6631,"quarter":6632,"spective":6633,"impressive":6634,"babies":6635,"tx":6636,"mill":6637,"oy":6638,"harri":6639,"joint":6640,"sue":6641,"collaboration":6642,"trend":6643,"revolution":6644,"renew":6645,"alumni":6646,"gett":6647,"shell":6648,"sunday":6649,"entu":6650,"nic":6651,"donaldtrump":6652,"blockchain":6653,"pacific":6654,"explains":6655,"spy":6656,"advoc":6657,"paradi":6658,"tof":6659,"starring":6660,"pav":6661,"feed":6662,"brac":6663,"smoke":6664,"hamp":6665,"yam":6666,"tokyo":6667,"simon":6668,"dh":6669,"effici":6670,"physical":6671,"nj":6672,"elli":6673,"slow":6674,"graduate":6675,"americans":6676,"tify":6677,"fred":6678,"apore":6679,"finds":6680,"robin":6681,"wet":6682,"notice":6683,"semi":6684,"unve":6685,"kom":6686,"pilot":6687,"screening":6688,"daily":6689,"ðŁĴĹ":6690,"royal":6691,"spa":6692,"votes":6693,"nag":6694,"whate":6695,"attending":6696,"experim":6697,"addition":6698,"kate":6699,"stol":6700,"mali":6701,"foot":6702,"christ":6703,"chan":6704,"dee":6705,"licen":6706,"global":6707,"moore":6708,"tia":6709,"brigh":6710,"mystery":6711,"yay":6712,"âĿ¤ï¸ıâĿ¤ï¸ı":6713,"creati":6714,"mechan":6715,"clock":6716,"dic":6717,"âĢĶ":6718,"pper":6719,"alph":6720,"throughout":6721,"allow":6722,"resources":6723,"selection":6724,"hamil":6725,"bbq":6726,"aaaa":6727,"virginia":6728,"disney":6729,"eng":6730,"sored":6731,"drinks":6732,"fancy":6733,"consider":6734,"enda":6735,"jane":6736,"handmade":6737,"dul":6738,"ontari":6739,"ius":6740,"sville":6741,"colorado":6742,"whatever":6743,"wheel":6744,"promise":6745,"never":6746,"designs":6747,"ably":6748,"sexual":6749,"vancou":6750,"ati":6751,"convention":6752,"cultural":6753,"singapore":6754,"promo":6755,"loaded":6756,"glasgo":6757,"ppl":6758,"noo":6759,"kee":6760,"stem":6761,"mention":6762,"ido":6763,"cruise":6764,"riding":6765,"becomes":6766,"bey":6767,"âļ½ï¸ı":6768,"twin":6769,"dedicated":6770,"nash":6771,"desi":6772,"workout":6773,"jenni":6774,"iv":6775,"groups":6776,"relax":6777,"phoeni":6778,"lift":6779,"mixed":6780,"mck":6781,"pc":6782,"must":6783,"metro":6784,"cies":6785,"yar":6786,"aim":6787,"anger":6788,"ie":6789,"recy":6790,"married":6791,"dropped":6792,"engag":6793,"lest":6794,"ambassador":6795,"oph":6796,"des":6797,"wick":6798,"assistant":6799,"natur":6800,"fail":6801,"ltd":6802,"short":6803,"kap":6804,"shaw":6805,"bigger":6806,"remains":6807,"critical":6808,"survey":6809,"coverage":6810,"erson":6811,"wind":6812,"nb":6813,"billy":6814,"letes":6815,"acts":6816,"jimmy":6817,"atlan":6818,"aland":6819,"tc":6820,"importance":6821,"damage":6822,"fg":6823,"storage":6824,"twt":6825,"bond":6826,"balance":6827,"crying":6828,"puppy":6829,"vote":6830,"push":6831,"ðŁĴľ":6832,"poly":6833,"mel":6834,"london":6835,"terrori":6836,"effective":6837,"corporate":6838,"atlanta":6839,"jaco":6840,"nasa":6841,"greek":6842,"senate":6843,"ish":6844,"eva":6845,"intelligence":6846,"efforts":6847,"alco":6848,"kun":6849,"hall":6850,"diag":6851,"claims":6852,"first":6853,"hb":6854,"bae":6855,"vul":6856,"pull":6857,"°":6858,"separ":6859,"speed":6860,"victi":6861,"onthisday":6862,"audience":6863,"rates":6864,"teach":6865,"filming":6866,"bush":6867,"song":6868,"yum":6869,"brun":6870,"raine":6871,"awa":6872,"parks":6873,"ðĿ":6874,"rabb":6875,"rach":6876,"raid":6877,"reached":6878,"rail":6879,"moves":6880,"selected":6881,"fri":6882,"raising":6883,"omy":6884,"stones":6885,"suk":6886,"francisco":6887,"cases":6888,"capit":6889,"confu":6890,"wtf":6891,"poke":6892,"equipment":6893,"greg":6894,"essential":6895,"offering":6896,"nex":6897,"pies":6898,"bec":6899,"creation":6900,"chairman":6901,"crown":6902,"wal":6903,"johnny":6904,"shift":6905,"neck":6906,"bang":6907,"bird":6908,"ðŁĺı":6909,"duck":6910,"reserve":6911,"depu":6912,"masters":6913,"overall":6914,"notic":6915,"juice":6916,"sneak":6917,"cheer":6918,"classes":6919,"eagles":6920,"nca":6921,"carpet":6922,"civil":6923,"coaches":6924,"harris":6925,"ups":6926,"balls":6927,"decor":6928,"martin":6929,"ros":6930,"vice":6931,"announcement":6932,"whose":6933,"tigers":6934,"stered":6935,"cts":6936,"dram":6937,"steel":6938,"young":6939,"install":6940,"suppo":6941,"recording":6942,"deck":6943,"seats":6944,"lder":6945,"angle":6946,"bot":6947,"styles":6948,"elections":6949,"fortun":6950,"nab":6951,"butter":6952,"arian":6953,"kash":6954,"inner":6955,"oured":6956,"beast":6957,"wei":6958,"iconic":6959,"experts":6960,"necess":6961,"beng":6962,"james":6963,"lia":6964,"greece":6965,"ðŁĵ·":6966,"ðŁĺģ":6967,"goodbye":6968,"mitch":6969,"twice":6970,"mumbai":6971,"steam":6972,"rush":6973,"medal":6974,"nett":6975,"fashion":6976,"tar":6977,"rs":6978,"saving":6979,"ricul":6980,"lm":6981,"sleeping":6982,"brooklyn":6983,"miss":6984,"sending":6985,"discovered":6986,"sphere":6987,"oftheday":6988,"kicks":6989,"missions":6990,"wright":6991,"ern":6992,"ghtly":6993,"ious":6994,"melbourne":6995,"startu":6996,"moved":6997,"carry":6998,"dak":6999,"agues":7000,"belgi":7001,"ema":7002,"wayne":7003,"dot":7004,"erie":7005,"pel":7006,"itunes":7007,"matthew":7008,"nobody":7009,"estab":7010,"calm":7011,"winds":7012,"luc":7013,"prepare":7014,"trends":7015,"exercise":7016,"advant":7017,"ðŁĴ¯":7018,"athletics":7019,"apps":7020,"ctions":7021,"advance":7022,"launches":7023,"little":7024,"realdonaldtrump":7025,"elizabeth":7026,"carolina":7027,"hub":7028,"hidden":7029,"nw":7030,"user":7031,"poll":7032,"greater":7033,"most":7034,"fed":7035,"pat":7036,"lifestyle":7037,"sati":7038,"scores":7039,"marriage":7040,"lr":7041,"avenue":7042,"deserve":7043,"rif":7044,"ðŁĹ":7045,"watch":7046,"championships":7047,"gray":7048,"enni":7049,"cotton":7050,"gom":7051,"where":7052,"package":7053,"sum":7054,"absolu":7055,"newly":7056,"foods":7057,"tyler":7058,"assembly":7059,"muslim":7060,"bank":7061,"rememb":7062,"options":7063,"producer":7064,"lando":7065,"funds":7066,"upper":7067,"shadow":7068,"progre":7069,"cop":7070,"inge":7071,"legs":7072,"detroit":7073,"hillary":7074,"jose":7075,"giants":7076,"soup":7077,"sustainable":7078,"tus":7079,"clothes":7080,"rocking":7081,"nz":7082,"minne":7083,"materi":7084,"bruce":7085,"eart":7086,"casting":7087,"independent":7088,"thousands":7089,"tah":7090,"decl":7091,"veterans":7092,"lions":7093,"wrap":7094,"â̦":7095,"dess":7096,"bling":7097,"stine":7098,"eggs":7099,"oon":7100,"closing":7101,"zay":7102,"att":7103,"bacon":7104,"fail":7105,"arizona":7106,"depre":7107,"ghost":7108,"newsp":7109,"wers":7110,"vip":7111,"liked":7112,"ident":7113,"volunteer":7114,"adult":7115,"pupp":7116,"circle":7117,"material":7118,"degree":7119,"grown":7120,"boom":7121,"calendar":7122,"sur":7123,"viewing":7124,"athletes":7125,"chand":7126,"rell":7127,"asian":7128,"entr":7129,"volley":7130,"victims":7131,"body":7132,"mama":7133,"transfer":7134,"geek":7135,"indic":7136,"saved":7137,"mai":7138,"gent":7139,"its":7140,"lounge":7141,"kol":7142,"theory":7143,"situation":7144,"islands":7145,"arth":7146,"zoo":7147,"flood":7148,"viously":7149,"showed":7150,"parliament":7151,"chev":7152,"eline":7153,"attrac":7154,"abad":7155,"tail":7156,"hrs":7157,"lus":7158,"portu":7159,"gory":7160,"provides":7161,"toys":7162,"death":7163,"infe":7164,"ance":7165,"gle":7166,"liam":7167,"lover":7168,"hud":7169,"dvd":7170,"revealed":7171,"gw":7172,"rement":7173,"cathe":7174,"lying":7175,"radio":7176,"derby":7177,"stors":7178,"chemi":7179,"hospit":7180,"⾨":7181,"':":7182,"ilove":7183,"lemon":7184,"republic":7185,"sni":7186,"ness":7187,"door":7188,"reaction":7189,"pregn":7190,"flav":7191,"scholar":7192,"spotify":7193,"isation":7194,"visual":7195,"aware":7196,"sponsored":7197,"joke":7198,"lessons":7199,"legis":7200,"lock":7201,"simil":7202,"ðŁĺĭ":7203,"kind":7204,"lay":7205,"mah":7206,"hoping":7207,"vancouver":7208,"aser":7209,"cleaning":7210,"gala":7211,"threat":7212,"lap":7213,"ache":7214,"romance":7215,"expen":7216,"repost":7217,"zam":7218,"epi":7219,"mirror":7220,"oak":7221,"adul":7222,"batman":7223,"slu":7224,"lc":7225,"viewed":7226,"reviews":7227,"dates":7228,"indonesia":7229,"activi":7230,"offen":7231,"leaf":7232,"isi":7233,"agricul":7234,"costume":7235,"sites":7236,"spiritu":7237,"appearance":7238,"iry":7239,"stair":7240,"application":7241,"spectac":7242,"icity":7243,"skies":7244,"handle":7245,"punk":7246,"paradise":7247,"tn":7248,"deal":7249,"providing":7250,"doc":7251,"receiving":7252,"brew":7253,"microsoft":7254,"ö":7255,"ferr":7256,"metro":7257,"thail":7258,"yum":7259,"carter":7260,"á":7261,"gentle":7262,"breaks":7263,"cooper":7264,"showcase":7265,"cutting":7266,"egypt":7267,"baby":7268,"seminar":7269,"glori":7270,"sson":7271,"fave":7272,"rehear":7273,"lotte":7274,"lady":7275,"alas":7276,"prep":7277,"delivered":7278,"nuclear":7279,"iro":7280,"engagement":7281,"atta":7282,"conven":7283,"zan":7284,"glory":7285,"holds":7286,"businesses":7287,"strange":7288,"sche":7289,"itself":7290,"grad":7291,"markets":7292,"falling":7293,"stats":7294,"geon":7295,"budd":7296,"lis":7297,"sheet":7298,"thisi":7299,"colo":7300,"desert":7301,"registration":7302,"ign":7303,"explain":7304,"interior":7305,"laws":7306,"writers":7307,"springs":7308,"kr":7309,"fried":7310,"bloom":7311,"infra":7312,"ao":7313,"cred":7314,"past":7315,"lineup":7316,"boo":7317,"brea":7318,"boots":7319,"celebrity":7320,"attacks":7321,"brook":7322,"eves":7323,"excu":7324,"cherry":7325,"oop":7326,"fascin":7327,"boyfriend":7328,"seas":7329,"nine":7330,"effects":7331,"powered":7332,"kha":7333,"ðŁĺĢ":7334,"shout":7335,"condition":7336,"ij":7337,"hero":7338,"enterpri":7339,"winter":7340,"applications":7341,"shoe":7342,"gel":7343,"battle":7344,"programs":7345,"wart":7346,"ðŁĴ¥":7347,"rap":7348,"hol":7349,"dangerous":7350,"dia":7351,"counter":7352,"rics":7353,"ior":7354,"knight":7355,"coat":7356,"emotional":7357,"atures":7358,"das":7359,"wheel":7360,"forecast":7361,"transport":7362,"glasgow":7363,"kingdom":7364,"preparing":7365,"immedi":7366,"ffin":7367,"awarded":7368,"printing":7369,"roman":7370,"fighters":7371,"anymore":7372,"belt":7373,"pine":7374,"wine":7375,"xi":7376,"employees":7377,"logies":7378,"alled":7379,"demo":7380,"birthday":7381,"angeles":7382,"log":7383,"drivers":7384,"necklace":7385,"kath":7386,"sit":7387,"athlete":7388,"efs":7389,"sburg":7390,"purpose":7391,"resistance":7392,"releases":7393,"tis":7394,"various":7395,"deliver":7396,"chal":7397,"sanc":7398,"oppo":7399,"craw":7400,"neuro":7401,"dra":7402,"supporters":7403,"snap":7404,"difficult":7405,"swear":7406,"logist":7407,"path":7408,"attempt":7409,"à¥":7410,"swimming":7411,"steve":7412,"hurt":7413,"included":7414,"bap":7415,"ware":7416,"ðŁĴĭ":7417,"enders":7418,"jake":7419,"leeds":7420,"climb":7421,"lb":7422,"imple":7423,"lisa":7424,"clothing":7425,"ðŁĺİ":7426,"dt":7427,"compla":7428,"swing":7429,"straw":7430,"vals":7431,"kle":7432,"users":7433,"storm":7434,"cuts":7435,"ontario":7436,"pan":7437,"handsome":7438,"iow":7439,"argu":7440,"checking":7441,"scottish":7442,"Ķï¸ı":7443,"sier":7444,"emma":7445,"pod":7446,"pattern":7447,"desh":7448,"enh":7449,"edward":7450,"ting":7451,"kh":7452,"half":7453,"lincoln":7454,"mother":7455,"alleg":7456,"rc":7457,"volleyball":7458,"dn":7459,"gay":7460,"ally":7461,"leton":7462,"grove":7463,"loud":7464,"advanced":7465,"respec":7466,"client":7467,"supreme":7468,"thailand":7469,"how":7470,"gig":7471,"toi":7472,"dot":7473,"dollar":7474,"ðŁijĩ":7475,"pit":7476,"rb":7477,"hn":7478,"produced":7479,"ggers":7480,"âĨĴ":7481,"mlb":7482,"canvas":7483,"fineart":7484,"usd":7485,"inthe":7486,"pson":7487,"actual":7488,"sl":7489,"tb":7490,"ipad":7491,"ensure":7492,"umb":7493,"wd":7494,"ska":7495,"mars":7496,"kend":7497,"feli":7498,"thing":7499,"countdown":7500,"absolute":7501,"rout":7502,"dral":7503,"py":7504,"injured":7505,"mint":7506,"hunting":7507,"mmer":7508,"sage":7509,"ligh":7510,"acity":7511,"expan":7512,"murray":7513,"aro":7514,"secure":7515,"fourth":7516,"eagle":7517,"relief":7518,"stakes":7519,"industrial":7520,"clark":7521,"understanding":7522,"seem":7523,"plenty":7524,"silver":7525,"clau":7526,"threat":7527,"sail":7528,"produce":7529,"abstr":7530,"isis":7531,"br":7532,"engers":7533,"worry":7534,"bieber":7535,"sj":7536,"justin":7537,"realize":7538,"kyle":7539,"espn":7540,"filter":7541,"sch":7542,"types":7543,"gamedev":7544,"ding":7545,"twitter":7546,"soldiers":7547,"pom":7548,"carbon":7549,"yards":7550,"childhood":7551,"ried":7552,"kel":7553,"eleph":7554,"tons":7555,"keynote":7556,"quiet":7557,"wire":7558,"posting":7559,"issa":7560,"representing":7561,"backs":7562,"alexander":7563,"celebrates":7564,"taining":7565,"||":7566,"chor":7567,"escape":7568,"peek":7569,"tives":7570,"field":7571,"ssie":7572,"impac":7573,"sponsor":7574,"rc":7575,"wedd":7576,"cannab":7577,"sides":7578,"tracks":7579,"compar":7580,"contrac":7581,"technical":7582,"bible":7583,"exploring":7584,"share":7585,"trav":7586,"nate":7587,"illo":7588,"scru":7589,"mingham":7590,"guns":7591,"ofthe":7592,"shame":7593,"sees":7594,"catho":7595,"access":7596,"cel":7597,"reported":7598,"»":7599,"mario":7600,"pad":7601,"hopefully":7602,"ouse":7603,"yon":7604,"disappo":7605,"olo":7606,"pitt":7607,"pac":7608,"gap":7609,"crush":7610,"sg":7611,"kle":7612,"gem":7613,"empire":7614,"dirty":7615,"ais":7616,"aviation":7617,"zealand":7618,"facing":7619,"highway":7620,"danny":7621,"spider":7622,"otta":7623,"ðŁĺĦ":7624,"wy":7625,"colours":7626,"infl":7627,"costs":7628,"olympics":7629,"aus":7630,"hm":7631,"howard":7632,"passes":7633,"lauren":7634,"mush":7635,"opin":7636,"rho":7637,"discount":7638,"operation":7639,"emily":7640,"mmm":7641,"chamber":7642,"dil":7643,"toyo":7644,"ship":7645,"samu":7646,"pictured":7647,"unic":7648,"pol":7649,"keeper":7650,"cartoon":7651,"sten":7652,"ignor":7653,"nations":7654,"nl":7655,"tasting":7656,"detail":7657,"officials":7658,"motor":7659,"francis":7660,"editor":7661,"ðŁijĩ":7662,"pets":7663,"rangers":7664,"tg":7665,"rn":7666,"wri":7667,"nichol":7668,"ise":7669,"spots":7670,"anie":7671,"check":7672,"triple":7673,"kumar":7674,"speakers":7675,"icing":7676,"prepared":7677,"abuse":7678,"friendship":7679,"month":7680,"swim":7681,"aire":7682,"scent":7683,"hamilton":7684,"indian":7685,"jes":7686,"yummy":7687,"tears":7688,"dawn":7689,"ized":7690,"worlds":7691,"ðŁķ":7692,"billi":7693,"stone":7694,"nhs":7695,"basic":7696,"por":7697,"stle":7698,"iron":7699,"older":7700,"clevel":7701,"eing":7702,"ðŁĺįðŁĺįðŁĺį":7703,"prints":7704,"firm":7705,"aircraft":7706,"finest":7707,"develop":7708,"aaron":7709,"tz":7710,"graham":7711,"owners":7712,"foli":7713,"lesson":7714,"ques":7715,"babe":7716,"craft":7717,"phen":7718,"jun":7719,"birmingham":7720,"vine":7721,"ller":7722,"ian":7723,"fineartamerica":7724,"evolu":7725,"stab":7726,"imper":7727,"ward":7728,"comic":7729,"wiz":7730,"invited":7731,"duke":7732,"match":7733,"ports":7734,"roger":7735,"diagno":7736,"kept":7737,"test":7738,"visu":7739,"rhy":7740,"soc":7741,"tox":7742,"baker":7743,"surface":7744,"covers":7745,"mans":7746,"bits":7747,"xbox":7748,"ffle":7749,"nan":7750,"gard":7751,"hart":7752,"waters":7753,"villa":7754,"retro":7755,"lightning":7756,"catholic":7757,"democracy":7758,"neighbor":7759,"penn":7760,"cran":7761,"jonathan":7762,"laura":7763,"vibes":7764,"sub":7765,"coaching":7766,"clearly":7767,"ukraine":7768,"brave":7769,"commitment":7770,"tall":7771,"mart":7772,"rap":7773,"modi":7774,"scott":7775,"bros":7776,"shower":7777,"ðŁı¾":7778,"âĺºï¸ı":7779,"cousin":7780,"approach":7781,"bre":7782,"compos":7783,"hilari":7784,"philly":7785,"gad":7786,"quickly":7787,"rian":7788,"tm":7789,"virtual":7790,"houses":7791,"kt":7792,"phoenix":7793,"wire":7794,"ffy":7795,"bunch":7796,"ancing":7797,"tale":7798,"snapchat":7799,"starter":7800,"ht":7801,"kicking":7802,"apart":7803,"thy":7804,")!":7805,"blogger":7806,"itz":7807,"comfort":7808,"angels":7809,"wash":7810,"\":":7811,"argent":7812,"request":7813,"honest":7814,"mighty":7815,"bobby":7816,"kg":7817,"rol":7818,"thouse":7819,"expo":7820,"hc":7821,"tables":7822,"magical":7823,"posts":7824,"dem":7825,"nw":7826,"orlando":7827,"aber":7828,"***":7829,"ðŁĺľ":7830,"environmental":7831,"transformation":7832,"mile":7833,"wic":7834,"hiring":7835,"maine":7836,"boar":7837,"rying":7838,"tis":7839,"niture":7840,"tweeted":7841,"antonio":7842,"opinion":7843,"finale":7844,"diy":7845,"fis":7846,"thin":7847,"trouble":7848,"lego":7849,"files":7850,"quart":7851,"spa":7852,"currency":7853,"climate":7854,"fanart":7855,"railway":7856,"space":7857,"bands":7858,"daniel":7859,"motion":7860,"leng":7861,"holder":7862,"occu":7863,"marie":7864,"cathedral":7865,"buzz":7866,"bies":7867,"nascar":7868,"bmw":7869,"battery":7870,"charlotte":7871,"doctor":7872,"zzle":7873,"seven":7874,"insan":7875,"ddy":7876,"sten":7877,"labor":7878,"thrilled":7879,"seren":7880,"documentary":7881,"waves":7882,"certain":7883,"candid":7884,"allowed":7885,"nintendo":7886,"starwars":7887,"tap":7888,"homemade":7889,"dles":7890,"thering":7891,"bree":7892,"empty":7893,"piano":7894,"positi":7895,"country":7896,"pork":7897,"puts":7898,"perry":7899,"matic":7900,"spotlight":7901,"tist":7902,"orities":7903,"wealth":7904,"cp":7905,"barbar":7906,"committed":7907,"assau":7908,"profit":7909,"eight":7910,"hul":7911,"finishing":7912,"runner":7913,"sso":7914,"inspec":7915,"charged":7916,"christop":7917,"losing":7918,"coal":7919,"hoo":7920,"elev":7921,"dele":7922,"moham":7923,"donation":7924,"cable":7925,"clinic":7926,"jin":7927,"managed":7928,"tering":7929,"â¬":7930,"urban":7931,"deputy":7932,"bber":7933,"burn":7934,"academic":7935,"ott":7936,"stake":7937,"iter":7938,"stown":7939,"acker":7940,"adventures":7941,"adams":7942,"greg":7943,"prom":7944,"vol":7945,"acqu":7946,"congre":7947,"paint":7948,"citizens":7949,"call":7950,"afford":7951,"vc":7952,"asks":7953,"thetic":7954,"independence":7955,"âĽ":7956,"hitting":7957,"blon":7958,"future":7959,"âı":7960,"inno":7961,"gene":7962,"boards":7963,"distance":7964,"set":7965,"remem":7966,"thal":7967,"prevent":7968,"lang":7969,"objec":7970,"susp":7971,"matt":7972,"induc":7973,"boro":7974,"pione":7975,"redi":7976,"virtu":7977,"printed":7978,"scope":7979,"shark":7980,"succe":7981,"astron":7982,"illegal":7983,"jag":7984,"cting":7985,"inee":7986,"ato":7987,"robin":7988,"nutrition":7989,"bf":7990,"dutch":7991,"bn":7992,"furniture":7993,"forgotten":7994,"atar":7995,"rup":7996,"hyper":7997,"branch":7998,"communication":7999,"degrees":8000,"onia":8001,"uncle":8002,"promote":8003,"orche":8004,"wii":8005,"js":8006,"button":8007,"major":8008,"cbs":8009,"bristol":8010,"premium":8011,"ordinary":8012,"edit":8013,"mg":8014,"weed":8015,"steven":8016,":'":8017,"gus":8018,"tes":8019,"captured":8020,"drugs":8021,"dow":8022,"writes":8023,"bishop":8024,"wheels":8025,"alization":8026,"discovery":8027,"wr":8028,"rachel":8029,"neil":8030,"hydr":8031,"cutest":8032,"entrepreneur":8033,"korean":8034,"oregon":8035,"ulty":8036,"perfectly":8037,"supported":8038,"historical":8039,"twins":8040,"elly":8041,"wel":8042,"devil":8043,"income":8044,"scientists":8045,"deleg":8046,"hen":8047,"oni":8048,"iced":8049,"gio":8050,"curry":8051,"reveal":8052,"eg":8053,"buffalo":8054,"nol":8055,"opera":8056,"cameron":8057,"hahahaha":8058,"jab":8059,"graduation":8060,"craig":8061,"ral":8062,"if":8063,"organization":8064,"lege":8065,"gang":8066,"sud":8067,"edinburgh":8068,"lack":8069,"flies":8070,"gate":8071,"thrones":8072,"qb":8073,"thereal":8074,"eleg":8075,"ppin":8076,"cles":8077,"jamie":8078,"tnam":8079,"crypto":8080,"oul":8081,"pages":8082,"ase":8083,"roots":8084,"stupid":8085,"adid":8086,"boot":8087,"protein":8088,"sap":8089,"sium":8090,"sus":8091,"endor":8092,"function":8093,"dont":8094,"enna":8095,"chy":8096,"sque":8097,"worker":8098,"mtv":8099,"ea":8100,"kan":8101,"ðŁĴļ":8102,"mus":8103,"profession":8104,"tto":8105,"operations":8106,"allo":8107,"ctor":8108,"invite":8109,"scand":8110,"outh":8111,"zim":8112,"links":8113,"clients":8114,"samsung":8115,"discusses":8116,"nell":8117,"ultra":8118,"somewhere":8119,"stewart":8120,"inet":8121,"dez":8122,"bout":8123,"factor":8124,"tian":8125,"trans":8126,"jeremy":8127,"db":8128,"ðŁĩ¬":8129,"orn":8130,"developing":8131,"spol":8132,"cooper":8133,"mau":8134,"remembering":8135,"trek":8136,"family":8137,"seniors":8138,"foster":8139,"attended":8140,"wing":8141,"transform":8142,"elementary":8143,"horiz":8144,"listing":8145,"malaysia":8146,"itch":8147,"warrior":8148,"philippines":8149,"russell":8150,"mend":8151,"initiative":8152,"creep":8153,"tops":8154,"briti":8155,"aur":8156,"sharp":8157,"advertising":8158,"ugly":8159,"achiev":8160,"materials":8161,"bug":8162,"device":8163,"bonus":8164,"facility":8165,"cole":8166,"nhl":8167,"yas":8168,"planned":8169,"pole":8170,"excellence":8171,"trick":8172,"confl":8173,"rp":8174,"achieve":8175,"loan":8176,"swag":8177,"jessica":8178,"howe":8179,"pour":8180,"scu":8181,"zoo":8182,"rated":8183,"dresses":8184,"rebel":8185,"mexican":8186,"coordin":8187,"mess":8188,"atlantic":8189,"tl":8190,"oscar":8191,"walks":8192,"pharmac":8193,"investigation":8194,"...#":8195,"cci":8196,"easily":8197,"mondaymotivation":8198,"yment":8199,"auti":8200,"forced":8201,"armed":8202,"colleagues":8203,"papers":8204,"proper":8205,"shake":8206,"buc":8207,"lean":8208,"exhibit":8209,"evement":8210,"cott":8211,"biz":8212,"sper":8213,"kent":8214,"swan":8215,"/@":8216,"girlfriend":8217,"hawk":8218,"âĺĢï¸ı":8219,"mono":8220,"ðŁĴĽ":8221,"statue":8222,"ðŁĺ³":8223,"ras":8224,"teeth":8225,"precious":8226,"tile":8227,"pam":8228,"swift":8229,"vali":8230,"nose":8231,"drunk":8232,"experiences":8233,"comeback":8234,"genius":8235,"worse":8236,"shef":8237,"rad":8238,"edit":8239,"honour":8240,"auspol":8241,"larry":8242,"hire":8243,"gordon":8244,"achievement":8245,"........":8246,"suicide":8247,"alternative":8248,"sup":8249,"surroun":8250,"shake":8251,"keith":8252,"pepper":8253,"turk":8254,"criminal":8255,"beck":8256,"sum":8257,"walls":8258,"cnn":8259,"antic":8260,"offe":8261,"colli":8262,"wines":8263,"highlight":8264,"hawaii":8265,"embar":8266,"lfc":8267,"ðŁĩ®":8268,"mv":8269,">>":8270,"atmo":8271,"word":8272,"carl":8273,"shoutout":8274,"brewing":8275,"ìĿ":8276,"dof":8277,"sic":8278,"hottest":8279,"colon":8280,"hhh":8281,"shut":8282,"lowing":8283,"volume":8284,"apartment":8285,"agreement":8286,"destro":8287,"wee":8288,"religious":8289,"iowa":8290,"rod":8291,"landing":8292,"represent":8293,"ðŁĵ·:":8294,"las":8295,"usually":8296,"hl":8297,"cac":8298,"salv":8299,"along":8300,"laughing":8301,"beans":8302,"reminds":8303,"phase":8304,"somebody":8305,"mask":8306,"ranked":8307,"destroy":8308,"sci":8309,"â̼ï¸ı":8310,"gabri":8311,"leo":8312,"roa":8313,"failed":8314,"sil":8315,"refugees":8316,"revi":8317,"ring":8318,"berries":8319,"cookies":8320,"yy":8321,"conservation":8322,"shab":8323,"humans":8324,"determin":8325,"ain":8326,"niall":8327,"assu":8328,"mba":8329,"from":8330,"extreme":8331,"vices":8332,"commerce":8333,"ghtful":8334,"ordered":8335,"supports":8336,"recap":8337,"vor":8338,"dropping":8339,"correct":8340,"paying":8341,"meaning":8342,"nj":8343,"quiz":8344,"\"#":8345,"business":8346,"ðŁĩ®ðŁĩ":8347,"indigen":8348,"dust":8349,"boxes":8350,"blind":8351,"xxx":8352,"zzy":8353,"ðŁĩ¬ðŁĩ":8354,"ssels":8355,"sant":8356,"ddle":8357,"hilarious":8358,"design":8359,"wondering":8360,"vehicles":8361,"kre":8362,"jud":8363,"reception":8364,"parker":8365,"ÃŃ":8366,"privi":8367,"hydro":8368,"softball":8369,"pollu":8370,"locked":8371,"bah":8372,"ear":8373,"script":8374,"divi":8375,"brace":8376,"george":8377,"theast":8378,"belo":8379,"jal":8380,"tionary":8381,"dental":8382,"rocket":8383,"purch":8384,"shak":8385,"manufacturing":8386,"ez":8387,"itis":8388,"concep":8389,"tball":8390,"chs":8391,"directed":8392,"prayers":8393,"ook":8394,"philos":8395,"variety":8396,"chess":8397,"server":8398,"gand":8399,"balti":8400,"ðŁĵ¸":8401,"sely":8402,"cruz":8403,"spectacular":8404,"burning":8405,"represent":8406,"iz":8407,"tone":8408,"merce":8409,"hell":8410,"bedroom":8411,"establi":8412,"bol":8413,"common":8414,"ãĥ»":8415,"abor":8416,"kitty":8417,"heights":8418,"repair":8419,"william":8420,"quake":8421,"alabama":8422,"population":8423,"rev":8424,"rett":8425,"ists":8426,"nite":8427,"lem":8428,"aha":8429,"cleveland":8430,"rm":8431,"pover":8432,"obse":8433,"montre":8434,"mania":8435,"®":8436,"conne":8437,"carni":8438,"shah":8439,"fy":8440,"ua":8441,"scor":8442,"struggle":8443,"bob":8444,"''":8445,"appropri":8446,"decide":8447,"ffed":8448,"caster":8449,"sort":8450,"hungry":8451,"drag":8452,"اÙ":8453,"grounds":8454,"dw":8455,"slightly":8456,"cardin":8457,"deadline":8458,"bronze":8459,"webin":8460,"barry":8461,"silence":8462,"euro":8463,"option":8464,"earn":8465,"ðŁĴĸ":8466,"however":8467,"naren":8468,"nails":8469,"bathroom":8470,"vine":8471,"phd":8472,"mining":8473,"garage":8474,"()":8475,"shoulder":8476,"defeat":8477,"dir":8478,"ov":8479,"liberty":8480,"pleas":8481,"xon":8482,"compre":8483,"av":8484,"jin":8485,"ables":8486,"silent":8487,"famili":8488,"visits":8489,"dipl":8490,"habit":8491,"millions":8492,"regarding":8493,"innovative":8494,"senator":8495,"rts":8496,"von":8497,"kl":8498,"whil":8499,"required":8500,"âĿĦ":8501,"luv":8502,"presidential":8503,"pocket":8504,"hundre":8505,"shown":8506,"frozen":8507,"toward":8508,"fast":8509,"confidence":8510,"rough":8511,"individual":8512,"quet":8513,"ðŁı½":8514,"dome":8515,"fifa":8516,"engineer":8517,"zen":8518,"remix":8519,"ðŁĺĥ":8520,"plant":8521,"minor":8522,"robinson":8523,"asy":8524,"pulled":8525,"certain":8526,"potato":8527,"(:":8528,"pres":8529,"occa":8530,"wit":8531,"item":8532,"sie":8533,"dating":8534,"thompson":8535,"owned":8536,"anu":8537,"vie":8538,"tedly":8539,"goodnight":8540,"except":8541,"ðŁĮŁ":8542,"iraq":8543,"kie":8544,"rences":8545,"lip":8546,"similar":8547,"saudi":8548,"vig":8549,"arthur":8550,"picks":8551,"milan":8552,"honda":8553,"maxi":8554,"og":8555,"stest":8556,"arch":8557,"analytics":8558,"basti":8559,"pearl":8560,"terry":8561,"horse":8562,"astro":8563,"acce":8564,"launching":8565,"international":8566,"sno":8567,"tasty":8568,"denver":8569,"irl":8570,"pete":8571,"torn":8572,"advantage":8573,"varsity":8574,"\"\"":8575,"sole":8576,"gc":8577,"lang":8578,"demonstr":8579,"olds":8580,"unity":8581,"nets":8582,"inspire":8583,"crete":8584,"nashville":8585,"nelson":8586,"eter":8587,"walk":8588,"hyun":8589,"mack":8590,"treas":8591,"seeking":8592,"rage":8593,"brush":8594,"aband":8595,"whilst":8596,"cocon":8597,"hong":8598,"shelter":8599,"ip":8600,"possibly":8601,"soo":8602,"ited":8603,"âĦ":8604,"races":8605,"warming":8606,"quin":8607,"television":8608,"matches":8609,"rapi":8610,"mental":8611,"palm":8612,"jennifer":8613,"rolls":8614,"indiana":8615,"bars":8616,"catching":8617,"rescu":8618,"candidates":8619,"fare":8620,"âłĢ":8621,"seo":8622,"vietnam":8623,"alpha":8624,"michelle":8625,"visible":8626,"regre":8627,"wned":8628,"apple":8629,"lip":8630,"ffe":8631,"liz":8632,"yorkshire":8633,"hail":8634,"seasons":8635,"began":8636,"md":8637,"kc":8638,"lap":8639,"fascinating":8640,"help":8641,"ury":8642,"ums":8643,"nuts":8644,"sem":8645,"alongside":8646,"bridge":8647,"orial":8648,"ove":8649,"worldcup":8650,"british":8651,"comfortable":8652,"ive":8653,"hotels":8654,"fairs":8655,"horri":8656,"sox":8657,"dining":8658,"stream":8659,"barri":8660,"ssy":8661,"wim":8662,"terms":8663,"vu":8664,"pere":8665,"lens":8666,"walked":8667,"ror":8668,"lars":8669,"shield":8670,"doubt":8671,"proto":8672,"crossing":8673,"meant":8674,"medium":8675,"adding":8676,"eb":8677,"cheap":8678,"func":8679,"paper":8680,"brands":8681,"ryan":8682,"feedback":8683,"collins":8684,"unknown":8685,"tropical":8686,"sandwich":8687,"fallen":8688,"formu":8689,"select":8690,"loads":8691,"answers":8692,"ori":8693,"maga":8694,"dor":8695,"duo":8696,"alie":8697,"drum":8698,"uri":8699,"deer":8700,"soul":8701,"shut":8702,"âĺº":8703,"stolen":8704,"donated":8705,"buzz":8706,"patriots":8707,"hal":8708,"nasty":8709,"nominated":8710,"monte":8711,"kia":8712,"thri":8713,"ingu":8714,"tests":8715,"petro":8716,"ðŁijij":8717,"hosts":8718,"nest":8719,"topic":8720,"patch":8721,"mmy":8722,"hugh":8723,"abilities":8724,"mathe":8725,"smiles":8726,"gb":8727,"agenda":8728,"insights":8729,"chip":8730,"phan":8731,"failure":8732,"dgers":8733,"hai":8734,"significant":8735,"shock":8736,"rural":8737,"glam":8738,"figures":8739,"potus":8740,"ota":8741,"ministry":8742,"appears":8743,"fear":8744,"rh":8745,"american":8746,"hatt":8747,"sony":8748,"fires":8749,"edi":8750,"nou":8751,"equi":8752,"when":8753,"universal":8754,"madness":8755,"ix":8756,"sculpture":8757,"bach":8758,"tto":8759,"sweden":8760,"eta":8761,"ento":8762,"developed":8763,"monthly":8764,"maps":8765,"rah":8766,"led":8767,"delta":8768,"saints":8769,"islam":8770,"bench":8771,"fifth":8772,"vard":8773,"socks":8774,"welcoming":8775,"je":8776,"turner":8777,"vb":8778,"adi":8779,"norway":8780,"ady":8781,"hurricane":8782,"porsche":8783,"tradition":8784,"exam":8785,"newspaper":8786,"luci":8787,"aver":8788,"ideal":8789,"dna":8790,"madison":8791,"ð٧":8792,"witness":8793,"acou":8794,"insight":8795,"simon":8796,"robot":8797,"snake":8798,"nbc":8799,"aco":8800,"ross":8801,"shment":8802,"religion":8803,"chann":8804,"insu":8805,"campbell":8806,"installed":8807,"weather":8808,"horses":8809,"oli":8810,"robert":8811,"kaz":8812,"ðŁıĢ":8813,"veteran":8814,"thread":8815,"quarter":8816,"easier":8817,"capture":8818,"hipho":8819,"lawrence":8820,"romantic":8821,"passion":8822,"clay":8823,"oxford":8824,"thai":8825,"studying":8826,"fia":8827,"elected":8828,"mostly":8829,"cb":8830,"tumb":8831,"âĢįâĻĤ":8832,"xl":8833,"shan":8834,"faster":8835,"evans":8836,"slide":8837,"shri":8838,"seek":8839,"mies":8840,"chemistry":8841,"pumpkin":8842,"tum":8843,",,":8844,"room":8845,"fired":8846,"lips":8847,"presence":8848,"aff":8849,"brewery":8850,"arrive":8851,"swag":8852,"photograph":8853,"pengu":8854,"chips":8855,"attor":8856,"values":8857,"accurate":8858,"contemporary":8859,"principal":8860,"cannabis":8861,"ario":8862,"anywhere":8863,"gia":8864,"democrats":8865,"buildings":8866,"lived":8867,"aps":8868,"negative":8869,"mare":8870,"ballo":8871,"lion":8872,"diamon":8873,"look":8874,"reform":8875,"tommy":8876,"illa":8877,"treats":8878,"hundreds":8879,"portland":8880,"worthy":8881,"excep":8882,"aria":8883,"idol":8884,"beer":8885,"cdn":8886,"yu":8887,"awk":8888,"ðŁĩ¨":8889,"cells":8890,"ó":8891,"identity":8892,"drawn":8893,"devil":8894,"finger":8895,"tham":8896,"ðŁijĬ":8897,"earned":8898,"fintech":8899,"dolph":8900,"tweeting":8901,"evolution":8902,"ðŁĵį":8903,"estim":8904,"mvp":8905,"none":8906,"ðŁĩºðŁĩ¸":8907,"toyota":8908,"aux":8909,"marin":8910,"bold":8911,"lbs":8912,"steak":8913,"murphy":8914,"itable":8915,"louis":8916,"solve":8917,"pia":8918,"skir":8919,"illino":8920,"webinar":8921,"banana":8922,"lov":8923,"thon":8924,"voters":8925,"affordable":8926,"defeated":8927,"lmfa":8928,"airlines":8929,"superb":8930,"anyway":8931,"debt":8932,"bored":8933,"versi":8934,"metal":8935,"responsible":8936,"mk":8937,"sse":8938,"fay":8939,"caused":8940,"fp":8941,"recommend":8942,"plaza":8943,"sporting":8944,"alliance":8945,"austri":8946,"nn":8947,"tours":8948,"surprised":8949,"artif":8950,"thunder":8951,"surve":8952,"wore":8953,"brief":8954,"necessary":8955,"zie":8956,"ashley":8957,"drake":8958,"rt":8959,"knife":8960,"immun":8961,"charges":8962,"athe":8963,"bride":8964,"reply":8965,"gav":8966,"broadcast":8967,"puer":8968,"bracelet":8969,"capacity":8970,"harvest":8971,"idk":8972,"performan":8973,"dding":8974,"ilers":8975,"para":8976,"jama":8977,"province":8978,"chin":8979,"iders":8980,"hari":8981,"teaser":8982,"chen":8983,"restor":8984,"rat":8985,"flat":8986,"colom":8987,"ðŁĴŀ":8988,"ðŁĩ¨ðŁĩ":8989,"smooth":8990,"rt":8991,"pitch":8992,"staying":8993,"israeli":8994,"tcot":8995,"perspective":8996,"dock":8997,"opener":8998,"lovel":8999,"xo":9000,"classroom":9001,"lington":9002,"goal":9003,"kennedy":9004,"sham":9005,"spaces":9006,"mitchell":9007,"homecoming":9008,"uki":9009,"claimed":9010,"recruit":9011,"ingo":9012,"mufc":9013,"monit":9014,"groo":9015,"resident":9016,"percent":9017,"perman":9018,"ottawa":9019,"intment":9020,"anxi":9021,"standards":9022,"worship":9023,"scheme":9024,"fx":9025,"potter":9026,"bian":9027,"athletic":9028,"afgh":9029,"sse":9030,"satell":9031,"parties":9032,"âĿ¤âĿ¤":9033,"infrastructure":9034,"relax":9035,"modu":9036,"worn":9037,"smoking":9038,"yach":9039,"practices":9040,"wcw":9041,"amb":9042,"domestic":9043,"taylor":9044,"kentu":9045,"provided":9046,"modi":9047,"veg":9048,"\"...":9049,"observ":9050,"ðŁĺ©":9051,"beard":9052,"mour":9053,"angry":9054,"ðŁĺ±":9055,"startups":9056,"wooden":9057,"dive":9058,"nail":9059,"antique":9060,"roses":9061,"tornado":9062,"mat":9063,"^^":9064,"suspect":9065,"farm":9066,"devices":9067,"mega":9068,"tul":9069,"scholarship":9070,"gee":9071,"disaster":9072,"arrival":9073,"poin":9074,"marc":9075,"katie":9076,"bbed":9077,"false":9078,"deserves":9079,"richard":9080,"juana":9081,"frey":9082,"tioned":9083,"hybri":9084,"rw":9085,"sarah":9086,"achi":9087,"cure":9088,"ole":9089,"morris":9090,"chic":9091,"broadway":9092,"label":9093,"pak":9094,"poverty":9095,"golf":9096,"ered":9097,"fu":9098,"eries":9099,"bees":9100,"alogue":9101,"stel":9102,"wireless":9103,"jewish":9104,"tide":9105,"blocked":9106,"lifetime":9107,"bhar":9108,"split":9109,"amster":9110,"thi":9111,"joshu":9112,"brunch":9113,"haps":9114,"sfor":9115,"oops":9116,"kapoor":9117,"hiking":9118,"supposed":9119,"roof":9120,"reas":9121,"train":9122,"tight":9123,"trump":9124,"basically":9125,"rr":9126,"eared":9127,"seeds":9128,"entrance":9129,"cp":9130,"wie":9131,"sonic":9132,"victim":9133,"here":9134,"eh":9135,"earrings":9136,"salmon":9137,"arctic":9138,"anne":9139,"dougla":9140,"corruption":9141,"hannah":9142,"hasn":9143,"voices":9144,"conce":9145,"atta":9146,"fleet":9147,"clinical":9148,"democratic":9149,"tony":9150,"stood":9151,"lef":9152,"twitch":9153,"ail":9154,"honestly":9155,"increased":9156,"drome":9157,"donna":9158,"accepted":9159,"visitors":9160,"apar":9161,"ador":9162,"par":9163,"jerry":9164,"rai":9165,"brandon":9166,"abu":9167,"!!!!!!":9168,"meme":9169,"ingh":9170,"glorious":9171,"bhu":9172,"pump":9173,"jol":9174,"like":9175,"fisher":9176,"maz":9177,"agan":9178,"destination":9179,"playlist":9180,"letters":9181,"genu":9182,"brace":9183,"celebrated":9184,"banner":9185,"rhe":9186,"dragon":9187,"ðŁĺħ":9188,"signature":9189,"grey":9190,"âľĶï¸ı":9191,"alice":9192,"bered":9193,"pher":9194,"bern":9195,"cath":9196,"gathering":9197,"scoring":9198,"influence":9199,"smiling":9200,"dept":9201,"local":9202,"ax":9203,"acu":9204,"retirement":9205,"honor":9206,"herself":9207,"chemical":9208,"assess":9209,"yall":9210,"frequ":9211,"appreciation":9212,"aca":9213,"choir":9214,"cuz":9215,"soil":9216,"cil":9217,"reporting":9218,"uh":9219,"enterprise":9220,"grat":9221,"jacob":9222,"rum":9223,"fee":9224,"jak":9225,"spin":9226,"bikes":9227,"phia":9228,"stere":9229,"pis":9230,"blood":9231,"tatt":9232,"raft":9233,"warren":9234,"sheri":9235,"backstage":9236,"marsh":9237,"hashtag":9238,"therine":9239,"rein":9240,"gameday":9241,"guaran":9242,"recipes":9243,"minds":9244,"stronger":9245,"issued":9246,"bicy":9247,"nak":9248,"mented":9249,"scary":9250,"ux":9251,"previous":9252,"ttle":9253,"thats":9254,"actors":9255,"uma":9256,"tina":9257,"bunny":9258,"promotion":9259,"uss":9260,"oliver":9261,"montreal":9262,"whats":9263,"appreciated":9264,"lakes":9265,"excuse":9266,"knowing":9267,"prizes":9268,"muscle":9269,"shades":9270,"scot":9271,"ingredi":9272,"electronic":9273,"juan":9274,"combat":9275,"sri":9276,"eh":9277,"turkish":9278,"lom":9279,"strikes":9280,"prison":9281,"ree":9282,"pope":9283,"vid":9284,"oldest":9285,"doll":9286,"swiss":9287,"certified":9288,"clip":9289,"returning":9290,"lator":9291,"leigh":9292,"ttes":9293,"watson":9294,"healing":9295,"elim":9296,"perhaps":9297,"hass":9298,"kau":9299,"dder":9300,"mouse":9301,"newcastle":9302,"indigenous":9303,"welcomes":9304,"cole":9305,"taught":9306,"noise":9307,"appear":9308,"joe":9309,"canon":9310,"wednesday":9311,"utah":9312,"ctive":9313,"driven":9314,"iv":9315,"cell":9316,"strip":9317,"acc":9318,"focused":9319,"arrest":9320,"stocks":9321,"woo":9322,"âĹ":9323,"noticed":9324,"shado":9325,"displa":9326,"terror":9327,"borne":9328,"second":9329,"queens":9330,"woke":9331,"jail":9332,"nott":9333,"cambridge":9334,"hart":9335,"seaf":9336,"fax":9337,"accept":9338,"âĺħ":9339,"goods":9340,"kat":9341,"twin":9342,"hs":9343,"thousand":9344,"sins":9345,"suite":9346,"ampton":9347,"arn":9348,"relev":9349,"richar":9350,"hoops":9351,"nbc":9352,"classic":9353,"pab":9354,"soldier":9355,"deplo":9356,"leans":9357,"installation":9358,"clash":9359,"leban":9360,"eee":9361,"tire":9362,"beloved":9363,"fusion":9364,"traveling":9365,"nei":9366,"cookie":9367,"globe":9368,"physics":9369,"sq":9370,"col":9371,"wolves":9372,"dl":9373,"exit":9374,"\"-":9375,"football":9376,"leaf":9377,"sterling":9378,"hide":9379,"minneso":9380,"freshman":9381,"nature":9382,"indie":9383,"supplies":9384,"bris":9385,"irish":9386,"inktober":9387,"doodle":9388,"icop":9389,"messages":9390,"adults":9391,"recorded":9392,"fixed":9393,"ardo":9394,"offered":9395,"underground":9396,"drone":9397,"pine":9398,"mainten":9399,"andre":9400,"hammer":9401,"sx":9402,"round":9403,"hike":9404,"brad":9405,"rome":9406,"full":9407,"oney":9408,"rows":9409,"columbia":9410,"archives":9411,"approved":9412,"batch":9413,"illinois":9414,"recognition":9415,"shouldn":9416,"fog":9417,"ncaa":9418,"kevin":9419,"humanity":9420,"although":9421,"powers":9422,"pou":9423,"sar":9424,"pest":9425,"alcohol":9426,"consci":9427,"philadel":9428,"eno":9429,"tm":9430,"okla":9431,"category":9432,"participate":9433,"accused":9434,"brief":9435,"poem":9436,"clubs":9437,"consult":9438,"jab":9439,"bigdata":9440,"amsterdam":9441,"acing":9442,"certific":9443,"nu":9444,"dat":9445,"improved":9446,"andy":9447,"campaig":9448,"palestin":9449,"pace":9450,"mobi":9451,"feelings":9452,"wolf":9453,"brain":9454,"propos":9455,"interactive":9456,"prince":9457,"index":9458,"cis":9459,"chae":9460,"peaceful":9461,"covering":9462,"aco":9463,"courses":9464,"monkey":9465,"replace":9466,"bl":9467,"bloody":9468,"tales":9469,"brighton":9470,"neighborhood":9471,"gates":9472,"spiritual":9473,"afraid":9474,"breast":9475,"bones":9476,"ðŁijī":9477,"video":9478,"wau":9479,"touch":9480,"injuries":9481,"carl":9482,"rix":9483,"unex":9484,"âĢ¢":9485,"fred":9486,"considered":9487,"thusi":9488,"anch":9489,"ony":9490,"usa":9491,"graphics":9492,"acre":9493,"ðŁĺ©":9494,"commemor":9495,"commod":9496,"goti":9497,"guardian":9498,"starbucks":9499,"prevention":9500,"hahahaha":9501,"administration":9502,"portugal":9503,"faculty":9504,"beta":9505,"ula":9506,"albert":9507,"breath":9508,"eri":9509,"letting":9510,"tric":9511,"mentation":9512,"incredibly":9513,"tennes":9514,"vd":9515,"ðŁĻĪ":9516,"eddie":9517,"brick":9518,"grill":9519,"btw":9520,"watches":9521,"researchers":9522,"tney":9523,"nie":9524,"pas":9525,"aster":9526,"vibr":9527,"pokemon":9528,"chrome":9529,"goat":9530,"pitts":9531,"illy":9532,"festive":9533,"yd":9534,"canal":9535,"ðŁĨ":9536,"fies":9537,"carlos":9538,"reque":9539,"partici":9540,"trains":9541,"sample":9542,"temperature":9543,"symph":9544,"picking":9545,"indoor":9546,"zers":9547,"playoffs":9548,"________":9549,"apes":9550,"lyrics":9551,"islamic":9552,"performances":9553,"dick":9554,"spark":9555,"seas":9556,"homa":9557,"ground":9558,"disci":9559,"employee":9560,"commu":9561,"alaska":9562,"alan":9563,"feast":9564,"dging":9565,"banking":9566,"manuel":9567,"slowly":9568,"trucks":9569,"mccar":9570,"ooo":9571,"scrat":9572,"orchestra":9573,"individu":9574,"mx":9575,"breath":9576,"stairs":9577,"equality":9578,"blake":9579,"locations":9580,"coconut":9581,"baltimore":9582,"aaa":9583,"lc":9584,"ðŁıĨ":9585,"harvey":9586,"resist":9587,"immigration":9588,"adidas":9589,"fili":9590,"ref":9591,"lgbt":9592,"mos":9593,"ppi":9594,"kenny":9595,"terror":9596,"bane":9597,"apolis":9598,"sg":9599,"socialmedia":9600,"kai":9601,"honest":9602,"assas":9603,"bollywood":9604,"âĢįâĻĢï¸ı":9605,"ferrari":9606,"horn":9607,"crypto":9608,"boom":9609,"maintenance":9610,"idi":9611,"sman":9612,"wl":9613,"extended":9614,"insul":9615,"ves":9616,"gosp":9617,"tri":9618,"pig":9619,"targe":9620,"celer":9621,"stati":9622,"smh":9623,"ridic":9624,"appeal":9625,"?)":9626,"conclu":9627,"cosme":9628,"sheep":9629,"christopher":9630,"enthusi":9631,"polish":9632,"mets":9633,"ounded":9634,"sustainability":9635,"creativity":9636,"concrete":9637,"rai":9638,"alien":9639,"bless":9640,"tees":9641,"club":9642,"rot":9643,"bos":9644,"exist":9645,"perfection":9646,"luck":9647,"rocky":9648,"expensive":9649,"meanwhile":9650,"happybirthday":9651,"pret":9652,"thriller":9653,"cave":9654,"playoff":9655,"somer":9656,"lu":9657,"lex":9658,"defence":9659,"amwriting":9660,"homeless":9661,"prophe":9662,"chet":9663,"pastor":9664,"ðŁ¤£":9665,"lander":9666,"www":9667,"Ģï¸ı":9668,"tica":9669,"!#":9670,"otic":9671,"radar":9672,"posters":9673,"powder":9674,"poli":9675,"haun":9676,"trap":9677,"blin":9678,"assault":9679,"shorts":9680,"rey":9681,"shy":9682,"squir":9683,"racist":9684,"garlic":9685,"fur":9686,"remote":9687,"smell":9688,"impressed":9689,"fingers":9690,"âłĢ":9691,"dino":9692,"lement":9693,"snu":9694,"promoting":9695,"string":9696,"productive":9697,"bage":9698,"mason":9699,"raz":9700,"directly":9701,"jk":9702,"eval":9703,"ðŁijĬ":9704,"doctors":9705,"cow":9706,"rider":9707,"stv":9708,"remove":9709,"wu":9710,"nathan":9711,"rod":9712,"nr":9713,"=>":9714,"affected":9715,"invest":9716,"mption":9717,"ginger":9718,"od":9719,"agriculture":9720,"sque":9721,"mug":9722,"counting":9723,"kee":9724,"magnific":9725,"cook":9726,"anistan":9727,"root":9728,"placed":9729,"sympo":9730,"ghana":9731,"und":9732,"cheer":9733,"throwing":9734,"secrets":9735,"filling":9736,"optimi":9737,"butterfly":9738,"bubb":9739,"ðŁĺī":9740,"terrible":9741,"dg":9742,"silk":9743,"obsessed":9744,"lou":9745,"aide":9746,"salute":9747,"monu":9748,"philadelphia":9749,"scientific":9750,"ist":9751,"uae":9752,"dessert":9753,"bottles":9754,"canyon":9755,"ðŁĺĪ":9756,"carib":9757,"other":9758,"wich":9759,"resource":9760,"guilty":9761,"und":9762,"leon":9763,"ess":9764,"kane":9765,"ele":9766,"trainer":9767,"heim":9768,"ante":9769,"manage":9770,"rookie":9771,"treated":9772,"poses":9773,"rsvp":9774,"causes":9775,"awak":9776,"jewell":9777,"lett":9778,"onics":9779,"titles":9780,"cardiff":9781,"gaga":9782,"bump":9783,"useful":9784,"?!":9785,"loose":9786,"bbing":9787,"::":9788,"argentina":9789,"debu":9790,"cycl":9791,"whel":9792,"disgu":9793,"jel":9794,"kills":9795,"biology":9796,"exter":9797,"trash":9798,"bodies":9799,"tram":9800,"circuit":9801,"expect":9802,"lads":9803,"wells":9804,"shot":9805,"gee":9806,"narendr":9807,"fastest":9808,"bent":9809,"bills":9810,"marshall":9811,"hats":9812,"introduce":9813,"citizen":9814,"impossible":9815,"gib":9816,"azz":9817,"networking":9818,"rant":9819,"think":9820,"indy":9821,"stops":9822,"ftheday":9823,"brian":9824,"**":9825,"amodi":9826,"dome":9827,"courage":9828,"packing":9829,"affairs":9830,"gn":9831,"sized":9832,"entary":9833,"poland":9834,"switzer":9835,"afghanistan":9836,"wu":9837,"tender":9838,"subscribe":9839,"mosco":9840,"attend":9841,"republican":9842,"honey":9843,"âĢĭ":9844,"simul":9845,"wester":9846,"foodie":9847,"oro":9848,"middle":9849,"abt":9850,"copies":9851,"maje":9852,"narendramodi":9853,"typical":9854,"inspirational":9855,"vitam":9856,"wiscon":9857,"cubs":9858,"tivity":9859,"hali":9860,"ears":9861,"kay":9862,"dare":9863,"marijuana":9864,"curious":9865,"ania":9866,"tomato":9867,"remind":9868,"ðŁĩ·":9869,"scared":9870,"coup":9871,"poet":9872,"landed":9873,"rid":9874,"wrapped":9875,"morri":9876,"climbing":9877,"ews":9878,"feeding":9879,"contra":9880,"thology":9881,"grid":9882,"tively":9883,"reader":9884,"laser":9885,"diving":9886,"dig":9887,"latin":9888,"tied":9889,"shakespe":9890,"oci":9891,"adm":9892,"showers":9893,"chuck":9894,"marcus":9895,"oos":9896,"knee":9897,"olive":9898,"owl":9899,"dylan":9900,"anno":9901,"gym":9902,"decisions":9903,"wellness":9904,"arrives":9905,"satis":9906,"chris":9907,"thurs":9908,"ðŁ¤£":9909,"interviews":9910,"thankyou":9911,"switzerland":9912,"overnight":9913,"journalist":9914,"serves":9915,"volcan":9916,".......":9917,"plot":9918,"nicol":9919,"carrying":9920,"magne":9921,"treasure":9922,"exp":9923,"bever":9924,"ðŁĺ¢":9925,"marty":9926,"mole":9927,"donations":9928,"recognized":9929,"bh":9930,"dus":9931,"shann":9932,"aldo":9933,"successfully":9934,"ente":9935,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":9936,"cabinet":9937,"cuis":9938,"titled":9939,"das":9940,"sol":9941,"strategies":9942,"delivering":9943,"adds":9944,"anian":9945,"nether":9946,"ðŁĴĥ":9947,"contain":9948,"suits":9949,"pairs":9950,"todd":9951,"rella":9952,"rope":9953,"cio":9954,"crop":9955,"paintings":9956,"suz":9957,"rejec":9958,"bust":9959,"dh":9960,"fraud":9961,"mh":9962,"control":9963,"jeal":9964,"destroyed":9965,"allows":9966,"wool":9967,"minnesota":9968,"omen":9969,"ju":9970,"symposium":9971,"daf":9972,"limit":9973,"accounts":9974,"loading":9975,"intern":9976,"resolution":9977,"holland":9978,"qual":9979,"meetings":9980,"grave":9981,"camping":9982,"vam":9983,"renov":9984,"liberal":9985,"amber":9986,"gree":9987,"humb":9988,"fever":9989,"eling":9990,"brooks":9991,"à²":9992,"beth":9993,"aded":9994,"alt":9995,"roe":9996,"performed":9997,"josh":9998,"franklin":9999,"nicole":10000,"dess":10001,"bbs":10002,"mg":10003,"networks":10004,"minim":10005,"alt":10006,"weapons":10007,"guy":10008,"jason":10009,"gha":10010,"harbour":10011,"aton":10012,"praise":10013,"kentucky":10014,"belfast":10015,"sticks":10016,"bloss":10017,"hopes":10018,"anthro":10019,"familiar":10020,"wait":10021,"chile":10022,"depression":10023,"lax":10024,"jets":10025,"leice":10026,"receives":10027,"sier":10028,"ank":10029,"dex":10030,"indeed":10031,"flexi":10032,"fabric":10033,"lamb":10034,"helicop":10035,"amanda":10036,"âĢĶâĢĶ":10037,"compete":10038,"snack":10039,"technologies":10040,"syrian":10041,"moms":10042,"muham":10043,"chosen":10044,"anat":10045,"devon":10046,"sharks":10047,"ret":10048,"fundraiser":10049,"selfies":10050,"stations":10051,"communications":10052,"tennessee":10053,"tutor":10054,"rot":10055,"valuable":10056,"dynamic":10057,"nurse":10058,"ied":10059,"earthquake":10060,"deserved":10061,"ave":10062,"sara":10063,"stretch":10064,"douglas":10065,"nepal":10066,"ç":10067,"obviously":10068,"dame":10069,"rape":10070,"anybody":10071,"kw":10072,"patrol":10073,"holders":10074,"hanna":10075,"infographic":10076,"eco":10077,"beating":10078,"stanley":10079,"boats":10080,"ribb":10081,"ez":10082,"witch":10083,"inva":10084,"acid":10085,"boarding":10086,"-@":10087,"gil":10088,"dave":10089,"careers":10090,"oppos":10091,"lloy":10092,"inter":10093,"dope":10094,"resu":10095,"jagu":10096,"shade":10097,"indy":10098,"onist":10099,"relations":10100,"agen":10101,"able":10102,"incident":10103,"meter":10104,"sharma":10105,"idr":10106,"prove":10107,"immediately":10108,"troops":10109,"aman":10110,"glow":10111,"gaza":10112,"blocks":10113,"personal":10114,"chronic":10115,"aller":10116,"sid":10117,"shr":10118,"whatsapp":10119,"lucy":10120,"archae":10121,"hou":10122,"journalism":10123,"ourselves":10124,"got":10125,"themed":10126,"shaped":10127,"weak":10128,"casual":10129,"length":10130,"slam":10131,"abbey":10132,"ev":10133,"counter":10134,"esta":10135,"recipi":10136,"chapel":10137,"expansion":10138,"self":10139,"suffering":10140,"spice":10141,"nz":10142,"spart":10143,"desper":10144,"booking":10145,"quarters":10146,"yon":10147,"ðŁĴĹ":10148,"pk":10149,"continued":10150,"-#":10151,"manhatt":10152,"talked":10153,"shen":10154,"combo":10155,"hybrid":10156,"jeans":10157,"liquid":10158,"seal":10159,"retweets":10160,"acceler":10161,"collective":10162,"tas":10163,":))":10164,"professionals":10165,"raw":10166,"ott":10167,"susan":10168,"iring":10169,"oklahoma":10170,"reven":10171,"survival":10172,"creator":10173,"transit":10174,"stac":10175,"surf":10176,"ik":10177,"editing":10178,"chilling":10179,"bailey":10180,"steal":10181,"rable":10182,"parent":10183,"hunger":10184,"snapp":10185,"collect":10186,"philosoph":10187,"dedication":10188,"cf":10189,"cm":10190,"leep":10191,"repeat":10192,"reha":10193,"unfortun":10194,"aer":10195,"aero":10196,"abstract":10197,"monitor":10198,"agents":10199,"bul":10200,"science":10201,"harbor":10202,"dragons":10203,"flooding":10204,"accompli":10205,"dash":10206,"julia":10207,"thered":10208,"tuesday":10209,"cyber":10210,"blow":10211,"tained":10212,"lem":10213,"reference":10214,"ppo":10215,"negoti":10216,"charle":10217,"connor":10218,"ault":10219,"accessories":10220,"commissioner":10221,"rainy":10222,"rear":10223,"advisory":10224,"lucas":10225,"maid":10226,"coal":10227,"kav":10228,"polo":10229,"ðŁı¾":10230,"transport":10231,"margare":10232,"strawberry":10233,"burns":10234,"greens":10235,"nev":10236,"participants":10237,"colin":10238,"belgium":10239,"colour":10240,"inform":10241,"dell":10242,"bron":10243,"caly":10244,"kickoff":10245,"strategic":10246,"reunion":10247,"honors":10248,"lib":10249,"egyp":10250,"âŃIJï¸ı":10251,"hypo":10252,"sizes":10253,"registered":10254,"betes":10255,"relaxing":10256,"bloom":10257,"intense":10258,"valentines":10259,"insane":10260,"wwii":10261,"px":10262,"trio":10263,"blade":10264,"wisconsin":10265,"cone":10266,"platin":10267,"alize":10268,"raven":10269,"increasing":10270,"indians":10271,"ilian":10272,"blu":10273,"rabbit":10274,"extension":10275,"jef":10276,"audi":10277,"ferry":10278,"sell":10279,"aday":10280,"usb":10281,"sweat":10282,"champag":10283,"method":10284,"memph":10285,"assist":10286,"sby":10287,"cape":10288,"removed":10289,"magn":10290,"vt":10291,"rams":10292,"fbi":10293,"tackle":10294,"phew":10295,"hon":10296,"motorcycle":10297,"suspec":10298,"elephant":10299,"subject":10300,"lette":10301,"dairy":10302,"wheat":10303,"awkward":10304,"act":10305,"trol":10306,"mitted":10307,"zayn":10308,"sheriff":10309,"enemy":10310,"cons":10311,"kett":10312,"bulls":10313,"evalu":10314,"btc":10315,"satellite":10316,"holo":10317,"porter":10318,"diabetes":10319,"better":10320,"releasing":10321,"surf":10322,":-":10323,"sebasti":10324,"collecting":10325,"encing":10326,"ethi":10327,"gods":10328,"alley":10329,"healthy":10330,"mills":10331,"smash":10332,"copper":10333,"crack":10334,"readers":10335,"spac":10336,"license":10337,"basket":10338,"bangla":10339,"entic":10340,"omi":10341,"mere":10342,"sively":10343,"animation":10344,"lanes":10345,"dentally":10346,"chillin":10347,"fie":10348,"karen":10349,"depth":10350,"lipse":10351,"ng":10352,"rip":10353,"melo":10354,"sandy":10355,"ðŁijıðŁijı":10356,"vincent":10357,"nut":10358,"hug":10359,"whole":10360,"creates":10361,"????":10362,"âĿ¤ï¸ıâĿ¤ï¸ı":10363,"baked":10364,"upgrade":10365,"roberts":10366,"hara":10367,"caribbean":10368,"authentic":10369,"mbs":10370,"moscow":10371,"attorney":10372,"wiki":10373,"chlo":10374,"hull":10375,"cork":10376,"\"!":10377,"stylish":10378,"ðŁĵ¸:":10379,"diary":10380,"improving":10381,"expand":10382,"bright":10383,"pollution":10384,"knights":10385,"personality":10386,"checked":10387,"facilities":10388,"zel":10389,"bowling":10390,"guer":10391,"ðŁİĤ":10392,"ongoing":10393,"units":10394,"hook":10395,"beck":10396,"conflict":10397,"todd":10398,"farming":10399,"educational":10400,"kak":10401,"clay":10402,"stroke":10403,"belly":10404,"explore":10405,"millenni":10406,"thm":10407,"loop":10408,"sms":10409,"consist":10410,"circa":10411,"bryan":10412,"dab":10413,"younger":10414,"solidar":10415,"ppa":10416,"experienced":10417,"bella":10418,"board":10419,"sheffield":10420,"stephen":10421,"consumer":10422,"submit":10423,"sponsor":10424,"tang":10425,"aggre":10426,"combined":10427,"tracking":10428,"sanders":10429,"baz":10430,"survive":10431,"ferred":10432,"equal":10433,"sep":10434,"reed":10435,"strong":10436,"privacy":10437,"stap":10438,"ung":10439,"acry":10440,"pasta":10441,"pirates":10442,"ager":10443,"fairy":10444,"dup":10445,"introduced":10446,"wip":10447,"lets":10448,"spray":10449,"ðŁĵº":10450,"grew":10451,"asts":10452,"pittsburgh":10453,"newyork":10454,"joey":10455,"lauren":10456,"trade":10457,"chop":10458,"pipe":10459,"claire":10460,"behavior":10461,"vap":10462,"crews":10463,"laptop":10464,"ð٤Ĺ":10465,"chester":10466,"discipl":10467,"df":10468,"outdoors":10469,"ks":10470,"gover":10471,"superstar":10472,"casino":10473,"farmer":10474,";-)":10475,"returned":10476,"ðŁıĪ":10477,"mail":10478,"roasted":10479,"costa":10480,"vill":10481,"pez":10482,"gardening":10483,"distribution":10484,"shining":10485,"investors":10486,"rasp":10487,"decades":10488,"realized":10489,"barn":10490,"pti":10491,"stable":10492,"utd":10493,"panthers":10494,"mens":10495,"bn":10496,"cade":10497,"bucket":10498,"ynn":10499,"whenever":10500,"wake":10501,"dais":10502,"bernie":10503,"lodge":10504,"julie":10505,"atmosphere":10506,"ðŁĺĺðŁĺĺ":10507,"majority":10508,"parti":10509,"excit":10510,"cut":10511,"meh":10512,"muslims":10513,"begun":10514,"flights":10515,"veness":10516,"ceme":10517,"posing":10518,"sole":10519,"gou":10520,"darkness":10521,"peach":10522,"celtic":10523,"authority":10524,"grandma":10525,"fulness":10526,"smith":10527,"specific":10528,"garcia":10529,"coins":10530,"goodness":10531,"aldub":10532,"recruiting":10533,"dennis":10534,"gary":10535,"sleeve":10536,"weapon":10537,"plz":10538,"discover":10539,"harrison":10540,"recruitment":10541,"jai":10542,"chim":10543,"compared":10544,"toms":10545,"mothers":10546,"amy":10547,"archive":10548,"task":10549,"benjam":10550,"seg":10551,"lawyer":10552,"alum":10553,"investing":10554,"mie":10555,"chez":10556,"jp":10557,"ake":10558,"flam":10559,"wallpaper":10560,"âĻ¥ï¸ı":10561,"tton":10562,"chest":10563,"favorites":10564,"weigh":10565,"coolest":10566,"rating":10567,"relevant":10568,"logan":10569,"maple":10570,"runners":10571,"prior":10572,"people":10573,"maur":10574,"terrorist":10575,"tested":10576,"carnival":10577,"suspen":10578,"measure":10579,"mv":10580,"cybersecurity":10581,"appren":10582,"terrorism":10583,"oz":10584,"vital":10585,"nies":10586,"gonz":10587,"funded":10588,"twist":10589,"assessment":10590,"diesel":10591,"enfor":10592,"column":10593,"addressing":10594,"casts":10595,"payment":10596,"xton":10597,"fier":10598,",'":10599,"last":10600,"nee":10601,"unless":10602,"close":10603,"skill":10604,"cuisine":10605,"funeral":10606,"tiles":10607,"aun":10608,"kru":10609,"relationships":10610,"ðŁĴ¯":10611,"event":10612,"âĢįâĻĤï¸ı":10613,"kindness":10614,"proposed":10615,"acoustic":10616,"aes":10617,"defender":10618,"dance":10619,"htt":10620,"wat":10621,"voy":10622,"ð٤ĺ":10623,"aus":10624,"cliff":10625,"searching":10626,"beautifully":10627,"inqu":10628,"atl":10629,"specialist":10630,"ðŁIJ¶":10631,"dai":10632,"trails":10633,"classics":10634,"instant":10635,"vous":10636,"revenue":10637,"march":10638,"kirk":10639,"fringe":10640,"fireworks":10641,"trivia":10642,"âĺħ":10643,"traction":10644,"walter":10645,"moto":10646,"lily":10647,"attitude":10648,"climb":10649,"scan":10650,"savings":10651,"cw":10652,"faith":10653,"credits":10654,"abled":10655,"graff":10656,"autograph":10657,"hehe":10658,"ranch":10659,"had":10660,"rogers":10661,"ðŁĮ¹":10662,"fin":10663,"requ":10664,"folk":10665,"additional":10666,"lynn":10667,"uber":10668,"dollars":10669,"logic":10670,"worth":10671,"som":10672,"thesis":10673,"pound":10674,"bic":10675,"stur":10676,"ceram":10677,"spencer":10678,"entered":10679,"vamp":10680,"organized":10681,"âľĪ":10682,"pps":10683,"tron":10684,"mercedes":10685,"noti":10686,"competitive":10687,"dow":10688,"ousness":10689,"victor":10690,"grilled":10691,"nai":10692,"putin":10693,"abra":10694,"blame":10695,"alexand":10696,"animal":10697,"decent":10698,"pent":10699,"interior":10700,":')":10701,"butler":10702,"ballet":10703,"ðŁĴĶ":10704,"albums":10705,"downs":10706,"lad":10707,"sir":10708,"plain":10709,"pers":10710,"blonde":10711,"disc":10712,"pakistan":10713,"sement":10714,"gaa":10715,"wage":10716,"chas":10717,"mani":10718,"cops":10719,"territ":10720,"lol":10721,"laughter":10722,"rivers":10723,"magnificent":10724,"lamp":10725,"wb":10726,"newsle":10727,"charts":10728,"blessing":10729,"punch":10730,"longest":10731,"floral":10732,"cutie":10733,"farewell":10734,"stopping":10735,"mbb":10736,"bud":10737,"cheese":10738,"decla":10739,"sim":10740,"mcdonald":10741,"deter":10742,"youth":10743,"tch":10744,"freder":10745,"kindle":10746,"fern":10747,"ator":10748,"asleep":10749,"pond":10750,"sprint":10751,"pounds":10752,"lazy":10753,"ghe":10754,"fundraising":10755,"deadly":10756,"grande":10757,"doug":10758,"hey":10759,"linda":10760,"considering":10761,"ium":10762,"golden":10763,"vik":10764,"authors":10765,"diss":10766,"ually":10767,"appropriate":10768,"morning":10769,"yle":10770,"honoring":10771,"folio":10772,"bec":10773,"rebec":10774,"finland":10775,"formula":10776,"cornwall":10777,"shay":10778,"causing":10779,"blend":10780,"signal":10781,"tent":10782,"kashmir":10783,"nationals":10784,"harmony":10785,"scout":10786,"accessi":10787,"height":10788,"medieval":10789,"improvement":10790,"kees":10791,"practical":10792,"card":10793,"depar":10794,"hun":10795,"oming":10796,"calgary":10797,"stel":10798,"bubble":10799,"guru":10800,"mah":10801,"unexpe":10802,"nh":10803,"eda":10804,"meat":10805,"ige":10806,"sio":10807,"goddess":10808,"inches":10809,"tunes":10810,"britt":10811,"stion":10812,"raj":10813,"âĻ«":10814,"mercy":10815,"ðŁĴĺ":10816,"sends":10817,"iest":10818,"polici":10819,"vale":10820,"reduced":10821,"asap":10822,"vijay":10823,"defensive":10824,"celebrations":10825,"riders":10826,"meditation":10827,"harmon":10828,"ging":10829,"¡":10830,"programming":10831,"inau":10832,"sudden":10833,"mh":10834,"replacement":10835,"sku":10836,"jar":10837,"grades":10838,"tast":10839,"kitt":10840,"branding":10841,"kaw":10842,"boot":10843,"fought":10844,"pays":10845,"gf":10846,"ization":10847,"hop":10848,"kk":10849,"activist":10850,"vend":10851,"coastal":10852,"chaos":10853,"ðŁĶ´":10854,"seme":10855,"billboard":10856,"lifting":10857,"cumb":10858,"scal":10859,"ðŁĸ¤":10860,"struck":10861,"lv":10862,"indiedev":10863,"beaten":10864,"jungle":10865,"alright":10866,"destiny":10867,"ming":10868,"kc":10869,"chances":10870,"oman":10871,"qatar":10872,"craf":10873,"trained":10874,"prix":10875,"charm":10876,"otive":10877,"smu":10878,"ec":10879,"anders":10880,"handed":10881,"alban":10882,"certainly":10883,"arriving":10884,"ize":10885,"sai":10886,"track":10887,"painter":10888,"humble":10889,"appointment":10890,"headline":10891,"managing":10892,"mod":10893,"aspe":10894,"andrea":10895,"ä":10896,"ethiop":10897,"united":10898,"exist":10899,"bali":10900,"kad":10901,"nt":10902,"dred":10903,"rex":10904,"recognize":10905,"tampa":10906,"beers":10907,"atia":10908,"heels":10909,"note":10910,"transportation":10911,"turtle":10912,"rede":10913,"hiphop":10914,"spicy":10915,"spurs":10916,"â¬ĩ":10917,"corp":10918,"thern":10919,"toast":10920,"hurry":10921,"properties":10922,"mage":10923,"marco":10924,"elements":10925,"bouti":10926,"syndrome":10927,"msg":10928,"developer":10929,"graders":10930,"heim":10931,"resil":10932,"offices":10933,"delay":10934,"dimen":10935,"vintag":10936,"barbara":10937,"ðŁĺ±":10938,"venezu":10939,"cular":10940,"faced":10941,"barn":10942,"ðŁĺĨ":10943,"survivor":10944,"worm":10945,"confused":10946,"passionate":10947,"ر":10948,"identify":10949,"electricity":10950,"souls":10951,"bradley":10952,"reportedly":10953,"lunch":10954,"shelf":10955,"elia":10956,"sweet":10957,"smooth":10958,"employment":10959,"amel":10960,"manhattan":10961,"steam":10962,"ounts":10963,"yep":10964,"living":10965,"une":10966,"describe":10967,"cares":10968,"manila":10969,"shawn":10970,"acted":10971,"bash":10972,"steven":10973,"rest":10974,"petition":10975,"divine":10976,"welsh":10977,"race":10978,"platinum":10979,"ðŁĮ¸":10980,"pb":10981,"extraordinary":10982,"solidarity":10983,"mall":10984,"onion":10985,"scheduled":10986,"gameof":10987,"fergu":10988,"dems":10989,"norm":10990,"pk":10991,"trials":10992,"policies":10993,"publishing":10994,"stole":10995,"front":10996,"character":10997,"vania":10998,"exce":10999,"stie":11000,"sca":11001,"residential":11002,"sailing":11003,"ðŁĶ¥ðŁĶ¥ðŁĶ¥":11004,"sponsors":11005,"thick":11006,"champagne":11007,"shepher":11008,"continuing":11009,"venice":11010,"perth":11011,"nap":11012,"aster":11013,"yak":11014,"unlimited":11015,"choices":11016,"neo":11017,"hiv":11018,"reporter":11019,"brussels":11020,"fold":11021,"dys":11022,"semi":11023,"lawn":11024,"italia":11025,"wifi":11026,"ask":11027,"emed":11028,"frame":11029,"monitoring":11030,"stead":11031,"ida":11032,"grin":11033,"isa":11034,"flip":11035,"restric":11036,"offensive":11037,"attached":11038,"dish":11039,"why":11040,"phillips":11041,"greet":11042,"pals":11043,"mixtape":11044,"vou":11045,"fielder":11046,"spark":11047,"alberta":11048,"glen":11049,"cash":11050,"sri":11051,"uri":11052,"rodri":11053,"entrepreneurs":11054,"climatechange":11055,"psy":11056,"dle":11057,"ements":11058,"linked":11059,"netherlands":11060,"accidentally":11061,"opposition":11062,"velvet":11063,"rays":11064,"cw":11065,"omo":11066,"mf":11067,"lmfao":11068,"newsletter":11069,":)":11070,"toilet":11071,"literature":11072,"disp":11073,"philip":11074,"uniform":11075,"suddenly":11076,"header":11077,"cooler":11078,"---":11079,"proud":11080,"brig":11081,"nissan":11082,"scientist":11083,"jah":11084,"concentr":11085,"packs":11086,"appointed":11087,"soap":11088,"engage":11089,"chose":11090,"âĻ¡":11091,"setup":11092,"jealous":11093,"harry":11094,"gation":11095,"tunnel":11096,"temp":11097,"oscars":11098,"decade":11099,"recommended":11100,"children":11101,"aba":11102,"anxiety":11103,"vements":11104,"salon":11105,"photoo":11106,"organiz":11107,"machines":11108,"abs":11109,"ville":11110,"hype":11111,"tiff":11112,"emerging":11113,"avgeek":11114,"[#":11115,"contribution":11116,"brady":11117,"resto":11118,"gmail":11119,"fitz":11120,"photoshoot":11121,"helmet":11122,"ht":11123,"elegant":11124,"uganda":11125,"nursing":11126,"orleans":11127,"penn":11128,"nah":11129,"footage":11130,"ema":11131,"wo":11132,"wad":11133,"concerns":11134,"vere":11135,"remark":11136,"whoever":11137,"strang":11138,"pt":11139,"quit":11140,"shang":11141,"history":11142,"sick":11143,"permanent":11144,"illness":11145,"cold":11146,"vision":11147,"hem":11148,"arrow":11149,"convic":11150,"pink":11151,"occup":11152,"bald":11153,"exhau":11154,"uof":11155,"amo":11156,"ont":11157,"ãĥ»":11158,"adopt":11159,"laid":11160,"smoked":11161,"interpre":11162,"essenti":11163,"associated":11164,"bd":11165,"bby":11166,"fier":11167,"install":11168,"diplom":11169,"conditi":11170,"cf":11171,"wak":11172,"anya":11173,"graci":11174,"fisher":11175,"sss":11176,"apr":11177,"ilit":11178,"musician":11179,"symphony":11180,"cord":11181,"hack":11182,"legi":11183,"lv":11184,"blessings":11185,"humor":11186,"scra":11187,"eti":11188,"minster":11189,"travelling":11190,"bush":11191,"jewellery":11192,"lime":11193,"!!!":11194,"pregnant":11195,"pee":11196,"lob":11197,"capital":11198,"ipa":11199,"pencil":11200,"labor":11201,"ducks":11202,"proudly":11203,"wedding":11204,"derek":11205,"mw":11206,"peg":11207,"valentine":11208,"angu":11209,"retreat":11210,"prospect":11211,"danger":11212,"vulner":11213,"upset":11214,",#":11215,"srk":11216,"xim":11217,"thursday":11218,"nfl":11219,"kisses":11220,"reds":11221,"crack":11222,"reward":11223,"cu":11224,"kok":11225,"mete":11226,"abandoned":11227,"itt":11228,"meals":11229,"spell":11230,"stanbul":11231,"delays":11232,"rum":11233,"leop":11234,"gum":11235,"nova":11236,"superman":11237,"chick":11238,"mis":11239,"dramatic":11240,"innocent":11241,"rounds":11242,"rec":11243,"autism":11244,"bangladesh":11245,"moral":11246,"movie":11247,"spoo":11248,"kla":11249,"âĥ£":11250,"outing":11251,"messi":11252,"abroad":11253,"lookin":11254,"aim":11255,"qi":11256,"stack":11257,"collage":11258,"à¯":11259,"hudson":11260,"scan":11261,"hoe":11262,"chau":11263,"occur":11264,"commander":11265,"holes":11266,"ðŁİĦ":11267,"bias":11268,"von":11269,"sticker":11270,"mak":11271,"responsibility":11272,"columbus":11273,"saint":11274,"edmon":11275,"racism":11276,"farms":11277,"wen":11278,"gulf":11279,"mayo":11280,"!!!!!!!!":11281,"corporation":11282,"bachel":11283,"ela":11284,"internal":11285,"jeep":11286,"follows":11287,"dialogue":11288,"derer":11289,"smartphone":11290,"helen":11291,"richmond":11292,"equity":11293,"sland":11294,"bg":11295,"near":11296,"avi":11297,"memphis":11298,"weir":11299,"discussed":11300,"badge":11301,"pup":11302,"mistake":11303,"phenomen":11304,"unite":11305,"ðŁĽ":11306,"depic":11307,"rides":11308,"inaugu":11309,"nat":11310,"softwitter":11311,"combination":11312,"gospel":11313,"âļ¾":11314,"admission":11315,"retrogaming":11316,"ðŁIJ¾":11317,"schu":11318,"mbo":11319,"junction":11320,"alarm":11321,"à¦":11322,"grac":11323,"khali":11324,"kul":11325,"male":11326,"caption":11327,"wish":11328,"tere":11329,"corps":11330,"rubber":11331,"playstation":11332,"erin":11333,"efficient":11334,"lor":11335,"jokes":11336,"inary":11337,"norman":11338,"luis":11339,"inaugural":11340,"ched":11341,"âļ½ï¸ı":11342,"dip":11343,"toe":11344,"strat":11345,"aac":11346,"amu":11347,"pier":11348,"cott":11349,"command":11350,"tten":11351,"snoo":11352,"cube":11353,"closes":11354,"classical":11355,"sword":11356,"expression":11357,"reaching":11358,"napp":11359,"cost":11360,"affect":11361,"rico":11362,"gif":11363,"breathe":11364,"tribe":11365,"ortho":11366,"hay":11367,"lg":11368,"fries":11369,"nm":11370,"hiding":11371,"richards":11372,"ende":11373,"micro":11374,"capitol":11375,"copy":11376,"rom":11377,"regime":11378,"maryland":11379,"taxi":11380,"dial":11381,"embarra":11382,"unbeliev":11383,"cht":11384,"vs":11385,"elimin":11386,"odd":11387,"penny":11388,"soundtrack":11389,"lings":11390,"transition":11391,"remaining":11392,"ais":11393,"malik":11394,"?!?":11395,"random":11396,"defend":11397,"ultra":11398,"trum":11399,"dancer":11400,"stol":11401,"drive":11402,"aver":11403,"roast":11404,"definition":11405,"sean":11406,"excitement":11407,"particul":11408,"surely":11409,"shav":11410,"bery":11411,"dishes":11412,"comm":11413,"isol":11414,"iam":11415,"obli":11416,"ghost":11417,"hughes":11418,"chiefs":11419,"bas":11420,"conservative":11421,"special":11422,"femin":11423,"shri":11424,"nancy":11425,"intel":11426,"tune":11427,"ðŁĩª":11428,"joel":11429,"ggle":11430,"moto":11431,"ðŁĺĶ":11432,"buck":11433,"dag":11434,"anticip":11435,"montana":11436,"guid":11437,"frog":11438,"ecraft":11439,"ope":11440,"drives":11441,"numer":11442,"xy":11443,"colorful":11444,"wednesdaywisdom":11445,"illumin":11446,"beyon":11447,"inaugur":11448,"deeply":11449,"prefer":11450,"fortune":11451,"cooked":11452,"tible":11453,"âĺķ":11454,"sweater":11455,"itter":11456,"tty":11457,"ui":11458,"gie":11459,"complic":11460,"~~":11461,"taxes":11462,"cups":11463,"diverse":11464,"samanth":11465,"âłĢâłĢ":11466,"baking":11467,"symp":11468,"wai":11469,"behalf":11470,"mercur":11471,"travels":11472,"ðŁİīðŁİ":11473,"oria":11474,"engaged":11475,"jumping":11476,"retired":11477,"naked":11478,"puni":11479,"speedway":11480,"sciences":11481,"rehearsal":11482,"onym":11483,"dyou":11484,"plates":11485,"rati":11486,"krish":11487,"jazz":11488,"carol":11489,"raf":11490,"penalty":11491,"timeline":11492,"ruby":11493,"engineers":11494,"raf":11495,"belle":11496,"dose":11497,"cheon":11498,"escap":11499,"meg":11500,"rank":11501,"ord":11502,"megan":11503,"merch":11504,"eclipse":11505,"âĺºï¸ı":11506,"pledge":11507,"kirk":11508,"persi":11509,"leicester":11510,"sak":11511,"wk":11512,"safely":11513,"yyy":11514,"jet":11515,"promised":11516,"jc":11517,"enne":11518,"noah":11519,"reno":11520,"rea":11521,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":11522,"trail":11523,"ðŁijĢ":11524,"fd":11525,"sooo":11526,"rimin":11527,"wk":11528,"า":11529,"ial":11530,"xox":11531,"biscu":11532,"dale":11533,"fandom":11534,"participating":11535,"flag":11536,"privilege":11537,"peach":11538,"machine":11539,"boston":11540,"gross":11541,"og":11542,"miracle":11543,"adoption":11544,"uss":11545,"monsters":11546,"beij":11547,"clarke":11548,"pushing":11549,"praying":11550,"aro":11551,"dn":11552,"ellis":11553,"apollo":11554,"odds":11555,"refugee":11556,"tow":11557,"bp":11558,"ðŁĩ¬ðŁĩ§":11559,"hend":11560,"appeared":11561,"membership":11562,"pean":11563,"dum":11564,"violent":11565,"vy":11566,"potatoes":11567,"aww":11568,"greetings":11569,"tts":11570,"acon":11571,"shane":11572,"photographed":11573,"crab":11574,"temperatures":11575,"cuba":11576,"cfc":11577,"welcom":11578,"hel":11579,"innings":11580,"mk":11581,"code":11582,"knock":11583,"grass":11584,"swedish":11585,"pta":11586,"icky":11587,"vat":11588,"lining":11589,"sq":11590,"sap":11591,"arc":11592,"announcing":11593,"skins":11594,"cityof":11595,"bring":11596,"cox":11597,"gamer":11598,"itarian":11599,"ida":11600,"hd":11601,"rosse":11602,"sadly":11603,"geo":11604,"âļ¡ï¸ı":11605,"tags":11606,"father":11607,"change":11608,"lance":11609,"whiskey":11610,"adelaide":11611,"tec":11612,"stickers":11613,"market":11614,"classy":11615,"badass":11616,"florence":11617,"liner":11618,"frost":11619,"kate":11620,"acon":11621,"scandal":11622,"essex":11623,"ðŁĺı":11624,"vivi":11625,"drill":11626,"bloggers":11627,"recommend":11628,"dha":11629,"acres":11630,"roma":11631,"buy":11632,"grocer":11633,"eria":11634,"mahar":11635,"ffer":11636,"patterns":11637,"veri":11638,"compu":11639,"stev":11640,"anga":11641,"mentor":11642,"doo":11643,"itali":11644,"cdnpoli":11645,"only":11646,"conduct":11647,"electro":11648,"def":11649,"whale":11650,"preparation":11651,"bicycle":11652,"viral":11653,"turnout":11654,"brass":11655,"quad":11656,"hospitality":11657,"packaging":11658,"dency":11659,"cemetery":11660,"aboard":11661,"dreaming":11662,"picture":11663,"tall":11664,"invent":11665,"admi":11666,"oe":11667,"temps":11668,"quan":11669,"fundam":11670,"promp":11671,"residence":11672,"mud":11673,"souri":11674,"âĦ¢":11675,"graffiti":11676,"gif":11677,"dnd":11678,"comp":11679,"swar":11680,"peeps":11681,"palestine":11682,"devils":11683,"sang":11684,"assistance":11685,"bike":11686,"mississi":11687,"interviewed":11688,"nephew":11689,"drums":11690,"vand":11691,"gentlemen":11692,"nsw":11693,"insta":11694,"lebanon":11695,"eeee":11696,"olivia":11697,"very":11698,"rough":11699,"industries":11700,"mation":11701,"ðŁĺĴ":11702,"barrel":11703,"nay":11704,"pops":11705,"modern":11706,"illy":11707,"arest":11708,"onents":11709,"protecting":11710,"vans":11711,"eo":11712,"vikings":11713,"restaurants":11714,"reck":11715,"jackie":11716,"andrew":11717,"willing":11718,"heath":11719,"citizen":11720,"discrimin":11721,"à¹Ī":11722,"stuart":11723,"mys":11724,"hip":11725,"transp":11726,"\"?":11727,"tex":11728,"sushi":11729,"ked":11730,"crossed":11731,"distur":11732,"pedia":11733,"fate":11734,"somehow":11735,"moth":11736,"processing":11737,"iss":11738,"rin":11739,"uts":11740,"yyc":11741,"vert":11742,"lgbt":11743,"reid":11744,"onto":11745,"arabia":11746,"habitat":11747,"==":11748,"streak":11749,"simpson":11750,"addiction":11751,"wimble":11752,"delivers":11753,"challenging":11754,"ðŁİ¶":11755,"franch":11756,"edu":11757,"sme":11758,"aids":11759,"hurst":11760,"tham":11761,"tarian":11762,"remembered":11763,"palestinian":11764,"fees":11765,"trum":11766,"sketch":11767,"uru":11768,"fitting":11769,"jesse":11770,"ðŁĶ¥ðŁĶ¥":11771,"--------":11772,"bach":11773,"icia":11774,"colored":11775,"dah":11776,"associate":11777,"intel":11778,"seller":11779,"pu":11780,"stuffed":11781,"acs":11782,"bs":11783,"shin":11784,"cooperation":11785,"certificate":11786,"abu":11787,"ingredients":11788,"rev":11789,"inge":11790,"elder":11791,"christian":11792,"bundle":11793,"thic":11794,"dirt":11795,"beijing":11796,"commit":11797,"teddy":11798,"edu":11799,"today":11800,"sfield":11801,"wyn":11802,"confirms":11803,"loo":11804,"jv":11805,"eness":11806,"alpha":11807,"virus":11808,"arium":11809,"grind":11810,"bridges":11811,"introduction":11812,"polls":11813,"bacter":11814,"zach":11815,"terminal":11816,"raiders":11817,"flavor":11818,"zombie":11819,"vod":11820,"spreading":11821,"gameofthrones":11822,"efficiency":11823,"lately":11824,"alem":11825,"tweet":11826,"crimes":11827,"cler":11828,"dey":11829,"dged":11830,"hyun":11831,"payments":11832,"circus":11833,"ðŁĺŃðŁĺŃ":11834,"missouri":11835,"lub":11836,"episodes":11837,"cage":11838,"pos":11839,"matching":11840,"tumblr":11841,"lined":11842,"gest":11843,"ambi":11844,"narr":11845,"ington":11846,"regul":11847,"blown":11848,"isle":11849,"coco":11850,"ondon":11851,"joshua":11852,"touring":11853,"sma":11854,"sausage":11855,"bestfriend":11856,"boeing":11857,"desire":11858,"savage":11859,"rapper":11860,"devo":11861,"tear":11862,"takeover":11863,"cowboys":11864,"poker":11865,"parag":11866,"ppe":11867,"hint":11868,"wears":11869,"seth":11870,"roles":11871,"lanc":11872,"manga":11873,"format":11874,"flyer":11875,"cay":11876,"moor":11877,"bake":11878,"splash":11879,"vad":11880,"kerala":11881,"proceeds":11882,"silly":11883,"reflection":11884,"distr":11885,"wid":11886,"suit":11887,"civic":11888,"yankees":11889,"byn":11890,"migration":11891,"distin":11892,"orch":11893,"femini":11894,"qualifying":11895,"turi":11896,"obe":11897,"hundred":11898,"crap":11899,"wang":11900,"mathemat":11901,"bure":11902,"exposure":11903,"ferguson":11904,"semester":11905,"reserv":11906,"plym":11907,"ahu":11908,"facial":11909,"wax":11910,"worried":11911,"cab":11912,"vio":11913,"asa":11914,"cod":11915,"topics":11916,"pcs":11917,"halo":11918,"rescued":11919,"horizon":11920,"ark":11921,"âļª":11922,"holly":11923,"elf":11924,"ulti":11925,"pup":11926,"qualified":11927,"attendance":11928,"atively":11929,"destroy":11930,"yc":11931,"forth":11932,"photooftheday":11933,"cents":11934,"iceland":11935,"measures":11936,"desk":11937,"portfolio":11938,"articles":11939,"directors":11940,"datab":11941,"ew":11942,"creepy":11943,"ounding":11944,"honoured":11945,"mist":11946,"jit":11947,"mentioned":11948,"portable":11949,"itic":11950,"dann":11951,"fridayfeeling":11952,"amid":11953,"tiger":11954,"scrip":11955,"helicopter":11956,"hardware":11957,"explor":11958,"workplace":11959,"austria":11960,"beatles":11961,"bernar":11962,"spider":11963,"disco":11964,"cult":11965,"limits":11966,"shortly":11967,"final":11968,"ninja":11969,"luke":11970,"lebron":11971,"walmart":11972,"oil":11973,"vanilla":11974,"shire":11975,"yeg":11976,"aky":11977,"cs":11978,"bler":11979,"collected":11980,"tg":11981,"rolled":11982,"specials":11983,"bff":11984,"pierre":11985,"shim":11986,"vier":11987,"flashback":11988,"restoration":11989,"individuals":11990,"prod":11991,"freaking":11992,"turer":11993,"oa":11994,"refre":11995,"moroc":11996,"greet":11997,"reyn":11998,"careful":11999,"ouring":12000,"ush":12001,"isd":12002,"gill":12003,"view":12004,"thunderstorm":12005,"bled":12006,"picnic":12007,"guardi":12008,"pig":12009,"ark":12010,"sylvania":12011,"banned":12012,"ucl":12013,"vijay":12014,"orium":12015,"avengers":12016,"believes":12017,"eur":12018,"monument":12019,"concerned":12020,"labs":12021,"berg":12022,"aap":12023,"vish":12024,"singles":12025,"cancel":12026,"zel":12027,"arab":12028,"ruth":12029,"tooth":12030,"arta":12031,"shaf":12032,"chairs":12033,"rack":12034,"diseases":12035,"crowd":12036,"cly":12037,"flex":12038,"christma":12039,"artificial":12040,"tomat":12041,"fine":12042,"draws":12043,"advocate":12044,"france":12045,"ÙĬ":12046,"ðŁĺ³":12047,"heavy":12048,"sour":12049,"comprehen":12050,"noble":12051,"aap":12052,"hindu":12053,"coral":12054,"gars":12055,"owen":12056,"nl":12057,"stall":12058,"yellow":12059,"marina":12060,"inver":12061,"support":12062,"tough":12063,"promises":12064,"pie":12065,"masterpiece":12066,"score":12067,"force":12068,"mortg":12069,"cryptocurrency":12070,"ox":12071,"rors":12072,"rockin":12073,"provin":12074,"hog":12075,"nostal":12076,"oakland":12077,"patrick":12078,"inclusion":12079,"traffic":12080,"ahmed":12081,"aha":12082,"luxury":12083,"consecu":12084,"demon":12085,"âĸº":12086,"blowing":12087,"stag":12088,":\"":12089,"encourage":12090,"bene":12091,"skull":12092,"dodge":12093,"buster":12094,"kinson":12095,"witne":12096,"error":12097,"lowest":12098,"fellow":12099,"à°":12100,"shre":12101,"blur":12102,"virgin":12103,"composer":12104,"slip":12105,"mornings":12106,"gains":12107,"table":12108,"grain":12109,"arist":12110,"brazilian":12111,"wwe":12112,"tues":12113,"ribbon":12114,"anag":12115,"dist":12116,"sacrif":12117,"embrace":12118,"entrepreneur":12119,"affili":12120,"deo":12121,"tali":12122,"tourist":12123,"fatal":12124,"ìĬ":12125,"automatic":12126,"ðŁĩµ":12127,"weak":12128,"welfare":12129,"confirm":12130,"benjamin":12131,"fights":12132,"alleged":12133,"mead":12134,"struggling":12135,"prosecu":12136,"chef":12137,"è":12138,"proposal":12139,"ern":12140,"ðŁĺĦ":12141,"dyk":12142,"ongs":12143,"hong":12144,"mack":12145,"melon":12146,"onent":12147,"rush":12148,"dap":12149,"toler":12150,"propag":12151,"cze":12152,"translation":12153,"wallet":12154,"cottage":12155,"sail":12156,"constitution":12157,"ðŁĴĢ":12158,"munici":12159,"favor":12160,"stormhour":12161,"ih":12162,"ðŁĺĮ":12163,"approaching":12164,"pinned":12165,"jed":12166,"nigerian":12167,"nach":12168,"shat":12169,"particularly":12170,"mcdon":12171,"cameras":12172,"annie":12173,"administr":12174,"heat":12175,"electrical":12176,"charming":12177,"gibson":12178,"boutique":12179,"exposed":12180,"actor":12181,"pillow":12182,"beaches":12183,"genuine":12184,"margaret":12185,"bennett":12186,"louisi":12187,"positions":12188,"ely":12189,"shiny":12190,"tention":12191,"architect":12192,"rental":12193,"acqui":12194,"google":12195,"subway":12196,"moment":12197,"ðŁļ¨":12198,"rim":12199,"methods":12200,"cycli":12201,"norfolk":12202,"ÙĪ":12203,"overwhel":12204,"rapid":12205,"wear":12206,"happybirthday":12207,"progressive":12208,"ðŁĴ¥":12209,"cogn":12210,"papa":12211,"fool":12212,"philosophy":12213,"polar":12214,"jimmy":12215,"wig":12216,"ðŁĴĭ":12217,"operating":12218,"reduction":12219,"phi":12220,"flags":12221,"tothe":12222,"odi":12223,"ares":12224,"koo":12225,"kang":12226,"arkansas":12227,"ashton":12228,"wimbledon":12229,"scifi":12230,"attractive":12231,"mississippi":12232,"logists":12233,"ralph":12234,"label":12235,"graduates":12236,"maha":12237,"hometown":12238,"âľĮï¸ı":12239,"founded":12240,"onthe":12241,"liz":12242,"transl":12243,"minimum":12244,"presti":12245,"tam":12246,"generations":12247,"rebel":12248,"journalists":12249,"param":12250,"mcm":12251,"acrylic":12252,"deaths":12253,"tesla":12254,"wt":12255,"bryant":12256,"jerus":12257,"istanbul":12258,"muhammad":12259,"riley":12260,"kris":12261,"workshops":12262,"iso":12263,"counts":12264,"stret":12265,"protected":12266,"trinity":12267,"manual":12268,"rhin":12269,"ril":12270,"pleasant":12271,"lemon":12272,"nerd":12273,"harder":12274,"darren":12275,"bury":12276,"rah":12277,"basis":12278,"migu":12279,"occasion":12280,"lists":12281,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":12282,"eb":12283,"decre":12284,"hampton":12285,"ìĿ´":12286,"travis":12287,"transform":12288,"puerto":12289,"nhl":12290,"avoc":12291,"trips":12292,"unexpected":12293,"vet":12294,"didyou":12295,"barber":12296,"stages":12297,"mson":12298,"represented":12299,"fort":12300,"lal":12301,"pple":12302,"nicely":12303,"ignore":12304,"quil":12305,"quinn":12306,"hk":12307,"carrier":12308,"reminded":12309,"among":12310,"passenger":12311,"ellen":12312,"guez":12313,"scape":12314,"mural":12315,"youngest":12316,"mash":12317,"dill":12318,"routine":12319,"stainless":12320,"jackson":12321,"gandhi":12322,"thal":12323,"oners":12324,"editorial":12325,"conversations":12326,"sdale":12327,"automation":12328,"ike":12329,"าà¸":12330,"ðŁĩª":12331,"haul":12332,"laying":12333,"mentions":12334,"amen":12335,"abortion":12336,"ibi":12337,"counties":12338,"catherine":12339,"mands":12340,"jame":12341,"roller":12342,"aut":12343,"nam":12344,"ological":12345,"ception":12346,"ranking":12347,"toxic":12348,"snacks":12349,"victorian":12350,"bangkok":12351,"psychology":12352,"reg":12353,"angela":12354,"respond":12355,"style":12356,"sophie":12357,"dakota":12358,"achieved":12359,"marked":12360,"imperial":12361,"inas":12362,"gloves":12363,"slim":12364,"confident":12365,"attacked":12366,"gger":12367,"lonely":12368,"valentinesday":12369,"reb":12370,"craftbeer":12371,"origin":12372,"zimbab":12373,"ceiling":12374,"teens":12375,"otherwise":12376,"wb":12377,"fers":12378,"daysof":12379,"advisor":12380,"yah":12381,"âĻª":12382,"ender":12383,"republicans":12384,"ava":12385,"skirt":12386,"pipel":12387,"chie":12388,"jane":12389,"jax":12390,"ðŁĺĭ":12391,"âľĬ":12392,"jays":12393,"brett":12394,"balo":12395,"crucial":12396,"dhar":12397,"asis":12398,"deau":12399,"lloyd":12400,"chatting":12401,"âĿĦï¸ı":12402,"relay":12403,"remarkable":12404,"ns":12405,"wet":12406,"brisbane":12407,"ðŁĶ´":12408,"tionally":12409,"fk":12410,"layer":12411,"household":12412,"consecutive":12413,"esis":12414,"pendant":12415,"stir":12416,"critic":12417,"sugar":12418,"photoshop":12419,"pares":12420,"artistic":12421,"dodgers":12422,"cun":12423,"crafted":12424,"amend":12425,"boat":12426,"âŃIJï¸ı":12427,"egyptian":12428,"saw":12429,"trage":12430,"smaller":12431,"oxy":12432,"paired":12433,"next":12434,"ires":12435,"taco":12436,"oy":12437,"uc":12438,"sti":12439,"aerial":12440,"://":12441,"dro":12442,"dotcom":12443,"ggins":12444,"rpg":12445,"aye":12446,"lean":12447,"striker":12448,"lobby":12449,"protests":12450,"priority":12451,"congress":12452,"amate":12453,"invit":12454,"rington":12455,"mommy":12456,"thus":12457,"allowing":12458,"pioneer":12459,"enforcement":12460,"gori":12461,"talk":12462,"drag":12463,"dumb":12464,"bullet":12465,"sange":12466,"ery":12467,"targets":12468,"ðŁĩ¦":12469,"heather":12470,"consider":12471,"seafood":12472,"vest":12473,"risks":12474,"%.":12475,"pg":12476,"sacred":12477,"heating":12478,"kicked":12479,"ttot":12480,".-":12481,"chandi":12482,"coven":12483,"pool":12484,"pulse":12485,"ia":12486,"roster":12487,"shakespeare":12488,"esa":12489,"cargo":12490,"peanut":12491,"troop":12492,"action":12493,"tablet":12494,"homework":12495,"castle":12496,"struction":12497,"musicians":12498,"freezing":12499,"butt":12500,"justinbieber":12501,"jj":12502,"bahrain":12503,"anthem":12504,"audit":12505,"didyouknow":12506,"navig":12507,"guidance":12508,"âĸ¶":12509,"turf":12510,"nun":12511,"fications":12512,"yemen":12513,"charging":12514,"xc":12515,"broncos":12516,"subur":12517,"pale":12518,"boring":12519,"amongst":12520,"forthe":12521,"emper":12522,"omfg":12523,"pj":12524,"expecting":12525,"ðŁĴ«":12526,"stl":12527,"admin":12528,"expectations":12529,"swan":12530,"shoot":12531,"ooooo":12532,"minent":12533,"ãĢIJ":12534,"wallace":12535,"stang":12536,"saturday":12537,"adopted":12538,"doubles":12539,"homie":12540,"omez":12541,"dhan":12542,"venture":12543,"surrounding":12544,"file":12545,"mobility":12546,"dees":12547,"wski":12548,"brooke":12549,"embro":12550,"remembers":12551,"kara":12552,"testim":12553,"botan":12554,"mtv":12555,"sacrifice":12556,"jerusalem":12557,"dl":12558,"´":12559,"properly":12560,"ilion":12561,"asi":12562,"legit":12563,"cope":12564,"mcla":12565,"recycling":12566,"larger":12567,"ðŁĴĵ":12568,"patric":12569,"generous":12570,"jared":12571,"pf":12572,"molly":12573,"thomas":12574,"judges":12575,"hb":12576,"sorts":12577,"blvd":12578,"oven":12579,"entering":12580,"planes":12581,"beet":12582,"integration":12583,"booked":12584,"freed":12585,"vern":12586,"ashes":12587,"topped":12588,"depot":12589,"welcomed":12590,"rena":12591,"mick":12592,"dand":12593,"seeks":12594,"gamer":12595,"rankings":12596,"rene":12597,"mut":12598,"whisky":12599,"firefighters":12600,"gues":12601,"gather":12602,"tourney":12603,"demen":12604,"yang":12605,"newton":12606,"automotive":12607,"backyard":12608,"detailed":12609,"mist":12610,"tobac":12611,"fiber":12612,"unusual":12613,"gratitude":12614,"spare":12615,"neys":12616,":*":12617,"peri":12618,"floating":12619,"finalist":12620,"donating":12621,"dress":12622,"broad":12623,"bethe":12624,"economics":12625,"taiwan":12626,"edwards":12627,"plug":12628,"prairi":12629,"valen":12630,"baba":12631,"fad":12632,"anas":12633,"harper":12634,"disorder":12635,"applied":12636,"patt":12637,"bikin":12638,"liver":12639,"curi":12640,"caroline":12641,"anner":12642,"julian":12643,"walking":12644,"malcol":12645,"screenshot":12646,"coding":12647,"skincare":12648,"activists":12649,"mysterious":12650,"exact":12651,"blocking":12652,"mercury":12653,"batter":12654,"dump":12655,"âľĮ":12656,"ense":12657,"lish":12658,"ridiculous":12659,"protesters":12660,"ðŁĻĪ":12661,"lust":12662,"sweat":12663,"ass":12664,"alike":12665,"cody":12666,"rements":12667,"winds":12668,"aspir":12669,"vienna":12670,"pray":12671,"...@":12672,"boi":12673,"candle":12674,"assists":12675,"tee":12676,"derson":12677,"pony":12678,"fence":12679,"conspir":12680,"âĺħâĺħ":12681,"ooth":12682,"epic":12683,"barely":12684,"aunt":12685,"bam":12686,"diamonds":12687,"endless":12688,"screens":12689,"cancer":12690,"gro":12691,"pst":12692,"prospec":12693,"mosque":12694,"helpful":12695,"ouri":12696,"brother":12697,"gujar":12698,"cristi":12699,"inez":12700,"towers":12701,"addresses":12702,"gray":12703,"burton":12704,"retweeted":12705,"ð٤Ķ":12706,"nity":12707,"duck":12708,"supervis":12709,"joan":12710,"kinder":12711,"sanctu":12712,"pied":12713,"âı°":12714,"łï¸ı":12715,"mati":12716,"revenge":12717,"cester":12718,"elife":12719,"designers":12720,"backed":12721,"boli":12722,"weight":12723,"couch":12724,"sures":12725,"sits":12726,"shrimp":12727,"lagos":12728,"authorities":12729,"osity":12730,"holly":12731,"computing":12732,"factors":12733,"abe":12734,"panels":12735,"ramad":12736,"sentence":12737,"mission":12738,"holm":12739,"rb":12740,"dads":12741,"shanghai":12742,"money":12743,"sheets":12744,"skate":12745,"threw":12746,"cupcakes":12747,"infinite":12748,"lis":12749,"practicing":12750,"essay":12751,"kai":12752,"asci":12753,"mob":12754,"ugh":12755,"holmes":12756,"regg":12757,"ikh":12758,"mock":12759,"collections":12760,"pep":12761,"ova":12762,"salt":12763,"nandez":12764,"coy":12765,"threats":12766,"texts":12767,"cinnam":12768,"pregnancy":12769,"pending":12770,"stamp":12771,"flower":12772,"gis":12773,"agreed":12774,"payne":12775,"rover":12776,"phra":12777,"soft":12778,"ffin":12779,"fathers":12780,"passengers":12781,"aways":12782,"ala":12783,"hes":12784,"livan":12785,"ins":12786,"samuel":12787,"ingui":12788,"hof":12789,"jj":12790,"chennai":12791,"catal":12792,"omic":12793,"heath":12794,"niece":12795,"pumped":12796,"integrated":12797,"arel":12798,"nom":12799,"productivity":12800,"wanting":12801,"visa":12802,"diana":12803,"twil":12804,"itv":12805,"camps":12806,"rowing":12807,"dley":12808,"blackand":12809,"guards":12810,"bells":12811,"reverse":12812,"vibe":12813,"ricky":12814,"moss":12815,"nyt":12816,"âĺĢï¸ı":12817,"elle":12818,"troy":12819,"cudd":12820,"evan":12821,"womens":12822,"foto":12823,"mistakes":12824,"wicked":12825,"mil":12826,"cled":12827,"memes":12828,"cosmo":12829,"scholar":12830,"reno":12831,"ðŁĺĢ":12832,"vents":12833,"#â̦":12834,"terrorists":12835,"casey":12836,"cardinals":12837,"ðŁĺĬðŁĺĬ":12838,"venezuela":12839,"bola":12840,"literacy":12841,"tw":12842,"eno":12843,"contains":12844,"austin":12845,"financi":12846,"evan":12847,"harvard":12848,"originally":12849,"chevro":12850,"herald":12851,"nottingham":12852,"managers":12853,"âŀ¡":12854,"accepting":12855,"walsh":12856,"tutorial":12857,"entrepreneurship":12858,"yacht":12859,"requirements":12860,"glenn":12861,"pede":12862,"unfortunately":12863,"aching":12864,"daisy":12865,"gian":12866,"nightmare":12867,"âĿĹ":12868,"rina":12869,"bart":12870,"emails":12871,"opposite":12872,"whom":12873,"sake":12874,"puzzle":12875,"dashi":12876,"party":12877,"blanket":12878,"buses":12879,"lore":12880,"beauty":12881,"reason":12882,"punjab":12883,"windsor":12884,"functional":12885,"existing":12886,"hello":12887,"glimp":12888,"convin":12889,"lak":12890,"screaming":12891,"rebecca":12892,"bliss":12893,"northwest":12894,"infinity":12895,"cosmetics":12896,"pulling":12897,"coffee":12898,"pling":12899,"opho":12900,"colombia":12901,"interiordesign":12902,"(+":12903,"emotions":12904,"sac":12905,"sunglasses":12906,"saves":12907,"df":12908,"sixth":12909,"aly":12910,"ðŁĺ»":12911,"deen":12912,"devast":12913,"politicians":12914,"lacrosse":12915,"gu":12916,"pei":12917,"java":12918,"combine":12919,"coalition":12920,"erts":12921,"surviv":12922,"chad":12923,"strian":12924,"nn":12925,"devi":12926,"counc":12927,"concern":12928,"controller":12929,"breast":12930,"jury":12931,"tum":12932,"introduces":12933,"ladi":12934,"mobile":12935,"alz":12936,"steady":12937,"nurses":12938,"hacking":12939,"online":12940,"ocean":12941,"ðŁİĦ":12942,"aam":12943,"juven":12944,"icc":12945,"louisiana":12946,"arte":12947,"streetart":12948,"ison":12949,"wns":12950,"frm":12951,"panda":12952,"noir":12953,"maintain":12954,"delay":12955,"symptoms":12956,"thorn":12957,"geome":12958,"tern":12959,"carried":12960,"pru":12961,"panor":12962,"assy":12963,"peru":12964,"cloud":12965,"spra":12966,"pedi":12967,"este":12968,"tagged":12969,"ðŁĺĿ":12970,"shadows":12971,"nazi":12972,"اÙĦ":12973,"corri":12974,"âĻ¥âĻ¥":12975,"jad":12976,"ðŁĩ«":12977,"formal":12978,"spoken":12979,"ðŁĮŀ":12980,"enjoy":12981,"lopez":12982,"outlook":12983,"inho":12984,"wander":12985,"Ùħ":12986,"maya":12987,"pee":12988,"dine":12989,"ãĢij":12990,"briefing":12991,"supporter":12992,"arily":12993,"ghters":12994,"naturally":12995,"doctorwho":12996,"jen":12997,"var":12998,"newyear":12999,"rese":13000,"simm":13001,"rex":13002,"consequ":13003,"tomatoes":13004,"burst":13005,"bravo":13006,"burgers":13007,"cracking":13008,"northeast":13009,"biom":13010,"mushroom":13011,"marque":13012,"double":13013,"nier":13014,"vag":13015,"twenty":13016,"keyboard":13017,"winni":13018,"jamaica":13019,"parish":13020,":-":13021,"mentalhealth":13022,"alizing":13023,"render":13024,"waking":13025,"ðŁİĤ":13026,"gly":13027,"nathan":13028,"washing":13029,"melissa":13030,"jung":13031,"loyal":13032,"chili":13033,"songwriter":13034,"guitarist":13035,"bowie":13036,"neighbors":13037,"onymous":13038,"asset":13039,"tai":13040,"headquarters":13041,"ðŁĮĪ":13042,"ihear":13043,"cigare":13044,"surg":13045,")\"":13046,"repl":13047,"darling":13048,"ðŁĻĦ":13049,"zak":13050,"sare":13051,"ãħĭ":13052,"mickey":13053,"warehouse":13054,"massage":13055,"inees":13056,"didnt":13057,"iw":13058,"hurts":13059,"engaging":13060,"magic":13061,"womenin":13062,"kitten":13063,"mors":13064,"cart":13065,"titans":13066,"colleague":13067,"competing":13068,"eran":13069,"khal":13070,"marble":13071,"demand":13072,"delight":13073,"etary":13074,"blizz":13075,"louise":13076,"mls":13077,"finishes":13078,"experiment":13079,"conducted":13080,"electronics":13081,"itters":13082,"caring":13083,"whats":13084,"symbol":13085,"jung":13086,"ecu":13087,"pix":13088,"context":13089,"charger":13090,"ðŁĺĩ":13091,"reig":13092,"frag":13093,"ëĭ":13094,"chad":13095,"true":13096,"kerry":13097,"defending":13098,"aint":13099,"auton":13100,"checkout":13101,"barnes":13102,"lessly":13103,"dt":13104,"mme":13105,"cloudy":13106,"secondary":13107,"arez":13108,"_:":13109,"appa":13110,"constant":13111,"\")":13112,"vets":13113,"job":13114,"ient":13115,"ðŁĺŃðŁĺŃðŁĺŃ":13116,"mj":13117,"french":13118,"diver":13119,"davies":13120,"hhhh":13121,"ebook":13122,"à¹ī":13123,"mariti":13124,"breeze":13125,"suspended":13126,"mato":13127,"viet":13128,"rahu":13129,"sei":13130,"bolt":13131,"enary":13132,"leis":13133,"karl":13134,"framed":13135,"explaining":13136,"abc":13137,"dealing":13138,"nato":13139,"jake":13140,"expand":13141,"leonard":13142,"established":13143,"dub":13144,"armen":13145,"elled":13146,"vocal":13147,"nicholas":13148,"orient":13149,"kyo":13150,"illustrated":13151,"ahh":13152,"dancers":13153,"million":13154,"geta":13155,"popp":13156,"asu":13157,"murdered":13158,"gible":13159,"stoked":13160,"griffin":13161,"maximum":13162,"adrian":13163,"encounter":13164,"thero":13165,"davidson":13166,"ðŁį»":13167,"holiday":13168,"evo":13169,"assets":13170,"carson":13171,"memorable":13172,"âļ½":13173,"obam":13174,"representative":13175,"cbd":13176,"tricks":13177,"vogue":13178,"voice":13179,"mmmm":13180,"sebastian":13181,"clif":13182,"athy":13183,"paralle":13184,"ðŁ¤·":13185,"pak":13186,"evacu":13187,"eats":13188,"اØ":13189,"touched":13190,"organised":13191,"spirits":13192,"canad":13193,"guided":13194,"framework":13195,"ðŁĮŁ":13196,"ped":13197,"natural":13198,"agar":13199,"replaced":13200,"anchor":13201,"tit":13202,"shah":13203,"organis":13204,"superior":13205,"rn":13206,"chro":13207,"erica":13208,"still":13209,"coron":13210,"chuck":13211,"locks":13212,"organ":13213,"rosen":13214,"scam":13215,"bened":13216,"/#":13217,"keen":13218,"trevor":13219,"vampire":13220,"sorted":13221,"!'":13222,"afford":13223,"intro":13224,"grace":13225,"ðŁĺľ":13226,"saur":13227,"kickstarter":13228,"influen":13229,"vu":13230,"yup":13231,"poc":13232,"ðŁİ¥":13233,"aar":13234,"sang":13235,"trek":13236,"etsy":13237,"tbh":13238,"scream":13239,"chevrolet":13240,"pixel":13241,"shepherd":13242,"anor":13243,"gabriel":13244,"twood":13245,"sdcc":13246,"meters":13247,"developers":13248,"closure":13249,"vw":13250,"twitch":13251,"ìĹ":13252,"seoul":13253,"price":13254,"hog":13255,"nish":13256,"hillary":13257,"scratch":13258,"incen":13259,"wagon":13260,"disability":13261,"panther":13262,"chats":13263,"gd":13264,"witz":13265,"sussex":13266,"late":13267,"denmark":13268,"gerald":13269,"cancelled":13270,"nette":13271,"ix":13272,"naval":13273,"baptist":13274,"tet":13275,"yad":13276,"math":13277,"hoy":13278,"randy":13279,"point":13280,"intellec":13281,"fruits":13282,"wool":13283,"guin":13284,"pron":13285,"theft":13286,"condem":13287,"marry":13288,"nola":13289,"architects":13290,"cincin":13291,"rockets":13292,"gentleman":13293,"explan":13294,"tate":13295,"doe":13296,"raises":13297,"wildlife":13298,"wl":13299,"insider":13300,"blanc":13301,"wp":13302,"forsale":13303,"nyc":13304,"powell":13305,"unbelievable":13306,"pens":13307,"goodies":13308,"mustang":13309,"pens":13310,"stays":13311,"squash":13312,"xoxo":13313,"nearby":13314,"everton":13315,"coco":13316,"leagu":13317,"khan":13318,"stud":13319,"southwest":13320,"construc":13321,"sworth":13322,"croatia":13323,"lea":13324,"sums":13325,"aims":13326,"ean":13327,"vaness":13328,"itious":13329,"pathy":13330,"arcade":13331,"bend":13332,"suggests":13333,"sacram":13334,"royals":13335,"rier":13336,"emir":13337,"incl":13338,"ank":13339,"clark":13340,"right":13341,"vacc":13342,"ा":13343,"tane":13344,"lib":13345,"usc":13346,"sales":13347,"huh":13348,"sally":13349,"vera":13350,"pga":13351,"grows":13352,"drum":13353,"tree":13354,"ethics":13355,"suggest":13356,"isab":13357,"sealed":13358,"previously":13359,"animated":13360,"abdu":13361,"rises":13362,"glob":13363,"predat":13364,"scarf":13365,"delic":13366,"omar":13367,"lli":13368,"sxsw":13369,"python":13370,"nebra":13371,"funk":13372,"reflect":13373,"pavilion":13374,"tically":13375,"chasing":13376,"bakery":13377,"invasion":13378,"koh":13379,"believed":13380,"cohen":13381,"conqu":13382,"crafts":13383,"nati":13384,"clever":13385,"governance":13386,"samples":13387,"fails":13388,"âĶ":13389,"timo":13390,"ritu":13391,"striking":13392,"inclusive":13393,"shocking":13394,"cant":13395,"requires":13396,"drawings":13397,"à¸Ń":13398,"purchased":13399,"dum":13400,"zach":13401,"warner":13402,"console":13403,"mansion":13404,"fountain":13405,"circum":13406,"esh":13407,"island":13408,"milk":13409,"profits":13410,"halifax":13411,"rival":13412,"âľĪï¸ı":13413,"jenny":13414,"sandra":13415,"nye":13416,"kelly":13417,"yal":13418,"quad":13419,"nos":13420,"instein":13421,"finalists":13422,"midfielder":13423,"cue":13424,"exceptional":13425,"aan":13426,"sapp":13427,"gettin":13428,"saa":13429,"fati":13430,"slice":13431,"volk":13432,"swal":13433,"lasting":13434,"summary":13435,"itas":13436,"smo":13437,"sz":13438,"âĺĨ":13439,"ipl":13440,"flames":13441,"enews":13442,"hav":13443,"hoodie":13444,"pitcher":13445,"windy":13446,"revol":13447,"central":13448,"tonite":13449,"ðŁİīðŁİī":13450,"solved":13451,"milwau":13452,"organizations":13453,"weets":13454,"refin":13455,"sth":13456,"ãĥ¼":13457,"elin":13458,"tona":13459,"cinnamon":13460,"ðŁİ¨":13461,"ðŁİģ":13462,"ronaldo":13463,"peninsu":13464,"omega":13465,"elds":13466,"designing":13467,"eigh":13468,"bluet":13469,"benz":13470,"nug":13471,"asha":13472,"robots":13473,"sudan":13474,"choosing":13475,"endo":13476,"serge":13477,"closely":13478,"handy":13479,"finger":13480,"being":13481,"arte":13482,"survived":13483,"flame":13484,"milestone":13485,"gut":13486,"dwar":13487,"futures":13488,"ée":13489,"elo":13490,"fridge":13491,"elic":13492,"ouch":13493,"ub":13494,"pv":13495,"titan":13496,"collar":13497,"station":13498,"nevada":13499,"aurora":13500,"rd":13501,"duncan":13502,"âģł":13503,"brien":13504,"marsh":13505,"о":13506,"total":13507,"chry":13508,"sers":13509,"suffe":13510,"rachel":13511,"college":13512,"todays":13513,"courts":13514,"chit":13515,"reunited":13516,"gymna":13517,"genesis":13518,"beside":13519,"representation":13520,"chant":13521,"collector":13522,"rak":13523,"athens":13524,"nigh":13525,"munich":13526,"languages":13527,"flu":13528,"participation":13529,"___":13530,"cv":13531,"spectrum":13532,"soda":13533,"cover":13534,"referen":13535,"abbo":13536,"apa":13537,"publication":13538,"edm":13539,"monica":13540,"army":13541,"ðŁļĢ":13542,"divor":13543,"dry":13544,"streams":13545,"robotics":13546,"cider":13547,"bullying":13548,"approval":13549,"stoke":13550,"platforms":13551,"sierra":13552,"extin":13553,"ib":13554,"hayes":13555,"succeed":13556,"suffer":13557,"atically":13558,"dai":13559,"lynch":13560,"hound":13561,"delines":13562,"acknow":13563,"dated":13564,"exclusively":13565,"heres":13566,"facilit":13567,"damaged":13568,"charter":13569,"lakers":13570,"falcon":13571,"unveiled":13572,"welove":13573,"ease":13574,"patience":13575,"lone":13576,"gentle":13577,"genetic":13578,"producing":13579,"gour":13580,"shannon":13581,"bilities":13582,"zimbabwe":13583,"pint":13584,"daughters":13585,"literary":13586,"belle":13587,"clam":13588,"surrounded":13589,"kany":13590,"neil":13591,"pirate":13592,"ranger":13593,"hbd":13594,"natalie":13595,"belong":13596,"olympi":13597,"embassy":13598,"scol":13599,"ener":13600,"akin":13601,"loren":13602,"bh":13603,":/":13604,"diva":13605,"denim":13606,"hipp":13607,"ðŁĩµðŁĩ":13608,"arnold":13609,"?'":13610,"weren":13611,"empower":13612,"disabled":13613,"manor":13614,"raspberry":13615,"baf":13616,"awful":13617,"drummer":13618,"kardashi":13619,"nash":13620,"machinelearning":13621,"chu":13622,"rebels":13623,"timing":13624,"monroe":13625,"tongue":13626,"range":13627,"pupils":13628,"ress":13629,"amazon":13630,"bz":13631,"harley":13632,"palmer":13633,"balloon":13634,"sings":13635,"icec":13636,"jb":13637,"cers":13638,"gps":13639,"whist":13640,"rise":13641,"lt":13642,"oooo":13643,"cattle":13644,"shooter":13645,"vodka":13646,"ucl":13647,"mtg":13648,"lesli":13649,"jonas":13650,"dispo":13651,"atric":13652,"stein":13653,"vintage":13654,"firms":13655,"floyd":13656,"cowboy":13657,"soooo":13658,"isaac":13659,"warcraft":13660,"disneyland":13661,"beautiful":13662,"beam":13663,"franchise":13664,"bun":13665,"kag":13666,"anon":13667,"turbo":13668,"sweep":13669,"madein":13670,"karachi":13671,"detective":13672,"pennsylvania":13673,"controversi":13674,"vitamin":13675,"aside":13676,"chronic":13677,"describes":13678,"removal":13679,"hah":13680,"aper":13681,"tened":13682,"uto":13683,"badly":13684,"mirac":13685,"fry":13686,"yea":13687,"injec":13688,"thermal":13689,"compact":13690,"thor":13691,"teed":13692,"urgent":13693,"lite":13694,"gilli":13695,"sophom":13696,"ico":13697,"chem":13698,"pm":13699,"fork":13700,"freak":13701,"chak":13702,"recipient":13703,"iy":13704,"nik":13705,"modeling":13706,"cans":13707,"ðŁıĢ":13708,"delux":13709,"seam":13710,"survivors":13711,"radical":13712,"investigating":13713,"reliable":13714,"fm":13715,"turt":13716,"lighthouse":13717,"tool":13718,"gown":13719,"))":13720,"bots":13721,"autograph":13722,"aid":13723,"buffe":13724,"hmm":13725,"horrible":13726,"ssional":13727,"anni":13728,"à¹Ģ":13729,"kits":13730,"schi":13731,"eternal":13732,"huss":13733,"sensitive":13734,"ru":13735,"tastes":13736,"checks":13737,"imo":13738,"portion":13739,"skate":13740,"eden":13741,"halftime":13742,"fried":13743,"rihanna":13744,"tise":13745,"flick":13746,"cain":13747,"sgt":13748,"âľĶ":13749,"shau":13750,"stained":13751,"raffle":13752,"drove":13753,"salman":13754,"principles":13755,"sho":13756,"aru":13757,"jess":13758,"guine":13759,"garbage":13760,"myan":13761,"jelly":13762,"disru":13763,"zia":13764,"qld":13765,"entries":13766,"lav":13767,"flew":13768,"admit":13769,"objects":13770,"compare":13771,"nytimes":13772,"cannes":13773,"pn":13774,"suffol":13775,"roc":13776,"dana":13777,"egg":13778,"hist":13779,"counsel":13780,"'!":13781,"physi":13782,"imagination":13783,"adjust":13784,"explosion":13785,"plymouth":13786,"horror":13787,"elliott":13788,"bourne":13789,"dex":13790,"breed":13791,"audio":13792,"lobster":13793,"disappointed":13794,"nationwide":13795,"((":13796,"increases":13797,"australi":13798,"cedar":13799,"staring":13800,"racial":13801,"eis":13802,"gmt":13803,"visions":13804,"stayed":13805,"discussions":13806,"dean":13807,"curtis":13808,"maiden":13809,"stellar":13810,"happiest":13811,"hwy":13812,"preseason":13813,"carav":13814,"mondays":13815,"hospitals":13816,"glimpse":13817,"scholars":13818,"jai":13819,"terrace":13820,"anna":13821,"goose":13822,"graded":13823,"lotus":13824,"hung":13825,"grocery":13826,"stamps":13827,"emperor":13828,"scoop":13829,"inser":13830,"cas":13831,"existence":13832,"heal":13833,"falcons":13834,"marvel":13835,"reducing":13836,"terrific":13837,"magnetic":13838,"performs":13839,"barre":13840,"pus":13841,"treating":13842,"icon":13843,"wh":13844,"declared":13845,"trauma":13846,"dod":13847,"comedian":13848,"nikon":13849,"bugs":13850,"asm":13851,"montgom":13852,"ibiza":13853,"comprehensive":13854,"has":13855,"santi":13856,"fellowship":13857,"dash":13858,"psal":13859,"louisville":13860,"spy":13861,"fault":13862,"dthe":13863,"filed":13864,"vista":13865,"desc":13866,"fears":13867,"youtu":13868,"sps":13869,"esp":13870,"rig":13871,"crime":13872,"berger":13873,"wonderland":13874,"kent":13875,"informed":13876,"stevens":13877,"myth":13878,"aston":13879,"iri":13880,"visitor":13881,"atri":13882,"producers":13883,"alla":13884,"personally":13885,"separate":13886,"agencies":13887,"afri":13888,"ilan":13889,"spoke":13890,"nina":13891,"squad":13892,"dives":13893,"depend":13894,"liv":13895,"fierce":13896,"entertaining":13897,"chain":13898,"scat":13899,"borders":13900,"palette":13901,"spro":13902,"osis":13903,"derby":13904,"tobacco":13905,"zio":13906,"willie":13907,"juvent":13908,"zoom":13909,"holy":13910,"entirely":13911,"afe":13912,"martinez":13913,"beds":13914,"pea":13915,"bulldogs":13916,"ðŁĩªðŁĩ":13917,"ibm":13918,"neon":13919,"ethiopia":13920,"teammates":13921,"planting":13922,"twer":13923,"anytime":13924,"forbes":13925,"ón":13926,"runway":13927,"nervous":13928,"roger":13929,"pile":13930,"chanc":13931,"apocaly":13932,"uw":13933,"oi":13934,"drought":13935,"territory":13936,"brick":13937,"creatures":13938,"goin":13939,"waff":13940,"gren":13941,"southeast":13942,"jean":13943,"ambul":13944,"edited":13945,"strap":13946,"cv":13947,"aaron":13948,"ãĥ»ãĥ»":13949,"tsu":13950,"description":13951,"kindly":13952,"clutch":13953,"immer":13954,"enor":13955,"womensday":13956,"orange":13957,"rag":13958,"obvious":13959,"hyder":13960,"channels":13961,"mango":13962,"meyer":13963,"raining":13964,"getty":13965,"pilgri":13966,"coordinator":13967,"upload":13968,"nintendo":13969,"donuts":13970,"sanchez":13971,"apparel":13972,"jr":13973,"zzi":13974,",@":13975,"jefferson":13976,"accessible":13977,"greatly":13978,"eid":13979,"initial":13980,"buddha":13981,"paris":13982,"mascot":13983,"â¬ĩï¸ı":13984,"schwar":13985,"siri":13986,"spinning":13987,"mortgage":13988,"echo":13989,"endange":13990,"gedly":13991,"chloe":13992,"enhance":13993,"karnat":13994,"kry":13995,"explores":13996,"ðŁĴģ":13997,"affair":13998,"icals":13999,"alla":14000,"dart":14001,"dolphins":14002,"differences":14003,"squirrel":14004,"augh":14005,"drones":14006,"ellen":14007,"restore":14008,"paw":14009,"unfor":14010,"pike":14011,"hilton":14012,"collab":14013,"consumers":14014,"coinci":14015,"outcomes":14016,"ppp":14017,"aq":14018,"coupon":14019,"liest":14020,"sims":14021,"kho":14022,"aves":14023,"spoon":14024,"pudding":14025,"corbyn":14026,"haters":14027,"exams":14028,"slave":14029,".!":14030,"psa":14031,"apples":14032,"tamil":14033,"sed":14034,"coke":14035,"zzo":14036,"losange":14037,"carbon":14038,"clair":14039,"...)":14040,"khu":14041,"craig":14042,"exploration":14043,"sanctuary":14044,"sue":14045,"alway":14046,"dementia":14047,"wonders":14048,"superhero":14049,"pakistani":14050,"browns":14051,"bluetooth":14052,"locker":14053,"marc":14054,"eventu":14055,"deluxe":14056,"rodriguez":14057,"âĿ¤âĿ¤":14058,"robb":14059,"ðŁĴ¦":14060,"linux":14061,"tens":14062,"intelligent":14063,"seed":14064,"voter":14065,"sler":14066,"peaks":14067,"intern":14068,"teenage":14069,"peninsula":14070,"handling":14071,"tie":14072,"cousins":14073,"wendy":14074,"mee":14075,"à¹Ģà¸":14076,"dino":14077,"ðŁĴ°":14078,"ðŁĺĥ":14079,"zee":14080,"sbury":14081,"tragedy":14082,"bk":14083,"bore":14084,"zin":14085,"warns":14086,"idiot":14087,"touching":14088,"continental":14089,"tacos":14090,"safari":14091,"washed":14092,"podium":14093,"morrison":14094,"forests":14095,"cbc":14096,"alon":14097,"particular":14098,"beads":14099,"invented":14100,"loch":14101,"lighter":14102,"wherever":14103,"ide":14104,"documents":14105,"awe":14106,"kr":14107,"nowhere":14108,"miner":14109,"stit":14110,"rox":14111,"contribute":14112,"hardy":14113,"clan":14114,"object":14115,"cait":14116,"ðŁĴķðŁĴķ":14117,"happier":14118,"vegetables":14119,"tart":14120,"gag":14121,"nominee":14122,"heavily":14123,"panic":14124,"jd":14125,"theresa":14126,"atm":14127,"uph":14128,"sfc":14129,"suri":14130,"drink":14131,"nal":14132,"revel":14133,"kl":14134,"avocado":14135,"nomination":14136,"madonna":14137,"sharon":14138,"malcolm":14139,"controlled":14140,"shers":14141,"revival":14142,"legislation":14143,"shoots":14144,"nin":14145,"commentary":14146,"pros":14147,"humanrights":14148,"stranger":14149,"mitch":14150,"pipeline":14151,"legally":14152,"thu":14153,"gilbert":14154,"toll":14155,"granted":14156,"ghs":14157,"iranian":14158,"refreshing":14159,"duk":14160,"abi":14161,"prime":14162,"joseph":14163,"mosa":14164,"statistics":14165,"productions":14166,"merry":14167,"patel":14168,"sax":14169,"humanitarian":14170,"structures":14171,"emissions":14172,"towns":14173,"freel":14174,"stering":14175,"ratings":14176,"allegedly":14177,"cabin":14178,"stl":14179,"wade":14180,"flyers":14181,"trim":14182,"promising":14183,"zu":14184,"ballot":14185,"comparison":14186,"freeze":14187,"outer":14188,"greatness":14189,"assign":14190,"snowy":14191,"rale":14192,"tories":14193,"mediter":14194,"knock":14195,"consultant":14196,"cincinnati":14197,"analyst":14198,"scoo":14199,"jews":14200,"approxim":14201,"pure":14202,"portraits":14203,"cyrus":14204,"ational":14205,"loans":14206,"acquis":14207,"elu":14208,"acceptable":14209,"union":14210,"watercolor":14211,"rust":14212,"battles":14213,"perfu":14214,"seasonal":14215,"serial":14216,"mindset":14217,"riot":14218,"feld":14219,"ennial":14220,"closet":14221,"priest":14222,"tanks":14223,"intl":14224,"screw":14225,"bum":14226,"abdul":14227,"oux":14228,"explained":14229,"rica":14230,"imaging":14231,"lawyers":14232,"buried":14233,"ãĥ»ãĥ»ãĥ»":14234,"earl":14235,"âĢķ":14236,"lton":14237,"restored":14238,"stripes":14239,"foss":14240,"demands":14241,"stealing":14242,"alexis":14243,"mund":14244,"aker":14245,"urus":14246,"wardro":14247,"hugs":14248,"genre":14249,"ego":14250,"ÙĦ":14251,"participated":14252,"babes":14253,"banquet":14254,"tious":14255,"hemi":14256,"dsb":14257,"lost":14258,"milwaukee":14259,"jenner":14260,"gem":14261,"outra":14262,"loses":14263,"idi":14264,"reps":14265,"ðŁİ§":14266,"regulation":14267,"flaw":14268,"fang":14269,"vibrant":14270,"ramp":14271,"rains":14272,"wellbeing":14273,"soviet":14274,"viewers":14275,"depo":14276,"libraries":14277,"bigo":14278,"sery":14279,"gill":14280,"destruction":14281,"coz":14282,"cx":14283,"bridal":14284,"alds":14285,"planted":14286,"amateur":14287,"lud":14288,"cheering":14289,"showcas":14290,"profile":14291,"iu":14292,"vertical":14293,"packers":14294,"wizard":14295,"skip":14296,"slight":14297,"beau":14298,"airways":14299,"much":14300,"rera":14301,"ðŁĮĬ":14302,"absor":14303,"patio":14304,"packages":14305,"sells":14306,"mentally":14307,"ðŁĺ¢":14308,"reynolds":14309,"kare":14310,"tribun":14311,"walt":14312,"knit":14313,"taste":14314,"surrey":14315,"bounce":14316,"creature":14317,"bare":14318,"betting":14319,"sure":14320,"miley":14321,"laughs":14322,"alore":14323,"cyn":14324,"tl":14325,"artist":14326,"annah":14327,"warmer":14328,"dynamics":14329,"lunchtime":14330,"maritime":14331,"vulnerable":14332,"ðŁĴĥ":14333,"wolver":14334,"durham":14335,"constantly":14336,"amin":14337,"sibl":14338,":@":14339,"bullet":14340,"kach":14341,"angelo":14342,"wilder":14343,"doom":14344,"desktop":14345,"lawsuit":14346,"kca":14347,"henderson":14348,"inviting":14349,"betty":14350,"tawards":14351,"rafa":14352,"leaked":14353,"andi":14354,"gems":14355,"afl":14356,"velo":14357,"mediterran":14358,"probe":14359,"totten":14360,"stephanie":14361,"snation":14362,"combe":14363,"qs":14364,"overcome":14365,"assassin":14366,"rav":14367,"filip":14368,"winnipeg":14369,"shil":14370,"determined":14371,"kas":14372,"outre":14373,"regret":14374,"guides":14375,"aaa":14376,"ðŁĺĪ":14377,"wives":14378,"manife":14379,"erly":14380,"smy":14381,"shima":14382,"xing":14383,"pixel":14384,"jacob":14385,"accommod":14386,"toy":14387,"ono":14388,"poo":14389,"tier":14390,"answe":14391,"ðŁĴģ":14392,"rosa":14393,"lease":14394,"belongs":14395,"thar":14396,"eventually":14397,"neither":14398,"goa":14399,"skiing":14400,"atra":14401,"agh":14402,"broadcasting":14403,"fury":14404,"pyram":14405,"dice":14406,"volkswag":14407,"womens":14408,"provider":14409,"bombs":14410,"missile":14411,"whip":14412,"dick":14413,"norwe":14414,"backup":14415,"elder":14416,"mature":14417,"concerts":14418,"gious":14419,"squee":14420,"goodmorning":14421,"braves":14422,"^_":14423,"aussie":14424,"luna":14425,"males":14426,"heck":14427,"fortn":14428,"romeo":14429,"steelers":14430,"pn":14431,"peer":14432,"represents":14433,"«":14434,"katy":14435,"miguel":14436,"require":14437,"chains":14438,"lur":14439,"immediate":14440,"timber":14441,"âĸ¶ï¸ı":14442,"advocacy":14443,"export":14444,"anz":14445,"tiffany":14446,"author":14447,"ðŁİĪ":14448,"dudes":14449,"chilly":14450,"hid":14451,"harm":14452,"bug":14453,"monster":14454,"terrier":14455,"tuc":14456,"storytelling":14457,"tak":14458,"inti":14459,"immigrants":14460,"bis":14461,"reaches":14462,"compassion":14463,"johnny":14464,"contributions":14465,"ðŁIJ¶":14466,"mechanical":14467,"impression":14468,"ranks":14469,"kobe":14470,"menting":14471,"blossom":14472,"pablo":14473,"builder":14474,"bombing":14475,"twel":14476,"sullivan":14477,"omo":14478,"pete":14479,"demi":14480,"kudos":14481,"wbb":14482,"tgif":14483,"massach":14484,"neighbor":14485,"chefs":14486,"engines":14487,"pune":14488,"gained":14489,"phantom":14490,"sdays":14491,"extend":14492,"gran":14493,"centers":14494,"jacqu":14495,"datasci":14496,"sleepy":14497,"elvis":14498,"answered":14499,"slot":14500,"cony":14501,"flexible":14502,"tially":14503,"letics":14504,"%,":14505,"andrews":14506,"sible":14507,"momma":14508,"vino":14509,"dox":14510,"invitational":14511,"twilight":14512,"jade":14513,"illery":14514,"johns":14515,"fou":14516,"pv":14517,"--->":14518,"breakdown":14519,"billion":14520,"printer":14521,"mond":14522,"cbc":14523,"maggie":14524,"legion":14525,"dub":14526,"kurt":14527,"poor":14528,"parenting":14529,"regions":14530,"bikini":14531,"beware":14532,"sional":14533,"auburn":14534,"kidding":14535,"amples":14536,"span":14537,"contempor":14538,"cic":14539,"habits":14540,"ako":14541,"prefe":14542,"buddies":14543,"itz":14544,"emily":14545,"personnel":14546,"mountain":14547,"versus":14548,"ðŁĺ¬":14549,"earning":14550,"sink":14551,"dari":14552,"uu":14553,"swin":14554,"ister":14555,"brutal":14556,"nac":14557,"kata":14558,"cloth":14559,"amand":14560,"ðŁĶĹ":14561,"neo":14562,"alumin":14563,"weekends":14564,"nebraska":14565,"codes":14566,"delayed":14567,"bruno":14568,"proven":14569,"inc":14570,"ight":14571,"flan":14572,"oro":14573,"lambert":14574,"regulat":14575,"wf":14576,"massachuse":14577,"kardashian":14578,"bernard":14579,"fiesta":14580,"volcano":14581,"grandpa":14582,"anca":14583,"dre":14584,"stitu":14585,"meaning":14586,"foam":14587,"auck":14588,"ated":14589,"rl":14590,"hotel":14591,"persons":14592,"dynasty":14593,"ellor":14594,"mai":14595,"amne":14596,"styling":14597,"avier":14598,"eg":14599,"vegetarian":14600,",â̦":14601,"founders":14602,"stain":14603,"gd":14604,"cycles":14605,"skyline":14606,"tractor":14607,"exists":14608,"tral":14609,"kidney":14610,"maril":14611,"instag":14612,"sette":14613,"addict":14614,"triangle":14615,"flashback":14616,"controversial":14617,"zon":14618,"pins":14619,"ias":14620,"tray":14621,"township":14622,"delegates":14623,"spam":14624,"hms":14625,"crane":14626,"peoples":14627,"olo":14628,"faction":14629,"butes":14630,"onica":14631,"delegation":14632,"newprofile":14633,"elier":14634,"mca":14635,"wand":14636,"gely":14637,"losangeles":14638,"berke":14639,"tive":14640,"disrup":14641,"zza":14642,"casa":14643,"jordan":14644,"fordshire":14645,"gathered":14646,"ichi":14647,"attendees":14648,"à¸Ńà¸":14649,"peppers":14650,"coin":14651,"bourbon":14652,"ernity":14653,"rotary":14654,"behaviour":14655,"jeremy":14656,"teamwork":14657,"compliance":14658,"tremend":14659,"ðŁĩ§":14660,"buhari":14661,"cambo":14662,"buyers":14663,"hagen":14664,"buds":14665,"bayern":14666,"monte":14667,"smells":14668,"anza":14669,"athlon":14670,"described":14671,"workforce":14672,"giving":14673,"api":14674,"investments":14675,"dail":14676,"selena":14677,"database":14678,"thum":14679,"mortal":14680,"student":14681,"buyer":14682,"dover":14683,"garten":14684,"attle":14685,"loyalty":14686,"genoci":14687,"holocau":14688,"theaters":14689,"ruling":14690,"venus":14691,"patent":14692,"chun":14693,"abby":14694,"awake":14695,"massacre":14696,"bangalore":14697,"breaking":14698,"simmons":14699,"justi":14700,"hale":14701,"edchat":14702,"ggles":14703,"hawk":14704,"marking":14705,"headlines":14706,"strom":14707,"cove":14708,"breathtaking":14709,"medals":14710,"haircut":14711,"christine":14712,"telegraph":14713,"gujarat":14714,"jura":14715,"cane":14716,"shore":14717,"propaganda":14718,"mueller":14719,"........":14720,"savi":14721,"stomach":14722,"throws":14723,"tab":14724,"warm":14725,"jong":14726,"renowned":14727,"hir":14728,"rais":14729,"mushrooms":14730,"guaranteed":14731,"boa":14732,"mj":14733,"revolutionary":14734,"certification":14735,"bruins":14736,"join":14737,"wes":14738,"passport":14739,"cg":14740,"sexu":14741,"capable":14742,"wv":14743,"tones":14744,"jackets":14745,"accompan":14746,"spinach":14747,"forever":14748,"blair":14749,"watts":14750,"gl":14751,"couples":14752,"prairie":14753,"newprofilepic":14754,"logistics":14755,"massachusetts":14756,"jaguar":14757,"oid":14758,"weal":14759,"underwater":14760,"moz":14761,"yi":14762,"maths":14763,"myanmar":14764,"preps":14765,"suffered":14766,"trace":14767,"wali":14768,"ahhh":14769,"borg":14770,"stitch":14771,"culin":14772,"realise":14773,"infection":14774,"discrimination":14775,"shame":14776,"ankle":14777,"humid":14778,"yt":14779,"bracket":14780,"truck":14781,"triu":14782,"easter":14783,"community":14784,"postcard":14785,"involving":14786,"tyler":14787,"caramel":14788,"overview":14789,"examples":14790,"integrity":14791,"basement":14792,"instruments":14793,"anium":14794,"atus":14795,"gher":14796,"laundry":14797,"achieve":14798,"geneva":14799,"pricing":14800,"hyderabad":14801,"belief":14802,"meta":14803,"jaw":14804,"accounting":14805,"leader":14806,"cristiano":14807,"couture":14808,"cyp":14809,"vised":14810,",,,":14811,"knu":14812,"hick":14813,"breaker":14814,"bram":14815,"rab":14816,"moor":14817,"hamas":14818,"graduating":14819,"puppies":14820,"akh":14821,"tah":14822,"aches":14823,"rie":14824,"opini":14825,"gta":14826,"reign":14827,"tragic":14828,"rever":14829,"pill":14830,"pineapple":14831,"touches":14832,"dare":14833,"leys":14834,"ilo":14835,"interiors":14836,"scouts":14837,"bart":14838,"enzie":14839,"dono":14840,"brock":14841,"christians":14842,"ensemble":14843,"·":14844,"cinemas":14845,"newport":14846,"airline":14847,"winston":14848,"leigh":14849,"contents":14850,"prescri":14851,"urge":14852,"trout":14853,"fically":14854,"ilia":14855,"subsi":14856,"arer":14857,"âļ¾ï¸ı":14858,"wounded":14859,"ðŁĻĤ":14860,"pepper":14861,"ðŁĴŀ":14862,"fitted":14863,"aff":14864,"resur":14865,"thursdaythoughts":14866,"zero":14867,"archaeology":14868,"div":14869,"jee":14870,"ion":14871,"awaiting":14872,"cozy":14873,"beauties":14874,"bald":14875,"data":14876,"grizz":14877,"stalk":14878,"kinds":14879,"cleared":14880,"jessic":14881,"regular":14882,"aliens":14883,"place":14884,"bos":14885,"bizar":14886,"thisis":14887,"ðŁĴĢ":14888,"tottenham":14889,"mafia":14890,"slam":14891,"ariana":14892,"carroll":14893,"backpack":14894,"carey":14895,"univ":14896,"rg":14897,"pep":14898,"digit":14899,"tattoos":14900,"agon":14901,"volunteering":14902,"differen":14903,"consumption":14904,"kathr":14905,"headphones":14906,"tshirt":14907,"ob":14908,"element":14909,"retail":14910,"shru":14911,"algori":14912,"container":14913,"conscious":14914,"fil":14915,"coming":14916,"rash":14917,"urope":14918,"define":14919,"gior":14920,"feminist":14921,"flowing":14922,"routes":14923,"glaci":14924,"fert":14925,"somerset":14926,"antes":14927,"tweeps":14928,"$$":14929,"hour":14930,"endangered":14931,"yearsof":14932,"roh":14933,"popped":14934,"backing":14935,"basil":14936,"brake":14937,"monaco":14938,"lgbtq":14939,"prague":14940,"utility":14941,"cassi":14942,"gateway":14943,"haunted":14944,"schul":14945,"ðŁİµ":14946,"should":14947,"walkingdead":14948,"completing":14949,"danny":14950,"montgomery":14951,"penguin":14952,"ssi":14953,"merchandi":14954,"ðŁijij":14955,"church":14956,"hates":14957,"captain":14958,"breathing":14959,"cet":14960,"fairly":14961,"approaches":14962,"companion":14963,"surprising":14964,"kanye":14965,"pey":14966,"hindi":14967,"targeted":14968,"lords":14969,"deut":14970,"digging":14971,"german":14972,"rut":14973,"energy":14974,"closest":14975,"yun":14976,"apologi":14977,"ั":14978,"sack":14979,"rup":14980,"ddy":14981,"portal":14982,"dough":14983,"bats":14984,"ðŁĵ°":14985,"atur":14986,"grapher":14987,"pires":14988,"motors":14989,"ðŁĮ¹":14990,"jc":14991,"dang":14992,"tuk":14993,"clue":14994,"usc":14995,"page":14996,"dless":14997,"brows":14998,"jus":14999,"ading":15000,"remarks":15001,"oom":15002,"cardio":15003,"stefan":15004,"armstrong":15005,"âĢ¢âĢ¢":15006,"niest":15007,"belgian":15008,"biop":15009,"soy":15010,"lof":15011,"íĥ":15012,"qt":15013,"flashbackfriday":15014,"cee":15015,"ģà¸":15016,"wreck":15017,"marines":15018,"amendment":15019,"wardrobe":15020,"voy":15021,"burned":15022,"guitars":15023,"rainf":15024,"lifel":15025,"ssil":15026,"ounce":15027,"external":15028,"ckey":15029,"mesh":15030,"sheikh":15031,"invitation":15032,"suggesti":15033,"popcorn":15034,"phenomenal":15035,"anonymous":15036,"tuna":15037,"chicago":15038,"oval":15039,"dely":15040,"locals":15041,"(&":15042,"prof":15043,"novel":15044,"finder":15045,"sparks":15046,"laven":15047,"infu":15048,"nicks":15049,"quant":15050,"rae":15051,"exec":15052,"distingui":15053,"stances":15054,"mutual":15055,"shal":15056,"unveils":15057,"edmonton":15058,"zania":15059,"adio":15060,"viewer":15061,"bradford":15062,"auditorium":15063,"quis":15064,"react":15065,"http":15066,"lero":15067,"cheeky":15068,"impacts":15069,"tak":15070,"edt":15071,"desperate":15072,"tay":15073,"ìĦ":15074,"settle":15075,"bargain":15076,"resume":15077,"unite":15078,"thrown":15079,"kest":15080,"seys":15081,"marching":15082,"amit":15083,"decline":15084,"schar":15085,"metr":15086,"stanford":15087,"linke":15088,"berra":15089,"dolls":15090,"rugby":15091,"jami":15092,"bor":15093,"roadtrip":15094,"dinosaur":15095,"mik":15096,"sunder":15097,"rem":15098,"bk":15099,"overseas":15100,"naughty":15101,"implementation":15102,"iamsrk":15103,"luncheon":15104,"firing":15105,"miami":15106,"perez":15107,"thee":15108,"zon":15109,"gifted":15110,"conversion":15111,"ceramic":15112,"¡ï¸ı":15113,"pedro":15114,"ìĨ":15115,"vick":15116,"!@":15117,"heed":15118,"sid":15119,"bw":15120,"document":15121,"plun":15122,"grants":15123,"fantasy":15124,"predictions":15125,"valid":15126,"carved":15127,"graduated":15128,"ðŁijįðŁı»":15129,"nationally":15130,"chy":15131,"afl":15132,"resso":15133,"blank":15134,"rivals":15135,"jig":15136,"eties":15137,"omics":15138,"unemp":15139,"bound":15140,"sko":15141,"inspection":15142,"paral":15143,"highs":15144,"crisp":15145,"bans":15146,"oba":15147,"[@":15148,"cospla":15149,"costumes":15150,"recall":15151,"mouth":15152,"nigel":15153,"bts":15154,"tera":15155,"kov":15156,"docs":15157,"westminster":15158,"dict":15159,"gravity":15160,"kari":15161,"rogue":15162,"tted":15163,"wark":15164,"idaho":15165,"wend":15166,"awi":15167,"queensland":15168,"processes":15169,"cliffe":15170,"mick":15171,"compens":15172,"opol":15173,"they":15174,"clari":15175,"wikipedia":15176,"salmankhan":15177,"hazard":15178,"preston":15179,"sweetest":15180,"pdf":15181,"chees":15182,"trilo":15183,"southafrica":15184,"burnt":15185,"($":15186,"contain":15187,"tp":15188,"submitted":15189,"soundcloud":15190,"atu":15191,"rez":15192,"wordpress":15193,"corrupt":15194,"nf":15195,"maker":15196,"íķ":15197,"paras":15198,"advent":15199,"rial":15200,"cafe":15201,"fossil":15202,"!!!!!!!":15203,"cows":15204,"cj":15205,"spur":15206,"institutions":15207,"landmark":15208,"entit":15209,"reut":15210,"his":15211,"alzheim":15212,"wemb":15213,"reggae":15214,"mosqu":15215,"stat":15216,"identified":15217,"dealer":15218,"ream":15219,"reland":15220,"tension":15221,"ðŁĩ©":15222,"wrapping":15223,"deeper":15224,"frat":15225,"reddit":15226,"aris":15227,"morocco":15228,"..\"":15229,"blow":15230,"mapping":15231,"priorities":15232,"inga":15233,"swap":15234,"rewards":15235,"conspiracy":15236,"creative":15237,"cj":15238,"congressional":15239,"vault":15240,"plex":15241,"sophomore":15242,"shadow":15243,"eless":15244,"ðŁĺħ":15245,"darts":15246,"aldub":15247,"annoying":15248,"props":15249,"nas":15250,"aluminum":15251,"hbo":15252,"offense":15253,"jill":15254,"onions":15255,"laur":15256,"tae":15257,"hardest":15258,"shro":15259,"gaining":15260,"measure":15261,"edtech":15262,"cyprus":15263,"tara":15264,"angeli":15265,"carlo":15266,"goon":15267,"alli":15268,"implic":15269,"jupit":15270,"resilience":15271,"hail":15272,"balanced":15273,")...":15274,"joyce":15275,"gra":15276,"theli":15277,"defined":15278,"shipped":15279,"mainly":15280,"mina":15281,"lm":15282,"sacri":15283,"ober":15284,"pim":15285,"claiming":15286,"enters":15287,"corey":15288,"bok":15289,"cried":15290,"cooling":15291,"danielle":15292,"pharmacy":15293,"thorough":15294,"cake":15295,"klo":15296,"outreach":15297,"zens":15298,"digitalmarketing":15299,"valent":15300,"snp":15301,"herb":15302,"mrw":15303,"café":15304,"captures":15305,"notre":15306,"triumph":15307,"pancakes":15308,"cumber":15309,"spike":15310,"dation":15311,"bigg":15312,"sper":15313,"critical":15314,"amal":15315,"tooth":15316,"founding":15317,"astro":15318,"'#":15319,"quantum":15320,"thames":15321,"unc":15322,"pride":15323,"airbus":15324,"knocked":15325,"undefeated":15326,"mediterranean":15327,"calcu":15328,"clown":15329,"sensor":15330,"hammer":15331,"forgive":15332,"cushi":15333,"berry":15334,"majestic":15335,"elect":15336,"politan":15337,"gta":15338,"kari":15339,"burke":15340,"seahawks":15341,"volkswagen":15342,"rei":15343,"landscapes":15344,"casu":15345,"grandfather":15346,"listened":15347,"//":15348,"startrek":15349,"rainfall":15350,"furry":15351,"vier":15352,"stark":15353,"rifle":15354,"ffa":15355,"leges":15356,"hillaryclinton":15357,"minus":15358,"correctly":15359,"architectural":15360,"prece":15361,"upside":15362,"boxer":15363,"ðŁĻĮðŁı¼":15364,"isai":15365,"det":15366,"provo":15367,"tissue":15368,"spooky":15369,"veled":15370,"recon":15371,"prospects":15372,"quebec":15373,"âļ«":15374,"igno":15375,"anatomy":15376,"shapes":15377,"wp":15378,"pinterest":15379,"hore":15380,"anes":15381,"pickup":15382,"tip":15383,"pradesh":15384,"hugh":15385,"coe":15386,"pok":15387,"grammy":15388,"wellington":15389,"stigate":15390,"righ":15391,"leap":15392,"kingston":15393,"scenic":15394,"gosh":15395,"vani":15396,"aug":15397,"sary":15398,"zier":15399,"bureau":15400,"linson":15401,"conte":15402,"fragr":15403,"allan":15404,"gaw":15405,"lana":15406,"collision":15407,"surveill":15408,"renais":15409,"arrange":15410,"sali":15411,"doin":15412,"brance":15413,"brendan":15414,"ourse":15415,"incoming":15416,"suspension":15417,"à´":15418,"lla":15419,"educators":15420,"intri":15421,"dae":15422,"biography":15423,"bulgar":15424,"villain":15425,"gothic":15426,"rwanda":15427,"ew":15428,"mayor":15429,"meetup":15430,"democrat":15431,"morgan":15432,"sudden":15433,"tesco":15434,"carrot":15435,"bomber":15436,"mckin":15437,"rene":15438,"funday":15439,"agricultural":15440,"hahah":15441,"showtime":15442,"forming":15443,"cola":15444,"scorpi":15445,"quote":15446,"poppy":15447,"slife":15448,"daz":15449,"tub":15450,"nen":15451,"mot":15452,"ðŁĺ»":15453,"sore":15454,"elderly":15455,"ove":15456,"skinny":15457,"umi":15458,"anco":15459,"manship":15460,"were":15461,"gv":15462,"kah":15463,"folding":15464,"neat":15465,"samantha":15466,"danish":15467,"ukrain":15468,"humidity":15469,"nutri":15470,"jakarta":15471,"candles":15472,"oooooooo":15473,"atile":15474,"strength":15475,"ibra":15476,"bapti":15477,"charleston":15478,"frames":15479,"girls":15480,"clearing":15481,"gluten":15482,"##":15483,"supernatural":15484,"jubi":15485,"phone":15486,"hein":15487,"drun":15488,"leak":15489,"investor":15490,"yer":15491,"domain":15492,"ballroom":15493,"mish":15494,"appli":15495,"offshore":15496,"blaze":15497,"doro":15498,"âĺķï¸ı":15499,"winery":15500,"sharif":15501,"adore":15502,"nir":15503,"safer":15504,"sigh":15505,"ascri":15506,"strongly":15507,"tracy":15508,"cker":15509,"oll":15510,"faithful":15511,"eyed":15512,"delightful":15513,"vism":15514,"karnataka":15515,"titan":15516,"whar":15517,"jerseys":15518,"refur":15519,"heaven":15520,"grip":15521,"panama":15522,"preli":15523,"gluten":15524,"odd":15525,"content":15526,"ponti":15527,"tioning":15528,"ecommerce":15529,"federation":15530,"flawless":15531,"gear":15532,"tires":15533,"byr":15534,"police":15535,"cuban":15536,"tributes":15537,"ticul":15538,"churches":15539,"nursery":15540,"diaries":15541,"museums":15542,"snapped":15543,"ivan":15544,"wight":15545,"tourists":15546,"ramadan":15547,"trent":15548,"prophet":15549,"wondered":15550,"focusing":15551,"hid":15552,"icons":15553,"iq":15554,"ambulance":15555,"pist":15556,"funniest":15557,"timeless":15558,"srilan":15559,"buys":15560,"kids":15561,"colourful":15562,"ashi":15563,"chir":15564,"mum":15565,"ðŁĵļ":15566,"letter":15567,"xen":15568,"reuters":15569,"preserve":15570,"inting":15571,"step":15572,"fuji":15573,"univer":15574,"iu":15575,"showdown":15576,"poems":15577,"surveillance":15578,"suspected":15579,"tae":15580,"solving":15581,"tomb":15582,"mothersday":15583,"carpen":15584,"recruit":15585,"pilots":15586,"broc":15587,"mixing":15588,"fridays":15589,"tyr":15590,"representatives":15591,"trapped":15592,"abdul":15593,"freestyle":15594,"cluster":15595,"âļłï¸ı":15596,"kd":15597,"skill":15598,"pitt":15599,"exo":15600,"commerci":15601,"museum":15602,"locally":15603,"gina":15604,"nobel":15605,"immune":15606,"frac":15607,"capsu":15608,"mained":15609,"attempts":15610,"bulldog":15611,"bespoke":15612,"singers":15613,"spelling":15614,"segment":15615,"natures":15616,"tick":15617,"lipstick":15618,"cleaner":15619,"gettable":15620,"precision":15621,"â̼ï¸ı":15622,"thood":15623,"reef":15624,"nope":15625,"billy":15626,"digi":15627,"musi":15628,"rival":15629,"figured":15630,"tality":15631,"sunny":15632,"berk":15633,"awww":15634,"awaits":15635,"unreal":15636,"copen":15637,"asylum":15638,"exotic":15639,"buen":15640,"mock":15641,"enable":15642,"archy":15643,"fra":15644,"plastic":15645,"almond":15646,"ampli":15647,"displays":15648,"abbott":15649,"sme":15650,"xp":15651,"ðŁĻĥ":15652,"graphic":15653,"ived":15654,"mara":15655,"caution":15656,"leaks":15657,"enberg":15658,"ulu":15659,"unicorn":15660,"cannon":15661,"apprentic":15662,"ðŁĺĺðŁĺĺ":15663,"bball":15664,"willow":15665,"atics":15666,"amas":15667,"manufacturer":15668,"campaigns":15669,"porters":15670,"floors":15671,"lsu":15672,"type":15673,"kej":15674,"honorary":15675,"itim":15676,"tole":15677,"minecraft":15678,"dx":15679,"mash":15680,"rio":15681,"consequences":15682,"ronald":15683,"gossi":15684,"suffolk":15685,"muse":15686,"rbi":15687,"livemusic":15688,"ivan":15689,"ðŁİ¤":15690,"leu":15691,"patriot":15692,"manit":15693,"lanca":15694,"homedecor":15695,"dear":15696,"sigma":15697,"tide":15698,"strings":15699,"vita":15700,"sequel":15701,"tryna":15702,"investigate":15703,"boris":15704,"vegan":15705,"barrier":15706,"mindfulness":15707,"webb":15708,"hustle":15709,"inda":15710,"tanzania":15711,"stray":15712,"texas":15713,"cag":15714,"diagnosis":15715,"woman":15716,"gw":15717,"obsession":15718,"lative":15719,"nufc":15720,"flynn":15721,"momentum":15722,"sofa":15723,"wald":15724,"vegetable":15725,"tucker":15726,"supper":15727,"seab":15728,"arro":15729,"seag":15730,"venting":15731,"councill":15732,"splat":15733,"calcul":15734,"..#":15735,"comfy":15736,"odisha":15737,"stopp":15738,"warfare":15739,"caes":15740,"à¨":15741,"coy":15742,"priceless":15743,"insec":15744,"ðŁĺĽ":15745,"controls":15746,"empowerment":15747,"datascience":15748,"perpe":15749,"genic":15750,"eres":15751,"trudeau":15752,"mano":15753,"slavery":15754,"expanding":15755,"mahe":15756,"failing":15757,"saga":15758,"photographs":15759,"crest":15760,"reon":15761,"surfing":15762,"hie":15763,"ðŁįĢ":15764,"jae":15765,"fellows":15766,"southampton":15767,"solom":15768,"cester":15769,"tability":15770,"horn":15771,"sect":15772,"hee":15773,"coleman":15774,"atlas":15775,"explorer":15776,"consultation":15777,"copyright":15778,"organizing":15779,"denied":15780,"monkeys":15781,"noodles":15782,"bris":15783,"flor":15784,"dough":15785,"bonds":15786,"shocked":15787,"ecosystem":15788,"carefully":15789,"wm":15790,"apartments":15791,"curve":15792,"sandiego":15793,"mustard":15794,"commen":15795,"ceremon":15796,"ech":15797,"ruth":15798,"ðŁĻĮðŁı»":15799,"hawai":15800,"filmed":15801,"tear":15802,"asingly":15803,"cair":15804,"watt":15805,"instrument":15806,"outta":15807,"yeol":15808,"riverside":15809,"ë°":15810,".:":15811,"norwich":15812,"alog":15813,"migrants":15814,"newman":15815,"ride":15816,"sprink":15817,"targeting":15818,"believe":15819,"torch":15820,"reflects":15821,"permission":15822,"ffman":15823,"enemies":15824,"basics":15825,"seized":15826,"sundays":15827,"lei":15828,"hassan":15829,"endo":15830,"hc":15831,"stad":15832,"lements":15833,"kkkk":15834,"nano":15835,"shark":15836,"mana":15837,"onic":15838,"treatments":15839,"early":15840,"collaborative":15841,"shuttle":15842,"branches":15843,"misses":15844,"mainedcm":15845,"apers":15846,"kyle":15847,"carrie":15848,"leisure":15849,"shet":15850,"birding":15851,"advances":15852,"ðŁĵĿ":15853,"popular":15854,"diane":15855,"abe":15856,"rewar":15857,"neighbour":15858,"kpop":15859,"remembrance":15860,"playground":15861,"rub":15862,"krishna":15863,"ebola":15864,"inquiry":15865,"epa":15866,"lumin":15867,"organisation":15868,"abraham":15869,"normally":15870,"preten":15871,"janet":15872,"wt":15873,"ðŁĴİ":15874,"encouraging":15875,"astic":15876,"bump":15877,"sydney":15878,"sz":15879,"ssss":15880,"garrett":15881,"ðŁĵ»":15882,"consulting":15883,"romania":15884,"spotting":15885,"chancellor":15886,"arma":15887,"prestigious":15888,"ðĿIJ":15889,"tad":15890,"cryst":15891,"competit":15892,"ratio":15893,"cataly":15894,"brow":15895,"jur":15896,"viking":15897,"commute":15898,"yday":15899,"layers":15900,"dumb":15901,"escal":15902,"genocide":15903,"fill":15904,"gupta":15905,"stepping":15906,"sei":15907,"foto":15908,"wildcats":15909,"coli":15910,"project":15911,"earnings":15912,"str":15913,"geons":15914,"completion":15915,"bm":15916,"decorated":15917,"crawford":15918,"afghan":15919,"scare":15920,"visibility":15921,"hib":15922,"direction":15923,"stroll":15924,"christina":15925,"alternate":15926,"clare":15927,"stylist":15928,"behold":15929,"sance":15930,"leopard":15931,"acquired":15932,"narrative":15933,"ashi":15934,"thea":15935,"????":15936,"peas":15937,"atch":15938,"slides":15939,"leen":15940,"renewable":15941,"english":15942,"quir":15943,"coaster":15944,"rx":15945,"fools":15946,"matchday":15947,"mism":15948,"amazing":15949,"zig":15950,"keting":15951,"wont":15952,"towel":15953,"diab":15954,"stake":15955,"nm":15956,"melt":15957,"ethan":15958,"grape":15959,"politician":15960,"smen":15961,"íĺ":15962,"reo":15963,"weddings":15964,"catcher":15965,"oracle":15966,"memo":15967,"ðŁĮ´":15968,"eck":15969,"robbie":15970,"norwegian":15971,"operator":15972,"amor":15973,"sewing":15974,"jul":15975,"xie":15976,"uv":15977,"fifty":15978,"mega":15979,"tattoo":15980,"liberals":15981,"upri":15982,"trafficking":15983,"richardson":15984,"suv":15985,"kip":15986,"messy":15987,"tremendous":15988,"glou":15989,"courtney":15990,"lad":15991,"stereo":15992,"myers":15993,"idio":15994,"^_^":15995,"manning":15996,"dye":15997,"wd":15998,"throne":15999,"junk":16000,"asu":16001,"provincial":16002,"kook":16003,"wrc":16004,"fineart":16005,"hampshire":16006,"renaissance":16007,"bred":16008,"fallout":16009,"sj":16010,"snl":16011,"alam":16012,"torture":16013,"fyi":16014,"shines":16015,"paw":16016,"char":16017,"henry":16018,"crow":16019,"acious":16020,"dian":16021,"paige":16022,"bare":16023,"stockholm":16024,"scenery":16025,"ðŁĩ·":16026,"jeffrey":16027,"push":16028,"decoration":16029,"ned":16030,"cute":16031,"brigade":16032,"lavender":16033,"invites":16034,"esports":16035,"voir":16036,"dried":16037,"transpl":16038,"surgeon":16039,"novels":16040,"pulls":16041,"sony":16042,"lunar":16043,"mane":16044,"ivy":16045,"frustr":16046,"dorset":16047,"sai":16048,"torres":16049,"ssion":16050,"shutdown":16051,"suggestions":16052,"writing":16053,"eo":16054,"battlefield":16055,"uga":16056,"ðŁIJ¾":16057,"vacu":16058,"splac":16059,"git":16060,"ug":16061,"highland":16062,"%)":16063,"mermaid":16064,"sacramento":16065,"tails":16066,"pw":16067,"kah":16068,"tell":16069,"enhanced":16070,"ìķ":16071,"auckland":16072,"cruel":16073,"ðŁ¤©":16074,"audre":16075,"sailor":16076,"grammar":16077,"glove":16078,"deon":16079,"inflam":16080,"freshly":16081,"kell":16082,"zip":16083,"christie":16084,"mild":16085,"dixon":16086,"instructor":16087,"gence":16088,"ãħł":16089,"subjec":16090,"constitutional":16091,"crowds":16092,"invisible":16093,"ruins":16094,"dak":16095,"sip":16096,"plaque":16097,"pouring":16098,"complex":16099,"zine":16100,"stead":16101,"flet":16102,"transmission":16103,"loway":16104,"arun":16105,"increasingly":16106,"aud":16107,"transparen":16108,"crowned":16109,"scoun":16110,"blizzard":16111,"luxu":16112,"fiers":16113,"achievements":16114,"hunters":16115,"rocked":16116,"basin":16117,"violet":16118,"proves":16119,"achieving":16120,"prosper":16121,"sega":16122,"float":16123,"vian":16124,"xiv":16125,"polic":16126,"tura":16127,"approximately":16128,"wanderlust":16129,"keepers":16130,"getaway":16131,"cod":16132,"polis":16133,"bryan":16134,"colts":16135,"talents":16136,"yogur":16137,"glutenfree":16138,"wrist":16139,"gry":16140,"czech":16141,"ðŁİĪ":16142,"eville":16143,"ðŁıĪ":16144,"tox":16145,"daniels":16146,"amer":16147,"bids":16148,"weareone":16149,"metab":16150,"gt":16151,"boyz":16152,"pdx":16153,"possession":16154,"pushed":16155,"shrine":16156,"realistic":16157,"trigger":16158,"navi":16159,"rumors":16160,"naf":16161,"jenkins":16162,"trun":16163,"communi":16164,"ÃĹ":16165,"gamers":16166,"armor":16167,"mohammed":16168,"balcony":16169,"yah":16170,"strongest":16171,"rhythm":16172,"unforgettable":16173,"kp":16174,"hobb":16175,"custody":16176,"gregor":16177,"rita":16178,"aesthetic":16179,"ilation":16180,"sponsoring":16181,"nay":16182,"kidnapp":16183,"shs":16184,"rajas":16185,"meg":16186,"significantly":16187,"buttons":16188,"lac":16189,"versions":16190,"essentials":16191,"opinions":16192,"kro":16193,"dprinting":16194,"widely":16195,"dk":16196,"uran":16197,"yal":16198,"requested":16199,"cn":16200,"curric":16201,"plum":16202,"grun":16203,"vm":16204,"devon":16205,"myo":16206,"relation":16207,"juventus":16208,"rouge":16209,"minority":16210,"mines":16211,"jupiter":16212,"nine":16213,"oxygen":16214,"frankie":16215,"unesco":16216,"fabric":16217,"disgusting":16218,"salman":16219,"detection":16220,"lanka":16221,"dac":16222,"ðŁĩ«ðŁĩ·":16223,"argument":16224,"shelves":16225,"celtics":16226,"roberto":16227,"pigs":16228,"hedge":16229,"faul":16230,"powering":16231,"butterflies":16232,"fir":16233,"remake":16234,"atti":16235,"como":16236,"empha":16237,"kendall":16238,"pokemon":16239,"seating":16240,"dans":16241,"baldwin":16242,"ðŁij»":16243,"leslie":16244,"onedirection":16245,"timber":16246,"iman":16247,"font":16248,"eder":16249,"dion":16250,"steph":16251,"format":16252,"gregory":16253,"prop":16254,"hex":16255,"ruin":16256,"sory":16257,"infer":16258,"naw":16259,"barak":16260,"sdgs":16261,"karao":16262,"lush":16263,"vander":16264,"endent":16265,"gis":16266,"afro":16267,"soccer":16268,"ayan":16269,"tuni":16270,"lung":16271,"dayof":16272,"alexa":16273,"marath":16274,"addicted":16275,"agile":16276,"hygi":16277,"lightweight":16278,"ì§":16279,"mandela":16280,"joey":16281,"ancy":16282,"hum":16283,"bir":16284,"memorial":16285,"jimin":16286,"ginger":16287,"vak":16288,"javascri":16289,"crops":16290,"origins":16291,"dari":16292,"piper":16293,"import":16294,"aggressive":16295,"prediction":16296,"repairs":16297,"cracker":16298,"voyage":16299,"nike":16300,"mummy":16301,"linkedin":16302,"countryside":16303,"border":16304,"glass":16305,"pert":16306,"sals":16307,"shoe":16308,"autographed":16309,"walnut":16310,"collegi":16311,"salary":16312,"pairing":16313,"ðŁĮ¸":16314,"cathol":16315,"sweethe":16316,"defeats":16317,"strengthen":16318,"rooftop":16319,"improvements":16320,"barriers":16321,"uru":16322,"tally":16323,"ruled":16324,"ðŁĨļ":16325,"naija":16326,"emoji":16327,"percent":16328,"gio":16329,"probs":16330,"once":16331,"admits":16332,"paths":16333,"liar":16334,"daytona":16335,"peters":16336,"cali":16337,"calli":16338,"mug":16339,"osa":16340,"aph":16341,"aby":16342,"hyde":16343,"ethnic":16344,"plains":16345,"olf":16346,"hahahahaha":16347,"holic":16348,"?!?!":16349,"subli":16350,"blacks":16351,"mot":16352,"ghton":16353,"lovin":16354,"brent":16355,"baru":16356,"lati":16357,"dew":16358,"ateau":16359,"qa":16360,"painful":16361,"busters":16362,"static":16363,"ðŁĩ¨ðŁĩ¦":16364,"notebook":16365,"outfits":16366,"sies":16367,"rf":16368,"floods":16369,"ÑĢ":16370,"throat":16371,"suici":16372,"rovers":16373,"bengal":16374,"prepares":16375,"blog":16376,"miniature":16377,"ب":16378,"amphi":16379,"comb":16380,"rsp":16381,"intimate":16382,"greene":16383,"Ìĩ":16384,"altar":16385,"surgical":16386,"vessel":16387,"...?":16388,"gavin":16389,"gator":16390,"threatened":16391,"zar":16392,"robbery":16393,"dier":16394,"promoted":16395,"yg":16396,"xs":16397,"subs":16398,"interviewing":16399,"threatening":16400,"dozen":16401,"meado":16402,"waterfall":16403,"nintendoswitch":16404,"calum":16405,"ministers":16406,"drop":16407,"universities":16408,"warned":16409,"tactics":16410,"ðŁĩ²":16411,"refuse":16412,"adju":16413,"vast":16414,"ðŁĺ´":16415,"mcfc":16416,"libya":16417,"nofilter":16418,"distributed":16419,"reser":16420,"ronnie":16421,"deco":16422,"javascript":16423,"monk":16424,"interests":16425,"flex":16426,"martha":16427,"sties":16428,"ood":16429,"ðŁ¤£ðŁ¤£":16430,"eun":16431,"bali":16432,"gomez":16433,"stimul":16434,"moderate":16435,"dity":16436,"iris":16437,"straw":16438,"consistent":16439,"directions":16440,"adopt":16441,"salsa":16442,"croo":16443,"recovered":16444,"blackfriday":16445,"lancaster":16446,"accept":16447,"weareoneexo":16448,"builds":16449,"freeman":16450,"airplane":16451,"dition":16452,"belong":16453,"jamie":16454,"pitching":16455,"lif":16456,"omin":16457,"crispy":16458,"prepping":16459,"veg":16460,"chang":16461,"accomplished":16462,"gracias":16463,"dolphin":16464,"elector":16465,"culinary":16466,"superbowl":16467,"wala":16468,"pursuit":16469,"blackberry":16470,"bean":16471,"cardinal":16472,"proved":16473,"immigrant":16474,"strictly":16475,"holocaust":16476,"passage":16477,"haus":16478,"coup":16479,"purse":16480,"harass":16481,"<<":16482,"leed":16483,"adobe":16484,"stad":16485,"legislat":16486,"parked":16487,"priyan":16488,"silva":16489,"krist":16490,"sthe":16491,"funky":16492,"iga":16493,"settlement":16494,"phs":16495,"tmrw":16496,"stressed":16497,"hunt":16498,"hockey":16499,"treasures":16500,"chambers":16501,"olu":16502,"hut":16503,"marley":16504,"texture":16505,"wilderness":16506,"mming":16507,"potentially":16508,"omaha":16509,"judy":16510,"toes":16511,"spoiler":16512,"distinguished":16513,"felix":16514,"ahu":16515,"recommendations":16516,"zombies":16517,"hitler":16518,"triple":16519,"collapse":16520,"motivated":16521,"ultimat":16522,"ggling":16523,"soy":16524,"cigar":16525,"foren":16526,"vineyard":16527,"glitter":16528,"findings":16529,"colonial":16530,"hunter":16531,"erik":16532,"dens":16533,"beetle":16534,"lotte":16535,"subtle":16536,"smatter":16537,"trusted":16538,"experimental":16539,"naments":16540,"ðŁĺĨ":16541,"region":16542,"acquisition":16543,"breeding":16544,"quarterback":16545,"amreading":16546,"ootd":16547,"rude":16548,"initiatives":16549,"stout":16550,"hyung":16551,"outcome":16552,"alfred":16553,"mics":16554,"expertise":16555,"bacteria":16556,"penguins":16557,"jumper":16558,"valencia":16559,"bark":16560,"ingday":16561,"sellers":16562,"contracts":16563,"houston":16564,"commissioned":16565,"adaptation":16566,"swansea":16567,"santiago":16568,"commonwealth":16569,"judging":16570,"submission":16571,"scorer":16572,"tommy":16573,"ño":16574,"exquis":16575,"filing":16576,"explanation":16577,"allison":16578,"wembley":16579,"ridge":16580,"chevy":16581,"santos":16582,"ownership":16583,"cognitive":16584,"favourites":16585,"shed":16586,"philanthro":16587,"deleted":16588,"godd":16589,"snor":16590,"guidelines":16591,"ffing":16592,"jeep":16593,"clips":16594,"swamp":16595,"anor":16596,"guild":16597,"bolton":16598,"springfield":16599,"municipal":16600,"goalkeeper":16601,"yeon":16602,"ðŁĺįðŁĺįðŁĺįðŁĺį":16603,"ãħĭãħĭ":16604,"waterfront":16605,"grave":16606,"contemporary":16607,"arity":16608,"ÃŃa":16609,"sleeps":16610,"syrup":16611,"alam":16612,"pire":16613,"coyo":16614,"motogp":16615,"tyson":16616,"kejri":16617,"circul":16618,"singly":16619,"crunch":16620,"complicated":16621,"nostalgia":16622,"kop":16623,"move":16624,"kale":16625,"macro":16626,"midwest":16627,"hans":16628,"tribal":16629,"nude":16630,"à¯į":16631,"beyonce":16632,"congratulate":16633,"cater":16634,"league":16635,"ðŁĻĬ":16636,"ladder":16637,"crashed":16638,"technic":16639,"karaoke":16640,"harassment":16641,"rots":16642,"experiencing":16643,"kristen":16644,"ðŁĩ³":16645,"ð٤Ĺ":16646,"reflections":16647,"guinness":16648,"illustrator":16649,"ðŁĻıðŁı»":16650,"center":16651,"narrow":16652,"commons":16653,"regulations":16654,"ÙĨ":16655,"harm":16656,"croft":16657,"cussion":16658,"hongkong":16659,"stical":16660,"internship":16661,"zoe":16662,"chop":16663,"hoods":16664,"estimated":16665,"batteries":16666,"berkeley":16667,"smoothie":16668,"shaun":16669,"cros":16670,"~~":16671,"campe":16672,"hump":16673,"bg":16674,"prototype":16675,"click":16676,"shawn":16677,"reviewed":16678,"templ":16679,"pf":16680,"jedi":16681,"blogs":16682,"raymond":16683,"asth":16684,"bah":16685,"avail":16686,"scotch":16687,"leafs":16688,"nikki":16689,"tok":16690,"hollow":16691,"urges":16692,"oft":16693,"unlike":16694,"latin":16695,"ue":16696,"catering":16697,"mili":16698,"alternati":16699,"maver":16700,"и":16701,"agle":16702,"preorder":16703,"lux":16704,"cucu":16705,"ðŁijıðŁijı":16706,"tart":16707,"âĿ¤âĿ¤âĿ¤":16708,"arabic":16709,"rapidly":16710,"arrang":16711,"allen":16712,"traveltuesday":16713,"paws":16714,"flows":16715,"stability":16716,"fluid":16717,"capp":16718,"canberra":16719,"uuuu":16720,"spani":16721,"demonstration":16722,"mla":16723,"placement":16724,"mw":16725,"presidents":16726,"awesom":16727,"beverly":16728,"anist":16729,"neal":16730,"fathersday":16731,"referendum":16732,"lahore":16733,"oaks":16734,"debbie":16735,"halfway":16736,"ghosts":16737,"debor":16738,"matthews":16739,"fiat":16740,"tfw":16741,"presen":16742,"robi":16743,"ded":16744,"brock":16745,"laughed":16746,"amounts":16747,"bamboo":16748,"kindergarten":16749,"eaten":16750,"mtvhottest":16751,"breakout":16752,"usic":16753,"fraser":16754,"legislative":16755,"pang":16756,"module":16757,"sammy":16758,"gover":16759,"earns":16760,"expedition":16761,"garh":16762,"concepts":16763,"charlie":16764,"lava":16765,"bachelor":16766,"veggies":16767,"determine":16768,"ellie":16769,"unlocked":16770,"fruit":16771,"dalla":16772,"coupe":16773,"washington":16774,"deposit":16775,"ivory":16776,"paula":16777,"chicag":16778,"gucci":16779,"ðŁİĥ":16780,"cultiv":16781,"pierce":16782,"lifted":16783,"stumb":16784,"recover":16785,"muscles":16786,"conducting":16787,"cbs":16788,"mclaren":16789,"sophia":16790,"cellu":16791,"oceans":16792,"uploaded":16793,"gameplay":16794,"maldives":16795,"kimber":16796,"avoi":16797,"racer":16798,"caine":16799,"cavs":16800,"hana":16801,"liga":16802,"raven":16803,"intervention":16804,"inauguration":16805,"ooh":16806,"attraction":16807,"merchandise":16808,"tunein":16809,"liking":16810,"juniors":16811,"intended":16812,"attacking":16813,"aquarium":16814,"iwd":16815,"components":16816,"suring":16817,"centu":16818,"yogurt":16819,"ðŁıĥ":16820,"showroom":16821,"optical":16822,"tyour":16823,"judge":16824,"yield":16825,"anto":16826,"plc":16827,"transparency":16828,"recycled":16829,"chief":16830,"arom":16831,"ambassadors":16832,"planet":16833,"âĿĦï¸ı":16834,"omed":16835,"vanessa":16836,"court":16837,"margar":16838,"haley":16839,"vr":16840,"regina":16841,"pdates":16842,"hispan":16843,"livestream":16844,"âģ£":16845,"yahoo":16846,"galla":16847,"secured":16848,"wir":16849,"beneath":16850,"offl":16851,"nil":16852,"amb":16853,"yeg":16854,"outlet":16855,"ute":16856,"peep":16857,"lindsay":16858,"bentley":16859,"...!":16860,"heel":16861,"trilogy":16862,"vos":16863,"tyre":16864,"therefore":16865,"toronto":16866,"abi":16867,"simpli":16868,"jae":16869,"extensive":16870,"elephants":16871,"sor":16872,"orientation":16873,"impeach":16874,"replay":16875,"constructed":16876,"peterson":16877,"pais":16878,"ported":16879,"customs":16880,"collap":16881,"adu":16882,"highlands":16883,"salem":16884,"shelby":16885,"kovic":16886,"strain":16887,"rosie":16888,"senators":16889,"snaps":16890,"bobb":16891,"suzuki":16892,"blades":16893,"kp":16894,"lolo":16895,"generate":16896,"sight":16897,"mae":16898,"structural":16899,"predict":16900,"jumped":16901,"ahmad":16902,"sung":16903,"justice":16904,"glam":16905,"volvo":16906,"jubilee":16907,"detention":16908,"losses":16909,"puri":16910,"everytime":16911,"а":16912,"rao":16913,"edge":16914,"limer":16915,"resemb":16916,"harold":16917,"retri":16918,"sacrific":16919,"surprises":16920,"amc":16921,"srilanka":16922,"barbie":16923,"mens":16924,"finn":16925,"ags":16926,"ukrainian":16927,"embrac":16928,"îIJ":16929,"flavors":16930,"homer":16931,"laure":16932,"outh":16933,"priced":16934,"verde":16935,"firm":16936,"ahs":16937,"cub":16938,"trey":16939,"paranor":16940,"profit":16941,"indv":16942,"whoa":16943,"harsh":16944,"alot":16945,"critics":16946,"hubby":16947,"figur":16948,"gira":16949,"castro":16950,"chanel":16951,"input":16952,"originals":16953,"tenant":16954,"yyyy":16955,"turers":16956,"lincoln":16957,"coon":16958,"learn":16959,"chou":16960,"acare":16961,"oles":16962,"diner":16963,"hyp":16964,"bizarre":16965,"mcr":16966,"letsgo":16967,"decorating":16968,"ðŁĮİ":16969,"alison":16970,"arvin":16971,"fd":16972,"rehab":16973,"mccarthy":16974,"lottery":16975,"dah":16976,"minneapolis":16977,"eligible":16978,"diagnosed":16979,"emerald":16980,"destinations":16981,"sans":16982,"ory":16983,"blazers":16984,"nv":16985,"bail":16986,"digitalart":16987,"noc":16988,"malta":16989,"solar":16990,"pipes":16991,"allegations":16992,"nock":16993,"pope":16994,"brid":16995,"premier":16996,"nx":16997,"presentations":16998,"efa":16999,"bows":17000,"valve":17001,"opponent":17002,"Įë":17003,"visual":17004,"ingle":17005,"categor":17006,"eter":17007,"pois":17008,"dani":17009,"attract":17010,"neutral":17011,"thene":17012,"crashes":17013,"freddie":17014,"utili":17015,"cst":17016,"awakening":17017,"sloven":17018,"qualify":17019,"proof":17020,"fairy":17021,"lev":17022,"freight":17023,"enjoys":17024,"cupcake":17025,"flavour":17026,"âķ":17027,"protective":17028,"ðŁijıðŁı»":17029,"isu":17030,"admir":17031,"hmmm":17032,"continuous":17033,"aires":17034,"raptors":17035,"showcasing":17036,"yuk":17037,"paste":17038,"follower":17039,"instructions":17040,"spru":17041,"@__":17042,"theo":17043,"debuts":17044,"vette":17045,"stow":17046,"esof":17047,"ached":17048,"sultan":17049,"sandwich":17050,"somalia":17051,"franco":17052,"carne":17053,"fluffy":17054,"alpine":17055,"jasmine":17056,"heated":17057,"violin":17058,"pless":17059,"divorce":17060,"performer":17061,"phies":17062,"portsm":17063,"dara":17064,"kirby":17065,"lop":17066,"chilli":17067,"forth":17068,"skype":17069,"ðŁĩ®ðŁĩ¹":17070,"celebrities":17071,"edy":17072,"vee":17073,"poison":17074,"eyel":17075,"grabs":17076,"ssic":17077,"uno":17078,"western":17079,"railroad":17080,"amer":17081,"numerous":17082,"sv":17083,"fow":17084,"fist":17085,"âĢĭ":17086,"requests":17087,"martial":17088,"emmy":17089,"acceptance":17090,"laura":17091,"ิ":17092,"erup":17093,"hyundai":17094,"outlander":17095,"utt":17096,"wrestle":17097,"espresso":17098,"demanding":17099,"gdp":17100,"geography":17101,"saskat":17102,"troll":17103,"confeder":17104,"sues":17105,"sem":17106,"bets":17107,"tful":17108,"tosh":17109,"teaches":17110,"coloured":17111,"galway":17112,"macy":17113,"disorders":17114,"bbcra":17115,"atem":17116,"fender":17117,"litter":17118,"esh":17119,"providers":17120,"renovation":17121,"nominate":17122,"psg":17123,"nominations":17124,"jenna":17125,"sharp":17126,"someday":17127,"zur":17128,"brains":17129,"cheshire":17130,"prey":17131,"hugo":17132,"¿":17133,"token":17134,"rv":17135,"carr":17136,"tactical":17137,"zelda":17138,"kayla":17139,"fernando":17140,"photographers":17141,"jour":17142,"umbrella":17143,"woody":17144,"congressman":17145,"dump":17146,"levy":17147,"juan":17148,"dazz":17149,"signals":17150,"lain":17151,"anu":17152,"michel":17153,"porch":17154,"alden":17155,"siblings":17156,"yale":17157,"peel":17158,"swick":17159,"ggin":17160,"llc":17161,"kale":17162,"scon":17163,"ild":17164,"patreon":17165,"reel":17166,"quin":17167,"witt":17168,"marty":17169,"moody":17170,"toni":17171,"dery":17172,"gators":17173,"specifically":17174,"ddin":17175,"lyon":17176,"trick":17177,"meadows":17178,"pj":17179,"borgh":17180,"vik":17181,"tur":17182,"bronx":17183,"puff":17184,"lantern":17185,"ðŁ¤¦":17186,"gently":17187,"bestie":17188,"fact":17189,"refused":17190,"fasci":17191,"mpy":17192,"ðŁĶµ":17193,"crossover":17194,"meadow":17195,"indianapolis":17196,"ducation":17197,"sley":17198,"loom":17199,"mixer":17200,"newmusic":17201,"filmmaker":17202,"prosperity":17203,"lim":17204,"weekend":17205,"creamy":17206,"neutr":17207,"luther":17208,"hv":17209,"northern":17210,"two":17211,"hra":17212,"catches":17213,"appearances":17214,"habit":17215,"kittens":17216,"nv":17217,"illac":17218,"infan":17219,"regardless":17220,"lizard":17221,"dunk":17222,"curtain":17223,"acom":17224,"intu":17225,"vez":17226,"emin":17227,"flats":17228,"calendars":17229,"empower":17230,"ruined":17231,"hungary":17232,"vid":17233,"wex":17234,"ulum":17235,"aberdeen":17236,"osa":17237,"kt":17238,"massi":17239,"seemed":17240,"sden":17241,"'?":17242,"telephone":17243,"defi":17244,"inspires":17245,"meow":17246,"zones":17247,"blind":17248,"ply":17249,"tucson":17250,"adventure":17251,"ged":17252,"oyster":17253,"ðŁijıðŁijıðŁijı":17254,"output":17255,"ttt":17256,"metallic":17257,"smash":17258,"ucla":17259,"scots":17260,"perfect":17261,"lucy":17262,"regularly":17263,"spic":17264,"relative":17265,"athers":17266,"mise":17267,"battling":17268,"decides":17269,"mata":17270,"occupied":17271,"randomly":17272,"catsoftwitter":17273,"gian":17274,"bally":17275,"alties":17276,"allies":17277,"immen":17278,"syrac":17279,"ðŁĴľðŁĴľ":17280,"llan":17281,"aur":17282,"kut":17283,"lamar":17284,"affects":17285,"nra":17286,"starwar":17287,"ð٤ĺ":17288,"scram":17289,"enchan":17290,"process":17291,"luxurious":17292,"array":17293,"sherlock":17294,"compati":17295,"dorf":17296,"stress":17297,"msu":17298,"swith":17299,"sala":17300,"sofinstagram":17301,"foil":17302,"understood":17303,"quay":17304,"rp":17305,"cade":17306,"jaw":17307,"enab":17308,"encoun":17309,"ðŁİī:":17310,"dock":17311,"saturn":17312,"mull":17313,"layout":17314,"rarely":17315,"happily":17316,"fixture":17317,"orph":17318,"overlooking":17319,"herbs":17320,"mitt":17321,"pillar":17322,"nolan":17323,"petty":17324,"stry":17325,"ui":17326,"muk":17327,"ores":17328,"overs":17329,"áµ":17330,"recreation":17331,"wesley":17332,"rit":17333,"kejriwal":17334,"stocking":17335,"gv":17336,"subscribers":17337,"moose":17338,"mae":17339,"bert":17340,"oppre":17341,"assignment":17342,"uro":17343,"highlighting":17344,"calvin":17345,"weigh":17346,"cambodia":17347,"avon":17348,"kem":17349,"disabilities":17350,"ready":17351,"chargers":17352,"pads":17353,"izing":17354,"illian":17355,"truste":17356,"colleges":17357,"associates":17358,"albany":17359,"milton":17360,"cron":17361,"bur":17362,"hardly":17363,"sights":17364,"antiques":17365,"echo":17366,"surprisingly":17367,"haiti":17368,"capt":17369,"php":17370,"opio":17371,"inequality":17372,"equal":17373,"keny":17374,"schmid":17375,"autographs":17376,"rent":17377,"quer":17378,"citrus":17379,"challenged":17380,"tec":17381,"epide":17382,"fest":17383,"zhou":17384,"lime":17385,"citizenship":17386,"crystal":17387,"convinced":17388,"messenger":17389,"copenhagen":17390,"âĿĹï¸ı":17391,"warran":17392,"developments":17393,"ï¸ıâĥ£":17394,"forex":17395,"hiro":17396,"sneakers":17397,"xide":17398,"viva":17399,"stereo":17400,"batting":17401,"ssel":17402,"host":17403,"bengal":17404,"criticism":17405,"qc":17406,"crun":17407,"attempted":17408,"rye":17409,"determination":17410,"creations":17411,"dread":17412,"labels":17413,"posse":17414,"ancer":17415,"johan":17416,"sister":17417,"partnerships":17418,"lesbian":17419,"kst":17420,"guarantee":17421,"baro":17422,"fixing":17423,"mason":17424,"mous":17425,"chemicals":17426,"tless":17427,"biodiversity":17428,"paro":17429,"bharat":17430,"acol":17431,"refuge":17432,"ente":17433,"titi":17434,"dyssey":17435,"responds":17436,"lefto":17437,"iner":17438,"sevel":17439,"rahul":17440,"oline":17441,"frankfur":17442,"choreo":17443,"enjoyable":17444,"cto":17445,"struggles":17446,"woodland":17447,"heavyweight":17448,"gens":17449,"recep":17450,"accred":17451,"ðŁĺ¡":17452,"transformed":17453,"listen":17454,"atop":17455,"nk":17456,"surge":17457,"bere":17458,"governor":17459,"prisoners":17460,"claude":17461,"till":17462,"mulator":17463,"emotion":17464,"waterloo":17465,"start":17466,"ðŁĩº":17467,"cleaned":17468,"grandmother":17469,"fearless":17470,"african":17471,"astronomy":17472,"ðŁıģ":17473,"à¸Ļ":17474,"theworld":17475,"suitable":17476,"anthony":17477,"kand":17478,"tten":17479,"meaningful":17480,"disclo":17481,"jacobs":17482,"ø":17483,"tomlinson":17484,"ghetti":17485,"typho":17486,"substan":17487,"asco":17488,"tek":17489,"nagar":17490,"mud":17491,"amon":17492,"vaccine":17493,"fty":17494,"flesh":17495,"noel":17496,"inflation":17497,"portugue":17498,"glamour":17499,"tram":17500,"vre":17501,"tequ":17502,"roundup":17503,"wyn":17504,"rejected":17505,"mosaic":17506,"sighting":17507,"calf":17508,"ota":17509,"composition":17510,"gopro":17511,"gonzale":17512,"eed":17513,"bard":17514,"tue":17515,"effectively":17516,"ween":17517,"alto":17518,"ribs":17519,"relate":17520,"thirsty":17521,"furious":17522,"dim":17523,"chard":17524,"perfume":17525,"sny":17526,"churchill":17527,"kof":17528,"masterclass":17529,"wave":17530,"ðŁĶµ":17531,"erin":17532,"owns":17533,"tobe":17534,"skilled":17535,"tem":17536,"gof":17537,"eni":17538,"tori":17539,"crazy":17540,"lick":17541,"resistant":17542,"icial":17543,"agar":17544,"!:":17545,"gali":17546,"delaware":17547,"blitz":17548,"kohli":17549,"puck":17550,"availability":17551,"himalay":17552,"influential":17553,"crochet":17554,"victori":17555,"reading":17556,"hobby":17557,"viet":17558,"jas":17559,"engra":17560,"skul":17561,"ðŁĩ²ðŁĩ":17562,"educate":17563,"techno":17564,"districts":17565,"blues":17566,"sett":17567,"seventh":17568,"learns":17569,"eeee":17570,"apocalypse":17571,"hangout":17572,"cruel":17573,"mutu":17574,"bruh":17575,"helen":17576,"sheer":17577,"ction":17578,"klein":17579,"texans":17580,"cereal":17581,"shine":17582,"nered":17583,"gras":17584,"ambro":17585,"fella":17586,"hindu":17587,"matthew":17588,"lima":17589,"miranda":17590,"jewel":17591,"soho":17592,"eurovision":17593,"neighbours":17594,"chandler":17595,"besides":17596,"ðŁ¥°":17597,"astros":17598,"thumbs":17599,"renault":17600,"rave":17601,"hired":17602,"ðŁĸ¤":17603,"itary":17604,"zor":17605,"blazer":17606,"kine":17607,"eau":17608,"katy":17609,"dccomics":17610,"pec":17611,"rodgers":17612,"waterproof":17613,"killers":17614,"superint":17615,"preserv":17616,"asso":17617,"brewers":17618,"promotional":17619,"scam":17620,"villages":17621,"sketches":17622,"juicy":17623,"forlife":17624,"audit":17625,"solo":17626,"fundamental":17627,"lene":17628,"philippine":17629,"tend":17630,"conservatives":17631,"sponsorship":17632,"ddle":17633,"aine":17634,"htc":17635,"osi":17636,"hulk":17637,"waf":17638,"à¸Ļ":17639,"evaluation":17640,"antine":17641,"slee":17642,"robertson":17643,"roosevel":17644,"agi":17645,"sophistic":17646,"employers":17647,"bubbles":17648,"kowski":17649,"interaction":17650,"shu":17651,"boule":17652,"ican":17653,"jare":17654,"hank":17655,"legitim":17656,"knicks":17657,"karma":17658,"receiver":17659,"perks":17660,"uh":17661,"stair":17662,"suni":17663,"laboratory":17664,"graves":17665,"vocals":17666,"oot":17667,"cture":17668,"thrive":17669,"tico":17670,"ãĥ³":17671,"bw":17672,"cartoons":17673,"mcdonalds":17674,"draw":17675,"yung":17676,"pler":17677,"lid":17678,"ethical":17679,"groove":17680,"enta":17681,"internationalwomensday":17682,"patron":17683,"worries":17684,"ðŁİħ":17685,"ðŁijĭ":17686,"katherine":17687,"diaz":17688,"tori":17689,"bachchan":17690,"trust":17691,"mineral":17692,"icom":17693,"builders":17694,"born":17695,"coloring":17696,"latte":17697,"case":17698,"revolution":17699,"trader":17700,"oxid":17701,"chipot":17702,"instantly":17703,"southern":17704,"sehun":17705,"prob":17706,"hernandez":17707,"lisbon":17708,"huawe":17709,"pong":17710,"mea":17711,"rooney":17712,"wheelchair":17713,"keen":17714,"bett":17715,"corin":17716,"regulatory":17717,"displac":17718,"karen":17719,"schem":17720,"sunsets":17721,"whales":17722,"reminis":17723,"hep":17724,"hide":17725,"marcel":17726,"pandora":17727,"doyle":17728,"thfc":17729,"otto":17730,"nokia":17731,"transgender":17732,"kov":17733,"hawaiian":17734,"shave":17735,"sovere":17736,"excer":17737,"nicki":17738,"pug":17739,"stor":17740,"roth":17741,"weet":17742,"legal":17743,"dignity":17744,"pow":17745,"homage":17746,"ðŁĩ³ðŁĩ":17747,"sre":17748,"canon":17749,"lax":17750,"woah":17751,"quartz":17752,"ña":17753,"greeting":17754,"flickr":17755,"nairobi":17756,"advocates":17757,"anc":17758,"vii":17759,"eugene":17760,"thra":17761,"cre":17762,"elan":17763,"pension":17764,"thletics":17765,"toni":17766,"reagan":17767,"xv":17768,"store":17769,"bench":17770,"harlem":17771,"toddler":17772,"sentenced":17773,"âĻ¥ï¸ı":17774,"globally":17775,"cheaper":17776,"uf":17777,"mam":17778,"nico":17779,"iku":17780,"thou":17781,"nist":17782,"dami":17783,"thala":17784,"rhodes":17785,"sale":17786,"bowls":17787,"âĪ":17788,"lasvegas":17789,"sanctions":17790,"admire":17791,"matched":17792,"unable":17793,"traveler":17794,"eleven":17795,"strawberries":17796,"âĢĶâĢĶâĢĶâĢĶ":17797,"studio":17798,"jacques":17799,"ims":17800,"valued":17801,"sno":17802,"cheesecake":17803,"nxt":17804,"eos":17805,"sx":17806,"fx":17807,"tonic":17808,"hatch":17809,"chicks":17810,"grads":17811,"handic":17812,"rory":17813,"asp":17814,"ripped":17815,"dentist":17816,"nen":17817,"lufc":17818,"âľĬ":17819,"dige":17820,"hopkins":17821,"sherman":17822,"fda":17823,"forall":17824,"ashley":17825,"strand":17826,"hy":17827,"liquor":17828,"buffet":17829,"essence":17830,"pharma":17831,"suriya":17832,"ðŁĴĻðŁĴĻ":17833,"festivals":17834,"zan":17835,"refresh":17836,"purple":17837,"uniforms":17838,"kenneth":17839,"=)":17840,"asan":17841,"helsin":17842,"transformers":17843,"kali":17844,"personalized":17845,"chalk":17846,"bobby":17847,"âĮ":17848,"themes":17849,"departure":17850,"print":17851,"illustrations":17852,"quiet":17853,"agrees":17854,"griff":17855,"س":17856,"miti":17857,"together":17858,"convenience":17859,"abar":17860,"carlo":17861,"turtles":17862,"infosec":17863,"somewhat":17864,"arlington":17865,"scholarships":17866,"emirates":17867,"mums":17868,"stella":17869,"autonom":17870,"feather":17871,"gore":17872,"nominees":17873,"fragrance":17874,"ÑĤ":17875,"wong":17876,"theastern":17877,"gre":17878,"zilla":17879,"isi":17880,"bumper":17881,"goo":17882,"dozens":17883,"abduc":17884,"âļªï¸ı":17885,"oils":17886,"donors":17887,"silicon":17888,"ipod":17889,"fortnite":17890,"ðŁĴ¨":17891,"toro":17892,"sparkling":17893,"consciousness":17894,"pala":17895,"num":17896,"mounted":17897,"ffins":17898,"thieves":17899,"teammate":17900,"prab":17901,"omer":17902,"tapes":17903,"bod":17904,"mitsu":17905,"stew":17906,"ere":17907,"pbs":17908,"tusc":17909,"lowe":17910,"rade":17911,"parliamentary":17912,"hm":17913,"edgar":17914,"ðŁijĩðŁijĩ":17915,"toa":17916,"agh":17917,"honi":17918,"slate":17919,"geek":17920,"apt":17921,"hardt":17922,"tap":17923,"horizon":17924,"growth":17925,"makeover":17926,"hil":17927,"paperback":17928,"idan":17929,"rehabil":17930,"giu":17931,"possibilities":17932,"lettu":17933,"franco":17934,"boss":17935,"acher":17936,"doesnt":17937,"moe":17938,"taker":17939,"hussain":17940,"mlk":17941,"dil":17942,"thia":17943,"hama":17944,"realised":17945,"ravens":17946,"curriculum":17947,"mith":17948,"knight":17949,"tedx":17950,"rv":17951,"isaiah":17952,"cumbria":17953,"birthdays":17954,"fing":17955,"prez":17956,"mubarak":17957,"exquisite":17958,"clearance":17959,"yen":17960,"pari":17961,"evo":17962,"ú":17963,"modified":17964,"applying":17965,"implement":17966,"discovering":17967,"chapman":17968,"indiegame":17969,"disk":17970,"crowdfunding":17971,"machin":17972,"livel":17973,"styled":17974,"âĿĮ":17975,"making":17976,"rehearsals":17977,"nutriti":17978,"subscription":17979,"andro":17980,"creators":17981,"carries":17982,"kylie":17983,"camden":17984,"apprentice":17985,"taxpay":17986,"cca":17987,"tuesdaythoughts":17988,"pissed":17989,"erman":17990,"detec":17991,"freedom":17992,"meri":17993,"..!":17994,"psalm":17995,"sunlight":17996,"perspec":17997,"beings":17998,"bookstore":17999,"rockstar":18000,"functions":18001,"pence":18002,"faves":18003,"zn":18004,"obamacare":18005,"spill":18006,"coventry":18007,"pigeon":18008,"pivo":18009,"bait":18010,"kolkata":18011,"aval":18012,"donor":18013,"wah":18014,"privileg":18015,"traditions":18016,"rajasthan":18017,"teness":18018,"portuguese":18019,"ynes":18020,"tackles":18021,"defic":18022,"torn":18023,"polling":18024,"thorne":18025,"ina":18026,"benedict":18027,"barry":18028,"calories":18029,"verdict":18030,"savethe":18031,"norton":18032,"office":18033,"mainstream":18034,"improves":18035,"fron":18036,"responding":18037,"realtor":18038,"scottish":18039,"declar":18040,"rl":18041,"shiv":18042,"supplier":18043,"resting":18044,"sweets":18045,"qui":18046,".â̦":18047,"whitney":18048,"startup":18049,"thankyou":18050,"teacher":18051,"halls":18052,"have":18053,"handmade":18054,"proving":18055,"quartet":18056,"rochester":18057,"lian":18058,"virtual":18059,"mendes":18060,"oficial":18061,"midlands":18062,"xbox":18063,"measuring":18064,"ovo":18065,"accommodation":18066,"brides":18067,"collegiate":18068,"intellectual":18069,"incar":18070,"niag":18071,"ðŁį·":18072,"sfw":18073,"cocoa":18074,"coats":18075,"civilians":18076,"presidency":18077,"matrix":18078,"sweetheart":18079,"triathlon":18080,"wagner":18081,"radic":18082,"planner":18083,"theo":18084,"execution":18085,"kum":18086,"thewalkingdead":18087,"scar":18088,"rotation":18089,"blogging":18090,"bomb":18091,"reson":18092,"bbles":18093,"stare":18094,"assisted":18095,"edo":18096,"branded":18097,"warnings":18098,"thorpe":18099,"acknowle":18100,"satisfied":18101,"shores":18102,"rid":18103,"dora":18104,"physically":18105,"bigh":18106,"approves":18107,"hah":18108,"rical":18109,"versatile":18110,"pretend":18111,"lum":18112,"abhi":18113,"yee":18114,"spit":18115,"ãĢĮ":18116,"djs":18117,"ashtra":18118,"jt":18119,"venues":18120,"grammys":18121,"cyclo":18122,"tracker":18123,"overwatch":18124,"replica":18125,"elyn":18126,"nrl":18127,"lindsey":18128,"homo":18129,"balloons":18130,"kitchen":18131,"sis":18132,"amos":18133,"endeav":18134,"ðŁĴ»":18135,"arec":18136,"thug":18137,"hooked":18138,"hrc":18139,"newyork":18140,"burgh":18141,"americas":18142,"patricia":18143,"ugu":18144,"apathy":18145,"hast":18146,"psychi":18147,"cork":18148,"petrol":18149,"ðŁİ¬":18150,"aku":18151,"popping":18152,"psychological":18153,"aux":18154,"gma":18155,"cadillac":18156,"waste":18157,"authent":18158,"bristol":18159,"name":18160,"queer":18161,"tober":18162,"jerry":18163,"comin":18164,"chant":18165,"privileged":18166,"opar":18167,"loser":18168,"text":18169,"marker":18170,"stries":18171,"equally":18172,"aki":18173,"christmas":18174,"gareth":18175,"blew":18176,"emma":18177,"imagin":18178,"seals":18179,"cheat":18180,"conditioning":18181,"jana":18182,"rens":18183,"daries":18184,"oasis":18185,"discounts":18186,"council":18187,"ika":18188,"shirley":18189,"voucher":18190,"alps":18191,"wx":18192,"qr":18193,"drift":18194,"attempting":18195,"utc":18196,"ت":18197,"gonzalez":18198,"mf":18199,"joker":18200,"parallel":18201,"pare":18202,"aspects":18203,"procedu":18204,"np":18205,"ama":18206,"raleigh":18207,"brighten":18208,"guire":18209,"radiation":18210,"crescent":18211,"hob":18212,"ille":18213,"strand":18214,"vore":18215,"nard":18216,"chest":18217,"diwali":18218,"avatar":18219,"alder":18220,"dling":18221,"pathetic":18222,"ðŁĴĺ":18223,"spirit":18224,"jorge":18225,"filmmaking":18226,"ðŁĻıðŁĻı":18227,"challenger":18228,"bj":18229,"downtown":18230,"html":18231,"adequ":18232,"twisted":18233,"inely":18234,"('":18235,"wraps":18236,"operational":18237,"yne":18238,"nus":18239,"magnet":18240,"marketplace":18241,"healthier":18242,"snapshot":18243,"damon":18244,"interven":18245,"federer":18246,"owls":18247,"biscuits":18248,"jp":18249,"rodeo":18250,"blueberry":18251,"lection":18252,"frontier":18253,"summers":18254,"reyes":18255,"pedestrian":18256,"gol":18257,"caffe":18258,"refurbi":18259,"boulder":18260,"meghan":18261,"specialty":18262,"lass":18263,"ei":18264,"suspects":18265,"approx":18266,"rrr":18267,"rath":18268,"stim":18269,"crushed":18270,"hed":18271,"whun":18272,"loaf":18273,"crore":18274,"rivera":18275,"genetics":18276,"sock":18277,"wasted":18278,"nypd":18279,"answering":18280,"dove":18281,"bella":18282,"olin":18283,"dun":18284,"fiji":18285,"pretty":18286,"sparkle":18287,"yun":18288,"jd":18289,"europa":18290,"lifts":18291,"amber":18292,"mur":18293,"tek":18294,"boyd":18295,"royalty":18296,"indo":18297,"rib":18298,"gotham":18299,"tiest":18300,"installing":18301,"kemp":18302,"thephoto":18303,"cosmic":18304,")))":18305,"wholesale":18306,"loyment":18307,"easy":18308,"suing":18309,"settled":18310,"afp":18311,"prover":18312,"supportive":18313,"rees":18314,"neath":18315,"deliber":18316,"cé":18317,"welcome":18318,"picoftheday":18319,"newborn":18320,"patty":18321,"suns":18322,"siest":18323,"flint":18324,"differently":18325,"spoilers":18326,"trooper":18327,"gins":18328,"cory":18329,"lookout":18330,"equipped":18331,"tape":18332,"toby":18333,"researcher":18334,"ush":18335,"keyes":18336,"alma":18337,"induction":18338,"kw":18339,"khar":18340,"slick":18341,"bride":18342,"eur":18343,"craving":18344,"bookings":18345,"ches":18346,"trunk":18347,"vernon":18348,"spher":18349,"crystals":18350,"relatively":18351,"pompe":18352,"unions":18353,"valley":18354,"para":18355,"want":18356,"okc":18357,"deaf":18358,"sergio":18359,"lennon":18360,"shay":18361,"cra":18362,"vat":18363,"hee":18364,"twe":18365,"liquid":18366,"poly":18367,"ðŁİģ":18368,"bent":18369,"bearing":18370,"motorsport":18371,"barbe":18372,"testi":18373,"hani":18374,"financing":18375,"astronaut":18376,"watercolour":18377,"rish":18378,"comiccon":18379,"gart":18380,"wrong":18381,"bern":18382,"itan":18383,"stepped":18384,"filters":18385,"clow":18386,"mex":18387,"demons":18388,"allo":18389,"expanded":18390,"command":18391,"eters":18392,"goats":18393,"siri":18394,"yr":18395,"pottery":18396,"marion":18397,"ile":18398,"elan":18399,"santo":18400,"persona":18401,"duke":18402,"homeless":18403,"lighted":18404,"wheeler":18405,"changer":18406,"cabbage":18407,"surreal":18408,"hamburg":18409,"smashed":18410,"stran":18411,"knot":18412,"iart":18413,"obi":18414,"bedro":18415,"dial":18416,"thick":18417,"bingo":18418,"fus":18419,"vacuum":18420,"conve":18421,"ative":18422,"accuracy":18423,"account":18424,"refer":18425,"riz":18426,"spiderman":18427,"bana":18428,"rite":18429,"ub":18430,"abs":18431,"medical":18432,"link":18433,"siem":18434,">>>>":18435,"betra":18436,"glowing":18437,"reactions":18438,"puppet":18439,"spaghetti":18440,"angs":18441,"remedi":18442,"prayfor":18443,"royce":18444,"charlotte":18445,"£ï¸ı":18446,"ghet":18447,"affecting":18448,"rode":18449,"socialist":18450,"moses":18451,"azi":18452,"oit":18453,"reporters":18454,"cdt":18455,"aping":18456,"snat":18457,"minimal":18458,"waist":18459,"siege":18460,">>>>":18461,"rig":18462,"schmidt":18463,"hare":18464,"eca":18465,"thorn":18466,"hemp":18467,"esthe":18468,"clyde":18469,"tha":18470,"donut":18471,"mohamed":18472,"lingerie":18473,"legg":18474,"carpenter":18475,"performers":18476,"dea":18477,"imagined":18478,"curse":18479,"lash":18480,"ctr":18481,"agua":18482,"roar":18483,"gri":18484,"role":18485,"jfk":18486,"resurrec":18487,"roosevelt":18488,"marilyn":18489,"smalle":18490,"willis":18491,"waited":18492,"charities":18493,"theres":18494,"lik":18495,"original":18496,"cari":18497,"cough":18498,"cruci":18499,"lagun":18500,"contrast":18501,"kou":18502,"armour":18503,"removing":18504,"tent":18505,"mazda":18506,"brighter":18507,"thief":18508,"corner":18509,"tequila":18510,"buzzing":18511,"albi":18512,"pam":18513,"azure":18514,"discoun":18515,"pixelart":18516,"possibility":18517,"hamont":18518,"trades":18519,"buda":18520,"hive":18521,"versy":18522,"finch":18523,"transpa":18524,"emi":18525,"terrifying":18526,"inqui":18527,"gba":18528,"substitu":18529,"collecti":18530,"placing":18531,"cindy":18532,"kann":18533,"patho":18534,"diamond":18535,"mourinho":18536,"guinea":18537,"anthropo":18538,"airs":18539,"pumps":18540,"ìļ":18541,"paso":18542,"curling":18543,"anita":18544,"residency":18545,"newh":18546,"joon":18547,"cigarette":18548,"queue":18549,"extrac":18550,"games":18551,"splen":18552,"express":18553,"publicly":18554,"bonnie":18555,"tribune":18556,"baek":18557,"reasonable":18558,"cor":18559,"timothy":18560,"sheeran":18561,"ı":18562,"fdn":18563,"sutton":18564,"concentration":18565,"caravan":18566,"xavier":18567,"alger":18568,"cylin":18569,"frederick":18570,"nerve":18571,"peak":18572,"lettuce":18573,"jail":18574,"pregame":18575,"kavan":18576,"upgraded":18577,"ecology":18578,"squadron":18579,"grapes":18580,"goog":18581,"pastry":18582,"ðŁĹ£":18583,"ãĥ¼ãĥ":18584,"milano":18585,"awaz":18586,"presenter":18587,"ðŁĮ¿":18588,"herd":18589,"kings":18590,"template":18591,"flour":18592,"hv":18593,"kley":18594,"iya":18595,"spec":18596,"ater":18597,"frankfurt":18598,"coch":18599,"texting":18600,"deli":18601,"communist":18602,"regiment":18603,"eleanor":18604,"anticipated":18605,"ðŁijĮðŁı»":18606,"thephotohour":18607,"rano":18608,"surviving":18609,"simulation":18610,"dawson":18611,"arin":18612,"aqua":18613,"mor":18614,"â̦.":18615,"cino":18616,"iraqi":18617,"shaz":18618,"dundee":18619,"wes":18620,"drau":18621,"hannah":18622,"snews":18623,"occupation":18624,"steen":18625,"xm":18626,"angles":18627,"settings":18628,"guru":18629,"knox":18630,"orca":18631,"shaping":18632,"went":18633,"drilling":18634,"zzie":18635,"bri":18636,"kissing":18637,"find":18638,"maine":18639,"âŃIJï¸ıâŃIJï¸ı":18640,"ðŁĮį":18641,"larry":18642,"busted":18643,"tavern":18644,"actively":18645,"-\"":18646,"replacing":18647,"nod":18648,"unlock":18649,".\"":18650,"âŀ¤":18651,"affiliate":18652,"tow":18653,"ln":18654,"happynewyear":18655,"dif":18656,"jm":18657,"greenwich":18658,"controversy":18659,"dawg":18660,"condol":18661,"savannah":18662,"compensation":18663,"touchdown":18664,"teo":18665,"ambitious":18666,"embroi":18667,"convicted":18668,"iartg":18669,"barack":18670,"trance":18671,"testimony":18672,"audition":18673,"thumb":18674,"myths":18675,"bex":18676,"quez":18677,"orchid":18678,"deny":18679,"entitled":18680,"hood":18681,"grant":18682,"inbox":18683,"bluejays":18684,"rilla":18685,"smallest":18686,"burden":18687,"infamous":18688,"divided":18689,"boundaries":18690,"tter":18691,"elt":18692,"wyoming":18693,"beverage":18694,"mesm":18695,"onews":18696,"buddhist":18697,"yana":18698,"assad":18699,"isms":18700,"barrett":18701,"predicted":18702,"backto":18703,"twit":18704,"ethere":18705,"captains":18706,"escaped":18707,"ayo":18708,"lamborgh":18709,"gardner":18710,"laps":18711,"kal":18712,"advertisement":18713,"insects":18714,"napo":18715,"amen":18716,"acy":18717,"rand":18718,"gk":18719,"teh":18720,"kathle":18721,"tridge":18722,"pancake":18723,"atro":18724,"pyramid":18725,"bula":18726,"paralym":18727,"gauge":18728,"encies":18729,"tomy":18730,"biscuit":18731,"butcher":18732,"qualifier":18733,"county":18734,"kei":18735,"pools":18736,"darker":18737,"shoulders":18738,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":18739,"spre":18740,"(\"":18741,"writers":18742,"gm":18743,"ðŁİĵ":18744,"knit":18745,"huff":18746,"mtb":18747,"phillies":18748,"ost":18749,"denis":18750,"gart":18751,"licensed":18752,"interface":18753,"excel":18754,"dwell":18755,"fromthe":18756,"cofficial":18757,"azzi":18758,"appearing":18759,"forest":18760,"nana":18761,"keith":18762,"manufacturers":18763,"beckham":18764,")?":18765,"ese":18766,"colony":18767,"delicate":18768,"utter":18769,"mcin":18770,"transplant":18771,"preferred":18772,"pard":18773,"arie":18774,"hub":18775,"pods":18776,"perspectives":18777,"pict":18778,"delu":18779,"apper":18780,"bethan":18781,"pmo":18782,"criminals":18783,"feminism":18784,"shack":18785,"circumstances":18786,"fellas":18787,"protesting":18788,"wax":18789,"suggested":18790,"tator":18791,"drew":18792,"omni":18793,"fake":18794,"kathy":18795,"reb":18796,"deline":18797,"berni":18798,"misty":18799,"ðŁij©":18800,"erable":18801,"breakthrough":18802,"menswear":18803,"millennials":18804,"chanyeol":18805,"laz":18806,"insert":18807,"replies":18808,"phrase":18809,"nx":18810,"iheartawards":18811,"audrey":18812,"granite":18813,"racec":18814,"orie":18815,"terra":18816,"innovations":18817,"brittany":18818,"ateral":18819,"pear":18820,"biological":18821,"shments":18822,"institution":18823,"msn":18824,"frequency":18825,"dman":18826,"neglec":18827,"tf":18828,"stefan":18829,"foxnews":18830,"typo":18831,"comms":18832,"sequence":18833,"carmen":18834,"whites":18835,"economist":18836,"exeter":18837,"seum":18838,"resorts":18839,"casually":18840,"bunde":18841,"divide":18842,"ع":18843,"gag":18844,"creed":18845,"retire":18846,"caucus":18847,"rapids":18848,"wrestlemania":18849,"tulsa":18850,"sunderland":18851,"fundament":18852,"odi":18853,"yamaha":18854,"vary":18855,"intrigu":18856,"else":18857,"beacon":18858,"angie":18859,"traded":18860,"transm":18861,"gents":18862,"knitting":18863,"galac":18864,"ðĿĹ":18865,"uto":18866,"seaside":18867,"holt":18868,"rers":18869,"fargo":18870,"trainers":18871,"monsoon":18872,"bale":18873,"sought":18874,"maddie":18875,"hw":18876,"coli":18877,"fran":18878,"favs":18879,"ðŁĴĶ":18880,"intent":18881,"rally":18882,"sbs":18883,"lemonade":18884,"barackobama":18885,"bread":18886,"sticky":18887,"explosive":18888,"chelten":18889,"tj":18890,"assoc":18891,"ramen":18892,"homies":18893,"vlog":18894,"mister":18895,"lord":18896,"âĢįâĻĢï¸ı":18897,"alyssa":18898,"sketchbook":18899,"rumble":18900,"catch":18901,"migrant":18902,"discipline":18903,"unlikely":18904,"chronicles":18905,"flora":18906,"slams":18907,"amid":18908,"sboro":18909,"coop":18910,"jumps":18911,"tranqu":18912,"melis":18913,"sofia":18914,"enri":18915,"gabe":18916,"syri":18917,"nicolas":18918,"chai":18919,"wv":18920,"becky":18921,"footy":18922,"tao":18923,"suppose":18924,"ðŁĺįðŁĺįðŁĺįðŁĺį":18925,"plush":18926,"rish":18927,"ð٤ĵ":18928,"kha":18929,"saturdays":18930,"accent":18931,"hec":18932,"limit":18933,"carlton":18934,"wired":18935,"taylorswift":18936,"ðŁĺij":18937,"sql":18938,"harro":18939,"recipients":18940,"gat":18941,"gop":18942,"thof":18943,"amazed":18944,"ghan":18945,"ðŁıĨðŁıĨ":18946,"porto":18947,"clare":18948,"distant":18949,"nac":18950,"ohio":18951,"ðŁĻıðŁı¼":18952,"mtn":18953,"antibio":18954,"dinosa":18955,"mesa":18956,"partial":18957,"bv":18958,"learnt":18959,"lovato":18960,"question":18961,"extract":18962,"gossip":18963,"gibb":18964,"niagara":18965,"ðŁij¨":18966,"displayed":18967,"sooner":18968,"stevie":18969,"nuggets":18970,"mln":18971,"brom":18972,"turb":18973,"giveaways":18974,"stupi":18975,"blink":18976,"cili":18977,"convenient":18978,"moh":18979,"vive":18980,"fric":18981,"cause":18982,"chamber":18983,"cules":18984,"nearest":18985,"isse":18986,"smallbiz":18987,"tj":18988,"canadians":18989,"smarter":18990,"brasil":18991,"rare":18992,"quette":18993,"wha":18994,"candle":18995,"atomic":18996,"ðŁijįðŁijį":18997,"warrior":18998,"relaxed":18999,"strips":19000,"neur":19001,"kka":19002,"rfc":19003,"jensen":19004,"recovering":19005,"responses":19006,"salam":19007,"orthodox":19008,"active":19009,"ellers":19010,"nit":19011,"âŃIJ":19012,"metropolitan":19013,"centuries":19014,"vida":19015,"grading":19016,"transparent":19017,"simple":19018,"dots":19019,"superintendent":19020,"elevator":19021,"automated":19022,"redskins":19023,"imam":19024,"summertime":19025,"jonathan":19026,"gearing":19027,"michelle":19028,"conflic":19029,"mice":19030,"tote":19031,"publish":19032,"pax":19033,")-":19034,"nailed":19035,"á´":19036,"telescope":19037,"serbia":19038,"bab":19039,"apeu":19040,"stically":19041,"senti":19042,"rats":19043,"isolated":19044,"group":19045,"hatred":19046,"paranormal":19047,"stanley":19048,"alion":19049,"safety":19050,"ls":19051,"र":19052,"nexus":19053,"alexandra":19054,"masks":19055,"++":19056,"tron":19057,"auk":19058,"brotherhood":19059,"browse":19060,"mixes":19061,"simone":19062,"musk":19063,"approve":19064,"lola":19065,"exp":19066,"perth":19067,"futuri":19068,"unseen":19069,"dm":19070,"chelse":19071,"scouting":19072,"owe":19073,"portsmouth":19074,"kram":19075,"mize":19076,"dispen":19077,"sup":19078,"dlc":19079,"advert":19080,"teresa":19081,"isle":19082,"cycle":19083,"metall":19084,"shields":19085,"mariners":19086,"raz":19087,"ingen":19088,"fund":19089,"ango":19090,"jones":19091,"oka":19092,"madden":19093,"broccoli":19094,"dominic":19095,"situations":19096,"mero":19097,"cricke":19098,"punishment":19099,"db":19100,"shaking":19101,"ðŁĺļ":19102,"mq":19103,"arians":19104,"leh":19105,"claw":19106,"weds":19107,"dure":19108,"niel":19109,"jelly":19110,"gourmet":19111,"traders":19112,"levi":19113,"wages":19114,"knees":19115,"wise":19116,"heavenly":19117,"avid":19118,"melody":19119,"zack":19120,"bananas":19121,"apprentice":19122,"prop":19123,"funny":19124,"ode":19125,"respected":19126,"megan":19127,"fewer":19128,"drafted":19129,"medit":19130,"grape":19131,"usarmy":19132,"crusad":19133,"vocali":19134,"preparations":19135,"nonsense":19136,"usage":19137,"thr":19138,"roth":19139,"wizards":19140,"inside":19141,"promotions":19142,"mona":19143,"redsox":19144,"sig":19145,"elegance":19146,"chia":19147,"universal":19148,"ãĢį":19149,"raja":19150,"unga":19151,"pollin":19152,"filipino":19153,"aka":19154,"tsun":19155,"ikon":19156,"biking":19157,"decorations":19158,"zac":19159,"cadets":19160,"humour":19161,"agm":19162,"reppin":19163,"vaccin":19164,"elove":19165,"uw":19166,"diabe":19167,"gallagher":19168,"azer":19169,"dol":19170,"awhile":19171,"prominent":19172,"welsh":19173,"tann":19174,"')":19175,"bien":19176,"wag":19177,"inal":19178,"cwc":19179,"wicket":19180,"urst":19181,"qanon":19182,"xe":19183,"outdoor":19184,"dunn":19185,"starr":19186,"cology":19187,"ricky":19188,"uefa":19189,"rebounds":19190,"smusic":19191,"infant":19192,"ðŁĻĭ":19193,"sop":19194,"umber":19195,"handing":19196,"begin":19197,"sorting":19198,"hash":19199,"spati":19200,"rek":19201,"budapest":19202,"blackhawks":19203,"delete":19204,"rom":19205,"candid":19206,"authori":19207,"debris":19208,"specul":19209,"intersection":19210,"marriott":19211,"imran":19212,"ðŁĺģðŁĺģ":19213,"cruises":19214,"ramsey":19215,"rafael":19216,"awareness":19217,"vascular":19218,"beyoncé":19219,"rug":19220,"ðŁĺĮ":19221,"festiv":19222,"aram":19223,"sable":19224,"basil":19225,"pill":19226,"flooring":19227,"unbeaten":19228,"implications":19229,"uf":19230,"wound":19231,"forge":19232,"pointing":19233,"pots":19234,"popularity":19235,"ðŁijıðŁı»":19236,"manipul":19237,"slots":19238,"debates":19239,"absence":19240,"vermont":19241,"neverforget":19242,"wrist":19243,"gloria":19244,"rence":19245,"husk":19246,"melting":19247,"ðŁİŁ":19248,"braces":19249,"timely":19250,"transforming":19251,"amps":19252,"mak":19253,"poe":19254,"ahan":19255,"generally":19256,"ndp":19257,"aleppo":19258,"unicef":19259,"profs":19260,"nord":19261,"mask":19262,"jacksonville":19263,"vv":19264,"shells":19265,"blooming":19266,"operators":19267,"charcoal":19268,"neville":19269,"magi":19270,"chip":19271,"sama":19272,"iran":19273,"reforms":19274,"accumul":19275,"rue":19276,"æľ":19277,"websites":19278,"gaon":19279,"devastating":19280,"stos":19281,"glacier":19282,"rapp":19283,"chipotle":19284,"pra":19285,"orous":19286,"romney":19287,"season":19288,"decorative":19289,"cisco":19290,"ditch":19291,"complain":19292,"llo":19293,"assume":19294,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":19295,"nels":19296,"centric":19297,"ftw":19298,"carrots":19299,"tata":19300,"canter":19301,"perience":19302,"liers":19303,"demos":19304,"blunt":19305,"operate":19306,"reservations":19307,"leah":19308,"substance":19309,"dison":19310,"ante":19311,"election":19312,"vue":19313,"square":19314,"nonprofit":19315,"caa":19316,"fsu":19317,"yam":19318,"ãĤ¤":19319,"vladi":19320,"completes":19321,"mari":19322,"phillip":19323,"neill":19324,"eras":19325,"kait":19326,"mendo":19327,"maharashtra":19328,"gp":19329,"dane":19330,"providence":19331,"therapeu":19332,"juvenile":19333,"memo":19334,"incorpor":19335,"aaaa":19336,"seventeen":19337,"teenager":19338,"ã":19339,"orns":19340,"wide":19341,"cuteness":19342,"twd":19343,"ffles":19344,"bara":19345,"comedy":19346,"overtime":19347,"yaz":19348,"baron":19349,"unemployment":19350,"ðŁijĭ":19351,"exterior":19352,"dense":19353,"centres":19354,"matchup":19355,"historymonth":19356,"artificial":19357,"quit":19358,"esk":19359,"warn":19360,"critic":19361,"jaf":19362,"ðŁĵ²":19363,"informative":19364,"fuels":19365,"recycle":19366,"naming":19367,"stripe":19368,"solic":19369,"molecular":19370,"deepi":19371,"convo":19372,"ssel":19373,"nae":19374,"descent":19375,"tiz":19376,"accountability":19377,"terry":19378,"rito":19379,"slay":19380,"emo":19381,"demol":19382,"sensation":19383,"cov":19384,"tore":19385,"roundtable":19386,"yol":19387,"excuses":19388,"à¥į":19389,"turquo":19390,"hhhh":19391,"podcasts":19392,"celeb":19393,"messi":19394,"lio":19395,"mann":19396,"contributed":19397,"uz":19398,"generator":19399,"elets":19400,"veggie":19401,"indul":19402,"ensuring":19403,"detroit":19404,"punjab":19405,"transpor":19406,"instruction":19407,"add":19408,"porcel":19409,"paneli":19410,"circles":19411,"persist":19412,"clayton":19413,"spn":19414,"dogsoftwitter":19415,"isnt":19416,"spr":19417,"retailers":19418,"pw":19419,"hungar":19420,"elena":19421,"monaster":19422,"guatem":19423,"jessie":19424,"anz":19425,"rashi":19426,"flee":19427,"carving":19428,"faux":19429,"lal":19430,"henri":19431,"djo":19432,"dull":19433,"sana":19434,"lara":19435,"globe":19436,"crimson":19437,"compass":19438,"pause":19439,"nab":19440,"lionel":19441,"baths":19442,"ufo":19443,"inventory":19444,"singh":19445,"satan":19446,"ðŁĩ¸":19447,"cements":19448,"inform":19449,"generated":19450,"biden":19451,"avg":19452,"tasks":19453,"deer":19454,"sau":19455,"jailed":19456,"pastel":19457,"scc":19458,"nail":19459,"steele":19460,"peris":19461,"lamborghini":19462,"pursue":19463,"margin":19464,"uch":19465,"bosch":19466,"drain":19467,"clara":19468,"bom":19469,"latino":19470,"webster":19471,"rosemary":19472,"rha":19473,"soun":19474,"billionaire":19475,"notch":19476,"percentage":19477,"conor":19478,"'\"":19479,"homes":19480,"earthday":19481,"hort":19482,"biggest":19483,"disin":19484,"walton":19485,"editors":19486,"imma":19487,"omar":19488,"equivalent":19489,"pharmaceu":19490,"ahmed":19491,"cameo":19492,"hanni":19493,"underrated":19494,"gement":19495,"microbi":19496,"voo":19497,"honorable":19498,"obesity":19499,"âļ¡ï¸ı":19500,"limerick":19501,"involvement":19502,"stagram":19503,"boulevard":19504,"burg":19505,"blackandwhite":19506,"liberation":19507,"five":19508,"interim":19509,"smm":19510,"rivalry":19511,"capabilities":19512,"statements":19513,"thumb":19514,"ved":19515,"swans":19516,"barber":19517,"eque":19518,"serena":19519,"helm":19520,"noodle":19521,"sampling":19522,"nawaz":19523,"single":19524,"thunderstorms":19525,"shon":19526,"inev":19527,"ë¯":19528,"topp":19529,"orchard":19530,"bian":19531,"ðŁĺĶ":19532,"doorstep":19533,"salvation":19534,"marketing":19535,"rons":19536,"clemson":19537,"ravi":19538,"intake":19539,"standwith":19540,"sina":19541,"haiku":19542,"pley":19543,"electoral":19544,"philly":19545,"lays":19546,"electric":19547,"capturing":19548,"upp":19549,"ergy":19550,"believing":19551,"cultures":19552,"esday":19553,"invasive":19554,"eded":19555,"speech":19556,"endur":19557,"vietnam":19558,"boycott":19559,"pede":19560,"deliver":19561,"ðŁĴĸðŁĴĸ":19562,"merchant":19563,"stir":19564,"denies":19565,"pockets":19566,"oti":19567,"cuddle":19568,"roland":19569,"mmed":19570,"dened":19571,"learners":19572,"hoop":19573,"sourcing":19574,"hacked":19575,"dim":19576,"environments":19577,"benson":19578,"judicial":19579,"worcester":19580,"pearls":19581,"governments":19582,"arrivals":19583,"corners":19584,"tuning":19585,"labour":19586,"ym":19587,"ordering":19588,"lewi":19589,"ife":19590,"hygiene":19591,"thoughtful":19592,"indonesian":19593,"campaigning":19594,"principle":19595,"assaul":19596,"rubb":19597,"atv":19598,"willy":19599,"entre":19600,"ili":19601,"phon":19602,"duties":19603,"âĻ¥âĻ¥":19604,"snakes":19605,"loop":19606,"amar":19607,"convertible":19608,"bonding":19609,"mentoring":19610,"maxwell":19611,"ethereum":19612,"destroying":19613,"axis":19614,"cairo":19615,"finnish":19616,"shock":19617,"ðŁĺIJ":19618,"caleb":19619,"coma":19620,"pedal":19621,"core":19622,"continent":19623,"elson":19624,"tempo":19625,"helsinki":19626,"acp":19627,"tackling":19628,"stated":19629,"bla":19630,"doub":19631,"smashing":19632,"aja":19633,"cameron":19634,"disruption":19635,"warmth":19636,"beingsalmankhan":19637,"bulletin":19638,"ode":19639,"syracuse":19640,"aran":19641,"mcgregor":19642,"bulk":19643,"anton":19644,"confirmation":19645,"spine":19646,"imran":19647,"instruc":19648,"jacks":19649,"chio":19650,"palm":19651,"stre":19652,"embarrassing":19653,"unt":19654,"eliminate":19655,"toss":19656,"cise":19657,"aws":19658,"onists":19659,"shinee":19660,"jos":19661,"hose":19662,"lively":19663,"opponents":19664,"movements":19665,"recognizing":19666,"sandwiches":19667,"shakes":19668,"exercises":19669,"seat":19670,"profession":19671,"merrychristmas":19672,"lugg":19673,"adoptdont":19674,"marvin":19675,"byrne":19676,"unle":19677,"het":19678,"kuwait":19679,"rahman":19680,"aspect":19681,"humbled":19682,"genes":19683,"fand":19684,"longtime":19685,");":19686,"campu":19687,"angus":19688,"ðŁijįðŁı¼":19689,"quran":19690,"sleeves":19691,"slic":19692,"¸ë":19693,"twelve":19694,"youre":19695,"ike":19696,"gogh":19697,"bst":19698,"dictionary":19699,"reflecting":19700,"toon":19701,"yarn":19702,"embed":19703,"ðŁı´":19704,"reserves":19705,"flooded":19706,"veriz":19707,"dusk":19708,"establish":19709,"proli":19710,"aud":19711,"ritual":19712,"orbit":19713,"declaration":19714,"recordings":19715,"camo":19716,"cassette":19717,"goodluck":19718,"cutter":19719,"bop":19720,"bho":19721,"cheating":19722,"pacific":19723,"mares":19724,"timer":19725,"colt":19726,"trous":19727,"tomorrow":19728,"hansen":19729,"cie":19730,"wang":19731,"bani":19732,"circular":19733,"acute":19734,"farmer":19735,"coys":19736,"pse":19737,"irving":19738,"wj":19739,"hawkins":19740,"bison":19741,"urday":19742,"cruising":19743,"ote":19744,"kath":19745,"whistle":19746,"yourselves":19747,"antis":19748,"slash":19749,"thoroughly":19750,"kesh":19751,"serie":19752,"exem":19753,"enig":19754,"guild":19755,"shred":19756,"hogan":19757,"apo":19758,"ä¸":19759,"puzz":19760,"netball":19761,"aussi":19762,"panorama":19763,"wsj":19764,"avis":19765,"arming":19766,"humph":19767,"browser":19768,"cries":19769,"foggy":19770,"matte":19771,"ðŁĮ»":19772,"iter":19773,"tallest":19774,"byron":19775,"captiv":19776,"jesu":19777,"anyways":19778,"flagship":19779,"pton":19780,"wey":19781,"fayette":19782,"financial":19783,"foul":19784,"solomon":19785,"jennifer":19786,"cucumber":19787,"argue":19788,"textile":19789,"wrestler":19790,"johnston":19791,"pastor":19792,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":19793,"cactus":19794,"edible":19795,"reserved":19796,"richie":19797,"metres":19798,"ingredient":19799,"hella":19800,"unto":19801,"chol":19802,"celebs":19803,"poets":19804,"graham":19805,"hayden":19806,"coincidence":19807,"baw":19808,"communicate":19809,"fletcher":19810,"/-":19811,"toledo":19812,"ecuador":19813,"counsel":19814,"slaughter":19815,"linear":19816,"atp":19817,"osu":19818,"joel":19819,"eved":19820,"conquer":19821,"rustic":19822,"plicity":19823,"recognise":19824,"roommate":19825,"cracked":19826,"jasper":19827,"pher":19828,"ðŁĮº":19829,"woven":19830,"moist":19831,"ffc":19832,"steering":19833,"nish":19834,"standings":19835,"frequent":19836,"ardi":19837,"hazel":19838,"asmsg":19839,"baum":19840,"dart":19841,"sidd":19842,"nath":19843,"chero":19844,"cardboard":19845,"css":19846,"nsfw":19847,"pair":19848,"ðŁĺįðŁĺĺ":19849,"occurred":19850,"homelessness":19851,"malone":19852,"phe":19853,"xia":19854,"paddy":19855,"declare":19856,"theatre":19857,"bf":19858,"persian":19859,"tad":19860,"axe":19861,"suspicious":19862,"lamb":19863,"mucho":19864,"senior":19865,"stas":19866,"kite":19867,"sting":19868,"grad":19869,"kaf":19870,"watering":19871,"د":19872,"spiral":19873,"thms":19874,"educator":19875,"jerome":19876,"ofc":19877,"clock":19878,"sul":19879,"pemb":19880,".........":19881,"parkway":19882,"deaux":19883,"restrictions":19884,"mons":19885,"needle":19886,"ej":19887,"leagues":19888,"watermelon":19889,"aman":19890,"plenary":19891,"maxim":19892,"wab":19893,"comingsoon":19894,"bryce":19895,"vigil":19896,"supermarket":19897,"fortunate":19898,"turquoise":19899,"president":19900,"liv":19901,"interns":19902,"feelin":19903,"fixtures":19904,"stunt":19905,"staged":19906,"premieres":19907,"lok":19908,"practiti":19909,"shortage":19910,"logne":19911,"vec":19912,"concor":19913,"rocke":19914,"lig":19915,"composed":19916,"synthetic":19917,"dip":19918,"camila":19919,"chis":19920,"jou":19921,"susan":19922,"eyebrows":19923,"supplement":19924,"satisfaction":19925,"mohammad":19926,"tibet":19927,"houseof":19928,"pun":19929,"assam":19930,"shadowhun":19931,"psyched":19932,"seduc":19933,"mandatory":19934,"herbert":19935,"scallo":19936,"streamers":19937,"protocol":19938,"blockbuster":19939,"produces":19940,"schnei":19941,"laurel":19942,"tribe":19943,"timehop":19944,"pla":19945,"modelling":19946,"tvtime":19947,"mtvstars":19948,"widow":19949,"metric":19950,"cham":19951,"condo":19952,"flowering":19953,"alec":19954,"dms":19955,"intensity":19956,"¨":19957,"mccartney":19958,"islamabad":19959,"kb":19960,"ffi":19961,"phal":19962,"analog":19963,"fond":19964,"hacks":19965,"positivity":19966,"treaty":19967,"submarine":19968,"connect":19969,"selen":19970,"categories":19971,"cub":19972,"organize":19973,"sik":19974,"quoteoftheday":19975,"reminding":19976,"amor":19977,"locking":19978,"ðŁijıðŁı¼":19979,"compound":19980,"ette":19981,"bout":19982,"recur":19983,"ference":19984,"mizz":19985,"trend":19986,"hipster":19987,"fortress":19988,"forthcoming":19989,"prelimin":19990,"odyssey":19991,"angp":19992,"delici":19993,"evenings":19994,"ðŁĶ¹":19995,"iq":19996,"dw":19997,"dair":19998,"kathryn":19999,"christianity":20000,"moonlight":20001,"hab":20002,"whoo":20003,"fbf":20004,"seth":20005,"genuinely":20006,"pax":20007,"charity":20008,"deployed":20009,"bnb":20010,"bucs":20011,"judg":20012,"conge":20013,"plantation":20014,"impress":20015,"cara":20016,"sclub":20017,"scopy":20018,"landers":20019,"complaints":20020,"bama":20021,"rebuild":20022,"xy":20023,"realism":20024,"shour":20025,"lein":20026,"bracelets":20027,"mera":20028,"assassin":20029,"anchor":20030,"ðŁijĮðŁı¼":20031,"linen":20032,"confron":20033,"chronicle":20034,"comment":20035,"catalog":20036,"illes":20037,"gorge":20038,"metry":20039,"jungkook":20040,"lovemy":20041,"sentin":20042,"seem":20043,"fitness":20044,"allied":20045,"tsman":20046,"digitaltransformation":20047,"pran":20048,"loft":20049,"minton":20050,"aldenrichards":20051,"envel":20052,"cherish":20053,"certainty":20054,"zzz":20055,"rhino":20056,"perkins":20057,"enrich":20058,"capetown":20059,"ometer":20060,"sections":20061,"skeleton":20062,"defenders":20063,"ðŁĺĿ":20064,"penc":20065,"brit":20066,"jah":20067,"capitalism":20068,"ðŁ¥ĩ":20069,"bazaar":20070,"reme":20071,"ext":20072,"kkk":20073,"convert":20074,"stormy":20075,"bye":20076,"karan":20077,"chrysler":20078,"ados":20079,"pressed":20080,"sync":20081,"ationday":20082,"danger":20083,"badges":20084,"refuses":20085,"empowering":20086,"lym":20087,"exports":20088,"adoptdontshop":20089,"ðŁĩ¯":20090,"thc":20091,"awaited":20092,"focuses":20093,"fined":20094,"oat":20095,"hahahah":20096,"âģ©":20097,"nfamily":20098,"fiona":20099,"luckily":20100,"thrilling":20101,"typing":20102,"outbreak":20103,"dies":20104,"heu":20105,"crawl":20106,"nesses":20107,"oath":20108,"scripts":20109,"geeks":20110,"ðŁIJĿ":20111,"pb":20112,"mathematics":20113,"alis":20114,"________________":20115,"gymnastics":20116,"activism":20117,"recommendation":20118,"gren":20119,"wain":20120,"courty":20121,"napol":20122,"cauli":20123,"hornets":20124,"gals":20125,"jockey":20126,"dirty":20127,"atar":20128,"enormous":20129,"pest":20130,"gregation":20131,"anos":20132,"iiii":20133,"defends":20134,"blackhistorymonth":20135,"atx":20136,"mbc":20137,"luggage":20138,"witch":20139,"cob":20140,"lasts":20141,"cum":20142,"ggg":20143,"bathing":20144,"nar":20145,"cebu":20146,"ðŁįĥ":20147,"navigation":20148,"mine":20149,"rejo":20150,"ðŁİĢ":20151,"giftide":20152,"reta":20153,"useless":20154,"pull":20155,"deficit":20156,"allu":20157,"atime":20158,"itv":20159,"trillion":20160,"pue":20161,"acies":20162,"procedure":20163,"lori":20164,"jenny":20165,"cad":20166,"ulously":20167,"drac":20168,"promotes":20169,"ingthe":20170,"canu":20171,"woohoo":20172,"naomi":20173,"zardari":20174,"tsu":20175,"beir":20176,"sdg":20177,"lever":20178,"weber":20179,"abud":20180,"lund":20181,"crowded":20182,"deployment":20183,"terrain":20184,"kenny":20185,"hof":20186,"witnessed":20187,"loch":20188,"jk":20189,"bully":20190,"wren":20191,"poetry":20192,"doff":20193,"wwi":20194,"mored":20195,"dini":20196,"culture":20197,"prompt":20198,"Â¥":20199,"maurice":20200,"topps":20201,"rm":20202,"correspon":20203,"about":20204,"jewels":20205,"gibr":20206,"eagle":20207,"ðŁĺĺðŁĺĺðŁĺĺ":20208,"lending":20209,"souven":20210,"çĶ":20211,"contemporaryart":20212,"establishment":20213,"jong":20214,"â̦\"":20215,"gator":20216,"patriotic":20217,"mccoy":20218,"vape":20219,"humane":20220,"feliz":20221,"coachella":20222,"reposting":20223,"steals":20224,"fuller":20225,"nering":20226,"atra":20227,"(-":20228,"blake":20229,"heather":20230,"worms":20231,"disciplinary":20232,"redemption":20233,"yard":20234,"amin":20235,"\"@_":20236,"dnc":20237,"tds":20238,"kappa":20239,"newark":20240,"commits":20241,"spears":20242,"jams":20243,"tand":20244,"msnbc":20245,"intermedi":20246,"aimed":20247,"atic":20248,"teenth":20249,"observation":20250,"kashmir":20251,"kavanaugh":20252,"oul":20253,"sanfrancisco":20254,"reu":20255,"belated":20256,"chow":20257,"password":20258,"stills":20259,"detained":20260,"sari":20261,"dayton":20262,"darren":20263,"italian":20264,"arth":20265,"amusic":20266,"arbit":20267,"wm":20268,"vm":20269,"hem":20270,"doug":20271,"myr":20272,"asho":20273,"prev":20274,"vind":20275,"brah":20276,"stag":20277,"ี":20278,"previews":20279,"guk":20280,"containing":20281,"leonardo":20282,"saddle":20283,"rushing":20284,"stav":20285,"longh":20286,"gambling":20287,"vegas":20288,"reservation":20289,"endale":20290,"bala":20291,"fla":20292,"variant":20293,"hedge":20294,"bulgaria":20295,"natali":20296,"weaver":20297,"solst":20298,"encouraged":20299,"apc":20300,"asparag":20301,"nest":20302,"cyclists":20303,"fel":20304,"ìĬ¤":20305,"overwhelming":20306,"peyton":20307,"jit":20308,"apost":20309,"mble":20310,"bleeding":20311,"neighbourhood":20312,"avery":20313,"expressions":20314,"macdonald":20315,"gigs":20316,"monds":20317,"illusion":20318,"nct":20319,"camero":20320,"overhead":20321,"myth":20322,"oly":20323,"vio":20324,"etv":20325,"laurie":20326,"unveiling":20327,"prior":20328,"conn":20329,"ironman":20330,"diff":20331,"dayin":20332,"critici":20333,"congo":20334,"revision":20335,"wale":20336,"director":20337,"pines":20338,"blackpink":20339,"garner":20340,"curated":20341,"manitoba":20342,"hac":20343,"commonly":20344,"barton":20345,"....#":20346,"mortality":20347,"livesmatter":20348,"philosop":20349,"shorter":20350,"convince":20351,"freak":20352,"vendors":20353,"insightful":20354,"elly":20355,"sensors":20356,"eled":20357,"sberg":20358,"weightloss":20359,"ukip":20360,"spur":20361,"private":20362,"qua":20363,"ssc":20364,",...":20365,"supervisor":20366,"adviser":20367,"amazingly":20368,"lesser":20369,"ates":20370,"mahon":20371,"oooooo":20372,"saras":20373,"pmoindia":20374,"waffle":20375,"unders":20376,"tolerance":20377,"sculptures":20378,"hersh":20379,"knocking":20380,"smoke":20381,"catholic":20382,"grim":20383,"traveled":20384,"flip":20385,"geoff":20386,"dinosaurs":20387,"slept":20388,"scarlet":20389,"oki":20390,"complaint":20391,"obsc":20392,"nami":20393,"lag":20394,"crossfit":20395,"ufc":20396,"mccain":20397,"referee":20398,"sadness":20399,"penny":20400,"lieu":20401,"mode":20402,"kier":20403,"vols":20404,"wis":20405,"elon":20406,"shea":20407,"bao":20408,"sonia":20409,"claire":20410,"emmanuel":20411,"moisture":20412,"digest":20413,"viii":20414,"teller":20415,"chon":20416,"accessory":20417,"nightclub":20418,"fossil":20419,"awan":20420,"husky":20421,"aboriginal":20422,"brandon":20423,"fficient":20424,"cougars":20425,"sted":20426,"admitted":20427,"ignored":20428,"contentmarketing":20429,"agas":20430,"vase":20431,"executed":20432,"negotiations":20433,"shead":20434,"nand":20435,"tablets":20436,"goth":20437,"tsal":20438,"dfw":20439,"onep":20440,"protector":20441,"spho":20442,"gazette":20443,"andreas":20444,"sser":20445,"compilation":20446,"hav":20447,"containers":20448,"broker":20449,"socal":20450,"porcelain":20451,"hyuk":20452,"airing":20453,"ðŁĴ°":20454,"publisher":20455,"scenario":20456,"spartans":20457,"reviewing":20458,"itudes":20459,"edel":20460,"pearson":20461,"bash":20462,"maui":20463,"aad":20464,"ðŁĮĬ":20465,"liu":20466,"ulate":20467,"programmes":20468,"favour":20469,"webdesign":20470,"realty":20471,"motivational":20472,"crosses":20473,"'...":20474,"busch":20475,"adjustable":20476,"arjun":20477,"mistak":20478,"dimension":20479,"pistol":20480,"weighs":20481,"eny":20482,"unveil":20483,"indycar":20484,"gordon":20485,"fade":20486,"franken":20487,"qualities":20488,"bett":20489,"locate":20490,"kerr":20491,"spc":20492,"confusion":20493,"nee":20494,"lucky":20495,"bases":20496,"depends":20497,"firefighter":20498,"ola":20499,"ret":20500,"maroon":20501,"ðŁĶĬ":20502,"wam":20503,"defining":20504,"wheat":20505,"bil":20506,"és":20507,"bhai":20508,"psych":20509,"tau":20510,"icans":20511,"thik":20512,"obile":20513,"inspector":20514,"ìĨĮë":20515,"illon":20516,"gos":20517,"evangel":20518,"fai":20519,"sist":20520,"vocation":20521,"burge":20522,"chistan":20523,"renewed":20524,"enthusiasm":20525,"enting":20526,"agri":20527,"ikea":20528,"msc":20529,"aerospace":20530,"sensiti":20531,"memoir":20532,"hospice":20533,"cocaine":20534,"derry":20535,"mechanics":20536,"Ħà¸":20537,"tino":20538,"reduces":20539,"collectors":20540,"injustice":20541,"suppre":20542,"vana":20543,"abun":20544,"napa":20545,"susa":20546,"oslo":20547,"eff":20548,"encore":20549,"licence":20550,"cheddar":20551,"zal":20552,"mount":20553,"ðŁĴIJ":20554,"threatens":20555,"!!\"":20556,"archie":20557,"futsal":20558,"scuba":20559,"jos":20560,"gnon":20561,"sexi":20562,"sofficial":20563,"comparing":20564,"dominant":20565,"toftheday":20566,"fait":20567,"proposals":20568,"gift":20569,"yas":20570,"cnc":20571,"lr":20572,"hab":20573,"reservoir":20574,"beliefs":20575,"general":20576,"marti":20577,"td":20578,"este":20579,"ìł":20580,"wil":20581,"ðŁij¯":20582,"ðŁĶ«":20583,"spx":20584,"etwork":20585,"excerpt":20586,"einstein":20587,"hiro":20588,"silhou":20589,"teamed":20590,"perception":20591,"corridor":20592,"mentalhealth":20593,"hints":20594,"benny":20595,"inducted":20596,"swx":20597,"widesp":20598,"speak":20599,"cheryl":20600,"drug":20601,"ðŁĺķ":20602,"hf":20603,"asparagus":20604,"mysteries":20605,"fitzgerald":20606,"offer":20607,"therapist":20608,"career":20609,"damaging":20610,"tsd":20611,"peru":20612,"weibo":20613,"yay":20614,"phoenix":20615,"discre":20616,"macbook":20617,"barker":20618,"stigma":20619,"spread":20620,"rockies":20621,"kangar":20622,"bridg":20623,"pai":20624,"bishop":20625,"tailed":20626,"capsule":20627,"ðŁĴĵ":20628,"geof":20629,"royale":20630,"shortlisted":20631,"oste":20632,"ashamed":20633,"chapp":20634,"keye":20635,"cla":20636,"screenshot":20637,"austrian":20638,"native":20639,"enight":20640,"juliet":20641,"michele":20642,"ðŁĮ´":20643,"travelers":20644,"pil":20645,"footballer":20646,"winchester":20647,"ðŁĻĦ":20648,"azerbai":20649,"goldeng":20650,"organisations":20651,"interpretation":20652,"predator":20653,"oftheweek":20654,"logan":20655,"poké":20656,"marie":20657,"calla":20658,"tnt":20659,"cinde":20660,"getic":20661,"fitfam":20662,"grav":20663,"owens":20664,"ðŁĮ±":20665,"shootout":20666,"salis":20667,"commissions":20668,"cohe":20669,"ptic":20670,"nixon":20671,"hia":20672,"ambition":20673,"marine":20674,"cruelty":20675,"tk":20676,"crude":20677,"salty":20678,"jima":20679,"mongo":20680,"irony":20681,"onwards":20682,"arrests":20683,"strangers":20684,"iger":20685,"cyclist":20686,"rag":20687,"extends":20688,"tradio":20689,"bourg":20690,"moi":20691,"ella":20692,"eable":20693,"lexus":20694,"aul":20695,"dera":20696,"historian":20697,"morton":20698,"tiff":20699,"manner":20700,"kot":20701,"dk":20702,"pointed":20703,"marqu":20704,"aan":20705,"eney":20706,"dublin":20707,"onpoli":20708,"emili":20709,"secret":20710,"flo":20711,"âļ¡":20712,"baj":20713,"steep":20714,"accompanied":20715,"rumours":20716,"devi":20717,"purchasing":20718,"fig":20719,"pub":20720,"schoo":20721,"autonomous":20722,"goalie":20723,"xia":20724,"automatically":20725,"revers":20726,"tero":20727,"fuku":20728,"titanic":20729,"shook":20730,"sandals":20731,"seekers":20732,"excav":20733,"nordic":20734,"bigolive":20735,"bake":20736,"ratt":20737,"zak":20738,"nep":20739,"ðŁĺ¤":20740,"candy":20741,"billions":20742,"bookworm":20743,"ppet":20744,"à³":20745,"surfaces":20746,"scars":20747,"philip":20748,"dogg":20749,"cigars":20750,"cote":20751,"translated":20752,"curator":20753,"sindh":20754,"hangover":20755,"brewer":20756,"ones":20757,"elton":20758,"ðŁĴªðŁı¼":20759,"marcu":20760,"elliot":20761,"righte":20762,"dioce":20763,"russ":20764,"railways":20765,"grandson":20766,"ascen":20767,"apology":20768,"await":20769,"mobili":20770,"respir":20771,"partisan":20772,"olivi":20773,"strike":20774,"yoo":20775,"whitehouse":20776,"expressed":20777,"pups":20778,"bedford":20779,"cultur":20780,"frogs":20781,"flying":20782,"cavali":20783,"cds":20784,"friger":20785,"streetphotography":20786,"resolve":20787,"taliban":20788,"kang":20789,"crushing":20790,"jum":20791,"ðŁĺĴ":20792,"williamson":20793,"tang":20794,"curly":20795,"tman":20796,"veteran":20797,"faire":20798,"artificialintelligence":20799,"unanim":20800,"pren":20801,"backdrop":20802,"frances":20803,"occer":20804,"dorothy":20805,"working":20806,"arthr":20807,"converted":20808,"daylight":20809,"servant":20810,"paddle":20811,"complaining":20812,"thirty":20813,"nadal":20814,"aku":20815,"ibrahim":20816,"addressed":20817,"piss":20818,"greenhouse":20819,"battalion":20820,"simulator":20821,"outlets":20822,"embroidery":20823,"ðŁĵ±":20824,"fiscal":20825,"gerard":20826,"sassy":20827,"ðŁİīðŁİīðŁİī":20828,"ventures":20829,"merit":20830,"publicity":20831,"ðŁijĪ":20832,"sophisticated":20833,"ctu":20834,"conventional":20835,"condolences":20836,"israel":20837,"tradition":20838,"aran":20839,"tess":20840,"glad":20841,"ðŁĺĬðŁĺĬ":20842,"correction":20843,"geon":20844,"amd":20845,"orship":20846,"beast":20847,"chment":20848,"ìŀ":20849,"nico":20850,"wknd":20851,"wels":20852,"cushion":20853,"belie":20854,"voc":20855,"idiots":20856,"underneath":20857,"puma":20858,"cornell":20859,"enation":20860,"lul":20861,"swach":20862,"abig":20863,"urer":20864,"mie":20865,"formerly":20866,"caf":20867,"ernal":20868,"chorus":20869,"julius":20870,"senator":20871,"âľį":20872,"whir":20873,"salvador":20874,"phd":20875,"unified":20876,"booster":20877,"graphical":20878,"wrec":20879,"sonny":20880,"miz":20881,"derers":20882,"sall":20883,"vens":20884,"tuscany":20885,"wid":20886,"yong":20887,"kurds":20888,"waz":20889,"trolls":20890,"macro":20891,"caturday":20892,"pressing":20893,"sasha":20894,"centennial":20895,"gusts":20896,"emc":20897,"before":20898,"denise":20899,"cust":20900,"ðŁĵ¢":20901,"looo":20902,"basel":20903,"england":20904,"yolo":20905,"ardu":20906,"manifesto":20907,"doha":20908,"ìľ":20909,"knives":20910,"bournemouth":20911,"bibl":20912,"barb":20913,"alicia":20914,"Ø©":20915,"comer":20916,"cyclone":20917,"git":20918,"anews":20919,"characteri":20920,"ventura":20921,"intra":20922,"sfgiants":20923,"hut":20924,"bea":20925,"darwin":20926,"eller":20927,"alv":20928,"reese":20929,"bly":20930,"karan":20931,"conclusion":20932,"manny":20933,"flakes":20934,"uniteblue":20935,"nadu":20936,"copp":20937,"edges":20938,"lancashire":20939,"ials":20940,"otta":20941,"philippe":20942,"lent":20943,"chee":20944,"mentors":20945,"festival":20946,"anism":20947,"complimentary":20948,"rj":20949,"pug":20950,"dine":20951,"wei":20952,"cliffs":20953,"sarmy":20954,"tiveness":20955,"treasury":20956,"iland":20957,"aftermath":20958,"rabbi":20959,"oun":20960,"bouquet":20961,"heritage":20962,"zion":20963,"surrender":20964,"shenan":20965,"inks":20966,"karl":20967,"ghty":20968,"policing":20969,"examination":20970,"cey":20971,"persu":20972,"measurement":20973,"hydrogen":20974,"luhan":20975,"âłĢâłĢâłĢâłĢ":20976,"wari":20977,"оÐ":20978,"jy":20979,"fowler":20980,"mish":20981,"alfre":20982,"âĺij":20983,"bbnaija":20984,"catalogue":20985,"recognised":20986,"saver":20987,"huskies":20988,"colin":20989,"mundo":20990,"siva":20991,"png":20992,"discounted":20993,"manutd":20994,"fresno":20995,"devin":20996,"preliminary":20997,"trophies":20998,"plastics":20999,"dug":21000,"procu":21001,"indigo":21002,"gard":21003,"dylan":21004,"pitches":21005,"groundbreaking":21006,"inson":21007,"blac":21008,"anthology":21009,"fh":21010,"explic":21011,"rard":21012,"admiral":21013,"sochi":21014,"lashes":21015,"splendid":21016,"envy":21017,"adv":21018,"sexy":21019,"festivities":21020,"sticking":21021,"bib":21022,"thrill":21023,"opp":21024,"ariel":21025,"botanical":21026,"endurance":21027,"females":21028,"bricks":21029,"vatican":21030,"blackpool":21031,"bermu":21032,"brough":21033,"roller":21034,"bid":21035,"suede":21036,"slovenia":21037,"mming":21038,"mlb":21039,"medalist":21040,"dians":21041,"rehabilitation":21042,"neon":21043,"sgo":21044,"lithu":21045,"ramos":21046,"zed":21047,"pianist":21048,"intensive":21049,"broadband":21050,"study":21051,"petersburg":21052,"luca":21053,"ahhhh":21054,"physician":21055,"dillon":21056,"telecom":21057,"grief":21058,"mun":21059,"acro":21060,"sided":21061,"sly":21062,"blows":21063,"classiccars":21064,"trium":21065,"argy":21066,"?:":21067,"hri":21068,"marshmal":21069,"âĢĵ":21070,"topping":21071,"warsaw":21072,"transc":21073,"preservation":21074,"bav":21075,"refriger":21076,"experiments":21077,"äº":21078,"glit":21079,"sliga":21080,"gage":21081,"factor":21082,"flavours":21083,"brony":21084,"spo":21085,"cookbook":21086,"carriage":21087,"away":21088,"nyfw":21089,"onian":21090,"wg":21091,"simpsons":21092,"rolex":21093,"ðŁı¿":21094,"crosby":21095,"ãħ¤":21096,"credi":21097,"syndic":21098,"pubs":21099,"alife":21100,"poorly":21101,"maced":21102,"ðŁĺŀ":21103,"behindthe":21104,"wenger":21105,"nats":21106,"ðŁİŁ":21107,"rubbish":21108,"procedures":21109,"typhoon":21110,"ophobia":21111,"erdo":21112,"fuel":21113,"viera":21114,"bumps":21115,"millennium":21116,"newzealand":21117,"lectures":21118,"iton":21119,"milky":21120,"responded":21121,"ê°":21122,"landscape":21123,"..@":21124,"bother":21125,"âĸ¶":21126,"zhang":21127,"huawei":21128,"tuition":21129,"sworn":21130,"inu":21131,"yor":21132,"paolo":21133,"auditions":21134,"abil":21135,"malaysian":21136,"hops":21137,"feathers":21138,"mple":21139,"auts":21140,"ão":21141,"bounty":21142,"iche":21143,"ìĺ":21144,"shq":21145,"pinot":21146,"gears":21147,"disappear":21148,"videogames":21149,"tna":21150,"alzheimer":21151,"ðŁĮŀ":21152,"aji":21153,"underwear":21154,"switching":21155,"signage":21156,"oscar":21157,"econ":21158,"drow":21159,"clint":21160,"plated":21161,"gundy":21162,"emblem":21163,"hoes":21164,"icist":21165,"nelly":21166,"junior":21167,"roadshow":21168,"minerals":21169,"atle":21170,"alexandria":21171,"acclaimed":21172,"vell":21173,"shiva":21174,"adhe":21175,"enne":21176,"amnesty":21177,"hounds":21178,"councillor":21179,"ðŁĴ¦":21180,"aesthe":21181,"partnering":21182,"influenced":21183,"magno":21184,"flare":21185,"extinction":21186,"civilian":21187,"majesty":21188,"vail":21189,"lawmakers":21190,"racks":21191,"mcc":21192,"orian":21193,"spices":21194,"errors":21195,"mayer":21196,"coca":21197,"pai":21198,"sooooo":21199,"retiring":21200,"bathro":21201,"ðŁĻĮðŁĻĮ":21202,"âĸª":21203,"suf":21204,"endorsement":21205,"building":21206,"brooch":21207,"palla":21208,"arvind":21209,"agent":21210,"karate":21211,"rhi":21212,"ctv":21213,"taine":21214,"umm":21215,"bax":21216,"reigns":21217,"uniof":21218,"enterprises":21219,"adele":21220,"flake":21221,"attire":21222,"bruce":21223,"bahamas":21224,"gravy":21225,"sain":21226,"cheek":21227,"trivi":21228,"lov":21229,"een":21230,"bblo":21231,"ladygaga":21232,"itta":21233,".\"-":21234,"dustin":21235,"observatory":21236,"eighth":21237,"bloomberg":21238,"khs":21239,"fcc":21240,"gist":21241,"commemorate":21242,"veer":21243,"sexuality":21244,"edc":21245,"nicole":21246,"vacancy":21247,"user":21248,"sona":21249,":'(":21250,"diploma":21251,"tend":21252,"upgrades":21253,"ÅŁ":21254,"jurassic":21255,"cardiac":21256,"drs":21257,"widespread":21258,"Ãł":21259,"dailies":21260,"vendor":21261,"simplicity":21262,"wider":21263,"lenses":21264,"supplements":21265,"depos":21266,"observed":21267,"vines":21268,"partially":21269,"renewal":21270,"collaborate":21271,"alig":21272,"finity":21273,"phu":21274,"zzy":21275,"petit":21276,"ðŁĵħ":21277,"zin":21278,"igu":21279,"smack":21280,"fallon":21281,"ðŁĵ£":21282,"backwards":21283,"component":21284,"oso":21285,"compatible":21286,"binding":21287,"zurich":21288,"thome":21289,"wounds":21290,"lyric":21291,"freshmen":21292,"sneaky":21293,"fibro":21294,"diet":21295,"employer":21296,"insect":21297,"hated":21298,"scher":21299,"razor":21300,"nsw":21301,"booker":21302,"californi":21303,"avfc":21304,"°":21305,"pretending":21306,"pepsi":21307,"alis":21308,"untitled":21309,"kart":21310,"grandparents":21311,"ethe":21312,"ock":21313,"luxemb":21314,"visuals":21315,"smallbusiness":21316,"abdullah":21317,"minho":21318,"subaru":21319,"hra":21320,"revealing":21321,"heartbreaking":21322,"clarity":21323,"amg":21324,"slr":21325,"****":21326,"âŀĸ":21327,"record":21328,"iciary":21329,"minded":21330,"yeh":21331,"excessive":21332,"knuck":21333,"icecream":21334,"truth":21335,"evic":21336,"tastic":21337,"antarc":21338,"rendering":21339,",,":21340,"mitt":21341,"lorenzo":21342,"stpatrick":21343,"boundary":21344,"zig":21345,"vocab":21346,"osaka":21347,"furn":21348,"tun":21349,"gul":21350,"sounding":21351,"blogger":21352,"utterly":21353,"gaf":21354,"advancing":21355,"lcd":21356,"margin":21357,"lifelong":21358,"solstice":21359,"shra":21360,"waits":21361,"plear":21362,"breach":21363,"enligh":21364,"ader":21365,"ittle":21366,"cation":21367,"hoon":21368,"studied":21369,"?????":21370,"kash":21371,"evangeli":21372,"psl":21373,"weights":21374,"metals":21375,"tyres":21376,"turno":21377,"wie":21378,"carb":21379,"gale":21380,"seal":21381,"sunite":21382,"amic":21383,"patterson":21384,"án":21385,"euph":21386,"upstairs":21387,"qualifiers":21388,"khalifa":21389,"applemusic":21390,"ìĨĮëħ":21391,"vaughan":21392,"alter":21393,"cruiser":21394,"mua":21395,"tana":21396,"katrina":21397,"idols":21398,"spoiled":21399,"secretly":21400,"fibre":21401,"partnered":21402,"umes":21403,"giov":21404,"comet":21405,"screenshotsaturday":21406,"keller":21407,"filtr":21408,"fet":21409,"conway":21410,"peu":21411,"badminton":21412,"gid":21413,"mound":21414,"donkey":21415,"buff":21416,"leather":21417,"largely":21418,"broch":21419,"intments":21420,"amuse":21421,"rk":21422,"stove":21423,"impacted":21424,"cont":21425,"cracks":21426,"prisoner":21427,"bari":21428,"contractor":21429,"orioles":21430,"dominate":21431,"polar":21432,"amelia":21433,"drc":21434,"ðŁijĮðŁijĮ":21435,"vist":21436,"suarez":21437,"injection":21438,"blooms":21439,"ðŁļ¨ðŁļ¨":21440,"stiff":21441,"paypal":21442,"snowing":21443,"thursdays":21444,"goose":21445,"wedge":21446,"educated":21447,"weakness":21448,"decker":21449,"abudha":21450,"breezy":21451,"ÛĮ":21452,"hopeful":21453,"obi":21454,"raider":21455,"gham":21456,"deu":21457,"seve":21458,"partly":21459,"fut":21460,"infused":21461,"merri":21462,"thane":21463,"sometime":21464,"hue":21465,"mein":21466,"credit":21467,"sliding":21468,"rande":21469,"cherry":21470,"deadpool":21471,"shol":21472,"aram":21473,"underwood":21474,"skye":21475,"disturbing":21476,"mnt":21477,"polished":21478,"guardians":21479,"hadn":21480,"picasso":21481,"arius":21482,"akshay":21483,"irri":21484,"jh":21485,"happen":21486,"lakh":21487,"dalton":21488,"atthe":21489,"swell":21490,"marsha":21491,"reh":21492,"cours":21493,"jkt":21494,"topus":21495,"service":21496,"rink":21497,"hackers":21498,"donovan":21499,"horo":21500,"tcm":21501,"mayhem":21502,"chase":21503,"devops":21504,"kensing":21505,"scup":21506,"shere":21507,"qualification":21508,"clive":21509,"tong":21510,"nancy":21511,"maris":21512,"derdale":21513,"berman":21514,"cinderella":21515,"jolly":21516,"cic":21517,"loot":21518,"collectibles":21519,"homicide":21520,"gge":21521,"epidemic":21522,"suites":21523,"muddy":21524,"gimme":21525,"erec":21526,"-*":21527,"talla":21528,"lisle":21529,"embroide":21530,"ðŁĩ©ðŁĩª":21531,"verizon":21532,"vector":21533,"beanie":21534,"artisan":21535,"gain":21536,"flores":21537,"vigil":21538,"uso":21539,"ðŁĻıðŁı½":21540,"grinding":21541,"gher":21542,"airports":21543,"responsive":21544,"shaft":21545,"cancel":21546,"ceremonies":21547,"eme":21548,"atari":21549,"brushes":21550,"eager":21551,"bohemi":21552,"childrens":21553,"yankee":21554,"maa":21555,"suspense":21556,"moran":21557,"macar":21558,"sunflower":21559,"crew":21560,"void":21561,"kear":21562,"fashioned":21563,"jennings":21564,"sundayfunday":21565,"submissions":21566,"mead":21567,"herman":21568,"wai":21569,"critically":21570,"leum":21571,"baekhyun":21572,"forcing":21573,"cobra":21574,"ãģ®":21575,"acquire":21576,"alk":21577,"geology":21578,"primar":21579,"importantly":21580,"irez":21581,"bundesliga":21582,"curiosity":21583,"sena":21584,"strict":21585,"consoli":21586,"winters":21587,"venom":21588,"cheltenham":21589,"ðŁįº":21590,"cena":21591,"tat":21592,"bain":21593,"glover":21594,"undercover":21595,"asses":21596,"carn":21597,"memorialday":21598,"ameli":21599,"irene":21600,"chon":21601,"synthesis":21602,"speedy":21603,"mitsubi":21604,"slayer":21605,"composite":21606,"understands":21607,"pew":21608,"interrup":21609,"henri":21610,"morrow":21611,"anom":21612,"thofjuly":21613,"glee":21614,"three":21615,"ðŁĺ®":21616,"andhi":21617,"chatt":21618,"renewables":21619,"yes":21620,"transfers":21621,"!!!!!!!!":21622,"babu":21623,"duter":21624,"loops":21625,"peers":21626,"oilers":21627,"paulo":21628,"ication":21629,"hmu":21630,"wara":21631,"mercer":21632,"homeland":21633,"fuji":21634,"aley":21635,"yearbook":21636,"rem":21637,"reen":21638,"absur":21639,"bois":21640,"]:":21641,"caesar":21642,"shotgun":21643,"kurdish":21644,"oren":21645,"rae":21646,"ancies":21647,"typic":21648,"fh":21649,"default":21650,"replic":21651,"luk":21652,"transactions":21653,"rys":21654,"infantry":21655,"ðŁį¾":21656,"chow":21657,"chickens":21658,"bagh":21659,"wyatt":21660,"aye":21661,"ggi":21662,"brews":21663,"editions":21664,"mira":21665,"commencement":21666,"presu":21667,"periscope":21668,"ichi":21669,"guatemala":21670,"zambia":21671,"paints":21672,"witches":21673,"wani":21674,"undere":21675,"croy":21676,"vows":21677,"usmc":21678,"hearted":21679,"theatres":21680,"shuffle":21681,"level":21682,"multic":21683,"squeeze":21684,"fern":21685,"appet":21686,"postal":21687,"malt":21688,"onboard":21689,"ldnt":21690,"coo":21691,"ssc":21692,"kac":21693,"ðŁĺĩ":21694,"scrap":21695,"marcos":21696,"dealers":21697,"annu":21698,"miller":21699,"cove":21700,"ulary":21701,"vladimir":21702,"beef":21703,"thur":21704,"pickled":21705,"sesame":21706,"bengaluru":21707,"mott":21708,"kathleen":21709,"hist":21710,"notor":21711,"drank":21712,"duchess":21713,"snowfall":21714,"eff":21715,"tiny":21716,"jn":21717,"syour":21718,"specialists":21719,"scotus":21720,"baylor":21721,"everest":21722,"malibu":21723,"prem":21724,"harmful":21725,"lali":21726,"bates":21727,"gye":21728,"differenti":21729,"andra":21730,"geometry":21731,"elover":21732,"blackout":21733,"====":21734,"kota":21735,"interact":21736,"asian":21737,"layo":21738,"samurai":21739,"fidel":21740,"exhausted":21741,"gladi":21742,"pdt":21743,"spheric":21744,"antiqu":21745,"guitar":21746,"sturi":21747,"hopper":21748,"angle":21749,"fills":21750,"slap":21751,"mith":21752,"rodney":21753,"ongi":21754,"insom":21755,"preventing":21756,"cassidy":21757,"apho":21758,"oregon":21759,"loin":21760,"hammond":21761,"contributing":21762,"fn":21763,"garri":21764,"orion":21765,"compelling":21766,"escaping":21767,"aiming":21768,"plumb":21769,"bistro":21770,"beasts":21771,"concerning":21772,"boe":21773,"dopp":21774,"shoplocal":21775,"stumbled":21776,"âĤ¹":21777,"nazis":21778,"âĢįâĻĤï¸ı":21779,"gesture":21780,"warts":21781,"usopen":21782,"higgins":21783,"charli":21784,"hangs":21785,"bombers":21786,"°:":21787,"feeds":21788,"cch":21789,"stil":21790,"nicola":21791,"ðŁĵº":21792,"clamation":21793,"tropic":21794,"afro":21795,"ouk":21796,"expenses":21797,"derrick":21798,"aline":21799,"faw":21800,"regard":21801,"imer":21802,"satin":21803,"thium":21804,"ryder":21805,"pearl":21806,"tess":21807,"mmmmm":21808,"senses":21809,"ðŁĩ¹":21810,"positive":21811,"exhaust":21812,"occur":21813,"norris":21814,"lilly":21815,"isles":21816,"directing":21817,"yofficial":21818,"countless":21819,"samar":21820,"onstage":21821,"flock":21822,"mirrors":21823,"archer":21824,"moi":21825,"kd":21826,"viv":21827,"inos":21828,"sikh":21829,"lei":21830,"sensory":21831,"brits":21832,"knox":21833,"chestnut":21834,"opy":21835,"coliseum":21836,"zaf":21837,"divin":21838,"adapter":21839,":)))":21840,"temple":21841,"kun":21842,"helmets":21843,"tdf":21844,"guide":21845,"mold":21846,"oids":21847,"luther":21848,"heis":21849,"monastery":21850,"spree":21851,"klu":21852,"britney":21853,"jaguars":21854,"greats":21855,"ccc":21856,"kyrie":21857,"machinery":21858,"cricket":21859,"rero":21860,"abo":21861,"aspiring":21862,"semifinals":21863,"aless":21864,"signatures":21865,"vard":21866,"meth":21867,"herbal":21868,"holden":21869,"kingdom":21870,"apor":21871,"reggie":21872,"oreo":21873,"palestinians":21874,"emmys":21875,"sectional":21876,"roi":21877,"neymar":21878,"quel":21879,"cull":21880,"lka":21881,"hazel":21882,"estimate":21883,"ulties":21884,"gow":21885,"bea":21886,"purchases":21887,"belts":21888,"protects":21889,"mé":21890,"guessing":21891,"bbo":21892,"claudia":21893,"fracking":21894,"jonny":21895,"elk":21896,"celtic":21897,"almighty":21898,"raje":21899,"courtyard":21900,"igi":21901,"canes":21902,"ðŁĴªðŁı»":21903,"bankrup":21904,"lethal":21905,"âľĮï¸ı":21906,"graphicdesign":21907,"vader":21908,"pencils":21909,"roughly":21910,"dante":21911,"mfg":21912,"constell":21913,"camel":21914,"jb":21915,"blossoms":21916,"ento":21917,"balochistan":21918,"cinemato":21919,"illard":21920,"jersey":21921,"consent":21922,"dented":21923,"contempl":21924,"scher":21925,"holi":21926,"lough":21927,"stour":21928,"ayo":21929,"beginners":21930,"curb":21931,"vhs":21932,"ajax":21933,"duff":21934,"aveng":21935,"domest":21936,"committing":21937,"aired":21938,"chap":21939,"hedgehog":21940,"disappointing":21941,"freelance":21942,"inland":21943,"charms":21944,"ðŁĺįâĿ¤ï¸ı":21945,"aish":21946,"mx":21947,"buckle":21948,"tidal":21949,"permit":21950,"boating":21951,"racha":21952,"kendrick":21953,"bello":21954,"bhi":21955,"plea":21956,"estimates":21957,"lb":21958,"apologies":21959,"jaya":21960,"bbl":21961,"astoni":21962,"interstate":21963,"maintaining":21964,"elbow":21965,"mup":21966,"epit":21967,"ðŁĺ¡":21968,"violations":21969,"defend":21970,"beh":21971,"slc":21972,"amir":21973,"puri":21974,"tium":21975,"fifa":21976,"blurry":21977,"scrim":21978,"ðŁĻıðŁı¾":21979,"maple":21980,"relatives":21981,"âĺĿ":21982,"choc":21983,"connor":21984,"⾨⾨":21985,"whisp":21986,"listings":21987,"maze":21988,"thanking":21989,"ridd":21990,"grassroots":21991,"shifting":21992,"desperately":21993,"gorilla":21994,"deni":21995,"jules":21996,"strath":21997,"gley":21998,"jain":21999,"buick":22000,"tanner":22001,"ðŁĴĿ":22002,"gae":22003,"prim":22004,"itors":22005,"nano":22006,"separation":22007,"armenia":22008,"bordeaux":22009,"ðŁħ":22010,"pjnet":22011,"burial":22012,"ebon":22013,"gloss":22014,"renew":22015,"grier":22016,"speeds":22017,"comicbooks":22018,"symboli":22019,"purposes":22020,"ãħłãħł":22021,"spatial":22022,"notable":22023,"cion":22024,"nps":22025,"hoffman":22026,"norman":22027,"rtg":22028,"dusty":22029,"situated":22030,"tran":22031,"kfc":22032,"emen":22033,"nickel":22034,"hastings":22035,"settling":22036,"grit":22037,"lena":22038,"waw":22039,"arts":22040,"gum":22041,"caregi":22042,"lewis":22043,"sapphire":22044,"remember":22045,"embedded":22046,"tlc":22047,"blat":22048,"sergeant":22049,"elsa":22050,"bootcamp":22051,"bowman":22052,"photographic":22053,"pillars":22054,"directioners":22055,"classified":22056,"nois":22057,"veer":22058,"barrels":22059,"whoop":22060,"ðŁĺ±ðŁĺ±":22061,"female":22062,"petroleum":22063,"media":22064,"efc":22065,"pokémon":22066,"à¤ķ":22067,"enthusiastic":22068,"varun":22069,"profiles":22070,"pediatric":22071,"accidents":22072,"conrad":22073,"jang":22074,"jojo":22075,"acor":22076,"observer":22077,"lf":22078,"livestock":22079,"forgi":22080,"fos":22081,"elm":22082,"anand":22083,"goe":22084,"cere":22085,"avoiding":22086,"grit":22087,"oman":22088,"thankfully":22089,"scattered":22090,"nicky":22091,"cylinder":22092,"cheesy":22093,"diver":22094,"mahesh":22095,"caves":22096,"earliest":22097,"quinte":22098,"subjects":22099,"bend":22100,"gulf":22101,"vocalist":22102,"glue":22103,"patches":22104,"unstopp":22105,"snyder":22106,"demonstrating":22107,"pio":22108,"horns":22109,"wickets":22110,"andthe":22111,"rama":22112,"yoon":22113,"straight":22114,"bedtime":22115,"orang":22116,"bullets":22117,"saurus":22118,"miners":22119,"incidents":22120,"!...":22121,"ðŁİ¸":22122,"agers":22123,"handles":22124,"states":22125,"inity":22126,"dons":22127,"incredible":22128,"eminem":22129,"aviv":22130,"rudy":22131,"mozart":22132,"folklore":22133,"appliances":22134,"mtl":22135,"frey":22136,"dias":22137,"hua":22138,"pageant":22139,"strive":22140,"imprison":22141,"bullish":22142,"rana":22143,"alerts":22144,"bbmas":22145,"hyper":22146,"derbyshire":22147,"recre":22148,"redd":22149,"deborah":22150,"cosmos":22151,"lawson":22152,"melanie":22153,"psycho":22154,"hoor":22155,"doodles":22156,"sniper":22157,"shady":22158,"mantle":22159,"canadian":22160,"newyear":22161,"interactions":22162,"separated":22163,"cords":22164,"spirituality":22165,"apu":22166,"ito":22167,"pct":22168,"pelosi":22169,"rebellion":22170,"seiz":22171,"worcester":22172,"sectors":22173,"uli":22174,"santa":22175,"е":22176,"ðŁĩªðŁĩ¸":22177,"biased":22178,"classical":22179,"gamma":22180,"deeplear":22181,"emerge":22182,"backer":22183,"surance":22184,"handcrafted":22185,"ðŁİ¥":22186,"francis":22187,"millan":22188,"ici":22189,"crown":22190,"wow":22191,"striped":22192,"unfair":22193,"relaxation":22194,"³ï¸ı":22195,"embracing":22196,"shealth":22197,"paleo":22198,"martini":22199,"distillery":22200,"wrink":22201,"ork":22202,"nath":22203,"hayley":22204,"courthouse":22205,"siber":22206,"sadi":22207,"quietly":22208,"melt":22209,"msm":22210,"meh":22211,"smartphones":22212,"relent":22213,"pping":22214,"warwick":22215,"cologne":22216,"glia":22217,"cotton":22218,"prog":22219,"lone":22220,"ipsw":22221,"starters":22222,"expands":22223,"ump":22224,"sued":22225,"skipper":22226,"infections":22227,"ingle":22228,"á":22229,"clerk":22230,"demonstrate":22231,"acar":22232,"ðŁĺĤðŁĺĤðŁĺĤ":22233,"tibet":22234,"buns":22235,"alom":22236,"demolition":22237,"ssia":22238,"gst":22239,"[]":22240,"soar":22241,"âĺĢ":22242,"ðŁĺª":22243,"ðŁĵĬ":22244,"deepest":22245,"beyond":22246,"aret":22247,"attends":22248,"activated":22249,"dimit":22250,"âļªï¸ı":22251,"highlighted":22252,"magazines":22253,"rumor":22254,"azza":22255,"stephens":22256,"dolph":22257,"shockey":22258,"mats":22259,"weav":22260,"melan":22261,"servers":22262,"traum":22263,"kush":22264,"æĹ":22265,"babys":22266,"paz":22267,"aal":22268,"lause":22269,"breakers":22270,"canterbury":22271,"ulture":22272,"miri":22273,"euros":22274,"taneous":22275,"impressions":22276,"dutch":22277,"ild":22278,"ghi":22279,"purdue":22280,"adequate":22281,"lp":22282,"syner":22283,"angler":22284,"durable":22285,"galore":22286,"rown":22287,"mgmt":22288,"ðŁĵĮ":22289,"lucia":22290,"âĺijï¸ı":22291,"zayn":22292,"borrow":22293,".(":22294,"northumber":22295,"crush":22296,"enga":22297,"sush":22298,"extravag":22299,"tout":22300,"mahal":22301,"alistic":22302,"thermo":22303,"galleries":22304,"esse":22305,"chibi":22306,"attractions":22307,"lexington":22308,"legislature":22309,"documented":22310,"residen":22311,"brownies":22312,"wf":22313,"stool":22314,"planets":22315,"shoppers":22316,"conductor":22317,"msp":22318,"tricky":22319,"fruity":22320,"endra":22321,"feelthe":22322,"whipped":22323,"hairstyle":22324,"refer":22325,"ook":22326,"octopus":22327,"audiences":22328,"kumar":22329,"afterno":22330,"optim":22331,"cfl":22332,"nip":22333,"geni":22334,"alphabet":22335,"annab":22336,"lamin":22337,"accepts":22338,"lng":22339,"ðŁĺ«":22340,"tine":22341,"acom":22342,"cheerleaders":22343,"tk":22344,"gron":22345,"vg":22346,"kung":22347,"jax":22348,"dhabi":22349,"rss":22350,"mackenzie":22351,"beirut":22352,"cleanup":22353,"gypsy":22354,"stell":22355,"burger":22356,"hurricanes":22357,"education":22358,"stina":22359,"âĻ¡âĻ¡":22360,"unfortunate":22361,"jeremi":22362,"badger":22363,"aters":22364,":â̦":22365,"terra":22366,"sublime":22367,"stud":22368,"ymca":22369,"mru":22370,"duterte":22371,"brennan":22372,"bulb":22373,"melo":22374,"ylon":22375,"hacker":22376,"cred":22377,"gud":22378,"asan":22379,"padilla":22380,"embroidered":22381,"vietnamese":22382,"pioneers":22383,"projection":22384,"reboot":22385,"idc":22386,"aney":22387,"primer":22388,"suffers":22389,"winding":22390,"pon":22391,"stoday":22392,"morn":22393,"uch":22394,"allin":22395,"adidas":22396,"elizabeth":22397,"tuck":22398,"ography":22399,"ðŁļĢ":22400,"beg":22401,"osborne":22402,"ghetto":22403,"rh":22404,"cnn":22405,"irma":22406,"makin":22407,"cables":22408,"murders":22409,"ocks":22410,"insta":22411,"alas":22412,"sik":22413,"cuff":22414,"lare":22415,"foodies":22416,"ovic":22417,"atom":22418,"geometric":22419,"empathy":22420,"ี":22421,"centenary":22422,"newspapers":22423,"administrative":22424,"ðŁİĬ":22425,"stive":22426,"contractors":22427,"lett":22428,"tasmania":22429,"awesomeness":22430,"density":22431,"veen":22432,"princeton":22433,"frequently":22434,"reject":22435,"ghi":22436,"modular":22437,"ceramics":22438,"shag":22439,"kiwi":22440,"canvas":22441,"sweatshirt":22442,"anj":22443,"timm":22444,"napoli":22445,"iler":22446,"appeals":22447,"hamilton":22448,"mayo":22449,"weave":22450,"arranged":22451,"wharf":22452,"occupy":22453,"bvb":22454,"asaki":22455,"otter":22456,"norm":22457,"vies":22458,"detox":22459,"tional":22460,"derek":22461,"idad":22462,"admissions":22463,"constituency":22464,"upper":22465,"woot":22466,"alloy":22467,"seve":22468,"lub":22469,"uncomfortable":22470,"edwin":22471,"abre":22472,"dwight":22473,"arche":22474,"virtually":22475,"spol":22476,"prie":22477,"aii":22478,"err":22479,"switch":22480,"barack":22481,"seok":22482,"coul":22483,"wnt":22484,"poul":22485,"olive":22486,"caffeine":22487,"cardiff":22488,"notorious":22489,"demp":22490,"excess":22491,"barr":22492,"tford":22493,"ajay":22494,"bumped":22495,"mythology":22496,"shelley":22497,"falcon":22498,"shakespeare":22499,"mustangs":22500,"noted":22501,"bone":22502,"civilization":22503,"syd":22504,"parsons":22505,"unofficial":22506,"hyped":22507,"spends":22508,"opposed":22509,"vings":22510,"spacex":22511,"notification":22512,"deciding":22513,"biotech":22514,"outsi":22515,"salah":22516,"!.":22517,"fed":22518,"ssy":22519,"cms":22520,"badgers":22521,"cro":22522,"elaine":22523,"nba":22524,"dyour":22525,"nant":22526,"honeymoon":22527,"climbed":22528,"conomy":22529,"atha":22530,"mell":22531,"nebula":22532,"naturephotography":22533,"julie":22534,"bmx":22535,"invested":22536,"mono":22537,"lieutenant":22538,"watkins":22539,"technician":22540,"ose":22541,"kae":22542,"ìĽ":22543,"mcqueen":22544,"preach":22545,"traveller":22546,"flexibility":22547,"zebra":22548,"retailer":22549,"pant":22550,"bender":22551,"brandt":22552,"squid":22553,"warrant":22554,"verified":22555,"cass":22556,"piercing":22557,"honours":22558,"tying":22559,"morris":22560,"kissed":22561,"oprah":22562,"panoramic":22563,"mei":22564,"splatoon":22565,"wichita":22566,"arias":22567,"galli":22568,"indyref":22569,"goodtimes":22570,"atheist":22571,"confession":22572,"owski":22573,"repping":22574,"additions":22575,"mechanism":22576,"zim":22577,"jans":22578,"suf":22579,"chopped":22580,"beginnings":22581,"vitamins":22582,"ãħ¤ãħ¤":22583,"orth":22584,"poles":22585,"rub":22586,"antarctica":22587,"indiefilm":22588,"webcam":22589,"ketch":22590,"brett":22591,"clement":22592,"heron":22593,"defeating":22594,"hydro":22595,"bucket":22596,"wandering":22597,"sidney":22598,"futureof":22599,"binge":22600,"onies":22601,"knockout":22602,"administrator":22603,"synthe":22604,"lent":22605,"jani":22606,"barley":22607,"premierleague":22608,"nerds":22609,"crm":22610,"bras":22611,"botany":22612,"evolved":22613,"rotter":22614,"rowed":22615,"tumor":22616,"wealthy":22617,"ÂŃ":22618,"monarch":22619,"lished":22620,"dahl":22621,"ðŁİĥ":22622,"buch":22623,"kenyan":22624,"ا":22625,"redness":22626,"assembled":22627,"semit":22628,"hudder":22629,"shrop":22630,"rani":22631,"learning":22632,"mory":22633,"itia":22634,"geographic":22635,"worldof":22636,"fb":22637,"phosp":22638,"boogie":22639,"amped":22640,"?...":22641,"chew":22642,"dwarf":22643,"arus":22644,"ssen":22645,"rusty":22646,"recruits":22647,"hk":22648,"garde":22649,"applause":22650,"volumes":22651,"involves":22652,"tac":22653,"handbag":22654,"translate":22655,"ffel":22656,"seym":22657,"aquatic":22658,"transfer":22659,"zodi":22660,"andr":22661,"academia":22662,"crater":22663,"tez":22664,"arse":22665,"adapt":22666,"coloni":22667,"snowman":22668,"mali":22669,"hangin":22670,"dischar":22671,"oysters":22672,"phoe":22673,"colonel":22674,"wba":22675,"hispanic":22676,"thriving":22677,"shy":22678,"agles":22679,"salesforce":22680,"creme":22681,"soles":22682,"lafayette":22683,"âī":22684,"teria":22685,"acha":22686,"sperson":22687,"gogo":22688,"carly":22689,"theore":22690,"amore":22691,"vox":22692,"aft":22693,"ãĤ¹":22694,"staple":22695,"muffin":22696,"diagram":22697,"inox":22698,"sustained":22699,"avent":22700,"meta":22701,"arbitr":22702,"decay":22703,"adole":22704,"н":22705,"ecol":22706,"pho":22707,"nk":22708,"ocu":22709,"granny":22710,"ça":22711,"luxembour":22712,"stadt":22713,"alberto":22714,"levit":22715,"amas":22716,"dx":22717,"orphan":22718,"cobb":22719,"asc":22720,"logy":22721,"immense":22722,"chants":22723,"offline":22724,"pent":22725,"brex":22726,"winger":22727,"plane":22728,"iel":22729,"nichols":22730,"cathy":22731,"naruto":22732,"lowed":22733,"///":22734,"ignorance":22735,"catastro":22736,"youts":22737,"schen":22738,"build":22739,"hazi":22740,"sine":22741,"criticalrole":22742,"dug":22743,"detect":22744,"logs":22745,"enamel":22746,"stpatricksday":22747,"eddie":22748,"copa":22749,"cigarettes":22750,"hoff":22751,"kaya":22752,"lagoon":22753,"rapha":22754,"airborne":22755,"choose":22756,"puertor":22757,"kev":22758,"guiding":22759,"frosty":22760,"borough":22761,"mira":22762,"ðŁİĬ":22763,"cadet":22764,"anush":22765,"yogi":22766,"eger":22767,"fling":22768,"slope":22769,"ninth":22770,"weston":22771,"footwear":22772,"fn":22773,"mayweather":22774,"aam":22775,"plain":22776,"staircase":22777,"witnesses":22778,"workouts":22779,"robust":22780,"dexter":22781,"cohort":22782,"ðŁļĹ":22783,"spell":22784,"haze":22785,"oom":22786,"organising":22787,"wildfire":22788,"contacts":22789,"avon":22790,"mino":22791,"updating":22792,"ðŁį»":22793,"lithium":22794,"ingual":22795,"kis":22796,"auga":22797,"locom":22798,"deduc":22799,"uda":22800,"thak":22801,"boyle":22802,"mper":22803,"hottie":22804,"erik":22805,"revised":22806,"isla":22807,"travelphotography":22808,"ooza":22809,"enqui":22810,"conferences":22811,"clover":22812,"groom":22813,"curves":22814,"liveon":22815,"perf":22816,"displaced":22817,"bolog":22818,"xxxx":22819,"ðŁĺ©ðŁĺ©":22820,"teal":22821,"vessels":22822,"rainforest":22823,"calci":22824,"panther":22825,"giraffe":22826,"tasted":22827,"imagery":22828,"padres":22829,"daytime":22830,"bass":22831,"ripe":22832,"opioid":22833,"nue":22834,"vinyl":22835,"inventor":22836,"sens":22837,"processor":22838,"mut":22839,"gadgets":22840,"biblical":22841,"shannon":22842,"jacqueline":22843,"cary":22844,"theresistance":22845,"alien":22846,"nvi":22847,"cosy":22848,"bihar":22849,"foley":22850,"rend":22851,"mugs":22852,"faken":22853,"clone":22854,"niallo":22855,"grabbed":22856,"chihu":22857,"powerhouse":22858,"ntt":22859,"cherokee":22860,"sponge":22861,"implementing":22862,"rhine":22863,"leone":22864,"ðŁįĢ":22865,"prettiest":22866,"infrared":22867,"improv":22868,"switched":22869,"tubes":22870,"contr":22871,"blk":22872,"projected":22873,"beaver":22874,"yot":22875,"bbcradio":22876,"thigh":22877,"persecu":22878,"apologize":22879,"wack":22880,"poster":22881,"oliver":22882,"aza":22883,"loud":22884,"(?)":22885,"fthe":22886,"womenshi":22887,"sparrow":22888,"blush":22889,"usable":22890,"scales":22891,"itative":22892,"peuge":22893,"needing":22894,"leggings":22895,"glamorous":22896,"matur":22897,"cz":22898,"watt":22899,"dab":22900,"tamar":22901,"etsym":22902,"bauer":22903,"heartfelt":22904,"hn":22905,"elsewhere":22906,"birch":22907,"alumini":22908,"huck":22909,"eme":22910,"jl":22911,"trafford":22912,"dz":22913,"portions":22914,"anasta":22915,"arthritis":22916,"espn":22917,"bergen":22918,"violation":22919,"yoshi":22920,"cz":22921,"northumberland":22922,"closures":22923,"ðŁĩ¯ðŁĩ":22924,"smiley":22925,"rw":22926,"telugu":22927,"intensi":22928,"gregg":22929,"vega":22930,"dungeon":22931,"southbound":22932,"bail":22933,"dominican":22934,"semifinal":22935,"chapters":22936,"hitch":22937,"vanity":22938,"transiti":22939,"recommends":22940,"satisf":22941,"barca":22942,"queens":22943,"((":22944,"destruc":22945,"strait":22946,"ravi":22947,"desserts":22948,"intru":22949,"haram":22950,"kos":22951,"foe":22952,"fatty":22953,"paisley":22954,"magnitude":22955,"dridge":22956,"comey":22957,"schemes":22958,"visionary":22959,"ourt":22960,"downloaded":22961,"ðŁĻĮðŁı½":22962,"gdpr":22963,"lani":22964,"pwc":22965,"guad":22966,"nicest":22967,"stakeholders":22968,"referred":22969,"georgetown":22970,"arvindkejriwal":22971,"schneider":22972,"indoors":22973,"allstar":22974,"stranded":22975,"gender":22976,"zepp":22977,"masses":22978,"ðŁIJ±":22979,"patiently":22980,"bldg":22981,"zab":22982,"wearab":22983,"vivid":22984,"heck":22985,"della":22986,"symb":22987,"jeopar":22988,"lager":22989,"àª":22990,"combines":22991,"nec":22992,"bray":22993,"flop":22994,"txwx":22995,"joys":22996,"pont":22997,"profound":22998,"surround":22999,"madhu":23000,"mable":23001,"ayr":23002,"teas":23003,"nsa":23004,"openly":23005,"ernest":23006,"ãĥ©":23007,"topo":23008,"gna":23009,"antioxid":23010,"tian":23011,"etr":23012,"cello":23013,"mathi":23014,"generosity":23015,"biting":23016,"manic":23017,"kelsey":23018,"cheeks":23019,"tender":23020,"wth":23021,"pronoun":23022,"ultimately":23023,"gusta":23024,"arianag":23025,"gerry":23026,"bleed":23027,"reddy":23028,"mich":23029,"mitsubishi":23030,"operated":23031,"sexually":23032,"mau":23033,"cllr":23034,"vids":23035,"coc":23036,"melted":23037,"ðŁĮĪ":23038,"qld":23039,"itech":23040,"instrumental":23041,"endgame":23042,"ðŁĵĸ":23043,"energi":23044,"brownie":23045,"tamil":23046,"atin":23047,"dominated":23048,"praises":23049,"fireplace":23050,"sensational":23051,"mena":23052,"karti":23053,"unprece":23054,"rupt":23055,"oriental":23056,"mccor":23057,"tournaments":23058,"scenter":23059,"reeves":23060,"prescription":23061,"same":23062,"frau":23063,"truffle":23064,"embo":23065,"romans":23066,"blasts":23067,"technological":23068,"prat":23069,"bsb":23070,"yar":23071,"trendy":23072,"acl":23073,"alad":23074,"ðŁįģ":23075,"ohh":23076,"bankrupt":23077,"thoven":23078,"regards":23079,"iser":23080,"warwick":23081,"vineyards":23082,"realm":23083,"niallofficial":23084,"dota":23085,"gemini":23086,"todo":23087,"vable":23088,"¨¨":23089,"lau":23090,"wreath":23091,"juve":23092,"natasha":23093,"lever":23094,"lori":23095,"horser":23096,"cctv":23097,"airbnb":23098,"esanders":23099,"sinclair":23100,"emabiggest":23101,"highschool":23102,"contest":23103,"optimistic":23104,"tte":23105,"ðŁĴķðŁĴķ":23106,"ssd":23107,"yee":23108,"helena":23109,"consen":23110,"ricks":23111,"jesse":23112,"anic":23113,"ðŁİ¯":23114,"reacts":23115,"robe":23116,"independence":23117,"voltage":23118,"mington":23119,"sant":23120,"à¸Ļà¸":23121,"----------------":23122,"sentinel":23123,"kett":23124,"rehearsing":23125,"aaaaaaaa":23126,"softhe":23127,"stirling":23128,"search":23129,"wigan":23130,"standout":23131,"snail":23132,"pentagon":23133,"Äģ":23134,"chlor":23135,"crust":23136,"netany":23137,"chemist":23138,"disappeared":23139,"ricardo":23140,"spiders":23141,"bose":23142,"warren":23143,"messing":23144,"banners":23145,"guel":23146,"parach":23147,"maid":23148,"counted":23149,"epile":23150,"bonfire":23151,"speechless":23152,"setter":23153,"measured":23154,"rejects":23155,"nikki":23156,"lester":23157,"forensic":23158,"fabrics":23159,"aloha":23160,"preserved":23161,"watford":23162,"detailing":23163,"darth":23164,"bou":23165,"carly":23166,"...'":23167,"tailgate":23168,"notifications":23169,"å¤":23170,"passive":23171,"trousers":23172,"baloch":23173,"rother":23174,"typically":23175,"Ã¥":23176,"spit":23177,"wiz":23178,"sicily":23179,"technically":23180,"expose":23181,"stage":23182,"hubb":23183,"cream":23184,"caps":23185,"poke":23186,"sleek":23187,"june":23188,"temporarily":23189,"dez":23190,"awakens":23191,"lame":23192,"_-":23193,"jiha":23194,"tuesdays":23195,"advised":23196,"advisors":23197,"existed":23198,"disagree":23199,"newsroom":23200,"losers":23201,"worldtour":23202,"drying":23203,"aldi":23204,"harness":23205,"footprint":23206,"hobbit":23207,"pmln":23208,"iro":23209,"quered":23210,"assess":23211,"gaze":23212,"sab":23213,"thian":23214,"íĬ":23215,"tif":23216,"observe":23217,"evil":23218,"drawer":23219,"sweep":23220,"cory":23221,"cody":23222,"kyoto":23223,"callum":23224,"ninj":23225,"laurent":23226,"bei":23227,"sketching":23228,"customized":23229,"dur":23230,"regrets":23231,"knoxville":23232,"ìķĦ":23233,"messaging":23234,"gracie":23235,"abundance":23236,"bidding":23237,"brewed":23238,"flouri":23239,"therapeutic":23240,"altitude":23241,"hogs":23242,"burner":23243,"electro":23244,"wonderfully":23245,"heater":23246,"postpon":23247,"livery":23248,"rall":23249,"adas":23250,"aac":23251,"saul":23252,"brooklyn":23253,"playhouse":23254,"âĻ¥âĻ¥âĻ¥":23255,"charitable":23256,"iny":23257,"zah":23258,"competitions":23259,"beav":23260,"plugged":23261,"ois":23262,"doom":23263,"astronom":23264,"specialized":23265,"maxi":23266,"taps":23267,"cellular":23268,"depressed":23269,"folklorethursday":23270,"crib":23271,"emul":23272,"ë°©":23273,"figh":23274,"ruz":23275,"carlisle":23276,"spear":23277,"sidewalk":23278,"dei":23279,"dependent":23280,"laces":23281,"nhs":23282,"ðŁĮĻ":23283,"realizing":23284,"network":23285,"riche":23286,"regin":23287,"refresh":23288,"stral":23289,"pathology":23290,"plaid":23291,"psychedelic":23292,"hind":23293,"uka":23294,"algorithm":23295,"linking":23296,"progressi":23297,"fey":23298,"dade":23299,"hydrated":23300,"bant":23301,"famed":23302,"cotsw":23303,"boise":23304,"asc":23305,"racing":23306,"javier":23307,"wwen":23308,"marlins":23309,"poop":23310,"swept":23311,"tonights":23312,"wef":23313,"anime":23314,"slovak":23315,"âŀĸâŀĸ":23316,"claus":23317,"lemme":23318,"clippers":23319,"rels":23320,"arianagrande":23321,"rte":23322,"kot":23323,"thalapathy":23324,"hungarian":23325,"zuma":23326,"yvon":23327,"isu":23328,"journeys":23329,"clinics":23330,"bebe":23331,"wwf":23332,"nws":23333,"superheroes":23334,"erit":23335,"sleague":23336,"identification":23337,"motto":23338,"bai":23339,"sourced":23340,"iller":23341,"api":23342,"prise":23343,"unprecedented":23344,"damas":23345,"tunisia":23346,"drain":23347,"underestim":23348,"ether":23349,"quarterly":23350,"rewarding":23351,"alham":23352,"wolverine":23353,"cabine":23354,"hypno":23355,"nadine":23356,"havana":23357,"dae":23358,"ðŁĵĪ":23359,"dron":23360,"readings":23361,"bati":23362,"pico":23363,"merci":23364,"itian":23365,"walkers":23366,"elope":23367,"mikey":23368,"godzilla":23369,"burlington":23370,"abuja":23371,"socialism":23372,"atility":23373,"shell":23374,"harrypotter":23375,"gno":23376,"abur":23377,"releg":23378,"felici":23379,"rogen":23380,"neuroscience":23381,"instin":23382,"atham":23383,"vouchers":23384,"jarre":23385,"fuse":23386,"defici":23387,"monterey":23388,"deport":23389,"midday":23390,"ppard":23391,"freed":23392,"ameter":23393,"wilt":23394,"ningham":23395,"pratt":23396,"liberty":23397,"slogan":23398,"oto":23399,"pri":23400,"coated":23401,"cpd":23402,"nett":23403,"illas":23404,"malawi":23405,"evolve":23406,"accessibility":23407,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":23408,"ornament":23409,"bp":23410,"elis":23411,"sonline":23412,"chiro":23413,"flick":23414,"ibm":23415,"arak":23416,"enables":23417,"garland":23418,"sane":23419,"cuties":23420,"trip":23421,"rotterdam":23422,"nys":23423,"lamps":23424,"lucas":23425,"bog":23426,"rails":23427,"travelled":23428,"hicks":23429,"enu":23430,"sabha":23431,"scrub":23432,"hier":23433,"hartford":23434,"foo":23435,"fernandez":23436,"trevor":23437,"mattress":23438,"appointments":23439,"alej":23440,"fei":23441,"ologist":23442,"safar":23443,"octa":23444,"src":23445,"shaun":23446,"ambient":23447,"dric":23448,"biker":23449,"shee":23450,"mustache":23451,"hta":23452,"boone":23453,"herty":23454,"cardio":23455,"brakes":23456,"recital":23457,"consists":23458,"overwhelmed":23459,"caul":23460,"robbins":23461,"imit":23462,"alth":23463,"url":23464,"bibli":23465,"onne":23466,"blacklivesmatter":23467,"difficulties":23468,"telang":23469,"taller":23470,"ðŁĵĨ":23471,"debating":23472,"burrito":23473,"movember":23474,"strengthening":23475,"boe":23476,"testam":23477,"miracles":23478,"baseball":23479,"renee":23480,"ðŁijīðŁı»":23481,"alfa":23482,"âĺĺ":23483,"unstoppable":23484,"ecs":23485,"gmo":23486,"giftideas":23487,"pathway":23488,"fencing":23489,"ðŁİ¤":23490,"bham":23491,"ras":23492,"sko":23493,"dled":23494,"thelast":23495,"magnum":23496,"binary":23497,"wilde":23498,"wilder":23499,"whati":23500,"barbecue":23501,"hism":23502,"canoe":23503,"kurdi":23504,"elive":23505,"advantages":23506,"madame":23507,"bier":23508,"missing":23509,"entertain":23510,"airforce":23511,"yama":23512,"cis":23513,"hashtags":23514,"jis":23515,"veil":23516,"dreamy":23517,"tense":23518,"mayward":23519,"chateau":23520,"huntington":23521,"âļĵ":23522,"vall":23523,"upon":23524,"blouse":23525,"dunes":23526,"ðŁĺ´":23527,"fertility":23528,"mole":23529,"currencies":23530,"stu":23531,"berlin":23532,"toasted":23533,"divas":23534,"walt":23535,"lark":23536,"pora":23537,"hitter":23538,"umer":23539,"chilled":23540,"balancing":23541,"fais":23542,"yin":23543,"ortiz":23544,"eastenders":23545,"hate":23546,"ural":23547,"april":23548,"timel":23549,"à±":23550,"pero":23551,"stocked":23552,"respects":23553,"tht":23554,"bestfriends":23555,"givingtuesday":23556,"bead":23557,"invent":23558,"imi":23559,"naples":23560,"combining":23561,"tokens":23562,"thirst":23563,"masc":23564,"parrot":23565,"spu":23566,"denton":23567,"*-*":23568,"tres":23569,"suburban":23570,"width":23571,"sive":23572,"contender":23573,"sirius":23574,"lok":23575,"troopers":23576,"outrage":23577,"turbo":23578,"fragile":23579,"messed":23580,"doh":23581,"discord":23582,"netanyahu":23583,"resign":23584,"forgiveness":23585,"mohan":23586,"munch":23587,"camou":23588,"identifying":23589,"enabling":23590,"hotter":23591,"thornton":23592,"jaipur":23593,"arya":23594,"ðŁı»âĢįâĻĢï¸ı":23595,"mustaf":23596,"majors":23597,"oke":23598,"duffy":23599,"rohing":23600,"tilt":23601,"ðŁĩ®ðŁĩ³":23602,"rockstar":23603,"sheep":23604,"hendrix":23605,"rav":23606,"invention":23607,"dou":23608,"laguna":23609,"grumpy":23610,"swis":23611,"impe":23612,")'":23613,"youths":23614,"bunker":23615,"stache":23616,"oppose":23617,"indies":23618,"accelerate":23619,"mlp":23620,"eden":23621,"wann":23622,"kail":23623,"akshaykumar":23624,"supt":23625,"polym":23626,"middleton":23627,"extraordin":23628,"wilson":23629,"australian":23630,"aluminium":23631,"wayne":23632,"alumnus":23633,"matics":23634,"grim":23635,"ernie":23636,"oppa":23637,"competitors":23638,"randall":23639,"hence":23640,"declares":23641,"preaching":23642,"shahe":23643,"cane":23644,"sustainable":23645,"staples":23646,"ledge":23647,"adena":23648,"doctoral":23649,"burgundy":23650,"decorate":23651,"rendered":23652,"risen":23653,"prank":23654,"dior":23655,"beethoven":23656,"floor":23657,"accom":23658,"tot":23659,"hodg":23660,"tourism":23661,"sayin":23662,"objective":23663,"markers":23664,"premiership":23665,"enabled":23666,"camoufla":23667,"giant":23668,"Ñģ":23669,"smokey":23670,"ricket":23671,"pang":23672,"depending":23673,"sation":23674,"evolving":23675,"intercep":23676,"census":23677,"tofthe":23678,"reen":23679,"mendoza":23680,"trumpet":23681,"marketers":23682,"anit":23683,"ðŁĻĬ":23684,"northwestern":23685,"vla":23686,"fotogra":23687,"blackandwhite":23688,"chewan":23689,"wig":23690,"troom":23691,"gingerbread":23692,"kn":23693,"romero":23694,"nfc":23695,"orchi":23696,"funko":23697,"source":23698,"fs":23699,"raped":23700,"ost":23701,"tarot":23702,"annually":23703,"ðŁĺ¬":23704,"rill":23705,"delav":23706,"..!!":23707,"ses":23708,"cann":23709,"medicare":23710,"phel":23711,"apex":23712,"guardian":23713,"remained":23714,"rpm":23715,"añ":23716,"storymonth":23717,"instagood":23718,"neighbour":23719,"ping":23720,"semite":23721,"mystic":23722,"ascot":23723,"mater":23724,"handful":23725,"dangers":23726,"tid":23727,"anaheim":23728,"opoly":23729,"shallow":23730,"namibia":23731,"toria":23732,"procurement":23733,"bigbang":23734,"announcements":23735,"prosecutor":23736,"bengals":23737,"salle":23738,"enroll":23739,"gastro":23740,"suggestion":23741,"bak":23742,"haul":23743,"buddhism":23744,"berniesanders":23745,"flute":23746,"fatigue":23747,"cynthia":23748,"choi":23749,"irwin":23750,"gua":23751,"strous":23752,"hp":23753,"bap":23754,"satisfying":23755,"playa":23756,"ðŁİ¼":23757,"instap":23758,"alice":23759,"tp":23760,"irrigation":23761,"ðŁĩ¬ðŁĩ§":23762,"intric":23763,"clues":23764,"plex":23765,"sax":23766,"hepat":23767,"dumped":23768,"significance":23769,"byu":23770,"medication":23771,"prov":23772,"toughest":23773,"cornish":23774,"âŀľ":23775,"kelley":23776,"uv":23777,"sizz":23778,"sibling":23779,"mest":23780,"distor":23781,"diplomatic":23782,"auntie":23783,"bhat":23784,"sonic":23785,"brenda":23786,"pumpkins":23787,"roch":23788,"blackburn":23789,"urged":23790,"shia":23791,"arrangements":23792,"flood":23793,"saunders":23794,"lecturer":23795,"nouri":23796,"populations":23797,"diplomacy":23798,"consistently":23799,"ð٤Ļ":23800,"tmund":23801,"cauliflower":23802,"lily":23803,"vocabulary":23804,"varieties":23805,"cooker":23806,"uptown":23807,"quent":23808,"mosa":23809,"reinde":23810,"velocity":23811,"spruce":23812,"socialmedi":23813,"iber":23814,"voluntary":23815,"processed":23816,"baltic":23817,"yang":23818,"lebanese":23819,"dp":23820,"dolly":23821,"arrangement":23822,"yuri":23823,"cranberry":23824,"kalyan":23825,"elevation":23826,"cliff":23827,"pushes":23828,"ìĬ¤":23829,"silic":23830,"cowx":23831,"eternity":23832,"slaves":23833,"vinegar":23834,"gloucester":23835,"contained":23836,"breakingnews":23837,"against":23838,"renovated":23839,"normandy":23840,"heroin":23841,"ysm":23842,"mods":23843,"greek":23844,"undi":23845,"trench":23846,"vh":23847,"encourages":23848,"headache":23849,"grange":23850,":'":23851,"evergreen":23852,"ÙĬ":23853,"reckon":23854,"abused":23855,"thru":23856,"choice":23857,"tidy":23858,"colder":23859,"schoice":23860,"hain":23861,"brum":23862,"liars":23863,"breit":23864,"yorker":23865,"shack":23866,"heidi":23867,"michaels":23868,"scopic":23869,"fascist":23870,"playful":23871,"cac":23872,"yasss":23873,"shad":23874,"..?":23875,"quen":23876,"ramirez":23877,"clifton":23878,"prs":23879,"bestfan":23880,"âģł":23881,"generating":23882,"headset":23883,"disappointment":23884,"abstract":23885,"boiled":23886,"parenthood":23887,"azerbaijan":23888,"exhibiting":23889,"bombay":23890,"olivier":23891,"koso":23892,"unlea":23893,"maternity":23894,"izer":23895,"sives":23896,"rhu":23897,"coll":23898,"saskatchewan":23899,"freakin":23900,"dek":23901,"nag":23902,"stabili":23903,"ðŁįķ":23904,"organizer":23905,"bosses":23906,"aru":23907,"uva":23908,"atable":23909,"taun":23910,"afterwards":23911,"fertili":23912,"verge":23913,"azi":23914,"morph":23915,"à¹ģà¸":23916,"jerk":23917,"cosmetic":23918,"kow":23919,"strust":23920,"apache":23921,"postcards":23922,"formul":23923,"ìĭ":23924,"spinal":23925,"jackpot":23926,"electri":23927,"ÃŃ":23928,"loy":23929,"grader":23930,"diablo":23931,"ardi":23932,"hesit":23933,"fw":23934,"archery":23935,"pash":23936,"theories":23937,"repeal":23938,"relive":23939,"percy":23940,"âĺĨ":23941,"imin":23942,"synchron":23943,"shampoo":23944,"coupons":23945,"oto":23946,"lai":23947,"thought":23948,"luxembourg":23949,"mov":23950,"ðŁĺ¥":23951,"gemma":23952,"seated":23953,"mga":23954,"stratford":23955,"uncertainty":23956,"shifts":23957,"esto":23958,"fool":23959,"firearms":23960,"corrie":23961,"kiki":23962,"apparent":23963,"pills":23964,"olympia":23965,"fid":23966,"elevated":23967,"decks":23968,"ignoring":23969,"avalan":23970,"rov":23971,"whistle":23972,"ptsd":23973,"militants":23974,"robotic":23975,"pacers":23976,"quilt":23977,"bankruptcy":23978,"lich":23979,"percussion":23980,"celebrity":23981,"als":23982,"(;":23983,"sut":23984,"pokemongo":23985,"hg":23986,"offs":23987,"gibraltar":23988,"screams":23989,"billie":23990,"genome":23991,"marin":23992,"beams":23993,"archbishop":23994,"emin":23995,"bedrooms":23996,"gated":23997,"olly":23998,"warranty":23999,"atown":24000,"cuddles":24001,"gunna":24002,"kic":24003,"vive":24004,"cymru":24005,"narrow":24006,"prob":24007,"leo":24008,"references":24009,"manufactured":24010,"chopper":24011,"brunswick":24012,"semis":24013,"donia":24014,"rye":24015,"mano":24016,"hurting":24017,"?#":24018,"holli":24019,"investigations":24020,"cels":24021,"ðŁĵŀ":24022,"lester":24023,"temples":24024,"storey":24025,"mcmahon":24026,"toilets":24027,"woof":24028,"ï¸İ":24029,"leverage":24030,"atom":24031,"nightmares":24032,"victorious":24033,"haunting":24034,"customer":24035,"agi":24036,"yoongi":24037,"monty":24038,"veronica":24039,"wur":24040,"intimid":24041,"blankets":24042,"volution":24043,"jm":24044,"âĺİ":24045,"amon":24046,"judith":24047,"ðŁĺİðŁĺİ":24048,"distracted":24049,"drip":24050,"hurricane":24051,"andes":24052,"revelation":24053,"troop":24054,"ableg":24055,"collin":24056,"tibetan":24057,"worrying":24058,"internationally":24059,"eater":24060,"cameroon":24061,"brador":24062,"yuk":24063,"ðŁĴĹðŁĴĹ":24064,"trak":24065,"slopes":24066,"cier":24067,"nea":24068,"oler":24069,"taka":24070,"albion":24071,"volcanic":24072,"amn":24073,"afi":24074,"obstac":24075,"facetime":24076,"gering":24077,"npr":24078,"metallica":24079,"organic":24080,"ðŁĴ¡":24081,"kidd":24082,"dances":24083,"pembro":24084,"washer":24085,"mits":24086,"omer":24087,"emotionally":24088,"tango":24089,"ipo":24090,"docks":24091,"scanning":24092,"specs":24093,"thom":24094,"theology":24095,"emergen":24096,"omi":24097,"gpa":24098,"selections":24099,"unnecessary":24100,"image":24101,"ters":24102,"induced":24103,"gigan":24104,"rentals":24105,"supplied":24106,"mfa":24107,"shankar":24108,"later":24109,"pajam":24110,"clave":24111,"Ùģ":24112,"mahin":24113,"carlson":24114,"avian":24115,"anova":24116,"katie":24117,"ajith":24118,"designated":24119,"chocolates":24120,"investigators":24121,"glazed":24122,"princess":24123,"erry":24124,"ragn":24125,"ourable":24126,"hru":24127,"sundance":24128,"peugeot":24129,"steampunk":24130,"ghlin":24131,"grease":24132,"hires":24133,"zap":24134,"perce":24135,"jill":24136,"tome":24137,"hehehe":24138,"joyful":24139,"maestro":24140,"nished":24141,"genealo":24142,"vich":24143,"pits":24144,"foxes":24145,"goodman":24146,"emerson":24147,"lobes":24148,"converse":24149,"oats":24150,"thomson":24151,"rahim":24152,"malware":24153,"ahi":24154,"mankind":24155,"resin":24156,"img":24157,"swood":24158,"kinder":24159,"scroll":24160,"ara":24161,"sakura":24162,"robbed":24163,"xion":24164,"nya":24165,"cism":24166,"cedar":24167,"bein":24168,"mourning":24169,"torto":24170,"heathrow":24171,"donegal":24172,"barb":24173,"hydration":24174,"kor":24175,"elimination":24176,"supdates":24177,"hills":24178,"appeti":24179,"starred":24180,"kom":24181,"gwen":24182,"ddd":24183,"cray":24184,"scanner":24185,"personalised":24186,"serenity":24187,"redesign":24188,"metaph":24189,"boxed":24190,"judgment":24191,"nose":24192,"ë¹":24193,"erad":24194,"acne":24195,"suppliers":24196,"energetic":24197,"vom":24198,"asap":24199,"ðŁĶ¸":24200,"irvine":24201,"hatch":24202,"lass":24203,"adren":24204,"waffles":24205,"accurately":24206,"icio":24207,"ittle":24208,"seun":24209,"occupy":24210,"webcam":24211,"thenew":24212,"entes":24213,"gai":24214,"jw":24215,"accountable":24216,"visor":24217,"irrit":24218,"licensing":24219,"huddersfield":24220,"genie":24221,"ðŁİ¾":24222,"atmospheric":24223,"tensions":24224,"spartan":24225,"clifford":24226,"olan":24227,"northbound":24228,"ameen":24229,"censor":24230,"uel":24231,"stery":24232,"$$":24233,"farrell":24234,"hyster":24235,"clt":24236,"sedan":24237,"replied":24238,"describing":24239,"microwave":24240,"slab":24241,"prosp":24242,"assisting":24243,"rubio":24244,"ethan":24245,"hhhhh":24246,"guay":24247,"zman":24248,"raise":24249,"rolling":24250,"oe":24251,"nile":24252,"ambrose":24253,"scarborough":24254,"heroic":24255,"cooks":24256,"mort":24257,"chopra":24258,"ðŁĮ·":24259,"tob":24260,"shaving":24261,"stacey":24262,"dorm":24263,"motorsports":24264,"wiki":24265,"folds":24266,"spiced":24267,"stressful":24268,"literal":24269,"fudge":24270,"peggy":24271,"waite":24272,"tresses":24273,"sesh":24274,"pric":24275,"ðŁİħ":24276,"fright":24277,"rva":24278,"mumbai":24279,"pom":24280,"ttv":24281,"cellar":24282,"tome":24283,"android":24284,"doris":24285,"tsunami":24286,"tinder":24287,"oec":24288,"mwc":24289,"dortmund":24290,"nothin":24291,"liti":24292,"sou":24293,"believein":24294,"atu":24295,"knocks":24296,"magni":24297,"sssss":24298,"rohit":24299,"inews":24300,"angi":24301,"mandy":24302,"kettle":24303,"intermediate":24304,"avant":24305,"curl":24306,"endorsed":24307,"orio":24308,"urt":24309,"consideration":24310,"wires":24311,"shelters":24312,"bino":24313,"vikram":24314,"implemented":24315,"lydia":24316,"buk":24317,"parody":24318,"cnews":24319,"undergraduate":24320,"canucks":24321,"sami":24322,"politically":24323,"rotten":24324,"ghz":24325,"textiles":24326,"overload":24327,"moderni":24328,"recreational":24329,"flir":24330,"baton":24331,"typography":24332,"ovation":24333,"intriguing":24334,"pilgrimage":24335,"alge":24336,"adays":24337,"tcmparty":24338,"spelled":24339,"curls":24340,"booze":24341,"stem":24342,"annes":24343,"irls":24344,"sponge":24345,"shopper":24346,"signation":24347,"brass":24348,"mistress":24349,"leah":24350,"beginner":24351,"lauderdale":24352,"august":24353,"preschool":24354,"taping":24355,"taipei":24356,"executives":24357,"bd":24358,"rhetor":24359,"escor":24360,"immuno":24361,"deeplearning":24362,"statues":24363,"itus":24364,"manuscript":24365,"lyric":24366,"corvette":24367,"molly":24368,"lage":24369,"dep":24370,"cnbc":24371,"lest":24372,"jessi":24373,"fife":24374,"griffith":24375,"opposing":24376,"rang":24377,"drills":24378,"respectful":24379,"pity":24380,"dell":24381,"harding":24382,"playboy":24383,"bloke":24384,"shutout":24385,"kili":24386,"osp":24387,"seattle":24388,"bcpoli":24389,"mises":24390,"journals":24391,"teaming":24392,"esther":24393,"freddy":24394,"Ķï¸ı":24395,"metrics":24396,"notre":24397,"garry":24398,"forty":24399,"navigate":24400,"periods":24401,"benedic":24402,"jid":24403,"daw":24404,"ancestors":24405,"restoring":24406,"cong":24407,"allergy":24408,"titanium":24409,"cence":24410,"leaning":24411,"abbas":24412,"vast":24413,"ucf":24414,"roofing":24415,"eman":24416,"severely":24417,"vogue":24418,"veau":24419,"inbound":24420,"dz":24421,"taneously":24422,"stretching":24423,"manchester":24424,"dryer":24425,"davis":24426,"kanth":24427,"thegame":24428,"itted":24429,"retain":24430,"elles":24431,"congestion":24432,"fraternity":24433,"ollie":24434,"loki":24435,"freely":24436,"choo":24437,"pony":24438,"scep":24439,"tably":24440,"balt":24441,"rockn":24442,"dime":24443,"logging":24444,"ðŁį·":24445,"adu":24446,"havoc":24447,"waterford":24448,"charis":24449,"sweetie":24450,"running":24451,"nerd":24452,"erdogan":24453,"zara":24454,"weighing":24455,"fifty":24456,"precise":24457,"lowell":24458,"kurdistan":24459,"ryo":24460,"orth":24461,"synth":24462,"liners":24463,"phenomenon":24464,"artillery":24465,"illegally":24466,"construct":24467,"nostalgic":24468,"garth":24469,"alta":24470,"shelton":24471,"asean":24472,"wander":24473,"durban":24474,"diversi":24475,"bono":24476,"clon":24477,"leman":24478,"shun":24479,"obstacles":24480,"appetite":24481,"feeder":24482,"respiratory":24483,"dixie":24484,"formula":24485,"anto":24486,"sober":24487,"extinct":24488,"auc":24489,"ingles":24490,"legitimate":24491,";;":24492,"minnie":24493,"ipswich":24494,"dramatically":24495,"ðŁijıðŁı¼":24496,"ingham":24497,"military":24498,"monet":24499,"usnavy":24500,"fork":24501,"dunno":24502,"player":24503,"qotd":24504,"stoo":24505,"exor":24506,"ethiopian":24507,"filmfest":24508,"pered":24509,"cate":24510,"saudi":24511,"inner":24512,"sincere":24513,"tionality":24514,"alee":24515,"deeds":24516,"cooperative":24517,"ironic":24518,"crocod":24519,"brary":24520,"postseason":24521,"camper":24522,"canary":24523,"ein":24524,"extensions":24525,"nbd":24526,"sherwood":24527,"spokane":24528,"hump":24529,"jitsu":24530,"ê¹":24531,"daryl":24532,"psi":24533,"stabbed":24534,"offerings":24535,"expects":24536,"caval":24537,"bodybuilding":24538,"framing":24539,"fca":24540,"yearly":24541,"bombed":24542,"skil":24543,"researching":24544,"judiciary":24545,"greeted":24546,"tudor":24547,"milo":24548,"innovate":24549,"ðŁĺĽ":24550,"rhs":24551,"ruby":24552,"contributor":24553,"famer":24554,"socially":24555,"mlin":24556,"fiery":24557,"utter":24558,"beaut":24559,"itos":24560,"devoted":24561,"rainbow":24562,"barney":24563,"peren":24564,"arjun":24565,"rna":24566,"gabby":24567,"uti":24568,"hannity":24569,"pickle":24570,"serv":24571,"quakes":24572,"ppe":24573,"fem":24574,"whitec":24575,"jn":24576,"victories":24577,"ðŁ§¡":24578,"golfer":24579,"congratulates":24580,"resulting":24581,"mechanic":24582,"urve":24583,"centered":24584,"kiev":24585,"ans":24586,"incub":24587,"<<":24588,"cmo":24589,"bestfanarmy":24590,"daph":24591,"enham":24592,"oncology":24593,"kush":24594,"txt":24595,"oriented":24596,"fashionable":24597,"csr":24598,"sahara":24599,"rack":24600,"pdp":24601,"hanson":24602,"à¸ĩ":24603,"tiers":24604,"rar":24605,"panam":24606,"insky":24607,"sahi":24608,"testament":24609,"asthma":24610,"inher":24611,"fisheries":24612,"order":24613,"howe":24614,"gallon":24615,"epis":24616,"suzanne":24617,"drowning":24618,"panelists":24619,"ðŁĺ²":24620,"ë¦":24621,"alach":24622,"commemorative":24623,"attribu":24624,"ðŁij»":24625,"moo":24626,"visional":24627,"weeksary":24628,"gust":24629,"akin":24630,"pointe":24631,"eee":24632,"dispar":24633,"nipp":24634,"dental":24635,"stall":24636,"pian":24637,"bore":24638,"ulster":24639,"tick":24640,"irr":24641,"taehyung":24642,"microphone":24643,"bermuda":24644,"gaard":24645,"eler":24646,"plumbing":24647,"hugely":24648,"âļ«ï¸ı":24649,"raceway":24650,"cambridge":24651,"marcel":24652,"burnley":24653,"toast":24654,"hollywood":24655,"fasting":24656,"mered":24657,"hibition":24658,"capped":24659,"beneficial":24660,"owning":24661,"contamin":24662,"arabian":24663,"toon":24664,"capac":24665,"hulu":24666,"smir":24667,"nutrients":24668,"sein":24669,"graphs":24670,"conditional":24671,"ðŁijħ":24672,"orac":24673,"playin":24674,"northe":24675,"tornad":24676,"marian":24677,"jumbo":24678,"lexi":24679,"incredibleindia":24680,"roadto":24681,"ukone":24682,"confusing":24683,"sph":24684,"shank":24685,"pied":24686,"mqm":24687,"positively":24688,"sherry":24689,"pathways":24690,"considers":24691,"tofu":24692,"arguments":24693,"resilient":24694,"chett":24695,"withdra":24696,"tero":24697,"atedly":24698,"swana":24699,"heb":24700,"flight":24701,"harley":24702,"decrease":24703,"kindle":24704,"bookshop":24705,"³ï¸ı":24706,"martyrs":24707,"smur":24708,"mccl":24709,"concerto":24710,"stime":24711,"rejoice":24712,"applau":24713,"clement":24714,"merkel":24715,"jaime":24716,"immortal":24717,"isleof":24718,"marco":24719,"youtuber":24720,"stalking":24721,"metoo":24722,"stack":24723,"spouse":24724,"ust":24725,"luv":24726,"âļ¾ï¸ı":24727,"equestrian":24728,"eving":24729,"flin":24730,"nickname":24731,"thebig":24732,"asar":24733,"stacks":24734,"walker":24735,"bora":24736,"kidnapped":24737,"hurling":24738,"humbold":24739,"recalls":24740,"copper":24741,"annis":24742,"seo":24743,"merger":24744,"muir":24745,"addy":24746,"ðŁĴªðŁĴª":24747,"bex":24748,"cracy":24749,"conan":24750,"congratulation":24751,"midst":24752,"âϬ":24753,"forbi":24754,"optic":24755,"crate":24756,"crocodile":24757,"madagas":24758,"securing":24759,"aston":24760,"ogue":24761,"savior":24762,"salisbury":24763,"loveit":24764,"fujifilm":24765,"castles":24766,"asst":24767,"arrows":24768,"spacious":24769,"trs":24770,"polyvore":24771,"progression":24772,"mri":24773,"nelson":24774,"bim":24775,"indicator":24776,"oda":24777,"pepe":24778,"resignation":24779,"gut":24780,"sneaker":24781,"logically":24782,"azy":24783,"arella":24784,"tearing":24785,"joshi":24786,"ssionism":24787,"qpr":24788,"mariah":24789,"px":24790,"bleed":24791,"mian":24792,"medley":24793,"weiss":24794,"kerry":24795,"gatory":24796,"atal":24797,"madison":24798,"avenger":24799,"naby":24800,"pland":24801,"giles":24802,"freshwater":24803,"dington":24804,"taj":24805,"demonstrates":24806,"ntv":24807,"bulbs":24808,"sundaymorning":24809,"peake":24810,"souvenir":24811,"wah":24812,"tonnes":24813,"mkt":24814,"complexity":24815,"conden":24816,"rossi":24817,"bing":24818,"yds":24819,"suk":24820,"ngo":24821,"midland":24822,"oly":24823,"lifeis":24824,"ripple":24825,"moreno":24826,"dders":24827,"tus":24828,"áĥ":24829,"boul":24830,"xa":24831,"holdings":24832,"wny":24833,"shadowhunters":24834,"kei":24835,"aspire":24836,"mous":24837,"owen":24838,"soak":24839,"skirts":24840,"mountaine":24841,"storming":24842,"chrome":24843,"riots":24844,"sarato":24845,"amaze":24846,"lessness":24847,"navar":24848,"criteria":24849,"rafa":24850,"indulge":24851,"ayer":24852,"porto":24853,"namo":24854,"................":24855,"yields":24856,"valle":24857,"jh":24858,"macron":24859,"sains":24860,"durant":24861,"trailers":24862,"wot":24863,"confederate":24864,"shrin":24865,"idol":24866,"formally":24867,"tene":24868,"motorcycles":24869,"thang":24870,"node":24871,"banger":24872,"daly":24873,"pats":24874,"enrollment":24875,"auctions":24876,"atal":24877,"arbor":24878,"logos":24879,"dearest":24880,"transaction":24881,"domingo":24882,"flea":24883,"sermon":24884,"deck":24885,"sincere":24886,"questioning":24887,"julio":24888,"wasp":24889,"pretz":24890,"armenian":24891,"kham":24892,"inflammation":24893,"picturesque":24894,"accidental":24895,"filmmakers":24896,"ðŁĺļ":24897,"ðŁĴį":24898,"casey":24899,"sob":24900,"yeezy":24901,"goodwill":24902,"paragra":24903,"ssly":24904,"feather":24905,"dyed":24906,"assassination":24907,"nade":24908,"bcs":24909,"applies":24910,"feminine":24911,"feu":24912,"extent":24913,"deputies":24914,"lack":24915,"psychic":24916,"goi":24917,"killings":24918,"pseu":24919,"ðŁ¤ª":24920,"unc":24921,"marl":24922,"tane":24923,"mckenna":24924,"surfer":24925,"influences":24926,"freeway":24927,"hackney":24928,"malaria":24929,"eland":24930,"teau":24931,"remastered":24932,"ر":24933,"razor":24934,"ggy":24935,"corro":24936,"laksh":24937,"flair":24938,"honesty":24939,"hooray":24940,"depp":24941,"amc":24942,"wednesdays":24943,"qa":24944,"edits":24945,"-$":24946,"sevilla":24947,"doubled":24948,"humanities":24949,"ccot":24950,"somos":24951,"rine":24952,"afa":24953,"sioux":24954,"reconstruction":24955,"welding":24956,"threads":24957,"amish":24958,"encouragement":24959,"poder":24960,"bock":24961,"balm":24962,"ptions":24963,"standup":24964,"accomplishments":24965,"guarding":24966,"conviction":24967,"acion":24968,"napoleon":24969,"depicting":24970,"attack":24971,"sui":24972,"wearable":24973,"âĸªï¸ı":24974,"potter":24975,"escort":24976,"vise":24977,"tots":24978,"boon":24979,"eventprofs":24980,"angular":24981,"womenshistorymonth":24982,"barrow":24983,"schi":24984,"accomp":24985,"tik":24986,"lend":24987,"kensington":24988,"wolfe":24989,"stacked":24990,"crashing":24991,"exhibit":24992,"winged":24993,"sabrina":24994,"masa":24995,"kms":24996,"always":24997,"ett":24998,"plasma":24999,"counseling":25000,"pickles":25001,"nfldraft":25002,"mrs":25003,"inevitable":25004,"courageous":25005,"stafford":25006,"writerslife":25007,"hos":25008,"ej":25009,"ghyun":25010,"trademark":25011,"adrian":25012,"influencer":25013,"coronation":25014,"raging":25015,"explored":25016,"usaf":25017,"exception":25018,"eux":25019,"tanker":25020,"swami":25021,"packet":25022,"ðŁij¨âĢį":25023,"fen":25024,"sheen":25025,"aero":25026,"jl":25027,"regal":25028,"nwt":25029,"auster":25030,"mehta":25031,"charge":25032,"aste":25033,"bate":25034,"infeld":25035,"racecourse":25036,"collapsed":25037,"fleece":25038,"zil":25039,"allie":25040,"alternatives":25041,"georges":25042,"ðŁĵį":25043,"quirky":25044,"fcb":25045,"natgeo":25046,"philanthropy":25047,"brai":25048,"everyday":25049,"ðŁIJ°":25050,"achers":25051,"jaan":25052,"fines":25053,"qi":25054,"fisherman":25055,"distinct":25056,"grimes":25057,"nationalist":25058,"commence":25059,"rown":25060,"â̳":25061,"zing":25062,"fter":25063,"hrw":25064,"baroque":25065,"blender":25066,"kitty":25067,"hooks":25068,"cited":25069,"wanda":25070,"consensus":25071,"reindeer":25072,"anand":25073,"supply":25074,"meds":25075,"vn":25076,"olph":25077,"ratchet":25078,"sheldon":25079,"securities":25080,"ë°©íĥ":25081,"crom":25082,"mosquito":25083,"jeric":25084,"immac":25085,"dimensions":25086,"â¤":25087,"dissi":25088,"spongebob":25089,"damien":25090,"stevenson":25091,"joanne":25092,"delish":25093,"yikes":25094,"thanx":25095,"surveys":25096,"postponed":25097,"alcoholic":25098,"alised":25099,"ðŁĻıðŁı»":25100,"doch":25101,"sentim":25102,"meredith":25103,"compares":25104,"bago":25105,"happydays":25106,"moss":25107,"ãħĭ":25108,"nec":25109,"gnment":25110,"frustrated":25111,"combin":25112,"riv":25113,"eclec":25114,"collo":25115,"compliment":25116,"actorslife":25117,"ctto":25118,"nicar":25119,"ophon":25120,"aparthe":25121,"mant":25122,"jade":25123,"trolley":25124,"optimization":25125,"eyeon":25126,"ecological":25127,"quist":25128,"ephe":25129,"à¥ĩ":25130,"cinco":25131,"appoints":25132,"oldschool":25133,"cpr":25134,"behavioral":25135,"minaj":25136,":-(":25137,"tagging":25138,"eval":25139,"joaqu":25140,"ðŁĺ«":25141,"hak":25142,"deme":25143,"jamaican":25144,"sos":25145,"hyatt":25146,"handbook":25147,"librarian":25148,"hannibal":25149,"pumping":25150,"chom":25151,"fman":25152,"gai":25153,"hull":25154,"responders":25155,"greenville":25156,"nus":25157,"vaugh":25158,"ðŁİīðŁİī":25159,"taxi":25160,"goldberg":25161,"mantra":25162,"tease":25163,"forbidden":25164,"methodist":25165,"ativity":25166,"****":25167,"ect":25168,"mcgr":25169,"Ħëĭ":25170,"seb":25171,"amidst":25172,"disappear":25173,"thyro":25174,"philips":25175,"erina":25176,"vicious":25177,"streamer":25178,"millionaire":25179,"map":25180,"strick":25181,"hackathon":25182,"gha":25183,"edic":25184,"mika":25185,"peck":25186,"illi":25187,"antoine":25188,"arca":25189,"optic":25190,"maure":25191,"ðŁĩ¦ðŁĩº":25192,"clashes":25193,"manly":25194,"âĺģ":25195,"alvar":25196,"andres":25197,"mei":25198,"elm":25199,"wwww":25200,"altered":25201,"lte":25202,"ê¹Ģ":25203,"mojo":25204,"forrest":25205,"thalai":25206,"nont":25207,"speeches":25208,"acknowledge":25209,"ignite":25210,"xfactor":25211,"ðŁ¥Ĥ":25212,"meadow":25213,"disrupt":25214,"debuted":25215,"scrimmage":25216,"pharmaceutical":25217,"fidd":25218,"foundations":25219,"philosopher":25220,"etal":25221,"publishers":25222,"boys":25223,"cke":25224,"rugged":25225,"optimism":25226,"rebe":25227,"philharmon":25228,"narcis":25229,"rallies":25230,"luis":25231,"goblue":25232,"folded":25233,"unacceptable":25234,"optimal":25235,"lisa":25236,"polaro":25237,"+.":25238,"enza":25239,"âĿ£ï¸ı":25240,"monopoly":25241,"graceful":25242,"dairy":25243,"dua":25244,"difficulty":25245,"judgement":25246,"osi":25247,"mersey":25248,"flux":25249,"newfound":25250,"terns":25251,"dimensional":25252,"invic":25253,"alba":25254,"amit":25255,"abudhabi":25256,"algeria":25257,"automobile":25258,"thead":25259,"lotion":25260,"accelerator":25261,"vacant":25262,"ition":25263,"luf":25264,"alic":25265,"pll":25266,"blazing":25267,"baz":25268,"sene":25269,"ðŁij¼":25270,"villains":25271,"directory":25272,"eisen":25273,"tock":25274,"brochure":25275,"ripp":25276,"hbd":25277,"zaynmalik":25278,"niche":25279,"lolol":25280,"certificates":25281,"morse":25282,"facup":25283,"xham":25284,"unwanted":25285,"imports":25286,"carnegie":25287,"fansign":25288,"mou":25289,"ralph":25290,"destroyer":25291,"swing":25292,"trekking":25293,"ciliation":25294,"pitbull":25295,"gaps":25296,"howell":25297,"definitive":25298,"mcle":25299,"fps":25300,"etz":25301,"bolly":25302,"lynn":25303,"gano":25304,"ature":25305,"fursuit":25306,"coil":25307,"nav":25308,"butts":25309,"trojans":25310,"eure":25311,"enko":25312,"schumer":25313,"horrific":25314,"installment":25315,"brb":25316,"suburbs":25317,"abel":25318,"vir":25319,"desh":25320,"cunningham":25321,"ðŁIJ»":25322,"spann":25323,"schwe":25324,"kemp":25325,"tru":25326,"stealth":25327,"ques":25328,"lew":25329,"delights":25330,"koch":25331,"humili":25332,"criti":25333,"ilt":25334,"spells":25335,"miley":25336,"caric":25337,"ðŁį´":25338,"lcfc":25339,"substitute":25340,"oung":25341,"?!!":25342,"affir":25343,"predictable":25344,"classof":25345,"err":25346,"cypress":25347,"chandra":25348,"ageing":25349,"____":25350,"therland":25351,"doncaster":25352,"elin":25353,"yoshi":25354,"sailors":25355,"harris":25356,"joanna":25357,"nigerians":25358,"hers":25359,"plague":25360,"procra":25361,"kno":25362,"canton":25363,"busines":25364,"unh":25365,"prakash":25366,"cin":25367,"bowen":25368,"coating":25369,"mals":25370,"begging":25371,"smithson":25372,"pontiac":25373,"spies":25374,"damian":25375,"pline":25376,"undant":25377,"alta":25378,"oness":25379,"shameless":25380,"daq":25381,"bbm":25382,"wales":25383,"stampede":25384,"serum":25385,"ÙĨ":25386,"catalyst":25387,"xn":25388,"absc":25389,"freezer":25390,"chun":25391,"arios":25392,"mccre":25393,"forehead":25394,"hears":25395,"damascus":25396,"tacoma":25397,"arduino":25398,"encounters":25399,"stanton":25400,"lgb":25401,"abas":25402,"\"..":25403,"kete":25404,"dracula":25405,"elem":25406,"gne":25407,"zeppelin":25408,"labrador":25409,"pulp":25410,"optional":25411,"orn":25412,"russians":25413,"sanitation":25414,"hilary":25415,"etsymntt":25416,"penalties":25417,"aust":25418,"igans":25419,"olympian":25420,"medicaid":25421,"versace":25422,"vape":25423,"restra":25424,"peep":25425,"sexiest":25426,"stalls":25427,"dile":25428,"thea":25429,"punjabi":25430,"puppy":25431,"tuesdaymotivation":25432,"ðŁĵļ":25433,"theflash":25434,"rocket":25435,"modest":25436,"chihuahu":25437,"onna":25438,"ksa":25439,"hurdles":25440,"cave":25441,"failures":25442,"split":25443,"boho":25444,"gurl":25445,"disappoint":25446,"howard":25447,"nugget":25448,"franz":25449,"stalert":25450,"kazakh":25451,"forgetting":25452,"schri":25453,"agate":25454,"amat":25455,"everett":25456,"duet":25457,"veterinary":25458,"julian":25459,"chills":25460,"brave":25461,"ghostbusters":25462,"lando":25463,"greets":25464,"profitable":25465,"dé":25466,"tir":25467,"zee":25468,"omen":25469,"pdx":25470,"grayson":25471,"hari":25472,"fixes":25473,"stabbing":25474,"swimmer":25475,"symbols":25476,"compliments":25477,"pose":25478,"functioning":25479,"thnx":25480,"gir":25481,"corporations":25482,"barlow":25483,"loe":25484,"offseason":25485,"distinctive":25486,"marvelous":25487,"nikon":25488,"enrique":25489,"kyu":25490,"jaws":25491,"amoto":25492,"lombar":25493,"travelblogger":25494,"fah":25495,"ourism":25496,"tristan":25497,"soe":25498,"cease":25499,"ðŁıħ":25500,"zac":25501,"mckenzie":25502,"taxpayers":25503,"swimsuit":25504,"blo":25505,"lesley":25506,"kansas":25507,"wks":25508,"kiel":25509,"provoking":25510,"myles":25511,"string":25512,"kangaroo":25513,"galactic":25514,"fifth":25515,"ske":25516,"weir":25517,"llis":25518,"matory":25519,"ðŁĩ¿":25520,"unci":25521,"reproductive":25522,"rooting":25523,"tides":25524,"gadget":25525,"..........":25526,"alexander":25527,"bowler":25528,"screw":25529,"apolog":25530,"erika":25531,"walters":25532,"shetty":25533,"lane":25534,"banter":25535,"asant":25536,"meso":25537,"vain":25538,"\"\"\"":25539,"usi":25540,"ferdin":25541,"accomplish":25542,"mansfield":25543,"bombar":25544,"collaborating":25545,"clap":25546,"iture":25547,"sda":25548,"smoky":25549,"nak":25550,"imperson":25551,"carla":25552,"comra":25553,"burgl":25554,"loco":25555,"ties":25556,"inhi":25557,"tracey":25558,"seis":25559,"disser":25560,"rrrr":25561,"dray":25562,"protect":25563,"corona":25564,"hunger":25565,"cken":25566,"celi":25567,"troubled":25568,"predators":25569,"fictional":25570,"shaved":25571,"richest":25572,"metaboli":25573,"fulham":25574,"grooming":25575,"monochrome":25576,"wasting":25577,"asco":25578,"aste":25579,"tista":25580,"remedies":25581,"ungsoo":25582,"southend":25583,"permanently":25584,"bumble":25585,"procrastin":25586,"identical":25587,"practically":25588,"mascul":25589,"suke":25590,"assured":25591,"valerie":25592,"deviant":25593,"grizzlies":25594,"thier":25595,"pura":25596,"nepal":25597,"notts":25598,"bilateral":25599,"spoil":25600,"carmel":25601,"cinematic":25602,"phl":25603,"nifty":25604,"mao":25605,"hypocri":25606,"laser":25607,"pantry":25608,"mathematical":25609,"elisa":25610,"coordination":25611,"belmont":25612,"ait":25613,"radiant":25614,"boiler":25615,"mang":25616,"fag":25617,"crc":25618,"hams":25619,"brin":25620,"â¬ĩï¸ı":25621,"familia":25622,"âĿ£":25623,"saber":25624,"rupert":25625,"ggan":25626,"ritz":25627,"mich":25628,"salford":25629,"levi":25630,"gral":25631,"ðŁĴ¤":25632,"nino":25633,"ced":25634,"businessman":25635,"ultr":25636,"simply":25637,"compression":25638,"pains":25639,"halt":25640,"ë°©íĥĦ":25641,"landscaping":25642,"nf":25643,"crooked":25644,"erd":25645,"ittin":25646,"ddleston":25647,"surpassed":25648,"inoa":25649,"dag":25650,"blen":25651,"extending":25652,"ating":25653,"algae":25654,"baller":25655,"umar":25656,"snooker":25657,"collu":25658,"flown":25659,"thub":25660,"ridiculously":25661,"kish":25662,"ople":25663,"dire":25664,"asser":25665,"aristo":25666,"sciss":25667,"hating":25668,"trouble":25669,"sylvia":25670,"succul":25671,"plots":25672,"sincerely":25673,"aler":25674,"laureate":25675,"brack":25676,"attn":25677,"rifles":25678,"meto":25679,"collectible":25680,"cuomo":25681,"contestant":25682,"consistency":25683,"antz":25684,"ranges":25685,"abigail":25686,"deb":25687,"minister":25688,"growers":25689,"anoo":25690,"hoover":25691,"dreamer":25692,"nucle":25693,"research":25694,"miy":25695,"shahid":25696,"mav":25697,"dhoni":25698,"cini":25699,"doj":25700,"hindus":25701,"partying":25702,"dali":25703,"alonso":25704,"informal":25705,"clarkson":25706,"itton":25707,"kian":25708,"cityo":25709,"mori":25710,"lasted":25711,"aspen":25712,"library":25713,"suspici":25714,"quat":25715,"denial":25716,"folder":25717,"chori":25718,"sweeping":25719,"enix":25720,"ðŁįĤ":25721,"ØŃ":25722,"nascar":25723,"handmadehour":25724,"moul":25725,"heatwave":25726,"emer":25727,"examine":25728,"ibn":25729,"grind":25730,"pov":25731,"tionist":25732,"mbo":25733,"sheila":25734,"integrate":25735,"omes":25736,"takeaway":25737,"cerv":25738,"connie":25739,"ticket":25740,"celed":25741,"bien":25742,"visually":25743,"madagascar":25744,"sorry":25745,"gui":25746,"parkrun":25747,"traits":25748,"labe":25749,"poisoning":25750,"à¥Ģ":25751,"viable":25752,"bohemian":25753,"dentistry":25754,"bados":25755,"sprouts":25756,"masked":25757,"teddy":25758,"ðŁĺ·":25759,"saf":25760,"saas":25761,"jiang":25762,"tight":25763,"speaker":25764,"withdrawal":25765,"bcn":25766,"assigned":25767,"classrooms":25768,"fleming":25769,"ðŁĴ«":25770,"supergirl":25771,"totals":25772,"tabletop":25773,"ebooks":25774,"horizontal":25775,"craz":25776,"flush":25777,"jard":25778,"cdc":25779,"erson":25780,"ãħł":25781,"greenwood":25782,"nih":25783,"cox":25784,"ada":25785,"litre":25786,"going":25787,"vicky":25788,"curved":25789,"louie":25790,"grains":25791,"hye":25792,"longe":25793,"remedy":25794,"trainee":25795,"sanjay":25796,"superstars":25797,"maser":25798,"manu":25799,"sage":25800,"whl":25801,"ðŁĺĤðŁĺŃ":25802,"ðŁijįðŁı»":25803,"msd":25804,"enz":25805,"rabhu":25806,"joo":25807,"ghu":25808,"acer":25809,"epo":25810,"resurrection":25811,"justicefor":25812,"blended":25813,"moda":25814,"avalanche":25815,"francesco":25816,"respective":25817,"gs":25818,"yeast":25819,"welch":25820,"devotion":25821,"getin":25822,"atheism":25823,"amic":25824,"carolyn":25825,"loc":25826,"ldnont":25827,"avec":25828,"usda":25829,"legged":25830,"bravery":25831,"blower":25832,"cowboy":25833,"heh":25834,"stible":25835,"buffal":25836,"channel":25837,"runchat":25838,"âĺķï¸ı":25839,"ideology":25840,"bestseller":25841,"yoo":25842,"peanu":25843,"bonne":25844,"felic":25845,"edison":25846,"fractu":25847,"narendra":25848,"ppets":25849,"seymour":25850,"riviera":25851,"hector":25852,"necessarily":25853,"bianca":25854,"societies":25855,"thebest":25856,"wg":25857,"sentences":25858,"wink":25859,"vaccines":25860,"palooza":25861,"jamming":25862,"asf":25863,"mpus":25864,"agreements":25865,"eck":25866,"bac":25867,"honore":25868,"compul":25869,"wildcat":25870,"imposed":25871,"yoga":25872,"hudson":25873,"canceled":25874,"lich":25875,"fuzzy":25876,"esque":25877,"chuk":25878,"wvu":25879,"sek":25880,"flipping":25881,"rhon":25882,"wished":25883,"wha":25884,"capability":25885,"lenovo":25886,"ìĨĮëħĦëĭ":25887,"vivo":25888,"tvd":25889,"nora":25890,"silk":25891,"pasadena":25892,"yosemite":25893,"valuation":25894,"clocks":25895,"uber":25896,"mrc":25897,"darkest":25898,"aubre":25899,"sso":25900,"belly":25901,"wrestlers":25902,"killin":25903,"louder":25904,"buckley":25905,"geel":25906,"adon":25907,"uns":25908,"appealing":25909,"ðŁij¯":25910,"semitism":25911,"listens":25912,"fitz":25913,"ãĥ³ãĥ":25914,"nylon":25915,"arty":25916,"seemingly":25917,"hala":25918,"suited":25919,"ety":25920,"sheds":25921,"muffins":25922,"apric":25923,"uments":25924,"uta":25925,"jammu":25926,"chelseafc":25927,"starz":25928,"yoko":25929,"root":25930,"cleansing":25931,"diar":25932,"pioneering":25933,"iheartradio":25934,"digiti":25935,"findyour":25936,"cano":25937,"ðŁĴİ":25938,"zol":25939,"spacecraft":25940,"sixers":25941,"moisturi":25942,"bile":25943,"tists":25944,"horton":25945,"ranging":25946,"columbi":25947,"meteoro":25948,"sentiment":25949,"epl":25950,"footh":25951,"textbook":25952,"drainage":25953,"rly":25954,"scue":25955,"imrankhan":25956,"ðŁĴ¸":25957,"margarita":25958,"eddy":25959,"predicts":25960,"gamergate":25961,"advise":25962,"growthhacking":25963,"loveyou":25964,"ugand":25965,"vf":25966,"benghazi":25967,"slater":25968,"newor":25969,"chel":25970,"independenceday":25971,"pnp":25972,"cullen":25973,"hoodies":25974,"numbered":25975,"britt":25976,"tsa":25977,"kltu":25978,"sages":25979,"momo":25980,"oneplus":25981,"coll":25982,"guts":25983,"wta":25984,"mesmeri":25985,"enhancing":25986,"chiroprac":25987,"jis":25988,"teenagers":25989,"mone":25990,"constellation":25991,"sweepstakes":25992,"eze":25993,"slovakia":25994,"laye":25995,"pearce":25996,"waver":25997,"pogba":25998,"kron":25999,"surgeons":26000,"marx":26001,"tid":26002,"gga":26003,"descend":26004,"pours":26005,"uprising":26006,"walla":26007,"sabbath":26008,"bachelore":26009,"mackin":26010,"kam":26011,"peterborough":26012,"hora":26013,"ðŁĮŁðŁĮŁ":26014,"thinkbig":26015,"rj":26016,"hydrau":26017,"spal":26018,"universit":26019,"ðŁıī":26020,"mailonline":26021,"leagueof":26022,"tenants":26023,"wally":26024,"lance":26025,"heavens":26026,"ddr":26027,"bolts":26028,"amir":26029,"iphone":26030,"cigar":26031,"endu":26032,"rei":26033,"elabor":26034,"ringing":26035,"johnson":26036,"characteristics":26037,"saloon":26038,"algorithms":26039,"talkin":26040,"mtn":26041,"dive":26042,"regionals":26043,"ffice":26044,"hati":26045,"deviantart":26046,"sotto":26047,"shiro":26048,"lama":26049,"kwe":26050,"faded":26051,"porting":26052,"tummy":26053,"estates":26054,"buenos":26055,"ð٦ģ":26056,"believer":26057,"penetr":26058,"darn":26059,"spite":26060,"canopy":26061,"fashioni":26062,"tilla":26063,"petals":26064,"elijah":26065,"brawl":26066,"martyr":26067,"ë°©íĥĦìĨĮëħĦëĭ":26068,"midtown":26069,"erich":26070,"dapper":26071,"smtown":26072,"megam":26073,"www":26074,"lele":26075,"ons":26076,"catfish":26077,"firth":26078,"fossilfriday":26079,"ballpark":26080,"thaw":26081,"potent":26082,"illie":26083,"creep":26084,"carp":26085,"soap":26086,"gundam":26087,"infec":26088,"yyyyy":26089,"न":26090,"zag":26091,"ritt":26092,"calculator":26093,"boca":26094,"oko":26095,"toad":26096,"threaten":26097,"refined":26098,"olympic":26099,"accomplishment":26100,"bacterial":26101,"aji":26102,"tatum":26103,"feliz":26104,"sheed":26105,"jat":26106,"thic":26107,"jamal":26108,"ðĿĺ":26109,"lina":26110,"ðŁIJ¯":26111,"joking":26112,"yotpo":26113,"pinch":26114,"akron":26115,"herb":26116,"motivation":26117,"lia":26118,"hostage":26119,"creek":26120,"gamble":26121,"russell":26122,"patti":26123,"fotos":26124,"cpc":26125,"broken":26126,"backthe":26127,"clays":26128,"umm":26129,"stockton":26130,"maternal":26131,"ür":26132,"lakel":26133,"century":26134,"bek":26135,"infected":26136,"ม":26137,"smackdown":26138,"manned":26139,"tahoe":26140,"smes":26141,"basa":26142,"sula":26143,"augusta":26144,".*":26145,"rohingya":26146,"greed":26147,"counselor":26148,"silhouette":26149,"gravit":26150,"clause":26151,"'-":26152,"bobc":26153,"occasions":26154,"nowadays":26155,"dictat":26156,"beard":26157,"nally":26158,"brightest":26159,"kabul":26160,"incindia":26161,"dhanush":26162,"archaeological":26163,"cheape":26164,"mizzou":26165,"dhi":26166,"ovski":26167,"baxter":26168,"assemble":26169,"â":26170,"gigi":26171,"acam":26172,"wisely":26173,"hazard":26174,"northampton":26175,"âľĪï¸ı":26176,"meth":26177,"blasting":26178,"reunite":26179,"mulus":26180,"alizes":26181,"tread":26182,"mila":26183,"edward":26184,"kova":26185,"pesto":26186,"ðŁij¶":26187,"vitz":26188,"hydraulic":26189,"refurbished":26190,"motel":26191,"isabella":26192,"homme":26193,"severance":26194,"uphol":26195,"miserable":26196,"fari":26197,"latter":26198,"efer":26199,"crackers":26200,"esl":26201,"acio":26202,"yyj":26203,"inan":26204,"ecb":26205,"zind":26206,"panas":26207,"trucking":26208,"reed":26209,"shaker":26210,"burgess":26211,"empire":26212,"agnes":26213,"nington":26214,"artworks":26215,"frs":26216,"tile":26217,"biome":26218,"eun":26219,"chong":26220,"americana":26221,"godfather":26222,"goblin":26223,"ishi":26224,"!).":26225,"tempted":26226,"genomics":26227,"mandate":26228,"cky":26229,"ðŁĴĻðŁĴĽ":26230,"somali":26231,"brandy":26232,"inven":26233,"spokesperson":26234,"pcb":26235,"yuan":26236,"hg":26237,"faz":26238,"starwars":26239,"rowan":26240,"bluegrass":26241,"dong":26242,"dday":26243,"trinidad":26244,"erton":26245,"banning":26246,"retention":26247,"cured":26248,"toberfest":26249,"reset":26250,"weis":26251,"detached":26252,"behindthescenes":26253,"immunity":26254,"pha":26255,"bray":26256,"ðŁij½":26257,"rancho":26258,"ramsay":26259,"estonia":26260,"ndtv":26261,"].":26262,"cabaret":26263,"taro":26264,"dv":26265,"showcases":26266,"plum":26267,"ðŁij¸":26268,"sonoma":26269,"prepa":26270,"memorab":26271,"estu":26272,"driveway":26273,"ules":26274,"magnus":26275,"xr":26276,"nnn":26277,"muchas":26278,"enge":26279,"streamed":26280,"forestry":26281,"audiobook":26282,"troy":26283,"reckless":26284,"kilom":26285,"ruler":26286,"rak":26287,"procession":26288,"ions":26289,"poole":26290,"noctur":26291,"whs":26292,"farmhouse":26293,"pera":26294,"parme":26295,"hypocrisy":26296,"sics":26297,"vant":26298,"cask":26299,"holistic":26300,"aust":26301,"п":26302,"indo":26303,"ðŁij©âĢį":26304,"diso":26305,"dispatch":26306,"olsen":26307,"makeit":26308,"ennis":26309,"centre":26310,"arrange":26311,"ðŁĮ¼":26312,"salted":26313,"easiest":26314,"fate":26315,"regatta":26316,"mozz":26317,"acan":26318,"sini":26319,"gically":26320,"chops":26321,"chicken":26322,"workin":26323,"hagg":26324,"involve":26325,"weeds":26326,"bookday":26327,"wakeup":26328,"kyr":26329,"michelin":26330,"fuss":26331,"rejuven":26332,"vacancies":26333,"incarcer":26334,"mst":26335,"scents":26336,"sovereign":26337,"kicker":26338,"à§":26339,"bod":26340,"âĢĶ>":26341,"sah":26342,"mobil":26343,"shropshire":26344,"ophone":26345,"dresser":26346,"missuni":26347,"hepburn":26348,"imo":26349,"foliage":26350,"diagnostic":26351,"assan":26352,"cycling":26353,"guilt":26354,"csa":26355,"puertorico":26356,"winelover":26357,"wakefield":26358,"doggy":26359,"khe":26360,"papp":26361,"cog":26362,"allot":26363,"cuck":26364,"poetic":26365,"mio":26366,"revit":26367,"magician":26368,"ç¥":26369,"antenna":26370,"westwood":26371,"mberg":26372,"luxe":26373,"oatmeal":26374,"ج":26375,"teat":26376,"ffee":26377,"searches":26378,"lly":26379,"pluto":26380,"elon":26381,"lettering":26382,"innocence":26383,"fai":26384,"annon":26385,"telangana":26386,"mait":26387,"neural":26388,"canni":26389,"aroma":26390,"astor":26391,"fex":26392,"cocac":26393,"monetary":26394,"fent":26395,"unsure":26396,"'@":26397,"indirec":26398,"tehran":26399,"isolation":26400,"libs":26401,"makeup":26402,"mercedes":26403,"ffy":26404,"hetero":26405,"deo":26406,"scom":26407,"cursed":26408,"veteransday":26409,"frankenstein":26410,"shrews":26411,"deco":26412,"geese":26413,"leftover":26414,"hadid":26415,"variable":26416,"academics":26417,"carolin":26418,"undergoing":26419,"variation":26420,"nah":26421,"ssier":26422,"gamersunite":26423,"pursuing":26424,"emerged":26425,"llers":26426,"controlling":26427,"roaring":26428,"meteor":26429,"volt":26430,"dawgs":26431,"beaver":26432,"islife":26433,"bathrooms":26434,"acional":26435,"prevent":26436,"lakedistrict":26437,"inals":26438,"yani":26439,"grabbing":26440,"sacks":26441,"lez":26442,"sway":26443,"kool":26444,"times":26445,"klopp":26446,"lade":26447,"concord":26448,"resulted":26449,"revive":26450,"reconciliation":26451,"oland":26452,"azz":26453,"giro":26454,"mandarin":26455,"deen":26456,"nutritional":26457,"iscoming":26458,"vani":26459,"awwww":26460,"derived":26461,"loveyour":26462,"stopthe":26463,"shouting":26464,"novak":26465,"ðŁĻĮðŁı¾":26466,"loaf":26467,"displaying":26468,"sundaywith":26469,"maguire":26470,"cheri":26471,"ðŁıŁ":26472,"rematch":26473,"quic":26474,"Ú©":26475,"yin":26476,"ðŁĺ¹":26477,"ilive":26478,"zip":26479,"ourke":26480,"downloads":26481,"swat":26482,"mississ":26483,"carers":26484,"tment":26485,"property":26486,"hahahahahaha":26487,"gibbs":26488,"surrey":26489,"arise":26490,"ticism":26491,"stia":26492,"irling":26493,"frog":26494,"cose":26495,"bassist":26496,"foreig":26497,"leau":26498,"pillows":26499,"holla":26500,"elie":26501,"disclosure":26502,"peanuts":26503,"intech":26504,"wwc":26505,"plunge":26506,"triumph":26507,"cori":26508,"slippers":26509,"ðŁĻıðŁĻı":26510,"neutrality":26511,"mare":26512,"hairy":26513,"gangster":26514,"humming":26515,"custard":26516,"merlin":26517,"alea":26518,"sby":26519,"damp":26520,"mohan":26521,"verbal":26522,"jst":26523,"gutted":26524,"bjor":26525,"unfinished":26526,"ðŁĩ¯ðŁĩµ":26527,"unhappy":26528,"âļ«ï¸ı":26529,"bypass":26530,"atsu":26531,"fischer":26532,"sav":26533,"africans":26534,"reuse":26535,"midway":26536,"demolished":26537,"gerrard":26538,"hercules":26539,"ÄŁ":26540,"medicines":26541,"clicking":26542,"surround":26543,"joong":26544,"waving":26545,"tribes":26546,"wetlands":26547,"officiel":26548,"arguing":26549,"lle":26550,"dova":26551,"suzy":26552,"clubhouse":26553,"negro":26554,"obtain":26555,"gao":26556,"glance":26557,"assist":26558,"chos":26559,"ãĤ¢":26560,"âĺķ":26561,"adrid":26562,"occurs":26563,"stans":26564,"pardon":26565,"liveli":26566,"employed":26567,"revisit":26568,"ffxiv":26569,"bble":26570,"nearing":26571,"miner":26572,"ðŁĺ¹":26573,"giovanni":26574,"upto":26575,"marvell":26576,"marse":26577,"towels":26578,"cbn":26579,"engineered":26580,"yelling":26581,"spartan":26582,"sians":26583,"ðŁĻĮðŁı¼":26584,"sev":26585,"coyote":26586,"stadi":26587,"tcm":26588,"appen":26589,"shenanigans":26590,"openaccess":26591,"soaked":26592,"masqu":26593,"levine":26594,"strokes":26595,"lk":26596,"apartheid":26597,"hiphop":26598,"chardon":26599,"maymay":26600,"haasan":26601,"stripped":26602,"fro":26603,"scription":26604,"fton":26605,"hf":26606,"prisons":26607,"marshal":26608,"ķãĤ":26609,"ancho":26610,"compromise":26611,"classification":26612,"buzzfeed":26613,"bbloggers":26614,"deserving":26615,")/":26616,"sway":26617,"obo":26618,"campers":26619,"podernfamily":26620,"poured":26621,"brie":26622,"squirrels":26623,"seize":26624,":#":26625,"lek":26626,"timb":26627,"stacy":26628,"nasdaq":26629,"repeatedly":26630,"brat":26631,"mighty":26632,"competitor":26633,"mahone":26634,"desi":26635,"oke":26636,"bmw":26637,"shie":26638,"fcb":26639,"cheapest":26640,"minimalist":26641,"paramount":26642,"nate":26643,"haras":26644,"insanity":26645,"lateral":26646,"mentality":26647,"mozam":26648,"tapped":26649,"yadav":26650,"usp":26651,"bway":26652,"theod":26653,"bilt":26654,"raids":26655,"empress":26656,"adapted":26657,"patron":26658,"nutshell":26659,"agra":26660,"beaded":26661,"sundaywithmarsha":26662,"viking":26663,"proceed":26664,"maintained":26665,"thinkbigsundaywithmarsha":26666,"snes":26667,"musica":26668,"tower":26669,"chab":26670,"bok":26671,"smt":26672,"insult":26673,"harvesting":26674,"window":26675,"ruther":26676,"beige":26677,"decal":26678,"indicate":26679,"mailing":26680,"rift":26681,"pole":26682,"anderson":26683,"choral":26684,"spride":26685,"lili":26686,"evelyn":26687,"imrankhanpti":26688,"....\"":26689,"kered":26690,"undp":26691,"waterfalls":26692,"sears":26693,"lemans":26694,"worldseries":26695,"riel":26696,"anie":26697,"appar":26698,"scorers":26699,"lamp":26700,"athan":26701,"physicians":26702,"quinoa":26703,"refusing":26704,"vuitton":26705,"unleash":26706,"sla":26707,"pati":26708,"shouts":26709,"intentions":26710,"foamed":26711,"european":26712,"neighborhoods":26713,"meer":26714,"manson":26715,"duh":26716,"brat":26717,"cones":26718,"bowl":26719,"kazakhstan":26720,"ि":26721,"inappropriate":26722,"delhi":26723,"ketchup":26724,"fulton":26725,"sys":26726,"consult":26727,"garfield":26728,"togo":26729,"fml":26730,"fled":26731,"bds":26732,"facilitate":26733,"reebok":26734,"selfie":26735,"elevate":26736,"activate":26737,"bible":26738,"cawx":26739,"bys":26740,"camille":26741,"syou":26742,"skool":26743,"hert":26744,"wbc":26745,"pledges":26746,"recorder":26747,"posh":26748,"acre":26749,"soaking":26750,"matil":26751,"vsco":26752,"shootings":26753,"plar":26754,"econ":26755,"ðŁĻĮðŁı»":26756,"rashid":26757,"ubi":26758,"ðŁ¤¤":26759,"swinging":26760,"wipe":26761,"raptor":26762,"msu":26763,"musicvideo":26764,"durham":26765,"attic":26766,"aparty":26767,"fetus":26768,"activation":26769,"aaz":26770,"motivate":26771,"ðŁĴķðŁĴķðŁĴķ":26772,"jal":26773,"म":26774,"agon":26775,"scheer":26776,"stalker":26777,"foster":26778,"azzo":26779,"telegram":26780,"vigor":26781,"slaugh":26782,"screenshots":26783,"entrepreneu":26784,"kristin":26785,"intention":26786,"chilli":26787,"fraction":26788,"dona":26789,"gea":26790,"tcu":26791,"site":26792,"lak":26793,"emil":26794,"dnt":26795,"boro":26796,"wilkinson":26797,"recu":26798,"atoday":26799,"tanya":26800,"blanco":26801,"cdn":26802,"brilliantly":26803,"gcc":26804,"acc":26805,"evacuated":26806,"therine":26807,"denny":26808,"caitlin":26809,"shepard":26810,"pouch":26811,"handheld":26812,"southeastern":26813,"haa":26814,"ô":26815,"resolutions":26816,"ledger":26817,"srin":26818,"rar":26819,"shattered":26820,"chimney":26821,"imwith":26822,"meteor":26823,"handled":26824,"rake":26825,"townsend":26826,"enhan":26827,"shipy":26828,"duct":26829,"twx":26830,"inflammatory":26831,"warhammer":26832,"theatrical":26833,"gros":26834,"skar":26835,"scotty":26836,"niel":26837,"tito":26838,"tini":26839,"connection":26840,"_.":26841,"goldenglobes":26842,"shaq":26843,"ðŁı³ï¸ı":26844,"hallway":26845,"fronts":26846,"effectiveness":26847,"glaston":26848,"dhs":26849,"expi":26850,"toh":26851,"cpl":26852,"scs":26853,"reo":26854,"hag":26855,"resemblance":26856,"horan":26857,"abusive":26858,"quer":26859,"virtue":26860,"cholester":26861,"aq":26862,"shane":26863,"mce":26864,"carriers":26865,"distress":26866,"rewind":26867,"¡":26868,"voodoo":26869,"intact":26870,"anno":26871,"ðŁĺ¤":26872,"piled":26873,"adia":26874,"ãĥ³":26875,"enow":26876,"digs":26877,"lightly":26878,"goofy":26879,"turbine":26880,"governors":26881,"conte":26882,"reopen":26883,"pah":26884,"ive":26885,"crafting":26886,"sweeps":26887,"jodi":26888,"ande":26889,"zucker":26890,"kawaii":26891,"oko":26892,"vai":26893,"outline":26894,"kristi":26895,"tsn":26896,"inspo":26897,"quint":26898,"filthy":26899,"lynne":26900,"listeners":26901,"departing":26902,"ord":26903,"tweed":26904,",&":26905,"alek":26906,"selfish":26907,"norther":26908,"recognizes":26909,"ips":26910,"bes":26911,"aed":26912,"wills":26913,"peat":26914,"surroundings":26915,"monuments":26916,"aisle":26917,"becker":26918,"lav":26919,"quantity":26920,"vah":26921,"helicopters":26922,"tucked":26923,"alvarez":26924,"shape":26925,"obey":26926,"additi":26927,"roadside":26928,"mite":26929,"blers":26930,"epage":26931,"jau":26932,"ignorant":26933,"bins":26934,"lulu":26935,"xo":26936,"cfo":26937,"eeeee":26938,"apprenticeship":26939,"sheffiel":26940,"toi":26941,"hok":26942,"fakenews":26943,"deploy":26944,"aidan":26945,"huskers":26946,"ãĢİ":26947,"westbrook":26948,"mister":26949,"configur":26950,"carr":26951,"fica":26952,"proceedings":26953,"haw":26954,"steak":26955,"murderer":26956,"payday":26957,"ajo":26958,"pvc":26959,"donates":26960,"biaf":26961,"nomnom":26962,"beit":26963,"kali":26964,"xrp":26965,"ahmedabad":26966,"semic":26967,"chey":26968,"xtra":26969,"antwer":26970,"headlining":26971,"squares":26972,"rounded":26973,"fluore":26974,"bold":26975,"disasters":26976,"amoo":26977,"generic":26978,"cranes":26979,"briefly":26980,"gig":26981,"austerity":26982,"anticipation":26983,"forti":26984,"treasurer":26985,"canny":26986,"cecil":26987,"detected":26988,"checklist":26989,"ว":26990,"pamela":26991,"barbados":26992,"anfield":26993,"hearty":26994,"txlege":26995,"perenni":26996,"arrog":26997,"ingram":26998,"âĹı":26999,"tyne":27000,"spoon":27001,"ration":27002,"amba":27003,"mbe":27004,"camel":27005,"hhs":27006,"yorkshire":27007,"reflective":27008,"freaks":27009,"tok":27010,"judo":27011,"particles":27012,"dubs":27013,"banjo":27014,"accreditation":27015,"proverbs":27016,"overdose":27017,"integral":27018,"guang":27019,"mcs":27020,"supercar":27021,"afb":27022,"alvin":27023,"ails":27024,"xtre":27025,"staging":27026,"twent":27027,"rabbits":27028,"maro":27029,"instem":27030,"doll":27031,"cray":27032,"santana":27033,"bleach":27034,"minions":27035,"cheap":27036,"mant":27037,"divers":27038,"catalonia":27039,"lois":27040,"matri":27041,"cougar":27042,"kayak":27043,"egre":27044,"pso":27045,"aia":27046,"å®":27047,"charlton":27048,"tracked":27049,"scari":27050,"pett":27051,"fwd":27052,"xin":27053,"gravel":27054,"bric":27055,"biggboss":27056,"arden":27057,"hugging":27058,"palms":27059,"stv":27060,"limb":27061,"themovie":27062,"handicap":27063,"rime":27064,"zai":27065,"stub":27066,"india":27067,"lithuania":27068,"rhyth":27069,"pita":27070,"macedonia":27071,"highered":27072,"bridget":27073,"schwarz":27074,"skelet":27075,"hikes":27076,"antarctic":27077,"cps":27078,"mashup":27079,"а":27080,"nell":27081,"chandra":27082,"heir":27083,"anus":27084,"sheridan":27085,"mimi":27086,"museu":27087,"becca":27088,"anir":27089,"barrie":27090,"diocese":27091,"comparable":27092,"ðŁı³ï¸ıâĢį":27093,"yukon":27094,"mep":27095,"hormon":27096,"meric":27097,"alf":27098,"conquered":27099,"christchurch":27100,"ðŁĴĻðŁĴĻ":27101,"hazardous":27102,"pooh":27103,"conting":27104,"retrospective":27105,"parame":27106,"nair":27107,"consor":27108,"hotra":27109,"astonishing":27110,"caterpillar":27111,"uman":27112,"tism":27113,"tvs":27114,"servic":27115,"croydon":27116,"morales":27117,"cg":27118,"cum":27119,"teur":27120,"scanada":27121,"sall":27122,"magnolia":27123,"elise":27124,"thour":27125,"ி":27126,"agomez":27127,"phelps":27128,"ë°©íĥĦìĨĮëħĦëĭ¨":27129,"whos":27130,"weaving":27131,"sisd":27132,"proposes":27133,"crows":27134,"presale":27135,"economies":27136,"bernardo":27137,"shahid":27138,"airshow":27139,"mccann":27140,"horticul":27141,"nrl":27142,"duel":27143,"mongolia":27144,"toulou":27145,"requirement":27146,"structured":27147,"edi":27148,"olives":27149,"hea":27150,"cuter":27151,"к":27152,"enthusiast":27153,"harriet":27154,"dominion":27155,"submer":27156,"ðŁįĥ":27157,"saab":27158,"nesburg":27159,"moff":27160,"defended":27161,"burt":27162,"rewarded":27163,"goldman":27164,"optics":27165,"khalid":27166,"households":27167,"buckets":27168,"cecil":27169,"chess":27170,"substantial":27171,"efl":27172,"operation":27173,"evaluate":27174,"stn":27175,"recession":27176,"lll":27177,"tomas":27178,"truths":27179,"akbar":27180,"swords":27181,"pact":27182,"embarrass":27183,"hao":27184,"ayurve":27185,"scripture":27186,"nycc":27187,"opt":27188,"diameter":27189,"scented":27190,"organizers":27191,"relat":27192,"hae":27193,"dreamers":27194,"dese":27195,"ðŁĮ»":27196,"restricted":27197,"nale":27198,"rhp":27199,"dolan":27200,"munster":27201,"haired":27202,"consultants":27203,"joints":27204,"humil":27205,"dill":27206,"relentless":27207,"té":27208,"afil":27209,"utilities":27210,"japanese":27211,"condemn":27212,"petite":27213,"collide":27214,"qf":27215,"peaches":27216,"courier":27217,"lore":27218,"âĺİï¸ı":27219,"reliability":27220,"chuk":27221,"ðŁĻĥ":27222,"stures":27223,"gether":27224,"hostel":27225,"bier":27226,"-_-":27227,"âĩ":27228,"eze":27229,"tailo":27230,"dient":27231,"bluff":27232,"chuffed":27233,"pilip":27234,"monarch":27235,"eem":27236,"buchan":27237,"bick":27238,"opau":27239,"kups":27240,"ย":27241,"pistons":27242,"spins":27243,"mand":27244,"cest":27245,"burne":27246,"vile":27247,"cherries":27248,"beckett":27249,"needles":27250,"panch":27251,"ëĤ":27252,"hahah":27253,"troubles":27254,"insists":27255,"doyou":27256,"gmc":27257,"mortar":27258,"delegate":27259,"inn":27260,"ganda":27261,"sinatra":27262,"त":27263,"speeding":27264,"pupil":27265,"premises":27266,"alignment":27267,"pikach":27268,"asus":27269,"jalan":27270,"ص":27271,"limestone":27272,"folkl":27273,"parmesan":27274,"ceil":27275,"moy":27276,"shawnmendes":27277,"acup":27278,"hust":27279,"otes":27280,"medina":27281,"madi":27282,"gtav":27283,"censorship":27284,"arg":27285,"sweeney":27286,"sykes":27287,"colo":27288,"footsteps":27289,"canned":27290,"advance":27291,"gtaonline":27292,"healthyliving":27293,"ðŁį¾":27294,"aig":27295,"pality":27296,"ocs":27297,"hebrew":27298,"imminent":27299,"berkshire":27300,"jeremiah":27301,"outgoing":27302,"baker":27303,"entrata":27304,"maids":27305,"groves":27306,"boc":27307,"adel":27308,"mfw":27309,"conscience":27310,"armys":27311,"nutella":27312,"contestalert":27313,"novelist":27314,"lah":27315,"banker":27316,"marquez":27317,"ðŁı¡":27318,"toff":27319,"outage":27320,"grp":27321,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":27322,"muscle":27323,"dudley":27324,"nvidia":27325,"midi":27326,"muni":27327,"essays":27328,"datac":27329,"carter":27330,"ร":27331,"tans":27332,"ives":27333,"publications":27334,"aler":27335,"okwx":27336,"ilu":27337,"cutt":27338,"harp":27339,"outlaw":27340,"lutheran":27341,"brill":27342,"bolic":27343,"dowell":27344,"greenland":27345,"besties":27346,"pathi":27347,"payton":27348,"guest":27349,"harden":27350,"ðŁ¤©":27351,"anned":27352,"evacuation":27353,"poised":27354,"mcder":27355,"bhan":27356,"oi":27357,"envelope":27358,"cid":27359,"cavi":27360,"tapas":27361,"bookreview":27362,"greyhound":27363,"âĻª":27364,"feud":27365,"lungs":27366,"forte":27367,"raider":27368,"ffer":27369,"onix":27370,"depend":27371,"ynwa":27372,"relating":27373,"devs":27374,"ðŁĴIJ":27375,"acquires":27376,"dha":27377,"jyo":27378,"privati":27379,"canine":27380,"kb":27381,"crab":27382,"sardin":27383,"imagining":27384,"kj":27385,"empor":27386,"downhill":27387,"nez":27388,"taeyeon":27389,"nickimin":27390,"gbp":27391,"àµ":27392,"wap":27393,"secco":27394,"mashed":27395,"ðŁĴ¥ðŁĴ¥":27396,"augustine":27397,"dissol":27398,"dictator":27399,"âĵ":27400,"viper":27401,"edfringe":27402,"vaux":27403,"hardwork":27404,"booklet":27405,"nox":27406,"chiff":27407,"ðŁĴ¨":27408,"observations":27409,"xboxone":27410,"usher":27411,"keer":27412,"lup":27413,"dallas":27414,"calgary":27415,"madra":27416,"dious":27417,"kbs":27418,"woodward":27419,"heroine":27420,"lumber":27421,"seaworld":27422,"ows":27423,"mcke":27424,"maverick":27425,"gula":27426,"crossroads":27427,"fang":27428,"sade":27429,"nikol":27430,"cheetah":27431,"mec":27432,"ppg":27433,"erick":27434,"ðŁİµ":27435,"toxic":27436,"bjj":27437,"viola":27438,"spire":27439,"chino":27440,"travis":27441,"institutional":27442,"haas":27443,"lowry":27444,"wac":27445,"eae":27446,"humid":27447,"mpton":27448,"ruck":27449,"jew":27450,"cine":27451,"zimmer":27452,"sef":27453,"bharat":27454,"frees":27455,"aamir":27456,"ðŁĴħ":27457,"zinc":27458,"wane":27459,"multiplayer":27460,"royalwedding":27461,"eel":27462,"precipit":27463,"query":27464,"kimberly":27465,"isabel":27466,"fulfill":27467,"igan":27468,"vaul":27469,"pane":27470,"scy":27471,"digit":27472,"gunn":27473,"utah":27474,"dogday":27475,"fion":27476,"xiaomi":27477,"dac":27478,"elast":27479,"chavez":27480,"roblo":27481,"gine":27482,"tenth":27483,"abh":27484,"keto":27485,"hurdle":27486,"nadia":27487,"memorabilia":27488,"habs":27489,"quan":27490,"hw":27491,"hvac":27492,"pixar":27493,"eccle":27494,"kramer":27495,"accuses":27496,"ðŁĴļðŁĴļ":27497,"perse":27498,"meantime":27499,"wahl":27500,"atletico":27501,"âĢ¢âĢ¢âĢ¢âĢ¢":27502,"ottoman":27503,"novo":27504,"kus":27505,"connected":27506,"trusts":27507,"dmv":27508,"spencer":27509,"rahulg":27510,"dove":27511,"stokes":27512,"bologna":27513,"enthusiasts":27514,"ê":27515,"rockstargames":27516,"tedcruz":27517,"duras":27518,"sacked":27519,"latex":27520,"immersive":27521,"cert":27522,"lucin":27523,"principals":27524,"fares":27525,"sails":27526,"farn":27527,"ament":27528,"saffron":27529,"quentin":27530,"checkpoint":27531,"ferris":27532,"excur":27533,"ðŁijīðŁı¼":27534,"bailey":27535,"seh":27536,"terre":27537,"madam":27538,"sband":27539,"wanderers":27540,"cumberbatch":27541,"yyc":27542,"digitally":27543,"blackandwhitephotography":27544,"rollin":27545,"moroccan":27546,"ðŁĮħ":27547,"dinner":27548,"dwell":27549,"toom":27550,"mye":27551,"ezra":27552,"cpfc":27553,"warhol":27554,"meer":27555,"jonah":27556,"noaa":27557,"sgate":27558,"soon":27559,"secular":27560,"gating":27561,"tio":27562,"driver":27563,"sissy":27564,"assange":27565,"tath":27566,"edmund":27567,"bobcats":27568,"raji":27569,"postage":27570,"studs":27571,"mgm":27572,"kato":27573,"edinburgh":27574,"meetthe":27575,"shirt":27576,"faa":27577,"mensfashion":27578,"spreads":27579,"wim":27580,"carts":27581,"phoebe":27582,"jars":27583,"botswana":27584,"ÙĤ":27585,"edwar":27586,"skar":27587,"rive":27588,"gusty":27589,"ctv":27590,"ferdinand":27591,"sutherland":27592,"nickiminaj":27593,"kv":27594,"sius":27595,"beech":27596,"rez":27597,"desires":27598,"onial":27599,"campo":27600,"quarry":27601,"lorraine":27602,"gilmore":27603,"iggy":27604,"µï¸ı":27605,"hopping":27606,"aviz":27607,"ðŁĮº":27608,"unisex":27609,"dedicate":27610,"attitudes":27611,"steer":27612,"junkie":27613,"railway":27614,"yb":27615,"whisper":27616,"keyan":27617,"kus":27618,"jug":27619,"dix":27620,"ains":27621,"summon":27622,"ovich":27623,"syed":27624,"herald":27625,"maison":27626,"meded":27627,"wildflower":27628,"mainland":27629,"risky":27630,"rukh":27631,"overlooked":27632,"kic":27633,"destroys":27634,"naman":27635,"kip":27636,"zano":27637,"championsleague":27638,"bandit":27639,"quincy":27640,"smile":27641,"calvin":27642,"openings":27643,"tapp":27644,"olulu":27645,"spectro":27646,"accredited":27647,"apk":27648,"praised":27649,"barnett":27650,"pollen":27651,"premiered":27652,"selenagomez":27653,"toured":27654,"screenings":27655,"uuu":27656,"miso":27657,"ense":27658,"adamlambert":27659,"guelph":27660,"haryana":27661,"hutto":27662,"lear":27663,"ltc":27664,"poached":27665,"brexit":27666,"æĿ":27667,"ttc":27668,"pavement":27669,"mongers":27670,"roe":27671,"aders":27672,"lington":27673,"participant":27674,"cared":27675,"gail":27676,"yates":27677,"lantic":27678,"dashboard":27679,"joo":27680,"felipe":27681,"ssionist":27682,"bum":27683,"send":27684,"aeri":27685,"thugs":27686,"lucifer":27687,"ahe":27688,"detector":27689,"filly":27690,"gasoline":27691,"hamper":27692,"humpday":27693,"theta":27694,"theband":27695,"forecasts":27696,"ohhh":27697,"lobb":27698,"holl":27699,"cpu":27700,"azu":27701,"adar":27702,"hailey":27703,"bub":27704,"cart":27705,"quoted":27706,"anarchy":27707,"pancre":27708,"twitart":27709,"alden":27710,"stash":27711,"theless":27712,"orni":27713,"beliebers":27714,"mormon":27715,"particle":27716,"aviation":27717,"â¬Ĩ":27718,"webcamtoy":27719,"saddened":27720,"cruis":27721,"hamlet":27722,"nct":27723,"rollins":27724,"marquee":27725,"sawyer":27726,"reliance":27727,"aura":27728,"diec":27729,"soothing":27730,"signings":27731,"akis":27732,"ó":27733,"atkins":27734,"aerop":27735,"ðŁĮ¿":27736,"yab":27737,"shari":27738,"connol":27739,"dubbed":27740,"manufacture":27741,"convincing":27742,"feelthebern":27743,"rau":27744,"pulit":27745,"onec":27746,"gemstone":27747,"urging":27748,"bagu":27749,"gah":27750,"acids":27751,"fianc":27752,"zodiac":27753,"snoop":27754,"herrera":27755,"initiated":27756,"venge":27757,"professors":27758,"prodi":27759,"stronger":27760,"emission":27761,"bba":27762,"halle":27763,"tapp":27764,"hawan":27765,"whim":27766,"competed":27767,"myrtle":27768,"irport":27769,"coldplay":27770,"ache":27771,"skep":27772,"mson":27773,"ssic":27774,"calligraphy":27775,"swimmers":27776,"mey":27777,"ppc":27778,"thrift":27779,"poc":27780,"replaces":27781,"commuter":27782,"âģ¦âģ¦@":27783,"goers":27784,"logue":27785,"paradig":27786,"baskets":27787,"sensitivity":27788,"johan":27789,"atlantis":27790,"&&":27791,"suitcase":27792,"anxious":27793,"lh":27794,"stri":27795,"galloway":27796,"stread":27797,"warden":27798,"grounded":27799,"fficiency":27800,"lifeat":27801,"relic":27802,"disguise":27803,"islanders":27804,"fcofficial":27805,"classicalmusic":27806,"bmc":27807,"enfield":27808,"bique":27809,"oakley":27810,"batman":27811,"slaying":27812,"nerves":27813,"multit":27814,"calcium":27815,"projector":27816,"scottsdale":27817,"antino":27818,"grips":27819,"kimmel":27820,"desmond":27821,"protestors":27822,"hiatus":27823,"metabolism":27824,"concluded":27825,"presser":27826,"tipping":27827,"slide":27828,"eto":27829,"hunting":27830,"ausopen":27831,"rik":27832,"ppery":27833,"innovators":27834,"pitchers":27835,"agger":27836,"fungi":27837,"zad":27838,"prolific":27839,"rocknroll":27840,"blames":27841,"ctar":27842,"stamford":27843,"qad":27844,"mozzarella":27845,"insanely":27846,"denver":27847,"phouse":27848,"nomad":27849,"ï¿":27850,"sris":27851,"produ":27852,"henley":27853,"pagan":27854,"amtrak":27855,"rubi":27856,"incl":27857,"tutor":27858,"scotia":27859,"woes":27860,"singapo":27861,"funnel":27862,"turnbull":27863,"knowledge":27864,"grimm":27865,"realmadrid":27866,"weare":27867,"missiles":27868,"consol":27869,"emojis":27870,"sneak":27871,"smiths":27872,"ruiz":27873,"brou":27874,"iel":27875,"haver":27876,"ðŁĮļ":27877,"kingof":27878,"basilica":27879,"circulation":27880,"printers":27881,"tapping":27882,"ridley":27883,"dragged":27884,"haj":27885,"writer":27886,"fundamentals":27887,"personalities":27888,"metre":27889,"stereotypes":27890,"burle":27891,"bestof":27892,"nffc":27893,"hath":27894,"ministries":27895,"aali":27896,"tracing":27897,"paved":27898,"łï¸ı":27899,"gic":27900,"inspire":27901,"tug":27902,"hare":27903,"repeated":27904,"expon":27905,"lolli":27906,"rhode":27907,"precin":27908,"installations":27909,"instagram":27910,"azar":27911,"ies":27912,"solely":27913,"dukes":27914,"missionary":27915,"vanguard":27916,"fursuitfriday":27917,"ond":27918,"polari":27919,"mast":27920,"haran":27921,"josé":27922,"jacked":27923,"ecoun":27924,"alities":27925,"neph":27926,"ravel":27927,"moderated":27928,"scow":27929,"sfb":27930,"uruguay":27931,"aso":27932,"nig":27933,"audu":27934,"pints":27935,"latina":27936,"benz":27937,"mitting":27938,"charted":27939,"matology":27940,"citro":27941,"biopic":27942,"ðŁijŃ":27943,"djokovic":27944,"foxy":27945,"aguil":27946,"soto":27947,"anada":27948,"sinking":27949,"scrap":27950,"hairs":27951,"bethany":27952,"factfriday":27953,"ðŁIJIJ":27954,"unleashed":27955,")(":27956,"contradic":27957,"ramon":27958,"coastline":27959,"yong":27960,"snsd":27961,"ligan":27962,"pome":27963,"mitage":27964,"gett":27965,"wati":27966,"risk":27967,"soaring":27968,"brush":27969,"fpl":27970,"avan":27971,"åĨ":27972,"larson":27973,"shear":27974,"multil":27975,"blur":27976,"multimedia":27977,"chunky":27978,"pari":27979,"nani":27980,"weird":27981,"cholesterol":27982,"charles":27983,"dreamed":27984,"tanning":27985,"puzzles":27986,"fram":27987,"handball":27988,"chag":27989,"belize":27990,"alu":27991,"bangs":27992,"ÑĦ":27993,"detectives":27994,"mcg":27995,"ishq":27996,"bothered":27997,"safc":27998,"mping":27999,"teneri":28000,"gays":28001,"sailor":28002,"angi":28003,"multicul":28004,"guessed":28005,"rosé":28006,"highways":28007,"broom":28008,"chattanoo":28009,"-'":28010,"seeker":28011,"oned":28012,"atf":28013,"luc":28014,"><":28015,"bari":28016,"percep":28017,"jewelry":28018,"asph":28019,"sorrow":28020,"sling":28021,"mammoth":28022,"jackie":28023,"ë§":28024,"wiltshire":28025,"sao":28026,"cancell":28027,"impaired":28028,"torial":28029,"breed":28030,"guyen":28031,"judice":28032,"title":28033,"prospective":28034,"applicants":28035,"ðŁįĬ":28036,"episcop":28037,"eid":28038,"byo":28039,"stockings":28040,"ðŁĴĥðŁĴĥ":28041,"llp":28042,"snag":28043,"keepit":28044,"lough":28045,"olson":28046,"maturity":28047,"!!!\"":28048,"copter":28049,"isha":28050,"bli":28051,"wilmington":28052,"tryouts":28053,"thai":28054,"ðŁ¥³":28055,"pebble":28056,"kraft":28057,"fp":28058,"º":28059,"ssively":28060,"livin":28061,"contestants":28062,"textures":28063,"joan":28064,"hdr":28065,"filmfestival":28066,"provence":28067,"wido":28068,"opend":28069,"csi":28070,"stown":28071,"croati":28072,"adjust":28073,"hostile":28074,"analysts":28075,"ilan":28076,"cuppa":28077,"brum":28078,"newfoundland":28079,"goodwin":28080,"mett":28081,"mallorca":28082,"plugs":28083,"buk":28084,"bbhutto":28085,"wrestle":28086,"saire":28087,"shopped":28088,"forza":28089,"lehead":28090,"vivo":28091,"bast":28092,"roxy":28093,"regis":28094,"hardworking":28095,"honolulu":28096,"despair":28097,"youngsters":28098,"nig":28099,"impromp":28100,"rolltide":28101,"deemed":28102,"treason":28103,"rushed":28104,"forged":28105,"fff":28106,"pikachu":28107,"briggs":28108,"doit":28109,"accent":28110,"laus":28111,"glaze":28112,"competent":28113,"aho":28114,"photog":28115,"midfield":28116,"lego":28117,"harvard":28118,"minorities":28119,"reilly":28120,"sliced":28121,"onceupon":28122,"initially":28123,"financially":28124,"landscapephotography":28125,"hardro":28126,"quo":28127,"mmers":28128,"parkinson":28129,"smugg":28130,"readiness":28131,"brutally":28132,"gloucester":28133,"mped":28134,"bbhuttozardari":28135,"murder":28136,"yed":28137,"dataviz":28138,"srt":28139,"downing":28140,"bians":28141,"mü":28142,"fleck":28143,"flipped":28144,"sly":28145,"brilliance":28146,"rim":28147,"kum":28148,"bubba":28149,"koi":28150,"knitted":28151,"sorg":28152,"mais":28153,"ðŁĮ²":28154,"tiss":28155,"sustain":28156,"sensu":28157,"akhan":28158,"ziest":28159,"examines":28160,"chardonnay":28161,"username":28162,"shortlist":28163,"rebs":28164,"ono":28165,"daring":28166,"hardwood":28167,"cheque":28168,"righteous":28169,"lightening":28170,"dirk":28171,"shradd":28172,"dura":28173,"downstairs":28174,"shal":28175,"amigos":28176,"ruff":28177,"slaw":28178,"ries":28179,"rednation":28180,"manus":28181,"ðŁĩ§ðŁĩ·":28182,"distinction":28183,"ubun":28184,"duran":28185,"migra":28186,"thians":28187,"laver":28188,"domestic":28189,"kx":28190,"jazzy":28191,"justify":28192,"belonging":28193,"insulation":28194,"colorstv":28195,"drunken":28196,"channeling":28197,"quand":28198,"xiii":28199,"enlighten":28200,"kano":28201,"fatima":28202,"teenchoice":28203,"terrified":28204,"pba":28205,"asley":28206,"metmuseum":28207,"dune":28208,"packer":28209,"kio":28210,"ðŁĴľðŁĴľ":28211,"boiler":28212,"fascism":28213,"armored":28214,"backgrounds":28215,"inmates":28216,"embarrassed":28217,"defines":28218,"thd":28219,"wego":28220,"silicone":28221,"loon":28222,"elding":28223,"borrowed":28224,"hemp":28225,"aksh":28226,"kawasaki":28227,"bry":28228,"deaf":28229,"killer":28230,"disposal":28231,"ðŁĩ°":28232,"glastonbury":28233,"uncovered":28234,"oxide":28235,"poff":28236,"dant":28237,"kj":28238,"kuro":28239,"drizzle":28240,"peoples":28241,"fee":28242,"propri":28243,"ddlovato":28244,"piggy":28245,"otis":28246,"allergies":28247,"ubis":28248,"penguin":28249,"sera":28250,"viz":28251,"prosperous":28252,"icides":28253,"tornadoes":28254,"senegal":28255,"webcast":28256,"stored":28257,"enchanted":28258,"bbcone":28259,"bayarea":28260,"entrepreneurial":28261,"rednationrising":28262,"experimenting":28263,"angan":28264,"lotto":28265,"theyre":28266,"pore":28267,"erp":28268,"serene":28269,"eastwood":28270,"brokers":28271,"barge":28272,"stallion":28273,"timberlake":28274,"tailored":28275,"dystop":28276,"bate":28277,"lators":28278,"dixit":28279,"branson":28280,"dynamo":28281,"kylie":28282,"shameful":28283,"btwn":28284,"springtime":28285,"mixture":28286,"sounded":28287,"luton":28288,"dades":28289,"mala":28290,"opra":28291,"enic":28292,"rahulgandhi":28293,"sewer":28294,"~~~~":28295,"kyu":28296,"northeastern":28297,"caer":28298,"bcu":28299,"nirvana":28300,"kitchens":28301,"ousy":28302,"alm":28303,"riverdale":28304,"hidden":28305,"flint":28306,"spd":28307,"patrons":28308,"katyperry":28309,"augh":28310,"exhibitions":28311,"smc":28312,"shuts":28313,"atore":28314,"dain":28315,"something":28316,"berth":28317,"bog":28318,"porter":28319,"gento":28320,"concussion":28321,"anglic":28322,"rowe":28323,"grilling":28324,"scarlett":28325,"mastering":28326,"mornin":28327,"commented":28328,"sime":28329,"sizing":28330,"christy":28331,"ceos":28332,"stm":28333,"atry":28334,"tariffs":28335,"vacation":28336,"prejudice":28337,"psu":28338,"parental":28339,"farage":28340,"cana":28341,"capcom":28342,"kosovo":28343,"youre":28344,"menstru":28345,"stalin":28346,"grapefruit":28347,"bran":28348,"chesa":28349,"daven":28350,"excel":28351,"!!)":28352,"à¹Į":28353,"distributor":28354,"cea":28355,"bridesma":28356,"millennial":28357,"wain":28358,"observing":28359,"misery":28360,"planetary":28361,"exposing":28362,"braised":28363,"compton":28364,"dongha":28365,"ql":28366,"springsteen":28367,"thul":28368,"sylve":28369,"cabo":28370,"palad":28371,"nielsen":28372,"gazing":28373,"baja":28374,"roud":28375,"orchids":28376,"johannesburg":28377,"seman":28378,"dji":28379,"operative":28380,"affection":28381,"eclectic":28382,"atc":28383,"mutant":28384,"awx":28385,"nice":28386,"melbourne":28387,"indulg":28388,"tulip":28389,"diaspora":28390,"welp":28391,"biggie":28392,"mississauga":28393,"retriever":28394,"oran":28395,"tammy":28396,"cta":28397,"hippo":28398,"seasoned":28399,"germans":28400,"engv":28401,"marvellous":28402,"imf":28403,"relays":28404,"montan":28405,"mauriti":28406,"meister":28407,"assurance":28408,"reigning":28409,"sufficient":28410,"hane":28411,"nothing":28412,"posse":28413,"navy":28414,"inlove":28415,"brighton":28416,"enqu":28417,"chung":28418,"sweaty":28419,"esc":28420,"caled":28421,"mans":28422,"nicaragua":28423,"slices":28424,"mocha":28425,"washingtonpost":28426,"bbn":28427,"damned":28428,"growing":28429,"enburg":28430,"loan":28431,"mes":28432,"whoops":28433,"believers":28434,"spiel":28435,"vodaf":28436,"lat":28437,"sled":28438,"cricketer":28439,"browne":28440,"golfers":28441,"barra":28442,"watchers":28443,"luigi":28444,"swamy":28445,"moms":28446,"pitched":28447,"santor":28448,"crs":28449,"sire":28450,"scamp":28451,"bode":28452,"stewar":28453,"jonny":28454,"entity":28455,"pacqui":28456,"mindful":28457,"minindia":28458,"bearded":28459,"tempt":28460,"scorpion":28461,"eaton":28462,"authorized":28463,"arto":28464,"svp":28465,"opathy":28466,"cchini":28467,"housemusic":28468,"disneyworld":28469,"âĢĶ@":28470,"propose":28471,"diy":28472,"expense":28473,"teng":28474,"puppets":28475,"smel":28476,"daca":28477,"perry":28478,"finn":28479,"boosting":28480,"leftovers":28481,"cougs":28482,"satellites":28483,"many":28484,"aze":28485,"gong":28486,"fie":28487,"methodo":28488,"ferries":28489,"ð٤Ķð٤Ķ":28490,"explorers":28491,"loader":28492,"attracted":28493,"ilton":28494,"goddamn":28495,"piazza":28496,"doctr":28497,"saving":28498,"paragraph":28499,"visualization":28500,"mayors":28501,"workflow":28502,"ackles":28503,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":28504,"स":28505,"twerk":28506,"clut":28507,"lover":28508,"teases":28509,"sian":28510,"ote":28511,"deterior":28512,"accord":28513,"lfw":28514,"swarovski":28515,"natal":28516,"traps":28517,"kina":28518,"analyze":28519,"layered":28520,"beverages":28521,"unit":28522,"ransom":28523,"peshaw":28524,"destined":28525,"astrology":28526,"sipping":28527,"mileycyrus":28528,"camino":28529,"marshmallow":28530,"bliss":28531,"outback":28532,"faq":28533,"intoler":28534,"humility":28535,"poppin":28536,"halloween":28537,"montene":28538,"ophy":28539,"nun":28540,"tattooed":28541,"aas":28542,"ðŁĮ³":28543,"daley":28544,"quality":28545,"dusa":28546,"fishermen":28547,"swif":28548,"terrac":28549,"stau":28550,"lein":28551,"trolling":28552,"shipment":28553,"gardener":28554,"marchmadness":28555,"headband":28556,"grt":28557,"burnett":28558,"wand":28559,"!!!!!!!!!":28560,"ghe":28561,"dux":28562,"hud":28563,"warner":28564,"ðŁĩ¦":28565,"exile":28566,"rescue":28567,"rata":28568,"dhan":28569,"ducati":28570,"drown":28571,"blends":28572,"spie":28573,"alligator":28574,"simultaneously":28575,"brooke":28576,"uke":28577,"khar":28578,"communion":28579,"rika":28580,"fordfc":28581,"chinatown":28582,"yourown":28583,"mey":28584,"canal":28585,"systematic":28586,"depri":28587,"oxford":28588,"anil":28589,"wut":28590,"equation":28591,"bez":28592,"fleur":28593,"thegood":28594,"langley":28595,"adity":28596,"edith":28597,"alfie":28598,"оÑĤ":28599,"encry":28600,"brill":28601,"exemp":28602,"cesar":28603,"mbling":28604,"abri":28605,"scicom":28606,"jing":28607,"schooling":28608,"mika":28609,"mechanisms":28610,"impromptu":28611,"rhea":28612,"moore":28613,"crimea":28614,"besto":28615,"wright":28616,"elders":28617,"rods":28618,"kamal":28619,"folklore":28620,"beet":28621,"minion":28622,"relieve":28623,"thro":28624,"teamusa":28625,"pascal":28626,"madewith":28627,"bolivia":28628,"itti":28629,"freebies":28630,"desired":28631,"bestselling":28632,"liness":28633,"laden":28634,"keane":28635,"mists":28636,"hippie":28637,"attachment":28638,"@/":28639,"sew":28640,"flanagan":28641,"âĿĹï¸ı":28642,"supremac":28643,"stlcards":28644,"sias":28645,"qu":28646,"rhys":28647,"steep":28648,"valleys":28649,"vw":28650,"paving":28651,"dispat":28652,"alison":28653,"porte":28654,"idu":28655,"newsc":28656,"socket":28657,"mos":28658,"costar":28659,"revo":28660,"proteins":28661,"stanleycup":28662,"mcal":28663,"earring":28664,"secs":28665,"mclean":28666,"capric":28667,"nickelo":28668,"aden":28669,"vc":28670,"shouse":28671,"adaptive":28672,"maximize":28673,"entertainer":28674,"prose":28675,"griffi":28676,"sixteen":28677,"lamar":28678,"mirage":28679,"saudiarabia":28680,"aweather":28681,"rust":28682,"infiltr":28683,"fashionweek":28684,"ðŁĺĬðŁĺĬðŁĺĬ":28685,"selective":28686,"bubble":28687,"aden":28688,"fennel":28689,"decisive":28690,"mta":28691,"mocking":28692,"mbles":28693,"stamp":28694,"mule":28695,"bernardo":28696,"grin":28697,"pott":28698,"jingle":28699,"vettel":28700,"colombian":28701,"camo":28702,"motivationmonday":28703,"bahan":28704,"ply":28705,"dhary":28706,"kami":28707,"xmen":28708,"sleeper":28709,"gara":28710,"mysti":28711,"confidential":28712,"conflicts":28713,"pneu":28714,"ces":28715,"insurtech":28716,"cleanse":28717,"merely":28718,"vais":28719,"tux":28720,"thegreat":28721,"sharon":28722,"maj":28723,"hola":28724,"ecosystems":28725,"ajay":28726,"aaj":28727,"hush":28728,"harmon":28729,"backtoschool":28730,"wikileaks":28731,"reflected":28732,"ðŁĺĵ":28733,"commemorating":28734,"acet":28735,"buckingham":28736,"messiah":28737,"tuous":28738,"hornet":28739,"tobe":28740,"dq":28741,"heine":28742,"mig":28743,"plate":28744,"nicholson":28745,"spie":28746,"cumberland":28747,"normal":28748,"phobia":28749,"happyhalloween":28750,"cityfc":28751,"mcel":28752,"gillian":28753,"keto":28754,"lude":28755,"demise":28756,"suga":28757,"strate":28758,"mcgrath":28759,"visitscotland":28760,"fooled":28761,"cbr":28762,"gcse":28763,"colori":28764,"potd":28765,"missuniverse":28766,"finances":28767,"mapoli":28768,"forks":28769,"Ø´":28770,"cannon":28771,"medicinal":28772,"ðŁĹĵ":28773,"kho":28774,"wreck":28775,"panto":28776,"bagel":28777,"gull":28778,"syndicate":28779,"icy":28780,"prc":28781,"kien":28782,"zika":28783,"tish":28784,"peta":28785,"cco":28786,"liza":28787,"chut":28788,"extraction":28789,"elg":28790,"gli":28791,"fueled":28792,"posit":28793,"respectively":28794,"leicester":28795,"brink":28796,"vulnerability":28797,"imported":28798,"esha":28799,"ð٦ħ":28800,"rural":28801,"rell":28802,"gaming":28803,"atlantic":28804,"abandon":28805,"noah":28806,"resolved":28807,"prostate":28808,"allergic":28809,"psd":28810,"âĺ¹":28811,"dungeon":28812,"fangirl":28813,"illuminated":28814,"mhs":28815,"whitesox":28816,"dently":28817,"cko":28818,"endorse":28819,"overly":28820,"dazzling":28821,"prioriti":28822,"nightlife":28823,"util":28824,"behave":28825,"flamen":28826,"eastbound":28827,"ðŁĴŁ":28828,"iloveyou":28829,"govuk":28830,"mozambique":28831,"allegi":28832,"dri":28833,"testimonial":28834,"aths":28835,"ì§Ģ":28836,"mmy":28837,"shabby":28838,"prosecco":28839,"friendships":28840,"calam":28841,"damages":28842,"offset":28843,"jurassic":28844,"juno":28845,"arrell":28846,"ðŁĴ©":28847,"interventions":28848,"daredevil":28849,"carver":28850,"runaway":28851,"rane":28852,"trustees":28853,"haute":28854,"depths":28855,"ðŁİŃ":28856,"mein":28857,"sacrifices":28858,"concier":28859,"nesting":28860,"izzy":28861,"metam":28862,"ilovemy":28863,"urine":28864,"dulu":28865,"malhotra":28866,"veins":28867,"nightly":28868,"coat":28869,"andi":28870,"hewitt":28871,"lonel":28872,"cible":28873,"write":28874,"jennie":28875,"santac":28876,"ĸï¸ı":28877,"strato":28878,"singapore":28879,"soprano":28880,"kristen":28881,"cheerful":28882,"fleetwood":28883,"fairi":28884,"meli":28885,"wast":28886,"turnt":28887,"sforsale":28888,"scrolling":28889,"angelina":28890,"rendition":28891,"jericho":28892,"nicky":28893,"orb":28894,"flavo":28895,"patriot":28896,"asheville":28897,"sickness":28898,"refund":28899,"aggression":28900,"bpl":28901,"ãĥĥ":28902,"elusive":28903,"thistory":28904,"hanger":28905,"buffs":28906,"villas":28907,"atkinson":28908,"sph":28909,"jait":28910,"declined":28911,"wok":28912,"supremacy":28913,"ootball":28914,"eyang":28915,"ðŁİĵ":28916,"sford":28917,"athi":28918,"consume":28919,"roadster":28920,"eso":28921,"upro":28922,"recipe":28923,"auf":28924,"uci":28925,"aron":28926,"oooh":28927,"csgo":28928,"reich":28929,"mcd":28930,"minute":28931,"ladies":28932,"punk":28933,"rutgers":28934,"meek":28935,"arizon":28936,"taj":28937,"landlord":28938,"degra":28939,"autumn":28940,"lynx":28941,"usf":28942,"bhi":28943,"fairytale":28944,"donghae":28945,"betsy":28946,"exploded":28947,"chennai":28948,"opa":28949,"protag":28950,"brant":28951,"ðŁĵ°:":28952,"gf":28953,"palli":28954,"ðŁı¼âĢįâĻĢï¸ı":28955,"sut":28956,"illini":28957,"columnist":28958,"shirtless":28959,"decentr":28960,"searched":28961,"ecor":28962,"buggy":28963,"sack":28964,"ðŁĺĤðŁĺŃ":28965,"det":28966,"theri":28967,"ornaments":28968,"bringback":28969,"tov":28970,"quarterfinals":28971,"iche":28972,"constra":28973,"gier":28974,"buchanan":28975,"vix":28976,"kayaking":28977,"mustread":28978,"swallow":28979,"melb":28980,"scaf":28981,"opal":28982,"mayoral":28983,"harat":28984,"ð٦ĭ":28985,"schedules":28986,"idf":28987,"hague":28988,"roz":28989,"aah":28990,"dmc":28991,"duplic":28992,"cache":28993,"orphan":28994,"fracture":28995,"recon":28996,"chav":28997,"bunnies":28998,"alain":28999,"mustafa":29000,"ðŁİĻ":29001,"vacations":29002,"dynamite":29003,"texted":29004,"broadcaster":29005,"ðŁĴ£":29006,"steamed":29007,"rocker":29008,"dietary":29009,"luxurytravel":29010,"inaugurated":29011,"sawards":29012,"vaughn":29013,"lincolnshire":29014,"clicked":29015,"kraja":29016,"fanc":29017,"removes":29018,"layoffs":29019,"mcfar":29020,"breeds":29021,"winnie":29022,"jonghyun":29023,"incentive":29024,"variations":29025,"patton":29026,"aturday":29027,"persistent":29028,"prun":29029,"piers":29030,"dales":29031,"æĸ":29032,"breastfeeding":29033,"rance":29034,"tawa":29035,"Ĥâĸ":29036,"murdoch":29037,"captive":29038,"thistle":29039,"nica":29040,"commodity":29041,"couldnt":29042,"boardwalk":29043,"gracious":29044,"practitioners":29045,"ngc":29046,"scrum":29047,"nero":29048,"camouflage":29049,"colon":29050,"hei":29051,"physicist":29052,"saturdaymorning":29053,"tener":29054,"siwon":29055,"columns":29056,"brune":29057,"yvr":29058,"bair":29059,"retires":29060,"halam":29061,"caber":29062,"shazam":29063,"minu":29064,"cascade":29065,"milkshake":29066,"grid":29067,"dren":29068,"vincent":29069,"sodium":29070,"platter":29071,"cheerleader":29072,"chenko":29073,"yak":29074,"eliminated":29075,"typo":29076,"yman":29077,"rethink":29078,"âĿĹ":29079,"tsville":29080,"bernardokath":29081,"extr":29082,"ðŁĺģðŁĺģðŁĺģ":29083,"tao":29084,"reper":29085,"moths":29086,"empowered":29087,"citing":29088,"transported":29089,"monks":29090,"sanat":29091,"clears":29092,"bachelorette":29093,"campbell":29094,"rachael":29095,"harle":29096,"handler":29097,"climbs":29098,"interference":29099,"release":29100,"shand":29101,"rbs":29102,"hrh":29103,"ãģª":29104,"valle":29105,"ré":29106,"slime":29107,"wakes":29108,"chubby":29109,"sloan":29110,"elves":29111,"athen":29112,"attorneys":29113,"microscope":29114,"stoner":29115,"scaling":29116,"obe":29117,"cout":29118,"seman":29119,"midweek":29120,"balsam":29121,"ðŁĺįâĿ¤":29122,"tiful":29123,"vish":29124,"lotta":29125,"ripping":29126,"remn":29127,"tire":29128,"leap":29129,"havent":29130,"laby":29131,"himach":29132,"whispers":29133,"wein":29134,"ðŁİ¸":29135,"wildflowers":29136,"sele":29137,"ucc":29138,"liability":29139,"azine":29140,"swings":29141,"kya":29142,"tair":29143,"remain":29144,"edo":29145,"flops":29146,"pocket":29147,"grandad":29148,"examiner":29149,"gris":29150,"ffect":29151,"ðŁijĬðŁı»":29152,"studded":29153,"heartbeat":29154,"deacon":29155,"firmly":29156,"infectious":29157,"stef":29158,"outlines":29159,"leasing":29160,"claws":29161,"sense":29162,"tabs":29163,"hoot":29164,"mosul":29165,"spawn":29166,"coa":29167,"hogwarts":29168,"vein":29169,"albania":29170,"manuel":29171,"bino":29172,"vauxhall":29173,"scotland":29174,"gobucks":29175,"matty":29176,"physio":29177,"torino":29178,"constable":29179,"investigated":29180,"slower":29181,"mistaken":29182,"bayer":29183,"wildfires":29184,"voic":29185,"xon":29186,"timeto":29187,"chassis":29188,"barric":29189,"pion":29190,"baldhead":29191,"wook":29192,"registr":29193,"drafts":29194,"bhs":29195,"ligue":29196,"lick":29197,"staffordshire":29198,"bafta":29199,"darry":29200,"jeanne":29201,"vending":29202,"corp":29203,"âĽ³ï¸ı":29204,"kiddos":29205,"fenway":29206,"cao":29207,"westbound":29208,"ðŁĺĻ":29209,"dvr":29210,"quicker":29211,"blah":29212,"goodie":29213,"ðŁĴĭðŁĴĭ":29214,"vox":29215,"esper":29216,"facade":29217,"correlation":29218,"redbull":29219,"roup":29220,"declining":29221,"chive":29222,"mcgee":29223,"turo":29224,"inder":29225,"feller":29226,"fug":29227,"ilysm":29228,"mardi":29229,"peshawar":29230,"kieran":29231,"inema":29232,"meatballs":29233,"peck":29234,"depressing":29235,"sensing":29236,"giz":29237,"ddington":29238,"springwatch":29239,"roaming":29240,"yellowstone":29241,"horseshoe":29242,"amman":29243,"weekday":29244,"olor":29245,"ðŁ¥°":29246,"boosts":29247,"sprint":29248,"scarves":29249,"jee":29250,"beetro":29251,"clan":29252,"allthe":29253,"ìĦ¸ë":29254,"enlightenment":29255,"adobe":29256,"regeneration":29257,"?@":29258,"contag":29259,"yachts":29260,"tou":29261,"mora":29262,"envoy":29263,"rani":29264,"goli":29265,"dhanushkraja":29266,"woodworking":29267,"strengths":29268,"sedi":29269,"discs":29270,"arina":29271,"scon":29272,"lite":29273,"another":29274,"ðŁ¥Ĭ":29275,"yemen":29276,"guern":29277,"savvy":29278,"loyed":29279,"biomed":29280,"heartbreak":29281,"comrades":29282,"millie":29283,"patch":29284,"unf":29285,"jarvis":29286,"blaming":29287,"commemoration":29288,"gey":29289,"å¥":29290,"cardiovascular":29291,"aligned":29292,"document":29293,".?":29294,"aesthetics":29295,"emu":29296,"theirs":29297,"leh":29298,"psic":29299,"sif":29300,"plateau":29301,"expend":29302,"dominating":29303,"robes":29304,"mauritius":29305,"exceptionally":29306,"homer":29307,"discoveries":29308,"braun":29309,"tennant":29310,"insulin":29311,"ðŁİ®":29312,"carbs":29313,"teas":29314,"?!\"":29315,"zie":29316,"francois":29317,"browsing":29318,"thol":29319,"clarence":29320,"helper":29321,"obtained":29322,"cassie":29323,"lees":29324,"!,":29325,"pomegran":29326,"hubs":29327,"prestige":29328,"][":29329,"macher":29330,"bottled":29331,"punch":29332,"pipe":29333,"och":29334,"gallons":29335,"deliveries":29336,"ura":29337,"unday":29338,"monde":29339,"depicts":29340,"regency":29341,"outrageous":29342,"khaled":29343,"caro":29344,"hearti":29345,"zag":29346,"developmental":29347,"overcoming":29348,"statistical":29349,"flavored":29350,"fords":29351,"creatives":29352,"laurence":29353,"dias":29354,"sunscreen":29355,"inked":29356,"preacher":29357,"nul":29358,"impacting":29359,"autistic":29360,"âļĶï¸ı":29361,"oss":29362,"pelicans":29363,"celeste":29364,"vb":29365,"rump":29366,"mcgra":29367,"fairfax":29368,"humor":29369,"bbcnews":29370,"rowling":29371,"calder":29372,"seamless":29373,"agne":29374,"pti":29375,"mixed":29376,"tshirts":29377,"merci":29378,"btob":29379,"womeninstem":29380,"genealogy":29381,"preven":29382,"lour":29383,"cradle":29384,"giuse":29385,"о":29386,"chrono":29387,"fairness":29388,"chocolate":29389,"tory":29390,"asda":29391,"prescott":29392,"stretched":29393,"alman":29394,"uil":29395,"recharge":29396,"intre":29397,"obst":29398,"hospital":29399,"hayward":29400,"tenerife":29401,"friedman":29402,"vaping":29403,"confessions":29404,"yeah":29405,"balli":29406,"lucknow":29407,"corpse":29408,"sculptor":29409,"ampton":29410,"tpp":29411,"indicates":29412,"surplus":29413,"truman":29414,"ðĿĻ":29415,"sinha":29416,"invo":29417,"sovereign":29418,"kev":29419,"establishing":29420,"engraved":29421,"assuming":29422,"ðŁıģ":29423,"souza":29424,"fabi":29425,"toned":29426,"ounge":29427,"deloit":29428,"downey":29429,"noble":29430,"omor":29431,"cartridge":29432,"ðŁıIJ":29433,"uhur":29434,"holloway":29435,"successes":29436,"rsa":29437,"âĦ¢":29438,"mazz":29439,"twd":29440,"discourse":29441,".<":29442,"yat":29443,"satisfy":29444,"compri":29445,"ह":29446,"graphite":29447,"dissertation":29448,"arter":29449,"íĶ":29450,"bally":29451,"zombi":29452,"lyons":29453,"aic":29454,"ubc":29455,"prada":29456,"eil":29457,"dax":29458,"clai":29459,"granddaughter":29460,"extravaganza":29461,"challenge":29462,"ð٤ŀ":29463,"pover":29464,"primarily":29465,"daddy":29466,"mana":29467,"bikers":29468,"inquiries":29469,"daun":29470,"feline":29471,"generative":29472,"hef":29473,"benefiting":29474,"lindsey":29475,"polka":29476,"demonstrated":29477,"alle":29478,"randy":29479,"osu":29480,"lowkey":29481,"weirdest":29482,"redbull":29483,"oury":29484,"nous":29485,"woodstock":29486,"credenti":29487,"nicer":29488,"gado":29489,"alyss":29490,"aph":29491,"preparedness":29492,"stationary":29493,"incorporated":29494,"dyer":29495,"saratoga":29496,"celesti":29497,":\"":29498,"antibiotics":29499,"orgs":29500,"indefin":29501,"apron":29502,"иÐ":29503,"fifteen":29504,"nof":29505,"ðŁĶĿ":29506,"phx":29507,"tega":29508,"mz":29509,"organizational":29510,"onair":29511,"bandung":29512,"pleasures":29513,"mori":29514,"secretari":29515,"raccoon":29516,"cashi":29517,"pilates":29518,"kon":29519,"geoffrey":29520,"lao":29521,"kamp":29522,"departments":29523,"backpacking":29524,"anam":29525,"ë":29526,"crackdown":29527,"aunty":29528,"ondo":29529,"lizzie":29530,"phers":29531,"cun":29532,"ðŁĩ±":29533,"kpop":29534,"put":29535,"intentional":29536,"connolly":29537,"barclays":29538,"hsfb":29539,"swindon":29540,"uku":29541,"sally":29542,"aint":29543,"âľħ":29544,"penang":29545,"uplifting":29546,"epilepsy":29547,"interro":29548,"bungal":29549,"goku":29550,"blueberries":29551,"द":29552,"ussia":29553,"silky":29554,"moured":29555,"istic":29556,"briefs":29557,"meats":29558,"gob":29559,"chaser":29560,"statewide":29561,"prasad":29562,"glitch":29563,"arin":29564,"banff":29565,"member":29566,"ðŁĺŃâĿ¤ï¸ı":29567,"loving":29568,"halla":29569,"ม":29570,"smokers":29571,"yaku":29572,"scicomm":29573,"physio":29574,"swol":29575,"lemons":29576,"gelato":29577,"chool":29578,"capitals":29579,"kistan":29580,"tights":29581,"spikes":29582,"travellers":29583,"iklan":29584,"commissioning":29585,"arine":29586,"emabiggestfans":29587,"emphasis":29588,"frontline":29589,"paddock":29590,"destructive":29591,"baha":29592,"linger":29593,"jewish":29594,"shetland":29595,"mcgin":29596,"monkey":29597,"koz":29598,"sone":29599,"rajini":29600,"teh":29601,"yen":29602,"cvs":29603,"masquer":29604,"girly":29605,"wesle":29606,"wasnt":29607,"brody":29608,"terminator":29609,"gille":29610,"maggi":29611,"birdie":29612,"jeopardy":29613,"cubic":29614,"vmware":29615,"intricate":29616,"anup":29617,"topia":29618,"easton":29619,"sabres":29620,"investigates":29621,"busting":29622,"bilingual":29623,"valentino":29624,"informat":29625,"ferre":29626,"adventur":29627,"hydrate":29628,"forsy":29629,"aziz":29630,"santo":29631,"ede":29632,"whistler":29633,"continuously":29634,"dham":29635,"unused":29636,"jihad":29637,"addictive":29638,"vidy":29639,"dob":29640,"ido":29641,"fied":29642,"niversary":29643,"none":29644,"fuer":29645,"ðŁĺįðŁĺĺ":29646,"covenant":29647,"printable":29648,"immaculate":29649,"oem":29650,"clt":29651,"servants":29652,"consumed":29653,"unreleased":29654,"scum":29655,"packaged":29656,"mere":29657,"ìĦ¸ë¸":29658,"toby":29659,"taf":29660,"spoons":29661,"meal":29662,"fball":29663,"fairfield":29664,"janet":29665,"silverstone":29666,"dartmouth":29667,"followme":29668,"voyager":29669,"kombat":29670,"anniver":29671,"enew":29672,"magdal":29673,"hove":29674,"sath":29675,"grizzly":29676,"cardi":29677,"gartner":29678,"sandy":29679,"kanye":29680,"posture":29681,"poign":29682,"impulse":29683,"radiology":29684,"horizons":29685,"siam":29686,"aishwar":29687,"==>":29688,"noche":29689,"tris":29690,"elyn":29691,"comme":29692,"dui":29693,"cec":29694,"councillors":29695,"cuddling":29696,"creeping":29697,"locke":29698,"manages":29699,"transferred":29700,"necks":29701,"dier":29702,"dano":29703,"vick":29704,"lunches":29705,"dhe":29706,"ensures":29707,"criss":29708,"ulster":29709,"bannon":29710,"contenders":29711,"spam":29712,"sweetness":29713,"medal":29714,"honduras":29715,"arctic":29716,"ultrasound":29717,"infr":29718,"discovers":29719,"eiffel":29720,"casters":29721,"ruben":29722,"dust":29723,"aweed":29724,"atrium":29725,"lestwe":29726,"seared":29727,"ðŁĵº:":29728,"tyne":29729,"exchanges":29730,"littlemix":29731,"lle":29732,"astronauts":29733,"hershey":29734,"workday":29735,"knob":29736,"sov":29737,"resigns":29738,"todayshow":29739,"derman":29740,"anth":29741,"afc":29742,"taster":29743,"swoo":29744,"saeed":29745,"pering":29746,"narrowly":29747,"rnli":29748,"bestbuy":29749,"panasonic":29750,"obstacle":29751,"farmers":29752,"ðŁİĻ":29753,"pawan":29754,"kiest":29755,"angers":29756,"absurd":29757,"ohmy":29758,"sino":29759,"pistachi":29760,"spice":29761,"giuli":29762,"primetime":29763,"kow":29764,"kens":29765,"exagger":29766,"!?!":29767,"uba":29768,"middles":29769,"judd":29770,"ejec":29771,"slammed":29772,"pensions":29773,"ofa":29774,"recreate":29775,"bhp":29776,"xxl":29777,"liverpool":29778,"thresh":29779,"purity":29780,"nieu":29781,"holics":29782,"wrath":29783,"rado":29784,"glio":29785,"amma":29786,"dilemma":29787,"cru":29788,"letsgo":29789,"....@":29790,"âĿĵ":29791,"suggesting":29792,"trumps":29793,"horus":29794,"fv":29795,"icom":29796,"referring":29797,"predictive":29798,"tarts":29799,"gette":29800,"sock":29801,"glossy":29802,"pinky":29803,"alec":29804,"thyme":29805,"oura":29806,"theroad":29807,"petr":29808,"cram":29809,"pfi":29810,"dvn":29811,"meier":29812,"incentives":29813,"tunnels":29814,"mobil":29815,"recap":29816,"extras":29817,"upright":29818,"revamp":29819,"perseverance":29820,",-":29821,"otp":29822,"mirror":29823,"arwx":29824,"gerry":29825,"maher":29826,"gor":29827,"homepage":29828,"amis":29829,"agra":29830,"madele":29831,"bestfriend":29832,"siriusxm":29833,"bundles":29834,"admiring":29835,"tdsb":29836,"ðŁįģ":29837,"chas":29838,"slowing":29839,"roh":29840,"wallpapers":29841,"â̦/":29842,"tekken":29843,"gangs":29844,"tala":29845,"lindsay":29846,"shoul":29847,"linebacker":29848,"toolkit":29849,"uranium":29850,"calyp":29851,"abrams":29852,"matthi":29853,"ðŁı¿":29854,"honourable":29855,"dayo":29856,"versail":29857,"tank":29858,"stc":29859,"fritz":29860,"splend":29861,"patag":29862,"annoyed":29863,"onday":29864,"devastated":29865,"chattanooga":29866,"nationalism":29867,"massey":29868,"jenn":29869,"tailor":29870,"devgn":29871,"organs":29872,"zucchini":29873,"onfox":29874,"satire":29875,"wexford":29876,"disgrace":29877,"noto":29878,"volta":29879,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":29880,"à¶":29881,"homeowners":29882,"pointer":29883,"mcr":29884,"austen":29885,"daysto":29886,"moons":29887,"palma":29888,"grazing":29889,"eso":29890,"influencers":29891,"shahidkapoor":29892,"compliant":29893,"measurements":29894,"develops":29895,"yd":29896,"parl":29897,"pvt":29898,"randolph":29899,"tortured":29900,"gerald":29901,"elias":29902,"deepikap":29903,"warmup":29904,"hickory":29905,"gap":29906,"coffin":29907,"amour":29908,"reneg":29909,"mounting":29910,"sevens":29911,"igle":29912,"hier":29913,"decad":29914,"tright":29915,"escapes":29916,"werner":29917,"tfl":29918,"fulfilled":29919,"niger":29920,"sourdough":29921,"reaper":29922,"chooses":29923,"spinner":29924,"weeknd":29925,"filtered":29926,"shuk":29927,"kati":29928,"oldham":29929,"opensource":29930,"khanna":29931,"atelier":29932,"connec":29933,"ophobic":29934,"glas":29935,"complications":29936,"arson":29937,"councils":29938,"smol":29939,"assy":29940,"lurking":29941,"lingui":29942,"hanks":29943,"ein":29944,"Ùħ":29945,"rugs":29946,"nguyen":29947,"nouveau":29948,"menace":29949,"lev":29950,"aladdin":29951,"ruining":29952,"roundabout":29953,"km":29954,"conor":29955,"shoops":29956,"mayday":29957,"traumatic":29958,"prabhas":29959,"kaiser":29960,"kita":29961,"router":29962,"pedro":29963,"retar":29964,"stunner":29965,"spanish":29966,"disturbed":29967,"academy":29968,"elearning":29969,"witty":29970,"seng":29971,"feral":29972,"avy":29973,"stab":29974,"keaton":29975,"urdu":29976,"koto":29977,"hui":29978,"cooke":29979,"arian":29980,"thepersonal":29981,"uma":29982,"seap":29983,"asting":29984,"rhetoric":29985,"handwriting":29986,"municipality":29987,"consortium":29988,"ðŁIJŁ":29989,"glasgow":29990,"raya":29991,"eliza":29992,"polymer":29993,"broth":29994,"practi":29995,"correspondent":29996,"addicts":29997,"gayle":29998,"ailing":29999,"ofe":30000,"pli":30001,"heartw":30002,"stitch":30003,"sightings":30004,"priests":30005,"samo":30006,"sloth":30007,"goodwood":30008,"rocco":30009,"sabc":30010,"summit":30011,"lace":30012,"presley":30013,"itten":30014,"cincy":30015,"thepersonalnetwork":30016,"sweek":30017,"pegas":30018,"afcon":30019,"registry":30020,"cim":30021,"leth":30022,"dicap":30023,"candice":30024,"fluent":30025,"smack":30026,"pedestri":30027,"aloud":30028,"carac":30029,"priyankach":30030,"pgh":30031,"irons":30032,"dolce":30033,"latvia":30034,"deceased":30035,"therock":30036,"clap":30037,"cene":30038,"foam":30039,"morrissey":30040,"gret":30041,"essentially":30042,"comcast":30043,"beagle":30044,"argues":30045,"inged":30046,"-â̦":30047,"sag":30048,"hasan":30049,"ðŁĻĨ":30050,"ðŁį°":30051,"nhra":30052,"kannada":30053,"indicators":30054,"oner":30055,"brixton":30056,"atas":30057,"screenplay":30058,"sorority":30059,"shaheed":30060,"heem":30061,"classmates":30062,"tainment":30063,"esi":30064,"breastcancer":30065,"zuckerberg":30066,"auror":30067,"encia":30068,"refers":30069,"kaeper":30070,"vortex":30071,"compart":30072,"lymph":30073,"photographing":30074,"steff":30075,"restling":30076,"parsley":30077,"momento":30078,"thman":30079,"lacking":30080,"dutt":30081,"oculus":30082,"fino":30083,"frenzy":30084,"rasc":30085,"dern":30086,"dismissed":30087,"nook":30088,"metgala":30089,"shill":30090,"raphael":30091,"mavericks":30092,"exhibits":30093,"eagerly":30094,"cpa":30095,"amenities":30096,".âłĢ":30097,"exodus":30098,"ernst":30099,"lita":30100,"dealt":30101,"womensmarch":30102,"iain":30103,"scoreboard":30104,"campeones":30105,"cen":30106,"tiki":30107,"garrison":30108,"fidelity":30109,"brag":30110,"roadmap":30111,"psychop":30112,"loe":30113,"bleu":30114,"ðŁijĬðŁı¼":30115,"sauvi":30116,"springer":30117,"temptation":30118,"rudolph":30119,"acura":30120,"wicz":30121,"parachute":30122,"strol":30123,"lenny":30124,"zik":30125,"doms":30126,"nbaf":30127,"alpac":30128,"vivian":30129,"rove":30130,"preet":30131,"perpetu":30132,"snake":30133,"airsoft":30134,"inflatable":30135,"princes":30136,"atie":30137,"ffey":30138,"patient":30139,"mire":30140,"chelle":30141,"slack":30142,"groovy":30143,"#:":30144,"uploading":30145,"!!!!!!!!!!!!!!!!":30146,"siemens":30147,"provision":30148,"vfx":30149,"needy":30150,"fats":30151,"topoli":30152,"bhutto":30153,"sathletics":30154,"alums":30155,"twinning":30156,"southwestern":30157,"adopting":30158,"lastnight":30159,"manne":30160,"laga":30161,"twell":30162,"acia":30163,"----":30164,"eyewear":30165,"hurley":30166,"flee":30167,"sach":30168,"pecker":30169,"costly":30170,"isk":30171,"crates":30172,"policy":30173,"erosion":30174,"ingo":30175,"werk":30176,"ðŁIJį":30177,"tortoise":30178,"therapies":30179,"internet":30180,"chihuahua":30181,"rips":30182,"frei":30183,"edor":30184,"taiji":30185,"tfc":30186,"dod":30187,"dempsey":30188,"christin":30189,"cheng":30190,"hips":30191,"graeme":30192,"compassionate":30193,"cavaliers":30194,"historic":30195,"soulful":30196,"criminal":30197,"jac":30198,"vinci":30199,"expired":30200,"surat":30201,"turismo":30202,"kona":30203,"seaweed":30204,"berts":30205,"leica":30206,"expressing":30207,"aal":30208,"wort":30209,"breakfast":30210,"herring":30211,"amused":30212,"rhubarb":30213,"martian":30214,"cosplayer":30215,"yash":30216,"strial":30217,"raul":30218,"referral":30219,"dwts":30220,"jw":30221,"adler":30222,"curtains":30223,"gur":30224,"valence":30225,"tyrone":30226,"swfc":30227,"coached":30228,"reborn":30229,"diabetic":30230,"choke":30231,"norfolk":30232,"investigative":30233,"ðŁĴ¯ðŁĴ¯":30234,"zid":30235,"vmas":30236,"phie":30237,"objectives":30238,"âľĭ":30239,"overdue":30240,"divers":30241,"matsu":30242,"ðŁİŁï¸ı":30243,"casualties":30244,"ว":30245,"alk":30246,"standardi":30247,"realist":30248,"artifacts":30249,"pandor":30250,"kex":30251,"invin":30252,"(!)":30253,"iney":30254,"paraly":30255,"mrt":30256,"faye":30257,"thevoice":30258,"onga":30259,"deed":30260,"skinner":30261,"azwx":30262,"specimen":30263,"priyankachopra":30264,"nuevo":30265,"barkley":30266,"toulouse":30267,"resumes":30268,"footballers":30269,"citi":30270,"fetch":30271,"ère":30272,"lestweforget":30273,"ðŁĻĭ":30274,"chunk":30275,"drifting":30276,"manipulation":30277,"equals":30278,"putt":30279,"kyungsoo":30280,"âĿ¤ï¸ı#":30281,"elastic":30282,"parano":30283,"foy":30284,"doping":30285,"cincy":30286,"ssler":30287,"interrupted":30288,"alay":30289,"adores":30290,"amethy":30291,"convoy":30292,"ãĢı":30293,"Ĭãģ":30294,"blacklist":30295,"generals":30296,"sachin":30297,"brushed":30298,"ounces":30299,"nonstop":30300,"illiams":30301,"btsarmy":30302,"uav":30303,"ruff":30304,"burma":30305,"bik":30306,"defence":30307,"schultz":30308,"boasts":30309,"loneliness":30310,"gore":30311,"transforms":30312,"alumna":30313,"@@":30314,"rappers":30315,"nehru":30316,"caro":30317,"himalayan":30318,"wearables":30319,"geh":30320,"peppermint":30321,"redevelopment":30322,"flamingo":30323,"cosby":30324,"bigbaldhead":30325,"agri":30326,"barefoot":30327,"scopes":30328,"regram":30329,"ghana":30330,"ðŁİ«":30331,"iheart":30332,"sadie":30333,"carrie":30334,"microbial":30335,"kuala":30336,"skater":30337,"querque":30338,"âĻ©":30339,"genres":30340,"reasoning":30341,"chased":30342,"aso":30343,"slipped":30344,"encan":30345,"vamos":30346,"kers":30347,"adverse":30348,"moil":30349,"commodities":30350,"withyou":30351,"silent":30352,"hype":30353,"ande":30354,"amination":30355,"whispe":30356,"litz":30357,"âļ½ï¸ıâļ½ï¸ı":30358,"riff":30359,"ppy":30360,"lambs":30361,"ganesh":30362,"absent":30363,"regulator":30364,"marseille":30365,"enroll":30366,"parcel":30367,"wap":30368,"byrd":30369,"ðŁĩŃ":30370,"tuber":30371,"countrymusic":30372,"parl":30373,"controllers":30374,"responsibilities":30375,"wey":30376,"chate":30377,"montenegro":30378,"chico":30379,"milan":30380,"lms":30381,"trainees":30382,"appropriately":30383,"uncertain":30384,"poppies":30385,"edsheeran":30386,"nutritious":30387,"garo":30388,"deutsch":30389,"awesome":30390,"ãĥ¼":30391,"comfortably":30392,"landmarks":30393,"eti":30394,"reusable":30395,"danielle":30396,"rosal":30397,"coles":30398,"justic":30399,"ccs":30400,"fanny":30401,"nim":30402,"mcu":30403,"clinch":30404,"atene":30405,"merge":30406,"imdb":30407,"anglo":30408,"uccino":30409,"panini":30410,"annot":30411,"burberry":30412,"feature":30413,"predicting":30414,"fashionista":30415,"sask":30416,"imaginary":30417,"mmo":30418,"southsudan":30419,"spear":30420,"hubble":30421,"jointhe":30422,"coyotes":30423,"sligo":30424,"kodak":30425,"sitcom":30426,"polaroid":30427,"rooted":30428,"corrup":30429,"ðŁĻĮðŁĻĮ":30430,"brisban":30431,"atz":30432,"ahl":30433,"remy":30434,"talent":30435,"avalon":30436,"rada":30437,"pauline":30438,"locomotive":30439,"goons":30440,"nemo":30441,"maserati":30442,"icu":30443,"stutt":30444,"historically":30445,"smb":30446,"presby":30447,"avoid":30448,"sooners":30449,"rhinestone":30450,"wad":30451,"rising":30452,"trot":30453,"modes":30454,"regent":30455,"optimize":30456,"reece":30457,"smu":30458,"verti":30459,"newyorkcity":30460,"cortez":30461,"rac":30462,"incase":30463,"sinc":30464,"fielding":30465,"etta":30466,"tiffany":30467,"almonds":30468,"saddle":30469,"krat":30470,"matter":30471,"glow":30472,"starving":30473,"glo":30474,"crappy":30475,"slur":30476,"std":30477,"monitors":30478,"receipt":30479,"maymayentrata":30480,"mcil":30481,"unis":30482,"rainbows":30483,"caldwell":30484,"pacquiao":30485,"jop":30486,"afe":30487,"hook":30488,"essen":30489,"wizard":30490,"median":30491,"flaws":30492,"coms":30493,"âĿĦ":30494,"ingh":30495,"haynes":30496,"antonio":30497,"templates":30498,"outer":30499,"naw":30500,"cardigan":30501,"belgrade":30502,"ðŁĴī":30503,"homo":30504,"aise":30505,"ropes":30506,"nove":30507,"whatyou":30508,"trigge":30509,"conception":30510,"adukone":30511,"nadi":30512,"friars":30513,"swer":30514,"adjusted":30515,"hotline":30516,"sanity":30517,"kaur":30518,"downloading":30519,"cgi":30520,"tenor":30521,"ethnic":30522,"appalach":30523,"ุ":30524,"pag":30525,"golds":30526,"onset":30527,"investigator":30528,"cartel":30529,"peacefully":30530,"jarrett":30531,"catalan":30532,"polio":30533,"num":30534,"frustration":30535,"dharma":30536,"mylife":30537,"âľĮðŁı»":30538,"aberdeen":30539,"musa":30540,"binder":30541,"sparkly":30542,"fleeing":30543,"instinct":30544,"coping":30545,"dominance":30546,"illers":30547,"era":30548,"uconn":30549,"looms":30550,"livingston":30551,"gali":30552,"hes":30553,"cma":30554,"bela":30555,"seley":30556,"monk":30557,"lach":30558,"marx":30559,"´":30560,"merica":30561,"womanin":30562,"essex":30563,"raina":30564,"jimi":30565,"neptune":30566,"zack":30567,"chinese":30568,"martins":30569,"chandelier":30570,"hern":30571,"withus":30572,"earl":30573,"asphalt":30574,"modules":30575,"stp":30576,"ulla":30577,"psychiatric":30578,"mileage":30579,"captivating":30580,"sider":30581,"mento":30582,"mort":30583,"trance":30584,"talbot":30585,"abby":30586,"ìĥ":30587,"âľĮðŁı¼":30588,"jak":30589,"dawn":30590,"turnup":30591,"screwed":30592,"feds":30593,"blueprint":30594,"ðŁĴĸðŁĴĸ":30595,"harsh":30596,"eros":30597,"insomnia":30598,"bankers":30599,"taemin":30600,"misconduct":30601,"humber":30602,"gidi":30603,"eduardo":30604,"cona":30605,"muscular":30606,"consuming":30607,"rash":30608,"donnie":30609,"dipped":30610,"collie":30611,"samuel":30612,"meltdown":30613,"ðŁĺįðŁĺįðŁĺį":30614,"mez":30615,"examining":30616,"schwartz":30617,"pristine":30618,"ðŁIJĿ":30619,"veit":30620,"fulfilling":30621,"anesthe":30622,"guesses":30623,"draft":30624,"somme":30625,"solid":30626,"pational":30627,"hoped":30628,"evolutionary":30629,"aller":30630,"entertained":30631,"slips":30632,"ludwig":30633,"concludes":30634,"sensible":30635,"bonnet":30636,"craze":30637,"tras":30638,"hazards":30639,"constantine":30640,"edics":30641,"startrek":30642,"toc":30643,"occupational":30644,"incheon":30645,"deepikapadukone":30646,"pizzas":30647,"newcomer":30648,"depart":30649,"oppression":30650,"ebony":30651,"fossils":30652,"trojan":30653,"elen":30654,"steaks":30655,"khou":30656,"positioning":30657,"ugby":30658,"redcross":30659,"akh":30660,"dolce":30661,"usmnt":30662,"ppen":30663,"dilig":30664,"mavs":30665,"caller":30666,"costello":30667,"âĽĦ":30668,"dyn":30669,"things":30670,"rhinos":30671,"axi":30672,"sarkar":30673,"convocation":30674,"atters":30675,"ssss":30676,"fungus":30677,"eugen":30678,"russo":30679,"squat":30680,"wsb":30681,"elion":30682,"williamsburg":30683,"soff":30684,"deficiency":30685,"bearer":30686,"okin":30687,"keystone":30688,"twain":30689,"calming":30690,"breakable":30691,"wares":30692,"horseracing":30693,"combs":30694,"bunting":30695,"uit":30696,"tland":30697,"ðŁĴĻðŁĴĻðŁĴĻ":30698,"gastron":30699,"sabot":30700,"ickers":30701,"commissioners":30702,"senate":30703,"iiot":30704,"athena":30705,"nitrogen":30706,"antony":30707,"erotic":30708,"dialo":30709,"missou":30710,"hypocr":30711,"âľĪ":30712,"kaepernick":30713,"canv":30714,"droo":30715,"cleveland":30716,"osh":30717,"monsta":30718,"stefano":30719,"^)":30720,"shul":30721,"poison":30722,"hae":30723,"commercials":30724,"maul":30725,"nitro":30726,"coworker":30727,"aloe":30728,"vapor":30729,"tents":30730,"russian":30731,"quid":30732,"questionable":30733,"midget":30734,"poker":30735,"girlfriends":30736,"sinthe":30737,"eritrea":30738,"tenure":30739,"deposits":30740,"buckeyes":30741,"spotter":30742,"theodore":30743,"trinity":30744,"joaquin":30745,"ucci":30746,"followthe":30747,"cafc":30748,"mpa":30749,"ðŁIJ»":30750,"plotting":30751,"domino":30752,"taek":30753,"sionally":30754,"dicaprio":30755,"pap":30756,"carmel":30757,"iger":30758,"btcc":30759,"bethle":30760,"wwwbigbaldhead":30761,"foodie":30762,"baghdad":30763,"masonry":30764,"offended":30765,"à·":30766,"à¸ģ":30767,"scro":30768,"verses":30769,"orient":30770,"arches":30771,"piyu":30772,"knowyour":30773,"gree":30774,"takers":30775,"guard":30776,"dishon":30777,"bucketlist":30778,"bhafc":30779,"wardly":30780,"ðŁİīðŁİĬ":30781,"leighton":30782,"pew":30783,"stray":30784,"assaulted":30785,"inhal":30786,"lyfe":30787,"amarketing":30788,"lx":30789,"katz":30790,"ubuntu":30791,"meo":30792,"cartoonist":30793,"turnover":30794,"miz":30795,"dislike":30796,"mullen":30797,"mof":30798,"bland":30799,"hides":30800,"emerges":30801,"chorizo":30802,"trustee":30803,"mahog":30804,"lansing":30805,"paralympic":30806,"faint":30807,"fauna":30808,"chal":30809,"snar":30810,"cath":30811,"benton":30812,"castillo":30813,"slippery":30814,"apricot":30815,"oecd":30816,"baro":30817,"lz":30818,"heming":30819,"clowns":30820,"coworkers":30821,"peruvian":30822,"commuters":30823,"yell":30824,"ðŁļ´":30825,"undering":30826,"vj":30827,"ttp":30828,"flipk":30829,"wana":30830,"socent":30831,"ĤâĸĤâĸ":30832,"à¤Ĥ":30833,"oosa":30834,"jagger":30835,"dism":30836,"eless":30837,"dham":30838,"calif":30839,"aofficial":30840,"eclip":30841,"harrogate":30842,"grapp":30843,"comrade":30844,"ntr":30845,"concentrate":30846,"thighs":30847,"bitcoin":30848,"belarus":30849,"ëĵ":30850,"enduring":30851,"nowwatching":30852,"industrial":30853,"pip":30854,"aron":30855,"arat":30856,"®":30857,"whitby":30858,"ooooooo":30859,"saree":30860,"ticals":30861,"misleading":30862,"yoon":30863,"years":30864,"sleigh":30865,"romanian":30866,"scissors":30867,"vampires":30868,"acup":30869,"abba":30870,"thweeksary":30871,"centri":30872,"flye":30873,"uo":30874,"cbi":30875,"buena":30876,"sind":30877,"marino":30878,"burr":30879,"rebuilding":30880,"ल":30881,"anniversaire":30882,"acca":30883,"ðŁĴĢðŁĴĢ":30884,"getting":30885,"tulips":30886,"wolfpack":30887,"âľįï¸ı":30888,"morethan":30889,"takin":30890,"ð٤ĺðŁı»":30891,"ube":30892,"monic":30893,"doubts":30894,"mower":30895,"cobalt":30896,"donne":30897,"speculation":30898,"arguably":30899,"kaku":30900,"https":30901,"prosecution":30902,"dinah":30903,"stamatic":30904,"disclosed":30905,"beverly":30906,"flwx":30907,"crabs":30908,"extraordinaire":30909,"warmest":30910,"imperi":30911,"ologists":30912,"traces":30913,"parc":30914,"lakeside":30915,"amr":30916,"teri":30917,"hourly":30918,"domination":30919,"arrow":30920,"shrewsbury":30921,"ancestry":30922,"wrangler":30923,"triggered":30924,"pensac":30925,"rooster":30926,"survives":30927,"aon":30928,"boko":30929,"valor":30930,"loveis":30931,"lag":30932,"pey":30933,"focal":30934,"outlaws":30935,"blanc":30936,"articho":30937,"wits":30938,"marshall":30939,"diego":30940,"supportsmall":30941,"uca":30942,"sah":30943,"jeet":30944,"synago":30945,"governing":30946,"ðŁĴ¬":30947,"salads":30948,"create":30949,"miriam":30950,"censored":30951,"amide":30952,"nou":30953,"zeta":30954,"allegiance":30955,"*)":30956,"blm":30957,"rican":30958,"pastors":30959,"olympus":30960,"bloc":30961,"whirl":30962,"starry":30963,"prone":30964,"yk":30965,"pne":30966,"congratulating":30967,"bev":30968,"sober":30969,"loveisland":30970,"sair":30971,"aning":30972,"tutorials":30973,"qe":30974,"lund":30975,"inist":30976,"clever":30977,"taxpayer":30978,"aliz":30979,"wrench":30980,"ddling":30981,"capri":30982,"hpa":30983,"ðŁı»âĢįâĻĤï¸ı":30984,"naj":30985,"oj":30986,"futuristic":30987,"jellyfish":30988,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":30989,"celery":30990,"plank":30991,"fila":30992,"neme":30993,"unhealthy":30994,"lections":30995,"ðŁ§¡":30996,"ritchie":30997,"nws":30998,"mikha":30999,"wonderwoman":31000,"âĢİ":31001,"hipstamatic":31002,"kag":31003,"ðŁĴľðŁĴľðŁĴľ":31004,"poultry":31005,"mow":31006,"words":31007,"loff":31008,"ðŁ¤£ðŁ¤£":31009,"relatable":31010,"remixes":31011,"kenyatta":31012,"kem":31013,"resigned":31014,"fod":31015,"straigh":31016,"jlo":31017,"hutch":31018,"boxers":31019,"colleen":31020,"mags":31021,"instructional":31022,"kol":31023,"attracts":31024,"prag":31025,"accountant":31026,"goggles":31027,"bru":31028,"thole":31029,"marrow":31030,"leuke":31031,"octo":31032,"ponds":31033,"bubbly":31034,"heist":31035,"ìĹij":31036,"imp":31037,"ahar":31038,"haunt":31039,"hallmark":31040,"psych":31041,"kkkkkkkk":31042,"columb":31043,"jumpsuit":31044,"costco":31045,"sidelines":31046,"aggies":31047,"overturned":31048,"nib":31049,"keychain":31050,"fuk":31051,"faf":31052,"miam":31053,"assistants":31054,"cycled":31055,"rider":31056,"dammit":31057,"redwings":31058,"mages":31059,"kins":31060,"ìĤ":31061,"hod":31062,"sont":31063,"caroline":31064,"\"'":31065,"cule":31066,"braid":31067,"felony":31068,"arities":31069,"rutherford":31070,"depiction":31071,"isabelle":31072,"roach":31073,"kday":31074,"fifthharmony":31075,"emy":31076,"ligam":31077,"barista":31078,"albuquerque":31079,"gross":31080,"ðŁįº":31081,"ooks":31082,"ðŁij¼":31083,"duncan":31084,"tryin":31085,"jags":31086,"gould":31087,"litho":31088,"âģ£":31089,"аÐ":31090,"sammy":31091,"tung":31092,"casser":31093,"apolo":31094,"aaaaa":31095,"mang":31096,"asics":31097,"shen":31098,"pye":31099,"turbul":31100,"ssp":31101,"saintsfc":31102,"onlin":31103,"nanny":31104,"hester":31105,"doz":31106,"à¸Ķ":31107,"thread":31108,"rents":31109,"khand":31110,"ðŁĴªðŁı½":31111,"unconditional":31112,"robson":31113,"carre":31114,"phon":31115,"sacrificed":31116,"£":31117,"autos":31118,"parker":31119,"oca":31120,"login":31121,"keegan":31122,"hardcover":31123,"doughnuts":31124,"ðŁĮİ":31125,"spitfire":31126,"refreshments":31127,"saskatoon":31128,"commodore":31129,"jf":31130,"rubber":31131,"halamadrid":31132,"childcare":31133,"strada":31134,"iom":31135,"rik":31136,"dakar":31137,"thermom":31138,"cropped":31139,"garu":31140,"alik":31141,"veni":31142,"ift":31143,"sika":31144,"rituals":31145,"zul":31146,"ech":31147,"©":31148,"sudan":31149,"lland":31150,"ime":31151,"docker":31152,"ì¤":31153,"feared":31154,"fao":31155,"walter":31156,"nog":31157,"mutuals":31158,"lh":31159,"align":31160,"monia":31161,"conceptart":31162,"ðŁĻıðŁı¼":31163,"scoe":31164,"competence":31165,"swine":31166,"lyme":31167,"launch":31168,"greener":31169,"abstractart":31170,"inquis":31171,"granada":31172,"gaelic":31173,"fluff":31174,"dbacks":31175,"graveyard":31176,"babe":31177,"academic":31178,"adventurous":31179,"johann":31180,"~!":31181,"bibi":31182,"|#":31183,"plings":31184,"getty":31185,"asb":31186,"âĿ¤ï¸ı@":31187,"staff":31188,"religions":31189,"bangor":31190,"worldbookday":31191,"megh":31192,"devin":31193,"ashore":31194,"meridian":31195,"github":31196,"quiz":31197,"allstars":31198,"bestest":31199,"irresi":31200,"acker":31201,"dote":31202,"warrington":31203,"polly":31204,"neworleans":31205,"crou":31206,"wigs":31207,"chey":31208,"smithsonian":31209,"lasag":31210,"detour":31211,"boris":31212,"straps":31213,"mariah":31214,"intentionally":31215,"koh":31216,"ðŁį¸":31217,"ssian":31218,"marissa":31219,"coral":31220,"episcopal":31221,"casualty":31222,"tomo":31223,"supplychain":31224,"samp":31225,"ongo":31226,"roo":31227,"caviar":31228,"pfw":31229,"claudio":31230,"buffalo":31231,"sations":31232,"matty":31233,"snapback":31234,"lds":31235,"alarms":31236,"matte":31237,"âĺĶï¸ı":31238,"conditioner":31239,"dors":31240,"hex":31241,"fizz":31242,"astri":31243,"sussex":31244,"security":31245,"qaeda":31246,"allstar":31247,"cocacola":31248,"asone":31249,"clicks":31250,"scans":31251,"mute":31252,"heavier":31253,"ðŁİ§":31254,"âĺŀ":31255,"lvl":31256,"bookboost":31257,"youtube":31258,"flashes":31259,"fjor":31260,"csu":31261,"explode":31262,"dodge":31263,"cairn":31264,"gonzales":31265,"thill":31266,"pelle":31267,"hartley":31268,"renewable":31269,"retin":31270,"estre":31271,"costarica":31272,"shipyard":31273,"ncfc":31274,"priya":31275,"aghan":31276,"anath":31277,"plugin":31278,"corey":31279,"rebound":31280,"oru":31281,"katrin":31282,"hormone":31283,"gim":31284,"mahindra":31285,"ssus":31286,"parkland":31287,"harper":31288,"fantastic":31289,"inferno":31290,"epilo":31291,"wrestling":31292,"fect":31293,"cit":31294,"acoun":31295,"tossed":31296,"monumental":31297,"chartered":31298,"bust":31299,"petra":31300,"âĮļ":31301,"wildflowerhour":31302,"sweaters":31303,"*.":31304,"bler":31305,"atech":31306,"gowan":31307,"demographic":31308,"bral":31309,"suicide":31310,"renovations":31311,"vuel":31312,"sinister":31313,"armani":31314,"misogy":31315,"pharrell":31316,"naps":31317,"uniting":31318,"crusaders":31319,"corgi":31320,"insured":31321,"thani":31322,"noor":31323,"gq":31324,"dada":31325,"bicycles":31326,"snuggle":31327,"schan":31328,"tenberg":31329,"ssal":31330,"femme":31331,"boil":31332,"½ï¸ı":31333,"reap":31334,"occurring":31335,"hussein":31336,"divid":31337,"stoke":31338,"shalom":31339,"naia":31340,"olic":31341,"frustrating":31342,"Ùĩ":31343,"igs":31344,"grover":31345,"scenarios":31346,"nds":31347,"brutality":31348,"medalli":31349,"buon":31350,"sass":31351,"skateboarding":31352,"onyx":31353,"lorry":31354,"nyu":31355,"gautam":31356,"mmings":31357,"gug":31358,"endi":31359,"lothian":31360,"commando":31361,"chalk":31362,"phora":31363,"assessing":31364,"tigh":31365,"crunchy":31366,"aday":31367,"isl":31368,"ciara":31369,"pilgrims":31370,"kamal":31371,"pto":31372,"britanni":31373,"tani":31374,"smc":31375,"lure":31376,"appstore":31377,"aby":31378,"golfing":31379,"clc":31380,"fau":31381,"anas":31382,"shutting":31383,"regulated":31384,"carnage":31385,"scowboys":31386,"allenge":31387,"cma":31388,"humboldt":31389,"relle":31390,"kumb":31391,"heri":31392,"refinery":31393,"soundcheck":31394,"dwayne":31395,"bosnia":31396,"isp":31397,"thealth":31398,"anniv":31399,"relevance":31400,"mya":31401,"baggage":31402,"dread":31403,"sbc":31404,"thed":31405,"buh":31406,"hijab":31407,"loid":31408,"kew":31409,"cte":31410,"respect":31411,"lovelies":31412,"cubes":31413,"celebrate":31414,"dirt":31415,"savers":31416,"_,":31417,"garment":31418,"pulitzer":31419,"masjid":31420,"beatport":31421,"alarts":31422,"encryption":31423,"sner":31424,"pleads":31425,"foundry":31426,"symmetry":31427,"rumi":31428,"birthplace":31429,"scallops":31430,"supple":31431,"pivotal":31432,"tati":31433,"node":31434,"sod":31435,"proxim":31436,"trics":31437,"coldest":31438,"brent":31439,"mandu":31440,"clair":31441,"each":31442,"andalu":31443,"hiddleston":31444,"ðŁIJº":31445,"melts":31446,"vance":31447,"pinn":31448,"sements":31449,"screened":31450,"sachs":31451,"obl":31452,"icha":31453,"âĺĺï¸ı":31454,"schoolers":31455,"healed":31456,"logged":31457,"ð٤ĺðŁı¼":31458,"icus":31459,"boredom":31460,"bish":31461,"bffs":31462,"talking":31463,"suresh":31464,"hookem":31465,"deon":31466,"defl":31467,"eileen":31468,"ðŁįķ":31469,"womenintech":31470,"risotto":31471,"ranger":31472,"advertise":31473,"à¸ģà¸":31474,"telly":31475,"lago":31476,"dartmoor":31477,"dong":31478,"skates":31479,"logo":31480,"unner":31481,"mailbox":31482,"masala":31483,"looooo":31484,"amethyst":31485,"chewing":31486,"cbb":31487,"australians":31488,"rcmp":31489,"gameart":31490,"#...":31491,"korn":31492,"extremism":31493,"fruitful":31494,"ancient":31495,"pubg":31496,"polite":31497,"whit":31498,"murals":31499,"mgr":31500,"lineman":31501,"davao":31502,"stems":31503,"tennis":31504,"avage":31505,"tupac":31506,"gigantic":31507,"hsbc":31508,"autobiography":31509,"upthe":31510,"ีà¹Ī":31511,"regal":31512,"figuring":31513,"kul":31514,"missy":31515,"hoop":31516,"gras":31517,"forums":31518,"backlash":31519,"abducted":31520,"pnw":31521,"minic":31522,"butt":31523,"bottoms":31524,"aton":31525,"veng":31526,"ðŁĮı":31527,"delaney":31528,"prabhu":31529,"fanclub":31530,"overhaul":31531,"healthye":31532,"syno":31533,"aaf":31534,"renamed":31535,"kimi":31536,"uncle":31537,"mancity":31538,"seu":31539,"quanti":31540,"esteem":31541,"umin":31542,"enzo":31543,"melvin":31544,"undergo":31545,"jhar":31546,"farah":31547,"coasters":31548,"humphrey":31549,"mhz":31550,"childrens":31551,"^.":31552,"dhi":31553,"disruptive":31554,"integrating":31555,"rnb":31556,"oversized":31557,"aide":31558,"neau":31559,"documentation":31560,"ðŁijĢðŁijĢ":31561,"palo":31562,"hearth":31563,"riyad":31564,"punctu":31565,"abcnews":31566,"secures":31567,"boyband":31568,"birch":31569,"juco":31570,"traff":31571,"legislators":31572,"baya":31573,"ãĤ¯":31574,"noises":31575,"collects":31576,"swarm":31577,"kner":31578,"bishops":31579,"sturgeon":31580,"snapping":31581,"mol":31582,"freaky":31583,"chairperson":31584,"trop":31585,"lynch":31586,"carcin":31587,"artsy":31588,"esto":31589,"chai":31590,"flur":31591,"invali":31592,"sausages":31593,"imel":31594,"jor":31595,"funfact":31596,"witter":31597,"punished":31598,"acons":31599,"hya":31600,"reversi":31601,"emc":31602,"diffu":31603,"zx":31604,"spaw":31605,"clad":31606,"dmit":31607,"holland":31608,"fresco":31609,"payroll":31610,"abundant":31611,"stuffing":31612,"moro":31613,"cny":31614,"boycott":31615,"wendy":31616,"eleven":31617,"provoc":31618,"pilot":31619,"trx":31620,"bead":31621,"climateaction":31622,"rion":31623,"assie":31624,"ìĸ":31625,"osm":31626,"islamic":31627,"hoar":31628,"goodreads":31629,"alici":31630,"afternoons":31631,"spokesman":31632,"jolie":31633,"itas":31634,"mascara":31635,"âĻ©âĻ«":31636,"prevail":31637,"beetroot":31638,"lujah":31639,"kli":31640,"dodger":31641,"»":31642,"rule":31643,"ln":31644,"scream":31645,"hobart":31646,"colbert":31647,"rtc":31648,"erm":31649,"patro":31650,"quoting":31651,"slive":31652,"quest":31653,"nonfiction":31654,"seminary":31655,"prosecutors":31656,"vest":31657,"expressway":31658,"gge":31659,"nautical":31660,"etf":31661,"ðŁİīðŁİĬ":31662,"duration":31663,"chaired":31664,"thefilm":31665,"fabio":31666,"sheh":31667,"cano":31668,"ðŁĴªðŁı»":31669,"withdraw":31670,"!:)":31671,"corpus":31672,"phenom":31673,"yelp":31674,"lawn":31675,"entom":31676,"snapper":31677,"butte":31678,"pinball":31679,"proxy":31680,"libre":31681,"allevi":31682,"nada":31683,"gabriel":31684,"fowl":31685,"eureka":31686,"daphne":31687,"tunes":31688,"punched":31689,"whore":31690,"jog":31691,"rential":31692,"manners":31693,"ope":31694,"whufc":31695,"guth":31696,"revolt":31697,"sneaker":31698,"philharmonic":31699,"hoste":31700,"sovereignty":31701,"ðŁĻıðŁĻıðŁĻı":31702,"fishing":31703,"sciart":31704,"feta":31705,"ipp":31706,"dumping":31707,"kelown":31708,"giri":31709,"digits":31710,"salu":31711,"sanjay":31712,"tweeters":31713,"spas":31714,"colchester":31715,"scab":31716,"madd":31717,"à¹Ħà¸":31718,"Äĩ":31719,"geddon":31720,"marchfor":31721,"dop":31722,"maureen":31723,"unplugged":31724,"dido":31725,"fashionblogger":31726,"upa":31727,"mexic":31728,"tary":31729,"polye":31730,"jameson":31731,"vt":31732,"grinder":31733,"maddy":31734,"consultancy":31735,"¬ë":31736,"leagueoflegends":31737,"accents":31738,"umni":31739,"janeiro":31740,"tuss":31741,"hens":31742,"amplifier":31743,"toshi":31744,"prettier":31745,"prevents":31746,"newtown":31747,"redwood":31748,"vantage":31749,"ballard":31750,"artof":31751,"ashe":31752,"asion":31753,"lacey":31754,"apat":31755,"grove":31756,"à¸Ħ":31757,"rwand":31758,"realtors":31759,"traitor":31760,"bedding":31761,"ör":31762,"zion":31763,"flashing":31764,"campan":31765,"boomer":31766,"secretariat":31767,"abol":31768,"litigation":31769,"contamination":31770,"sedly":31771,"shredded":31772,"infor":31773,"doherty":31774,"benchmark":31775,"roche":31776,"skateboard":31777,"shovel":31778,"izz":31779,"topper":31780,"oster":31781,"labyrin":31782,"autum":31783,"kong":31784,"hummus":31785,"viz":31786,"technews":31787,"klaus":31788,"amusing":31789,"socialmediamarketing":31790,"ides":31791,"castell":31792,"stee":31793,"underestimate":31794,"calab":31795,"paign":31796,"billing":31797,"unanimously":31798,"gmb":31799,"flyfishing":31800,"hathaway":31801,"commercial":31802,"colouring":31803,"skulls":31804,"pivot":31805,"tep":31806,"tbc":31807,"motorway":31808,"xpress":31809,"constructive":31810,"puk":31811,"underlying":31812,"kirsten":31813,"maniac":31814,"chao":31815,"sema":31816,"chiffon":31817,"ðŁijĮðŁı»":31818,"verona":31819,"komo":31820,"standoff":31821,"wiped":31822,"cated":31823,"blair":31824,"workin":31825,"msc":31826,"bethlehem":31827,"swipe":31828,"unexpec":31829,"pees":31830,"petri":31831,"origami":31832,"ðŁijħ":31833,"mexico":31834,"flavor":31835,"rudd":31836,"cannabis":31837,"maru":31838,"riddle":31839,"worshi":31840,"silon":31841,"schat":31842,"apse":31843,"tanger":31844,"bious":31845,"eer":31846,"questioned":31847,"ozar":31848,"dank":31849,"anglesey":31850,"charan":31851,"baku":31852,"competen":31853,"repri":31854,"batter":31855,"saxon":31856,"calves":31857,"lengths":31858,"$$$":31859,"âŀ¡ï¸ı":31860,"immersion":31861,"gaunt":31862,"carry":31863,"cyto":31864,"banda":31865,"shutt":31866,"experience":31867,"elgin":31868,"mousse":31869,"taz":31870,"êµ":31871,"incorrect":31872,"enz":31873,"bham":31874,"moron":31875,"sover":31876,"arun":31877,"tipped":31878,"lable":31879,"dearly":31880,"bautista":31881,"íĻ":31882,"mortal":31883,"woop":31884,"dtla":31885,"shocks":31886,"davos":31887,"ðŁĵĿ":31888,"swimwear":31889,"herman":31890,"ðŁijĩðŁijĩ":31891,"zir":31892,"neglected":31893,"graced":31894,"campuses":31895,"avs":31896,"arora":31897,"swachhb":31898,"livepd":31899,"accra":31900,"enquiries":31901,"shooters":31902,"kurt":31903,"vancouver":31904,"bradley":31905,"garda":31906,"gü":31907,"olla":31908,"attracting":31909,"upton":31910,"newin":31911,"lumia":31912,"furnace":31913,"evers":31914,"eon":31915,"swa":31916,"rookies":31917,"aoc":31918,"vss":31919,"brisket":31920,"torch":31921,"yoda":31922,"heartland":31923,"taco":31924,"phony":31925,"foodbank":31926,"abbey":31927,"babylon":31928,"uy":31929,"greate":31930,"expresses":31931,"dandy":31932,"scapes":31933,"survivor":31934,"rond":31935,"eci":31936,"havin":31937,"abel":31938,"childish":31939,"torque":31940,"wavy":31941,"urself":31942,"kanyewest":31943,"yearof":31944,"alestine":31945,"obrien":31946,"alfon":31947,"skag":31948,"korean":31949,"anchorage":31950,"valeri":31951,"dew":31952,"ðŁİ¨":31953,"landslide":31954,"carole":31955,"christen":31956,"gophers":31957,"afi":31958,"priyanka":31959,"qq":31960,"powerof":31961,"itte":31962,"pcso":31963,"twol":31964,"pry":31965,"intellectu":31966,"guerrero":31967,"piles":31968,"wishlist":31969,"wren":31970,"timetable":31971,"ëı":31972,"prodigy":31973,"gibbons":31974,"./":31975,"neur":31976,"anzac":31977,"murray":31978,"viest":31979,"plaster":31980,"lair":31981,"artgallery":31982,"intercontinental":31983,"gbr":31984,"bellator":31985,"namjoon":31986,"mammals":31987,"amel":31988,"yaw":31989,"sarasota":31990,"camar":31991,"budding":31992,"summari":31993,"acosta":31994,"lash":31995,"eyou":31996,"postgraduate":31997,"instructors":31998,"tig":31999,"constant":32000,"werewolf":32001,"icos":32002,"clas":32003,"glenn":32004,"budge":32005,"ðŁĻĤ":32006,"erta":32007,"stains":32008,"persecution":32009,"cumbri":32010,"och":32011,"synergy":32012,"huang":32013,"scandin":32014,"midterms":32015,"commentator":32016,"regarded":32017,"perpetual":32018,"boiling":32019,"alp":32020,"lange":32021,"schle":32022,"faceli":32023,"tweeta":32024,"ridden":32025,"oktoberfest":32026,"charlottesville":32027,"iklan":32028,"jou":32029,"chatham":32030,"bsc":32031,"ðŁį¦":32032,"strauss":32033,"mellow":32034,"xxxx":32035,"happyhour":32036,"reactor":32037,"wwer":32038,"distraction":32039,"atorial":32040,"ðŁĴªðŁı¼":32041,"twinpeaks":32042,"fayette":32043,"aor":32044,"kok":32045,"broom":32046,"syfy":32047,"ouse":32048,"amag":32049,"Ø·":32050,"ubisoft":32051,"lulu":32052,"hallmark":32053,"stuart":32054,"itya":32055,"sideline":32056,"vengeance":32057,"relu":32058,"sexism":32059,"bouncing":32060,"unites":32061,"gustav":32062,"tessa":32063,"stump":32064,"proclamation":32065,"imax":32066,"dividend":32067,"colby":32068,"ðŁįİ":32069,"playwright":32070,"unsafe":32071,"cosmo":32072,"ðŁĩ²ðŁĩ½":32073,"cupboard":32074,"constituents":32075,"anglia":32076,"rampage":32077,"ðŁĺįðŁĺįðŁĺįðŁĺįðŁĺį":32078,"thanked":32079,"takeaways":32080,"shroff":32081,"debat":32082,"khur":32083,"conducts":32084,"formats":32085,"à©":32086,"portage":32087,"graphers":32088,"uten":32089,"prem":32090,"moines":32091,"condemns":32092,"sous":32093,"lps":32094,"fcs":32095,"dealership":32096,"leukemia":32097,"bureau":32098,"skid":32099,"guardiola":32100,"caster":32101,"third":32102,"avoided":32103,"encyclo":32104,"csr":32105,"vixx":32106,"analyzing":32107,"shear":32108,"duluth":32109,"shapiro":32110,"chanting":32111,"stresses":32112,"asbe":32113,"militia":32114,"ãĥª":32115,"collin":32116,"arsene":32117,"suresh":32118,"teachings":32119,"yixing":32120,"shill":32121,"nudes":32122,"svu":32123,"clearwater":32124,"warped":32125,"prolife":32126,"artistson":32127,"itu":32128,"versailles":32129,"galaxy":32130,"axel":32131,"springst":32132,"cala":32133,"huhu":32134,"scu":32135,"commitments":32136,"exeter":32137,"poignant":32138,"motion":32139,"conservatory":32140,"rowdy":32141,"recalled":32142,"musk":32143,"embelli":32144,"sothe":32145,"âĺĢ":32146,"stopper":32147,"schild":32148,"tope":32149,"elmo":32150,"ziel":32151,"jom":32152,"barnsley":32153,"snowden":32154,"ontour":32155,"journey":32156,"hillsborough":32157,"parole":32158,"wts":32159,"moving":32160,"agility":32161,"tivo":32162,"ffers":32163,"kindleunlimited":32164,"gwen":32165,"annan":32166,"ahmad":32167,"textured":32168,"hepatitis":32169,"dram":32170,"insiders":32171,"tissues":32172,"ãĥĦ":32173,"fcbarcelona":32174,"cratic":32175,"naacp":32176,"pecan":32177,"fgm":32178,"customize":32179,"concert":32180,"gsm":32181,"peg":32182,"pone":32183,"justintrudeau":32184,"supercars":32185,"happyholidays":32186,"bular":32187,"adox":32188,"laptops":32189,"digitalhealth":32190,"destination":32191,"gradually":32192,"áĥ¦":32193,"poppy":32194,"ssl":32195,"inhibit":32196,"starlight":32197,"offro":32198,"gloomy":32199,"xper":32200,"halder":32201,"implants":32202,"leto":32203,"hassel":32204,"aas":32205,"untold":32206,"enci":32207,"liberia":32208,"oran":32209,"contests":32210,"ilah":32211,"smag":32212,"scout":32213,"marianne":32214,"cryo":32215,"scheduling":32216,"los":32217,"kane":32218,"stuttgart":32219,"nese":32220,"lawrence":32221,"dain":32222,"photom":32223,"carou":32224,"ร":32225,"gwy":32226,"nationaldogday":32227,"roasting":32228,"bandcamp":32229,"kentucky":32230,"stretches":32231,"kerel":32232,"cashe":32233,"ãĤ¸":32234,"stax":32235,"transi":32236,"doggie":32237,"atric":32238,"halle":32239,"civic":32240,"browning":32241,"leinster":32242,"catday":32243,"highland":32244,"joyous":32245,"incumb":32246,"orlando":32247,"romo":32248,"colton":32249,"delta":32250,"carab":32251,"rotc":32252,"asteroid":32253,"goosebumps":32254,"mology":32255,"yoko":32256,"ands":32257,"tomorrows":32258,"redcarpet":32259,"smp":32260,"casio":32261,"ðŁ¤£ðŁ¤£ðŁ¤£":32262,"seau":32263,"rejection":32264,"rotating":32265,"bipartisan":32266,"thun":32267,"mati":32268,"boni":32269,"oll":32270,"energye":32271,"doit":32272,"lj":32273,"motherhood":32274,"louise":32275,"necklaces":32276,"elite":32277,"nix":32278,"lcs":32279,"env":32280,"glu":32281,"lesh":32282,"crank":32283,"susie":32284,"mclau":32285,"sotu":32286,"crowley":32287,"ratri":32288,"used":32289,"breton":32290,"alfredo":32291,"yeo":32292,"travelpics":32293,"tipp":32294,"ellison":32295,"saxophone":32296,"mered":32297,"heughan":32298,"taine":32299,"fes":32300,"viro":32301,"supposedly":32302,"ias":32303,"digestive":32304,"yle":32305,"lizzy":32306,"wildlifephotography":32307,"brianna":32308,"westfield":32309,"rained":32310,"amher":32311,"ðŁĺĦðŁĺĦ":32312,"distribute":32313,"bottom":32314,"preserving":32315,"oiland":32316,"crafty":32317,"descen":32318,"colling":32319,"shakespearesunday":32320,"rwc":32321,"angled":32322,"cian":32323,"tations":32324,"montage":32325,"meyers":32326,"francesca":32327,"ðŁĮ·":32328,"wiggins":32329,"sanford":32330,"volunteer":32331,"carra":32332,"bark":32333,"varied":32334,"plin":32335,"amu":32336,"kapil":32337,"rockers":32338,"quind":32339,"brane":32340,"inmate":32341,"ental":32342,"improvis":32343,"michigan":32344,"retweeting":32345,"progressing":32346,"mercedesbenz":32347,"smoker":32348,"physiology":32349,"dorado":32350,"wattpad":32351,"hwa":32352,"srbachchan":32353,"wga":32354,"volatility":32355,"hire":32356,"acap":32357,"wnba":32358,"heinz":32359,"stitches":32360,"kidnapping":32361,"burys":32362,"limb":32363,"fitters":32364,"thumbnail":32365,"tone":32366,"mirand":32367,"desirable":32368,"addison":32369,"taran":32370,"tamilnadu":32371,"spectator":32372,"sociology":32373,"amitshah":32374,"remotely":32375,"âϦ":32376,"hamid":32377,"rds":32378,"glee":32379,"smoothly":32380,"schro":32381,"erc":32382,"laliga":32383,"heals":32384,"usf":32385,"nishi":32386,"dhu":32387,"unil":32388,"hle":32389,"tromb":32390,"bhutan":32391,"pilipinas":32392,"seung":32393,"whitman":32394,"tey":32395,"mince":32396,"snowboarding":32397,"reau":32398,"kker":32399,"avo":32400,"zachary":32401,"ranveer":32402,"tik":32403,"govern":32404,"qual":32405,"becky":32406,"anthropology":32407,"atten":32408,"groceries":32409,"debit":32410,"warp":32411,"silicon":32412,"hawaii":32413,"ðŁĴħ":32414,"pomegranate":32415,"peer":32416,"oranges":32417,"peopleschoice":32418,"endure":32419,"ðŁĴĽðŁĴĽ":32420,"ãĤ¹ãĥ":32421,"acial":32422,"ahaha":32423,"stuk":32424,"imperial":32425,"blond":32426,"powder":32427,"knots":32428,"vince":32429,"woodlands":32430,"dena":32431,"watchin":32432,"matcha":32433,"mahat":32434,"galaxies":32435,"middlesbrough":32436,"kö":32437,"stree":32438,"rescues":32439,"waldo":32440,"leroy":32441,"despic":32442,"realities":32443,"tmnt":32444,"haq":32445,"uno":32446,"pec":32447,"bollywood":32448,"blinds":32449,"designthinking":32450,"hems":32451,"andhra":32452,"absen":32453,"fans":32454,"stech":32455,"shirehour":32456,"blaine":32457,"shakti":32458,"purely":32459,"ðŁıı":32460,"trafal":32461,"keynes":32462,"grate":32463,"tobias":32464,"spontaneous":32465,"saturated":32466,"cavalry":32467,"prisc":32468,"ðŁĺij":32469,"wht":32470,"passi":32471,"~~~":32472,"virat":32473,"pattinson":32474,"lao":32475,"weirdo":32476,"sympathy":32477,"juda":32478,"occasionally":32479,"credited":32480,"statu":32481,"esco":32482,"hilly":32483,"escape":32484,"discharge":32485,"seer":32486,"maynard":32487,"sudbury":32488,"zlat":32489,"oral":32490,"weer":32491,"encountered":32492,"smelling":32493,"oversight":32494,"ê¸":32495,"thatcher":32496,"mackay":32497,"youcan":32498,"freep":32499,"freedoms":32500,"prophecy":32501,"hoe":32502,"ishqba":32503,"drake":32504,"quits":32505,"pelled":32506,"turk":32507,"ovi":32508,"wesleyan":32509,"newmusic":32510,"legg":32511,"cheng":32512,"hilli":32513,"ayy":32514,"panties":32515,"adversity":32516,"adjac":32517,"vaccination":32518,"juke":32519,"gac":32520,"exceed":32521,"timesof":32522,"staining":32523,"epcot":32524,"vital":32525,"upward":32526,"bethesda":32527,"apark":32528,"mahi":32529,"campfire":32530,"enchanting":32531,"rhapso":32532,"hz":32533,"naver":32534,"fax":32535,"validation":32536,"acad":32537,"nyr":32538,"asym":32539,"coordinated":32540,"departed":32541,"allery":32542,"varies":32543,"sprite":32544,"chaplin":32545,"ssoccer":32546,"swat":32547,"bret":32548,"reluct":32549,"tunesapp":32550,"superstar":32551,"reminiscing":32552,"oco":32553,"homegrown":32554,"doughnut":32555,"uncanny":32556,"lapd":32557,"thyroid":32558,"!âĿ¤ï¸ı":32559,"botanic":32560,"bres":32561,"spade":32562,"iste":32563,"echoes":32564,"dulil":32565,"bursting":32566,"quiero":32567,"ðŁijİ":32568,"loyola":32569,"amusement":32570,"hails":32571,"sleepy":32572,"burglary":32573,"âľı":32574,"rogue":32575,"cotland":32576,"moors":32577,"lower":32578,"wicked":32579,"ðŁĶĬ":32580,"competiti":32581,"argentine":32582,"yvonne":32583,"kartikeyan":32584,"iliary":32585,"gatsby":32586,"precinct":32587,"sixty":32588,"naji":32589,"cams":32590,"practitioner":32591,"ðŁĺ³ðŁĺ³":32592,"pune":32593,"negli":32594,"julien":32595,"invaded":32596,"calibr":32597,"clam":32598,"dubai":32599,"muk":32600,"lantic":32601,"product":32602,"fedex":32603,"ï¸ı:":32604,"eura":32605,"darius":32606,"sling":32607,"virtualreality":32608,"homestead":32609,"ðŁı³ï¸ıâĢįðŁĮĪ":32610,"paced":32611,"inha":32612,"pulmon":32613,"lazy":32614,"premiering":32615,"mastered":32616,"inhe":32617,"congregation":32618,"bajo":32619,"sporting":32620,"newjersey":32621,"horny":32622,"lmaoo":32623,"lengthy":32624,"dut":32625,"yogh":32626,"swearing":32627,"philosophical":32628,"papua":32629,"inski":32630,"knowles":32631,"dyke":32632,"â̲":32633,"token":32634,"mcguire":32635,"riot":32636,"probability":32637,"mccon":32638,"gros":32639,"sumat":32640,"cite":32641,"daa":32642,"onda":32643,"maddow":32644,"chew":32645,"boardgames":32646,"sparked":32647,"reclaimed":32648,"adhd":32649,"nyse":32650,"imwithher":32651,"equinox":32652,"booths":32653,"balsamic":32654,"hazy":32655,"dorchester":32656,"agos":32657,"seaw":32658,"moderator":32659,"seriea":32660,"andersen":32661,"pilgrim":32662,"âŃIJâŃIJ":32663,"itchen":32664,"halli":32665,"xton":32666,"nathaniel":32667,"munition":32668,"celestial":32669,"gaf":32670,"zoom":32671,"markle":32672,"penthouse":32673,"cale":32674,"sfa":32675,"barking":32676,"tucket":32677,"emery":32678,"calorie":32679,"lique":32680,"adar":32681,"mcnam":32682,"tortilla":32683,"woodpecker":32684,"motown":32685,"badger":32686,"ayrshire":32687,"scramble":32688,"dday":32689,"craziest":32690,"perrie":32691,"choco":32692,"caste":32693,"iot":32694,"wrecked":32695,"selecting":32696,"ussr":32697,"graft":32698,"punt":32699,"labou":32700,"irst":32701,"baek":32702,"ÛĮ":32703,"suki":32704,"queu":32705,"achat":32706,"tester":32707,"augmented":32708,"wcvb":32709,"sinks":32710,"ðŁĵ»":32711,"rake":32712,"interne":32713,"because":32714,"bellevue":32715,"unearth":32716,"lighten":32717,"ðŁĺ£":32718,"turnaround":32719,"labeled":32720,"unemployed":32721,"twitterkurds":32722,"leia":32723,"hye":32724,"greater":32725,"ðŁIJİ":32726,"timed":32727,"ired":32728,"ett":32729,"limitations":32730,"cabe":32731,"sout":32732,"beech":32733,"annihil":32734,"retrac":32735,"yoona":32736,"anger":32737,"dennis":32738,"supplying":32739,"diz":32740,"\"(":32741,"scur":32742,"gunman":32743,"suho":32744,"sauvignon":32745,"ล":32746,"wiley":32747,"landon":32748,"choreography":32749,"prehistoric":32750,"ðŁıĥ":32751,"vargas":32752,"assessments":32753,"pinnacle":32754,"dii":32755,"chamberlain":32756,"ìĪ":32757,"vp":32758,"presenters":32759,"deutsche":32760,"sunshine":32761,"salutes":32762,"rone":32763,"busiest":32764,"-.-":32765,"motorists":32766,"hemisphere":32767,"alwx":32768,"psp":32769,"owa":32770,"denying":32771,"choc":32772,"gutier":32773,"hanuk":32774,"muskete":32775,"jaitley":32776,"sewage":32777,"tame":32778,"thinkers":32779,"shim":32780,"sequo":32781,"papar":32782,"middleeast":32783,"kwa":32784,"keg":32785,"patagonia":32786,"noy":32787,"barça":32788,"takeoff":32789,"hea":32790,"à¬":32791,"nsc":32792,"gdc":32793,"ðŁijĪ":32794,"moustache":32795,"melania":32796,"thra":32797,"â¬Ĩï¸ı":32798,"pierced":32799,"zeus":32800,"fonts":32801,"bera":32802,"itiner":32803,"qatar":32804,"contrary":32805,"ireland":32806,"ify":32807,"oulos":32808,"communal":32809,"fins":32810,"unpaid":32811,"paa":32812,"ðŁijĩðŁı»":32813,"rios":32814,"oup":32815,"filler":32816,"cafeteria":32817,"à¸Ń":32818,"kasi":32819,"caliber":32820,"zulu":32821,"vsco":32822,"tsford":32823,"dragonfly":32824,"smokin":32825,"pist":32826,"psychologist":32827,"diplomat":32828,"webs":32829,"buccane":32830,"ா":32831,"motivational":32832,"dune":32833,"bae":32834,"cfs":32835,"without":32836,"eron":32837,"iac":32838,"atee":32839,"pension":32840,"frazier":32841,"ensis":32842,"skis":32843,"parting":32844,"gery":32845,"territories":32846,"nachos":32847,"enight":32848,"everlasting":32849,"msdhoni":32850,"tele":32851,"spun":32852,"podi":32853,"sabah":32854,"environmentally":32855,"cease":32856,"beaumont":32857,"marta":32858,"kelvin":32859,"hoff":32860,"sunil":32861,"nda":32862,"cob":32863,"shale":32864,"reedus":32865,"unboxing":32866,"ubio":32867,"reopened":32868,"nall":32869,"capsules":32870,"marr":32871,"himalayas":32872,"sweeter":32873,"jaz":32874,"fmr":32875,"tweeter":32876,"dhaka":32877,"nau":32878,"demi":32879,"dfs":32880,"taurus":32881,"fading":32882,"itutes":32883,"cip":32884,"overflow":32885,"jeffrey":32886,"donny":32887,"cartunesapp":32888,"ðŁįij":32889,"prefecture":32890,"danced":32891,"cpt":32892,"pleasing":32893,"italk":32894,"earthquakes":32895,"ulation":32896,"hio":32897,"ãĢĭ":32898,"antan":32899,"nutrient":32900,"deere":32901,"selects":32902,"enrichment":32903,"riti":32904,"trampol":32905,"blamed":32906,"jia":32907,"contributors":32908,"chesapeake":32909,"pigeons":32910,"tribunal":32911,"maduro":32912,"wsu":32913,"ilove":32914,"efficiently":32915,"darcy":32916,"warms":32917,"arra":32918,"ecu":32919,"hower":32920,"struggled":32921,"rajinikanth":32922,"ðŁĺ¢ðŁĺ¢":32923,"housing":32924,"strat":32925,"elix":32926,"dispro":32927,"raffic":32928,"thierry":32929,"nasty":32930,"cfb":32931,"staffing":32932,"alma":32933,"backers":32934,"henson":32935,"skywalker":32936,"realestate":32937,"roos":32938,"nessy":32939,"chance":32940,"cairns":32941,"cci":32942,"pedal":32943,"lyft":32944,"crossword":32945,"waiter":32946,"onlyin":32947,"kruger":32948,"kir":32949,"alejandro":32950,"cartier":32951,"carrera":32952,"repaired":32953,"ouat":32954,"unclear":32955,"unbreakable":32956,"todayin":32957,"queries":32958,"jody":32959,"genital":32960,"winner":32961,"tol":32962,"kelowna":32963,"fascinated":32964,"ãĥ¬":32965,"srisri":32966,"squared":32967,"sprung":32968,"negotiate":32969,"privately":32970,"aven":32971,">>>>>":32972,"gical":32973,"gavin":32974,"chesterfield":32975,"zumba":32976,"orr":32977,"natalia":32978,"impeachment":32979,"mnl":32980,"carat":32981,"critique":32982,"credible":32983,"tracy":32984,"tani":32985,"musik":32986,"jigsaw":32987,"gambia":32988,"tolkien":32989,"feu":32990,"asper":32991,"savory":32992,"foxx":32993,"fitt":32994,"marlon":32995,"lrt":32996,"vell":32997,"pbr":32998,"imprisoned":32999,"iom":33000,"chul":33001,"windshield":33002,"kaye":33003,"baa":33004,"chord":33005,"sart":33006,"algon":33007,"ministerial":33008,"natgeo":33009,"lazio":33010,"norms":33011,"ðŁijįðŁijį":33012,"licking":33013,"futbol":33014,"unsung":33015,"dallascowboys":33016,"shred":33017,"disturb":33018,"devine":33019,"beards":33020,"chf":33021,"bday":33022,"rosso":33023,"igor":33024,"ayi":33025,"siren":33026,"kair":33027,"stiles":33028,"rof":33029,"magnets":33030,"uncover":33031,"mouse":33032,"banging":33033,"sighted":33034,"speople":33035,"impact":33036,"rowland":33037,"kira":33038,"environment":33039,"lovethe":33040,"psis":33041,"mishra":33042,"glendale":33043,"cajun":33044,"oche":33045,"deception":33046,"sexist":33047,"straws":33048,"sga":33049,"buffer":33050,"apostle":33051,"spl":33052,"popup":33053,"ðŁļĹ":33054,"rg":33055,"uper":33056,"ballin":33057,"idy":33058,"occasional":33059,"nationalpark":33060,"ðŁıĬ":33061,"uan":33062,"innovation":33063,"ห":33064,"teaparty":33065,"rette":33066,"counterfe":33067,"bha":33068,"recs":33069,"igen":33070,"ðŁĮIJ":33071,"hummingbird":33072,"cur":33073,"haven":33074,"lazar":33075,"pueblo":33076,"::":33077,"zionist":33078,"opath":33079,"inverness":33080,"promoter":33081,"cartoon":33082,"cabinets":33083,"mahogany":33084,"surveying":33085,"rational":33086,"feeling":33087,"testify":33088,"sow":33089,"ocon":33090,"ย":33091,"neel":33092,"maris":33093,"solitary":33094,"chemo":33095,"radcliffe":33096,"simons":33097,"rosary":33098,"newer":33099,"jodie":33100,"retali":33101,"prawn":33102,"paddy":33103,"henge":33104,"kala":33105,"implant":33106,"aty":33107,"brentwood":33108,"paradox":33109,"enez":33110,"redesigned":33111,"pour":33112,"wyd":33113,"alde":33114,"à¯ģ":33115,"sold":33116,"biomedical":33117,"à¹Ĥ":33118,"tttt":33119,"matteo":33120,"yser":33121,"newton":33122,"debun":33123,"nerdy":33124,"lool":33125,"woon":33126,"elisabeth":33127,"ecc":33128,"whi":33129,"acho":33130,"salvage":33131,"salaries":33132,"quity":33133,"navigating":33134,"ophthal":33135,"consoles":33136,"rebuilt":33137,"opec":33138,"asters":33139,"shored":33140,"setlist":33141,"kathryn":33142,"rhymes":33143,"revisiting":33144,"ashish":33145,"lift":33146,"repost":33147,"soleil":33148,"âı±":33149,"wealth":33150,"saat":33151,"wec":33152,"kingjames":33153,"flipkart":33154,"fieldwork":33155,"segu":33156,"modal":33157,"bub":33158,"arers":33159,"ðŁįĴ":33160,"clooney":33161,"paddington":33162,"necessity":33163,"guthrie":33164,"pente":33165,"limo":33166,"josie":33167,"artin":33168,"enc":33169,"lhs":33170,"betrayal":33171,"infographics":33172,"ier":33173,"moa":33174,"hearings":33175,"bonjour":33176,"symbolic":33177,"agro":33178,"wedges":33179,"kristina":33180,"wildflower":33181,"athletic":33182,"photography":33183,"pesh":33184,"cahill":33185,"chilean":33186,"goul":33187,"fioren":33188,"ðŁij¶":33189,"zil":33190,"skim":33191,"badoo":33192,"delia":33193,"treble":33194,"ncc":33195,"ðŁĩ¦ðŁĩ":33196,"ahouse":33197,"bullock":33198,"solitude":33199,"اÙĨ":33200,"cancers":33201,"futureofwork":33202,"hutch":33203,"watershed":33204,"warmongers":33205,"spilled":33206,"colombo":33207,"moth":33208,"associations":33209,"weighed":33210,"globalgoals":33211,"notjust":33212,"christi":33213,"torg":33214,"sweating":33215,"maneu":33216,"clusters":33217,"â̼ï¸ıâ̼ï¸ı":33218,"taped":33219,"uly":33220,"trusting":33221,"yusuf":33222,"tein":33223,"rab":33224,",,,,":33225,"sinai":33226,"audible":33227,"explicit":33228,"crowns":33229,"schiz":33230,"atleast":33231,"ðŁĹ£":33232,"debra":33233,"jesuit":33234,"enegger":33235,"zhen":33236,"onesie":33237,"iit":33238,"ssf":33239,"gurgaon":33240,"chakra":33241,"bearcats":33242,"kran":33243,"kawa":33244,"requesting":33245,"hanover":33246,"gend":33247,"soros":33248,"mercy":33249,"lovely":33250,"doomed":33251,"timmy":33252,"kuz":33253,"ull":33254,"abram":33255,"saison":33256,"ãĥ«":33257,"cleaners":33258,"remo":33259,"circuits":33260,"barred":33261,"oth":33262,"moist":33263,"madeleine":33264,"gallo":33265,"uj":33266,"permits":33267,"heaviest":33268,"carols":33269,"azte":33270,"giorgio":33271,"floats":33272,"declaring":33273,"usrc":33274,"minat":33275,"crafts":33276,"prima":33277,"conveni":33278,"nickelodeon":33279,"dancing":33280,"ceremonial":33281,"blogg":33282,"twp":33283,"anglican":33284,"shek":33285,"knick":33286,"(((":33287,"hubbard":33288,"harvey":33289,"hitman":33290,"feng":33291,"wesome":33292,"forza":33293,"sword":33294,"opus":33295,"brom":33296,"gibility":33297,"zal":33298,"munch":33299,"dancehall":33300,"greedy":33301,"hdmi":33302,"rebirth":33303,"ðŁĺĭðŁĺĭ":33304,"sworld":33305,"figurine":33306,"compost":33307,"kf":33308,"engraving":33309,"giorno":33310,"stana":33311,"kman":33312,"hamster":33313,"composers":33314,"aje":33315,"functionality":33316,"polk":33317,"isons":33318,"airplanes":33319,"tese":33320,"horrors":33321,"muscat":33322,"given":33323,"spence":33324,"ðŁĩ¸ðŁĩ":33325,"eliot":33326,"achilles":33327,"freck":33328,"cryptocurrencies":33329,"souther":33330,"halo":33331,"borneo":33332,"politic":33333,"hahahahah":33334,"upstate":33335,"siena":33336,"obscure":33337,"hausen":33338,"lloyd":33339,"happyfriday":33340,"motorbike":33341,"bona":33342,"americas":33343,"hols":33344,"-(":33345,"sporty":33346,"unaware":33347,"revenues":33348,"christopher":33349,"banksy":33350,"avan":33351,"evapor":33352,"compress":33353,"eyeliner":33354,"todos":33355,"buffy":33356,"renewableenergy":33357,"lyrical":33358,"archan":33359,"rapist":33360,"fairtrade":33361,"lmaooo":33362,"beatz":33363,"proactive":33364,"lapse":33365,"irical":33366,"reversal":33367,"pode":33368,"mcintyre":33369,"macau":33370,"ãĥķãĤ":33371,"nashgrier":33372,"fsa":33373,"gall":33374,"çĶŁ":33375,"perpetr":33376,"ilya":33377,"configuration":33378,"%;":33379,"strange":33380,"raci":33381,"à¸ĩ":33382,"pickups":33383,"kovsky":33384,"mammal":33385,"wps":33386,"gable":33387,"comparative":33388,"zh":33389,"saveour":33390,"davey":33391,"onetsy":33392,"mussels":33393,"miser":33394,"cristina":33395,"electron":33396,"crave":33397,"loren":33398,"precipitation":33399,"mz":33400,"ðŁį«":33401,"vincen":33402,"snowboard":33403,"noida":33404,"ahn":33405,"marinated":33406,"gtr":33407,"townhall":33408,"minis":33409,"bethel":33410,"advan":33411,"sura":33412,"shiel":33413,"furry":33414,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":33415,"lynd":33416,"soil":33417,"scence":33418,"seneca":33419,"sharjah":33420,"dickens":33421,"credentials":33422,"avar":33423,"perk":33424,"requiring":33425,"prefer":33426,"jian":33427,"deca":33428,"rach":33429,"ingfor":33430,"dele":33431,"beep":33432,"ðŁĴ»":33433,"cisely":33434,"huddle":33435,"greensboro":33436,"hawking":33437,"hoax":33438,"hangar":33439,"çľ":33440,"miso":33441,"lovin":33442,"greta":33443,"abad":33444,"logie":33445,"atan":33446,"snowflake":33447,"mahesh":33448,"fearthe":33449,"alkal":33450,"bobblehead":33451,"bahn":33452,"judged":33453,"futu":33454,"felix":33455,"ðŁįĵ":33456,"pike":33457,"deriv":33458,"notices":33459,"auer":33460,"dissuper":33461,"orda":33462,"wipes":33463,"amino":33464,"strikers":33465,"footb":33466,"dramas":33467,"punching":33468,"scoreless":33469,"hemingway":33470,"bih":33471,"ballad":33472,"chatter":33473,"ammo":33474,"klein":33475,"fabrication":33476,"karim":33477,"zend":33478,"histo":33479,"volta":33480,"rocky":33481,"marketer":33482,"xtreme":33483,"sequencing":33484,"paradigm":33485,"cleats":33486,"booming":33487,"âģłâģł":33488,"blockade":33489,"prompts":33490,"yoghurt":33491,"purpose":33492,"nur":33493,"regulate":33494,"noisy":33495,"ingrid":33496,"birdwatching":33497,"bartender":33498,"Ùĥ":33499,"wordof":33500,"chaotic":33501,"shorty":33502,"eldest":33503,"zapp":33504,"onceuponatime":33505,"flyo":33506,"ritos":33507,"mikequind":33508,"ðŁIJ´":33509,"registering":33510,".]":33511,"adol":33512,"gggg":33513,"purge":33514,"kidlit":33515,"arbor":33516,"valves":33517,"synagogue":33518,"oth":33519,"unanimous":33520,"verification":33521,"darrell":33522,"ãģĦ":33523,"vanderbilt":33524,"tapestry":33525,"prosper":33526,"diddy":33527,"drafting":33528,"decep":33529,"marquis":33530,"stint":33531,"michaeljackson":33532,"peeled":33533,"menus":33534,"bbb":33535,"scare":33536,"email":33537,"wrigley":33538,"itis":33539,"fell":33540,"somethin":33541,"barra":33542,"edgar":33543,"dipping":33544,"puddle":33545,"slade":33546,"learner":33547,"jalen":33548,"ð٧IJ":33549,"thedaily":33550,"mikequindazzi":33551,"jux":33552,"iqbal":33553,"mckinney":33554,"raiser":33555,"efan":33556,"drone":33557,"cato":33558,"picket":33559,"crowe":33560,"latt":33561,"uko":33562,"giuseppe":33563,"hini":33564,"synthesi":33565,"pontifex":33566,"songwriting":33567,"tod":33568,"switches":33569,"dinners":33570,"hq":33571,"gabrielle":33572,"pensacola":33573,"circle":33574,"exposes":33575,"evs":33576,"riyadh":33577,"promen":33578,"ock":33579,"saj":33580,"citation":33581,"brewco":33582,"josi":33583,"epaper":33584,"drif":33585,"pointless":33586,"tangled":33587,"cripp":33588,"lineups":33589,"fairies":33590,"daze":33591,"mourn":33592,"bladder":33593,"salz":33594,"burundi":33595,"bookmark":33596,"thepeople":33597,"subsequ":33598,"principal":33599,"sker":33600,"courtney":33601,"aoki":33602,"racers":33603,"adm":33604,"moma":33605,"criticalrole":33606,"houn":33607,"shedding":33608,"saka":33609,"aceous":33610,"mckay":33611,"husbands":33612,"½":33613,"meda":33614,"accusations":33615,"rosel":33616,"ncis":33617,"witnessing":33618,"orama":33619,"gods":33620,"hilton":33621,"elman":33622,"ÃŃn":33623,"megap":33624,"craven":33625,"announcer":33626,"criteri":33627,"sheffieldissuper":33628,"militant":33629,"consul":33630,"hooded":33631,"abyss":33632,"bx":33633,"madam":33634,"locu":33635,"maryam":33636,"manicure":33637,"gratis":33638,"actresses":33639,"rosario":33640,"thisdayin":33641,"kingly":33642,"gnome":33643,"celine":33644,"rous":33645,"heel":33646,"lilac":33647,"vishal":33648,"abh":33649,"thorns":33650,"sls":33651,"neal":33652,"constructing":33653,"beren":33654,"slang":33655,"mains":33656,"farra":33657,"sarko":33658,"paige":33659,"guiller":33660,"lala":33661,"iceberg":33662,"noun":33663,"planners":33664,"ummm":33665,"ouses":33666,"illary":33667,"maan":33668,"boxing":33669,"zipper":33670,"srinagar":33671,"miguel":33672,"ostr":33673,"mpo":33674,"responsibly":33675,"lanterns":33676,"appliance":33677,"xb":33678,"grenade":33679,"neglect":33680,"dysle":33681,"hammock":33682,"nectar":33683,"witcher":33684,"rgv":33685,"dience":33686,"serbian":33687,"seeded":33688,"cruz":33689,"bish":33690,"sphe":33691,"eq":33692,"skyrim":33693,"algebra":33694,"philately":33695,"bungalow":33696,"geoff":33697,"yves":33698,"demanded":33699,"considerations":33700,"thevamp":33701,"pawankalyan":33702,"coded":33703,"gritty":33704,"eruption":33705,"seinfeld":33706,"unidenti":33707,"ëĭĪ":33708,"worm":33709,"acus":33710,"seung":33711,"dung":33712,"roland":33713,"sud":33714,"divisions":33715,"ablanc":33716,"shortest":33717,"jf":33718,"poun":33719,"plantbased":33720,"beto":33721,"tougher":33722,"mco":33723,"donet":33724,"markus":33725,"vfl":33726,"ðŁıł":33727,"opening":33728,"coward":33729,"cabernet":33730,"oxi":33731,"burlesque":33732,"sandra":33733,"sumo":33734,"consist":33735,"thot":33736,"cayman":33737,"motorola":33738,"gutierrez":33739,"dslr":33740,"yw":33741,"nobel":33742,"novice":33743,"momsdemand":33744,"grunge":33745,"spor":33746,"dcc":33747,"presses":33748,"slist":33749,"allotment":33750,"vocational":33751,"ftc":33752,"puja":33753,"loven":33754,"uttarak":33755,"tandem":33756,"shep":33757,"comedians":33758,"anatom":33759,"cantwait":33760,"healthyeating":33761,"westside":33762,"margins":33763,"chiang":33764,"asbestos":33765,"stupidity":33766,"problematic":33767,"fitbit":33768,":$":33769,"ceilings":33770,"shua":33771,"protections":33772,"biotic":33773,"bengali":33774,"rests":33775,"biennale":33776,"timo":33777,"culmin":33778,"eminent":33779,"affection":33780,"unbelievably":33781,"individually":33782,"canvassing":33783,"whitt":33784,"novasco":33785,"chinson":33786,"hpe":33787,"gow":33788,"gloucestershire":33789,"pao":33790,"threshold":33791,"chevron":33792,"sine":33793,"wether":33794,"ppie":33795,"aquino":33796,"antwerp":33797,"âĸ¬":33798,"poon":33799,"instaf":33800,"equine":33801,"cinematography":33802,"nbafinals":33803,"valiant":33804,"kilkenny":33805,"terence":33806,"systemic":33807,"srl":33808,"pound":33809,"madeira":33810,"plough":33811,"trecht":33812,"mated":33813,"mpd":33814,"ransomware":33815,"phin":33816,"liqui":33817,"bbce":33818,"boomer":33819,"istandwith":33820,"conju":33821,"rte":33822,"nara":33823,"foolish":33824,"dashing":33825,"viernes":33826,"brite":33827,"dau":33828,"juniper":33829,"aida":33830,"younow":33831,"razer":33832,"dei":33833,"repeating":33834,"comforting":33835,"adjacent":33836,"eto":33837,"casted":33838,"chatur":33839,"muer":33840,"synth":33841,"sanitary":33842,"macle":33843,"independent":33844,"lawful":33845,"eerie":33846,"hor":33847,"ðŁĴŃ":33848,"amrit":33849,"velo":33850,"stationery":33851,"muf":33852,"maymay":33853,"contemplating":33854,"elaborate":33855,"gregor":33856,"dries":33857,"accol":33858,"à¸ļ":33859,"schwarzenegger":33860,"illnesses":33861,"daybreak":33862,"followback":33863,"collusion":33864,"electronic":33865,"jovi":33866,"hiroshima":33867,"taw":33868,"homec":33869,"micah":33870,"quitting":33871,"frosting":33872,"benfica":33873,"heli":33874,"sical":33875,"piccad":33876,"corporate":33877,"mentorship":33878,"youare":33879,"singer":33880,"shiva":33881,"rune":33882,"inger":33883,"rium":33884,"playable":33885,"doop":33886,"willow":33887,"terre":33888,"nip":33889,"atd":33890,"warbler":33891,"professionally":33892,"erase":33893,"proceed":33894,"pedestrians":33895,"mischief":33896,"bending":33897,"alaskan":33898,"ckett":33899,"mop":33900,"ddles":33901,"shutter":33902,"geared":33903,"ateneo":33904,"madeline":33905,"gations":33906,"osha":33907,"derick":33908,"swild":33909,"angry":33910,"patents":33911,"hunk":33912,"decreased":33913,"fry":33914,"ðŁĴĸðŁĴĸðŁĴĸ":33915,"salon":33916,"quantities":33917,"dario":33918,"nigel":33919,"kuma":33920,"jenn":33921,"happye":33922,"xxx":33923,"rexperience":33924,"pros":33925,"ausch":33926,"relessly":33927,"hamburger":33928,"fukushima":33929,"erne":33930,"statec":33931,"rend":33932,"mayfield":33933,"jone":33934,"lefty":33935,"bernstein":33936,"smil":33937,"generates":33938,"forestation":33939,"bandits":33940,"tayo":33941,"rca":33942,"acci":33943,"rodrigo":33944,"knapp":33945,"elovers":33946,"vegetation":33947,"ural":33948,"left":33949,"ħï¸ı":33950,"worldre":33951,"suri":33952,"embark":33953,"wson":33954,"bayou":33955,"muller":33956,"movers":33957,"ðŁķº":33958,"presbyter":33959,"lf":33960,"cree":33961,"batb":33962,"salam":33963,"demonstrations":33964,"anec":33965,"npc":33966,"itics":33967,"tography":33968,"reinst":33969,"thurst":33970,"tale":33971,"offences":33972,"smartcity":33973,"brotha":33974,"oftheyear":33975,"invaluable":33976,"earn":33977,"ðŁijıðŁı½":33978,"kremlin":33979,"grady":33980,"townfc":33981,"guernsey":33982,"maha":33983,"contagious":33984,"drex":33985,"been":33986,"(£":33987,"nativity":33988,"ktm":33989,"somerhalder":33990,"compounds":33991,"íķĺ":33992,"\"â̦":33993,"afg":33994,"ottnews":33995,"hound":33996,"firefly":33997,"cilan":33998,"donetsk":33999,"volunteered":34000,"akira":34001,"èª":34002,"singul":34003,"sth":34004,"drowned":34005,"mando":34006,"heir":34007,"ðŁİīðŁİĪ":34008,"taxis":34009,"yuki":34010,"veld":34011,"kans":34012,"elk":34013,"rants":34014,"hashtag":34015,"teng":34016,"rog":34017,"aat":34018,"grub":34019,"eber":34020,"inindia":34021,"colossus":34022,"signi":34023,"soever":34024,"milestones":34025,"dero":34026,"differential":34027,"phuket":34028,"mastermind":34029,"angh":34030,"melani":34031,"broker":34032,"actorvijay":34033,"stunned":34034,"continuity":34035,"affl":34036,"vocal":34037,"perennial":34038,"fiancé":34039,"incomplete":34040,"hunts":34041,"reissue":34042,"dominates":34043,"turmeric":34044,"roam":34045,"rion":34046,"bagged":34047,"nassau":34048,"fut":34049,"xox":34050,"nationaltrust":34051,"joye":34052,"sano":34053,"hearthstone":34054,"disrespect":34055,"lees":34056,"hse":34057,"siberian":34058,"offee":34059,"restock":34060,"wolfgang":34061,"regan":34062,"plano":34063,"unwind":34064,"repar":34065,"mille":34066,"],":34067,"skull":34068,"fatally":34069,"conceptual":34070,"ðŁĮ²":34071,"fé":34072,"berto":34073,"bms":34074,"ua":34075,"magna":34076,"notredame":34077,"lete":34078,"laundering":34079,"heartwarming":34080,"buffett":34081,"goat":34082,"peabo":34083,"windmill":34084,"vac":34085,"continually":34086,"azalea":34087,"membrane":34088,"cancels":34089,"makeyourown":34090,"athered":34091,"pto":34092,"torpe":34093,"ðŁĺł":34094,"ðŁĴ§":34095,"scares":34096,"leaking":34097,"zet":34098,"pixels":34099,"aci":34100,"khil":34101,"marathi":34102,"ðŁĻıðŁı½":34103,"ula":34104,"tamu":34105,"chandigarh":34106,"zagre":34107,"aab":34108,"pronounced":34109,"aubrey":34110,"sander":34111,"punta":34112,"harlow":34113,"icelan":34114,"celebratory":34115,"sot":34116,"unciation":34117,"struly":34118,"mcdowell":34119,"deepika":34120,"reminders":34121,"mystical":34122,"ctc":34123,"chatted":34124,"sica":34125,"bargains":34126,"chhat":34127,"rubin":34128,"mnet":34129,"oilandgas":34130,"pelican":34131,"oat":34132,"morality":34133,"kour":34134,"ih":34135,"nuclear":34136,"gcu":34137,"richer":34138,"venezia":34139,"mma":34140,"leith":34141,"accompany":34142,"richmond":34143,"sportsnet":34144,"baahu":34145,"smuggling":34146,"mmi":34147,"ðŁĩ®ðŁĩª":34148,"twists":34149,"sahib":34150,".....":34151,"ambitions":34152,"illo":34153,"historical":34154,"forec":34155,"showbiz":34156,"ponies":34157,"chasers":34158,"remodel":34159,"willing":34160,"princesses":34161,"ample":34162,"cushions":34163,"acles":34164,"lotr":34165,"dach":34166,"anthe":34167,"incorporate":34168,"newbury":34169,"kiri":34170,"friedrich":34171,"abv":34172,"ballers":34173,"albert":34174,"ðŁijŃ":34175,"leti":34176,"nanop":34177,"cide":34178,"analo":34179,"nsf":34180,"))))":34181,"griffiths":34182,"valenci":34183,"roano":34184,"funrun":34185,"babysitting":34186,"caday":34187,"entre":34188,"uck":34189,"slug":34190,"tical":34191,"thesims":34192,"roar":34193,"carney":34194,"gam":34195,"stowe":34196,"fid":34197,"bunny":34198,"shamrock":34199,"pecu":34200,"molina":34201,"gocougs":34202,"contributes":34203,"transformation":34204,"moy":34205,"vaj":34206,"severy":34207,"antioxidants":34208,"thirteen":34209,"sightseeing":34210,"lj":34211,"reversible":34212,"oddly":34213,"hookah":34214,"nouvel":34215,"halal":34216,"fei":34217,"stables":34218,"mult":34219,"hopped":34220,"braids":34221,"interchange":34222,"ghanaian":34223,"wwww":34224,"ethno":34225,"conjunction":34226,"agov":34227,"yeti":34228,"earthand":34229,"tsp":34230,"conserve":34231,"heirloom":34232,"metaphor":34233,"woof":34234,"torio":34235,"selfless":34236,"nwa":34237,"emilia":34238,"ylene":34239,"yxe":34240,"giar":34241,"moderating":34242,"probz":34243,"bfi":34244,"neer":34245,"dummy":34246,"hanukkah":34247,"webber":34248,"kv":34249,"eyebrow":34250,"dagger":34251,"sump":34252,"rages":34253,"orkney":34254,"tbo":34255,"halsey":34256,"assignments":34257,"tronic":34258,"scrib":34259,"coon":34260,"anwar":34261,"#âĢİ":34262,"jalape":34263,"florida":34264,"quaid":34265,"hawkeyes":34266,"âĻ¡âĻ¡":34267,"streetcar":34268,"rog":34269,"datlantic":34270,"granola":34271,"unchanged":34272,"expectation":34273,"Ùĩ":34274,"marlin":34275,"gummy":34276,"ðŁĻıðŁı¾":34277,"awarenessmonth":34278,"oilpainting":34279,"muth":34280,"perch":34281,"junto":34282,"villagers":34283,"morg":34284,"cheated":34285,"webcomic":34286,"thefuture":34287,"dps":34288,"lakings":34289,"mentioning":34290,"voor":34291,"identities":34292,"accord":34293,"mcgu":34294,"lpga":34295,"rumour":34296,"massively":34297,"mpls":34298,"healy":34299,"date":34300,"spoli":34301,"revisited":34302,"ont":34303,"aland":34304,"scrutiny":34305,"lakeland":34306,"blending":34307,"":34308,"ankara":34309,"jamiedor":34310,"metabolic":34311,"fences":34312,"anny":34313,"åħ":34314,"semicon":34315,"oott":34316,"spaceship":34317,"wacky":34318,"leta":34319,"apac":34320,"shee":34321,"inherit":34322,"dores":34323,"ðŁĩ¨ðŁĩ¦":34324,"gente":34325,"twick":34326,"rims":34327,"galve":34328,"deville":34329,"kingfisher":34330,"scorpio":34331,"owl":34332,"alar":34333,"varian":34334,"ðŁĹĵ":34335,"venetian":34336,"stardust":34337,"thenorth":34338,"qing":34339,"harrington":34340,"consulate":34341,"spectacle":34342,"hobbs":34343,"turks":34344,"greer":34345,"mating":34346,"ðŁİĢ":34347,"ðŁĮĢ":34348,"directs":34349,"íĭ":34350,"pompeo":34351,"voiced":34352,"laos":34353,"tzu":34354,"prome":34355,"prism":34356,"merc":34357,"fortunately":34358,"bcfc":34359,"mcdonnell":34360,"notsorry":34361,"smiled":34362,"tba":34363,"forwar":34364,"midterm":34365,"darby":34366,"weinstein":34367,"upgrading":34368,"wolff":34369,"bronco":34370,"cabello":34371,"ðŁ¥ĩ":34372,"fiable":34373,"sharpe":34374,"battered":34375,"sato":34376,"mythical":34377,"instapic":34378,"prepped":34379,"enium":34380,"espo":34381,"diaper":34382,"explanations":34383,"whopping":34384,"ragnar":34385,"peel":34386,"antibiotic":34387,"lacks":34388,"harrison":34389,"lism":34390,"aul":34391,"quail":34392,"martina":34393,"sentencing":34394,"scams":34395,"didi":34396,"tronics":34397,"ãħłãħł":34398,"goff":34399,"zain":34400,"paramore":34401,"chained":34402,"clinton":34403,"liff":34404,"cottages":34405,"emon":34406,"reverend":34407,"consumer":34408,"cean":34409,"tany":34410,"lumpur":34411,"ebay":34412,"stool":34413,"ðŁĺ»ðŁĺ»":34414,"tapro":34415,"hath":34416,"modernart":34417,"justine":34418,"proverb":34419,"appy":34420,"trax":34421,"manifest":34422,"ambu":34423,"naik":34424,"pepp":34425,"rsd":34426,"merchants":34427,"kitchener":34428,"shifted":34429,"lizz":34430,"âĺħâĺħâĺħâĺħ":34431,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":34432,"utopia":34433,"tomo":34434,"outed":34435,"comers":34436,"chiropractic":34437,"bookclub":34438,"cindy":34439,"prohibition":34440,"seuss":34441,"민":34442,"thinkin":34443,"rrrr":34444,"gofund":34445,"tack":34446,"omb":34447,"catastrophic":34448,"lingu":34449,"guildford":34450,"botd":34451,"à¥ĭ":34452,"planter":34453,"^^":34454,"wink":34455,"kathmandu":34456,"stoppers":34457,"smoothies":34458,"reefs":34459,"hind":34460,"bellamy":34461,"Ħë":34462,"wastewater":34463,"voor":34464,"natl":34465,"!]":34466,"reel":34467,"yap":34468,"scooby":34469,"workspace":34470,"corinthians":34471,"blun":34472,"obligation":34473,"gbbo":34474,"dyson":34475,"cravings":34476,"ellington":34477,"dapl":34478,"wrexham":34479,"earthandclouds":34480,"ukrunchat":34481,"positioned":34482,"kalb":34483,"foursquare":34484,"jock":34485,"impending":34486,"evening":34487,"athy":34488,"proclaimed":34489,"cites":34490,"annapolis":34491,"sani":34492,"marth":34493,"irl":34494,"accommo":34495,"kaa":34496,"fina":34497,"yaa":34498,"disper":34499,"ecar":34500,"bhak":34501,"willy":34502,"ðŁĺĢðŁĺĢ":34503,"mcdermott":34504,"moj":34505,"generational":34506,"usaid":34507,"training":34508,"lonely":34509,"lores":34510,"impecc":34511,"âĢIJ":34512,"beavers":34513,"maki":34514,"heb":34515,"aapl":34516,"åı":34517,"wolverhampton":34518,"leaderboard":34519,"meu":34520,"cfa":34521,"eastern":34522,"hur":34523,"civilwar":34524,"ourage":34525,"horned":34526,"lehigh":34527,"awards":34528,"evident":34529,"gigab":34530,"rous":34531,"madel":34532,"robyn":34533,"urgently":34534,"kors":34535,"enas":34536,"heisman":34537,"bambam":34538,"fabian":34539,"fom":34540,"evaluating":34541,"assembly":34542,"outsourcing":34543,"huntsville":34544,"ðŁĶª":34545,"justified":34546,"cashier":34547,"spaper":34548,"buckeye":34549,"analytical":34550,"illuminati":34551,"autho":34552,"oj":34553,"shade":34554,"geelong":34555,"whey":34556,"heaton":34557,"terribly":34558,"elek":34559,"uncharted":34560,"sdlive":34561,"motocross":34562,"hermes":34563,"darshan":34564,"darlington":34565,"cashmere":34566,"gripping":34567,"cilantro":34568,"punish":34569,"...:":34570,"ðŁĴĦ":34571,"instance":34572,"deri":34573,"lobal":34574,"mukher":34575,"spar":34576,"thinker":34577,"fremont":34578,"compiled":34579,"colorado":34580,"vigne":34581,"smd":34582,"whead":34583,"village":34584,"leek":34585,"formulae":34586,"tares":34587,"persistence":34588,"??????":34589,"pedago":34590,"hez":34591,"alzheimers":34592,"vulture":34593,"offence":34594,"isgreat":34595,"suffra":34596,"kickin":34597,"hmmmm":34598,"broadway":34599,"ï¸ı@":34600,"arti":34601,"allison":34602,"endorses":34603,"ryu":34604,"lollipop":34605,"soybean":34606,"kendall":34607,"cera":34608,"invade":34609,"(ðŁĵ·:":34610,"converter":34611,"carpets":34612,"hobo":34613,"frit":34614,"peac":34615,"esqu":34616,"ernan":34617,"ouf":34618,"anil":34619,"differ":34620,"ching":34621,"brecht":34622,"spg":34623,"davenport":34624,"strava":34625,"severn":34626,"ngos":34627,"storians":34628,"fete":34629,"paramedic":34630,"jhb":34631,"alamo":34632,"sneaking":34633,"goldcoast":34634,"roofs":34635,"isil":34636,"depicted":34637,"projections":34638,"numb":34639,"oss":34640,"epi":34641,"glucose":34642,"zidane":34643,"infiniti":34644,"íĺĦ":34645,"ransom":34646,"tonics":34647,"falk":34648,"gler":34649,"outw":34650,"ress":34651,"weekly":34652,"theon":34653,"nole":34654,"ðŁĩªðŁĩº":34655,"volley":34656,"summar":34657,"negativity":34658,"samson":34659,"yew":34660,"ausvotes":34661,"jul":34662,"judy":34663,"fart":34664,"prayed":34665,"palate":34666,"multicultural":34667,"doubleheader":34668,"cyclones":34669,"pierre":34670,"ãģ¨":34671,"âĺłï¸ı":34672,"rtw":34673,"converting":34674,"wirral":34675,"lari":34676,"irrelevant":34677,"austinmahone":34678,"anche":34679,"yaan":34680,"sdf":34681,"$.":34682,"exploding":34683,"ultimate":34684,"profici":34685,"gofundme":34686,"cellence":34687,"epstein":34688,"bullied":34689,"septic":34690,"த":34691,"lumber":34692,"cuff":34693,"vscocam":34694,"plor":34695,"ล":34696,"seok":34697,"roto":34698,"venezuelan":34699,"sorta":34700,"spirited":34701,"danielpadilla":34702,"teamsisd":34703,"radioactive":34704,"icelandic":34705,"ðŁĴ¤":34706,"vere":34707,"accommodate":34708,"shipp":34709,"otter":34710,"olina":34711,"ego":34712,"sula":34713,"sanantonio":34714,"deas":34715,"similarities":34716,"âļ¾":34717,"yom":34718,"broward":34719,"å°":34720,"cancun":34721,"verify":34722,"onte":34723,"candlelight":34724,"ìłķ":34725,"infants":34726,"azam":34727,"ðŁĺ°":34728,"leven":34729,"unstable":34730,"bloomington":34731,"xford":34732,"contour":34733,"yp":34734,"innovator":34735,"histories":34736,"poy":34737,"lololol":34738,"expires":34739,"catalo":34740,"billboards":34741,"anab":34742,"elic":34743,"novascotia":34744,"faire":34745,"ìĿ´":34746,"rockwell":34747,"grille":34748,"aztec":34749,"johor":34750,"urstruly":34751,"firen":34752,"dunlop":34753,"idle":34754,"portman":34755,"joes":34756,"txhsfb":34757,"holm":34758,"chamele":34759,"underworld":34760,"loss":34761,"tiem":34762,"therapists":34763,"pasture":34764,"paste":34765,"ingnow":34766,"vulcan":34767,"ragon":34768,"larkin":34769,"oshi":34770,"hoco":34771,"childhood":34772,"umbrel":34773,"successor":34774,"kathy":34775,"izen":34776,"°ï¸ı":34777,"shareholders":34778,"olga":34779,"aib":34780,"heap":34781,"flaming":34782,"rou":34783,"airtel":34784,"ratt":34785,"zane":34786,"vow":34787,"thorough":34788,"snag":34789,"parth":34790,"unconscious":34791,"vey":34792,"newrelease":34793,"ghee":34794,"croatian":34795,"facilitating":34796,"swanson":34797,"astoria":34798,"tology":34799,"mastery":34800,"ð٤ij":34801,"bilbao":34802,"troupe":34803,"theori":34804,"cheyenne":34805,"rott":34806,"shoreline":34807,"grasso":34808,"masterchef":34809,"+)":34810,"vix":34811,"ellenshow":34812,"asg":34813,"anak":34814,"kuya":34815,"safarilive":34816,"debuting":34817,"blum":34818,"listener":34819,"vins":34820,"bookshelf":34821,"smartcities":34822,"makeyourownlane":34823,";;":34824,"ðŁIJ¯":34825,"rizz":34826,"onward":34827,"bulldog":34828,"bearish":34829,"viruses":34830,"frigh":34831,"linden":34832,"weiser":34833,"snt":34834,"gona":34835,"dresden":34836,"flanders":34837,"cuk":34838,"wheeling":34839,"bau":34840,"atuesday":34841,"surfers":34842,"swift":34843,"mccall":34844,"arbitration":34845,"awd":34846,"monc":34847,"bine":34848,"atx":34849,"refr":34850,"miro":34851,"posey":34852,"nare":34853,"ritter":34854,"âģ¦":34855,"playbook":34856,"blowout":34857,"sportsmanship":34858,"soooooo":34859,"malayalam":34860,"grims":34861,"burbank":34862,"infinity":34863,"sargent":34864,"oitnb":34865,"josephine":34866,"skipping":34867,"parkin":34868,"excursion":34869,"seminars":34870,"johar":34871,"partridge":34872,"postgame":34873,"llll":34874,"blanche":34875,"tempting":34876,"mna":34877,"luka":34878,"isers":34879,"toffee":34880,"barron":34881,"hemmings":34882,"sae":34883,"gohawks":34884,"cupid":34885,"limbs":34886,"conse":34887,"uncommon":34888,"zada":34889,"headshot":34890,"soils":34891,"pioneer":34892,"mamma":34893,"semitic":34894,"pandey":34895,"jamiedornan":34896,"splits":34897,"vela":34898,"soni":34899,"raff":34900,"tmobile":34901,"âŀĸ":34902,"prawns":34903,"liter":34904,"enjoyment":34905,"eggplant":34906,"tub":34907,"cultural":34908,"usic":34909,"suspicion":34910,"sycam":34911,"summed":34912,"madu":34913,"hock":34914,"upwards":34915,"eyeing":34916,"rive":34917,"assassins":34918,"âĤ¬":34919,"outfy":34920,"chives":34921,"tner":34922,"lais":34923,"porridge":34924,"saddest":34925,"wcc":34926,"vicki":34927,"snails":34928,"bizitalk":34929,"millan":34930,"ðŁĮį":34931,"samoa":34932,"jing":34933,"mikey":34934,"guj":34935,"chelms":34936,"eligibility":34937,"armada":34938,"throp":34939,"surgeries":34940,"ãĤ¿":34941,"mohawk":34942,"exits":34943,"mem":34944,"islington":34945,"cme":34946,"landfill":34947,"kaitlyn":34948,"ðŁİ¼":34949,"combinations":34950,"tomorrowland":34951,"verb":34952,"cora":34953,"precisely":34954,"naom":34955,"ðŁĨķ":34956,"shrink":34957,"softly":34958,"mercede":34959,"mandel":34960,"poodle":34961,"ballerina":34962,"soph":34963,"juxta":34964,"yat":34965,"aryan":34966,"hesitate":34967,"lowered":34968,"gular":34969,"dungeonsand":34970,"ronan":34971,"myri":34972,"spf":34973,"menopau":34974,"grasp":34975,"pathi":34976,"feasi":34977,"flaw":34978,"shistory":34979,"steward":34980,"ggle":34981,"fayre":34982,"clique":34983,"credibility":34984,"yog":34985,"section":34986,"musko":34987,"seville":34988,"nott":34989,"calm":34990,"mateo":34991,"indicted":34992,"fiba":34993,"byl":34994,"lino":34995,"ukin":34996,"!!#":34997,"enigma":34998,"sirius":34999,"busc":35000,"ðŁįĬ":35001,"mackerel":35002,"psalms":35003,"aat":35004,"tomorrowspaper":35005,"ðŁĺĸ":35006,"pfc":35007,"...........":35008,"shrek":35009,"mullet":35010,"osh":35011,"dangerously":35012,"immensely":35013,"amur":35014,"ðŁįĤ":35015,"propor":35016,"sya":35017,"londonmarathon":35018,"above":35019,"obligatory":35020,"prov":35021,"racha":35022,"alexis":35023,"primary":35024,"shh":35025,"ethernet":35026,"dstv":35027,"cougar":35028,"unlucky":35029,"nil":35030,"steakhouse":35031,"mela":35032,"fcbayern":35033,"causeway":35034,"catherine":35035,"fluorescent":35036,"nxt":35037,"tokyo":35038,"ausp":35039,"relegation":35040,"quizz":35041,"shoreditch":35042,"proudtobe":35043,"promos":35044,"interacting":35045,"homebrew":35046,"daesh":35047,"wpg":35048,"steadily":35049,"provinces":35050,"ballots":35051,"iah":35052,"alto":35053,"<<<":35054,"youu":35055,"riley":35056,"preference":35057,"traverse":35058,"incense":35059,"ammunition":35060,"hodges":35061,"#@":35062,"hailstate":35063,"tartan":35064,"witchcraft":35065,"ventilation":35066,"libertarian":35067,"!â̦":35068,"owes":35069,"%!":35070,"ongchang":35071,"brushing":35072,"leic":35073,"fiber":35074,"underattack":35075,"download":35076,"expir":35077,"hyo":35078,"pompey":35079,"mcbride":35080,"yag":35081,"stree":35082,"combat":35083,"tending":35084,"aira":35085,"guggen":35086,"abra":35087,"inna":35088,"flips":35089,"awal":35090,"mach":35091,"dollar":35092,"inspirations":35093,"zum":35094,"odu":35095,"itty":35096,"videogame":35097,"aquaman":35098,"haru":35099,"belfast":35100,"jeb":35101,"butch":35102,"usgs":35103,"calculus":35104,"goyal":35105,"morgen":35106,"xfinity":35107,"standup":35108,"contracep":35109,"sabre":35110,"nabe":35111,"insecure":35112,"generously":35113,"epitome":35114,"lw":35115,"tca":35116,"narratives":35117,"donnell":35118,"pandas":35119,"bergh":35120,"tut":35121,"keral":35122,"felicity":35123,"brampton":35124,"quintet":35125,"nomore":35126,"ðŁĶij":35127,"loi":35128,"alhamdulil":35129,"ðŁĶ¥ðŁĶĹ":35130,"stoner":35131,"shawl":35132,"clinical":35133,"brendan":35134,"gone":35135,"flawed":35136,"trippy":35137,"jg":35138,"allocation":35139,"poaching":35140,"vevo":35141,"mocks":35142,"leftist":35143,"bonuses":35144,"condemned":35145,"ability":35146,"stating":35147,"microbiome":35148,"biologist":35149,"foryou":35150,"wahlberg":35151,"ssor":35152,"iftar":35153,"wul":35154,"ÑĦоÑĤ":35155,"pomer":35156,"meme":35157,"verte":35158,"trell":35159,"trait":35160,"inlet":35161,"hormones":35162,"deliberately":35163,"villar":35164,"battleship":35165,"pbl":35166,"twenti":35167,"hokies":35168,"dalail":35169,"saya":35170,"mayfair":35171,"hans":35172,"diets":35173,"⾨⾨":35174,"odin":35175,"hotspur":35176,"papi":35177,"kana":35178,"kamp":35179,"finna":35180,"flotus":35181,"tians":35182,"unicorns":35183,"tribeca":35184,"changers":35185,"foreground":35186,"outa":35187,"invaders":35188,"gettys":35189,"tomorrowspaperstoday":35190,"macmillan":35191,"handwritten":35192,"wfp":35193,"ude":35194,"stateof":35195,"based":35196,"âĺģï¸ı":35197,"casm":35198,"psyched":35199,"historians":35200,"fold":35201,"dda":35202,"aggrav":35203,"pans":35204,"greenway":35205,"ausv":35206,"ðŁĺ¶":35207,"shraddha":35208,"index":35209,"besti":35210,"zimmer":35211,"tness":35212,"eyeshadow":35213,"otte":35214,"gots":35215,"distributing":35216,"promin":35217,"yol":35218,"acea":35219,"tramrahim":35220,"hooper":35221,"supreme":35222,"jammin":35223,"intuitive":35224,"qualifications":35225,"slim":35226,"siddi":35227,"jayne":35228,"tripping":35229,"gtx":35230,"puns":35231,"emanuel":35232,"omg":35233,"midsummer":35234,"into":35235,"succulent":35236,"rien":35237,"newmexico":35238,"oor":35239,"hooking":35240,"inf":35241,"ð٤Ŀ":35242,"flirting":35243,"nahi":35244,"gfriend":35245,"tps":35246,"helix":35247,"zs":35248,"onie":35249,"ctf":35250,"kris":35251,"irresistible":35252,"flap":35253,"ðŁijıðŁı»ðŁijıðŁı»":35254,"uswnt":35255,"rud":35256,"ramps":35257,"pinoy":35258,"otw":35259,"lolz":35260,"lowering":35261,"favorite":35262,"tmc":35263,"phrases":35264,"hermi":35265,"averaging":35266,"embr":35267,"beno":35268,"estuary":35269,"sleeve":35270,"ribbons":35271,"tash":35272,"ู":35273,"xf":35274,"awgs":35275,"sunited":35276,"breweries":35277,"anirud":35278,"punches":35279,"oldie":35280,"ipads":35281,"wifey":35282,"landlords":35283,"dji":35284,"gunner":35285,"íķ´":35286,"texan":35287,"exop":35288,"cassandra":35289,"soff":35290,"ðŁļ«":35291,"ighton":35292,"bakers":35293,"awarenessweek":35294,"vall":35295,"earp":35296,"btsbbmas":35297,"apologizes":35298,"âļĵï¸ı":35299,"wasps":35300,"statesman":35301,"snatch":35302,"watchdog":35303,"rafi":35304,"afterparty":35305,"spike":35306,"jer":35307,"periph":35308,"rnc":35309,"mull":35310,"leen":35311,"shies":35312,"lieu":35313,"urstrulymahesh":35314,"merton":35315,"desai":35316,"shif":35317,"ðŁĮ±":35318,"pedic":35319,"gosling":35320,"arranging":35321,"wwg":35322,"geny":35323,"youuu":35324,"netflix":35325,"ettes":35326,"kwi":35327,"bernardino":35328,"amiga":35329,"ب":35330,"kashmiri":35331,"tings":35332,"emeritus":35333,"decat":35334,"abdomin":35335,"dci":35336,"phases":35337,"djan":35338,"beam":35339,"opry":35340,"ished":35341,"theellenshow":35342,"thest":35343,"habitats":35344,"toons":35345,"mclaughlin":35346,"ripper":35347,"microbiology":35348,"talaga":35349,"clueless":35350,"ssu":35351,"croche":35352,"bromance":35353,"longevity":35354,"zagreb":35355,"prevented":35356,"trave":35357,"spoilt":35358,"darryl":35359,"migraine":35360,"alcat":35361,"dddd":35362,"viv":35363,"serpent":35364,"mattel":35365,"jama":35366,"conquest":35367,"îĦ":35368,"samsung":35369,"presbyterian":35370,"ketch":35371,"firefox":35372,"motif":35373,"lec":35374,"chopping":35375,"cherno":35376,"jann":35377,"ðŁIJ°":35378,"prolon":35379,"wakeup":35380,"convergence":35381,"merseyside":35382,"heartbroken":35383,"looming":35384,"hallucin":35385,"maize":35386,"communism":35387,"moh":35388,"twitterstorians":35389,"sergey":35390,"reseller":35391,"favorable":35392,"edgy":35393,"reiter":35394,"malaga":35395,"liveme":35396,"kahn":35397,"pulsion":35398,"bigg":35399,"kimkardashian":35400,"atio":35401,"tyranny":35402,"ruption":35403,"qant":35404,"proven":35405,"byz":35406,"pushaw":35407,"kristin":35408,"eer":35409,"tardis":35410,"riz":35411,"awaken":35412,"miko":35413,"undocumented":35414,"pathfinder":35415,"indirect":35416,"resembles":35417,"hler":35418,"concealed":35419,"scandal":35420,"reim":35421,"dnb":35422,"critters":35423,"attendant":35424,"apprenticeships":35425,"aau":35426,"screamed":35427,"lsu":35428,"fah":35429,"harbour":35430,"edd":35431,"batsman":35432,"liss":35433,"misha":35434,"spaniel":35435,"itf":35436,"advancement":35437,"fac":35438,"closeup":35439,"cecilia":35440,"medic":35441,"narcissi":35442,"lavish":35443,"giac":35444,"mays":35445,"leit":35446,"winewednesday":35447,"pushaward":35448,"letto":35449,"currents":35450,"bugatti":35451,"outine":35452,"wj":35453,"undo":35454,"lerosis":35455,"devotional":35456,"ðŁij«":35457,"onna":35458,"faisal":35459,"sauna":35460,"himachal":35461,"amii":35462,"à®®":35463,"dizzy":35464,"screenwriting":35465,"phx":35466,"spn":35467,"icki":35468,"agirl":35469,"fishes":35470,"wbz":35471,"pim":35472,"boar":35473,"acid":35474,"!..":35475,"rockefeller":35476,"nga":35477,"drastically":35478,"simplify":35479,"drumming":35480,"autumnal":35481,"gurmee":35482,"lorde":35483,"joann":35484,"giveup":35485,"bour":35486,"amura":35487,"derland":35488,"simpler":35489,"watson":35490,"trident":35491,"concordia":35492,"bellum":35493,"brek":35494,"dumplings":35495,"vion":35496,"dungeonsanddragons":35497,"spri":35498,"ascension":35499,"wildatlantic":35500,"ust":35501,"robins":35502,"legion":35503,"insist":35504,"jaro":35505,"guess":35506,"sob":35507,"bighit":35508,"poolside":35509,"negotiating":35510,"mcgill":35511,"bild":35512,"technicians":35513,"mitigation":35514,"ajaydevgn":35515,"bto":35516,"anten":35517,"cosmopolitan":35518,"ðŁĺĬðŁĺĬðŁĺĬðŁĺĬ":35519,"patrioti":35520,"temper":35521,"promenade":35522,"navajo":35523,"namm":35524,"wrinkles":35525,"dcfc":35526,"leach":35527,"brunette":35528,"rf":35529,"coutinho":35530,"alti":35531,"traditionally":35532,"optome":35533,"naz":35534,"accordingly":35535,"recard":35536,"deets":35537,"swell":35538,"posure":35539,"whitening":35540,"stranger":35541,"illion":35542,"hereford":35543,"uwu":35544,"robber":35545,"cotswolds":35546,"clen":35547,"gorge":35548,"namaste":35549,"relish":35550,"griff":35551,"adrenaline":35552,"blasio":35553,"vale":35554,"ê²":35555,"tolerate":35556,"railminindia":35557,"jensen":35558,"hoven":35559,"ellu":35560,"obsole":35561,"eisenhower":35562,"unidentified":35563,"thanniversary":35564,"bodyguard":35565,"د":35566,"idge":35567,"schal":35568,"stockport":35569,"sni":35570,"retaining":35571,"popo":35572,"pixie":35573,"olithic":35574,"kier":35575,"hajj":35576,"saz":35577,"corbin":35578,"!!!!!!!!!!":35579,"vit":35580,"megat":35581,"deh":35582,"circuit":35583,"affleck":35584,"theoretical":35585,"hopeless":35586,"uab":35587,"slump":35588,"bice":35589,"jammed":35590,"letstalk":35591,"cani":35592,"sideways":35593,"labyrinth":35594,"refs":35595,"hahn":35596,"jared":35597,"ðŁį¹":35598,"jambo":35599,"phyl":35600,"enhancement":35601,"ctr":35602,"fullest":35603,"seye":35604,"doba":35605,"choic":35606,"yos":35607,"cbj":35608,"andré":35609,"rewatch":35610,"prima":35611,"doctrine":35612,"forgets":35613,"uhm":35614,"around":35615,"ule":35616,"artlovers":35617,"shiraz":35618,"harth":35619,"extor":35620,"Å¡":35621,"unexpectedly":35622,"elius":35623,"yx":35624,"emmy":35625,"seac":35626,"ðŁijĩðŁijĩðŁijĩ":35627,"corrected":35628,"combu":35629,"womanc":35630,"cough":35631,"whatson":35632,"publishes":35633,"diversity":35634,"backbone":35635,"lockdown":35636,"mesmerizing":35637,"norte":35638,"mab":35639,"designer":35640,"íģ":35641,"ragh":35642,"molecules":35643,"getoutside":35644,"thebeatles":35645,"semiconduc":35646,"nacho":35647,"lunes":35648,"hammers":35649,"sultan":35650,"oon":35651,"feren":35652,"attach":35653,"arqu":35654,"uttarakhand":35655,"sash":35656,";-":35657,"tread":35658,"iko":35659,"arthur":35660,"scandinavian":35661,"ration":35662,"gael":35663,"chargeable":35664,"fishy":35665,"vma":35666,"handbags":35667,"chara":35668,"ayne":35669,"defam":35670,"settlers":35671,"qadri":35672,"palais":35673,"inwx":35674,"apocalyptic":35675,"pooja":35676,"aes":35677,"atories":35678,"proofing":35679,"nlp":35680,"tsla":35681,"vina":35682,"lido":35683,"deephouse":35684,"informatics":35685,"vv":35686,"ppings":35687,"diss":35688,"ï":35689,"uhuru":35690,"stony":35691,"betrayed":35692,"baff":35693,"myra":35694,"aspen":35695,"allowance":35696,"tamara":35697,"cif":35698,"corbett":35699,"serge":35700,"digo":35701,"ambigu":35702,"painters":35703,"pcr":35704,"pca":35705,"noms":35706,"loft":35707,"vee":35708,"opendata":35709,"ðŁIJ±":35710,"alexandre":35711,"identifies":35712,"fantasyfootball":35713,"reproduction":35714,"bromley":35715,"wareagle":35716,"mmer":35717,"pss":35718,"cues":35719,"ayat":35720,"hutchinson":35721,"sarac":35722,"jackman":35723,"irah":35724,"apink":35725,"cols":35726,"aussies":35727,"execs":35728,"dayton":35729,"ðŁĻĨ":35730,"imv":35731,"haram":35732,"chuckle":35733,"authenticity":35734,"ardo":35735,"incubator":35736,"ส":35737,"photoshopped":35738,"embraced":35739,"fightfor":35740,"gorman":35741,"zzzz":35742,"scholastic":35743,"crisps":35744,"teapo":35745,"midnight":35746,"gaine":35747,"collier":35748,"sate":35749,"dette":35750,"åŃ":35751,"imagine":35752,"iff":35753,"twili":35754,"ification":35755,"teatro":35756,"norma":35757,"esur":35758,"emergencies":35759,"riseup":35760,"ringer":35761,"hassle":35762,"caitlyn":35763,"tranquil":35764,"versa":35765,"seb":35766,"overlook":35767,"gini":35768,"bogo":35769,"sere":35770,"mayne":35771,"henrik":35772,"contaminated":35773,"rhapsody":35774,"proportion":35775,"wildatlanticway":35776,"âģ©.":35777,"organisers":35778,"trane":35779,"standard":35780,"sperm":35781,"launcher":35782,"ricci":35783,"herts":35784,"paperwork":35785,"showcased":35786,"meryl":35787,"pena":35788,"pimp":35789,"disastrous":35790,"^.^":35791,"phara":35792,"xis":35793,"frontal":35794,"swirl":35795,"spills":35796,"swagger":35797,"smartwatch":35798,"sizzling":35799,"saviour":35800,"catar":35801,"bbcr":35802,"refurbishment":35803,"dris":35804,"citroen":35805,"absorb":35806,"patriotism":35807,"illeg":35808,"chromo":35809,"freshers":35810,"rus":35811,"limiting":35812,"efish":35813,"downed":35814,"mandir":35815,"hazelnut":35816,"pall":35817,"macon":35818,"disappearing":35819,"qualifies":35820,"boon":35821,"barracks":35822,"amine":35823,"gendere":35824,"ðŁļĺ":35825,"jes":35826,"ãĥŃ":35827,"quito":35828,"middleweight":35829,"schau":35830,"quadru":35831,"aciones":35832,"limitless":35833,"ðŁijĮðŁı½":35834,"chman":35835,"arav":35836,"regulators":35837,"itup":35838,"battersea":35839,"milford":35840,"gz":35841,"ticking":35842,"ghou":35843,"crushes":35844,"tutu":35845,"dreadful":35846,"famine":35847,"forchange":35848,"dalailama":35849,"ðŁĴį":35850,"whitaker":35851,"hashmi":35852,"hus":35853,"vod":35854,"bette":35855,"aaah":35856,"isoo":35857,"ðŁ¥Ī":35858,"haar":35859,"laine":35860,"bv":35861,"allday":35862,"sprout":35863,"indiegames":35864,"freebie":35865,"greeks":35866,"butler":35867,"illin":35868,"haal":35869,"wareness":35870,"sima":35871,"publichealth":35872,"gama":35873,"waa":35874,"oung":35875,"goooo":35876,"okinawa":35877,"offenders":35878,"impose":35879,"hoc":35880,"youngster":35881,"storyteller":35882,"scap":35883,"fighter":35884,"+,":35885,"whites":35886,"musicmonday":35887,"reza":35888,"goducks":35889,"bria":35890,"mium":35891,"casper":35892,"crumbs":35893,"aad":35894,"martialarts":35895,"chp":35896,"rigged":35897,"tng":35898,"harvested":35899,"sak":35900,"dojo":35901,"millwall":35902,"bnw":35903,"ocd":35904,"historyof":35905,"tmr":35906,"sirens":35907,"fanci":35908,"caregivers":35909,"vira":35910,"soni":35911,"recurring":35912,"acknowledged":35913,"ðŁıŁ":35914,"ophile":35915,"bucky":35916,"stressing":35917,"rook":35918,"digger":35919,"vival":35920,"sando":35921,"fleet":35922,"siers":35923,"selcaday":35924,"refreshed":35925,"antifa":35926,"aque":35927,"polo":35928,"disappearance":35929,"demb":35930,"âĮļï¸ı":35931,"rented":35932,"berger":35933,"gmb":35934,"cula":35935,"ssal":35936,"goody":35937,"uhh":35938,"marcelo":35939,"wanna":35940,"software":35941,"shopsmall":35942,"turtle":35943,"tomas":35944,"frisco":35945,"ðŁĺįðŁĴķ":35946,"jimenez":35947,"csu":35948,"dayz":35949,"ando":35950,"wynne":35951,"choreographer":35952,"cervical":35953,"trailblazers":35954,"edg":35955,"zendaya":35956,"travelblog":35957,"els":35958,"wholesome":35959,"cog":35960,"labout":35961,"arney":35962,"delle":35963,"suisse":35964,"masi":35965,"inese":35966,"ombe":35967,"fiddle":35968,"reclaim":35969,"pau":35970,"watcher":35971,"slain":35972,"berty":35973,"optimum":35974,"elites":35975,"minis":35976,"turkey":35977,"patrols":35978,"gerard":35979,"aureli":35980,"wildly":35981,"waltz":35982,"brgy":35983,"wob":35984,"crest":35985,"+++":35986,"vez":35987,"frosted":35988,"davido":35989,"thex":35990,"paramedics":35991,"pinto":35992,"hank":35993,"dupont":35994,"urg":35995,"fostering":35996,"micropoetry":35997,"spectre":35998,"---->":35999,"neuro":36000,"frida":36001,"musical":36002,"galveston":36003,"effic":36004,"scape":36005,"palazzo":36006,"thall":36007,"provisional":36008,"pjs":36009,"aure":36010,"ðŁĶľ":36011,"mamamoo":36012,"kitties":36013,"cree":36014,"wak":36015,"loool":36016,"lupus":36017,"cnblue":36018,"ú":36019,"ðŁİ¬":36020,"raced":36021,"trose":36022,"omas":36023,"stride":36024,"coors":36025,"⤵ï¸ı":36026,"incomparable":36027,"cyril":36028,"broader":36029,"areclipse":36030,"ðŁįĶ":36031,"interval":36032,"tiru":36033,"coworking":36034,"waco":36035,"aham":36036,"abee":36037,"flourish":36038,"thetimes":36039,"olini":36040,"kickboxing":36041,"lucer":36042,"atla":36043,"asun":36044,"casserole":36045,"miaw":36046,"lobbying":36047,"janice":36048,"cirque":36049,"reflex":36050,"leary":36051,"sanatomy":36052,"tempest":36053,"semb":36054,"murdering":36055,"usav":36056,"robo":36057,"onet":36058,"pcc":36059,"natives":36060,"lifeof":36061,"saha":36062,"ruthless":36063,"relates":36064,"appetizer":36065,"pyeongchang":36066,"nord":36067,"eru":36068,"athing":36069,"ugly":36070,"plying":36071,"brance":36072,"organise":36073,"kendra":36074,"dato":36075,"cheeses":36076,"parma":36077,"burnout":36078,"astra":36079,"pretoria":36080,"adjustment":36081,"uku":36082,"slo":36083,"liken":36084,"favors":36085,"clive":36086,"beets":36087,"snowdonia":36088,"gotv":36089,"syn":36090,"openhouse":36091,"pani":36092,"portrayed":36093,"slated":36094,"mecca":36095,"renal":36096,"supportsmallstreamers":36097,"staffs":36098,"dao":36099,"biker":36100,"viktor":36101,"titus":36102,"admired":36103,"ðŁĵ±":36104,"hurrican":36105,"heats":36106,"glory":36107,"photogenic":36108,"meri":36109,"depor":36110,"burnham":36111,"orangu":36112,"djing":36113,"impressionism":36114,"ignition":36115,"cai":36116,"wynn":36117,"depe":36118,"coveted":36119,"collagen":36120,"saus":36121,"ornam":36122,"administrators":36123,"sson":36124,"nhpolitics":36125,"hahahahahahahaha":36126,"aspirations":36127,"rgb":36128,"swollen":36129,"sowe":36130,"scr":36131,"divergent":36132,"houghton":36133,"hanoi":36134,"dory":36135,"niki":36136,"landry":36137,"bcci":36138,"ðŁijĮðŁijĮ":36139,"ismail":36140,"tripod":36141,"herd":36142,"bhatt":36143,"dressage":36144,"tabby":36145,"inguish":36146,"huron":36147,"à³į":36148,"Ãł":36149,"todas":36150,"evangelical":36151,"chords":36152,"stjohn":36153,"sloppy":36154,"martyr":36155,"facebook":36156,"alight":36157,"sensei":36158,"kathniel":36159,"rites":36160,"zione":36161,"uo":36162,"revelations":36163,"weightlifting":36164,"pano":36165,"ncwx":36166,"acton":36167,"à®ķ":36168,"ز":36169,"soma":36170,"à¸Ĺ":36171,"respecting":36172,"marche":36173,"foreman":36174,"betty":36175,"kik":36176,"shibu":36177,"poon":36178,"argyle":36179,"kswx":36180,"etz":36181,"marbella":36182,"brackets":36183,"standby":36184,"fireside":36185,"defiance":36186,"vex":36187,"britannia":36188,"inhabit":36189,"appoint":36190,"piyush":36191,"leash":36192,"sciento":36193,"flask":36194,"senna":36195,">:":36196,"atroc":36197,"sanderson":36198,"idlib":36199,"dhanush":36200,"ðŁĺĻ":36201,"enthr":36202,"hitch":36203,"dedly":36204,"alley":36205,"dork":36206,"mondo":36207,"cuddly":36208,"missin":36209,"yesss":36210,"nighting":36211,"jpn":36212,"wary":36213,"umpire":36214,"maz":36215,"ê³":36216,"babs":36217,"ĭãģ":36218,"stanford":36219,"possessed":36220,"exceeded":36221,"ðŁĶ¶":36222,"wallart":36223,"trap":36224,"jil":36225,"hibis":36226,"spying":36227,"scribe":36228,"khalil":36229,"translator":36230,"lumb":36231,"dized":36232,"chc":36233,"supervision":36234,"shutter":36235,"jag":36236,"_*":36237,"yesterdays":36238,"msf":36239,"hihi":36240,"gonzaga":36241,"gillespie":36242,"vivek":36243,"ecstatic":36244,"thismorning":36245,"chus":36246,"edes":36247,"stoned":36248,"bees":36249,"ðŁĩ¹ðŁĩ":36250,"turin":36251,"hover":36252,"atrics":36253,"stern":36254,"samheughan":36255,"autism":36256,"miya":36257,"eyewitness":36258,"writings":36259,"traveltips":36260,"chutney":36261,"pxrtg":36262,"kenyans":36263,"mystic":36264,"krit":36265,"/$":36266,"redhead":36267,"worldly":36268,"amus":36269,"opla":36270,"leve":36271,"gabbana":36272,"seen":36273,"oclock":36274,"ganga":36275,"keenan":36276,"scent":36277,"oldies":36278,"gogreen":36279,"cornerstone":36280,"comply":36281,"concours":36282,"ðŁİ¶ðŁİ¶":36283,"haan":36284,"confis":36285,"awson":36286,"cleop":36287,"îĢ":36288,"suzu":36289,"sauté":36290,"algar":36291,"subscriber":36292,"esteemed":36293,"ãĤ¤ãĥ":36294,"worthwhile":36295,"melrose":36296,"flock":36297,"brightly":36298,"violinist":36299,"pere":36300,"slipping":36301,"andco":36302,"sigh":36303,"havan":36304,"culo":36305,"msa":36306,"fibrosis":36307,"matilda":36308,"rafting":36309,"award":36310,"ëª":36311,"mmmm":36312,"geaux":36313,"steiner":36314,"sinn":36315,"helpers":36316,"beetles":36317,"aimee":36318,"taiwan":36319,"pistachio":36320,"macbeth":36321,"mzan":36322,"descendants":36323,"onsale":36324,"inr":36325,"ilm":36326,"grouse":36327,"saig":36328,"mow":36329,"bigre":36330,"adjustments":36331,"tula":36332,"mathew":36333,"translates":36334,"muh":36335,"bollah":36336,"ðŁĴĽðŁĴĻ":36337,"amores":36338,"abouts":36339,"bombshell":36340,"blaster":36341,"xavi":36342,"sns":36343,"kroger":36344,"gather":36345,"eradic":36346,"daft":36347,"chemo":36348,"benches":36349,"ðŁĩ©ðŁĩ":36350,"utv":36351,"oura":36352,"nko":36353,"gatorade":36354,"biafra":36355,"okstate":36356,"imdanielpadilla":36357,"domains":36358,"openingday":36359,"kiddo":36360,"doi":36361,"rice":36362,"daycare":36363,"macmillan":36364,"bathurst":36365,"cheerleading":36366,"ð٦ģ":36367,"cashback":36368,"kwon":36369,"hobbies":36370,"exempl":36371,"riesling":36372,"âļª":36373,"agles":36374,"nys":36375,"everything":36376,"navis":36377,"addi":36378,"magnesium":36379,"facelift":36380,"arkham":36381,"grandes":36382,"extremist":36383,"donat":36384,"vitality":36385,"pumpkin":36386,"betta":36387,"sltd":36388,"artisan":36389,"liby":36390,"peaked":36391,"ahhhhh":36392,"maryam":36393,"assim":36394,"unsc":36395,"mente":36396,"alaya":36397,"lowers":36398,"aras":36399,"griev":36400,"leip":36401,"grati":36402,"crises":36403,"sprints":36404,"execute":36405,"wto":36406,"msd":36407,"magical":36408,"reviewer":36409,"sparkles":36410,"jukebox":36411,"ðŁĺĤâĿ¤ï¸ı":36412,"payback":36413,"licenses":36414,"dunkin":36415,"belt":36416,"lakewood":36417,"hateful":36418,"budgets":36419,"revamped":36420,"pherson":36421,"kyiv":36422,"wentworth":36423,"rosen":36424,"cruise":36425,"giggle":36426,"defstar":36427,"assassinscre":36428,"ymouth":36429,"winkle":36430,"wfc":36431,"bandwagon":36432,"bkk":36433,"wiring":36434,"kearney":36435,"southside":36436,"petit":36437,"!ðŁĺį":36438,"nordic":36439,"mirza":36440,"mugabe":36441,"vl":36442,"scones":36443,"ktv":36444,"sandal":36445,"duc":36446,"malls":36447,"ðŁĴŀðŁĴŀ":36448,"itc":36449,"alay":36450,"impair":36451,"unrest":36452,"floss":36453,"cé":36454,"abou":36455,"varying":36456,"museo":36457,"server":36458,"diya":36459,"hibiscus":36460,"eroy":36461,"merritt":36462,"findom":36463,"fpp":36464,"unusually":36465,"gott":36466,"contingent":36467,"aliaa":36468,"ballon":36469,"jol":36470,"hiked":36471,"zyme":36472,"ayr":36473,"agn":36474,"gaz":36475,"periodic":36476,"sparty":36477,"practising":36478,"linton":36479,"talis":36480,"cypri":36481,"womaninbiz":36482,"radiodisney":36483,"ðŁĮ¼":36484,"jumpers":36485,"endocr":36486,"ðŁļ¨ðŁļ¨":36487,"andon":36488,"sharapo":36489,"mier":36490,"masonic":36491,"factories":36492,"vien":36493,"bbers":36494,"ìĽIJ":36495,"hold":36496,"kebab":36497,"beak":36498,"approached":36499,"acmilan":36500,"munro":36501,"kosher":36502,"excellency":36503,"negotiation":36504,"waltdisneyworld":36505,"crouch":36506,"teasing":36507,"suppression":36508,"enya":36509,"bce":36510,"transformationtuesday":36511,"callie":36512,"viswas":36513,"pgat":36514,"icted":36515,"endings":36516,"escu":36517,"recruited":36518,"itfc":36519,"collaborations":36520,"gino":36521,"snuck":36522,"auschwitz":36523,"ifc":36524,"xii":36525,"kesha":36526,"gervais":36527,"cloak":36528,"xl":36529,"saad":36530,"probation":36531,"precau":36532,"macin":36533,"anastasi":36534,"lek":36535,"eazy":36536,"daysofcode":36537,"mariahcarey":36538,"yog":36539,"stitched":36540,"boyfriends":36541,"shar":36542,"phile":36543,"agu":36544,"twinkle":36545,"phishing":36546,"weekender":36547,"icton":36548,"gurmeetramrahim":36549,"alton":36550,"leness":36551,"allan":36552,"penultimate":36553,"krystal":36554,"gou":36555,"lande":36556,"dismant":36557,"abusing":36558,"norse":36559,"paterson":36560,"edmun":36561,"apan":36562,"xiumin":36563,"skel":36564,"catwalk":36565,"react":36566,"walled":36567,"tangle":36568,"bryn":36569,"veto":36570,"supermoon":36571,"casablanc":36572,"appreciates":36573,"skid":36574,"both":36575,"catalina":36576,"eleague":36577,"cybermonday":36578,"cautious":36579,"ð٤ĵ":36580,"novo":36581,"hampton":36582,"haye":36583,"josef":36584,"varan":36585,"lobos":36586,"roanoke":36587,"orphans":36588,"ttin":36589,"squads":36590,"ishqbaaaz":36591,"blackpanther":36592,"etu":36593,"ksh":36594,"crumble":36595,"cessna":36596,"relieved":36597,"scully":36598,"pollinators":36599,"explorecanada":36600,"kies":36601,"kamloops":36602,"kiran":36603,"primal":36604,"settlements":36605,"hotspot":36606,"brainstorming":36607,"cedric":36608,"biennial":36609,"shant":36610,"âĻ¡âĻ¡âĻ¡":36611,"doon":36612,"hearn":36613,"walkway":36614,"fem":36615,"veal":36616,"deportation":36617,"toxins":36618,"eliminating":36619,"descending":36620,"bythe":36621,"blasphe":36622,"hasta":36623,"complement":36624,"ascent":36625,"riga":36626,"provost":36627,"âĸª":36628,"weeping":36629,"antisemitism":36630,"employee":36631,"unearthed":36632,"pino":36633,"natalie":36634,"blad":36635,"angola":36636,"lockheed":36637,"inian":36638,"agr":36639,"nister":36640,"impala":36641,"mke":36642,"fanatic":36643,"âĺħâĺħ":36644,"ðŁij¸":36645,"luch":36646,"simplified":36647,"gallery":36648,"economic":36649,"cyborg":36650,"coni":36651,"selma":36652,"inception":36653,"koala":36654,"dvds":36655,"crested":36656,"mmor":36657,"visible":36658,"nsd":36659,"ðŁĻĮðŁı½":36660,"wunder":36661,"refrigerator":36662,"reopening":36663,"eera":36664,"carousel":36665,"asp":36666,"ballistic":36667,"victory":36668,"motive":36669,"trey":36670,"sharapova":36671,"sii":36672,"monter":36673,"intend":36674,"westchester":36675,"spe":36676,"cymb":36677,"vidal":36678,"llama":36679,"univ":36680,"finer":36681,"craftsmanship":36682,"jazzfest":36683,"bch":36684,"aggio":36685,"ncc":36686,"lambda":36687,"tranquility":36688,"cisco":36689,"baden":36690,"sobbing":36691,"ofi":36692,"gota":36693,"rumored":36694,"warmed":36695,"orean":36696,"acton":36697,"marci":36698,"ghani":36699,"âľĵ":36700,"assorted":36701,"pembroke":36702,"penelope":36703,"daf":36704,"atty":36705,"aimo":36706,"pretzel":36707,"carnival":36708,"thanos":36709,"kochi":36710,"mersal":36711,"hamradio":36712,"artwit":36713,"casc":36714,"guerrilla":36715,"kushner":36716,"kapp":36717,"alise":36718,"toddlers":36719,"stewardship":36720,"otti":36721,"terri":36722,"tempe":36723,"restless":36724,"vito":36725,"zayed":36726,"rspb":36727,"pion":36728,"hippo":36729,"hawthorne":36730,"inas":36731,"amily":36732,"nutcracker":36733,"lop":36734,"dali":36735,"tropic":36736,"ðŁ¤ł":36737,"ulo":36738,"jaredle":36739,"pyrene":36740,"paleo":36741,"usair":36742,"mould":36743,"itated":36744,"genetically":36745,"biomass":36746,"ðŁĩ³ðŁĩ±":36747,"dodd":36748,"practiced":36749,"monarchs":36750,"unmanned":36751,"mbuhari":36752,"amal":36753,"photogra":36754,"kool":36755,"brendon":36756,"juices":36757,"cure":36758,"worldbank":36759,"pointers":36760,"ðŁĴĿ":36761,"turf":36762,"leds":36763,"borussia":36764,"baptism":36765,"warwickshire":36766,"mounts":36767,"gayo":36768,"begg":36769,"copied":36770,"asians":36771,"kg":36772,"modernist":36773,"gid":36774,"frontman":36775,"concentrated":36776,"yt":36777,"scavenger":36778,"ironically":36779,"adic":36780,"psn":36781,"ðŁ¥ī":36782,"culturally":36783,"yuv":36784,"macarthur":36785,"fertilizer":36786,"bewithyou":36787,"rigor":36788,"minors":36789,"zoning":36790,"âĸł":36791,"rir":36792,"adolescent":36793,"vinny":36794,"reng":36795,"sandstone":36796,"guet":36797,"westh":36798,"pledged":36799,"laced":36800,"spide":36801,"vai":36802,"tycoon":36803,"seizure":36804,"dup":36805,"appalachian":36806,"rok":36807,"catholics":36808,"seychel":36809,"possess":36810,"lager":36811,"jodi":36812,"champ":36813,"stras":36814,"dina":36815,"centuri":36816,"calder":36817,"bluray":36818,"ðŁĩ¨ðŁĩ³":36819,"modo":36820,"annette":36821,"youtubers":36822,"chaps":36823,"angling":36824,"labeling":36825,"aqui":36826,"pkwy":36827,"lyle":36828,"bisexual":36829,"litur":36830,"dugout":36831,"libby":36832,"greysanatomy":36833,"substances":36834,"augustus":36835,"rallying":36836,"fidel":36837,"ingue":36838,"人":36839,"hallmarkchannel":36840,"toothbrush":36841,"má":36842,"adirond":36843,"aggi":36844,"ðŁĵį:":36845,"crusade":36846,"taxation":36847,"kz":36848,"iver":36849,"doubling":36850,"roomie":36851,"wab":36852,"enrolled":36853,"azon":36854,"aju":36855,"grandchildren":36856,"asdf":36857,"ðŁ¥º":36858,"matic":36859,"oughton":36860,"utilize":36861,"ðŁĴ£":36862,"ponder":36863,"raisin":36864,"dysfunction":36865,"cobain":36866,"butternut":36867,"eman":36868,"sured":36869,"drian":36870,"andfriends":36871,"withthe":36872,"onomy":36873,"heineken":36874,"bridal":36875,"leadership":36876,"pyramids":36877,"deutschland":36878,"jocel":36879,"bowel":36880,"yqr":36881,"horsepower":36882,"beacon":36883,"ingeni":36884,"gradient":36885,"fermented":36886,"moom":36887,"thingy":36888,"potassi":36889,"wristband":36890,"bord":36891,"bodied":36892,"ðŁĺŃðŁĺį":36893,"mapp":36894,"kau":36895,"cyberpunk":36896,"phish":36897,"looking":36898,"coates":36899,"apur":36900,"amie":36901,"uklabour":36902,"atin":36903,"gla":36904,"adoptable":36905,"shelby":36906,"villi":36907,"riya":36908,"mingly":36909,"climber":36910,"bumblebee":36911,"ðŁĺ¸":36912,"csd":36913,"âĿ¥":36914,"hospitalized":36915,"cki":36916,"hater":36917,"chr":36918,"retina":36919,"ita":36920,"fanbase":36921,"beatrice":36922,"gwyne":36923,"goss":36924,"fos":36925,"favorited":36926,"swachhbharat":36927,"malade":36928,"monmouth":36929,"\"[":36930,"sivan":36931,"shhh":36932,"commanding":36933,"sainsburys":36934,"weed":36935,"gman":36936,"ssw":36937,"reptile":36938,"ivy":36939,"tropics":36940,"rollers":36941,"overcast":36942,"exposition":36943,"masquerade":36944,"mancrush":36945,"waist":36946,"sprinter":36947,"sleet":36948,"levin":36949,"jpg":36950,"_(":36951,"opel":36952,"exploit":36953,"apa":36954,"powe":36955,"wrecking":36956,"jongin":36957,"orb":36958,"erick":36959,"bosco":36960,"praising":36961,"bertr":36962,"towing":36963,"insecurity":36964,"kut":36965,"restocked":36966,"rrp":36967,"prescribed":36968,"trafalgar":36969,"pert":36970,"gases":36971,"apprais":36972,"ghar":36973,"musicals":36974,"âĸ¬âĸ¬":36975,"mcfad":36976,"agony":36977,"condition":36978,"equip":36979,"shik":36980,"atravel":36981,"ðŁĩ¿ðŁĩ¦":36982,"keh":36983,"abduction":36984,"peoria":36985,"wilkins":36986,"gms":36987,"asd":36988,"evi":36989,"ðŁĴĹðŁĴĹðŁĴĹ":36990,"uz":36991,"moc":36992,"hallelujah":36993,"guadalu":36994,"louvre":36995,"drawing":36996,"gove":36997,"phant":36998,"frie":36999,"webdev":37000,"programmer":37001,"zable":37002,"gamescom":37003,"clarify":37004,"lith":37005,"kinky":37006,"âĿ£":37007,"labourdoorstep":37008,"sonata":37009,"juris":37010,"maiden":37011,"viadu":37012,"bucharest":37013,"conditioned":37014,"capitalist":37015,"ude":37016,"psb":37017,"spca":37018,"lulla":37019,"foothills":37020,"kayo":37021,"bond":37022,"womb":37023,"rounder":37024,"cesar":37025,"bursts":37026,"apra":37027,"swoon":37028,"sabrin":37029,"fragrant":37030,"clearer":37031,"kubrick":37032,"climax":37033,"journo":37034,"agle":37035,"ðŁı½âĢįâĻĢï¸ı":37036,"pooch":37037,"hale":37038,"solit":37039,"salmon":37040,"organisms":37041,"bronson":37042,"arten":37043,"hodgson":37044,"alove":37045,"venture":37046,"bbi":37047,"aea":37048,"ðŁIJ¢":37049,"ldn":37050,"dnr":37051,"ozone":37052,"ellas":37053,"manny":37054,"azzur":37055,"unbeat":37056,"truffles":37057,"thong":37058,"mañ":37059,"lasers":37060,"leye":37061,"gettysburg":37062,"backpacks":37063,"oris":37064,"maison":37065,"crawling":37066,"labra":37067,"cling":37068,"dragging":37069,"steal":37070,"doubt":37071,"devan":37072,"ckers":37073,"agentsof":37074,"photobomb":37075,"elonmusk":37076,"aboy":37077,"distances":37078,"storyline":37079,"spi":37080,"northan":37081,"europeans":37082,"whale":37083,"serpent":37084,"ðŁļ²":37085,"fior":37086,"trit":37087,"oxo":37088,"awarding":37089,"classmate":37090,"sufc":37091,"smartest":37092,"riches":37093,"prk":37094,"bigfoot":37095,"armb":37096,"bipolar":37097,"dwelling":37098,"omars":37099,"kwan":37100,"grime":37101,"meng":37102,"frederick":37103,"navarro":37104,"sorrynotsorry":37105,"jaredleto":37106,"pave":37107,"slack":37108,"barnsley":37109,"attar":37110,"eviction":37111,"accumulation":37112,"oir":37113,"catchy":37114,"welter":37115,"vikas":37116,"hassee":37117,"nikita":37118,"moyes":37119,"mathews":37120,"shiv":37121,"gatwick":37122,"profiling":37123,"companions":37124,"marrake":37125,"antics":37126,"ðŁĻĮðŁĻĮðŁĻĮ":37127,"sese":37128,"boi":37129,"bartlett":37130,"poisonous":37131,"abuses":37132,"ymm":37133,"kampala":37134,"guggenheim":37135,"imvkohli":37136,"dolom":37137,"bree":37138,"throttle":37139,"gareth":37140,"fitzpatrick":37141,"unya":37142,"parad":37143,"margot":37144,"jnr":37145,"wea":37146,"potassium":37147,"pnc":37148,"disguised":37149,"crash":37150,"renergy":37151,"illic":37152,"coupled":37153,"niels":37154,"ciones":37155,"æĹ¥":37156,"iment":37157,"despicable":37158,"dye":37159,"whatcha":37160,"connections":37161,"paralympics":37162,"gauntlet":37163,"waitrose":37164,"suicidal":37165,"starship":37166,"vapor":37167,"stou":37168,"lawmaker":37169,"cooled":37170,"simo":37171,"theno":37172,"offroad":37173,"jaden":37174,"basque":37175,"vicky":37176,"lukaku":37177,"centro":37178,"trish":37179,"strategist":37180,"medications":37181,"horst":37182,"bfc":37183,"grail":37184,"sharply":37185,"aditya":37186,"tomb":37187,"kaufman":37188,"tripad":37189,"samba":37190,"pastoral":37191,"britney":37192,"sagan":37193,"hillside":37194,"masons":37195,"sara":37196,"zone":37197,"xu":37198,"totes":37199,"robbie":37200,"appen":37201,"montag":37202,"dero":37203,"shortfilm":37204,"charismatic":37205,"tators":37206,"kiba":37207,"andri":37208,"alarming":37209,"splitting":37210,"icar":37211,"thug":37212,"scariest":37213,"sylvester":37214,"anan":37215,"utrecht":37216,"adifference":37217,"meade":37218,"buster":37219,"airstrikes":37220,"cuffs":37221,"accountants":37222,"ðŁĺ¡ðŁĺ¡":37223,"newt":37224,"bott":37225,"issuing":37226,"clancy":37227,"wwenetwork":37228,"kyuhyun":37229,"resemble":37230,"pajamas":37231,"sink":37232,"kinney":37233,"sulph":37234,"ork":37235,"lies":37236,"lagh":37237,"orton":37238,"rahul":37239,"dsc":37240,"wewill":37241,"ream":37242,"colloqui":37243,"sharia":37244,"hectic":37245,"sarcasm":37246,"lander":37247,"tmz":37248,"endorf":37249,"roz":37250,"hammered":37251,"fris":37252,"wadi":37253,"popefrancis":37254,"heit":37255,"flashlight":37256,"unborn":37257,"opes":37258,"holiness":37259,"ðŁIJ¦":37260,"nacht":37261,"imsa":37262,"gracing":37263,"bjp":37264,"verts":37265,"csc":37266,"homeowner":37267,"aque":37268,"bigotry":37269,"annie":37270,"bagh":37271,"âĿ¤ï¸ıðŁĺį":37272,"cari":37273,"thomp":37274,"disposable":37275,"cardiology":37276,"patented":37277,"hhhhhh":37278,"ldr":37279,"stephenson":37280,"crores":37281,"fanning":37282,"climat":37283,"ðŁijįðŁijįðŁijį":37284,"ðŁijįðŁı¼":37285,"aeron":37286,"piccadilly":37287,"bankrupt":37288,"silvia":37289,"employ":37290,"donny":37291,"commenting":37292,"screenwriter":37293,"iota":37294,"cean":37295,"ancers":37296,"tuan":37297,"streetwear":37298,"य":37299,"skine":37300,"espa":37301,"asif":37302,"osce":37303,"sheppard":37304,"morecam":37305,"bottle":37306,"ders":37307,"oracle":37308,"googleplay":37309,"averaged":37310,"edmonton":37311,"stephan":37312,"sisterhood":37313,"crusted":37314,"staggering":37315,"methodology":37316,"congresswoman":37317,"cabo":37318,"triggers":37319,"milky":37320,"glide":37321,"toothpaste":37322,"roommates":37323,"nuff":37324,"guam":37325,"sprinkles":37326,"alternative":37327,"watfordfc":37328,"uoft":37329,"haley":37330,"contacted":37331,"bundy":37332,"prostitu":37333,"ghar":37334,"preston":37335,"onsite":37336,"hilar":37337,"gts":37338,"catt":37339,"hampstead":37340,"??!":37341,"ðŁĩ§ðŁĩ":37342,"bbcqt":37343,"alessandro":37344,"resist":37345,"maidan":37346,"tko":37347,"shading":37348,"pinup":37349,"gallo":37350,"sinu":37351,"atec":37352,"funk":37353,"aclu":37354,"strides":37355,"rhyme":37356,"wetland":37357,"bbcspringwatch":37358,"tins":37359,"wildcard":37360,"stour":37361,"flamenco":37362,"paula":37363,"ontology":37364,"gangsta":37365,"amade":37366,"ãĤ«":37367,"tbs":37368,"skeletal":37369,"runner":37370,"jardin":37371,"harrier":37372,"hunted":37373,"zhen":37374,"believeinfilm":37375,"demean":37376,"auditi":37377,"restart":37378,"chondri":37379,"âĿ¤ï¸ıðŁĴĻ":37380,"mclaren":37381,"gab":37382,"shum":37383,"ausa":37384,"lewisham":37385,"ypg":37386,"kjv":37387,"furnished":37388,"doro":37389,"bonded":37390,"morty":37391,"latitude":37392,"_)":37393,"lova":37394,"waterways":37395,"vinai":37396,"shorth":37397,"drunk":37398,"cay":37399,"ayana":37400,"kaplan":37401,"cappuccino":37402,"spro":37403,"lifeboat":37404,"hasbro":37405,"spolice":37406,"toron":37407,"doing":37408,"damn":37409,"shree":37410,"fountains":37411,"entation":37412,"maru":37413,"boarder":37414,"topless":37415,"jada":37416,"channing":37417,"ulls":37418,"enclosure":37419,"gibson":37420,"fractured":37421,"britton":37422,"ö":37423,"tous":37424,"porth":37425,"draf":37426,"trailing":37427,"margate":37428,"elife":37429,"downward":37430,"linn":37431,"glades":37432,"girlpower":37433,"akrish":37434,"uki":37435,"ronda":37436,"tsc":37437,"appreciationday":37438,"vising":37439,"loom":37440,"ðŁį³":37441,"mexican":37442,"argos":37443,"yya":37444,"jadine":37445,"southport":37446,"dend":37447,"sista":37448,"redeem":37449,"meng":37450,"braxton":37451,"antioxidant":37452,"skey":37453,"mpg":37454,"finding":37455,"vibration":37456,"ceu":37457,"khart":37458,"dimini":37459,"cline":37460,"shelly":37461,"hines":37462,"īï¸ı":37463,"topical":37464,"nover":37465,"maxx":37466,"primitive":37467,"illustrate":37468,"bounds":37469,"trenton":37470,"jointly":37471,"breeders":37472,"uchi":37473,"wakeupamerica":37474,"bada":37475,"ðŁĹ£ï¸ı":37476,"guacam":37477,"spheres":37478,"peregr":37479,"youthful":37480,"lolo":37481,"birmin":37482,"tly":37483,"jeremycorbyn":37484,"defects":37485,"cosm":37486,"arent":37487,"vaa":37488,"bagels":37489,"mediac":37490,"coriander":37491,"icago":37492,"ghaz":37493,"abbas":37494,"remodel":37495,"structuring":37496,"pum":37497,"outlaw":37498,"adani":37499,"rbc":37500,"gulls":37501,"nli":37502,"confuse":37503,"ðŁijĩðŁı¼":37504,"vila":37505,"mcnamara":37506,"corrections":37507,"mughal":37508,"seri":37509,"regain":37510,"ssb":37511,"leave":37512,"hahahah":37513,"grande":37514,"distressed":37515,"rechargeable":37516,"hoa":37517,"housed":37518,"stil":37519,"attributed":37520,"opathic":37521,"dips":37522,"prit":37523,"headphone":37524,"conclude":37525,"pilo":37526,"het":37527,"utsa":37528,"nitin":37529,"jem":37530,"snippet":37531,"tutoring":37532,"oper":37533,"sunk":37534,"ensla":37535,"chau":37536,"acorn":37537,"quintess":37538,"rankin":37539,"affiliated":37540,"ourlives":37541,"clint":37542,"seater":37543,"isaac":37544,"bashing":37545,"smear":37546,"nurse":37547,"doodling":37548,"\";":37549,"saku":37550,"atrocities":37551,"imam":37552,"gfs":37553,"violating":37554,"commend":37555,"bradshaw":37556,"erville":37557,"billed":37558,"bbe":37559,"thulhu":37560,"iphones":37561,"moose":37562,"dios":37563,"rew":37564,"methane":37565,"strangely":37566,"whisky":37567,"tightly":37568,"spielberg":37569,"radius":37570,"noticing":37571,"wif":37572,"ignati":37573,"ifa":37574,"apis":37575,"wali":37576,"haitian":37577,"bushes":37578,"yz":37579,"vl":37580,"exited":37581,"assel":37582,"truec":37583,"domen":37584,"asher":37585,"inking":37586,"newyearseve":37587,"hendricks":37588,"bati":37589,"ìĿ´ì":37590,"richter":37591,"monsanto":37592,"conline":37593,"agreat":37594,"ðŁ¤¯":37595,"masterpieces":37596,"arn":37597,"roughs":37598,"cleve":37599,"sev":37600,"fashions":37601,"toya":37602,"shail":37603,"copeland":37604,"aquari":37605,"decals":37606,"areyou":37607,"yaya":37608,"astr":37609,"font":37610,"mlm":37611,"arca":37612,"ppor":37613,"pollock":37614,"xperia":37615,"conservation":37616,"chainsaw":37617,"aggie":37618,"?!?!?":37619,"sile":37620,"shon":37621,"ìĹIJ":37622,"notebooks":37623,"marquette":37624,"deus":37625,"bbled":37626,"spicer":37627,"mccabe":37628,"norwich":37629,"modification":37630,"boosted":37631,"strum":37632,"salesman":37633,"bangle":37634,"nissan":37635,"hezbollah":37636,"breasts":37637,"aaf":37638,"anthus":37639,"sker":37640,"owed":37641,"heros":37642,"gifs":37643,"fosters":37644,"eaters":37645,"dues":37646,"_/":37647,"lymphoma":37648,"sfam":37649,"megal":37650,"afridi":37651,"agic":37652,"pamp":37653,"jealousy":37654,"ðŁijĮðŁı¼":37655,"calculate":37656,"napping":37657,"gale":37658,"ð٦Ħ":37659,"lubbock":37660,"assumed":37661,"renting":37662,"íĥľ":37663,"suburb":37664,"ãĤ·":37665,"technic":37666,"ucla":37667,"infront":37668,"garnet":37669,"steroids":37670,"striving":37671,"howar":37672,"mover":37673,"leton":37674,"bulldo":37675,"isin":37676,"ciao":37677,"snz":37678,"forefront":37679,"dams":37680,"midwife":37681,"mawards":37682,"clapton":37683,"wein":37684,"subsidies":37685,"sproud":37686,"rotherham":37687,"phantom":37688,"arach":37689,"spiel":37690,"racket":37691,"selamat":37692,"noon":37693,"lbc":37694,"entially":37695,"ðŁĴ¸":37696,"silve":37697,"moud":37698,"kinetic":37699,"yasi":37700,"ðŁİ©":37701,"ool":37702,"miku":37703,"iza":37704,"fera":37705,"floren":37706,"barbershop":37707,"groot":37708,"zest":37709,"nears":37710,"stanis":37711,"zand":37712,"policeman":37713,"jurisdic":37714,"formations":37715,"apparatus":37716,"spd":37717,"artifact":37718,"tosc":37719,"motivating":37720,"womancrush":37721,"redro":37722,"diagnostics":37723,"raza":37724,"outfitters":37725,"elxn":37726,"dodgy":37727,"ryn":37728,"shd":37729,"orthodon":37730,"olde":37731,"jayanti":37732,"balances":37733,"quickest":37734,"canton":37735,"fridayreads":37736,"!*":37737,"naa":37738,"aak":37739,"ðŁĶ·":37740,"behaviors":37741,"raspberries":37742,"ä»":37743,"political":37744,"camil":37745,"åľ":37746,"dik":37747,"astounding":37748,"liebe":37749,"novelty":37750,"turmoil":37751,"sully":37752,"springbreak":37753,"honouring":37754,"ccg":37755,"ðŁıĴ":37756,"mylittle":37757,"kyc":37758,"proms":37759,"ðŁķĬ":37760,"è":37761,"bige":37762,"avril":37763,"ðŁĩµðŁĩ°":37764,"marion":37765,"asants":37766,"surya":37767,"octag":37768,"lufthan":37769,"acron":37770,"fayetteville":37771,"tique":37772,"loves":37773,"enca":37774,"dekalb":37775,"taver":37776,"devote":37777,"auxiliary":37778,"johannes":37779,"treadmill":37780,"ayan":37781,"qur":37782,"donaldson":37783,"cheryl":37784,"\"....":37785,"sven":37786,"kirsty":37787,"gunners":37788,"radish":37789,"oahu":37790,"vsky":37791,"ible":37792,"concourse":37793,"bps":37794,"eloqu":37795,"ashford":37796,"tebow":37797,"roblox":37798,"mada":37799,"driving":37800,"thday":37801,"sproject":37802,"mms":37803,"banded":37804,".!!":37805,"librarians":37806,"flannel":37807,"intolerance":37808,"heral":37809,"çµ":37810,"nemesis":37811,"lista":37812,"tarak":37813,"crypt":37814,"starplus":37815,"vishnu":37816,"scale":37817,"cris":37818,"%),":37819,"jillian":37820,"reggae":37821,"pegasus":37822,"olin":37823,"ipment":37824,"manic":37825,"lfc":37826,"goddard":37827,"iteam":37828,"parlour":37829,"anchors":37830,"leeminho":37831,"tallahassee":37832,"antit":37833,"dho":37834,"kidney":37835,"yash":37836,"battled":37837,"azad":37838,"garis":37839,"faulkner":37840,"sniff":37841,"paparazzi":37842,"edm":37843,"phyllis":37844,"contested":37845,"aaay":37846,"seca":37847,"kton":37848,"velve":37849,"rainier":37850,"forum":37851,"tampab":37852,"hosp":37853,"tractors":37854,"oxfordshire":37855,"notion":37856,"guangzhou":37857,"ðŁĺ¯":37858,"refill":37859,"wednesdaymotivation":37860,"slider":37861,"mukherjee":37862,"pratt":37863,"fontaine":37864,"alphon":37865,"afar":37866,"tsi":37867,"pesticides":37868,"fiends":37869,"mocking":37870,"braw":37871,"transat":37872,"doses":37873,"cores":37874,"homophobia":37875,"documenting":37876,"zlatan":37877,"condoms":37878,"sé":37879,"sunset":37880,"kunst":37881,"tonga":37882,"ส":37883,"vation":37884,"spray":37885,"chowder":37886,"raps":37887,"palladium":37888,"norwood":37889,"musichistory":37890,"hooker":37891,"sisi":37892,"osprey":37893,"phys":37894,"conceded":37895,"bobcat":37896,"armad":37897,"zeit":37898,"ÙĦ":37899,"ðŁĺģðŁĺģ":37900,"meridi":37901,"ðŁĩ·ðŁĩº":37902,"cornwall":37903,"!),":37904,"touchdowns":37905,"zeit":37906,"chalet":37907,"mmm":37908,"alche":37909,"gorilla":37910,"foss":37911,"atiku":37912,"luminous":37913,"ivanka":37914,"beek":37915,"stares":37916,"swiss":37917,"âĿ¤âĿ¤âĿ¤âĿ¤":37918,"scrubs":37919,"meath":37920,"gustav":37921,"jogging":37922,"confetti":37923,"asos":37924,"ersfc":37925,"breitbart":37926,"applicable":37927,"authored":37928,"yaho":37929,"hin":37930,"displacement":37931,"jv":37932,"ðŁĮ¹ðŁĮ¹":37933,"otc":37934,"nonprofits":37935,"diecast":37936,"gusto":37937,"intestin":37938,"cages":37939,"meen":37940,"lukas":37941,"mooney":37942,"ðŁĺ·":37943,"veryday":37944,"torah":37945,"ission":37946,"wac":37947,"leveraging":37948,"ishable":37949,"cuse":37950,"lewood":37951,"mayan":37952,"turntable":37953,"juice":37954,"trusty":37955,"tup":37956,"etiquette":37957,"supervisors":37958,"stun":37959,"guzman":37960,"conferen":37961,"rico":37962,"feast":37963,"backward":37964,"polaris":37965,"miche":37966,"jog":37967,"hing":37968,"fieldhouse":37969,"veling":37970,"shocker":37971,"escence":37972,"ा":37973,"vibe":37974,"anastasia":37975,"marched":37976,"killing":37977,"Ķë":37978,"fett":37979,"exoplan":37980,"...(":37981,"snowday":37982,"loh":37983,"irani":37984,"lakhs":37985,"dela":37986,"pocaly":37987,"boomers":37988,"dictatorship":37989,"acer":37990,"turkeys":37991,"quarterfinal":37992,"musketeers":37993,"ðŁĴĽðŁĴļ":37994,"sfx":37995,"museumweek":37996,"scala":37997,"risis":37998,"(ðŁĵ·":37999,"ãĢĤ":38000,"zies":38001,"boeh":38002,"hues":38003,"lusci":38004,"dola":38005,"impeachtrump":38006,"rood":38007,"doncaster":38008,"torre":38009,"heroes":38010,"foyer":38011,"tari":38012,"blurred":38013,"kew":38014,"frankly":38015,"droid":38016,"apal":38017,"м":38018,"yaf":38019,"bret":38020,"paragu":38021,"cacao":38022,"ðŁĻĮðŁı¾":38023,"rue":38024,"headaches":38025,"shawty":38026,"charley":38027,"paler":38028,"gowns":38029,"correctional":38030,"ðŁĺ©ðŁĺ©":38031,"breakingbad":38032,"oling":38033,"dap":38034,"endeavour":38035,"citadel":38036,"trad":38037,"incumbent":38038,"meditate":38039,"footed":38040,"ðŁĴµ":38041,"shabbat":38042,"dayofthe":38043,"willem":38044,"galway":38045,"tored":38046,"marriage":38047,"fillion":38048,"sleeveless":38049,"auditor":38050,"jinyoung":38051,"invincible":38052,"kaduna":38053,"aand":38054,"volcanoes":38055,"moneti":38056,"indiegogo":38057,"buccaneers":38058,"ðŁijīðŁı½":38059,"ãĢĤ":38060,"layton":38061,"cuckoo":38062,"humber":38063,"buzzer":38064,"Ïī":38065,"tore":38066,"strains":38067,"stom":38068,"paine":38069,"swe":38070,"duff":38071,"zou":38072,"simi":38073,"lipp":38074,"urn":38075,"seagu":38076,"ðŁĶ®":38077,"sundae":38078,"hic":38079,"ðŁĺ¨":38080,"bullpen":38081,"uper":38082,"flyover":38083,"aldridge":38084,"globes":38085,"alies":38086,"kenzie":38087,"gees":38088,"ycle":38089,"splin":38090,"magenta":38091,"jha":38092,"balu":38093,"ghorn":38094,"tipper":38095,"wicker":38096,"tasteof":38097,"conclave":38098,"chale":38099,"invasi":38100,"cater":38101,"dioxide":38102,"megab":38103,"winn":38104,"atp":38105,"transformative":38106,"nestled":38107,"hig":38108,"bridging":38109,"lilies":38110,"cheered":38111,"baddest":38112,"scrolls":38113,"realis":38114,"diplo":38115,"ðŁĶ«":38116,"concession":38117,"preferences":38118,"explodes":38119,"ergon":38120,"introductory":38121,"ineau":38122,"chaf":38123,"somes":38124,"landrover":38125,"spiration":38126,"sexy":38127,"scorecard":38128,"illustrates":38129,"soulmate":38130,"wien":38131,"interdisciplinary":38132,"forecasting":38133,"entities":38134,"glued":38135,"enlar":38136,"curt":38137,"perceptions":38138,"bootleg":38139,"mire":38140,"ashok":38141,"vaz":38142,"horne":38143,"calle":38144,"aculture":38145,"theroy":38146,"nighttime":38147,"ocal":38148,"characterdesign":38149,"armist":38150,"ðŁĺıðŁĺı":38151,"yahoo":38152,"aceae":38153,"tose":38154,"evento":38155,"sout":38156,"nayanth":38157,"whom":38158,"vare":38159,"rigging":38160,"genus":38161,"hive":38162,"commands":38163,"stie":38164,"daya":38165,"ethanol":38166,"enf":38167,"hifi":38168,"fluence":38169,"clemson":38170,"reinvent":38171,"thermometer":38172,"humorous":38173,"emerging":38174,"ación":38175,"ðŁĺĺðŁĺį":38176,"sity":38177,"hawke":38178,"accompanying":38179,"tility":38180,"ðŁĺª":38181,"recess":38182,"protagonist":38183,"lery":38184,"dundal":38185,"intl":38186,"brittany":38187,"qbs":38188,"offthe":38189,"marriages":38190,"howto":38191,"violated":38192,"adelaide":38193,"witt":38194,"lancer":38195,"pakv":38196,"hume":38197,"stade":38198,"bragging":38199,"outright":38200,"adc":38201,"superst":38202,"realtime":38203,"cures":38204,"gardeners":38205,"erock":38206,"dalejr":38207,"vero":38208,"bartol":38209,"moti":38210,"mcfly":38211,"vpn":38212,"stink":38213,"overrated":38214,"guerra":38215,"etis":38216,"athome":38217,"twdfamily":38218,"thab":38219,"tnx":38220,"rafael":38221,"familytravel":38222,"xley":38223,"satanic":38224,"equations":38225,"rudy":38226,"waldorf":38227,"stani":38228,"tube":38229,"measles":38230,"zimmerman":38231,"obligations":38232,"iously":38233,"bowser":38234,"transformer":38235,"shoppe":38236,"shaken":38237,"ghouse":38238,"tod":38239,"ketball":38240,"shareholder":38241,"marca":38242,"kpmg":38243,"akan":38244,"givenchy":38245,"coastal":38246,"auth":38247,"rollercoaster":38248,"marches":38249,"coordinate":38250,"cinema":38251,"apprentices":38252,"parlor":38253,"mito":38254,"menon":38255,"considerable":38256,"barre":38257,"gloss":38258,"enhances":38259,"jazeera":38260,"falmouth":38261,"thrash":38262,"staten":38263,"kzn":38264,"engel":38265,"samanthap":38266,"floppy":38267,"salom":38268,"ðŁıĨðŁıĨ":38269,"wack":38270,"deliberate":38271,"oscill":38272,"heritag":38273,"dusted":38274,"ornithology":38275,"paddle":38276,"ferns":38277,"barun":38278,"clans":38279,"anticipate":38280,"aay":38281,"matically":38282,"éĩ":38283,"tumble":38284,"postman":38285,"unicef":38286,"trotter":38287,"opd":38288,"leaflet":38289,"geist":38290,"ceasefire":38291,"screws":38292,"creation":38293,"walnuts":38294,"longhorns":38295,"understatement":38296,"abb":38297,"proximity":38298,"nax":38299,"unity":38300,"turnpike":38301,"ordained":38302,"dubstep":38303,"chakra":38304,"mech":38305,"loveher":38306,"lookalike":38307,"donnein":38308,"viron":38309,"ÙĪ":38310,"bangers":38311,"variants":38312,"outdated":38313,"inta":38314,"cristo":38315,"spelt":38316,"foodand":38317,"fon":38318,"stefani":38319,"marginal":38320,"hutton":38321,"tiara":38322,"telford":38323,"quen":38324,"fairgrounds":38325,"quetta":38326,"mikhail":38327,"healer":38328,"vball":38329,"tyre":38330,"undergrad":38331,"glend":38332,"homers":38333,"scribed":38334,"maintains":38335,"poche":38336,"missal":38337,"marko":38338,"uas":38339,"án":38340,"shp":38341,"convey":38342,"padre":38343,"saba":38344,"puglia":38345,"madhuri":38346,"paxton":38347,"chaplain":38348,"nago":38349,"casi":38350,"...!!!":38351,"flirt":38352,"saleh":38353,"kare":38354,"dire":38355,"stamped":38356,"extreme":38357,"ðŁĺĥðŁĺĥ":38358,"hoppy":38359,"guadalupe":38360,"advantaged":38361,"euchar":38362,"plow":38363,"unn":38364,"macqu":38365,"portland":38366,"clash":38367,"pes":38368,"loubout":38369,"yp":38370,"keeping":38371,"arcadia":38372,"frankie":38373,"fiu":38374,"deth":38375,"encyclopedia":38376,"size":38377,"invests":38378,"ðŁį©":38379,"geological":38380,"franç":38381,"confront":38382,"ðŁĺ¥":38383,"dys":38384,"afm":38385,"texan":38386,"graphene":38387,"repostapp":38388,"acf":38389,"ursula":38390,"gaza":38391,"ddled":38392,"fum":38393,"wsbtv":38394,"mbe":38395,"frontiers":38396,"chronograph":38397,"kes":38398,"interfaith":38399,"taboo":38400,"sparta":38401,"wondo":38402,"florist":38403,"embraces":38404,"caw":38405,"noel":38406,"archers":38407,"ðŁIJ·":38408,"romano":38409,"banan":38410,"shakers":38411,"melodies":38412,"geothermal":38413,"sephora":38414,"ìļ°":38415,"од":38416,"proc":38417,"handshake":38418,"pande":38419,"populated":38420,"slowdown":38421,"hortons":38422,"registrations":38423,"undeni":38424,"lants":38425,"passover":38426,"thakur":38427,"lief":38428,"adhesive":38429,"petal":38430,"microscopy":38431,"memphis":38432,"confirming":38433,"airdrop":38434,"mesmer":38435,"perceived":38436,"mingle":38437,"lifeline":38438,"ghj":38439,"worcestershire":38440,"passions":38441,"acher":38442,"ellar":38443,"aho":38444,"firenze":38445,"barang":38446,"letterman":38447,"hatfield":38448,"lucha":38449,"jeter":38450,"eshop":38451,"williams":38452,"horoscope":38453,"prede":38454,"eastbourne":38455,"durga":38456,"diversion":38457,"altrin":38458,"seismic":38459,"premiosm":38460,"narco":38461,"tir":38462,"orig":38463,"orm":38464,"landfall":38465,"cious":38466,"lindo":38467,"maxine":38468,"xico":38469,"tray":38470,"oswald":38471,"cba":38472,"ricotta":38473,"ncr":38474,"marau":38475,"า":38476,"gladiator":38477,"chery":38478,"lung":38479,"ume":38480,"popsic":38481,"longing":38482,"canals":38483,"taya":38484,"decentralized":38485,"shopp":38486,"pressures":38487,"maharaj":38488,"etihad":38489,"walgreens":38490,"succession":38491,"signaling":38492,"lig":38493,"staffer":38494,"northkorea":38495,"defying":38496,"asma":38497,"deg":38498,"perimeter":38499,"oakville":38500,"msk":38501,"baltimore":38502,"receip":38503,"deple":38504,"ðŁĺŃðŁĺĤ":38505,"jamboree":38506,">.<":38507,"rspb":38508,"punisher":38509,"considerably":38510,"intothe":38511,"parisian":38512,"accelerated":38513,"polyester":38514,"lowes":38515,"frying":38516,"sautéed":38517,"mouths":38518,"seychelles":38519,"rax":38520,"godis":38521,"dakota":38522,"housewives":38523,"theme":38524,"matinee":38525,"blackbird":38526,"yesung":38527,"prefers":38528,"pellegr":38529,"inated":38530,"trunks":38531,"strongertogether":38532,"repet":38533,"repairing":38534,"pedals":38535,"tolerant":38536,"herr":38537,"dunne":38538,"indication":38539,"decatur":38540,"btv":38541,"exhibitors":38542,"ikon":38543,"fridaymotivation":38544,"bragg":38545,"livetweet":38546,"alves":38547,"womensart":38548,"foreigners":38549,"wallets":38550,"mindy":38551,"laney":38552,"bbin":38553,"tvmiaw":38554,"lifter":38555,"target":38556,"tame":38557,"drou":38558,"astrophotography":38559,"mpc":38560,"gpu":38561,"nordstrom":38562,"friction":38563,"runoff":38564,"lovable":38565,"spnfamily":38566,"extingui":38567,"bloody":38568,"schel":38569,"artistry":38570,"swish":38571,"scarce":38572,"phils":38573,"maxim":38574,"possum":38575,"compromised":38576,"styli":38577,"scfc":38578,"issa":38579,"birmingham":38580,"sketched":38581,"angelica":38582,"ordinance":38583,"jets":38584,"conquer":38585,"ðŁĺIJ":38586,"onlineshopping":38587,"sori":38588,"reasonably":38589,"nuestro":38590,"arturo":38591,"chl":38592,"benefici":38593,"sphoto":38594,"welt":38595,"nikk":38596,"ð٤ŀ":38597,"danao":38598,"formid":38599,"asse":38600,"afirst":38601,"âľĤ":38602,"gillette":38603,"assor":38604,"anonym":38605,"selca":38606,"femi":38607,"bearable":38608,"yand":38609,"armory":38610,"crepe":38611,"celticfc":38612,"bravo":38613,"inexpensive":38614,"delec":38615,"gecko":38616,"newmarket":38617,"snowflakes":38618,"kabir":38619,"contra":38620,"canning":38621,"morpho":38622,"garwal":38623,"ðŁĴĥðŁı»":38624,"fighting":38625,"mutation":38626,"woody":38627,"jugg":38628,"graces":38629,"premiosmtvmiaw":38630,"kennedy":38631,"gup":38632,"sae":38633,"opha":38634,"offspring":38635,"finisher":38636,"betts":38637,"spanning":38638,"marj":38639,"hone":38640,"shing":38641,"continents":38642,"samanthaprabhu":38643,"unrelated":38644,"lacy":38645,"explosions":38646,"benjamin":38647,"sophie":38648,"noting":38649,"microsoft":38650,"assen":38651,"ahoy":38652,"iker":38653,"hofer":38654,"moe":38655,"ahmadi":38656,"yann":38657,"anak":38658,"mahi":38659,"beu":38660,"ahah":38661,"creeper":38662,"baahubali":38663,"amat":38664,"priory":38665,"hawkeye":38666,"deloitte":38667,"skoda":38668,"printmaking":38669,"assembling":38670,"miraculous":38671,"noch":38672,"swo":38673,"lega":38674,"operates":38675,"borderlands":38676,"elie":38677,"strongh":38678,"reptiles":38679,"pirate":38680,"unfold":38681,"¯":38682,"qualcomm":38683,"unpredictable":38684,"otr":38685,"rosewood":38686,"directional":38687,"counselors":38688,"cornell":38689,"liberated":38690,"jad":38691,"irregular":38692,"bulgarian":38693,"highness":38694,"vodafone":38695,"swild":38696,"minimize":38697,"grazie":38698,"à¹ĩ":38699,"rstats":38700,"streep":38701,"ometric":38702,"humble":38703,"lump":38704,"lille":38705,"bü":38706,"homedepot":38707,"tripadvisor":38708,"kiwan":38709,"avia":38710,"erz":38711,"exico":38712,"duf":38713,"blumen":38714,"mizing":38715,"arma":38716,"inim":38717,"constan":38718,"sora":38719,"jual":38720,"aun":38721,"twell":38722,"trenches":38723,"hera":38724,"rk":38725,"poplar":38726,"recipeoftheday":38727,"llan":38728,"bhuban":38729,"shortages":38730,"ingdon":38731,"bridgewater":38732,"ðŁIJĺ":38733,"fortnite":38734,"camden":38735,"uncture":38736,"prow":38737,"colonies":38738,"tks":38739,"ngo":38740,"bhm":38741,"livepd":38742,"splace":38743,"slike":38744,"happyeaster":38745,"terrence":38746,"revolver":38747,"jed":38748,"yyyy":38749,"officeof":38750,"mts":38751,"existential":38752,"rourke":38753,"explorebc":38754,"ssed":38755,"priest":38756,"vixen":38757,"siding":38758,"kpa":38759,"ahar":38760,"juic":38761,"obstruc":38762,"forensics":38763,"ukmfg":38764,"cancellation":38765,"weary":38766,"abq":38767,"elec":38768,"prized":38769,"debts":38770,"mezz":38771,"salvatore":38772,"mdc":38773,"grette":38774,"cgc":38775,"thon":38776,"snowstorm":38777,"tsch":38778,"cookery":38779,"å¹":38780,"waxing":38781,"nacional":38782,"murs":38783,"rave":38784,"capes":38785,"germain":38786,"dripping":38787,"submitting":38788,"omelette":38789,"iteration":38790,"ajes":38791,"shimmer":38792,"fueling":38793,"ðŁĩ§ðŁĩª":38794,"lipo":38795,"bobble":38796,"unfollow":38797,"islamist":38798,"hiber":38799,"cats":38800,"agentsofshield":38801,"sensi":38802,"_____":38803,"steria":38804,"instal":38805,"auspicious":38806,"harrow":38807,"overland":38808,"feminists":38809,"instant":38810,"chariot":38811,"blindness":38812,"sped":38813,"scarec":38814,"nuit":38815,"miniatures":38816,"hoseok":38817,"glock":38818,"fifaworldcup":38819,"ete":38820,"dism":38821,"weiner":38822,"exfoli":38823,"earts":38824,"à¸Ķ":38825,"myart":38826,"manil":38827,"issant":38828,"forma":38829,"incu":38830,"buffalob":38831,"intim":38832,"mccul":38833,"anjali":38834,"popo":38835,"undoub":38836,"hila":38837,"fungal":38838,"thankful":38839,"futur":38840,"endish":38841,"rends":38842,"thar":38843,"sheff":38844,"ringo":38845,"nicholls":38846,"iowa":38847,"potom":38848,"clams":38849,"ãģĦ":38850,"aconf":38851,"stadiums":38852,"dimp":38853,"dik":38854,"residences":38855,"dov":38856,"caricature":38857,"seagull":38858,"klm":38859,"confess":38860,"slapped":38861,"celeb":38862,"turbines":38863,"ppv":38864,"nurture":38865,"elab":38866,".....#":38867,"tuff":38868,"depress":38869,"alfar":38870,"amiibo":38871,"dispon":38872,"ewing":38873,"queer":38874,"friends":38875,"forre":38876,"âĺ¼":38877,"swt":38878,"aquarius":38879,"headliner":38880,"curd":38881,"figs":38882,"otters":38883,"lovefl":38884,"kareem":38885,"govegan":38886,"friyay":38887,"consolation":38888,"atri":38889,"ì§Ħ":38890,"âĺĿï¸ı":38891,"polyne":38892,"gued":38893,"oya":38894,"laus":38895,"intestinal":38896,"camilla":38897,"scalp":38898,"pir":38899,"leeds":38900,"horrifying":38901,"boretum":38902,"dandelion":38903,"ferrer":38904,"ellic":38905,"asx":38906,"soren":38907,"reloaded":38908,"aleague":38909,"navigator":38910,"inette":38911,"addams":38912,"alchemist":38913,"akshay":38914,"dystopian":38915,"awec":38916,"naya":38917,"alisa":38918,"ailed":38919,"agor":38920,"aviator":38921,"alizer":38922,"smobile":38923,"findyourpark":38924,"copying":38925,"toddy":38926,"shti":38927,"monger":38928,"calhoun":38929,"napkin":38930,"breakup":38931,"yatra":38932,"sethu":38933,"richi":38934,"erasmus":38935,"ferry":38936,"amore":38937,"practise":38938,"bobo":38939,"powerpoint":38940,"oose":38941,"liffe":38942,"china":38943,"shka":38944,"fadnavis":38945,"duane":38946,"waron":38947,"false":38948,"ðŁļĤ":38949,"washes":38950,"discip":38951,"========":38952,"gk":38953,"abb":38954,"stubborn":38955,"medieval":38956,"pci":38957,"ðŁįª":38958,"marilyn":38959,"hyo":38960,"mandi":38961,"cri":38962,"predecess":38963,"continuation":38964,"omusic":38965,"slat":38966,"whal":38967,"mallory":38968,"bonn":38969,"shenzhen":38970,"cai":38971,"âĺĥ":38972,"safest":38973,"forwards":38974,"drawers":38975,"blasted":38976,"slee":38977,"morphe":38978,"mbta":38979,"dumbass":38980,"ÑĦоÑĤо":38981,"alhamdulillah":38982,"eclub":38983,"albeit":38984,"healey":38985,"ayurveda":38986,"advertised":38987,"crocs":38988,"ittles":38989,"bryson":38990,"bei":38991,"njpw":38992,"honoree":38993,"fused":38994,"ðŁĶĺ":38995,"multin":38996,"naga":38997,"departs":38998,"kop":38999,"kino":39000,"jharkhand":39001,"edna":39002,"axle":39003,"milton":39004,"supremacist":39005,"marrakech":39006,"dominic":39007,"transcript":39008,"][#":39009,":).":39010,"woc":39011,"surrounds":39012,"ogil":39013,"leaflets":39014,"cowell":39015,"whew":39016,"trude":39017,"prolifer":39018,"succes":39019,"sportsman":39020,"condom":39021,"poche":39022,"kup":39023,"imprisonment":39024,"{}":39025,"scrambled":39026,"åĽ":39027,"kaine":39028,"cellphone":39029,"metamor":39030,"coni":39031,"remnants":39032,"eez":39033,"downpour":39034,"afternoon":39035,"exercising":39036,"berser":39037,"architecture":39038,"wicklow":39039,"mns":39040,"isp":39041,"boc":39042,"niss":39043,"mnwild":39044,"stumble":39045,"rsi":39046,"luffy":39047,"silen":39048,"ddad":39049,"bullies":39050,"hawker":39051,"bbcc":39052,"scuba":39053,"epp":39054,"quets":39055,"foraging":39056,"pallet":39057,"hadi":39058,"cinematographer":39059,"catchers":39060,"toaster":39061,"khi":39062,"litecoin":39063,"kidlit":39064,"amherst":39065,"mauricio":39066,"ipad":39067,"marmalade":39068,"fey":39069,"donnelly":39070,"gto":39071,"estas":39072,"cerebral":39073,"antgrasso":39074,"zzled":39075,"virgil":39076,"swapped":39077,"ðŁĺħðŁĺħ":39078,"nodapl":39079,"greatest":39080,"nhlbruins":39081,"fraser":39082,"bmo":39083,"anew":39084,".âĿ¤ï¸ı":39085,"segregation":39086,"remarkably":39087,"mccormick":39088,"logger":39089,"eras":39090,"contracting":39091,"âłĢâłĢ":39092,"yorks":39093,"ukulele":39094,"touchscreen":39095,"decked":39096,"benn":39097,"southwark":39098,"ravin":39099,"numis":39100,"ð٤Ļ":39101,"rut":39102,"greco":39103,"ethic":39104,"redneck":39105,"arr":39106,"tcs":39107,"ihri":39108,"ðŁĩ«ðŁĩ·":39109,"lk":39110,"inherited":39111,"zyk":39112,"viaduct":39113,"martyred":39114,"higu":39115,"ssn":39116,"bein":39117,"streetstyle":39118,"fergie":39119,"bankof":39120,"æĹ¥":39121,"stakeholder":39122,"exemplary":39123,"cress":39124,"essa":39125,"erotica":39126,"intrepid":39127,"gomes":39128,"braun":39129,"bethany":39130,"bangtan":39131,"pulmonary":39132,"milling":39133,"doctorate":39134,"trumprussia":39135,"र":39136,"sani":39137,"blatt":39138,"plau":39139,"deprived":39140,"tle":39141,"fully":39142,"bourn":39143,"stak":39144,"lufthansa":39145,"kiosk":39146,"faroo":39147,"defy":39148,"badan":39149,"ðŁĺĺâĿ¤ï¸ı":39150,"ritz":39151,"trisha":39152,"rands":39153,"middlesex":39154,"arabs":39155,"proj":39156,"sportscenter":39157,"repeats":39158,"ivf":39159,"bleedblue":39160,"assure":39161,"obs":39162,"territorial":39163,"elen":39164,"beverley":39165,"annah":39166,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":39167,"zl":39168,"forgood":39169,"sciencefiction":39170,"glau":39171,"sonya":39172,"prith":39173,"stweets":39174,"mixers":39175,"mario":39176,"antelope":39177,"writingcommunity":39178,"wentz":39179,"denham":39180,"bedi":39181,"sfo":39182,"harleydavidson":39183,"lookbook":39184,"immunotherapy":39185,"orphe":39186,"esville":39187,"edged":39188,"task":39189,"sbball":39190,"corrosion":39191,"kilometers":39192,"costing":39193,"playback":39194,"keke":39195,"divisi":39196,"uter":39197,"relocation":39198,"yelled":39199,"peng":39200,"upbeat":39201,"serve":39202,"âļł":39203,"halen":39204,"stirring":39205,"rehman":39206,"env":39207,"schumacher":39208,"fragment":39209,"alkaline":39210,"sbk":39211,"resili":39212,"sharepoint":39213,"rollover":39214,"trash":39215,"counterpart":39216,"âĻ«":39217,"obitu":39218,"à½":39219,"ãĤ¹":39220,"mulberry":39221,"ðŁİĨ":39222,"autonomy":39223,"spraying":39224,"natl":39225,"loveyou":39226,"franki":39227,"nuk":39228,"escar":39229,"canteen":39230,"alibaba":39231,"deplor":39232,"molecule":39233,"pud":39234,"fortnight":39235,"blondie":39236,"sphin":39237,"portrayal":39238,"tache":39239,"bute":39240,"consisting":39241,"freepalestine":39242,"csp":39243,"immort":39244,"dns":39245,"ðŁĴ¥ðŁĴ¥":39246,"tourde":39247,"cooking":39248,"archival":39249,"gathers":39250,"bitt":39251,"banc":39252,"premature":39253,"snowball":39254,"poetryday":39255,"loudly":39256,"fugitive":39257,"eday":39258,"emra":39259,"ðŁĩ¸ðŁĩª":39260,"scien":39261,"nodejs":39262,"jurgen":39263,"jeong":39264,"bandana":39265,"unis":39266,"foxsports":39267,"vandy":39268,"provisions":39269,"weep":39270,"tuk":39271,"iko":39272,"houn":39273,"ziggy":39274,"zr":39275,"fillet":39276,"bata":39277,"tink":39278,"cone":39279,"wewant":39280,"kilo":39281,"horace":39282,"slt":39283,"sct":39284,"staytuned":39285,"victoria":39286,"umbria":39287,"attacker":39288,"inghamshire":39289,"frightening":39290,"noir":39291,"frat":39292,"contempt":39293,"liaison":39294,"hoi":39295,"brink":39296,"trill":39297,"niagar":39298,"kickass":39299,"dundas":39300,"notmy":39301,"rhode":39302,"bumble":39303,"noxi":39304,"fag":39305,"spectators":39306,"mancrushmonday":39307,"jinping":39308,"distract":39309,"daisy":39310,"walden":39311,"portrait":39312,"arthistory":39313,"voltron":39314,"evel":39315,"isc":39316,"acm":39317,"rite":39318,"nao":39319,"deported":39320,"sweats":39321,"rufus":39322,"lobo":39323,"laborday":39324,"gamo":39325,"ihrithik":39326,"blit":39327,"abdominal":39328,"ãħ¤ãħ¤ãħ¤ãħ¤":39329,"iit":39330,"eq":39331,"busy":39332,"alluarjun":39333,"undisclosed":39334,"deton":39335,"procreate":39336,"kil":39337,"ðŁİĤðŁİĤ":39338,"mitchell":39339,"kii":39340,"inheritance":39341,"alp":39342,"joburg":39343,"patrolling":39344,"compulsory":39345,"unsigned":39346,"niam":39347,"lga":39348,"eshopsuk":39349,"trilli":39350,"maw":39351,"appreciating":39352,"rockab":39353,"mañana":39354,"antal":39355,"malvern":39356,"royo":39357,"grandprix":39358,"sutton":39359,"goftheday":39360,"digi":39361,"ãħĭãħĭãħĭãħĭ":39362,"tles":39363,"varanasi":39364,"erected":39365,"disciples":39366,"contact":39367,"ðŁĺµ":39368,"lid":39369,"â¬ĩ":39370,"scentre":39371,"radiator":39372,"ingtips":39373,"transitions":39374,"thursdaymotivation":39375,"chemical":39376,"separati":39377,"salis":39378,"mim":39379,"geographical":39380,"bookfest":39381,"/.":39382,"âľĭ":39383,"vae":39384,"currie":39385,"aggarwal":39386,"acceleration":39387,"theses":39388,"lgm":39389,"umass":39390,"proportions":39391,"nata":39392,"anians":39393,"kuch":39394,"beacons":39395,"apr":39396,"@#":39397,"ðŁĴªðŁı¾":39398,"nuke":39399,"sheraton":39400,"kio":39401,"makati":39402,"politico":39403,"morale":39404,"ìĻ":39405,"economically":39406,"ggly":39407,"ssen":39408,"pastries":39409,"internships":39410,"vicente":39411,"fantaken":39412,"avengers":39413,"accuse":39414,"sleepover":39415,"indicated":39416,"thedream":39417,"sterone":39418,"renders":39419,"frost":39420,"oui":39421,"gregg":39422,"dore":39423,"⾨⾨⾨":39424,"pugs":39425,"saty":39426,"numb":39427,"hemsworth":39428,"tami":39429,"lassic":39430,"schiff":39431,"iglesias":39432,"agawa":39433,"]\"":39434,"reshi":39435,"gamestop":39436,"divorced":39437,"theater":39438,"claudi":39439,"unconventional":39440,"prophets":39441,"acin":39442,"twelf":39443,"towering":39444,"tml":39445,"sclerosis":39446,"kwan":39447,"gets":39448,"disturb":39449,"naira":39450,"energ":39451,"piracy":39452,"pruitt":39453,"notified":39454,"henna":39455,"bram":39456,"groundwater":39457,"bls":39458,"optimis":39459,"$)":39460,"lucie":39461,"bizhour":39462,"fangirling":39463,"grills":39464,"orl":39465,"verse":39466,"cina":39467,"lawless":39468,"artistsontwitter":39469,"televised":39470,"marshmallows":39471,"radiohead":39472,"barr":39473,"mfc":39474,"brevi":39475,"mmorpg":39476,"gaya":39477,"âĸ«":39478,"subtitles":39479,"jt":39480,"disneyland":39481,"tobago":39482,"nhm":39483,"groove":39484,"fiawec":39485,"\"/":39486,"bao":39487,"scrabble":39488,"omni":39489,"ffl":39490,"umc":39491,"simba":39492,"alier":39493,"terrell":39494,"plume":39495,"midi":39496,"dignit":39497,"coc":39498,"brut":39499,"adata":39500,"alchemy":39501,"dsm":39502,"ðŁĺĨðŁĺĨ":39503,"wintry":39504,"spares":39505,"cuer":39506,"conclusions":39507,"toys":39508,"odor":39509,"flann":39510,"garvey":39511,"scriptions":39512,"inspections":39513,"catap":39514,"anglo":39515,"stlouis":39516,"heimer":39517,"atay":39518,"trich":39519,"enyc":39520,"childs":39521,"ventil":39522,"montp":39523,"guillermo":39524,"circulare":39525,"zell":39526,"modeled":39527,"craftsman":39528,"alina":39529,"stimulation":39530,"cashew":39531,"judas":39532,"bestof":39533,"toire":39534,"suspends":39535,"scollege":39536,"realising":39537,"bytes":39538,"bloods":39539,"assi":39540,"ðŁĴ¿":39541,"ohs":39542,"ðŁįĭ":39543,"scallop":39544,"व":39545,"gifting":39546,"camogie":39547,"wilkes":39548,"ozzy":39549,"ðŁ¤¤":39550,"veronic":39551,"savoy":39552,"demetri":39553,"babygirl":39554,"ðŁĺįðŁĺŃ":39555,"sox":39556,"clyde":39557,"inductee":39558,"countdown":39559,"selfcare":39560,"à¤ľ":39561,"vika":39562,"torre":39563,"phdchat":39564,"pears":39565,"awh":39566,"suffrage":39567,"lesn":39568,"admiration":39569,"mpp":39570,"sharkweek":39571,"schulz":39572,"santorini":39573,"clover":39574,"(*":39575,"strasbourg":39576,"exiting":39577,"soyu":39578,"fingerprint":39579,"chea":39580,"ãĢľ":39581,"vindic":39582,"songwriters":39583,"soa":39584,"prouder":39585,"nama":39586,"=))":39587,"simplest":39588,"deliciously":39589,"gilles":39590,"uq":39591,"mnwx":39592,"epp":39593,"shun":39594,"kennel":39595,"fallon":39596,"ðŁIJ£":39597,"sind":39598,"tragically":39599,"outes":39600,"modernism":39601,"coke":39602,"gyn":39603,"spion":39604,"âĺ¹ï¸ı":39605,"leam":39606,"compressor":39607,"apologise":39608,"twentyon":39609,"fanatics":39610,"âĻ»":39611,"scotsman":39612,"sawa":39613,"kou":39614,"aser":39615,"à¸ļ":39616,"welterweight":39617,"phenom":39618,"twickenham":39619,"stria":39620,"pout":39621,"kaz":39622,"giam":39623,"cdp":39624,"hoy":39625,"employ":39626,"redmond":39627,"à¸Ħà¸":39628,"smere":39629,"trancefamily":39630,"protocols":39631,"piece":39632,"luiz":39633,"iteracy":39634,"carls":39635,"unitedstates":39636,"harmed":39637,"phdlife":39638,"chaw":39639,"footprints":39640,"lé":39641,"choker":39642,"zana":39643,"slipper":39644,"ericsson":39645,"insulting":39646,"artichoke":39647,"advising":39648,"acquisitions":39649,"opor":39650,"mutations":39651,"rear":39652,"à¥ģ":39653,"podcast":39654,"wither":39655,"kung":39656,"íĺ¸":39657,"winslow":39658,"diapers":39659,"ðŁĵ¸@":39660,"ecker":39661,"collar":39662,"huey":39663,"giro":39664,"monogram":39665,"kasich":39666,"siveness":39667,"malaysi":39668,"aromatic":39669,"gres":39670,"galileo":39671,"uji":39672,"robb":39673,"drm":39674,"nonetheless":39675,"asa":39676,":>":39677,"loa":39678,"lnp":39679,"atwork":39680,"agt":39681,"lakshmi":39682,"pipelines":39683,"idal":39684,"strel":39685,"reall":39686,"chainz":39687,"stonewall":39688,"sansk":39689,"ðŁı´":39690,"piedmont":39691,"hostess":39692,"ciu":39693,"té":39694,"analyses":39695,"wilhelm":39696,"scotty":39697,"rwby":39698,"mosquit":39699,"usemb":39700,"quins":39701,"ðŁijİ":39702,"tucker":39703,"sconf":39704,"specifications":39705,"psychiatry":39706,"brookes":39707,"sils":39708,"olaf":39709,"deto":39710,"codi":39711,"clip":39712,"filth":39713,"womancrushwednesday":39714,"goto":39715,"angerous":39716,"beale":39717,"wtc":39718,"panelist":39719,"nex":39720,"larsen":39721,"emilio":39722,"tableau":39723,"hitters":39724,"conceived":39725,"americani":39726,"ortega":39727,"mardi":39728,"Ñĥ":39729,"paintball":39730,"thirsty":39731,"newyorker":39732,"etisation":39733,"goss":39734,"weaker":39735,"ugh":39736,"troll":39737,"harga":39738,"dual":39739,"ghtning":39740,"atine":39741,"ðŁĺİðŁĺİðŁĺİ":39742,"cookout":39743,"pyrenees":39744,"poss":39745,"authentication":39746,"sportswear":39747,"yunho":39748,"kiro":39749,"archipel":39750,"shenko":39751,"render":39752,"novation":39753,"divinity":39754,"ðŁij£":39755,"sufi":39756,"humbling":39757,"geopol":39758,"devotees":39759,"waitress":39760,"trough":39761,"pyro":39762,"iba":39763,"bling":39764,"graf":39765,"epilots":39766,"btr":39767,"oftball":39768,"basking":39769,"dominos":39770,"soom":39771,"rath":39772,"sheryl":39773,"quel":39774,"astronomical":39775,"weld":39776,"tracklist":39777,"signee":39778,"sleepless":39779,"comman":39780,"chron":39781,"summon":39782,"puremichigan":39783,"crispr":39784,"slip":39785,"lagi":39786,"raq":39787,"umu":39788,"thalap":39789,"charmed":39790,"scrump":39791,"quadcopter":39792,"skip":39793,"petersen":39794,"muni":39795,"ðŁĮ¾":39796,"monaghan":39797,"trays":39798,"icked":39799,"canadaday":39800,"tegr":39801,"�":39802,"hotness":39803,"heavymetal":39804,"abar":39805,"gopdebate":39806,"azul":39807,"spiderman":39808,"sunflowers":39809,"ľë":39810,"webcomics":39811,"bard":39812,"в":39813,"nicholas":39814,"slush":39815,"raman":39816,"markham":39817,"fficial":39818,"ffler":39819,"íĬ¸":39820,"pless":39821,"anushka":39822,"toto":39823,"skaters":39824,"prowrestling":39825,"competes":39826,"ayala":39827,"mystery":39828,"thrills":39829,"mpg":39830,"independently":39831,"yul":39832,"imperative":39833,"formidable":39834,"tireless":39835,"stacking":39836,"tongues":39837,"maltese":39838,"potts":39839,"matti":39840,"charting":39841,"chillout":39842,"supernova":39843,"omeo":39844,"skysports":39845,"nutty":39846,"ðŁĹĵï¸ı":39847,"rohan":39848,"inspired":39849,"concierge":39850,"serra":39851,"makk":39852,"galat":39853,"chipp":39854,"yev":39855,"ì£":39856,"reimbur":39857,"opul":39858,"kimberley":39859,"ieee":39860,"bremen":39861,"chitec":39862,"orin":39863,"naku":39864,"bonkers":39865,"footy":39866,"emergence":39867,"ðŁĨĺ":39868,"stip":39869,"sergei":39870,"zoey":39871,"aime":39872,"would":39873,"dyes":39874,"destiny":39875,"vinaigrette":39876,"drier":39877,"circulareconomy":39878,"anarchi":39879,"ssr":39880,"schel":39881,"ciner":39882,"groom":39883,"determining":39884,"garmin":39885,"calais":39886,"incarceration":39887,"bukit":39888,"noi":39889,"chelmsford":39890,"mckinley":39891,"chipped":39892,"belonged":39893,"tumors":39894,"stroud":39895,"mii":39896,"influenza":39897,"wwenxt":39898,"tundra":39899,"telecommunications":39900,"catsofinstagram":39901,"tages":39902,"beatty":39903,"odu":39904,"mlkday":39905,"ooper":39906,"dangle":39907,"akley":39908,"crumb":39909,"antigua":39910,"timbers":39911,"rouhani":39912,"ðŁĴªðŁĴªðŁĴª":39913,"hafi":39914,"...!!":39915,"wcs":39916,"coop":39917,"snc":39918,"litres":39919,"ãĢĬ":39920,"haz":39921,"coz":39922,"kant":39923,"greenfield":39924,"curti":39925,"yale":39926,"flyeagles":39927,"whatsoever":39928,"worthing":39929,"roulette":39930,"flyeaglesfly":39931,"unda":39932,"ainted":39933,"standing":39934,"luscious":39935,"hpc":39936,"efficacy":39937,"ashland":39938,"meghan":39939,"kywx":39940,"npr":39941,"bathtub":39942,"acos":39943,"hani":39944,"marcor":39945,"mantis":39946,"daisi":39947,"boba":39948,"abbie":39949,"mutil":39950,"vial":39951,"spyder":39952,"poz":39953,"gti":39954,"elfie":39955,"nightw":39956,"metroid":39957,"antoni":39958,"maddie":39959,"dhry":39960,"darlings":39961,"tends":39962,"taekwondo":39963,"atlanta":39964,"meow":39965,"chloe":39966,"ãĥİ":39967,"ymes":39968,"siberia":39969,"kcon":39970,"gues":39971,"mariner":39972,"facil":39973,"azzle":39974,"[...":39975,"hannover":39976,"bavaria":39977,"virgo":39978,"teuk":39979,"usps":39980,")#":39981,"walla":39982,"sampson":39983,"needless":39984,"verbally":39985,"hayley":39986,"bowled":39987,"pius":39988,"lampard":39989,"hamstring":39990,"volvo":39991,"roadsafety":39992,"choking":39993,"sorbet":39994,"ahem":39995,"healthyfood":39996,"braided":39997,"horticulture":39998,"crative":39999,"cheek":40000,"addo":40001,"theforce":40002,"koko":40003,"schizoph":40004,"jie":40005,"wada":40006,"twentyonepilots":40007,"hbcu":40008,"proton":40009,"pauls":40010,"louisa":40011,"latam":40012,"kyrgy":40013,"compac":40014,"sdk":40015,"sapi":40016,"???":40017,"liberalism":40018,"epsilon":40019,"aiden":40020,"wusa":40021,"sprayed":40022,"basketball":40023,"kimono":40024,"bluewave":40025,"alias":40026,"ë§Ī":40027,"mugshot":40028,"cec":40029,"dogre":40030,"adora":40031,"ðŁĵ·@":40032,"krakow":40033,"intrigued":40034,"exhausting":40035,"astronomer":40036,"venison":40037,"ladybug":40038,"civ":40039,"brae":40040,"usm":40041,"bribe":40042,"acupuncture":40043,"pembroke":40044,"keating":40045,"chie":40046,"yad":40047,"tsi":40048,"smi":40049,"seeding":40050,"gateshead":40051,"lisboa":40052,"gyp":40053,"canvass":40054,"ðŁĶ´âļªï¸ı":40055,"opi":40056,"nir":40057,"societal":40058,"lyte":40059,"aties":40060,"csm":40061,"artery":40062,"alin":40063,"akapoor":40064,"abstracts":40065,"â̦â̦":40066,"teenwolf":40067,"newe":40068,"travelgram":40069,"sentimental":40070,"perched":40071,"handel":40072,"hoek":40073,"fay":40074,"coordinating":40075,"animate":40076,"manian":40077,"effort":40078,"jerky":40079,"fck":40080,"adrienne":40081,"mably":40082,"trading":40083,"myel":40084,"spiro":40085,"sola":40086,"storing":40087,"overdrive":40088,"mondaymorning":40089,"dreamteam":40090,"pulse":40091,"bondi":40092,"bernie":40093,"pgatour":40094,"tripoli":40095,"sonam":40096,"platt":40097,"âļ¡":40098,"agroup":40099,"îIJĴ":40100,"invading":40101,"vcu":40102,"kell":40103,"ños":40104,"undead":40105,"podcasting":40106,"mercedesam":40107,"manafort":40108,"cortex":40109,"queso":40110,"impeccable":40111,"palmer":40112,"wildoz":40113,"sportsc":40114,"guacamole":40115,"dispenser":40116,"categori":40117,"stunts":40118,"peril":40119,"invitations":40120,"dunedin":40121,"xie":40122,"achieves":40123,"safer":40124,"preds":40125,"phan":40126,"knuckles":40127,"kak":40128,"ignores":40129,"lovemyjob":40130,"aruba":40131,"oundation":40132,"datacenter":40133,"covert":40134,"gring":40135,"couple":40136,"ار":40137,"voli":40138,"mccle":40139,"artisans":40140,"ludo":40141,"kalam":40142,"aroma":40143,"undertaker":40144,"hula":40145,"wizkid":40146,"gumb":40147,"godfrey":40148,"bakersfield":40149,"kern":40150,"engineer":40151,"carve":40152,"palin":40153,"guarantees":40154,"pebbles":40155,"bays":40156,"zieg":40157,"fink":40158,"â¬ĩï¸ıâ¬ĩï¸ı":40159,"downpours":40160,"rochelle":40161,"raspberry":40162,"ðŁĺ®":40163,"graphies":40164,"stomp":40165,"cafes":40166,"arized":40167,"uttar":40168,"calvary":40169,"drie":40170,"crusader":40171,"busan":40172,"tuxedo":40173,"siu":40174,"seamus":40175,"cultured":40176,"blanchard":40177,"townhouse":40178,"gered":40179,"buttermilk":40180,"fluctu":40181,"rogerfederer":40182,"heli":40183,"ð٦ĥ":40184,"uous":40185,"ramesh":40186,"muppets":40187,"emailmarketing":40188,"yess":40189,"brice":40190,"rizio":40191,"pelo":40192,"donneinarte":40193,"urable":40194,"investin":40195,"bumping":40196,"rajiv":40197,"sava":40198,"thrower":40199,"forex":40200,"ohhhh":40201,"thrust":40202,"pullman":40203,"rfid":40204,"sepsis":40205,"leed":40206,"fright":40207,"rounding":40208,"neb":40209,"phins":40210,"aisha":40211,"utilizing":40212,"squats":40213,"goldsmith":40214,"jic":40215,"boks":40216,"vaus":40217,"ipo":40218,"exclusion":40219,"tariff":40220,"pokes":40221,"minal":40222,"lands":40223,"enforce":40224,"washingtondc":40225,"orchar":40226,"gx":40227,"marys":40228,"eyour":40229,"aussie":40230,"bakers":40231,"unpopular":40232,"latinos":40233,"large":40234,"putnam":40235,"bolo":40236,"wade":40237,"pelo":40238,"dizz":40239,"obstruction":40240,"flappy":40241,"wearethe":40242,"dependence":40243,"pajama":40244,"ete":40245,"yann":40246,"ewan":40247,"discla":40248,"aay":40249,"karina":40250,"eic":40251,"antrim":40252,"wsoc":40253,"negatively":40254,"kaido":40255,"fotografia":40256,"dhru":40257,"colossal":40258,"mcleod":40259,"kwang":40260,"manipu":40261,"exhilar":40262,"usatoday":40263,"summerslam":40264,"coles":40265,"taproom":40266,"unbeatable":40267,"dema":40268,"ticks":40269,"kling":40270,"fils":40271,"campaigners":40272,"à¸ķ":40273,"brewster":40274,"audubon":40275,"quay":40276,"chs":40277,"kigali":40278,"dler":40279,"strengthens":40280,"somal":40281,"signingday":40282,"golds":40283,"pigment":40284,"orchestral":40285,"gq":40286,"linkin":40287,"ðŁıĩ":40288,"taw":40289,"algarve":40290,"hov":40291,"earle":40292,"goldfish":40293,"amig":40294,"exer":40295,"benin":40296,"druid":40297,"ðŁIJ¸":40298,"shem":40299,"quattro":40300,"mercen":40301,"mente":40302,"incorporating":40303,"bonanza":40304,"statefair":40305,"ende":40306,"conceptions":40307,"ees":40308,"âĻ¥ï¸ıâĻ¥ï¸ı":40309,"dson":40310,"firearm":40311,"orbital":40312,"weh":40313,"multip":40314,"fob":40315,"requiem":40316,"plight":40317,"thouse":40318,"said":40319,"ocre":40320,"remembrance":40321,"nold":40322,"chipping":40323,"bev":40324,"ert":40325,"cathy":40326,"sym":40327,"riggs":40328,"mley":40329,"dialogues":40330,"slender":40331,"howl":40332,"gauteng":40333,"wdw":40334,"tobi":40335,"smokes":40336,"implo":40337,"bpm":40338,"adn":40339,"mombasa":40340,"capsul":40341,"bloomfield":40342,"articul":40343,"cleo":40344,"googled":40345,"fluffy":40346,"lard":40347,"enzyme":40348,"vesti":40349,"ibrahi":40350,"flame":40351,"emea":40352,"outages":40353,"dispropor":40354,"bleak":40355,"ansel":40356,"icker":40357,"stlouis":40358,"stockmarket":40359,"goodfriday":40360,"sault":40361,"stalled":40362,"prom":40363,"epsom":40364,"bé":40365,"these":40366,"sauces":40367,"mew":40368,"litfest":40369,"pred":40370,"reu":40371,"karak":40372,"sienna":40373,"ellin":40374,"biotechnology":40375,"ï¸ıâĥ£-":40376,"tactic":40377,"sain":40378,"pork":40379,"monza":40380,"kaj":40381,"lush":40382,"compartment":40383,"changing":40384,"shraddhakapoor":40385,"foal":40386,"artem":40387,"cuando":40388,"canola":40389,"oriente":40390,"messe":40391,"dited":40392,"brc":40393,"boxer":40394,"bbctwo":40395,"sst":40396,"mentday":40397,"eming":40398,"dewey":40399,"kofi":40400,"âŀĸâŀĸâŀĸâŀĸ":40401,"realization":40402,"smol":40403,"twood":40404,"sanje":40405,"flagstaff":40406,"berwick":40407,"corset":40408,"canary":40409,"whistleblower":40410,"etched":40411,"composing":40412,"squeezed":40413,"bower":40414,"autodesk":40415,"neh":40416,"mathieu":40417,"baja":40418,"ÅĤ":40419,"hydra":40420,"daim":40421,"ameri":40422,"insisted":40423,"merlot":40424,"garros":40425,"heartnews":40426,"gainesville":40427,"cutler":40428,"bode":40429,"ðŁĺīðŁĺī":40430,"lewes":40431,"scountry":40432,"gsa":40433,"usu":40434,"ccm":40435,"godawgs":40436,"pharaoh":40437,"crae":40438,"morley":40439,"hypnoti":40440,"fades":40441,"neurons":40442,"fuzz":40443,"ingco":40444,"highlanders":40445,"stark":40446,"vigne":40447,"packets":40448,"amarillo":40449,"reuben":40450,"insults":40451,"basic":40452,"vector":40453,"nme":40454,"acruz":40455,"tros":40456,"transmitter":40457,"ðŁĺŀ":40458,"interpret":40459,"ðŁĺ²":40460,"prequel":40461,"mcgowan":40462,"dissemin":40463,"ðŁĴĺðŁĴĺ":40464,"masculinity":40465,"indiegamedev":40466,"alive":40467,"tet":40468,"petal":40469,"emailed":40470,"armed":40471,"koo":40472,"heer":40473,"baird":40474,"superjunior":40475,"metropolis":40476,"delavin":40477,"declines":40478,"stitutes":40479,"Ûģ":40480,"ptbo":40481,"glan":40482,"chores":40483,"ealing":40484,"chrissy":40485,"stemc":40486,"vian":40487,"assassinated":40488,"pronounce":40489,"illegals":40490,"discovery":40491,"cavill":40492,"frifotos":40493,"fal":40494,"soi":40495,"sabotage":40496,"tint":40497,"pdc":40498,"ðŁİīðŁİĪ":40499,"ãĤĬãģ":40500,"jio":40501,"endeavor":40502,"insig":40503,"committees":40504,"shearer":40505,"metz":40506,"marrying":40507,"hdd":40508,"gby":40509,"fret":40510,"trish":40511,"pul":40512,"scripted":40513,"saki":40514,"lw":40515,"keye":40516,"shimi":40517,"nanaimo":40518,"cah":40519,"ë":40520,"tempered":40521,"ician":40522,"dugg":40523,"dishwasher":40524,"airfield":40525,"srugby":40526,"grinch":40527,"yst":40528,"rms":40529,"mahatma":40530,"lankan":40531,"discar":40532,"digestion":40533,"nodes":40534,"lls":40535,"omic":40536,"gutter":40537,"tisgarh":40538,"federico":40539,"electionday":40540,"bohe":40541,"mastercard":40542,"fireball":40543,"âľĶï¸ı":40544,"oyster":40545,"pong":40546,"dok":40547,"enroute":40548,"mvc":40549,"beatthe":40550,"alistair":40551,"shub":40552,"shaming":40553,"chernobyl":40554,"ghibli":40555,"thes":40556,"pinion":40557,"dbs":40558,"salts":40559,"iction":40560,"epiph":40561,"ncpol":40562,"inconvenience":40563,"whitley":40564,"inspecting":40565,"woodley":40566,"wiener":40567,"skillet":40568,"noles":40569,"mca":40570,"hina":40571,"asha":40572,"willingness":40573,"wellness":40574,"tamed":40575,"showtime":40576,"disadvantaged":40577,"bernat":40578,"usn":40579,"missionaries":40580,"counselling":40581,"arrogant":40582,"quantitative":40583,"legalization":40584,"hodge":40585,"energyefficiency":40586,"camerondallas":40587,"possessions":40588,"pbb":40589,"harrisburg":40590,"vg":40591,"hinduism":40592,"happythanksgiving":40593,"fib":40594,"reacting":40595,"tweetapicture":40596,"politi":40597,"muppet":40598,"hurrah":40599,"pace":40600,"coastguard":40601,"guarded":40602,"asam":40603,"parry":40604,"forevery":40605,"xq":40606,"oomf":40607,"keanu":40608,"jind":40609,"rist":40610,"customerservice":40611,"sacred":40612,"ðŁĺº":40613,"toner":40614,"occurrence":40615,"matu":40616,"valdez":40617,"redd":40618,"isak":40619,"powerrangers":40620,"peasant":40621,"rajini":40622,"abraham":40623,"emil":40624,"cardo":40625,"tril":40626,"hairstyles":40627,"obsolete":40628,"sampler":40629,"directive":40630,"delavinkisses":40631,"verton":40632,"glos":40633,"spay":40634,"palermo":40635,"comets":40636,"manziel":40637,"chicagof":40638,"skipped":40639,"pictorial":40640,"hant":40641,"bmi":40642,"aol":40643,"reopens":40644,"paddling":40645,"devos":40646,"fraud":40647,"baseline":40648,"queues":40649,"spired":40650,"snare":40651,"euve":40652,"descriptions":40653,"daisies":40654,"caching":40655,"galleria":40656,"trimmed":40657,"stino":40658,"recycla":40659,"icular":40660,"birken":40661,"rawlings":40662,"flix":40663,"chicas":40664,"bgt":40665,"likeli":40666,"argyll":40667,"thelove":40668,"gaston":40669,"blanca":40670,"hak":40671,"fone":40672,"sailormoon":40673,"haci":40674,"imac":40675,"flyn":40676,"decan":40677,"belles":40678,"apic":40679,"zog":40680,"taunton":40681,"constance":40682,"lasagna":40683,"kernel":40684,"inka":40685,"harbor":40686,"collectively":40687,"calculated":40688,"aville":40689,"shilpa":40690,"purdu":40691,"gimm":40692,"funer":40693,"aest":40694,"pembrokeshire":40695,"nightingale":40696,"nunes":40697,"hypertension":40698,"hubert":40699,"sliders":40700,"infertility":40701,"commended":40702,"transatlantic":40703,"metrical":40704,"!!@":40705,"ÅŁ":40706,"ssg":40707,"bacca":40708,"inverted":40709,"funfactfriday":40710,"itans":40711,"album":40712,"acquainted":40713,"rier":40714,"whelan":40715,"sarab":40716,"mue":40717,"snooze":40718,"piff":40719,"agreeing":40720,"spitting":40721,"jermaine":40722,"nye":40723,"âľıï¸ı":40724,"ambush":40725,"zeph":40726,"congreg":40727,"university":40728,"sapp":40729,"wannabe":40730,"patrice":40731,"ibd":40732,"doglo":40733,"fridges":40734,"sund":40735,"kingston":40736,"argon":40737,"kamen":40738,"hardrock":40739,"dsley":40740,"dolores":40741,"ì°":40742,"otaku":40743,"piping":40744,"behaving":40745,"âŃIJï¸ıâŃIJï¸ıâŃIJï¸ı":40746,"bluebird":40747,"ansari":40748,"teapot":40749,"firework":40750,"crop":40751,"logans":40752,"typed":40753,"thickness":40754,"igers":40755,"cfp":40756,"dysfunctional":40757,"contrasting":40758,"etty":40759,"astonmartin":40760,"txst":40761,"dragrace":40762,"attributes":40763,"marathon":40764,"manuscripts":40765,"johnstone":40766,"ðŁĺ±ðŁĺ±":40767,"boer":40768,"ayu":40769,"arugula":40770,"poorest":40771,"condu":40772,"assumption":40773,"anagh":40774,"noh":40775,"delavin":40776,"sitter":40777,"gö":40778,"morow":40779,"kickstart":40780,"comi":40781,"glacial":40782,"ghead":40783,"bain":40784,"kershaw":40785,"endof":40786,"freud":40787,"omat":40788,"iaf":40789,"hug":40790,"signup":40791,"eachother":40792,"definite":40793,"tubing":40794,"shakira":40795,"ðŁijıðŁı½":40796,"uuuu":40797,"swin":40798,"shambles":40799,"olas":40800,"skell":40801,"britain":40802,"knw":40803,"clutter":40804,"omy":40805,"jens":40806,"hanged":40807,"cityscape":40808,"scraps":40809,"unlocking":40810,"deadliest":40811,"erno":40812,"breastcancer":40813,"ait":40814,"inspect":40815,"furi":40816,"ðŁĴĮ":40817,"kud":40818,"jule":40819,"orah":40820,"mids":40821,"mdt":40822,"burgring":40823,"rattle":40824,"pusa":40825,"stalk":40826,"cleans":40827,"issance":40828,"zek":40829,"worthit":40830,"nameis":40831,"muskoka":40832,"councilman":40833,"urbanart":40834,"barrac":40835,"unsolved":40836,"tul":40837,"gita":40838,"whiteboard":40839,"soybeans":40840,"ement":40841,"conti":40842,"saturdaymotivation":40843,"conveniently":40844,"docking":40845,"tado":40846,"âı©":40847,"spino":40848,"puppylove":40849,"pof":40850,"fabricated":40851,"robbers":40852,"adopts":40853,"tified":40854,"kkr":40855,"indulgence":40856,"noticeable":40857,"macquarie":40858,"chapel":40859,"sensual":40860,"kiko":40861,"melanoma":40862,"loretta":40863,"liance":40864,"aben":40865,"splus":40866,"gaal":40867,"acele":40868,"libdems":40869,"comparisons":40870,"ðŁĮµ":40871,"rhythms":40872,"mery":40873,"encapsul":40874,"napier":40875,"ðŁijĮðŁijĮðŁijĮ":40876,"ðŁijIJ":40877,"platz":40878,"fresno":40879,"reformed":40880,"ranbir":40881,"elit":40882,"thebest":40883,"bhushan":40884,"vinnie":40885,"improvised":40886,"sittin":40887,"recreated":40888,"eba":40889,"ecker":40890,"acrob":40891,"ponte":40892,"cord":40893,"giddy":40894,"eurusd":40895,"fever":40896,"intuition":40897,"gari":40898,"dummies":40899,"budweiser":40900,"amendments":40901,"tetra":40902,"schnit":40903,"ayas":40904,"marys":40905,"cist":40906,"kani":40907,"kermit":40908,"ðŁĺ±ðŁĺ±ðŁĺ±":40909,"tinker":40910,"strolling":40911,"divisional":40912,"nigeri":40913,"ominous":40914,"menstrual":40915,"karab":40916,"khy":40917,"bwfc":40918,"panhandle":40919,"lilli":40920,"weller":40921,"strapped":40922,"sonthe":40923,"transferring":40924,"ethereal":40925,"sneaks":40926,"rudol":40927,"gables":40928,"jacking":40929,"cincode":40930,"fortune":40931,"canadiens":40932,"confor":40933,"abnormal":40934,"franklin":40935,"tita":40936,"mula":40937,"persist":40938,"cuties":40939,"kiel":40940,"ðŁĩ±ðŁĩ":40941,"hermann":40942,"awk":40943,"fiasco":40944,"koto":40945,"weta":40946,"hiker":40947,"buddy":40948,"preventive":40949,"mcgraw":40950,"gameboy":40951,"forsyth":40952,"topshop":40953,"siob":40954,"sadh":40955,"intram":40956,"followart":40957,"soaps":40958,"dragonball":40959,"oux":40960,"morrison":40961,"à¹ĥ":40962,"lubric":40963,"adulthood":40964,"morrisons":40965,"âļłï¸ı":40966,"hermo":40967,"taka":40968,"stallone":40969,"misuse":40970,"teamgb":40971,"ragha":40972,"confined":40973,"aty":40974,"homophobic":40975,"nwo":40976,"skynews":40977,"hoya":40978,"acrosse":40979,"wiiu":40980,"purée":40981,"jeddah":40982,"ðŁ¤§":40983,"advisers":40984,"phine":40985,"anis":40986,"scrumptious":40987,"ë°ķ":40988,"cke":40989,"viny":40990,"term":40991,"sdc":40992,"odo":40993,"homeschool":40994,"vasc":40995,"leopards":40996,"deborah":40997,"illicit":40998,"curran":40999,"asroma":41000,"naught":41001,"marig":41002,"brandi":41003,"emp":41004,"ðŁĺįðŁijĮ":41005,"îĮ":41006,"suspend":41007,"luz":41008,"initiation":41009,"schaft":41010,"jensenackles":41011,"crawler":41012,"postdoc":41013,"desks":41014,"trailblazer":41015,"denomin":41016,"trix":41017,"noise":41018,"poet":41019,"±ï¸ı":41020,"smug":41021,"volatile":41022,"proofs":41023,"pharmacist":41024,"sardinia":41025,"mashable":41026,"kimchi":41027,"coed":41028,"schalke":41029,"doodled":41030,"csw":41031,"shur":41032,"rox":41033,"dok":41034,"chrisbrown":41035,"mathematician":41036,"abound":41037,"angelic":41038,"rockford":41039,"dole":41040,"yorkers":41041,"msn":41042,"gman":41043,"xavier":41044,"borrowing":41045,"markings":41046,"longhorn":41047,"kja":41048,"diverted":41049,"mmit":41050,"euphoria":41051,"ayyy":41052,"tea":41053,"pah":41054,"cki":41055,"uncut":41056,"liven":41057,"kyung":41058,"fanart":41059,"mering":41060,"redding":41061,"amovie":41062,"gridi":41063,"cthulhu":41064,"scholarly":41065,"judah":41066,"thbewithyou":41067,"eucalyp":41068,"ðŁIJķ":41069,"hertfordshire":41070,"courtroom":41071,"byu":41072,"auctioned":41073,"please":41074,"marcia":41075,"ê°ĵ":41076,"succeeded":41077,"elas":41078,"arvind":41079,"tlot":41080,"saigon":41081,"rett":41082,"rakesh":41083,"fdny":41084,"asen":41085,"sebring":41086,"gladiators":41087,"youknow":41088,"vlad":41089,"gola":41090,"parap":41091,"ÑĢи":41092,"sabcnews":41093,"oneteam":41094,"ohl":41095,"sune":41096,"rij":41097,"cdc":41098,"stargate":41099,"rundown":41100,"plato":41101,"phc":41102,"chatter":41103,"raviol":41104,"mnf":41105,"mandala":41106,"liet":41107,"à¸ķ":41108,"maria":41109,"hungover":41110,"consolidation":41111,"ferrell":41112,"traditional":41113,"iloveart":41114,"galap":41115,"ðŁıĮ":41116,"quezon":41117,"españa":41118,"ðŁĩ¨ðŁĩŃ":41119,"hobby":41120,"steamboat":41121,"malign":41122,"guillau":41123,"prohi":41124,"itsme":41125,"íĥĢ":41126,"inscription":41127,"alz":41128,"marian":41129,"kade":41130,"mmon":41131,"adjusting":41132,"nests":41133,"internally":41134,"cir":41135,"vikram":41136,"malala":41137,"kph":41138,"felicia":41139,"thereal":41140,"captivity":41141,"atis":41142,"marcorubio":41143,"kaleido":41144,"chev":41145,"manoj":41146,"lemore":41147,"gentri":41148,"vips":41149,"trope":41150,"\"âĢĶ":41151,"pairings":41152,"malnutrition":41153,"fray":41154,"designation":41155,"brunomars":41156,"aze":41157,"torrential":41158,"panzer":41159,"gail":41160,"underthe":41161,"theological":41162,"schizophre":41163,"dazzle":41164,"frederic":41165,"mopar":41166,"adilla":41167,"soggy":41168,"raun":41169,"mediocre":41170,"colorec":41171,"ife":41172,"pinst":41173,"bluef":41174,"²":41175,"worldwater":41176,"giroud":41177,"clarinet":41178,"adolf":41179,"tarantino":41180,"receipts":41181,"assump":41182,"ðŁijŁ":41183,"coffees":41184,"âľĬðŁı¾":41185,"duplex":41186,"sof":41187,"rx":41188,"lino":41189,"timberwolves":41190,"pandit":41191,"motm":41192,"ega":41193,"ayama":41194,"achs":41195,"outsider":41196,"llen":41197,"coer":41198,"tilly":41199,"cheeseburger":41200,"mads":41201,"pledis":41202,"empty":41203,"nationalparks":41204,"aziz":41205,"pmi":41206,"junkies":41207,"fener":41208,"sqn":41209,"ès":41210,"generation":41211,"cleopatra":41212,"bhubanes":41213,"mosques":41214,"tyfree":41215,"poppins":41216,"twc":41217,"orwell":41218,"nage":41219,"kawhi":41220,"hollow":41221,"dalai":41222,"¨¨¨¨":41223,"ouro":41224,"mhealth":41225,"gion":41226,"azo":41227,"visas":41228,"renegade":41229,"reic":41230,"wsop":41231,"ðŁĴļðŁĴĽ":41232,"echel":41233,"toxicity":41234,"mün":41235,"bunk":41236,"stimulating":41237,"asthour":41238,"\\'":41239,"eph":41240,"endemic":41241,"cnbc":41242,"shrinking":41243,"peabody":41244,"michelangelo":41245,"canyon":41246,"wale":41247,"sumi":41248,"siders":41249,"inuit":41250,"?.":41251,"professionalism":41252,"dracing":41253,"platoon":41254,"pons":41255,"outbound":41256,"mapleleafs":41257,"desol":41258,"cency":41259,"athan":41260,"verma":41261,"rubbing":41262,"okan":41263,"ðŁijł":41264,"mullins":41265,"authentic":41266,"Åį":41267,"almanac":41268,"gaia":41269,"bbq":41270,"onimo":41271,"keh":41272,"tya":41273,"touts":41274,"yav":41275,"reposit":41276,",.":41277,"wight":41278,"seeyou":41279,"callof":41280,"donesia":41281,"bargaining":41282,"granth":41283,"sdsu":41284,"amphitheater":41285,"psu":41286,"rewatching":41287,"winetasting":41288,"peakdistrict":41289,"detecting":41290,"thurman":41291,"phee":41292,"èªķ":41293,"umich":41294,"rer":41295,"sculpted":41296,"gole":41297,"namesake":41298,"ðŁĶģ":41299,"servicing":41300,"baugh":41301,"pugh":41302,"pencil":41303,"darth":41304,"munchkin":41305,"atorium":41306,"teners":41307,"suny":41308,"rollingstones":41309,"maging":41310,"starrer":41311,"idris":41312,"feinstein":41313,"agron":41314,"âĺºï¸ıâĺºï¸ı":41315,"supervised":41316,"chameleon":41317,"aggregate":41318,"successive":41319,"mogul":41320,"instyle":41321,"poldark":41322,"custome":41323,"ohiostate":41324,"haya":41325,"cides":41326,"brokerage":41327,"angelou":41328,"fifawwc":41329,"deforestation":41330,"alton":41331,"pamph":41332,"hugged":41333,"hobo":41334,"changeable":41335,"kuber":41336,"burroughs":41337,"demonetisation":41338,"capecod":41339,"versatility":41340,"orice":41341,"leila":41342,"womeninscience":41343,"tua":41344,"hedges":41345,"embarrassment":41346,"alife":41347,"soars":41348,"nighter":41349,"hymn":41350,"gipp":41351,"chasu":41352,"techs":41353,"niall":41354,"killa":41355,"hika":41356,"camels":41357,"value":41358,"¢":41359,"scoops":41360,"mahmoud":41361,"clusive":41362,"adriana":41363,"paco":41364,"ozil":41365,"unas":41366,"translations":41367,"whisperer":41368,"sbi":41369,"buxton":41370,"biotics":41371,"indiffe":41372,"kenney":41373,"klar":41374,"etching":41375,"barrabest":41376,"instability":41377,"seine":41378,"votel":41379,"blogged":41380,"whiskey":41381,"myspace":41382,"tant":41383,"landia":41384,"giveback":41385,"illus":41386,"awak":41387,"acab":41388,"fbloggers":41389,"cloudcomputing":41390,"blatant":41391,"syrians":41392,"bandra":41393,"styn":41394,"anem":41395,"keted":41396,"karthik":41397,"barunsob":41398,"pinot":41399,"gubernat":41400,"gaye":41401,"artiste":41402,"ified":41403,"conventions":41404,"huan":41405,"geniuses":41406,"eeeeee":41407,"folly":41408,"somerville":41409,"pridemonth":41410,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":41411,"chemotherapy":41412,"pauls":41413,"bakar":41414,"ìĦ¸ë¸IJ":41415,"taiwanese":41416,"follo":41417,"css":41418,"reign":41419,"nnnn":41420,"flaun":41421,"catastrophe":41422,"ities":41423,"fragments":41424,"extremists":41425,"ymoun":41426,"carmen":41427,"ezekiel":41428,"connecting":41429,"seh":41430,"manta":41431,"remodeling":41432,"weymouth":41433,"atoms":41434,"cem":41435,"newell":41436,"lumi":41437,"theopen":41438,"moc":41439,"miliband":41440,"gland":41441,"zshq":41442,"maggie":41443,"maniacs":41444,"msp":41445,"ady":41446,"creams":41447,"leanne":41448,"esta":41449,"pyg":41450,"affinity":41451,"prayer":41452,"dunbar":41453,"lightroom":41454,"acadi":41455,"wynonna":41456,"romantic":41457,"statedept":41458,"sickle":41459,"whos":41460,"lamo":41461,"etour":41462,"finity":41463,"shrub":41464,"sharpen":41465,"pundit":41466,"edon":41467,"afore":41468,"mars":41469,"jeffery":41470,"terps":41471,"medallist":41472,"katharine":41473,"accusing":41474,"taz":41475,"royd":41476,"fromhome":41477,"confrontation":41478,"allegh":41479,"ðŁijīðŁijī":41480,"refresher":41481,"ranveer":41482,"neverland":41483,"jojo":41484,"lucrative":41485,"enam":41486,"caver":41487,"paedi":41488,"manjaro":41489,"fluids":41490,"thessal":41491,"oppressed":41492,"muss":41493,"johanna":41494,"Ø®":41495,"cng":41496,"buildthe":41497,"settles":41498,"sith":41499,"fuego":41500,"clamp":41501,"arag":41502,"payer":41503,"tedx":41504,"mandy":41505,"interstellar":41506,"frc":41507,"chand":41508,"bcc":41509,"molo":41510,"lentil":41511,"johansson":41512,"grimsby":41513,"naturelovers":41514,"ðŁļ¨ðŁļ¨ðŁļ¨":41515,"shinde":41516,"xin":41517,"internationaldayof":41518,"transitional":41519,"sata":41520,"caddy":41521,"wod":41522,"ifu":41523,"hays":41524,"hollyo":41525,"jang":41526,"irc":41527,"coim":41528,"gradable":41529,"\"\"":41530,"ðŁį´":41531,"া":41532,"ael":41533,"nyo":41534,"westlake":41535,"timeout":41536,"sofi":41537,"phenomena":41538,"cultivation":41539,"agno":41540,"unarmed":41541,"sot":41542,"conj":41543,"geno":41544,"royalnavy":41545,"nutrition":41546,"fairmont":41547,"tirelessly":41548,"sng":41549,"rety":41550,"mica":41551,"lucent":41552,"sloane":41553,"drool":41554,"rizal":41555,"odell":41556,"criticized":41557,".'\"":41558,"laze":41559,"deserted":41560,"coder":41561,"pras":41562,"lillian":41563,"itinerary":41564,"davy":41565,"anap":41566,"whipping":41567,"hoboken":41568,"kareena":41569,"羣":41570,"vius":41571,"tern":41572,"nantucket":41573,"misunderstood":41574,"bulaga":41575,"stant":41576,"chinook":41577,"zam":41578,"relies":41579,"dss":41580,"edmond":41581,"sketchy":41582,"mell":41583,"fex":41584,"rector":41585,"distill":41586,"daydream":41587,"winemaker":41588,"ripley":41589,"billionaires":41590,"helene":41591,"atif":41592,"culprit":41593,"bertrand":41594,"wouldnt":41595,"mapped":41596,"vak":41597,"gladly":41598,"parliament":41599,"kidlitart":41600,"wareness":41601,"goliath":41602,"âĨĵ":41603,"viewpoint":41604,"tatted":41605,"fuls":41606,"dorsey":41607,"anglers":41608,"lids":41609,"kiya":41610,"bowles":41611,"beh":41612,"bite":41613,"compatibility":41614,"ancestral":41615,"prox":41616,"behaved":41617,"gubernatorial":41618,"chfield":41619,"saban":41620,"zh":41621,"teeny":41622,"shibuya":41623,"holliday":41624,"pancy":41625,"âĿĦï¸ıâĿĦï¸ı":41626,"seungri":41627,"?,":41628,"ðŁĩ¦ðŁĩ·":41629,"imitation":41630,"impactful":41631,"anyi":41632,"genevie":41633,"años":41634,"bateman":41635,"glider":41636,"afar":41637,"rasheed":41638,"effortless":41639,"shwar":41640,"dachsh":41641,"erun":41642,"atos":41643,"kini":41644,"chd":41645,"khaki":41646,"klin":41647,"felicidades":41648,"belo":41649,"asl":41650,"toppers":41651,"finley":41652,"stacey":41653,"rigorous":41654,"karting":41655,"leppard":41656,"carmichael":41657,"beret":41658,"cse":41659,"akhi":41660,"meringue":41661,"aban":41662,"hake":41663,"geri":41664,"erjee":41665,"resto":41666,"commanders":41667,"prit":41668,"flor":41669,"adven":41670,"extermin":41671,"remainder":41672,"åIJ":41673,"esg":41674,"martino":41675,"lullaby":41676,"|@":41677,"mign":41678,"instore":41679,"bigbang":41680,"cordi":41681,"cauley":41682,"antebellum":41683,"dgate":41684,"crock":41685,"spandex":41686,"scaffolding":41687,"oreos":41688,"ê°ĵìĦ¸ë¸IJ":41689,"pomona":41690,"mauro":41691,"universi":41692,"remi":41693,"afootball":41694,"tant":41695,"smalls":41696,"neh":41697,"worldo":41698,"tropical":41699,"morph":41700,"javelin":41701,"glar":41702,"arquitec":41703,"reminiscent":41704,"tubs":41705,"spidey":41706,"makeu":41707,"sylla":41708,"progressives":41709,"blot":41710,"shorten":41711,"keepin":41712,"chak":41713,"angst":41714,"superfood":41715,"decadent":41716,"stony":41717,"neurological":41718,"arboretum":41719,"annak":41720,"fema":41721,"percu":41722,"disrespectful":41723,"smallbiz":41724,"lox":41725,"coom":41726,"csc":41727,"bsbi":41728,"prevalence":41729,"himss":41730,"espan":41731,"moga":41732,"frampton":41733,"skymap":41734,"masse":41735,"leviathan":41736,"().":41737,"nocturnal":41738,"carameli":41739,"angor":41740,"amnesia":41741,"outsiders":41742,"shealth":41743,"rhino":41744,"antag":41745,"agio":41746,"ðŁĴ°ðŁĴ°":41747,"takeme":41748,"kabaddi":41749,"csi":41750,"msh":41751,"cochrane":41752,"thessaloni":41753,"sila":41754,"haus":41755,"dusting":41756,"obese":41757,"macklemore":41758,"manish":41759,"lenin":41760,"mdc":41761,"grown":41762,"sheffield":41763,"srs":41764,"kele":41765,"carson":41766,"chum":41767,"dahlia":41768,"cantore":41769,"oppo":41770,"howling":41771,"cybercrime":41772,"surrealism":41773,"scran":41774,"faiz":41775,"thren":41776,"racists":41777,"rout":41778,"pknot":41779,"semana":41780,"sini":41781,"mccull":41782,"machi":41783,"alfonso":41784,"yb":41785,"sardar":41786,"kendrick":41787,"deng":41788,"recipro":41789,"onf":41790,"doomsday":41791,"bribery":41792,"customiz":41793,"artis":41794,"cpi":41795,"ðŁĻĪðŁĻĪ":41796,"slava":41797,"lette":41798,"ens":41799,"âĿ¤ï¸ıðŁĺĺ":41800,"crayon":41801,"adan":41802,"trc":41803,"migrate":41804,"simpson":41805,"rowers":41806,"kingsley":41807,"farmersmarket":41808,"sheehan":41809,"nephe":41810,"bornon":41811,"carton":41812,"mickey":41813,"allure":41814,"ulu":41815,"slipknot":41816,"hebdo":41817,"guido":41818,"dogcelebration":41819,"onlinemarketing":41820,"accelerating":41821,")..":41822,"originated":41823,"macaroni":41824,"edtech":41825,"outfield":41826,"mitz":41827,"discus":41828,"advertiser":41829,"manor":41830,"hashi":41831,"descrip":41832,"capita":41833,"fulbright":41834,"receptor":41835,"conn":41836,"coney":41837,"spionage":41838,"rattle":41839,"prest":41840,"uli":41841,"blogpost":41842,"ackeray":41843,")â̦":41844,"redvelvet":41845,"matth":41846,"inspiring":41847,"bsd":41848,"kerri":41849,"pocon":41850,"millar":41851,"repur":41852,"accenture":41853,"ä¹":41854,"rambo":41855,"ragnarok":41856,"deleting":41857,"britishmuseum":41858,"patory":41859,"leipzig":41860,"florian":41861,"scifi":41862,"iners":41863,"brate":41864,"yoy":41865,"melissa":41866,"aber":41867,"masa":41868,"pote":41869,"mosquitoes":41870,"transplant":41871,"rpa":41872,";))":41873,"bastille":41874,"ylan":41875,"joyeux":41876,"melodic":41877,"captions":41878,"atrist":41879,"rochdale":41880,"gotti":41881,"pewdie":41882,"cutiesaturday":41883,"whois":41884,"aquaculture":41885,"tiva":41886,"spel":41887,"hess":41888,"haji":41889,"freddie":41890,"coper":41891,"brando":41892,"vk":41893,"photobook":41894,"*,":41895,"mydayin":41896,"michaela":41897,"brunei":41898,"srini":41899,"inte":41900,"ı":41901,"deol":41902,"dfc":41903,"separately":41904,"bund":41905,"vests":41906,"toc":41907,"meck":41908,"reinforced":41909,"constraints":41910,"carroll":41911,"sqft":41912,"rever":41913,"camper":41914,"birdman":41915,"inaction":41916,"generators":41917,"triumphant":41918,"pests":41919,"ovo":41920,"gypt":41921,"alamo":41922,"scaled":41923,"sureshpp":41924,"sdn":41925,"ismo":41926,"gios":41927,")@":41928,"justiceleague":41929,"restaurant":41930,"gabi":41931,"dengue":41932,"nextgen":41933,"exempli":41934,"apex":41935,"inspirational":41936,"downside":41937,"kidz":41938,"upl":41939,"etna":41940,"alvaro":41941,"feldman":41942,"barnet":41943,"mha":41944,"esch":41945,"blooded":41946,">>>>>>>>":41947,"kani":41948,"hofficial":41949,"casablanca":41950,"birds":41951,"tyga":41952,"swamp":41953,"oday":41954,"newcastle":41955,"nbap":41956,"cision":41957,"chools":41958,"aflo":41959,"nep":41960,"monton":41961,"akb":41962,"supermodel":41963,"downtime":41964,"thos":41965,"scwx":41966,"snoopy":41967,"aggreg":41968,"yoke":41969,"norcal":41970,"wett":41971,"prolonged":41972,"metast":41973,"beater":41974,"fta":41975,"tlap":41976,"disgusted":41977,"yh":41978,"voiceover":41979,"itchy":41980,"ipc":41981,"ðŁİ¾":41982,"pheasant":41983,"straits":41984,"rampant":41985,"jg":41986,"fertil":41987,"assures":41988,"fortunes":41989,"salinas":41990,"lizards":41991,"kettle":41992,"ibs":41993,"cynthi":41994,"heg":41995,"mccr":41996,"socceroos":41997,"happenings":41998,"corden":41999,"ðŁĺĤðŁijĮ":42000,"tches":42001,"egret":42002,"wolverines":42003,"congratulated":42004,"hogg":42005,"bottling":42006,"wri":42007,"ferri":42008,"bosch":42009,"afire":42010,"ogden":42011,"sjo":42012,"jdm":42013,"svt":42014,"contex":42015,"tollywood":42016,"mink":42017,"mese":42018,"supersonic":42019,"opoulos":42020,"å¸":42021,"âĶģ":42022,"knuckle":42023,"guise":42024,"gami":42025,"chucky":42026,"zinger":42027,"radial":42028,"complained":42029,"boda":42030,"fetal":42031,"disciplines":42032,"corro":42033,"ðŁĩ®ðŁĩ¹":42034,"opted":42035,"filtration":42036,"adnan":42037,"emcee":42038,"mistre":42039,"insomni":42040,"fergus":42041,"trajec":42042,"ondon":42043,"medtech":42044,"tangerine":42045,"madras":42046,"grue":42047,"cabs":42048,"zhu":42049,"sureshpprabhu":42050,"insulated":42051,"dayswild":42052,"ppm":42053,"bandai":42054,"vday":42055,"sff":42056,"squid":42057,"lothing":42058,"notdead":42059,"expressive":42060,"cull":42061,"alastair":42062,"xu":42063,"upfront":42064,"fishers":42065,"enes":42066,"umd":42067,"dismissal":42068,"stier":42069,"sels":42070,"lust":42071,"reactive":42072,"protester":42073,"eyelashes":42074,"alim":42075,"goode":42076,"greeng":42077,"dair":42078,"compen":42079,"anushka":42080,"prototyping":42081,"mapu":42082,"bearings":42083,"ðŁIJŁ":42084,"forme":42085,"bsbibotany":42086,"timothy":42087,"outskirts":42088,"ambed":42089,"aretha":42090,"wendell":42091,"streaks":42092,"nim":42093,"kpk":42094,"snee":42095,"fitter":42096,"quota":42097,"pate":42098,"winning":42099,"ðŁįŃ":42100,"shopping":42101,"mainst":42102,"culver":42103,"stevie":42104,"mcfadden":42105,"counterparts":42106,"grenfell":42107,"folsom":42108,"dorset":42109,"techcrunch":42110,"â¬ħï¸ı":42111,"tiptuesday":42112,"usl":42113,"trex":42114,"georgie":42115,"ranveerofficial":42116,"licks":42117,"sewn":42118,"kf":42119,"'â̦":42120,"japs":42121,"pate":42122,"orthop":42123,"festa":42124,"stras":42125,"montal":42126,"hammersmith":42127,"foremost":42128,"widows":42129,"madre":42130,"itez":42131,"mitochondri":42132,"ligans":42133,"zona":42134,"caribou":42135,"mss":42136,"andrei":42137,"weatherchannel":42138,"ghc":42139,":...":42140,"taft":42141,"aweather":42142,"alisation":42143,"brutal":42144,"blissful":42145,"nikola":42146,"malicious":42147,"qm":42148,"mpgvip":42149,"brodie":42150,"blitz":42151,"applaud":42152,"dribb":42153,"vague":42154,"doggo":42155,"translating":42156,"interpreted":42157,"hatched":42158,"getyour":42159,"beneficiaries":42160,"sparring":42161,"caesars":42162,"awilliams":42163,"lahat":42164,"broke":42165,"timp":42166,"virtues":42167,"relying":42168,"pietro":42169,"ktn":42170,"icists":42171,"pablo":42172,"loui":42173,"aag":42174,"pnpp":42175,"chast":42176,"pulses":42177,"finish":42178,"usairforce":42179,"typewriter":42180,"thompson":42181,"dogs":42182,"utto":42183,"ãģį":42184,"sandal":42185,"newly":42186,"doge":42187,"zw":42188,"wankers":42189,"negr":42190,"mucha":42191,"determines":42192,"blackfish":42193,"skunk":42194,"mups":42195,"instrument":42196,"phyto":42197,"daystogo":42198,"skinned":42199,"haider":42200,"conten":42201,"ðŁIJ¾ðŁIJ¾":42202,"weiler":42203,"undoubtedly":42204,"chairing":42205,"wallis":42206,"shard":42207,"zindabad":42208,"adult":42209,"absorption":42210,"presto":42211,"deploying":42212,"drummond":42213,"battlefront":42214,"seagulls":42215,"howdy":42216,"judaism":42217,"desde":42218,"partition":42219,"âľĿ":42220,"nology":42221,"nationalbestfriend":42222,"lesnar":42223,"filmfare":42224,"coasts":42225,"christensen":42226,"acan":42227,"mbu":42228,"copped":42229,"rubble":42230,"swc":42231,"funnier":42232,"farther":42233,"whereas":42234,"nanotechnology":42235,"withstand":42236,"pillow":42237,"bowers":42238,"tope":42239,"itly":42240,"confit":42241,"makar":42242,"comforts":42243,"bosh":42244,"clipper":42245,"balla":42246,"stik":42247,"milb":42248,"safeguard":42249,"musique":42250,"easport":42251,"yaz":42252,"padded":42253,"bader":42254,"foreign":42255,"chopin":42256,"archive":42257,"oka":42258,"transporting":42259,"tmltalk":42260,"ajit":42261,"consequence":42262,"scroo":42263,"ffo":42264,"collaborated":42265,"pugchat":42266,"yemi":42267,"javed":42268,"auburn":42269,"oof":42270,"maw":42271,"saucer":42272,"mitigate":42273,"iles":42274,"evangelist":42275,"terie":42276,"recl":42277,"indictment":42278,"cata":42279,"brightness":42280,"maythe":42281,"whimsical":42282,"unlv":42283,"keyword":42284,"cumin":42285,"medway":42286,"westworld":42287,"traw":42288,"imposing":42289,"formity":42290,"coulter":42291,"abz":42292,"nypd":42293,"grassi":42294,"kelsey":42295,"qldpol":42296,"clockwork":42297,"fdr":42298,"dianne":42299,"âĺij":42300,"adh":42301,"pann":42302,"bravely":42303,"aege":42304,"unlawful":42305,"verdi":42306,"pocalypse":42307,"pharo":42308,"karla":42309,"resonance":42310,"mastiff":42311,"ladak":42312,"buu":42313,"mailed":42314,"hii":42315,"crawley":42316,"torrent":42317,"machado":42318,"libyan":42319,"effortlessly":42320,"falsely":42321,"qvist":42322,"keef":42323,"crafthour":42324,"cherished":42325,"valkyrie":42326,"sari":42327,"kalamaz":42328,"behe":42329,"ðŁĮĻ":42330,"thim":42331,"roddy":42332,"coltrane":42333,"butchers":42334,"achim":42335,"wkend":42336,"awkward":42337,"cabrera":42338,":))))":42339,"franc":42340,"declan":42341,"condos":42342,"aja":42343,"pandoramusic":42344,"charter":42345,"phill":42346,"montrose":42347,"hatchback":42348,"handicapp":42349,"greaves":42350,"eucalyptus":42351,"utmost":42352,"tson":42353,"burton":42354,"midwives":42355,"incur":42356,"ðŁĺį#":42357,"mood":42358,"compressed":42359,"toma":42360,"mustang":42361,"mog":42362,"asana":42363,"testic":42364,"shotel":42365,"insol":42366,"corsair":42367,"nhq":42368,"benny":42369,"smma":42370,"kapur":42371,"incon":42372,"jonas":42373,"energies":42374,"donal":42375,"asad":42376,"sez":42377,"npa":42378,"archived":42379,"stimulate":42380,"dop":42381,"hyd":42382,"grieving":42383,"ãĥĪ":42384,"rona":42385,"whyte":42386,"treehouse":42387,"ssell":42388,"sandro":42389,"kobo":42390,"thermost":42391,"seclu":42392,"hiya":42393,"geez":42394,"mamas":42395,"priscilla":42396,"flavoured":42397,"fass":42398,"wold":42399,"makerspace":42400,"cosplay":42401,"ptv":42402,"happyvalentinesday":42403,"sequoia":42404,"lovecraft":42405,"guan":42406,"dtm":42407,"cii":42408,"yokohama":42409,"posthum":42410,"req":42411,"ðŁĶµâļªï¸ı":42412,"galatasar":42413,"dolby":42414,"hamptons":42415,"disturbance":42416,"stonehenge":42417,"okc":42418,"disrupting":42419,"monthsary":42420,"jungle":42421,"headlights":42422,"dustin":42423,"microsof":42424,"happymothersday":42425,"koko":42426,"grazi":42427,"testo":42428,"naidu":42429,"malay":42430,"arial":42431,"rumb":42432,"aboo":42433,"harman":42434,"trape":42435,"spoils":42436,"jeho":42437,"godly":42438,"lockscreen":42439,"zun":42440,"pious":42441,"magento":42442,"lenders":42443,"probable":42444,"corporal":42445,"mour":42446,"awal":42447,"sua":42448,"callme":42449,"tonne":42450,"govin":42451,"devastation":42452,"xj":42453,"gearbox":42454,"warlock":42455,"perme":42456,"itate":42457,"gazaunderattack":42458,"duval":42459,"parasite":42460,"clemente":42461,"leth":42462,"iva":42463,"frozen":42464,"tholes":42465,"tobin":42466,"cairn":42467,"sill":42468,"luckiest":42469,"converts":42470,"stale":42471,"pancra":42472,"europale":42473,"wisdom":42474,"schur":42475,"ì¶":42476,"vertigo":42477,"bij":42478,"ubc":42479,"nure":42480,"righteousness":42481,"mtc":42482,"factory":42483,"verst":42484,"reversed":42485,"huri":42486,"heechul":42487,"faber":42488,"arr":42489,"ulous":42490,"venom":42491,"phat":42492,"greenery":42493,"brady":42494,"æ":42495,":((":42496,"nevergiveup":42497,"disha":42498,"mota":42499,"healthcare":42500,"dunham":42501,"dexpo":42502,"denzel":42503,"bbins":42504,"fics":42505,"wham":42506,"mcg":42507,"elian":42508,"wata":42509,"stralia":42510,"tellu":42511,"pesky":42512,"spinoff":42513,"armoured":42514,"reacted":42515,"dofficial":42516,"tedu":42517,"sagar":42518,"morally":42519,"paralleled":42520,"fios":42521,"downer":42522,"daugh":42523,"redo":42524,"worldcup":42525,"tariq":42526,"barne":42527,"glaciers":42528,"occult":42529,"barbarian":42530,"hermosa":42531,"!!!)":42532,"yur":42533,"internation":42534,"pss":42535,"situ":42536,"pint":42537,"americanair":42538,"swam":42539,"doppler":42540,"ðŁĴĻðŁĴľ":42541,"cincodemayo":42542,"levan":42543,"hellenic":42544,"mcne":42545,"judi":42546,"yuh":42547,"stx":42548,"quare":42549,"ðŁĺĤ.":42550,"stig":42551,"gels":42552,"motley":42553,"hardwork":42554,"eurozone":42555,"ead":42556,"ç¥Ń":42557,"seabir":42558,"cius":42559,"laid":42560,"alpaca":42561,"presumably":42562,"pewdiepie":42563,"booted":42564,"amari":42565,"tamine":42566,"solace":42567,"barrow":42568,"academies":42569,"xian":42570,"omination":42571,"dungeons":42572,"bma":42573,"deity":42574,"aik":42575,"stabil":42576,"hira":42577,"affectionate":42578,"vingne":42579,"newport":42580,"ãħĭãħĭ":42581,"thirds":42582,"retains":42583,"aromatherapy":42584,"skier":42585,"nima":42586,"dope":42587,"cringe":42588,"condomin":42589,"toor":42590,"animator":42591,"saraj":42592,"seascape":42593,"minimalism":42594,"lakeshore":42595,"callaway":42596,"bergman":42597,"à¤Ĺ":42598,"whispering":42599,"stupid":42600,"rightful":42601,"requis":42602,"irn":42603,"seva":42604,"utpol":42605,"tuberculo":42606,"squish":42607,"debut":42608,"governmental":42609,"christine":42610,"allman":42611,"weapon":42612,"sito":42613,"buri":42614,"lolita":42615,"leafy":42616,"fuch":42617,"tinted":42618,"mcken":42619,"ahahaha":42620,"ðŁĩµðŁĩ¹":42621,"repeal":42622,"negan":42623,"ðŁķĬ":42624,"tailgating":42625,"gameinsight":42626,"ðŁıŁï¸ı":42627,"yakuza":42628,"zt":42629,"tiring":42630,"proposing":42631,"bowlers":42632,"traitors":42633,"akshi":42634,"clergy":42635,"cito":42636,"upsets":42637,"tuscal":42638,"symphonic":42639,"silently":42640,"shuff":42641,"blackwell":42642,"ðŁĺĤ)":42643,"kobe":42644,"roberto":42645,"ridg":42646,"dcu":42647,"merino":42648,"ftp":42649,"eastside":42650,".~":42651,"nbl":42652,"mnleg":42653,"tsfor":42654,"fraudul":42655,"capping":42656,"inmy":42657,"gymnast":42658,"stones":42659,"ssin":42660,"tweaks":42661,"shaggy":42662,"oakland":42663,"demsin":42664,"sangria":42665,"mmva":42666,"hennessy":42667,"downton":42668,"rightly":42669,"init":42670,"agave":42671,"oblast":42672,"northeast":42673,"friendship":42674,"dala":42675,"trophy":42676,"ðŁij½":42677,"magin":42678,"margaritas":42679,"ê·":42680,"wwfc":42681,"fash":42682,"dike":42683,"cud":42684,"chart":42685,"ðŁij®":42686,"refugees":42687,"joplin":42688,"ncs":42689,"impy":42690,"firmware":42691,"pascu":42692,"flamin":42693,"healthtech":42694,"bellletstalk":42695,"waka":42696,"olls":42697,"lago":42698,"cowan":42699,"bombardier":42700,"shome":42701,"ðŁĻħ":42702,"mcmaster":42703,"nave":42704,"wells":42705,"uta":42706,"tellers":42707,"misfits":42708,"kapil":42709,"faceoff":42710,"affirm":42711,"apro":42712,"whitepaper":42713,"superyacht":42714,"specimens":42715,"allocated":42716,"...,":42717,"-__":42718,"kaw":42719,"dachshund":42720,"djoker":42721,"swork":42722,"quiere":42723,"orum":42724,"ðŁIJł":42725,"somm":42726,"cmt":42727,"inghour":42728,"skinny":42729,"lgbti":42730,"giggles":42731,"breakaway":42732,"researched":42733,"parity":42734,"myal":42735,"msl":42736,"retained":42737,"sivity":42738,"makeinindia":42739,"solves":42740,"defamation":42741,"waltham":42742,"sriracha":42743,"roadway":42744,"conceptu":42745,"alin":42746,"iwant":42747,"åĪ":42748,"delft":42749,"tenderloin":42750,"gains":42751,"faults":42752,"swire":42753,"stellen":42754,"pollo":42755,"dyne":42756,"bornonthisday":42757,"asdfghj":42758,"sql":42759,"salim":42760,"advises":42761,"voip":42762,"ìĹijìĨ":42763,"untouched":42764,"sheil":42765,"ontario":42766,"uphill":42767,"sobre":42768,"deshi":42769,"novella":42770,"dutton":42771,"crawfish":42772,"اÙĨ":42773,"maa":42774,"twine":42775,"kalin":42776,"ðŁĩµðŁĩŃ":42777,"yess":42778,"brooks":42779,"hoosiers":42780,"tonka":42781,"umbrellas":42782,"ayers":42783,"ateam":42784,"acquiring":42785,"suction":42786,"än":42787,"wies":42788,"tarians":42789,"socio":42790,"mattb":42791,"shepherds":42792,"oso":42793,"charitytuesday":42794,"slogans":42795,"ninjas":42796,"albat":42797,"byte":42798,"bashir":42799,"trampoline":42800,"mydayinla":42801,"ija":42802,"basel":42803,"rory":42804,"goldie":42805,"firec":42806,"unnoticed":42807,"peculiar":42808,"scha":42809,"kerson":42810,"mourns":42811,"liquidity":42812,"quipment":42813,"hibs":42814,"ars":42815,"aeronau":42816,"slideshow":42817,"slabs":42818,"deliciousness":42819,"skitchen":42820,"htafc":42821,"fullerton":42822,"creighton":42823,"aerob":42824,"procrastination":42825,"azores":42826,"whitehall":42827,"ussoccer":42828,"mediation":42829,"djokernole":42830,"andme":42831,"umen":42832,"noxious":42833,"joss":42834,"ilife":42835,"annivers":42836,"sudanese":42837,"etres":42838,"undermine":42839,"wholefoods":42840,"disobe":42841,"kori":42842,"adele":42843,"eliz":42844,"canti":42845,"alon":42846,"gymnasium":42847,"sarkodie":42848,"meteorologist":42849,"ylde":42850,"steen":42851,"stampcollecting":42852,"nasal":42853,"lott":42854,"franks":42855,"exol":42856,"acki":42857,"goodyear":42858,"animalrights":42859,"yles":42860,"violets":42861,"mmes":42862,"sthel":42863,"rapping":42864,"tuscan":42865,"waiver":42866,"turner":42867,"eatlocal":42868,"northeasthour":42869,"animations":42870,"tommorow":42871,"tsh":42872,"ffame":42873,"brae":42874,"petron":42875,"glamour":42876,"bryn":42877,"dcs":42878,"bales":42879,"ðŁĶ¶":42880,"brov":42881,"brev":42882,"bons":42883,"physique":42884,"carne":42885,"xe":42886,"elixir":42887,"volved":42888,"loma":42889,"ìľł":42890,"æĺ":42891,"vanu":42892,"rigs":42893,"balance":42894,"vares":42895,"bonita":42896,"sprinkle":42897,"perfecto":42898,"dion":42899,"leak":42900,"calcutta":42901,"oba":42902,"dma":42903,"cmon":42904,"tuner":42905,"pneumonia":42906,"bogus":42907,"apologe":42908,"clough":42909,"borne":42910,"))))":42911,"revived":42912,"ovarian":42913,"nerf":42914,"clegg":42915,"fanfest":42916,"chou":42917,"realizes":42918,"mcn":42919,"ligu":42920,"legalize":42921,"justsaying":42922,"forster":42923,"bosni":42924,"khi":42925,"indom":42926,"heidel":42927,"encryp":42928,"siss":42929,"eddi":42930,"marbles":42931,"brisbane":42932,"ying":42933,"prepaid":42934,"walsall":42935,"cooperate":42936,"orchestr":42937,"marisa":42938,"howie":42939,"chewy":42940,"brenner":42941,"andromeda":42942,"egan":42943,"stocki":42944,"cavendish":42945,"agan":42946,"bano":42947,"deir":42948,"gog":42949,"blk":42950,"rethinking":42951,"chig":42952,"rheu":42953,"snip":42954,"peng":42955,"seminole":42956,"mswx":42957,"annex":42958,"lynda":42959,"lewishamilton":42960,"cumul":42961,"tbl":42962,"dolphin":42963,"aguero":42964,"............":42965,"prelude":42966,"atour":42967,"granger":42968,"tooting":42969,"rotun":42970,"disar":42971,"homeitems":42972,"dares":42973,"********":42974,"ðŁijĨ":42975,"compreh":42976,"jinx":42977,"aswell":42978,"irie":42979,"circulating":42980,"ðŁIJ¥":42981,"overboard":42982,"cultivate":42983,"rhett":42984,"orienteering":42985,"cak":42986,"balkans":42987,"sitt":42988,"jasmin":42989,"britneyspears":42990,"rotor":42991,"sealing":42992,"gbc":42993,"occi":42994,"fas":42995,"emancip":42996,"comer":42997,"wartime":42998,"tickle":42999,"sonny":43000,"paces":43001,"logg":43002,"atrix":43003,"srp":43004,"gwin":43005,"dobbs":43006,"uzbe":43007,"thewanted":43008,"drush":43009,"extru":43010,"micky":43011,"honorees":43012,"darwin":43013,"redux":43014,"mmj":43015,"rami":43016,"jalapeño":43017,"ioc":43018,"dover":43019,"juju":43020,"whitney":43021,"seng":43022,"enly":43023,"auch":43024,"archipelago":43025,"vigilant":43026,"mangal":43027,"wildest":43028,"paranoid":43029,"hali":43030,"bbly":43031,"sanctioned":43032,"realms":43033,"conco":43034,"uddin":43035,"csk":43036,"playtime":43037,"libra":43038,"savag":43039,"octane":43040,"rectan":43041,"return":43042,"parrish":43043,"morrha":43044,"ccp":43045,"cmu":43046,"sailed":43047,"sevent":43048,"rosie":43049,"piling":43050,"hew":43051,"boarded":43052,"segments":43053,"nephro":43054,"(.":43055,"crats":43056,"bakes":43057,"ðŁį¸":43058,"backtothe":43059,"sibling":43060,"kirkland":43061,"keo":43062,"guwa":43063,"breads":43064,"ðŁĺľðŁĺľ":43065,"tq":43066,"harassed":43067,"gau":43068,"wilbur":43069,"jisoo":43070,"eper":43071,"lisam":43072,"trippin":43073,"shino":43074,"rukh":43075,"beastmode":43076,"choa":43077,"instaweather":43078,"richland":43079,"gari":43080,"fez":43081,"cowboysnation":43082,"fursuit":43083,"krun":43084,"aen":43085,"sycamore":43086,"segun":43087,"entennial":43088,"dih":43089,"oax":43090,"demsinphilly":43091,"ðŁĻĢ":43092,"snhl":43093,"pennies":43094,"passwords":43095,"makin":43096,"tye":43097,"deng":43098,"knigh":43099,"jeeplife":43100,"helpline":43101,"afor":43102,"zzzz":43103,"steamy":43104,"picker":43105,"iterate":43106,"happeningnow":43107,"kib":43108,"bloomberg":43109,"martyrdom":43110,"bully":43111,"assortment":43112,"ahora":43113,"zoe":43114,"noi":43115,"illustri":43116,"agarwal":43117,"psc":43118,"electronica":43119,"recruiter":43120,"gardiner":43121,"radha":43122,"nafta":43123,"dotnet":43124,"piero":43125,"georg":43126,"bels":43127,"ðŁĺĤðŁĺį":43128,"tuberculosis":43129,"runnin":43130,"moris":43131,"hauling":43132,"evoc":43133,"brethren":43134,"shair":43135,"frameworks":43136,"astu":43137,"rigid":43138,"kuma":43139,"kreme":43140,"jinnah":43141,"insurers":43142,"nyu":43143,"fere":43144,"nollywood":43145,"goodvibes":43146,"-...":43147,"toile":43148,"skril":43149,"instaweatherpro":43150,"czech":43151,"pavel":43152,"onepiece":43153,"nikeplus":43154,"filet":43155,"cavity":43156,"ðŁı½âĢįâĻĤï¸ı":43157,"ðŁİ£":43158,"drastic":43159,"dailys":43160,"siamese":43161,"rebu":43162,"osteo":43163,"lark":43164,"fre":43165,"shelling":43166,"pé":43167,"gladys":43168,"ðŁıĢðŁıĢ":43169,"gustave":43170,"submerged":43171,"grandstand":43172,"attu":43173,"wont":43174,"fpv":43175,"bley":43176,"joni":43177,"angames":43178,"weighted":43179,"alou":43180,"श":43181,"lesbians":43182,"fj":43183,"annies":43184,"aml":43185,"doria":43186,"davin":43187,"beta":43188,"canc":43189,"madewithunity":43190,"haj":43191,"badlands":43192,"mul":43193,"bluec":43194,"pawn":43195,"covington":43196,"neurology":43197,"httweets":43198,"dyslexia":43199,"thelove":43200,"neat":43201,"forklift":43202,"automate":43203,"uneven":43204,"montess":43205,"hein":43206,"hag":43207,"relics":43208,"competitiveness":43209,"canelo":43210,"martens":43211,"bulletproof":43212,"skittles":43213,"gya":43214,"primo":43215,"americafirst":43216,"wooo":43217,"abortions":43218,"??!!":43219,"mache":43220,"lders":43221,"rlly":43222,"prelims":43223,"direct":43224,"course":43225,"swain":43226,"supercell":43227,"eccentric":43228,"stingray":43229,"plets":43230,"wilcox":43231,"westin":43232,"okanagan":43233,"kiran":43234,"carbo":43235,"bombings":43236,"rarest":43237,"boh":43238,"gawd":43239,"digg":43240,"moana":43241,"entirety":43242,"enclosed":43243,"dodgeball":43244,"parton":43245,"milkyway":43246,"atr":43247,"thoroughbred":43248,"really":43249,"qantas":43250,"epiphany":43251,"inee":43252,"aerosmith":43253,"spieth":43254,"arthro":43255,"ellini":43256,"dubu":43257,"braving":43258,"âļ½âļ½":43259,"restructuring":43260,"illuminate":43261,"equili":43262,"mpi":43263,"ashton":43264,"ponytail":43265,"mascots":43266,"flattering":43267,"crum":43268,"asta":43269,"à®°":43270,"strangerthings":43271,"barnab":43272,"رÙĬ":43273,"makeshift":43274,"gotcha":43275,"willam":43276,"choirs":43277,"kilometres":43278,"ghosh":43279,"euthan":43280,"dolly":43281,"unning":43282,"thear":43283,"crewe":43284,"wsw":43285,"jace":43286,"dismiss":43287,"kean":43288,"hota":43289,"khat":43290,"~>":43291,"thiru":43292,"rendez":43293,"hartman":43294,"teessi":43295,"casca":43296,"zah":43297,"hydrange":43298,"fod":43299,"awp":43300,"mzansi":43301,"thicker":43302,"nagoya":43303,"neva":43304,"stique":43305,"castel":43306,"damian":43307,"thereby":43308,"jiang":43309,"alek":43310,"musicislife":43311,"raq":43312,"callahan":43313,"gouache":43314,"somaliland":43315,"seanhannity":43316,"raheem":43317,"lose":43318,"elove":43319,"wharton":43320,"rectangular":43321,"illustrating":43322,"harne":43323,"autisma":43324,"scrapped":43325,"elland":43326,"decree":43327,"nagpur":43328,"kipp":43329,"sore":43330,"nmd":43331,"maas":43332,"guna":43333,"gartner":43334,"belli":43335,"thenight":43336,"jeon":43337,"genderequality":43338,"giver":43339,"ael":43340,"garments":43341,"neu":43342,"mardigras":43343,"marsden":43344,"rower":43345,"polluted":43346,"cameraman":43347,"vinod":43348,"beasley":43349,"croc":43350,"jiu":43351,"hollyoaks":43352,"anesthesia":43353,"alles":43354,"steward":43355,"latimes":43356,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":43357,"tician":43358,"goria":43359,"comedic":43360,"ð٤Ķð٤Ķð٤Ķ":43361,"naive":43362,"slions":43363,"łĪ":43364,"burglar":43365,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":43366,"yorkshi":43367,"señ":43368,"fanboy":43369,"laurel":43370,"incidence":43371,"potomac":43372,"roberta":43373,"presiden":43374,"pryor":43375,"osbourne":43376,"wku":43377,"teme":43378,"palae":43379,"ðŁ¥º":43380,"reboun":43381,"itude":43382,"reddish":43383,"khand":43384,"colonialism":43385,"northcarolina":43386,"ðĿĴ":43387,"mannequin":43388,"ladybird":43389,"tasty":43390,"knowledgeable":43391,"gshore":43392,"ðŁĮĮ":43393,"ன":43394,"quaker":43395,"salzburg":43396,"medalists":43397,"chyna":43398,"bridesmaid":43399,"maori":43400,"rop":43401,"outraged":43402,"inadequate":43403,"truckers":43404,"alana":43405,"ìĿ¼":43406,"rix":43407,"oooooooo":43408,"commandments":43409,"lambeth":43410,"aaj":43411,"ecofriendly":43412,"blaz":43413,"morecambe":43414,"bouncy":43415,"roux":43416,"raided":43417,"mized":43418,"shc":43419,"gawx":43420,"laboratories":43421,"rubs":43422,"restroom":43423,"consultations":43424,"cajun":43425,"virgini":43426,"soir":43427,"revue":43428,"plein":43429,"wager":43430,"ç¹":43431,"wedo":43432,"growingup":43433,"!ðŁĺĬ":43434,"faceted":43435,"sinners":43436,"hovering":43437,"tiene":43438,"seasoning":43439,"anja":43440,"leggo":43441,"ilis":43442,"flax":43443,"devo":43444,"ashram":43445,"matisse":43446,"keri":43447,"gower":43448,"botox":43449,"marshes":43450,"unhcr":43451,"tsm":43452,"optimus":43453,"duni":43454,"stuffs":43455,"sok":43456,"orderly":43457,"nbad":43458,"islamophobia":43459,"ravioli":43460,"faber":43461,"creds":43462,"wonka":43463,"infusion":43464,"overweight":43465,"dailynews":43466,"assimil":43467,"acollege":43468,"medallion":43469,"kilimanjaro":43470,"stiff":43471,"thames":43472,"sunken":43473,"thard":43474,"mydubai":43475,"hilariously":43476,"hannel":43477,"plumber":43478,"fairview":43479,"separating":43480,"rascal":43481,"quien":43482,"necessities":43483,"confederation":43484,"llll":43485,":]":43486,"weaknesses":43487,"bronco":43488,"raffles":43489,"elot":43490,"ãĤ¸ãĥ":43491,"adventcalendar":43492,"ðŁİ¹":43493,"stravel":43494,"tunic":43495,"ksu":43496,"impeach":43497,"espionage":43498,"!-":43499,"diment":43500,"currant":43501,"biode":43502,"commuting":43503,"byron":43504,"ðŁĴĵðŁĴĵ":43505,"shaded":43506,"truro":43507,"crayons":43508,"arne":43509,"hsc":43510,"freaked":43511,"dramati":43512,"fleek":43513,"ucd":43514,"marlborough":43515,"^-":43516,"crossings":43517,"malo":43518,"blackops":43519,"binance":43520,"choked":43521,"cheney":43522,"plo":43523,"gestures":43524,"valedic":43525,"ryanair":43526,"remington":43527,"vcs":43528,"mckee":43529,"ecz":43530,"begs":43531,"nailart":43532,"mayorof":43533,"happyfathersday":43534,"wart":43535,"petitions":43536,"ningly":43537,"cleanenergy":43538,"brox":43539,"slalom":43540,"existent":43541,"abay":43542,"ugliest":43543,"tomp":43544,"stoma":43545,"selby":43546,"goalscorer":43547,"benji":43548,"overwhelmingly":43549,"lans":43550,"semiconductor":43551,"southkorea":43552,"rescheduled":43553,"skyl":43554,"enlisted":43555,"dowski":43556,"sidel":43557,"rosenberg":43558,"nasser":43559,"whitehead":43560,"prius":43561,"harare":43562,"enn":43563,"ryder":43564,"íĤ":43565,"mong":43566,"clasico":43567,"transporter":43568,"potty":43569,"isme":43570,"*****":43571,"vice":43572,"skit":43573,"odessa":43574,"lmp":43575,"hern":43576,"racially":43577,"pinoy":43578,"paraguay":43579,"obituary":43580,"goes":43581,"bucha":43582,"sidewalks":43583,"angular":43584,"unconstitutional":43585,"transitioning":43586,"ibu":43587,"guys":43588,"unpacking":43589,"oooooo":43590,"blackgirl":43591,"bergs":43592,"¯":43593,"wordoftheday":43594,"trumptrain":43595,"thunderbolt":43596,"msi":43597,"fascists":43598,"ब":43599,"tsk":43600,"collapses":43601,"rajesh":43602,"loveislove":43603,"migrating":43604,"setback":43605,"ðŁĺĬâĿ¤ï¸ı":43606,"tels":43607,"safetyfirst":43608,"narrated":43609,"jaejoong":43610,"unanswered":43611,"liqueur":43612,"ennes":43613,"dalgo":43614,"billings":43615,"saltwater":43616,"mermaids":43617,"longs":43618,"clapham":43619,"wearec":43620,"piccollage":43621,"nach":43622,"hace":43623,"poisoned":43624,"loth":43625,"agna":43626,"adelrey":43627,"guardia":43628,"polishing":43629,"peacekeeping":43630,"dall":43631,"pisa":43632,"lapland":43633,"processors":43634,"deandre":43635,"sobs":43636,"ponce":43637,"drains":43638,"cbe":43639,"ðŁİ¥:":43640,"splash":43641,"meatball":43642,"fontana":43643,"worcestershirehour":43644,"nev":43645,"brisk":43646,"bint":43647,"acr":43648,"pox":43649,"cayenne":43650,"skrillex":43651,"jfc":43652,"hahahahahahaha":43653,"glas":43654,"engul":43655,"temporal":43656,"onized":43657,"concre":43658,"compose":43659,"vibrations":43660,"planters":43661,"fert":43662,"criticalrolefanart":43663,"tbli":43664,"schallenge":43665,"huckabee":43666,"municipal":43667,"iambic":43668,"radios":43669,"nevis":43670,"durability":43671,"mccla":43672,"horseback":43673,"institutes":43674,"fulfill":43675,"attach":43676,"ateur":43677,"akan":43678,"resisting":43679,"illumination":43680,"handle":43681,"haircare":43682,"oment":43683,"macleod":43684,"kaiser":43685,"gno":43686,"beardown":43687,"lyf":43688,"glomer":43689,"distortion":43690,"zm":43691,"sank":43692,"roosters":43693,"isnow":43694,"asports":43695,"agen":43696,"woken":43697,"stgeorge":43698,"romper":43699,"myle":43700,"economists":43701,"ruto":43702,"twill":43703,"healthand":43704,"dito":43705,"wsl":43706,"tairp":43707,"prakash":43708,"micheal":43709,"hts":43710,"wrights":43711,"katsu":43712,"fiorentina":43713,"defenseman":43714,"ditch":43715,"varsity":43716,"texanscheer":43717,"baham":43718,"scanned":43719,"weil":43720,"seductive":43721,"ðŁijįðŁı½":43722,"fue":43723,"erwin":43724,"davison":43725,"terran":43726,"moods":43727,"woolf":43728,"resource":43729,"@.":43730,"cush":43731,"ðŁį°":43732,"regression":43733,"curled":43734,"lazer":43735,"joanne":43736,"abbott":43737,"moz":43738,"downers":43739,"mmmmmm":43740,"valentina":43741,"khair":43742,"dreamt":43743,"crook":43744,"chek":43745,"steaming":43746,"nephews":43747,"cleric":43748,"asober":43749,"indefinitely":43750,"wye":43751,"usnews":43752,"joyce":43753,"flushing":43754,"wynonnaearp":43755,"rondo":43756,"kiss":43757,"hotdog":43758,"barns":43759,"saxophon":43760,"farley":43761,"gasp":43762,"decreasing":43763,"alway":43764,"pex":43765,"lsd":43766,"shift":43767,"poutine":43768,"razz":43769,"rescuing":43770,"niko":43771,"hoch":43772,"ccl":43773,"uaap":43774,"nts":43775,"mcar":43776,"ilwx":43777,"conquering":43778,"kettering":43779,"sturdy":43780,"delaying":43781,"stok":43782,"vanished":43783,"cathar":43784,"bingham":43785,"inv":43786,"ichiro":43787,"hemo":43788,"budgeting":43789,"[...]":43790,"bess":43791,"sebastian":43792,"slowed":43793,"ðĿij":43794,"muslim":43795,"stuns":43796,"actonclimate":43797,"vea":43798,"seton":43799,"rosetta":43800,"ount":43801,"hardin":43802,"fluid":43803,"caw":43804,"ðŁ¥Ĥ":43805,"yacht":43806,"unl":43807,"sphy":43808,"provocative":43809,"oric":43810,"isback":43811,"___":43812,"nicolas":43813,"gyan":43814,"loose":43815,"flin":43816,"rebate":43817,":::":43818,"!\"@":43819,"comicon":43820,"sheff":43821,"downstream":43822,"chichester":43823,"beachlife":43824,"momlife":43825,"diabete":43826,"arra":43827,"vane":43828,"oku":43829,"yeo":43830,"mango":43831,"tryout":43832,"appell":43833,"heirs":43834,"arjuna":43835,"ddu":43836,"naveen":43837,"movic":43838,"socialists":43839,"sback":43840,"criterion":43841,"soyuz":43842,"kher":43843,"daz":43844,"yolanda":43845,"wineoclock":43846,"reina":43847,"onew":43848,"leonard":43849,"endez":43850,"ubs":43851,"supportlocal":43852,"facilitated":43853,"caramelized":43854,"bpa":43855,"vuelta":43856,"mytho":43857,"mami":43858,"speare":43859,"nbaplayoffs":43860,"fevre":43861,"nickjonas":43862,"imprint":43863,"cso":43864,"craigslist":43865,"lasalle":43866,"gideon":43867,"hadoop":43868,"disregard":43869,"wud":43870,"tuc":43871,"magee":43872,"acoustics":43873,"taa":43874,"quie":43875,"pola":43876,"crt":43877,"dwyer":43878,"dissec":43879,"capitol":43880,"mention":43881,"knoll":43882,"heigh":43883,"finders":43884,"placements":43885,"lse":43886,"indira":43887,"guri":43888,"madhuridixit":43889,"kingdoms":43890,"iambicpent":43891,"georgina":43892,"jeky":43893,"conflicting":43894,"bayan":43895,"agatha":43896,"uphold":43897,"dron":43898,"vicar":43899,"expat":43900,"peripheral":43901,"pessi":43902,"faf":43903,"ancestor":43904,"?..":43905,"widget":43906,"punc":43907,"commenced":43908,"beavs":43909,"airwaves":43910,"addis":43911,"poa":43912,"desses":43913,"coden":43914,"vue":43915,"rupee":43916,"karin":43917,"spock":43918,"msy":43919,"ะ":43920,"prick":43921,"fillmore":43922,"tification":43923,"thingsto":43924,"sarde":43925,"emile":43926,"pereira":43927,"nad":43928,"brightening":43929,"arresting":43930,"woking":43931,"uscg":43932,"spill":43933,"raspberrypi":43934,"hugo":43935,"itec":43936,"isma":43937,"cufflinks":43938,"optimized":43939,"occ":43940,"miwx":43941,"enka":43942,"elited":43943,"affordable":43944,"sakh":43945,"coronado":43946,"hoh":43947,"atul":43948,"aioli":43949,"jimcantore":43950,"accounted":43951,"vinay":43952,"hermit":43953,"grooves":43954,"ranch":43955,"rilla":43956,"wetter":43957,"outof":43958,"veterin":43959,"nikov":43960,"kian":43961,"fairbanks":43962,"ramapho":43963,"niti":43964,"kko":43965,"rusty":43966,"nestle":43967,"tvxq":43968,"shaheer":43969,"âĿ¤âĿ¤âĿ¤âĿ¤":43970,"pennant":43971,"gemstones":43972,"demdebate":43973,"ðŁIJĬ":43974,"autonews":43975,"supportindiefilm":43976,"macho":43977,"vex":43978,"newsat":43979,"neti":43980,"concessions":43981,"candied":43982,"yofthe":43983,"macau":43984,"dends":43985,"cricketers":43986,"saniti":43987,"mariano":43988,"ghat":43989,"artoftheday":43990,"¡ľ":43991,"egos":43992,"genoa":43993,"chatbots":43994,"brier":43995,"allabout":43996,"monty":43997,"spied":43998,"rtr":43999,"comfort":44000,"snippets":44001,"realtime":44002,"grain":44003,"examined":44004,"enlightening":44005,"ttu":44006,"godbless":44007,"releasethe":44008,"singular":44009,"kians":44010,"haka":44011,"sorren":44012,"defect":44013,"marg":44014,"equities":44015,"dorian":44016,"suka":44017,"perl":44018,"aishwarya":44019,"pullover":44020,"precision":44021,"fairway":44022,"neve":44023,"riveting":44024,"villanova":44025,"encom":44026,"ako":44027,"passionately":44028,"europaleague":44029,"siempre":44030,"xvi":44031,"enlightened":44032,"cfr":44033,"âĺħâĺħâĺħâĺħ":44034,"wasteland":44035,"isf":44036,"newcomers":44037,"emergency":44038,"amphitheatre":44039,"-.":44040,"textbooks":44041,"figurative":44042,"tremb":44043,"pesc":44044,"abhin":44045,"abbot":44046,"acacia":44047,"hards":44048,"porsche":44049,"kauai":44050,"elisa":44051,"carrick":44052,"abou":44053,"ellier":44054,"bech":44055,"neutron":44056,"galapagos":44057,"ruben":44058,"innis":44059,"howto":44060,"nuns":44061,"sabine":44062,"iac":44063,"clinched":44064,"notori":44065,"fives":44066,"cairngor":44067,"peri":44068,"grc":44069,"ðŁĴ¯ðŁĴ¯":44070,"malm":44071,"twelfth":44072,"diff":44073,"routines":44074,"martyn":44075,"linden":44076,"synthesizer":44077,"number":44078,"gamecube":44079,"falkirk":44080,"byzantine":44081,"queuing":44082,"grill":44083,"scalable":44084,"charred":44085,"routing":44086,"herbali":44087,"grizz":44088,"ðŁĺŃðŁĺŃðŁĺŃ":44089,"toll":44090,"terminals":44091,"lpc":44092,"abd":44093,"warmups":44094,"removable":44095,"¯\\":44096,"vigo":44097,"papaya":44098,"neve":44099,"lovingly":44100,"jokers":44101,"ibles":44102,"ssett":44103,"potenti":44104,"pele":44105,"gigi":44106,"sadiq":44107,"legacy":44108,"sono":44109,"rupees":44110,"retarded":44111,"elee":44112,"parr":44113,"fiance":44114,"eyre":44115,"sayers":44116,"pendants":44117,"maknae":44118,"albans":44119,"adapting":44120,"pff":44121,"puberty":44122,"jiu":44123,"ingrad":44124,"hypocrite":44125,"diplomats":44126,"physical":44127,"robby":44128,"bonsai":44129,"ãģ·":44130,"fatt":44131,"catalunya":44132,"âľĸï¸ı":44133,"roma":44134,"moreland":44135,"soe":44136,"conversions":44137,"stlblues":44138,"sholm":44139,"grassy":44140,"prado":44141,"onu":44142,"assaulting":44143,">_":44144,"settes":44145,"disgraceful":44146,"aphra":44147,"âļ½ï¸ıâļ½ï¸ı":44148,"प":44149,"kiln":44150,"goaltender":44151,"sru":44152,"philanthropist":44153,"bals":44154,"thn":44155,"studen":44156,"sandoval":44157,"dogrescue":44158,"elions":44159,"assessed":44160,"largo":44161,"hectares":44162,"shrm":44163,"saif":44164,"cleavage":44165,"noches":44166,"nene":44167,"fatalities":44168,"curing":44169,"cleanser":44170,"ales":44171,"pvp":44172,"southbank":44173,"pizzeria":44174,"marshals":44175,"knife":44176,"andover":44177,"tblightning":44178,"srsly":44179,"oute":44180,"digimon":44181,"timesofindia":44182,"promethe":44183,"lebo":44184,"fsu":44185,"witz":44186,"revere":44187,"manas":44188,"mamba":44189,"chica":44190,"guan":44191,"exhibitor":44192,"csrracing":44193,"dere":44194,"xxxxx":44195,"gusta":44196,"storytime":44197,"stoney":44198,"organics":44199,"andu":44200,"seam":44201,"minogue":44202,"anushkasharma":44203,"aba":44204,"ðŁİĻï¸ı":44205,"ugandan":44206,"chromatic":44207,"assn":44208,"documentaries":44209,"sht":44210,"rupaul":44211,"loyd":44212,"kats":44213,"eus":44214,"itech":44215,"medusa":44216,"panty":44217,"kellogg":44218,"etto":44219,"tallade":44220,"shaa":44221,"dost":44222,"pms":44223,"mariana":44224,"jester":44225,"crooks":44226,"ðŁĶ¬":44227,"mindanao":44228,"indhoven":44229,"ðŁ¤ª":44230,"lexi":44231,"tvn":44232,"janis":44233,"cote":44234,"ãģĨ":44235,"serrano":44236,"iwm":44237,"ðŁIJ¬":44238,"kke":44239,"distributors":44240,"capu":44241,"counterfeit":44242,"campsite":44243,"aggie":44244,"ðŁĺ¼":44245,"chhattisgarh":44246,"~@":44247,"stateu":44248,"sandi":44249,"preventable":44250,"cls":44251,"canne":44252,"mmc":44253,"iver":44254,"saharan":44255,"palis":44256,"nightout":44257,"dos":44258,"apia":44259,"abscbn":44260,"managerial":44261,"arose":44262,"mowx":44263,"arosa":44264,"ðŁĮ³":44265,"underdog":44266,"remover":44267,"astronomers":44268,"lentils":44269,"suscep":44270,"smoother":44271,"pendleton":44272,"faucet":44273,"emory":44274,"dalmati":44275,"afcb":44276,"ticus":44277,"exempt":44278,"enrol":44279,"dheim":44280,"ðŁIJº":44281,"restriction":44282,"starfish":44283,"stow":44284,"snorkel":44285,"thunderbirds":44286,"shead":44287,"homosexual":44288,"dyn":44289,"asli":44290,"andretti":44291,"douche":44292,"domo":44293,"tarmac":44294,"slumber":44295,"pronto":44296,"firstdayof":44297,"miniature":44298,"mariachi":44299,"argus":44300,"recommending":44301,"mobiles":44302,"ince":44303,"illustrious":44304,"orc":44305,"adverts":44306,"grits":44307,"weasel":44308,"pagoda":44309,"overpass":44310,"greys":44311,"maximus":44312,"armagh":44313,"woodland":44314,"sunni":44315,"ðŁĴī":44316,"ëĿ":44317,"tione":44318,"socio":44319,"hos":44320,"ð٤Ĺð٤Ĺ":44321,"windsor":44322,"subsequent":44323,"munchies":44324,"idh":44325,"excluding":44326,"emi":44327,"cuth":44328,"zai":44329,"weekdays":44330,"lawsuits":44331,"barnard":44332,"ت":44333,"petting":44334,"netes":44335,"mulligan":44336,"pharmacists":44337,"raquel":44338,"eton":44339,"cranston":44340,"gilded":44341,"cleary":44342,"ceph":44343,"raa":44344,"pamper":44345,"lombardi":44346,"asin":44347,"sherry":44348,"prod":44349,"forte":44350,"arianism":44351,"buffalobills":44352,"æľ¬":44353,"ðŁĶ¥#":44354,"uuu":44355,"justices":44356,"carina":44357,"natin":44358,"maslow":44359,"drooling":44360,"cognac":44361,"camber":44362,"elong":44363,"rdr":44364,"inen":44365,"convictions":44366,"amuse":44367,"trock":44368,"harmless":44369,"visitation":44370,"genomic":44371,"bland":44372,"benoit":44373,"chimp":44374,"tuscaloosa":44375,"greasy":44376,"xpo":44377,"gilt":44378,"seq":44379,"permitted":44380,"christmaseve":44381,"books":44382,"mue":44383,"oldschool":44384,"humanright":44385,"beati":44386,"ðŁĶĿ":44387,"shat":44388,"sculpting":44389,"hwan":44390,"fernandes":44391,"sciutto":44392,"fuentes":44393,"endeavors":44394,"maidstone":44395,"unparalleled":44396,"shouted":44397,"queenof":44398,"merc":44399,"bandic":44400,"veda":44401,"selangor":44402,"pile":44403,"jahan":44404,"intimidating":44405,"disappears":44406,"clich":44407,"zaha":44408,"wurst":44409,"hiv":44410,"fodils":44411,"cordless":44412,"aaaaaa":44413,"hydra":44414,"belinda":44415,"eels":44416,"buf":44417,"sustaining":44418,"rugbyleague":44419,"noc":44420,"brigitte":44421,"(ðŁĵ¸:":44422,"trombone":44423,"soothe":44424,"smog":44425,"adp":44426,"stable":44427,"ingley":44428,"diagnose":44429,"msg":44430,"wess":44431,"ticketing":44432,"onee":44433,"nswpol":44434,"eup":44435,"autopsy":44436,"adityanath":44437,"sundown":44438,"riverfront":44439,"siya":44440,"pis":44441,"hierarchy":44442,"durango":44443,"dijk":44444,"renshaw":44445,"heaps":44446,"epidemi":44447,"davidbowie":44448,"internetof":44449,"ddi":44450,"nationality":44451,"mbar":44452,"airy":44453,"winder":44454,"walia":44455,"elliott":44456,"cx":44457,"bavarian":44458,"platt":44459,"antw":44460,"wiwx":44461,"softer":44462,"neha":44463,"heller":44464,"thand":44465,"daniela":44466,"boast":44467,"degradation":44468,"ðŁĴ¦ðŁĴ¦":44469,"transforming":44470,"mane":44471,"avut":44472,"ðŁĺĪðŁĺĪ":44473,"voter":44474,"thee":44475,"tate":44476,"puff":44477,"indoor":44478,"soproud":44479,"boyce":44480,"borisjohnson":44481,"waitin":44482,"immunology":44483,"ðŁıĨðŁıĨðŁıĨ":44484,"âĿĮ":44485,"streetfood":44486,"lizasober":44487,"cavalier":44488,"celia":44489,"needle":44490,"motoring":44491,"gato":44492,",)":44493,"rade":44494,"harvest":44495,"tms":44496,"jarpad":44497,"oney":44498,"airmen":44499,"vre":44500,"impairment":44501,"abhishek":44502,"snoop":44503,"lant":44504,"famously":44505,"blou":44506,"sze":44507,"gander":44508,"untouch":44509,"tuf":44510,"deejay":44511,"collateral":44512,"bind":44513,"ðŁļ©":44514,"pinning":44515,"icn":44516,"';":44517,"theeconomist":44518,"ultram":44519,"worldwaterday":44520,"tipoff":44521,"thei":44522,"feeders":44523,"campaign":44524,"scumb":44525,"dayweekend":44526,"yom":44527,"pedic":44528,"hough":44529,"psv":44530,"plin":44531,"onde":44532,"bostonmarathon":44533,"azzy":44534,"*_*":44535,"conley":44536,"thiago":44537,"hooo":44538,"galerie":44539,"lucid":44540,"jett":44541,"glitz":44542,"finalfantasy":44543,"achievers":44544,"yung":44545,"peregrine":44546,"ophi":44547,"dames":44548,"biomar":44549,"âĺĢï¸ıâĺĢï¸ı":44550,"skc":44551,"lics":44552,"flank":44553,"arrahman":44554,"hoof":44555,"upholstery":44556,"tats":44557,"woz":44558,"¿":44559,"snoring":44560,"raer":44561,"lju":44562,"apd":44563,"plating":44564,"kanu":44565,"imation":44566,"fragrances":44567,"mra":44568,"moray":44569,"mott":44570,"immuni":44571,"hearties":44572,"bhopal":44573,"timers":44574,"gata":44575,"colorway":44576,"carnation":44577,"winget":44578,"sighs":44579,"sville":44580,"optimist":44581,"chateau":44582,"olympians":44583,"cio":44584,"singersongwriter":44585,"nyo":44586,"fibers":44587,"burch":44588,"agro":44589,"milne":44590,"igbo":44591,"cramer":44592,"ationals":44593,"danube":44594,"padma":44595,"normani":44596,"enforced":44597,"breck":44598,"boehner":44599,"arden":44600,"surrendered":44601,"prosthetic":44602,"oma":44603,"hailed":44604,"calculations":44605,"wfa":44606,"bib":44607,"fcblive":44608,"fonda":44609,"westcoast":44610,"quests":44611,"friendly":44612,"towie":44613,"fitch":44614,"balot":44615,"stardom":44616,"scratching":44617,"hosa":44618,"thika":44619,"oven":44620,"stroke":44621,"outpost":44622,"pharmaceuticals":44623,"hikari":44624,"muy":44625,"afd":44626,"fallontonight":44627,"squat":44628,"oru":44629,"drained":44630,"chocolat":44631,"민":44632,"worths":44633,"rib":44634,"muj":44635,"thats":44636,"residente":44637,"itel":44638,"boost":44639,"migos":44640,"mulled":44641,"laa":44642,"etsyshop":44643,"donkeys":44644,"mek":44645,"ptc":44646,"flinders":44647,"ehs":44648,"rohit":44649,"muir":44650,"gad":44651,"compositions":44652,"åĨĻ":44653,"combustion":44654,"ikh":44655,"yemeni":44656,"waved":44657,"garci":44658,"akos":44659,"oods":44660,"fusion":44661,"seque":44662,"slan":44663,"plur":44664,"kicchasu":44665,"shenando":44666,"sams":44667,"worlden":44668,"horowitz":44669,"withme":44670,"microbes":44671,"kki":44672,"ðŁĴĶðŁĴĶ":44673,"wsu":44674,"patchwork":44675,"freer":44676,"yaki":44677,"theart":44678,"symbolism":44679,"miler":44680,"btn":44681,"mabu":44682,"sidekick":44683,"motivates":44684,"sagitt":44685,"naturals":44686,"serviced":44687,"psori":44688,"paola":44689,"quig":44690,"ibadan":44691,"giggs":44692,"ë³":44693,"scientology":44694,"sioux":44695,"salamat":44696,"dres":44697,"cadbury":44698,"dhawan":44699,"ción":44700,"_'":44701,"swapping":44702,"mariska":44703,"jamesbond":44704,"explosives":44705,"ayles":44706,"afer":44707,"sagu":44708,"censor":44709,"toma":44710,"jefferson":44711,"ringed":44712,"partist":44713,"irresponsible":44714,"aguilar":44715,"vacay":44716,"equitable":44717,"altrincham":44718,"acur":44719,"manish":44720,"germin":44721,"schooled":44722,"putter":44723,"edad":44724,"naval":44725,"toasty":44726,"solareclipse":44727,"dishu":44728,"coyne":44729,"acco":44730,"muck":44731,"maran":44732,"elos":44733,"lender":44734,"croix":44735,"worthless":44736,"haber":44737,"gunmen":44738,"ðŁįĵ":44739,"zenith":44740,"tenders":44741,"hurst":44742,"holtz":44743,"italians":44744,"carlow":44745,"ucd":44746,"characteristic":44747,"bung":44748,"avl":44749,"uth":44750,"sasia":44751,"rsl":44752,"redman":44753,"neighboring":44754,"greenpeace":44755,"stips":44756,"followparty":44757,"ygk":44758,"enos":44759,"omnibus":44760,"naissance":44761,"chrissy":44762,"secure":44763,"callback":44764,"jihoon":44765,"memory":44766,"blocker":44767,"lanta":44768,"daffodils":44769,"bilt":44770,"fferty":44771,"faust":44772,"iec":44773,"nipples":44774,"sog":44775,"mnd":44776,"jaguar":44777,"boldly":44778,"abpoli":44779,"proposition":44780,"gunsense":44781,"evansville":44782,"cutters":44783,"wego":44784,"doun":44785,"dox":44786,"stallions":44787,"kaj":44788,"shippers":44789,"jawa":44790,"volo":44791,"leven":44792,"paprika":44793,"kovich":44794,"jordi":44795,"inductees":44796,"appalling":44797,"dialysis":44798,"alleviate":44799,"âĢĶâĢĶ":44800,"pieter":44801,"midwi":44802,"qtr":44803,"juliette":44804,"intermission":44805,"hawks":44806,"actment":44807,"oneill":44808,"klin":44809,"vamps":44810,"famous":44811,"could":44812,"automobi":44813,"daan":44814,"westend":44815,"ellip":44816,"nhc":44817,"melanch":44818,"webseries":44819,"tongue":44820,"snatched":44821,"smyth":44822,"tangible":44823,"sli":44824,"easing":44825,"barstool":44826,"overlay":44827,"affordability":44828,"tinged":44829,"teras":44830,"ayush":44831,"wannaone":44832,"rhine":44833,"dana":44834,"shana":44835,"kendal":44836,"fertile":44837,"wir":44838,"repleni":44839,"larvae":44840,"isro":44841,"convos":44842,"abbrevi":44843,"ucc":44844,"hungry":44845,"burrows":44846,"ager":44847,"navi":44848,"matin":44849,"duper":44850,"cern":44851,"madon":44852,"ķï¸ı":44853,"éģ":44854,"tups":44855,"hyatt":44856,"shep":44857,"fridaynight":44858,"wiser":44859,"heidi":44860,"hatton":44861,"pgh":44862,"fountain":44863,"wristbands":44864,"ahmadiyya":44865,"aerial":44866,"subscribed":44867,"solos":44868,"mace":44869,"slayed":44870,"forfe":44871,"dulce":44872,"christmass":44873,"arunjaitley":44874,"violate":44875,"obstru":44876,"nieces":44877,"wvu":44878,"idyl":44879,"faze":44880,"preserves":44881,"infringe":44882,"premiers":44883,"intervals":44884,"agency":44885,"(©":44886,"standalone":44887,"dimes":44888,"boer":44889,"parameters":44890,"getit":44891,"ðŁĺĺðŁĺĺðŁĺĺðŁĺĺ":44892,"tulane":44893,"forgiven":44894,"scoll":44895,"mbps":44896,"smashbros":44897,"robbi":44898,"primavera":44899,"alist":44900,"ghostly":44901,"ayat":44902,"yeats":44903,"impressionist":44904,"earphones":44905,"caulfield":44906,"waikiki":44907,"salute":44908,"scou":44909,"muay":44910,"louisvuitton":44911,"bakhta":44912,"adog":44913,"inventions":44914,"hurd":44915,"foreclo":44916,"streamline":44917,"thalaivar":44918,"chsnews":44919,"willard":44920,"tsn":44921,"europarl":44922,"crusher":44923,"mysore":44924,"grower":44925,"raping":44926,"patti":44927,"gden":44928,"smw":44929,"mufti":44930,"kidman":44931,"abr":44932,"sounders":44933,"skeptical":44934,"ðŁĶİ":44935,"sundar":44936,"ime":44937,"ferg":44938,"featherweight":44939,"arlington":44940,"pasqu":44941,"agazine":44942,"wearable":44943,"natic":44944,"mcclure":44945,"intermitt":44946,"horde":44947,"sixties":44948,"carte":44949,"bhav":44950,"zeal":44951,"experiential":44952,"adorned":44953,"sommer":44954,"enote":44955,"hypothesis":44956,"stinky":44957,"proto":44958,"deadlines":44959,"vogel":44960,"musings":44961,"moncton":44962,"guter":44963,"fle":44964,"acion":44965,"voiceof":44966,"tasha":44967,"inhabitants":44968,"typeface":44969,"sba":44970,"btsx":44971,"ðŁĶĴ":44972,"worx":44973,"uhc":44974,"joko":44975,"cellars":44976,"goro":44977,"continuum":44978,"...&":44979,"weathercee":44980,"hap":44981,"srk":44982,"risers":44983,"lonelyplanet":44984,"unnamed":44985,"coeur":44986,"ðŁįĮ":44987,"theworld":44988,"ilike":44989,"fasten":44990,"amigo":44991,"riba":44992,"ramaphosa":44993,"staffers":44994,"hadley":44995,"??\"":44996,"fiore":44997,"salut":44998,"huff":44999,"bezos":45000,"Ñĭ":45001,"rader":45002,"kamala":45003,"inline":45004,"fillers":45005,"umatic":45006,"allin":45007,"shatter":45008,"rein":45009,"oku":45010,"chases":45011,"flagged":45012,"babymetal":45013,"waterstones":45014,"tsb":45015,"cutout":45016,"ophel":45017,"aama":45018,"rockabilly":45019,"stolic":45020,"jetblue":45021,"ichick":45022,"downton":45023,"uzbekistan":45024,"patna":45025,"laq":45026,"grange":45027,")_/":45028,"subsidi":45029,"scp":45030,"newscast":45031,"itsa":45032,"tweetyour":45033,"emor":45034,"archaeologists":45035,"unification":45036,"porta":45037,"qx":45038,"protectors":45039,"prohib":45040,"charisma":45041,"cartag":45042,"renfre":45043,"sculpt":45044,"guwahati":45045,"dema":45046,"boop":45047,"unfpa":45048,"dexter":45049,"layla":45050,"alleges":45051,"soups":45052,"neveragain":45053,"lys":45054,"calc":45055,"baroness":45056,"visualize":45057,"gerber":45058,"absorbed":45059,"iers":45060,"ahan":45061,"fontein":45062,"detectors":45063,"verstappen":45064,"svc":45065,"formulated":45066,"acdc":45067,"lix":45068,"incompetent":45069,"bhk":45070,"lourdes":45071,"waterhouse":45072,"snowed":45073,"appreciative":45074,"sigma":45075,"lizasoberano":45076,"penned":45077,"paycheck":45078,"tallinn":45079,"fancafe":45080,"parisi":45081,"avalley":45082,"vig":45083,"rufc":45084,"hardship":45085,"socute":45086,"poise":45087,"ì¹":45088,"rothschild":45089,"kly":45090,"????????":45091,"lhp":45092,"ilay":45093,"fhs":45094,"amad":45095,"ideals":45096,"bradbury":45097,"balboa":45098,"nicot":45099,"kidnap":45100,"wolve":45101,"tasmanian":45102,"opt":45103,"matthias":45104,"ãĥ³ãĤ":45105,"supermarkets":45106,"mylittlepony":45107,"melee":45108,"lister":45109,"groun":45110,"fedora":45111,"kindness":45112,"enen":45113,"brahms":45114,"¯\\_(":45115,"roswell":45116,"marlene":45117,"icu":45118,"reformation":45119,"orail":45120,"hebrides":45121,"disparities":45122,"terracotta":45123,"swallows":45124,"reid":45125,"influencing":45126,"fluor":45127,"dene":45128,"tumour":45129,"blondes":45130,"thunderbird":45131,"sheva":45132,"mogadishu":45133,"kab":45134,"creeps":45135,"iving":45136,"eneed":45137,"annoy":45138,"âĶĢ":45139,"intrigue":45140,"enquiry":45141,"araj":45142,"tural":45143,"kubernetes":45144,"endlessly":45145,"dividends":45146,"tora":45147,"tish":45148,"commemorates":45149,"unra":45150,"trib":45151,"ponty":45152,"nem":45153,"dissent":45154,"brewingco":45155,"ðŁĺ½":45156,"normali":45157,"biof":45158,"(...":45159,"chillen":45160,"주":45161,"mellon":45162,"avis":45163,"mccormack":45164,"ingra":45165,"enriched":45166,"customerexperience":45167,"testosterone":45168,"snug":45169,"setti":45170,"geronimo":45171,"inquirer":45172,"breaches":45173,"verything":45174,"blooming":45175,"mura":45176,"dispos":45177,"bide":45178,"deva":45179,"shadesof":45180,"intrin":45181,"shev":45182,"sven":45183,"nayanthara":45184,"ganesha":45185,"cws":45186,"berta":45187,"labelled":45188,"useum":45189,"nicknamed":45190,"mahan":45191,"caruso":45192,"apur":45193,"ðŁijĨ":45194,"wq":45195,"orphanage":45196,"discarded":45197,"magnu":45198,"lue":45199,"jeon":45200,"bridgeport":45201,"pacing":45202,"mercury":45203,"(ðŁĵ¸":45204,"marxist":45205,"amphibious":45206,"transplantation":45207,"stitching":45208,"thenburg":45209,"gradual":45210,"ãĤĮ":45211,"roft":45212,"mails":45213,"inec":45214,"guyana":45215,"doppelg":45216,"vero":45217,"rewrite":45218,"headless":45219,"harbaugh":45220,"gateway":45221,"carsforsale":45222,"swi":45223,"stis":45224,"macht":45225,"unde":45226,"surabaya":45227,"stapleton":45228,"nurturing":45229,"milner":45230,"yao":45231,"lmaoooo":45232,"kosh":45233,"arsenal":45234,"kame":45235,"erry":45236,"arroyo":45237,"dismisses":45238,"rubbed":45239,"rcb":45240,"lewd":45241,"dilu":45242,"andor":45243,"vide":45244,"urin":45245,"intersec":45246,"haar":45247,"alb":45248,"yearswith":45249,"appleton":45250,"éal":45251,"ullivan":45252,"succu":45253,"monterrey":45254,"dmx":45255,"artemis":45256,"ronnie":45257,"farmland":45258,"sfootball":45259,"grotto":45260,"anthi":45261,"ãĢģ":45262,"à®Ł":45263,"vidya":45264,"jimmyfallon":45265,"àµį":45266,"tzer":45267,"gravitational":45268,"wthr":45269,"uhhh":45270,"ehr":45271,"tinker":45272,"tijuana":45273,"scranton":45274,"ramcharan":45275,"barclay":45276,"revan":45277,"msi":45278,"kap":45279,"wrs":45280,"wethenorth":45281,"toral":45282,"satu":45283,"grom":45284,"facep":45285,"erickson":45286,"zyn":45287,"sedge":45288,"oodle":45289,"spursofficial":45290,"dsp":45291,"sicilian":45292,"solihull":45293,"receivers":45294,"ladakh":45295,"hendrick":45296,"theri":45297,"presiding":45298,"mcguinness":45299,"litters":45300,"gunnar":45301,"ghoul":45302,"wib":45303,"ntv":45304,"karo":45305,"frock":45306,"blau":45307,"amplify":45308,"allis":45309,"ullah":45310,"memoirs":45311,"khloe":45312,"interceptions":45313,"petday":45314,"looney":45315,"confin":45316,"chay":45317,"piyushgoyal":45318,"frequencies":45319,"utz":45320,"eventual":45321,"warmly":45322,"oblivion":45323,"anka":45324,"tait":45325,"âĿ¤ï¸ı.":45326,"directorial":45327,"rulers":45328,"princes":45329,"muck":45330,"sturridge":45331,"deuce":45332,"abridged":45333,"baguette":45334,"uncles":45335,"pendu":45336,"minding":45337,"forrester":45338,"avila":45339,"waller":45340,"wallstreet":45341,"mentor":45342,"hino":45343,"highway":45344,"cromwell":45345,"fanartfriday":45346,"mbi":45347,"coyle":45348,"ahi":45349,"trove":45350,"spiegel":45351,"paytm":45352,"mcintosh":45353,"jansen":45354,"niti":45355,"nashville":45356,"leno":45357,"leicestershire":45358,"legos":45359,"dict":45360,"ðŁĵ½":45361,"spad":45362,"beverlyhills":45363,"syrah":45364,"separates":45365,"zain":45366,"unfit":45367,"drags":45368,"tania":45369,"overflowing":45370,"hrithik":45371,"hawthorn":45372,"zani":45373,"macfar":45374,"fide":45375,"totem":45376,"peds":45377,"fundamentally":45378,"calico":45379,"sinner":45380,"jä":45381,"hilde":45382,"dsd":45383,"tenay":45384,"tahit":45385,"milf":45386,"lieb":45387,"informing":45388,"uplift":45389,"rael":45390,"mortgages":45391,"lect":45392,"iiii":45393,"guillaume":45394,"composites":45395,"oldsmobile":45396,"lend":45397,"garth":45398,"commish":45399,"baptized":45400,"scorpions":45401,"rucker":45402,"bringbackour":45403,"alliance":45404,"thalapathy":45405,"tali":45406,"spans":45407,"eridge":45408,"witherspoon":45409,"linda":45410,"skylar":45411,"korn":45412,"homs":45413,"Äį":45414,"silenced":45415,"caffe":45416,"arty":45417,"distinguish":45418,"towed":45419,"pung":45420,"jessica":45421,"earnest":45422,"beaufort":45423,"tama":45424,"studyabroad":45425,"sikhs":45426,"newbie":45427,"navratri":45428,"marble":45429,"lounging":45430,"litter":45431,"dalit":45432,"sosa":45433,"izes":45434,"grade":45435,"compromising":45436,"triton":45437,"detta":45438,"vj":45439,"chauffe":45440,"spectral":45441,"powered":45442,"montessori":45443,"articulate":45444,"halton":45445,"alco":45446,"yey":45447,"mntwins":45448,"acounty":45449,"ðŁijıðŁı¾":45450,"âīĪ":45451,"madmen":45452,"kala":45453,"grum":45454,"chik":45455,"atis":45456,"sume":45457,"akhtar":45458,"jobsearch":45459,"highlighter":45460,"boath":45461,"âĦ¹":45462,"tarzan":45463,"lambo":45464,"âĽĦï¸ı":45465,"oxfam":45466,"dumpster":45467,"pretzels":45468,"macos":45469,"inclined":45470,"factual":45471,"advertisers":45472,"shui":45473,"puree":45474,"mlpfi":45475,"antidote":45476,"capo":45477,"pastr":45478,"mercado":45479,"button":45480,"armin":45481,"agg":45482,"lolla":45483,"horribly":45484,"errands":45485,"christophe":45486,"timesnow":45487,"mondaymotiv":45488,"liss":45489,"scandals":45490,"mci":45491,"disproportion":45492,"âĺİ":45493,"surpass":45494,"samaritan":45495,"sotho":45496,"purest":45497,"flatt":45498,"triviatuesday":45499,"delectable":45500,"leopold":45501,"hermione":45502,"choudhary":45503,"enrich":45504,"¡¡":45505,"subsidiary":45506,"inequalities":45507,"bachelor":45508,"autoimmune":45509,"lakota":45510,"ihop":45511,"adjec":45512,"thesimpsons":45513,"shes":45514,"sek":45515,"gretchen":45516,"upstream":45517,"hinakhan":45518,"copernic":45519,"xtina":45520,"lug":45521,"toughness":45522,"ead":45523,"clipped":45524,"bius":45525,"slv":45526,"fahren":45527,"deepak":45528,"cau":45529,"xan":45530,"immature":45531,"digni":45532,"bobs":45533,"shredding":45534,"buttery":45535,"accommodations":45536,"deven":45537,"chunks":45538,"superleague":45539,"skybet":45540,"kildare":45541,"jeet":45542,"ëį":45543,"cek":45544,"wrecks":45545,"propane":45546,"ohl":45547,"tbd":45548,"quoi":45549,"trumpp":45550,"mimo":45551,"reluctant":45552,"verne":45553,"oic":45554,"magh":45555,"arnau":45556,"sever":45557,"lidge":45558,"stairway":45559,"kicchasudeep":45560,"ðŁĶº":45561,"machining":45562,"aamaadmi":45563,"oti":45564,"cda":45565,"alit":45566,"pany":45567,"installs":45568,"acct":45569,"eshop":45570,"diem":45571,"hardwell":45572,"fulfillment":45573,"scafe":45574,"quack":45575,"extracts":45576,"sweetened":45577,"fighton":45578,"fdi":45579,"dinger":45580,"waltham":45581,"usur":45582,"referees":45583,"seokjin":45584,"grann":45585,"afrin":45586,"thn":45587,"schaf":45588,"parcels":45589,"betis":45590,"amarine":45591,"noman":45592,"khtar":45593,"moritz":45594,"coupling":45595,"barons":45596,"ðŁIJ¸":45597,"ø":45598,"slp":45599,"sadler":45600,"xander":45601,"triad":45602,"mcmillan":45603,"khz":45604,"dividing":45605,"ìĹijìĨĮ":45606,"daryl":45607,"zedd":45608,"leys":45609,"plaques":45610,"fluori":45611,"tipperary":45612,"onnell":45613,"didier":45614,"langford":45615,"imc":45616,"thesun":45617,"birdies":45618,"archa":45619,"yessss":45620,"tdi":45621,"daria":45622,"candace":45623,"altam":45624,"palaces":45625,"chit":45626,"santam":45627,"eventful":45628,"bookof":45629,"adb":45630,"monstax":45631,"creole":45632,"coel":45633,"âĸ½":45634,"wearen":45635,"stennis":45636,"sheath":45637,"atism":45638,"groningen":45639,"mlpfim":45640,"lepre":45641,"wrongly":45642,"rspca":45643,"rendezvous":45644,"acknowledging":45645,"pelvic":45646,"solicitor":45647,"slays":45648,"nuestra":45649,"lod":45650,"islander":45651,"feroci":45652,"fashionshow":45653,"rass":45654,"dgeon":45655,"adolescents":45656,"smashes":45657,"negligence":45658,"grateful":45659,"vedere":45660,"swoop":45661,"ingl":45662,"apolice":45663,"vandalism":45664,"gann":45665,"joao":45666,"disupdates":45667,"zimbabwe":45668,"underage":45669,"radiance":45670,"wof":45671,"bourgeo":45672,"plas":45673,"crani":45674,"ghue":45675,"wreckem":45676,"warrants":45677,"reform":45678,"jimmie":45679,"atwood":45680,"ysl":45681,"neilhimself":45682,"lbj":45683,"iman":45684,"tanto":45685,"noisse":45686,"verbs":45687,"equipo":45688,"altogether":45689,"mament":45690,"lice":45691,"douglass":45692,"tierney":45693,"primed":45694,"jhal":45695,"furnitu":45696,"brazili":45697,"vill":45698,"pastels":45699,"nison":45700,"uff":45701,"paralysis":45702,"jaye":45703,"impo":45704,"ðŁijģ":45705,"strategically":45706,"pakistanis":45707,"wassup":45708,"superbike":45709,"thanku":45710,"truelove":45711,"shaikh":45712,"israelis":45713,"vip":45714,"tog":45715,"lien":45716,"laker":45717,"greyhounds":45718,"culars":45719,"bianchi":45720,"balotelli":45721,"arran":45722,"loos":45723,"strates":45724,"hebron":45725,"arvo":45726,"sunderland":45727,"theal":45728,"tombstone":45729,"sandman":45730,"cpac":45731,"thanksgiving":45732,"lovehim":45733,"latino":45734,"anin":45735,"akaif":45736,"ĭãĤ":45737,"torquay":45738,"diest":45739,"allianz":45740,"ðŁĺķ":45741,"golfclub":45742,"cllr":45743,"walcott":45744,"schnau":45745,"prompted":45746,"nominating":45747,"lennox":45748,"valet":45749,"monro":45750,"mayward":45751,"eph":45752,"ðŁĶĶ":45753,"interoper":45754,"rda":45755,"reflex":45756,"armchair":45757,"ê°ķ":45758,"stripper":45759,"porti":45760,"pharm":45761,"hamza":45762,"nireland":45763,"neue":45764,"hpv":45765,"portfoli":45766,"sunburn":45767,"frisbee":45768,"beal":45769,"baptiste":45770,"xh":45771,"tym":45772,"prati":45773,"overs":45774,"hazrat":45775,"desert":45776,"derry":45777,"usky":45778,"emmett":45779,"acharya":45780,")_/¯":45781,"shud":45782,"maya":45783,"hamill":45784,"raim":45785,"nrc":45786,"fittings":45787,"curvy":45788,"ðŁıĩ":45789,"sterling":45790,"à¥Ģ":45791,"walkin":45792,"shortcuts":45793,"milly":45794,"astur":45795,"alphabe":45796,"pli":45797,"pez":45798,"missyou":45799,"radford":45800,"mlg":45801,"taeyang":45802,"notjustlakes":45803,"dumps":45804,"serendip":45805,"leur":45806,"raving":45807,"ester":45808,"depriv":45809,"abscbn":45810,"ðŁijĩðŁı»":45811,"scarcity":45812,"ocr":45813,"meanings":45814,"capt":45815,"dahl":45816,"fermentation":45817,"brioche":45818,"towin":45819,"outlander":45820,"massimo":45821,"encro":45822,"ðŁ¥³":45823,"built":45824,"potam":45825,"kiri":45826,"tmw":45827,"monitored":45828,"kites":45829,"peoplesvote":45830,"grayson":45831,"íģ¬":45832,"afrika":45833,"adies":45834,"ivote":45835,"gyne":45836,"gannon":45837,"dix":45838,"cmc":45839,"oural":45840,"foxandfriends":45841,"beli":45842,"igne":45843,"glan":45844,"katrinakaif":45845,"copolitics":45846,"qualitative":45847,"psi":45848,"lucci":45849,"discoura":45850,"âĺ®":45851,"kelli":45852,"gautam":45853,"caracas":45854,"realest":45855,"pula":45856,"inus":45857,"hilltop":45858,"makeaw":45859,"attenborough":45860,"twy":45861,"rarity":45862,"peckham":45863,"mahon":45864,"cornelius":45865,"clinicians":45866,"tonline":45867,"tbi":45868,"paradise":45869,"kasi":45870,"inevit":45871,"freshness":45872,"collingwood":45873,"lunatic":45874,"defense":45875,"copd":45876,"infra":45877,"wainwright":45878,"sainsbury":45879,"alabam":45880,"tema":45881,"laco":45882,"checker":45883,"relegated":45884,"trent":45885,"stalks":45886,"huffpost":45887,"bhubaneswar":45888,"astral":45889,"shareyour":45890,"primrose":45891,"hime":45892,"catan":45893,"endment":45894,"endow":45895,"clemens":45896,"maloney":45897,"hilary":45898,"gametime":45899,"denise":45900,"collaborators":45901,"bwo":45902,"radicals":45903,"guetta":45904,"icion":45905,"aua":45906,"snapmatic":45907,"satchel":45908,"excavation":45909,"baseman":45910,"são":45911,"gnation":45912,"feld":45913,"survey":45914,"shahzad":45915,"mast":45916,"anirudhofficial":45917,"trucker":45918,"otago":45919,"geograph":45920,"ethel":45921,"âļ¡ï¸ıâļ¡ï¸ı":45922,"sver":45923,"mutt":45924,"internetofthings":45925,"anchored":45926,"whouse":45927,"bangla":45928,"balmain":45929,"ç¹ĭãģ":45930,"breakfa":45931,"áĢ":45932,"twister":45933,"tetris":45934,"cav":45935,"stags":45936,"gz":45937,"aub":45938,"stormed":45939,"helens":45940,"yarmouth":45941,"stasy":45942,"gustavo":45943,"cosc":45944,"vinson":45945,"upp":45946,"scricket":45947,"assumptions":45948,"appe":45949,"nuh":45950,"uer":45951,"premise":45952,"naga":45953,"eamon":45954,"coronary":45955,"naf":45956,"northside":45957,"elmer":45958,"rotar":45959,"outlining":45960,"elf":45961,"resurg":45962,"katelyn":45963,"incan":45964,"hysteria":45965,"cee":45966,"ambani":45967,"prolly":45968,"ĮãĤĬãģ":45969,"axes":45970,"sanjose":45971,"rembrandt":45972,"magpie":45973,"evenly":45974,"scorsese":45975,"quaint":45976,"fg":45977,"bbuk":45978,"indianfootball":45979,"weareall":45980,"spdwy":45981,"pisces":45982,"ecg":45983,"âĺħâĺħâĺħâĺħâĺħ":45984,"preorders":45985,":|":45986,"nipple":45987,"salazar":45988,"jume":45989,"jailbreak":45990,"minn":45991,"bassett":45992,"zetta":45993,"jeffree":45994,"adjun":45995,"ticon":45996,"sandiego":45997,"drinklocal":45998,"cholera":45999,"solicitors":46000,"obo":46001,"compost":46002,"nian":46003,"wra":46004,"treach":46005,"icic":46006,"professional":46007,"delve":46008,"legate":46009,"historia":46010,"croissant":46011,"connoisse":46012,"namo":46013,"palliative":46014,"chemtrails":46015,"iority":46016,"globalwarming":46017,"comicart":46018,"behavioural":46019,"rested":46020,"lias":46021,"climates":46022,"ŁãģĦ":46023,"rutland":46024,"nourish":46025,"menopause":46026,"hotties":46027,"dementi":46028,"vespa":46029,"melville":46030,"analogue":46031,"tzman":46032,"strung":46033,"imperfect":46034,"glare":46035,"circling":46036,"rosberg":46037,"reco":46038,"ocity":46039,"loire":46040,"embe":46041,"dossier":46042,"neel":46043,"nando":46044,"mea":46045,"galvani":46046,"finesse":46047,"agp":46048,"berkeley":46049,"asim":46050,"âĺºâĺº":46051,"quilted":46052,"ishere":46053,"unmatched":46054,"potion":46055,"forz":46056,"atre":46057,"selfies":46058,"juliana":46059,"ðŁļ¶":46060,"âĸº":46061,"melton":46062,"âłĢâłĢâłĢâłĢâłĢâłĢâłĢâłĢ":46063,"spinrilla":46064,"purcell":46065,"edp":46066,"atleti":46067,"tonyawards":46068,"raja":46069,"progno":46070,"molten":46071,"stuff":46072,"pally":46073,"nobelprize":46074,"âĻ»ï¸ı":46075,"spiritual":46076,"speake":46077,"sasha":46078,"brium":46079,"truss":46080,"criticize":46081,"assassinscreed":46082,"yoruba":46083,"ulo":46084,"fireman":46085,"workinprogress":46086,"efcc":46087,"flares":46088,"robot":46089,"hikers":46090,"cll":46091,"shadowing":46092,"patsy":46093,"lehman":46094,"cns":46095,"å±":46096,"guadal":46097,"à±į":46098,"rape":46099,"rhonda":46100,"parallels":46101,"sonja":46102,"language":46103,"landings":46104,"zola":46105,"cramps":46106,"burning":46107,"appraisal":46108,"jolla":46109,"hamm":46110,"kasa":46111,"gully":46112,"fgo":46113,"ulysses":46114,"ribe":46115,"ðŁĴĦ":46116,"ibu":46117,"etienne":46118,"briar":46119,"finely":46120,"combating":46121,"yql":46122,"gotham":46123,"wechat":46124,"topaz":46125,"primaries":46126,"lse":46127,"izz":46128,"hele":46129,"disponible":46130,"cystic":46131,"belichick":46132,"thrush":46133,"kansascity":46134,"geom":46135,"solidi":46136,"redbubble":46137,"bystand":46138,"cambridgeshire":46139,"parfait":46140,"astle":46141,"owo":46142,"indore":46143,"stomping":46144,"smelly":46145,"ð٤ĸ":46146,"locomo":46147,"admitting":46148,"holme":46149,"clockwise":46150,"minsk":46151,"mcco":46152,"forget":46153,"evp":46154,"camra":46155,"abella":46156,"yotes":46157,"universityof":46158,"méxico":46159,"silverado":46160,"ricket":46161,"crombie":46162,"puj":46163,"eradicate":46164,"delight":46165,"ygo":46166,"glamping":46167,"vica":46168,"duggan":46169,"counters":46170,"cfd":46171,"scour":46172,"reactjs":46173,"puram":46174,"parasites":46175,"inki":46176,"villen":46177,"stella":46178,"limbo":46179,"angas":46180,"kcr":46181,"ðŁĴļðŁĴļðŁĴļ":46182,"vapori":46183,"mumford":46184,"oligar":46185,"à¼":46186,"aloo":46187,"booties":46188,"adr":46189,"kelli":46190,"drummers":46191,"avici":46192,"natureuk":46193,"ronal":46194,"intrac":46195,"unsplash":46196,"leche":46197,"goma":46198,"eline":46199,"enviro":46200,"bionic":46201,"bueno":46202,"mik":46203,"avin":46204,"starling":46205,"empowers":46206,"cakeday":46207,"boycot":46208,"ðŁĴļðŁĴļ":46209,"ðŁĮ¸ðŁĮ¸":46210,"vach":46211,"mci":46212,"fractures":46213,"geri":46214,"sking":46215,"excluded":46216,"luce":46217,"jave":46218,"iggy":46219,"eviden":46220,"akistan":46221,"awn":46222,"morals":46223,"lucifer":46224,"haban":46225,"tumbling":46226,"sundaymotivation":46227,"mosley":46228,"captainamerica":46229,"schicago":46230,"theone":46231,"motd":46232,"dts":46233,"ðŁIJ¼":46234,"repell":46235,"iii":46236,"locust":46237,"geospatial":46238,"mersey":46239,"immerse":46240,"descend":46241,"bernade":46242,"js":46243,"boatsales":46244,"winder":46245,"crank":46246,"singleton":46247,"candidacy":46248,"bena":46249,"ðŁı»âĢį":46250,"highlander":46251,"olt":46252,"kprs":46253,"healthylifestyle":46254,"fourteen":46255,"endthe":46256,"ithaca":46257,"circulated":46258,"rans":46259,"prevalent":46260,"havas":46261,"splendor":46262,"rooster":46263,"kalamazoo":46264,"jewellers":46265,"ennedy":46266,"rousey":46267,"esy":46268,"cannons":46269,"ornamental":46270,"////":46271,"rendon":46272,"winne":46273,"molding":46274,"eidmubarak":46275,"countess":46276,"simona":46277,"hawa":46278,"foes":46279,"duster":46280,"sbu":46281,"portray":46282,"marries":46283,"goodday":46284,"choco":46285,"achiever":46286,"ðŁĺ¹ðŁĺ¹":46287,"preneur":46288,"tramp":46289,"tomi":46290,"nbat":46291,"gardenchat":46292,"farrakhan":46293,"everglades":46294,"abru":46295,"sousa":46296,"sece":46297,"homeswee":46298,"terrestrial":46299,"barit":46300,"sridevi":46301,"olu":46302,"melinda":46303,"frick":46304,"candies":46305,"ðŁĺŃðŁĴķ":46306,"qureshi":46307,"familyfun":46308,"exorcist":46309,"cardinal":46310,"nyt":46311,"diesel":46312,"cumulus":46313,"capricorn":46314,"siology":46315,"lorna":46316,"dougie":46317,"andie":46318,"supersport":46319,"cfl":46320,"пÑĢи":46321,"sayang":46322,"peek":46323,"à¸Ĭ":46324,"lobe":46325,"jem":46326,"inglis":46327,"ggled":46328,"csn":46329,"amnesty":46330,"chups":46331,"baes":46332,"sauer":46333,"ðŁıIJ":46334,"mongolian":46335,"enet":46336,"backstreet":46337,"drilled":46338,"accessing":46339,"ceo":46340,"bse":46341,"aiken":46342,"purr":46343,"worsen":46344,"wheres":46345,"wark":46346,"testifying":46347,"buri":46348,"blast":46349,"awg":46350,"ðŁĵĭ":46351,"redefining":46352,"hearing":46353,"uci":46354,"cmp":46355,"boni":46356,"tailoring":46357,"taji":46358,"nocchi":46359,"emt":46360,"stephenking":46361,"neet":46362,"complains":46363,"campaigner":46364,"luciano":46365,"twilight":46366,"tiesto":46367,"passports":46368,"floyd":46369,"cathedr":46370,"naked":46371,"caregiver":46372,"bcoz":46373,"adecides":46374,"kuri":46375,"lyk":46376,"braries":46377,"drenched":46378,"disclose":46379,"ðŁĴªðŁı½":46380,"leblanc":46381,"jetty":46382,"garty":46383,"chipmun":46384,"bsu":46385,"rhythmic":46386,"icz":46387,"frid":46388,"annex":46389,"amex":46390,"soloist":46391,"lancers":46392,"arrowhead":46393,"specification":46394,"simulated":46395,"nais":46396,"inverte":46397,"bowing":46398,"worship":46399,"fz":46400,"aboss":46401,"shaq":46402,"ì¶ķ":46403,"challengers":46404,"anarch":46405,"aamaadmiparty":46406,"ãħĭãħĭãħĭ":46407,"suffolk":46408,"socorro":46409,"snell":46410,"cladding":46411,"absorbing":46412,"shawa":46413,"participates":46414,"ðŁįĶ":46415,"bookstores":46416,"baku":46417,"seaport":46418,"kojima":46419,"gaby":46420,"packard":46421,"electrician":46422,"letit":46423,"mowing":46424,"fawad":46425,"youngjae":46426,"hotmail":46427,"mening":46428,"urie":46429,"intimacy":46430,"conti":46431,":\")":46432,"lifeisgood":46433,"inciner":46434,"idri":46435,"craziness":46436,"journos":46437,"franchi":46438,"bottlen":46439,"alda":46440,"ffes":46441,"kx":46442,"southwe":46443,"aira":46444,"clayton":46445,"scoti":46446,"fj":46447,"briga":46448,"ð٤ĺðŁı»":46449,"demonstrators":46450,"yz":46451,"stork":46452,"naq":46453,"cascades":46454,"travelchat":46455,"plata":46456,"padma":46457,"franci":46458,"attain":46459,"batgirl":46460,"lombard":46461,"hoos":46462,"ddos":46463,"neonatal":46464,"disclaimer":46465,"rss":46466,"rant":46467,"disen":46468,"texaste":46469,"socal":46470,"fractal":46471,"camry":46472,"strife":46473,"snacking":46474,"muh":46475,"santander":46476,"morons":46477,"graf":46478,"parades":46479,"huston":46480,"drupal":46481,"miento":46482,"kirstel":46483,"hyde":46484,"vomit":46485,"fortified":46486,"sphinx":46487,"dav":46488,"biryani":46489,"winnings":46490,"sbaseball":46491,"merged":46492,"lovelondon":46493,"lingering":46494,"dreambig":46495,"carleton":46496,"livelihood":46497,"django":46498,"astrid":46499,"grids":46500,"downe":46501,"bruised":46502,"sne":46503,"scarecrow":46504,"helium":46505,"fnc":46506,"biggs":46507,"anter":46508,"restorative":46509,"empires":46510,"abdel":46511,"lifestyle":46512,"kiwanis":46513,"colloquium":46514,"meen":46515,"prick":46516,"antique":46517,"zeb":46518,"mimic":46519,"edmonds":46520,"ðŁijĬðŁijĬ":46521,"qing":46522,"ppel":46523,"mcgill":46524,"interpreting":46525,"âŀķ":46526,"rashad":46527,"doka":46528,"narrator":46529,"electromagnetic":46530,"ashby":46531,"saura":46532,"irandeal":46533,"âģīï¸ı":46534,"krishnan":46535,"indi":46536,"ffen":46537,"brea":46538,"osman":46539,"multinational":46540,"chippe":46541,"recruiters":46542,"ausbiz":46543,"pounding":46544,"regen":46545,"cursor":46546,"refusal":46547,"macs":46548,"inak":46549,"axial":46550,"waifu":46551,"upcycled":46552,"hindustan":46553,"cassini":46554,"carlyle":46555,"scratches":46556,"reef":46557,"manatee":46558,"eatery":46559,"ðŁĵ¢":46560,"uncondition":46561,"senpai":46562,"onther":46563,"comicbook":46564,"prosciutto":46565,"demar":46566,"mise":46567,"mage":46568,"freec":46569,"ayesha":46570,"alder":46571,"androidgames":46572,"leyton":46573,"hock":46574,"doorway":46575,"chicagofire":46576,"aaliyah":46577,"swelling":46578,"bix":46579,".ðŁĺĤ":46580,"evankirstel":46581,"torpedo":46582,"konstant":46583,"genevieve":46584,"maia":46585,"hauser":46586,"dotorg":46587,"hideous":46588,"fik":46589,"spraw":46590,"eek":46591,"zappa":46592,"wandered":46593,"''":46594,"rajan":46595,"bambi":46596,"($)":46597,"widening":46598,"toolbox":46599,"sair":46600,"illuminating":46601,"prays":46602,"outpatient":46603,"iw":46604,"dayo":46605,"lob":46606,"swfl":46607,"shades":46608,"gums":46609,"cookin":46610,"kodi":46611,"griffin":46612,"traumati":46613,"stea":46614,"slaughtered":46615,"godbless":46616,"airtime":46617,"pseudo":46618,"bsa":46619,"hauled":46620,"arif":46621,"à¸Ńà¸ĩ":46622,"lel":46623,"wcpo":46624,"militi":46625,"charters":46626,"worlda":46627,"ruk":46628,"kgs":46629,"digitalindia":46630,"isable":46631,"idyllic":46632,"espino":46633,"marietta":46634,"ebo":46635,"teamcanada":46636,"abour":46637,"wilton":46638,"rockstars":46639,"favored":46640,"physic":46641,"wrinkle":46642,"tbr":46643,"dprint":46644,"ballarat":46645,"adal":46646,"zey":46647,"ðŁĺįðŁĶ¥":46648,"tomlin":46649,"mtr":46650,"palsy":46651,"fenerbah":46652,"tighten":46653,"philia":46654,"ironing":46655,"ryu":46656,"bant":46657,"enquire":46658,"cair":46659,"aburger":46660,"trun":46661,"greenberg":46662,"chauhan":46663,"irina":46664,"shani":46665,"trendsetter":46666,"prett":46667,"zafar":46668,"alove":46669,"vici":46670,"panic":46671,"noo":46672,"lustre":46673,"disrupted":46674,"ballis":46675,"sonsof":46676,"monsi":46677,"instac":46678,"akest":46679,"ëĭ¤":46680,"kwame":46681,"horrormovies":46682,"district":46683,"saucy":46684,"mban":46685,"armies":46686,"withdrawn":46687,"medics":46688,"loftus":46689,"eroom":46690,"bekind":46691,"arns":46692,"allon":46693,"unison":46694,"davids":46695,"crat":46696,"nicotine":46697,"soor":46698,"smx":46699,"onco":46700,"cosplaying":46701,"zombies":46702,"harms":46703,"eger":46704,"rosy":46705,"moonshine":46706,"fein":46707,"cett":46708,"dubrov":46709,"regents":46710,"benitez":46711,"ðŁijıðŁı¼ðŁijıðŁı¼":46712,"stec":46713,"malia":46714,"prioritize":46715,"iceland":46716,"ftse":46717,"vamo":46718,"lamont":46719,"homosexuality":46720,"brees":46721,"regui":46722,"cbp":46723,"tej":46724,"skysports":46725,"detergent":46726,"shasta":46727,"derel":46728,"conservancy":46729,"colorized":46730,"accolades":46731,"viso":46732,"showyour":46733,"nanow":46734,"biceps":46735,"usability":46736,"bim":46737,"dailysketch":46738,"pearljam":46739,"strangest":46740,"megadeth":46741,"broadcasts":46742,"barren":46743,"arton":46744,"chriss":46745,"configu":46746,"lures":46747,"isthe":46748,"eul":46749,"railwayana":46750,"globalhealth":46751,"gianni":46752,"uaap":46753,"slum":46754,"consciously":46755,"abre":46756,"nup":46757,"budget":46758,"vada":46759,"esch":46760,"realness":46761,"erased":46762,"thunt":46763,"bez":46764,"armistice":46765,"ðŁij¹":46766,"shrun":46767,"oled":46768,"driverless":46769,"ðŁ¤·ðŁı»âĢįâĻĢï¸ı":46770,"wondr":46771,"skan":46772,"salaam":46773,"motherland":46774,"hwang":46775,"geno":46776,"gangnam":46777,"twright":46778,"endorsing":46779,"enic":46780,"adoration":46781,"paused":46782,"patricks":46783,"docked":46784,"platte":46785,"ffxv":46786,"ethnicity":46787,"autoshow":46788,"sideshow":46789,"afterlife":46790,"relocated":46791,"orphaned":46792,"foodnetwork":46793,"dareto":46794,"andra":46795,"slaps":46796,"vlive":46797,"swims":46798,"reimagined":46799,"mistle":46800,"revise":46801,"reality":46802,"bharti":46803,"ðŁĴĻðŁĴĽ":46804,"latest":46805,"proudest":46806,"grasses":46807,"lanyard":46808,"freshest":46809,"carcinoma":46810,"anomaly":46811,"ziegler":46812,"sumner":46813,"lyrix":46814,"gorg":46815,"isd":46816,"avel":46817,"swildlife":46818,"mesqu":46819,"johncena":46820,"euroleague":46821,"saber":46822,"masterful":46823,"yarra":46824,"cognition":46825,"jacobson":46826,"abolic":46827,"sirloin":46828,"shukla":46829,"mojito":46830,"supere":46831,"stweet":46832,"mez":46833,"esa":46834,"rudolf":46835,"gura":46836,"whereyou":46837,"ttm":46838,"wins":46839,"trustworthy":46840,"nyk":46841,"braden":46842,"tabletop":46843,"goodfood":46844,"eson":46845,"bek":46846,"linguistic":46847,"grays":46848,"chath":46849,"hcs":46850,"moni":46851,"deans":46852,"cussions":46853,"chell":46854,"slows":46855,"hemi":46856,"dapp":46857,"sharpie":46858,"boosters":46859,"aos":46860,"strack":46861,"sedona":46862,"mueller":46863,"hardwick":46864,"ornate":46865,"thora":46866,"salud":46867,"otwol":46868,"chum":46869,"miho":46870,"forage":46871,"thelittle":46872,"tearful":46873,"oneself":46874,"mindy":46875,"smg":46876,"gmbh":46877,"emerald":46878,"ðŁĶ´âļªï¸ı":46879,"tutti":46880,"receptions":46881,"revising":46882,"ibrox":46883,"topeka":46884,"salami":46885,"expanse":46886,"ibooks":46887,"dobson":46888,"clio":46889,"ats":46890,"ðŁļĮ":46891,"moha":46892,"isance":46893,"shutters":46894,"moot":46895,"janine":46896,"marvelcomics":46897,"jordani":46898,"poser":46899,"kenneth":46900,"hyung":46901,"deja":46902,"aseball":46903,"speciality":46904,"euston":46905,"classiccar":46906,"hadith":46907,"ðŁIJī":46908,"chasing":46909,"izo":46910,"grosven":46911,"aglia":46912,"thisdayinhistory":46913,"trow":46914,"omile":46915,"huar":46916,"byn":46917,"saline":46918,"divine":46919,"demonic":46920,"tyran":46921,"handover":46922,"revitalization":46923,"paella":46924,"cryptic":46925,"sedg":46926,"mend":46927,"dunkirk":46928,"bred":46929,"wald":46930,"sportscar":46931,"aard":46932,"wheaton":46933,"daener":46934,"klan":46935,"brt":46936,"bakhtawar":46937,"spires":46938,"schubert":46939,"roti":46940,"polish":46941,"ose":46942,"agame":46943,"wondercon":46944,"protestant":46945,"bosa":46946,"ðŁĺŁ":46947,"dü":46948,"joyride":46949,"gertrude":46950,"âĿĿ":46951,"gila":46952,"vh":46953,"twa":46954,"trav":46955,"swallowed":46956,"starve":46957,"lain":46958,"entren":46959,"reiki":46960,"sukh":46961,"craic":46962,"azu":46963,"webpage":46964,"keefe":46965,"hypothe":46966,"hirsch":46967,"helle":46968,"campground":46969,"wamy":46970,"travi":46971,"shahi":46972,"sandeep":46973,"rui":46974,"hanuman":46975,"dwp":46976,"repository":46977,"noor":46978,"noff":46979,"unreal":46980,"pell":46981,"blackhistory":46982,"harvick":46983,"mascar":46984,"payee":46985,"pasha":46986,"gastronomy":46987,"dÃŃ":46988,"aig":46989,"rosenthal":46990,"openday":46991,"embellished":46992,"ttip":46993,"sunbathing":46994,"gopack":46995,"endome":46996,"ï¸ı#":46997,"invalid":46998,"finalfour":46999,"stfu":47000,"squishy":47001,"rasta":47002,"mosch":47003,"jamesc":47004,"dietrich":47005,"sela":47006,"melb":47007,"elvi":47008,"tdp":47009,"suni":47010,"slit":47011,"jha":47012,"biza":47013,"spiked":47014,"lli":47015,"lillard":47016,"vampi":47017,"synopsis":47018,"azhar":47019,"kendricklamar":47020,"ĮãĤĬãģŁãģĦ":47021,"heartless":47022,"countryfile":47023,"airplay":47024,"arrogance":47025,"pree":47026,"virtuoso":47027,"ãħłãħłãħłãħł":47028,"raju":47029,"lebu":47030,"forward":47031,"tug":47032,"dros":47033,"mondaymotivaton":47034,"concepcion":47035,"thelo":47036,"padi":47037,"looool":47038,"ÑĢод":47039,"itss":47040,"ethical":47041,"enduro":47042,"__:":47043,"expenditure":47044,"monste":47045,"masking":47046,"terriers":47047,"ibis":47048,"ember":47049,"cumple":47050,"punctuation":47051,"piper":47052,"irvin":47053,"adee":47054,"yyyyyy":47055,"flashbacks":47056,"celsius":47057,"donnie":47058,"bogota":47059,"benevol":47060,"thescript":47061,"shilpa":47062,"prose":47063,"findia":47064,"zeke":47065,"neko":47066,"doves":47067,"blueslyrix":47068,"frosh":47069,"soweto":47070,"mplo":47071,"alai":47072,"sabi":47073,"raqqa":47074,"wftv":47075,"stroller":47076,"iansomerhalder":47077,"ðŁĶª":47078,"anon":47079,"moseley":47080,"!?!?":47081,"staking":47082,"moly":47083,"cartri":47084,"csg":47085,"astor":47086,"transcend":47087,"maer":47088,"deux":47089,"cowgirl":47090,"sask":47091,"punter":47092,"maken":47093,"oates":47094,"lovett":47095,"growler":47096,"sagin":47097,"vn":47098,"ssible":47099,"officeofrg":47100,"ymc":47101,"sabar":47102,"faulty":47103,"apha":47104,"akon":47105,"ðŁij«":47106,"snowdon":47107,"aew":47108,"raisethe":47109,"ðĿĵ":47110,"gruesome":47111,"clementine":47112,"sping":47113,"lata":47114,"worldenviron":47115,"mimic":47116,"canaria":47117,"bakhtawarbz":47118,"aoa":47119,"fala":47120,"ãĤŃ":47121,"aviva":47122,"youuuu":47123,"thigh":47124,"ladders":47125,"gumbo":47126,"tzky":47127,"fuzz":47128,"plasticpollution":47129,"estate":47130,"strengthened":47131,"kant":47132,"drin":47133,"calvert":47134,"transformational":47135,"frightened":47136,"maclean":47137,"elitedangerous":47138,"earthy":47139,"tson":47140,"toda":47141,"jnu":47142,"..,":47143,"michal":47144,"iban":47145,"jeong":47146,"isreal":47147,"simcoe":47148,"exclusives":47149,"bluebells":47150,"bene":47151,"teu":47152,"pilsner":47153,"penske":47154,"atheists":47155,"mpu":47156,"cartagena":47157,"ðŁĴĹðŁĴĹ":47158,"millionaires":47159,"kkkk":47160,"itar":47161,"subscriptions":47162,"remote":47163,"mafi":47164,"hinton":47165,"wcc":47166,"hok":47167,"dsb":47168,"ableton":47169,"seventy":47170,"punks":47171,"eindhoven":47172,"shone":47173,"mcfarlane":47174,"limpopo":47175,"emphasi":47176,"ü":47177,"sinfo":47178,"petre":47179,"mangrove":47180,"chino":47181,"bertie":47182,"playlists":47183,"pushawards":47184,"paf":47185,"debbie":47186,"cdo":47187,"rino":47188,"ðŁı¾âĢįâĻĤï¸ı":47189,"folke":47190,"bonnar":47191,"thine":47192,"slan":47193,"halter":47194,"evie":47195,"awsome":47196,"vultures":47197,"sparky":47198,"seizures":47199,"âľĶ":47200,"ramone":47201,"ineffe":47202,"aln":47203,"proctor":47204,"astra":47205,"thevoice":47206,"grote":47207,"scion":47208,"deadline":47209,"amaya":47210,"tainted":47211,"patterned":47212,"exceeding":47213,"crossfit":47214,"kaylee":47215,"dropbox":47216,"rushes":47217,"tackled":47218,"moby":47219,"retrogamer":47220,"ncbd":47221,"benefitting":47222,"shaykh":47223,"guildhall":47224,"gentry":47225,"dreamcast":47226,"dreaded":47227,"bundled":47228,"thaw":47229,"revolving":47230,"npt":47231,"kyliejenner":47232,"imaginative":47233,"roni":47234,"overcame":47235,"familytime":47236,"dsburg":47237,"carnaval":47238,"relationship":47239,"recognizable":47240,"coroner":47241,"hole":47242,"fanfic":47243,"emirates":47244,"burritos":47245,"analyse":47246,"thinner":47247,"nees":47248,"gallipoli":47249,"blr":47250,"catwoman":47251,"-->>":47252,"ault":47253,"adaily":47254,"naughty":47255,"ilio":47256,"solitaire":47257,"mtvbr":47258,"jocelyn":47259,"arunach":47260,"repent":47261,"southgate":47262,"hyacin":47263,"essential":47264,"fenton":47265,"andum":47266,"itor":47267,"gopal":47268,"slinger":47269,"posei":47270,"awil":47271,"wielding":47272,"raila":47273,"elias":47274,"asto":47275,"ä":47276,"tendency":47277,"strata":47278,"kert":47279,"<-":47280,"imacele":47281,"daes":47282,"stimulus":47283,"hanley":47284,"fitnes":47285,"ecstasy":47286,"limous":47287,"hailing":47288,"ð٤Ń":47289,"chiswick":47290,"taries":47291,"slav":47292,"puli":47293,"modernization":47294,"blackmail":47295,"bingham":47296,"hfx":47297,"++":47298,"ðŁĩ®ðŁĩ³":47299,"niv":47300,"wea":47301,"professor":47302,"koff":47303,"bolster":47304,"suave":47305,"sequences":47306,"pepperoni":47307,"notte":47308,"dren":47309,"ãģ¨ç¹ĭãģ":47310,"hsv":47311,"oga":47312,"aptly":47313,"zad":47314,"excelsi":47315,"rinka":47316,"moldova":47317,"minn":47318,"mabel":47319,"conferencing":47320,"basing":47321,"ofer":47322,"obsi":47323,"hamillhimself":47324,"careless":47325,"briefed":47326,"inherent":47327,"parish":47328,"dubnation":47329,"townsville":47330,"sarawak":47331,"geeky":47332,"doncasterisgreat":47333,"wasabi":47334,"gup":47335,"pheno":47336,"drainthe":47337,"carrieunderwood":47338,"bleeds":47339,"bbcworld":47340,"anew":47341,"altaf":47342,"dulwich":47343,"aniston":47344,"wti":47345,"sumatra":47346,"grafton":47347,"bln":47348,"mester":47349,"bodega":47350,"rego":47351,"esq":47352,"anjo":47353,"sumptuous":47354,"maisie":47355,"�":47356,"wilt":47357,"jakob":47358,"elvis":47359,"sepul":47360,"muster":47361,"airpollution":47362,"presidente":47363,"happymonday":47364,"extensively":47365,"flondon":47366,"tls":47367,"playing":47368,"peed":47369,"dinho":47370,"vardy":47371,"pika":47372,"niro":47373,"aucus":47374,"ðŁį¦":47375,"null":47376,"elondon":47377,"juventus":47378,"imagines":47379,"disab":47380,"lito":47381,"dura":47382,"workplaces":47383,"promote":47384,"mccaf":47385,"woodwork":47386,"wawx":47387,"ப":47388,"ttino":47389,"shari":47390,"semper":47391,"bettertogether":47392,"ðŁijĬðŁı»":47393,"zebra":47394,"pondering":47395,"enchil":47396,"hom":47397,"cosmic":47398,"tanz":47399,"mocked":47400,"eccc":47401,"athed":47402,"abolish":47403,"propeller":47404,"parisagreement":47405,"assemblies":47406,"industry":47407,"fraudulent":47408,"pesa":47409,"changmin":47410,"axx":47411,"ðŁĴµ":47412,"irrational":47413,"cusa":47414,"ramadhan":47415,"octavia":47416,"onelove":47417,"jacki":47418,"barak":47419,"taxider":47420,"serious":47421,"nathanfillion":47422,"mcen":47423,"chk":47424,"popart":47425,"gravity":47426,"coppola":47427,"readingfc":47428,"illusions":47429,"jig":47430,"wwx":47431,"resh":47432,"exporting":47433,"buzzard":47434,"âϤ":47435,"pcm":47436,"lanapar":47437,"kos":47438,"aromas":47439,"antalya":47440,"wwdc":47441,"vena":47442,"phila":47443,"ballin":47444,"ðŁijĦ":47445,"quinta":47446,"mao":47447,"fery":47448,"eighty":47449,"sentiments":47450,"safeguarding":47451,"rwa":47452,"puffs":47453,"lucille":47454,"decath":47455,"slu":47456,"nugent":47457,"deter":47458,"brazil":47459,"zeiss":47460,"superbowl":47461,"subsidy":47462,"altern":47463,"hidalgo":47464,"enzymes":47465,"ä½":47466,"tagne":47467,"hairdresser":47468,"adrien":47469,"walkout":47470,"opposes":47471,"cantina":47472,"bedside":47473,"afan":47474,"ðŁĶĹ":47475,"prophetic":47476,"danes":47477,"unsuccessful":47478,"supercharged":47479,"pkk":47480,"exemption":47481,"hartle":47482,"secular":47483,"clipping":47484,"brs":47485,"unitedway":47486,"cnet":47487,"patchy":47488,"hagan":47489,"een":47490,"âļľ":47491,"vara":47492,"sympathi":47493,"nevertrump":47494,"affirmation":47495,"omf":47496,"nycfc":47497,"maja":47498,"surro":47499,"keerth":47500,"upscale":47501,"sandalwood":47502,"monarchy":47503,"knobs":47504,"åĭ":47505,"potholes":47506,"hungergames":47507,"terraces":47508,"nasir":47509,"counsell":47510,"welcometo":47511,"waq":47512,"seaman":47513,"mita":47514,"stunningly":47515,"ontheroad":47516,"inability":47517,")!!":47518,"bongo":47519,"antv":47520,"sput":47521,"worldenvironmentday":47522,"resusc":47523,"ytd":47524,"fim":47525,"eunhyuk":47526,"sachin":47527,"roseanne":47528,"clermont":47529,"apec":47530,"amina":47531,"vening":47532,"nantes":47533,"almost":47534,"sinus":47535,"exas":47536,"tyl":47537,"tien":47538,"plead":47539,"lancs":47540,"burnaby":47541,"rek":47542,"joom":47543,"observers":47544,"discography":47545,"clg":47546,"âϦ":47547,"snack":47548,"rti":47549,"oily":47550,"crystalli":47551,"brute":47552,"webdevelopment":47553,"toppings":47554,"laf":47555,"anis":47556,"adder":47557,"reliving":47558,"carlin":47559,"battleof":47560,"weg":47561,"syrian":47562,"pont":47563,"ndc":47564,"laghate":47565,"yuma":47566,"spp":47567,"piti":47568,"robbing":47569,"marting":47570,"reykja":47571,"rajput":47572,"ncds":47573,"kiewicz":47574,"âĢ¢âĢ¢":47575,"vampire":47576,"substantially":47577,"opioids":47578,"nepali":47579,"kline":47580,"aroo":47581,"understand":47582,"litt":47583,"uit":47584,"thrombo":47585,"saries":47586,"quot":47587,"balling":47588,"ttr":47589,"sgh":47590,"philipp":47591,"brant":47592,"acl":47593,"mello":47594,"whittaker":47595,".;":47596,"defiant":47597,"bgc":47598,"replying":47599,"mirren":47600,"metamorpho":47601,"schwab":47602,"bulge":47603,"utilized":47604,"pickering":47605,"pardon":47606,"dsa":47607,"à¸Ī":47608,"dooley":47609,"cumulative":47610,"л":47611,"urgency":47612,"emir":47613,"+/-":47614,"¦Ī":47615,"otas":47616,"âı³":47617,"stationed":47618,"grapevine":47619,"arac":47620,"karanjohar":47621,"fancy":47622,"saul":47623,"coogs":47624,"lgbtq":47625,"اÙħ":47626,"javi":47627,"ummer":47628,"pll":47629,"denis":47630,"daipur":47631,"puffin":47632,"lewisham":47633,"fandom":47634,"cope":47635,"vesmatter":47636,"sve":47637,"helpless":47638,"deodor":47639,"ostrich":47640,"kazan":47641,"fridaythe":47642,"condor":47643,"vx":47644,"sophomores":47645,"robles":47646,"cutt":47647,"climbers":47648,"리":47649,"sleg":47650,"snf":47651,"macys":47652,"hydrating":47653,"groupe":47654,"poyn":47655,"moulin":47656,"hgtv":47657,"lmfaooo":47658,"sulphur":47659,"asdfghjkl":47660,"annabelle":47661,"humpback":47662,"braved":47663,"viswasam":47664,"multipurpose":47665,"humidi":47666,"escorted":47667,"barbican":47668,"fad":47669,"corsa":47670,"ðŁ¤«":47671,"pippa":47672,"hereto":47673,"cany":47674,"sergi":47675,"orcas":47676,"ovie":47677,"edou":47678,"sany":47679,"globalization":47680,"mancini":47681,"foodtruck":47682,"fis":47683,"defibrill":47684,"schre":47685,"smafia":47686,"lovewins":47687,"laut":47688,"kaka":47689,"hollande":47690,"gameon":47691,"resurgence":47692,"outside":47693,"olympiad":47694,"intan":47695,"abstraction":47696,"rapid":47697,"palom":47698,"calle":47699,"jasmin":47700,"attackers":47701,"swagg":47702,"mitra":47703,"kylo":47704,"ல":47705,"hermitage":47706,"gordo":47707,"eira":47708,"sosfam":47709,"rollout":47710,"excite":47711,"synod":47712,"merrill":47713,"cals":47714,"assa":47715,"livelihoods":47716,"juve":47717,"theblack":47718,"gopackgo":47719,"antlers":47720,"albanian":47721,"woolly":47722,"quiche":47723,"purification":47724,"areth":47725,"smarthome":47726,"nek":47727,"allblacks":47728,"mexicans":47729,"ism":47730,"germs":47731,"complexion":47732,"marck":47733,"ushi":47734,"ðŁIJIJ":47735,"charl":47736,"castic":47737,"tillerson":47738,"giuliani":47739,"biodegradable":47740,"malbec":47741,"bois":47742,"jubil":47743,"imes":47744,"rame":47745,"genetic":47746,"espnu":47747,"chley":47748,"soho":47749,"gopher":47750,"gsc":47751,"buuren":47752,"cube":47753,"bridesmaids":47754,"webinars":47755,"toe":47756,"manipur":47757,"violently":47758,"noticias":47759,"exchanging":47760,"chiev":47761,"replaceable":47762,"muaythai":47763,"buss":47764,"spil":47765,"instalment":47766,"divya":47767,"caitlin":47768,"olim":47769,"filtering":47770,"whirlwind":47771,"stared":47772,"priorit":47773,"pram":47774,"pompeii":47775,"monologue":47776,"kite":47777,"buka":47778,"â̦..":47779,"vaccine":47780,"brero":47781,"wozni":47782,"solent":47783,"referr":47784,"myrt":47785,"gridiron":47786,"galatasaray":47787,"froze":47788,"claremont":47789,"ðŁ¥ĥ":47790,"victorias":47791,"sseldorf":47792,"pastures":47793,"netneutrality":47794,"chor":47795,"ðŁijģ":47796,"ಿ":47797,"weho":47798,"symptom":47799,"josel":47800,"inous":47801,"dragoncon":47802,"powerball":47803,"pte":47804,"fourthofjuly":47805,"ecla":47806,"earbuds":47807,"whereabouts":47808,"saltlife":47809,"deprivation":47810,"chter":47811,"wiggle":47812,"system":47813,"psst":47814,"chaz":47815,"dany":47816,"rimo":47817,"oaxaca":47818,"lanaparrilla":47819,"barcelon":47820,"melancholy":47821,"wayback":47822,"hotro":47823,"nsi":47824,"lilly":47825,"kuro":47826,"jahan":47827,"intellect":47828,"boardgame":47829,"ðŁıĬ":47830,"sneakpeek":47831,"kprc":47832,"jails":47833,"candel":47834,"zanzi":47835,"mortimer":47836,"starch":47837,"rags":47838,"pfa":47839,"longlive":47840,"kart":47841,"girona":47842,"crocker":47843,"christoph":47844,"precautions":47845,"warship":47846,"perm":47847,"parent":47848,"vangogh":47849,"gifford":47850,"allegheny":47851,"rayn":47852,"utm":47853,"stencil":47854,"recalling":47855,"penney":47856,"zazzle":47857,"ìĥĿ":47858,"hinds":47859,"arenas":47860,"nuev":47861,"lawler":47862,"guin":47863,"dothis":47864,"ðŁijķ":47865,"ì¶ķíķĺ":47866,"weg":47867,"tib":47868,"ridin":47869,"complexes":47870,"turbulent":47871,"pesos":47872,"demarcus":47873,"vallarta":47874,"samsun":47875,"kisses":47876,"heinrich":47877,"deportes":47878,"wilms":47879,"urd":47880,"thenext":47881,"inkigayo":47882,"howi":47883,"firsts":47884,"carriage":47885,"cleanliness":47886,"maswar":47887,"isch":47888,"axel":47889,"sizzle":47890,"roadhouse":47891,"frans":47892,"entourage":47893,"cobble":47894,"booth":47895,"benedict":47896,"talon":47897,"fcu":47898,"yearofthe":47899,"rayon":47900,"raidernation":47901,"foyle":47902,"koval":47903,"pianos":47904,"lpg":47905,"burmese":47906,"manure":47907,"geocaching":47908,"coscino":47909,"bnp":47910,"ferra":47911,"strophy":47912,"marais":47913,"cees":47914,"legendof":47915,"katniss":47916,"enoch":47917,"aved":47918,"youknow":47919,"dprk":47920,"ðŁĺ¢ðŁĺ¢":47921,"spun":47922,"prost":47923,"sorrows":47924,"centred":47925,"kea":47926,"galicia":47927,"?ð٤Ķ":47928,"ÑĢода":47929,"bouchard":47930,"ðŁĴĻðŁĴľ":47931,"yui":47932,"seedlings":47933,"jonah":47934,"recovers":47935,"nyrd":47936,"boardroom":47937,"suma":47938,"myjaps":47939,"tung":47940,"shai":47941,"irgc":47942,"elio":47943,"wagons":47944,"kashi":47945,"policemen":47946,"johnnie":47947,"alecoscino":47948,"shopify":47949,"dotted":47950,"detri":47951,"vaw":47952,"tofficial":47953,"inyour":47954,"chalmers":47955,"traced":47956,"novi":47957,"byes":47958,"ariel":47959,"nippon":47960,"lapel":47961,"griez":47962,"bgs":47963,"fooling":47964,"dita":47965,"vijaysethu":47966,"nmwx":47967,"asot":47968,"kranti":47969,"helm":47970,"vedi":47971,"sickest":47972,"mochi":47973,"kabo":47974,"shrubs":47975,"hered":47976,"bsp":47977,"sqm":47978,"hamr":47979,"dulkar":47980,"antha":47981,"nrf":47982,"avoidance":47983,"aten":47984,"publix":47985,"bearers":47986,"nasi":47987,"hap":47988,"hells":47989,"ðŁĸ¥":47990,"ื":47991,"thelastjedi":47992,"ohwx":47993,"ðŁį«":47994,"wahoo":47995,"therese":47996,"recaps":47997,"ssnhq":47998,"birdphotography":47999,"vay":48000,"petti":48001,"paulo":48002,"belvedere":48003,"(*":48004,"grl":48005,"duvet":48006,"cpec":48007,"sait":48008,"porsch":48009,"measurable":48010,"aviators":48011,"fremantle":48012,"breen":48013,"onom":48014,"meand":48015,"lifesaving":48016,"euref":48017,"endon":48018,"embaras":48019,"airasia":48020,"elis":48021,"dunkin":48022,"starmagic":48023,"sill":48024,"portobello":48025,"kiefer":48026,"exe":48027,"muted":48028,"ãģ¦":48029,"wethepeople":48030,"logia":48031,"liberal":48032,"theforceawakens":48033,"mined":48034,"haunts":48035,"freckles":48036,"caretaker":48037,"sindia":48038,"âķIJ":48039,"devlin":48040,"liston":48041,"directioner":48042,"ohn":48043,"figaro":48044,"emmanuel":48045,"dubois":48046,"clones":48047,"bruise":48048,"ðŁİĪðŁİī":48049,"disinfe":48050,"dermatology":48051,"asr":48052,"swatch":48053,"discomfort":48054,"tamanna":48055,"piday":48056,"macken":48057,"katic":48058,"delusional":48059,"shawnee":48060,"gud":48061,"albino":48062,"pali":48063,"dingh":48064,"cucumbers":48065,"coffey":48066,"anticipating":48067,"treasured":48068,"websummit":48069,"sheltered":48070,"savor":48071,"pedagogy":48072,"mgs":48073,"shma":48074,"sbu":48075,"denali":48076,"campos":48077,"bubblegum":48078,"oir":48079,"leaps":48080,"yler":48081,"rone":48082,"sanskrit":48083,"mint":48084,"meatless":48085,"futurist":48086,"dude":48087,"avel":48088,"protested":48089,"squire":48090,"zaki":48091,"szn":48092,"harcourt":48093,"cyclone":48094,"bourdain":48095,"gatherings":48096,"dant":48097,"adventurer":48098,"paragon":48099,"altman":48100,"dding":48101,"banerjee":48102,"snorkeling":48103,"motherwell":48104,"missy":48105,"ender":48106,"glows":48107,"kiwis":48108,"chickpea":48109,"poro":48110,"efron":48111,"appt":48112,"uy":48113,"specified":48114,"gabby":48115,"estrada":48116,"combos":48117,"bourbon":48118,"vini":48119,"varun":48120,"stephani":48121,"keywords":48122,"carvings":48123,"amitabh":48124,"wrought":48125,"twal":48126,"reels":48127,"clubbing":48128,"ubiquit":48129,"crit":48130,"ambedkar":48131,"æĻ":48132,"pruning":48133,"vaccinated":48134,"boeing":48135,"sks":48136,"loona":48137,"hypnosis":48138,"edelman":48139,"phol":48140,"hew":48141,"colosse":48142,"mckinsey":48143,"uon":48144,"tote":48145,"sacrificing":48146,"oxi":48147,"nang":48148,"emu":48149,"пÑĢиÑĢода":48150,"mth":48151,"kerswednesday":48152,"argued":48153,"timelapse":48154,"risking":48155,"regulating":48156,"nigh":48157,"likelihood":48158,"cubic":48159,"auction":48160,"reinfor":48161,"pistor":48162,"noses":48163,"yel":48164,"snuggles":48165,"pei":48166,"jeanette":48167,"taku":48168,"rith":48169,"guyz":48170,"à¸ŀ":48171,"yte":48172,"verted":48173,"paysoff":48174,"jauregui":48175,"hooligans":48176,"procedural":48177,"mib":48178,"hardy":48179,"eleng":48180,"checkers":48181,"alline":48182,"themet":48183,"proudof":48184,"keerthyofficial":48185,"collaborator":48186,"niu":48187,"inflicted":48188,"advani":48189,"retwee":48190,"memoriam":48191,"ficial":48192,"tighter":48193,"salem":48194,"reviewers":48195,"brics":48196,"bendigo":48197,"amell":48198,"turkish":48199,"sushmaswar":48200,"paulson":48201,"palawan":48202,"mollie":48203,"stitcher":48204,"sburgh":48205,"iru":48206,"haydn":48207,"eners":48208,"aroa":48209,"uzzi":48210,"sarajevo":48211,"hela":48212,"apollo":48213,"ninety":48214,"vaca":48215,"spon":48216,"ventu":48217,"jelena":48218,"heifer":48219,"avoids":48220,"spine":48221,"prize":48222,"marist":48223,"recreating":48224,"mede":48225,"wooden":48226,"findlay":48227,"rofl":48228,"ndi":48229,"comprehend":48230,"yugo":48231,"yü":48232,"towork":48233,"ufos":48234,"sonar":48235,"piston":48236,"recording":48237,"tentative":48238,"artforsale":48239,"pellets":48240,"fredo":48241,"ÙĪØ±":48242,"muses":48243,"customization":48244,"profound":48245,"isner":48246,"ideally":48247,"siam":48248,"plankton":48249,"cmdr":48250,"manger":48251,"franken":48252,"customizable":48253,"म":48254,"walkaway":48255,"swivel":48256,"vastly":48257,"noton":48258,"lexa":48259,"exmoor":48260,"zas":48261,"tante":48262,"reductions":48263,"lolly":48264,"hipsters":48265,"benefited":48266,"ë²":48267,"wwwww":48268,"masculine":48269,"fiji":48270,"drey":48271,"phill":48272,"aneous":48273,"nicol":48274,"mendez":48275,"disappro":48276,"chner":48277,"throughs":48278,"shenmue":48279,"eastman":48280,"ðŁIJİ":48281,"yuck":48282,"undertale":48283,"reys":48284,"gobeavs":48285,"engen":48286,"cna":48287,"merr":48288,"birk":48289,"ãģ¨ç¹ĭãģĮãĤĬãģŁãģĦ":48290,"âĥ£@":48291,"ynna":48292,"steed":48293,"offender":48294,"atum":48295,"vanishing":48296,"presidenti":48297,"lovethem":48298,"gnocchi":48299,"friggin":48300,"peril":48301,"madhya":48302,"agne":48303,"deejay":48304,"marnock":48305,"mtb":48306,"foldable":48307,"@___":48308,"standre":48309,"bronx":48310,"bowski":48311,"finite":48312,"crockett":48313,"bsf":48314,"getit":48315,"serenawilliams":48316,"miro":48317,"ignatius":48318,"slay":48319,"rinse":48320,"fondue":48321,"seldom":48322,"smore":48323,"gani":48324,"dyce":48325,"dmitry":48326,"crumb":48327,"latepost":48328,"primark":48329,"ohana":48330,"florals":48331,"doa":48332,"remembranceday":48333,"dds":48334,"azione":48335,"toonami":48336,"airport":48337,"æĿ±":48338,"thad":48339,"fist":48340,"dinesh":48341,"drwho":48342,"adwords":48343,"admirer":48344,"proje":48345,"kyrgyz":48346,"à«":48347,"manifestation":48348,"lewan":48349,"jic":48350,"thibau":48351,"leased":48352,"vanity":48353,"nourished":48354,"nevertheless":48355,"augmente":48356,"fuelled":48357,"chead":48358,"wilshere":48359,"rudi":48360,"pz":48361,"myco":48362,"morro":48363,"herbalife":48364,"hardrock":48365,"deman":48366,"dreality":48367,"spades":48368,"cevic":48369,"bhai":48370,"baron":48371,"ultimatefan":48372,"hounews":48373,"tobi":48374,"strut":48375,"keel":48376,"affiliation":48377,"themasters":48378,"smal":48379,"hue":48380,"esteban":48381,"conv":48382,"omnic":48383,"databases":48384,"cov":48385,"terti":48386,"stg":48387,"snoopdogg":48388,"metabol":48389,"lethbridge":48390,"ðŁı»âĢįâĻĢï¸ı":48391,"yearling":48392,"residentevil":48393,"nwsl":48394,"iyaki":48395,"griezmann":48396,"cous":48397,"ðŁĵĿ:":48398,"torian":48399,"sami":48400,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":48401,"gare":48402,"alliances":48403,"whitfield":48404,"wether":48405,"refining":48406,"coyi":48407,"kraken":48408,"ðŁĺĺâĿ¤":48409,"singularity":48410,"lili":48411,"hns":48412,"boldand":48413,"wawrinka":48414,"misogyny":48415,"lovers":48416,"cq":48417,"bdg":48418,"adona":48419,"garter":48420,"womenof":48421,"scd":48422,"recognising":48423,"muna":48424,"strou":48425,"signalling":48426,"laredo":48427,"hellboy":48428,"aleksand":48429,"unavailable":48430,"pediatric":48431,"asin":48432,"meria":48433,"rishi":48434,"futurism":48435,"wye":48436,"polarized":48437,"ewe":48438,"propel":48439,"informs":48440,"crease":48441,"~\"":48442,"artiston":48443,"likefor":48444,"heidelberg":48445,"erra":48446,"lifein":48447,"lenny":48448,"interrupt":48449,"coherent":48450,"caz":48451,"vickers":48452,"leveled":48453,"fbs":48454,"cabins":48455,"bummed":48456,"apostles":48457,"weh":48458,"tendon":48459,"souvenirs":48460,"infuri":48461,"pierce":48462,"asset":48463,"mlas":48464,"goth":48465,"diggin":48466,"annas":48467,"ylor":48468,"thwaite":48469,"swel":48470,"panera":48471,"murderers":48472,"crooked":48473,"bsgo":48474,"acu":48475,"aon":48476,"rean":48477,"oneof":48478,"kohl":48479,"bloodh":48480,"pesticide":48481,"lostdog":48482,"flexing":48483,"ëĤĺ":48484,"supra":48485,"eternally":48486,"ðŁļĻ":48487,"paolo":48488,"olan":48489,"momo":48490,"iselle":48491,"captainmarvel":48492,"slou":48493,"mistakenly":48494,"akhilesh":48495,"mert":48496,"ilinan":48497,"buon":48498,"balkan":48499,"mirro":48500,"millen":48501,"derail":48502,"damon":48503,"titi":48504,"bios":48505,"redon":48506,"picard":48507,"parte":48508,"ðŁ¤Ł":48509,"غ":48510,"sonics":48511,"firsth":48512,"ddc":48513,"vegans":48514,"turban":48515,"nigan":48516,"lottie":48517,"lyndon":48518,"starbuck":48519,"pinkfloyd":48520,"lifestyles":48521,"amara":48522,"ashe":48523,"rsc":48524,"vala":48525,"smer":48526,"cwgc":48527,"client":48528,"buenas":48529,"jagan":48530,"coops":48531,"ðŁijijðŁijij":48532,"specializes":48533,"snagged":48534,"glar":48535,"bennet":48536,"wildlifewednesday":48537,"bowden":48538,"pik":48539,"artin":48540,"emporium":48541,"arl":48542,"reba":48543,"passer":48544,"disappoints":48545,"additive":48546,"âľĬðŁı½":48547,"bayer":48548,"missoula":48549,"haskell":48550,"commences":48551,"nix":48552,"neman":48553,"exploited":48554,"plasticsurgery":48555,"ccd":48556,"asocial":48557,"vot":48558,"siegel":48559,"froome":48560,"kapam":48561,"fara":48562,"eha":48563,"probes":48564,"mwf":48565,"meeting":48566,"pbb":48567,"akins":48568,"mistletoe":48569,"kingdomhearts":48570,"forkids":48571,"ecr":48572,"bale":48573,"escorts":48574,"adidasoriginals":48575,"kwa":48576,"kts":48577,"halloffame":48578,"ðŁĺį.":48579,"wags":48580,"potted":48581,"owing":48582,"honeycomb":48583,"hefty":48584,"urology":48585,"merle":48586,"bpd":48587,"stripping":48588,"reich":48589,"kstate":48590,"guay":48591,"yonge":48592,"shakti":48593,"gloom":48594,"batt":48595,"sonom":48596,"nery":48597,"elba":48598,"blanks":48599,"helle":48600,"triplets":48601,"bombay":48602,"akarta":48603,"abia":48604,"transmitted":48605,"rolf":48606,"jais":48607,"angularjs":48608,"fierc":48609,"mss":48610,"trace":48611,"à¥ĩ":48612,"tombs":48613,"oldman":48614,"kombucha":48615,"fol":48616,"ehealth":48617,"cereals":48618,"arelli":48619,"inari":48620,"ðŁĴ©":48621,"wol":48622,"liberties":48623,"fawn":48624,"affirm":48625,"nunavut":48626,"hysterical":48627,"kdrama":48628,"artes":48629,"âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢":48630,"valentin":48631,"manslaughter":48632,"gales":48633,"eoin":48634,"energized":48635,"dels":48636,"withdraws":48637,"stles":48638,"sarcastic":48639,"ramesh":48640,"incredibles":48641,"lockhart":48642,"yawn":48643,"ultimatefanlive":48644,"oooooooooooooooo":48645,"muen":48646,"gurudev":48647,"teer":48648,"peeling":48649,"newsnow":48650,"linguistics":48651,"directv":48652,"agend":48653,"unilever":48654,"ruger":48655,"handedly":48656,"erose":48657,"limel":48658,"thec":48659,"royalties":48660,"finishers":48661,"nrg":48662,"mgt":48663,"fidget":48664,"comps":48665,"bacon":48666,"aggressively":48667,"abit":48668,"châ":48669,"tarde":48670,"slugger":48671,"qanda":48672,"greening":48673,"dats":48674,"enslaved":48675,"spector":48676,"oye":48677,"freef":48678,"bhand":48679,"stopbrexit":48680,"misconceptions":48681,"cava":48682,"ðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺį":48683,"multitasking":48684,"housel":48685,"ferreira":48686,"centime":48687,"ankles":48688,"jodh":48689,"helly":48690,"frome":48691,"outtuesday":48692,"narnia":48693,"balaji":48694,"lbloggers":48695,"jyoti":48696,"ðŁįĩ":48697,"lancia":48698,"capri":48699,"yap":48700,"natash":48701,"downfall":48702,".\"âĢĶ":48703,"î":48704,"ligament":48705,"coatings":48706,"aided":48707,"hiko":48708,"falling":48709,"encrypted":48710,"yegfood":48711,"infringement":48712,"cudi":48713,"cep":48714,"ðŁĺįðŁĺĤ":48715,"trad":48716,"superrugby":48717,"edwin":48718,"whiche":48719,"vimeo":48720,"layne":48721,"invigor":48722,"hehe":48723,"dubrovnik":48724,"bieber":48725,"utr":48726,"shaman":48727,"opers":48728,"hamill":48729,"enig":48730,"dif":48731,"arum":48732,"scrapbook":48733,"minh":48734,"divergence":48735,"mckinnon":48736,"lifetime":48737,"guterres":48738,"wille":48739,"pleas":48740,"patty":48741,"micron":48742,"kz":48743,"domaine":48744,"rusher":48745,"mds":48746,"chesney":48747,"screwdriver":48748,"âģ©,":48749,"sledge":48750,"hauer":48751,"chana":48752,"stamina":48753,"sprinkler":48754,"pln":48755,"heff":48756,"bolton":48757,"omon":48758,"carrington":48759,"accordion":48760,"jorge":48761,"interception":48762,"inputs":48763,"gull":48764,"transcription":48765,"vanuatu":48766,"itical":48767,"ethos":48768,"tich":48769,"spacey":48770,"peeking":48771,"umi":48772,"hager":48773,"psychotic":48774,"illian":48775,"illia":48776,"bonnaroo":48777,"anese":48778,"puc":48779,"laghateparth":48780,"enhall":48781,"economical":48782,"dredge":48783,"%-":48784,"uwe":48785,"tubular":48786,"scouncil":48787,"peasants":48788,"fler":48789,"tumbler":48790,"hep":48791,"fordham":48792,"rowley":48793,"initials":48794,"evasion":48795,"ernation":48796,"plugins":48797,"cochran":48798,"cattle":48799,"acidity":48800,"ðŁİĬðŁİī":48801,"regrann":48802,"jumpman":48803,"eface":48804,"xma":48805,"patriarchy":48806,"escobar":48807,"cristian":48808,"tipton":48809,"nueva":48810,"hackney":48811,"backseat":48812,"killarney":48813,"aidan":48814,"stadion":48815,"simultaneous":48816,"idaho":48817,"aje":48818,"uth":48819,"figure":48820,"clos":48821,"burk":48822,"voluntar":48823,"recite":48824,"macfarlane":48825,"curfew":48826,"boudo":48827,"wgn":48828,"stix":48829,"slap":48830,"scratched":48831,"phillip":48832,"journe":48833,"expelled":48834,"waz":48835,"uke":48836,"tatiana":48837,"oue":48838,"hopp":48839,"dimitri":48840,"ðŁĵ£":48841,"matologist":48842,"electrifying":48843,"bluffs":48844,"billsmafia":48845,"azcardinals":48846,"yaa":48847,"xmas":48848,"shara":48849,"rith":48850,"gills":48851,"dres":48852,"barton":48853,"authorization":48854,"imperialism":48855,"homeof":48856,"todo":48857,"footpath":48858,"bandwidth":48859,"visitspain":48860,"mohsin":48861,"erupted":48862,"miki":48863,"insignia":48864,"mikel":48865,"ssh":48866,"gera":48867,"bankholiday":48868,"awan":48869,"tweak":48870,"starcraft":48871,"eal":48872,"construction":48873,"skeletons":48874,"leep":48875,"inem":48876,"barclay":48877,"shipwreck":48878,"monsieur":48879,"yoh":48880,"ront":48881,"formative":48882,"sero":48883,"lep":48884,"horseman":48885,"hoosier":48886,"hazmat":48887,"cylinders":48888,"centi":48889,"ðŁĴ¥ðŁĴ¥ðŁĴ¥":48890,"reem":48891,"naire":48892,"musically":48893,"grasshopper":48894,"estonian":48895,"terminology":48896,"romain":48897,"bloggerrt":48898,"toxin":48899,"stance":48900,"cultivated":48901,"anast":48902,"ðŁIJį":48903,"shimano":48904,"gopher":48905,"enei":48906,"recyclable":48907,"gamification":48908,"fightfor":48909,"cq":48910,"avocados":48911,"keys":48912,"elike":48913,"glycer":48914,"shakur":48915,"mobilization":48916,"galley":48917,"explain":48918,"exchanged":48919,"peth":48920,"obedience":48921,"illage":48922,"ennis":48923,"ãĥŀ":48924,"wiv":48925,"wallabies":48926,"maar":48927,"igers":48928,"fintech":48929,"finalized":48930,"woj":48931,"meaningless":48932,"infield":48933,"onnaise":48934,"eet":48935,"bronte":48936,"passages":48937,"ðŁij§":48938,"strickland":48939,"northernlights":48940,"lomond":48941,"htc":48942,"wray":48943,"shifter":48944,"dialog":48945,"ðŁįį":48946,">>>>>>":48947,"teatime":48948,"stech":48949,"sichuan":48950,"quill":48951,"franca":48952,"complementary":48953,"barrington":48954,"marcus":48955,"malam":48956,"goooo":48957,"forsa":48958,"electra":48959,"afs":48960,"âĹĨ":48961,"trife":48962,"snazzy":48963,"folia":48964,"andolan":48965,"afterdark":48966,"woodson":48967,"strade":48968,"littlest":48969,"ogun":48970,"conwy":48971,"cowards":48972,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":48973,"íĬ¸":48974,"seul":48975,"murphy":48976,"dunks":48977,"kapilshar":48978,"joachim":48979,"womack":48980,"equality":48981,"averages":48982,"aine":48983,"ð٦Ī":48984,"tacular":48985,"disability":48986,"uked":48987,"midcentury":48988,"barthol":48989,"teasers":48990,"tabern":48991,"njcaa":48992,"spout":48993,"opi":48994,"kubball":48995,"blom":48996,"soar":48997,"populism":48998,"methyl":48999,"ðŁijĬðŁı¼":49000,"ospre":49001,"aloils":49002,"ðŁĵĸ":49003,"ðŁĮļ":49004,"xer":49005,"spilling":49006,"publica":49007,"cardam":49008,"adish":49009,"sacha":49010,"pkg":49011,"buda":49012,"lyricist":49013,"ibc":49014,"grump":49015,"hover":49016,"halep":49017,"antibody":49018,"anemone":49019,"âĻ¥âĻ¥âĻ¥âĻ¥":49020,"mcl":49021,"lithograph":49022,"ccu":49023,"sfest":49024,"pathic":49025,"callister":49026,"ottawa":49027,"gunsn":49028,"rutger":49029,"halibut":49030,"envision":49031,"differentiate":49032,"ðŁļĢðŁļĢ":49033,"piran":49034,"latel":49035,"ucn":49036,"troubad":49037,"raine":49038,"fiercely":49039,"learnenglish":49040,"lease":49041,"wexmondays":49042,"emit":49043,"drayton":49044,"burrell":49045,"scubadiving":49046,"holler":49047,"dru":49048,"clocked":49049,"wral":49050,"apro":49051,"translucent":49052,"wbo":49053,"patriarch":49054,"moja":49055,"lannister":49056,"fishery":49057,"nederland":49058,"mildly":49059,"mirai":49060,"mako":49061,"jap":49062,"ðŁĺ©ðŁĺ©ðŁĺ©":49063,"prostatec":49064,"panna":49065,"arama":49066,"undertaking":49067,"tompkins":49068,"neop":49069,"solids":49070,"savoury":49071,"eames":49072,"cutlery":49073,"woodbridge":49074,"steamer":49075,"rizzo":49076,"wildcat":49077,"ratna":49078,"laminated":49079,"kineni":49080,"jalap":49081,"aides":49082,"acknowledges":49083,"?!?!?!":49084,"!ðŁİī":49085,"wafc":49086,"maggio":49087,"haves":49088,"darje":49089,"ofi":49090,"gril":49091,"vasi":49092,"brux":49093,"mohd":49094,"fakespeare":49095,"arnold":49096,"rmb":49097,"forbe":49098,"walleye":49099,"rodi":49100,"therapeutics":49101,"strategi":49102,"obste":49103,"mudder":49104,"downloadable":49105,"ddings":49106,"dca":49107,"asiangames":49108,"campeon":49109,"appropriation":49110,"thcentury":49111,"ramatta":49112,"draped":49113,"bullion":49114,"muc":49115,"onex":49116,"segreg":49117,"ophelia":49118,"bodily":49119,"âĿ¤ðŁĺį":49120,"wizar":49121,"teased":49122,"ademy":49123,"toid":49124,"sura":49125,"lazarus":49126,"snickers":49127,"mase":49128,"loh":49129,"bowed":49130,"biblio":49131,"xchange":49132,"harlan":49133,"ghoshal":49134,"flavorful":49135,"bhagat":49136,"allez":49137,"whichever":49138,"tenstein":49139,"discer":49140,"organiser":49141,"mtg":49142,"dreamliner":49143,"tse":49144,"hokkaido":49145,"mok":49146,"indulgent":49147,"hickman":49148,"blinded":49149,"alyn":49150,"aaaah":49151,"spool":49152,"loughborough":49153,"interpret":49154,"etv":49155,"aristotle":49156,"optimizing":49157,"avicii":49158,"madurai":49159,"juli":49160,"nawaz":49161,"matchups":49162,"abide":49163,"painting":49164,"welling":49165,"veli":49166,"octagon":49167,"inscribed":49168,"poking":49169,"placer":49170,"lifecycle":49171,"kilig":49172,"gsp":49173,"elives":49174,"clements":49175,"nasheed":49176,"mesut":49177,"incarcerated":49178,"distilled":49179,"walang":49180,"delicacy":49181,"delgado":49182,"chez":49183,"chita":49184,"adero":49185,"tux":49186,"patil":49187,"odo":49188,"abhcosmetics":49189,"tvc":49190,"pbc":49191,"inaccurate":49192,"hardworkpaysoff":49193,"baller":49194,"quotation":49195,"merchandising":49196,"gastri":49197,"defenses":49198,"drogba":49199,"bexhill":49200,"bankno":49201,"winona":49202,"sieg":49203,"pgs":49204,"hahahha":49205,"aguchi":49206,"subram":49207,"miracle":49208,"desch":49209,"libre":49210,"bacher":49211,"entine":49212,"bbcradi":49213,"loudest":49214,"rps":49215,"pierc":49216,"fryer":49217,"stormtrooper":49218,"rafaelnadal":49219,"pasco":49220,"exhaustion":49221,"epiconetsy":49222,"rctid":49223,"kellie":49224,"gaines":49225,"dbz":49226,"smriti":49227,"sbridge":49228,"limited":49229,"claw":49230,"technical":49231,"biographical":49232,"adored":49233,"ะ":49234,"exclude":49235,"acadia":49236,"keyboards":49237,"furman":49238,"soca":49239,"suru":49240,"nips":49241,"swaps":49242,"serverless":49243,"rune":49244,"puffy":49245,"northampton":49246,"nishings":49247,"hender":49248,"cartridges":49249,"gunshot":49250,"ðŁĵ¹":49251,"filament":49252,"respondents":49253,"peyton":49254,"mountaineer":49255,"merging":49256,"lifespan":49257,"intimidation":49258,"pafc":49259,"nlwx":49260,"expansive":49261,"purr":49262,"fck":49263,"cae":49264,"atti":49265,"telethon":49266,"sohn":49267,"mendel":49268,"lopes":49269,"dori":49270,"unbroken":49271,"tered":49272,"tastings":49273,"inactive":49274,"disintegr":49275,"tassel":49276,"sharethe":49277,"piano":49278,"islay":49279,"airspace":49280,"zawa":49281,"ricciardo":49282,"mington":49283,"fresher":49284,"curry":49285,"revs":49286,"pharoah":49287,"hmv":49288,"exhilarating":49289,"whoo":49290,"linkin":49291,"krispy":49292,"competency":49293,"stewards":49294,"nebu":49295,"katsu":49296,"admins":49297,"bazar":49298,"asar":49299,"givingback":49300,"ssummit":49301,"songz":49302,"linus":49303,"rajkumar":49304,"farmington":49305,"fantasia":49306,"ðŁĺ´ðŁĺ´":49307,"sobri":49308,"lisse":49309,"barrymore":49310,"prism":49311,"blob":49312,"senew":49313,"monoxide":49314,"expire":49315,"eighteen":49316,"dipper":49317,"xiao":49318,"kilt":49319,"hinch":49320,"bbcsport":49321,"bamboo":49322,"pter":49323,"exal":49324,"ð٦ĭ":49325,"hamlin":49326,"expeditions":49327,"stargazing":49328,"foodsecurity":49329,"wylie":49330,"ulf":49331,"stingly":49332,"onstorm":49333,"loeb":49334,"broome":49335,"bnha":49336,"pancreatic":49337,"elive":49338,"!!!!!!!!!!!":49339,"therapper":49340,"orthopedic":49341,"avengersendgame":49342,"antitrust":49343,"ìļ°":49344,"gote":49345,"omd":49346,"offside":49347,"gyllen":49348,"wineries":49349,"whitewater":49350,"adl":49351,"lupita":49352,"exceeds":49353,"consisted":49354,"chewbacca":49355,"ashleigh":49356,"nhljets":49357,"issan":49358,"shld":49359,"hayat":49360,"cranberries":49361,"ð٤ĺðŁı½":49362,"rockthe":49363,"springtraining":49364,"fallout":49365,"dairyfree":49366,"waj":49367,"undecided":49368,"sown":49369,"rcn":49370,"northwales":49371,"httr":49372,"fumble":49373,"dits":49374,"compelled":49375,"populist":49376,"minted":49377,"blanchett":49378,".''":49379,"propulsion":49380,"milla":49381,"auberg":49382,"hertz":49383,"hta":49384,"udaipur":49385,"serendipity":49386,"aztecs":49387,"alsace":49388,"ðŁIJij":49389,"lun":49390,"shoes":49391,"charli":49392,"garza":49393,"ðŁĴŁ":49394,"probiotics":49395,"foxtv":49396,"olis":49397,"miff":49398,"localized":49399,"diffuser":49400,"sigue":49401,"funko":49402,"rendous":49403,"ðŁĴij":49404,"jekyll":49405,"<|startoftext|>":49406,"<|endoftext|>":49407} \ No newline at end of file diff --git a/test/asset/clip_vocab.bpe b/test/asset/clip_vocab.bpe new file mode 100644 index 0000000000..bbfec752c9 --- /dev/null +++ b/test/asset/clip_vocab.bpe @@ -0,0 +1,48895 @@ +#version: 0.2 - Trained by `huggingface/tokenizers` +i n +t h +a n +r e +a r +e r +th e +in g +o u +o n +s t +o r +e n +o n +a l +a t +e r +i t +i n +t o +r o +i s +l e +i c +a t +an d +e d +o f +c h +o r +e s +i l +e l +s t +a c +o m +a m +l o +a n +a y +s h +r i +l i +t i +f or +n e +ð Ł +r a +h a +d e +o l +v e +s i +u r +a l +s e +' s +u n +d i +b e +l a +w h +o o +d ay +e n +m a +n o +l e +t o +ou r +i r +g h +w it +i t +y o +a s +s p +th is +t s +at i +yo u +wit h +a d +i s +a b +l y +w e +th e +t e +a s +a g +v i +p p +s u +h o +m y +. . +b u +c om +s e +er s +m e +m e +al l +c on +m o +k e +g e +ou t +en t +c o +f e +v er +a r +f ro +a u +p o +c e +gh t +ar e +s s +fro m +c h +t r +ou n +on e +b y +d o +t h +w or +er e +k e +p ro +f or +d s +b o +t a +w e +g o +h e +t er +in g +d e +b e +ati on +m or +a y +e x +il l +p e +k s +s c +l u +f u +q u +v er +ðŁ ĺ +j u +m u +at e +an d +v e +k ing +m ar +o p +h i +.. . +p re +a d +r u +th at +j o +o f +c e +ne w +a m +a p +g re +s s +d u +no w +y e +t ing +y our +it y +n i +c i +p ar +g u +f i +a f +p er +t er +u p +s o +g i +on s +g r +g e +b r +p l +' t +m i +in e +we e +b i +u s +sh o +ha ve +to day +a v +m an +en t +ac k +ur e +ou r +â Ģ +c u +l d +lo o +i m +ic e +s om +f in +re d +re n +oo d +w as +ti on +p i +i r +th er +t y +p h +ar d +e c +! ! +m on +mor e +w ill +t ra +c an +c ol +p u +t e +w n +m b +s o +it i +ju st +n ing +h ere +t u +p a +p r +bu t +wh at +al ly +f ir +m in +c a +an t +s a +t ed +e v +m ent +f a +ge t +am e +ab out +g ra +no t +ha pp +ay s +m an +h is +ti me +li ke +g h +ha s +th an +lo ve +ar t +st e +d ing +h e +c re +w s +w at +d er +it e +s er +ac e +ag e +en d +st r +a w +st or +r e +c ar +el l +al l +p s +f ri +p ho +p or +d o +a k +w i +f re +wh o +sh i +b oo +s on +el l +wh en +il l +ho w +gre at +w in +e l +b l +s si +al i +som e +ðŁ Ĵ +t on +d er +le s +p la +ï ¸ +e d +s ch +h u +on g +d on +k i +s h +an n +c or +. . +oun d +a z +in e +ar y +fu l +st u +ou ld +st i +g o +se e +ab le +ar s +l l +m is +b er +c k +w a +en ts +n o +si g +f e +fir st +e t +sp e +ac k +i f +ou s +' m +st er +a pp +an g +an ce +an s +g ood +b re +e ver +the y +t ic +com e +of f +b ack +as e +ing s +ol d +i ght +f o +h er +happ y +p ic +it s +v ing +u s +m at +h om +d y +e m +s k +y ing +the ir +le d +r y +u l +h ar +c k +t on +on al +h el +r ic +b ir +vi e +w ay +t ri +d a +p le +b ro +st o +oo l +ni ght +tr u +b a +re ad +re s +ye ar +f r +t or +al s +c oun +c la +t ure +v el +at ed +le c +en d +th ing +v o +ic i +be st +c an +wor k +la st +af ter +en ce +p ri +p e +e s +i l +âĢ ¦ +d re +y s +o ver +i es +ðŁ ij +com m +t w +in k +s un +c l +li fe +t t +a ch +l and +s y +t re +t al +p ol +s m +du c +s al +f t +' re +ch e +w ar +t ur +ati ons +ac h +m s +il e +p m +ou gh +at e +st ar +wee k +! !! +c lu +th ere +n er +t om +s el +ï¸ ı +wor ld +v es +c am +go t +in ter +of f +u m +ton ight +o ther +h ou +loo k +j e +i d +si on +be au +at t +el i +or t +re c +f f +st er +su pp +g en +be en +il y +te am +m m +i c +pe op +it t +at s +on ly +mb er +en g +b ri +m p +k now +b ur +b ar +in s +lo w +sh e +ro w +â Ŀ +t ro +peop le +vi a +lo w +ag a +be t +x t +f ac +ch ar +e ar +w al +s en +f am +b le +n ati +is h +n or +g ame +li ve +s co +le y +d on +ic k +b all +ver y +the se +p an +i a +at ing +c r +a re +g ir +ma ke +st re +sho w +. " +f l +u p +d r +than ks +il li +w om +st s +i g +s ur +ever y +c ur +vie w +le t +in to +mo st +n a +in di +g ar +ha d +s ou +v ed +an t +iti on +ma de +f ol +un i +it ed +ðŁ ı +ic al +th r +read y +ch ec +d ra +k es +boo k +e p +si c +mor ning +ne ws +c au +c t +w ell +an c +pho to +th an +or s +bir th +g g +ou t +ne xt +som e +en ing +stor y +ch ri +do wn +hom e +f fe +fre e +d a +b or +f il +ci al +than k +si de +le ar +qu e +l ine +t en +at es +ye ars +m y +pho to +beau ti +ri ght +n u +for m +shi p +b an +th er +d ays +g am +as on +g y +ðŁ İ +birth day +se t +ic k +e t +st ill +com ing +ta ke +ðŁ ĩ +b b +s ol +s on +d en +e p +mu sic +the m +de n +wh y +f oo +c ra +am az +w n +h ol +t ting +w r +u e +ma g +c ro +l an +c lo +b ra +a k +s ing +c al +re ad +' ve +jo h +b ab +d ri +b lo +bi g +er ic +in t +t or +tr y +l a +le g +hou se +m ic +v al +beauti ful +l itt +chec k +ne w +ver s +s w +ar i +pla y +h er +âĢ ĵ +w in +m a +con gr +sch ool +f un +. @ +he al +ic h +d el +wh ere +l on +ke t +tw o +mu ch +wat ch +v en +d ed +a st +k ed +b as +go ing +m p +e ver +w ays +ro o +de sig +l y +s ed +to p +l in +ch an +to o +it ing +d ent +gh ts +t y +sp o +ne ed +b lu +in st +be ing +âĿ ¤ +w el +l s +hi m +m ay +st ing +n a +el y +litt le +g a +n at +tom or +m c +h on +w ant +a ir +pi c +am eric +p er +le ss +wee k +ve l +a h +c ap +ch am +g er +ti m +tomor row +ne ss +st ate +h al +ser v +z e +o s +p at +v is +ex c +s in +f f +c ity +c en +an y +b el +su mm +t in +w ould +loo king +k o +ce le +fam ily +m er +po w +hel p +bu s +c o +c le +sel f +en s +ic s +th o +an i +ch o +le ad +b s +t wee +th ink +for e +ch il +vi de +di d +al e +ch i +v il +en ds +w ing +p as +' ll +v ol +s a +g s +man y +j ec +be fore +gra ph +n y +ur ing +w il +d d +bu il +f av +st ed +tr an +l ing +ou d +d ge +fi el +nati onal +st a +c er +w ere +in a +se ason +c ou +n ed +amaz ing +ti ons +cele br +n s +a th +he ad +s day +d ar +lo c +v in +an other +g oo +s at +n y +jo in +pre s +s es +s ing +an a +in ing +.. .. +c our +ï¸ ı +ac t +cau se +li ght +am s +t a +b al +f c +hi gh +off ici +t t +chri st +d ic +d ay +ra l +h or +: ) +vi si +n am +o b +ma s +gh t +re ally +t un +fin d +thr ough +por t +u t +ti ve +st y +n e +or e +ðŁĺ Ĥ +supp ort +ne ver +ev en +ðŁ Ķ +h a +y a +l d +u k +r an +j am +wi th +me di +d es +ne y +ch ing +al e +h y +k in +! ! +d y +pl ace +al so +b le +wh ich +bl ack +b li +s ay +par k +pl ay +ir e +vide o +week end +a il +ke y +p t +w ard +fri day +d in +ine ss +g ro +b en +al ways +t ball +ag o +m il +c y +pro duc +di sc +un der +ple ase +sp or +fu ll +e y +ðŁ Ļ +is e +iti es +c at +k no +u se +fo re +k er +ar t +hi gh +op en +s an +e f +our s +sh ed +st ri +d ro +aga in +i m +ðŁ ĵ +en jo +fu n +ge tting +p en +g er +c li +an y +ever y +e u +wom en +â ľ +e st +c ould +r y +" @ +th ou +sh a +comm un +b er +d ents +di s +wh ile +aw ay +di o +h am +g la +d ate +k a +mis s +un ch +w on +in f +roo m +g a +re al +ex per +di rec +sh ould +sp r +g ol +l ong +bet ter +or i +e y +i ence +il s +z z +h an +f ound +v s +â Ļ +po st +ti c +par t +m en +ren ce +ce ss +v ic +s il +sho p +ðŁĺ Ĥ +f ood +v al +sti c +y ou +s ays +e lec +st ar +o c +l and +i d +c tion +fiel d +s of +st art +wat er +fri ends +on es +ðŁ Į +f la +f ar +wh ite +par ty +in st +gr ou +t v +every one +m ent +j a +ch a +pr in +an ts +d uring +l at +l ar +we st +th en +k a +y oun +in sp +in te +we en +visi t +aga inst +re le +he ad +c es +to wn +loo ks +th re +re gi +ren t +pro jec +gir l +se ar +w o +m om +c ar +h un +pu bli +d i +p le +c all +c ri +u m +for d +per fe +fri end +h ard +ssi on +te st +pla ying +ar ound +be cause +ke ts +me et +sat ur +ar ti +wor k +j un +v en +r un +me mber +por t +su per +t wit +s am +el s +t ly +ad v +ati ve +at h +s ure +av ail +la r +s qu +ar ds +ev ent +m en +l l +o ver +lo gy +it al +tim es +m al +b ack +c oo +ma king +st ru +â ģ +it u +sh ar +g an +c as +s n +summ er +pic ture +f an +h in +christ mas +c y +pr oud +cham pi +desig n +pp ing +ho pe +c a +avail able +ma y +we d +photo graph +spe cial +sal e +sto p +er y +a we +al ity +hi story +am a +pre si +b ru +wor king +d one +d r +k en +fe at +w ood +ate st +sun day +mo vi +vel y +s le +f ace +sp ec +stu dents +b y +ha m +sp on +bus iness +d at +i e +i p +so ci +g lo +h and +re cor +r s +me e +ke ep +p ur +heal th +sh e +com ple +go d +da vi +col lec +li st +r a +clu b +t ers +in clu +th ings +pl an +â ĺ +joh n +sh ing +at ul +so on +blu e +g or +satur day +w on +congr atul +se e +âĿ¤ ï¸ı +tho se +ðŁĺ į +fin al +d ou +it h +o wn +ro ad +t our +a st +indi a +ti l +n d +f er +fav or +su l +lear n +fir e +ju st +grou p +a h +r ac +bo dy +u r +c are +à ¸ +p lo +o h +po s +gi ve +te ch +su b +c ent +er ing +y m +il ity +f ic +lon don +v ir +gu ys +b a +ðŁ ¤ +bab y +sc re +ðŁĺ į +tru mp +un der +chan ge +i an +col le +ss es +l er +ss ed +n ice +ann oun +pow er +s ar +a king +min i +s li +s wee +k ar +fu l +c ru +ac tion +a ther +) . +st and +de vel +a a +g an +le ft +lo l +re l +tran s +m ents +in t +e f +man ag +di g +gen er +do wn +p au +ti v +k u +th ur +k en +st on +f ans +tal k +twee t +t oo +sty le +pro te +se con +fr on +awe some +g l +p al +ne t +s or +la u +g on +sin ce +t ty +ser ies +me mor +b eli +fil m +di d +di es +o t +congratul ations +p ra +e ve +w oo +offici al +su c +in cre +b on +par t +pp ed +cla ss +si ve +bo y +cu l +perfe ct +t ou +d am +wel come +foo tball +h i +p ap +wa it +ad a +congr ats +youn g +exc ited +re ce +j an +v a +re d +st ra +medi a +' d +do es +le t +mu l +ill s +gre en +m el +to ge +fu ture +ye ster +vers ity +for m +ta in +i de +ch es +ki ds +qu i +ha ha +de ta +bi g +favor ite +gir ls +con tin +do m +sear ch +u al +a ir +d ers +mon th +c er +yester day +commun ity +ad e +do g +vil le +ic es +d eli +sy ste +ru n +is m +he art +c up +en ti +fe w +presi dent +e ds +un til +fe sti +o k +f lo +sa id +ol e +me d +tra vel + £ +ph one +toge ther +fa st +lo t +gam es +sh ir +bet ween +y es +th ers +do ing +m ac +at or +b and +fol low +projec t +devel op +di ffe +con fe +spe ci +ca st +y s +bo ard +r d +i al +sh oo +r am +ha ving +sh are +fol low +on e +n ame +m r +pu t +disc u +or y +c ame +ou s +s ite +twit ter +t b +t it +fin ally +z ed +su per +com pan +us ing +all s +li st +r is +sho t +g al +t ar +de l +joh n +âĢ Ķ +some thing +ra m +inte re +wh e +b it +ðŁ į +stre et +oun d +a i +tic kets +movi e +re al +k y +ta king +o pp +c c +l am +m oun +in ve +bl ack +us ed +on line +y or +loc al +gu e +c ks +o w +ge st +bo ys +illi on +con t +re ci +in ed +eu ro +no w +se en +p h +te ach +de f +sou th +su ch +aw ard +mu st +is su +ca re +fe el +p lu +l atest +spor ts +we b +te x +e ment +s k +fi c +w an +te ch +o t +bo x +n er +fre e +t al +a sh +c ase +ho t +won der +mee ting +er a +ch all +ðŁ IJ +jo b +il i +c ool +j our +th s +m o +f el +di e +mic ha +e le +te am +serv ice +st and +ma kes +p ing +ear ly +com es +e k +ho li +v ers +ag ue +s au +thre e +mon day +fa shi +some one +th ro +se a +b ad +supp or +tur n +ur y +m ing +photograph y +n ic +mar k +pre tty +ss ing +wat ching +me mb +ar ri +coun ty +be ach +fr an +cen ter +pol ice +b at +publi c +t an +pre ss +s af +s y +ge ts +ro y +n ers +y our +bu y +st ers +sho w +as ed +chil dre +af ric +in es +sp ace +sc ri +h all +pa in +ar ing +hom e +m ur +heal th +ch ed +s and +rece i +gu y +e a +americ an +re si +childre n +- - +i ri +ing ton +coun try +ro ss +le n +ann a +boo ks +b c +e ce +d om +lo vely +k h +pe t +g y +g ri +st age +off ice +ro ck +m on +b ay +t able +su n +m ed +th in +l or +f low +( @ +uni versity +stor e +fron t +goo d +z a +vo te +nor th +he y +an im +or der +mi d +with out +a de +re member +mar ket +? ? +mu s +tra ining +e duc +bu t +co ver +st an +sc en +b la +bre ak +l ou +s ame +g old +a in +o s +bo th +l it +ver n +a i +al bu +p a +enjo y +be g +ell ing +thur sday +inf o +s an +americ a +ha ir +te l +mar ch +con cer +colle ge +confe rence +ap p +h our +ch ang +â ļ +s our +ol s +we ather +w ar +p hi +festi val +secon d +cu te +pr ac +en er +str y +le a +pol it +s av +se n +o w +m i +ne ar +ou ght +z e +co ffe +w illi +d an +se y +davi d +e se +f an +de ci +the at +no v +ati on +tr ac +sc i +re view +c el +e m +u n +ju ly +or ig +ti on +d ru +form er +st ay +af ter +in v +too k +dat a +b al +tu es +d an +ev ening +ðŁĺĤ ðŁĺĤ +d ol +u res +pro vi +t s +e st +sig n +j ac +u k +s ong +ye t +bo w +in du +j ap +h oo +po int +any one +z y +i st +h ur +it al +buil ding +wom an +ch ur +j er +per for +co ach +le ague +ce ss +ne t +i mag +nati on +br it +qu e +aw ards +ag es +wor ks +c ed +man ce +l ate +ig n +mon ey +tru e +i i +t ell +pl ac +p ac +as y +wor ld +be hin +im port +read ing +gra m +gi ving +me t +h it +for ward +st om +pres ent +jun e +so cial +no on +mar t +hal f +s we +go vern +k er +deta ils +li sh +_ _ +ac y +si a +ber t +f all +! !!! +) , +th i +d iti +sp ort +k ing +f it +st af +c at +mu se +cen tr +y er +con tro +b loo +wal k +ac tu +did n +li m +lear ning +re search +wed ne +au th +h ours +k y +f ar +h en +.. .. +it ch +ri l +str ong +sk y +que sti +jam es +r on +d g +f ur +c in +do es +app ro +mar ke +tu res +ful ly +ch at +behin d +te m +fin i +mis sion +b att +fe el +he av +every thing +b ar +w ish +pre mi +i ma +exper ience +e ach +re port +swee t +tic s +spr ing +re spon +syste m +vic tor +l in +sa w +al ready +gh ter +f le +ã ĥ +br ing +albu m +- - +ell s +st an +to m +inter national +w ent +an ni +mat ch +pp er +st one +sm all +ra in +fashi on +are a +v an +ag ram +k o +thou ght +wor th +v an +m er +coffe e +it es +g n +arti st +c on +ar ch +c ir +se cre +gr ound +is o +h and +co m +bri dge +h s +x i +l ink +pu l +sp l +r ace +f li +ri ver +g as +di sco +d al +play er +f it +photo s +it y +o k +j or +tr a +ap ril +ad s +a di +sol u +beau ty +do or +me ss +up date +ali a +sch o +en ed +mom ent +sco t +sc ience +i or +ti es +ac ross +ous ly +sh es +does n +p age +wat er +m illion +cla ssi +l ic +ca st +form ation +micha el +ell o +s mo +in ts +vi sion +op ening +ld n +au str +tues day +win ner +po ssi +r ound +shir t +di t +b o +u es +il led +al ong +tri p +star ting +im pro +k an +per son +no t +re co +ne eds +c le +li e +re st +r ing +win ter +si mp +mo m +be er +fac e +tor s +us a +collec tion +ge or +se ssion +tr ying +la s +la ke +j en +orig in +stu dent +se cur +v in +pic s +ex pe +com p +gon na +e qu +b ad +le y +a u +memb ers +bre ak +w all +gi c +din ner +bu l +insp ir +r i +min d +ic a +win ning +tal king +t ren +s is +t en +wonder ful +s now +he ar +th om +no thing +gu i +st in +blo g +fe st +b un +le e +war ds +ch ance +dre ss +re n +pau l +p es +tech no +ru ssi +c ard +e ast +mar i +w ine +t i +la w +str ic +k i +ap e +au gu +pro fe +as h +cour se +ma il +ren tly +d un +m un +lo ve +is land +dri ve +s l +end ed +ma in +lo st +nat ure +âĿ¤ ï¸ı +ch ic +re por +p in +pr o +st ation +ce p +ta kes +compan y +go es +on d +ma ch +ra dio +d ad +ro ck +j a +p ay +champi on +e e +in de +tt a +ati c +t ab +beli eve +ener gy +z i +t at +wor d +on ce +re sul +y l +and re +an o +inst agram +clo se +t am +cu stom +w a +con om +sho ws +li fe +k in +ro b +t age +n ation +al most +list en +sa ve +re li +ac e +mar y +tre e +for get +j ack +wa iting +direc tor +h ill +bor n +te mp +f l +st e +on a +sing le +wedne sday +un ited +in o +@ _ +ne l +celebr ate +en ding +de al +j i +can ada +hu ge +tr ack +âĢ ¢ +f y +fan ta +an g +yor k +rele ase +p un +ep iso +wor ds +t our +p ack +i gh +classi c +perfor mance +ke t +after noon +recor d +win s +pro ble +âĿ ¤ +f our +b ed +ban k +d ance +s la +cal led +mi ght +a p +pa st +ðŁ ļ +diffe rent +it e +gi ft +ssi ve +chur ch +c us +pro gram +ho tel +ic e +ma d +secur ity +en ge +d c +en ough +st a +e ty +de ad +g un +he ar +m ir +hu man +gre ss +oun ds +pi ece +bre aking +gar den +fi ght +vie ws +f ish +star ted +run ning +gre en +ser i +s m +as k +d or +de ath +e conom +er i +ir d +s er +l unch +âģ ¦ +bo x +nat u +ba se +b an +f al +glo bal +wil d +wo w +out side +mo ve +le ad +an al +muse um +on g +ha w +pow er +than k +b ac +char ac +cam pa +dig ital +r o +op er +de v +w ol +p ati +f a +m ale +pap er +ill ing +c s +â ĥ +educ ation +ta ken +e ffe +m ou +s ad +" . +bas ed +staf f +inclu ding +li ving +a c +ch ina +mo b +stor m +lu ck +ph il +o o +y n +tra vel +k el +ti al +pr ice +boo k +import ant +bi o +p ool +ny c +f ab +lo ad +? ! +chall enge +cr y +ser ve +we ar +bu s +ta in +nu mber +ro r +k at +i z +th ough +ho sp +m m +fa ir +ut es +ho t +po p +fi ed +cam p +develop ment +li br +c ali +em s +âģ¦ @ +b ol +is ed +stand ing +mo del +it a +g le +bro wn +ima ge +ve red +for ce +o il +par tic +sh u +da ily +la w +se c +cla ss +cam p +holi day +cl in +k ers +pres ent +gam e +incre di +er ship +inter view +b ill +du e +and y +ab o +in nov +ke y +ac ade +p il +mo der +st ars +br and +f er +wee ks +con si +pr e +sa fe +wr it +di um +la unch +marke ting +ann ual +as si +cour t +la dy +c ted +and a +in side +chil d +opp or +sm ith +centr e +gu e +âģ © +f ren +st y +for t +ent ly +is n +ke ep +to ber +on y +bo y +al d +col la +de mo +le vel +com pet +ad o +b our +fanta stic +m ate +s u +sou th +oppor tun +vers ary +lat er +bu d +face book +la un +ster n +p it +! " +ma j +gr am +tb t +fi re +happ y +a ks +wh ole +actu ally +ill er +ell a +lo ts +al ex +an ge +lan ds +ðŁĺ Ń +en ter +r ou +episo de +p ed +in ten +sh ire +wh o +pl an +h o +ca ke +we st +mag az +fre sh +c c +n ar +ch ris +wr iting +w er +n om +l o +mi dd +dre am +o l +ti onal +de b +> > +be come +s i +gr and +all ing +hi stor +ri de +i red +saf e +que en +ci l +in tro +vi l +d ani +.. . +ar tic +st at +sh ort +or ing +sel fi +mis si +do c +b it +g all +b om +i re +se lec +d ition +ðŁĶ ¥ +fri end +be at +gh ting +ðŁĺ Ĭ +pe ace +ex hi +ant a +ab ility +il lu +j on +qu ality +tri bu +m es +play ers +fa ir +cu t +c ab +suc cess +b i +su s +pro mo +sch e +an ge +ic o +comm it +cat ch +ill a +kin d +feel ing +qu o +s ay +anni versary +spo t +mo ther +an e +p end +your self +op s +app le +min utes +p o +gr and +ri es +ha ha +care er +ed ition +de c +ric k +am i +concer t +iti ve +ge ous +d ly +t te +adv ent +i g +li ghts +ak er +sk y +âĥ £ +r ay +fini shed +w ay +s d +ac coun +ðŁĴ ķ +ck y +ch el +lit er +pain ting +lo s +st un +techno logy +n as +ma r +b il +afric a +ki e +ey es +gol f +plu s +ni a +it ec +serv ices +wed ding +kno wn +te le +.. ... +star ts +pa ren +w ants +ati onal +mon ths +win do +fav our +er t +magaz ine +ex clu +re ve +b c +origin al +e ss +n al +an ti +st ro +t ice +stu dy +à ¤ +v ac +nation al +fi ve +ra in +ve ment +u te +ver se +em er +ar my +possi ble +gue ss +val ley +ther n +cro w +m r +col or +on to +pic k +cle ar +dar k +t ac +wan ted +it ting +can cer +govern ment +di e +ri se +z ing +col d +f oun +stu dio +str ation +bro ther +a head +sh el +mic ro +ic ally +d au +sig ned +vi ol +a x +as se +i o +w re +spl ay +ch ick +augu st +pl at +ti ps +sp i +hu man +e asy +lo gi +mi ke +gro w +ag re +w w +sh ad +mo tiv +wi de +tur ns +om g +v ar +de fin +su g +j im +ðŁĶ ¥ +t d +campa ign +nam ed +re tweet +co p +t v +le av +k is +dou ble +s mar +issu e +vil la +in formation +li es +sto ck +n t +di stric +sh or +mi x +er o +se p +me x +see ing +li ve +re min +co de +g ur +s c +wil d +l un +h ood +spo t +fa ther +fore ver +up d +tra f +f ly +ne ed +gra du +tra in +ma ke +s ab +be y +si ze +lead er +tal ks +e u +lo g +fo x +gor geous +le ss +le ts +sur pri +my self +no te +li ves +f ru +lo ved +se ver +de m +j i +so c +h old +do gs +n i +â ŀ +lea ve +air port +ben ef +ex pl +shi ps +comple te +ach i +gre at +vin tage +j ack +ro c +woo d +pri v +off er +ey e +ver sion +te a +co ach +off ic +w ell +g en +s at +h h +you th +o x +? " +m t +mi x +g g +d le +natu ral +buil d +break fast +thin king +theat re +mo on +ber g +go als +geor ge +en e +exc ell +il ing +tun e +y ed +g ate +m it +net work +jo e +h ello +f b +tu be +we aring +ath le +stru c +har d +gla ss +g ers +thro w +g es +b t +indu stry +manag ement +ali st +go al +stre am +y el +a vi +ici ous +o thers +s ki +chri sti +bir d +e sc +m in +tr o +l t +j an +im p +ri ghts +sh a +or gan +cent ral +ar a +ro ll +favour ite +che ster +el se +p ay +car s +m ine +ste p +prac tice +maj or +h ang +ðŁĺ ĺ +n on +v ari +eng ine +vol un +di a +i led +arch itec +p ink +d s +th y +wa sh +web site +ba g +contro l +el li +f ra +an sw +d ence +y u +r on +ol a +g in +dr in +li c +cou ple +sp ar +g on +cre ate +c t +celebr ating +de ep +e at +te e +vo ice +dro p +vis it +at ors +sta dium +f t +w is +ro l +gra de +fam il +po ints +re pre +w as +traf fic +jap an +or g +hon or +tex as +man u +âĻ ¥ +safe ty +re r +b ag +em plo +rele ased +re gu +ak a +n av +ro le +sen ior +spec t +cro ss +lin es +be st +p ack +s in +ti e +mis sing +sun set +li ber +is ing +j ay +sk i +champion ship +ac tiv +la dies +play ed +y y +pu bl +al o +pri de +s r +pa ki +lu x +sur vi +ck ed +e ts +cho col +austr alia +par is +mi les +h at +ment al +al a +me an +mob ile +en a +in si +f ound +chi ef +t ag +incredi ble +re turn +à © +goo gle +fren ch +cre w +hal lo +ali an +j az +ch er +sil ver +nor th +eng lish +base ball +c af +lim ited +follow ing +app reci +ear th +k ir +ve mber +w ed +p tion +g ed +oc tober +fl ori +c r +en cy +ga ve +lor d +stu ff +ber ry +po st +sm ile +bro ad +st ate +gg er +me ans +ic y +gu n +y o +ma ster +bur g +han ds +ni e +/ / +uni on +brit ish +big gest +distric t +am ing +h il +o ce +per son +pas s +en vir +scho ols +arri ved +anc es +insp ired +ex pla +be n +libr ary +bo tt +am p +ste ph +cont act +b ang +m s +cali for +t old +batt le +b b +chic ago +âľ ¨ +str ate +sh i +de ce +- ) +ad d +la b +j ones +leg end +cast le +ing er +st ance +be l +ur a +re fu +lead ers +po t +se x +h ic +artic le +ki d +fr ance +x x +ex e +gui de +volun te +pr int +al i +ce o +twee ts +w x +scen e +vol u +ant i +h an +as soci +shar ing +ro se +mini ster +sh er +in ste +cle an +demo cr +po ster +sk in +p sy +pro per +cra zy +i am +o re +in i +any thing +po d +mo ving +cl ick +ex plo +com b +cra ft +f i +bloo d +is ra +publ ic +d ent +ol ym +eng land +a si +ch er +fac t +envir on +har ry +g one +me dic +enjo ying +just ice +j r +indi an +wi fe +s ound +t es +dra wing +p al +ide a +cr it +ju li +il er +war m +cl ar +thou ghts +def en +coun cil +intro duc +di ed +jan u +an i +s end +li er +m l +intere sting +tra de +win d +b ay +s ac +anc y +sour ce +b es +org ani +ar ly +lar ge +ff ici +ta g +u t +de sp +o es +tit le +sy m +pic tures +op en +wom en +sho wing +ri a +le ast +lead ership +cur rent +elec tr +val ent +list ening +c key +gener al +de ser +du ce +; ) +c ent +ðŁĺį ðŁĺį +sco tt +po or +selfi e +ev ents +i on +wr ong +de v +h ill +sep te +cul ture +l ine +sor ry +s ent +si ster +ce pt +k ri +no vember +ar i +announ ce +z ation +br an +g ent +d u +l en +per s +f m +mart in +o p +e mb +om e +midd le +suc cess +pe ter +janu ary +f lu +rac ing +d av +bi ke +ðŁı » +pe t +shoo t +profe ssi +feat uring +septe mber +now playing +sta ur +z a +on ic +qu ick +bas ke +spe aking +mil it +z er +chick en +b ell +s ad +co ast +lo ving +y ers +d j +pan el +ver age +s wit +ic ks +b ou +califor nia +s am +paren ts +er o +k illed +ph ys +jo bs +mi gr +an th +e mo +hallo ween +and er +c m +compet ition +e ag +s ket +sp ir +may be +exclu sive +app e +jour ney +scre en +for d +i o +h ate +u g +sou l +her o +soci ety +sy n +gu it +n h +d j +as es +im pre +ti me +sal es +d d +f ts +summ it +stun ning +om s +tur ned +cle an +sof t +be at +re staur +de red +en ces +ma gic +di o +sh ine +gu est +health y +exhi b +stor ies +po pu +n is +el a +bel ow +fun ny +resul ts +s ne +cur rently +ar d +down load +f light +m al +f ine +p ad +ch u +ent ed +h at +ðŁij ı +ste ve +j o +mar k +r at +b all +p c +p on +b by +o li +ar ts +as ure +bow l +att ack +mi c +de ar +ran ge +en ter +chocol ate +br illi +ac cess +, " +? ?? +ch ap +con st +t n +mat ter +blu e +gall ery +em p +work shop +lead ing +y ours +baske tball +w anna +th u +_ _ +mar ri +sle ep +bi a +ch e +ma d +imp act +o wn +si r +chan nel +euro pe +e sp +k itch +hosp ital +w ra +roy al +f s +ne u +qu ar +ne y +ac ks +ch ase +pp y +st al +at ely +ti m +dece mber +r are +per form +cre am +we ight +ch oo +ni ght +ha ven +fr anc +kh an +buil t +hel ping +tru st +ty pe +gol den +ta x +s now +s wi +di sa +questi ons +ve y +li ght +c n +cl oud +thom as +ag ed +sh ou +te ams +gr an +re ason +a a +you tube +v p +pi zz +manag er +bur y +cre dit +tre at +ma x +i k +ma in +g ing +de ad +pro bab +ye ah +ã Ĥ +br and +so li +pl ant +ta yl +gir l +ðŁĺ Ń +nam ent +au to +mess age +ko re +n ur +ter r +ag u +ma p +sen ting +lo ves +gi ves +g ab +z en +ro bert +con fir +w ars +o m +sta in +cam era +and er +won der +a b +ca p +s old +su it +wal king +contin ue +effe c +dau ghter +d anc +cha in +mul ti +ki d +y an +champi on +v o +ta ins +ho st +min i +mis sed +re sc +ly n +fin ish +del icious +s as +tayl or +i b +pro mis +produc ts +moun tain +flori da +regi ster +tre at +rec ent +fe male +boo th +mat t +ve hic +s op +mo tor +suppor ting +phi c +ex tre +dr ink +lan e +th ird +p s +con stru +ce re +far m +ðŁİ ī +tu red +ðŁij ī +c ats +a j +gi e +shoo ting +as ked +paki stan +am e +m b +g il +leg al +squ are +in vol +dra w +oo oo +!! !! +opportun ity +p y +e i +b ts +teach er +charac ter +john son +br on +ly wood +ch ine +c ing +c ine +d ge +gam ing +russi a +ci a +quo te +ric h +go v +flow ers +sp iri +st in +grow th +ðŁı ¼ +comm er +j uni +mu m +r an +s na +a ren +c b +ac tor +col or +si t +pa ir +ch i +bo w +acade my +hel d +r ang +me tal +y l +ac tive +probab ly +t ch +need ed +spe e +cho ice +ital y +ry an +ðŁĩ º +flow er +v it +m n +found ation +b ak +si ons +ne igh +f loo +he ard +re mo +fre sh +ing ing +re f +to wn +cl ou +je sus +spiri t +cou ldn +z es +ðŁĴ Ļ +willi ams +pro ce +moder n +pro cess +sho es +cre ated +tri c +issu es +ann e +att en +de but +h r +n it +sti g +a po +e ps +z u +ã Ģ +si x +car ds +lan gu +fam ous +tour nament +se l +e bay +y n +st on +k ick +announ ced +k am +vo c +brilli ant +hou se +che ese +war ri +mus ic +ho ckey +ðŁĺĤ ðŁĺĤ +sk ills +au tom +smar t +med ical +mon y +e x +gu ar +gi ve +pers onal +ven tion +al li +pre ss +flo or +m c +victor y +hi m +simp le +th or +ðŁĩº ðŁĩ +ta il +lu cky +ale x +qu ite +bo t +ssi ons +chall eng +c ann +amaz on +h ell +b ought +) : +ed y +secre t +produc tion +inde pend +de fe +ad ded +p r +p ag +be d +gre atest +with in +j ay +ðŁ ¥ +ire land +re ly +s d +te xt +dri ving +pro gram +spe ed +col um +str on +à © +fore st +â ĸ +mach ine +co in +sc ar +oun t +bi e +¡ ï¸ı +por tra +comm on +wre st +recei ved +kno w +inve st +pl ans +ac cor +ad op +ter y +re ali +p p +k al +art work +me an +go d +inste ad +an ci +motiv ation +as ing +inspir ation +up coming +polit ical +euro pe +m ers +heav y +ðŁij į +fe bru +scot land +ou gh +b t +bo ss +sche du +spe ak +n ick +u red +in o +e k +ri sk +tor y +pres ents +b on +ru g +st ates +exhib ition +il o +m ill +br ought +: -) +tou ri +com e +offici ally +champi ons +do ors +re p +po se +ex tra +k ings +soc cer +squ ad +app lic +at a +some times +t ari +excell ent +ðŁĺ ĺ +stra ight +car ol +ri p +âĢ į +gra phic +m ol +elec tion +febru ary +as ons +l i +di r +m t +n ick +u su +m rs +com ics +inst itu +cor por +v i +ðŁĻ ı +tu ral +di se +ac ci +we are +am ong +sho pping +t ill +wh at +cha ir +sp an +chine se +innov ation +jo y +k it +cent ury +ob ama +ph ili +f c +re ach +c iti +ul ous +n on +d ang +happ ening +bur n +p el +or ange +d v +k ick +cla im +ing ham +ph y +no v +pod cast +wh i +ni ghts +ear lier +be ar +la h +exc iting +or a +gi ven +s lo +memor ies +contin ues +produc t +gh o +c d +kno ws +ðŁİ ī +publi shed +discu ss +y ard +i phone +tri es +w all +fe b +are n +tru th +win ners +tu re +diti onal +milit ary +proble m +m and +do g +lo ss +c ric +can adi +ve ter +villa ge +" , +y r +un g +don ald +ag ing +bir ds +sci enti +le s +th is +regi on +tic al +itt en +il a +ðŁĺ İ +d ad +di am +abo ve +st ren +li t +p ir +la b +fo cus +bus y +d ur +app ly +s ma +auth or +ac i +exe cu +dom in +re la +jack son +at o +wash ington +ðŁĻ Į +k ill +popu lar +ce ment +ro ad +e ating +loc ation +v ent +ar re +n an +cu sto +advent ure +or din +spor t +ul t +lo ck +questi on +dri ver +land sc +on i +k ins +p d +jor dan +te red +k k +a f +chil d +s p +just in +en i +s elling +z o +wh it +bo ston +partic ip +sig ning +happ ened +he at +m am +dre ams +lo ws +gra ph +the day +head ing +br o +ble ssed +vi c +ve gas +h d +in ning +ro man +and ro +den ti +u se +c it +pro gress +writ er +bo b +ff s +gro wing +b ly +aw are +ex am +sp ent +be t +sc ore +bey ond +do cu +ad el +s f +cou ra +colla bor +in c +priv ate +bo at +* * +z one +p ha +b ill +to tal +plan ning +to wards +plac es +pre view +cre ative +dam n +ide as +se ems +po ten +say ing +di splay +s w +a qu +lou is +by e +li l +e mail +we stern +ger many +ell er +re s +f ant +ment ary +de als +ric hard +jer sey +stren g +ra d +pizz a +mon d +w are +l ac +g i +ar chi +c d +yel low +rec ently +re ach +à ¹ +kitch en +desig ned +tr y +g al +restaur ant +at ure +w w +j as +l ma +ðŁij Į +pa in +av o +min ute +sch ol +ther ap +tic ket +d ry +jap an +diti ons +ter ri +sel ves +happ en +t up +ma g +cop y +sh er +free dom +f ile +speci ally +tor onto +lo ad +g ary +re y +answ er +lo y +cau ght +pri ze +u ne +fic ation +ni ger +sy d +tou ch +feat ure +jaz z +recor ds +him self +di sh +ro ber +spot ted +ma ster +wa ve +fin als +bu ll +for um +al d +re comm +ch a +a e +d oo +inst ru +tru ly +l g +in k +bro thers +de st +j im +m it +clo sed +is on +tri ed +s anta +af fe +w an +hor se +g row +camp us +rel ation +nati ve +jour n +go v +o ct +k it +b ound +part ner +re ma +crow d +! ) +c alls +ra il +qu ali +solu tion +con test +con vers +sn ap +b ase +in iti +ta x +y e +ent repre +it or +constru ction +foo d +present ed +n ings +cli mate +k m +mo del +b j +blo ck +present ation +dre am +fi x +c alling +bus ine +con gress +under stand +we b +val ue +ï¸ı âĥ£ +mex ico +it ely +ki m +char ity +ref lec +bl an +fl ying +anal y +famil ies +b and +reci pe +celebr ation +ac cep +ar y +to t +g b +intere sted +cap tain +âĻ ¥ +ti p +ab sol +bra z +inve stig +o logy +de c +tru ck +ver ing +c lear +don t +go tta +ad vis +beg ins +ma ss +de scri +blo ck +k im +davi d +son gs +memor ial +feat ures +su stain +' . +gra b +jo se +v a +con serv +se ts +man chester +fi ghting +de gre +ag a +in d +sle ep +pos ition +ha ir +sig ns +pol icy +it o +al ert +st am +sp end +w y +absol ut +d m +anim al +my ster +success ful +proble ms +ro bo +k ay +gar den +p d +may or +d ale +t ol +off ers +vis iting +friend ly +tre es +offic er +accoun t +ke vin +ðŁij į +gi ant +contin u +con su +tr act +n fl +ðŁĺ Ĭ +h q +b ility +a ar +dis ney +te en +on ed +wh ite +tra iler +de dic +al one +absolut ely +dig ital +willi am +in ation +s wa +e e +enti re +ger man +ro ll +h its +co st +st ay +th a +ali ve +accor ding +co t +liter ally +her it +re ti +haha ha +exper i +li kes +g t +ste el +__ __ +ch air +christi an +to wer +diffe rence +m d +tre ss +mi d +prin ce +afric an +fe der +foo t +car ri +ser ved +r ice +sh all +feat ured +ck er +rec ru +po e +sen se +ni fic +com edy +cont ent +f at +po sted +con tribu +tim ate +li ver +mb le +inter net +ag e +europe an +cl ing +gla d +ff ic +sc o +ak es +el le +ter min +ton y +p ale +col our +seri ous +pat ri +movi es +b m +professi onal +ad o +al u +br inging +f alls +isra el +ter m +langu age +bro ok +man n +commun ic +can not +ac ti +p he +y an +entrepre ne +tur key +log ical +lon g +ar m +ur s +work ers +ing ly +gg s +ri c +tu al +recei ve +op ens +ge ar +soci al +fe et +c king +ad ver +fin an +fe els +sp la +h r +ea ster +bra in +ã ģ +fi g +le dge +ne arly +prote ct +ma ssive +e th +aw a +ðŁĺ ģ +y rs +aware ness +defin itely +k n +imag ine +k u +syste ms +ðŁij ı +f as +li k +provi de +am o +disco ver +inf lu +ma ker +g az +fit ness +stre et +er s +te d +w c +ys is +pos itive +hel ped +que st +andre w +bra d +b in +hang ing +l ing +bri ght +se ction +ma ss +ðŁĻ Į +follow ers +ho sting +tem por +fla g +a ve +let ter +k ur +re qui +of ten +cry p +su ff +âļ ½ +russi an +treat ment +al le +ha y +l an +keep ing +hol y +power ful +pre dic +fun d +e specially +windo w +je wel +il y +ðŁĴ ľ +gener ation +app a +seri ously +o d +ðŁĺĤðŁĺĤ ðŁĺĤ +cer ti +iri sh +ðŁij Į +mi ami +be th +v ity +se cu +che f +cri me +graph y +ma x +arti sts +re volu +gu ard +spee ch +u c +upd ates +fac es +st ant +chang ed +repor ts +low er +pe ar +n c +k il +loo ked +spe aker +s f +re spect +ok ay +oce an +s itting +architec ture +tra il +se at +i ra +le g +japan ese +d am +u lar +sw im +polit ics +finan cial +ol d +mou th +at temp +de stin +fi shing +atten tion +me m +chang es +deci ded +reli gi +g in +c av +z z +ad am +ma c +wr ite +beg in +sc ul +al ter +is s +ath on +imag es +m oo +jo ined +ðŁĺ ī +âŀ ¡ï¸ı +pas sed +mu sli +h ir +lar gest +cam er +com ic +gh ted +rug by +bur gh +gg ing +te sting +pre par +lau gh +al ed +impro ve +beli ev +adv ice +sha res +he art +tur ning +s b +t el +caf e +n es +dani el +pat ter +t z +se tt +par k +c and +st ick +happ ens +bri an +ne west +e pic +ad or +ki es +war ning +anim als +custo m +ar c +di an +gol d +cor e +t f +c ity +pan ts +re ality +con fi +in ju +fo x +gu il +k new +âĺ º +cor rec +itu de +d den +. # +re duc +pas s +f on +y a +ow ner +re turns +n c +e ast +ap ol +in sur +th o +si m +juni or +be e +ang el +att le +elec tric +hor ror +cra sh +e ye +pat h +sou thern +emplo ye +ge o +t an +ha z +r ally +ðŁı » +proper ty +was n +enjo yed +gre y +g as +bre w +nor thern +hol ding +g p +ta ke +ch art +ly n +dr ama +z o +pa id +throw back +cu p +discu ssion +down town +w ill +le w +b is +t ary +bre ad +up on +r ate +teach ers +it ation +anc ed +cy cle +choo se +d c +ir an +co w +da ve +ra ise +prin cess +fa ith +- > +indu stri +sp ain +guit ar +fac ts +m n +sp en +cour te +go tt +projec ts +au di +o sc +pe ter +s and +intere st +happ iness +ven ue +sol di +surpri se +poten tial +per io +custom er +i i +g ni +manu fac +e co +bro ken +sing er +vel s +wal es +hu s +in j +f our +tal ent +d ying +mat the +fil m +jo ining +s ell +j ar +lma o +sur ger +bb c +sour ces +au stin +ni k +char les +f am +prin ci +ange l +cas h +lo t +o red +pla ys +pl ate +don e +memor y +br ings +n ba +solu tions +teach ing +gr ace +cir cu +hel ps +foun der +mar y +expl ore +de cor +par ts +ch o +inte gr +ha u +is es +pu tting +in er +r it +v y +mic hel +blu es +every day +for ms +bi o +ye ar +p in +t ter +spr ing +) ) +po t +al ing +perform ing +sh an +plan et +mus ical +head s +it alian +stru gg +âĢį âĻ +w ings +pu mp +h h +tr ou +a id +pri me +ear th +pa int +mon t +am y +bb c +fab ulous +fru it +andro id +bour ne +cere mony +enti al +? ? +deb ate +on ing +dra ft +sol ar +t x +j am +cor n +!! !!! +bro o +mil k +po sed +o hi +mo vement +b ren +part ner +p g +et te +ar ies +sh out +n g +leav ing +t ells +sen s +ta ste +kel ly +wor l +gy m +ric h +e gy +pi d +ma s +â Ĥ +courte sy +fran k +incre ase +wr itten +pp ers +re l +ha i +s as +s ound +tt i +w ich +ri ver +.. ." +a g +fel low +ro me +sm all +gen cy +ic an +lux ury +pro of +me t +wild life +mom ents +ra ther +cor ner +com pe +canadi an +lik ely +therap y +li am +econom ic +indi e +rou te +fi ght +ho pe +se tting +ant ly +cro ss +fant asy +de e +sket ch +comp li +ym i +ru les +engine ering +fig ure +ro w +. , +f w +syd ney +w ou +t ation +dre w +us es +the re +sp read +struc ture +pat rick +appa rently +ro s +h ills +w we +ann y +com mission +di v +f ying +con sul +anal ysis +ex i +ten nis +vehic le +ðŁĺŃ ðŁĺŃ +as s +high ly +op ened +b ann +ðŁĴ Ļ +mp h +wi shing +v or +fi f +give away +r r +ra y +je ss +g at +ic ymi +x it +high est +yor k +pi e +invol ved +high er +ri e +mal ay +int elli +desp ite +che e +sar ah +be an +reco gni +ar sen +tal ented +pas sion +ic h +ab c +lead s +dise ase +v is +se c +pre senting +m illi +hol e +sho ts +de part +surger y +gov t +b in +du al +e vi +lon ger +ev ol +scre en +portra it +et c +lo se +ch at +p en +p i +om a +s ick +er c +compan ies +en try +plan e +gr y +ven e +liver pool +premi ere +sha red +a red +fil ms +ir a +holi days +cric ket +ici an +v ing +. ) +ul timate +di vision +con duc +se pt +for ces +mon t +s mart +disa pp +sun shine +in d +b less +ma de +col ors +fran k +ir on +bott le +s go +m ood +j ason +er ic +bir th +te en +respon se +tar get +state ment +fe ar +th el +al um +ar ab +bl in +direc tion +ste ps +er ial +wor ked +at l +ðŁĴ ķ +fel t +pol i +scen es +hom es +b ell +e at +ate ful +t in +l ace +fol ks +p se +an n +wis dom +fa v +but ter +s r +are as +sm oo +bi z +dg es +app o +mo re +the m +effe ct +windo ws +sun ny +cap ital +tot ally +c ities +gr ant +mb ers +s low +au tu +il ities +w ro +ri sing +st ics +viol ence +i gh +qu ot +h it +t c +herit age +bu ff +ne s +z ar +den tial +ex ac +ed ge +de ep +aren a +be came +benef its +mar ks +mb er +a z +am es +pre ci +dra gon +re g +d ings +do s +ðŁĴ ª +n el +s ity +me al +di st +leg end +pur chase +pic al +st ick +f at +du ba +profe ss +car to +pro f +coun tries +respon si +se qu +fa b +tribu te +hon ored +prac tic +pur ple +an ton +pa red +t ough +summ er +environ ment +s ons +ðŁĻ ı +m ps +gi es +her oes +t elling +hen ry +f en +know ledge +Ģ ï¸ı +f r +ne g +u re +ac king +hear ts +s oo +hol lywood +ju mp +sau ce +schedu le +tur n +yo ga +cre ating +c ket +cre ek +â Ń +custom ers +ma dri +gu l +asse mb +moun t +c ell +to p +st al +dav is +t wi +sig n +premi er +iti ons +he aring +un k +pati ents +app ear +heav en +al ty +doc tor +a e +plat form +je ff +ðŁĵ · +regi onal +bi d +box ing +ex ten +or ity +a w +w ise +il le +sever al +bi e +s itu +sy ria +âľ ħ +remin der +enter tain +li on +part ners +in n +ph ar +f au +pl s +expe cted +sug ar +deci sion +s b +ch ron +associ ation +leav es +vis ited +sh ap +ðŁĴ ĸ +fur ther +h ann +w i +run s +l er +fun ding +fil led +.. .... +tin y +han g +or g +co ol +se min +ðŁı Ĩ +spon s +nav y +sa int +dru g +d al +r oun +co vered +tra ditional +invest ment +de te +al ism +f low +n is +sun rise +fe at +f ted +we ird +je re +ve gan +medic ine +an o +ac cu +deli very +temp le +chang ing +wil son +phili pp +re fe +n d +is er +g ay +r and +ati ves +t ely +p and +intelli g +g are +am bas +de mon +commit tee +strate gy +refu ge +bud get +prote c +pi er +ex press +nom in +econom y +al low +ic on +gal ax +o h +indi vi +dem and +vir gin +lu ke +ali sts +man i +s mi +ju dge +ent y +mic hi +resul t +am ed +spe aks +' , +hou ston +sh in +b ing +fl y +ch em +au to +v as +ge t +ar m +thank s +d in +gan g +x x +si on +loc ated +p l +jo sh +in fo +jo ins +adver ti +ot d +el d +si e +re asons +v ent +ðŁĩºðŁĩ ¸ +â ł +convers ation +stu di +ðŁĶ¥ ðŁĶ¥ +go s +s ounds +un it +mu sc +ge l +ack ed +pac i +co s +de re +u u +a o +la m +inspir ing +ar ms +tw are +mat ters +ad dic +du de +ex t +cri sis +b ath +me et +sing h +expe ct +del hi +resc ue +wor st +au g +shi pping +ser ving +st o +dar k +ac es +histor ic +landsc ape +desig ner +b illion +gr ateful +wa ke +e ve +m iller +hou sing +dy nam +is co +be ha +sh op +pr ou +e as +a sia +e ding +k on +depart ment +aw ar +mar ine +in ci +photograph er +ta pe +lo go +r ings +d it +-- -- +vin yl +w c +vo ting +se ven +ambas sad +dal las +t u +com ment +k ra +b les +w ag +u d +au dio +stri ke +offici al +o ts +me tho +to ols +ra di +al an +hun t +wat ched +a ke +fa ke +drin king +mer ry +m l +b day +ri o +ni ke +c ant +re pe +co stu +mur der +ak ers +ch ers +ou ts +beg inning +so s +ad es +n in +not es +wro te +sol o +c i +li ghting +ur ban +bre xit +att end +shir ts +pla yo +ac tress +pl ic +stand ard +quot es +par ade +anci ent + © +tur ing +re e +pri mary +fla sh +citi z +mat es +ste in +z i +clin ton +sk in +gen e +hu m +g ar +t le +y i +fo cu +de an +pl ants +cy ber +b u +om e +ho p +ad dress +ti x +gi fts +relation ship +sub scri +fe ed +exac tly +haw ks +ex o +stre ss +s n +arre sted +an e +sof tware +z ero +the me +mu mb +im migr +mi a +make up +ple asure +uni vers +har b +eng ine +ap er +r in +br a +institu te +le ather +al th +sing ing +co s +gh ty +me as +st ic +si de +insur ance +co t +pit ch +moun tains +cri min +su pre +valent ine +at er +wou ldn +sc ale +rel ated +re gar +star tup +pack ed +mi ke +week ly +p ts +coun t +ha r +gott en +min d +ber lin +con ditions +swit ch +cor n +sa ve +g li +emer gency +tun ed +sto ck +discu ssing +every body +s day +whe ther +wrest ling +ec es +gen der +ch en +ðŁij Ģ +madri d +mar athon +e gg +i er +th x +as king +kore a +wol f +ay a +g m +g au +at ory +v r +gra ss +k illing +b ble +ur o +un i +e th +sh ore +th en +re ale +bot tom +ex erc +k ar +or ies +ad ri +san ds +se x +. ' +volunte ers +per form +par liam +inclu de +deli ghted +execu tive +fu el +kis s +ã ħ +char ge +h u +ca kes +ve t +g lu +agre e +pr ices +n au +h l +g ru +ra j +streng th +b ic +sp ending +al es +av en +b last +: ( +yo f +nor mal +si x +qu ick +se a +d aw +mee ts +lo vers +upd ated +po tat +comple ted +coo k +opportun ities +p ure +organ ic +tem per +c am +avo id +par king +duba i +and o +di stri +to y +comple tely +don ald +tri al +bas s +b oun +back ground +v as +mar vel +lu m +ru s +t ool +com missi +throw back +fin ding +is lam +! ? +st op +e vil +or al +resi dents +i denti +o ak +ðŁİ ¶ +l il +span ish +chap ter +sto pped +direc t +ho sted +pic ked +lab our +lew is +defen se +à ® +health care +wh is +mat h +pe ak +ra ised +fi x +bu ll +th ir +chel sea +fol k +tr e +can di +pau l +ei ther +ad am +poe try +jewel ry +ðŁ ¦ +pr ay +Ø § +g c +o z +wi shes +fore ign +sun g +lear ned +en e +n ing +micha el +illu stration +legend ary +w av +b au +ðŁļ ¨ +cal end +stre ets +â Ĩ +mon ster +bu ck +g r +scho ol +ba th +wa ste +ne ck +ha wa +be ach +re plac +jec t +on er +fac tory +coun t +ðŁĵ ¸ +mor gan +der ing +se an +steph en +de p +no vel +vide os +ic al +press ure +arsen al +ex pre +ir s +tren ding +ss a +fla sh +re sear +thr ough +profess or +scul p +to s +gg ed +mm a +be e +a pe +hun ter +am i +he i +pla stic +bu cks +uni verse +le gen +niger ia +ple ased +ri s +thin ks +autu mn +i ds +d is +anth ony +ðŁı ½ +ak ed +gla sses +fin ance +z er +k as +con tract +nu mbers +sh aw +partner ship +t il +laun ched +s al +victor ia +theat er +usu al +nam es +perio d +eli za +i th +bar cel +ro cks +bag s +mat e +distri bu +j on +di ffic +ali zed +cur ren +sco red +b ha +du blin +ro se +in ted +soli d +beha vi +wal ker +simp ly +garden s +head ed +in i +ohi o +we ap +f o +gl en +e state +ran dom +th under +thr u +k ill +jac ket +it i +entertain ment +thanks giving +ent al +en coura +el o +a ther +tan k +high lights +f ting +ru le +model s +bor der +bj p +hus band +in done +ken ya +be ars +al o +n inten +pi x +str o +or ders +sal ad +ro ads +n or +l ation +sop hi +ðŁı ¼ +pi eces +b one +min s +inclu des +nu tr +phi l +s ent +fun dra +ga in +bor ough +n ad +mon day +activ ity +it ems +be coming +ken ne +de tro +car di +gue sts +u x +world wide +sever e +new s +thank ful +fic tion +ve ge +m all +si an +er al +inj ury +le e +men u +danc ing +scot ti +exam ple +( # +na i +studi os +ba i +ðŁĴ Ľ +j av +diam ond +vin ce +ric k +prote ction +lin col +cham ps +appro ach +d ar +m ile +clou ds +je ff +in fin +l ers +p les +pe ace +go p +âĻ ¡ +tech n +str a +a verage +ef fort +introduc ing +di versity +austr alian +am p +boo st +s ke +pati ent +appreci ate +ici ans +pu r +f ell +woo ds +illu str +ðŁ ĸ +ag ency +ac tions +brit ain +under way +se attle +el and +ag o +f ill +stre aming +pro test +challeng es +ky o +et sy +coo king +exper t +ru ss +rain bow +commer cial +sp in +be ats +c ry +val u +el i +th row +gr ams +le vels +michi gan +c ad +ador able +const itu +w s +pu b +mid night +th at +net fli +braz il +die go +regu lar +jo y +âĤ ¬ +li qu +ea stern +k ni +fl at +n p +bro wn +w er +se y +tt ers +ac ting +v anc +cy cling +program me +ra w +comple x +tat too +throwback thursday +se ssions +ro oms +si ght +speci es +bom b +lau gh +ke eps +mo on +offic ers +con ver +t r +ha sh +t ack +ri ous +ad ap +a j +reco gn +ex po +sug ge +confir med +rol ling +dre ssing +ic t +fri day +ph ones +ri dge +con cept +ro y +ke ys +ef for +c ate +k ne +ev en +l ay +commun ities +mo d +n az +every where +al ab +bit coin +ban ks +out door +feder al +sto res +h p +c al +m ely +sig nific +be ar +re public +clo ser +al lah +pic k +x d +pal ace +ch ill +b am +er ous +un a +al len +out standing +olym pic +supp ly +fi gu +v au +l p +char lie +un es +> >> +legen ds +ici al +co ast +benef it +mul ti +f its +far mers +am ount +si sters +har ve +hon ey +que en +b ers +pl ann +âŃ IJ +m u +barcel ona +al ber +stat us +re main +ex tra +c andy +vi ous +âľ Į +o v +warri ors +-- > +ju mp +am ar +x mas +stu dies +i ors +k or +don ate +pre p +fi sh +im a +pain ted +ad mini +co splay +spor ts +dro ps +fi ghter +evi dence +ðŁĴ ª +la ke +ro b +cine ma +pro file +à ± +stan ds +leg acy +sh ape +ro of +ci vil +i ans +sy l +sh am +vo ted +re tail +ph illi +li sted +du ty +n b +th es +f are +au ction +ffici al +stor ms +d p +l oun +sh ops +al y +ani me +multi ple +ðŁĺį ðŁĺį +psy cho +je an +ap art +candi date +gg y +con f +jose ph +w ick +me at +fr ame +c l +for got +ph y +f ing +li ed +re p +se ed +f all +u fc +nu t +lin d +mo de +fiel ds +en ce +s ley +ðŁ¤ Ķ +ch ill +follow ed +announ ces +cor ru +tro phy +them selves +ac le +al du +k ong +l on +s v +bro ke +ander son +ta i +stor y +tempor ary +activ ities +k ati +ari z +cry stal +spo ke +extre mely +tra ding +ðŁĴ ļ +à ¼ +in ch +ed in +out fit +equ ip +ma di +form ed +be ef +po p +ti ger +this day +ti red +neigh b +re tro +is a +un t +t as +kan sas +de st +secon ds +ta y +hur ric +o u +galax y +dad dy +bro w +bur ger +en ced +de sk +ac cur +secre tary +el ite +k ab +ch in +touri sm +bud dy +ici de +dre ssed +u d +vac ation +che ers +com for +charac ters +j et +bu ying +l ins +n ap +reale state +li e +af c +i ii +f ame +n r +b at +ag ent +ma kers +âĢ ¼ +sec tor +op ti +le on +di et +pra yer +hi p +mi r +le x +br y +an a +pas sing +w en +reco very +ak i +po pul +res ort +mar ia +stu ck +read s +ti er +perfe c +netfli x +p oo +cham p +o c +re duce +we red +comm ents +cla im +acci dent +s ag +h ack +sal t +kin da +k iller +i os +z y +ex change +lec ture +eng er +ic king +t au +reve als +pri son +z om +gh an +u l +jour nal +i ot +tr in +jon a +govern or +cap e +quar ter +spec tive +impre ssive +bab ies +t x +m ill +o y +har ri +jo int +su e +collabor ation +tren d +revolu tion +re new +alum ni +ge tt +sh ell +sun day +ent u +ni c +donald trump +block chain +paci fic +expla ins +sp y +ad voc +par adi +to f +star ring +p av +fe ed +br ac +smo ke +ham p +y am +to kyo +si mon +d h +e ffici +phys ical +n j +ell i +s low +gradu ate +americ ans +ti fy +f red +ap ore +fin ds +rob in +we t +not ice +se mi +un ve +k om +pil ot +scre ening +da ily +ðŁĴ Ĺ +roy al +sp a +vo tes +n ag +wh ate +att ending +exper im +ad dition +k ate +sto l +m ali +foo t +chri st +ch an +de e +lic en +glo bal +mo ore +ti a +bri gh +myster y +y ay +âĿ¤ï¸ı âĿ¤ï¸ı +cre ati +me chan +clo ck +di c +âĢ Ķ +pp er +al ph +through out +al low +re sources +selec tion +ham il +bb q +aa aa +virgin ia +dis ney +en g +so red +drin ks +f ancy +consi der +end a +jan e +hand made +du l +on tari +i us +s ville +color ado +whate ver +whe el +promis e +ne ver +desig ns +ab ly +sex ual +vanc ou +at i +con vention +cul tural +sing apore +pro mo +load ed +gla sgo +pp l +n oo +ke e +ste m +men tion +i do +cru ise +ri ding +be comes +be y +âļ½ ï¸ı +tw in +dedic ated +na sh +de si +work out +jen ni +i v +grou ps +rela x +pho eni +li ft +mix ed +m ck +p c +mu st +me tro +ci es +y ar +a im +ang er +i e +rec y +marri ed +dro pped +eng ag +le st +ambassad or +op h +de s +w ick +assi stant +nat ur +fa il +l td +shor t +k ap +sha w +bi gger +rema ins +crit ical +sur vey +co verage +er son +win d +n b +bil ly +let es +ac ts +jim my +at lan +al and +t c +import ance +dam age +f g +stor age +tw t +bon d +bal ance +cr ying +pu ppy +vo te +pu sh +ðŁĴ ľ +pol y +me l +lon don +terr ori +effec tive +corpor ate +atl anta +jac o +nas a +gre ek +sen ate +i sh +ev a +intellig ence +effor ts +al co +k un +h all +di ag +claim s +fir st +h b +ba e +v ul +pu ll + ° +se par +spe ed +vic ti +on thisday +audi ence +r ates +te ach +fil ming +bu sh +son g +y um +br un +ra ine +aw a +par ks +ð Ŀ +ra bb +ra ch +ra id +reach ed +ra il +mo ves +selec ted +fr i +ra ising +om y +st ones +su k +franc isco +cas es +cap it +con fu +w tf +po ke +equip ment +gre g +ess ential +off ering +ne x +pi es +be c +cre ation +chair man +cro wn +w al +john ny +shi ft +ne ck +ban g +bir d +ðŁĺ ı +du ck +re serve +de pu +ma sters +over all +no tic +ju ice +sne ak +che er +cla sses +eag les +n ca +car pet +ci vil +coach es +har ris +u ps +b alls +dec or +mar tin +ro s +v ice +announ cement +who se +ti gers +ste red +c ts +dr am +ste el +youn g +inst all +supp o +recor ding +de ck +se ats +l der +ang le +bo t +sty les +elec tions +for tun +n ab +but ter +ari an +ka sh +in ner +ou red +be ast +we i +ic onic +exper ts +ne cess +b eng +jam es +li a +gre ece +ðŁĵ · +ðŁĺ ģ +good bye +m itch +tw ice +mumb ai +ste am +ru sh +med al +ne tt +fashi on +t ar +r s +sav ing +ric ul +l m +sleep ing +brook lyn +mis s +sen ding +disco vered +sp here +of theday +k icks +missi ons +w right +er n +ght ly +i ous +mel bourne +star tu +mo ved +car ry +d ak +ag ues +bel gi +e ma +way ne +do t +er ie +pe l +it unes +matthe w +no body +est ab +cal m +win ds +lu c +prep are +tren ds +exerc ise +adv ant +ðŁĴ ¯ +athle tics +app s +c tions +adv ance +laun ches +litt le +real donaldtrump +eliza beth +carol ina +hu b +hi dden +n w +us er +pol l +great er +mo st +f ed +p at +life style +s ati +sco res +marri age +l r +aven ue +de serve +ri f +ðŁ Ĺ +wat ch +champion ships +gr ay +en ni +cot ton +g om +whe re +pack age +su m +ab solu +new ly +foo ds +ty ler +assemb ly +musli m +ban k +re memb +op tions +produc er +land o +fun ds +u pper +shad ow +pro gre +co p +ing e +leg s +detro it +hill ary +jo se +gi ants +sou p +sustain able +t us +clo thes +roc king +n z +min ne +mat eri +bru ce +ear t +ca sting +independ ent +thou sands +ta h +de cl +veter ans +li ons +wra p +âĢ ¦ +de ss +bl ing +st ine +e ggs +o on +clo sing +z ay +at t +bac on +fa il +ariz ona +de pre +gho st +new sp +w ers +vi p +li ked +id ent +volunte er +ad ult +pu pp +cir cle +mat erial +degre e +gro wn +boo m +calend ar +su r +vie wing +ath letes +ch and +re ll +asi an +en tr +vol ley +victi ms +bo dy +m ama +trans fer +ge ek +in dic +sav ed +ma i +g ent +it s +loun ge +k ol +the ory +situ ation +is lands +ar th +z oo +floo d +vi ously +show ed +parliam ent +ch ev +el ine +at trac +ab ad +ta il +h rs +lu s +por tu +gor y +provi des +to ys +de ath +in fe +an ce +g le +li am +lo ver +hu d +dv d +reve aled +g w +re ment +ca the +l ying +ra dio +der by +stor s +che mi +hosp it +âľ ¨ +' : +ilo ve +le mon +re public +s ni +ne ss +do or +re action +pre gn +fla v +schol ar +spo tify +is ation +vis ual +aw are +spon sored +jo ke +less ons +leg is +lo ck +si mil +ðŁĺ ĭ +kin d +la y +ma h +ho ping +vancou ver +as er +clean ing +gal a +thre at +la p +ach e +ro mance +ex pen +re post +z am +e pi +mir ror +o ak +ad ul +bat man +s lu +l c +vie wed +re views +d ates +indone sia +acti vi +off en +lea f +i si +ag ricul +costu me +s ites +spir itu +appear ance +ir y +st air +applic ation +spec tac +ic ity +ski es +hand le +pun k +paradi se +t n +de al +provi ding +do c +recei ving +bre w +micro soft +à ¶ +fer r +me tro +th ail +y um +car ter +à ¡ +gent le +bre aks +coo per +show case +cu tting +egy pt +bab y +semin ar +gl ori +ss on +fa ve +re hear +lo tte +la dy +al as +pre p +deli vered +nu clear +ir o +engag ement +at ta +con ven +z an +gl ory +hol ds +busine sses +str ange +sch e +it self +gra d +mar kets +f alling +st ats +ge on +bu dd +li s +she et +thi si +co lo +deser t +regi stration +ig n +expla in +inter ior +la ws +writ ers +spr ings +k r +fri ed +blo om +inf ra +a o +cre d +pa st +line up +bo o +bre a +boo ts +celebr ity +att acks +bro ok +ev es +ex cu +cher ry +oo p +fas cin +boy friend +se as +n ine +effec ts +po wered +k ha +ðŁĺ Ģ +sh out +con dition +i j +her o +enter pri +win ter +applic ations +sho e +g el +batt le +pro grams +w art +ðŁĴ ¥ +ra p +ho l +dang erous +di a +coun ter +ric s +i or +k night +co at +emo tional +at ures +d as +whe el +fore cast +tran sport +glasgo w +king dom +prepar ing +im medi +ff in +awar ded +prin ting +ro man +fight ers +any more +bel t +p ine +win e +x i +employe es +logi es +al led +de mo +birth day +ange les +lo g +dri vers +neck lace +k ath +s it +athle te +ef s +s burg +pur pose +resi stance +rele ases +t is +vari ous +deli ver +ch al +s anc +opp o +cra w +neu ro +dr a +suppor ters +sna p +diffic ult +swe ar +logi st +pa th +attemp t +à ¥ +swim ming +ste ve +hur t +inclu ded +b ap +wa re +ðŁĴ ĭ +end ers +ja ke +le eds +cli mb +l b +im ple +li sa +clo thing +ðŁĺ İ +d t +com pla +sw ing +stra w +v als +k le +us ers +stor m +cu ts +ontari o +p an +hand some +i ow +ar gu +chec king +scotti sh +Ķ ï¸ı +si er +em ma +po d +patter n +de sh +en h +ed ward +t ing +k h +hal f +lincol n +mo ther +al leg +r c +volley ball +d n +g ay +all y +le ton +gro ve +l oud +adv anced +re spec +cli ent +supre me +thail and +ho w +gi g +to i +do t +dol lar +ðŁij ĩ +p it +r b +h n +produc ed +gg ers +âĨ Ĵ +ml b +can vas +fin eart +us d +in the +p son +actu al +s l +t b +ip ad +en sure +u mb +w d +sk a +mar s +k end +f eli +th ing +count down +absolu te +r out +dra l +p y +inju red +min t +hun ting +mm er +s age +li gh +ac ity +ex pan +mur ray +ar o +sec ure +four th +eag le +reli ef +st akes +industri al +clar k +under standing +see m +pl enty +sil ver +cla u +thre at +sa il +pro duce +ab str +is is +b r +eng ers +wor ry +bie ber +s j +just in +reali ze +ky le +esp n +fil ter +s ch +ty pes +game dev +d ing +twit ter +soldi ers +p om +car bon +y ards +child hood +ri ed +ke l +ele ph +t ons +key note +qui et +wi re +po sting +is sa +repre senting +bac ks +alex ander +celebr ates +ta ining +| | +ch or +esc ape +pe ek +ti ves +fiel d +ssi e +im pac +spons or +r c +we dd +cann ab +si des +trac ks +com par +con trac +techn ical +bi ble +expl oring +sh are +tra v +n ate +ill o +sc ru +m ingham +gun s +of the +sh ame +se es +ca tho +ac cess +ce l +repor ted + » +mari o +p ad +hope fully +ou se +y on +disapp o +ol o +p itt +pa c +ga p +cru sh +s g +k le +ge m +emp ire +dir ty +a is +avi ation +ze aland +fac ing +high way +d anny +spi der +ot ta +ðŁĺ Ħ +w y +col ours +in fl +co sts +olym pics +au s +h m +ho ward +pas ses +lau ren +mu sh +op in +r ho +disc ount +oper ation +em ily +mm m +cham ber +d il +to yo +shi p +sam u +pic tured +un ic +po l +keep er +carto on +st en +ig nor +n ations +n l +ta sting +deta il +offici als +mo tor +franc is +ed itor +ðŁij ĩ +pe ts +rang ers +t g +r n +w ri +nic hol +i se +spo ts +ani e +chec k +tri ple +ku mar +spe akers +ic ing +pre pared +ab use +friend ship +mon th +swi m +air e +sc ent +hamil ton +indi an +j es +yum my +te ars +da wn +i zed +worl ds +ðŁ ķ +b illi +st one +n hs +ba sic +p or +st le +ir on +ol der +cle vel +e ing +ðŁĺįðŁĺį ðŁĺį +prin ts +fir m +air craft +fin est +devel op +aar on +t z +gra ham +own ers +fo li +less on +qu es +bab e +cra ft +ph en +ju n +bir mingham +v ine +ll er +i an +fineart america +evol u +st ab +im per +war d +com ic +wi z +inv ited +du ke +mat ch +por ts +ro ger +diag no +ke pt +te st +vis u +r hy +so c +to x +b aker +sur face +co vers +man s +b its +x box +ff le +n an +gar d +h art +wat ers +v illa +re tro +light ning +catho lic +democr acy +neigh bor +pen n +cr an +jona than +la ura +vi bes +su b +coach ing +clear ly +uk raine +bra ve +commit ment +t all +mar t +ra p +mo di +sco tt +bro s +show er +ðŁı ¾ +âĺº ï¸ı +cou sin +appro ach +br e +com pos +hil ari +phil ly +g ad +quick ly +ri an +t m +vir tual +hou ses +k t +phoeni x +w ire +ff y +b unch +anc ing +tal e +snap chat +star ter +h t +k icking +ap art +th y +) ! +blo gger +it z +com fort +ang els +w ash +" : +ar gent +re quest +hon est +mi ghty +bo bby +k g +ro l +thou se +ex po +h c +tab les +mag ical +po sts +de m +n w +or lando +ab er +* ** +ðŁĺ ľ +environ mental +trans formation +mi le +w ic +hir ing +ma ine +bo ar +r ying +ti s +nit ure +twee ted +anton io +opin ion +fin ale +di y +f is +th in +trou ble +le go +fi les +qu art +sp a +curren cy +cli mate +fan art +rail way +sp ace +ban ds +dani el +mo tion +l eng +hol der +oc cu +mar ie +cathe dral +bu zz +bi es +nas car +bm w +bat tery +char lotte +doc tor +zz le +se ven +in san +d dy +st en +lab or +thr illed +se ren +docu mentary +wav es +cer tain +can did +allow ed +ninten do +star wars +ta p +home made +d les +ther ing +bre e +emp ty +pi ano +pos iti +coun try +por k +pu ts +per ry +m atic +spot light +ti st +or ities +we alth +c p +bar bar +commit ted +as sau +pro fit +e ight +hu l +fini shing +run ner +ss o +insp ec +char ged +christ op +lo sing +co al +ho o +ele v +de le +mo ham +don ation +c able +clin ic +j in +manag ed +ter ing +â ¬ +ur ban +depu ty +bb er +bur n +acade mic +o tt +sta ke +it er +sto wn +ack er +advent ures +ad ams +gre g +pro m +vo l +ac qu +con gre +pa int +citiz ens +c all +af ford +v c +as ks +the tic +independ ence +â Ľ +h itting +bl on +fu ture +â ı +in no +gen e +bo ards +di stance +se t +re mem +th al +pre vent +l ang +ob jec +su sp +mat t +in duc +bor o +pi one +re di +vir tu +prin ted +sco pe +shar k +suc ce +a stron +il legal +j ag +c ting +ine e +at o +rob in +nutr ition +b f +du tch +b n +fur niture +for gotten +at ar +ru p +hy per +bran ch +communic ation +degre es +on ia +un cle +promo te +or che +wi i +j s +but ton +ma jor +c bs +bri stol +premi um +ordin ary +e dit +m g +we ed +st even +: ' +gu s +te s +cap tured +dru gs +do w +wr ites +bi shop +whe els +ali zation +disco very +w r +rach el +ne il +hy dr +cu test +entreprene ur +kore an +ore gon +ul ty +perfec tly +suppor ted +histor ical +t wins +ell y +we l +de vil +in come +scienti sts +de leg +h en +on i +ic ed +gi o +cur ry +reve al +e g +buff alo +n ol +op era +camer on +haha haha +j ab +gradu ation +cra ig +r al +i f +organi zation +le ge +g ang +su d +edin burgh +l ack +fli es +g ate +thr ones +q b +the real +e leg +pp in +c les +jam ie +tn am +cryp to +ou l +p ages +a se +roo ts +stu pid +a did +boo t +prote in +s ap +si um +su s +end or +fun ction +don t +en na +ch y +squ e +wor ker +m tv +e a +k an +ðŁĴ ļ +mu s +professi on +t to +oper ations +al lo +c tor +inv ite +sc and +ou th +z im +lin ks +cli ents +sam sung +discu sses +n ell +ul tra +some where +ste wart +ine t +de z +b out +fac tor +ti an +tr ans +jere my +d b +ðŁĩ ¬ +or n +develop ing +spo l +coo per +ma u +rememb ering +tre k +famil y +sen iors +fo ster +att ended +w ing +trans form +ele mentary +hor iz +li sting +malay sia +it ch +warri or +philipp ines +russ ell +m end +initi ative +cre ep +to ps +br iti +a ur +shar p +adverti sing +ug ly +achi ev +materi als +bu g +dev ice +bon us +fac ility +col e +nh l +y as +plann ed +pol e +excell ence +tr ick +con fl +r p +achi eve +lo an +swa g +jess ica +ho we +p our +sc u +z oo +r ated +dre sses +re bel +mex ican +co ordin +me ss +atlan tic +t l +osc ar +wal ks +phar mac +investig ation +... # +cc i +eas ily +monday motivation +y ment +au ti +for ced +ar med +colle agues +pap ers +pro per +sha ke +bu c +le an +exhi bit +e vement +co tt +bi z +sp er +k ent +sw an +/ @ +girl friend +haw k +âĺ Ģï¸ı +mon o +ðŁĴ Ľ +stat ue +ðŁĺ ³ +ra s +te eth +preci ous +t ile +p am +swi ft +v ali +no se +dr unk +experi ences +come back +gen ius +wor se +sh ef +ra d +ed it +hon our +au spol +lar ry +h ire +gor don +achi evement +.... .... +su icide +alter native +su p +sur roun +sha ke +ke ith +pe pper +tur k +crimin al +be ck +su m +w alls +cn n +an tic +of fe +col li +win es +high light +hawa ii +emb ar +l fc +ðŁĩ ® +m v +> > +at mo +wor d +car l +shout out +bre wing +ì Ŀ +do f +s ic +hot test +col on +hh h +shu t +low ing +volu me +apart ment +agre ement +de stro +we e +religi ous +iow a +ro d +land ing +re present +ðŁĵ· : +la s +usu ally +h l +c ac +sal v +al ong +laugh ing +be ans +remin ds +pha se +some body +ma sk +ran ked +dest roy +sc i +â̼ ï¸ı +gab ri +le o +ro a +fa iled +si l +refuge es +re vi +r ing +ber ries +coo kies +y y +conserv ation +sh ab +human s +de termin +a in +ni all +as su +mb a +fro m +extre me +vic es +commer ce +ght ful +or dered +suppor ts +re cap +v or +dro pping +correc t +pay ing +mean ing +n j +qui z +" # +busine ss +ðŁĩ® ðŁĩ +indi gen +du st +box es +bl ind +x xx +zz y +ðŁĩ¬ ðŁĩ +ss els +s ant +dd le +hilari ous +desig n +wonder ing +vehic les +k re +ju d +rece ption +par ker +Ã Ń +pri vi +hy dro +sof tball +pol lu +lo cked +ba h +e ar +scri pt +di vi +br ace +geor ge +the ast +bel o +j al +tion ary +dent al +roc ket +pur ch +sh ak +manufac turing +e z +it is +con cep +tb all +ch s +direc ted +pra yers +oo k +phil os +vari ety +che ss +ser ver +g and +bal ti +ðŁĵ ¸ +sel y +cru z +spectac ular +bur ning +re present +i z +t one +mer ce +h ell +bed room +estab li +bo l +com mon +ãĥ » +ab or +kit ty +hei ghts +re pair +willi am +qu ake +alab ama +popul ation +re v +re tt +i sts +n ite +le m +a ha +clevel and +r m +po ver +ob se +mon tre +man ia + ® +con ne +car ni +sh ah +f y +u a +sc or +strugg le +bo b +' ' +appro pri +deci de +ff ed +ca ster +s ort +hun gry +dra g +ا Ù +gr ounds +d w +sli ghtly +car din +dead line +bron ze +web in +bar ry +sil ence +e uro +op tion +ear n +ðŁĴ ĸ +howe ver +na ren +na ils +bath room +v ine +ph d +min ing +gar age +( ) +shou lder +defe at +di r +o v +liber ty +ple as +x on +com pre +a v +j in +ab les +sil ent +fam ili +vis its +di pl +ha bit +milli ons +regar ding +innov ative +sen ator +r ts +v on +k l +wh il +requi red +âĿ Ħ +lu v +presi dential +po cket +hun dre +sho wn +fro zen +to ward +fa st +confi dence +r ough +indivi dual +qu et +ðŁı ½ +dom e +fi fa +engine er +z en +re mix +ðŁĺ ĥ +pl ant +min or +robin son +as y +pul led +cer tain +potat o +( : +pre s +oc ca +w it +it em +si e +d ating +thom pson +own ed +an u +vi e +te dly +good night +ex cept +ðŁĮ Ł +ira q +ki e +ren ces +li p +simil ar +sau di +vi g +arth ur +pic ks +mil an +hon da +ma xi +o g +ste st +ar ch +analy tics +ba sti +pear l +ter ry +hor se +ast ro +ac ce +laun ching +inter national +s no +ta sty +den ver +ir l +pe te +tor n +advant age +var sity +" " +sol e +g c +lan g +demon str +ol ds +un ity +ne ts +insp ire +cre te +nash ville +nel son +e ter +wal k +hy un +m ack +tre as +see king +ra ge +bru sh +ab and +whil st +co con +h ong +shel ter +i p +possi bly +so o +it ed +â Ħ +rac es +war ming +qu in +tele vision +mat ches +ra pi +ment al +pal m +jenni fer +rol ls +indi ana +b ars +cat ching +resc u +candid ates +fa re +âł Ģ +se o +vie tnam +alph a +michel le +visi ble +re gre +wn ed +app le +li p +f fe +li z +york shire +ha il +se asons +be gan +m d +k c +la p +fascin ating +hel p +ur y +u ms +nu ts +se m +along side +bri dge +ori al +o ve +world cup +briti sh +comfor table +i ve +hot els +fair s +hor ri +so x +d ining +stre am +bar ri +ss y +w im +ter ms +v u +pe re +l ens +wal ked +r or +l ars +shi eld +dou bt +pro to +cro ssing +me ant +medi um +ad ding +e b +che ap +fun c +pap er +bran ds +ry an +feed back +col lins +un known +tro pical +sand wich +fal len +for mu +selec t +lo ads +answ ers +or i +mag a +d or +du o +ali e +dru m +ur i +de er +sou l +sh ut +âĺ º +sto len +don ated +bu zz +patri ots +ha l +na sty +nomin ated +mon te +ki a +th ri +ing u +te sts +pe tro +ðŁij ij +ho sts +ne st +to pic +pat ch +m my +hu gh +ab ilities +ma the +s miles +g b +ag enda +insi ghts +chi p +ph an +fail ure +dg ers +ha i +signific ant +sho ck +ru ral +gl am +figu res +pot us +o ta +mini stry +appe ars +fe ar +r h +americ an +h att +son y +fi res +e di +n ou +e qui +wh en +univers al +mad ness +i x +sculp ture +b ach +t to +swe den +et a +en to +develop ed +month ly +ma ps +ra h +le d +del ta +sa ints +is lam +ben ch +fif th +v ard +so cks +wel coming +j e +tur ner +v b +ad i +nor way +ad y +hurric ane +por sche +tra dition +ex am +newsp aper +lu ci +a ver +ide al +d na +madi son +ðŁ § +wit ness +ac ou +insi ght +si mon +robo t +sna ke +n bc +ac o +ro ss +sh ment +religi on +ch ann +in su +camp bell +inst alled +we ather +hor ses +ol i +rober t +k az +ðŁı Ģ +veter an +th read +quar ter +ea sier +cap ture +hi pho +law rence +roman tic +pas sion +cl ay +ox ford +th ai +stu dying +fi a +elec ted +most ly +c b +tu mb +âĢįâĻ Ĥ +x l +sh an +fa ster +ev ans +sli de +sh ri +see k +mi es +chemi stry +pump kin +tu m +, , +ro om +fi red +li ps +pres ence +af f +brew ery +arri ve +sw ag +photo graph +pen gu +chi ps +at tor +val ues +accur ate +con temporary +princi pal +cannab is +ari o +any where +gi a +democr ats +buil dings +li ved +ap s +neg ative +m are +bal lo +li on +diam on +loo k +re form +tom my +il la +tre ats +hundre ds +port land +wor thy +ex cep +ar ia +ido l +be er +cd n +y u +aw k +ðŁĩ ¨ +c ells +à ³ +ident ity +dra wn +de vil +f inger +th am +ðŁij Ĭ +ear ned +fin tech +dol ph +twee ting +evolu tion +ðŁĵ į +est im +m vp +n one +ðŁĩºðŁĩ ¸ +toyo ta +au x +mar in +b old +l bs +ste ak +mur phy +it able +lou is +sol ve +pi a +sk ir +ill ino +webin ar +ban ana +lo v +th on +vo ters +afford able +defe ated +lm fa +air lines +super b +any way +deb t +bo red +ver si +me tal +responsi ble +m k +s se +f ay +cau sed +f p +recomm end +pla za +spor ting +alli ance +au stri +n n +t ours +surpri sed +arti f +th under +sur ve +wor e +bri ef +necess ary +z ie +ash ley +dra ke +r t +kni fe +im mun +char ges +a the +bri de +rep ly +g av +broad cast +pu er +brace let +cap acity +harve st +id k +perfor man +d ding +il ers +par a +jam a +pro vince +ch in +id ers +har i +te aser +ch en +re stor +r at +fl at +col om +ðŁĴ ŀ +ðŁĩ¨ ðŁĩ +smoo th +r t +p itch +stay ing +isra eli +t cot +per spective +do ck +open er +lo vel +x o +class room +l ington +go al +kenne dy +sh am +sp aces +mitch ell +home coming +uk i +claim ed +recru it +ing o +mu fc +mon it +g roo +resi dent +per cent +per man +otta wa +int ment +an xi +stand ards +wor ship +sche me +f x +pot ter +bi an +athle tic +af gh +s se +sat ell +par ties +âĿ¤ âĿ¤ +infra structure +rela x +mo du +wor n +smo king +y ach +practic es +wc w +am b +dome stic +tay lor +k entu +provi ded +mo di +ve g +" ... +ob serv +ðŁĺ © +be ard +m our +an gry +ðŁĺ ± +startu ps +woo den +di ve +na il +anti que +ro ses +torn ado +m at +^ ^ +su spect +far m +de vices +me ga +tu l +scholar ship +ge e +disa ster +arri val +po in +mar c +kati e +bb ed +fal se +deser ves +ric hard +ju ana +fre y +tion ed +hy bri +r w +sar ah +ach i +c ure +o le +mor ris +ch ic +broad way +la bel +pa k +pover ty +gol f +e red +f u +er ies +be es +alo gue +st el +wire less +je wish +ti de +blo cked +life time +b har +sp lit +am ster +th i +jo shu +br unch +ha ps +s for +oo ps +ka poor +hi king +suppo sed +ro of +re as +tra in +ti ght +tru mp +bas ically +r r +ea red +see ds +entr ance +c p +wi e +son ic +vic tim +he re +e h +ear rings +sal mon +arc tic +an ne +dou gla +corru ption +hann ah +ha sn +vo ices +con ce +att a +fle et +clin ical +democr atic +ton y +st ood +le f +twit ch +a il +honest ly +incre ased +dro me +don na +accep ted +visit ors +ap ar +ad or +p ar +jer ry +ra i +brand on +ab u +!! !!!! +me me +in gh +glori ous +b hu +pu mp +j ol +li ke +fi sher +ma z +ag an +destin ation +play list +le tters +gen u +br ace +celebr ated +bann er +r he +dra gon +ðŁĺ ħ +sig nature +gre y +âľ Ķï¸ı +al ice +be red +ph er +ber n +ca th +ga thering +sc oring +influ ence +sm iling +de pt +lo cal +a x +ac u +reti rement +hon or +her self +chem ical +asse ss +y all +fre qu +appreci ation +ac a +cho ir +cu z +so il +c il +repor ting +u h +enterpri se +gr at +jaco b +ru m +fe e +j ak +sp in +bi kes +phi a +ste re +p is +bloo d +t att +ra ft +war ren +sh eri +back stage +mar sh +hash tag +ther ine +re in +game day +guar an +reci pes +min ds +stron ger +issu ed +bic y +n ak +ment ed +sc ary +u x +pre vious +tt le +th ats +ac tors +u ma +tin a +bun ny +promo tion +u ss +oli ver +montre al +what s +appreci ated +la kes +excu se +kno wing +pri zes +musc le +shad es +sco t +ing redi +electr onic +ju an +comb at +s ri +e h +turk ish +l om +stri kes +pri son +re e +po pe +vi d +ol dest +dol l +sw iss +certi fied +cli p +re turning +lat or +le igh +tt es +wat son +heal ing +el im +per haps +ha ss +k au +d der +mou se +new castle +indigen ous +wel comes +co le +tau ght +no ise +appe ar +jo e +can on +wedne sday +u tah +c tive +dri ven +i v +c ell +stri p +ac c +focu sed +ar rest +sto cks +wo o +â Ĺ +notic ed +shad o +di spla +ter ror +bor ne +secon d +que ens +wo ke +ja il +no tt +cam bridge +har t +se af +fa x +ac cept +âĺ ħ +goo ds +k at +t win +h s +thou sand +s ins +su ite +amp ton +ar n +rele v +ric har +hoo ps +n bc +class ic +p ab +soldi er +de plo +le ans +install ation +cla sh +le ban +ee e +ti re +belo ved +fu sion +travel ing +ne i +coo kie +glo be +phys ics +s q +co l +wol ves +d l +ex it +" - +foo tball +le af +ster ling +hi de +minne so +fresh man +natu re +indi e +supp lies +bri s +iri sh +ink tober +doo dle +ic op +mess ages +adul ts +recor ded +fix ed +ar do +offe red +under ground +dr one +p ine +ma inten +and re +ham mer +s x +r ound +hi ke +bra d +ro me +fu ll +on ey +ro ws +colum bia +archi ves +appro ved +bat ch +illino is +recogn ition +shou ldn +fo g +nca a +ke vin +human ity +al though +pow ers +p ou +s ar +pe st +alco hol +con sci +phil adel +en o +t m +ok la +cate gory +particip ate +accu sed +bri ef +po em +clu bs +consul t +ja b +big data +amster dam +ac ing +certi fic +n u +d at +impro ved +and y +campa ig +pale stin +p ace +mo bi +feel ings +wol f +bra in +pro pos +inter active +prin ce +inde x +c is +cha e +peace ful +co vering +ac o +cour ses +mon key +re place +b l +bloo dy +tal es +brigh ton +neighbor hood +g ates +spiritu al +af raid +bre ast +b ones +ðŁij ī +vide o +w au +tou ch +inju ries +car l +ri x +une x +âĢ ¢ +fre d +consi dered +thu si +an ch +on y +u sa +graph ics +ac re +ðŁĺ © +com memor +com mod +go ti +guar dian +star bucks +pre vention +haha haha +admini stration +portu gal +fac ulty +bet a +ul a +al bert +bre ath +er i +le tting +tr ic +ment ation +incredi bly +ten nes +v d +ðŁĻ Ī +ed die +br ick +gr ill +bt w +wat ches +resear chers +t ney +ni e +p as +a ster +vi br +poke mon +ch rome +go at +pitt s +il ly +festi ve +y d +can al +ðŁ Ĩ +fi es +car los +re que +partic i +tra ins +sam ple +temper ature +sym ph +pic king +in door +z ers +playo ffs +____ ____ +ap es +ly rics +islam ic +performan ces +d ick +spar k +se as +hom a +gr ound +disc i +employe e +com mu +alas ka +al an +fe ast +dg ing +ban king +manu el +slow ly +tru cks +mc car +oo o +sc rat +orche stra +indivi du +m x +bre ath +stair s +equ ality +bla ke +loc ations +cocon ut +balti more +aa a +l c +ðŁı Ĩ +har vey +resi st +immigr ation +adid as +fil i +re f +lg bt +mo s +pp i +ken ny +terr or +ban e +apol is +s g +social media +ka i +hon est +as sas +bol lywood +âĢįâĻ Ģï¸ı +ferr ari +hor n +cryp to +bo om +mainten ance +i di +s man +w l +ext ended +in sul +ve s +go sp +tr i +pi g +tar ge +cel er +st ati +sm h +ri dic +appe al +? ) +con clu +cos me +she ep +christop her +en thusi +po lish +me ts +oun ded +sustain ability +creati vity +con crete +ra i +ali en +ble ss +te es +clu b +ro t +bo s +ex ist +perfe ction +lu ck +rock y +expen sive +mean while +happy birthday +pre t +thr iller +ca ve +playo ff +som er +l u +le x +def ence +am writing +home less +pro phe +ch et +past or +ðŁ¤ £ +land er +ww w +Ģ ï¸ı +tic a +! # +o tic +rad ar +po sters +pow der +po li +ha un +tra p +bl in +assau lt +shor ts +re y +sh y +squ ir +rac ist +gar lic +fu r +remo te +sm ell +impre ssed +fing ers +âł Ģ +din o +le ment +s nu +promo ting +str ing +produc tive +b age +ma son +ra z +direc tly +j k +ev al +ðŁij Ĭ +doc tors +co w +ri der +st v +re move +w u +na than +ro d +n r += > +affe cted +inve st +mp tion +g inger +o d +agricul ture +s que +mu g +coun ting +ke e +mag nific +coo k +ani stan +roo t +plac ed +sym po +gh ana +un d +che er +thro wing +secre ts +f illing +opti mi +butter fly +bu bb +ðŁĺ ī +terri ble +d g +sil k +obse ssed +lo u +ai de +sal ute +mon u +philadel phia +scienti fic +i st +u ae +dess ert +bott les +can yon +ðŁĺ Ī +car ib +o ther +w ich +re source +guil ty +un d +le on +e ss +kan e +el e +tra iner +he im +an te +man age +roo kie +tre ated +po ses +rs vp +cau ses +aw ak +je well +le tt +on ics +tit les +cardi ff +g aga +bu mp +use ful +? ! +loo se +bb ing +: : +argent ina +de bu +cy cl +wh el +dis gu +j el +k ills +bio logy +ex ter +tra sh +bo dies +tr am +circu it +expe ct +la ds +w ells +sho t +ge e +naren dr +fa stest +b ent +b ills +mar shall +h ats +intro duce +citi zen +im possible +gi b +az z +net working +r ant +thin k +in dy +st ops +f theday +bri an +* * +amo di +dom e +coura ge +pac king +af fairs +g n +si zed +ent ary +pol and +swit zer +afgh anistan +w u +ten der +subscri be +mo sco +att end +republic an +hon ey +âĢ ĭ +si mul +we ster +foo die +or o +midd le +ab t +co pies +ma je +narendr amodi +ty pical +inspir ational +vit am +wis con +cu bs +tiv ity +h ali +e ars +k ay +d are +mari juana +cu rious +an ia +tom ato +re mind +ðŁĩ · +sc ared +cou p +po et +land ed +ri d +wra pped +mor ri +climb ing +e ws +fe eding +con tra +tho logy +gri d +ti vely +read er +la ser +di ving +di g +lat in +ti ed +shake spe +o ci +ad m +show ers +chu ck +mar cus +oo s +kne e +o live +ow l +dy lan +an no +g ym +deci sions +well ness +arri ves +sati s +chri s +thur s +ðŁ¤ £ +inter views +thank you +switzer land +over night +journ alist +ser ves +vol can +.... ... +plo t +nic ol +car rying +mag ne +tre asure +ex p +be ver +ðŁĺ ¢ +mar ty +mo le +don ations +recogni zed +b h +du s +sh ann +al do +success fully +ent e +ðŁĺĤðŁĺĤ ðŁĺĤðŁĺĤ +cab inet +cu is +tit led +d as +so l +strate gies +deli vering +ad ds +ani an +ne ther +ðŁĴ ĥ +con tain +su its +pa irs +to dd +rel la +ro pe +ci o +cro p +paint ings +su z +re jec +bu st +d h +fra ud +m h +contro l +je al +destroy ed +al lows +wo ol +minneso ta +om en +j u +sympo sium +d af +lim it +accoun ts +load ing +inter n +re solution +hol land +qu al +meet ings +gra ve +cam ping +v am +re nov +liber al +am ber +gre e +hu mb +fe ver +el ing +broo ks +à ² +be th +ad ed +al t +ro e +perform ed +jo sh +frank lin +nic ole +de ss +bb s +m g +net works +min im +al t +weap ons +gu y +jas on +g ha +harb our +at on +pra ise +kentu cky +bel fast +st icks +blo ss +ho pes +an thro +famili ar +wa it +ch ile +depre ssion +la x +je ts +le ice +recei ves +si er +an k +de x +inde ed +fle xi +fab ric +lam b +hel icop +am anda +âĢĶ âĢĶ +compe te +sn ack +techno logies +sy rian +mom s +mu ham +cho sen +an at +dev on +shar ks +re t +fundra iser +selfi es +st ations +communic ations +tennes see +tu tor +ro t +valu able +dynam ic +nur se +i ed +earth quake +deser ved +a ve +sar a +stre tch +dougla s +ne pal +à § +ob viously +d ame +ra pe +any body +k w +pat rol +hol ders +h anna +info graphic +ec o +be ating +stan ley +bo ats +ri bb +e z +wit ch +inv a +ac id +boar ding +- @ +gi l +da ve +care ers +opp os +l loy +in ter +do pe +re su +j agu +sh ade +in dy +on ist +rel ations +ag en +ab le +inci dent +me ter +shar ma +id r +pro ve +immedi ately +tro ops +am an +g low +gaz a +blo cks +person al +chron ic +all er +si d +sh r +whats app +lu cy +ar chae +ho u +journ alism +our selves +go t +the med +shap ed +we ak +cas ual +leng th +sla m +ab bey +e v +coun ter +est a +reci pi +cha pel +expan sion +sel f +suff ering +sp ice +n z +sp art +desp er +boo king +quart ers +y on +ðŁĴ Ĺ +p k +continu ed +- # +man hatt +tal ked +sh en +com bo +hybri d +je ans +liqu id +se al +re tweets +ac celer +collec tive +t as +: )) +profession als +ra w +o tt +su san +ir ing +okla homa +re ven +survi val +cre ator +tran sit +st ac +sur f +i k +ed iting +ch illing +bai ley +ste al +ra ble +pa rent +hun ger +sn app +collec t +philos oph +dedic ation +c f +c m +le ep +repe at +re ha +un fortun +a er +a ero +abstr act +mon itor +ag ents +bu l +sci ence +harb or +drag ons +floo ding +ac compli +d ash +juli a +the red +tues day +cy ber +b low +ta ined +le m +refe rence +pp o +ne goti +char le +con nor +au lt +access ories +commissi oner +rain y +re ar +advis ory +luc as +ma id +co al +k av +pol o +ðŁı ¾ +tran sport +mar gare +straw berry +bur ns +gre ens +ne v +partici pants +col in +belgi um +col our +in form +d ell +br on +cal y +kick off +strate gic +re union +hon ors +li b +egy p +âŃIJ ï¸ı +hy po +si zes +regi stered +bet es +relax ing +bloo m +inten se +valent ines +insan e +w wii +p x +tri o +bla de +wiscon sin +con e +plat in +ali ze +ra ven +incre asing +indi ans +il ian +bl u +rabb it +exten sion +je f +au di +fer ry +s ell +a day +us b +swe at +cham pag +metho d +mem ph +assi st +s by +ca pe +remo ved +mag n +v t +r ams +f bi +tack le +phe w +h on +motor cycle +su spec +eleph ant +sub ject +let te +da iry +whe at +awk ward +ac t +tro l +mit ted +zay n +sheri ff +ene my +con s +ke tt +bul ls +ev alu +bt c +satell ite +ho lo +por ter +dia betes +bet ter +rele asing +sur f +: - +se basti +collec ting +en cing +e thi +go ds +al ley +health y +m ills +sma sh +co pper +cr ack +read ers +sp ac +licen se +bas ket +bang la +en tic +om i +m ere +si vely +anim ation +lan es +dent ally +chill in +fi e +k aren +dep th +li pse +n g +ri p +mel o +sand y +ðŁijı ðŁijı +vin cent +nu t +hu g +who le +cre ates +? ??? +âĿ¤ï¸ı âĿ¤ï¸ı +bak ed +up grade +rober ts +har a +carib bean +auth entic +mb s +mosco w +attor ney +wi ki +ch lo +hu ll +cor k +" ! +sty lish +ðŁĵ¸ : +di ary +impro ving +ex pand +bri ght +pollu tion +k nights +person ality +chec ked +fac ilities +z el +bow ling +gu er +ðŁİ Ĥ +on going +un its +hoo k +be ck +confl ict +to dd +far ming +educ ational +k ak +cla y +stro ke +bel ly +explo re +mill enni +th m +loo p +sm s +consi st +cir ca +br yan +d ab +youn ger +soli dar +pp a +experi enced +b ella +bo ard +shef field +steph en +consu mer +sub mit +spon sor +t ang +ag gre +comb ined +trac king +sand ers +b az +survi ve +fer red +equ al +se p +re ed +str ong +priv acy +st ap +un g +ac ry +pa sta +pir ates +ag er +fair y +du p +introduc ed +wi p +let s +spr ay +ðŁĵ º +gre w +a sts +pitts burgh +new york +jo ey +lau ren +tra de +ch op +pi pe +cla ire +behavi or +v ap +cre ws +lap top +ðŁ¤ Ĺ +che ster +disci pl +d f +out doors +k s +go ver +super star +cas ino +far mer +; -) +re turned +ðŁı Ī +ma il +roa sted +co sta +v ill +pe z +gard ening +distribu tion +sh ining +inve stors +ra sp +dec ades +reali zed +bar n +p ti +st able +ut d +pan thers +m ens +b n +ca de +bu cket +yn n +when ever +wa ke +da is +ber nie +lo dge +ju lie +atmo sphere +ðŁĺĺ ðŁĺĺ +major ity +par ti +exc it +cu t +me h +musli ms +be gun +fli ghts +vene ss +ce me +po sing +so le +g ou +dark ness +pe ach +cel tic +auth ority +grand ma +ful ness +smi th +speci fic +gar cia +co ins +good ness +aldu b +recru iting +den nis +gar y +sle eve +weap on +pl z +disco ver +harri son +recruit ment +ja i +ch im +com pared +tom s +mo thers +am y +archi ve +t ask +ben jam +se g +law yer +al um +inve sting +mi e +che z +j p +a ke +fl am +wall paper +âĻ¥ ï¸ı +t ton +che st +favor ites +we igh +coo lest +r ating +relev ant +lo gan +ma ple +run ners +pri or +peop le +ma ur +terrori st +te sted +carni val +su spen +me asure +m v +cyber security +app ren +terror ism +o z +v ital +ni es +gon z +fun ded +twi st +assess ment +die sel +en for +colum n +ad dressing +ca sts +pay ment +x ton +fi er +, ' +la st +ne e +un less +clo se +sk ill +cuis ine +fun eral +ti les +a un +k ru +relation ships +ðŁĴ ¯ +ev ent +âĢįâĻĤ ï¸ı +kind ness +pro posed +acou stic +a es +defen der +dan ce +h tt +w at +vo y +ðŁ¤ ĺ +au s +cli ff +sear ching +beauti fully +in qu +at l +speci alist +ðŁIJ ¶ +da i +tra ils +class ics +inst ant +v ous +re venue +mar ch +kir k +fr inge +fire works +tri via +âĺ ħ +tr action +wal ter +mo to +l ily +att itude +cli mb +sc an +sav ings +c w +fa ith +cred its +ab led +gra ff +auto graph +he he +ran ch +ha d +ro gers +ðŁĮ ¹ +f in +re qu +fol k +ad ditional +lyn n +u ber +dol lars +lo gic +wor th +so m +the sis +p ound +bi c +st ur +cer am +spen cer +en tered +v amp +organi zed +âľ Ī +pp s +tr on +merce des +no ti +compet itive +do w +ous ness +vic tor +gr illed +na i +pu tin +ab ra +bl ame +alex and +anim al +dec ent +p ent +inter ior +:' ) +but ler +bal let +ðŁĴ Ķ +albu ms +down s +la d +si r +pla in +p ers +blon de +dis c +paki stan +se ment +ga a +w age +ch as +man i +co ps +terr it +lo l +lau ghter +ri vers +magnific ent +lam p +w b +new sle +char ts +ble ssing +p unch +lon gest +fl oral +cu tie +fare well +sto pping +mb b +bu d +chee se +de cla +si m +mc donald +de ter +you th +t ch +fre der +kin dle +fer n +at or +as leep +p ond +spr int +p ounds +la zy +gh e +fundra ising +dead ly +gran de +dou g +he y +lin da +consi dering +i um +gol den +vi k +auth ors +di ss +u ally +appropri ate +mor ning +y le +hon oring +foli o +be c +re bec +fin land +formu la +corn wall +sh ay +cau sing +bl end +sig nal +t ent +kash mir +nation als +har mony +sc out +acce ssi +he ight +medi eval +impro vement +ke es +prac tical +car d +de par +hu n +om ing +cal gary +ste l +bu bble +gur u +ma h +unex pe +n h +ed a +me at +i ge +si o +god dess +in ches +tun es +br itt +sti on +ra j +âĻ « +mer cy +ðŁĴ ĺ +sen ds +i est +pol ici +val e +reduc ed +as ap +vi jay +defen sive +celebr ations +ri ders +med itation +har mon +g ing + ¡ +program ming +in au +sud den +m h +replac ement +sk u +j ar +gra des +ta st +k itt +brand ing +k aw +boo t +f ought +p ays +g f +iz ation +ho p +k k +activi st +v end +coast al +cha os +ðŁĶ ´ +se me +bill board +li fting +cu mb +sc al +ðŁĸ ¤ +stru ck +l v +indie dev +beat en +jun gle +al right +destin y +m ing +k c +ch ances +om an +q atar +cra f +tra ined +pri x +char m +o tive +s mu +e c +and ers +hand ed +al ban +certain ly +arri ving +i ze +sa i +tr ack +pain ter +hu mble +appo intment +head line +manag ing +mo d +as pe +andre a +à ¤ +ethi op +un ited +exi st +bal i +k ad +n t +d red +re x +recogni ze +tam pa +be ers +ati a +he els +no te +transport ation +tur tle +re de +hipho p +sp icy +sp urs +⬠ĩ +cor p +ther n +to ast +hur ry +proper ties +ma ge +mar co +ele ments +bou ti +syn drome +ms g +develop er +gra ders +he im +re sil +off ices +del ay +di men +vin tag +barbar a +ðŁĺ ± +vene zu +cu lar +fac ed +bar n +ðŁĺ Ĩ +survi vor +wor m +confu sed +passion ate +Ø ± +identi fy +electr icity +sou ls +brad ley +repor tedly +lun ch +shel f +eli a +swee t +smoo th +emplo yment +am el +manhatt an +ste am +oun ts +ye p +li ving +un e +descri be +ca res +man ila +sha wn +ac ted +bas h +st even +re st +pet ition +div ine +wel sh +rac e +platin um +ðŁĮ ¸ +p b +extra ordinary +solidar ity +m all +on ion +schedu led +game of +fer gu +de ms +nor m +p k +tri als +polici es +publi shing +st ole +fron t +charac ter +van ia +ex ce +sti e +sc a +resi dential +sa iling +ðŁĶ¥ðŁĶ¥ ðŁĶ¥ +spons ors +th ick +champag ne +she pher +continu ing +ven ice +per th +na p +a ster +y ak +un limited +cho ices +ne o +hi v +repor ter +bru ssels +f old +dy s +se mi +la wn +it alia +wi fi +as k +em ed +fr ame +monit oring +ste ad +i da +gr in +is a +fli p +re stric +offen sive +atta ched +di sh +wh y +philli ps +gre et +p als +mix tape +v ou +fiel der +spar k +alber ta +g len +ca sh +s ri +u ri +ro dri +entreprene urs +climate change +p sy +d le +em ents +lin ked +nether lands +acci dentally +oppos ition +vel vet +ra ys +c w +om o +m f +lmfa o +newsle tter +: ) +toi let +liter ature +di sp +phili p +uni form +sudden ly +head er +cool er +-- - +prou d +bri g +nis san +scienti st +j ah +con centr +pac ks +appo inted +so ap +eng age +cho se +âĻ ¡ +se tup +jeal ous +har ry +g ation +tun nel +te mp +osc ars +dec ade +recomm ended +child ren +ab a +anxi ety +ve ments +sal on +pho too +organi z +mach ines +ab s +vil le +hy pe +ti ff +emer ging +av geek +[ # +contribu tion +bra dy +re sto +g mail +fit z +photo shoot +hel met +h t +eleg ant +ug anda +nur sing +or leans +pen n +na h +foo tage +em a +w o +w ad +concer ns +ve re +re mark +who ever +str ang +p t +qu it +sh ang +histor y +s ick +perman ent +ill ness +col d +visi on +he m +ar row +con vic +pin k +oc cup +bal d +ex hau +u of +am o +on t +ãĥ » +adop t +la id +smo ked +inter pre +ess enti +associ ated +b d +bb y +fi er +inst all +dipl om +con diti +c f +w ak +any a +gr aci +fi sher +s ss +ap r +il it +mus ician +symph ony +cor d +h ack +le gi +l v +bless ings +hum or +sc ra +e ti +min ster +trav elling +bu sh +jewell ery +li me +!! ! +pregn ant +pe e +lo b +cap ital +ip a +pen cil +la bor +duc ks +prou dly +wedd ing +dere k +m w +pe g +valent ine +an gu +re treat +pro spect +dang er +vul ner +up set +, # +sr k +x im +thur sday +n fl +kis ses +re ds +cr ack +re ward +c u +ko k +me te +aband oned +it t +me als +sp ell +stan bul +del ays +ru m +le op +gu m +no va +super man +ch ick +m is +dram atic +inno cent +r ounds +re c +auti sm +bangla desh +mor al +mo vie +sp oo +k la +âĥ £ +ou ting +mess i +ab road +loo kin +a im +q i +st ack +colla ge +à ¯ +hud son +sc an +ho e +ch au +oc cur +comm ander +ho les +ðŁİ Ħ +bi as +v on +stick er +ma k +responsi bility +colum bus +sa int +ed mon +rac ism +far ms +w en +gul f +may o +!!!! !!!! +corpor ation +ba chel +el a +inter nal +je ep +fol lows +di alogue +de rer +smart phone +he len +rich mond +equ ity +s land +b g +ne ar +av i +memph is +we ir +discu ssed +bad ge +p up +mi stake +phen omen +un ite +ðŁ Ľ +de pic +ri des +in augu +n at +sof twitter +comb ination +gosp el +âļ ¾ +ad mission +retro gaming +ðŁIJ ¾ +sch u +mb o +jun ction +al arm +à ¦ +gr ac +kh ali +k ul +m ale +cap tion +wi sh +te re +cor ps +ru bber +play station +er in +effici ent +l or +jo kes +in ary +nor man +lu is +inaugu ral +ch ed +âļ½ ï¸ı +di p +to e +str at +aa c +am u +pi er +co tt +comm and +tt en +sn oo +cu be +clo ses +class ical +s word +expre ssion +reach ing +n app +co st +affe ct +ric o +gi f +brea the +tri be +or tho +h ay +l g +fri es +n m +hi ding +richar ds +en de +mic ro +capit ol +cop y +ro m +regi me +mary land +tax i +di al +embar ra +un believ +ch t +v s +elim in +o dd +pen ny +sound track +l ings +trans ition +rema ining +a is +mali k +? !? +rand om +def end +ul tra +tru m +danc er +st ol +dri ve +a ver +ro ast +defin ition +se an +excit ement +partic ul +su rely +sh av +ber y +di shes +com m +is ol +i am +ob li +gho st +hugh es +chi efs +b as +conserv ative +speci al +fe min +sh ri +n ancy +inte l +tu ne +ðŁĩ ª +jo el +gg le +mo to +ðŁĺ Ķ +bu ck +d ag +antic ip +mont ana +gu id +fro g +ec raft +op e +dri ves +nu mer +x y +color ful +wednesday wisdom +illu min +bey on +inau gur +deep ly +pre fer +for tune +coo ked +ti ble +âĺ ķ +swe ater +it ter +tt y +u i +gi e +com plic +~ ~ +tax es +cu ps +di verse +sam anth +âłĢ âłĢ +ba king +sy mp +wa i +be half +mer cur +travel s +ðŁİī ðŁİ +or ia +eng aged +jump ing +reti red +n aked +p uni +speed way +sci ences +rehear sal +on ym +dy ou +pl ates +r ati +kri sh +jaz z +car ol +ra f +pen alty +tim eline +ru by +engine ers +ra f +bel le +do se +che on +esc ap +me g +ran k +or d +me gan +mer ch +ec lipse +âĺº ï¸ı +ple dge +kir k +per si +leice ster +sa k +w k +saf ely +yy y +je t +promis ed +j c +en ne +no ah +re no +re a +ðŁĺĤðŁĺĤ ðŁĺĤðŁĺĤ +tra il +ðŁij Ģ +f d +soo o +ri min +w k +ภ² +i al +x ox +bis cu +d ale +fan dom +particip ating +fla g +privi lege +pe ach +mach ine +bo ston +gro ss +o g +mir acle +adop tion +u ss +mon sters +be ij +clar ke +pu shing +pra ying +ar o +d n +ell is +apol lo +od ds +refuge e +to w +b p +ðŁĩ¬ðŁĩ § +h end +app eared +memb ership +pe an +du m +viol ent +v y +potat oes +aw w +greet ings +t ts +ac on +sh ane +photograph ed +cra b +temper atures +cu ba +c fc +wel com +he l +in nings +m k +co de +kno ck +gra ss +swe dish +p ta +ick y +v at +lin ing +s q +sa p +ar c +announ cing +sk ins +cit yof +br ing +co x +gam er +it arian +i da +h d +ros se +sad ly +ge o +âļ ¡ï¸ı +tag s +fa ther +chan ge +l ance +whis key +adel aide +te c +stick ers +marke t +class y +bad ass +flo rence +lin er +fro st +k ate +ac on +scand al +es sex +ðŁĺ ı +vi vi +dr ill +blo ggers +recomm end +d ha +ac res +ro ma +bu y +gro cer +er ia +ma har +ff er +patter ns +ver i +com pu +st ev +ang a +ment or +do o +it ali +cdn poli +on ly +conduc t +elec tro +de f +wh ale +prepar ation +bicy cle +vi ral +turn out +bra ss +qu ad +hospit ality +pack aging +den cy +ceme tery +abo ard +dre aming +pic ture +t all +inv ent +ad mi +o e +tem ps +qu an +fun dam +pro mp +resi dence +mu d +sour i +âĦ ¢ +graff iti +gi f +d nd +com p +s war +pe eps +pale stine +devil s +san g +assi stance +bi ke +missi ssi +inter viewed +ne phew +dru ms +v and +gentle men +n sw +inst a +leban on +ee ee +oli via +ver y +rou gh +industri es +m ation +ðŁĺ Ĵ +bar rel +n ay +po ps +moder n +ill y +are st +on ents +protec ting +v ans +e o +vi kings +restaur ants +re ck +jac kie +andre w +w illing +he ath +citiz en +disc rimin +à¹ Ī +stu art +m ys +hi p +tran sp +" ? +te x +su shi +ke d +cro ssed +dist ur +pe dia +f ate +some how +mo th +proce ssing +is s +r in +u ts +yy c +ver t +lg bt +re id +on to +arab ia +habit at += = +stre ak +simp son +addic tion +wim ble +deli vers +challeng ing +ðŁİ ¶ +fran ch +e du +s me +ai ds +hur st +th am +tari an +remem bered +palestin ian +fe es +tru m +sket ch +ur u +fit ting +jes se +ðŁĶ¥ ðŁĶ¥ +---- ---- +ba ch +ici a +colo red +da h +associ ate +int el +s eller +p u +stu ffed +ac s +b s +sh in +cooper ation +certific ate +ab u +ingredi ents +re v +in ge +el der +christi an +bun dle +th ic +dir t +beij ing +comm it +ted dy +ed u +to day +s field +w yn +confir ms +lo o +j v +ene ss +al pha +vir us +ari um +gr ind +bri dges +introduc tion +pol ls +bac ter +z ach +termin al +ra iders +fla vor +zom bie +vo d +sp reading +gameof thrones +effici ency +lat ely +ale m +twee t +cri mes +cl er +de y +dg ed +hy un +pay ments +cir cus +ðŁĺŃ ðŁĺŃ +mis souri +lu b +episo des +c age +po s +mat ching +tumb lr +lin ed +ge st +am bi +nar r +ing ton +regu l +blo wn +is le +co co +on don +joshu a +tour ing +sm a +sau sage +best friend +bo eing +desi re +sav age +ra pper +de vo +te ar +take over +cow boys +po ker +par ag +pp e +h int +we ars +se th +ro les +l anc +man ga +form at +fl yer +c ay +mo or +ba ke +spla sh +v ad +ker ala +proce eds +sil ly +reflec tion +di str +wi d +su it +ci vic +yan kees +by n +migr ation +di stin +or ch +fe mini +quali fying +tu ri +o be +hun dred +cra p +wan g +mathe mat +bu re +expo sure +fergu son +seme ster +re serv +pl ym +a hu +fac ial +wa x +wor ried +ca b +vi o +as a +co d +to pics +p cs +hal o +rescu ed +horiz on +ar k +âļ ª +hol ly +el f +ul ti +pu p +quali fied +attend ance +ati vely +destro y +y c +for th +photoo ftheday +c ents +ic eland +meas ures +de sk +port folio +artic les +direc tors +dat ab +e w +creep y +oun ding +hon oured +mi st +j it +men tioned +port able +iti c +d ann +friday feeling +am id +ti ger +scri p +helicop ter +hard ware +expl or +work place +austri a +beat les +ber nar +spi der +disc o +cul t +lim its +shor tly +fin al +nin ja +lu ke +le bron +wal mart +o il +van illa +shi re +ye g +ak y +c s +bl er +collec ted +t g +rol led +speci als +b ff +pier re +sh im +vi er +flash back +restor ation +individu als +pro d +fre aking +tu rer +o a +re fre +mor oc +gre et +re yn +care ful +our ing +u sh +is d +g ill +vie w +thunder storm +b led +pic nic +guar di +pi g +ar k +syl vania +bann ed +u cl +vi jay +ori um +av engers +believ es +eu r +monu ment +concer ned +la bs +ber g +a ap +vi sh +sing les +can cel +z el +ar ab +ru th +too th +ar ta +sh af +chair s +r ack +dise ases +crow d +cl y +fle x +christ ma +artif icial +tom at +fin e +dra ws +advoc ate +fran ce +Ù Ĭ +ðŁĺ ³ +heav y +s our +compre hen +no ble +aa p +hin du +cor al +g ars +ow en +n l +st all +yel low +mar ina +in ver +suppor t +tou gh +promis es +pi e +master piece +sco re +for ce +mor tg +crypto currency +o x +r ors +rock in +pro vin +ho g +no stal +oak land +pat rick +inclu sion +tra ffic +ah med +a ha +lux ury +con secu +de mon +âĸ º +b lowing +st ag +: " +encoura ge +ben e +sku ll +do dge +bu ster +kin son +wit ne +er ror +lo west +fel low +à ° +sh re +bl ur +vir gin +compos er +sli p +mor nings +ga ins +tab le +gra in +ari st +braz ilian +w we +tu es +ribb on +an ag +di st +sac rif +em brace +entreprene ur +af fili +de o +t ali +touri st +fat al +ì Ĭ +autom atic +ðŁĩ µ +we ak +wel fare +confir m +benjam in +fi ghts +alleg ed +me ad +strugg ling +pro secu +che f +à ¨ +propos al +er n +ðŁĺ Ħ +dy k +on gs +hon g +m ack +mel on +on ent +ru sh +d ap +tol er +pro pag +c ze +trans lation +wal let +cott age +sa il +constitu tion +ðŁĴ Ģ +mun ici +fav or +storm hour +i h +ðŁĺ Į +approach ing +pin ned +j ed +niger ian +n ach +sh at +particul arly +mc don +camer as +anni e +admini str +he at +electr ical +char ming +gib son +bouti que +ex posed +ac tor +pil low +beach es +genu ine +margare t +ben nett +lou isi +pos itions +el y +shin y +ten tion +architec t +ren tal +ac qui +goo gle +sub way +mom ent +ðŁļ ¨ +ri m +metho ds +cy cli +nor folk +Ù Ī +over whel +ra pid +we ar +happy birthday +progre ssive +ðŁĴ ¥ +co gn +pap a +f ool +philosoph y +pol ar +jim my +wi g +ðŁĴ ĭ +oper ating +reduc tion +ph i +fla gs +to the +o di +a res +k oo +k ang +ar kansas +ash ton +wimble don +sci fi +attrac tive +mississi ppi +logi sts +ral ph +la bel +gradu ates +ma ha +home town +âľĮ ï¸ı +foun ded +on the +li z +trans l +mini mum +pre sti +ta m +gener ations +re bel +journ alists +par am +mc m +acry lic +death s +tes la +w t +bry ant +jer us +i stanbul +muham mad +ri ley +k ris +work shops +is o +coun ts +stre t +prote cted +trin ity +man ual +r hin +r il +pleas ant +le mon +ner d +har der +dar ren +bur y +ra h +bas is +mi gu +occa sion +li sts +âĿ¤ï¸ıâĿ¤ï¸ı âĿ¤ï¸ı +e b +de cre +hamp ton +ìĿ ´ +tra vis +trans form +puer to +nh l +av oc +tri ps +unexpe cted +ve t +di dyou +bar ber +st ages +m son +re presented +for t +l al +pp le +nic ely +ignor e +qu il +qu inn +h k +carri er +remin ded +am ong +pass enger +el len +gue z +sc ape +mu ral +youn gest +ma sh +d ill +rout ine +stain less +jack son +gand hi +th al +on ers +edit orial +convers ations +sd ale +autom ation +i ke +า ภ+ðŁĩ ª +hau l +la ying +men tions +am en +abor tion +i bi +coun ties +ca therine +man ds +jam e +roll er +au t +n am +o logical +cep tion +ran king +tox ic +sn acks +victor ian +bang kok +psycho logy +re g +ang ela +respon d +sty le +sophi e +dak ota +achiev ed +mar ked +imper ial +in as +glo ves +sli m +confi dent +att acked +gg er +lon ely +valentine sday +re b +craft beer +orig in +zim bab +ce iling +te ens +other wise +w b +f ers +day sof +advis or +y ah +âĻ ª +en der +republic ans +av a +skir t +pi pel +chi e +jan e +ja x +ðŁĺ ĭ +âľ Ĭ +j ays +bre tt +bal o +cru cial +d har +as is +de au +lloy d +chat ting +âĿĦ ï¸ı +rel ay +remark able +n s +we t +bris bane +ðŁĶ ´ +tion ally +f k +la yer +house hold +consecu tive +es is +pend ant +st ir +crit ic +su gar +photo shop +pa res +arti stic +do dgers +c un +cra fted +am end +bo at +âŃIJ ï¸ı +egyp tian +sa w +tra ge +small er +ox y +pa ired +nex t +i res +tac o +o y +u c +st i +a erial +: // +dr o +dot com +gg ins +r pg +ay e +le an +stri ker +lo bby +prote sts +pri ority +congre ss +am ate +inv it +r ington +mom my +th us +allow ing +pione er +enfor cement +g ori +tal k +dra g +du mb +bul let +san ge +er y +tar gets +ðŁĩ ¦ +he ather +consi der +seaf ood +ve st +ris ks +% . +p g +sac red +he ating +kick ed +tto t +. - +chan di +co ven +po ol +pul se +i a +ro ster +shakespe are +es a +car go +pean ut +tro op +ac tion +tab let +home work +cast le +stru ction +mus icians +free zing +bu tt +justin bieber +j j +bah rain +an them +au dit +didyou know +na vig +guid ance +âĸ ¶ +tur f +n un +fic ations +ye men +char ging +x c +bron cos +su bur +p ale +bor ing +among st +for the +em per +om fg +p j +expe cting +ðŁĴ « +st l +ad min +expect ations +sw an +shoo t +oooo o +min ent +ãĢ IJ +wall ace +stan g +satur day +adop ted +dou bles +hom ie +ome z +d han +vent ure +surroun ding +fi le +mob ility +de es +w ski +broo ke +emb ro +re members +kar a +test im +bo tan +m tv +sacrif ice +jerus alem +d l + ´ +proper ly +ili on +as i +leg it +co pe +m cla +recy cling +lar ger +ðŁĴ ĵ +pat ric +gener ous +ja red +p f +mol ly +thom as +ju dges +h b +sor ts +bl vd +o ven +enter ing +plan es +be et +integr ation +boo ked +fre ed +ver n +ash es +to pped +de pot +welcom ed +ren a +m ick +d and +see ks +gam er +ran kings +ren e +mu t +whis ky +fire fighters +gu es +ga ther +tour ney +de men +y ang +new ton +autom otive +back yard +deta iled +mi st +to bac +fi ber +un usual +grat itude +sp are +ne ys +: * +per i +flo ating +fin alist +don ating +dre ss +bro ad +be the +econom ics +tai wan +ed wards +plu g +pra iri +val en +bab a +f ad +an as +har per +dis order +app lied +p att +bi kin +li ver +cu ri +carol ine +ann er +juli an +wal king +mal col +screen shot +co ding +skin care +activi sts +myster ious +ex act +blo cking +mercur y +bat ter +du mp +âľ Į +en se +li sh +ridic ulous +prote sters +ðŁĻ Ī +lu st +swe at +as s +ali ke +co dy +re ments +win ds +as pir +vi enna +pra y +.. .@ +bo i +cand le +assi sts +te e +der son +p ony +f ence +con spir +âĺħ âĺħ +oo th +e pic +ba rely +a unt +b am +diamon ds +end less +scre ens +can cer +gr o +p st +pro spec +mo sque +help ful +ou ri +bro ther +gu jar +cri sti +ine z +to wers +ad dresses +gra y +bur ton +re tweeted +ðŁ¤ Ķ +n ity +du ck +super vis +jo an +kin der +sanc tu +pi ed +âı ° +ł ï¸ı +m ati +reven ge +ce ster +eli fe +desig ners +back ed +bo li +wei ght +cou ch +su res +s its +shri mp +la gos +auth orities +os ity +hol ly +compu ting +fac tors +ab e +pan els +ram ad +sent ence +missi on +hol m +r b +d ads +shang hai +mon ey +she ets +sk ate +thre w +cup cakes +infin ite +l is +practic ing +ess ay +ka i +as ci +mo b +u gh +hol mes +re gg +ik h +mo ck +collec tions +pe p +o va +sal t +nan dez +co y +thre ats +tex ts +cin nam +pregn ancy +pen ding +stam p +flow er +g is +agre ed +pay ne +ro ver +ph ra +sof t +f fin +fa thers +pass engers +aw ays +al a +h es +li van +in s +samu el +ingu i +h of +j j +chen nai +cat al +om ic +he ath +ni ece +pump ed +integr ated +are l +no m +produc tivity +wan ting +vis a +di ana +tw il +it v +cam ps +ro wing +d ley +black and +gu ards +b ells +re verse +vi be +ric ky +mo ss +ny t +âĺ Ģï¸ı +el le +tro y +cu dd +ev an +women s +fo to +mi stakes +wick ed +mi l +c led +me mes +co smo +schol ar +ren o +ðŁĺ Ģ +v ents +# â̦ +terrori sts +ca sey +cardin als +ðŁĺĬ ðŁĺĬ +venezu ela +bol a +liter acy +t w +en o +con tains +au stin +fin anci +ev an +har vard +origin ally +chev ro +her ald +nott ingham +manag ers +âŀ ¡ +accep ting +wal sh +tutor ial +entrepreneur ship +yach t +requi rements +glen n +pe de +unfortun ately +ach ing +dais y +gi an +night mare +âĿ Ĺ +r ina +b art +ema ils +oppo site +who m +sa ke +pu zzle +da shi +par ty +blan ket +bus es +lo re +beau ty +reas on +pun jab +winds or +func tional +exi sting +hel lo +gli mp +con vin +la k +scre aming +rebec ca +bli ss +north west +infin ity +cosme tics +pul ling +coffe e +pl ing +op ho +colom bia +interior design +( + +emo tions +sa c +sun glasses +sav es +d f +six th +al y +ðŁĺ » +de en +dev ast +polit icians +lac rosse +g u +pe i +jav a +comb ine +coal ition +er ts +survi v +ch ad +stri an +n n +de vi +coun c +concer n +contro ller +bre ast +j ury +tu m +introduc es +la di +mobi le +al z +ste ady +nur ses +h acking +on line +oce an +ðŁİ Ħ +a am +ju ven +ic c +louisi ana +ar te +street art +is on +wn s +fr m +p anda +no ir +main tain +del ay +symp toms +thor n +ge ome +ter n +carri ed +p ru +pan or +as sy +per u +clou d +sp ra +pe di +e ste +tag ged +ðŁĺ Ŀ +shado ws +naz i +ا٠Ħ +cor ri +âĻ¥ âĻ¥ +j ad +ðŁĩ « +form al +spo ken +ðŁĮ ŀ +enjo y +lo pez +out look +in ho +w ander +Ù ħ +ma ya +pe e +d ine +ãĢ ij +brief ing +suppor ter +ar ily +ght ers +natur ally +doctor who +j en +v ar +new year +re se +si mm +re x +con sequ +tomat oes +bur st +bra vo +bur gers +cr acking +nor theast +bi om +mush room +mar que +dou ble +ni er +v ag +tw enty +key board +win ni +jama ica +par ish +: - +mental health +ali zing +ren der +wa king +ðŁİ Ĥ +g ly +na than +wa shing +mel issa +jun g +loy al +chil i +song writer +guit arist +bo wie +neighb ors +onym ous +as set +ta i +head quarters +ðŁĮ Ī +i hear +ci gare +sur g +) " +re pl +dar ling +ðŁĻ Ħ +z ak +sa re +ãħ ĭ +mic key +ware house +mass age +ine es +did nt +i w +hur ts +eng aging +mag ic +women in +k itten +mor s +c art +tit ans +colle ague +compe ting +er an +k hal +mar ble +dem and +del ight +et ary +bli zz +lou ise +m ls +fini shes +experim ent +conduc ted +electr onics +itt ers +car ing +wh ats +sym bol +jun g +e cu +pi x +con text +char ger +ðŁĺ ĩ +re ig +fra g +ë ĭ +ch ad +tru e +ker ry +def ending +a int +au ton +check out +bar nes +less ly +d t +m me +clou dy +second ary +are z +_ : +app a +const ant +" ) +ve ts +jo b +i ent +ðŁĺŃðŁĺŃ ðŁĺŃ +m j +fren ch +di ver +davi es +hh hh +e book +๠ī +mar iti +bree ze +susp ended +mat o +vi et +ra hu +se i +bol t +en ary +le is +kar l +fr amed +expla ining +ab c +de aling +nat o +ja ke +exp and +leon ard +establi shed +du b +ar men +el led +voc al +nichol as +ori ent +k yo +illustr ated +ah h +danc ers +milli on +ge ta +po pp +as u +mur dered +gi ble +sto ked +gri ffin +maxi mum +adri an +en counter +ther o +david son +ðŁį » +holi day +ev o +asse ts +car son +memor able +âļ ½ +ob am +represent ative +cb d +tr icks +vo gue +vo ice +mm mm +sebasti an +cli f +ath y +par alle +ðŁ¤ · +pa k +ev acu +e ats +ا Ø +tou ched +organ ised +spir its +can ad +gui ded +frame work +ðŁĮ Ł +pe d +natur al +ag ar +replac ed +anch or +ti t +sha h +organ is +super ior +r n +ch ro +eric a +st ill +cor on +chu ck +loc ks +or gan +ro sen +sc am +ben ed +/ # +ke en +tre vor +vamp ire +sor ted +! ' +af ford +in tro +gr ace +ðŁĺ ľ +sau r +kick starter +influ en +v u +y up +po c +ðŁİ ¥ +a ar +s ang +tre k +et sy +tb h +scre am +chevro let +pix el +shepher d +an or +gabri el +tw ood +sd cc +me ters +develop ers +clo sure +v w +twit ch +ì Ĺ +se oul +pr ice +ho g +n ish +hill ary +scrat ch +in cen +wag on +dis ability +pan ther +ch ats +g d +wit z +sus sex +l ate +den mark +ger ald +cancel led +net te +i x +nav al +bap tist +te t +y ad +ma th +ho y +r andy +po int +intel lec +fru its +w ool +gu in +pr on +the ft +con dem +mar ry +n ola +architec ts +cin cin +roc kets +gentle man +ex plan +t ate +do e +ra ises +wild life +w l +insi der +blan c +w p +for sale +ny c +po well +unbeliev able +pen s +goo dies +mu stang +p ens +st ays +squ ash +xox o +near by +ever ton +co co +le agu +k han +stu d +south west +con struc +s worth +cro atia +le a +su ms +aim s +e an +van ess +iti ous +pa thy +arc ade +b end +sugge sts +sac ram +roy als +ri er +em ir +in cl +an k +clar k +ri ght +vac c +ठ¾ +tan e +li b +u sc +sal es +hu h +s ally +ver a +p ga +gro ws +dru m +tre e +eth ics +sug gest +is ab +se aled +pre viously +anim ated +ab du +ri ses +glo b +pre dat +scar f +del ic +om ar +ll i +sx sw +py thon +ne bra +fun k +reflec t +pav ilion +tic ally +ch asing +bak ery +inva sion +ko h +believ ed +co hen +con qu +cra fts +nat i +cle ver +govern ance +sam ples +fa ils +â Ķ +ti mo +r itu +stri king +inclu sive +sho cking +can t +requi res +dra wings +à¸ Ń +purch ased +du m +z ach +war ner +con sole +man sion +foun tain +circu m +e sh +is land +mil k +pro fits +hali fax +ri val +âľĪ ï¸ı +jen ny +sand ra +ny e +k elly +y al +qu ad +no s +inste in +fin alists +mid fielder +cu e +excep tional +a an +sa pp +gett in +sa a +f ati +sl ice +vol k +s wal +la sting +sum mary +it as +sm o +s z +âĺ Ĩ +ip l +fl ames +ene ws +ha v +hoo die +pitch er +win dy +re vol +centr al +ton ite +ðŁİī ðŁİī +sol ved +mil wau +organiz ations +wee ts +re fin +s th +ãĥ ¼ +el in +ton a +cinnam on +ðŁİ ¨ +ðŁİ ģ +ron aldo +pen insu +ome ga +el ds +desig ning +e igh +blu et +ben z +nu g +ash a +robo ts +su dan +choo sing +en do +ser ge +clo sely +hand y +fing er +be ing +ar te +survi ved +fl ame +mile stone +gu t +d war +fu tures +é e +el o +fri dge +eli c +ou ch +u b +p v +tit an +col lar +st ation +nev ada +aur ora +r d +dun can +âģ ł +bri en +mar sh +Ð ¾ +to tal +ch ry +s ers +su ffe +ra chel +colle ge +to days +cour ts +ch it +re united +gym na +gen esis +be side +re presentation +ch ant +collec tor +ra k +ath ens +ni gh +mun ich +langu ages +fl u +particip ation +__ _ +c v +spec trum +so da +co ver +refe ren +ab bo +ap a +public ation +ed m +mon ica +ar my +ðŁļ Ģ +div or +dr y +stre ams +robo tics +ci der +bull ying +appro val +sto ke +plat forms +sier ra +ex tin +i b +ha yes +succe ed +suff er +at ically +da i +lyn ch +h ound +del ines +ack now +d ated +exclu sively +he res +fac ilit +dam aged +char ter +la kers +fal con +unve iled +wel ove +e ase +pati ence +l one +gent le +gene tic +produc ing +g our +shann on +bil ities +zimbab we +p int +dau ghters +liter ary +bel le +cl am +surroun ded +k any +ne il +pir ate +rang er +hb d +nat alie +bel ong +olym pi +emb assy +sc ol +en er +ak in +lo ren +b h +: / +di va +den im +hi pp +ðŁĩµ ðŁĩ +arn old +? ' +we ren +em power +dis abled +man or +rasp berry +b af +aw ful +dru mmer +kar dashi +n ash +machine learning +ch u +rebel s +tim ing +mon roe +ton gue +ran ge +pup ils +re ss +amaz on +b z +har ley +pal mer +ballo on +s ings +ic ec +j b +c ers +g ps +whi st +ri se +l t +oo oo +c attle +shoo ter +vod ka +uc l +mt g +le sli +jon as +di spo +at ric +ste in +vintag e +fir ms +flo yd +cow boy +soo oo +is aac +war craft +disney land +beauti ful +be am +franch ise +bu n +k ag +an on +tur bo +swee p +made in +kar achi +dete ctive +penn sylvania +contro versi +vitam in +a side +chron ic +descri bes +remo val +ha h +ap er +ten ed +u to +bad ly +mir ac +f ry +ye a +in jec +ther mal +comp act +th or +te ed +ur gent +l ite +g illi +sop hom +ic o +che m +p m +for k +fre ak +ch ak +recipi ent +i y +ni k +model ing +c ans +ðŁı Ģ +del ux +se am +surviv ors +rad ical +investig ating +reli able +f m +tur t +ligh thouse +to ol +go wn +) ) +bo ts +auto graph +a id +bu ffe +h mm +horri ble +ssi onal +ann i +à¹ Ģ +k its +sch i +eter nal +hu ss +sens itive +r u +tast es +chec ks +im o +por tion +sk ate +e den +half time +fri ed +ri hanna +ti se +fl ick +ca in +s gt +âľ Ķ +sh au +sta ined +ra ffle +dro ve +sal man +princi ples +sh o +ar u +je ss +gu ine +gar bage +my an +jel ly +dis ru +z ia +q ld +ent ries +la v +fle w +ad mit +objec ts +comp are +ny times +cann es +p n +suff ol +ro c +d ana +e gg +hi st +coun sel +' ! +phy si +imag ination +ad just +explo sion +plym outh +hor ror +elli ott +bour ne +de x +bre ed +au dio +lob ster +disappo inted +nation wide +( ( +incre ases +austr ali +ce dar +star ing +rac ial +e is +g mt +visi ons +stay ed +discu ssions +de an +cur tis +mai den +stel lar +happ iest +h wy +pre season +car av +mon days +hospit als +glimp se +schol ars +ja i +ter race +ann a +goo se +gra ded +lot us +hun g +grocer y +stam ps +emper or +sc oop +in ser +c as +exist ence +he al +fal cons +mar vel +reduc ing +terri fic +magne tic +perfor ms +bar re +p us +tre ating +ic on +w h +decla red +tra uma +do d +come dian +nik on +bu gs +as m +mont gom +ibi za +comprehen sive +ha s +san ti +fellow ship +da sh +p sal +louis ville +sp y +fau lt +d the +fi led +vi sta +de sc +fe ars +you tu +sp s +es p +ri g +cri me +ber ger +wonder land +k ent +in formed +stev ens +my th +ast on +ir i +visit or +at ri +produc ers +al la +person ally +separ ate +agen cies +af ri +il an +spo ke +n ina +squ ad +di ves +de pend +li v +fier ce +enter taining +cha in +sc at +bor ders +pal ette +sp ro +os is +der by +tobac co +zi o +willi e +ju vent +zoo m +hol y +enti rely +af e +mart inez +be ds +pe a +bull dogs +ðŁĩª ðŁĩ +ib m +ne on +ethiop ia +team mates +plan ting +tw er +any time +for bes +ó n +run way +ner vous +ro ger +p ile +ch anc +apo caly +u w +o i +dr ought +territ ory +br ick +cre atures +go in +w aff +gre n +sou theast +je an +am bul +ed ited +stra p +c v +aar on +ãĥ» ãĥ» +t su +descri ption +kin dly +clu tch +im mer +en or +women sday +or ange +ra g +ob vious +hy der +chann els +man go +me yer +ra ining +ge tty +pil gri +coordin ator +up load +ninten do +don uts +san chez +app arel +j r +zz i +, @ +jeff erson +accessi ble +great ly +e id +initi al +budd ha +par is +ma scot +â¬ĩ ï¸ı +sch war +si ri +sp inning +mortg age +e cho +end ange +ge dly +chlo e +enh ance +kar nat +k ry +explo res +ðŁĴ ģ +af fair +ic als +all a +dar t +dolph ins +diffe rences +squir rel +au gh +dr ones +ell en +re store +pa w +un for +pi ke +hil ton +colla b +consu mers +co inci +out comes +pp p +a q +coup on +li est +si ms +k ho +av es +spo on +pu dding +cor byn +hat ers +ex ams +sla ve +. ! +p sa +app les +tam il +se d +co ke +zz o +lo sange +car bon +cla ir +... ) +k hu +cra ig +explor ation +sanctu ary +su e +al way +demen tia +won ders +super hero +pakistan i +brown s +bluet ooth +lo cker +mar c +ev entu +delux e +rodri guez +âĿ¤ âĿ¤ +ro bb +ðŁĴ ¦ +lin ux +ten s +intellig ent +se ed +vo ter +s ler +pe aks +inter n +teen age +peninsu la +hand ling +ti e +cou sins +wen dy +me e +à¹Ģ ภ+din o +ðŁĴ ° +ðŁĺ ĥ +ze e +s bury +trage dy +b k +bo re +z in +war ns +idi ot +tou ching +contin ental +tac os +saf ari +wa shed +po dium +morri son +fore sts +c bc +al on +partic ular +be ads +inv ented +lo ch +li ghter +where ver +i de +docu ments +a we +k r +no where +min er +st it +ro x +contribu te +har dy +cl an +ob ject +ca it +ðŁĴķ ðŁĴķ +happ ier +vege tables +t art +g ag +nom inee +heav ily +pan ic +j d +there sa +at m +u ph +s fc +su ri +drin k +n al +re vel +k l +avoc ado +nom ination +ma donna +shar on +malcol m +control led +sh ers +revi val +legis lation +shoo ts +n in +comm entary +pro s +human rights +str anger +mit ch +pipel ine +leg ally +th u +gil bert +tol l +gran ted +gh s +ir anian +refre shing +du k +ab i +pri me +jose ph +mo sa +stati stics +produc tions +mer ry +pat el +sa x +human itarian +struc tures +e missions +town s +fre el +ster ing +rat ings +alle gedly +cab in +st l +w ade +fl yers +tri m +promis ing +z u +bal lot +compar ison +free ze +ou ter +great ness +as sign +snow y +r ale +tor ies +med iter +kno ck +consult ant +cincin nati +analy st +sc oo +je ws +appro xim +pu re +portra its +cy rus +ation al +lo ans +acqu is +el u +accep table +uni on +water color +ru st +batt les +per fu +seas onal +ser ial +mind set +ri ot +fel d +enni al +clo set +pri est +tan ks +int l +scre w +bu m +ab dul +ou x +expla ined +ric a +imag ing +law yers +bu ried +ãĥ»ãĥ» ãĥ» +ear l +âĢ ķ +l ton +resto red +stri pes +fo ss +de mands +ste aling +alex is +mun d +ak er +ur us +war dro +hu gs +gen re +e go +Ù Ħ +particip ated +bab es +ban quet +ti ous +he mi +ds b +lo st +milwau kee +jen ner +ge m +ou tra +lo ses +id i +re ps +ðŁİ § +regu lation +fla w +f ang +vibr ant +ram p +ra ins +well being +so viet +vie wers +de po +libr aries +bi go +ser y +g ill +de struction +co z +c x +bri dal +al ds +plan ted +amate ur +lu d +che ering +show cas +pro file +i u +ver tical +pack ers +wiz ard +ski p +s light +be au +air ways +mu ch +re ra +ðŁĮ Ĭ +ab sor +pati o +pack ages +s ells +ment ally +ðŁĺ ¢ +reyn olds +k are +tri bun +wal t +kn it +ta ste +sur rey +boun ce +cre ature +b are +bet ting +su re +mi ley +laugh s +al ore +cy n +t l +arti st +ann ah +war mer +dynam ics +lunch time +mariti me +vulner able +ðŁĴ ĥ +wol ver +dur ham +const antly +am in +si bl +: @ +bul let +k ach +angel o +wil der +doo m +desk top +law suit +k ca +hen derson +inv iting +bet ty +ta wards +ra fa +le aked +and i +ge ms +af l +vel o +mediter ran +pro be +to tten +steph anie +sn ation +com be +q s +over come +assas sin +ra v +fil ip +winni peg +sh il +determin ed +k as +ou tre +regre t +gui des +aa a +ðŁĺ Ī +wi ves +mani fe +er ly +sm y +sh ima +x ing +pix el +jac ob +ac commod +to y +on o +po o +ti er +an swe +ðŁĴ ģ +ro sa +le ase +bel ongs +th ar +eventu ally +nei ther +go a +ski ing +at ra +ag h +broad casting +f ury +py ram +d ice +volk swag +wom ens +provi der +bom bs +miss ile +whi p +d ick +nor we +back up +el der +mat ure +concer ts +gi ous +sque e +good morning +bra ves +^ _ +au ssie +lun a +mal es +he ck +for tn +rome o +steel ers +p n +pe er +re presents + « +kat y +migu el +requ ire +cha ins +l ur +immedi ate +ti mber +âĸ¶ ï¸ı +advoc acy +ex port +an z +tiff any +auth or +ðŁİ Ī +du des +chil ly +hi d +har m +bu g +mon ster +terri er +tu c +story telling +ta k +in ti +immigr ants +b is +reach es +com passion +john ny +contribu tions +ðŁIJ ¶ +mechan ical +impre ssion +ran ks +ko be +men ting +bloss om +pab lo +buil der +bom bing +tw el +sul livan +om o +pe te +de mi +ku dos +w bb +t gif +mass ach +neighb or +che fs +eng ines +pun e +ga ined +phan tom +s days +ext end +gr an +cent ers +jac qu +dat asci +sleep y +el vis +answe red +s lot +con y +flexi ble +ti ally +le tics +% , +andre ws +si ble +mom ma +vin o +do x +invit ational +twil ight +j ade +ill ery +joh ns +f ou +p v +-- -> +break down +billi on +prin ter +mon d +c bc +mag gie +legi on +du b +kur t +po or +paren ting +regi ons +bikin i +be ware +si onal +au burn +kid ding +amp les +sp an +con tempor +c ic +ha bits +ak o +pre fe +bud dies +it z +em ily +person nel +moun tain +ver sus +ðŁĺ ¬ +ear ning +s ink +dar i +u u +s win +i ster +bru tal +n ac +kat a +clo th +am and +ðŁĶ Ĺ +ne o +alu min +week ends +nebra ska +co des +delay ed +brun o +pro ven +in c +i ght +fl an +or o +lam bert +regu lat +w f +massach use +kardashi an +bern ard +fi esta +volcan o +grand pa +anc a +d re +st itu +mean ing +fo am +au ck +at ed +r l +hot el +pers ons +dy nasty +ell or +ma i +am ne +sty ling +avi er +e g +vege tarian +, â̦ +foun ders +sta in +g d +cy cles +sky line +trac tor +exi sts +tra l +kid ney +mar il +inst ag +se tte +addic t +tri angle +flash back +controversi al +z on +p ins +i as +tr ay +town ship +deleg ates +sp am +h ms +cr ane +peop les +o lo +fac tion +but es +on ica +deleg ation +new profile +eli er +mc a +w and +g ely +losange les +ber ke +ti ve +dis rup +zz a +cas a +jor dan +ford shire +ga thered +ic hi +atten dees +à¸Ń ภ+pe ppers +co in +bour bon +ern ity +ro tary +behavi our +jere my +team work +compli ance +tre mend +ðŁĩ § +bu hari +cam bo +bu yers +ha gen +bu ds +bay ern +mon te +sm ells +an za +ath lon +descri bed +work force +gi ving +ap i +invest ments +da il +sel ena +datab ase +th um +mor tal +stu dent +bu yer +do ver +gar ten +att le +loy alty +gen oci +holo cau +theat ers +ru ling +ven us +pat ent +ch un +ab by +awa ke +mass acre +bang alore +break ing +simm ons +ju sti +hal e +ed chat +gg les +haw k +mar king +head lines +stro m +co ve +breath taking +med als +hair cut +christ ine +tele graph +gujar at +ju ra +can e +sho re +propag anda +mu eller +.... .... +sa vi +stom ach +thro ws +ta b +war m +j ong +reno wned +hi r +ra is +mush rooms +guaran teed +bo a +m j +revolu tionary +certi fication +bru ins +jo in +w es +pas sport +c g +sex u +cap able +w v +ton es +jac kets +ac compan +spin ach +fore ver +bla ir +wat ts +g l +cou ples +prairi e +newprofile pic +logi stics +massachuse tts +jagu ar +o id +we al +under water +mo z +y i +ma ths +myan mar +pre ps +suffe red +tr ace +wal i +ah hh +bor g +st itch +cu lin +real ise +infe ction +discrimin ation +sh ame +an kle +hu mid +y t +brac ket +tru ck +tri u +ea ster +commun ity +post card +invol ving +ty ler +car amel +over view +ex amples +integr ity +base ment +instru ments +ani um +at us +gh er +laun dry +achi eve +gen eva +pr icing +hyder abad +beli ef +me ta +j aw +accoun ting +lead er +cristi ano +cou ture +cy p +vis ed +, ,, +k nu +h ick +break er +br am +ra b +mo or +ham as +gradu ating +pupp ies +ak h +ta h +ach es +ri e +op ini +g ta +re ign +tra gic +re ver +p ill +pine apple +tou ches +da re +le ys +il o +inter iors +sc outs +bar t +en zie +don o +bro ck +christi ans +ense mble + · +cine mas +new port +air line +win ston +le igh +cont ents +pre scri +ur ge +tr out +fic ally +il ia +sub si +are r +âļ¾ ï¸ı +w ounded +ðŁĻ Ĥ +pe pper +ðŁĴ ŀ +fit ted +af f +re sur +thursday thoughts +z ero +archae ology +di v +je e +i on +awa iting +co zy +beauti es +bal d +dat a +gri zz +stal k +kin ds +cle ared +jess ic +regu lar +ali ens +plac e +bo s +bi zar +thisi s +ðŁĴ Ģ +totten ham +ma fia +s lam +ari ana +car roll +back pack +care y +uni v +r g +pe p +dig it +tatt oos +ag on +volunte ering +diffe ren +consu mption +ka thr +head phones +t shirt +o b +ele ment +re tail +sh ru +al gori +contain er +consci ous +fi l +com ing +ra sh +u rope +def ine +gi or +femini st +flow ing +rout es +gl aci +fer t +somer set +ant es +twee ps +$ $ +h our +endange red +year sof +ro h +po pped +bac king +ba sil +bra ke +mon aco +lgbt q +pra gue +ut ility +cas si +gate way +haun ted +sch ul +ðŁİ µ +shou ld +walking dead +comple ting +dann y +montgom ery +pengu in +ss i +mer chandi +ðŁij ij +chur ch +h ates +cap tain +brea thing +ce t +fair ly +approach es +compan ion +surpri sing +kany e +pe y +hin di +targe ted +lor ds +de ut +di gging +ger man +ru t +ener gy +close st +y un +apo logi +ภ± +s ack +ru p +dd y +port al +d ough +b ats +ðŁĵ ° +at ur +graph er +pi res +mo tors +ðŁĮ ¹ +j c +dan g +tu k +clu e +us c +pag e +d less +bro ws +ju s +ad ing +re marks +oo m +car dio +ste fan +arm strong +âĢ¢ âĢ¢ +ni est +belgi an +bi op +so y +lo f +í ĥ +q t +flashback friday +ce e +ģ ภ+wre ck +mar ines +amend ment +wardro be +vo y +bur ned +guit ars +ra inf +li fel +ssi l +oun ce +exter nal +c key +me sh +she ikh +inv itation +sugge sti +pop corn +phenomen al +an onymous +tun a +chic ago +o val +del y +loc als +( & +pro f +no vel +fin der +spar ks +la ven +in fu +nic ks +qu ant +ra e +exe c +dist ingui +st ances +mu tual +sh al +unve ils +edmon ton +zan ia +a dio +vie wer +brad ford +audit orium +qu is +re act +htt p +l ero +chee ky +impac ts +ta k +ed t +desper ate +t ay +ì Ħ +sett le +bar gain +resu me +un ite +thro wn +ke st +se ys +mar ching +am it +decl ine +sch ar +me tr +stan ford +lin ke +ber ra +dol ls +rug by +jam i +b or +road trip +dino saur +mi k +sun der +re m +b k +over seas +nau ghty +imple mentation +iam srk +lun cheon +fir ing +mi ami +pere z +the e +z on +gi fted +con version +ceram ic +¡ ï¸ı +pe dro +ì Ĩ +v ick +! @ +he ed +si d +b w +docu ment +pl un +gr ants +fant asy +predic tions +vali d +car ved +gradu ated +ðŁijį ðŁı» +nation ally +ch y +af l +re sso +blan k +ri vals +j ig +e ties +om ics +une mp +b ound +sk o +inspec tion +par al +high s +cri sp +b ans +ob a +[ @ +co spla +costu mes +rec all +mou th +ni gel +b ts +ter a +ko v +do cs +west minster +dic t +gra vity +kar i +ro gue +t ted +war k +ida ho +w end +aw i +queen sland +proce sses +cli ffe +m ick +com pens +op ol +the y +cl ari +wiki pedia +salman khan +haz ard +pre ston +swee test +pd f +che es +tr ilo +south africa +bur nt +( $ +con tain +t p +sub mitted +sound cloud +at u +re z +word press +corru pt +n f +ma ker +í ķ +par as +adv ent +ri al +ca fe +fo ssil +!!!! !!! +co ws +c j +sp ur +institu tions +land mark +ent it +re ut +h is +alz heim +we mb +regg ae +mo squ +st at +identi fied +deal er +re am +re land +ten sion +ðŁĩ © +wra pping +deep er +fr at +red dit +ar is +moroc co +.. " +b low +ma pping +pri orities +ing a +swa p +re wards +conspir acy +creati ve +c j +congre ssional +vau lt +ple x +sophom ore +shad ow +ele ss +ðŁĺ ħ +dar ts +aldu b +anno ying +pro ps +n as +alumin um +h bo +offen se +j ill +oni ons +la ur +ta e +har dest +sh ro +ga ining +meas ure +ed tech +cyp rus +tar a +ang eli +car lo +go on +all i +im plic +ju pit +resil ience +ha il +bal anced +) ... +joy ce +gr a +th eli +defin ed +shi pped +main ly +min a +l m +sac ri +o ber +p im +claim ing +ent ers +co rey +bo k +cri ed +cool ing +dani elle +pharmac y +thor ough +ca ke +k lo +outre ach +z ens +digital marketing +val ent +sn p +her b +mr w +caf é +cap tures +no tre +triu mph +pan cakes +cu mber +spi ke +d ation +bi gg +sp er +crit ical +am al +too th +foun ding +a stro +' # +quan tum +th ames +un c +pri de +air bus +kno cked +un defeated +mediterran ean +cal cu +clo wn +sens or +ham mer +for give +cu shi +ber ry +maje stic +elec t +polit an +g ta +k ari +bur ke +sea hawks +volkswag en +re i +landsc apes +cas u +grand father +list ened +/ / +star trek +rainf all +fur ry +vi er +star k +rif le +ff a +leg es +hillary clinton +min us +correc tly +architec tural +pre ce +up side +box er +ðŁĻĮ ðŁı¼ +is ai +de t +pro vo +tis sue +spoo ky +ve led +re con +prospec ts +que bec +âļ « +ig no +anat omy +shap es +w p +p interest +hor e +an es +pick up +ti p +pra desh +hu gh +co e +po k +gram my +well ington +sti gate +ri gh +lea p +king ston +scen ic +go sh +v ani +au g +s ary +zi er +bure au +lin son +con te +fra gr +all an +g aw +lan a +colli sion +surve ill +ren ais +ar range +s ali +do in +br ance +bren dan +our se +in coming +suspen sion +à ´ +l la +educ ators +in tri +da e +bio graphy +bul gar +villa in +go thic +rw anda +e w +may or +meet up +democr at +mor gan +su dden +te sco +car rot +bom ber +mck in +re ne +fun day +agricul tural +haha h +show time +form ing +col a +scor pi +quo te +po ppy +s life +d az +tu b +ne n +mo t +ðŁĺ » +s ore +elder ly +o ve +skin ny +um i +anc o +man ship +we re +g v +k ah +fol ding +ne at +samanth a +dan ish +uk rain +humid ity +nu tri +jak arta +cand les +oooo oooo +at ile +streng th +i bra +bap ti +charle ston +fr ames +girl s +clear ing +glu ten +# # +super natural +ju bi +ph one +he in +dr un +le ak +invest or +y er +dom ain +ball room +mi sh +app li +off shore +bla ze +dor o +âĺķ ï¸ı +win ery +shar if +ad ore +n ir +saf er +si gh +as cri +strong ly +trac y +ck er +ol l +faith ful +ey ed +deli ghtful +vis m +karnat aka +tit an +wh ar +jer seys +re fur +heav en +gri p +pan ama +pre li +glu ten +o dd +cont ent +pon ti +tion ing +e commerce +feder ation +flaw less +ge ar +ti res +by r +pol ice +cu ban +tri butes +tic ul +chur ches +nur sery +di aries +muse ums +snapp ed +i van +wi ght +touri sts +ramad an +t rent +prophe t +won dered +focu sing +hi d +ic ons +i q +ambul ance +pi st +fun niest +time less +sr ilan +bu ys +ki ds +colour ful +a shi +ch ir +mu m +ðŁĵ ļ +let ter +x en +reut ers +pre serve +in ting +ste p +fu ji +uni ver +i u +show down +po ems +surveill ance +suspec ted +ta e +sol ving +tom b +mother sday +car pen +recru it +pil ots +bro c +mix ing +fri days +ty r +represent atives +tra pped +abdu l +free style +clu ster +âļ łï¸ı +k d +sk ill +pit t +ex o +commer ci +muse um +loc ally +g ina +no bel +immun e +fr ac +cap su +main ed +attemp ts +bull dog +be spoke +sing ers +sp elling +seg ment +nat ures +tic k +lip stick +clean er +gett able +preci sion +â̼ ï¸ı +th ood +re ef +no pe +bill y +di gi +mu si +ri val +figu red +tal ity +sun ny +ber k +aw ww +awa its +un real +co pen +asy lum +ex otic +bu en +mo ck +en able +arch y +fr a +pla stic +al mond +amp li +displa ys +abbo tt +s me +x p +ðŁĻ ĥ +graph ic +i ved +mar a +cau tion +lea ks +en berg +ul u +unic orn +cann on +appren tic +ðŁĺĺ ðŁĺĺ +b ball +wil low +at ics +am as +manufac turer +campaig ns +port ers +flo ors +l su +ty pe +ke j +honor ary +it im +to le +min ecraft +d x +ma sh +ri o +consequ ences +ron ald +go ssi +suffol k +mu se +r bi +live music +i van +ðŁİ ¤ +le u +patri ot +man it +lan ca +home decor +de ar +sig ma +ti de +str ings +v ita +sequ el +try na +inve stigate +bor is +ve gan +barri er +mind fulness +web b +hu stle +in da +tan zania +str ay +tex as +c ag +diagno sis +wom an +g w +ob session +l ative +nu fc +fl ynn +moment um +sof a +wal d +vege table +tu cker +supp er +se ab +ar ro +se ag +ven ting +counc ill +sp lat +cal cul +.. # +com fy +odi sha +sto pp +war fare +ca es +à ¨ +co y +price less +in sec +ðŁĺ Ľ +contro ls +empower ment +datasci ence +per pe +gen ic +e res +tru deau +man o +sla very +expand ing +ma he +fa iling +s aga +photograph s +cre st +re on +surf ing +hi e +ðŁį Ģ +ja e +fel lows +south ampton +sol om +ce ster +tab ility +hor n +se ct +he e +cole man +at las +explo rer +consul tation +copy right +organi zing +den ied +mon keys +noo dles +br is +fl or +dou gh +bon ds +sho cked +eco system +care fully +w m +apart ments +cur ve +san diego +must ard +comm en +cere mon +e ch +ru th +ðŁĻĮ ðŁı» +hawa i +fil med +te ar +as ingly +ca ir +wat t +instru ment +ou tta +ye ol +river side +ë ° +. : +nor wich +alo g +migr ants +new man +ri de +spr ink +targe ting +beli eve +tor ch +reflec ts +per mission +ff man +ene mies +bas ics +se ized +sun days +le i +hass an +en do +h c +st ad +le ments +kk kk +nan o +shar k +man a +on ic +treat ments +ear ly +collabor ative +shu ttle +bran ches +mis ses +mained cm +ap ers +ky le +carri e +leis ure +sh et +bir ding +adv ances +ðŁĵ Ŀ +popu lar +di ane +a be +re war +neigh bour +k pop +remem brance +play ground +ru b +krish na +e bola +inqu iry +ep a +lu min +organ isation +abra ham +norm ally +pre ten +jan et +w t +ðŁĴ İ +encoura ging +a stic +bu mp +syd ney +s z +ss ss +gar rett +ðŁĵ » +consul ting +roman ia +spo tting +chanc ellor +ar ma +presti gious +ðĿ IJ +t ad +cry st +compe tit +rati o +cat aly +bro w +j ur +vi king +commu te +y day +la yers +du mb +esc al +genoci de +f ill +gu pta +ste pping +se i +fo to +wild cats +col i +projec t +ear nings +st r +ge ons +comple tion +b m +decor ated +craw ford +af ghan +sc are +visi bility +hi b +direc tion +stro ll +christ ina +alter nate +cl are +sty list +be hold +s ance +leop ard +acqui red +narr ative +ash i +the a +?? ?? +pe as +at ch +sli des +le en +renew able +eng lish +qu ir +co aster +r x +fo ols +match day +mis m +amaz ing +z ig +ke ting +won t +to wel +di ab +sta ke +n m +mel t +e than +gra pe +polit ician +sm en +í ĺ +re o +wedd ings +cat cher +or acle +me mo +ðŁĮ ´ +ec k +rob bie +norwe gian +oper ator +am or +se wing +ju l +x ie +u v +fif ty +me ga +tatt oo +liber als +u pri +traffic king +richard son +su v +ki p +mess y +tremend ous +gl ou +cour tney +la d +stere o +my ers +i dio +^_ ^ +man ning +dy e +w d +thr one +jun k +as u +provin cial +k ook +wr c +fine art +hamp shire +renais sance +b red +fall out +s j +sn l +al am +tor ture +fy i +sh ines +pa w +ch ar +hen ry +c row +aci ous +di an +pa ige +ba re +stock holm +scen ery +ðŁĩ · +jef frey +pu sh +decor ation +ne d +cu te +brig ade +laven der +inv ites +e sports +vo ir +dri ed +tran spl +sur geon +no vels +pul ls +son y +lun ar +man e +i vy +fru str +dor set +sa i +tor res +ssi on +shut down +suggesti ons +writ ing +e o +battle field +u ga +ðŁIJ ¾ +vac u +spl ac +g it +u g +high land +% ) +mer maid +sacram ento +ta ils +p w +ka h +t ell +enh anced +ì ķ +auck land +cru el +ðŁ¤ © +au dre +sail or +gram mar +g love +de on +infl am +fresh ly +k ell +zi p +christi e +mil d +di xon +instru ctor +g ence +ãħ ł +sub jec +constitu tional +crow ds +in visible +ru ins +da k +si p +pla que +p ouring +comple x +z ine +ste ad +f let +trans mission +lo way +ar un +incre asingly +au d +transp aren +cro wned +sc oun +blizz ard +lux u +fi ers +achieve ments +hun ters +rock ed +bas in +vio let +pro ves +achiev ing +pro sper +se ga +flo at +vi an +xi v +pol ic +tur a +approxim ately +wander lust +keep ers +geta way +co d +pol is +br yan +col ts +tal ents +yo gur +gluten free +wri st +gr y +cze ch +ðŁİ Ī +ev ille +ðŁı Ī +to x +dani els +am er +bi ds +weare one +me tab +g t +boy z +pd x +pos session +pu shed +shr ine +reali stic +tri gger +na vi +ru mors +n af +jen kins +tr un +comm uni +Ã Ĺ +gam ers +arm or +moham med +bal cony +y ah +stron gest +rhy thm +unfor gettable +k p +ho bb +custo dy +greg or +r ita +aes thetic +il ation +sponsor ing +n ay +kid napp +sh s +ra jas +me g +signific antly +butt ons +la c +ver sions +essenti als +opini ons +k ro +d printing +wi dely +d k +ur an +y al +reque sted +c n +cur ric +plu m +gr un +v m +dev on +m yo +rel ation +juvent us +rou ge +min ority +min es +jupit er +n ine +oxy gen +fran kie +une sco +fab ric +disgu sting +sal man +dete ction +lan ka +d ac +ðŁĩ« ðŁĩ· +argu ment +shel ves +cel tics +rober to +pi gs +he dge +fau l +pow ering +butter flies +fi r +re make +att i +com o +emp ha +kend all +poke mon +se ating +d ans +bald win +ðŁij » +lesli e +one direction +ti mber +im an +fon t +e der +di on +ste ph +for mat +gre gory +pro p +he x +ru in +sor y +inf er +n aw +bar ak +sd gs +kar ao +lu sh +v ander +end ent +g is +a fro +soc cer +ay an +t uni +lun g +da yof +alex a +mar ath +addic ted +ag ile +hy gi +light weight +ì § +mand ela +jo ey +anc y +hu m +bi r +memor ial +jim in +ging er +v ak +jav ascri +cro ps +orig ins +d ari +pi per +im port +aggre ssive +predic tion +re pairs +cr acker +voy age +ni ke +mu mmy +linke din +country side +bor der +gla ss +per t +s als +sho e +autograph ed +wal nut +colle gi +sal ary +pa iring +ðŁĮ ¸ +cath ol +swee the +defe ats +streng then +roof top +impro vements +barri ers +ur u +t ally +ru led +ðŁĨ ļ +nai ja +emo ji +per cent +gi o +pro bs +on ce +adm its +pa ths +li ar +day tona +pe ters +cal i +cal li +mu g +o sa +ap h +ab y +hy de +eth nic +pla ins +ol f +haha hahaha +holi c +?! ?! +su bli +bl acks +mo t +gh ton +lo vin +b rent +bar u +l ati +de w +ate au +q a +pain ful +bu sters +st atic +ðŁĩ¨ðŁĩ ¦ +note book +out fits +si es +r f +floo ds +Ñ Ģ +thro at +su ici +ro vers +beng al +pre pares +blo g +mini ature +Ø ¨ +am phi +com b +r sp +in timate +green e +Ì ĩ +al tar +surg ical +ves sel +... ? +gav in +g ator +threat ened +z ar +rob bery +di er +promo ted +y g +x s +su bs +inter viewing +threat ening +do zen +me ado +water fall +nintendo switch +cal um +mini sters +dro p +univers ities +war ned +tac tics +ðŁĩ ² +refu se +ad ju +v ast +ðŁĺ ´ +mc fc +lib ya +no filter +distribu ted +re ser +ron nie +de co +javascri pt +mon k +intere sts +fle x +mar tha +sti es +oo d +ðŁ¤£ ðŁ¤£ +e un +b ali +g omez +sti mul +moder ate +d ity +ir is +stra w +consist ent +direc tions +adop t +sal sa +cro o +reco vered +black friday +lan caster +accep t +weareone exo +buil ds +free man +air plane +diti on +bel ong +jam ie +pit ching +li f +om in +cri spy +pre pping +ve g +chan g +accompli shed +graci as +dolph in +elec tor +culin ary +super bowl +wal a +pur suit +black berry +be an +cardin al +pro ved +immigr ant +stric tly +holocau st +pass age +ha us +cou p +pur se +har ass +< < +le ed +ado be +st ad +legis lat +par ked +pri yan +sil va +kri st +s the +fun ky +ig a +sett lement +ph s +t mrw +stre ssed +hun t +ho ckey +treas ures +cham bers +ol u +hu t +mar ley +tex ture +wilder ness +mm ing +poten tially +om aha +ju dy +to es +spo iler +distingui shed +feli x +ah u +recommend ations +zom bies +hit ler +tri ple +colla pse +motiv ated +ulti mat +gg ling +so y +ci gar +fo ren +vine yard +gl itter +fin dings +colon ial +hun ter +eri k +den s +beet le +lot te +sub tle +s matter +tru sted +experim ental +nam ents +ðŁĺ Ĩ +regi on +acquis ition +bre eding +quarter back +am reading +oo td +ru de +initi atives +st out +hy ung +out come +al fred +mic s +exper tise +bacter ia +pengu ins +jump er +valen cia +bar k +ing day +sell ers +contrac ts +hou ston +commissi oned +adap tation +swan sea +santi ago +common wealth +ju dging +sub mission +sco rer +tom my +ñ o +ex quis +fil ing +explan ation +alli son +wemb ley +ri dge +chev y +san tos +own ership +cogn itive +favour ites +sh ed +phil anthro +dele ted +go dd +s nor +gui delines +ff ing +je ep +cli ps +sw amp +an or +guil d +bol ton +spring field +munici pal +goal keeper +ye on +ðŁĺįðŁĺį ðŁĺįðŁĺį +ãħĭ ãħĭ +water front +gra ve +contempor ary +ar ity +ÃŃ a +sle eps +sy rup +al am +pi re +co yo +moto gp +ty son +kej ri +cir cul +sing ly +cr unch +complic ated +nostal gia +k op +mo ve +k ale +mac ro +mid west +h ans +tri bal +nu de +௠į +bey once +congratul ate +cat er +leagu e +ðŁĻ Ĭ +la dder +cra shed +tech nic +karao ke +harass ment +ro ts +experi encing +kri sten +ðŁĩ ³ +ðŁ¤ Ĺ +reflec tions +guin ness +illustr ator +ðŁĻı ðŁı» +cen ter +nar row +comm ons +regul ations +Ù Ĩ +har m +cro ft +cu ssion +hong kong +st ical +intern ship +zo e +cho p +hoo ds +estim ated +batter ies +berke ley +smooth ie +shau n +cro s +~ ~ +cam pe +hu mp +b g +proto type +cl ick +shaw n +re viewed +tem pl +p f +jed i +blo gs +ray mond +as th +ba h +av ail +scot ch +leaf s +nik ki +to k +hol low +ur ges +of t +un like +lat in +u e +cat ering +mil i +alter nati +ma ver +Ð ¸ +ag le +pre order +lu x +cu cu +ðŁijı ðŁijı +t art +âĿ¤âĿ¤ âĿ¤ +arab ic +rapi dly +ar rang +all en +travel tuesday +pa ws +flo ws +st ability +flu id +ca pp +can berra +uu uu +sp ani +demon stration +m la +plac ement +m w +presi dents +awe som +bever ly +ani st +ne al +father sday +referen dum +la hore +o aks +deb bie +half way +gho sts +de bor +matthe ws +fi at +t fw +pre sen +rob i +de d +bro ck +laugh ed +am ounts +bam boo +kinder garten +eat en +mtv hottest +break out +u sic +fra ser +legis lative +p ang +modu le +sam my +go ver +ear ns +expe dition +gar h +concep ts +char lie +la va +bachel or +veg gies +deter mine +el lie +un locked +fru it +dal la +cou pe +wash ington +depo sit +iv ory +pau la +chic ag +gu cci +ðŁİ ĥ +cul tiv +pier ce +li fted +stu mb +re cover +musc les +conduc ting +cb s +mcla ren +sophi a +cel lu +oce ans +up loaded +game play +mal dives +kim ber +avo i +rac er +ca ine +cav s +h ana +li ga +ra ven +inter vention +inaugur ation +oo h +at traction +merchandi se +tune in +li king +juni ors +int ended +att acking +aqu arium +i wd +comp onents +sur ing +cent u +yogur t +ðŁı ĥ +show room +op tical +ty our +ju dge +yi eld +an to +pl c +transparen cy +recy cled +chi ef +ar om +ambassad ors +plan et +âĿĦ ï¸ı +om ed +vaness a +cour t +mar gar +hal ey +v r +reg ina +pd ates +hi span +live stream +âģ £ +ya hoo +gal la +secu red +w ir +bene ath +off l +n il +am b +ye g +out let +u te +pe ep +lind say +bent ley +... ! +he el +trilo gy +vo s +ty re +there fore +tor onto +ab i +simp li +ja e +exten sive +eleph ants +s or +orient ation +im peach +re play +constru cted +peter son +pa is +por ted +custom s +colla p +ad u +high lands +sal em +shel by +ko vic +stra in +ro sie +sen ators +snap s +bo bb +suz uki +bla des +k p +lo lo +gener ate +si ght +ma e +struc tural +predic t +jump ed +ah mad +sun g +just ice +gla m +vol vo +jubi lee +de tention +lo sses +pu ri +every time +Ð ° +ra o +ed ge +li mer +rese mb +har old +re tri +sacri fic +surpri ses +am c +srilan ka +bar bie +men s +fin n +ag s +ukrain ian +em brac +î IJ +flav ors +hom er +lau re +ou th +pr iced +ver de +fir m +ah s +cu b +tre y +par anor +pro fit +in dv +who a +har sh +al ot +crit ics +hu bby +fi gur +gi ra +ca stro +chan el +in put +origin als +ten ant +yy yy +ture rs +lincol n +co on +lear n +ch ou +ac are +o les +din er +hy p +bizar re +mc r +let sgo +decor ating +ðŁĮ İ +al ison +ar vin +f d +reha b +mccar thy +lot tery +da h +minne apolis +eli gible +diagno sed +emer ald +destin ations +s ans +or y +bla zers +n v +ba il +digital art +no c +mal ta +sol ar +pi pes +alleg ations +no ck +po pe +bri d +premi er +n x +present ations +ef a +bo ws +val ve +opp onent +Į ë +visu al +ing le +cate gor +e ter +po is +dan i +at tract +neu tral +th ene +cra shes +fred die +ut ili +c st +awak ening +slo ven +quali fy +pro of +fair y +le v +fre ight +enjo ys +cup cake +flav our +â ķ +protec tive +ðŁijı ðŁı» +is u +ad mir +h mmm +continu ous +ai res +rap tors +showcas ing +y uk +pa ste +follow er +instru ctions +sp ru +@ __ +the o +debu ts +ve tte +sto w +es of +ach ed +sul tan +sand wich +som alia +franc o +car ne +flu ffy +al pine +jas mine +he ated +viol in +ple ss +divor ce +per former +phi es +port sm +dar a +kir by +lo p +chill i +for th +sky pe +ðŁĩ®ðŁĩ ¹ +celebr ities +ed y +ve e +po ison +ey el +gra bs +ssi c +un o +wester n +rail road +am er +numer ous +s v +fo w +fi st +âĢ ĭ +reque sts +mar tial +em my +accept ance +lau ra +ภ´ +er up +hyun dai +out lander +u tt +wrest le +esp resso +demand ing +g dp +geo graphy +sas kat +tro ll +confe der +su es +se m +be ts +t ful +to sh +teach es +col oured +gal way +mac y +dis orders +bb cra +at em +fen der +lit ter +e sh +provi ders +renov ation +nomin ate +ps g +nomin ations +jen na +shar p +some day +z ur +bra ins +che shire +pre y +hu go + ¿ +to ken +r v +car r +tac tical +zel da +kay la +fern ando +photograph ers +j our +umb rella +woo dy +congress man +du mp +le vy +ju an +d azz +sign als +la in +an u +mic hel +por ch +al den +sibl ings +y ale +pe el +sw ick +gg in +ll c +k ale +s con +il d +pat reon +re el +qu in +wit t +mar ty +moo dy +ton i +der y +g ators +speci fically +dd in +ly on +tr ick +meado ws +p j +bor gh +vi k +tu r +bron x +pu ff +lan tern +ðŁ¤ ¦ +g ently +be stie +fac t +refu sed +fas ci +mp y +ðŁĶ µ +cross over +mead ow +indian apolis +duc ation +sle y +loo m +mix er +new music +film maker +prosper ity +li m +week end +cre amy +neu tr +lu ther +h v +nor thern +tw o +h ra +cat ches +appear ances +ha bit +kitt ens +n v +illa c +inf an +regar dless +liz ard +dun k +cur tain +ac om +in tu +ve z +e min +fl ats +calend ars +em power +ru ined +hun gary +vi d +we x +u lum +aber deen +o sa +k t +ma ssi +se emed +s den +' ? +tele phone +de fi +insp ires +me ow +z ones +bl ind +pl y +tuc son +advent ure +ge d +oy ster +ðŁijıðŁijı ðŁijı +out put +tt t +metal lic +sma sh +ucl a +sco ts +perfe ct +lu cy +regular ly +sp ic +rel ative +ath ers +mis e +batt ling +deci des +mat a +occu pied +random ly +cat softwitter +gi an +ball y +al ties +al lies +im men +sy rac +ðŁĴľ ðŁĴľ +l lan +au r +k ut +lam ar +affe cts +n ra +star war +ðŁ¤ ĺ +sc ram +en chan +pro cess +luxu rious +ar ray +sher lock +comp ati +dor f +stre ss +m su +s with +sal a +sof instagram +fo il +under stood +qu ay +r p +c ade +ja w +en ab +en coun +ðŁİī : +do ck +satur n +mu ll +lay out +ra rely +happ ily +fix ture +or ph +over looking +her bs +m itt +pil lar +nol an +pe tty +str y +u i +mu k +o res +o vers +á µ +re creation +we sley +ri t +kejri wal +sto cking +g v +subscri bers +moo se +ma e +ber t +opp re +assign ment +u ro +high lighting +cal vin +we igh +cambo dia +av on +ke m +dis abilities +read y +char gers +p ads +iz ing +illi an +tru ste +col leges +associ ates +alban y +mil ton +cr on +bu r +har dly +si ghts +anti ques +e cho +surpri singly +ha iti +cap t +ph p +op io +ine quality +equ al +ken y +sch mid +autograph s +ren t +qu er +cit rus +challeng ed +te c +epi de +fe st +z hou +li me +citizen ship +cry stal +convin ced +mess enger +copen hagen +âĿĹ ï¸ı +war ran +develop ments +ï¸ı âĥ£ +fore x +hi ro +sne akers +xi de +vi va +stere o +bat ting +ss el +ho st +beng al +critic ism +q c +cr un +attemp ted +ry e +determin ation +cre ations +d read +label s +pos se +anc er +joh an +si ster +partner ships +les bian +k st +guaran tee +bar o +fix ing +ma son +m ous +chem icals +t less +bio diversity +par o +bhar at +ac ol +refu ge +en te +t iti +dys sey +respon ds +lef to +in er +se vel +rahu l +ol ine +frank fur +cho reo +enjoy able +c to +strugg les +wood land +heavy weight +gen s +rece p +ac cred +ðŁĺ ¡ +trans formed +list en +at op +n k +sur ge +be re +gover nor +prison ers +clau de +t ill +mu lator +emo tion +water loo +star t +ðŁĩ º +clean ed +grand mother +fear less +afric an +astron omy +ðŁı ģ +à¸ Ļ +the world +su itable +anth ony +k and +tt en +meaning ful +disc lo +jaco bs +à ¸ +tom linson +ghe tti +ty pho +sub stan +as co +te k +nag ar +mu d +am on +vacc ine +f ty +fle sh +no el +infl ation +portu gue +glam our +tra m +v re +te qu +roun dup +w yn +rejec ted +mosa ic +si ghting +cal f +o ta +com position +go pro +gonz ale +e ed +b ard +tu e +effec tively +we en +al to +ri bs +rel ate +thir sty +fu rious +di m +ch ard +perfu me +s ny +chur chill +k of +master class +wa ve +ðŁĶ µ +er in +own s +to be +sk illed +te m +go f +en i +tor i +cra zy +l ick +resi stant +ici al +ag ar +! : +g ali +del aware +bl itz +koh li +pu ck +avail ability +hi malay +influ ential +cro chet +victor i +read ing +ho bby +vie t +j as +en gra +sk ul +ðŁĩ² ðŁĩ +educ ate +tech no +distric ts +blu es +se tt +seven th +lear ns +ee ee +apocaly pse +hang out +cru el +mu tu +bru h +hel en +she er +c tion +kle in +tex ans +ce real +sh ine +ne red +gra s +am bro +f ella +hin du +matthe w +li ma +mir anda +je wel +so ho +euro vision +neighb ours +chand ler +be sides +ðŁ¥ ° +ast ros +thu mbs +ren ault +ra ve +hi red +ðŁĸ ¤ +it ary +z or +bla zer +k ine +ea u +kat y +dc comics +pe c +ro dgers +water proof +kill ers +super int +pre serv +as so +brew ers +promo tional +sc am +villa ges +sket ches +ju icy +for life +au dit +so lo +fundam ental +len e +philipp ine +t end +conserv atives +sponsor ship +dd le +a ine +h tc +os i +hul k +w af +à¸ Ļ +evalu ation +ant ine +sle e +robert son +roo sevel +ag i +sophi stic +emplo yers +bubb les +ko wski +inter action +sh u +bou le +ic an +j are +han k +leg itim +k nicks +kar ma +recei ver +per ks +u h +sta ir +sun i +labor atory +gra ves +voc als +oo t +c ture +thri ve +tic o +ãĥ ³ +b w +carto ons +mcdon alds +dra w +y ung +pl er +li d +eth ical +groo ve +ent a +international womensday +pat ron +wor ries +ðŁİ ħ +ðŁij ĭ +ka therine +di az +tor i +bach chan +tru st +min eral +ic om +buil ders +bor n +col oring +lat te +ca se +revolu tion +tra der +ox id +chi pot +inst antly +sou thern +se hun +pro b +her nandez +lis bon +hu awe +p ong +me a +ro oney +wheel chair +ke en +be tt +cor in +regulat ory +di splac +ka ren +sch em +sun sets +wh ales +remin is +he p +hi de +mar cel +pand ora +do yle +th fc +ot to +no kia +trans gender +ko v +hawai ian +sha ve +so vere +exc er +nick i +pu g +st or +ro th +wee t +leg al +dig nity +po w +hom age +ðŁĩ³ ðŁĩ +s re +can on +la x +wo ah +quart z +ñ a +gree ting +flick r +nai robi +advoc ates +an c +vi i +eu gene +th ra +c re +el an +pen sion +th letics +ton i +re agan +x v +sto re +ben ch +har lem +todd ler +sent enced +âĻ¥ ï¸ı +glob ally +che aper +u f +ma m +nic o +ik u +tho u +ni st +dam i +th ala +rho des +sal e +bow ls +â Ī +las vegas +sanc tions +adm ire +mat ched +un able +travel er +ele ven +straw berries +âĢĶâĢĶ âĢĶâĢĶ +stu dio +jac ques +im s +valu ed +s no +cheese cake +n xt +e os +s x +f x +ton ic +hat ch +chic ks +gra ds +hand ic +r ory +as p +ri pped +denti st +n en +lu fc +âľ Ĭ +di ge +hop kins +sher man +f da +for all +ash ley +str and +h y +liqu or +buffe t +ess ence +phar ma +suri ya +ðŁĴĻ ðŁĴĻ +festi vals +z an +re fresh +pur ple +uni forms +kenne th += ) +as an +hel sin +transform ers +k ali +person alized +chal k +bo bby +â Į +the mes +depar ture +prin t +illustr ations +qui et +agre es +gri ff +Ø ³ +m iti +toge ther +conven ience +ab ar +car lo +turt les +info sec +some what +ar lington +scholar ships +emir ates +mu ms +st ella +auton om +fe ather +g ore +nom inees +fragr ance +Ñ Ĥ +w ong +thea stern +gr e +z illa +is i +bump er +go o +do zens +ab duc +âļª ï¸ı +o ils +don ors +sil icon +i pod +fortn ite +ðŁĴ ¨ +tor o +spark ling +consci ousness +pal a +nu m +moun ted +ffin s +thi eves +team mate +pra b +om er +ta pes +bo d +mit su +ste w +e re +p bs +tu sc +lo we +ra de +parliam entary +h m +ed gar +ðŁijĩ ðŁijĩ +to a +a gh +hon i +s late +ge ek +ap t +hard t +ta p +horiz on +grow th +make over +hi l +paper back +id an +reha bil +gi u +possi bilities +let tu +fran co +bo ss +ach er +does nt +mo e +ta ker +huss ain +ml k +di l +th ia +ham a +real ised +raven s +curric ulum +m ith +k night +ted x +r v +isai ah +cumb ria +birth days +f ing +pre z +mu barak +exquis ite +clear ance +y en +par i +ev o +à º +modi fied +app lying +imple ment +disco vering +chap man +indie game +dis k +crowd funding +mach in +li vel +sty led +âĿ Į +ma king +rehear sals +nutr iti +subscri ption +and ro +cre ators +car ries +ky lie +cam den +appren tice +tax pay +c ca +tuesday thoughts +pis sed +er man +dete c +freed om +mer i +.. ! +psal m +sun light +per spec +be ings +book store +rock star +fun ctions +p ence +fav es +z n +obam acare +sp ill +coven try +pi geon +pi vo +ba it +kol kata +av al +don or +wa h +privi leg +tra ditions +rajas than +ten ess +portugue se +yn es +tack les +de fic +tor n +pol ling +thor ne +in a +bened ict +bar ry +cal ories +ver dict +save the +nor ton +off ice +main stream +impro ves +fr on +respon ding +real tor +scotti sh +de clar +r l +shi v +supp lier +re sting +swee ts +qu i +. â̦ +whit ney +startu p +thank you +teach er +h alls +ha ve +hand made +pro ving +quar tet +ro chester +li an +virtu al +mend es +of icial +mid lands +x box +meas uring +o vo +accommod ation +bri des +collegi ate +intellec tual +in car +ni ag +ðŁį · +sf w +coco a +co ats +civil ians +presi dency +mat rix +sweethe art +tri athlon +wag ner +ra dic +plann er +the o +execu tion +k um +the walkingdead +sc ar +ro tation +blo gging +bom b +re son +bb les +st are +assi sted +e do +brand ed +war nings +thor pe +acknow le +satis fied +sho res +ri d +dor a +phys ically +bi gh +appro ves +ha h +ric al +vers atile +pret end +lu m +ab hi +ye e +sp it +ãĢ Į +dj s +ash tra +j t +ven ues +gram mys +cy clo +tr acker +over watch +repl ica +el yn +nr l +lind sey +hom o +ballo ons +kitch en +si s +am os +ende av +ðŁĴ » +a rec +thu g +hoo ked +hr c +new york +bur gh +americ as +patric ia +ug u +ap athy +ha st +psy chi +cor k +petro l +ðŁİ ¬ +ak u +po pping +psycho logical +au x +g ma +cad illac +wa ste +auth ent +bri stol +nam e +que er +to ber +jer ry +com in +ch ant +privileg ed +op ar +lo ser +tex t +mar ker +stri es +equ ally +ak i +christ mas +gare th +ble w +em ma +imag in +se als +che at +conditi oning +j ana +ren s +dar ies +o asis +disc ounts +coun cil +i ka +shir ley +vou cher +al ps +w x +q r +dri ft +attemp ting +ut c +Ø ª +gonzale z +m f +jo ker +paralle l +pa re +aspe cts +proce du +n p +am a +rale igh +bright en +gu ire +radi ation +cre scent +ho b +il le +str and +v ore +n ard +che st +di wali +av atar +al der +d ling +pa thetic +ðŁĴ ĺ +spir it +jor ge +film making +ðŁĻı ðŁĻı +challeng er +b j +down town +ht ml +ade qu +twi sted +in ely +( ' +wra ps +oper ational +y ne +n us +mag net +market place +health ier +snap shot +dam on +inter ven +fe derer +ow ls +biscu its +j p +ro deo +blue berry +lec tion +fron tier +summ ers +re yes +pede strian +go l +caf fe +refur bi +bou lder +me ghan +speci alty +la ss +e i +suspec ts +appro x +rr r +ra th +st im +cru shed +he d +wh un +lo af +cr ore +river a +gene tics +so ck +wa sted +ny pd +answ ering +do ve +bel la +ol in +du n +fi ji +pre tty +spar kle +y un +j d +euro pa +li fts +am ber +mu r +te k +boy d +roy alty +in do +ri b +go tham +ti est +inst alling +ke mp +the photo +cos mic +) )) +whole sale +loy ment +eas y +su ing +sett led +af p +pro ver +suppor tive +re es +ne ath +deli ber +c é +wel come +pic oftheday +new born +pat ty +sun s +si est +fl int +diffe rently +spo ilers +troop er +g ins +cor y +look out +equi pped +ta pe +to by +resear cher +u sh +ke yes +al ma +induc tion +k w +k har +sl ick +bri de +e ur +cra ving +book ings +ch es +tr unk +vern on +sp her +cryst als +rel atively +pom pe +uni ons +val ley +par a +w ant +ok c +de af +ser gio +len non +sh ay +cr a +v at +he e +t we +liqu id +pol y +ðŁİ ģ +b ent +be aring +motor sport +bar be +te sti +han i +fin ancing +astron aut +water colour +ri sh +comic con +gar t +wr ong +ber n +it an +ste pped +fil ters +c low +me x +dem ons +all o +expand ed +comm and +et ers +go ats +si ri +y r +pot tery +mari on +i le +el an +san to +person a +du ke +hom eless +li ghted +wheel er +chang er +cab bage +sur real +ham burg +sma shed +str an +k not +i art +ob i +be dro +di al +th ick +b ingo +fu s +vacu um +con ve +ati ve +accur acy +accoun t +re fer +ri z +spider man +ban a +r ite +u b +ab s +medic al +lin k +si em +> >>> +be tra +g lowing +re actions +pupp et +spa ghetti +ang s +re medi +pray for +roy ce +char lotte +£ ï¸ı +gh et +affe cting +ro de +soci alist +mo ses +az i +o it +re porters +cd t +ap ing +s nat +minim al +wa ist +sie ge +>> >> +ri g +schmid t +h are +ec a +thor n +he mp +es the +cly de +th a +don ut +moham ed +ling erie +le gg +carpen ter +perform ers +de a +imag ined +cur se +la sh +ct r +agu a +ro ar +gr i +ro le +j fk +resur rec +roosevel t +maril yn +sm alle +will is +wa ited +char ities +the res +li k +origin al +car i +c ough +cru ci +la gun +contra st +k ou +arm our +re moving +t ent +maz da +bri ghter +thi ef +cor ner +tequ ila +buzz ing +al bi +p am +az ure +disc oun +pixel art +possi bility +ham ont +tra des +bu da +hi ve +vers y +fin ch +tran spa +em i +terri fying +in qui +g ba +sub stitu +collec ti +plac ing +cin dy +k ann +pa tho +diamon d +mour inho +guine a +anthro po +air s +pu mps +ì ļ +pas o +cur ling +an ita +resi dency +ne wh +jo on +cigare tte +que ue +ex trac +gam es +spl en +ex press +public ly +bon nie +tribun e +ba ek +reason able +c or +timo thy +she eran +Ä ± +f dn +su tton +concentr ation +carav an +x avier +al ger +cy lin +freder ick +ner ve +pe ak +lettu ce +j ail +pre game +kav an +up graded +eco logy +squad ron +gra pes +goo g +pa stry +ðŁĹ £ +ãĥ¼ ãĥ +mil ano +awa z +presen ter +ðŁĮ ¿ +her d +king s +tem plate +fl our +h v +k ley +i ya +spe c +at er +frankfur t +co ch +tex ting +del i +communi st +regi ment +ele anor +anticip ated +ðŁijĮ ðŁı» +thephoto hour +ran o +survi ving +simul ation +daw son +ar in +aqu a +m or +â̦ . +cin o +ira qi +sh az +dun dee +we s +dra u +hann ah +s news +occup ation +ste en +x m +ang les +sett ings +gur u +kno x +or ca +shap ing +w ent +dr illing +zz ie +br i +kis sing +fin d +ma ine +âŃIJï¸ı âŃIJï¸ı +ðŁĮ į +lar ry +bu sted +ta vern +acti vely +- " +replac ing +no d +un lock +. " +âŀ ¤ +affili ate +to w +l n +happy newyear +di f +j m +green wich +contro versy +daw g +con dol +sav annah +compens ation +touch down +te o +amb itious +embro i +convic ted +iart g +bar ack +tr ance +testim ony +au dition +thum b +my ths +be x +que z +orch id +den y +entit led +hoo d +gr ant +in box +blue jays +r illa +smalle st +bur den +in famous +divi ded +boun daries +t ter +el t +wy oming +be verage +me sm +one ws +budd hist +y ana +as sad +is ms +bar rett +predic ted +back to +tw it +e there +cap tains +escap ed +ay o +lam borgh +gard ner +la ps +k al +adverti sement +insec ts +na po +am en +ac y +r and +g k +te h +k athle +tri dge +pan cake +at ro +pyram id +bu la +paral ym +gau ge +en cies +tom y +biscu it +but cher +quali fier +coun ty +ke i +po ols +dar ker +should ers +ðŁĩºðŁĩ¸ ðŁĩºðŁĩ¸ +sp re +( " +writ ers +g m +ðŁİ ĵ +k nit +hu ff +mt b +philli es +o st +den is +g art +licen sed +inter face +ex cel +d well +from the +co fficial +az zi +appear ing +fore st +n ana +ke ith +manufac turers +beck ham +) ? +e se +col ony +delic ate +ut ter +mc in +transpl ant +pre ferred +par d +ari e +hu b +po ds +perspec tives +pic t +del u +app er +be than +p mo +crimin als +femin ism +sh ack +circum stances +fel las +prote sting +wa x +sugge sted +t ator +dre w +om ni +fa ke +kath y +re b +del ine +ber ni +mi sty +ðŁij © +er able +break through +men swear +millenni als +chan yeol +la z +inser t +rep lies +phra se +n x +ihear tawards +audre y +gran ite +rac ec +ori e +ter ra +innov ations +britt any +at eral +pe ar +bio logical +sh ments +institu tion +m sn +frequ ency +d man +neg lec +t f +ste fan +fox news +ty po +comm s +sequ ence +car men +wh ites +econom ist +exe ter +se um +re sorts +cas ually +bun de +divi de +Ø ¹ +ga g +cre ed +reti re +cau cus +rapi ds +wrestle mania +tul sa +sunder land +fundam ent +o di +yam aha +v ary +intri gu +el se +be acon +an gie +tra ded +tran sm +g ents +kn itting +gal ac +ðĿ Ĺ +u to +sea side +hol t +re rs +far go +train ers +mon soon +b ale +sou ght +mad die +h w +co li +fr an +fav s +ðŁĴ Ķ +int ent +r ally +s bs +lemon ade +barack obama +bre ad +stick y +explo sive +chel ten +t j +as soc +ram en +hom ies +v log +mi ster +lor d +âĢįâĻ Ģï¸ı +aly ssa +sketch book +ru mble +cat ch +migr ant +discipl ine +un likely +chronic les +fl ora +sl ams +am id +s boro +coo p +ju mps +tran qu +mel is +sof ia +en ri +gab e +sy ri +nicol as +cha i +w v +be cky +foo ty +ta o +suppo se +ðŁĺįðŁĺį ðŁĺįðŁĺį +plu sh +ri sh +ðŁ¤ ĵ +k ha +satur days +ac cent +he c +lim it +carl ton +wi red +taylor swift +ðŁĺ ij +sq l +har ro +recipi ents +g at +go p +th of +amaz ed +gh an +ðŁıĨ ðŁıĨ +por to +cla re +di stant +na c +ohi o +ðŁĻı ðŁı¼ +mt n +anti bio +dino sa +me sa +par tial +b v +lear nt +lov ato +questi on +ex tract +gossi p +gi bb +niag ara +ðŁij ¨ +displa yed +so oner +ste vie +nug gets +ml n +bro m +tur b +give aways +stu pi +bl ink +c ili +conven ient +mo h +vi ve +f ric +cau se +cham ber +cu les +ne arest +is se +small biz +t j +canadi ans +smar ter +bra sil +ra re +que tte +w ha +cand le +at omic +ðŁijį ðŁijį +warri or +relax ed +stri ps +ne ur +k ka +r fc +jen sen +reco vering +respon ses +sal am +ortho dox +acti ve +ell ers +n it +âŃ IJ +metro politan +centu ries +vi da +gra ding +transpa rent +sim ple +do ts +superint endent +elev ator +autom ated +red skins +ima m +summer time +jona than +ge aring +michel le +confl ic +m ice +to te +publi sh +pa x +) - +na iled +á ´ +tele scope +ser bia +ba b +ape u +st ically +sen ti +r ats +isol ated +grou p +hat red +paranor mal +stan ley +ali on +safe ty +l s +ठ° +nex us +alexand ra +mas ks ++ + +tr on +au k +brother hood +brow se +mix es +sim one +mu sk +appro ve +lo la +ex p +per th +fu turi +un seen +d m +chel se +sc outing +o we +portsm outh +k ram +mi ze +di spen +su p +d lc +adver t +tere sa +is le +cy cle +met all +shi elds +marin ers +ra z +ing en +fun d +an go +jon es +o ka +mad den +broc coli +domin ic +situ ations +mer o +cric ke +puni shment +d b +sha king +ðŁĺ ļ +m q +ari ans +le h +cla w +we ds +d ure +ni el +j elly +gour met +tra ders +le vi +w ages +kne es +wi se +heaven ly +avi d +melo dy +z ack +ban anas +apprentic e +pro p +fun ny +o de +respec ted +me gan +fe wer +dra fted +med it +gra pe +us army +cru sad +vo cali +prepar ations +non sense +us age +th r +ro th +wiz ards +insi de +promo tions +mon a +red sox +si g +eleg ance +ch ia +univer sal +ãĢ į +ra ja +un ga +pol lin +filip ino +ak a +t sun +ik on +bi king +decor ations +z ac +cade ts +hum our +ag m +re ppin +vac cin +elo ve +u w +dia be +galla gher +az er +do l +a while +pro minent +wel sh +t ann +' ) +bi en +wa g +in al +c wc +wic ket +ur st +q anon +x e +out door +dun n +star r +co logy +ric ky +u efa +reb ounds +s music +inf ant +ðŁĻ ĭ +so p +u mber +hand ing +beg in +sor ting +ha sh +sp ati +re k +buda pest +black hawks +dele te +ro m +can did +auth ori +de bris +spe cul +inter section +marri ott +im ran +ðŁĺģ ðŁĺģ +cru ises +ram sey +rafa el +aware ness +vas cular +beyon cé +ru g +ðŁĺ Į +festi v +ar am +s able +bas il +p ill +flo oring +un beaten +implic ations +u f +w ound +for ge +poin ting +po ts +popular ity +ðŁijı ðŁı» +mani pul +s lots +deb ates +abs ence +ver mont +never forget +wri st +gl oria +ren ce +hu sk +mel ting +ðŁİ Ł +br aces +tim ely +transform ing +am ps +ma k +po e +ah an +gener ally +nd p +ale ppo +unic ef +pro fs +nor d +ma sk +jackson ville +v v +sh ells +bloom ing +oper ators +char coal +ne ville +ma gi +chi p +sam a +ir an +re forms +accu mul +ru e +æ ľ +web sites +ga on +devast ating +sto s +glaci er +ra pp +chipot le +pr a +or ous +rom ney +seas on +decor ative +c isco +dit ch +compla in +ll o +assu me +ðŁĺĤðŁĺĤ ðŁĺĤðŁĺĤðŁĺĤ +n els +cent ric +ft w +car rots +tat a +can ter +per ience +li ers +demo s +bl unt +oper ate +reserv ations +le ah +sub stance +di son +an te +elec tion +v ue +squ are +non profit +ca a +f su +y am +ãĤ ¤ +v ladi +comple tes +mar i +philli p +ne ill +er as +ka it +men do +mahar ashtra +g p +dan e +provi dence +ther apeu +juven ile +me mo +in corpor +aa aa +seven teen +teen ager +à £ +or ns +wi de +cu teness +tw d +ff les +bar a +com edy +over time +y az +bar on +unemp loyment +ðŁij ĭ +exter ior +den se +cent res +match up +history month +artif icial +qu it +e sk +war n +cr itic +j af +ðŁĵ ² +inform ative +fu els +recy cle +nam ing +stri pe +sol ic +mole cular +dee pi +con vo +s sel +na e +de scent +ti z +accoun tability +ter ry +r ito +sl ay +em o +dem ol +sens ation +co v +tor e +round table +y ol +excu ses +ॠį +tur quo +hh hh +pod casts +cele b +me ssi +li o +man n +contribu ted +u z +gener ator +ele ts +veg gie +indu l +en suring +detro it +pun jab +tran spor +instru ction +ad d +por cel +pan eli +cir cles +persi st +clay ton +sp n +dog softwitter +is nt +sp r +retail ers +p w +hun gar +el ena +mon aster +gu atem +je ssie +an z +ra shi +fle e +car ving +fau x +l al +hen ri +d jo +du ll +s ana +lar a +glo be +cri mson +com pass +pau se +na b +lion el +ba ths +u fo +invent ory +sin gh +sat an +ðŁĩ ¸ +ce ments +in form +gener ated +bi den +av g +tas ks +de er +sa u +ja iled +pa stel +sc c +na il +steel e +per is +lamborgh ini +pur sue +mar gin +u ch +bo sch +dra in +cl ara +bo m +lat ino +web ster +rose mary +r ha +s oun +billion aire +not ch +percent age +con or +' " +hom es +earth day +h ort +big gest +di sin +wal ton +edit ors +im ma +om ar +equi valent +pharmac eu +ah med +cam eo +han ni +under rated +ge ment +micro bi +v oo +honor able +obe sity +âļ ¡ï¸ı +limer ick +invol vement +st agram +boule vard +bur g +blackand white +liber ation +fi ve +inter im +sm m +rival ry +cap abilities +stat ements +thu mb +ve d +sw ans +bar ber +e que +seren a +hel m +noo dle +sam pling +n awaz +sing le +thunder storms +sh on +in ev +ë ¯ +to pp +orch ard +bi an +ðŁĺ Ķ +door step +salv ation +marke ting +r ons +cle mson +ra vi +in take +stand with +sin a +ha iku +ple y +elector al +ph illy +la ys +electr ic +cap turing +u pp +er gy +believ ing +cul tures +es day +inva sive +ed ed +spee ch +end ur +viet nam +boy cott +pe de +deli ver +ðŁĴĸ ðŁĴĸ +mer chant +st ir +den ies +poc kets +o ti +cu ddle +ro land +mm ed +den ed +lear ners +hoo p +sour cing +h acked +di m +environ ments +ben son +jud icial +wor cester +pear ls +govern ments +arri vals +cor ners +tun ing +la bour +y m +or dering +le wi +i fe +hygi ene +thou ghtful +indone sian +campaig ning +princi ple +assau l +ru bb +at v +wil ly +en tre +il i +ph on +du ties +âĻ¥ âĻ¥ +sn akes +lo op +am ar +conver tible +bon ding +ment oring +max well +ethere um +destro ying +ax is +ca iro +fin nish +sho ck +ðŁĺ IJ +cal eb +com a +pe dal +co re +contin ent +el son +temp o +helsin ki +ac p +tack ling +st ated +bl a +dou b +sma shing +a ja +camer on +disru ption +warm th +being salmankhan +bullet in +o de +syrac use +ar an +mc gregor +bul k +an ton +confir mation +sp ine +im ran +instru c +jac ks +chi o +pal m +str e +embarra ssing +un t +elimin ate +to ss +c ise +a ws +oni sts +sh inee +jo s +ho se +li vely +opp onents +mo vements +recogni zing +sandwich es +sh akes +exerc ises +se at +profe ssion +merry christmas +lu gg +adopt dont +mar vin +byr ne +un le +he t +ku wait +rah man +aspe ct +humb led +gen es +f and +long time +) ; +cam pu +an gus +ðŁijį ðŁı¼ +q uran +sle eves +s lic +¸ ë +twel ve +your e +i ke +go gh +b st +dic tionary +reflec ting +to on +yar n +em bed +ðŁı ´ +re serves +floo ded +ver iz +du sk +estab lish +pro li +au d +ritu al +or bit +declar ation +recor dings +cam o +cas sette +good luck +cu tter +bo p +b ho +che ating +paci fic +ma res +tim er +col t +tr ous +tomor row +han sen +ci e +w ang +ban i +circu lar +ac ute +far mer +co ys +p se +ir ving +w j +haw kins +b ison +ur day +cru ising +o te +k ath +whi stle +your selves +ant is +sla sh +thorough ly +ke sh +ser ie +ex em +en ig +guil d +sh red +ho gan +ap o +ä ¸ +pu zz +ne tball +au ssi +panor ama +ws j +av is +ar ming +hum ph +brow ser +cri es +fo ggy +mat te +ðŁĮ » +it er +tal lest +by ron +cap tiv +je su +any ways +flag ship +p ton +we y +fay ette +financi al +f oul +solom on +jenni fer +cucu mber +ar gue +tex tile +wrest ler +john ston +pa stor +ðŁĺŃðŁĺŃ ðŁĺŃðŁĺŃ +cac tus +edi ble +re served +ric hie +met res +ingredi ent +h ella +un to +ch ol +cele bs +po ets +gra ham +hay den +coinci dence +b aw +communic ate +flet cher +/ - +tole do +ecu ador +coun sel +s laughter +line ar +at p +os u +jo el +ev ed +conqu er +ru stic +plic ity +recogn ise +room mate +cr acked +jas per +ph er +ðŁĮ º +wo ven +mo ist +ff c +ste ering +ni sh +stand ings +frequ ent +ar di +haz el +as msg +bau m +d art +si dd +nat h +ch ero +card board +c ss +n sfw +pa ir +ðŁĺį ðŁĺĺ +occur red +homeless ness +mal one +ph e +xi a +pad dy +decl are +theat re +b f +per sian +ta d +ax e +susp icious +lam b +mu cho +sen ior +st as +k ite +st ing +gra d +k af +wat ering +Ø ¯ +spi ral +th ms +educ ator +jer ome +of c +clo ck +su l +pe mb +.... ..... +park way +de aux +restric tions +m ons +need le +e j +le agues +water melon +am an +pl enary +max im +w ab +coming soon +bry ce +vi gil +super market +fortun ate +turquo ise +presi dent +li v +inter ns +feel in +fix tures +stun t +st aged +premi eres +lo k +prac titi +shor tage +log ne +ve c +con cor +roc ke +li g +com posed +syn thetic +di p +cam ila +ch is +j ou +su san +eye brows +supp lement +satis faction +moham mad +ti bet +house of +pu n +as sam +shado whun +psy ched +se duc +mand atory +her bert +sc allo +stream ers +proto col +block buster +produc es +sch nei +lau rel +tri be +time hop +pl a +mod elling +tv time +mtv stars +wi dow +me tric +ch am +con do +flow ering +ale c +d ms +inten sity + ¨ +mccar tney +islam abad +k b +f fi +ph al +anal og +f ond +h acks +positi vity +treat y +sub marine +conne ct +sel en +categor ies +cu b +organi ze +si k +quote oftheday +remin ding +am or +loc king +ðŁijı ðŁı¼ +comp ound +et te +b out +rec ur +fe rence +mi zz +tren d +hip ster +for tress +forth coming +preli min +o dyssey +ang p +del ici +even ings +ðŁĶ ¹ +i q +d w +da ir +kathr yn +christian ity +moon light +ha b +wh oo +f bf +se th +genu inely +pa x +char ity +deplo yed +b nb +bu cs +ju dg +con ge +plant ation +im press +car a +sc lub +sco py +land ers +compla ints +b ama +re build +x y +real ism +sh our +le in +brac elets +mer a +assas sin +an chor +ðŁijĮ ðŁı¼ +lin en +con fron +chronic le +comm ent +cat alog +il les +gor ge +me try +jung kook +love my +sent in +se em +fit ness +alli ed +ts man +digital transformation +pr an +lo ft +min ton +alden richards +en vel +cher ish +certain ty +zz z +rhin o +per kins +en rich +cape town +ome ter +sec tions +ske leton +def enders +ðŁĺ Ŀ +pen c +bri t +ja h +capital ism +ðŁ¥ ĩ +baz aar +re me +ex t +kk k +conver t +stor my +b ye +kar an +chry sler +ad os +pre ssed +syn c +ation day +dang er +bad ges +refu ses +em powering +ly m +ex ports +adoptdont shop +ðŁĩ ¯ +th c +awa ited +focu ses +fin ed +o at +haha hah +âģ © +n family +fi ona +luck ily +thr illing +ty ping +out break +di es +he u +craw l +ne sses +o ath +scri pts +gee ks +ðŁIJ Ŀ +p b +mathemat ics +al is +________ ________ +gymna stics +acti vism +recommend ation +gre n +wa in +cour ty +n apol +cau li +hor nets +g als +jo ckey +dir ty +at ar +enor mous +pe st +greg ation +an os +ii ii +def ends +black historymonth +at x +mb c +lugg age +wit ch +co b +la sts +cu m +gg g +ba thing +n ar +ce bu +ðŁį ĥ +navig ation +min e +re jo +ðŁİ Ģ +gif tide +re ta +use less +pu ll +defic it +al lu +ati me +it v +tr illion +pu e +ac ies +proce dure +l ori +jen ny +c ad +ul ously +dr ac +promo tes +ing the +can u +woo hoo +na omi +zar dari +ts u +be ir +sd g +le ver +we ber +ab ud +lun d +crow ded +deplo yment +ter rain +ken ny +ho f +witne ssed +lo ch +j k +bul ly +w ren +poe try +do ff +ww i +mo red +din i +cul ture +promp t + ¥ +maur ice +to pps +r m +cor respon +ab out +jewel s +gi br +eag le +ðŁĺĺ ðŁĺĺðŁĺĺ +l ending +sou ven +ç Ķ +contemporary art +establi shment +j ong +â̦ " +gat or +patri otic +mc coy +v ape +human e +feli z +coach ella +re posting +ste als +fu ller +n ering +at ra +( - +bla ke +he ather +wor ms +discipl inary +rede mption +y ard +am in +" @_ +d nc +t ds +k appa +ne wark +comm its +spe ars +j ams +t and +msn bc +inter medi +aim ed +at ic +teen th +observ ation +kash mir +kavan augh +ou l +san francisco +re u +bel ated +cho w +pass word +st ills +deta ined +sar i +day ton +dar ren +itali an +ar th +amu sic +ar bit +w m +v m +he m +dou g +my r +a sho +pre v +vin d +bra h +sta g +ภµ +pre views +gu k +con taining +leon ardo +sad dle +ru shing +st av +lon gh +gam bling +ve gas +reserv ation +end ale +bal a +fl a +vari ant +he dge +bulgar ia +nat ali +we aver +sol st +encoura ged +ap c +as parag +ne st +cycli sts +fe l +ìĬ ¤ +overwhel ming +pey ton +j it +a post +mb le +ble eding +neighbour hood +a very +expre ssions +mac donald +gi gs +mon ds +illu sion +n ct +cam ero +over head +my th +ol y +vi o +et v +lau rie +unve iling +pri or +con n +iron man +di ff +day in +crit ici +con go +re vision +wal e +direc tor +p ines +black pink +gar ner +cur ated +manit oba +h ac +common ly +bar ton +.... # +mor tality +live smatter +philos op +shor ter +con vince +fre ak +vend ors +insi ghtful +el ly +sens ors +e led +s berg +weight loss +u kip +sp ur +priv ate +qu a +ss c +, ... +supervis or +advis er +amaz ingly +less er +at es +mah on +oooo oo +sar as +pmo india +waff le +un ders +toler ance +sculp tures +her sh +kno cking +smo ke +cathol ic +gri m +tra veled +fli p +ge off +dinosa urs +sle pt +scar let +ok i +compla int +ob sc +nam i +la g +cross fit +u fc +mc cain +refe ree +sad ness +pen ny +li eu +mo de +ki er +vol s +w is +el on +she a +ba o +son ia +cla ire +em manuel +moist ure +di gest +vi ii +t eller +ch on +access ory +night club +foss il +aw an +hu sky +ab original +brand on +ffici ent +cou gars +ste d +ad mitted +igno red +content marketing +ag as +v ase +execu ted +negoti ations +she ad +n and +tab lets +go th +ts al +d fw +on ep +protec tor +sp ho +gaz ette +andre as +ss er +comp ilation +ha v +contain ers +bro ker +soc al +porcel ain +hy uk +air ing +ðŁĴ ° +publi sher +scen ario +spart ans +re viewing +itu des +ed el +pear son +ba sh +mau i +a ad +ðŁĮ Ĭ +li u +ul ate +program mes +fav our +web design +real ty +motiv ational +cro sses +' ... +bus ch +adjust able +ar jun +mist ak +dimen sion +pi stol +weigh s +en y +unve il +indy car +gor don +f ade +fran ken +qual ities +bet t +loc ate +ker r +sp c +confu sion +ne e +luck y +bas es +dep ends +fire fighter +ol a +re t +mar oon +ðŁĶ Ĭ +w am +defin ing +whe at +bi l +é s +b hai +psy ch +ta u +ic ans +thi k +ob ile +inspec tor +ìĨ Įë +ill on +go s +ev angel +fa i +si st +voc ation +bur ge +chi stan +renew ed +enthusi asm +en ting +ag ri +ike a +m sc +aero space +sens iti +memo ir +hosp ice +co caine +der ry +mechan ics +Ħ ภ+tin o +reduc es +collec tors +in justice +supp re +v ana +ab un +nap a +su sa +os lo +e ff +en core +lic ence +ched dar +z al +moun t +ðŁĴ IJ +threat ens +!! " +archi e +fu tsal +scu ba +jo s +gn on +se xi +s official +compar ing +domin ant +tof theday +fa it +propos als +gi ft +y as +cn c +l r +ha b +reser voir +beli efs +gener al +mar ti +t d +est e +ì ł +wi l +ðŁij ¯ +ðŁĶ « +sp x +et work +excer pt +e instein +hir o +sil hou +team ed +per ception +corri dor +mental health +hin ts +ben ny +induc ted +sw x +wi desp +spe ak +cher yl +dru g +ðŁĺ ķ +h f +asparag us +myster ies +fitz gerald +off er +therap ist +care er +dam aging +ts d +per u +wei bo +y ay +phoeni x +disc re +mac book +bar ker +stig ma +sp read +roc kies +kang ar +bri dg +pa i +bi shop +ta iled +capsu le +ðŁĴ ĵ +ge of +roy ale +short listed +o ste +ash amed +ch app +key e +cl a +screen shot +austri an +nati ve +en ight +juli et +michel e +ðŁĮ ´ +travel ers +pi l +football er +win chester +ðŁĻ Ħ +azer bai +gold eng +organis ations +interpre tation +predat or +ofthe week +lo gan +pok é +mari e +cal la +t nt +cin de +ge tic +fit fam +gra v +ow ens +ðŁĮ ± +shoot out +sal is +commissi ons +co he +p tic +ni xon +hi a +amb ition +mar ine +cruel ty +t k +cru de +sal ty +jim a +mon go +ir ony +on wards +arre sts +strang ers +ig er +cycli st +ra g +exten ds +tra dio +bour g +mo i +el la +e able +lex us +au l +der a +histor ian +mor ton +ti ff +man ner +ko t +d k +po inted +mar qu +a an +en ey +du blin +on poli +em ili +secre t +fl o +âļ ¡ +ba j +ste ep +accompan ied +rum ours +dev i +purch asing +fi g +pu b +sch oo +autonom ous +go alie +x ia +autom atically +re vers +ter o +fu ku +titan ic +shoo k +sand als +see kers +exc av +nor dic +bigo live +ba ke +r att +z ak +ne p +ðŁĺ ¤ +cand y +billi ons +book worm +pp et +à ³ +sur faces +sc ars +phil ip +do gg +ci gars +co te +transl ated +cur ator +sin dh +han gover +bre wer +on es +el ton +ðŁĴª ðŁı¼ +mar cu +elli ot +righ te +di oce +ru ss +rail ways +grand son +as cen +apo logy +awa it +mob ili +re spir +parti san +oli vi +stri ke +yo o +white house +expre ssed +pu ps +bed ford +cul tur +fro gs +fly ing +cav ali +c ds +fri ger +street photography +re solve +tali ban +kan g +cru shing +ju m +ðŁĺ Ĵ +william son +tan g +cur ly +t man +veter an +fa ire +artificial intelligence +un anim +pre n +back drop +fr ances +oc cer +doro thy +work ing +ar thr +conver ted +day light +serv ant +pad dle +compla ining +thir ty +nad al +ak u +ibra him +ad dressed +p iss +green house +batt alion +si mulator +out lets +embroi dery +ðŁĵ ± +fis cal +ger ard +sas sy +ðŁİī ðŁİīðŁİī +vent ures +mer it +public ity +ðŁij Ī +sophistic ated +c tu +conven tional +condol ences +isra el +tra dition +ar an +te ss +gla d +ðŁĺĬ ðŁĺĬ +correc tion +ge on +am d +or ship +be ast +ch ment +ì ŀ +nic o +wk nd +wel s +cushi on +beli e +vo c +idio ts +under neath +pu ma +corn ell +en ation +lu l +swa ch +ab ig +u rer +mi e +form erly +ca f +er nal +chor us +juli us +sen ator +âľ į +wh ir +salv ador +ph d +uni fied +boo ster +graph ical +w rec +son ny +mi z +dere rs +s all +ven s +tusc any +wi d +y ong +kur ds +w az +trol ls +mac ro +cat urday +pre ssing +sa sha +cent ennial +gu sts +em c +be fore +den ise +cu st +ðŁĵ ¢ +lo oo +base l +eng land +y olo +ar du +manife sto +do ha +ì ľ +kni ves +bourne mouth +bi bl +bar b +al icia +Ø © +com er +cycl one +g it +ane ws +character i +vent ura +in tra +sf giants +hu t +be a +dar win +ell er +al v +re ese +bl y +kar an +conclu sion +man ny +fla kes +unite blue +nad u +co pp +ed ges +lanca shire +i als +o tta +philipp e +l ent +che e +ment ors +festi val +an ism +compli mentary +r j +pu g +d ine +we i +cli ffs +sar my +ti veness +treas ury +il and +after math +rabb i +ou n +bou quet +herit age +zi on +sur render +shen an +in ks +kar l +gh ty +pol icing +exam ination +ce y +per su +measure ment +hydro gen +lu han +âłĢâłĢ âłĢâłĢ +war i +о Ð +j y +fow ler +mis h +al fre +âĺ ij +bb naija +cat alogue +recogn ised +sa ver +hu skies +col in +mun do +si va +p ng +discoun ted +man utd +fre sno +de vin +prelimin ary +tro phies +pla stics +du g +pro cu +indi go +g ard +dy lan +pit ches +ground breaking +in son +bl ac +an thology +f h +expl ic +r ard +admi ral +so chi +la shes +splen did +en vy +ad v +sex y +festiv ities +stic king +bi b +thr ill +op p +ari el +botan ical +endur ance +fe males +br icks +vat ican +black pool +ber mu +br ough +roll er +bi d +sue de +sloven ia +mm ing +ml b +med alist +di ans +rehabil itation +ne on +s go +li thu +ram os +z ed +pi anist +inten sive +broad band +stu dy +peter sburg +lu ca +ah hhh +phys ician +dill on +tele com +gri ef +mu n +ac ro +si ded +s ly +blo ws +classic cars +tri um +ar gy +? : +h ri +marsh mal +âĢ ĵ +to pping +war saw +tran sc +preserv ation +b av +re friger +experim ents +ä º +gl it +sli ga +g age +fac tor +flav ours +br ony +sp o +cook book +carri age +aw ay +ny fw +on ian +w g +simp sons +ro lex +ðŁı ¿ +cro sby +ãħ ¤ +cre di +syn dic +pu bs +ali fe +poor ly +mac ed +ðŁĺ ŀ +behin dthe +w enger +n ats +ðŁİ Ł +rubb ish +procedu res +typho on +opho bia +er do +fu el +vi era +bu mps +millenni um +new zealand +lec tures +it on +mil ky +respon ded +ê ° +landsc ape +.. @ +bo ther +âĸ ¶ +z hang +huawe i +tu ition +s worn +in u +y or +pa olo +au ditions +ab il +malay sian +ho ps +fe athers +mp le +au ts +ã o +boun ty +ic he +ì ĺ +sh q +pin ot +ge ars +disapp ear +video games +t na +alzheim er +ðŁĮ ŀ +a ji +under wear +swit ching +sign age +o scar +ec on +dro w +cl int +pl ated +gun dy +emb lem +ho es +ici st +nel ly +juni or +road show +miner als +at le +alexand ria +ac claimed +v ell +shi va +ad he +en ne +amne sty +h ounds +councill or +ðŁĴ ¦ +aes the +part nering +influ enced +mag no +fl are +extin ction +civil ian +maje sty +va il +law makers +rac ks +mc c +ori an +sp ices +er rors +may er +co ca +pa i +s ooooo +reti ring +ba thro +ðŁĻĮ ðŁĻĮ +âĸ ª +su f +endor sement +buil ding +broo ch +pal la +arvin d +ag ent +kar ate +r hi +c tv +ta ine +um m +ba x +reig ns +uni of +enterpri ses +adel e +fla ke +at tire +bru ce +ba hamas +gra vy +sa in +che ek +tri vi +lo v +e en +bb lo +lady gaga +itt a +. "- +du stin +observ atory +eigh th +bloom berg +kh s +f cc +gi st +commemor ate +ve er +sexu ality +ed c +nic ole +vac ancy +u ser +son a +:' ( +dipl oma +t end +up grades +Å Ł +jura ssic +cardi ac +dr s +widesp read +à ł +dail ies +vend or +sim plicity +wi der +len ses +supp lements +de pos +ob served +vin es +parti ally +renew al +collabor ate +ali g +fin ity +ph u +zz y +pe tit +ðŁĵ ħ +z in +i gu +sm ack +fall on +ðŁĵ £ +back wards +comp onent +o so +compati ble +bin ding +zur ich +thom e +w ounds +ly ric +fresh men +sne aky +fi bro +di et +emplo yer +in sect +h ated +sch er +raz or +n sw +boo ker +califor ni +av fc + ° +preten ding +pep si +al is +un titled +k art +grand parents +e the +o ck +lux emb +visu als +small business +abdul lah +min ho +su baru +h ra +reve aling +heart breaking +clar ity +am g +sl r +** ** +âŀ ĸ +recor d +ici ary +min ded +ye h +exce ssive +knu ck +icec ream +tru th +ev ic +ta stic +ant arc +ren dering +, , +mit t +loren zo +st patrick +bound ary +zi g +vo cab +osa ka +fur n +tu n +gu l +s ounding +blo gger +utter ly +g af +adv ancing +l cd +mar gin +lifel ong +solst ice +sh ra +wa its +ple ar +bre ach +en ligh +ad er +itt le +c ation +ho on +stu died +?? ??? +k ash +ev angeli +ps l +wei ghts +met als +ty res +tur no +wi e +car b +g ale +se al +sun ite +am ic +patter son +á n +eu ph +up stairs +quali fiers +khali fa +apple music +ìĨĮë ħ +vau ghan +al ter +cru iser +mu a +t ana +kat rina +id ols +spo iled +secre tly +fi bre +part nered +um es +gi ov +com et +screenshot saturday +k eller +fil tr +fe t +con way +pe u +bad minton +gi d +m ound +don key +bu ff +lea ther +lar gely +bro ch +int ments +am use +r k +sto ve +impac ted +con t +cr acks +prison er +bar i +contrac tor +ori oles +domin ate +pol ar +am elia +dr c +ðŁijĮ ðŁijĮ +vi st +su arez +injec tion +blo oms +ðŁļ¨ ðŁļ¨ +sti ff +pay pal +sno wing +thur sdays +goo se +we dge +educ ated +weak ness +de cker +abud ha +bree zy +Û Į +hope ful +o bi +rai der +gh am +de u +se ve +par tly +fu t +infu sed +mer ri +than e +some time +hu e +me in +cre dit +sli ding +ran de +cher ry +dead pool +sh ol +ar am +under wood +sky e +distur bing +m nt +poli shed +guardi ans +ha dn +pic asso +ari us +ak shay +ir ri +j h +happ en +la kh +dal ton +at the +s well +mar sha +re h +cour s +j kt +top us +serv ice +r ink +hack ers +dono van +hor o +tc m +may hem +cha se +dev ops +ken sing +sc up +sh ere +quali fication +c live +ton g +n ancy +mar is +der dale +ber man +cinde rella +jol ly +ci c +loo t +collecti bles +hom icide +g ge +epide mic +su ites +mu ddy +gi mme +e rec +- * +tal la +lis le +embro ide +ðŁĩ© ðŁĩª +veriz on +ve ctor +be anie +arti san +ga in +flo res +vi gil +u so +ðŁĻı ðŁı½ +grin ding +gh er +air ports +respon sive +shaf t +can cel +ceremon ies +e me +at ari +bru shes +eag er +bo hemi +children s +yan kee +ma a +suspen se +mor an +mac ar +sun flower +cre w +vo id +ke ar +fashi oned +jen nings +sunday funday +sub missions +me ad +her man +wa i +crit ically +le um +baek hyun +for cing +co bra +ãģ ® +acqu ire +al k +ge ology +pri mar +import antly +ire z +bunde sliga +curi osity +sen a +stric t +con soli +win ters +ven om +chelten ham +ðŁį º +cen a +t at +ba in +glo ver +under cover +as ses +car n +memorial day +am eli +i rene +ch on +syn thesis +spe edy +mitsu bi +sla yer +compos ite +under stands +pe w +inter rup +hen ri +mor row +an om +thof july +g lee +thre e +ðŁĺ ® +and hi +ch att +renew ables +ye s +trans fers +!!!! !!!! +bab u +du ter +lo ops +pe ers +o ilers +pau lo +ic ation +h mu +war a +mer cer +hom eland +fu ji +ale y +year book +re m +re en +ab sur +bo is +] : +caes ar +shot gun +kur dish +o ren +ra e +anci es +ty pic +f h +def ault +re plic +lu k +trans actions +r ys +infan try +ðŁį ¾ +cho w +chick ens +ba gh +wy att +ay e +gg i +bre ws +ed itions +mi ra +commen cement +pre su +peris cope +ic hi +guatem ala +zam bia +pain ts +wit ches +wan i +un dere +cro y +vo ws +us mc +hear ted +theat res +shu ffle +le vel +mul tic +squee ze +fer n +app et +post al +mal t +on board +ld nt +co o +s sc +k ac +ðŁĺ ĩ +sc rap +mar cos +deal ers +ann u +mill er +co ve +ul ary +vladi mir +be ef +th ur +pick led +se same +bengal uru +mo tt +kathle en +hi st +no tor +dr ank +du chess +snow fall +e ff +tin y +j n +sy our +speci alists +scot us +bay lor +eve rest +mali bu +pre m +harm ful +l ali +b ates +g ye +differen ti +and ra +geome try +el over +black out +== == +ko ta +inter act +asi an +la yo +samu rai +fi del +exhau sted +gla di +pd t +spher ic +anti qu +guit ar +stu ri +ho pper +ang le +f ills +sla p +mi th +rod ney +ong i +in som +pre venting +cassi dy +ap ho +ore gon +lo in +ham mond +contribu ting +f n +gar ri +ori on +comp elling +escap ing +aim ing +plu mb +bi stro +be asts +concer ning +bo e +do pp +shop local +stumb led +âĤ ¹ +naz is +âĢįâĻĤ ï¸ı +gest ure +war ts +us open +hi ggins +char li +hang s +bom bers +° : +fe eds +c ch +st il +nic ola +ðŁĵ º +clam ation +tro pic +af ro +ou k +expen ses +der rick +al ine +fa w +reg ard +im er +sat in +thi um +ry der +pear l +te ss +mm mmm +sen ses +ðŁĩ ¹ +positi ve +exhau st +occu r +nor ris +lil ly +is les +direc ting +yo fficial +count less +sam ar +on stage +flo ck +mir rors +arch er +mo i +k d +vi v +in os +si kh +le i +sen sory +br its +kno x +chest nut +op y +coli seum +z af +di vin +adap ter +:) )) +tem ple +ku n +hel mets +t df +gu ide +m old +o ids +lu ther +he is +monaster y +sp ree +k lu +brit ney +jagu ars +gre ats +c cc +ky rie +machin ery +cric ket +re ro +ab o +aspir ing +semi finals +ale ss +sig natures +var d +me th +her bal +hol den +king dom +ap or +reg gie +ore o +palestin ians +em mys +sec tional +ro i +ney mar +qu el +cu ll +l ka +haz el +estim ate +ul ties +go w +be a +purch ases +bel ts +protec ts +m é +gue ssing +bb o +clau dia +fr acking +jon ny +el k +cel tic +al mighty +ra je +courty ard +ig i +can es +ðŁĴª ðŁı» +bank rup +le thal +âľĮ ï¸ı +graphic design +vad er +penc ils +rough ly +dan te +m fg +const ell +cam el +j b +bloss oms +en to +balo chistan +cine mato +ill ard +jer sey +con sent +dent ed +con templ +sch er +hol i +lou gh +st our +a yo +begin ners +cur b +v hs +a jax +du ff +av eng +dom est +commit ting +ai red +cha p +hedge hog +disappo inting +freel ance +in land +char ms +ðŁĺį âĿ¤ï¸ı +ai sh +m x +buck le +ti dal +per mit +bo ating +ra cha +kend rick +b ello +b hi +ple a +estim ates +l b +apo logies +jay a +bb l +ast oni +inter state +main taining +el bow +mu p +ep it +ðŁĺ ¡ +viol ations +def end +be h +sl c +am ir +pur i +ti um +fi fa +blur ry +scri m +ðŁĻı ðŁı¾ +ma ple +rel atives +âĺ Ŀ +cho c +con nor +⾨ ⾨ +whi sp +list ings +ma ze +than king +ri dd +grass roots +shi fting +desper ately +gor illa +den i +ju les +stra th +g ley +ja in +bu ick +t anner +ðŁĴ Ŀ +ga e +pri m +it ors +n ano +separ ation +armen ia +bor deaux +ðŁ ħ +pj net +bu rial +e bon +glo ss +re new +gri er +spe eds +comic books +sym boli +pur poses +ãħł ãħł +spati al +no table +ci on +n ps +ho ffman +nor man +rt g +du sty +situ ated +tr an +k fc +em en +nic kel +hast ings +sett ling +gr it +l ena +w aw +art s +gu m +ca regi +le wis +sapp hire +rememb er +embed ded +t lc +bl at +serge ant +el sa +boot camp +bow man +photo graphic +pill ars +direction ers +classi fied +no is +ve er +barre ls +wh oop +ðŁĺ± ðŁĺ± +fe male +petro leum +medi a +e fc +poké mon +ठķ +enthusi astic +var un +pro files +pedi atric +acci dents +con rad +jan g +jo jo +ac or +ob server +l f +live stock +for gi +fo s +el m +an and +go e +c ere +avoi ding +gri t +om an +thank fully +scat tered +nick y +cylin der +chees y +di ver +mahe sh +cav es +ear liest +qu inte +subjec ts +b end +gul f +vocali st +glu e +pat ches +un stopp +sny der +demonstr ating +pi o +hor ns +wic kets +and the +r ama +yo on +stra ight +bed time +or ang +bul lets +sa urus +min ers +inci dents +! ... +ðŁİ ¸ +ag ers +hand les +stat es +in ity +d ons +incredi ble +emin em +avi v +ru dy +moz art +folk lore +appli ances +mt l +fre y +di as +hu a +page ant +stri ve +im prison +bul lish +r ana +al erts +bb mas +hy per +derby shire +re cre +re dd +debor ah +cosmo s +law son +mel anie +psy cho +ho or +doo dles +sni per +shad y +man tle +canadi an +new year +inter actions +separ ated +cor ds +spiritu ality +ap u +it o +p ct +pel osi +rebel lion +se iz +wor cester +sec tors +ul i +san ta +Ð µ +ðŁĩªðŁĩ ¸ +bi ased +class ical +gam ma +dee plear +emer ge +back er +sur ance +hand crafted +ðŁİ ¥ +franc is +mill an +ic i +cro wn +wo w +stri ped +un fair +relax ation +³ ï¸ı +embrac ing +she alth +pale o +martin i +dist illery +wr ink +or k +na th +hay ley +cour thouse +si ber +sa di +quiet ly +mel t +m sm +me h +smart phones +rel ent +pp ing +war wick +co logne +gli a +cot ton +pro g +lon e +ip sw +star ters +expan ds +u mp +su ed +ski pper +infe ctions +ing le +à ¡ +cler k +demonstr ate +ac ar +ðŁĺĤðŁĺĤ ðŁĺĤ +ti bet +bun s +alo m +demol ition +ssi a +g st +[ ] +so ar +âĺ Ģ +ðŁĺ ª +ðŁĵ Ĭ +dee pest +beyon d +are t +att ends +activ ated +di mit +âļª ï¸ı +high lighted +magaz ines +rum or +az za +steph ens +dol ph +sho ckey +mat s +we av +mel an +serv ers +tra um +ku sh +æ Ĺ +bab ys +pa z +a al +la use +break ers +canter bury +ul ture +mi ri +euro s +tane ous +impre ssions +du tch +il d +gh i +pur due +adequ ate +l p +sy ner +ang ler +du rable +gal ore +ro wn +mg mt +ðŁĵ Į +lu cia +âĺij ï¸ı +zay n +bor row +. ( +north umber +cru sh +eng a +su sh +extra vag +t out +ma hal +ali stic +ther mo +gall eries +es se +chi bi +attrac tions +lex ington +legislat ure +docu mented +resi den +brow nies +w f +st ool +plan ets +sho ppers +conduc tor +ms p +tr icky +fru ity +end ra +feel the +whi pped +hair style +re fer +oo k +oc topus +audi ences +ku mar +after no +op tim +c fl +ni p +gen i +alpha bet +ann ab +lam in +accep ts +l ng +ðŁĺ « +t ine +ac om +cheer leaders +t k +gr on +v g +k ung +ja x +dha bi +r ss +mack enzie +beir ut +clean up +gy psy +st ell +bur ger +hurric anes +educ ation +st ina +âĻ¡ âĻ¡ +unfortun ate +jere mi +bad ger +at ers +: â̦ +ter ra +subli me +stu d +y mca +mr u +duter te +bren nan +bul b +mel o +yl on +hack er +c red +gu d +as an +pad illa +embroide red +vietnam ese +pione ers +projec tion +re boot +id c +an ey +pri mer +suff ers +win ding +p on +sto day +mor n +u ch +all in +adid as +eliza beth +tu ck +o graphy +ðŁļ Ģ +be g +os borne +ghet to +r h +cn n +ir ma +ma kin +cab les +mur ders +oc ks +inst a +al as +si k +cu ff +la re +foo dies +o vic +at om +geome tric +em pathy +ภµ +cent enary +newsp apers +administr ative +ðŁİ Ĭ +sti ve +contrac tors +le tt +tas mania +awesom eness +den sity +ve en +prince ton +frequ ently +re ject +gh i +modu lar +ceram ics +sh ag +ki wi +can vas +sweat shirt +an j +ti mm +napol i +il er +appe als +hamil ton +ma yo +we ave +arrang ed +whar f +occu py +b vb +as aki +ot ter +nor m +vi es +de tox +tion al +dere k +id ad +ad missions +constitu ency +u pper +woo t +allo y +se ve +lu b +un comfortable +ed win +ab re +d wight +ar che +virtu ally +sp ol +pri e +ai i +er r +swit ch +bar ack +se ok +cou l +wn t +pou l +o live +caffe ine +cardi ff +notor ious +de mp +ex cess +bar r +t ford +a jay +bump ed +my thology +shel ley +fal con +shakespe are +must angs +no ted +bon e +civil ization +sy d +par sons +un official +hy ped +sp ends +oppo sed +v ings +space x +noti fication +deci ding +bio tech +out si +sal ah +! . +fe d +ss y +c ms +bad gers +cr o +ela ine +n ba +dy our +n ant +honey moon +climb ed +conom y +ath a +m ell +ne bula +nature photography +juli e +bm x +inve sted +mon o +lieu tenant +wat kins +techn ician +o se +ka e +ì Ľ +mc queen +pre ach +trav eller +flexi bility +ze bra +reta iler +p ant +ben der +brand t +squ id +war rant +veri fied +cas s +pier cing +hon ours +t ying +mor ris +kis sed +op rah +panor amic +me i +splat oon +wich ita +ari as +gal li +indy ref +good times +athe ist +confe ssion +ow ski +re pping +ad ditions +mechan ism +z im +j ans +su f +cho pped +beg innings +vitam ins +ãħ¤ ãħ¤ +or th +po les +ru b +antarc tica +indie film +web cam +ket ch +bre tt +cle ment +her on +defe ating +hydr o +buc ket +wand ering +sid ney +future of +b inge +on ies +knock out +administr ator +syn the +l ent +jan i +bar ley +premier league +ner ds +cr m +bra s +bot any +evol ved +rot ter +ro wed +tum or +weal thy +Â Ń +mon arch +li shed +da hl +ðŁİ ĥ +bu ch +ken yan +Ø § +red ness +assemb led +se mit +hud der +shro p +ran i +lear ning +mor y +iti a +geo graphic +worl dof +f b +pho sp +boo gie +am ped +? ... +che w +dwar f +ar us +s sen +ru sty +recru its +h k +gar de +app lause +vol umes +invol ves +ta c +hand bag +trans late +ffe l +se ym +aqu atic +trans fer +zo di +and r +acade mia +cr ater +te z +ar se +adap t +col oni +snow man +mal i +hang in +di schar +oy sters +pho e +colon el +w ba +hispan ic +thri ving +sh y +ag les +sales force +cre me +so les +la fayette +â ī +ter ia +ach a +sp erson +go go +car ly +the ore +am ore +vo x +af t +ãĤ ¹ +stap le +mu ffin +di agram +ino x +su stained +av ent +me ta +arbit r +dec ay +ado le +Ð ½ +ec ol +ph o +n k +o cu +gr anny +ç a +luxemb our +stad t +alber to +le vit +am as +d x +or phan +co bb +as c +lo gy +immen se +chan ts +off line +p ent +bre x +w inger +plan e +i el +nichol s +ca thy +nar uto +low ed +/ // +ignor ance +cat astro +you ts +sch en +buil d +haz i +s ine +critical role +du g +dete ct +lo gs +en amel +stpatrick sday +ed die +co pa +cigare ttes +ho ff +kay a +la goon +ra pha +air borne +choo se +puer tor +ke v +gui ding +fro sty +bor ough +mir a +ðŁİ Ĭ +cade t +anu sh +yo gi +e ger +fl ing +slo pe +nin th +we ston +foot wear +f n +may weather +a am +pla in +stair case +witne sses +work outs +ro bust +dex ter +co hort +ðŁļ Ĺ +sp ell +ha ze +o om +organ ising +wild fire +cont acts +av on +min o +upd ating +ðŁį » +li thium +ing ual +k is +au ga +lo com +de duc +u da +th ak +boy le +mp er +hot tie +eri k +re vised +is la +travel photography +oo za +en qui +confe rences +clo ver +g room +cur ves +live on +per f +displac ed +bo log +xx xx +ðŁĺ© ðŁĺ© +te al +ve ssels +rain forest +cal ci +pan ther +gira ffe +ta sted +imag ery +pad res +day time +bas s +ri pe +opio id +nu e +vin yl +invent or +sen s +process or +mu t +gad gets +bibl ical +shann on +jacqu eline +car y +the resistance +ali en +n vi +co sy +bi har +fo ley +ren d +mu gs +fa ken +cl one +ni allo +gra bbed +chi hu +power house +n tt +chero kee +spon ge +imple menting +rh ine +le one +ðŁį Ģ +pret tiest +infra red +impro v +swit ched +tu bes +con tr +bl k +projec ted +be aver +yo t +bbcra dio +thi gh +per secu +apologi ze +w ack +po ster +oli ver +az a +lou d +( ?) +f the +women shi +spar row +blu sh +us able +sc ales +it ative +peu ge +ne eding +legg ings +glam orous +mat ur +c z +wat t +da b +tam ar +et sym +bau er +heart felt +h n +else where +bir ch +alu mini +hu ck +e me +j l +traf ford +d z +por tions +ana sta +arthr itis +esp n +ber gen +viol ation +yo shi +c z +northumber land +clo sures +ðŁĩ¯ ðŁĩ +smi ley +r w +tel ugu +inten si +gre gg +ve ga +dun geon +south bound +ba il +domin ican +semi final +chap ters +h itch +van ity +trans iti +recomm ends +sati sf +bar ca +queen s +( ( +de struc +stra it +ra vi +dess erts +in tru +har am +k os +fo e +fat ty +pais ley +magn itude +dri dge +com ey +schem es +vision ary +our t +down loaded +ðŁĻĮ ðŁı½ +gd pr +lan i +p wc +gu ad +nic est +stake holders +re ferred +george town +arvind kejriwal +schnei der +in doors +all star +strand ed +gen der +ze pp +ma sses +ðŁIJ ± +pati ently +bl dg +z ab +we arab +vi vid +he ck +d ella +sy mb +je opar +la ger +à ª +comb ines +ne c +br ay +flo p +tx wx +jo ys +pon t +pro found +sur round +mad hu +ma ble +ay r +te as +n sa +open ly +er nest +ãĥ © +to po +g na +anti oxid +ti an +e tr +c ello +ma thi +gener osity +b iting +man ic +kel sey +chee ks +ten der +w th +pron oun +ultimat ely +gu sta +ari anag +ger ry +ble ed +red dy +mic h +mitsubi shi +oper ated +sex ually +ma u +cl lr +vi ds +co c +mel ted +ðŁĮ Ī +q ld +ite ch +instru mental +end game +ðŁĵ ĸ +ener gi +brow nie +tam il +at in +domin ated +pra ises +fire place +sens ational +men a +k arti +un prece +ru pt +ori ental +mc cor +tour naments +scen ter +re eves +prescri ption +sam e +fra u +tru ffle +em bo +roman s +bla sts +techno logical +pr at +b sb +y ar +tren dy +ac l +al ad +ðŁį ģ +o hh +bankrup t +tho ven +regar ds +is er +war wick +vine yards +real m +niallo fficial +do ta +ge mini +to do +v able +¨ ¨ +la u +wre ath +ju ve +nat asha +le ver +lor i +hor ser +cc tv +air bnb +es anders +sin clair +ema biggest +high school +con test +optimi stic +t te +ðŁĴķ ðŁĴķ +ss d +ye e +hel ena +con sen +ric ks +jes se +an ic +ðŁİ ¯ +re acts +ro be +independ ence +vol tage +m ington +s ant +à¸Ļ ภ+-------- -------- +sentin el +ke tt +rehear sing +aaaa aaaa +sof the +stir ling +sear ch +wi gan +stand out +sna il +pent agon +Ä ģ +ch lor +cru st +net any +chemi st +disapp eared +ric ardo +sp iders +bo se +war ren +me ssing +bann ers +gu el +par ach +ma id +coun ted +epi le +bon fire +speech less +se tter +meas ured +rejec ts +nik ki +le ster +foren sic +fab rics +alo ha +pre served +wat ford +deta iling +dar th +bo u +car ly +... ' +tail gate +noti fications +å ¤ +pas sive +trous ers +balo ch +ro ther +typic ally +à ¥ +sp it +wi z +sic ily +technic ally +ex pose +st age +hu bb +cre am +cap s +po ke +sle ek +ju ne +tempor arily +de z +awak ens +l ame +_ - +ji ha +tues days +advis ed +advis ors +exi sted +dis agree +news room +lo sers +world tour +dr ying +al di +har ness +foot print +hobb it +p mln +i ro +que red +asse ss +gaz e +sa b +th ian +í Ĭ +ti f +ob serve +ev il +dra wer +swee p +cor y +co dy +kyo to +cal lum +n inj +lau rent +be i +sket ching +custom ized +du r +regre ts +knox ville +ìķ Ħ +mess aging +grac ie +abun dance +bi dding +bre wed +fl ouri +therapeu tic +alt itude +ho gs +bur ner +elec tro +wonder fully +he ater +post pon +li very +r all +ad as +a ac +sau l +brook lyn +play house +âĻ¥âĻ¥ âĻ¥ +char itable +in y +z ah +compet itions +be av +plu gged +o is +do om +astron om +speci alized +max i +ta ps +cellu lar +depre ssed +folklore thursday +cri b +e mul +ë° © +fi gh +ru z +car lisle +spe ar +side walk +de i +depend ent +lac es +nh s +ðŁĮ Ļ +reali zing +net work +ric he +re gin +re fresh +st ral +pa thology +pla id +psyched elic +hin d +u ka +algori thm +lin king +progre ssi +fe y +d ade +hydr ated +b ant +fam ed +cot sw +bo ise +as c +rac ing +ja vier +ww en +mar lins +poo p +swe pt +toni ghts +we f +ani me +slo vak +âŀĸ âŀĸ +cla us +lem me +cli ppers +re ls +arianag rande +r te +ko t +thal apathy +hungar ian +zu ma +y von +is u +jour neys +clin ics +be be +ww f +n ws +super heroes +er it +sle ague +identi fication +mo tto +ba i +sour ced +ill er +ap i +pri se +unprece dented +dam as +tuni sia +dra in +undere stim +e ther +quarter ly +rewar ding +al ham +wolver ine +cab ine +hyp no +nad ine +hav ana +da e +ðŁĵ Ī +dr on +read ings +b ati +pic o +mer ci +iti an +wal kers +el ope +mi key +god zilla +bur lington +abu ja +social ism +at ility +sh ell +harry potter +g no +ab ur +re leg +fel ici +ro gen +neuro science +inst in +ath am +vou chers +j arre +fu se +def ici +monte rey +de port +mid day +pp ard +fre ed +ame ter +wil t +n ingham +pr att +liber ty +slo gan +o to +pr i +co ated +c pd +ne tt +il las +mal awi +evol ve +accessi bility +ðŁĶ¥ðŁĶ¥ ðŁĶ¥ðŁĶ¥ +or nament +b p +el is +son line +chi ro +fl ick +ib m +ar ak +en ables +gar land +san e +cu ties +tri p +rotter dam +n ys +lam ps +lu cas +bo g +ra ils +travel led +hic ks +en u +sab ha +scru b +hi er +hart ford +fo o +fer nandez +tre vor +mat tress +appo intments +ale j +fe i +o logist +saf ar +oc ta +sr c +sha un +ambi ent +dri c +bi ker +she e +must ache +h ta +bo one +her ty +car dio +bra kes +rec ital +consi sts +overwhel med +cau l +robb ins +im it +al th +ur l +bi bli +on ne +black livesmatter +diffic ulties +tel ang +tall er +ðŁĵ Ĩ +deb ating +bur rito +mo vember +strength ening +bo e +te stam +mirac les +base ball +re nee +ðŁijī ðŁı» +al fa +âĺ ĺ +unstopp able +ec s +g mo +giftide as +path way +fen cing +ðŁİ ¤ +b ham +ra s +sk o +d led +thel ast +magn um +bin ary +wil de +wil der +wh ati +barbe cue +h ism +can oe +kur di +eli ve +advant ages +mad ame +bi er +mis sing +enter tain +air force +y ama +c is +hash tags +j is +ve il +dream y +ten se +may ward +ch ateau +hunt ington +âļ ĵ +v all +up on +bl ouse +dun es +ðŁĺ ´ +fert ility +m ole +curren cies +st u +ber lin +toa sted +div as +wal t +lar k +por a +hit ter +um er +chil led +bal ancing +fa is +y in +or tiz +east enders +h ate +ur al +ap ril +tim el +à ± +per o +sto cked +respec ts +th t +best friends +giving tuesday +be ad +inv ent +im i +nap les +comb ining +tok ens +thir st +ma sc +par rot +sp u +dent on +* -* +t res +subur ban +wid th +si ve +con tender +siri us +lo k +troop ers +outra ge +tur bo +frag ile +me ssed +do h +disc ord +netany ahu +re sign +forgi veness +mo han +mun ch +cam ou +identi fying +enab ling +hot ter +thorn ton +jai pur +ar ya +ðŁı» âĢįâĻĢï¸ı +mu staf +maj ors +o ke +du ffy +roh ing +til t +ðŁĩ®ðŁĩ ³ +rock star +she ep +hend rix +ra v +in vention +do u +lagun a +gru mpy +sw is +im pe +) ' +you ths +bun ker +st ache +oppo se +indi es +acceler ate +ml p +ed en +w ann +k ail +akshay kumar +su pt +pol ym +midd leton +extra ordin +wil son +australi an +alumini um +way ne +alum nus +mat ics +gri m +er nie +opp a +competit ors +rand all +h ence +decla res +pre aching +sha he +can e +sustain able +stap les +le dge +ad ena +doctor al +bur gundy +decor ate +ren dered +ri sen +pr ank +di or +bee thoven +flo or +ac com +to t +ho dg +touri sm +say in +objec tive +mar kers +premi ership +en abled +camou fla +gi ant +Ñ ģ +smo key +ric ket +pan g +de pending +s ation +evol ving +inter cep +cen sus +tof the +re en +mendo za +trum pet +marke ters +an it +ðŁĻ Ĭ +north western +v la +foto gra +blackand white +che wan +wi g +tro om +ginger bread +k n +ro mero +n fc +or chi +fun ko +sour ce +f s +ra ped +o st +tar ot +ann ually +ðŁĺ ¬ +r ill +del av +.. !! +se s +can n +medic are +ph el +ape x +guardi an +rema ined +r pm +a ñ +story month +instag ood +neighb our +p ing +sem ite +my stic +as cot +mat er +hand ful +dang ers +ti d +ana heim +opol y +sh allow +nami bia +tor ia +procu rement +big bang +announ cements +prosecu tor +beng als +sal le +en roll +ga stro +sugge stion +ba k +ha ul +budd hism +berni esanders +flu te +fati gue +cyn thia +cho i +ir win +gu a +str ous +h p +ba p +satisf ying +play a +ðŁİ ¼ +inst ap +al ice +t p +irri gation +ðŁĩ¬ðŁĩ § +in tric +clu es +ple x +sa x +he pat +dump ed +signific ance +by u +medic ation +pro v +tough est +corn ish +âŀ ľ +kel ley +u v +si zz +si bling +me st +di stor +diplom atic +aun tie +b hat +son ic +bren da +pump kins +ro ch +black burn +ur ged +shi a +arrange ments +floo d +sa unders +lec turer +nou ri +popul ations +diplom acy +consist ently +ðŁ¤ Ļ +t mund +cauli flower +l ily +vocab ulary +vari eties +coo ker +up town +qu ent +mo sa +re inde +velo city +spru ce +social medi +i ber +volun tary +proce ssed +bal tic +y ang +leban ese +d p +dol ly +arrange ment +y uri +cran berry +kal yan +elev ation +cli ff +pu shes +ìĬ ¤ +sil ic +co wx +eter nity +sla ves +vine gar +glou cester +con tained +breaking news +aga inst +renov ated +norm andy +hero in +ys m +mo ds +gre ek +un di +tren ch +v h +encoura ges +head ache +gr ange +: ' +ever green +Ù Ĭ +reck on +ab used +th ru +cho ice +ti dy +col der +scho ice +ha in +bru m +li ars +bre it +yor ker +sh ack +he idi +micha els +sco pic +fasci st +play ful +ca c +yas ss +sh ad +.. ? +qu en +ram irez +clif ton +pr s +best fan +âģ ł +gener ating +head set +disappo intment +abstr act +bo iled +paren thood +azerbai jan +exhib iting +bom bay +oli vier +ko so +un lea +mat ernity +iz er +si ves +r hu +col l +saskat chewan +fre akin +de k +na g +stab ili +ðŁį ķ +organi zer +bo sses +ar u +u va +at able +ta un +after wards +fert ili +ver ge +az i +mor ph +๠ģภ+jer k +cosme tic +ko w +stru st +ap ache +post cards +for mul +ì ĭ +spin al +jack pot +elec tri +Ã Ń +lo y +gra der +diab lo +ar di +he sit +f w +arch ery +pa sh +the ories +repe al +re live +per cy +âĺ Ĩ +im in +syn chron +sham poo +coup ons +o to +la i +thou ght +luxembour g +mo v +ðŁĺ ¥ +ge mma +se ated +m ga +strat ford +un certainty +shi fts +est o +fo ol +fire arms +cor rie +ki ki +appa rent +p ills +olym pia +fi d +elev ated +de cks +ignor ing +av alan +ro v +whist le +p tsd +milit ants +robo tic +pac ers +quil t +bankrupt cy +lic h +per cussion +celebr ity +al s +( ; +su t +pokemon go +h g +off s +gibr altar +scre ams +billi e +gen ome +mar in +be ams +arch bishop +em in +bedro oms +g ated +ol ly +warran ty +at own +cudd les +gun na +k ic +vi ve +cy mru +nar row +pro b +le o +refe rences +manufac tured +cho pper +brun swick +sem is +don ia +r ye +man o +hur ting +? # +hol li +investig ations +c els +ðŁĵ ŀ +le ster +temp les +sto rey +mc mahon +toi lets +wo of +ï¸ İ +le verage +at om +night mares +victor ious +haun ting +custom er +ag i +yo ongi +mon ty +ver onica +w ur +inti mid +blan kets +volu tion +j m +âĺ İ +am on +jud ith +ðŁĺİ ðŁĺİ +distr acted +dri p +hurric ane +and es +revel ation +tro op +ab leg +col lin +tibet an +wor rying +inter nationally +eat er +camero on +brad or +y uk +ðŁĴĹ ðŁĴĹ +tra k +slo pes +ci er +ne a +ol er +ta ka +albi on +volcan ic +am n +a fi +ob stac +face time +ger ing +n pr +metall ica +organ ic +ðŁĴ ¡ +ki dd +d ances +pemb ro +wash er +m its +om er +emo tionally +tan go +ip o +do cks +scan ning +spec s +tho m +the ology +emer gen +om i +g pa +selec tions +un necessary +ima ge +ter s +induc ed +gi gan +rent als +supp lied +m fa +shan kar +lat er +pa jam +cla ve +Ù ģ +ma hin +carl son +avi an +ano va +kati e +aj ith +design ated +chocol ates +investig ators +gla zed +prin cess +er ry +ra gn +ou rable +hr u +sun dance +peuge ot +steam punk +gh lin +gre ase +hi res +z ap +per ce +j ill +tom e +he hehe +joy ful +mae stro +ni shed +gene alo +v ich +p its +fox es +good man +emer son +lo bes +con verse +o ats +thom son +ra him +mal ware +ah i +man kind +re sin +im g +sw ood +kin der +sc roll +ar a +sak ura +ro bbed +xi on +ny a +c ism +ce dar +be in +mour ning +tor to +heath row +done gal +bar b +hydr ation +k or +elim ination +su pdates +hill s +appe ti +star red +ko m +gw en +dd d +cra y +sc anner +personal ised +seren ity +re design +meta ph +box ed +judg ment +no se +ë ¹ +er ad +ac ne +supp liers +ener getic +v om +as ap +ðŁĶ ¸ +ir vine +hat ch +la ss +ad ren +waff les +accur ately +ici o +itt le +se un +occup y +web cam +thene w +ent es +ga i +j w +accoun table +vis or +ir rit +licen sing +hudder sfield +gen ie +ðŁİ ¾ +atmo spheric +ten sions +spart an +clif ford +ol an +north bound +ame en +cen sor +u el +ster y +$ $ +far rell +hy ster +cl t +se dan +rep lied +descri bing +micro wave +sla b +pro sp +assi sting +ru bio +e than +hh hhh +gu ay +z man +ra ise +roll ing +o e +n ile +ambro se +scar borough +hero ic +coo ks +mor t +chop ra +ðŁĮ · +to b +shav ing +stac ey +dor m +motor sports +wi ki +fol ds +sp iced +stress ful +liter al +fu dge +pe ggy +wa ite +tre sses +se sh +pr ic +ðŁİ ħ +fri ght +r va +mumb ai +po m +tt v +cel lar +tom e +andro id +dor is +tsun ami +tin der +o ec +m wc +dor tmund +no thin +l iti +so u +believe in +at u +kno cks +mag ni +ss sss +ro hit +ine ws +ang i +m andy +ke ttle +intermedi ate +av ant +cur l +endor sed +ori o +ur t +consider ation +wi res +shel ters +b ino +vik ram +imple mented +ly dia +bu k +paro dy +c news +under graduate +canu cks +sam i +polit ically +ro tten +gh z +tex tiles +over load +moder ni +recre ational +fli r +bat on +typo graphy +ov ation +intrigu ing +pilgri mage +al ge +ad ays +tcm party +sp elled +cur ls +boo ze +ste m +ann es +ir ls +spon ge +sho pper +sig nation +bra ss +mi stress +le ah +beg inner +lau derdale +augu st +pre school +ta ping +tai pei +execu tives +b d +rhe tor +esc or +immun o +deeplear ning +stat ues +it us +manu script +ly ric +cor vette +mol ly +la ge +de p +cn bc +le st +je ssi +fi fe +griff ith +oppo sing +ran g +dr ills +respec tful +p ity +d ell +har ding +play boy +blo ke +shut out +k ili +o sp +se attle +bc poli +mis es +journ als +team ing +es ther +fre ddy +Ķ ï¸ı +metr ics +no tre +gar ry +for ty +navi gate +perio ds +bened ic +j id +da w +ance stors +restor ing +con g +aller gy +tit anium +c ence +lean ing +ab bas +v ast +uc f +roof ing +e man +seve rely +vo gue +ve au +in bound +d z +tane ously +stret ching +man chester +dr yer +dav is +kan th +the game +it ted +re tain +el les +conge stion +frat ernity +ol lie +lo ki +fre ely +cho o +pon y +sc ep +tab ly +bal t +rock n +di me +lo gging +ðŁį · +ad u +ha voc +water ford +char is +swee tie +run ning +ner d +erdo gan +z ara +weigh ing +fif ty +pre cise +low ell +kurdi stan +r yo +or th +syn th +lin ers +phenomen on +art illery +il legally +constru ct +nostal gic +gar th +al ta +shel ton +a sean +w ander +dur ban +di versi +bon o +cl on +le man +sh un +obstac les +appet ite +fe eder +respir atory +di xie +formu la +an to +so ber +extin ct +au c +ing les +legitim ate +; ; +min nie +ipsw ich +dram atically +ðŁijı ðŁı¼ +ingh am +milit ary +mon et +us navy +for k +dun no +play er +q otd +st oo +ex or +ethiop ian +film fest +pe red +c ate +sau di +in ner +sin cere +tion ality +ale e +de eds +cooper ative +ir onic +cro cod +br ary +post season +cam per +can ary +e in +exten sions +nb d +sher wood +spo kane +hu mp +jit su +ê ¹ +dar yl +p si +stab bed +offer ings +expe cts +cav al +body building +fr aming +f ca +ye arly +bom bed +sk il +resear ching +jud iciary +gree ted +tu dor +mil o +innov ate +ðŁĺ Ľ +r hs +ru by +contribu tor +fam er +soci ally +m lin +fi ery +ut ter +beau t +it os +de voted +rain bow +bar ney +pe ren +ar jun +r na +gab by +ut i +hann ity +pick le +ser v +qu akes +pp e +fe m +wh itec +j n +victor ies +ðŁ§ ¡ +gol fer +congratul ates +resul ting +mechan ic +ur ve +cen tered +kie v +an s +in cub +< < +c mo +bestfan army +dap h +en ham +on cology +ku sh +t xt +ori ented +fashion able +c sr +sa hara +r ack +pd p +han son +ภĩ +ti ers +ra r +pan am +in sky +sa hi +testam ent +asth ma +in her +fisher ies +or der +ho we +gall on +ep is +suz anne +drow ning +paneli sts +ðŁĺ ² +ë ¦ +al ach +commemor ative +at tribu +ðŁij » +mo o +visi onal +week sary +gu st +ak in +poin te +ee e +di spar +ni pp +dent al +st all +pi an +bor e +ul ster +tic k +ir r +tae hyung +micro phone +bermu da +ga ard +el er +plumb ing +hu gely +âļ« ï¸ı +race way +cam bridge +mar cel +burn ley +to ast +holly wood +fa sting +me red +hib ition +ca pped +benef icial +ow ning +cont amin +arab ian +to on +cap ac +hul u +sm ir +nutri ents +se in +graph s +con ditional +ðŁij ħ +or ac +play in +nor the +tor nad +mar ian +ju mbo +lex i +incredible india +road to +uk one +confu sing +sp h +shan k +pi ed +mq m +positi vely +sher ry +path ways +consi ders +tof u +argu ments +resil ient +che tt +with dra +ter o +ated ly +sw ana +he b +fli ght +har ley +decre ase +kind le +book shop +³ ï¸ı +marty rs +sm ur +mc cl +concer to +sti me +rejo ice +app lau +cle ment +mer kel +jai me +im mortal +isle of +mar co +youtu ber +stal king +me too +st ack +sp ouse +u st +lu v +âļ¾ ï¸ı +eque strian +ev ing +fl in +nick name +the big +as ar +st acks +wal ker +bor a +kidnapp ed +hur ling +humb old +rec alls +co pper +ann is +se o +mer ger +mu ir +ad dy +ðŁĴª ðŁĴª +be x +cr acy +con an +congratul ation +mid st +âĻ ¬ +for bi +op tic +cr ate +crocod ile +mad agas +secur ing +ast on +o gue +savi or +salis bury +love it +fuji film +cast les +as st +ar rows +sp acious +tr s +poly vore +progre ssion +m ri +nel son +bi m +indic ator +o da +pe pe +re signation +gu t +sne aker +log ically +az y +are lla +te aring +jo shi +ssion ism +q pr +mari ah +p x +ble ed +mi an +med ley +we iss +ker ry +gat ory +at al +madi son +av enger +nab y +pl and +gi les +fresh water +d ington +ta j +demonstr ates +n tv +bul bs +sunday morning +pe ake +souven ir +wa h +ton nes +m kt +complex ity +con den +ross i +b ing +y ds +su k +n go +mid land +ol y +life is +ri pple +mo reno +dd ers +tu s +á ĥ +bou l +x a +hol dings +wn y +shadowhun ters +ke i +asp ire +m ous +ow en +so ak +skir ts +moun taine +stor ming +ch rome +ri ots +sar ato +amaz e +less ness +nav ar +crit eria +ra fa +indul ge +ay er +por to +nam o +........ ........ +yi elds +val le +j h +mac ron +sa ins +dur ant +tra ilers +wo t +confeder ate +sh rin +id ol +form ally +ten e +motor cycles +than g +no de +bang er +dal y +p ats +enroll ment +au ctions +at al +ar bor +lo gos +de arest +trans action +dom ingo +fle a +ser mon +de ck +sin cere +questi oning +juli o +was p +pre tz +armen ian +k ham +inflam mation +picture sque +acci dental +film makers +ðŁĺ ļ +ðŁĴ į +ca sey +so b +yee zy +good will +parag ra +ss ly +fe ather +dy ed +assassin ation +na de +b cs +app lies +femin ine +fe u +ext ent +depu ties +l ack +psy chic +go i +kill ings +pse u +ðŁ¤ ª +un c +mar l +tan e +mck enna +sur fer +influ ences +free way +hack ney +mal aria +el and +te au +rema stered +Ø ± +raz or +gg y +cor ro +lak sh +fla ir +honest y +hoor ay +de pp +am c +wedne sdays +q a +ed its +- $ +se villa +dou bled +human ities +c cot +som os +r ine +af a +si oux +re construction +wel ding +th reads +am ish +encoura gement +po der +bo ck +bal m +p tions +stand up +accompli shments +guar ding +convic tion +ac ion +napo leon +depic ting +att ack +su i +wear able +âĸª ï¸ı +pot ter +esc ort +vis e +to ts +bo on +event profs +angu lar +womenshi storymonth +bar row +sch i +ac comp +ti k +l end +kensing ton +wol fe +st acked +cra shing +exhi bit +wing ed +sab rina +ma sa +k ms +alway s +et t +pla sma +counsel ing +pick les +nfl draft +mr s +inev itable +coura geous +staf ford +writers life +ho s +e j +gh yun +trade mark +adri an +influen cer +coron ation +ra ging +explo red +usa f +excep tion +eu x +tan ker +sw ami +pac ket +ðŁij¨ âĢį +f en +she en +a ero +j l +re gal +nw t +au ster +meh ta +char ge +a ste +b ate +inf eld +racec ourse +collap sed +fle ece +z il +al lie +alternati ves +geor ges +ðŁĵ į +quir ky +fc b +nat geo +philanthro py +bra i +every day +ðŁIJ ° +ach ers +ja an +fin es +q i +fisher man +distin ct +gri mes +nation alist +comm ence +ro wn +âĢ ³ +z ing +f ter +hr w +baro que +bl ender +kitt y +hoo ks +c ited +w anda +consen sus +reinde er +an and +supp ly +me ds +v n +ol ph +rat chet +shel don +secur ities +ë°© íĥ +cro m +mosqu ito +j eric +im mac +dimen sions +â ¤ +di ssi +sponge bob +dami en +steven son +jo anne +del ish +yi kes +than x +surve ys +postpon ed +alco holic +al ised +ðŁĻı ðŁı» +do ch +sen tim +mered ith +com pares +b ago +happy days +mo ss +ãħ ĭ +ne c +gn ment +frustr ated +comb in +ri v +ec lec +col lo +compli ment +actor slife +ct to +nic ar +op hon +apar the +man t +ja de +trol ley +optimi zation +eye on +eco logical +qui st +ep he +ॠĩ +cin co +appo ints +old school +c pr +behavi oral +min aj +:- ( +tag ging +ev al +jo aqu +ðŁĺ « +ha k +de me +jama ican +so s +hy att +hand book +libr arian +hanni bal +pump ing +ch om +f man +ga i +hu ll +respon ders +green ville +n us +vau gh +ðŁİī ðŁİī +ta xi +gold berg +man tra +te ase +forbi dden +metho dist +ati vity +* *** +ec t +mc gr +Ħ ëĭ +se b +amid st +disapp ear +thy ro +phili ps +er ina +v icious +stream er +million aire +ma p +str ick +hack athon +gh a +ed ic +mi ka +pe ck +ill i +anto ine +ar ca +op tic +ma ure +ðŁĩ¦ ðŁĩº +cla shes +man ly +âĺ ģ +al var +and res +me i +el m +ww ww +al tered +l te +ê¹ Ģ +mo jo +for rest +thal ai +non t +spee ches +acknow ledge +ign ite +x factor +ðŁ¥ Ĥ +mead ow +disru pt +debu ted +scrim mage +pharmaceu tical +fi dd +found ations +philosop her +et al +publi shers +bo ys +c ke +ru gged +opti mism +re be +phil harmon +nar cis +ral lies +lu is +go blue +fol ded +un acceptable +optim al +li sa +pol aro ++ . +en za +âĿ £ï¸ı +mon opoly +grace ful +dair y +du a +diffic ulty +judge ment +o si +mer sey +flu x +new found +ter ns +dimen sional +in vic +al ba +am it +abudha bi +alger ia +autom obile +the ad +lo tion +acceler ator +vac ant +iti on +lu f +al ic +pl l +bla zing +ba z +sen e +ðŁij ¼ +villa ins +direc tory +eis en +to ck +broch ure +ri pp +hb d +zayn malik +nic he +lo lol +certific ates +mor se +fac up +x ham +un wanted +im ports +carne gie +fan sign +mo u +r alph +destroy er +sw ing +trek king +cili ation +pit bull +g aps +ho well +defin itive +mc le +f ps +et z +bol ly +lyn n +gan o +at ure +fur suit +co il +na v +but ts +tro jans +eu re +en ko +sch umer +horri fic +install ment +br b +subur bs +a bel +vi r +de sh +cun ningham +ðŁIJ » +span n +sch we +ke mp +tr u +ste alth +qu es +le w +deli ghts +ko ch +hu mili +cr iti +il t +sp ells +mi ley +car ic +ðŁį ´ +lc fc +substitu te +oun g +? !! +af fir +predic table +class of +er r +cy press +chand ra +age ing +__ __ +ther land +don caster +el in +yo shi +sail ors +har ris +jo anna +niger ians +h ers +pla gue +pro cra +k no +can ton +busine s +un h +pra kash +c in +bow en +co ating +m als +be gging +smith son +ponti ac +sp ies +dam ian +pl ine +und ant +al ta +one ss +shame less +da q +bb m +wal es +stam pede +ser um +Ù Ĩ +cataly st +x n +ab sc +free zer +ch un +ari os +mc cre +fore head +he ars +damas cus +tac oma +ardu ino +encoun ters +stan ton +lg b +ab as +" .. +ke te +drac ula +ele m +g ne +zepp elin +la brador +pul p +op tional +or n +russi ans +san itation +hil ary +etsym ntt +pen alties +au st +ig ans +olympi an +medic aid +vers ace +va pe +re stra +pe ep +sexi est +st alls +di le +the a +punjab i +pupp y +tuesday motivation +ðŁĵ ļ +the flash +roc ket +mo dest +chihu ahu +on na +k sa +hur dles +ca ve +fail ures +sp lit +bo ho +gur l +disappo int +ho ward +nug get +fran z +stal ert +kaz akh +for getting +sch ri +ag ate +am at +eve rett +du et +veter inary +juli an +ch ills +bra ve +ghost busters +lan do +gre ets +profit able +d é +ti r +ze e +om en +pd x +gray son +har i +fix es +stab bing +swim mer +symb ols +compli ments +po se +func tioning +th nx +gi r +corpor ations +bar low +lo e +off season +distin ctive +marvel ous +nik on +enri que +ky u +ja ws +amo to +lom bar +travel blogger +fa h +ouri sm +tri stan +so e +ce ase +ðŁı ħ +z ac +mck enzie +taxpay ers +swim suit +bl o +les ley +kan sas +w ks +ki el +provo king +my les +str ing +kangar oo +galac tic +fif th +s ke +we ir +ll is +mat ory +ðŁĩ ¿ +un ci +re productive +roo ting +ti des +gad get +.... ...... +alex ander +bow ler +scre w +apo log +eri ka +wal ters +shet ty +lan e +ban ter +as ant +me so +v ain +" "" +us i +fer din +accomp lish +man sfield +bom bar +collabor ating +cla p +it ure +s da +smo ky +na k +im person +car la +com ra +bur gl +lo co +ti es +in hi +trac ey +se is +diss er +rr rr +dra y +prote ct +cor ona +hun ger +ck en +c eli +trou bled +predat ors +fic tional +shav ed +riche st +metab oli +ful ham +gro oming +mono chrome +wa sting +as co +ast e +ti sta +remedi es +ung soo +south end +perman ently +bu mble +procra stin +ident ical +practic ally +ma scul +su ke +assu red +val erie +devi ant +grizz lies +thi er +pur a +ne pal +not ts +bil ateral +spo il +car mel +cine matic +ph l +ni fty +ma o +hypo cri +la ser +pan try +mathemat ical +el isa +coordin ation +bel mont +a it +radi ant +bo iler +man g +f ag +cr c +h ams +br in +â¬ĩ ï¸ı +famil ia +âĿ £ +sab er +ru pert +gg an +rit z +mic h +sal ford +le vi +gra l +ðŁĴ ¤ +n ino +ce d +business man +ul tr +sim ply +compre ssion +pa ins +hal t +ë°©íĥ Ħ +landsc aping +n f +croo ked +er d +itt in +ddle ston +sur passed +ino a +da g +bl en +exten ding +at ing +al gae +ball er +u mar +snoo ker +col lu +flo wn +thu b +ridic ulously +ki sh +op le +di re +as ser +ari sto +sc iss +h ating +trou ble +syl via +suc cul +plo ts +sincere ly +al er +laure ate +br ack +att n +rif les +me to +collec tible +cu omo +conte stant +consist ency +ant z +rang es +abig ail +de b +mini ster +grow ers +an oo +hoo ver +dream er +nu cle +resear ch +mi y +sha hid +ma v +d honi +cin i +do j +hin dus +part ying +dal i +alon so +inform al +clark son +it ton +ki an +cit yo +mor i +la sted +as pen +libr ary +susp ici +qu at +den ial +fol der +ch ori +swee ping +eni x +ðŁį Ĥ +Ø Ń +nas car +handmade hour +mou l +heat wave +em er +exam ine +ib n +gr ind +po v +tion ist +m bo +she ila +integr ate +om es +take away +cer v +con nie +tic ket +ce led +bi en +visu ally +madagas car +sor ry +gu i +park run +tra its +la be +pois oning +à¥ Ģ +vi able +bohemi an +denti stry +bad os +spr outs +mask ed +te ddy +ðŁĺ · +sa f +sa as +ji ang +ti ght +spe aker +withdra wal +bc n +as signed +class rooms +fle ming +ðŁĴ « +super girl +tot als +table top +e books +horizon tal +cra z +flu sh +j ard +c dc +er son +ãħ ł +green wood +ni h +co x +ad a +lit re +go ing +v icky +cur ved +lou ie +gra ins +hy e +lon ge +reme dy +tra inee +san jay +super stars +ma ser +man u +s age +wh l +ðŁĺĤ ðŁĺŃ +ðŁijį ðŁı» +m sd +en z +rab hu +j oo +gh u +ac er +e po +resurrec tion +justice for +bl ended +mo da +avalan che +france sco +re spective +g s +ye ast +wel ch +devo tion +ge tin +athe ism +am ic +carol yn +lo c +ld nont +ave c +us da +le gged +bra very +b lower +cow boy +he h +sti ble +buff al +chann el +run chat +âĺķ ï¸ı +ide ology +best seller +y oo +pe anu +bon ne +fel ic +edi son +fr actu +naren dra +pp ets +seym our +ri viera +he ctor +necess arily +bi anca +soci eties +the best +w g +sent ences +win k +vacc ines +pal ooza +jam ming +as f +mp us +agre ements +ec k +ba c +hon ore +com pul +wild cat +im posed +yo ga +hud son +can celed +l ich +fu zzy +es que +ch uk +w vu +se k +fli pping +r hon +wi shed +wh a +cap ability +len ovo +ìĨĮëħ Ħëĭ +vi vo +tv d +nor a +sil k +pas adena +yo semite +valu ation +clo cks +u ber +mr c +dar kest +au bre +ss o +bell y +wrest lers +kill in +lou der +buck ley +ge el +ad on +un s +appe aling +ðŁij ¯ +semit ism +list ens +fit z +ãĥ³ ãĥ +ny lon +ar ty +seem ingly +hal a +su ited +et y +she ds +mu ffins +ap ric +um ents +u ta +jam mu +chelse afc +star z +yo ko +roo t +clean sing +di ar +pione ering +ihear tradio +dig iti +fin dyour +can o +ðŁĴ İ +z ol +spac ecraft +six ers +moi sturi +b ile +ti sts +hor ton +rang ing +colum bi +mete oro +senti ment +ep l +foo th +text book +drain age +r ly +sc ue +imran khan +ðŁĴ ¸ +margar ita +ed dy +predic ts +gamer gate +advis e +growth hacking +love you +ug and +v f +beng hazi +s later +ne wor +ch el +independence day +p np +cul len +hoo dies +num bered +brit t +t sa +kl tu +s ages +mom o +onep lus +col l +gu ts +w ta +mesm eri +enh ancing +chiro prac +j is +teen agers +m one +constell ation +sweep stakes +e ze +slovak ia +la ye +pear ce +wa ver +po gba +k ron +sur geons +mar x +ti d +gg a +desc end +p ours +upri sing +wal la +sab bath +bachel ore +mack in +k am +peter borough +hor a +ðŁĮŁ ðŁĮŁ +think big +r j +hy drau +sp al +univers it +ðŁı ī +mail online +league of +ten ants +w ally +lan ce +heav ens +dd r +bol ts +am ir +i phone +ci gar +en du +re i +el abor +r inging +john son +characteri stics +sal oon +algori thms +tal kin +m tn +di ve +region als +ff ice +hat i +deviant art +so tto +shir o +l ama +k we +f aded +por ting +tu mmy +est ates +buen os +ðŁ¦ ģ +beli ever +pen etr +dar n +sp ite +can opy +fashi oni +t illa +pet als +eli jah +bra wl +marty r +ë°©íĥĦ ìĨĮëħĦëĭ +mid town +eric h +d apper +sm town +me gam +ww w +le le +on s +cat fish +fir th +fossil friday +ball park +th aw +pot ent +illi e +cre ep +car p +so ap +gun dam +infe c +yy yyy +ठ¨ +z ag +rit t +calcu lator +bo ca +ok o +to ad +threat en +refin ed +olym pic +accompli shment +bacter ial +a ji +tat um +feli z +she ed +j at +th ic +jam al +ðĿ ĺ +lin a +ðŁIJ ¯ +jo king +yot po +pin ch +ak ron +her b +motiv ation +li a +ho stage +cre ek +gam ble +russ ell +patt i +fo tos +c pc +bro ken +back the +cla ys +u mm +stock ton +mat ernal +ü r +la kel +cent ury +be k +infe cted +ภ¡ +smack down +man ned +ta hoe +sm es +bas a +su la +augu sta +. * +rohing ya +gre ed +counsel or +silhou ette +gra vit +cla use +' - +bo bc +occa sions +now adays +dic tat +be ard +n ally +brigh test +kab ul +inc india +dhan ush +archae ological +che ape +mizz ou +d hi +ov ski +bax ter +asse mble +à ¢ +gi gi +ac am +wis ely +haz ard +north ampton +âľĪ ï¸ı +me th +bla sting +re unite +mu lus +ali zes +t read +mil a +ed ward +ko va +pe sto +ðŁij ¶ +vit z +hydrau lic +refurbi shed +mo tel +isab ella +hom me +sever ance +uph ol +mis erable +f ari +lat ter +ef er +crack ers +es l +ac io +yy j +in an +ec b +z ind +pan as +tru cking +re ed +sh aker +burge ss +em pire +ag nes +n ington +art works +fr s +ti le +bi ome +eu n +ch ong +americ ana +god father +go blin +i shi +! ). +temp ted +gen omics +mand ate +ck y +ðŁĴĻ ðŁĴĽ +som ali +br andy +in ven +spoke sperson +pc b +yu an +h g +fa z +starwar s +ro wan +blue grass +don g +d day +trin idad +er ton +ban ning +re tention +cu red +tober fest +re set +we is +deta ched +behindthe scenes +immun ity +ph a +bra y +ðŁij ½ +ran cho +ram say +est onia +nd tv +] . +cab aret +tar o +d v +show cases +plu m +ðŁij ¸ +son oma +pre pa +memor ab +e stu +drive way +u les +magn us +x r +nn n +much as +en ge +stre amed +fore stry +audio book +tro y +reck less +kil om +ru ler +ra k +proce ssion +i ons +po ole +noc tur +wh s +farm house +per a +par me +hypocri sy +s ics +v ant +cas k +holi stic +au st +Ð ¿ +in do +ðŁij© âĢį +di so +disp atch +ol sen +make it +en nis +cent re +ar range +ðŁĮ ¼ +sal ted +ea siest +f ate +reg atta +mo zz +ac an +sin i +g ically +ch ops +chick en +work in +ha gg +invol ve +wee ds +book day +wake up +ky r +michel in +fu ss +re juven +vac ancies +incar cer +m st +sc ents +sovere ign +kick er +à § +bo d +âĢĶ > +sa h +mob il +shrop shire +oph one +dress er +mis suni +hep burn +i mo +foli age +diagno stic +as san +cycl ing +guil t +c sa +puertor ico +win elover +wake field +do ggy +k he +pa pp +co g +al lot +cu ck +poe tic +mi o +re vit +mag ician +ç ¥ +ant enna +west wood +mber g +lux e +oat meal +Ø ¬ +te at +ffe e +sear ches +l ly +plu to +el on +let tering +inno cence +fa i +ann on +telang ana +ma it +neu ral +can ni +ar oma +a stor +fe x +co cac +mon etary +f ent +un sure +' @ +indi rec +teh ran +isol ation +li bs +make up +merce des +ff y +he tero +de o +sco m +cur sed +veteran sday +franken stein +shre ws +de co +ge ese +lefto ver +ha did +vari able +acade mics +carol in +under going +vari ation +na h +ssi er +gamer sunite +pur suing +emer ged +ll ers +control ling +ro aring +mete or +vol t +daw gs +be aver +is life +bathro oms +aci onal +pre vent +lake district +in als +y ani +gra bbing +sac ks +le z +sw ay +k ool +time s +klo pp +la de +con cord +resul ted +revi ve +recon ciliation +ol and +az z +gir o +mand arin +de en +nutriti onal +is coming +van i +aw www +der ived +love your +stop the +shou ting +nov ak +ðŁĻĮ ðŁı¾ +lo af +displa ying +sunday with +ma guire +ch eri +ðŁı Ł +re match +qu ic +Ú © +y in +ðŁĺ ¹ +ili ve +z ip +our ke +down loads +sw at +missi ss +care rs +t ment +proper ty +hahahaha haha +gi bbs +sur rey +ar ise +tic ism +sti a +ir ling +fro g +co se +bas sist +fore ig +lea u +pil lows +hol la +eli e +disclo sure +peanu ts +inte ch +ww c +plun ge +trium ph +cor i +sli ppers +ðŁĻı ðŁĻı +neutr ality +ma re +hair y +gang ster +hu mming +cust ard +mer lin +ale a +s by +dam p +mo han +ver bal +j st +gu tted +b jor +un finished +ðŁĩ¯ðŁĩ µ +un happy +âļ« ï¸ı +by pass +at su +fis cher +sa v +afric ans +re use +mid way +demo lished +ger rard +her cules +Ä Ł +medic ines +cl icking +sur round +jo ong +wav ing +tri bes +wet lands +offici el +argu ing +l le +do va +su zy +club house +ne gro +ob tain +ga o +gl ance +assi st +ch os +ãĤ ¢ +âĺ ķ +adri d +occur s +st ans +par don +livel i +emplo yed +re visit +ff xiv +bb le +ne aring +min er +ðŁĺ ¹ +giov anni +up to +mar vell +mar se +to wels +cb n +engine ered +y elling +spart an +si ans +ðŁĻĮ ðŁı¼ +se v +coyo te +sta di +t cm +app en +shenan igans +open access +so aked +ma squ +le vine +stro kes +l k +aparthe id +hipho p +char don +may may +ha asan +stri pped +fr o +scri ption +f ton +h f +pri sons +marsh al +ķ ãĤ +an cho +com promise +classi fication +buzz feed +bblo ggers +deser ving +) / +s way +ob o +camp ers +poder nfamily +p oured +bri e +squir rels +se ize +: # +le k +ti mb +st acy +nas daq +repe atedly +br at +mi ghty +competit or +mah one +de si +o ke +bm w +shi e +f cb +cheape st +minim alist +par amount +n ate +har as +insan ity +lat eral +ment ality +mo zam +ta pped +yad av +u sp +b way +the od +bil t +ra ids +em press +adap ted +pat ron +nut shell +ag ra +be aded +sundaywith marsha +vi king +proce ed +main tained +thinkbig sundaywithmarsha +sn es +mus ica +to wer +ch ab +bo k +sm t +insul t +harve sting +windo w +ru ther +be ige +dec al +indic ate +ma iling +ri ft +po le +ander son +ch oral +sp ride +l ili +ev elyn +imrankhan pti +.... " +ke red +un dp +water falls +se ars +le mans +world series +ri el +ani e +app ar +score rs +lam p +a than +phys icians +qu inoa +refu sing +vu itton +unle ash +s la +pat i +shou ts +inten tions +fo amed +europe an +neighbor hoods +me er +man son +du h +br at +con es +bow l +kazakh stan +ठ¿ +in appropriate +del hi +ketch up +ful ton +s ys +consul t +gar field +to go +f ml +f led +b ds +facilit ate +ree bok +selfi e +elev ate +activ ate +bi ble +ca wx +b ys +cam ille +sy ou +sk ool +her t +w bc +ple dges +recor der +po sh +ac re +so aking +mat il +v sco +shoot ings +pla r +e con +ðŁĻĮ ðŁı» +rashi d +u bi +ðŁ¤ ¤ +sw inging +wi pe +rap tor +m su +music video +dur ham +at tic +apar ty +fe tus +activ ation +aa z +motiv ate +ðŁĴķ ðŁĴķðŁĴķ +j al +ठ® +ag on +sche er +stal ker +fo ster +az zo +tele gram +vi gor +s laugh +screen shots +entrepre neu +kri stin +inten tion +ch illi +fr action +don a +ge a +tc u +s ite +la k +em il +d nt +bor o +wil kinson +re cu +ato day +t anya +bl anco +cd n +brilli antly +g cc +ac c +evacu ated +ther ine +den ny +cait lin +she pard +pou ch +hand held +sou theastern +ha a +à ´ +re solutions +led ger +sr in +r ar +shat tered +chim ney +im with +mete or +hand led +ra ke +town send +en han +shi py +duc t +tw x +inflam matory +war hammer +theat rical +gro s +sk ar +sco tty +ni el +tit o +tin i +conne ction +_ . +goldeng lobes +sha q +ðŁı ³ï¸ı +hall way +fron ts +effec tiveness +gla ston +d hs +ex pi +to h +c pl +sc s +re o +ha g +resemb lance +hor an +abu sive +qu er +virtu e +cho lester +a q +shan e +m ce +carri ers +di stress +re wind + ¡ +voo doo +int act +ann o +ðŁĺ ¤ +pi led +adi a +ãĥ ³ +en ow +di gs +light ly +goo fy +turb ine +governor s +con te +re open +pa h +i ve +cra fting +swee ps +jo di +an de +zu cker +kaw aii +o ko +v ai +out line +kri sti +ts n +insp o +qu int +fil thy +lyn ne +listen ers +depar ting +or d +t weed +, & +ale k +sel fish +nor ther +recogni zes +i ps +be s +a ed +w ills +pe at +surround ings +mon uments +ais le +be cker +la v +quant ity +v ah +helicop ters +tu cked +alv arez +sha pe +o bey +ad diti +road side +m ite +bl ers +ep age +j au +ignor ant +b ins +lu lu +x o +c fo +ee eee +apprentice ship +shef fiel +to i +ho k +faken ews +deplo y +aid an +husk ers +ãĢ İ +west brook +mi ster +confi gur +car r +fic a +proceed ings +ha w +ste ak +mur derer +pay day +a jo +p vc +don ates +bi af +nom nom +be it +k ali +x rp +ahmed abad +se mic +che y +x tra +an twer +head lining +squ ares +roun ded +flu ore +bol d +disa sters +am oo +gener ic +cran es +brief ly +gi g +auster ity +anticip ation +for ti +treas urer +cann y +ce cil +dete cted +check list +ภ§ +pam ela +bar bados +an field +hear ty +tx lege +peren ni +arro g +ing ram +âĹ ı +ty ne +spo on +r ation +am ba +m be +cam el +h hs +york shire +reflec tive +fre aks +to k +ju do +partic les +du bs +ban jo +accred itation +prover bs +over dose +inte gral +gu ang +mc s +super car +af b +al vin +ail s +x tre +st aging +tw ent +rabb its +mar o +inste m +dol l +cr ay +sant ana +ble ach +mini ons +che ap +man t +di vers +catal onia +lo is +mat ri +cou gar +kay ak +e gre +p so +a ia +å ® +char lton +tr acked +sc ari +pe tt +f wd +x in +gra vel +br ic +bigg boss +ar den +hu gging +pal ms +st v +li mb +the movie +handic ap +ri me +z ai +stu b +indi a +lithu ania +rhy th +p ita +maced onia +high ered +brid get +schwar z +ske let +hi kes +ant arctic +c ps +mash up +Ð ° +n ell +chand ra +he ir +an us +sher idan +mi mi +muse u +bec ca +an ir +bar rie +dioce se +compar able +ðŁı³ï¸ı âĢį +yuk on +me p +hor mon +mer ic +al f +con quered +christ church +ðŁĴĻ ðŁĴĻ +hazard ous +poo h +cont ing +retro spective +par ame +na ir +con sor +ho tra +astoni shing +cater pillar +u man +ti sm +t vs +serv ic +croy don +mor ales +c g +cu m +te ur +scan ada +s all +magno lia +el ise +th our +à® ¿ +ag omez +phel ps +ë°©íĥĦìĨĮëħĦëĭ ¨ +wh os +weav ing +si sd +pro poses +cro ws +pre sale +econom ies +bernar do +sha hid +air show +mc cann +hor ticul +nr l +du el +mongo lia +tou lou +requi rement +struc tured +ed i +o lives +he a +cu ter +Ð º +enthusi ast +harri et +domin ion +sub mer +ðŁį ĥ +sa ab +nes burg +mo ff +def ended +bur t +rewar ded +gold man +op tics +khali d +house holds +buc kets +ce cil +che ss +substan tial +ef l +oper ation +evalu ate +st n +rece ssion +l ll +tom as +tru ths +ak bar +s words +p act +embarra ss +ha o +ay urve +scrip ture +ny cc +op t +di ameter +sc ented +organi zers +re lat +ha e +dream ers +de se +ðŁĮ » +restric ted +n ale +r hp +dol an +mun ster +ha ired +consult ants +jo ints +hu mil +d ill +relent less +t é +af il +ut ilities +japan ese +condem n +pet ite +colli de +q f +peach es +cou rier +l ore +âĺİ ï¸ı +reli ability +ch uk +ðŁĻ ĥ +stu res +ge ther +ho stel +bi er +- _- +â ĩ +e ze +ta ilo +di ent +blu ff +chu ffed +pil ip +mon arch +e em +bu chan +b ick +op au +ku ps +ภ¢ +pist ons +sp ins +m and +ce st +bur ne +v ile +cher ries +bec kett +need les +pan ch +ë Ĥ +haha h +trou bles +insi sts +do you +g mc +mor tar +deleg ate +in n +g anda +sin atra +ठ¤ +spee ding +pu pil +pre mises +ali gnment +pi kach +as us +j alan +Ø µ +lime stone +fol kl +parme san +ce il +mo y +shawn mendes +ac up +hu st +ot es +med ina +ma di +gta v +censor ship +ar g +swe eney +sy kes +col o +foot steps +cann ed +adv ance +gta online +healthy living +ðŁį ¾ +a ig +p ality +oc s +he brew +im minent +berk shire +jeremi ah +out going +bak er +entr ata +ma ids +gro ves +bo c +a del +m fw +con science +arm ys +nut ella +conte stalert +novel ist +la h +ban ker +marque z +ðŁı ¡ +to ff +out age +gr p +ðŁĺŃðŁĺŃ ðŁĺŃðŁĺŃ +musc le +du dley +nvi dia +mi di +m uni +ess ays +dat ac +car ter +ภ£ +t ans +i ves +public ations +al er +ok wx +il u +cu tt +har p +out law +luther an +br ill +bo lic +do well +green land +be sties +path i +pay ton +gue st +har den +ðŁ¤ © +ann ed +evacu ation +po ised +mc der +b han +o i +envel ope +ci d +ca vi +ta pas +book review +grey hound +âĻ ª +fe ud +lun gs +for te +rai der +ff er +oni x +dep end +yn wa +rel ating +de vs +ðŁĴ IJ +acqui res +d ha +j yo +priv ati +can ine +k b +cra b +sar din +imag ining +k j +em por +down hill +ne z +ta eyeon +nick imin +gb p +à µ +w ap +sec co +ma shed +ðŁĴ¥ ðŁĴ¥ +augu stine +diss ol +dic tator +â ĵ +vi per +ed fringe +vau x +hard work +book let +no x +chi ff +ðŁĴ ¨ +observ ations +xbox one +u sher +ke er +lu p +dal las +cal gary +ma dra +di ous +k bs +wood ward +hero ine +lu mber +sea world +o ws +mc ke +maver ick +gu la +cross roads +fan g +s ade +nik ol +chee tah +me c +pp g +er ick +ðŁİ µ +tox ic +bj j +viol a +sp ire +ch ino +tra vis +institu tional +ha as +low ry +w ac +ea e +hu mid +mp ton +ru ck +je w +c ine +zim mer +se f +bhar at +fre es +aam ir +ðŁĴ ħ +z inc +wan e +multi player +royal wedding +e el +preci pit +qu ery +kimber ly +isa bel +ful fill +ig an +vau l +pan e +sc y +dig it +gun n +u tah +dog day +fi on +xia omi +da c +el ast +cha vez +ro blo +g ine +ten th +ab h +ke to +hur dle +na dia +memorab ilia +ha bs +qu an +h w +hv ac +pix ar +ec cle +kram er +accu ses +ðŁĴļ ðŁĴļ +per se +mean time +wa hl +atle tico +âĢ¢âĢ¢ âĢ¢âĢ¢ +ott oman +no vo +k us +conne cted +tru sts +d mv +spen cer +rahu lg +do ve +sto kes +bolog na +enthusi asts +à ª +rockstar games +ted cruz +du ras +s acked +late x +immer sive +cer t +lu cin +princi pals +fa res +sa ils +far n +am ent +saf fron +quent in +check point +fer ris +ex cur +ðŁijī ðŁı¼ +bai ley +se h +ter re +mad am +s band +wan derers +cumber batch +yy c +digit ally +blackandwhite photography +roll in +moroc can +ðŁĮ ħ +din ner +d well +to om +m ye +ez ra +cp fc +war hol +me er +jon ah +no aa +s gate +so on +secu lar +g ating +ti o +dri ver +si ssy +assan ge +ta th +ed mund +bobc ats +ra ji +po stage +stu ds +m gm +kat o +edin burgh +meet the +shir t +fa a +mens fashion +sp reads +wi m +car ts +phoe be +j ars +bot swana +Ù Ĥ +ed war +sk ar +ri ve +gu sty +c tv +ferdin and +su therland +nickimin aj +k v +si us +bee ch +re z +desi res +on ial +camp o +quar ry +lor raine +gil more +ig gy +µ ï¸ı +ho pping +avi z +ðŁĮ º +uni sex +dedic ate +att itudes +ste er +jun kie +rail way +y b +whi sper +key an +k us +ju g +di x +a ins +sum mon +ov ich +sy ed +her ald +ma ison +me ded +wild flower +main land +ri sky +ru kh +over looked +ki c +destro ys +nam an +ki p +z ano +champion sleague +ban dit +quin cy +smi le +cal vin +open ings +ta pp +ol ulu +spec tro +accred ited +ap k +pra ised +bar nett +pol len +premi ered +selen agomez +tou red +screen ings +uu u +mis o +en se +adam lambert +guel ph +har yana +hu tto +le ar +l tc +po ached +brex it +æ Ŀ +tt c +pa vement +mon gers +ro e +ad ers +ling ton +particip ant +ca red +ga il +y ates +lan tic +dash board +jo o +feli pe +ssi onist +bu m +s end +a eri +thu gs +luci fer +a he +dete ctor +fil ly +gas oline +ham per +hump day +the ta +the band +fore casts +o hhh +lo bb +hol l +cp u +az u +ad ar +hai ley +bu b +car t +quo ted +an archy +pan cre +twit art +al den +st ash +the less +or ni +belie bers +mor mon +partic le +avi ation +⬠Ĩ +webcam toy +sad dened +cru is +ham let +n ct +roll ins +marque e +saw yer +reli ance +a ura +di ec +soo thing +sig nings +ak is +à ³ +at kins +aer op +ðŁĮ ¿ +y ab +sh ari +con nol +du bbed +manufac ture +convin cing +feelthe bern +ra u +pu lit +on ec +gem stone +ur ging +bag u +ga h +aci ds +fi anc +zodi ac +sn oop +her rera +initi ated +ven ge +profess ors +pro di +stron ger +e mission +bb a +hal le +ta pp +haw an +wh im +compe ted +myr tle +ir port +cold play +ach e +ske p +m son +ss ic +calli graphy +swim mers +me y +pp c +thri ft +po c +re places +commu ter +âģ¦ âģ¦@ +go ers +lo gue +para dig +bas kets +sensiti vity +joh an +atl antis +& & +suit case +anxi ous +l h +str i +gal loway +stre ad +war den +gr ounded +ffici ency +li feat +reli c +disgu ise +island ers +f cofficial +classical music +b mc +en field +bi que +oak ley +bat man +sla ying +ner ves +mul tit +calci um +projec tor +scott sdale +ant ino +gri ps +kim mel +des mond +prote stors +hi atus +metaboli sm +conclu ded +press er +ti pping +sli de +e to +hun ting +aus open +ri k +pp ery +innov ators +pitch ers +ag ger +fun gi +z ad +proli fic +rockn roll +bl ames +ct ar +stam ford +q ad +mozz arella +insan ely +den ver +ph ouse +nom ad +ï ¿ +s ris +pro du +hen ley +pag an +am trak +ru bi +in cl +tu tor +sco tia +wo es +sing apo +fun nel +turn bull +know ledge +gri mm +real madrid +we are +missi les +con sol +emo jis +sne ak +smi ths +ru iz +br ou +i el +ha ver +ðŁĮ ļ +kin gof +basil ica +circul ation +prin ters +ta pping +ri dley +dra gged +ha j +writ er +fundament als +personal ities +me tre +stereo types +bur le +best of +n ffc +ha th +mini stries +a ali +trac ing +pav ed +ł ï¸ı +g ic +insp ire +tu g +ha re +repe ated +ex pon +lol li +rho de +pre cin +install ations +instag ram +az ar +i es +sole ly +du kes +mission ary +van guard +fursuit friday +on d +pol ari +ma st +har an +jos é +jack ed +ec oun +al ities +ne ph +ra vel +moder ated +sco w +s fb +uru guay +as o +ni g +au du +p ints +lat ina +ben z +m itting +char ted +mat ology +cit ro +biop ic +ðŁij Ń +djo kovic +fox y +agu il +so to +an ada +sin king +sc rap +hair s +bethan y +fact friday +ðŁIJ IJ +unlea shed +) ( +contra dic +ram on +coast line +y ong +sn sd +li gan +p ome +mit age +ge tt +wat i +ri sk +so aring +bru sh +f pl +av an +å Ĩ +lar son +sh ear +mul til +blu r +multi media +chun ky +par i +n ani +weir d +cholester ol +char les +dream ed +tan ning +puzz les +fr am +hand ball +ch ag +beli ze +al u +bang s +Ñ Ħ +detec tives +mc g +ish q +bo thered +saf c +mp ing +ten eri +g ays +sail or +an gi +mul ticul +gue ssed +ros é +high ways +bro om +chatt anoo +- ' +see ker +on ed +at f +lu c +> < +bar i +per cep +jewel ry +as ph +sor row +sl ing +mam moth +jac kie +ë § +wilt shire +sa o +can cell +im paired +tor ial +bre ed +guy en +jud ice +tit le +pro spective +applic ants +ðŁį Ĭ +epis cop +e id +b yo +stock ings +ðŁĴĥ ðŁĴĥ +ll p +sna g +keep it +l ough +ol son +matur ity +!! !" +cop ter +i sha +bl i +wil mington +tr youts +th ai +ðŁ¥ ³ +pe bble +kra ft +f p + º +ssi vely +li vin +contest ants +tex tures +jo an +h dr +film festival +prov ence +wi do +op end +c si +sto wn +cro ati +ad just +host ile +analy sts +il an +cu ppa +bru m +newfound land +good win +me tt +mall orca +plu gs +bu k +bb hutto +wrest le +sa ire +sho pped +for za +le head +vi vo +ba st +ro xy +reg is +hard working +hon olulu +desp air +young sters +ni g +impro mp +roll tide +de emed +tre ason +ru shed +for ged +ff f +pikach u +bri ggs +do it +ac cent +la us +gla ze +compet ent +a ho +photo g +mid field +le go +har vard +min orities +re illy +slic ed +once upon +initi ally +financi ally +landscape photography +har dro +qu o +mm ers +par kinson +smu gg +read iness +bru tally +glou cester +mp ed +bbhutto zardari +mur der +ye d +dat aviz +sr t +dow ning +bi ans +m ü +fle ck +fli pped +s ly +brilli ance +ri m +k um +bubb a +ko i +knit ted +sor g +ma is +ðŁĮ ² +ti ss +su stain +sen su +ak han +zi est +exam ines +chardon nay +user name +short list +re bs +on o +dar ing +hard wood +che que +righte ous +light ening +dir k +shra dd +du ra +down stairs +sh al +ami gos +ru ff +s law +ri es +red nation +man us +ðŁĩ§ ðŁĩ· +distin ction +u bun +dur an +mi gra +thi ans +la ver +domest ic +k x +jaz zy +justi fy +belong ing +insul ation +color stv +drun ken +chann eling +qu and +xi ii +enligh ten +kan o +fati ma +teen choice +terri fied +p ba +as ley +met museum +dun e +pack er +ki o +ðŁĴľ ðŁĴľ +bo iler +fas cism +ar mored +back grounds +in mates +embarra ssed +defin es +th d +we go +silic one +lo on +el ding +bor rowed +he mp +ak sh +kaw asaki +br y +de af +kill er +dispo sal +ðŁĩ ° +glaston bury +un covered +o xide +po ff +d ant +k j +ku ro +dri zzle +peop les +fe e +pro pri +dd lovato +pi ggy +ot is +aller gies +u bis +pengu in +ser a +vi z +prosp erous +ici des +tornad oes +sene gal +web cast +sto red +enchan ted +bb cone +bay area +entrepreneu rial +rednation rising +experim enting +ang an +lot to +they re +por e +er p +seren e +east wood +bro kers +bar ge +stal lion +timber lake +tailo red +dy stop +b ate +lat ors +di xit +bran son +dynam o +ky lie +shame ful +bt wn +spring time +mix ture +s ounded +lu ton +dad es +mal a +op ra +en ic +rahulg andhi +se wer +~~ ~~ +ky u +nor theastern +ca er +bc u +nir vana +kitch ens +ous y +al m +river dale +hid den +fl int +sp d +pat rons +katy perry +au gh +exhib itions +sm c +shu ts +at ore +da in +some thing +ber th +bo g +por ter +gen to +con cussion +ang lic +ro we +gr illing +scar lett +master ing +mor nin +comm ented +si me +si zing +christ y +ce os +st m +at ry +tari ffs +vac ation +pre judice +p su +paren tal +far age +can a +cap com +koso vo +you re +men stru +stal in +grape fruit +br an +che sa +dav en +exc el +!! ) +๠Į +distribu tor +ce a +bride sma +millenni al +wa in +ob serving +mis ery +plan etary +expo sing +bra ised +comp ton +don gha +q l +spring steen +th ul +syl ve +cab o +pal ad +niel sen +gaz ing +ba ja +r oud +orchi ds +johan nesburg +se man +d ji +oper ative +affe ction +eclec tic +at c +mut ant +aw x +nic e +mel bourne +indu lg +tu lip +dias pora +wel p +big gie +mississ auga +retri ever +or an +tam my +c ta +hipp o +seas oned +ger mans +eng v +marvell ous +im f +rela ys +mon tan +maur iti +me ister +as surance +reig ning +su fficient +han e +no thing +pos se +nav y +in love +brigh ton +en qu +ch ung +sweat y +es c +cal ed +man s +nicar agua +sl ices +mo cha +washington post +bb n +dam ned +grow ing +en burg +lo an +me s +wh oops +believ ers +spi el +vo daf +l at +s led +cricke ter +brown e +golf ers +bar ra +wat chers +lu igi +sw amy +mom s +pit ched +san tor +cr s +si re +sc amp +bo de +ste war +jon ny +ent ity +pac qui +mind ful +min india +bear ded +temp t +scorpi on +eat on +authori zed +ar to +s vp +op athy +cch ini +house music +disney world +âĢĶ @ +pro pose +di y +expen se +ten g +pupp ets +sm el +d aca +per ry +fin n +boo sting +lefto vers +cou gs +satell ites +man y +az e +g ong +fi e +metho do +fer ries +ðŁ¤Ķ ðŁ¤Ķ +explore rs +load er +attrac ted +il ton +godd amn +pi azza +doc tr +sav ing +paragra ph +visu alization +may ors +work flow +ack les +ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ +ठ¸ +twer k +clu t +lo ver +te ases +si an +o te +deter ior +accor d +l fw +swar ovski +nat al +tra ps +k ina +analy ze +laye red +bever ages +un it +ran som +pe shaw +dest ined +astro logy +si pping +miley cyrus +cam ino +marshmal low +bli ss +out back +fa q +int oler +humil ity +po ppin +hallo ween +mon tene +op hy +nu n +tattoo ed +a as +ðŁĮ ³ +dale y +qual ity +du sa +fisher men +swi f +ter rac +st au +le in +trol ling +ship ment +garden er +march madness +head band +gr t +bur nett +w and +!!!! !!!!! +gh e +du x +hu d +war ner +ðŁĩ ¦ +ex ile +rescu e +rat a +d han +duc ati +dro wn +bl ends +spi e +alli gator +simul taneously +broo ke +u ke +k har +comm union +ri ka +ford fc +chin atown +you rown +me y +can al +syste matic +de pri +ox ford +an il +w ut +equ ation +be z +fle ur +the good +lang ley +ad ity +ed ith +al fie +о ÑĤ +en cry +br ill +ex emp +ce sar +mb ling +ab ri +sc icom +j ing +school ing +mi ka +mechan isms +impromp tu +rhe a +moo re +crime a +be sto +wri ght +el ders +ro ds +kam al +folkl ore +be et +mini on +reli eve +thr o +team usa +pas cal +made with +boli via +itt i +free bies +desi red +best selling +l iness +la den +ke ane +mi sts +hipp ie +atta chment +@ / +se w +flan agan +âĿĹ ï¸ı +supre mac +stl cards +si as +q u +rh ys +ste ep +val leys +v w +pav ing +disp at +al ison +por te +id u +new sc +soc ket +mo s +co star +re vo +prote ins +stanley cup +m cal +ear ring +se cs +mc lean +cap ric +nick elo +ad en +v c +shou se +adap tive +maxi mize +entertain er +pro se +gri ffi +six teen +lam ar +mi rage +saudi arabia +awe ather +ru st +in filtr +fashion week +ðŁĺĬðŁĺĬ ðŁĺĬ +selec tive +bubb le +a den +fen nel +deci sive +m ta +mock ing +mb les +st amp +mu le +bernar do +gr in +po tt +j ingle +vet tel +colom bian +cam o +motivation monday +ba han +p ly +dh ary +k ami +x men +sleep er +gar a +my sti +confi dential +conflic ts +p neu +ce s +insur tech +clean se +me rely +va is +tu x +the great +shar on +ma j +hol a +eco systems +aj ay +aa j +hu sh +har mon +backto school +wiki leaks +reflec ted +ðŁĺ ĵ +commemor ating +ac et +buck ingham +messi ah +tu ous +hor net +to be +d q +he ine +mi g +pl ate +nichol son +sp ie +cumber land +nor mal +pho bia +happy halloween +city fc +mc el +gilli an +ke to +lu de +de mise +su ga +str ate +mcgr ath +visit scotland +foo led +cb r +gc se +col ori +po td +missuni verse +fin ances +ma poli +for ks +Ø ´ +cann on +medic inal +ðŁĹ ĵ +kh o +wre ck +pan to +bag el +gu ll +syndic ate +ic y +pr c +ki en +zi ka +ti sh +pe ta +c co +li za +ch ut +ex traction +el g +gl i +fu eled +pos it +respec tively +leice ster +br ink +vulner ability +im ported +e sha +ðŁ¦ ħ +r ural +re ll +gam ing +atlan tic +aband on +no ah +re solved +pro state +aller gic +ps d +âĺ ¹ +dun geon +fang irl +illumin ated +m hs +white sox +d ently +ck o +endor se +over ly +dazz ling +prior iti +night life +ut il +be have +flam en +east bound +ðŁĴ Ł +ilove you +gov uk +mozam bique +alle gi +dr i +testim onial +ath s +ì§ Ģ +mm y +shab by +pro secco +friend ships +cal am +dam ages +off set +jura ssic +jun o +arre ll +ðŁĴ © +interven tions +dare devil +car ver +run away +ran e +truste es +ha ute +dep ths +ðŁİ Ń +me in +sacrific es +con cier +ne sting +i zzy +me tam +ilove my +ur ine +du lu +mal hotra +ve ins +night ly +co at +an di +he witt +lon el +ci ble +wr ite +jen nie +sant ac +ĸ ï¸ı +str ato +singapo re +sop rano +kri sten +cheer ful +flee twood +fa iri +m eli +wa st +tur nt +sfor sale +sc rolling +angel ina +ren dition +jeric ho +nick y +or b +fla vo +patri ot +ash eville +sick ness +re fund +aggre ssion +b pl +ãĥ ĥ +elu sive +thi story +hang er +bu ffs +vil las +at kinson +sp h +ja it +decl ined +wo k +supre macy +oo tball +ey ang +ðŁİ ĵ +s ford +ath i +consu me +road ster +e so +u pro +reci pe +au f +uc i +ar on +oo oh +cs go +re ich +mc d +min ute +ladi es +pun k +rut gers +mee k +ariz on +ta j +land lord +de gra +autu mn +lyn x +us f +b hi +fairy tale +dongha e +bet sy +explo ded +chen nai +op a +pro tag +br ant +ðŁĵ °: +g f +pal li +ðŁı¼ âĢįâĻĢï¸ı +su t +ill ini +colum nist +shir tless +de centr +sear ched +ec or +bu ggy +s ack +ðŁĺĤ ðŁĺŃ +de t +ther i +or naments +bring back +to v +quarter finals +ic he +con stra +gi er +buchan an +vi x +kay aking +mu stread +swal low +mel b +sc af +op al +may oral +har at +ðŁ¦ ĭ +schedu les +id f +ha gue +ro z +a ah +d mc +du plic +ca che +orph an +frac ture +rec on +ch av +bun nies +al ain +mustaf a +ðŁİ Ļ +vac ations +dynam ite +tex ted +broad caster +ðŁĴ £ +ste amed +rock er +di etary +luxury travel +inaugur ated +sa wards +vaugh n +lincoln shire +click ed +kra ja +f anc +remo ves +layo ffs +mc far +bre eds +win nie +jon ghyun +incen tive +vari ations +pat ton +atur day +persist ent +pr un +pi ers +dal es +æ ĸ +breast feeding +r ance +ta wa +Ĥ âĸ +mur doch +cap tive +thi stle +nic a +commod ity +cou ldnt +board walk +graci ous +practiti oners +n gc +scru m +ner o +camoufla ge +col on +he i +phys icist +saturday morning +ten er +si won +colum ns +bru ne +y vr +ba ir +reti res +hal am +cab er +shaz am +min u +cas cade +milk shake +gri d +d ren +vin cent +so dium +plat ter +cheer leader +chen ko +y ak +elimin ated +ty po +y man +re think +âĿ Ĺ +ts ville +bernardo kath +ex tr +ðŁĺģ ðŁĺģðŁĺģ +ta o +re per +mo ths +em powered +c iting +transpor ted +mon ks +san at +cle ars +bachelore tte +camp bell +racha el +har le +hand ler +climb s +inter ference +rele ase +sh and +r bs +hr h +ãģ ª +val le +r é +sli me +w akes +chu bby +slo an +el ves +ath en +attor neys +micro scope +ston er +sc aling +o be +c out +se man +mid week +bal sam +ðŁĺį âĿ¤ +ti ful +v ish +lo tta +ri pping +re mn +ti re +le ap +ha vent +la by +hi mach +whisp ers +we in +ðŁİ ¸ +wild flowers +se le +u cc +li ability +az ine +sw ings +k ya +ta ir +re main +e do +flo ps +poc ket +grand ad +exam iner +gr is +ffe ct +ðŁijĬ ðŁı» +stud ded +heart beat +de acon +firm ly +infec tious +ste f +out lines +le asing +cla ws +sen se +tab s +hoo t +mo sul +spa wn +co a +hog warts +ve in +alban ia +manu el +b ino +vaux hall +scot land +go bucks +mat ty +phy sio +tor ino +const able +investig ated +s lower +mistak en +bay er +wild fires +vo ic +x on +time to +chas sis +bar ric +pi on +bald head +woo k +regi str +dra fts +b hs +li gue +l ick +staf fordshire +baf ta +dar ry +je anne +ven ding +cor p +⼠³ï¸ı +kid dos +fen way +ca o +west bound +ðŁĺ Ļ +dv r +quick er +bla h +goo die +ðŁĴĭ ðŁĴĭ +vo x +esp er +fac ade +cor relation +red bull +rou p +decl ining +chi ve +mc gee +tur o +in der +f eller +fu g +il ysm +mar di +peshaw ar +ki eran +ine ma +meat balls +pe ck +depre ssing +sen sing +gi z +dd ington +spring watch +ro aming +yellow stone +horse shoe +am man +week day +ol or +ðŁ¥ ° +boo sts +spr int +scar ves +je e +bee tro +cl an +all the +ìĦ ¸ë +enlighten ment +ado be +re generation +? @ +cont ag +yach ts +to u +mor a +en voy +r ani +go li +dhanush kraja +wood working +streng ths +se di +disc s +ar ina +sc on +lit e +ano ther +ðŁ¥ Ĭ +ye men +gu ern +sav vy +lo yed +biom ed +heart break +comra des +milli e +pat ch +un f +jar vis +bl aming +commemor ation +ge y +å ¥ +cardio vascular +alig ned +docu ment +. ? +aesthe tics +em u +the irs +le h +ps ic +si f +pl ateau +ex pend +domin ating +rob es +mauriti us +excep tionally +hom er +discover ies +bra un +ten nant +insul in +ðŁİ ® +car bs +te as +? !" +zi e +franco is +brow sing +th ol +cla rence +hel per +ob tained +cas sie +le es +! , +pome gran +hu bs +presti ge +] [ +mach er +bott led +pun ch +pi pe +o ch +gall ons +deliver ies +u ra +un day +mon de +depic ts +re gency +outra geous +khal ed +car o +he arti +za g +develop mental +over coming +stati stical +flavo red +for ds +cre atives +lau rence +di as +sun screen +in ked +pre acher +n ul +impac ting +auti stic +âļ Ķï¸ı +o ss +pel icans +cele ste +v b +ru mp +mc gra +fair fax +hu mor +bbc news +row ling +cal der +seam less +ag ne +p ti +mix ed +t shirts +mer ci +b tob +women instem +genealo gy +pre ven +l our +cra dle +gi use +Ð ¾ +chron o +fair ness +chocol ate +tor y +as da +pre scott +stret ched +al man +u il +re charge +in tre +ob st +hosp ital +hay ward +teneri fe +fried man +vap ing +confe ssions +ye ah +bal li +luck now +cor pse +sculp tor +amp ton +t pp +indic ates +sur plus +tru man +ðĿ Ļ +sin ha +in vo +sovere ign +ke v +establi shing +engra ved +assu ming +ðŁı ģ +sou za +fab i +ton ed +oun ge +del oit +dow ney +no ble +om or +car tridge +ðŁı IJ +u hur +hol loway +succe sses +r sa +âĦ ¢ +ma zz +tw d +disc ourse +. < +y at +satis fy +com pri +ठ¹ +graph ite +disser tation +ar ter +í Ķ +b ally +zom bi +ly ons +a ic +u bc +pra da +e il +da x +cla i +grand daughter +extravag anza +chall enge +ðŁ¤ ŀ +po ver +primar ily +dad dy +man a +bi kers +inqui ries +da un +fel ine +gener ative +he f +benef iting +lind sey +pol ka +demonstr ated +al le +rand y +o su +low key +weir dest +red bull +our y +n ous +wood stock +cre denti +nic er +g ado +aly ss +ap h +prepa redness +station ary +incorpor ated +dy er +sarato ga +cele sti +: " +antibio tics +or gs +inde fin +ap ron +и Ð +fif teen +no f +ðŁĶ Ŀ +ph x +te ga +m z +organiz ational +on air +band ung +pleas ures +mor i +secre tari +rac coon +ca shi +pil ates +k on +geof frey +la o +kam p +depart ments +back packing +an am +à « +crack down +aun ty +on do +li zzie +ph ers +cu n +ðŁĩ ± +k pop +pu t +inten tional +connol ly +bar clays +hs fb +swin don +u ku +s ally +a int +âľ ħ +pen ang +up lifting +epile psy +inter ro +bun gal +go ku +blue berries +ठ¦ +u ssia +sil ky +mou red +i stic +bri efs +me ats +go b +ch aser +state wide +pra sad +gl itch +ar in +ban ff +memb er +ðŁĺŃ âĿ¤ï¸ı +lo ving +hall a +ภ¡ +smo kers +yak u +scicom m +physi o +sw ol +lem ons +gel ato +ch ool +capit als +ki stan +ti ghts +spi kes +trav ellers +ik lan +commissi oning +ar ine +emabiggest fans +empha sis +front line +pad dock +destruc tive +ba ha +l inger +je wish +shet land +mc gin +mon key +ko z +s one +raj ini +te h +y en +c vs +masqu er +gir ly +we sle +was nt +bro dy +termin ator +gil le +mag gi +bir die +jeopar dy +cu bic +vm ware +intric ate +an up +to pia +east on +sab res +investig ates +bu sting +bil ingual +valent ino +in format +fer re +advent ur +hydr ate +for sy +az iz +san to +e de +whist ler +continu ously +d ham +un used +ji had +addic tive +vi dy +do b +i do +fi ed +ni versary +n one +fu er +ðŁĺį ðŁĺĺ +coven ant +prin table +immac ulate +o em +cl t +serv ants +consu med +un released +sc um +pack aged +me re +ìĦ¸ë ¸ +to by +ta f +spo ons +me al +f ball +fair field +jan et +silver stone +dart mouth +follow me +voy ager +kom bat +anni ver +ene w +mag dal +ho ve +sa th +grizz ly +car di +gart ner +sand y +kan ye +post ure +po ign +im pulse +radio logy +horiz ons +si am +aish war += => +no che +tr is +el yn +com me +du i +ce c +councill ors +cudd ling +creep ing +loc ke +manag es +trans ferred +ne cks +di er +dan o +v ick +lun ches +d he +en sures +cri ss +ul ster +bann on +cont enders +sp am +sweet ness +med al +hon duras +arc tic +ultra sound +in fr +disco vers +ei ffel +ca sters +ru ben +du st +awe ed +atri um +lest we +se ared +ðŁĵº : +ty ne +ex changes +little mix +l le +astron auts +hersh ey +work day +kno b +so v +re signs +today show +der man +an th +af c +ta ster +sw oo +sa eed +per ing +narrow ly +rn li +best buy +panas onic +obst acle +farmer s +ðŁİ Ļ +pa wan +ki est +ang ers +absur d +oh my +sin o +pist achi +sp ice +giu li +prime time +ko w +k ens +ex agger +! ?! +u ba +midd les +ju dd +e jec +slam med +pen sions +of a +re create +b hp +xx l +liver pool +thre sh +pur ity +ni eu +hol ics +wr ath +ra do +gli o +am ma +dile mma +cr u +lets go +.... @ +âĿ ĵ +sugge sting +tru mps +hor us +f v +ic om +refer ring +predic tive +tar ts +ge tte +so ck +glo ssy +pin ky +al ec +thy me +ou ra +thero ad +pe tr +cr am +p fi +dv n +me ier +incen tives +tun nels +mobi l +rec ap +extra s +upri ght +rev amp +per severance +, - +ot p +mir ror +ar wx +ger ry +ma her +g or +hom epage +am is +ag ra +made le +best friend +sirius xm +bun dles +admir ing +t dsb +ðŁį ģ +ch as +slow ing +ro h +wall papers +â̦ / +tek ken +gang s +tal a +lind say +shou l +line backer +tool kit +ur anium +caly p +ab rams +mat thi +ðŁı ¿ +hon ourable +da yo +ver sail +tan k +st c +fr itz +spl end +pat ag +anno yed +on day +devast ated +chattanoo ga +national ism +mas sey +jen n +tail or +dev gn +org ans +zu cchini +on fox +sat ire +wex ford +dis grace +no to +vol ta +âĿ¤ï¸ıâĿ¤ï¸ı âĿ¤ï¸ıâĿ¤ï¸ı +à ¶ +home owners +poin ter +m cr +au sten +day sto +mo ons +pal ma +gra zing +e so +influen cers +shahid kapoor +compli ant +measure ments +develop s +y d +par l +p vt +rand olph +tor tured +ger ald +eli as +deepi kap +war mup +hick ory +g ap +co ffin +am our +re neg +moun ting +seven s +ig le +hi er +dec ad +tri ght +esc apes +wer ner +t fl +ful filled +ni ger +sour dough +re aper +choo ses +spin ner +week nd +fil tered +sh uk +kat i +old ham +open source +kh anna +at elier +conne c +opho bic +gla s +complic ations +ar son +counc ils +sm ol +as sy +lur king +ling ui +han ks +e in +Ù ħ +ru gs +n guyen +nou veau +men ace +le v +alad din +ru ining +round about +k m +con or +shoo ps +may day +traum atic +prab has +ka iser +k ita +rou ter +pe dro +re tar +stun ner +spani sh +distur bed +acade my +e learning +wit ty +sen g +fer al +av y +sta b +ke aton +ur du +ko to +hu i +coo ke +ari an +the personal +u ma +se ap +a sting +rhetor ic +hand writing +munici pality +consor tium +ðŁIJ Ł +glasgo w +ra ya +eli za +polym er +bro th +prac ti +correspon dent +addic ts +gay le +ail ing +o fe +p li +hear tw +st itch +sight ings +prie sts +sam o +slo th +good wood +roc co +sab c +summ it +l ace +pres ley +itt en +cin cy +thepersonal network +s week +pe gas +af con +regi stry +ci m +le th +dic ap +cand ice +flu ent +sm ack +pede stri +al oud +car ac +priyan kach +p gh +ir ons +dol ce +lat via +dece ased +thero ck +cla p +cen e +fo am +morris sey +gre t +essenti ally +com cast +be agle +argu es +ing ed +- â̦ +sa g +ha san +ðŁĻ Ĩ +ðŁį ° +nh ra +kann ada +indic ators +on er +bri xton +at as +screen play +sor ority +sha heed +he em +class mates +tain ment +es i +breast cancer +zucker berg +aur or +en cia +ref ers +kae per +vor tex +com part +lym ph +photograph ing +ste ff +rest ling +par sley +mom ento +th man +lac king +du tt +ocu lus +fin o +fren zy +ra sc +der n +dis missed +noo k +met gala +sh ill +rapha el +maver icks +exhib its +eag erly +c pa +amen ities +. âłĢ +exo dus +ern st +lit a +deal t +womens march +i ain +score board +campe ones +c en +ti ki +garri son +fidel ity +bra g +road map +psy chop +lo e +ble u +ðŁijĬ ðŁı¼ +sau vi +spr inger +temp tation +ru dolph +ac ura +wic z +parach ute +stro l +len ny +zi k +dom s +nb af +al pac +vivi an +ro ve +pre et +perpe tu +sna ke +air soft +infl atable +prin ces +ati e +ffe y +pati ent +m ire +chel le +sl ack +groo vy +# : +up loading +!!!!!!!! !!!!!!!! +siem ens +provi sion +v fx +need y +f ats +to poli +bhu tto +sa thletics +alu ms +t winning +south western +adop ting +last night +man ne +la ga +tw ell +ac ia +-- -- +eye wear +hur ley +fle e +sa ch +pe cker +cost ly +is k +cr ates +polic y +ero sion +in go +wer k +ðŁIJ į +torto ise +therap ies +inter net +chihuahu a +ri ps +fre i +ed or +tai ji +t fc +do d +demp sey +christ in +chen g +hi ps +gra eme +com passionate +cavali ers +histor ic +soul ful +crimin al +ja c +vin ci +expi red +sur at +turi smo +k ona +se aweed +ber ts +le ica +expre ssing +a al +wor t +break fast +her ring +am used +rhu barb +mar tian +cospla yer +y ash +stri al +ra ul +refer ral +dw ts +j w +ad ler +cur tains +gu r +val ence +tyr one +sw fc +coach ed +re born +diabe tic +cho ke +nor folk +investig ative +ðŁĴ¯ ðŁĴ¯ +z id +v mas +phi e +objec tives +âľ ĭ +over due +di vers +mat su +ðŁİŁ ï¸ı +casu alties +ภ§ +al k +stand ardi +re alist +arti facts +pand or +ke x +in vin +( !) +ine y +par aly +mr t +fay e +the voice +on ga +de ed +skin ner +az wx +speci men +priyankach opra +nu evo +bar kley +toulou se +resu mes +football ers +cit i +fe tch +è re +lestwe forget +ðŁĻ ĭ +ch unk +dri fting +manipul ation +equ als +pu tt +ky ungsoo +âĿ¤ï¸ı # +ela stic +par ano +fo y +do ping +cin cy +ss ler +interrup ted +al ay +ado res +ame thy +con voy +ãĢ ı +Ĭ ãģ +black list +gener als +sa chin +bru shed +oun ces +non stop +illi ams +bt sarmy +u av +ru ff +bur ma +bi k +defen ce +schul tz +bo asts +lonel iness +go re +trans forms +alum na +@ @ +ra ppers +ne hru +car o +himalay an +wearab les +ge h +pepper mint +re development +flam ingo +cos by +big baldhead +ag ri +bare foot +sco pes +re gram +gh ana +ðŁİ « +i heart +sa die +carri e +microbi al +ku ala +sk ater +quer que +âĻ © +gen res +reas oning +ch ased +as o +sli pped +en can +vam os +ker s +ad verse +mo il +commod ities +with you +sil ent +hy pe +an de +am ination +whi spe +lit z +âļ½ï¸ı âļ½ï¸ı +ri ff +pp y +lam bs +gan esh +ab sent +regu lator +marse ille +en roll +par cel +wa p +by rd +ðŁĩ Ń +tu ber +country music +par l +contro llers +responsi bilities +we y +ch ate +montene gro +chic o +mil an +l ms +tra inees +appropri ately +un certain +popp ies +ed sheeran +nutr itious +gar o +deut sch +awe some +ãĥ ¼ +comfor tably +land marks +et i +re usable +daniel le +ro sal +co les +just ic +c cs +f anny +ni m +mc u +clin ch +at ene +mer ge +im db +ang lo +uc cino +pan ini +an not +bur berry +feat ure +predic ting +fashioni sta +s ask +imag inary +mm o +south sudan +spe ar +hu bble +jo inthe +coyo tes +sli go +ko dak +sit com +polaro id +roo ted +corru p +ðŁĻĮ ðŁĻĮ +bris ban +at z +ah l +re my +tal ent +aval on +ra da +pau line +locom otive +go ons +ne mo +maser ati +ic u +stu tt +histor ically +sm b +pres by +avo id +so oners +rhine stone +w ad +ri sing +tro t +mo des +reg ent +optimi ze +re ece +sm u +ver ti +newyork city +cor tez +ra c +in case +sin c +fiel ding +e tta +tiff any +al monds +sad dle +k rat +mat ter +g low +star ving +gl o +cra ppy +sl ur +st d +monit ors +recei pt +maymay entrata +mc il +un is +rain bows +cal dwell +pacqui ao +j op +a fe +hoo k +es sen +wiz ard +medi an +fla ws +com s +âĿ Ħ +ing h +ha ynes +anton io +tem plates +ou ter +na w +cardi gan +bel grade +ðŁĴ ī +hom o +a ise +ro pes +no ve +what you +tri gge +concep tion +ad ukone +na di +fri ars +sw er +adju sted +hot line +san ity +kau r +down loading +c gi +ten or +eth nic +app alach +ภ¸ +pa g +gol ds +on set +investig ator +car tel +peace fully +jarre tt +cat alan +poli o +n um +fru stration +dhar ma +my life +âľĮ ðŁı» +aber deen +mu sa +bin der +spark ly +fle eing +instin ct +co ping +domin ance +ill ers +er a +u conn +lo oms +living ston +gal i +he s +c ma +bel a +se ley +mon k +la ch +mar x + ´ +m erica +woman in +es sex +ra ina +jim i +nep tune +z ack +chine se +mart ins +chand elier +her n +with us +ear l +asph alt +modu les +st p +ul la +psychi atric +mile age +captiv ating +si der +men to +mor t +tran ce +tal bot +ab by +ì ĥ +âľĮ ðŁı¼ +j ak +daw n +turn up +scre wed +fe ds +blue print +ðŁĴĸ ðŁĴĸ +har sh +er os +insom nia +ban kers +ta emin +mis conduct +hu mber +gi di +edu ardo +con a +musc ular +consu ming +ra sh +don nie +di pped +col lie +samu el +melt down +ðŁĺįðŁĺį ðŁĺį +me z +exam ining +schwar tz +pri stine +ðŁIJ Ŀ +ve it +ful filling +an esthe +gue sses +dra ft +som me +soli d +pati onal +ho ped +evolu tionary +all er +enter tained +sli ps +lud wig +conclu des +sen sible +bon net +cra ze +tra s +haz ards +const antine +ed ics +star trek +to c +occu pational +in cheon +deepikap adukone +pizz as +new comer +de part +oppre ssion +ebon y +foss ils +tro jan +el en +ste aks +k hou +positi oning +ug by +red cross +ak h +dol ce +us mnt +pp en +dil ig +ma vs +call er +cost ello +⼠Ħ +dy n +thing s +rhin os +a xi +sar kar +con vocation +att ers +ss ss +fun gus +eu gen +russ o +squ at +w sb +eli on +william sburg +s off +defici ency +be arer +o kin +key stone +t wain +cal ming +break able +wa res +horser acing +com bs +bun ting +u it +t land +ðŁĴĻðŁĴĻ ðŁĴĻ +ga stron +sab ot +ick ers +commissi oners +sen ate +ii ot +ath ena +nit rogen +an tony +ero tic +di alo +mis sou +hypo cr +âľ Ī +kaeper nick +can v +d roo +clevel and +o sh +mon sta +stefan o +^ ) +sh ul +po ison +ha e +commerci als +ma ul +nit ro +co worker +alo e +vap or +t ents +russi an +qu id +question able +mid get +po ker +girl friends +sin the +erit rea +ten ure +depos its +buc keyes +spot ter +theod ore +trin ity +joaqu in +u cci +follow the +caf c +mp a +ðŁIJ » +plo tting +dom ino +ta ek +sion ally +dicap rio +pa p +car mel +ig er +bt cc +beth le +www bigbaldhead +foo die +bagh dad +mason ry +off ended +à · +ภģ +sc ro +vers es +ori ent +ar ches +pi yu +know your +gre e +ta kers +gu ard +dish on +bucket list +bha fc +war dly +ðŁİīðŁİ Ĭ +leigh ton +pe w +stra y +assaul ted +in hal +ly fe +amar keting +l x +kat z +ubun tu +me o +carto onist +turno ver +mi z +dis like +mul len +mo f +bl and +hi des +emer ges +chori zo +truste e +ma hog +lan sing +paralym pic +fa int +fa una +ch al +sn ar +cat h +bent on +cast illo +sli ppery +apric ot +oec d +bar o +l z +he ming +clow ns +co workers +peru vian +commu ters +y ell +ðŁļ ´ +under ing +v j +tt p +fli pk +w ana +soc ent +Ĥâĸ Ĥâĸ +ठĤ +oo sa +jag ger +di sm +e less +d ham +cali f +a official +ec lip +harro gate +gra pp +com rade +n tr +concentr ate +thi ghs +bit coin +bel arus +ë ĵ +end uring +now watching +industri al +pi p +ar on +ar at + ® +whit by +oooo ooo +sa ree +tic als +mis leading +yo on +year s +sle igh +roman ian +sciss ors +vam pires +ac up +ab ba +th weeksary +cent ri +fl ye +u o +c bi +bu ena +sin d +mar ino +bur r +re building +ठ² +anniver saire +ac ca +ðŁĴĢ ðŁĴĢ +gett ing +tu lips +wolf pack +âľį ï¸ı +more than +ta kin +ð٤ĺ ðŁı» +u be +mon ic +dou bts +mo wer +co balt +don ne +specul ation +argu ably +kak u +htt ps +prosecu tion +din ah +stam atic +disclo sed +bever ly +fl wx +cra bs +extraordin aire +war mest +imper i +o logists +trac es +par c +lake side +am r +ter i +hour ly +domin ation +ar row +shrews bury +ance stry +wr angler +trigge red +pen sac +roo ster +survi ves +a on +bo ko +val or +love is +la g +pe y +fo cal +out laws +bl anc +artic ho +wit s +marsh all +die go +support small +u ca +sa h +je et +syn ago +gover ning +ðŁĴ ¬ +sal ads +cre ate +miri am +cen sored +ami de +no u +z eta +allegi ance +* ) +bl m +ric an +pa stors +oly mpus +blo c +whir l +star ry +pr one +y k +p ne +congratul ating +be v +so ber +love island +sa ir +an ing +tutor ials +q e +lun d +in ist +cle ver +taxpay er +ali z +wren ch +dd ling +cap ri +h pa +ðŁı» âĢįâĻĤï¸ı +na j +o j +futuri stic +jelly fish +ðŁĶ¥ðŁĶ¥ ðŁĶ¥ðŁĶ¥ +cel ery +plan k +fil a +ne me +un healthy +lec tions +ðŁ§ ¡ +rit chie +n ws +mi kha +wonder woman +âĢ İ +hip stamatic +ka g +ðŁĴľðŁĴľ ðŁĴľ +poul try +mo w +wor ds +lo ff +ðŁ¤£ ðŁ¤£ +relat able +re mixes +keny atta +ke m +re signed +fo d +stra igh +j lo +hu tch +box ers +colle en +mag s +instruc tional +ko l +attrac ts +pra g +account ant +go ggles +br u +th ole +mar row +leu ke +oc to +pon ds +bubb ly +he ist +ìĹ ij +im p +a har +ha unt +hall mark +psy ch +kkkk kkkk +col umb +jump suit +cost co +si delines +ag gies +over turned +ni b +key chain +fu k +f af +mi am +assist ants +cy cled +ri der +dam mit +red wings +mag es +kin s +ì Ĥ +ho d +son t +carol ine +" ' +cu le +bra id +fel ony +ar ities +ruther ford +depic tion +isab elle +ro ach +k day +fifth harmony +em y +li gam +bari sta +albu querque +gro ss +ðŁį º +oo ks +ðŁij ¼ +dun can +try in +jag s +g ould +li tho +âģ £ +а Ð +sam my +tun g +cas ser +apo lo +aaaa a +man g +as ics +sh en +p ye +tur bul +ss p +saint sfc +on lin +n anny +he ster +do z +à¸ Ķ +th read +ren ts +kh and +ðŁĴª ðŁı½ +un conditional +rob son +car re +ph on +sacrific ed + £ +auto s +par ker +oc a +log in +kee gan +hard cover +dough nuts +ðŁĮ İ +spit fire +refresh ments +saskat oon +commod ore +j f +rub ber +halam adrid +child care +stra da +io m +ri k +dak ar +ther mom +cro pped +gar u +ali k +ven i +i ft +si ka +ritu als +z ul +e ch + © +su dan +l land +i me +do cker +ì ¤ +fe ared +fa o +wal ter +no g +mutu als +l h +ali gn +mon ia +concep tart +ðŁĻı ðŁı¼ +sco e +compet ence +sw ine +ly me +laun ch +green er +abstract art +inqu is +gran ada +ga elic +flu ff +d backs +grave yard +ba be +acade mic +adventur ous +joh ann +~ ! +bi bi +| # +pl ings +gett y +as b +âĿ¤ï¸ı @ +staf f +religi ons +bang or +world bookday +me gh +de vin +ash ore +meri dian +gi thub +qui z +all stars +be stest +ir resi +ack er +do te +war rington +pol ly +newor leans +cr ou +wi gs +che y +smithson ian +la sag +de tour +bor is +stra ps +mari ah +inten tionally +ko h +ðŁį ¸ +ssi an +mar issa +cor al +episcop al +casu alty +tom o +supply chain +sam p +on go +ro o +cavi ar +p fw +clau dio +buff alo +s ations +mat ty +snap back +l ds +al arms +mat te +âĺ Ķï¸ı +conditi oner +d ors +he x +fi zz +a stri +sus sex +secur ity +qa eda +all star +cocac ola +as one +cl icks +sc ans +mu te +he avier +ðŁİ § +âĺ ŀ +lv l +book boost +youtu be +fla shes +f jor +c su +explo de +do dge +cair n +gonz ales +th ill +pel le +hart ley +renew able +re tin +e stre +costar ica +shipy ard +nc fc +pri ya +a ghan +an ath +plu gin +co rey +re bound +or u +kat rin +hor mone +gi m +mahin dra +s sus +park land +har per +fanta stic +infer no +ep ilo +wrest ling +fe ct +c it +ac oun +to ssed +monu mental +char tered +bu st +pe tra +âĮ ļ +wildflower hour +sweat ers +* . +bl er +ate ch +go wan +demo graphic +bra l +suici de +renov ations +vu el +sin ister +ar mani +miso gy +ph arrell +nap s +un iting +crusad ers +cor gi +insu red +than i +no or +g q +d ada +bicy cles +snu ggle +sch an +ten berg +ss al +fe mme +bo il +½ ï¸ı +re ap +occur ring +hus sein +divi d +sto ke +sh alom +na ia +o lic +frustr ating +Ù ĩ +ig s +gro ver +scen arios +n ds +bru tality +med alli +bu on +sas s +skate boarding +ony x +lor ry +ny u +gau tam +mm ings +gu g +end i +lo thian +comm ando +chal k +ph ora +asse ssing +ti gh +crun chy +ad ay +is l +ci ara +pilgri ms +kam al +p to +brit anni +t ani +sm c +l ure +app store +ab y +golf ing +cl c +fa u +an as +shu tting +regul ated +carn age +scow boys +all enge +c ma +humbold t +rel le +ku mb +her i +refin ery +sound check +d wayne +bos nia +i sp +the alth +anni v +relev ance +my a +bag gage +dre ad +s bc +th ed +bu h +hi jab +lo id +ke w +c te +respec t +lovel ies +cu bes +celebr ate +dir t +sav ers +_ , +gar ment +pulit zer +mas jid +beat port +al arts +encry ption +s ner +ple ads +found ry +sym metry +ru mi +birth place +scallo ps +supp le +pivo tal +t ati +no de +so d +pro xim +tr ics +col dest +bren t +mand u +cla ir +e ach +and alu +hi ddleston +ðŁIJ º +mel ts +v ance +pin n +se ments +scre ened +sa chs +o bl +ic ha +âĺĺ ï¸ı +school ers +heal ed +lo gged +ð٤ĺ ðŁı¼ +ic us +bore dom +b ish +b ffs +tal king +sure sh +hoo kem +de on +de fl +ei leen +ðŁį ķ +women intech +ri sotto +rang er +adverti se +ภģภ+tel ly +la go +dart moor +d ong +sk ates +lo go +un ner +mail box +ma sala +lo oooo +amethy st +che wing +c bb +australi ans +rc mp +game art +# ... +kor n +extre mism +fruit ful +anci ent +pu bg +pol ite +wh it +mur als +m gr +line man +dav ao +ste ms +ten nis +av age +tu pac +gigan tic +hs bc +auto biography +up the +ี à¹Ī +re gal +fig uring +ku l +mis sy +hoo p +gra s +for ums +back lash +abduc ted +p nw +min ic +bu tt +bott oms +at on +ven g +ðŁĮ ı +del aney +prab hu +fan club +over haul +health ye +sy no +aa f +ren amed +kim i +un cle +man city +se u +qu anti +este em +um in +en zo +mel vin +under go +j har +far ah +coast ers +humph rey +mh z +children s +^ . +d hi +disrup tive +integr ating +r nb +over sized +a ide +ne au +docu mentation +ðŁijĢ ðŁijĢ +pal o +hear th +ri yad +pun ctu +abc news +secu res +boy band +bir ch +ju co +tra ff +legislat ors +bay a +ãĤ ¯ +no ises +collec ts +s warm +k ner +bi shops +stur geon +snapp ing +mo l +fre aky +chair person +tro p +lyn ch +car cin +art sy +e sto +cha i +fl ur +inv ali +sau sages +im el +j or +fun fact +wit ter +puni shed +ac ons +h ya +re versi +em c +dif fu +z x +sp aw +cla d +d mit +hol land +fre sco +pay roll +ab undant +stu ffing +mor o +c ny +boy cott +wend y +ele ven +pro voc +pil ot +tr x +be ad +climate action +ri on +assi e +ì ĸ +o sm +islam ic +ho ar +good reads +al ici +afterno ons +spoke sman +jo lie +it as +masc ara +âĻ© âĻ« +pre vail +beetro ot +lu jah +k li +dod ger + » +ru le +l n +scre am +ho bart +col bert +r tc +er m +pat ro +quo ting +s live +que st +non fiction +semin ary +prosecu tors +ve st +express way +g ge +nau tical +et f +ðŁİīðŁİ Ĭ +dur ation +cha ired +the film +fab io +she h +can o +ðŁĴª ðŁı» +with draw +! :) +cor pus +phen om +yel p +la wn +ent om +snapp er +but te +pin ball +pro xy +libr e +alle vi +n ada +gabri el +fo wl +eure ka +daph ne +tu nes +pun ched +wh ore +jo g +ren tial +man ners +o pe +wh ufc +gu th +revol t +sne aker +philharmon ic +ho ste +sovereign ty +ðŁĻıðŁĻı ðŁĻı +fish ing +sci art +fe ta +i pp +dump ing +kel own +gir i +dig its +sal u +san jay +twee ters +sp as +col chester +sc ab +ma dd +๠Ħภ+Ä ĩ +ged don +march for +do p +maure en +un plugged +di do +fashion blogger +up a +mex ic +tar y +pol ye +jame son +v t +grin der +mad dy +consult ancy +¬ ë +leagueof legends +ac cents +um ni +jane iro +tu ss +h ens +ampli fier +to shi +pret tier +pre vents +new town +red wood +vant age +ball ard +ar tof +a she +a sion +lac ey +ap at +gro ve +ภĦ +rw and +real tors +tra itor +bed ding +ö r +zi on +fla shing +cam pan +boom er +secretari at +ab ol +liti gation +cont amination +se dly +shred ded +in for +do herty +bench mark +ro che +skate board +sho vel +i zz +to pper +o ster +laby rin +autu m +k ong +hum mus +vi z +tech news +kla us +am using +socialmedi amarketing +i des +cast ell +ste e +underestim ate +cal ab +pa ign +b illing +unanim ously +g mb +fly fishing +hath away +commerci al +colour ing +skul ls +pivo t +te p +tb c +motor way +x press +construc tive +pu k +under lying +kir sten +mani ac +cha o +se ma +chiff on +ðŁijĮ ðŁı» +ver ona +kom o +stan doff +wi ped +c ated +bla ir +wor kin +m sc +bethle hem +swi pe +unexpe c +pe es +pe tri +orig ami +ðŁij ħ +mex ico +flav or +ru dd +cannab is +mar u +ri ddle +wor shi +sil on +sch at +ap se +tang er +bi ous +e er +questi oned +o zar +dan k +angle sey +char an +bak u +compe ten +re pri +bat ter +sa xon +cal ves +leng ths +$ $$ +âŀ ¡ï¸ı +immer sion +ga unt +car ry +cy to +b anda +shu tt +experi ence +el gin +mous se +ta z +ê µ +in correct +en z +b ham +mor on +so ver +ar un +ti pped +la ble +de arly +bau tista +í Ļ +mor tal +woo p +dt la +sho cks +dav os +ðŁĵ Ŀ +swim wear +her man +ðŁijĩ ðŁijĩ +z ir +neglec ted +grac ed +campu ses +av s +ar ora +swach hb +live pd +ac cra +enqui ries +shoo ters +kur t +vancou ver +brad ley +gar da +g ü +ol la +attrac ting +up ton +ne win +lu mia +furn ace +ev ers +e on +sw a +roo kies +a oc +v ss +bris ket +tor ch +yo da +heart land +tac o +ph ony +food bank +ab bey +bab ylon +u y +gre ate +expre sses +d andy +sc apes +survi vor +ron d +e ci +ha vin +ab el +chil dish +tor que +wav y +ur self +kanye west +year of +ale stine +o brien +al fon +sk ag +kore an +anchor age +val eri +de w +ðŁİ ¨ +land slide +car ole +christ en +go phers +af i +priyan ka +q q +power of +it te +pc so +tw ol +pr y +intellec tu +guer rero +pi les +wish list +w ren +time table +ë ı +prodi gy +gibb ons +. / +ne ur +anz ac +mur ray +vie st +pla ster +la ir +art gallery +inter continental +g br +bell ator +nam joon +mam mals +am el +y aw +saras ota +cam ar +bud ding +sum mari +aco sta +la sh +ey ou +post graduate +instruc tors +ti g +const ant +were wolf +ic os +cla s +glen n +bud ge +ðŁĻ Ĥ +er ta +sta ins +persecu tion +cumb ri +o ch +syner gy +hu ang +scand in +mid terms +comment ator +regar ded +perpe tual +bo iling +al p +lan ge +sch le +fac eli +twee ta +ri dden +ok toberfest +charlotte sville +ik lan +jo u +ch atham +b sc +ðŁį ¦ +stra uss +mel low +xx xx +happy hour +re actor +ww er +distr action +at orial +ðŁĴª ðŁı¼ +twin peaks +fay ette +a or +ko k +bro om +sy fy +ou se +am ag +Ø · +ubis oft +lu lu +hall mark +stu art +it ya +si deline +venge ance +re lu +sex ism +boun cing +un ites +gu stav +te ssa +stu mp +pro clamation +ima x +divid end +col by +ðŁį İ +play wright +un safe +co smo +ðŁĩ²ðŁĩ ½ +cup board +constitu ents +ang lia +ram page +ðŁĺįðŁĺį ðŁĺįðŁĺįðŁĺį +than ked +take aways +shro ff +de bat +kh ur +conduc ts +format s +à © +port age +graph ers +u ten +pre m +mo ines +condem ns +s ous +l ps +f cs +deal ership +leuke mia +bure au +ski d +guardi ola +ca ster +thir d +avoi ded +en cyclo +c sr +vi xx +analy zing +she ar +dulu th +shap iro +chan ting +stre sses +as be +mil itia +ãĥ ª +col lin +arsen e +sure sh +teach ings +yi xing +sh ill +nu des +sv u +clear water +war ped +pro life +artist son +it u +versail les +galax y +ax el +spring st +cal a +hu hu +sc u +commit ments +exe ter +poign ant +mo tion +conserv atory +row dy +rec alled +mu sk +emb elli +so the +âĺ Ģ +sto pper +sch ild +to pe +el mo +zi el +j om +barn sley +snow den +on tour +jour ney +hills borough +par ole +w ts +mo ving +ag ility +tiv o +ff ers +kindle unlimited +g wen +ann an +ah mad +tex tured +hepat itis +dra m +insi ders +tis sues +ãĥ Ħ +fc barcelona +cr atic +na acp +pe can +f gm +custom ize +concer t +g sm +pe g +p one +justin trudeau +super cars +happy holidays +bu lar +ado x +lap tops +digital health +destin ation +gradu ally +áĥ ¦ +popp y +ss l +inhi bit +star light +of fro +glo omy +x per +hal der +im plants +le to +hass el +a as +un told +en ci +liber ia +or an +con tests +il ah +sma g +sc out +mari anne +cr yo +schedu ling +lo s +kan e +stutt gart +ne se +law rence +da in +pho tom +car ou +ภ£ +g wy +national dogday +roa sting +band camp +kentu cky +stret ches +ke rel +ca she +ãĤ ¸ +sta x +tran si +dog gie +at ric +hal le +ci vic +brow ning +lein ster +cat day +high land +joy ous +in cumb +or lando +ro mo +col ton +del ta +car ab +ro tc +aster oid +goose bumps +mo logy +yo ko +an ds +tomor rows +red carpet +sm p +ca sio +ðŁ¤£ðŁ¤£ ðŁ¤£ +se au +rejec tion +rot ating +bi partisan +th un +mat i +bon i +ol l +ener gye +do it +l j +mother hood +lou ise +neck laces +el ite +ni x +l cs +en v +gl u +le sh +cran k +su sie +m clau +so tu +crow ley +rat ri +use d +bre ton +alfre do +ye o +travel pics +ti pp +elli son +sax ophone +me red +heu ghan +ta ine +f es +vi ro +suppo sedly +i as +dige stive +y le +li zzy +wildlife photography +bri anna +west field +ra ined +am her +ðŁĺĦ ðŁĺĦ +distribu te +bott om +pre serving +oil and +craf ty +de scen +col ling +shakespeare sunday +r wc +ang led +ci an +t ations +mon tage +me yers +france sca +ðŁĮ · +wi ggins +san ford +volunte er +car ra +bar k +vari ed +pl in +am u +kap il +rock ers +qu ind +br ane +in mate +ent al +impro vis +michi gan +re tweeting +progre ssing +mercedes benz +smo ker +physi ology +dor ado +watt pad +h wa +sr bachchan +w ga +vol atility +hi re +ac ap +wn ba +hein z +stit ches +kidnapp ing +bur ys +lim b +f itters +thumb nail +ton e +mir and +desi rable +ad dison +tar an +tamil nadu +spec tator +soci ology +amit shah +remo tely +âĻ ¦ +ham id +r ds +g lee +smooth ly +sch ro +er c +lali ga +he als +us f +ni shi +d hu +un il +h le +tro mb +bhu tan +pilip inas +se ung +whit man +te y +min ce +snow boarding +re au +k ker +av o +zach ary +ran veer +ti k +gover n +qu al +beck y +anthropo logy +att en +grocer ies +de bit +war p +sil icon +hawa ii +ðŁĴ ħ +pomegran ate +pe er +orang es +people schoice +end ure +ðŁĴĽ ðŁĴĽ +ãĤ¹ ãĥ +ac ial +a haha +stu k +imper ial +bl ond +pow der +kno ts +vin ce +wood lands +den a +watch in +mat cha +ma hat +galax ies +middles brough +k ö +stre e +resc ues +wal do +lero y +desp ic +real ities +tm nt +ha q +un o +pe c +bolly wood +blin ds +design thinking +he ms +and hra +ab sen +fan s +ste ch +shire hour +bla ine +shak ti +pu rely +ðŁı ı +tra fal +ke ynes +gr ate +to bias +spon taneous +satur ated +caval ry +pri sc +ðŁĺ ij +wh t +pas si +~~ ~ +vir at +patt inson +la o +weir do +sym pathy +ju da +occa sionally +cred ited +stat u +es co +hil ly +esc ape +dischar ge +se er +may nard +sud bury +z lat +or al +we er +encoun tered +sm elling +over sight +ê ¸ +that cher +mack ay +you can +fre ep +freed oms +prophe cy +ho e +ishq ba +dra ke +qu its +pel led +tur k +o vi +wesle yan +new music +leg g +ch eng +h illi +ay y +pan ties +ad versity +ad jac +vaccin ation +ju ke +ga c +exce ed +time sof +sta ining +ep cot +v ital +up ward +bethe sda +apar k +ma hi +camp fire +enchan ting +rha pso +h z +na ver +fa x +vali dation +ac ad +ny r +as ym +coordin ated +depar ted +all ery +var ies +spr ite +chap lin +ss occer +s wat +bre t +relu ct +tunes app +super star +reminis cing +o co +home grown +dough nut +un canny +la pd +thyro id +! âĿ¤ï¸ı +botan ic +bre s +sp ade +i ste +echo es +du lil +bur sting +qui ero +ðŁij İ +loy ola +amuse ment +ha ils +sleep y +burgl ary +âľ ı +ro gue +cot land +mo ors +low er +wic ked +ðŁĶ Ĭ +compet iti +argent ine +yvon ne +karti keyan +ili ary +gat sby +precin ct +six ty +na ji +cam s +practiti oner +ðŁĺ³ ðŁĺ³ +pu ne +neg li +juli en +inv aded +cali br +cla m +duba i +mu k +lan tic +produc t +fe dex +ï¸ı : +eu ra +dari us +s ling +virtual reality +home stead +ðŁı³ï¸ıâĢį ðŁĮĪ +pac ed +in ha +pul mon +la zy +premi ering +ma stered +in he +con gregation +ba jo +sport ing +new jersey +hor ny +lma oo +leng thy +du t +yo gh +swe aring +philosoph ical +pap ua +in ski +know les +dy ke +âĢ ² +to ken +mc guire +ri ot +probab ility +mc con +gro s +su mat +c ite +da a +on da +mad dow +che w +board games +spar ked +re claimed +ad hd +ny se +imwith her +equ inox +boo ths +balsam ic +ha zy +dor chester +ag os +se aw +moder ator +seri ea +ander sen +pilgri m +âŃIJ âŃIJ +itch en +hal li +x ton +nathan iel +mun ition +celesti al +ga f +zo om +mark le +pen thouse +cal e +s fa +bar king +tu cket +em ery +cal orie +li que +ad ar +mc nam +tor tilla +wood pecker +mo town +bad ger +ayr shire +scram ble +dd ay +cra ziest +per rie +cho co +cast e +i ot +wre cked +selec ting +uss r +gra ft +pun t +lab ou +ir st +ba ek +Û Į +su ki +que u +ach at +te ster +aug mented +wc vb +sin ks +ðŁĵ » +ra ke +inter ne +be cause +belle vue +une arth +light en +ðŁĺ £ +turn around +labe led +unemp loyed +twitter kurds +le ia +h ye +great er +ðŁIJ İ +tim ed +i red +e tt +limit ations +cab e +s out +bee ch +anni hil +re trac +yo ona +ang er +den nis +supp lying +di z +" ( +sc ur +gun man +su ho +sauvi gnon +ภ¥ +wi ley +land on +choreo graphy +pre historic +ðŁı ĥ +var gas +assess ments +pinn acle +di i +chamber lain +ì Ī +v p +present ers +deut sche +sun shine +sal utes +r one +bu siest +- .- +motor ists +hemi sphere +al wx +ps p +ow a +den ying +cho c +gu tier +han uk +mus kete +jait ley +se wage +t ame +thin kers +shi m +se quo +pap ar +middle east +k wa +ke g +patag onia +no y +bar ça +take off +he a +à ¬ +n sc +g dc +ðŁij Ī +mou stache +mel ania +thr a +â¬Ĩ ï¸ı +pier ced +ze us +fon ts +ber a +it iner +q atar +contr ary +ire land +i fy +ou los +commun al +fin s +un paid +pa a +ðŁijĩ ðŁı» +ri os +ou p +f iller +cafe teria +à¸ Ń +kas i +cali ber +z ulu +v sco +ts ford +dragon fly +smo kin +pi st +psycho logist +diplom at +we bs +buc cane +à® ¾ +motiv ational +du ne +ba e +c fs +with out +er on +i ac +ate e +pen sion +fra zier +en sis +sk is +par ting +ger y +territ ories +nach os +eni ght +ever lasting +msd honi +tel e +sp un +po di +sab ah +environ mentally +ce ase +beau mont +mar ta +kel vin +ho ff +sun il +n da +co b +sh ale +ree dus +un boxing +u bio +re opened +n all +capsu les +mar r +himalay as +swee ter +ja z +f mr +twee ter +dha ka +na u +de mi +d fs +ta urus +fad ing +it utes +ci p +over flow +jef frey +don ny +car tunesapp +ðŁį ij +prefe cture +danc ed +c pt +ple asing +ital k +earth quakes +ul ation +hi o +ãĢ ĭ +ant an +nutri ent +de ere +selec ts +enrich ment +r iti +tram pol +bl amed +j ia +contribu tors +chesa peake +pi geons +tribun al +mad uro +w su +ilo ve +effici ently +dar cy +war ms +ar ra +ec u +ho wer +strugg led +rajini kanth +ðŁĺ¢ ðŁĺ¢ +hou sing +str at +eli x +disp ro +raf fic +thi erry +na sty +c fb +staf fing +al ma +back ers +hen son +sky walker +reale state +roo s +ness y +chan ce +cair ns +c ci +pe dal +ly ft +cross word +wait er +only in +kru ger +k ir +alej andro +car tier +car rera +re paired +ou at +un clear +un breakable +today in +qu eries +jo dy +gen ital +win ner +to l +kelown a +fascin ated +ãĥ ¬ +sris ri +squ ared +spr ung +negoti ate +priv ately +av en +>> >>> +g ical +gav in +chester field +zu mba +or r +nat alia +impeach ment +mn l +car at +criti que +credi ble +trac y +tan i +musi k +jig saw +gam bia +tol kien +fe u +as per +sav ory +fo xx +f itt +mar lon +l rt +v ell +p br +imprison ed +i om +chu l +wind shield +kay e +ba a +chor d +s art +al gon +minister ial +nat geo +la zio +nor ms +ðŁijį ðŁijį +lic king +fut bol +un sung +dalla scowboys +sh red +distur b +dev ine +be ards +ch f +b day +ro sso +ig or +ay i +si ren +k air +sti les +ro f +mag nets +un cover +mou se +bang ing +si ghted +spe ople +impac t +row land +kir a +environ ment +love the +p sis +mish ra +gl endale +ca jun +o che +de ception +sex ist +stra ws +s ga +buff er +apost le +sp l +pop up +ðŁļ Ĺ +r g +up er +ball in +i dy +occa sional +national park +ðŁı Ĭ +u an +innov ation +ภ« +te aparty +re tte +counter fe +b ha +rec s +ig en +ðŁĮ IJ +humming bird +cu r +ha ven +la zar +pue blo +: : +zi onist +op ath +inver ness +promo ter +carto on +cabine ts +mahog any +surve ying +r ational +feel ing +testi fy +so w +oc on +ภ¢ +ne el +mar is +sol itary +che mo +rad cliffe +sim ons +ros ary +new er +jo die +re tali +pra wn +pad dy +hen ge +k ala +im plant +at y +bren twood +par adox +ene z +re designed +p our +wy d +al de +௠ģ +sol d +biomed ical +๠Ĥ +tt tt +mat teo +ys er +new ton +de bun +ner dy +loo l +wo on +elisa beth +ec c +wh i +ach o +salv age +sal aries +qu ity +navig ating +oph thal +con soles +re built +o pec +ast ers +sho red +set list +kathr yn +rhy mes +re visiting +ash ish +li ft +re post +sole il +âı ± +weal th +sa at +we c +king james +flipk art +field work +se gu +mo dal +bu b +are rs +ðŁį Ĵ +clo oney +pad dington +necess ity +guth rie +pen te +li mo +jo sie +ar tin +en c +l hs +betra yal +info graphics +i er +mo a +hear ings +bon jour +sym bolic +ag ro +wed ges +krist ina +wild flower +athle tic +photograph y +pe sh +ca hill +chi lean +gou l +fi oren +ðŁij ¶ +z il +sk im +bad oo +deli a +tre ble +n cc +ðŁĩ¦ ðŁĩ +a house +bul lock +sol itude +ا٠Ĩ +can cers +futureof work +hu tch +water shed +war mongers +sp illed +colom bo +mo th +associ ations +weigh ed +global goals +not just +christ i +tor g +swe ating +man eu +clu sters +â̼ï¸ı â̼ï¸ı +ta ped +ul y +tru sting +yu suf +te in +ra b +, ,,, +sin ai +audi ble +explic it +cro wns +sch iz +at least +ðŁĹ £ +de bra +je suit +ene gger +z hen +one sie +i it +ss f +gur gaon +chak ra +bear cats +k ran +k awa +reque sting +han over +g end +sor os +mer cy +lovel y +do omed +tim my +ku z +ul l +ab ram +sa ison +ãĥ « +clean ers +re mo +circu its +bar red +o th +mo ist +madele ine +gall o +u j +per mits +hea viest +car ols +az te +gior gio +flo ats +decl aring +us rc +min at +craf ts +pri ma +conven i +nickelo deon +danc ing +ceremon ial +blo gg +tw p +anglic an +she k +k nick +( (( +hubb ard +harve y +hit man +fen g +we some +for za +s word +op us +bro m +gi bility +z al +m unch +dance hall +gre edy +hd mi +re birth +ðŁĺĭ ðŁĺĭ +s world +figur ine +com post +k f +engra ving +gior no +st ana +k man +ham ster +compos ers +aj e +func tionality +pol k +is ons +air planes +te se +hor rors +musc at +gi ven +sp ence +ðŁĩ¸ ðŁĩ +eli ot +ach illes +fre ck +crypto currencies +sou ther +hal o +bor neo +polit ic +hahahaha h +up state +si ena +obsc ure +hau sen +lloy d +happy friday +motor bike +bon a +americ as +hol s +- ( +spor ty +un aware +reven ues +christop her +bank sy +av an +ev apor +com press +eyel iner +to dos +buff y +renewable energy +ly rical +ar chan +rapi st +fair trade +lma ooo +beat z +pro active +la pse +ir ical +revers al +po de +mcin tyre +mac au +ãĥ ķãĤ +nash grier +f sa +g all +çĶ Ł +perpe tr +il ya +configur ation +% ; +str ange +rac i +ภĩ +pic kups +kov sky +mam mal +w ps +g able +compar ative +z h +save our +da vey +on etsy +mu ssels +mis er +cri stina +electr on +cra ve +lo ren +precipit ation +m z +ðŁį « +vin cen +snow board +no ida +ah n +marin ated +g tr +town hall +min is +bethe l +adv an +su ra +shi el +fur ry +ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ ðŁĺĤðŁĺĤ +lyn d +so il +sc ence +sen eca +shar jah +dick ens +credenti als +av ar +per k +requ iring +pre fer +j ian +de ca +r ach +ing for +del e +be ep +ðŁĴ » +cis ely +hu ddle +green sboro +haw king +ho ax +hang ar +ç ľ +mis o +lo vin +gre ta +ab ad +logi e +at an +snow flake +mahe sh +fear the +al kal +bobb lehead +ba hn +ju dged +fu tu +feli x +ðŁį ĵ +pi ke +der iv +notic es +au er +dis super +or da +wi pes +am ino +stri kers +foo tb +dram as +pun ching +score less +heming way +bi h +bal lad +chat ter +am mo +kle in +fabric ation +kari m +z end +hi sto +vol ta +rock y +marke ter +xtre me +sequ encing +paradig m +cle ats +boom ing +âģł âģł +block ade +promp ts +yogh urt +pur pose +nu r +regu late +nois y +ing rid +bird watching +bar tender +Ù ĥ +wor dof +cha otic +shor ty +el dest +z app +onceupon atime +fl yo +rit os +mike quind +ðŁIJ ´ +regi stering +. ] +ad ol +gg gg +pur ge +kid lit +ar bor +val ves +synago gue +o th +unanim ous +veri fication +dar rell +ãģ Ħ +vander bilt +tape stry +pro sper +did dy +dra fting +de cep +marqu is +st int +michael jackson +pee led +men us +bb b +sc are +ema il +wri gley +it is +f ell +some thin +bar ra +ed gar +di pping +pu ddle +sla de +lear ner +jal en +ðŁ§ IJ +the daily +mikequind azzi +ju x +iq bal +mckin ney +ra iser +ef an +dr one +cat o +pic ket +cro we +l att +uk o +giuse ppe +hin i +synthe si +ponti fex +song writing +to d +swit ches +din ners +h q +gabri elle +pensac ola +cir cle +expo ses +ev s +riyad h +pro men +o ck +sa j +cit ation +brew co +jo si +ep aper +dri f +point less +tang led +cri pp +line ups +fairi es +daz e +mour n +bla dder +sal z +bur undi +book mark +the people +sub sequ +princi pal +sk er +court ney +a oki +rac ers +ad m +mom a +critical role +hou n +shed ding +sa ka +ace ous +mck ay +hus bands + ½ +me da +accu sations +ro sel +nc is +witne ssing +or ama +go ds +hil ton +el man +ÃŃ n +meg ap +cra ven +announ cer +crit eri +sheffiel dissuper +milit ant +consu l +hoo ded +aby ss +b x +ma dam +lo cu +mary am +manic ure +grat is +ac tresses +ros ario +this dayin +king ly +gn ome +cel ine +r ous +he el +lil ac +vish al +ab h +thor ns +s ls +ne al +construc ting +be ren +s lang +ma ins +far ra +sar ko +pai ge +gu iller +l ala +ice berg +nou n +plann ers +u mmm +ou ses +ill ary +ma an +box ing +zi pper +srin agar +migu el +o str +mp o +responsi bly +lan terns +appli ance +x b +gren ade +neglec t +dy sle +ham mock +ne ctar +wit cher +r gv +di ence +ser bian +seed ed +cru z +bi sh +sp he +e q +sky rim +alge bra +phil ately +bungal ow +ge off +y ves +demand ed +consider ations +the vamp +pawan kalyan +co ded +grit ty +erup tion +se infeld +uni denti +ëĭ Ī +wor m +ac us +se ung +dun g +ro land +su d +di visions +ab lanc +shor test +j f +p oun +plant based +be to +tough er +mc o +don et +mark us +v fl +ðŁı ł +open ing +co ward +caber net +o xi +burle sque +sand ra +su mo +consi st +tho t +cay man +motor ola +gutier rez +d slr +y w +no bel +nov ice +moms demand +grun ge +sp or +d cc +pre sses +sli st +allot ment +voc ational +ft c +pu ja +lo ven +utt arak +tan dem +sh ep +come dians +anat om +cant wait +healthye ating +west side +mar gins +chi ang +asbe stos +stupi dity +proble matic +fit bit +: $ +ceil ings +shu a +protec tions +bio tic +beng ali +re sts +bien nale +tim o +cul min +e minent +affe ction +unbeliev ably +individu ally +canvas sing +wh itt +nov asco +chin son +h pe +go w +gloucester shire +pa o +thresh old +chev ron +s ine +we ther +pp ie +aqu ino +antwer p +âĸ ¬ +po on +inst af +equ ine +cinemato graphy +nbaf inals +vali ant +kil kenny +te rence +syste mic +sr l +p ound +made ira +pl ough +tre cht +mat ed +mp d +ransom ware +ph in +li qui +bb ce +boom er +i standwith +con ju +r te +nar a +foo lish +da shing +vier nes +br ite +da u +juni per +ai da +you now +ra zer +de i +repe ating +comfor ting +adjac ent +e to +ca sted +chat ur +mu er +syn th +san itary +mac le +independ ent +law ful +e erie +h or +ðŁĴ Ń +am rit +vel o +station ery +mu f +may may +contempl ating +elabor ate +gre gor +dri es +ac col +ภļ +schwarz enegger +ill nesses +day break +follow back +collu sion +electr onic +jo vi +hiro shima +ta w +hom ec +mic ah +qu itting +fro sting +ben fica +hel i +s ical +pic cad +corpor ate +ment orship +you are +sing er +shi va +ru ne +ing er +ri um +play able +doo p +wil low +ter re +ni p +at d +war bler +profession ally +er ase +proce ed +pedestri ans +mis chief +ben ding +alas kan +c kett +mo p +dd les +shut ter +ge ared +atene o +ma deline +g ations +o sha +der ick +sw ild +an gry +pat ents +hun k +decre ased +fr y +ðŁĴĸðŁĴĸ ðŁĴĸ +sal on +quant ities +d ario +ni gel +ku ma +jen n +happ ye +xx x +rex perience +pro s +au sch +rele ssly +ham burger +fuku shima +er ne +stat ec +ren d +may field +j one +lef ty +bern stein +sm il +gener ates +fore station +band its +ta yo +r ca +ac ci +rodri go +kn app +elo vers +vege tation +u ral +le ft +ħ ï¸ı +worl dre +sur i +embar k +w son +ba you +mu ller +mo vers +ðŁķ º +presby ter +l f +cre e +bat b +sal am +demonstr ations +an ec +n pc +it ics +to graphy +re inst +thur st +tal e +off ences +smart city +bro tha +ofthe year +in valuable +ear n +ðŁijı ðŁı½ +kre mlin +gra dy +town fc +guern sey +ma ha +contag ious +dre x +be en +( £ +nati vity +k tm +somer halder +comp ounds +íķ ĺ +" â̦ +af g +ott news +h ound +fire fly +cil an +donet sk +volunte ered +ak ira +è ª +sing ul +st h +dro wned +mand o +he ir +ðŁİīðŁİ Ī +tax is +y uki +vel d +k ans +el k +ran ts +hash tag +t eng +ro g +a at +gru b +e ber +in india +colo ssus +sig ni +so ever +mile stones +der o +differen tial +phu ket +master mind +an gh +mel ani +bro ker +actor vijay +stun ned +continu ity +af fl +vo cal +perenni al +fianc é +in complete +hun ts +re issue +domin ates +tur meric +ro am +ri on +bag ged +nas sau +fu t +x ox +national trust +jo ye +san o +hearth stone +dis respect +le es +h se +siber ian +offe e +re stock +wolf gang +re gan +plan o +un wind +re par +mil le +] , +skul l +fat ally +concep tual +ðŁĮ ² +f é +ber to +b ms +u a +mag na +notre dame +le te +la undering +heartw arming +buffe tt +go at +pe abo +wind mill +v ac +continu ally +az alea +mem brane +can cels +make yourown +athe red +p to +tor pe +ðŁĺ ł +ðŁĴ § +sc ares +le aking +z et +pix els +ac i +kh il +marath i +ðŁĻı ðŁı½ +u la +tam u +chandi garh +z agre +aa b +pronoun ced +aubre y +sand er +pun ta +har low +ic elan +celebr atory +so t +unci ation +stru ly +mc dowell +deepi ka +remin ders +my stical +ct c +chat ted +s ica +bar gains +ch hat +ru bin +m net +oiland gas +pel ican +o at +mor ality +k our +i h +nu clear +gc u +ric her +vene zia +m ma +le ith +ac company +rich mond +sports net +ba ahu +smu ggling +mm i +ðŁĩ®ðŁĩ ª +twi sts +sahi b +.... . +amb itions +il lo +histor ical +fo rec +show biz +pon ies +chas ers +remo del +will ing +prince sses +am ple +cushi ons +ac les +lot r +da ch +an the +in corporate +new bury +ki ri +fried rich +ab v +ball ers +alber t +ðŁij Ń +let i +nan op +ci de +anal o +n sf +)) )) +griffi ths +valen ci +ro ano +fun run +babys itting +ca day +ent re +u ck +slu g +tic al +the sims +ro ar +car ney +g am +sto we +fi d +bun ny +sham rock +pe cu +mol ina +go cougs +con tributes +transform ation +mo y +v aj +sever y +antioxid ants +thir teen +sight seeing +l j +reversi ble +odd ly +hoo kah +nou vel +hal al +fe i +stab les +mul t +ho pped +bra ids +inter change +ghana ian +ww ww +eth no +con junction +ago v +ye ti +earth and +ts p +con serve +heir loom +metaph or +woo f +tor io +self less +n wa +em ilia +yl ene +y xe +gi ar +moder ating +pro bz +b fi +ne er +du mmy +hanuk kah +we bber +k v +eye brow +dag ger +su mp +ra ges +ork ney +tb o +hal sey +assign ments +tr onic +scri b +co on +an war +# âĢİ +jal ape +flori da +qu aid +haw keyes +âĻ¡ âĻ¡ +street car +ro g +dat lantic +gran ola +un changed +expect ation +Ù ĩ +mar lin +gu mmy +ðŁĻı ðŁı¾ +awareness month +oil painting +mu th +per ch +jun to +villa gers +mor g +che ated +web comic +the future +d ps +la kings +men tioning +vo or +ident ities +accor d +mc gu +l pga +rum our +massi vely +m pls +heal y +d ate +sp oli +re visited +on t +al and +scru tiny +lakel and +bl ending +< / +an kara +jami edor +metab olic +f ences +ann y +å ħ +semic on +oo tt +space ship +wack y +le ta +ap ac +she e +in herit +do res +ðŁĩ¨ðŁĩ ¦ +gent e +tw ick +ri ms +gal ve +de ville +king fisher +scorpi o +ow l +al ar +vari an +ðŁĹ ĵ +vene tian +star dust +then orth +q ing +har rington +consul ate +spectac le +ho bbs +tur ks +gre er +mat ing +ðŁİ Ģ +ðŁĮ Ģ +direc ts +í ĭ +pompe o +vo iced +la os +tz u +pro me +pri sm +mer c +fortun ately +bc fc +mcdon nell +not sorry +smi led +t ba +for war +mid term +dar by +we instein +up grading +wol ff +bron co +cab ello +ðŁ¥ ĩ +fi able +shar pe +bat tered +sat o +myth ical +instap ic +pre pped +eni um +e spo +di aper +explan ations +who pping +ragn ar +pe el +antibio tic +l acks +harri son +li sm +au l +qu ail +martin a +sent encing +sc ams +di di +tr onics +ãħł ãħł +go ff +za in +param ore +cha ined +clin ton +li ff +cott ages +em on +reve rend +consu mer +ce an +t any +lum pur +e bay +sto ol +ðŁĺ» ðŁĺ» +ta pro +h ath +modern art +just ine +prover b +app y +tra x +mani fest +am bu +nai k +pe pp +r sd +mer chants +kitch ener +shi fted +li zz +âĺħâĺħ âĺħâĺħ +âĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶ +uto pia +tom o +ou ted +com ers +chiroprac tic +book club +cin dy +pro hibition +se uss +ë¯ ¼ +thin kin +rr rr +go fund +t ack +om b +catastro phic +ling u +guild ford +bo td +ॠĭ +plan ter +^ ^ +win k +kath mandu +sto ppers +smooth ies +re efs +hin d +bell amy +Ħ ë +waste water +vo or +nat l +! ] +re el +y ap +scoo by +work space +corin thians +bl un +obli gation +g bbo +dy son +cra vings +ell ington +dap l +wre xham +earthand clouds +uk runchat +positi oned +kal b +four square +jo ck +im pending +even ing +ath y +pro claimed +c ites +ann apolis +san i +mar th +ir l +accom mo +ka a +fin a +y aa +di sper +ec ar +bha k +will y +ðŁĺĢ ðŁĺĢ +mcder mott +mo j +gener ational +u said +train ing +lon ely +lo res +impe cc +âĢ IJ +beav ers +ma ki +he b +aap l +å ı +wolver hampton +leader board +me u +c fa +easter n +hu r +civil war +ou rage +hor ned +le high +awar ds +evi dent +gi gab +r ous +ma del +ro byn +ur gently +k ors +en as +heis man +bam bam +fab ian +f om +evalu ating +assemb ly +out sourcing +hun tsville +ðŁĶ ª +justi fied +cashi er +sp aper +buc keye +analy tical +illumin ati +au tho +o j +sha de +geel ong +wh ey +he aton +terri bly +ele k +un charted +sd live +moto cross +her mes +dar shan +dar lington +cash mere +gri pping +cilan tro +pun ish +... : +ðŁĴ Ħ +inst ance +der i +lo bal +muk her +sp ar +thin ker +fre mont +com piled +color ado +vig ne +sm d +whe ad +villa ge +le ek +formula e +ta res +persist ence +?? ???? +ped ago +he z +alzheim ers +vul ture +off ence +is great +suff ra +kick in +h mmmm +broad way +ï¸ı @ +art i +alli son +endor ses +ry u +lolli pop +soy bean +kend all +cer a +inv ade +( ðŁĵ·: +conver ter +car pets +ho bo +fr it +pe ac +es qu +ern an +ou f +an il +di ffer +ch ing +bre cht +sp g +daven port +stra va +sever n +n gos +stor ians +fe te +parame dic +j hb +al amo +sne aking +gold coast +roof s +isi l +depic ted +projec tions +nu mb +o ss +ep i +glu cose +zid ane +infin iti +íĺ Ħ +ran som +ton ics +fal k +g ler +ou tw +re ss +week ly +the on +n ole +ðŁĩªðŁĩ º +vol ley +sum mar +neg ativity +sam son +ye w +aus votes +ju l +ju dy +f art +pra yed +pal ate +multicul tural +double header +cycl ones +pier re +ãģ ¨ +âĺ łï¸ı +rt w +conver ting +wir ral +l ari +ir relevant +austin mahone +an che +ya an +sd f +$ . +explo ding +ulti mate +prof ici +gofund me +cell ence +ep stein +bul lied +sep tic +à® ¤ +lu mber +cu ff +vsco cam +pl or +ภ¥ +se ok +ro to +venezu elan +sor ta +spir ited +daniel padilla +team sisd +radio active +icelan dic +ðŁĴ ¤ +ver e +accommo date +shi pp +ot ter +ol ina +e go +su la +san antonio +de as +simil arities +âļ ¾ +y om +bro ward +å ° +can cun +veri fy +on te +candle light +ìł ķ +inf ants +az am +ðŁĺ ° +le ven +un stable +bloom ington +x ford +con tour +y p +innov ator +histor ies +po y +lolo lol +ex pires +cat alo +bill boards +an ab +el ic +novasco tia +fa ire +ìĿ ´ +rock well +gr ille +az tec +joh or +ur struly +fi ren +dun lop +id le +port man +jo es +tx hsfb +hol m +cham ele +under world +lo ss +ti em +therap ists +past ure +pa ste +ing now +vul can +ra gon +lar kin +o shi +ho co +child hood +umb rel +success or +kath y +iz en +° ï¸ı +share holders +ol ga +ai b +he ap +fl aming +ro u +air tel +rat t +z ane +vo w +thor ough +sn ag +par th +un conscious +ve y +new release +gh ee +croati an +facilit ating +swan son +astor ia +to logy +master y +ðŁ¤ ij +bil bao +trou pe +the ori +chey enne +ro tt +shore line +gra sso +master chef ++ ) +vi x +ellen show +as g +an ak +ku ya +safar ilive +debu ting +blu m +list ener +v ins +book shelf +smart cities +makeyourown lane +; ; +ðŁIJ ¯ +ri zz +on ward +bull dog +bear ish +vir uses +fri gh +lin den +we iser +sn t +gon a +dre sden +fl anders +cu k +wheel ing +ba u +atu esday +surf ers +swi ft +mc call +arbitr ation +aw d +mon c +b ine +at x +re fr +mi ro +po sey +n are +rit ter +âģ ¦ +play book +blow out +sports manship +s oooooo +malay alam +gri ms +bur bank +infin ity +sar gent +oit nb +joseph ine +ski pping +par kin +excur sion +semin ars +jo har +par tridge +post game +ll ll +blan che +temp ting +m na +lu ka +is ers +to ffee +bar ron +he mmings +sa e +go hawks +cu pid +li mbs +con se +un common +z ada +head shot +so ils +pione er +mam ma +sem itic +pan dey +jamiedor nan +spl its +vel a +son i +ra ff +t mobile +âŀ ĸ +pra wns +lit er +enjo yment +egg plant +tu b +cultur al +us ic +suspici on +sy cam +summ ed +ma du +ho ck +up wards +eye ing +ri ve +assas sins +âĤ ¬ +out fy +chi ves +t ner +la is +por ridge +sad dest +w cc +vick i +sna ils +biz italk +mill an +ðŁĮ į +sam oa +j ing +mi key +gu j +chel ms +eli gibility +arma da +thro p +surger ies +ãĤ ¿ +mo hawk +ex its +me m +is lington +c me +land fill +kait lyn +ðŁİ ¼ +combin ations +tomorrow land +ver b +cor a +pre cisely +na om +ðŁĨ ķ +shr ink +sof tly +merce de +mand el +poo dle +ball erina +sop h +jux ta +y at +ary an +hesit ate +lo wered +gu lar +dungeon sand +ron an +my ri +sp f +men opau +gra sp +pa thi +fe asi +fla w +shi story +ste ward +gg le +fay re +cli que +credi bility +yo g +sec tion +mu sko +se ville +no tt +cal m +mate o +indic ted +fi ba +by l +lin o +u kin +!! # +enig ma +siri us +bu sc +ðŁį Ĭ +mac kerel +psal ms +a at +tomorrow spaper +ðŁĺ ĸ +p fc +........ ... +shre k +mul let +o sh +danger ously +immen sely +am ur +ðŁį Ĥ +pro por +sy a +london marathon +abo ve +obli gatory +pro v +ra cha +alex is +pri mary +sh h +ether net +d stv +cou gar +un lucky +ni l +steak house +mel a +fc bayern +cause way +ca therine +fluore scent +nx t +to kyo +au sp +releg ation +qui zz +shored itch +proud tobe +promo s +inter acting +home brew +da esh +w pg +stead ily +provin ces +bal lots +i ah +al to +< << +you u +ri ley +prefe rence +tra verse +incen se +am munition +ho dges +# @ +hail state +tart an +witch craft +vent ilation +liber tarian +! â̦ +ow es +% ! +ong chang +bru shing +le ic +fi ber +under attack +down load +ex pir +hy o +pompe y +mc bride +y ag +stre e +com bat +ten ding +ai ra +gug gen +ab ra +in na +fli ps +aw al +m ach +dol lar +inspir ations +z um +o du +it ty +video game +aqu aman +har u +bel fast +je b +but ch +us gs +calcu lus +go yal +mor gen +x finity +stand up +contrac ep +sab re +na be +in secure +gener ously +epit ome +l w +t ca +narr atives +don nell +pand as +ber gh +tu t +ker al +fel icity +br ampton +quinte t +nom ore +ðŁĶ ij +lo i +alham dulil +ðŁĶ¥ ðŁĶĹ +ston er +shaw l +clin ical +bren dan +gon e +fla wed +tri ppy +j g +al location +po aching +ve vo +mo cks +lef tist +bon uses +condem ned +abil ity +st ating +microbi ome +bio logist +for you +wahl berg +ss or +ift ar +w ul +ÑĦ оÑĤ +pom er +me me +ver te +tre ll +tra it +in let +hormon es +deliber ately +vill ar +battle ship +p bl +tw enti +ho kies +dal ail +say a +may fair +han s +die ts +⾨ ⾨ +od in +hot spur +pap i +k ana +k amp +fin na +flo tus +ti ans +unic orns +tribe ca +chang ers +fore ground +out a +inv aders +gett ys +tomorrowspaper stoday +mac millan +hand written +w fp +u de +state of +base d +âĺģ ï¸ı +cas m +psy ched +histor ians +fol d +d da +ag grav +p ans +green way +au sv +ðŁĺ ¶ +shradd ha +inde x +be sti +zim mer +t ness +eye shadow +ot te +go ts +distribu ting +pro min +yo l +ace a +tram rahim +hoo per +supre me +jam min +intu itive +quali fications +sli m +sid di +jay ne +tri pping +g tx +pun s +e manuel +om g +mid summer +in to +succul ent +ri en +new mexico +o or +hoo king +in f +ðŁ¤ Ŀ +flir ting +na hi +g friend +t ps +hel ix +z s +on ie +ct f +kri s +irresi stible +fla p +ðŁijıðŁı» ðŁijıðŁı» +us wnt +ru d +ram ps +pin oy +ot w +lol z +low ering +favor ite +t mc +phra ses +her mi +aver aging +em br +ben o +estu ary +sle eve +ribb ons +ta sh +ภ¹ +x f +aw gs +sun ited +brew eries +anir ud +pun ches +ol die +ip ads +wi fey +land lords +d ji +gun ner +íķ ´ +tex an +ex op +cas sandra +s off +ðŁļ « +igh ton +bak ers +awareness week +v all +ear p +bts bbmas +apologi zes +âļĵ ï¸ı +was ps +states man +snat ch +watch dog +ra fi +after party +spi ke +j er +peri ph +r nc +mu ll +le en +shi es +li eu +urstruly mahesh +mer ton +de sai +shi f +ðŁĮ ± +pe dic +gos ling +arrang ing +ww g +gen y +you uu +netfli x +e ttes +k wi +bernar dino +am iga +Ø ¨ +kashmir i +t ings +emer itus +de cat +ab domin +dc i +pha ses +d jan +be am +op ry +i shed +the ellenshow +the st +habit ats +to ons +mclau ghlin +ri pper +micro biology +tal aga +clu eless +ss u +cro che +bro mance +longe vity +zagre b +prev ented +tra ve +spo ilt +darry l +migra ine +al cat +dd dd +vi v +ser pent +mat tel +jam a +con quest +î Ħ +sam sung +presbyter ian +ket ch +fire fox +mo tif +le c +cho pping +cher no +j ann +ðŁIJ ° +pro lon +wake up +conver gence +mersey side +heart broken +lo oming +hal lucin +mai ze +commun ism +mo h +twitter storians +serge y +res eller +favor able +ed gy +re iter +mal aga +live me +ka hn +pul sion +big g +kim kardashian +ati o +tyr anny +ru ption +q ant +pro ven +by z +pu shaw +kri stin +e er +tar dis +ri z +awak en +mi ko +un documented +path finder +indirec t +resemb les +h ler +conce aled +scand al +re im +d nb +cr itters +attend ant +apprentice ships +aa u +scre amed +l su +fa h +har bour +ed d +bat sman +li ss +mi sha +spani el +it f +advan cement +fa c +close up +cecil ia +medi c +narcis si +lav ish +gi ac +ma ys +le it +wine wednesday +pushaw ard +let to +curren ts +bug atti +out ine +w j +un do +ler osis +devo tional +ðŁij « +on na +fais al +sa una +himach al +am ii +à® ® +di zzy +screen writing +ph x +sp n +ick i +ag irl +fi shes +wb z +pi m +bo ar +ac id +! .. +rocke feller +n ga +dra stically +simpli fy +dru mming +autum nal +gur mee +lor de +jo ann +give up +b our +am ura +der land +sim pler +wat son +tri dent +concor dia +bel lum +bre k +dum plings +vi on +dungeonsand dragons +sp ri +ascen sion +wil datlantic +u st +rob ins +legi on +insi st +jar o +gue ss +so b +bigh it +pool side +negoti ating +mc gill +bil d +techn icians +miti gation +ajay devgn +b to +ant en +cosmo politan +ðŁĺĬðŁĺĬ ðŁĺĬðŁĺĬ +patri oti +temp er +promen ade +nav ajo +nam m +wrink les +dc fc +le ach +bru nette +r f +cout inho +al ti +tradition ally +op tome +na z +accord ingly +rec ard +de ets +sw ell +po sure +whit ening +strang er +illi on +here ford +u wu +ro bber +cotsw olds +cl en +gor ge +nam aste +re lish +gri ff +adren aline +bla sio +val e +ê ² +toler ate +rail minindia +jen sen +ho ven +el lu +ob sole +eisen hower +unidenti fied +than niversary +body guard +Ø ¯ +i dge +sch al +stock port +sn i +re taining +po po +pix ie +oli thic +ki er +ha jj +sa z +cor bin +!!!! !!!!!! +v it +me gat +de h +circu it +af fleck +theore tical +hope less +u ab +slu mp +b ice +jam med +let stalk +can i +side ways +labyrin th +re fs +ha hn +jare d +ðŁį ¹ +jam bo +ph yl +enhan cement +c tr +ful lest +se ye +do ba +cho ic +yo s +cb j +andr é +re watch +pri ma +doctr ine +for gets +u hm +ar ound +u le +art lovers +shi raz +har th +ex tor +Å ¡ +unexpec tedly +eli us +y x +em my +se ac +ðŁijĩðŁijĩ ðŁijĩ +correc ted +com bu +wom anc +cou gh +what son +publi shes +divers ity +back bone +lock down +mesmeri zing +nor te +ma b +desig ner +í ģ +ra gh +mole cules +get outside +the beatles +semicon duc +nach o +lun es +ham mers +sul tan +o on +fe ren +att ach +ar qu +uttarak hand +s ash +; - +tre ad +i ko +ar thur +scandin avian +r ation +ga el +charge able +fish y +v ma +hand bags +char a +ay ne +de fam +sett lers +qad ri +pal ais +in wx +apocaly ptic +poo ja +a es +at ories +proof ing +n lp +ts la +v ina +li do +dee phouse +informat ics +v v +pp ings +di ss +à ¯ +uhur u +st ony +betra yed +b aff +my ra +as pen +allow ance +tam ara +ci f +cor bett +ser ge +di go +ambi gu +pain ters +p cr +p ca +nom s +lo ft +ve e +opend ata +ðŁIJ ± +alex andre +identi fies +fantasy football +re production +brom ley +ware agle +mm er +p ss +cu es +ay at +hut chinson +sar ac +jack man +ira h +ap ink +col s +aussi es +ex ecs +day ton +ðŁĻ Ĩ +im v +har am +chuck le +authent icity +ar do +incub ator +ภª +photo shopped +embrac ed +fight for +gor man +zz zz +schol astic +cri sps +te apo +mid night +ga ine +col lier +s ate +de tte +å Ń +imag ine +i ff +tw ili +i fication +teat ro +nor ma +es ur +emergen cies +rise up +r inger +hass le +cait lyn +tranqu il +vers a +se b +over look +gin i +bo go +se re +may ne +henri k +contamin ated +rhapso dy +pro portion +wildatlantic way +âģ© . +organis ers +tran e +stand ard +sper m +laun cher +ric ci +her ts +paper work +showcas ed +mer yl +pen a +p imp +disa strous +^. ^ +phar a +x is +fron tal +sw irl +sp ills +swag ger +smart watch +sizz ling +savi our +cat ar +bb cr +refurbi shment +dr is +citro en +absor b +patrioti sm +il leg +chro mo +fresh ers +ru s +lim iting +ef ish +down ed +man dir +hazel nut +p all +mac on +disappear ing +quali fies +bo on +bar racks +am ine +gen dere +ðŁļ ĺ +j es +ãĥ Ń +qu ito +middle weight +sch au +quad ru +aci ones +limit less +ðŁijĮ ðŁı½ +ch man +ar av +regulat ors +it up +batter sea +mil ford +g z +tic king +gh ou +cru shes +tu tu +dread ful +fam ine +for change +dalail ama +ðŁĴ į +whit aker +hash mi +h us +vo d +bet te +aa ah +iso o +ðŁ¥ Ī +ha ar +la ine +b v +all day +spr out +indie games +free bie +gree ks +but ler +ill in +ha al +ware ness +si ma +public health +gam a +wa a +oun g +goo oo +okin awa +off enders +im pose +ho c +young ster +story teller +sc ap +figh ter ++ , +whit es +music monday +re za +go ducks +bri a +mi um +cas per +cru mbs +a ad +marti alarts +ch p +ri gged +tn g +harve sted +sa k +do jo +mill wall +b nw +oc d +histor yof +t mr +si rens +fan ci +caregi vers +vir a +son i +recur ring +acknowle dged +ðŁı Ł +oph ile +bu cky +stre ssing +roo k +di gger +vi val +san do +fle et +si ers +sel caday +refre shed +anti fa +a que +po lo +disappear ance +de mb +âĮļ ï¸ı +ren ted +ber ger +g mb +cu la +ss al +goo dy +u hh +marcel o +w anna +soft ware +shop small +turt le +tom as +fri sco +ðŁĺį ðŁĴķ +jim enez +c su +day z +an do +wyn ne +choreo grapher +cerv ical +trail blazers +ed g +zend aya +travel blog +el s +whole some +co g +lab out +ar ney +del le +su isse +ma si +ine se +om be +fi ddle +re claim +pa u +wat cher +sla in +ber ty +opti mum +el ites +min is +tur key +patro ls +ger ard +au reli +wild ly +wal tz +br gy +w ob +cre st ++ ++ +ve z +fro sted +davi do +the x +param edics +p into +han k +du pont +ur g +fo stering +micro poetry +spec tre +---- > +ne uro +fri da +music al +galve ston +e ffic +sc ape +pal azzo +th all +pro visional +p js +au re +ðŁĶ ľ +mam amoo +kit ties +cre e +wa k +lo ool +lu pus +cn blue +à º +ðŁİ ¬ +rac ed +tro se +om as +stri de +co ors +⤠µï¸ı +in comparable +cy ril +broad er +arec lipse +ðŁį Ķ +inter val +ti ru +co working +w aco +a ham +a bee +flouri sh +the times +ol ini +kick boxing +lu cer +at la +as un +casser ole +mi aw +lobb ying +jan ice +cir que +re flex +le ary +sanat omy +tem pest +se mb +mur dering +us av +ro bo +on et +p cc +nati ves +life of +sa ha +ruth less +rel ates +appeti zer +pye ongchang +nor d +er u +a thing +ug ly +pl ying +bran ce +organ ise +kend ra +dat o +chees es +par ma +burn out +a stra +pre toria +adjust ment +uk u +sl o +li ken +fav ors +cli ve +be ets +snow donia +go tv +sy n +open house +pan i +portra yed +sl ated +me cca +ren al +supportsmall streamers +staf fs +da o +bi ker +vik tor +tit us +admi red +ðŁĵ ± +hurric an +he ats +gl ory +photo genic +mer i +de por +burn ham +or angu +dj ing +impre ssionism +ign ition +ca i +w ynn +de pe +cove ted +colla gen +sau s +or nam +administr ators +ss on +nh politics +hahahaha hahahaha +aspir ations +r gb +swol len +so we +sc r +diver gent +hou ghton +han oi +d ory +ni ki +land ry +b cci +ðŁijĮ ðŁijĮ +is mail +tri pod +her d +bhat t +dress age +tab by +ingu ish +hur on +à³ į +à ł +to das +evangel ical +chor ds +st john +slo ppy +marty r +face book +ali ght +sen sei +kath niel +r ites +zi one +u o +revel ations +weight lifting +pan o +nc wx +ac ton +à® ķ +Ø ² +som a +à¸ Ĺ +respec ting +mar che +fore man +be tty +ki k +shi bu +po on +argy le +k swx +et z +mar bella +brac kets +stand by +fire side +defi ance +v ex +britanni a +in habit +appo int +piyu sh +le ash +sci ento +fla sk +sen na +> : +at roc +sand erson +id lib +dhan ush +ðŁĺ Ļ +en thr +hit ch +de dly +al ley +dor k +mon do +cudd ly +mis sin +ye sss +night ing +j pn +w ary +ump ire +ma z +ê ³ +bab s +ĭ ãģ +stan ford +posse ssed +exce eded +ðŁĶ ¶ +wall art +tra p +j il +hi bis +sp ying +scri be +khali l +trans lator +lu mb +di zed +ch c +super vision +shut ter +ja g +_ * +yester days +ms f +hi hi +gonz aga +gille spie +vive k +ec static +this morning +ch us +ed es +ston ed +be es +ðŁĩ¹ ðŁĩ +tur in +ho ver +at rics +ster n +sam heughan +auti sm +mi ya +eye witness +writ ings +travel tips +chut ney +px rtg +keny ans +my stic +k rit +/ $ +red head +world ly +am us +op la +le ve +gab bana +se en +o clock +gang a +keen an +sc ent +ol dies +go green +corner stone +comp ly +con cours +ðŁİ¶ ðŁİ¶ +ha an +con fis +aw son +cle op +î Ģ +su zu +sau té +al gar +subscri ber +este emed +ãĤ¤ ãĥ +worth while +mel rose +flo ck +bri ghtly +viol inist +p ere +sli pping +and co +si gh +ha van +cu lo +m sa +fibro sis +matil da +ra fting +aw ard +ë ª +mm mm +ge aux +ste iner +sin n +help ers +beet les +ai mee +tai wan +pistachi o +mac beth +m zan +descend ants +on sale +in r +il m +grou se +sa ig +mo w +bi gre +adjust ments +tu la +mathe w +transl ates +mu h +bol lah +ðŁĴĽ ðŁĴĻ +amo res +ab outs +bomb shell +bla ster +x avi +s ns +k roger +ga ther +erad ic +daf t +chem o +ben ches +ðŁĩ© ðŁĩ +ut v +our a +n ko +gator ade +biaf ra +ok state +im danielpadilla +dom ains +open ingday +kid do +do i +ric e +day care +mac millan +ba thurst +cheer leading +ðŁ¦ ģ +cash back +k won +hob bies +exem pl +ries ling +âļ ª +ag les +ny s +every thing +nav is +ad di +magne sium +faceli ft +ark ham +grand es +extre mist +don at +vit ality +pump kin +be tta +sl td +arti san +li by +pe aked +ah hhhh +mary am +assi m +un sc +ment e +al aya +low ers +ar as +gri ev +le ip +gr ati +cri ses +spr ints +exe cute +w to +ms d +mag ical +re viewer +spark les +juke box +ðŁĺĤ âĿ¤ï¸ı +pay back +licen ses +dun kin +bel t +lake wood +h ateful +bud gets +rev amped +ph erson +ky iv +went worth +ro sen +cru ise +gi ggle +def star +assassin scre +ym outh +win kle +w fc +band wagon +b kk +w iring +kear ney +south side +pe tit +! ðŁĺį +nor dic +mir za +mu gabe +v l +scon es +k tv +sand al +du c +m alls +ðŁĴŀ ðŁĴŀ +it c +al ay +im pair +un rest +flo ss +c é +ab ou +var ying +muse o +ser ver +di ya +hibis cus +ero y +mer ritt +fin dom +f pp +un usually +go tt +conting ent +ali aa +ball on +jo l +hi ked +zy me +ay r +ag n +ga z +perio dic +spar ty +practi sing +lin ton +tal is +cy pri +womanin biz +radio disney +ðŁĮ ¼ +jump ers +endo cr +ðŁļ¨ ðŁļ¨ +and on +shar apo +mi er +ma sonic +fac tories +vi en +bb ers +ìĽ IJ +hol d +ke bab +be ak +approach ed +ac milan +mun ro +ko sher +excell ency +negoti ation +walt disneyworld +cr ouch +te asing +suppre ssion +en ya +b ce +transformation tuesday +cal lie +vis was +p gat +ic ted +end ings +esc u +recru ited +it fc +collabor ations +g ino +snu ck +ausch witz +i fc +x ii +ke sha +ger vais +clo ak +x l +sa ad +prob ation +pre cau +mac in +anasta si +le k +e azy +daysof code +mariah carey +yo g +stit ched +boy friends +sh ar +ph ile +ag u +twin kle +phi shing +week ender +ic ton +gurmee tramrahim +al ton +l eness +all an +pen ultimate +kry stal +go u +lan de +dis mant +ab using +nor se +pat erson +ed mun +ap an +xi umin +sk el +cat walk +re act +wal led +t angle +br yn +ve to +super moon +cas ablanc +appreci ates +ski d +bo th +catal ina +ele ague +cyber monday +cau tious +ðŁ¤ ĵ +nov o +hamp ton +ha ye +jose f +var an +lo bos +roano ke +orph ans +tt in +squ ads +ishqba aaz +black panther +e tu +k sh +cru mble +cess na +reli eved +scul ly +pollin ators +explore canada +ki es +kam loops +kir an +pri mal +sett lements +hot spot +brain storming +ce dric +bi ennial +sh ant +âĻ¡âĻ¡ âĻ¡ +do on +hear n +walk way +fe m +ve al +deport ation +tox ins +elimin ating +descen ding +by the +bla sphe +ha sta +comple ment +as cent +ri ga +provo st +âĸ ª +wee ping +anti semitism +employe e +unearth ed +pin o +natali e +bla d +ang ola +lock heed +in ian +ag r +ni ster +im pala +m ke +fan atic +âĺħ âĺħ +ðŁij ¸ +lu ch +simpli fied +gall ery +econom ic +cy borg +con i +sel ma +in ception +ko ala +dv ds +cre sted +m mor +visi ble +n sd +ðŁĻĮ ðŁı½ +w under +refriger ator +re opening +e era +carou sel +as p +balli stic +victor y +mo tive +tre y +sharapo va +si i +mon ter +int end +west chester +sp e +cy mb +vi dal +ll ama +uni v +fin er +crafts manship +jazz fest +b ch +ag gio +n cc +lamb da +tranqu ility +cis co +ba den +so bbing +of i +go ta +ru mored +war med +ore an +ac ton +mar ci +gh ani +âľ ĵ +as sorted +pembro ke +pen elope +da f +at ty +aim o +pretz el +carni val +than os +ko chi +mer sal +ham radio +ar twit +cas c +guer rilla +kush ner +k app +al ise +todd lers +steward ship +o tti +ter ri +tem pe +rest less +vit o +zay ed +rsp b +pi on +hi ppo +haw thorne +in as +am ily +nut cracker +lo p +d ali +tro pic +ðŁ¤ ł +ul o +jare dle +py rene +pale o +usa ir +m ould +it ated +gene tically +biom ass +ðŁĩ³ðŁĩ ± +do dd +practic ed +monarch s +un manned +m buhari +am al +photo gra +ko ol +bren don +ju ices +cu re +world bank +poin ters +ðŁĴ Ŀ +tur f +le ds +bor ussia +bapti sm +warwick shire +moun ts +gay o +be gg +co pied +asi ans +k g +moder nist +gi d +front man +concentr ated +y t +sc avenger +iron ically +adi c +ps n +ðŁ¥ ī +cultur ally +yu v +mac arthur +fertili zer +be withyou +ri gor +min ors +z oning +âĸ ł +ri r +adole scent +vin ny +ren g +sand stone +gu et +we sth +ple dged +lac ed +sp ide +v ai +ty coon +seiz ure +du p +appalach ian +ro k +cathol ics +sey chel +posse ss +la ger +jo di +cham p +stra s +d ina +cent uri +cal der +blur ay +ðŁĩ¨ðŁĩ ³ +mo do +an nette +youtu bers +chap s +ang ling +label ing +a qui +pk wy +ly le +bi sexual +lit ur +dug out +li bby +grey sanatomy +sub stances +august us +rall ying +fi del +ing ue +äº º +hallmark channel +tooth brush +m á +adi rond +ag gi +ðŁĵį : +cru sade +tax ation +k z +i ver +dou bling +room ie +wa b +en rolled +az on +a ju +grand children +as df +ðŁ¥ º +mat ic +ough ton +utili ze +ðŁĴ £ +pon der +rais in +dys function +co bain +butter nut +e man +su red +dri an +and friends +with the +on omy +heine ken +bri dal +leader ship +pyram ids +deutsch land +jo cel +bo wel +y qr +horse power +be acon +ing eni +gra dient +fer mented +mo om +thing y +pot assi +wrist band +bor d +bo died +ðŁĺŃ ðŁĺį +ma pp +ka u +cyber punk +ph ish +loo king +co ates +ap ur +am ie +uk labour +at in +g la +adop table +shel by +v illi +ri ya +m ingly +cli mber +bumble bee +ðŁĺ ¸ +c sd +âĿ ¥ +hospit alized +c ki +hat er +ch r +re tina +it a +fan base +beat rice +gwy ne +go ss +fo s +favor ited +swachhb harat +mal ade +mon mouth +" [ +si van +sh hh +command ing +sains burys +wee d +g man +ss w +rep tile +iv y +tro pics +roll ers +over cast +ex position +masquer ade +man crush +wa ist +spr inter +sle et +le vin +j pg +_ ( +o pel +explo it +ap a +po we +wrec king +jong in +or b +er ick +bo sco +pra ising +ber tr +to wing +in security +ku t +resto cked +rr p +prescri bed +trafal gar +per t +g ases +app rais +g har +music als +âĸ¬ âĸ¬ +mc fad +ag ony +conditi on +equi p +shi k +atra vel +ðŁĩ¿ ðŁĩ¦ +ke h +abduc tion +pe oria +wil kins +g ms +as d +ev i +ðŁĴĹ ðŁĴĹðŁĴĹ +u z +mo c +halle lujah +guad alu +lou vre +dra wing +go ve +ph ant +fri e +web dev +program mer +z able +games com +clari fy +li th +kin ky +âĿ £ +labour doorstep +son ata +ju ris +mai den +vi adu +buch arest +conditi oned +capit alist +u de +ps b +sp ca +lul la +footh ills +kay o +bon d +wom b +roun der +ce sar +bur sts +ap ra +sw oon +sab rin +fra grant +cle arer +ku brick +cli max +jour no +ag le +ðŁı½ âĢįâĻĢï¸ı +poo ch +hal e +sol it +sal mon +organis ms +bron son +art en +hodg son +alo ve +vent ure +bb i +ae a +ðŁIJ ¢ +ld n +d nr +o zone +el las +man ny +azz ur +un beat +tru ffles +th ong +ma ñ +las ers +ley e +gettys burg +back packs +or is +ma ison +craw ling +la bra +cl ing +dra gging +ste al +dou bt +de van +ck ers +agent sof +photo bomb +elon musk +abo y +dist ances +story line +sp i +nor than +europe ans +wh ale +ser pent +ðŁļ ² +fi or +tr it +ox o +awar ding +class mate +su fc +smar test +rich es +pr k +big foot +ar mb +bi polar +dw elling +om ars +k wan +gri me +m eng +freder ick +navar ro +sorry notsorry +jaredle to +pa ve +sl ack +barn sley +att ar +evic tion +accumul ation +o ir +cat chy +wel ter +vik as +has see +nik ita +mo yes +mathe ws +shi v +gat wick +pro filing +compan ions +mar rake +an tics +ðŁĻĮðŁĻĮ ðŁĻĮ +se se +bo i +bart lett +poison ous +ab uses +ym m +kam pala +guggen heim +imv kohli +dol om +bre e +thro ttle +gare th +fitz patrick +un ya +par ad +mar got +j nr +we a +potassi um +p nc +disgu ised +cra sh +ren ergy +ill ic +coup led +ni els +ci ones +æĹ ¥ +im ent +despic able +d ye +what cha +conne ctions +paralym pics +gaunt let +wait rose +suici dal +star ship +vap or +st ou +law maker +coo led +si mo +then o +offro ad +ja den +bas que +vick y +lu kaku +centr o +tri sh +strate gist +medic ations +hor st +b fc +gra il +sharp ly +ad itya +tom b +kau fman +tri pad +sam ba +pastor al +brit ney +sag an +hill side +mas ons +sar a +z one +x u +to tes +rob bie +app en +mon tag +der o +short film +charis matic +tat ors +ki ba +and ri +al arming +split ting +ic ar +th ug +scari est +sylve ster +an an +u trecht +a difference +me ade +bu ster +air strikes +cu ffs +account ants +ðŁĺ¡ ðŁĺ¡ +new t +bo tt +issu ing +cl ancy +wwen etwork +kyu hyun +rese mble +pajam as +sin k +kin ney +sul ph +or k +li es +la gh +or ton +ra hul +d sc +we will +re am +collo qui +shar ia +hec tic +sar casm +land er +tm z +endor f +ro z +ham mered +fri s +w adi +pope francis +he it +flash light +un born +op es +hol iness +ðŁIJ ¦ +nach t +im sa +gr acing +bj p +ver ts +c sc +home owner +a que +bigo try +anni e +bag h +âĿ¤ï¸ı ðŁĺį +car i +thom p +dispo sable +cardio logy +pat ented +hh hhhh +ld r +stephen son +cro res +fan ning +cli mat +ðŁijį ðŁijįðŁijį +ðŁijį ðŁı¼ +aer on +piccad illy +bank rupt +sil via +emplo y +don ny +commen ting +screen writer +io ta +ce an +anc ers +tu an +street wear +ठ¯ +sk ine +esp a +asi f +os ce +she ppard +more cam +bott le +der s +orac le +google play +aver aged +edmon ton +steph an +sister hood +cru sted +stag gering +methodo logy +congress woman +c abo +tri ggers +mil ky +gli de +tooth paste +room mates +nu ff +gu am +sprink les +alternati ve +wat fordfc +uof t +hal ey +cont acted +bun dy +pro stitu +gh ar +pre ston +on site +hil ar +g ts +c att +hamp stead +? ?! +ðŁĩ§ ðŁĩ +bbc qt +aless andro +resi st +ma idan +t ko +shad ing +pin up +gal lo +sin u +at ec +fun k +ac lu +stri des +rhy me +wet land +bbc springwatch +t ins +wild card +st our +flamen co +pau la +onto logy +gang sta +am ade +ãĤ « +t bs +skelet al +run ner +jard in +harri er +hun ted +z hen +believein film +de mean +au diti +re start +chon dri +âĿ¤ï¸ı ðŁĴĻ +mcla ren +ga b +sh um +au sa +lewi sham +y pg +k jv +fur nished +dor o +bon ded +mor ty +lat itude +_ ) +lo va +water ways +vin ai +shor th +drun k +c ay +ay ana +kap lan +capp uccino +spr o +life boat +has bro +spol ice +tor on +do ing +dam n +sh ree +foun tains +ent ation +mar u +boar der +to pless +j ada +chan ning +ul ls +en closure +gib son +fractu red +brit ton +à ¶ +t ous +por th +dra f +tra iling +mar gate +eli fe +down ward +lin n +gla des +girl power +ak rish +u ki +ron da +ts c +appreci ationday +vis ing +lo om +ðŁį ³ +mex ican +ar gos +y ya +jad ine +south port +d end +si sta +rede em +men g +bra xton +antioxid ant +s key +mp g +fin ding +vibr ation +ce u +kh art +di mini +cl ine +shel ly +hin es +ī ï¸ı +to pical +no ver +ma xx +prim itive +illustr ate +b ounds +tren ton +join tly +breed ers +u chi +wakeup america +b ada +ðŁĹ £ï¸ı +gu acam +sp heres +pere gr +youth ful +lo lo +bir min +t ly +jeremy corbyn +defe cts +co sm +a rent +v aa +bag els +medi ac +cori ander +ic ago +g haz +ab bas +re model +struc turing +pu m +out law +ad ani +r bc +gul ls +n li +confu se +ðŁijĩ ðŁı¼ +vil a +mcnam ara +correc tions +mug hal +ser i +re gain +ss b +lea ve +haha hah +gran de +di stressed +re chargeable +ho a +hou sed +sti l +attribu ted +opath ic +di ps +pri t +head phone +conclu de +pil o +he t +ut sa +nit in +je m +sni ppet +tutor ing +op er +sun k +en sla +cha u +ac orn +quinte ss +ran kin +affili ated +our lives +cl int +se ater +isa ac +ba shing +sme ar +nur se +doo dling +" ; +sa ku +atroc ities +im am +g fs +viol ating +comm end +brad shaw +er ville +b illed +b be +thul hu +i phones +moo se +di os +re w +me thane +strang ely +whis ky +ti ghtly +spiel berg +radi us +notic ing +wi f +ig nati +i fa +ap is +w ali +ha itian +bu shes +y z +v l +ex ited +asse l +tru ec +dom en +ash er +in king +newyear seve +hend ricks +bat i +ìĿ´ ì +rich ter +mon santo +con line +agre at +ðŁ¤ ¯ +master pieces +ar n +rough s +cle ve +se v +fashi ons +to ya +sh ail +cop eland +aqu ari +dec als +are you +y aya +a str +fon t +ml m +ar ca +pp or +pol lock +xper ia +conserv ation +chain saw +ag gie +?! ?!? +si le +sh on +ìĹ IJ +note books +marque tte +de us +bb led +spic er +mc cabe +nor wich +modi fication +boo sted +stru m +sales man +bang le +nis san +hez bollah +brea sts +a af +anth us +sk er +ow ed +her os +gi fs +fo sters +eat ers +du es +_ / +lymph oma +sf am +me gal +afri di +ag ic +p amp +jeal ousy +ðŁijĮ ðŁı¼ +calcul ate +napp ing +g ale +ðŁ¦ Ħ +lub bock +assu med +ren ting +íĥ ľ +subur b +ãĤ · +tech nic +u cla +in front +gar net +ster oids +stri ving +ho war +mo ver +le ton +bull do +is in +ci ao +sn z +fore front +d ams +mid wife +ma wards +cla pton +we in +subsi dies +spr oud +rother ham +phan tom +ar ach +spi el +rac ket +sel amat +no on +l bc +enti ally +ðŁĴ ¸ +sil ve +m oud +kine tic +y asi +ðŁİ © +o ol +mi ku +i za +fer a +flo ren +barber shop +groo t +z est +ne ars +stan is +z and +police man +juris dic +form ations +appar atus +sp d +arti fact +to sc +motiv ating +womanc rush +re dro +diagno stics +ra za +out fitters +el xn +dod gy +ry n +sh d +ortho don +ol de +jay anti +bal ances +quic kest +can ton +friday reads +! * +na a +a ak +ðŁĶ · +behavi ors +rasp berries +ä » +polit ical +cam il +å ľ +di k +ast ounding +lie be +novel ty +tur moil +sul ly +spring break +hon ouring +cc g +ðŁı Ĵ +my little +ky c +pro ms +ðŁķ Ĭ +à ¨ +bi ge +av ril +ðŁĩµðŁĩ ° +mari on +as ants +sur ya +oc tag +luf than +ac ron +fayette ville +ti que +love s +en ca +de kalb +ta ver +de vote +aux iliary +joh annes +tread mill +ay an +qu r +donald son +cher yl +" .... +s ven +kir sty +gun ners +ra dish +o ahu +v sky +i ble +con course +b ps +elo qu +ash ford +te bow +roblo x +ma da +dri ving +th day +spro ject +m ms +band ed +. !! +libr arians +flan nel +intoler ance +her al +ç µ +neme sis +list a +tar ak +cry pt +star plus +vish nu +sc ale +cr is +% ), +j illian +regg ae +pegas us +ol in +ip ment +man ic +l fc +godd ard +ite am +parl our +anch ors +lee minho +talla hassee +ant it +d ho +kid ney +y ash +batt led +az ad +gar is +faul kner +sni ff +papar azzi +ed m +phy llis +con tested +aa ay +se ca +k ton +vel ve +rain ier +for um +tam pab +ho sp +trac tors +ox fordshire +no tion +guang zhou +ðŁĺ ¯ +ref ill +wednesday motivation +sli der +mukher jee +pr att +fon taine +alph on +af ar +ts i +pest icides +fi ends +mo cking +bra w +tran sat +do ses +co res +hom ophobia +docu menting +zlat an +con doms +s é +sun set +kun st +ton ga +ภª +v ation +sp ray +chow der +ra ps +palla dium +nor wood +music history +hoo ker +si si +osp rey +ph ys +conce ded +bob cat +ar mad +ze it +Ù Ħ +ðŁĺģ ðŁĺģ +mer idi +ðŁĩ· ðŁĩº +corn wall +! ), +touch downs +ze it +chal et +mm m +al che +gor illa +fo ss +ati ku +lumin ous +ivan ka +be ek +sta res +sw iss +âĿ¤âĿ¤ âĿ¤âĿ¤ +scru bs +me ath +gusta v +jo gging +confe tti +as os +ers fc +breit bart +applic able +autho red +ya ho +h in +displac ement +j v +ðŁĮ¹ ðŁĮ¹ +ot c +non profits +diec ast +gu sto +inte stin +c ages +me en +lu kas +moon ey +ðŁĺ · +very day +tor ah +is sion +wa c +lever aging +ish able +cu se +le wood +may an +turn table +ju ice +tru sty +tu p +eti quette +supervis ors +stu n +gu zman +confe ren +ric o +fe ast +back ward +pol aris +mic he +jo g +h ing +field house +vel ing +sho cker +esc ence +ठ¾ +vi be +anasta sia +mar ched +kill ing +Ķ ë +fe tt +exop lan +... ( +snow day +lo h +ir ani +la khs +del a +po caly +boom ers +dictat orship +ac er +tur keys +quarter final +muskete ers +ðŁĴĽ ðŁĴļ +sf x +museum week +sc ala +ri sis +( ðŁĵ· +ãĢ Ĥ +z ies +bo eh +hu es +lu sci +dol a +impeach trump +roo d +don caster +tor re +hero es +fo yer +tar i +blur red +ke w +frank ly +dro id +ap al +Ð ¼ +y af +bre t +par agu +cac ao +ðŁĻĮ ðŁı¾ +ru e +head aches +shaw ty +char ley +pal er +go wns +correc tional +ðŁĺ© ðŁĺ© +breaking bad +ol ing +da p +endeav our +cit adel +tra d +incumb ent +medit ate +foo ted +ðŁĴ µ +shab bat +dayof the +wil lem +gal way +to red +marri age +f illion +sleeve less +aud itor +jin young +invin cible +kad una +a and +volcan oes +mon eti +indie gogo +buccane ers +ðŁijī ðŁı½ +ãĢ Ĥ +lay ton +cuck oo +hu mber +buzz er +Ï ī +to re +stra ins +sto m +pa ine +s we +du ff +z ou +si mi +li pp +ur n +se agu +ðŁĶ ® +sun dae +hi c +ðŁĺ ¨ +bull pen +u per +flyo ver +al dridge +glo bes +ali es +ken zie +ge es +y cle +sp lin +mag enta +j ha +bal u +gh orn +ti pper +wick er +taste of +con clave +ch ale +inv asi +cat er +dio xide +me gab +win n +at p +transform ative +nest led +hi g +bri dging +lil ies +chee red +bad dest +sc rolls +real is +dipl o +ðŁĶ « +conce ssion +prefe rences +explo des +er gon +introduc tory +ine au +ch af +som es +land rover +spir ation +sex y +sco recard +illustr ates +soul mate +wi en +inter disciplinary +fore casting +ent ities +glu ed +en lar +cur t +percep tions +boot leg +mi re +asho k +v az +hor ne +cal le +ac ulture +ther oy +night time +oc al +character design +ar mist +ðŁĺı ðŁĺı +yah oo +ac eae +to se +even to +sou t +nay anth +wh om +v are +ri gging +gen us +hi ve +com mands +sti e +day a +ethan ol +en f +hi fi +flu ence +cle mson +re invent +thermom eter +humor ous +emer ging +aci ón +ðŁĺĺ ðŁĺį +s ity +haw ke +accompan ying +t ility +ðŁĺ ª +re cess +protag onist +l ery +dun dal +int l +britt any +q bs +off the +marri ages +how to +viol ated +adel aide +wit t +lanc er +pak v +hu me +st ade +bra gging +ou tright +ad c +super st +real time +cu res +garden ers +ero ck +dale jr +ver o +bar tol +mo ti +mc fly +v pn +st ink +over rated +guer ra +e tis +ath ome +twd family +th ab +tn x +rafa el +family travel +x ley +sat anic +equ ations +ru dy +wal dorf +stan i +tu be +meas les +zimmer man +obli gations +i ously +bow ser +trans former +sho ppe +shak en +gh ouse +to d +ke tball +share holder +mar ca +kp mg +ak an +given chy +coast al +au th +roller coaster +mar ches +coordin ate +cine ma +apprentic es +par lor +mit o +men on +consider able +bar re +glo ss +enh ances +jaz eera +fal mouth +thra sh +stat en +k zn +eng el +samanth ap +flo ppy +sal om +ðŁıĨ ðŁıĨ +w ack +deliber ate +osc ill +herit ag +du sted +orni thology +pad dle +fer ns +bar un +cl ans +anticip ate +a ay +mat ically +é ĩ +tu mble +post man +unic ef +tro tter +op d +leaf let +ge ist +cease fire +scre ws +cre ation +wal nuts +longh orns +under statement +ab b +proxim ity +na x +un ity +turn pike +orda ined +dub step +chak ra +me ch +love her +look alike +donne in +vir on +Ù Ī +bang ers +vari ants +out dated +in ta +cri sto +sp elt +food and +f on +stefan i +margin al +hu tton +ti ara +tel ford +qu en +fair grounds +que tta +mikha il +heal er +v ball +ty re +under grad +gl end +hom ers +scri bed +main tains +po che +mis sal +mar ko +u as +á n +sh p +con vey +pad re +sab a +pu glia +madhu ri +pa xton +chap lain +n ago +ca si +... !!! +fli rt +sal eh +k are +di re +stam ped +extre me +ðŁĺĥ ðŁĺĥ +ho ppy +guadalu pe +advant aged +eu char +p low +un n +mac qu +port land +cla sh +pe s +lou bout +y p +keep ing +arca dia +fran kie +fi u +de th +encyclo pedia +si ze +inve sts +ðŁį © +geo logical +fran ç +con front +ðŁĺ ¥ +d ys +af m +tex an +graph ene +repost app +ac f +ur sula +gaz a +dd led +fu m +wsb tv +m be +fron tiers +chrono graph +ke s +inter faith +tab oo +spar ta +won do +flori st +em braces +ca w +no el +arch ers +ðŁIJ · +roman o +ban an +sh akers +melo dies +geo thermal +se phora +ìļ ° +оР´ +pro c +hand shake +pan de +popul ated +slow down +hor tons +registr ations +un deni +lan ts +pas sover +thak ur +li ef +adhe sive +pe tal +micro scopy +memph is +confir ming +air drop +mesm er +perce ived +ming le +lifel ine +gh j +worcester shire +pas sions +ach er +el lar +ah o +firen ze +bar ang +letter man +hat field +lu cha +je ter +e shop +william s +horo scope +pre de +east bourne +dur ga +di version +al trin +seis mic +premi osm +nar co +ti r +ori g +or m +land fall +ci ous +lin do +max ine +x ico +tra y +os wald +c ba +ric otta +n cr +mar au +ภ² +gladi ator +ch ery +lun g +u me +po psic +lon ging +can als +ta ya +decentr alized +sho pp +pres sures +mahar aj +eti had +wal greens +succe ssion +sign aling +li g +staf fer +north korea +def ying +as ma +de g +peri meter +oak ville +m sk +balti more +rece ip +de ple +ðŁĺŃ ðŁĺĤ +jambo ree +> .< +rsp b +puni sher +consider ably +in tothe +pari sian +acceler ated +polye ster +low es +fr ying +sauté ed +mou ths +seychel les +ra x +go dis +dak ota +house wives +the me +mat inee +black bird +ye sung +pre fers +pelle gr +in ated +trun ks +stronger together +re pet +re pairing +ped als +toler ant +her r +dun ne +indic ation +decat ur +b tv +exhibit ors +ik on +friday motivation +bra gg +live tweet +al ves +womens art +foreig ners +wal lets +min dy +lan ey +bb in +tv miaw +lif ter +tar get +tam e +dr ou +astro photography +mp c +g pu +nord strom +fric tion +run off +lov able +sp nfamily +ext ingui +bloo dy +sch el +arti stry +sw ish +scar ce +ph ils +max im +pos sum +com promised +sty li +sc fc +is sa +birmin gham +sket ched +angel ica +ordin ance +je ts +conqu er +ðŁĺ IJ +online shopping +s ori +reason ably +nue stro +ar turo +ch l +benef ici +spho to +wel t +ni kk +ðŁ¤ ŀ +dan ao +for mid +as se +af irst +âľ Ĥ +gil lette +as sor +an onym +sel ca +fe mi +bear able +y and +ar mory +cre pe +celtic fc +bra vo +in expensive +de lec +ge cko +new market +snow flakes +kab ir +con tra +can ning +mor pho +gar wal +ðŁĴĥ ðŁı» +fight ing +mu tation +woo dy +ju gg +gr aces +premiosm tvmiaw +kenne dy +gu p +sa e +op ha +off spring +fini sher +bet ts +span ning +mar j +h one +sh ing +contin ents +samanthap rabhu +un related +l acy +explo sions +benjam in +sophi e +no ting +micro soft +as sen +a hoy +i ker +ho fer +mo e +ah madi +yan n +an ak +ma hi +be u +aha h +creep er +baahu bali +am at +pri ory +haw keye +deloit te +sko da +print making +assemb ling +mirac ulous +no ch +sw o +leg a +oper ates +border lands +eli e +stron gh +rep tiles +pir ate +un fold + ¯ +qual comm +un predictable +ot r +rose wood +direc tional +counsel ors +corn ell +liber ated +j ad +ir regular +bulgar ian +high ness +vodaf one +sw ild +mini mize +gra zie +๠ĩ +r stats +stre ep +ome tric +humb le +lu mp +l ille +b ü +home depot +tripad visor +ki wan +a via +er z +ex ico +du f +blu men +mi zing +ar ma +in im +con stan +sor a +ju al +au n +tw ell +tren ches +her a +r k +po plar +recipe oftheday +ll an +bhu ban +short ages +ing don +bridge water +ðŁIJ ĺ +fortn ite +cam den +un cture +pro w +colon ies +t ks +n go +b hm +live pd +spl ace +sli ke +happye aster +ter rence +revol ver +j ed +yy yy +office of +m ts +exist ential +r ourke +explore bc +sse d +pri est +vix en +si ding +k pa +a har +ju ic +ob struc +foren sics +uk mfg +cancell ation +we ary +ab q +ele c +pri zed +deb ts +me zz +salv atore +m dc +gre tte +c gc +th on +snow storm +ts ch +cook ery +å ¹ +wa xing +n acional +mur s +ra ve +cap es +ger main +dri pping +sub mitting +ome lette +iter ation +aj es +shim mer +fu eling +ðŁĩ§ ðŁĩª +li po +bo bble +un follow +islam ist +hi ber +cat s +agentsof shield +sen si +____ _ +ster ia +inst al +ausp icious +har row +over land +femini sts +inst ant +char iot +blind ness +sp ed +sc arec +nu it +mini atures +ho seok +glo ck +fifa worldcup +e te +dis m +we iner +ex foli +ear ts +à¸ Ķ +my art +man il +iss ant +form a +in cu +buffal ob +in tim +mc cul +anj ali +po po +un doub +hil a +fun gal +thank ful +fu tur +en dish +ren ds +th ar +she ff +ring o +nichol ls +io wa +po tom +cl ams +ãģ Ħ +acon f +stadi ums +di mp +di k +residen ces +do v +caric ature +seagu ll +kl m +confe ss +sla pped +cele b +turb ines +pp v +nur ture +el ab +.... .# +tu ff +de press +al far +amii bo +di spon +e wing +que er +friend s +for re +âĺ ¼ +sw t +aqu arius +head liner +cur d +fi gs +o tters +love fl +kare em +go vegan +fri yay +consol ation +at ri +ì§ Ħ +âĺĿ ï¸ı +poly ne +gu ed +o ya +la us +intestin al +cam illa +scal p +pi r +leed s +horri fying +bore tum +dand elion +fer rer +ell ic +as x +so ren +re loaded +ale ague +navig ator +ine tte +add ams +al chemist +ak shay +dystop ian +awe c +n aya +al isa +ai led +ag or +avi ator +ali zer +smo bile +findyour park +cop ying +to ddy +sh ti +mon ger +cal houn +nap kin +break up +y atra +se thu +ric hi +eras mus +fer ry +am ore +prac tise +bo bo +power point +oo se +li ffe +chin a +sh ka +fad navis +du ane +war on +fal se +ðŁļ Ĥ +wa shes +disc ip +==== ==== +g k +ab b +stub born +medi eval +p ci +ðŁį ª +maril yn +h yo +man di +cr i +prede cess +continu ation +om usic +s lat +wh al +mall ory +bon n +shen zhen +ca i +âĺ ĥ +sa fest +for wards +dra wers +bla sted +sle e +mor phe +mb ta +dumb ass +ÑĦоÑĤ о +alhamdulil lah +ec lub +al beit +heal ey +ayurve da +adverti sed +cro cs +itt les +bry son +be i +nj pw +honore e +fu sed +ðŁĶ ĺ +mul tin +n aga +de parts +ko p +kin o +jhar khand +ed na +ax le +mil ton +supremac ist +marrake ch +domin ic +tran script +] [# +: ). +wo c +sur rounds +o gil +leaf lets +co well +whe w +tru de +proli fer +succe s +sports man +con dom +po che +k up +imprison ment +{ } +scram bled +å Ľ +ka ine +cell phone +metam or +con i +remn ants +ee z +down pour +afterno on +exerc ising +ber ser +architec ture +wick low +m ns +is p +bo c +n iss +mn wild +stu mble +r si +lu ffy +sil en +dd ad +bul lies +haw ker +bb cc +scu ba +e pp +que ts +for aging +pal let +ha di +cinemato grapher +cat chers +to aster +k hi +lite coin +kid lit +amher st +maur icio +ip ad +mar malade +fe y +don nelly +g to +est as +cere bral +ant grasso +zz led +vir gil +swa pped +ðŁĺħ ðŁĺħ +no dapl +greate st +nhl bruins +fra ser +b mo +ane w +. âĿ¤ï¸ı +se gregation +remark ably +mccor mick +lo gger +er as +contrac ting +âłĢ âłĢ +yor ks +uku lele +touch screen +de cked +ben n +south wark +ra vin +nu mis +ðŁ¤ Ļ +ru t +gre co +eth ic +red neck +ar r +t cs +ih ri +ðŁĩ« ðŁĩ· +l k +inher ited +zy k +viadu ct +marty red +hi gu +ss n +be in +street style +fer gie +bank of +æĹ ¥ +stake holder +exempl ary +cre ss +ess a +ero tica +intre pid +gom es +bra un +bethan y +bang tan +pulmon ary +m illing +doctor ate +trump russia +ठ° +s ani +bl att +pla u +depri ved +t le +ful ly +bour n +st ak +lufthan sa +kio sk +far oo +def y +bad an +ðŁĺĺ âĿ¤ï¸ı +rit z +tri sha +ran ds +middle sex +arab s +pro j +sport scenter +repe ats +iv f +bleed blue +as sure +o bs +territ orial +ele n +bever ley +ann ah +âĿ¤ï¸ıâĿ¤ï¸ı âĿ¤ï¸ıâĿ¤ï¸ı +z l +for good +science fiction +gla u +son ya +pri th +st weets +mix ers +mari o +ant elope +writing community +went z +den ham +be di +sf o +harley davidson +look book +immuno therapy +or phe +es ville +ed ged +tas k +sb ball +corro sion +kilom eters +co sting +play back +ke ke +di visi +u ter +re location +yel led +pen g +up beat +ser ve +âļ ł +hal en +stir ring +reh man +en v +schu macher +frag ment +alkal ine +sb k +resil i +share point +rol lover +tra sh +counter part +âĻ « +ob itu +à ½ +ãĤ ¹ +mul berry +ðŁİ Ĩ +auton omy +spra ying +nat l +love you +fran ki +nu k +esc ar +can teen +ali baba +de plor +mole cule +pu d +fort night +blon die +sp hin +portra yal +ta che +bu te +consi sting +freep alestine +c sp +im mort +d ns +ðŁĴ¥ ðŁĴ¥ +tour de +coo king +archi val +ga thers +bit t +b anc +pre mature +snow ball +poetry day +lou dly +fug itive +ed ay +em ra +ðŁĩ¸ ðŁĩª +sci en +node js +jur gen +je ong +band ana +un is +fox sports +v andy +pro visions +wee p +tu k +i ko +h oun +zig gy +z r +fil let +bat a +tin k +con e +we want +k ilo +hor ace +sl t +sc t +stay tuned +victor ia +umb ria +att acker +ingham shire +fright ening +no ir +fr at +con tempt +lia ison +ho i +br ink +tr ill +ni agar +kick ass +dun das +not my +rho de +bu mble +no xi +fa g +spec tators +mancrush monday +jin ping +distr act +dais y +wal den +portra it +ar thistory +vol tron +ev el +is c +ac m +r ite +na o +de ported +swe ats +ru fus +lo bo +labor day +gam o +ihri thik +bl it +abdomin al +ãħ¤ãħ¤ ãħ¤ãħ¤ +i it +e q +bu sy +allu arjun +un disclosed +de ton +pro create +ki l +ðŁİĤ ðŁİĤ +mitch ell +ki i +inherit ance +al p +jo burg +pat rolling +compul sory +un signed +ni am +l ga +eshop suk +tr illi +ma w +appreci ating +rock ab +mañ ana +an tal +mal vern +roy o +grand prix +sut ton +go ftheday +dig i +ãħĭãħĭ ãħĭãħĭ +t les +varan asi +erec ted +discip les +cont act +ðŁĺ µ +li d +⬠ĩ +scen tre +radi ator +ing tips +trans itions +thursday motivation +chem ical +separ ati +sal is +mi m +geo graphical +book fest +/ . +âľ ĭ +v ae +cur rie +ag garwal +acceler ation +the ses +lg m +u mass +pro portions +nat a +ani ans +ku ch +be acons +ap r +@ # +ðŁĴª ðŁı¾ +nu ke +sher aton +ki o +ma kati +polit ico +mor ale +ì Ļ +econom ically +gg ly +ss en +pa stries +intern ships +vic ente +fanta ken +aveng ers +accu se +slee pover +indic ated +the dream +ster one +ren ders +fro st +ou i +gre gg +d ore +⾨ ⾨⾨ +pu gs +sat y +nu mb +hems worth +tam i +la ssic +schi ff +igle sias +ag awa +] " +re shi +game stop +divor ced +theat er +clau di +un conventional +prophe ts +ac in +twel f +tow ering +t ml +sc lerosis +k wan +ge ts +distur b +na ira +ener g +pir acy +pru itt +noti fied +hen na +bra m +ground water +bl s +opti mis +$ ) +luci e +biz hour +fang irling +gr ills +or l +ver se +c ina +law less +artistson twitter +tele vised +marshmal lows +radio head +bar r +m fc +bre vi +mmor pg +g aya +âĸ « +sub titles +j t +disney land +to bago +nh m +groo ve +fi awec +" / +ba o +scra bble +om ni +ff l +um c +si mba +ali er +ter rell +plu me +mi di +dig nit +co c +bru t +ad ata +alche my +d sm +ðŁĺĨ ðŁĺĨ +win try +spa res +cu er +conclu sions +to ys +od or +fl ann +gar vey +scrip tions +inspec tions +cat ap +ang lo +st louis +heim er +at ay +tr ich +en yc +chil ds +vent il +mont p +guiller mo +circu lare +z ell +mode led +craf tsman +al ina +stimul ation +cashe w +ju das +best of +to ire +susp ends +scol lege +real ising +by tes +bloo ds +as si +ðŁĴ ¿ +o hs +ðŁį ĭ +scallo p +ठµ +gi fting +camo gie +wil kes +o zzy +ðŁ¤ ¤ +ver onic +sav oy +deme tri +baby girl +ðŁĺį ðŁĺŃ +so x +cly de +induc tee +count down +self care +ठľ +vi ka +tor re +phd chat +pe ars +aw h +suff rage +le sn +admir ation +mp p +shark week +schul z +santor ini +clo ver +( * +stras bourg +ex iting +so yu +finger print +che a +ãĢ ľ +vin dic +song writers +so a +prou der +nam a += )) +simple st +delici ously +gil les +u q +mn wx +ep p +sh un +ken nel +fall on +ðŁIJ £ +sin d +tra gically +out es +modern ism +co ke +gy n +spi on +âĺ¹ ï¸ı +le am +compress or +apolog ise +twent yon +fan atics +âĻ » +sco tsman +sa wa +ko u +as er +ภļ +welter weight +phen om +twick enham +stri a +p out +ka z +gi am +cd p +ho y +emplo y +red mond +ภĦภ+sm ere +trance family +proto cols +pie ce +lu iz +iter acy +carl s +united states +har med +phd life +ch aw +foot prints +l é +cho ker +z ana +sli pper +eric sson +insul ting +articho ke +advis ing +acquis itions +op or +mut ations +re ar +ॠģ +pod cast +wi ther +kun g +íĺ ¸ +win slow +di apers +ðŁĵ¸ @ +ec ker +col lar +hu ey +gi ro +mono gram +kas ich +si veness +malay si +arom atic +gre s +gali leo +u ji +rob b +dr m +none theless +as a +: > +lo a +l np +at work +ag t +laksh mi +pipel ines +id al +stre l +re all +chain z +stone wall +san sk +ðŁı ´ +pied mont +hoste ss +ci u +t é +analy ses +wil helm +scott y +rw by +mosqu it +use mb +qu ins +ðŁij İ +tu cker +s conf +speci fications +psychi atry +broo kes +s ils +ol af +de to +co di +cli p +fil th +womancrush wednesday +go to +ang erous +be ale +w tc +paneli st +ne x +lar sen +emili o +tab leau +h itters +conce ived +americ ani +or tega +mar di +Ñ ĥ +pain tball +thir sty +new yorker +etis ation +go ss +we aker +u gh +tro ll +har ga +du al +ght ning +at ine +ðŁĺİ ðŁĺİðŁĺİ +cook out +pyrene es +po ss +authent ication +sports wear +yun ho +kir o +archi pel +shen ko +ren der +nov ation +divin ity +ðŁij £ +su fi +humb ling +ge opol +devote es +wait ress +tr ough +py ro +i ba +bl ing +gra f +epilo ts +bt r +of tball +bas king +domin os +so om +r ath +sher yl +qu el +astronom ical +wel d +track list +sig nee +slee pless +com man +ch ron +summ on +pure michigan +cri spr +sli p +la gi +ra q +um u +thal ap +char med +scru mp +quad copter +ski p +peter sen +mun i +ðŁĮ ¾ +mon aghan +tra ys +ick ed +canad aday +te gr +ï¿ ½ +hot ness +heavy metal +ab ar +gop debate +az ul +spider man +sun flowers +ľ ë +web comics +bar d +Ð ² +nichol as +slu sh +ram an +mark ham +ffici al +ff ler +íĬ ¸ +ple ss +anush ka +to to +sk aters +pro wrestling +compet es +ay ala +myster y +thr ills +mp g +independ ently +y ul +imper ative +formid able +tire less +st acking +ton gues +mal tese +pot ts +mat ti +char ting +chill out +super nova +ome o +sky sports +nu tty +ðŁĹĵ ï¸ı +ro han +insp ired +concier ge +ser ra +ma kk +gal at +chi pp +ye v +ì £ +reim bur +op ul +kimber ley +i eee +bre men +ch itec +or in +nak u +bon kers +foo ty +emer gence +ðŁĨ ĺ +sti p +serge i +zo ey +ai me +wou ld +dy es +destin y +vinai grette +dri er +circulare conomy +an archi +ss r +sch el +cin er +gro om +determin ing +gar min +cal ais +incarcer ation +bu kit +no i +chelms ford +mckin ley +chi pped +belong ed +tu mors +str oud +mi i +influen za +wwen xt +tun dra +tele communications +cat sofinstagram +t ages +beat ty +o du +ml kday +oo per +dang le +ak ley +cru mb +anti gua +ti mbers +rou hani +ðŁĴª ðŁĴªðŁĴª +ha fi +... !! +w cs +coo p +sn c +lit res +ãĢ Ĭ +ha z +co z +k ant +green field +cur ti +y ale +flye agles +what soever +wor thing +rou lette +flyeagles fly +un da +a inted +stand ing +lusci ous +h pc +effic acy +ash land +me ghan +ky wx +n pr +bath tub +ac os +h ani +mar cor +man tis +da isi +bo ba +ab bie +mu til +vi al +spy der +po z +g ti +el fie +nigh tw +metro id +anton i +mad die +dh ry +dar lings +ten ds +taek wondo +atlan ta +me ow +chlo e +ãĥ İ +ym es +siber ia +k con +gu es +mar iner +fac il +azz le +[ ... +han nover +bav aria +vir go +te uk +u sps +) # +wall a +sam pson +need less +ver bally +hay ley +bow led +pi us +lam pard +ham string +vol vo +road safety +cho king +sor bet +a hem +healthy food +brai ded +horticul ture +cr ative +che ek +ad do +the force +ko ko +schiz oph +j ie +w ada +twentyon epilots +h bcu +pro ton +pau ls +lou isa +lat am +kyr gy +com pac +sd k +sap i +?? ? +liber alism +ep silon +ai den +w usa +spra yed +baske tball +kim ono +blue wave +ali as +ë§ Ī +mug shot +ce c +do gre +ad ora +ðŁĵ· @ +kra kow +intrigu ed +exhau sting +astron omer +ven ison +lady bug +ci v +bra e +us m +bri be +acup uncture +pembro ke +ke ating +chi e +y ad +t si +sm i +see ding +gate shead +lis boa +gy p +canv ass +ðŁĶ´ âļªï¸ı +op i +ni r +soci etal +ly te +ati es +c sm +ar tery +al in +aka poor +abstr acts +â̦ â̦ +teen wolf +ne we +travel gram +sentim ental +per ched +han del +ho ek +f ay +coordin ating +anim ate +man ian +effor t +jer ky +f ck +adri enne +ma bly +tra ding +my el +spi ro +sol a +stor ing +over drive +monday morning +dream team +pul se +bon di +ber nie +pgat our +tri poli +son am +plat t +âļ ¡ +ag roup +îIJ Ĵ +inv ading +v cu +k ell +ñ os +un dead +pod casting +mercede sam +mana fort +cor tex +que so +impecc able +pal mer +wil doz +sport sc +guacam ole +dispen ser +cate gori +stun ts +per il +invit ations +dune din +xi e +achi eves +saf er +pre ds +ph an +knuck les +k ak +igno res +lovemy job +aru ba +ound ation +datac enter +co vert +gr ing +cou ple +ا ر +vol i +mc cle +arti sans +lu do +kal am +arom a +under taker +hu la +wiz kid +gu mb +god frey +bakers field +ker n +engine er +car ve +pal in +guaran tees +pe bbles +b ays +zi eg +fin k +â¬ĩï¸ı â¬ĩï¸ı +down pours +ro chelle +rasp berry +ðŁĺ ® +gra phies +stom p +caf es +ari zed +utt ar +cal vary +dri e +crusad er +bus an +tux edo +si u +seam us +cul tured +blan chard +town house +ge red +butter milk +flu ctu +roger federer +hel i +ðŁ¦ ĥ +u ous +ram esh +mu ppets +email marketing +ye ss +br ice +ri zio +pel o +donnein arte +u rable +inve stin +bump ing +raji v +sav a +thro wer +fore x +o hhhh +th rust +pull man +r fid +sep sis +le ed +fri ght +roun ding +ne b +ph ins +ai sha +utili zing +squ ats +gold smith +j ic +bo ks +vau s +i po +exclu sion +tari ff +po kes +min al +land s +en force +washington dc +or char +g x +mar ys +ey our +aussi e +bak ers +un popular +latin os +lar ge +pu tnam +bol o +wa de +pel o +di zz +ob struction +fla ppy +weare the +depend ence +pajam a +e te +y ann +e wan +disc la +a ay +kar ina +e ic +an trim +w soc +neg atively +kai do +fotogra fia +dh ru +colo ssal +mcle od +k wang +mani pu +ex hilar +us atoday +summer slam +co les +tapro om +unbeat able +de ma +tic ks +k ling +fil s +campaig ners +ภķ +brew ster +audu bon +qu ay +ch s +ki gali +d ler +strength ens +som al +sign ingday +gol ds +pig ment +orche stral +g q +lin kin +ðŁı ĩ +ta w +algar ve +ho v +ear le +gold fish +am ig +ex er +ben in +dru id +ðŁIJ ¸ +she m +quat tro +mer cen +men te +incorpor ating +bon anza +state fair +en de +concep tions +e es +âĻ¥ï¸ı âĻ¥ï¸ı +d son +fire arm +orb ital +we h +multi p +fo b +requi em +p light +thou se +sa id +oc re +remem brance +n old +chi pping +be v +er t +ca thy +sy m +ri ggs +m ley +dialo gues +sl ender +how l +gau teng +wd w +to bi +smo kes +im plo +b pm +ad n +mom basa +cap sul +bloom field +artic ul +cle o +goog led +flu ffy +l ard +en zyme +ve sti +ibra hi +fl ame +e mea +out ages +dispro por +ble ak +an sel +ick er +st louis +stock market +good friday +sau lt +stal led +pro m +ep som +b é +the se +sau ces +me w +lit fest +pre d +re u +kar ak +si enna +ell in +bio technology +ï¸ıâĥ£ - +tac tic +sa in +por k +mon za +ka j +lu sh +compart ment +chang ing +shraddha kapoor +fo al +ar tem +cu ando +can ola +ori ente +me sse +d ited +br c +box er +bbc two +s st +ment day +em ing +de wey +kof i +âŀĸâŀĸ âŀĸâŀĸ +reali zation +smo l +tw ood +san je +flag staff +ber wick +cor set +can ary +whistle blower +et ched +com posing +squee zed +bow er +auto desk +ne h +mathi eu +ba ja +Å Ĥ +hy dra +da im +am eri +insi sted +mer lot +gar ros +heart news +gaine sville +cut ler +bo de +ðŁĺī ðŁĺī +lew es +scoun try +g sa +us u +cc m +god awgs +phara oh +cra e +mor ley +hyp noti +f ades +neur ons +fu zz +ing co +high landers +star k +vig ne +pac kets +amar illo +reu ben +insul ts +bas ic +vec tor +n me +ac ruz +tro s +transm itter +ðŁĺ ŀ +interpre t +ðŁĺ ² +pre quel +mc gowan +dis semin +ðŁĴĺ ðŁĴĺ +mascul inity +indie gamedev +ali ve +te t +pe tal +ema iled +ar med +ko o +he er +ba ird +super junior +metro polis +delav in +decl ines +stit utes +Û ģ +p tbo +g lan +cho res +e aling +chri ssy +ste mc +vi an +assassin ated +pron ounce +illeg als +discover y +cav ill +fri fotos +f al +so i +sabot age +t int +p dc +ðŁİīðŁİ Ī +ãĤ Ĭãģ +ji o +endeav or +in sig +commit tees +she arer +me tz +mar rying +h dd +g by +fre t +tri sh +pu l +scrip ted +sa ki +l w +ke ye +shim i +nan aimo +ca h +à « +tem pered +ici an +du gg +dish washer +air field +s rugby +gr inch +y st +r ms +mahat ma +lan kan +disc ar +dige stion +no des +l ls +om ic +gu tter +tis garh +feder ico +election day +bo he +master card +fire ball +âľ Ķï¸ı +oy ster +p ong +do k +en route +m vc +beat the +ali stair +shu b +sh aming +cherno byl +ghi bli +the s +pin ion +d bs +sal ts +ic tion +epi ph +nc pol +in convenience +whit ley +inspec ting +wood ley +wi ener +skil let +no les +m ca +h ina +a sha +willing ness +well ness +tam ed +show time +dis advantaged +ber nat +us n +mission aries +coun selling +arrog ant +quant itative +leg alization +ho dge +energye fficiency +cameron dallas +pos sessions +p bb +harris burg +v g +hindu ism +happy thanksgiving +fi b +re acting +tweeta picture +pol iti +mu ppet +hur rah +pac e +coast guard +guar ded +as am +par ry +fore very +x q +oom f +ke anu +j ind +ri st +customer service +sac red +ðŁĺ º +ton er +occur rence +mat u +val dez +red d +is ak +power rangers +pe asant +raj ini +abra ham +e mil +car do +tr il +hair styles +obsole te +sam pler +direc tive +delavin kisses +ver ton +glo s +sp ay +paler mo +com ets +man ziel +chicag of +ski pped +pic torial +h ant +b mi +a ol +re opens +pad dling +devo s +fra ud +bas eline +que ues +sp ired +sn are +eu ve +descri ptions +daisi es +ca ching +gall eria +tri mmed +stin o +recy cla +ic ular +bir ken +raw lings +fli x +chic as +b gt +lik eli +argy ll +thel ove +ga ston +bl anca +ha k +f one +sailor moon +h aci +ima c +fl yn +de can +bel les +ap ic +zo g +taun ton +con stance +lasag na +ker nel +in ka +har bor +collec tively +calcul ated +av ille +shil pa +pur du +gi mm +fun er +a est +pembroke shire +nighting ale +n unes +hyper tension +hu bert +sli ders +infer tility +comm ended +transat lantic +metr ical +!! @ +Å Ł +ss g +bac ca +inver ted +fun factfriday +it ans +albu m +acqu ainted +ri er +whel an +sar ab +mu e +snoo ze +pi ff +agre eing +sp itting +jer maine +n ye +âľı ï¸ı +am bush +ze ph +con greg +univers ity +s app +wann abe +pat rice +ib d +do glo +fri dges +sun d +king ston +ar gon +kam en +hardro ck +ds ley +do lores +ì ° +ota ku +pi ping +be having +âŃIJï¸ıâŃIJï¸ı âŃIJï¸ı +blue bird +an sari +teapo t +fire work +cro p +log ans +ty ped +thick ness +ig ers +c fp +dys functional +contra sting +et ty +aston martin +tx st +dra grace +at tributes +marath on +manu scripts +john stone +ðŁĺ± ðŁĺ± +bo er +ay u +aru gula +poo rest +con du +assu mption +anag h +no h +delav in +sit ter +g ö +mor ow +kick start +com i +gl acial +ghe ad +ba in +ker shaw +en dof +fre ud +om at +i af +hu g +sign up +each other +defin ite +tu bing +shak ira +ðŁijı ðŁı½ +uu uu +sw in +sham bles +ol as +sk ell +brit ain +kn w +clu tter +om y +j ens +hang ed +city scape +scra ps +un locking +dead liest +er no +breast cancer +a it +inspec t +fu ri +ðŁĴ Į +ku d +ju le +or ah +mi ds +m dt +bur gring +r attle +pu sa +stal k +cle ans +iss ance +z ek +worth it +nam eis +musko ka +council man +urban art +bar rac +un solved +tu l +g ita +white board +soy beans +em ent +cont i +saturday motivation +conveni ently +doc king +t ado +âı © +sp ino +puppy love +po f +fabric ated +robb ers +adop ts +ti fied +kk r +indulg ence +notic eable +macqu arie +chap el +sensu al +ki ko +melan oma +lore tta +li ance +ab en +sp lus +ga al +ac ele +lib dems +compar isons +ðŁĮ µ +rhy thms +mer y +en capsul +nap ier +ðŁijĮ ðŁijĮðŁijĮ +ðŁij IJ +plat z +fre sno +re formed +ran bir +el it +the best +bhu shan +vin nie +impro vised +s ittin +re created +e ba +ec ker +ac rob +pon te +cor d +gi ddy +eur usd +fe ver +intu ition +gar i +dum mies +bud weiser +amend ments +te tra +sch nit +ay as +mar ys +ci st +k ani +ker mit +ðŁĺ±ðŁĺ± ðŁĺ± +tin ker +strol ling +di visional +niger i +omin ous +menstru al +kar ab +k hy +bw fc +pan handle +l illi +well er +stra pped +son the +transfer ring +ethe real +sne aks +ru dol +gab les +jac king +cin code +for tune +canadi ens +con for +ab normal +frank lin +tit a +mu la +persi st +cu ties +ki el +ðŁĩ± ðŁĩ +her mann +aw k +fi asco +ko to +we ta +hi ker +budd y +preven tive +mcgra w +game boy +forsy th +top shop +si ob +sad h +in tram +follow art +so aps +dragon ball +ou x +morri son +๠ĥ +lu bric +adul thood +morri sons +âļ łï¸ı +her mo +ta ka +stall one +mis use +team gb +ra gha +con fined +at y +hom ophobic +nw o +sky news +ho ya +ac rosse +wi iu +pur ée +jed dah +ðŁ¤ § +advis ers +ph ine +an is +scrump tious +ë° ķ +c ke +vin y +ter m +s dc +o do +home school +vas c +leop ards +debor ah +illic it +cur ran +as roma +nau ght +mar ig +brand i +em p +ðŁĺį ðŁijĮ +î Į +su spend +lu z +initi ation +sch aft +jensen ackles +craw ler +post doc +des ks +trail blazer +den omin +tri x +no ise +po et +± ï¸ı +s mug +vol atile +proof s +pharmac ist +sardin ia +mash able +kim chi +co ed +schal ke +doo dled +c sw +sh ur +ro x +do k +chris brown +mathemat ician +ab ound +ang elic +rock ford +d ole +yor kers +ms n +g man +xavi er +bor rowing +mark ings +longh orn +k ja +diver ted +mm it +euph oria +ay yy +te a +pa h +ck i +un cut +li ven +ky ung +fan art +mer ing +red ding +amo vie +gri di +c thulhu +schol arly +ju dah +th bewithyou +eu calyp +ðŁIJ ķ +hert fordshire +cour troom +by u +auc tioned +ple ase +mar cia +ê° ĵ +succe eded +el as +arvin d +t lot +saig on +re tt +ra kesh +fd ny +as en +se bring +gladi ators +you know +v lad +gol a +par ap +ÑĢ Ð¸ +sab cnews +one team +oh l +sun e +ri j +cd c +star gate +run down +plat o +ph c +chat ter +ra viol +mn f +mand ala +li et +ภķ +mari a +hun gover +consoli dation +fer rell +tradition al +ilove art +gal ap +ðŁı Į +que zon +espa ña +ðŁĩ¨ðŁĩ Ń +ho bby +steam boat +mali gn +guil lau +pro hi +its me +íĥ Ģ +in scription +al z +mari an +k ade +mm on +adju sting +ne sts +intern ally +ci r +vik ram +mal ala +k ph +fel icia +the real +cap tivity +at is +marcor ubio +kale ido +che v +mano j +le more +gent ri +vi ps +tro pe +" âĢĶ +pair ings +mal nutrition +fr ay +desig nation +brun omars +az e +tor rential +pan zer +ga il +under the +the ological +schizoph re +dazz le +freder ic +mo par +ad illa +so ggy +ra un +medi ocre +colo rec +i fe +p inst +blu ef + ² +world water +gir oud +clar inet +ad olf +tar antino +receip ts +assu mp +ðŁij Ł +coffe es +âľĬ ðŁı¾ +du plex +s of +r x +lin o +timber wolves +pan dit +mo tm +e ga +ay ama +ach s +outsi der +ll en +co er +til ly +cheese burger +ma ds +ple dis +emp ty +national parks +az iz +p mi +jun kies +f ener +sq n +è s +gener ation +cleop atra +bhuban es +mosqu es +ty free +popp ins +tw c +or well +n age +ka whi +hol low +dal ai +¨¨ ¨¨ +ou ro +m health +gi on +az o +vis as +reneg ade +re ic +w sop +ðŁĴļ ðŁĴĽ +e chel +tox icity +mü n +bun k +stimul ating +asth our +\ ' +ep h +ende mic +cn bc +shrin king +peabo dy +michel angelo +can yon +wal e +su mi +si ders +inu it +? . +profession alism +dr acing +plat oon +p ons +out bound +maple leafs +de sol +cen cy +a than +ver ma +ru bbing +ok an +ðŁij ł +mull ins +authent ic +Å į +alman ac +ga ia +bb q +on imo +ke h +ty a +tou ts +y av +re posit +, . +wi ght +se eyou +cal lof +done sia +bar gaining +gr anth +sd su +amphi theater +p su +re watching +wine tasting +peak district +dete cting +thur man +phe e +èª ķ +u mich +re r +sculp ted +go le +name sake +ðŁĶ ģ +serv icing +bau gh +pu gh +pen cil +dar th +munch kin +at orium +ten ers +sun y +rolling stones +mag ing +star rer +i dris +fe instein +ag ron +âĺºï¸ı âĺºï¸ı +supervis ed +chamele on +aggre gate +succe ssive +mo gul +inst yle +pol dark +custom e +ohio state +ha ya +ci des +broker age +angel ou +fifa wwc +de forestation +al ton +pam ph +hu gged +ho bo +change able +ku ber +bur roughs +demon etisation +cape cod +vers atility +or ice +le ila +womenin science +tu a +he dges +embarrass ment +ali fe +so ars +ni ghter +hy mn +gi pp +chas u +tech s +ni all +k illa +hi ka +cam els +valu e + ¢ +sc oops +mah moud +clu sive +adri ana +pac o +oz il +un as +transl ations +whispe rer +s bi +bu xton +bio tics +indi ffe +ken ney +k lar +et ching +barra best +inst ability +se ine +vo tel +blo gged +whis key +my space +t ant +lan dia +give back +illu s +aw ak +ac ab +f bloggers +cloud computing +blat ant +syri ans +band ra +sty n +an em +ke ted +kar thik +barun sob +pin ot +gu bernat +gay e +arti ste +i fied +conven tions +hu an +geni uses +eeee ee +fol ly +somer ville +pride month +ðŁĩºðŁĩ¸ ðŁĩºðŁĩ¸ +chemo therapy +paul s +bak ar +ìĦ¸ë¸ IJ +taiwan ese +fol lo +c ss +re ign +nn nn +fla un +catastro phe +iti es +frag ments +extre mists +ym oun +car men +eze kiel +conne cting +se h +man ta +remodel ing +we ymouth +at oms +ce m +ne well +lu mi +the open +mo c +mili band +g land +z shq +mag gie +mani acs +m sp +ad y +cre ams +le anne +e sta +py g +af finity +pray er +dun bar +ligh troom +ac adi +wyn onna +roman tic +state dept +sick le +wh os +lam o +et our +fin ity +shru b +shar pen +pun dit +ed on +af ore +mar s +jeff ery +ter ps +medal list +kath arine +accu sing +ta z +roy d +from home +confron tation +alle gh +ðŁijī ðŁijī +refresh er +ran veer +never land +jo jo +lu crative +en am +ca ver +pa edi +man jaro +flu ids +the ssal +oppre ssed +mu ss +joh anna +Ø ® +cn g +buil dthe +sett les +s ith +fu ego +cl amp +ar ag +pay er +ted x +mand y +inter stellar +fr c +ch and +b cc +mo lo +len til +johan sson +grims by +nature lovers +ðŁļ¨ ðŁļ¨ðŁļ¨ +shin de +x in +international dayof +transiti onal +sat a +cad dy +wo d +if u +ha ys +holl yo +j ang +ir c +co im +grad able +" " +ðŁį ´ +ঠ¾ +a el +n yo +west lake +time out +sof i +phenom ena +cultiv ation +ag no +un armed +so t +con j +gen o +royal navy +nutriti on +fair mont +ti relessly +sn g +re ty +mic a +lu cent +slo ane +droo l +riz al +od ell +critici zed +. '" +la ze +deser ted +co der +pra s +l illian +itiner ary +dav y +an ap +whi pping +hobo ken +kare ena +çľ Ł +vi us +ter n +nan tucket +mis understood +bu laga +st ant +chin ook +z am +reli es +d ss +ed mond +sket chy +m ell +fe x +rec tor +dist ill +day dream +wine maker +ri pley +billion aires +hel ene +ati f +cul prit +bertr and +wou ldnt +ma pped +v ak +gla dly +parliam ent +kidlit art +ware ness +goli ath +âĨ ĵ +view point +tat ted +fu ls +dor sey +ang lers +li ds +ki ya +bow les +be h +b ite +compati bility +ance stral +pro x +beha ved +gubernat orial +ch field +sab an +z h +teen y +shibu ya +holli day +pan cy +âĿĦï¸ı âĿĦï¸ı +seun gri +? , +ðŁĩ¦ ðŁĩ· +im itation +impac tful +any i +gene vie +añ os +bate man +gli der +af ar +ra sheed +effor tless +sh war +dach sh +er un +at os +kin i +ch d +kha ki +k lin +felici dades +bel o +as l +to ppers +fin ley +stac ey +rigor ous +kar ting +le ppard +car michael +be ret +c se +ak hi +mer ingue +ab an +ha ke +ger i +er jee +re sto +comm anders +pr it +fl or +ad ven +ex termin +remain der +å IJ +es g +martin o +lulla by +| @ +mi gn +in store +big bang +cor di +cau ley +ante bellum +dg ate +cro ck +span dex +scaf folding +ore os +ê°ĵ ìĦ¸ë¸IJ +pom ona +ma uro +uni versi +re mi +af ootball +t ant +sm alls +ne h +worl do +tropic al +mor ph +jav elin +gla r +arqu itec +reminis cent +tu bs +spide y +make u +syl la +progressi ves +blo t +shor ten +keep in +ch ak +ang st +super food +decad ent +ston y +neuro logical +ar boretum +ann ak +fe ma +per cu +dis respectful +small biz +lo x +co om +c sc +bs bi +pre valence +him ss +esp an +mo ga +fr ampton +sky map +mas se +levi athan +( ). +noctur nal +car ameli +ang or +amne sia +outsi ders +she alth +rhin o +ant ag +ag io +ðŁĴ° ðŁĴ° +take me +kab addi +c si +m sh +coch rane +thessal oni +sil a +ha us +du sting +obe se +mack lemore +mani sh +len in +m dc +gro wn +shef field +s rs +ke le +car son +ch um +dah lia +can tore +opp o +how ling +cyber crime +sur realism +sc ran +fa iz +thre n +rac ists +r out +pk not +se mana +sin i +mc cull +ma chi +alfon so +y b +sar dar +kend rick +den g +reci pro +on f +doom sday +bri bery +custom iz +art is +c pi +ðŁĻĪ ðŁĻĪ +sla va +let te +en s +âĿ¤ï¸ı ðŁĺĺ +cra yon +ad an +tr c +migr ate +simp son +row ers +king sley +farmers market +shee han +ne phe +bor non +car ton +mic key +all ure +u lu +sli pknot +heb do +gui do +dog celebration +online marketing +acceler ating +) .. +origin ated +macar oni +ed tech +out field +mit z +disc us +adverti ser +man or +ha shi +descri p +cap ita +ful bright +recep tor +con n +con ey +spion age +r attle +pre st +u li +blog post +acker ay +) â̦ +red velvet +mat th +inspir ing +b sd +ker ri +po con +mil lar +re pur +accent ure +ä ¹ +ram bo +ragnar ok +dele ting +british museum +pat ory +leip zig +flori an +sci fi +in ers +br ate +yo y +melis sa +ab er +ma sa +po te +mosquit oes +transpl ant +r pa +; )) +bast ille +yl an +joye ux +melo dic +cap tions +atri st +roch dale +gott i +pew die +cuties aturday +who is +aqu aculture +tiv a +sp el +he ss +ha ji +fred die +co per +brand o +v k +photo book +* , +my dayin +micha ela +brune i +sr ini +in te +Ä ± +de ol +d fc +separ ately +bun d +ve sts +to c +me ck +rein forced +constra ints +car roll +sq ft +re ver +cam per +bird man +in action +gener ators +triumph ant +pe sts +o vo +gy pt +al amo +sc aled +suresh pp +sd n +is mo +gi os +) @ +justic eleague +restaur ant +gab i +den gue +next gen +exemp li +ap ex +inspir ational +down side +kid z +u pl +et na +alvar o +fel dman +bar net +m ha +es ch +bloo ded +>>>> >>>> +kan i +ho fficial +casablanc a +bir ds +ty ga +sw amp +o day +new castle +nb ap +ci sion +cho ols +af lo +ne p +mon ton +ak b +super model +down time +th os +sc wx +snoo py +ag greg +yo ke +nor cal +we tt +prolon ged +me tast +beat er +f ta +t lap +disgu sted +y h +voice over +itch y +ip c +ðŁİ ¾ +phe asant +stra its +ram pant +j g +fer til +assu res +fortun es +sal inas +liz ards +kett le +i bs +cyn thi +he g +mc cr +soccer oos +happen ings +cor den +ðŁĺĤ ðŁijĮ +t ches +egre t +wolver ines +congratul ated +ho gg +bott ling +wr i +fer ri +bo sch +af ire +og den +s jo +j dm +sv t +con tex +tol lywood +min k +me se +super sonic +op oulos +å ¸ +âĶ ģ +knuck le +gu ise +gam i +chu cky +z inger +radi al +compla ined +bo da +fe tal +discipl ines +cor ro +ðŁĩ®ðŁĩ ¹ +op ted +filtr ation +ad nan +em cee +mi stre +insom ni +fer gus +tra jec +on don +med tech +tanger ine +madra s +gru e +cab s +z hu +sureshpp rabhu +insul ated +day swild +pp m +band ai +v day +s ff +squ id +lo thing +not dead +expre ssive +cu ll +ala stair +x u +up front +fish ers +en es +um d +dis missal +sti er +sel s +lu st +re active +prote ster +eyel ashes +al im +goo de +gre eng +da ir +com pen +anush ka +proto typing +ma pu +bear ings +ðŁIJ Ł +for me +bsbi botany +timo thy +out skirts +am bed +are tha +wend ell +stre aks +ni m +k pk +sne e +fit ter +quo ta +p ate +win ning +ðŁį Ń +sho pping +ma inst +cul ver +ste vie +mcfad den +counter parts +gren fell +fol som +dor set +tech crunch +⬠ħï¸ı +tip tuesday +us l +tre x +geor gie +ranveer official +lic ks +se wn +k f +' â̦ +jap s +p ate +orth op +fe sta +stra s +mon tal +hammer smith +fore most +wido ws +mad re +ite z +mito chondri +lig ans +z ona +cari bou +m ss +andre i +weather channel +gh c +: ... +ta ft +awe ather +al isation +bru tal +bliss ful +nik ola +mal icious +q m +mpg vip +bro die +bl itz +applau d +dri bb +v ague +dog go +transl ating +interpre ted +hat ched +ge tyour +benefici aries +spar ring +caes ars +aw illiams +la hat +bro ke +ti mp +virtu es +rel ying +pie tro +k tn +ici sts +pab lo +lou i +a ag +pn pp +cha st +pul ses +fini sh +usair force +type writer +thomp son +dog s +ut to +ãģ į +sand al +new ly +do ge +z w +wan kers +ne gr +mu cha +determin es +black fish +sk unk +mu ps +instru ment +phy to +daysto go +skin ned +hai der +con ten +ðŁIJ¾ ðŁIJ¾ +we iler +undoub tedly +chair ing +wall is +sh ard +zind abad +adul t +absor ption +pre sto +deplo ying +drum mond +battle front +seag ulls +how dy +juda ism +des de +part ition +âľ Ŀ +no logy +national bestfriend +lesn ar +film fare +co asts +christen sen +ac an +mb u +co pped +ru bble +sw c +fun nier +far ther +where as +nano technology +with stand +pil low +bow ers +to pe +it ly +con fit +ma kar +comfor ts +bo sh +cli pper +bal la +sti k +mil b +safe guard +musi que +eas port +ya z +pad ded +bad er +fore ign +chop in +archi ve +o ka +tran sporting +tml talk +aj it +consequ ence +sc roo +ff o +collabor ated +pug chat +ye mi +jav ed +au burn +o of +ma w +sau cer +miti gate +i les +evangeli st +ter ie +re cl +indic tment +cat a +bright ness +may the +whim sical +un lv +key word +cu min +med way +west world +tra w +im posing +form ity +coul ter +ab z +ny pd +grass i +kel sey +qld pol +clock work +f dr +di anne +âĺ ij +ad h +p ann +bra vely +ae ge +un lawful +ver di +pocaly pse +phar o +kar la +reson ance +ma stiff +la dak +bu u +ma iled +hi i +craw ley +tor rent +mach ado +liby an +effort lessly +fal sely +q vist +ke ef +craf thour +cheri shed +val kyrie +s ari +kal amaz +be he +ðŁĮ Ļ +th im +ro ddy +col trane +but chers +ach im +wk end +awk ward +cab rera +:) ))) +fran c +decl an +con dos +a ja +pandor amusic +char ter +ph ill +mon trose +hatch back +handic app +gre aves +eucalyp tus +ut most +t son +bur ton +mid wives +in cur +ðŁĺį # +moo d +compre ssed +tom a +must ang +mo g +as ana +te stic +sho tel +in sol +cor sair +nh q +ben ny +sm ma +kap ur +in con +jon as +ener gies +don al +as ad +se z +n pa +archi ved +stimul ate +do p +hy d +gri eving +ãĥ Ī +ron a +why te +tree house +ss ell +sand ro +ko bo +ther most +se clu +hi ya +ge ez +mam as +prisc illa +flav oured +fas s +w old +maker space +cospla y +p tv +happy valentinesday +sequo ia +love craft +gu an +d tm +ci i +yoko hama +pos thum +re q +ðŁĶµ âļªï¸ı +galat asar +dol by +hamp tons +disturb ance +stone henge +ok c +disrup ting +month sary +jun gle +head lights +du stin +micro sof +happy mothersday +ko ko +gra zi +te sto +na idu +mal ay +ari al +ru mb +ab oo +har man +tra pe +spo ils +je ho +go dly +lock screen +z un +pi ous +ma gento +l enders +prob able +corpor al +m our +aw al +su a +call me +ton ne +go vin +devast ation +x j +gear box +war lock +per me +it ate +gaza underattack +du val +paras ite +clement e +le th +i va +fro zen +tho les +to bin +cair n +s ill +luc kiest +conver ts +st ale +pan cra +euro pale +wis dom +sch ur +ì ¶ +verti go +bi j +u bc +nu re +righte ousness +mt c +factor y +ver st +revers ed +hur i +hee chul +fab er +ar r +ul ous +ven om +ph at +green ery +bra dy +à ¦ +: (( +never giveup +di sha +mo ta +health care +dun ham +dex po +den zel +bb ins +f ics +wh am +mc g +eli an +wat a +str alia +tel lu +pe sky +spin off +ar moured +re acted +do fficial +te du +sag ar +mor ally +paralle led +fi os +dow ner +dau gh +re do +world cup +tari q +bar ne +glaci ers +oc cult +barbar ian +her mosa +!! !) +y ur +inter nation +p ss +sit u +p int +american air +sw am +dopp ler +ðŁĴĻ ðŁĴľ +cincode mayo +le van +hell enic +mc ne +ju di +yu h +st x +qu are +ðŁĺĤ . +sti g +g els +mot ley +hard work +euro zone +e ad +ç¥ Ń +seab ir +ci us +la id +alpac a +presu mably +pewdie pie +boo ted +am ari +tam ine +sol ace +bar row +acade mies +x ian +om ination +dun geons +b ma +de ity +ai k +stab il +hir a +affection ate +ving ne +new port +ãħĭ ãħĭ +thir ds +re tains +aroma therapy +ski er +ni ma +do pe +cr inge +con domin +to or +anim ator +sar aj +seas cape +minim alism +lake shore +calla way +berg man +à¤ Ĺ +whisp ering +stupi d +ri ghtful +requ is +ir n +se va +ut pol +tuber culo +squ ish +de but +govern mental +christ ine +all man +weap on +s ito +bur i +lo lita +leaf y +fu ch +tin ted +mck en +a hahaha +ðŁĩµðŁĩ ¹ +repe al +ne gan +ðŁķ Ĭ +tail gating +game insight +ðŁıŁ ï¸ı +yaku za +z t +ti ring +pro posing +bow lers +tra itors +ak shi +cler gy +cit o +up sets +tu scal +symph onic +sil ently +shu ff +black well +ðŁĺĤ ) +ko be +rober to +ri dg +dc u +mer ino +ft p +east side +. ~ +nb l +mn leg +ts for +frau dul +ca pping +in my +gymna st +ston es +ss in +twe aks +shag gy +oak land +dem sin +sang ria +mm va +hen nessy +down ton +ri ghtly +in it +aga ve +ob last +northe ast +friend ship +dal a +tro phy +ðŁij ½ +mag in +margar itas +ê · +ww fc +fa sh +di ke +cu d +char t +ðŁij ® +refuge es +jop lin +n cs +imp y +firm ware +pas cu +flam in +health tech +bell letstalk +w aka +ol ls +la go +co wan +bombar dier +sh ome +ðŁĻ ħ +mc master +na ve +well s +u ta +tell ers +mis fits +kap il +face off +af firm +a pro +whit epaper +super yacht +speci mens +al located +... , +- __ +ka w +dachsh und +djo ker +s work +qui ere +or um +ðŁIJ ł +som m +c mt +ingh our +skin ny +lgb ti +gi ggles +break away +resear ched +par ity +my al +ms l +re tained +si vity +make inindia +sol ves +defam ation +wal tham +sri racha +road way +concep tu +al in +iw ant +å Ī +del ft +tender loin +ga ins +faul ts +sw ire +st ellen +pol lo +dy ne +bornon thisday +asdf ghj +sq l +sali m +advis es +vo ip +ìĹij ìĨ +un touched +she il +ontari o +uph ill +so bre +de shi +nov ella +du tton +craw fish +ا٠Ĩ +ma a +tw ine +kal in +ðŁĩµðŁĩ Ń +ye ss +brook s +hoo siers +ton ka +umbrel las +ay ers +ate am +acqu iring +su ction +ä n +wi es +tari ans +soci o +mat tb +shepher ds +o so +charity tuesday +s logans +ninj as +al bat +by te +bash ir +trampol ine +mydayin la +i ja +bas el +ror y +gol die +fi rec +un noticed +pecu liar +sch a +ker son +mour ns +liquid ity +qu ipment +hi bs +ar s +aeron au +slide show +sla bs +delici ousness +sk itchen +hta fc +full erton +cre ighton +aer ob +procrastin ation +az ores +white hall +uss occer +medi ation +djoker nole +and me +um en +noxi ous +jo ss +ili fe +anni vers +sudan ese +et res +under mine +whole foods +diso be +kor i +ade le +eli z +can ti +al on +gymna sium +sarko die +meteoro logist +yl de +ste en +stamp collecting +nas al +lo tt +fran ks +ex ol +ack i +good year +animal rights +y les +vio lets +mm es +s thel +ra pping +tu scan +wai ver +tur ner +eat local +northe asthour +anim ations +tom morow +t sh +ff ame +bra e +pe tron +glam our +br yn +d cs +bal es +ðŁĶ ¶ +bro v +bre v +b ons +physi que +car ne +x e +elix ir +vol ved +l oma +ìľ ł +æ ĺ +van u +ri gs +bal ance +va res +bon ita +sprink le +perfec to +di on +le ak +calcu tta +o ba +d ma +c mon +tun er +pneu monia +bo gus +apolo ge +cl ough +bor ne +)) )) +revi ved +o varian +ner f +c legg +fan fest +cho u +reali zes +mc n +li gu +leg alize +just saying +for ster +bo sni +k hi +in dom +hei del +en cryp +si ss +ed di +mar bles +brisban e +y ing +pre paid +wal sall +cooper ate +orche str +mar isa +ho wie +che wy +bren ner +andro meda +e gan +sto cki +cav endish +ag an +ban o +de ir +go g +bl k +re thinking +ch ig +rhe u +sni p +p eng +semin ole +m swx +an nex +lyn da +lewisham ilton +cu mul +tb l +dolph in +agu ero +........ .... +pre lude +at our +gr anger +too ting +ro tun +dis ar +home items +da res +**** **** +ðŁij Ĩ +compre h +jin x +as well +iri e +circul ating +ðŁIJ ¥ +over board +cultiv ate +rhe tt +oriente ering +ca k +bal kans +s itt +jas min +britney spears +ro tor +se aling +g bc +oc ci +f as +eman cip +com er +war time +tic kle +son ny +pac es +log g +at rix +sr p +g win +do bbs +uz be +the wanted +dru sh +ex tru +m icky +honore es +dar win +re dux +mm j +ram i +jalape ño +io c +do ver +ju ju +whit ney +s eng +en ly +au ch +archipel ago +vigil ant +man gal +wil dest +parano id +hal i +bb ly +sanc tioned +real ms +con co +u ddin +c sk +play time +libr a +sav ag +oc tane +rec tan +re turn +par rish +mor rha +cc p +c mu +sa iled +se vent +ro sie +pil ing +he w +boar ded +seg ments +neph ro +( . +cr ats +bak es +ðŁį ¸ +back tothe +sibl ing +kirk land +ke o +gu wa +bre ads +ðŁĺľ ðŁĺľ +t q +haras sed +ga u +wil bur +j isoo +ep er +li sam +tri ppin +sh ino +ru kh +beast mode +cho a +inst aweather +rich land +gar i +fe z +cowboy snation +fur suit +k run +a en +sycam ore +se gun +ent ennial +di h +o ax +demsin philly +ðŁĻ Ģ +sn hl +pen nies +pass words +ma kin +ty e +d eng +kni gh +jeep life +hel pline +a for +zz zz +ste amy +pic ker +iter ate +happen ingnow +ki b +bloom berg +martyr dom +bul ly +assor tment +a hora +zo e +no i +illu stri +agar wal +p sc +electr onica +recruit er +gar diner +rad ha +naf ta +dot net +pi ero +geor g +bel s +ðŁĺĤ ðŁĺį +tuberculo sis +run nin +mor is +haul ing +ev oc +bre thren +sha ir +frame works +a stu +ri gid +ku ma +kre me +jin nah +insu rers +ny u +f ere +nol lywood +good vibes +- ... +toi le +sk ril +instaweather pro +cze ch +pa vel +one piece +nike plus +fi let +cav ity +ðŁı½ âĢįâĻĤï¸ı +ðŁİ £ +dra stic +dail ys +siam ese +re bu +oste o +lar k +f re +sh elling +p é +glad ys +ðŁıĢ ðŁıĢ +gusta ve +submer ged +grand stand +att u +won t +f pv +b ley +jon i +ang ames +weigh ted +al ou +ठ¶ +les bians +f j +anni es +am l +dor ia +dav in +be ta +can c +madewith unity +ha j +bad lands +mu l +blu ec +pa wn +cov ington +neuro logy +htt weets +dysle xia +thel ove +ne at +fork lift +autom ate +une ven +monte ss +he in +ha g +rel ics +competiti veness +can elo +mar tens +bullet proof +sk ittles +g ya +pri mo +americ afirst +woo o +abor tions +?? !! +ma che +ld ers +rl ly +preli ms +direc t +cour se +swa in +super cell +ec centric +sting ray +ple ts +wil cox +west in +okan agan +kir an +car bo +bomb ings +ra rest +bo h +gaw d +di gg +mo ana +enti rety +en closed +dodge ball +par ton +milky way +at r +thorough bred +re ally +qant as +epiph any +ine e +aero smith +spi eth +ar thro +ell ini +du bu +bra ving +âļ½ âļ½ +re structuring +illumin ate +equ ili +mp i +ash ton +pony tail +ma scots +flat tering +cru m +ast a +à® ° +stranger things +bar nab +ر ÙĬ +make shift +got cha +will am +cho irs +kilom etres +gho sh +eu than +dol ly +un ning +the ar +cre we +w sw +j ace +dis miss +ke an +ho ta +kh at +~ > +thir u +ren dez +hart man +tee ssi +cas ca +z ah +hydr ange +fo d +aw p +mzan si +thick er +nago ya +ne va +sti que +cast el +dam ian +there by +ji ang +ale k +music islife +ra q +calla han +gou ache +somal iland +sean hannity +ra heem +lo se +elo ve +whar ton +rectan gular +illustr ating +har ne +auti sma +scra pped +ell and +decre e +nag pur +ki pp +so re +n md +ma as +gun a +gart ner +bel li +then ight +je on +gendere quality +gi ver +a el +gar ments +ne u +mardi gras +mar sden +ro wer +pollu ted +camer aman +vin od +be asley +cro c +ji u +hollyo aks +anesthe sia +al les +ste ward +lati mes +ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸ ðŁĩºðŁĩ¸ +tic ian +gor ia +come dic +ðŁ¤Ķ ð٤ĶðŁ¤Ķ +nai ve +sli ons +ł Ī +bur glar +ðŁĺŃðŁĺŃ ðŁĺŃðŁĺŃðŁĺŃ +york shi +se ñ +fan boy +lau rel +inci dence +potom ac +rober ta +presi den +pr yor +os bourne +w ku +te me +pal ae +ðŁ¥ º +re boun +itu de +red dish +k hand +coloni alism +north carolina +ðĿ Ĵ +manne quin +lady bird +ta sty +knowledge able +g shore +ðŁĮ Į +à® © +qu aker +salz burg +med alists +chy na +bridesma id +ma ori +ro p +outra ged +in adequate +truck ers +al ana +ìĿ ¼ +ri x +oooo oooo +command ments +lam beth +aa j +eco friendly +bla z +morecam be +boun cy +rou x +rai ded +mi zed +sh c +gaw x +labor atories +ru bs +rest room +consult ations +ca jun +virgin i +so ir +rev ue +ple in +wag er +ç ¹ +we do +growing up +! ðŁĺĬ +face ted +sin ners +ho vering +ti ene +seas oning +an ja +leg go +il is +fla x +dev o +ash ram +mati sse +ker i +go wer +bo tox +mar shes +unh cr +ts m +opti mus +dun i +stu ffs +so k +order ly +n bad +islam ophobia +raviol i +fab er +cre ds +won ka +in fusion +over weight +daily news +assi mil +acol lege +medalli on +kili manjaro +sti ff +tham es +sun ken +th ard +my dubai +hilari ously +han nel +plu mber +fair view +separ ating +rasc al +qui en +necess ities +confeder ation +ll ll +: ] +weak nesses +bron co +ra ffles +el ot +ãĤ¸ ãĥ +advent calendar +ðŁİ ¹ +stra vel +tun ic +k su +im peach +e spionage +! - +di ment +cur rant +bio de +commu ting +by ron +ðŁĴĵ ðŁĴĵ +shad ed +tr uro +cray ons +ar ne +h sc +fre aked +dram ati +fle ek +u cd +marl borough +^ - +cross ings +mal o +black ops +bin ance +cho ked +chen ey +pl o +ge stures +val edic +ryan air +rem ington +v cs +mc kee +ec z +be gs +nail art +mayor of +happy fathersday +war t +pet itions +n ingly +clean energy +bro x +sl alom +exist ent +ab ay +ug liest +tom p +stom a +sel by +goal scorer +ben ji +overwhel mingly +lan s +semiconduc tor +south korea +re scheduled +sk yl +en listed +dow ski +si del +rosen berg +nas ser +white head +pri us +har are +en n +ry der +í Ĥ +mon g +clas ico +transpor ter +po tty +is me +** *** +vic e +sk it +ode ssa +l mp +her n +raci ally +pin oy +paragu ay +obitu ary +go es +bu cha +side walks +angu lar +un constitutional +transiti oning +i bu +gu ys +un packing +oooo oo +black girl +ber gs + ¯ +wordof theday +trump train +thunder bolt +m si +fasci sts +ठ¬ +t sk +collap ses +raje sh +loveis love +migr ating +set back +ðŁĺĬ âĿ¤ï¸ı +t els +safety first +nar rated +jae joong +un answered +lique ur +en nes +dal go +bill ings +salt water +mer maids +lon gs +clap ham +we arec +pic collage +n ach +h ace +pois oned +lo th +ag na +adel rey +guar dia +poli shing +peace keeping +d all +p isa +la pland +process ors +de andre +so bs +p once +dra ins +c be +ðŁİ¥ : +spla sh +meat ball +fon tana +worcester shirehour +ne v +bri sk +b int +ac r +po x +cay enne +skril lex +j fc +hahahaha hahaha +gla s +en gul +tempor al +oni zed +con cre +com pose +vibr ations +plant ers +fer t +criticalrole fanart +t bli +sch allenge +huck abee +munici pal +iam bic +radi os +ne vis +dura bility +mc cla +horse back +inst itutes +ful fill +atta ch +ate ur +ak an +resi sting +illumin ation +hand le +hair care +om ent +macle od +ka iser +g no +bear down +ly f +gl omer +distor tion +z m +san k +roo sters +is now +as ports +ag en +wo ken +st george +ro mper +my le +econom ists +ru to +t will +health and +d ito +ws l +tair p +pra kash +mic heal +h ts +w rights +kat su +fioren tina +defen seman +d itch +var sity +texan scheer +ba ham +sc anned +we il +seduc tive +ðŁijį ðŁı½ +fu e +er win +dav ison +ter ran +moo ds +wool f +re source +@ . +cu sh +ðŁį ° +regre ssion +cur led +la zer +jo anne +ab bott +mo z +down ers +mm mmmm +valent ina +k hair +dream t +cro ok +che k +ste aming +nephe ws +cl eric +as ober +indefin itely +w ye +us news +joy ce +flu shing +wynonna earp +ron do +kis s +hot dog +bar ns +sax ophon +far ley +gas p +decre asing +al way +pe x +l sd +shi ft +p outine +ra zz +rescu ing +ni ko +ho ch +cc l +u aap +n ts +m car +il wx +conqu ering +ket tering +stur dy +delay ing +sto k +vani shed +cath ar +bin gham +in v +ic hiro +he mo +budge ting +[... ] +be ss +sebasti an +slow ed +ðĿ ij +musli m +stun s +acton climate +ve a +se ton +rose tta +oun t +hard in +flu id +ca w +ðŁ¥ Ĥ +yach t +un l +sp hy +provoc ative +or ic +is back +__ _ +nicol as +gy an +loo se +fl in +reb ate +: :: +! "@ +com icon +she ff +down stream +chic hester +beach life +mom life +diabe te +ar ra +van e +ok u +ye o +man go +try out +app ell +he irs +arjun a +dd u +na veen +movi c +soci alists +s back +criteri on +soyu z +k her +da z +yol anda +wine oclock +re ina +one w +leon ard +en dez +u bs +support local +facilit ated +carameli zed +b pa +vuel ta +my tho +m ami +spe are +nbap layoffs +fe vre +nick jonas +im print +c so +craig slist +la salle +gi deon +ha doop +dis regard +w ud +tu c +ma gee +acou stics +ta a +qui e +pol a +cr t +dw yer +dis sec +capit ol +men tion +kn oll +he igh +fin ders +plac ements +l se +indi ra +gur i +madhuri dixit +kingdom s +iambic pent +geor gina +je ky +conflic ting +bay an +aga tha +uph old +dr on +vic ar +ex pat +periph eral +pe ssi +fa f +ance stor +? .. +wid get +pun c +comm enced +beav s +air waves +ad dis +po a +de sses +co den +vu e +ru pee +kar in +spo ck +m sy +ภ° +pr ick +fill more +ti fication +thing sto +sar de +em ile +pere ira +n ad +bright ening +arre sting +wo king +usc g +sp ill +raspberry pi +hu go +ite c +is ma +cuff links +optimi zed +oc c +mi wx +en ka +el ited +afford able +sa kh +coron ado +ho h +at ul +ai oli +jim cantore +accoun ted +vin ay +her mit +groo ves +ran ch +r illa +we tter +ou tof +veter in +ni kov +ki an +fair banks +ram apho +n iti +k ko +ru sty +ne stle +tv xq +shahe er +âĿ¤âĿ¤ âĿ¤âĿ¤ +penn ant +gem stones +dem debate +ðŁIJ Ĭ +auton ews +support indiefilm +mach o +ve x +new sat +ne ti +conce ssions +can died +yof the +mac au +den ds +cricke ters +san iti +mari ano +gh at +ar toftheday +¡ ľ +e gos +gen oa +chat bots +bri er +al labout +mon ty +spi ed +r tr +comfor t +sni ppets +real time +gra in +exam ined +en lightening +tt u +god bless +release the +sing ular +ki ans +ha ka +sor ren +defe ct +mar g +equ ities +d orian +su ka +per l +aishwar ya +pul lover +preci sion +fair way +ne ve +rive ting +vill anova +en com +ak o +passion ately +europale ague +siem pre +x vi +enligh tened +c fr +âĺħâĺħ âĺħâĺħ +wast eland +is f +new comers +emergen cy +amphi theatre +- . +text books +figur ative +tre mb +pe sc +ab hin +ab bot +ac acia +har ds +por sche +kau ai +el isa +car rick +abo u +elli er +be ch +neu tron +galap agos +ru ben +in nis +how to +nun s +sab ine +i ac +clin ched +no tori +fi ves +cairn gor +per i +gr c +ðŁĴ¯ ðŁĴ¯ +mal m +twelf th +di ff +rout ines +marty n +lin den +synthesi zer +nu mber +game cube +fal kirk +byz antine +queu ing +gr ill +scal able +char red +rou ting +her bali +gri zz +ðŁĺŃðŁĺŃ ðŁĺŃ +tol l +termin als +l pc +ab d +war mups +remo vable +¯ \ +vi go +pap aya +ne ve +lov ingly +jo kers +ib les +sse tt +poten ti +pel e +gi gi +sadi q +leg acy +son o +ru pees +retar ded +ele e +par r +fi ance +ey re +say ers +pend ants +mak nae +al bans +adap ting +p ff +pu berty +ji u +ing rad +hypocr ite +diplom ats +phys ical +rob by +bon sai +ãģ · +f att +catal unya +âľ ĸï¸ı +ro ma +more land +so e +conver sions +stl blues +shol m +gra ssy +pra do +on u +assaul ting +> _ +sett es +dis graceful +aph ra +âļ½ï¸ı âļ½ï¸ı +ठª +kil n +goal tender +s ru +philanthro pist +b als +th n +stu den +sando val +dogre scue +eli ons +asse ssed +lar go +hec tares +sh rm +sa if +cle avage +no ches +n ene +fat alities +cur ing +clean ser +al es +p vp +south bank +pizz eria +marsh als +kni fe +an dover +tbli ghtning +sr sly +ou te +digi mon +timesof india +prome the +le bo +f su +wit z +rever e +man as +mam ba +ch ica +gu an +exhibit or +csr racing +d ere +xx xxx +gu sta +story time +ston ey +organ ics +and u +se am +min ogue +anushka sharma +ab a +ðŁİĻ ï¸ı +ugand an +chro matic +as sn +document aries +sh t +ru paul +loy d +k ats +e us +ite ch +me dusa +pan ty +kel logg +et to +talla de +sha a +do st +p ms +mari ana +je ster +croo ks +ðŁĶ ¬ +min danao +ind hoven +ðŁ¤ ª +le xi +tv n +jan is +co te +ãģ Ĩ +ser rano +iw m +ðŁIJ ¬ +k ke +distribu tors +cap u +counterfe it +camp site +ag gie +ðŁĺ ¼ +chhat tisgarh +~ @ +state u +san di +prevent able +cl s +can ne +mm c +i ver +sa haran +pal is +night out +do s +ap ia +absc bn +manag erial +aro se +mo wx +aro sa +ðŁĮ ³ +under dog +remo ver +astronom ers +lent ils +su scep +smoo ther +pend leton +fau cet +e mory +dal mati +af cb +tic us +exem pt +en rol +d heim +ðŁIJ º +restric tion +star fish +sto w +snor kel +thunder birds +she ad +homo sexual +dy n +as li +andre tti +dou che +dom o +tar mac +slu mber +pr onto +first dayof +mini ature +mari achi +argu s +recomm ending +mobi les +in ce +illustri ous +or c +adver ts +gr its +wea sel +pag oda +over pass +gre ys +maxi mus +arma gh +wood land +sun ni +ðŁĴ ī +ë Ŀ +ti one +soci o +ho s +ðŁ¤Ĺ ðŁ¤Ĺ +wind sor +subsequ ent +munch ies +id h +exclu ding +e mi +cu th +z ai +week days +law suits +barn ard +Ø ª +pe tting +net es +mul ligan +pharmac ists +ra quel +e ton +cran ston +gil ded +cle ary +ce ph +ra a +pam per +lombar di +as in +sher ry +pro d +for te +ari anism +buffalob ills +æľ ¬ +ðŁĶ¥ # +uu u +just ices +car ina +nat in +mas low +dro oling +cog nac +cam ber +el ong +r dr +in en +convic tions +am use +tro ck +harm less +visit ation +gen omic +bl and +beno it +chim p +tuscal oosa +gre asy +x po +gil t +se q +per mitted +christma seve +book s +mu e +old school +human right +be ati +ðŁĶ Ŀ +sh at +sculp ting +h wan +fern andes +sci utto +fu entes +endeav ors +maid stone +un paralleled +shou ted +queen of +mer c +band ic +ve da +sel angor +pi le +ja han +intimid ating +disapp ears +cl ich +za ha +w urst +hi v +fod ils +cor dless +aaaa aa +hy dra +bel inda +e els +bu f +su staining +rugby league +no c +brig itte +( ðŁĵ¸: +tromb one +soo the +smo g +ad p +stab le +ing ley +diagno se +ms g +we ss +tic keting +one e +nsw pol +e up +auto psy +adity anath +sun down +river front +si ya +p is +hier archy +dur ango +di jk +ren shaw +he aps +epide mi +david bowie +interne tof +dd i +nation ality +mb ar +air y +win der +w alia +elli ott +c x +bav arian +pl att +an tw +wi wx +sof ter +ne ha +h eller +th and +dani ela +bo ast +degra dation +ðŁĴ¦ ðŁĴ¦ +transform ing +man e +av ut +ðŁĺĪ ðŁĺĪ +vo ter +the e +t ate +pu ff +in door +sop roud +boy ce +boris johnson +wait in +immun ology +ðŁıĨðŁıĨ ðŁıĨ +âĿ Į +street food +liz asober +cavali er +c elia +need le +motor ing +g ato +, ) +ra de +harve st +t ms +jar pad +on ey +air men +v re +impair ment +abhi shek +snoo p +l ant +fam ously +bl ou +s ze +g ander +un touch +tu f +dee jay +col lateral +b ind +ðŁļ © +pin ning +ic n +' ; +the economist +ul tram +worldwater day +ti poff +the i +feed ers +campa ign +sc umb +day weekend +yo m +pe dic +h ough +ps v +pl in +on de +boston marathon +az zy +* _* +con ley +thi ago +hoo o +gal erie +luci d +je tt +gl itz +final fantasy +achiev ers +y ung +peregr ine +op hi +dam es +biom ar +âĺĢï¸ı âĺĢï¸ı +sk c +l ics +fl ank +ar rahman +ho of +uphol stery +t ats +wo z + ¿ +snor ing +ra er +l ju +ap d +pl ating +kan u +im ation +fragr ances +m ra +mor ay +mo tt +im muni +hearti es +bho pal +tim ers +g ata +color way +car nation +win get +si ghs +s ville +optimi st +chate au +olympi ans +ci o +singer songwriter +ny o +fi bers +bur ch +ag ro +mil ne +ig bo +cr amer +ation als +dan ube +pad ma +nor mani +en forced +bre ck +boeh ner +ar den +sur rendered +pros thetic +om a +ha iled +calcul ations +w fa +bi b +fcb live +fon da +west coast +que sts +friend ly +to wie +fit ch +bal ot +star dom +scrat ching +ho sa +thi ka +o ven +stro ke +out post +pharmaceu ticals +hi kari +mu y +af d +fallon tonight +squ at +or u +dra ined +chocol at +ë¯ ¼ +wor ths +ri b +mu j +that s +residen te +it el +boo st +mi gos +mul led +la a +etsy shop +don keys +me k +p tc +flin ders +e hs +ro hit +mu ir +g ad +compos itions +åĨ Ļ +combu stion +i kh +yemen i +wav ed +gar ci +ak os +oo ds +fu sion +se que +s lan +pl ur +kic chasu +shenan do +s ams +worl den +horo witz +with me +mic robes +k ki +ðŁĴĶ ðŁĴĶ +w su +patch work +fre er +y aki +the art +symboli sm +mil er +bt n +ma bu +side kick +motiv ates +sag itt +natur als +serv iced +ps ori +pa ola +qu ig +i badan +gi ggs +ë ³ +sciento logy +si oux +salam at +d res +cad bury +d hawan +ci ón +_ ' +swa pping +maris ka +james bond +explo sives +ay les +af er +s agu +cen sor +tom a +jeff erson +ring ed +par tist +ir responsible +aguil ar +vac ay +equ itable +altrin cham +ac ur +man ish +ger min +schoo led +pu tter +ed ad +nav al +toast y +sol areclipse +dish u +coy ne +ac co +mu ck +mar an +el os +len der +cro ix +worth less +ha ber +gun men +ðŁį ĵ +zen ith +t enders +hur st +hol tz +itali ans +car low +u cd +characteri stic +bun g +av l +u th +sa sia +rs l +red man +neighbor ing +green peace +sti ps +follow party +y gk +en os +omni bus +na issance +chri ssy +secu re +call back +ji hoon +memor y +block er +l anta +daf fodils +bil t +ffer ty +fau st +ie c +nipp les +so g +m nd +jagu ar +bol dly +ab poli +pro position +gun sense +evan sville +cu tters +we go +dou n +do x +stal lions +ka j +shi ppers +j awa +vol o +le ven +pap rika +kov ich +jor di +induc tees +app alling +dial ysis +allevi ate +âĢĶ âĢĶ +pie ter +mid wi +q tr +juli ette +inter mission +haw ks +act ment +one ill +k lin +vam ps +fam ous +cou ld +autom obi +da an +west end +elli p +nh c +mel anch +web series +ton gue +snat ched +smy th +tan gible +sl i +e asing +bar stool +over lay +afford ability +ting ed +ter as +ay ush +wanna one +rh ine +dan a +sh ana +kend al +fer tile +w ir +repl eni +lar vae +is ro +con vos +ab brevi +u cc +hun gry +bur rows +ag er +nav i +mat in +du per +cer n +ma don +ķ ï¸ı +é ģ +tu ps +hy att +sh ep +friday night +wis er +hei di +hat ton +p gh +foun tain +wrist bands +ahmadi yya +aeri al +subscri bed +so los +m ace +sla yed +for fe +dul ce +christ mass +arun jaitley +viol ate +ob stru +ni eces +w vu +idy l +fa ze +pre serves +infr inge +premi ers +inter vals +agen cy +( © +stand alone +di mes +bo er +param eters +ge tit +ðŁĺĺðŁĺĺ ðŁĺĺðŁĺĺ +tu lane +for given +scol l +mb ps +smash bros +rob bi +prima vera +ali st +ghost ly +ay at +ye ats +impre ssionist +ear phones +caul field +wai kiki +sal ute +sc ou +mu ay +louis vuitton +bak hta +ado g +inven tions +hur d +forec lo +stream line +thalai var +ch snews +will ard +t sn +euro parl +cru sher +my sore +gro wer +ra ping +pat ti +g den +sm w +muf ti +kid man +ab r +soun ders +skep tical +ðŁĶ İ +sun dar +i me +fer g +feather weight +ar lington +pas qu +ag azine +wearab le +nati c +mccl ure +inter mitt +hor de +six ties +car te +bha v +ze al +experi ential +ador ned +som mer +eno te +hypo thesis +stin ky +pro to +dead lines +vo gel +mus ings +monc ton +gu ter +f le +aci on +voice of +ta sha +inhabit ants +type face +s ba +bts x +ðŁĶ Ĵ +wor x +u hc +jo ko +cell ars +gor o +continu um +... & +weather cee +ha p +sr k +ris ers +lonely planet +un named +co eur +ðŁį Į +the world +ili ke +fa sten +ami go +ri ba +ramapho sa +staf fers +had ley +? ?" +fi ore +sal ut +hu ff +bez os +Ñ ĭ +ra der +kam ala +in line +fill ers +um atic +all in +shat ter +re in +o ku +ch ases +fla gged +baby metal +water stones +ts b +cut out +op hel +aam a +rockab illy +sto lic +jet blue +ich ick +down ton +uzbe kistan +pat na +la q +gr ange +) _/ +subsi di +sc p +newsc ast +it sa +twee tyour +e mor +archae ologists +uni fication +por ta +q x +protec tors +pro hib +charis ma +car tag +ren fre +scul pt +guwa hati +de ma +boo p +unf pa +dex ter +lay la +alleg es +sou ps +never again +l ys +cal c +bar oness +visu alize +ger ber +absor bed +i ers +a han +fon tein +detec tors +verst appen +sv c +formul ated +ac dc +li x +in competent +bh k +lour des +water house +snow ed +appreci ative +sig ma +lizasober ano +pen ned +pay check +tall inn +fanc afe +par isi +av alley +vi g +ru fc +hard ship +so cute +po ise +ì ¹ +roth schild +k ly +???? ???? +l hp +il ay +f hs +am ad +ide als +brad bury +bal boa +nic ot +kid nap +wol ve +tas manian +op t +matthi as +ãĥ³ ãĤ +super markets +mylittle pony +me lee +li ster +gr oun +fe dora +kind ness +en en +bra hms +¯\ _( +ros well +mar lene +ic u +re formation +or ail +he brides +dispar ities +terrac otta +swal lows +re id +influ encing +flu or +den e +tum our +blon des +thunder bird +sh eva +moga dishu +ka b +cre eps +i ving +ene ed +anno y +âĶ Ģ +intri gue +enqu iry +ar aj +tur al +kuber netes +end lessly +divi dends +tor a +ti sh +commemor ates +un ra +tri b +pon ty +ne m +diss ent +brew ingco +ðŁĺ ½ +nor mali +bi of +( ... +chil len +ì£ ¼ +mell on +av is +mccor mack +ing ra +enrich ed +custome rexperience +testo sterone +snu g +sett i +ger onimo +inqui rer +bre aches +very thing +bloom ing +mu ra +dispo s +bi de +de va +shade sof +in trin +sh ev +s ven +nayanth ara +gan esha +c ws +ber ta +label led +use um +nick named +ma han +car uso +ap ur +ðŁij Ĩ +w q +orphan age +discar ded +mag nu +lu e +je on +bridge port +pac ing +mercur y +( ðŁĵ¸ +marx ist +amphi bious +transplant ation +stit ching +then burg +gradu al +ãĤ Į +ro ft +ma ils +ine c +guy ana +dopp elg +ver o +re write +head less +harb augh +gate way +car sforsale +sw i +st is +mach t +un de +sura baya +stap leton +nur turing +mil ner +ya o +lma oooo +ko sh +arsen al +k ame +er ry +ar royo +dis misses +ru bbed +rc b +lew d +dil u +and or +vi de +ur in +inter sec +ha ar +al b +year swith +app leton +é al +ul livan +suc cu +monter rey +d mx +artem is +ron nie +farm land +s football +gro tto +anth i +ãĢ ģ +à® Ł +vid ya +jimmy fallon +ൠį +t zer +gravit ational +w thr +u hhh +e hr +tin ker +ti juana +scran ton +ram charan +bar clay +re van +m si +ka p +wr s +we thenorth +tor al +sat u +gro m +fac ep +erick son +z yn +se dge +oo dle +spur sofficial +ds p +sic ilian +soli hull +recei vers +ladak h +hend rick +ther i +presi ding +mc guinness +litt ers +gun nar +gh oul +wi b +n tv +kar o +fro ck +b lau +ampli fy +all is +ul lah +memo irs +kh loe +intercep tions +pet day +lo oney +con fin +ch ay +piyush goyal +frequ encies +ut z +event ual +warm ly +obli vion +an ka +ta it +âĿ¤ï¸ı . +director ial +ru lers +prince s +mu ck +stur ridge +deu ce +abri dged +bagu ette +un cles +pen du +min ding +forre ster +av ila +wall er +wall street +ment or +hin o +high way +crom well +fanart friday +mb i +co yle +a hi +tro ve +spie gel +pay tm +mcin tosh +jan sen +nit i +nash ville +len o +leicester shire +le gos +dic t +ðŁĵ ½ +sp ad +beverly hills +sy rah +separ ates +z ain +un fit +dra gs +tan ia +over flowing +hri thik +haw thorn +z ani +mac far +fi de +to tem +pe ds +fundament ally +cal ico +sin ner +j ä +hil de +ds d +ten ay +ta hit +mil f +lie b +inform ing +up lift +ra el +mortg ages +lec t +ii ii +guillau me +compos ites +old smobile +l end +gar th +com mish +bapti zed +scorpi ons +ru cker +bringback our +alli ance +thalap athy +tal i +sp ans +eri dge +wither spoon +lin da +sky lar +kor n +hom s +Ä į +sil enced +caf fe +ar ty +dist inguish +to wed +pun g +jessic a +ear nest +beau fort +t ama +study abroad +si khs +new bie +nav ratri +mar ble +loun ging +lit ter +dal it +so sa +iz es +gra de +com promising +tr iton +de tta +v j +chau ffe +spec tral +powe red +montess ori +artic ulate +hal ton +al co +ye y +mn twins +acoun ty +ðŁijı ðŁı¾ +âī Ī +mad men +kal a +gru m +chi k +ati s +su me +akh tar +job search +high lighter +bo ath +âĦ ¹ +tar zan +lam bo +âĽĦ ï¸ı +ox fam +dump ster +pretz els +mac os +incl ined +fac tual +adverti sers +shu i +pu ree +ml pfi +anti dote +cap o +pa str +merc ado +but ton +ar min +ag g +lol la +horri bly +er rands +christop he +time snow +monday motiv +li ss +scand als +mc i +dispropor tion +âĺ İ +sur pass +samar itan +so tho +pu rest +fl att +trivi atuesday +delec table +leop old +hermi one +chou dhary +en rich +¡ ¡ +subsi diary +ine qualities +bachel or +auto immune +la kota +i hop +ad jec +the simpsons +sh es +se k +gret chen +up stream +hin akhan +coper nic +x tina +lu g +tough ness +e ad +cli pped +bi us +sl v +fah ren +dee pak +ca u +x an +im mature +dig ni +bo bs +shred ding +but tery +accommod ations +de ven +chun ks +super league +sky bet +kil dare +je et +ë į +ce k +wrec ks +pro pane +oh l +tb d +quo i +trum pp +mi mo +reluct ant +ver ne +o ic +ma gh +ar nau +se ver +li dge +stair way +kicchasu deep +ðŁĶ º +mach ining +aama admi +ot i +c da +al it +pan y +inst alls +ac ct +e shop +di em +hard well +fulfill ment +sc afe +qu ack +extrac ts +swee tened +fi ghton +f di +d inger +wal tham +us ur +refe rees +seok jin +gran n +af rin +th n +sch af +par cels +bet is +amar ine +nom an +kh tar +mor itz +cou pling +bar ons +ðŁIJ ¸ +à ¸ +sl p +sad ler +x ander +tri ad +mc millan +kh z +divi ding +ìĹijìĨ Į +dar yl +zed d +le ys +pla ques +flu ori +tipper ary +on nell +di dier +lang ford +im c +the sun +bir dies +ar cha +ye ssss +t di +dar ia +cand ace +al tam +pal aces +ch it +sant am +event ful +book of +ad b +mon stax +cre ole +co el +âĸ ½ +we aren +sten nis +she ath +ati sm +gron ingen +mlpfi m +le pre +wrong ly +rsp ca +rendez vous +acknowle dging +pel vic +solic itor +sla ys +nue stra +lo d +is lander +fer oci +fashion show +ra ss +dge on +adole scents +sma shes +negli gence +grate ful +ved ere +sw oop +ing l +apol ice +vand alism +gan n +jo ao +di supdates +zimbab we +under age +radi ance +w of +bour geo +pla s +cr ani +gh ue +wrec kem +warran ts +re form +jim mie +at wood +ys l +neil himself +l bj +i man +tan to +nois se +ver bs +equip o +al together +mam ent +l ice +dou glass +tier ney +pri med +j hal +furn itu +braz ili +v ill +past els +n ison +u ff +paral ysis +jay e +im po +ðŁij ģ +strate gically +pakistan is +was sup +super bike +thank u +tru elove +sha ikh +israel is +vi p +to g +li en +la ker +grey hounds +cul ars +bian chi +balot elli +ar ran +loo s +str ates +he bron +ar vo +sunder land +the al +tomb stone +sand man +c pac +thanks giving +love him +lat ino +an in +aka if +ĭ ãĤ +tor quay +di est +alli anz +ðŁĺ ķ +golf club +cl lr +wal cott +sch nau +promp ted +nomin ating +len nox +val et +mon ro +may ward +e ph +ðŁĶ Ķ +inter oper +r da +re flex +arm chair +ê° ķ +stri pper +por ti +ph arm +ham za +ni reland +ne ue +h pv +port foli +sun burn +fris bee +be al +bapti ste +x h +ty m +pr ati +o vers +haz rat +deser t +der ry +us ky +em mett +ach arya +)_/ ¯ +shu d +may a +ham ill +ra im +nr c +fitt ings +cur vy +ðŁı ĩ +ster ling +à¥ Ģ +wal kin +short cuts +mil ly +ast ur +alpha be +pl i +pe z +miss you +rad ford +ml g +ta eyang +notjust lakes +du mps +seren dip +le ur +ra ving +e ster +de priv +absc bn +ðŁijĩ ðŁı» +scar city +o cr +mean ings +cap t +da hl +fer mentation +bri oche +to win +out lander +massi mo +en cro +ðŁ¥ ³ +buil t +po tam +kir i +tm w +monit ored +k ites +peoples vote +gray son +íģ ¬ +afri ka +a dies +i vote +gy ne +g annon +di x +c mc +ou ral +fox andfriends +bel i +ig ne +gl an +katrin akaif +co politics +qual itative +p si +lu cci +disc oura +âĺ ® +kel li +gau tam +carac as +reale st +pu la +in us +hill top +make aw +atten borough +tw y +r arity +peck ham +ma hon +corn elius +clin icians +ton line +tb i +paradi se +ka si +inev it +fresh ness +colling wood +lun atic +defen se +cop d +in fra +wain wright +sains bury +alab am +te ma +lac o +chec ker +releg ated +tren t +stal ks +huff post +bhubanes war +ast ral +share your +prim rose +hi me +cat an +end ment +en dow +cle mens +mal oney +hil ary +game time +den ise +collabor ators +b wo +radic als +gue tta +ici on +au a +snap matic +sat chel +excav ation +base man +s ão +gn ation +fel d +surve y +shah zad +ma st +anirud hofficial +tru cker +ot ago +geo graph +ethe l +âļ¡ï¸ı âļ¡ï¸ı +s ver +mu tt +internetof things +ancho red +wh ouse +bang la +bal main +ç¹ ĭãģ +break fa +á Ģ +twi ster +te tris +ca v +stag s +g z +au b +stor med +hel ens +yar mouth +st asy +gustav o +co sc +vin son +up p +sc ricket +assump tions +app e +nu h +u er +pre mise +n aga +e amon +coron ary +na f +north side +el mer +ro tar +out lining +el f +re surg +kat elyn +in can +hyster ia +ce e +am bani +pro lly +Į ãĤĬãģ +ax es +san jose +rem brandt +mag pie +even ly +scor sese +qu aint +f g +b buk +indian football +weare all +spd wy +pis ces +ec g +âĺħâĺħâĺħâĺħ âĺħ +pre orders +: | +ni pple +sal azar +ju me +jail break +min n +bas sett +ze tta +jef free +ad jun +tic on +san diego +drink local +chol era +solic itors +o bo +com post +ni an +wr a +tre ach +ic ic +profession al +del ve +leg ate +histor ia +cro issant +con noisse +nam o +palli ative +chem trails +i ority +global warming +comic art +behavi oural +re sted +li as +cli mates +Ł ãģĦ +rut land +nou rish +menopau se +hot ties +demen ti +ve spa +mel ville +anal ogue +tz man +str ung +im perfect +gl are +cir cling +ros berg +rec o +oc ity +lo ire +em be +do ssier +ne el +nan do +me a +gal vani +fin esse +ag p +berke ley +asi m +âĺº âĺº +quil ted +ish ere +un matched +po tion +for z +at re +selfi es +juli ana +ðŁļ ¶ +âĸ º +mel ton +âłĢâłĢâłĢâłĢ âłĢâłĢâłĢâłĢ +spin rilla +pur cell +ed p +at leti +tony awards +ra ja +pro gno +mol ten +stu ff +p ally +nobel prize +âĻ» ï¸ı +spiritu al +spe ake +sa sha +bri um +tru ss +critici ze +assassinscre ed +yor uba +u lo +fire man +workin progress +ef cc +fla res +ro bot +hi kers +cl l +shado wing +pat sy +leh man +c ns +å ± +guad al +à± į +ra pe +r honda +paralle ls +son ja +langu age +land ings +z ola +cr amps +bur ning +apprais al +jol la +ham m +kas a +gul ly +f go +uly sses +ri be +ðŁĴ Ħ +ib u +eti enne +bri ar +fin ely +comb ating +y ql +go tham +we chat +to paz +primar ies +l se +iz z +hel e +dispon ible +cy stic +bel ichick +th rush +kansas city +ge om +soli di +red bubble +by stand +cambridge shire +par fait +ast le +ow o +ind ore +stom ping +sm elly +ðŁ¤ ĸ +locom o +adm itting +hol me +clock wise +min sk +mc co +for get +ev p +cam ra +ab ella +yo tes +universit yof +mé xico +silver ado +ric ket +crom bie +pu j +eradic ate +deli ght +y go +glam ping +vic a +du ggan +coun ters +cf d +sc our +react js +pu ram +paras ites +in ki +vill en +stel la +li mbo +ang as +k cr +ðŁĴļðŁĴļ ðŁĴļ +vap ori +mum ford +oli gar +à ¼ +al oo +boo ties +ad r +k elli +dru mmers +av ici +nature uk +ron al +in trac +un splash +le che +g oma +el ine +envir o +bi onic +bu eno +mi k +av in +star ling +em powers +cake day +boy cot +ðŁĴļ ðŁĴļ +ðŁĮ¸ ðŁĮ¸ +v ach +m ci +fractu res +ger i +sk ing +exclu ded +lu ce +ja ve +ig gy +evi den +aki stan +a wn +mor als +luci fer +ha ban +tumb ling +sunday motivation +mo sley +captain america +sch icago +the one +mo td +d ts +ðŁIJ ¼ +rep ell +ii i +locu st +geo spatial +mer sey +immer se +desc end +ber nade +j s +boat sales +win der +cran k +sing leton +candid acy +ben a +ðŁı» âĢį +high lander +ol t +k prs +healthy lifestyle +four teen +end the +ith aca +circul ated +r ans +pre valent +ha vas +splend or +roo ster +kalamaz oo +jewell ers +enne dy +rou sey +es y +cann ons +ornam ental +// // +ren don +win ne +mol ding +eid mubarak +coun tess +simon a +ha wa +fo es +du ster +sb u +por tray +mar ries +goo dday +cho co +achi ever +ðŁĺ¹ ðŁĺ¹ +pre neur +tr amp +tom i +n bat +garden chat +farra khan +ever glades +ab ru +sou sa +se ce +homes wee +terre strial +bar it +sri devi +ol u +mel inda +f rick +can dies +ðŁĺŃ ðŁĴķ +qu reshi +family fun +exor cist +cardin al +ny t +dies el +cu mulus +capric orn +si ology +lor na +dou gie +an die +super sport +c fl +п ÑĢи +say ang +pe ek +ภĬ +lo be +j em +ing lis +gg led +c sn +amne sty +chu ps +ba es +sau er +ðŁı IJ +mongo lian +en et +back street +dr illed +acce ssing +ce o +b se +ai ken +pur r +wor sen +whe res +war k +testi fying +bu ri +bla st +aw g +ðŁĵ ĭ +re defining +hear ing +u ci +c mp +bon i +tail oring +ta ji +noc chi +em t +stephen king +ne et +compla ins +campaig ner +luci ano +twili ght +ti esto +pas sports +flo yd +cathe dr +na ked +caregi ver +b coz +ade cides +ku ri +ly k +br aries +dren ched +disc lose +ðŁĴª ðŁı½ +le blanc +je tty +gar ty +chip mun +b su +rhyth mic +ic z +fri d +anne x +ame x +solo ist +lanc ers +arro whead +speci fication +simul ated +na is +inver te +bo wing +wor ship +f z +abo ss +sha q +ì¶ ķ +challeng ers +an arch +aamaadmi party +ãħĭãħĭ ãħĭ +suffol k +so corro +sn ell +cla dding +absor bing +shaw a +particip ates +ðŁį Ķ +book stores +bak u +seap ort +ko jima +gab y +pack ard +electr ician +let it +mo wing +fa wad +young jae +hot mail +men ing +u rie +intim acy +con ti +: ") +lifeis good +in ciner +i dri +craz iness +jour nos +fran chi +bott len +al da +ff es +k x +south we +air a +clay ton +sco ti +f j +bri ga +ð٤ĺ ðŁı» +demonstr ators +y z +stor k +na q +casc ades +travel chat +plat a +pad ma +fran ci +at tain +bat girl +lom bard +hoo s +d dos +neon atal +discla imer +r ss +r ant +di sen +tex aste +so cal +frac tal +cam ry +stri fe +sn acking +mu h +sant ander +mor ons +gra f +par ades +hu ston +dru pal +mi ento +kir stel +hy de +vom it +forti fied +sphin x +da v +bir yani +win nings +s baseball +mer ged +lovel ondon +ling ering +dream big +car leton +liveli hood +djan go +astri d +gri ds +down e +bru ised +s ne +scarec row +hel ium +f nc +bi ggs +an ter +restor ative +em pires +ab del +life style +kiwan is +colloqui um +me en +pr ick +anti que +ze b +mi mic +edmon ds +ðŁijĬ ðŁijĬ +q ing +pp el +mc gill +interpre ting +âŀ ķ +rash ad +do ka +narr ator +electro magnetic +ash by +sau ra +iran deal +âģ īï¸ı +krish nan +in di +ff en +bre a +os man +multin ational +chi ppe +recruit ers +aus biz +p ounding +re gen +cur sor +refu sal +mac s +in ak +ax ial +wa ifu +up cycled +hindu stan +cas sini +carly le +scrat ches +re ef +man atee +eat ery +ðŁĵ ¢ +un condition +sen pai +on ther +comic book +pro sciutto +de mar +mi se +ma ge +fre ec +aye sha +al der +android games +ley ton +ho ck +door way +chicagof ire +aali yah +sw elling +bi x +. ðŁĺĤ +evan kirstel +torpe do +kon stant +genevie ve +ma ia +ha user +do torg +hide ous +fi k +sp raw +e ek +z appa +wan dered +' ' +ra jan +bam bi +( $) +wid ening +tool box +sa ir +illumin ating +pra ys +out patient +i w +day o +lo b +sw fl +sha des +gu ms +coo kin +ko di +gri ffin +traum ati +ste a +slaugh tered +god bless +air time +pseu do +b sa +hau led +ar if +à¸Ńภĩ +le l +wc po +mil iti +char ters +worl da +ru k +k gs +digital india +is able +idyl lic +esp ino +marie tta +e bo +team canada +ab our +wil ton +rock stars +fav ored +phys ic +wrink le +tb r +d print +ball arat +ad al +z ey +ðŁĺį ðŁĶ¥ +tom lin +mt r +pal sy +fener bah +tight en +phil ia +ir oning +ry u +b ant +enqu ire +ca ir +abur ger +tru n +green berg +chau han +ir ina +sh ani +trend setter +pre tt +zaf ar +alo ve +v ici +pan ic +no o +lu stre +disrup ted +bal lis +son sof +mon si +inst ac +ake st +ëĭ ¤ +kw ame +horror movies +distric t +sau cy +mb an +ar mies +with drawn +med ics +loft us +er oom +be kind +ar ns +all on +un ison +davi ds +cr at +nicot ine +so or +sm x +on co +cospla ying +zombi es +har ms +e ger +ro sy +moon shine +fe in +ce tt +du brov +reg ents +ben itez +ðŁijıðŁı¼ ðŁijıðŁı¼ +ste c +m alia +prioriti ze +ic eland +ft se +v amo +lam ont +homo sexuality +bre es +regu i +cb p +te j +sky sports +deter gent +sha sta +de rel +conserv ancy +colori zed +accol ades +vis o +show your +nan ow +bice ps +us ability +bi m +dailys ketch +pearl jam +stran gest +mega deth +broad casts +bar ren +ar ton +chri ss +confi gu +lu res +is the +e ul +railway ana +global health +gi anni +u aap +s lum +consci ously +ab re +n up +bud get +v ada +e sch +real ness +er ased +th unt +be z +armist ice +ðŁij ¹ +sh run +o led +driver less +ðŁ¤· ðŁı»âĢįâĻĢï¸ı +won dr +sk an +sal aam +mother land +h wang +gen o +gang nam +tw right +endor sing +en ic +ador ation +pau sed +patric ks +do cked +plat te +ff xv +ethnic ity +auto show +side show +after life +re located +orphan ed +food network +dare to +and ra +sla ps +v live +swim s +re imagined +mist le +re vise +real ity +bhar ti +ðŁĴĻ ðŁĴĽ +late st +prou dest +gra sses +lan yard +fresh est +carcin oma +anom aly +zieg ler +sum ner +ly rix +gor g +is d +av el +swild life +me squ +john cena +euro league +sab er +master ful +yar ra +cogn ition +jacob son +abo lic +sir loin +shuk la +moj ito +su pere +st weet +me z +e sa +rudol f +gur a +where you +tt m +win s +trust worthy +ny k +bra den +table top +good food +es on +be k +lingui stic +gra ys +ch ath +h cs +mon i +de ans +cu ssions +ch ell +slo ws +he mi +d app +shar pie +boo sters +a os +str ack +se dona +mu eller +hard wick +or nate +thor a +sal ud +o twol +ch um +mi ho +for age +thel ittle +tear ful +ones elf +min dy +sm g +gmb h +emer ald +ðŁĶ´ âļªï¸ı +tu tti +recep tions +re vising +i brox +tope ka +sal ami +expan se +i books +dob son +cli o +at s +ðŁļ Į +mo ha +is ance +shu tters +moo t +jan ine +marvel comics +jor dani +pos er +kenne th +hy ung +de ja +ase ball +speci ality +eu ston +classic car +had ith +ðŁIJ ī +chas ing +iz o +gros ven +ag lia +thisdayin history +t row +om ile +hu ar +by n +sal ine +div ine +demon ic +ty ran +han dover +revit alization +pa ella +cryp tic +se dg +m end +dun kirk +bre d +wal d +sport scar +a ard +whe aton +da ener +k lan +br t +bakhta war +spi res +schu bert +ro ti +poli sh +o se +ag ame +wonder con +prote stant +bo sa +ðŁĺ Ł +d ü +joy ride +ger trude +âĿ Ŀ +gil a +v h +tw a +tra v +swal lowed +star ve +la in +ent ren +rei ki +su kh +cra ic +az u +web page +kee fe +hypo the +hir sch +hel le +camp ground +w amy +tra vi +sha hi +san deep +ru i +han uman +dw p +reposit ory +no or +no ff +un real +p ell +black history +har vick +ma scar +pay ee +pa sha +gastron omy +d ÃŃ +ai g +rosen thal +open day +embelli shed +t tip +sun bathing +go pack +end ome +ï¸ı # +invali d +final four +st fu +squish y +ra sta +mo sch +jam esc +die trich +sel a +mel b +el vi +t dp +sun i +sli t +j ha +bi za +spi ked +l li +l illard +vam pi +syno psis +az har +kendrick lamar +ĮãĤĬãģ ŁãģĦ +heart less +country file +air play +arrog ance +pre e +virtu oso +ãħłãħł ãħłãħł +raj u +le bu +for ward +tu g +dro s +mondaymotiv aton +concep cion +thel o +pad i +looo ol +ÑĢ Ð¾Ð´ +it ss +eth ical +end uro +__ : +expend iture +mon ste +mas king +terri ers +ib is +e mber +cu mple +punctu ation +pi per +ir vin +ade e +yy yyyy +flash backs +cel sius +don nie +bo gota +ben evol +the script +shil pa +pro se +fin dia +ze ke +ne ko +do ves +blues lyrix +fro sh +sowe to +mp lo +al ai +sab i +raq qa +wf tv +stro ller +ian somerhalder +ðŁĶ ª +an on +mo seley +! ?!? +sta king +mol y +car tri +c sg +ast or +transc end +ma er +de ux +cow girl +sas k +pun ter +ma ken +o ates +love tt +grow ler +sag in +v n +ssi ble +officeof rg +y mc +sab ar +faul ty +ap ha +ak on +ðŁij « +snow don +ae w +raise the +ðĿ ĵ +grue some +clement ine +sp ing +lat a +worlden viron +mi mic +can aria +bakhtawar bz +ao a +fal a +ãĤ Ń +avi va +you uuu +thi gh +la dders +gu mbo +tz ky +fu zz +plastic pollution +est ate +strength ened +k ant +dr in +cal vert +transform ational +frigh tened +mac lean +elited angerous +ear thy +t son +to da +j nu +.. , +mic hal +i ban +je ong +is real +sim coe +exclu sives +blue bells +ben e +te u +pil sner +pens ke +athe ists +m pu +cartag ena +ðŁĴĹ ðŁĴĹ +million aires +kk kk +it ar +subscri ptions +remo te +ma fi +hin ton +w cc +ho k +ds b +ab leton +sevent y +pun ks +e indhoven +sh one +mcfar lane +lim popo +empha si +à ¼ +sin fo +pe tre +man grove +ch ino +ber tie +play lists +push awards +p af +deb bie +c do +r ino +ðŁı¾ âĢįâĻĤï¸ı +fol ke +bon nar +th ine +sl an +hal ter +evi e +aw some +vul tures +spar ky +seiz ures +âľ Ķ +ram one +ine ffe +al n +pro ctor +ast ra +the voice +gro te +sci on +dead line +am aya +tain ted +patter ned +exce eding +cross fit +kay lee +drop box +ru shes +tack led +mo by +retro gamer +n cbd +benef itting +shay kh +guild hall +gen try +dream cast +dread ed +bun dled +th aw +revol ving +n pt +kylie jenner +imagin ative +ron i +over came +family time +ds burg +car naval +relation ship +recogni zable +cor oner +ho le +fan fic +emir ates +bur ritos +analy se +thin ner +ne es +galli poli +bl r +cat woman +-- >> +au lt +ada ily +nau ghty +ili o +solit aire +mtv br +jocel yn +arun ach +rep ent +south gate +hy acin +essenti al +fent on +and um +it or +go pal +sl inger +po sei +aw il +wi elding +ra ila +eli as +a sto +à ¤ +tend ency +str ata +ker t +< - +im acele +da es +sti mulus +han ley +fit nes +ec stasy +lim ous +ha iling +ðŁ¤ Ń +chis wick +tar ies +sla v +pul i +moderni zation +black mail +b ingham +h fx ++ + +ðŁĩ®ðŁĩ ³ +ni v +we a +profess or +k off +bol ster +su ave +sequ ences +pepper oni +not te +dre n +ãģ¨ ç¹ĭãģ +hs v +o ga +ap tly +z ad +excel si +rin ka +mol dova +min n +ma bel +conferen cing +bas ing +of er +ob si +hamill himself +care less +brief ed +inhe rent +par ish +dub nation +town sville +sar awak +gee ky +doncaster isgreat +was abi +gu p +phen o +dra inthe +carrie underwood +ble eds +bbc world +ane w +alta f +dul wich +ani ston +w ti +sumat ra +gra fton +bl n +me ster +bode ga +re go +es q +an jo +sump tuous +mai sie +ï¿ ½ +wil t +jak ob +el vis +se pul +mu ster +air pollution +president e +happy monday +exten sively +fl ondon +t ls +play ing +pe ed +din ho +var dy +pi ka +n iro +au cus +ðŁį ¦ +nu ll +el ondon +juvent us +imag ines +dis ab +lit o +d ura +work places +promo te +mc caf +wood work +waw x +à® ª +tt ino +shar i +sem per +better together +ðŁijĬ ðŁı» +ze bra +pon dering +en chil +ho m +cosm ic +tan z +mo cked +ec cc +ath ed +abo lish +prop eller +paris agreement +assemb lies +indu stry +fraudul ent +pe sa +chang min +ax x +ðŁĴ µ +irr ational +cu sa +ramad han +octa via +on elove +jac ki +bar ak +taxi der +seri ous +nathan fillion +mc en +ch k +po part +grav ity +copp ola +reading fc +illu sions +j ig +ww x +re sh +ex porting +buzz ard +âĻ ¤ +p cm +lan apar +ko s +arom as +antal ya +ww dc +ven a +phil a +ball in +ðŁij Ħ +quin ta +ma o +f ery +eigh ty +sentim ents +safe guarding +r wa +pu ffs +luc ille +de cath +sl u +nu gent +de ter +braz il +ze iss +super bowl +subsi dy +alter n +hi dalgo +enz ymes +ä ½ +tag ne +hair dresser +adri en +walk out +oppo ses +can tina +bed side +af an +ðŁĶ Ĺ +prophe tic +dan es +un successful +super charged +pk k +exem ption +hart le +secu lar +cli pping +br s +united way +c net +pat chy +ha gan +e en +âļ ľ +var a +sym pathi +never trump +affir mation +om f +ny cfc +ma ja +sur ro +keer th +up scale +sandal wood +mon archy +kno bs +å ĭ +po tholes +hunger games +ter races +na sir +coun sell +welcome to +wa q +se aman +m ita +stun ningly +on theroad +in ability +) !! +bon go +ant v +sp ut +worldenviron mentday +resu sc +y td +fi m +eun hyuk +sa chin +rose anne +cler mont +ape c +am ina +v ening +n antes +al most +sin us +ex as +ty l +ti en +ple ad +lanc s +bur naby +re k +jo om +observ ers +disco graphy +cl g +âĻ ¦ +sn ack +r ti +o ily +crystal li +bru te +web development +topp ings +la f +an is +ad der +reli ving +car lin +battle of +we g +syri an +pon t +n dc +lagh ate +yu ma +sp p +p iti +ro bbing +mart ing +rey kja +raj put +nc ds +kie wicz +âĢ¢ âĢ¢ +vam pire +substan tially +opio ids +nepal i +k line +ar oo +under stand +lit t +u it +thro mbo +sar ies +qu ot +b alling +t tr +s gh +philip p +br ant +ac l +m ello +whit taker +. ; +defi ant +b gc +repl ying +mir ren +metamor pho +sch wab +bul ge +utili zed +pick ering +par don +d sa +à¸ Ī +doo ley +cumul ative +Ð » +ur gency +e mir ++ /- +¦ Ī +ot as +âı ³ +station ed +grape vine +ar ac +karan johar +f ancy +sau l +coo gs +lgbt q +ا٠ħ +jav i +u mmer +pl l +den is +dai pur +pu ffin +lewi sham +fand om +co pe +ves matter +s ve +hel pless +deo dor +ostr ich +kaz an +friday the +con dor +v x +sophom ores +rob les +cu tt +cli mbers +ë¦ ¬ +sle g +sn f +mac ys +hydr ating +grou pe +po yn +mou lin +hg tv +lmfa ooo +sulph ur +asdfghj kl +annab elle +hump back +bra ved +viswas am +multi purpose +hu midi +escor ted +barb ican +f ad +cor sa +ðŁ¤ « +pi ppa +here to +can y +ser gi +or cas +o vie +ed ou +s any +glob alization +man cini +food truck +f is +defi brill +sch re +sma fia +love wins +la ut +k aka +hol lande +game on +resurg ence +out side +olympi ad +int an +abstr action +rapi d +pal om +cal le +jas min +attack ers +swag g +mit ra +ky lo +à® ² +her mitage +gor do +e ira +so sfam +roll out +exc ite +sy nod +mer rill +c als +as sa +liveli hoods +ju ve +the black +gopack go +ant lers +alban ian +wool ly +qu iche +puri fication +are th +smar thome +ne k +all blacks +mex icans +is m +ger ms +comple xion +mar ck +u shi +ðŁIJ IJ +char l +ca stic +till erson +giuli ani +biode gradable +mal bec +bo is +ju bil +im es +r ame +gene tic +esp nu +ch ley +so ho +go pher +g sc +buu ren +cu be +bridesma ids +webin ars +to e +mani pur +viol ently +notic ias +ex changing +chi ev +replac eable +muay thai +bu ss +sp il +instal ment +div ya +cait lin +o lim +fil tering +whirl wind +sta red +prior it +pr am +pompe ii +mono logue +k ite +bu ka +â̦ .. +vac cine +bre ro +woz ni +sol ent +re ferr +my rt +gridi ron +galatasar ay +fro ze +clare mont +ðŁ¥ ĥ +victori as +ssel dorf +pa stures +net neutrality +ch or +ðŁij ģ +ಠ¿ +we ho +symp tom +jo sel +in ous +dragon con +power ball +p te +four thofjuly +ec la +ear buds +where abouts +salt life +depriv ation +ch ter +wi ggle +syste m +ps st +ch az +d any +ri mo +oax aca +lanapar rilla +barcel on +melanch oly +way back +ho tro +n si +l illy +kur o +ja han +intellec t +board game +ðŁı Ĭ +sneak peek +k prc +jail s +cand el +zan zi +mor timer +star ch +ra gs +p fa +long live +k art +gir ona +cro cker +christop h +precau tions +war ship +per m +paren t +van gogh +gif ford +allegh eny +ra yn +ut m +sten cil +rec alling +pen ney +z azzle +ìĥ Ŀ +hin ds +aren as +nu ev +law ler +gu in +do this +ðŁij ķ +ì¶ķ íķĺ +we g +ti b +ri din +complex es +turbul ent +pe sos +de marcus +vall arta +sam sun +kis ses +hein rich +deport es +wil ms +ur d +then ext +inki gayo +ho wi +fir sts +carri age +clean liness +mas war +is ch +ax el +si zzle +road house +fr ans +ent ourage +co bble +boo th +benedic t +tal on +fc u +year ofthe +ray on +raider nation +fo yle +ko val +pi anos +l pg +bur mese +man ure +geo caching +cosc ino +b np +fer ra +stro phy +mar ais +ce es +legen dof +kat niss +eno ch +av ed +you know +d prk +ðŁĺ¢ ðŁĺ¢ +sp un +pro st +sor rows +cent red +ke a +gal icia +? ðŁ¤Ķ +ÑĢод а +bou chard +ðŁĴĻ ðŁĴľ +yu i +seed lings +jon ah +reco vers +ny rd +board room +su ma +my japs +tun g +sha i +ir gc +eli o +wag ons +ka shi +polic emen +john nie +ale coscino +shop ify +dot ted +de tri +va w +to fficial +in your +chal mers +trac ed +no vi +by es +ari el +nipp on +la pel +gri ez +b gs +fool ing +d ita +vijay sethu +nm wx +as ot +kr anti +hel m +ve di +sic kest +mo chi +k abo +shru bs +he red +b sp +sq m +ham r +dul kar +anth a +nr f +avoid ance +at en +publi x +be arers +nas i +ha p +h ells +ðŁĸ ¥ +ภ· +thelast jedi +oh wx +ðŁį « +wa hoo +there se +rec aps +ss nhq +bird photography +v ay +pet ti +pau lo +bel vedere +( * +gr l +du vet +c pec +sa it +por sch +meas urable +avi ators +fre mantle +bre en +on om +me and +life saving +eu ref +en don +embar as +aira sia +el is +dun kin +star magic +s ill +porto bello +ki efer +ex e +mu ted +ãģ ¦ +we thepeople +logi a +liber al +theforce awakens +min ed +haun ts +freck les +care taker +s india +âķ IJ +dev lin +list on +direction er +oh n +fi garo +em manuel +du bois +cl ones +bru ise +ðŁİĪ ðŁİī +disin fe +der matology +as r +s watch +dis comfort +tam anna +pi day +mack en +k atic +delu sional +shaw nee +gu d +al bino +p ali +din gh +cucu mbers +coffe y +anticip ating +treas ured +web summit +shel tered +sav or +pedago gy +m gs +sh ma +s bu +den ali +cam pos +bubble gum +o ir +le aps +y ler +r one +sansk rit +min t +meat less +futuri st +du de +a vel +prote sted +squ ire +z aki +sz n +har court +cycl one +bour dain +gather ings +d ant +advent urer +parag on +alt man +dd ing +ban erjee +snorkel ing +mother well +mis sy +en der +glo ws +ki wis +chick pea +por o +e fron +app t +u y +speci fied +gab by +e strada +com bos +bour bon +vin i +var un +steph ani +key words +car vings +amit abh +wr ought +tw al +re els +clu bbing +ubi quit +cri t +ambed kar +æ Ļ +prun ing +vaccin ated +boe ing +s ks +lo ona +hypno sis +edel man +pho l +he w +colo sse +mckin sey +u on +to te +sacrific ing +ox i +n ang +e mu +пÑĢи ÑĢода +m th +kers wednesday +argu ed +timel apse +ris king +regul ating +ni gh +likeli hood +cu bic +au ction +rein for +pi stor +no ses +ye l +snu ggles +pe i +jean ette +ta ku +ri th +guy z +ภŀ +y te +ver ted +pay soff +jau regui +hoo ligans +procedu ral +mi b +har dy +el eng +chec kers +all ine +the met +prou dof +keerth yofficial +collabor ator +ni u +infl icted +adv ani +re twee +memor iam +f icial +ti ghter +sal em +re viewers +br ics +ben digo +am ell +tur kish +sush maswar +paul son +pal awan +mol lie +stitch er +s burgh +ir u +hay dn +en ers +aro a +u zzi +saraj evo +hel a +apol lo +nine ty +vac a +sp on +vent u +jel ena +hei fer +avo ids +sp ine +pri ze +mar ist +re creating +me de +woo den +find lay +ro fl +n di +compreh end +yu go +y ü +to work +u fos +son ar +pi ston +recor ding +tent ative +art forsale +pel lets +fre do +ÙĪ Ø± +mu ses +custom ization +pro found +is ner +ide ally +si am +plan kton +cm dr +man ger +fran ken +customiz able +ठ® +walk away +swi vel +vast ly +no ton +lex a +ex moor +z as +tan te +reduc tions +lol ly +hip sters +benef ited +ë ² +ww www +mascul ine +fi ji +dre y +ph ill +ane ous +nic ol +men dez +disapp ro +ch ner +through s +shen mue +east man +ðŁIJ İ +yu ck +under tale +re ys +go beavs +eng en +c na +mer r +bir k +ãģ¨ç¹ĭãģ ĮãĤĬãģŁãģĦ +âĥ£ @ +yn na +ste ed +offen der +at um +vani shing +presi denti +love them +g nocchi +fri ggin +per il +mad hya +ag ne +dee jay +mar nock +m tb +fold able +@ ___ +stand re +bron x +bow ski +fin ite +cro ckett +b sf +ge tit +seren awilliams +mir o +ignati us +sla y +rin se +fon due +sel dom +s more +gan i +dy ce +dmit ry +cru mb +late post +pri mark +oh ana +flor als +do a +remembrance day +d ds +azi one +toon ami +air port +æĿ ± +th ad +fi st +dine sh +dr who +ad words +admi rer +pro je +kyrgy z +à « +manife station +le wan +j ic +thi bau +le ased +van ity +nouri shed +never theless +aug mente +fu elled +che ad +wil shere +ru di +p z +my co +mor ro +herbali fe +hardro ck +de man +dre ality +sp ades +ce vic +bha i +bar on +ultimat efan +hou news +to bi +stru t +ke el +affili ation +the masters +sm al +hu e +este ban +con v +om nic +datab ases +co v +ter ti +st g +snoop dogg +metab ol +leth bridge +ðŁı» âĢįâĻĢï¸ı +year ling +residente vil +nws l +iy aki +griez mann +c ous +ðŁĵĿ : +tor ian +sam i +ðŁĶ¥ðŁĶ¥ ðŁĶ¥ðŁĶ¥ðŁĶ¥ +g are +alli ances +whit field +we ther +refin ing +coy i +kra ken +ðŁĺĺ âĿ¤ +singul arity +lil i +h ns +bol dand +waw rinka +misogy ny +lo vers +c q +b dg +ad ona +gar ter +women of +sc d +recogn ising +mun a +str ou +sign alling +lare do +hell boy +alek sand +un available +pedi atric +as in +mer ia +ri shi +futuri sm +w ye +polari zed +e we +pro pel +in forms +cre ase +~ " +arti ston +like for +heidel berg +er ra +life in +len ny +inter rupt +cohe rent +ca z +vick ers +le veled +f bs +cab ins +bu mmed +apost les +we h +ten don +souven irs +infu ri +pier ce +asse t +m las +go th +di ggin +ann as +yl or +th waite +sw el +pan era +mur derers +croo ked +bs go +ac u +a on +re an +one of +ko hl +bloo dh +pest icide +lost dog +fle xing +ëĤ ĺ +su pra +eter nally +ðŁļ Ļ +pa olo +ol an +mom o +is elle +captain marvel +s lou +mistak enly +akhi lesh +mer t +il inan +bu on +bal kan +mir ro +mill en +der ail +dam on +tit i +bi os +re don +pic ard +par te +ðŁ¤ Ł +Ø º +son ics +fir sth +dd c +veg ans +tur ban +ni gan +lot tie +lyn don +star buck +pink floyd +life styles +am ara +a she +r sc +val a +sm er +cw gc +cli ent +buen as +jag an +coo ps +ðŁijij ðŁijij +speci alizes +snag ged +g lar +ben net +wildlife wednesday +bow den +pi k +art in +empor ium +ar l +re ba +pas ser +disappo ints +additi ve +âľĬ ðŁı½ +bay er +missou la +ha skell +comm ences +ni x +ne man +explo ited +plastic surgery +cc d +aso cial +vo t +sie gel +fro ome +kap am +far a +e ha +pro bes +mw f +meet ing +p bb +ak ins +mistle toe +kingdom hearts +for kids +ec r +bal e +escor ts +adidas originals +k wa +k ts +hallo ffame +ðŁĺį . +wag s +pot ted +o wing +honey comb +he fty +uro logy +mer le +b pd +stri pping +re ich +k state +gu ay +yon ge +shak ti +g loom +bat t +son om +n ery +el ba +blan ks +hel le +triple ts +bom bay +ak arta +ab ia +transm itted +rol f +ja is +angular js +fi erc +m ss +trac e +ॠĩ +tom bs +old man +kom bucha +fo l +e health +cere als +are lli +in ari +ðŁĴ © +wo l +liber ties +fa wn +af firm +nun avut +hyster ical +k drama +art es +âĢ¢âĢ¢âĢ¢âĢ¢ âĢ¢âĢ¢âĢ¢âĢ¢ +valent in +man slaughter +gal es +eo in +energi zed +del s +with draws +st les +sar castic +ram esh +incredi bles +lock hart +ya wn +ultimatefan live +oooooooo oooooooo +mu en +guru dev +te er +pe eling +new snow +lingui stics +direc tv +ag end +uni lever +ru ger +han dedly +ero se +li mel +the c +royal ties +fini shers +nr g +m gt +fid get +com ps +bac on +aggre ssively +ab it +ch â +tar de +slu gger +q anda +gre ening +d ats +ensla ved +spec tor +o ye +fre ef +b hand +stop brexit +mis conceptions +cav a +ðŁĺįðŁĺįðŁĺįðŁĺį ðŁĺįðŁĺįðŁĺįðŁĺį +multit asking +hou sel +ferre ira +cen time +ank les +jo dh +hel ly +fro me +out tuesday +nar nia +bal aji +l bloggers +jyo ti +ðŁį ĩ +lan cia +cap ri +y ap +nat ash +down fall +." âĢĶ +à ® +ligam ent +coat ings +ai ded +hi ko +fall ing +encryp ted +yeg food +infringe ment +cu di +ce p +ðŁĺį ðŁĺĤ +tra d +super rugby +ed win +wh iche +vi meo +lay ne +in vigor +he he +dubrov nik +bie ber +u tr +sham an +op ers +ham ill +en ig +di f +ar um +scrap book +min h +diver gence +mckin non +life time +guter res +wil le +ple as +patt y +mic ron +k z +dom aine +ru sher +m ds +ches ney +screw driver +âģ© , +sle dge +hau er +chan a +stam ina +sprink ler +pl n +he ff +bol ton +om on +car rington +accor dion +jor ge +inter ception +in puts +gu ll +tran scription +vanu atu +it ical +eth os +tic h +spac ey +pee king +u mi +ha ger +psycho tic +illi an +illi a +bonnar oo +an ese +pu c +laghate parth +en hall +econom ical +dre dge +% - +u we +tu bular +scoun cil +pe asants +fl er +tumb ler +he p +ford ham +row ley +initi als +ev asion +er nation +plu gins +coch ran +c attle +acid ity +ðŁİĬ ðŁİī +re grann +jump man +ef ace +x ma +patri archy +esco bar +cristi an +tip ton +nu eva +hack ney +back seat +kill arney +aid an +sta dion +simul taneous +ida ho +a je +u th +figu re +clo s +bur k +volun tar +rec ite +macfar lane +cur few +bou do +w gn +sti x +sla p +scrat ched +philli p +jour ne +ex pelled +wa z +u ke +tati ana +ou e +ho pp +dimit ri +ðŁĵ £ +mato logist +electri fying +blu ffs +bill smafia +az cardinals +y aa +x mas +shar a +r ith +g ills +dre s +bar ton +authori zation +imperi alism +home of +to do +foot path +band width +visit spain +moh sin +erup ted +mi ki +insig nia +mike l +ss h +ger a +bank holiday +aw an +t weak +star craft +e al +construc tion +skelet ons +le ep +ine m +bar clay +ship wreck +monsi eur +yo h +ron t +form ative +ser o +le p +horse man +hoo sier +haz mat +cylin ders +cen ti +ðŁĴ¥ðŁĴ¥ ðŁĴ¥ +re em +na ire +mus ically +gras shopper +est onian +termin ology +ro main +blogger rt +tox in +stan ce +cultiv ated +an ast +ðŁIJ į +shi mano +go pher +ene i +recycla ble +gam ification +fight for +c q +avoc ados +ke ys +eli ke +gly cer +shak ur +mobili zation +gal ley +expla in +ex changed +pe th +obe dience +illa ge +en nis +ãĥ ŀ +wi v +walla bies +ma ar +ig ers +fin tech +fin alized +wo j +meaning less +in field +onna ise +e et +bron te +pass ages +ðŁij § +strick land +northern lights +lom ond +h tc +wr ay +shi fter +di alog +ðŁį į +>> >>>> +te atime +ste ch +sic huan +qu ill +fran ca +comple mentary +bar rington +marcu s +mal am +goo oo +for sa +elec tra +af s +âĹ Ĩ +tri fe +sn azzy +fo lia +and olan +after dark +wood son +stra de +litt lest +o gun +con wy +co wards +ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ ðŁĺĤðŁĺĤðŁĺĤ +íĬ ¸ +se ul +mur phy +dun ks +kapil shar +jo achim +wom ack +equal ity +aver ages +a ine +ðŁ¦ Ī +tac ular +dis ability +u ked +mid century +bar thol +teas ers +tab ern +nj caa +sp out +op i +ku bball +bl om +so ar +popu lism +meth yl +ðŁijĬ ðŁı¼ +o spre +alo ils +ðŁĵ ĸ +ðŁĮ ļ +x er +sp illing +publ ica +car dam +adi sh +sa cha +p kg +bu da +lyric ist +i bc +gru mp +ho ver +hal ep +anti body +anem one +âĻ¥âĻ¥ âĻ¥âĻ¥ +m cl +litho graph +cc u +s fest +path ic +calli ster +otta wa +gun sn +rut ger +hali but +en vision +differenti ate +ðŁļĢ ðŁļĢ +pir an +lat el +uc n +trou bad +ra ine +fierc ely +learn english +lea se +wex mondays +em it +dray ton +bur rell +scuba diving +hol ler +dr u +clo cked +w ral +ap ro +trans lucent +w bo +patri arch +mo ja +lan nister +fish ery +ne derland +mil dly +mi rai +ma ko +ja p +ðŁĺ©ðŁĺ© ðŁĺ© +pro statec +p anna +ar ama +under taking +tomp kins +ne op +soli ds +sav oury +e ames +cut lery +wood bridge +steam er +ri zzo +wild cat +rat na +lamin ated +kin eni +jal ap +ai des +acknowle dges +?! ?!?! +! ðŁİī +w afc +mag gio +ha ves +dar je +of i +gr il +v asi +bru x +mo hd +fake speare +arn old +r mb +for be +wal leye +ro di +therapeu tics +strate gi +ob ste +mu dder +download able +dd ings +d ca +asi angames +campe on +appropri ation +th century +ram atta +dra ped +bul lion +mu c +one x +se greg +ophel ia +bod ily +âĿ¤ ðŁĺį +wi zar +te ased +ade my +to id +sur a +lazar us +sn ickers +ma se +lo h +bow ed +bibli o +x change +har lan +gho shal +flavor ful +bha gat +alle z +whiche ver +ten stein +disc er +organ iser +mt g +dream liner +t se +hok kaido +mo k +indulg ent +hick man +blin ded +al yn +aaa ah +sp ool +lough borough +inter pret +et v +aristo tle +optimi zing +avici i +madu rai +ju li +naw az +mat chups +ab ide +paint ing +w elling +vel i +octag on +in scribed +po king +plac er +life cycle +kili g +g sp +eli ves +cle ments +na sheed +me sut +incarcer ated +dist illed +wal ang +delic acy +del gado +che z +ch ita +ad ero +tu x +pati l +o do +abh cosmetics +tv c +p bc +in accurate +hardwork paysoff +ball er +quot ation +merchandi sing +ga stri +defen ses +dro gba +bex hill +ban kno +win ona +si eg +p gs +hahah ha +agu chi +su bram +mirac le +de sch +li bre +ba cher +ent ine +bbcra di +lou dest +r ps +pi erc +fr yer +storm trooper +rafael nadal +pas co +exhau stion +epic onetsy +rc tid +kel lie +ga ines +d bz +sm riti +s bridge +lim ited +cla w +technic al +bio graphical +ado red +ภ° +exclu de +ac adia +key boards +fur man +so ca +sur u +ni ps +sw aps +server less +run e +pu ffy +north ampton +nish ings +hen der +cartri dges +gun shot +ðŁĵ ¹ +fil ament +respon dents +pey ton +mountaine er +mer ging +life span +intimid ation +p afc +nl wx +expan sive +pur r +f ck +ca e +at ti +tele thon +so hn +mend el +lo pes +dor i +un broken +te red +tast ings +in active +disin tegr +t assel +share the +pi ano +is lay +air space +z awa +ricci ardo +ming ton +fresh er +cur ry +re vs +pharo ah +h mv +exhilar ating +wh oo +lin kin +kri spy +competen cy +ste wards +ne bu +kat su +ad mins +baz ar +as ar +giving back +s summit +song z +lin us +raj kumar +farm ington +fanta sia +ðŁĺ´ ðŁĺ´ +so bri +lis se +barry more +pri sm +blo b +sen ew +mono xide +exp ire +eigh teen +di pper +xi ao +kil t +hin ch +bbc sport +bam boo +p ter +ex al +ðŁ¦ ĭ +ham lin +expe ditions +star gazing +food security +wy lie +ul f +st ingly +on storm +lo eb +bro ome +bn ha +pancre atic +eli ve +!!!!!!!! !!! +ther apper +ortho pedic +avengers endgame +antit rust +ìļ ° +go te +om d +off side +gy llen +win eries +white water +ad l +lu pita +exce eds +consi sted +chew bacca +ash leigh +nhl jets +is san +sh ld +hay at +cran berries +ð٤ĺ ðŁı½ +rock the +spring training +fall out +dairy free +wa j +un decided +so wn +rc n +north wales +htt r +fu mble +d its +comp elled +popu list +min ted +blan chett +. '' +pro pulsion +m illa +au berg +her tz +h ta +u daipur +serendip ity +azte cs +als ace +ðŁIJ ij +lu n +sho es +char li +gar za +ðŁĴ Ł +pro biotics +fox tv +ol is +mi ff +loc alized +diffu ser +si gue +fun ko +rend ous +ðŁĴ ij +jeky ll diff --git a/test/test_transforms.py b/test/test_transforms.py index 56dc4ed2e1..3324b5efe9 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -291,3 +291,58 @@ def test_gpt2_bpe_tokenizer_save_load_torchscript(self): torch.save(tokenizer.__prepare_scriptable__(), tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._gpt2_bpe_tokenizer((loaded_tokenizer)) + + +class TestCLIPTokenizer(TorchtextTestCase): + def _load_tokenizer(self, test_scripting): + encoder_json = "clip_encoder.json" + bpe_vocab = "clip_vocab.bpe" + tokenizer = transforms.CLIPTokenizer( + encoder_json_path=get_asset_path(encoder_json), + vocab_bpe_path=get_asset_path(bpe_vocab), + ) + if test_scripting: + tokenizer = torch.jit.script(tokenizer) + return tokenizer + + def _clip_tokenizer(self, tokenizer): + sample_texts = [ + "Hello World!, how are you?", + "<|startoftext|> the quick brown fox jumped over the lazy dog <|endoftext|>" + ] + + expected_token_ids = [ + ['3306', '1002', '29325', '829', '631', '592', '286'], + ['49406', '518', '3712', '2866', '3240', '16901', '962', '518', '10753', '1929', '49407'], + ] + + # test batch of sentences + self.assertEqual(tokenizer(sample_texts), expected_token_ids) + + # test individual sentences + for idx, txt in enumerate(sample_texts): + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + + def test_clip_tokenizer(self): + """test tokenization on single sentence input as well as batch on sentences""" + self._clip_tokenizer(self._load_tokenizer(test_scripting=False)) + + def test_clip_tokenizer_jit(self): + """test tokenization with scripting on single sentence input as well as batch on sentences""" + self._clip_tokenizer(self._load_tokenizer(test_scripting=True)) + + def test_clip_tokenizer_save_load_pybind(self): + tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_pybind.pt') + torch.save(tokenizer, tokenizer_path) + loaded_tokenizer = torch.load(tokenizer_path) + self._clip_tokenizer((loaded_tokenizer)) + + def test_clip_tokenizer_save_load_torchscript(self): + tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_torchscript.pt') + # Call the __prepare_scriptable__() func and convert the building block to the torbhind version + # Not expect users to use the torchbind version on eager mode but still need a CI test here. + torch.save(tokenizer.__prepare_scriptable__(), tokenizer_path) + loaded_tokenizer = torch.load(tokenizer_path) + self._clip_tokenizer((loaded_tokenizer)) diff --git a/torchtext/csrc/clip_tokenizer.cpp b/torchtext/csrc/clip_tokenizer.cpp new file mode 100644 index 0000000000..6d91507373 --- /dev/null +++ b/torchtext/csrc/clip_tokenizer.cpp @@ -0,0 +1,137 @@ +#include +#include // @manual + +#include + +namespace torchtext { +const Regex kCLIPRegex( + "(?i)(<\\|startoftext\\|>|<\\|endoftext\\|>|\\'s|\\'t|\\'re|\\'ve|" + "\\'m|\\'ll|\\'d|[\\pL]+|[\\pN]|[^\\s\\pL\\pN]+)"); +const std::string kWhitespaceString(""); +const std::unordered_set kSpecialTokens{"<|startoftext|>", + "<|endoftext|>"}; + +std::vector clip_pre_tokenizer(std::string input) { + std::string token; + std::vector tokens; + re2::StringPiece inp(input); + while (kCLIPRegex.FindAndConsume(&inp, &token)) { + tokens.push_back(token); + } + return tokens; +} + +std::vector CLIPEncoder::BPE_( + const std::vector &token_list) { + // Given a list of input tokens, keep finding the best bpe merge and + // generate a new list of tokens until + // 1) token list size reduced to 1 + // OR + // 2) can't find bpe merge + auto concatenated = concatenate_strings(token_list); + if (caching_enabled_ && cache_.contains(concatenated)) { + return cache_.at(concatenated); + } else if (kSpecialTokens.find(concatenated) != kSpecialTokens.end()) { + return {concatenated}; + } + + std::vector tok_list(token_list.begin(), token_list.end() - 1); + tok_list.push_back(token_list[token_list.size() - 1] + kWhitespaceString); + auto pairs = get_pairs(tok_list, seperator_); + if (pairs.empty()) { + return {concatenated + kWhitespaceString}; + } + while (true) { + auto bigram = FindBestPair_(pairs); + if (!bpe_merge_ranks_.contains(bigram)) break; + + // Finding all indexes that token_list[i] == first and token_list[i+1] == + // second. After the loop, new token list will be + // 1) first + second pair + // 2) all the other tokens in the original token list + // + // For example: first="a" second="w" and token_list = + // ["a", "w", "some", "a", "w", "e"] + // Result: new_token_list = ["aw", "some", "aw", "e"] + + auto parts = split_tokens(bigram, seperator_); + std::vector new_token_list; + std::size_t i = 0; + while (i < tok_list.size()) { + auto j = list_str_index(tok_list, parts.first, i); + if (j != -1) { + for (int k = i; k < j; k++) new_token_list.push_back(tok_list[k]); + i = j; + } else { + for (std::size_t k = i; k < tok_list.size(); k++) + new_token_list.push_back(tok_list[k]); + break; + } + + if (tok_list[i] == parts.first && i < (tok_list.size() - 1) && + tok_list[i + 1] == parts.second) { + new_token_list.push_back(parts.first + parts.second); + i += 2; + } else { + new_token_list.push_back(tok_list[i]); + i += 1; + } + } + + tok_list = new_token_list; + if (tok_list.size() == 1) { + break; + } else { + pairs = get_pairs(tok_list, seperator_); + } + } + + if (caching_enabled_) cache_.insert(concatenated, tok_list); + return tok_list; +} + +std::vector CLIPEncoder::PreTokenize_(std::string input) { + return clip_pre_tokenizer(input); +} + +std::vector CLIPEncoder::Encode(const std::string &text) { + return GPT2BPEEncoder::Encode(text); +} + +CLIPEncoderStatesPybind _serialize_clip_encoder_pybind( + const c10::intrusive_ptr &self) { + return std::make_tuple(self->GetBPEEncoder(), self->GetBPEMergeRanks(), + self->seperator_, self->GetByteEncoder(), + self->caching_enabled_); +} + +CLIPEncoderStatesTorchbind _serialize_clip_encoder_torchbind( + const c10::intrusive_ptr &self) { + return std::make_tuple(self->bpe_encoder_, self->bpe_merge_ranks_, + self->seperator_, self->byte_encoder_, + self->caching_enabled_); +} + +c10::intrusive_ptr _deserialize_clip_encoder_pybind( + CLIPEncoderStatesPybind states) { + auto state_size = std::tuple_size::value; + TORCH_CHECK(state_size == 5, + "Expected deserialized CLIPEncoder to have 5 states but found " + + std::to_string(state_size) + " states"); + return c10::make_intrusive( + std::move(std::get<0>(states)), std::move(std::get<1>(states)), + std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); +} + +c10::intrusive_ptr _deserialize_clip_encoder_torchbind( + CLIPEncoderStatesTorchbind states) { + auto state_size = std::tuple_size::value; + TORCH_CHECK(state_size == 5, + "Expected deserialized CLIPEncoder to have 5 states but found " + + std::to_string(state_size) + " states"); + return c10::make_intrusive( + std::move(std::get<0>(states)), std::move(std::get<1>(states)), + std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); +} + +}; // namespace torchtext diff --git a/torchtext/csrc/clip_tokenizer.h b/torchtext/csrc/clip_tokenizer.h new file mode 100644 index 0000000000..f4011b67fa --- /dev/null +++ b/torchtext/csrc/clip_tokenizer.h @@ -0,0 +1,42 @@ +#ifndef CLIP_TOKENIZER_H_ +#define CLIP_TOKENIZER_H_ + +#include + +namespace torchtext { + +typedef std::tuple, + std::unordered_map, std::string, + std::unordered_map, bool> + CLIPEncoderStatesPybind; + +typedef std::tuple, + c10::Dict, std::string, + c10::Dict, bool> + CLIPEncoderStatesTorchbind; + +struct CLIPEncoder : GPT2BPEEncoder { + public: + using GPT2BPEEncoder::GPT2BPEEncoder; + + std::vector Encode(const std::string &text); + + protected: + std::vector BPE_( + const std::vector &token_list) override; + + std::vector PreTokenize_(std::string input) override; +}; + +CLIPEncoderStatesPybind _serialize_clip_encoder_pybind( + const c10::intrusive_ptr &self); +CLIPEncoderStatesTorchbind _serialize_clip_encoder_torchbind( + const c10::intrusive_ptr &self); +c10::intrusive_ptr _deserialize_clip_encoder_pybind( + CLIPEncoderStatesPybind states); +c10::intrusive_ptr _deserialize_clip_encoder_torchbind( + CLIPEncoderStatesTorchbind states); + +} // namespace torchtext + +#endif // CLIP_TOKENIZER_H_ \ No newline at end of file diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index b60fe0c750..fb8e1fdc74 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -86,15 +86,15 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { return tokens; } -std::pair _split_tokens(std::string s, - std::string delimiter) { +std::pair split_tokens(std::string s, + std::string delimiter) { auto pos = s.find(delimiter); TORCH_CHECK(pos != std::string::npos, "Expected `s`to contain `delimiter`"); return std::make_pair(s.substr(0, pos), s.substr(pos + delimiter.length())); } -int _list_str_index(std::vector list, std::string element, - int start) { +int list_str_index(std::vector list, std::string element, + int start) { // Equivalent to: list.index(element, start) for (std::size_t i = start; i < list.size(); ++i) { if (list[i] == element) { @@ -104,15 +104,14 @@ int _list_str_index(std::vector list, std::string element, return -1; } -std::string _concatenate_strings(const std::vector &list) { +std::string concatenate_strings(const std::vector &list) { std::string ret = ""; for (auto s : list) ret += s; return ret; } -// Return set of token pairs in a word, seperated by the `seperator`. -std::vector _get_pairs(std::vector token_list, - const std::string &seperator) { +std::vector get_pairs(std::vector token_list, + const std::string &seperator) { // For example: ["he", "l", "l", "o"] // ==> ["he\u0001l", "l\u0001l", "l\u0001o"] std::unordered_set pairs; @@ -193,15 +192,15 @@ std::vector GPT2BPEEncoder::BPE_( // 1) token list size reduced to 1 // OR // 2) can't find bpe merge - auto concatenated = _concatenate_strings(token_list); + auto concatenated = concatenate_strings(token_list); if (caching_enabled_ && cache_.contains(concatenated)) { return cache_.at(concatenated); } std::vector tok_list = token_list; - auto pairs = _get_pairs(tok_list, seperator_); + auto pairs = get_pairs(tok_list, seperator_); if (pairs.empty()) { - return tok_list; + return {concatenated}; } while (true) { auto bigram = FindBestPair_(pairs); @@ -216,11 +215,11 @@ std::vector GPT2BPEEncoder::BPE_( // ["a", "w", "some", "a", "w", "e"] // Result: new_token_list = ["aw", "some", "aw", "e"] - auto parts = _split_tokens(bigram, seperator_); + auto parts = split_tokens(bigram, seperator_); std::vector new_token_list; std::size_t i = 0; while (i < tok_list.size()) { - auto j = _list_str_index(tok_list, parts.first, i); + auto j = list_str_index(tok_list, parts.first, i); if (j != -1) { for (int k = i; k < j; k++) new_token_list.push_back(tok_list[k]); i = j; @@ -244,7 +243,7 @@ std::vector GPT2BPEEncoder::BPE_( if (tok_list.size() == 1) { break; } else { - pairs = _get_pairs(tok_list, seperator_); + pairs = get_pairs(tok_list, seperator_); } } @@ -252,9 +251,13 @@ std::vector GPT2BPEEncoder::BPE_( return tok_list; } +std::vector GPT2BPEEncoder::PreTokenize_(std::string input) { + return gpt2_bpe_pre_tokenizer(input); +} + std::vector GPT2BPEEncoder::Encode(const std::string &text) { std::vector bpe_token_ids; - for (const auto &token : gpt2_bpe_pre_tokenizer(text)) { + for (const auto &token : PreTokenize_(text)) { auto byte_encoded_token = ByteEncode_(token); for (const auto &bpe_token : BPE_(byte_encoded_token)) { bpe_token_ids.push_back(bpe_encoder_.at(bpe_token)); diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index d4b3335b37..26b8466cbc 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -1,3 +1,6 @@ +#ifndef GPT2_BPE_TOKENIZER_H_ +#define GPT2_BPE_TOKENIZER_H_ + #include #include @@ -21,17 +24,37 @@ typedef std::tuple, // Applies regex based pre-tokenization step for GPT-2 BPE tokenizer // and returns a list of tokens. std::vector gpt2_bpe_pre_tokenizer(std::string input); + +// Concatenate a vector of strings to a single string +std::string concatenate_strings(const std::vector &list); + +// Return set of token pairs in a word, seperated by the `seperator`. +std::vector get_pairs(std::vector token_list, + const std::string &seperator); + +// Split a string into 2 parts seperated by a `seperator`. +std::pair split_tokens(std::string s, + std::string delimiter); + +// Find index of `element` in a list of strings. +int list_str_index(std::vector list, std::string element, + int start); + struct GPT2BPEEncoder : torch::CustomClassHolder { private: const int64_t inf_; - c10::Dict> cache_; // Encode byte into an unicode character. std::vector ByteEncode_(std::string token); + int64_t GetBPEMergeRank_(std::string pair); + + protected: + c10::Dict> cache_; + virtual std::vector PreTokenize_(std::string input); // Return a list of bpe tokens. - std::vector BPE_(const std::vector &token_list); + virtual std::vector BPE_( + const std::vector &token_list); // Return the token pair(e.g bpe merge) with lowest rank. std::string FindBestPair_(std::vector pairs); - int64_t GetBPEMergeRank_(std::string pair); public: const c10::Dict bpe_encoder_; @@ -80,3 +103,5 @@ c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( GPT2BPEEncoderStatesTorchbind states); } // namespace torchtext + +#endif // GPT2_BPE_TOKENIZER_H_ diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 419ce21d17..33e7eaa20f 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -1,3 +1,4 @@ +#include // @manual #include // @manual #include #include @@ -178,6 +179,27 @@ PYBIND11_MODULE(_torchtext, m) { return _deserialize_gpt2_bpe_encoder_pybind(states); })); + py::class_>(m, "CLIPEncoder") + .def(py::init, + std::unordered_map, std::string, + std::unordered_map, bool>()) + .def_property_readonly("bpe_encoder_", &CLIPEncoder::GetBPEEncoder) + .def_property_readonly("bpe_merge_ranks_", &CLIPEncoder::GetBPEMergeRanks) + .def_readonly("seperator_", &CLIPEncoder::seperator_) + .def_property_readonly("byte_encoder_", &CLIPEncoder::GetByteEncoder) + .def("encode", &CLIPEncoder::Encode) + .def(py::pickle( + // __getstate__ + [](const c10::intrusive_ptr &self) + -> CLIPEncoderStatesPybind { + return _serialize_clip_encoder_pybind(self); + }, + // __setstate__ + [](CLIPEncoderStatesPybind states) + -> c10::intrusive_ptr { + return _deserialize_clip_encoder_pybind(states); + })); + // Functions m.def("_load_token_and_vectors_from_file", &_load_token_and_vectors_from_file); diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 61b5443774..ecd3cbb595 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,3 +1,4 @@ +#include // @manual #include // @manual #include #include // @manual @@ -139,6 +140,23 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { -> c10::intrusive_ptr { return _deserialize_gpt2_bpe_encoder_torchbind(states); }); + + m.class_("CLIPEncoder") + .def(torch::init, + c10::Dict, std::string, + c10::Dict, bool>()) + .def("encode", &CLIPEncoder::Encode) + .def_pickle( + // __getstate__ + [](const c10::intrusive_ptr &self) + -> CLIPEncoderStatesTorchbind { + return _serialize_clip_encoder_torchbind(self); + }, + // __setstate__ + [](CLIPEncoderStatesTorchbind states) + -> c10::intrusive_ptr { + return _deserialize_clip_encoder_torchbind(states); + }); m.def("torchtext::generate_sp_model", &generate_sp_model); m.def("torchtext::load_sp_model", &load_sp_model); diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 37bd3706cb..3a91af3963 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -5,7 +5,7 @@ from torchtext.data.functional import load_sp_model from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab -from torchtext._torchtext import GPT2BPEEncoder as GPT2BPEEncoderPyBind +from torchtext._torchtext import GPT2BPEEncoder as GPT2BPEEncoderPyBind, CLIPEncoder as CLIPEncoderPyBind from typing import List, Optional, Any, Union import json from functools import lru_cache @@ -258,7 +258,7 @@ def is_jitable(self): @torch.jit.export def _tokenize(self, text: str) -> List[str]: - """Encode text into a list of Token(token_id, start_idx, end_idx) + """Encode text into a list of tokens Args: text: An input text string. @@ -309,6 +309,105 @@ def __prepare_scriptable__(self): return self +class CLIPTokenizer(Module): + __jit_unused_properties__ = ["is_jitable"] + """ + Transform for CLIP Tokenizer. Based on Byte-Level BPE. + + Reimplements CLIP Tokenizer in TorchScript. Original implementation: + https://github.com/mlfoundations/open_clip/blob/main/src/clip/tokenizer.py + + This tokenizer has been trained to treat spaces like parts of the tokens + (a bit like sentencepiece) so a word will be encoded differently whether it + is at the beginning of the sentence (without space) or not. + + :param encoder_json_path: Path to BPE encoder json file. + :type encoder_json_path: str + :param vocab_bpe_path: Path to bpe vocab file. + :type vocab_bpe_path: str + """ + + _seperator: torch.jit.Final[str] + + def __init__( + self, + encoder_json_path: str, + vocab_bpe_path: str, + ): + super().__init__() + self._seperator = "\u0001" + # load bpe encoder + with open(get_asset_local_path(encoder_json_path), "r", encoding="utf-8") as f: + bpe_encoder = json.load(f) + # load bpe vocab + with open(get_asset_local_path(vocab_bpe_path), "r", encoding="utf-8") as f: + bpe_vocab = f.read() + bpe_merge_ranks = { + self._seperator.join(merge_pair.split()): i + for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) + } + # Caching is enabled in Eager mode + self.bpe = CLIPEncoderPyBind(bpe_encoder, bpe_merge_ranks, + self._seperator, bytes_to_unicode(), True) + + @property + def is_jitable(self): + return isinstance(self.bpe, torch._C.ScriptObject) + + @torch.jit.export + def _tokenize(self, text: str) -> List[str]: + """Encode text into a list of tokens + + Args: + text: An input text string. + + Returns: + A list of bpe token ids represents each bpe tokens + + For example: "awesome,awe" + --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] + --> bpe encode --> bpe token ids: [707, 5927, 11, 707, 68] + """ + text = text.lower().strip() + bpe_token_ids: List[int] = self.bpe.encode(text) + bpe_tokens: List[str] = [] + + for bpe_token_id in bpe_token_ids: + bpe_tokens.append(str(bpe_token_id)) + + return bpe_tokens + + def forward(self, input: Any) -> Any: + """ + :param input: Input sentence or list of sentences on which to apply tokenizer. + :type input: Union[str, List[str]] + :return: tokenized text + :rtype: Union[List[str], List[List(str)]] + """ + if torch.jit.isinstance(input, List[str]): + tokens: List[List[str]] = [] + for text in input: + tokens.append(self._tokenize(text)) + return tokens + elif torch.jit.isinstance(input, str): + return self._tokenize(input) + else: + raise TypeError("Input type not supported") + + def __prepare_scriptable__(self): + r"""Return a JITable tokenizer. + """ + if not self.is_jitable: + tokenizer_copy = deepcopy(self) + # Disable caching in script mode + tokenizer_copy.bpe = torch.classes.torchtext.CLIPEncoder(self.bpe.bpe_encoder_, + self.bpe.bpe_merge_ranks_, + self.bpe.seperator_, + self.bpe.byte_encoder_, False) + return tokenizer_copy + return self + + @lru_cache() def bytes_to_unicode(): """ From 3ba62ca73276e29db2183cf9c60b59cf331c5dd7 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Wed, 2 Feb 2022 15:30:02 -0500 Subject: [PATCH 118/463] mock up IWSLT2016 test for faster testing. (#1563) * mock up IWSLT2016 test for faster testing. * rename variable for consistency. --- test/datasets/test_iwslt2016.py | 83 +++++++++++++++++++++++++++++++++ 1 file changed, 83 insertions(+) create mode 100644 test/datasets/test_iwslt2016.py diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py new file mode 100644 index 0000000000..e352f9ef1b --- /dev/null +++ b/test/datasets/test_iwslt2016.py @@ -0,0 +1,83 @@ +import os +import random +import string +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.iwslt2016 import IWSLT2016 +from torchtext.data.datasets_utils import _generate_iwslt_files_for_lang_and_split + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir, split, src, tgt): + """ + root_dir: directory to the mocked dataset + """ + temp_dataset_dir = os.path.join(root_dir, f"IWSLT2016/2016-01/texts/{src}/{tgt}/{src}-{tgt}/") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(lambda: defaultdict(list)) + valid_set = "tst2013" + test_set = "tst2014" + + files_for_split, _ = _generate_iwslt_files_for_lang_and_split(16, src, tgt, valid_set, test_set) + src_file = files_for_split[src][split] + tgt_file = files_for_split[tgt][split] + for file_name in (src_file, tgt_file): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + # Get file extension (i.e., the language) without the . prefix (.en -> en) + lang = os.path.splitext(file_name)[1][1:] + for i in range(5): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = f"{rand_string} {rand_string}\n" + # append line to correct dataset split + mocked_data[split][lang].append(dataset_line) + f.write(f'{rand_string} {rand_string}\n') + seed += 1 + + return list(zip(mocked_data[split][src], mocked_data[split][tgt])) + + +class TestIWSLT2016(TempDirMixin, TorchtextTestCase): + root_dir = None + patcher = None + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder.OnDiskCacheHolderIterDataPipe._cache_check_fn", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand([("train", "de", "en"), ("valid", "de", "en")]) + def test_iwslt2016(self, split, src, tgt): + expected_samples = _get_mock_dataset(self.root_dir, split, src, tgt) + + dataset = IWSLT2016(root=self.root_dir, split=split) + + samples = list(dataset) + + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "valid"]) + def test_iwslt2016_split_argument(self, split): + dataset1 = IWSLT2016(root=self.root_dir, split=split) + (dataset2,) = IWSLT2016(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 69825a181aa6d5dca3b451b700eb4a5cd284ad98 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 2 Feb 2022 17:37:29 -0500 Subject: [PATCH 119/463] Multi30k mocked testing (#1554) --- test/datasets/test_multi30k.py | 82 ++++++++++++++++++++++++++++++++++ 1 file changed, 82 insertions(+) create mode 100644 test/datasets/test_multi30k.py diff --git a/test/datasets/test_multi30k.py b/test/datasets/test_multi30k.py new file mode 100644 index 0000000000..6527050c56 --- /dev/null +++ b/test/datasets/test_multi30k.py @@ -0,0 +1,82 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from ..common.parameterized_utils import nested_params +from torchtext.datasets import Multi30k + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "Multi30k") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.de", "train.en", "val.de", "val.en", "test.de", "test.en"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + content = f"{rand_string}\n" + f.write(content) + mocked_data[file_name].append(content) + seed += 1 + + archive = {} + archive["train"] = os.path.join(base_dir, "training.tar.gz") + archive["val"] = os.path.join(base_dir, "validation.tar.gz") + archive["test"] = os.path.join(base_dir, "mmt16_task1_test.tar.gz") + + for split in ("train", "val", "test"): + with tarfile.open(archive[split], "w:gz") as tar: + tar.add(os.path.join(temp_dataset_dir, f"{split}.de")) + tar.add(os.path.join(temp_dataset_dir, f"{split}.en")) + + return mocked_data + + +class TestMulti30k(TempDirMixin, TorchtextTestCase): + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @nested_params(["train", "valid", "test"], [("de", "en"), ("en", "de")]) + def test_multi30k(self, split, language_pair): + dataset = Multi30k(root=self.root_dir, split=split, language_pair=language_pair) + if split == "valid": + split = "val" + samples = list(dataset) + expected_samples = [(d1, d2) for d1, d2 in zip(self.samples[f'{split}.{language_pair[0]}'], self.samples[f'{split}.{language_pair[1]}'])] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @nested_params(["train", "valid", "test"], [("de", "en"), ("en", "de")]) + def test_multi30k_split_argument(self, split, language_pair): + dataset1 = Multi30k(root=self.root_dir, split=split, language_pair=language_pair) + (dataset2,) = Multi30k(root=self.root_dir, split=(split,), language_pair=language_pair) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 582da0f6bb6dff37ededc29e3ec82354eaeaa726 Mon Sep 17 00:00:00 2001 From: Aki <44111084+A03ki@users.noreply.github.com> Date: Thu, 3 Feb 2022 13:39:16 +0900 Subject: [PATCH 120/463] fix typo in torchtext/vocab/vocab_factory.py (#1565) --- torchtext/vocab/vocab_factory.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/vocab/vocab_factory.py b/torchtext/vocab/vocab_factory.py index 6a7880c8a3..0e073bb1a1 100644 --- a/torchtext/vocab/vocab_factory.py +++ b/torchtext/vocab/vocab_factory.py @@ -85,7 +85,7 @@ def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: O >>> with io.open(file_path, encoding = 'utf-8') as f: >>> for line in f: >>> yield line.strip().split() - >>> vocab = build_vocab_from_iterator(yield_tokens_batch(file_path), specials=[""]) + >>> vocab = build_vocab_from_iterator(yield_tokens(file_path), specials=[""]) """ counter = Counter() From 3f2c593d1e5f18157ad196d76dc54a80c3af6ba1 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Thu, 3 Feb 2022 09:05:44 -0500 Subject: [PATCH 121/463] Add AmazonReviewFull Mocked Unit Test (#1561) * add test_amazonreviewfull to mock AmzReviewFull * change label mock --- test/datasets/test_amazonreviewfull.py | 83 ++++++++++++++++++++++++++ 1 file changed, 83 insertions(+) create mode 100644 test/datasets/test_amazonreviewfull.py diff --git a/test/datasets/test_amazonreviewfull.py b/test/datasets/test_amazonreviewfull.py new file mode 100644 index 0000000000..909c32ab59 --- /dev/null +++ b/test/datasets/test_amazonreviewfull.py @@ -0,0 +1,83 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.amazonreviewfull import AmazonReviewFull + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "AmazonReviewFull") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + label = seed % 5 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string} {rand_string}") + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + f.write(f'"{label}","{rand_string}","{rand_string}"\n') + seed += 1 + + compressed_dataset_path = os.path.join( + base_dir, "amazon_review_full_csv.tar.gz" + ) + # create tar file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="amazon_review_full_csv") + + return mocked_data + + +class TestAmazonReviewFull(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_amazon_review_full(self, split): + dataset = AmazonReviewFull(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_amazon_review_full_split_argument(self, split): + dataset1 = AmazonReviewFull(root=self.root_dir, split=split) + (dataset2,) = AmazonReviewFull(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From a79035ff2497f5b796734786ef7c3ef1c082df01 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Thu, 3 Feb 2022 10:57:40 -0500 Subject: [PATCH 122/463] Add EnWik9 Mocked Unit Test (#1560) * add test_enwik9 to mock EnWik9 data --- test/datasets/test_enwik9.py | 83 ++++++++++++++++++++++++++++++++++++ 1 file changed, 83 insertions(+) create mode 100644 test/datasets/test_enwik9.py diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py new file mode 100644 index 0000000000..1b79b201e6 --- /dev/null +++ b/test/datasets/test_enwik9.py @@ -0,0 +1,83 @@ +import os +import random +import string +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.enwik9 import EnWik9 + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "EnWik9") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + file_name = "enwik9" + txt_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data["train"] + with open(txt_file, "w") as f: + for i in range(5): + rand_string = "<" + " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + ">" + dataset_line = (f"'{rand_string}'") + f.write(f"'{rand_string}'\n") + + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "enwik9.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=file_name) + + return mocked_data + + +class TestEnWik9(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train"]) + def test_enwik9(self, split): + dataset = EnWik9(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train"]) + def test_enwik9_split_argument(self, split): + dataset1 = EnWik9(root=self.root_dir, split=split) + (dataset2,) = EnWik9(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 339804faabb56ee767765ced04ef1385767a736b Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 3 Feb 2022 13:33:52 -0500 Subject: [PATCH 123/463] [Bug-Fix] fix hash for datasets testing (#1572) --- test/asset/raw_datasets.jsonl | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/test/asset/raw_datasets.jsonl b/test/asset/raw_datasets.jsonl index eaf70d4ebf..be4a4dc215 100644 --- a/test/asset/raw_datasets.jsonl +++ b/test/asset/raw_datasets.jsonl @@ -36,11 +36,11 @@ {"dataset_name": "WikiText103", "split": "train", "NUM_LINES": 1801350, "MD5": "9ddaacaf6af0710eda8c456decff7832", "URL": "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip", "first_line": "c3e189c0ef8590f093c38b41bdba5239"} {"dataset_name": "WikiText103", "split": "valid", "NUM_LINES": 3760, "MD5": "9ddaacaf6af0710eda8c456decff7832", "URL": "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip", "first_line": "c3e189c0ef8590f093c38b41bdba5239"} {"dataset_name": "WikiText103", "split": "test", "NUM_LINES": 4358, "MD5": "9ddaacaf6af0710eda8c456decff7832", "URL": "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip", "first_line": "c3e189c0ef8590f093c38b41bdba5239"} -{"dataset_name": "PennTreebank", "split": "train", "NUM_LINES": 42068, "MD5": {"train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", "valid": "aa0affc06ff7c36e977d7cd49e3839bf", "test": "8b80168b89c18661a38ef683c0dc3721"}, "URL": {"train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt"}, "first_line": "7c2d3356b501bef852361e03da99841a"} -{"dataset_name": "PennTreebank", "split": "valid", "NUM_LINES": 3370, "MD5": {"train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", "valid": "aa0affc06ff7c36e977d7cd49e3839bf", "test": "8b80168b89c18661a38ef683c0dc3721"}, "URL": {"train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt"}, "first_line": "fe23e20e56c04bcbafef379e984df1f2"} -{"dataset_name": "PennTreebank", "split": "test", "NUM_LINES": 3761, "MD5": {"train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", "valid": "aa0affc06ff7c36e977d7cd49e3839bf", "test": "8b80168b89c18661a38ef683c0dc3721"}, "URL": {"train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt"}, "first_line": "a1e01652513bd83a1925b0822ce19456"} +{"dataset_name": "PennTreebank", "split": "train", "NUM_LINES": 42068, "MD5": {"train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", "valid": "aa0affc06ff7c36e977d7cd49e3839bf", "test": "8b80168b89c18661a38ef683c0dc3721"}, "URL": {"train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt"}, "first_line": "4da5e5d53c4f1befb6f2ccb7c2786883"} +{"dataset_name": "PennTreebank", "split": "valid", "NUM_LINES": 3370, "MD5": {"train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", "valid": "aa0affc06ff7c36e977d7cd49e3839bf", "test": "8b80168b89c18661a38ef683c0dc3721"}, "URL": {"train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt"}, "first_line": "5cd7ab9c524b0907447b8fec96c1e6d4"} +{"dataset_name": "PennTreebank", "split": "test", "NUM_LINES": 3761, "MD5": {"train": "f26c4b92c5fdc7b3f8c7cdcb991d8420", "valid": "aa0affc06ff7c36e977d7cd49e3839bf", "test": "8b80168b89c18661a38ef683c0dc3721"}, "URL": {"train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", "valid": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.valid.txt"}, "first_line": "9a787f558c6fa754d70e0801bedfdc32"} {"dataset_name": "SQuAD1", "split": "train", "NUM_LINES": 87599, "MD5": {"train": "981b29407e0affa3b1b156f72073b945", "dev": "3e85deb501d4e538b6bc56f786231552"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json"}, "first_line": "72d1162738e38d973ed20c9e70469ed4"} {"dataset_name": "SQuAD1", "split": "dev", "NUM_LINES": 10570, "MD5": {"train": "981b29407e0affa3b1b156f72073b945", "dev": "3e85deb501d4e538b6bc56f786231552"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json"}, "first_line": "fd5bd80f392f3a03ec908508da3a4ea3"} {"dataset_name": "SQuAD2", "split": "train", "NUM_LINES": 130319, "MD5": {"train": "62108c273c268d70893182d5cf8df740", "dev": "246adae8b7002f8679c027697b0b7cf8"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json"}, "first_line": "9b719a13e9ea95ab9700c5c631885fc8"} {"dataset_name": "SQuAD2", "split": "dev", "NUM_LINES": 11873, "MD5": {"train": "62108c273c268d70893182d5cf8df740", "dev": "246adae8b7002f8679c027697b0b7cf8"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json"}, "first_line": "1e011c981d41cca284070532135eb9bd"} -{"dataset_name": "EnWik9", "split": "train", "NUM_LINES": 13147026, "MD5": "3e773f8a1577fda2e27f871ca17f31fd", "URL": "http://mattmahoney.net/dc/enwik9.zip", "first_line": "9ac868b1ea4f13083b6c923bc3134a70"} \ No newline at end of file +{"dataset_name": "EnWik9", "split": "train", "NUM_LINES": 13147026, "MD5": "3e773f8a1577fda2e27f871ca17f31fd", "URL": "http://mattmahoney.net/dc/enwik9.zip", "first_line": "02d4fbb967022ab80dfc2dda49faf5ea"} \ No newline at end of file From 14fef0ffa63d46c5da8e36c22cd079f53f230dd9 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Thu, 3 Feb 2022 17:04:48 -0500 Subject: [PATCH 124/463] Add YelpReviewFull Mocked Unit Test (#1568) * add test_yelpreviewfull.py to mock YelpReviewFull --- test/datasets/test_yelpreviewfull.py | 83 ++++++++++++++++++++++++++++ 1 file changed, 83 insertions(+) create mode 100644 test/datasets/test_yelpreviewfull.py diff --git a/test/datasets/test_yelpreviewfull.py b/test/datasets/test_yelpreviewfull.py new file mode 100644 index 0000000000..d0a7e13a7c --- /dev/null +++ b/test/datasets/test_yelpreviewfull.py @@ -0,0 +1,83 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.yelpreviewfull import YelpReviewFull + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "YelpReviewFull") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + csv_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + with open(csv_file, "w") as f: + for i in range(5): + label = seed % 5 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string}") + f.write(f'"{label}","{rand_string}"\n') + + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "yelp_review_full_csv.tar.gz") + # create gz file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="yelp_review_full_csv") + + return mocked_data + + +class TestYelpReviewFull(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_yelpreviewfull(self, split): + dataset = YelpReviewFull(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_yelpreviewfull_split_argument(self, split): + dataset1 = YelpReviewFull(root=self.root_dir, split=split) + (dataset2,) = YelpReviewFull(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From fdcbad2dd9505125b4bf0f1ca738b003194b1b57 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Thu, 3 Feb 2022 17:06:01 -0500 Subject: [PATCH 125/463] Add UDPOS Mocked Unit Test (#1569) * add test_udpos.py for UDPOS dataset mock --- test/datasets/test_udpos.py | 86 +++++++++++++++++++++++++++++++++++++ 1 file changed, 86 insertions(+) create mode 100644 test/datasets/test_udpos.py diff --git a/test/datasets/test_udpos.py b/test/datasets/test_udpos.py new file mode 100644 index 0000000000..b66a6c681d --- /dev/null +++ b/test/datasets/test_udpos.py @@ -0,0 +1,86 @@ +import os +import random +import string +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.udpos import UDPOS + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "UDPOS") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ["train.txt", "dev.txt", "test.txt"]: + txt_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + with open(txt_file, "w") as f: + for i in range(5): + rand_strings = ["".join(random.sample(string.ascii_letters, random.randint(1, 10))) for i in range(seed)] + rand_label_1 = [random.choice(string.ascii_letters) for i in range(seed)] + rand_label_2 = [random.choice(string.ascii_letters) for i in range(seed)] + # one token per line (each sample ends with an extra \n) + for rand_string, label_1, label_2 in zip(rand_strings, rand_label_1, rand_label_2): + f.write(f"{rand_string}\t{label_1}\t{label_2}\n") + f.write("\n") + dataset_line = (rand_strings, rand_label_1, rand_label_2) + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + # en-ud-v2.zip + compressed_dataset_path = os.path.join(base_dir, "en-ud-v2.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("train.txt", "dev.txt", "test.txt"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("UDPOS", file_name)) + + return mocked_data + + +class TestUDPOS(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "valid", "test"]) + def test_udpos(self, split): + dataset = UDPOS(root=self.root_dir, split=split) + samples = list(dataset) + expected_samples = self.samples[split] if split != "valid" else self.samples["dev"] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "valid", "test"]) + def test_udpos_split_argument(self, split): + dataset1 = UDPOS(root=self.root_dir, split=split) + (dataset2,) = UDPOS(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 7f3ed4b183eb451b439740a59bb849771c707f0c Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Thu, 3 Feb 2022 21:23:50 -0800 Subject: [PATCH 126/463] Fix handling of end of file while reading vocab from file (#1573) --- test/asset/vocab_test.txt | 2 +- torchtext/csrc/vocab.cpp | 35 +++++++++++++++++------------------ 2 files changed, 18 insertions(+), 19 deletions(-) diff --git a/test/asset/vocab_test.txt b/test/asset/vocab_test.txt index 389d543a10..e041165aa0 100644 --- a/test/asset/vocab_test.txt +++ b/test/asset/vocab_test.txt @@ -4,4 +4,4 @@ c a b a -c \ No newline at end of file +c diff --git a/torchtext/csrc/vocab.cpp b/torchtext/csrc/vocab.cpp index 6f7abc8db4..53a2fba6c2 100644 --- a/torchtext/csrc/vocab.cpp +++ b/torchtext/csrc/vocab.cpp @@ -1,14 +1,14 @@ -#include // @manual +#include // @manual #include +#include // @manual +#include // @manual + #include #include #include -#include // @manual -#include // @manual namespace torchtext { -Vocab::Vocab(StringList tokens, - const c10::optional &default_index) +Vocab::Vocab(StringList tokens, const c10::optional &default_index) : stoi_(MAX_VOCAB_SIZE, -1), default_index_{default_index} { for (auto &token : tokens) { // throw error if duplicate token is found @@ -34,8 +34,7 @@ bool Vocab::__contains__(const c10::string_view &token) const { int64_t Vocab::__getitem__(const c10::string_view &token) const { int64_t id = _find(token); - if (stoi_[id] != -1) - return stoi_[id]; + if (stoi_[id] != -1) return stoi_[id]; // throw error if default_index_ is not set TORCH_CHECK(default_index_.has_value(), @@ -110,8 +109,8 @@ StringList Vocab::lookup_tokens(const std::vector &indices) { return tokens; } -std::vector -Vocab::lookup_indices(const std::vector &tokens) { +std::vector Vocab::lookup_indices( + const std::vector &tokens) { std::vector indices(tokens.size()); for (size_t i = 0; i < tokens.size(); i++) { indices[i] = __getitem__(tokens[i]); @@ -191,11 +190,9 @@ void parse_raw_text_file_chunk(const std::string &file_path, size_t offset, } } -StringList -_concat_tokens(std::vector> chunk_counters, - const int64_t min_freq, const int64_t num_lines, - const bool sort_tokens) { - +StringList _concat_tokens( + std::vector> chunk_counters, + const int64_t min_freq, const int64_t num_lines, const bool sort_tokens) { TORCH_CHECK(chunk_counters.size() > 0, "There must be at least 1 chunk to concatenate!"); @@ -214,8 +211,11 @@ _concat_tokens(std::vector> chunk_counters, tokens_freq[item.first] = cur_token_freq; } - // add to tokens list only if we exceed min_freq for the first time - if (tokens_freq[item.first] - cur_token_freq < min_freq && + // add to tokens list only if all of the conditions are met: + // 1. token is not empty + // 2. we exceed min_freq for the first time + if (item.first.length() && + tokens_freq[item.first] - cur_token_freq < min_freq && tokens_freq[item.first] >= min_freq) { unique_tokens.push_back(item.first); } @@ -248,7 +248,6 @@ _concat_tokens(std::vector> chunk_counters, constexpr int64_t GRAIN_SIZE = 13107; Vocab _load_vocab_from_file(const std::string &file_path, const int64_t min_freq, const int64_t num_cpus) { - int64_t num_lines = _infer_lines(file_path); int64_t chunk_size = impl::divup(num_lines, num_cpus); // Launching a thread on less lines than this likely has too much overhead. @@ -374,4 +373,4 @@ c10::intrusive_ptr _deserialize_vocab(VocabStates states) { return c10::make_intrusive(std::move(strings), default_index); } -} // namespace torchtext +} // namespace torchtext From 012ab2a1774d12581aceac455963564e15cf8704 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Feb 2022 11:46:07 -0500 Subject: [PATCH 127/463] Added SST2 dataset properties to raw_datasets json file (#1580) Co-authored-by: nayef211 --- test/asset/raw_datasets.jsonl | 5 ++++- 1 file changed, 4 insertions(+), 1 deletion(-) diff --git a/test/asset/raw_datasets.jsonl b/test/asset/raw_datasets.jsonl index be4a4dc215..7ccec41e64 100644 --- a/test/asset/raw_datasets.jsonl +++ b/test/asset/raw_datasets.jsonl @@ -43,4 +43,7 @@ {"dataset_name": "SQuAD1", "split": "dev", "NUM_LINES": 10570, "MD5": {"train": "981b29407e0affa3b1b156f72073b945", "dev": "3e85deb501d4e538b6bc56f786231552"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json"}, "first_line": "fd5bd80f392f3a03ec908508da3a4ea3"} {"dataset_name": "SQuAD2", "split": "train", "NUM_LINES": 130319, "MD5": {"train": "62108c273c268d70893182d5cf8df740", "dev": "246adae8b7002f8679c027697b0b7cf8"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json"}, "first_line": "9b719a13e9ea95ab9700c5c631885fc8"} {"dataset_name": "SQuAD2", "split": "dev", "NUM_LINES": 11873, "MD5": {"train": "62108c273c268d70893182d5cf8df740", "dev": "246adae8b7002f8679c027697b0b7cf8"}, "URL": {"train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json"}, "first_line": "1e011c981d41cca284070532135eb9bd"} -{"dataset_name": "EnWik9", "split": "train", "NUM_LINES": 13147026, "MD5": "3e773f8a1577fda2e27f871ca17f31fd", "URL": "http://mattmahoney.net/dc/enwik9.zip", "first_line": "02d4fbb967022ab80dfc2dda49faf5ea"} \ No newline at end of file +{"dataset_name": "EnWik9", "split": "train", "NUM_LINES": 13147026, "MD5": "3e773f8a1577fda2e27f871ca17f31fd", "URL": "http://mattmahoney.net/dc/enwik9.zip", "first_line": "02d4fbb967022ab80dfc2dda49faf5ea"} +{"dataset_name": "SST2", "split": "train", "NUM_LINES": 67349, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "458f898b53146435ac4e8321335cb3bc"} +{"dataset_name": "SST2", "split": "dev", "NUM_LINES": 872, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "3e7ff69ab3fc6d026e3c96cadd8b0b53"} +{"dataset_name": "SST2", "split": "test", "NUM_LINES": 1821, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "bf6e6f9e62801d1f8dd343a6e0462c9f"} \ No newline at end of file From c434fcc304d2a058f14740d5b6c5eee91664de07 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Feb 2022 11:48:17 -0500 Subject: [PATCH 128/463] Add SQuAD1 Mocked Unit Test (#1574) * Created squad1 test * Completed mock tests for squad 1 Co-authored-by: nayef211 --- test/datasets/test_squad1.py | 104 +++++++++++++++++++++++++++++++++++ 1 file changed, 104 insertions(+) create mode 100644 test/datasets/test_squad1.py diff --git a/test/datasets/test_squad1.py b/test/datasets/test_squad1.py new file mode 100644 index 0000000000..75f1f61639 --- /dev/null +++ b/test/datasets/test_squad1.py @@ -0,0 +1,104 @@ +import json +import os +import random +import string +import uuid +from collections import defaultdict +from random import randint +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.data.datasets_utils import _ParseSQuADQAData +from torchtext.datasets.squad1 import SQuAD1 + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_json_data(): + rand_string = " ".join(random.choice(string.ascii_letters) for i in range(10)) + mock_json_data = { + "data": [ + { + "title": rand_string, + "paragraphs": [ + { + "context": rand_string, + "qas": [ + { + "answers": [ + { + "answer_start": randint(1, 1000), + "text": rand_string, + } + ], + "question": rand_string, + "id": uuid.uuid1().hex, + }, + ], + } + ], + } + ] + } + return mock_json_data + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "SQuAD1") + os.makedirs(base_dir, exist_ok=True) + + mocked_data = defaultdict(list) + for file_name in ("train-v1.1.json", "dev-v1.1.json"): + txt_file = os.path.join(base_dir, file_name) + with open(txt_file, "w") as f: + mock_json_data = _get_mock_json_data() + f.write(json.dumps(mock_json_data)) + + split = "train" if "train" in file_name else "dev" + dataset_line = next( + iter(_ParseSQuADQAData([("file_handle", mock_json_data)])) + ) + mocked_data[split].append(dataset_line) + + return mocked_data + + +class TestSQuAD1(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "dev"]) + def test_squad1(self, split): + dataset = SQuAD1(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "dev"]) + def test_squad1_split_argument(self, split): + dataset1 = SQuAD1(root=self.root_dir, split=split) + (dataset2,) = SQuAD1(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 08c774d38a310507b7fcad1da2c9e32f927ca70d Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Feb 2022 11:53:58 -0500 Subject: [PATCH 129/463] Added sogounews mocked test (#1576) Co-authored-by: nayef211 --- test/datasets/test_sogounews.py | 83 +++++++++++++++++++++++++++++++++ 1 file changed, 83 insertions(+) create mode 100644 test/datasets/test_sogounews.py diff --git a/test/datasets/test_sogounews.py b/test/datasets/test_sogounews.py new file mode 100644 index 0000000000..b0c06b4e35 --- /dev/null +++ b/test/datasets/test_sogounews.py @@ -0,0 +1,83 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.sogounews import SogouNews + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "SogouNews") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + label = seed % 5 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string} {rand_string}") + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + f.write(f'"{label}","{rand_string}","{rand_string}"\n') + seed += 1 + + compressed_dataset_path = os.path.join( + base_dir, "sogou_news_csv.tar.gz" + ) + # create tar file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="sogou_news_csv") + + return mocked_data + + +class TestSogouNews(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_sogou_news_polarity(self, split): + dataset = SogouNews(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_sogou_news_split_argument(self, split): + dataset1 = SogouNews(root=self.root_dir, split=split) + (dataset2,) = SogouNews(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From aa78b86f97a8fe840233f68709e571115ad4195a Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 4 Feb 2022 12:48:52 -0500 Subject: [PATCH 130/463] add CC100 (#1562) --- torchtext/datasets/__init__.py | 2 ++ torchtext/datasets/cc100.py | 56 ++++++++++++++++++++++++++++++++++ 2 files changed, 58 insertions(+) create mode 100644 torchtext/datasets/cc100.py diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 5fda4a8451..d7d33298ad 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -3,6 +3,7 @@ from .ag_news import AG_NEWS from .amazonreviewfull import AmazonReviewFull from .amazonreviewpolarity import AmazonReviewPolarity +from .cc100 import CC100 from .conll2000chunking import CoNLL2000Chunking from .dbpedia import DBpedia from .enwik9 import EnWik9 @@ -26,6 +27,7 @@ "AG_NEWS": AG_NEWS, "AmazonReviewFull": AmazonReviewFull, "AmazonReviewPolarity": AmazonReviewPolarity, + "CC100": CC100, "CoNLL2000Chunking": CoNLL2000Chunking, "DBpedia": DBpedia, "EnWik9": EnWik9, diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py new file mode 100644 index 0000000000..0e8f55e589 --- /dev/null +++ b/torchtext/datasets/cc100.py @@ -0,0 +1,56 @@ +import os.path + +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + +from torchtext.data.datasets_utils import ( + _create_dataset_directory, + _wrap_split_argument +) + +URL = "http://data.statmt.org/cc-100/%s.txt.xz" + +VALID_CODES = { + "am", "ar", "as", "az", "be", "bg", "bn", "bn_rom", "br", "bs", "ca", "cs", "cy", "da", "de", + "el", "en", "eo", "es", "et", "eu", "fa", "ff", "fi", "fr", "fy", "ga", "gd", "gl", "gn", "gu", + "ha", "he", "hi", "hi_rom", "hr", "ht", "hu", "hy", "id", "ig", "is", "it", "ja", "jv", "ka", + "kk", "km", "kn", "ko", "ku", "ky", "la", "lg", "li", "ln", "lo", "lt", "lv", "mg", "mk", "ml", + "mn", "mr", "ms", "my", "my_zaw", "ne", "nl", "no", "ns", "om", "or", "pa", "pl", "ps", "pt", + "qu", "rm", "ro", "ru", "sa", "si", "sc", "sd", "sk", "sl", "so", "sq", "sr", "ss", "su", "sv", + "sw", "ta", "ta_rom", "te", "te_rom", "th", "tl", "tn", "tr", "ug", "uk", "ur", "ur_rom", "uz", + "vi", "wo", "xh", "yi", "yo", "zh-Hans", "zh-Hant", "zu", +} + +NUM_LINES = None +MD5 = None + +DATASET_NAME = "CC100" + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train",)) +def CC100(root: str, split: Union[Tuple[str], str], language_code: str = "en"): + if language_code not in VALID_CODES: + raise ValueError(f"Invalid language code {language_code}") + + url = URL % language_code + url_dp = IterableWrapper([url]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(url)) + ) + + cache_compressed_dp = HttpReader(cache_compressed_dp) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(x).rstrip(".xz")) + ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_xz() + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") + + data_dp = FileOpener(cache_decompressed_dp, mode="r").readlines(return_path=False) + return data_dp.map(lambda x: (language_code, x)) From bef930494add032a5da131747e93652079a537a5 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Feb 2022 14:06:23 -0500 Subject: [PATCH 131/463] Add PennTreebank Mocked Unit Test (#1578) * Added test for penntreebank * Updated test names Co-authored-by: nayef211 --- test/datasets/test_penntreebank.py | 75 ++++++++++++++++++++++++++++++ 1 file changed, 75 insertions(+) create mode 100644 test/datasets/test_penntreebank.py diff --git a/test/datasets/test_penntreebank.py b/test/datasets/test_penntreebank.py new file mode 100644 index 0000000000..fd78ecd8c4 --- /dev/null +++ b/test/datasets/test_penntreebank.py @@ -0,0 +1,75 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.penntreebank import PennTreebank + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "PennTreebank") + os.makedirs(base_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("ptb.train.txt", "ptb.valid.txt", "ptb.test.txt"): + txt_file = os.path.join(base_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = f"{rand_string}" + # append line to correct dataset split + split = file_name.replace("ptb.", "").replace(".txt", "") + mocked_data[split].append(dataset_line) + f.write(f"{rand_string}\n") + seed += 1 + + return mocked_data + + +class TestPennTreebank(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "valid", "test"]) + def test_penn_treebank_polarity(self, split): + dataset = PennTreebank(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "valid", "test"]) + def test_penn_treebank_split_argument(self, split): + dataset1 = PennTreebank(root=self.root_dir, split=split) + (dataset2,) = PennTreebank(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 10fe0f84be100c33c39fda2d3b5f4eacd9dcc9bf Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Feb 2022 14:06:32 -0500 Subject: [PATCH 132/463] Add YahooAnswers Mocked Unit Test #1574 (#1577) * added test for yahooanswer * Updated test names Co-authored-by: nayef211 --- test/datasets/test_yahooanswers.py | 81 ++++++++++++++++++++++++++++++ 1 file changed, 81 insertions(+) create mode 100644 test/datasets/test_yahooanswers.py diff --git a/test/datasets/test_yahooanswers.py b/test/datasets/test_yahooanswers.py new file mode 100644 index 0000000000..30f537c28a --- /dev/null +++ b/test/datasets/test_yahooanswers.py @@ -0,0 +1,81 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.yahooanswers import YahooAnswers + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "YahooAnswers") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w") as f: + for i in range(5): + label = seed % 10 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string} {rand_string} {rand_string}") + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + f.write(f'"{label}","{rand_string}","{rand_string}","{rand_string}"\n') + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "yahoo_answers_csv.tar.gz") + # create tar file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="yahoo_answers_csv") + + return mocked_data + + +class TestYahooAnswers(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_yahoo_answers(self, split): + dataset = YahooAnswers(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_yahoo_answers_split_argument(self, split): + dataset1 = YahooAnswers(root=self.root_dir, split=split) + (dataset2,) = YahooAnswers(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From fd50fb2ed9937af691e9d6659fa94d6a719c8a59 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Fri, 4 Feb 2022 14:10:07 -0500 Subject: [PATCH 133/463] Add DBpedia Mocked Unit Test (#1566) * add test_yelpreviewpolarity to mock YelpReviewP.. * add test_dbpedia to mock DBpedia * remove yelpreview test * Delete test_yelpreviewpolarity.py remove test_yelpreview (different pr) * PR comments follow up + add second string --- test/datasets/test_dbpedia.py | 83 +++++++++++++++++++++++++++++++++++ 1 file changed, 83 insertions(+) create mode 100644 test/datasets/test_dbpedia.py diff --git a/test/datasets/test_dbpedia.py b/test/datasets/test_dbpedia.py new file mode 100644 index 0000000000..51fbf19335 --- /dev/null +++ b/test/datasets/test_dbpedia.py @@ -0,0 +1,83 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.dbpedia import DBpedia + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "DBpedia") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + csv_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + with open(csv_file, "w") as f: + for i in range(5): + label = seed % 14 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, rand_string + " " + rand_string) + f.write(f'{label},"{rand_string}","{rand_string}"\n') + + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "dbpedia_csv.tar.gz") + # create gz file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="dbpedia_csv") + + return mocked_data + + +class TestDBpedia(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_dbpedia(self, split): + dataset = DBpedia(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_dbpedia_split_argument(self, split): + dataset1 = DBpedia(root=self.root_dir, split=split) + (dataset2,) = DBpedia(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 0b3889097d3eaedb930e6a8739b34ec8a170c933 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Sat, 5 Feb 2022 11:49:51 -0500 Subject: [PATCH 134/463] Renamed variable name to base_dir (#1582) Co-authored-by: nayef211 --- test/datasets/test_agnews.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/test/datasets/test_agnews.py b/test/datasets/test_agnews.py index 33fb3bb384..f3a884d7d8 100644 --- a/test/datasets/test_agnews.py +++ b/test/datasets/test_agnews.py @@ -15,13 +15,13 @@ def _get_mock_dataset(root_dir): """ root_dir: directory to the mocked dataset """ - temp_dataset_dir = os.path.join(root_dir, "AG_NEWS") - os.makedirs(temp_dataset_dir, exist_ok=True) + base_dir = os.path.join(root_dir, "AG_NEWS") + os.makedirs(base_dir, exist_ok=True) seed = 1 mocked_data = defaultdict(list) for file_name in ("train.csv", "test.csv"): - txt_file = os.path.join(temp_dataset_dir, file_name) + txt_file = os.path.join(base_dir, file_name) with open(txt_file, "w") as f: for i in range(5): label = seed % 4 + 1 From 7bd6b72ab67deb427c243ecf0cd00b0746dc0b53 Mon Sep 17 00:00:00 2001 From: parmeet Date: Sat, 5 Feb 2022 11:52:10 -0500 Subject: [PATCH 135/463] Fix flake issue (#1584) --- test/datasets/test_penntreebank.py | 1 - 1 file changed, 1 deletion(-) diff --git a/test/datasets/test_penntreebank.py b/test/datasets/test_penntreebank.py index fd78ecd8c4..ddb448558e 100644 --- a/test/datasets/test_penntreebank.py +++ b/test/datasets/test_penntreebank.py @@ -1,7 +1,6 @@ import os import random import string -import tarfile from collections import defaultdict from unittest.mock import patch From d8f9559f89db2b6fe96156a8e5a7c23593ac3953 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 7 Feb 2022 09:51:13 -0500 Subject: [PATCH 136/463] Remove real dataset caching and testing (#1587) --- .circleci/config.yml | 97 ------------------- .circleci/config.yml.in | 79 --------------- .circleci/regenerate.py | 8 -- .../unittest/linux/scripts/generate_cache.sh | 8 -- .../windows/scripts/generate_cache.sh | 8 -- test/common/cache_utils.py | 51 ---------- test/data/test_builtin_datasets.py | 61 ------------ test/experimental/test_builtin_datasets.py | 57 ----------- 8 files changed, 369 deletions(-) delete mode 100755 .circleci/unittest/linux/scripts/generate_cache.sh delete mode 100644 .circleci/unittest/windows/scripts/generate_cache.sh delete mode 100644 test/common/cache_utils.py delete mode 100644 test/data/test_builtin_datasets.py delete mode 100644 test/experimental/test_builtin_datasets.py diff --git a/.circleci/config.yml b/.circleci/config.yml index 9fae77d4eb..10d3a3deeb 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -361,44 +361,6 @@ jobs: conda activate python${PYTHON_VERSION} python -c "import torchtext" - cachesetup_linux: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - generate_cachekey - - restore_cache: - keys: - - - v1-linux-cache-index-{{ checksum ".cachekey" }} - - - run: - name: Generate cache - no_output_timeout: 30m - command: | - if [ ! -f /root/.torchtext/cache/cache_status_file.json ] ; then - .circleci/unittest/linux/scripts/setup_env.sh - .circleci/unittest/linux/scripts/install.sh - .circleci/unittest/linux/scripts/generate_cache.sh - fi - cat /root/.torchtext/cache/cache_status_file.json - - save_cache: - - key: v1-linux-dataset-{{ checksum ".cachekey" }} - - paths: - - /root/.torchtext/cache - - save_cache: - - key: v1-linux-cache-index-{{ checksum ".cachekey" }} - - paths: - - /root/.torchtext/cache/cache_status_file.json - unittest_linux: <<: *binary_common docker: @@ -419,7 +381,6 @@ jobs: keys: - v1-linux-dataset-vector-{{ checksum ".cachekey" }} - - v1-linux-dataset-{{ checksum ".cachekey" }} - run: name: Run tests @@ -432,50 +393,12 @@ jobs: paths: - .vector_cache - - /root/.torchtext/cache - run: name: Post process command: .circleci/unittest/linux/scripts/post_process.sh - store_test_results: path: test-results - cachesetup_windows: - <<: *binary_common - executor: - name: windows-cpu - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - generate_cachekey - - restore_cache: - keys: - - - v1-windows-cache-index-{{ checksum ".cachekey" }} - - - run: - name: Generate daily data Cache - no_output_timeout: 30m - command: | - if [ ! -f C:/Users/circleci/.torchtext/cache/cache_status_file.json ] ; then - .circleci/unittest/windows/scripts/setup_env.sh - .circleci/unittest/windows/scripts/install.sh - .circleci/unittest/windows/scripts/generate_cache.sh - fi - cat C:/Users/circleci/.torchtext/cache/cache_status_file.json - - save_cache: - - key: v1-windows-dataset-{{ checksum ".cachekey" }} - - paths: - - C:/Users/circleci/.torchtext/cache - - save_cache: - - key: v1-windows-cache-index-{{ checksum ".cachekey" }} - - paths: - - C:/Users/circleci/.torchtext/cache/cache_status_file.json - unittest_windows: <<: *binary_common executor: @@ -495,7 +418,6 @@ jobs: keys: - v1-windows-dataset-vector-{{ checksum ".cachekey" }} - - v1-windows-dataset-{{ checksum ".cachekey" }} - run: @@ -509,7 +431,6 @@ jobs: paths: - .vector_cache - - C:/Users/circleci/.torchtext/cache - run: name: Post process command: .circleci/unittest/windows/scripts/post_process.sh @@ -700,45 +621,27 @@ workflows: - binary_linux_wheel_py3.8 unittest: jobs: - - cachesetup_linux: - name: cachesetup_linux_py_any - python_version: '3.7' - unittest_linux: name: unittest_linux_py3.7 python_version: '3.7' - requires: - - cachesetup_linux_py_any - stylecheck: name: stylecheck_py3.7 python_version: '3.7' - unittest_linux: name: unittest_linux_py3.8 python_version: '3.8' - requires: - - cachesetup_linux_py_any - unittest_linux: name: unittest_linux_py3.9 python_version: '3.9' - requires: - - cachesetup_linux_py_any - - cachesetup_windows: - name: cachesetup_windows_py_any - python_version: '3.7' - unittest_windows: name: unittest_windows_py3.7 python_version: '3.7' - requires: - - cachesetup_windows_py_any - unittest_windows: name: unittest_windows_py3.8 python_version: '3.8' - requires: - - cachesetup_windows_py_any - unittest_windows: name: unittest_windows_py3.9 python_version: '3.9' - requires: - - cachesetup_windows_py_any nightly: jobs: - circleci_consistency: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 3055fdc3c4..a7ef665ca0 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -361,44 +361,6 @@ jobs: conda activate python${PYTHON_VERSION} python -c "import torchtext" - cachesetup_linux: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - generate_cachekey - - restore_cache: - keys: - {% raw %} - - v1-linux-cache-index-{{ checksum ".cachekey" }} - {% endraw %} - - run: - name: Generate cache - no_output_timeout: 30m - command: | - if [ ! -f /root/.torchtext/cache/cache_status_file.json ] ; then - .circleci/unittest/linux/scripts/setup_env.sh - .circleci/unittest/linux/scripts/install.sh - .circleci/unittest/linux/scripts/generate_cache.sh - fi - cat /root/.torchtext/cache/cache_status_file.json - - save_cache: - {% raw %} - key: v1-linux-dataset-{{ checksum ".cachekey" }} - {% endraw %} - paths: - - /root/.torchtext/cache - - save_cache: - {% raw %} - key: v1-linux-cache-index-{{ checksum ".cachekey" }} - {% endraw %} - paths: - - /root/.torchtext/cache/cache_status_file.json - unittest_linux: <<: *binary_common docker: @@ -419,7 +381,6 @@ jobs: keys: {% raw %} - v1-linux-dataset-vector-{{ checksum ".cachekey" }} - - v1-linux-dataset-{{ checksum ".cachekey" }} {% endraw %} - run: name: Run tests @@ -432,50 +393,12 @@ jobs: {% endraw %} paths: - .vector_cache - - /root/.torchtext/cache - run: name: Post process command: .circleci/unittest/linux/scripts/post_process.sh - store_test_results: path: test-results - cachesetup_windows: - <<: *binary_common - executor: - name: windows-cpu - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - generate_cachekey - - restore_cache: - keys: - {% raw %} - - v1-windows-cache-index-{{ checksum ".cachekey" }} - {% endraw %} - - run: - name: Generate daily data Cache - no_output_timeout: 30m - command: | - if [ ! -f C:/Users/circleci/.torchtext/cache/cache_status_file.json ] ; then - .circleci/unittest/windows/scripts/setup_env.sh - .circleci/unittest/windows/scripts/install.sh - .circleci/unittest/windows/scripts/generate_cache.sh - fi - cat C:/Users/circleci/.torchtext/cache/cache_status_file.json - - save_cache: - {% raw %} - key: v1-windows-dataset-{{ checksum ".cachekey" }} - {% endraw %} - paths: - - C:/Users/circleci/.torchtext/cache - - save_cache: - {% raw %} - key: v1-windows-cache-index-{{ checksum ".cachekey" }} - {% endraw %} - paths: - - C:/Users/circleci/.torchtext/cache/cache_status_file.json - unittest_windows: <<: *binary_common executor: @@ -495,7 +418,6 @@ jobs: keys: {% raw %} - v1-windows-dataset-vector-{{ checksum ".cachekey" }} - - v1-windows-dataset-{{ checksum ".cachekey" }} {% endraw %} - run: @@ -509,7 +431,6 @@ jobs: {% endraw %} paths: - .vector_cache - - C:/Users/circleci/.torchtext/cache - run: name: Post process command: .circleci/unittest/windows/scripts/post_process.sh diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 1458b27302..01a474f0c0 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -160,19 +160,11 @@ def indent(indentation, data_list): def unittest_workflows(indentation=6): w = [] for os_type in ["linux", "windows"]: - w.append({ - f"cachesetup_{os_type}": { - "name": f"cachesetup_{os_type}_py_any", - "python_version": PYTHON_VERSIONS[0], - } - }) - for i, python_version in enumerate(PYTHON_VERSIONS): w.append({ f"unittest_{os_type}": { "name": f"unittest_{os_type}_py{python_version}", "python_version": python_version, - "requires": [f"cachesetup_{os_type}_py_any"], } }) diff --git a/.circleci/unittest/linux/scripts/generate_cache.sh b/.circleci/unittest/linux/scripts/generate_cache.sh deleted file mode 100755 index c14bb6121e..0000000000 --- a/.circleci/unittest/linux/scripts/generate_cache.sh +++ /dev/null @@ -1,8 +0,0 @@ -#!/usr/bin/env bash - -set -e - -eval "$(./conda/bin/conda shell.bash hook)" -conda activate ./env - -python -m test.common.cache_utils diff --git a/.circleci/unittest/windows/scripts/generate_cache.sh b/.circleci/unittest/windows/scripts/generate_cache.sh deleted file mode 100644 index 8c3e559a48..0000000000 --- a/.circleci/unittest/windows/scripts/generate_cache.sh +++ /dev/null @@ -1,8 +0,0 @@ -#!/usr/bin/env bash - -set -e - -eval "$(./conda/Scripts/conda.exe 'shell.bash' 'hook')" -conda activate ./env - -python -m test.common.cache_utils diff --git a/test/common/cache_utils.py b/test/common/cache_utils.py deleted file mode 100644 index 93d46f1e74..0000000000 --- a/test/common/cache_utils.py +++ /dev/null @@ -1,51 +0,0 @@ -import os -import json -import torchtext -from .parameterized_utils import load_params - -CACHE_STATUS_FILE = os.path.join(os.path.expanduser('~/.torchtext/cache'), 'cache_status_file.json') - - -def check_cache_status(): - assert os.path.exists(CACHE_STATUS_FILE), "Cache status file [{}] does not exists".format(CACHE_STATUS_FILE) - with open(CACHE_STATUS_FILE, 'r') as f: - missing_datasets = [] - cache_status = json.load(f) - for dataset_name in cache_status: - for split in cache_status[dataset_name]: - if cache_status[dataset_name][split]['status'] == "fail": - missing_datasets.append(dataset_name + '_' + split) - if missing_datasets: - raise FileNotFoundError("Failing all raw dataset unit tests as cache is missing {} datasets".format(missing_datasets)) - - -def generate_data_cache(): - # cache already created, nothing to do - if os.path.exists(CACHE_STATUS_FILE): - return - - raw_data_info = load_params('raw_datasets.jsonl') - cache_status = {} - for info in raw_data_info: - info = info.args[0] - dataset_name = info['dataset_name'] - split = info['split'] - if dataset_name not in cache_status: - cache_status[dataset_name] = {} - try: - if dataset_name == 'WMT14': - dataset = torchtext.experimental.datasets.raw.DATASETS[dataset_name](split=split) - else: - dataset = torchtext.datasets.DATASETS[dataset_name](split=split) - - next(iter(dataset)) - cache_status[dataset_name][split] = {'status': 'success', 'reason': 'No exception thrown'} - except Exception as e: - cache_status[dataset_name][split] = {'status': 'fail', 'reason': str(e)} - - with open(CACHE_STATUS_FILE, 'w') as f: - json.dump(cache_status, f) - - -if __name__ == "__main__": - generate_data_cache() diff --git a/test/data/test_builtin_datasets.py b/test/data/test_builtin_datasets.py deleted file mode 100644 index 437d73c6d6..0000000000 --- a/test/data/test_builtin_datasets.py +++ /dev/null @@ -1,61 +0,0 @@ -#!/user/bin/env python3 -# Note that all the tests in this module require dataset (either network access or cached) -import torchtext -import json -import hashlib -from parameterized import parameterized -from ..common.torchtext_test_case import TorchtextTestCase -from ..common.parameterized_utils import load_params -from ..common.cache_utils import check_cache_status - - -def _raw_text_custom_name_func(testcase_func, param_num, param): - info = param.args[0] - name_info = [info['dataset_name'], info['split']] - return "%s_%s" % ( - testcase_func.__name__, - parameterized.to_safe_name("_".join(name_info)) - ) - - -class TestDataset(TorchtextTestCase): - @classmethod - def setUpClass(cls): - check_cache_status() - - @parameterized.expand( - load_params('raw_datasets.jsonl'), - name_func=_raw_text_custom_name_func) - def test_raw_text_classification(self, info): - dataset_name = info['dataset_name'] - split = info['split'] - - if dataset_name == 'WMT14': - return - else: - data_iter = torchtext.datasets.DATASETS[dataset_name](split=split) - self.assertEqual(hashlib.md5(json.dumps(next(iter(data_iter)), sort_keys=True).encode('utf-8')).hexdigest(), info['first_line']) - if dataset_name == "AG_NEWS": - self.assertEqual(torchtext.datasets.URLS[dataset_name][split], info['URL']) - self.assertEqual(torchtext.datasets.MD5[dataset_name][split], info['MD5']) - elif dataset_name == "WMT14": - return - else: - self.assertEqual(torchtext.datasets.URLS[dataset_name], info['URL']) - self.assertEqual(torchtext.datasets.MD5[dataset_name], info['MD5']) - del data_iter - - @parameterized.expand(list(sorted(torchtext.datasets.DATASETS.keys()))) - def test_raw_datasets_split_argument(self, dataset_name): - if 'statmt' in torchtext.datasets.URLS[dataset_name]: - return - dataset = torchtext.datasets.DATASETS[dataset_name] - train1 = dataset(split='train') - train2, = dataset(split=('train',)) - for d1, d2 in zip(train1, train2): - self.assertEqual(d1, d2) - # This test only aims to exercise the argument parsing and uses - # the first line as a litmus test for correctness. - break - # Exercise default constructor - _ = dataset() diff --git a/test/experimental/test_builtin_datasets.py b/test/experimental/test_builtin_datasets.py deleted file mode 100644 index 1eb7d635ef..0000000000 --- a/test/experimental/test_builtin_datasets.py +++ /dev/null @@ -1,57 +0,0 @@ -#!/user/bin/env python3 -# Note that all the tests in this module require dataset (either network access or cached) -import torchtext -import json -import hashlib -import unittest -from parameterized import parameterized -from ..common.torchtext_test_case import TorchtextTestCase -from ..common.parameterized_utils import load_params -from ..common.cache_utils import check_cache_status - - -def _raw_text_custom_name_func(testcase_func, param_num, param): - info = param.args[0] - name_info = [info['dataset_name'], info['split']] - return "%s_%s" % ( - testcase_func.__name__, - parameterized.to_safe_name("_".join(name_info)) - ) - - -class TestDataset(TorchtextTestCase): - @classmethod - def setUpClass(cls): - check_cache_status() - - @parameterized.expand( - load_params('raw_datasets.jsonl'), - name_func=_raw_text_custom_name_func) - @unittest.skip("Skipping test due to invalid URL. Enable it back once WMT14 is fixed") - def test_raw_text_name_property(self, info): - dataset_name = info['dataset_name'] - split = info['split'] - - if dataset_name == 'WMT14': - data_iter = torchtext.experimental.datasets.raw.DATASETS[dataset_name](split=split) - else: - return - self.assertEqual(str(data_iter), dataset_name) - - @parameterized.expand( - load_params('raw_datasets.jsonl'), - name_func=_raw_text_custom_name_func) - @unittest.skip("Skipping test due to invalid URL. Enable it back once WMT14 is fixed") - def test_raw_text_classification(self, info): - dataset_name = info['dataset_name'] - split = info['split'] - - if dataset_name == 'WMT14': - data_iter = torchtext.experimental.datasets.raw.DATASETS[dataset_name](split=split) - self.assertEqual(len(data_iter), info['NUM_LINES']) - self.assertEqual(hashlib.md5(json.dumps(next(data_iter), sort_keys=True).encode('utf-8')).hexdigest(), info['first_line']) - self.assertEqual(torchtext.experimental.datasets.raw.URLS[dataset_name], info['URL']) - self.assertEqual(torchtext.experimental.datasets.raw.MD5[dataset_name], info['MD5']) - else: - return - del data_iter From 223584bb8d27e3f4086c174fe18f36f90b3dc078 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 7 Feb 2022 11:35:58 -0500 Subject: [PATCH 137/463] add CC100 mocking test (#1583) --- test/datasets/test_cc100.py | 66 +++++++++++++++++++++++++++++++++++++ 1 file changed, 66 insertions(+) create mode 100644 test/datasets/test_cc100.py diff --git a/test/datasets/test_cc100.py b/test/datasets/test_cc100.py new file mode 100644 index 0000000000..0188e7b44c --- /dev/null +++ b/test/datasets/test_cc100.py @@ -0,0 +1,66 @@ +import os +import random +import string +import lzma +from parameterized import parameterized +from collections import defaultdict +from unittest.mock import patch + +from torchtext.datasets import CC100 + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + +from torchtext.datasets.cc100 import VALID_CODES + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "CC100") + os.makedirs(base_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + + for language_code in VALID_CODES: + file_name = f"{language_code}.txt.xz" + compressed_file = os.path.join(base_dir, file_name) + with lzma.open(compressed_file, "wt") as f: + for i in range(5): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + content = f"{rand_string}\n" + f.write(content) + mocked_data[language_code].append((language_code, rand_string)) + seed += 1 + + return mocked_data + + +class TestCC100(TempDirMixin, TorchtextTestCase): + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(VALID_CODES) + def test_cc100(self, language_code): + dataset = CC100(root=self.root_dir, split="train", language_code=language_code) + + samples = list(dataset) + expected_samples = self.samples[language_code] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) From d8a0df48bfd64e9a1c1d3ceaf7a697b654d8e022 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 7 Feb 2022 14:20:59 -0500 Subject: [PATCH 138/463] Add SQuAD2 Mocked Unit Test (#1575) * Added squad2 tests * Parameterized squad1 and squad2 dataset tests Co-authored-by: nayef211 --- .../{test_squad1.py => test_squad.py} | 40 ++++++++++++------- 1 file changed, 25 insertions(+), 15 deletions(-) rename test/datasets/{test_squad1.py => test_squad.py} (69%) diff --git a/test/datasets/test_squad1.py b/test/datasets/test_squad.py similarity index 69% rename from test/datasets/test_squad1.py rename to test/datasets/test_squad.py index 75f1f61639..d44b6637f1 100644 --- a/test/datasets/test_squad1.py +++ b/test/datasets/test_squad.py @@ -7,11 +7,12 @@ from random import randint from unittest.mock import patch -from parameterized import parameterized from torchtext.data.datasets_utils import _ParseSQuADQAData from torchtext.datasets.squad1 import SQuAD1 +from torchtext.datasets.squad2 import SQuAD2 from ..common.case_utils import TempDirMixin, zip_equal +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -44,15 +45,20 @@ def _get_mock_json_data(): return mock_json_data -def _get_mock_dataset(root_dir): +def _get_mock_dataset(root_dir, base_dir_name): """ root_dir: directory to the mocked dataset """ - base_dir = os.path.join(root_dir, "SQuAD1") + base_dir = os.path.join(root_dir, base_dir_name) os.makedirs(base_dir, exist_ok=True) + if base_dir_name == SQuAD1.__name__: + file_names = ("train-v1.1.json", "dev-v1.1.json") + else: + file_names = ("train-v2.0.json", "dev-v2.0.json") + mocked_data = defaultdict(list) - for file_name in ("train-v1.1.json", "dev-v1.1.json"): + for file_name in file_names: txt_file = os.path.join(base_dir, file_name) with open(txt_file, "w") as f: mock_json_data = _get_mock_json_data() @@ -67,7 +73,7 @@ def _get_mock_dataset(root_dir): return mocked_data -class TestSQuAD1(TempDirMixin, TorchtextTestCase): +class TestSQuAD(TempDirMixin, TorchtextTestCase): root_dir = None samples = [] @@ -75,7 +81,6 @@ class TestSQuAD1(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) cls.patcher = patch( "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True ) @@ -86,19 +91,24 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - @parameterized.expand(["train", "dev"]) - def test_squad1(self, split): - dataset = SQuAD1(root=self.root_dir, split=split) - + @nested_params([SQuAD1, SQuAD2], ["train", "dev"]) + def test_squad(self, squad_dataset, split): + expected_samples = _get_mock_dataset(self.root_dir, squad_dataset.__name__)[ + split + ] + dataset = squad_dataset(root=self.root_dir, split=split) samples = list(dataset) - expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): self.assertEqual(sample, expected_sample) - @parameterized.expand(["train", "dev"]) - def test_squad1_split_argument(self, split): - dataset1 = SQuAD1(root=self.root_dir, split=split) - (dataset2,) = SQuAD1(root=self.root_dir, split=(split,)) + @nested_params([SQuAD1, SQuAD2], ["train", "dev"]) + def test_squad_split_argument(self, squad_dataset, split): + # call `_get_mock_dataset` to create mock dataset files + _ = _get_mock_dataset(self.root_dir, squad_dataset.__name__) + + dataset1 = squad_dataset(root=self.root_dir, split=split) + (dataset2,) = squad_dataset(root=self.root_dir, split=(split,)) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) From 3a5c2d337fe126d79ac6581f50359848965a0b48 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 7 Feb 2022 23:24:17 -0500 Subject: [PATCH 139/463] non-distributed training example for SST2 dataset using XLM-Roberta model (#1468) --- .circleci/config.yml | 2 +- .circleci/config.yml.in | 2 +- .gitignore | 3 + docs/requirements.txt | 4 +- docs/source/_templates/layout.html | 66 +++++ docs/source/conf.py | 93 ++++++- docs/source/index.rst | 16 +- examples/tutorials/README.rst | 2 + .../sst2_classification_non_distributed.py | 229 ++++++++++++++++++ 9 files changed, 403 insertions(+), 14 deletions(-) create mode 100644 examples/tutorials/README.rst create mode 100644 examples/tutorials/sst2_classification_non_distributed.py diff --git a/.circleci/config.yml b/.circleci/config.yml index 10d3a3deeb..05cdb4852b 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -473,7 +473,7 @@ jobs: set -x pushd docs pip install -r requirements.txt - make html + BUILD_GALLERY=1 make 'SPHINXOPTS=-W' html popd - persist_to_workspace: root: ./ diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index a7ef665ca0..4482dd7a8a 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -473,7 +473,7 @@ jobs: set -x pushd docs pip install -r requirements.txt - make html + BUILD_GALLERY=1 make 'SPHINXOPTS=-W' html popd - persist_to_workspace: root: ./ diff --git a/.gitignore b/.gitignore index b0f7a295f7..704f676618 100644 --- a/.gitignore +++ b/.gitignore @@ -77,6 +77,9 @@ instance/ # Sphinx documentation docs/_build/ +docs/src/ +docs/source/tutorials +docs/source/gen_modules # PyBuilder target/ diff --git a/docs/requirements.txt b/docs/requirements.txt index 7a7c56cc3e..8426d4eb4f 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,2 +1,4 @@ sphinx==3.5.4 --e git+https://github.com/pytorch/pytorch_sphinx_theme.git#egg=pytorch_sphinx_theme +-e git+https://github.com/pytorch/pytorch_sphinx_theme.git@b4d0005#egg=pytorch_sphinx_theme +matplotlib +sphinx_gallery \ No newline at end of file diff --git a/docs/source/_templates/layout.html b/docs/source/_templates/layout.html index 6d329de72d..284bb2944a 100644 --- a/docs/source/_templates/layout.html +++ b/docs/source/_templates/layout.html @@ -6,3 +6,69 @@ {% include "searchbox.html" %} {% endblock %} + +{# + ################################################################################ + # Adding Colab / notebook header like tutorials repo + # Based off of + # https://github.com/pytorch/pytorch_sphinx_theme/blob/fe1f3d5b9233497d81d04f55f5750ccad92500be/pytorch_sphinx_theme/layout.html#L275-L319 + ################################################################################ +#} + +{%- block content %} + {% if 'tutorial' in pagename %} + + + + {% endif %} + {{ super() }} + +{% endblock %} + +{# + ################################################################################ + # Because the repo URL is hardcoded to pytorch/tutorials, + # we need to modify the URL to pytorch/text. + # We insert the script in footer so that it is executed after the main `theme.js` is loaded + # Based off of + # https://github.com/pytorch/pytorch_sphinx_theme/blob/b4d00058a48604d8fb63771b513a50450f0ee188/js/theme.js#L245-L263 + ################################################################################ +#} + +{%- block footer %} + + {{ super() }} + +{% endblock %} diff --git a/docs/source/conf.py b/docs/source/conf.py index 1a88a1753c..131450dade 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -20,9 +20,10 @@ # import os # import sys # sys.path.insert(0, os.path.abspath('.')) -import torch import torchtext import pytorch_sphinx_theme +import os +import re # -- General configuration ------------------------------------------------ @@ -33,6 +34,7 @@ # Add any Sphinx extension module names here, as strings. They can be # extensions coming with Sphinx (named 'sphinx.ext.*') or your custom # ones. + extensions = [ 'sphinx.ext.autodoc', 'sphinx.ext.autosummary', @@ -43,8 +45,68 @@ 'sphinx.ext.mathjax', 'sphinx.ext.napoleon', 'sphinx.ext.viewcode', + 'sphinx_gallery.gen_gallery', ] +# Implementation from https://github.com/pytorch/audio/blob/main/docs/source/conf.py + + +def _get_var(var, default=False): + if var not in os.environ: + return default + + val = os.environ.get(var, "0") + trues = ["1", "true", "TRUE", "on", "ON", "yes", "YES"] + falses = ["0", "false", "FALSE", "off", "OFF", "no", "NO"] + if val in trues: + return True + if val not in falses: + print( + f" --- WARNING: Unexpected environment variable value `{var}={val}`. " f"Expected one of {trues + falses}" + ) + return False + +# Implementation from https://github.com/pytorch/audio/blob/main/docs/source/conf.py + + +def _get_pattern(): + pattern = os.getenv("GALLERY_PATTERN") + # If BUILD_GALLERY is falsy -> no build + # If BUILD_GALLERY is truey -> build + # If BUILD_GALLERY is undefined + # If GALLERY_PATTERN is defined -> build + # If GALLERY_PATTERN is not defined -> not build + if not _get_var("BUILD_GALLERY", default=False if pattern is None else True): + if pattern is not None: + print( + ' --- WARNING: "GALLERY_PATTERN" is provided, but "BUILD_GALLERY" value is falsy. ' + "Sphinx galleries are not built. To build galleries, set `BUILD_GALLERY=1`." + ) + return { + "ignore_pattern": r"\.py", + } + + ret = {"filename_pattern": "tutorial.py"} + if os.getenv("GALLERY_PATTERN"): + # See https://github.com/pytorch/tutorials/blob/cbf2238df0e78d84c15bd94288966d2f4b2e83ae/conf.py#L75-L83 + ret["ignore_pattern"] = r"/(?!" + re.escape(os.getenv("GALLERY_PATTERN")) + r")[^/]+$" + return ret + + +sphinx_gallery_conf = { + "examples_dirs": [ + "../../examples/tutorials", + ], + "gallery_dirs": [ + "tutorials", + ], + **_get_pattern(), + "backreferences_dir": "gen_modules/backreferences", + "first_notebook_cell": None, + "doc_module": ("torchtext",), +} + + napoleon_use_ivar = True napoleon_numpy_docstring = False napoleon_google_docstring = True @@ -107,7 +169,7 @@ # documentation. # html_theme_options = { - 'pytorch_project': 'docs', + 'pytorch_project': 'text', 'collapse_navigation': False, 'display_version': True, 'logo_only': True, @@ -123,9 +185,9 @@ intersphinx_mapping = { - 'python': ('https://docs.python.org/', None), - 'numpy': ('http://docs.scipy.org/doc/numpy/', None), - 'torch': ('http://pytorch.org/docs/0.3.0/', None) + 'python': ('https://docs.python.org/3/', None), + 'numpy': ('https://numpy.org/doc/stable/', None), + 'torch': ('https://pytorch.org/docs/stable/', None) } @@ -238,3 +300,24 @@ def handle_item(fieldarg, content): TypedField.make_field = patched_make_field + + +# Based off of +# https://github.com/sphinx-gallery/sphinx-gallery/blob/5b21962284f865beeaeb79cca50c8c394fa60cba/sphinx_gallery/directives.py#L66-L70 +def _has_backref(obj): + this_dir = os.path.dirname(__file__) + path = os.path.join(this_dir, "gen_modules", "backreferences", f"{obj}.examples") + return os.path.isfile(path) and os.path.getsize(path) > 0 + + +# Based off of +# https://github.com/pytorch/vision/blob/5335006be7ef01c9f6cb700fe793d7c645e83e84/docs/source/conf.py#L262 +def inject_minigalleries(app, what, name, obj, options, lines): + if what in ("class", "function") and _has_backref(name): + lines.append(f"Tutorials using ``{name.split('.')[-1]}``:") + lines.append(f" .. minigallery:: {name}") + lines.append("\n") + + +def setup(app): + app.connect("autodoc-process-docstring", inject_minigalleries) diff --git a/docs/source/index.rst b/docs/source/index.rst index f3deb63ca3..d367ac1ce0 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -43,6 +43,16 @@ popular datasets for natural language. functional models +Getting Started +--------------- + +.. toctree:: + :maxdepth: 1 + :caption: Getting Started + + tutorials/sst2_classification_non_distributed + + .. automodule:: torchtext :members: @@ -58,9 +68,3 @@ popular datasets for natural language. TorchServe PyTorch on XLA Devices -Indices and tables -================== - -* :ref:`genindex` -* :ref:`modindex` -* :ref:`search` diff --git a/examples/tutorials/README.rst b/examples/tutorials/README.rst new file mode 100644 index 0000000000..f08b66f9f0 --- /dev/null +++ b/examples/tutorials/README.rst @@ -0,0 +1,2 @@ +Tutorials +========= \ No newline at end of file diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py new file mode 100644 index 0000000000..4a4a91d386 --- /dev/null +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -0,0 +1,229 @@ +""" +SST-2 Binary text classification with XLM-RoBERTa model +======================================================= + +**Author**: `Parmeet Bhatia `__ + +""" + +###################################################################### +# Overview +# -------- +# +# This tutorial demonstrates how to train a text classifier on SST-2 binary dataset using a pre-trained XLM-RoBERTa (XLM-R) model. +# We will show how to use torchtext library to: +# +# 1. build text pre-processing pipeline for XLM-R model +# 2. read SST-2 dataset and transform it using text and label transformation +# 3. instantiate classification model using pre-trained XLM-R encoder +# +# +# To run this tutorial, please install torchtext nightly and TorchData (following commands will do in google Colab) +# +# :: +# +# !pip3 install --pre --upgrade torchtext -f https://download.pytorch.org/whl/nightly/cu113/torch_nightly.html +# !pip install --user "git+https://github.com/pytorch/data.git" +# + + +###################################################################### +# Common imports +# -------------- +import torch +import torch.nn as nn +DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + + +####################################################################### +# Data Transformation +# ------------------- +# +# Models like XLM-R cannot work directly with raw text. The first step in training +# these models is to transform input text into tensor (numerical) form such that it +# can then be processed by models to make predictions. A standard way to process text is: +# +# 1. Tokenize text +# 2. Convert tokens into (integer) IDs +# 3. Add any special tokens IDs +# +# XLM-R uses sentencepiece model for text tokenization. Below, we use pre-trained sentencepiepce +# model along with corresponding vocabulary to build text pre-processing pipeline using torchtext's transforms. +# The transforms are pipelined using :py:func:`torchtext.transforms.Sequential` which is similar to :py:func:`torch.nn.Sequential` +# but is torchscriptable. Note that the transforms support both batched and non-batched text inputs i.e, one +# can either pass a single sentence or list of sentences. +# + +import torchtext.transforms as T +from torch.hub import load_state_dict_from_url + +padding_idx = 1 +bos_idx = 0 +eos_idx = 2 +max_seq_len = 256 +xlmr_vocab_path = r"https://download.pytorch.org/models/text/xlmr.vocab.pt" +xlmr_spm_model_path = r"https://download.pytorch.org/models/text/xlmr.sentencepiece.bpe.model" + +text_transform = T.Sequential( + T.SentencePieceTokenizer(xlmr_spm_model_path), + T.VocabTransform(load_state_dict_from_url(xlmr_vocab_path)), + T.Truncate(max_seq_len - 2), + T.AddToken(token=bos_idx, begin=True), + T.AddToken(token=eos_idx, begin=False), +) + + +####################################################################### +# Alternately we can also use transform shipped with pre-trained model that does all of the above out-of-the-box +# +# :: +# +# text_transform = XLMR_BASE_ENCODER.transform() +# + +####################################################################### +# Dataset +# ------- +# torchtext provides several standard NLP datasets. For complete list, refer to documentation +# at https://pytorch.org/text/stable/datasets.html. These datasets are build using composable torchdata +# datapipes and hence support standard flow-control and mapping/transformation using user defined functions +# and transforms. Below, we demonstrate how to use text and label processing transforms to pre-process the +# SST-2 dataset. +# +# + +from torchtext.datasets import SST2 +from torch.utils.data import DataLoader +batch_size = 16 + +train_datapipe = SST2(split='train') +dev_datapipe = SST2(split='dev') + +# Transform the raw dataset using non-batched API (i.e apply transformation line by line) +train_datapipe = train_datapipe.map(lambda x: (text_transform(x[0]), x[1])) +train_datapipe = train_datapipe.batch(batch_size) +train_datapipe = train_datapipe.rows2columnar(["token_ids", "target"]) +train_dataloader = DataLoader(train_datapipe, batch_size=None) + +dev_datapipe = dev_datapipe.map(lambda x: (text_transform(x[0]), x[1])) +dev_datapipe = dev_datapipe.batch(batch_size) +dev_datapipe = dev_datapipe.rows2columnar(["token_ids", "target"]) +dev_dataloader = DataLoader(dev_datapipe, batch_size=None) + + +####################################################################### +# Alternately we can also use batched API (i.e apply transformation on the whole batch) +# +# :: +# +# train_datapipe = train_datapipe.batch(batch_size).rows2columnar(["text", "label"]) +# train_datapipe = train_datapipe.map(lambda x: {"token_ids": text_transform(x["text"]), "target": label_transform(x["label"])}) +# dev_datapipe = dev_datapipe.batch(batch_size).rows2columnar(["text", "label"]) +# dev_datapipe = dev_datapipe.map(lambda x: {"token_ids": text_transform(x["text"]), "target": label_transform(x["label"])}) +# + +###################################################################### +# Model Preparation +# ----------------- +# +# torchtext provides SOTA pre-trained models that can be used to fine-tune on downstream NLP tasks. +# Below we use pre-trained XLM-R encoder with standard base architecture and attach a classifier head to fine-tune it +# on SST-2 binary classification task. We shall use standard Classifier head from the library, but users can define +# their own appropriate task head and attach it to the pre-trained encoder. For additional details on available pre-trained models, +# please refer to documentation at https://pytorch.org/text/main/models.html +# +# + +num_classes = 2 +input_dim = 768 + +from torchtext.models import RobertaClassificationHead, XLMR_BASE_ENCODER +classifier_head = RobertaClassificationHead(num_classes=num_classes, input_dim=input_dim) +model = XLMR_BASE_ENCODER.get_model(head=classifier_head) +model.to(DEVICE) + + +####################################################################### +# Training methods +# ---------------- +# +# Let's now define the standard optimizer and training criteria as well as some helper functions +# for training and evaluation +# + +import torchtext.functional as F +from torch.optim import AdamW + +learning_rate = 1e-5 +optim = AdamW(model.parameters(), lr=learning_rate) +criteria = nn.CrossEntropyLoss() + + +def train_step(input, target): + output = model(input) + loss = criteria(output, target) + optim.zero_grad() + loss.backward() + optim.step() + + +def eval_step(input, target): + output = model(input) + loss = criteria(output, target).item() + return float(loss), (output.argmax(1) == target).type(torch.float).sum().item() + + +def evaluate(): + model.eval() + total_loss = 0 + correct_predictions = 0 + total_predictions = 0 + counter = 0 + with torch.no_grad(): + for batch in dev_dataloader: + input = F.to_tensor(batch['token_ids'], padding_value=padding_idx).to(DEVICE) + target = torch.tensor(batch['target']).to(DEVICE) + loss, predictions = eval_step(input, target) + total_loss += loss + correct_predictions += predictions + total_predictions += len(target) + counter += 1 + + return total_loss / counter, correct_predictions / total_predictions + + +####################################################################### +# Train +# ----- +# +# Now we have all the ingredients to train our classification model. Note that we are able to directly iterate +# on our dataset object without using DataLoader. Our pre-process dataset shall yield batches of data already, +# thanks to the batching datapipe we have applied. For distributed training, we would need to use DataLoader to +# take care of data-sharding. +# + +num_epochs = 1 + +for e in range(num_epochs): + for batch in train_dataloader: + input = F.to_tensor(batch['token_ids'], padding_value=padding_idx).to(DEVICE) + target = torch.tensor(batch['target']).to(DEVICE) + train_step(input, target) + + loss, accuracy = evaluate() + print("Epoch = [{}], loss = [{}], accuracy = [{}]".format(e, loss, accuracy)) + + +####################################################################### +# Output +# ------ +# +# :: +# +# 100%|██████████|5.07M/5.07M [00:00<00:00, 40.8MB/s] +# Downloading: "https://download.pytorch.org/models/text/xlmr.vocab.pt" to /root/.cache/torch/hub/checkpoints/xlmr.vocab.pt +# 100%|██████████|4.85M/4.85M [00:00<00:00, 16.8MB/s] +# Downloading: "https://download.pytorch.org/models/text/xlmr.base.encoder.pt" to /root/.cache/torch/hub/checkpoints/xlmr.base.encoder.pt +# 100%|██████████|1.03G/1.03G [00:26<00:00, 47.1MB/s] +# Epoch = [0], loss = [0.2629831412637776], accuracy = [0.9105504587155964] +# From fed25fec4fa577af7eab386b37bc911ea5dcd3f7 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 8 Feb 2022 01:45:31 -0500 Subject: [PATCH 140/463] Updating Conll2000Chunking dataset to be consistent with other datasets (#1590) * Updating dataset to be consistent with other datasets * Resolving PR comments Co-authored-by: nayef211 --- torchtext/datasets/conll2000chunking.py | 29 +++++++++++++++---------- 1 file changed, 17 insertions(+), 12 deletions(-) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 513132233c..fd9062a2fb 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -45,20 +45,25 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): url_dp = IterableWrapper([URL[split]]) # Cache and check HTTP response - cache_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, "conll2000chunking", os.path.basename(URL[split])), - hash_dict={os.path.join(root, "conll2000chunking", os.path.basename(URL[split])): MD5[split]}, - hash_type="md5" + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, os.path.basename(URL[split])), + hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") # Cache and check the gzip extraction for relevant split - cache_dp = cache_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, "conll2000chunking", _EXTRACTED_FILES[split]) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").extract( + file_type="gzip" + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True ) - cache_dp = cache_dp.extract(file_type="gzip").filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_dp = cache_dp.end_caching(mode="wb") - cache_dp = FileOpener(cache_dp, mode="b") - return cache_dp.readlines(decode=True).read_iob(sep=" ") + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.readlines(decode=True).read_iob(sep=" ") From 99eb1f84df88a62e54c4abdc6c32213b05fa3a6b Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 8 Feb 2022 02:21:37 -0500 Subject: [PATCH 141/463] Added caching to extracted files in debpedia (#1571) Co-authored-by: nayef211 --- torchtext/datasets/dbpedia.py | 51 ++++++++++++++++++++++------------- 1 file changed, 32 insertions(+), 19 deletions(-) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 54d97a9f73..b3a3c7677a 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -1,31 +1,32 @@ -from torchtext._internal.module_utils import is_module_available from typing import Union, Tuple +from torchtext._internal.module_utils import is_module_available + if is_module_available("torchdata"): from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper +import os + from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os - -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k" -MD5 = 'dca7b1ae12b1091090db52aa7ec5ca64' +MD5 = "dca7b1ae12b1091090db52aa7ec5ca64" NUM_LINES = { - 'train': 560000, - 'test': 70000, + "train": 560000, + "test": 70000, } -_PATH = 'dbpedia_csv.tar.gz' +_PATH = "dbpedia_csv.tar.gz" _EXTRACTED_FILES = { "train": os.path.join("dbpedia_csv", "train.csv"), - "test": os.path.join("dbpedia_csv", "test.csv") + "test": os.path.join("dbpedia_csv", "test.csv"), } DATASET_NAME = "DBpedia" @@ -37,19 +38,31 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) - - cache_dp = url_dp.on_disk_cache( + cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") - - extracted_files = cache_dp.read_from_tar() - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 84b719e77ec22c33eaf7a00485ff2576a8209d39 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Tue, 8 Feb 2022 10:46:28 -0500 Subject: [PATCH 142/463] Merge YelpReviewPolarity and YelpReviewFull Mocked Unit Tests (#1567) --- test/datasets/test_yelpreviews.py | 95 +++++++++++++++++++++++++++++++ 1 file changed, 95 insertions(+) create mode 100644 test/datasets/test_yelpreviews.py diff --git a/test/datasets/test_yelpreviews.py b/test/datasets/test_yelpreviews.py new file mode 100644 index 0000000000..241b52b7fa --- /dev/null +++ b/test/datasets/test_yelpreviews.py @@ -0,0 +1,95 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from ..common.parameterized_utils import nested_params +from torchtext.datasets.yelpreviewpolarity import YelpReviewPolarity +from torchtext.datasets.yelpreviewfull import YelpReviewFull + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir, base_dir_name): + """ + root_dir: directory to the mocked dataset + base_dir_name: YelpReviewPolarity or YelpReviewFull + """ + base_dir = os.path.join(root_dir, base_dir_name) + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.csv", "test.csv"): + csv_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + with open(csv_file, "w") as f: + for i in range(5): + if base_dir_name == YelpReviewPolarity.__name__: + label = seed % 2 + 1 + else: + label = seed % 5 + 1 + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, f"{rand_string}") + f.write(f'"{label}","{rand_string}"\n') + + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + if base_dir_name == YelpReviewPolarity.__name__: + compressed_file = "yelp_review_polarity_csv" + else: + compressed_file = "yelp_review_full_csv" + + compressed_dataset_path = os.path.join(base_dir, compressed_file + ".tar.gz") + # create gz file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname=compressed_file) + + return mocked_data + + +class TestYelpReviews(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @nested_params([YelpReviewPolarity, YelpReviewFull], ["train", "test"]) + def test_yelpreviews(self, yelp_dataset, split): + expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=yelp_dataset.__name__)[split] + + dataset = yelp_dataset(root=self.root_dir, split=split) + samples = list(dataset) + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @nested_params([YelpReviewPolarity, YelpReviewFull], ["train", "test"]) + def test_yelpreviews_split_argument(self, yelp_dataset, split): + # call `_get_mock_dataset` to create mock dataset files + _ = _get_mock_dataset(self.root_dir, yelp_dataset.__name__) + + dataset1 = yelp_dataset(root=self.root_dir, split=split) + (dataset2,) = yelp_dataset(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From da34de2a60cdcdce5ac1e38ac295e5415e285c1d Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Tue, 8 Feb 2022 10:55:31 -0500 Subject: [PATCH 143/463] strips newlines and fixes test. (#1593) --- test/datasets/test_multi30k.py | 5 ++--- torchtext/datasets/multi30k.py | 4 ++-- 2 files changed, 4 insertions(+), 5 deletions(-) diff --git a/test/datasets/test_multi30k.py b/test/datasets/test_multi30k.py index 6527050c56..6782a21753 100644 --- a/test/datasets/test_multi30k.py +++ b/test/datasets/test_multi30k.py @@ -29,9 +29,8 @@ def _get_mock_dataset(root_dir): rand_string = " ".join( random.choice(string.ascii_letters) for i in range(seed) ) - content = f"{rand_string}\n" - f.write(content) - mocked_data[file_name].append(content) + f.write(rand_string + "\n") + mocked_data[file_name].append(rand_string) seed += 1 archive = {} diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index ba3f516cad..b1b5cd3a70 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -77,7 +77,7 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=False) - tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=False) + src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=True) + tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=True) return src_data_dp.zip(tgt_data_dp) From efaf7ceae723486552670c90641e9aedfe69a5c4 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Tue, 8 Feb 2022 14:01:10 -0500 Subject: [PATCH 144/463] Add CoNLL2000Checking Mocked Unit Test (#1570) add test_conll200chunking.py to mock CoNLL data --- test/datasets/test_conll2000chunking.py | 85 +++++++++++++++++++++++++ 1 file changed, 85 insertions(+) create mode 100644 test/datasets/test_conll2000chunking.py diff --git a/test/datasets/test_conll2000chunking.py b/test/datasets/test_conll2000chunking.py new file mode 100644 index 0000000000..ce7de36079 --- /dev/null +++ b/test/datasets/test_conll2000chunking.py @@ -0,0 +1,85 @@ +import os +import random +import string +import gzip +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.conll2000chunking import CoNLL2000Chunking + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "CoNLL2000Chunking") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.txt", "test.txt"): + txt_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + with open(txt_file, "w") as f: + for i in range(5): + label = seed % 2 + rand_strings = [random.choice(string.ascii_letters) for i in range(seed)] + rand_label_1 = [random.choice(string.ascii_letters) for i in range(seed)] + rand_label_2 = [random.choice(string.ascii_letters) for i in range(seed)] + # one token per line (each sample ends with an extra \n) + for rand_string, label_1, label_2 in zip(rand_strings, rand_label_1, rand_label_2): + f.write(f"{rand_string} {label_1} {label_2}\n") + f.write("\n") + dataset_line = (rand_strings, rand_label_1, rand_label_2) + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + + # create gz file from dataset folder + compressed_dataset_path = os.path.join(temp_dataset_dir, f"{file_name}.gz") + with gzip.open(compressed_dataset_path, "wb") as gz_file, open(txt_file, "rb") as file_in: + gz_file.writelines(file_in) + + return mocked_data + + +class TestCoNLL2000Chunking(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_conll2000chunking(self, split): + dataset = CoNLL2000Chunking(root=self.root_dir, split=split) + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_conll2000chunking_split_argument(self, split): + dataset1 = CoNLL2000Chunking(root=self.root_dir, split=split) + (dataset2,) = CoNLL2000Chunking(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From acd33bdffb3302d2130505873a062fae39dcd976 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Tue, 8 Feb 2022 14:18:15 -0500 Subject: [PATCH 145/463] Add WikiText103 and WikiText2 Mocked Unit Tests (#1592) Add WikiText103 and WikiText2 mock unit tests --- test/datasets/test_wikitexts.py | 94 +++++++++++++++++++++++++++++++++ 1 file changed, 94 insertions(+) create mode 100644 test/datasets/test_wikitexts.py diff --git a/test/datasets/test_wikitexts.py b/test/datasets/test_wikitexts.py new file mode 100644 index 0000000000..616c98f472 --- /dev/null +++ b/test/datasets/test_wikitexts.py @@ -0,0 +1,94 @@ +import os +import random +import string +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from ..common.parameterized_utils import nested_params +from torchtext.datasets.wikitext103 import WikiText103 +from torchtext.datasets.wikitext2 import WikiText2 + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir, base_dir_name): + """ + root_dir: directory to the mocked dataset + base_dir_name: WikiText103 or WikiText2 + """ + base_dir = os.path.join(root_dir, base_dir_name) + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + file_names = ("wiki.train.tokens", "wiki.valid.tokens", "wiki.test.tokens") + for file_name in file_names: + csv_file = os.path.join(temp_dataset_dir, file_name) + mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + with open(csv_file, "w") as f: + for i in range(5): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = rand_string + f.write(f'{rand_string}\n') + + # append line to correct dataset split + mocked_lines.append(dataset_line) + seed += 1 + + if base_dir_name == WikiText103.__name__: + compressed_file = "wikitext-103-v1" + else: + compressed_file = "wikitext-2-v1" + + compressed_dataset_path = os.path.join(base_dir, compressed_file + ".zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in file_names: + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=compressed_file) + + return mocked_data + + +class TestWikiTexts(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @nested_params([WikiText103, WikiText2], ["train", "valid", "test"]) + def test_wikitexts(self, wikitext_dataset, split): + expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=wikitext_dataset.__name__)[split] + + dataset = wikitext_dataset(root=self.root_dir, split=split) + samples = list(dataset) + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @nested_params([WikiText103, WikiText2], ["train", "valid", "test"]) + def test_wikitexts_split_argument(self, wikitext_dataset, split): + # call `_get_mock_dataset` to create mock dataset files + _ = _get_mock_dataset(self.root_dir, wikitext_dataset.__name__) + + dataset1 = wikitext_dataset(root=self.root_dir, split=split) + (dataset2,) = wikitext_dataset(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From 31434ff2f5b208ae1d93b4340e1d28cfe5cb2e42 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 8 Feb 2022 15:02:09 -0500 Subject: [PATCH 146/463] Add IMDB Mocked Unit Test (#1579) * Added test for imdb * Rename test fn Co-authored-by: nayef211 --- test/datasets/test_imdb.py | 89 ++++++++++++++++++++++++++++++++++++++ 1 file changed, 89 insertions(+) create mode 100644 test/datasets/test_imdb.py diff --git a/test/datasets/test_imdb.py b/test/datasets/test_imdb.py new file mode 100644 index 0000000000..b9a35dbd6f --- /dev/null +++ b/test/datasets/test_imdb.py @@ -0,0 +1,89 @@ +import os +import random +import string +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.imdb import IMDB + +from ..common.case_utils import TempDirMixin, zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "IMDB") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for split in ("train", "test"): + neg_dir = os.path.join(temp_dataset_dir, split, "neg") + pos_dir = os.path.join(temp_dataset_dir, split, "pos") + os.makedirs(neg_dir, exist_ok=True) + os.makedirs(pos_dir, exist_ok=True) + + for i in range(5): + # all negative labels are read first before positive labels in the + # IMDB dataset implementation + label = "neg" if i < 2 else "pos" + cur_dir = pos_dir if label == "pos" else neg_dir + txt_file = os.path.join(cur_dir, f"{i}{i}_{i}.txt") + with open(txt_file, "w") as f: + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(seed) + ) + dataset_line = (label, rand_string) + # append line to correct dataset split + mocked_data[split].append(dataset_line) + f.write(rand_string) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "aclImdb_v1.tar.gz") + # create tar file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="aclImdb_v1") + + return mocked_data + + +class TestIMDB(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_imdb(self, split): + dataset = IMDB(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_imdb_split_argument(self, split): + dataset1 = IMDB(root=self.root_dir, split=split) + (dataset2,) = IMDB(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From ccf021f67641ad292bab5a44e182dca04821e227 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 8 Feb 2022 15:52:06 -0500 Subject: [PATCH 147/463] Adding secondary caching to datasets (#1594) --- torchtext/datasets/amazonreviewfull.py | 28 +++++++++++++++++-------- torchtext/datasets/sogounews.py | 29 +++++++++++++++++++------- 2 files changed, 41 insertions(+), 16 deletions(-) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 186ac06fd0..0d20e16b07 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -44,16 +44,26 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") url_dp = IterableWrapper([URL]) - - cache_dp = url_dp.on_disk_cache( + cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") - - extracted_files = cache_dp.read_from_tar() - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 97e3afcb9e..b5fdcc6160 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -44,11 +44,26 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") url_dp = IterableWrapper([URL]) - cache_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", ) - cache_dp = GDriveReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") - extracted_files = cache_dp.read_from_tar() - filter_extracted_files = extracted_files.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - return filter_extracted_files.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True + ) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) + + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From 8c65757f57903dc80cbb5126b4f1b651aba5b9ec Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 8 Feb 2022 23:40:51 -0500 Subject: [PATCH 148/463] [BUG-FIX] Fixing Conll2000Chunking Test (#1595) * Fixing conll2000chunkingtest * Fixing style check * style check fixes Co-authored-by: nayef211 --- test/datasets/test_conll2000chunking.py | 4 +--- 1 file changed, 1 insertion(+), 3 deletions(-) diff --git a/test/datasets/test_conll2000chunking.py b/test/datasets/test_conll2000chunking.py index ce7de36079..cfbfe730ea 100644 --- a/test/datasets/test_conll2000chunking.py +++ b/test/datasets/test_conll2000chunking.py @@ -27,7 +27,6 @@ def _get_mock_dataset(root_dir): mocked_lines = mocked_data[os.path.splitext(file_name)[0]] with open(txt_file, "w") as f: for i in range(5): - label = seed % 2 rand_strings = [random.choice(string.ascii_letters) for i in range(seed)] rand_label_1 = [random.choice(string.ascii_letters) for i in range(seed)] rand_label_2 = [random.choice(string.ascii_letters) for i in range(seed)] @@ -40,9 +39,8 @@ def _get_mock_dataset(root_dir): mocked_lines.append(dataset_line) seed += 1 - # create gz file from dataset folder - compressed_dataset_path = os.path.join(temp_dataset_dir, f"{file_name}.gz") + compressed_dataset_path = os.path.join(base_dir, f"{file_name}.gz") with gzip.open(compressed_dataset_path, "wb") as gz_file, open(txt_file, "rb") as file_in: gz_file.writelines(file_in) From 18b61fa1668cdfc41fe76bdc6c216c7b7c18cfe5 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 9 Feb 2022 00:13:33 -0500 Subject: [PATCH 149/463] [BC-breaking] remove unnecessary split argument from datasets (#1591) --- test/datasets/test_cc100.py | 2 +- test/datasets/test_enwik9.py | 22 +++++----------------- torchtext/data/datasets_utils.py | 1 - torchtext/datasets/cc100.py | 5 +---- torchtext/datasets/enwik9.py | 18 +++++++++--------- 5 files changed, 16 insertions(+), 32 deletions(-) diff --git a/test/datasets/test_cc100.py b/test/datasets/test_cc100.py index 0188e7b44c..ef7731738a 100644 --- a/test/datasets/test_cc100.py +++ b/test/datasets/test_cc100.py @@ -58,7 +58,7 @@ def tearDownClass(cls): @parameterized.expand(VALID_CODES) def test_cc100(self, language_code): - dataset = CC100(root=self.root_dir, split="train", language_code=language_code) + dataset = CC100(root=self.root_dir, language_code=language_code) samples = list(dataset) expected_samples = self.samples[language_code] diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py index 1b79b201e6..16fe349bee 100644 --- a/test/datasets/test_enwik9.py +++ b/test/datasets/test_enwik9.py @@ -2,10 +2,8 @@ import random import string import zipfile -from collections import defaultdict from unittest.mock import patch -from parameterized import parameterized from torchtext.datasets.enwik9 import EnWik9 from ..common.case_utils import TempDirMixin, zip_equal @@ -21,10 +19,9 @@ def _get_mock_dataset(root_dir): os.makedirs(temp_dataset_dir, exist_ok=True) seed = 1 - mocked_data = defaultdict(list) file_name = "enwik9" txt_file = os.path.join(temp_dataset_dir, file_name) - mocked_lines = mocked_data["train"] + mocked_data = [] with open(txt_file, "w") as f: for i in range(5): rand_string = "<" + " ".join( @@ -34,7 +31,7 @@ def _get_mock_dataset(root_dir): f.write(f"'{rand_string}'\n") # append line to correct dataset split - mocked_lines.append(dataset_line) + mocked_data.append(dataset_line) seed += 1 compressed_dataset_path = os.path.join(base_dir, "enwik9.zip") @@ -65,19 +62,10 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - @parameterized.expand(["train"]) - def test_enwik9(self, split): - dataset = EnWik9(root=self.root_dir, split=split) + def test_enwik9(self): + dataset = EnWik9(root=self.root_dir) samples = list(dataset) - expected_samples = self.samples[split] + expected_samples = self.samples for sample, expected_sample in zip_equal(samples, expected_samples): self.assertEqual(sample, expected_sample) - - @parameterized.expand(["train"]) - def test_enwik9_split_argument(self, split): - dataset1 = EnWik9(root=self.root_dir, split=split) - (dataset2,) = EnWik9(root=self.root_dir, split=(split,)) - - for d1, d2 in zip_equal(dataset1, dataset2): - self.assertEqual(d1, d2) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 55ca5de78e..521ddf8c86 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -314,7 +314,6 @@ def _create_dataset_directory(dataset_name): def decorator(fn): argspec = inspect.getfullargspec(fn) if not (argspec.args[0] == "root" and - argspec.args[1] == "split" and argspec.varargs is None and argspec.varkw is None and len(argspec.kwonlyargs) == 0 diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 0e8f55e589..13df87b0ae 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,6 +1,5 @@ import os.path -from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -9,7 +8,6 @@ from torchtext.data.datasets_utils import ( _create_dataset_directory, - _wrap_split_argument ) URL = "http://data.statmt.org/cc-100/%s.txt.xz" @@ -32,8 +30,7 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(("train",)) -def CC100(root: str, split: Union[Tuple[str], str], language_code: str = "en"): +def CC100(root: str, language_code: str = "en"): if language_code not in VALID_CODES: raise ValueError(f"Invalid language code {language_code}") diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 4534c64138..f203575170 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,12 +1,7 @@ import os -from typing import Tuple, Union from torchtext._internal.module_utils import is_module_available -from torchtext.data.datasets_utils import ( - _wrap_split_argument, - _add_docstring_header, - _create_dataset_directory, -) +from torchtext.data.datasets_utils import _create_dataset_directory if is_module_available("torchdata"): from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper @@ -22,10 +17,15 @@ DATASET_NAME = "EnWik9" -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(("train",)) -def EnWik9(root: str, split: Union[Tuple[str], str]): +def EnWik9(root: str): + """EnWik9 dataset + + Number of lines in dataset: 13147026 + + Args: + root: Directory where the datasets are saved. Default: ".data" + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" From 7b7a90d9868087f9c83a3dfa7a5718b75a9dbbfb Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Feb 2022 09:40:32 -0500 Subject: [PATCH 150/463] IWSLT testing to start from compressed file (#1596) --- test/datasets/test_iwslt2016.py | 182 ++++++++++++++++++++++++-------- 1 file changed, 139 insertions(+), 43 deletions(-) diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py index e352f9ef1b..f2e71e8595 100644 --- a/test/datasets/test_iwslt2016.py +++ b/test/datasets/test_iwslt2016.py @@ -1,60 +1,141 @@ import os import random +import shutil import string +import tarfile +import itertools +import tempfile from collections import defaultdict from unittest.mock import patch from parameterized import parameterized -from torchtext.datasets.iwslt2016 import IWSLT2016 +from torchtext.datasets.iwslt2016 import DATASET_NAME, IWSLT2016, SUPPORTED_DATASETS, SET_NOT_EXISTS from torchtext.data.datasets_utils import _generate_iwslt_files_for_lang_and_split -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import zip_equal from ..common.torchtext_test_case import TorchtextTestCase - -def _get_mock_dataset(root_dir, split, src, tgt): +SUPPORTED_LANGPAIRS = [(k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v] +SUPPORTED_DEVTEST_SPLITS = SUPPORTED_DATASETS["valid_test"] +DEV_TEST_SPLITS = [(dev, test) for dev, test in itertools.product(SUPPORTED_DEVTEST_SPLITS, repeat=2) if dev != test] + + +def _generate_uncleaned_train(): + """Generate tags files""" + file_contents = [] + examples = [] + xml_tags = [ + '" + close_tag = "" + file_contents.append(open_tag + rand_string + close_tag) + else: + examples.append(rand_string + "\n") + file_contents.append(rand_string) + return examples, "\n".join(file_contents) + + +def _generate_uncleaned_valid(): + file_contents = [""] + examples = [] + + for doc_id in range(5): + file_contents.append(f'') + for seg_id in range(100): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(10) + ) + examples.append(rand_string) + file_contents.append(f"{rand_string} " + "\n") + file_contents.append("") + file_contents.append("") + return examples, " ".join(file_contents) + + +def _generate_uncleaned_test(): + return _generate_uncleaned_valid() + + +def _generate_uncleaned_contents(split): + return { + "train": _generate_uncleaned_train(), + "valid": _generate_uncleaned_valid(), + "test": _generate_uncleaned_test(), + }[split] + + +def _get_mock_dataset(root_dir, split, src, tgt, valid_set, test_set): """ root_dir: directory to the mocked dataset """ - temp_dataset_dir = os.path.join(root_dir, f"IWSLT2016/2016-01/texts/{src}/{tgt}/{src}-{tgt}/") - os.makedirs(temp_dataset_dir, exist_ok=True) - seed = 1 + base_dir = os.path.join(root_dir, DATASET_NAME) + temp_dataset_dir = os.path.join(base_dir, 'temp_dataset_dir') + outer_temp_dataset_dir = os.path.join(temp_dataset_dir, f"texts/{src}/{tgt}/") + inner_temp_dataset_dir = os.path.join(outer_temp_dataset_dir, f"{src}-{tgt}") + + os.makedirs(outer_temp_dataset_dir, exist_ok=True) + os.makedirs(inner_temp_dataset_dir, exist_ok=True) + mocked_data = defaultdict(lambda: defaultdict(list)) - valid_set = "tst2013" - test_set = "tst2014" - - files_for_split, _ = _generate_iwslt_files_for_lang_and_split(16, src, tgt, valid_set, test_set) - src_file = files_for_split[src][split] - tgt_file = files_for_split[tgt][split] - for file_name in (src_file, tgt_file): - txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: - # Get file extension (i.e., the language) without the . prefix (.en -> en) - lang = os.path.splitext(file_name)[1][1:] - for i in range(5): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) - dataset_line = f"{rand_string} {rand_string}\n" - # append line to correct dataset split - mocked_data[split][lang].append(dataset_line) - f.write(f'{rand_string} {rand_string}\n') - seed += 1 + + cleaned_file_names, uncleaned_file_names = _generate_iwslt_files_for_lang_and_split(16, src, tgt, valid_set, test_set) + uncleaned_src_file = uncleaned_file_names[src][split] + uncleaned_tgt_file = uncleaned_file_names[tgt][split] + + cleaned_src_file = cleaned_file_names[src][split] + cleaned_tgt_file = cleaned_file_names[tgt][split] + + for (unclean_file_name, clean_file_name) in [ + (uncleaned_src_file, cleaned_src_file), + (uncleaned_tgt_file, cleaned_tgt_file) + ]: + # Get file extension (i.e., the language) without the . prefix (.en -> en) + lang = os.path.splitext(unclean_file_name)[1][1:] + + out_file = os.path.join(inner_temp_dataset_dir, unclean_file_name) + with open(out_file, "w") as f: + mocked_data_for_split, file_contents = _generate_uncleaned_contents(split) + mocked_data[split][lang] = mocked_data_for_split + f.write(file_contents) + + inner_compressed_dataset_path = os.path.join( + outer_temp_dataset_dir, f"{src}-{tgt}.tgz" + ) + + # create tar file from dataset folder + with tarfile.open(inner_compressed_dataset_path, "w:gz") as tar: + tar.add(inner_temp_dataset_dir, arcname=f"{src}-{tgt}") + + # this is necessary so that the outer tarball only includes the inner tarball + shutil.rmtree(inner_temp_dataset_dir) + + outer_temp_dataset_path = os.path.join(base_dir, "2016-01.tgz") + + with tarfile.open(outer_temp_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="2016-01") return list(zip(mocked_data[split][src], mocked_data[split][tgt])) -class TestIWSLT2016(TempDirMixin, TorchtextTestCase): +class TestIWSLT2016(TorchtextTestCase): root_dir = None patcher = None @classmethod def setUpClass(cls): super().setUpClass() - cls.root_dir = cls.get_base_temp_dir() cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder.OnDiskCacheHolderIterDataPipe._cache_check_fn", return_value=True + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True ) cls.patcher.start() @@ -63,21 +144,36 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - @parameterized.expand([("train", "de", "en"), ("valid", "de", "en")]) - def test_iwslt2016(self, split, src, tgt): - expected_samples = _get_mock_dataset(self.root_dir, split, src, tgt) + @parameterized.expand([ + (split, src, tgt, dev_set, test_set) + for split in ("train", "valid", "test") + for dev_set, test_set in DEV_TEST_SPLITS + for src, tgt in SUPPORTED_LANGPAIRS + if (dev_set not in SET_NOT_EXISTS[(src, tgt)] and test_set not in SET_NOT_EXISTS[(src, tgt)]) + ]) + def test_iwslt2016(self, split, src, tgt, dev_set, test_set): - dataset = IWSLT2016(root=self.root_dir, split=split) + with tempfile.TemporaryDirectory() as root_dir: + expected_samples = _get_mock_dataset(root_dir, split, src, tgt, dev_set, test_set) - samples = list(dataset) + dataset = IWSLT2016( + root=root_dir, split=split, language_pair=(src, tgt), valid_set=dev_set, test_set=test_set + ) - for sample, expected_sample in zip_equal(samples, expected_samples): - self.assertEqual(sample, expected_sample) + samples = list(dataset) - @parameterized.expand(["train", "valid"]) - def test_iwslt2016_split_argument(self, split): - dataset1 = IWSLT2016(root=self.root_dir, split=split) - (dataset2,) = IWSLT2016(root=self.root_dir, split=(split,)) + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) - for d1, d2 in zip_equal(dataset1, dataset2): - self.assertEqual(d1, d2) + @parameterized.expand(["train", "valid", "test"]) + def test_iwslt2016_split_argument(self, split): + with tempfile.TemporaryDirectory() as root_dir: + language_pair = ("de", "en") + valid_set = "tst2013" + test_set = "tst2014" + _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) + dataset1 = IWSLT2016(root=root_dir, split=split, language_pair=language_pair, valid_set=valid_set, test_set=test_set) + (dataset2,) = IWSLT2016(root=root_dir, split=(split,), language_pair=language_pair, valid_set=valid_set, test_set=test_set) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) From c3f59a5af91ca8ed12596f9126419e18cd409c81 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Feb 2022 09:40:50 -0500 Subject: [PATCH 151/463] Add Mock test for IWSLT2017 dataset (#1598) --- test/datasets/test_iwslt2017.py | 172 ++++++++++++++++++++++++++++++++ torchtext/datasets/iwslt2017.py | 7 +- 2 files changed, 175 insertions(+), 4 deletions(-) create mode 100644 test/datasets/test_iwslt2017.py diff --git a/test/datasets/test_iwslt2017.py b/test/datasets/test_iwslt2017.py new file mode 100644 index 0000000000..e5595821b0 --- /dev/null +++ b/test/datasets/test_iwslt2017.py @@ -0,0 +1,172 @@ +import os +import random +import shutil +import string +import tarfile +import tempfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.iwslt2017 import DATASET_NAME, IWSLT2017, SUPPORTED_DATASETS, _PATH +from torchtext.data.datasets_utils import _generate_iwslt_files_for_lang_and_split + +from ..common.case_utils import zip_equal +from ..common.torchtext_test_case import TorchtextTestCase + +SUPPORTED_LANGPAIRS = [(k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v] + + +def _generate_uncleaned_train(): + """Generate tags files""" + file_contents = [] + examples = [] + xml_tags = [ + '" + close_tag = "" + file_contents.append(open_tag + rand_string + close_tag) + else: + examples.append(rand_string + "\n") + file_contents.append(rand_string) + return examples, "\n".join(file_contents) + + +def _generate_uncleaned_valid(): + file_contents = [""] + examples = [] + + for doc_id in range(5): + file_contents.append(f'') + for seg_id in range(100): + rand_string = " ".join( + random.choice(string.ascii_letters) for i in range(10) + ) + examples.append(rand_string) + file_contents.append(f"{rand_string} " + "\n") + file_contents.append("") + file_contents.append("") + return examples, " ".join(file_contents) + + +def _generate_uncleaned_test(): + return _generate_uncleaned_valid() + + +def _generate_uncleaned_contents(split): + return { + "train": _generate_uncleaned_train(), + "valid": _generate_uncleaned_valid(), + "test": _generate_uncleaned_test(), + }[split] + + +def _get_mock_dataset(root_dir, split, src, tgt, valid_set, test_set): + """ + root_dir: directory to the mocked dataset + """ + + base_dir = os.path.join(root_dir, DATASET_NAME) + temp_dataset_dir = os.path.join(base_dir, 'temp_dataset_dir') + outer_temp_dataset_dir = os.path.join(temp_dataset_dir, "texts/DeEnItNlRo/DeEnItNlRo") + inner_temp_dataset_dir = os.path.join(outer_temp_dataset_dir, "DeEnItNlRo-DeEnItNlRo") + + os.makedirs(outer_temp_dataset_dir, exist_ok=True) + os.makedirs(inner_temp_dataset_dir, exist_ok=True) + + mocked_data = defaultdict(lambda: defaultdict(list)) + + cleaned_file_names, uncleaned_file_names = _generate_iwslt_files_for_lang_and_split(17, src, tgt, valid_set, test_set) + uncleaned_src_file = uncleaned_file_names[src][split] + uncleaned_tgt_file = uncleaned_file_names[tgt][split] + + cleaned_src_file = cleaned_file_names[src][split] + cleaned_tgt_file = cleaned_file_names[tgt][split] + + for (unclean_file_name, clean_file_name) in [ + (uncleaned_src_file, cleaned_src_file), + (uncleaned_tgt_file, cleaned_tgt_file) + ]: + # Get file extension (i.e., the language) without the . prefix (.en -> en) + lang = os.path.splitext(unclean_file_name)[1][1:] + + out_file = os.path.join(inner_temp_dataset_dir, unclean_file_name) + with open(out_file, "w") as f: + mocked_data_for_split, file_contents = _generate_uncleaned_contents(split) + mocked_data[split][lang] = mocked_data_for_split + f.write(file_contents) + + inner_compressed_dataset_path = os.path.join( + outer_temp_dataset_dir, "DeEnItNlRo-DeEnItNlRo.tgz" + ) + + # create tar file from dataset folder + with tarfile.open(inner_compressed_dataset_path, "w:gz") as tar: + tar.add(inner_temp_dataset_dir, arcname="DeEnItNlRo-DeEnItNlRo") + + # this is necessary so that the outer tarball only includes the inner tarball + shutil.rmtree(inner_temp_dataset_dir) + + outer_temp_dataset_path = os.path.join(base_dir, _PATH) + + with tarfile.open(outer_temp_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname=os.path.splitext(_PATH)[0]) + + return list(zip(mocked_data[split][src], mocked_data[split][tgt])) + + +class TestIWSLT2017(TorchtextTestCase): + root_dir = None + patcher = None + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.patcher = patch( + "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True + ) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand([ + (split, src, tgt) + for split in ("train", "valid", "test") + for src, tgt in SUPPORTED_LANGPAIRS + ]) + def test_iwslt2017(self, split, src, tgt): + + with tempfile.TemporaryDirectory() as root_dir: + expected_samples = _get_mock_dataset(root_dir, split, src, tgt, "dev2010", "tst2010") + + dataset = IWSLT2017(root=root_dir, split=split, language_pair=(src, tgt)) + + samples = list(dataset) + + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "valid", "test"]) + def test_iwslt2017_split_argument(self, split): + with tempfile.TemporaryDirectory() as root_dir: + language_pair = ("de", "en") + valid_set = "dev2010" + test_set = "tst2010" + _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) + dataset1 = IWSLT2017(root=root_dir, split=split, language_pair=language_pair) + (dataset2,) = IWSLT2017(root=root_dir, split=(split,), language_pair=language_pair) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 57d325d65e..f03dd432b8 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -194,8 +194,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de ) cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter( - lambda x: os.path.basename(inner_iwslt_tar) in x[0]) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) src_filename = file_path_by_lang_and_split[src_language][split] @@ -203,7 +202,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_src_filepath = os.path.join(root, "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", src_filename) + full_src_filepath = os.path.join(root, os.path.splitext(_PATH)[0], "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", src_filename) cache_inner_src_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_src_filepath, uncleaned_src_filename) @@ -213,7 +212,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_tgt_filepath = os.path.join(root, "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", tgt_filename) + full_tgt_filepath = os.path.join(root, os.path.splitext(_PATH)[0], "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", tgt_filename) cache_inner_tgt_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename) From 08f49f9ba66c6f64c6910046fd8ac4d73be7fbc2 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 10 Feb 2022 15:58:55 -0800 Subject: [PATCH 152/463] Parameterize tests for similar datasets (#1600) * Parameterized amazon dataset tests * Renamed squad test for consistency * Deleted YelpReviewFull test since it's already parameterized Co-authored-by: nayef211 --- test/datasets/test_amazonreviewfull.py | 83 ------------------- ...eviewpolarity.py => test_amazonreviews.py} | 50 ++++++----- .../{test_squad.py => test_squads.py} | 6 +- test/datasets/test_yelpreviewfull.py | 83 ------------------- 4 files changed, 34 insertions(+), 188 deletions(-) delete mode 100644 test/datasets/test_amazonreviewfull.py rename test/datasets/{test_amazonreviewpolarity.py => test_amazonreviews.py} (55%) rename test/datasets/{test_squad.py => test_squads.py} (95%) delete mode 100644 test/datasets/test_yelpreviewfull.py diff --git a/test/datasets/test_amazonreviewfull.py b/test/datasets/test_amazonreviewfull.py deleted file mode 100644 index 909c32ab59..0000000000 --- a/test/datasets/test_amazonreviewfull.py +++ /dev/null @@ -1,83 +0,0 @@ -import os -import random -import string -import tarfile -from collections import defaultdict -from unittest.mock import patch - -from parameterized import parameterized -from torchtext.datasets.amazonreviewfull import AmazonReviewFull - -from ..common.case_utils import TempDirMixin, zip_equal -from ..common.torchtext_test_case import TorchtextTestCase - - -def _get_mock_dataset(root_dir): - """ - root_dir: directory to the mocked dataset - """ - base_dir = os.path.join(root_dir, "AmazonReviewFull") - temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") - os.makedirs(temp_dataset_dir, exist_ok=True) - - seed = 1 - mocked_data = defaultdict(list) - for file_name in ("train.csv", "test.csv"): - txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: - for i in range(5): - label = seed % 5 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) - dataset_line = (label, f"{rand_string} {rand_string}") - # append line to correct dataset split - mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) - f.write(f'"{label}","{rand_string}","{rand_string}"\n') - seed += 1 - - compressed_dataset_path = os.path.join( - base_dir, "amazon_review_full_csv.tar.gz" - ) - # create tar file from dataset folder - with tarfile.open(compressed_dataset_path, "w:gz") as tar: - tar.add(temp_dataset_dir, arcname="amazon_review_full_csv") - - return mocked_data - - -class TestAmazonReviewFull(TempDirMixin, TorchtextTestCase): - root_dir = None - samples = [] - - @classmethod - def setUpClass(cls): - super().setUpClass() - cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) - cls.patcher.start() - - @classmethod - def tearDownClass(cls): - cls.patcher.stop() - super().tearDownClass() - - @parameterized.expand(["train", "test"]) - def test_amazon_review_full(self, split): - dataset = AmazonReviewFull(root=self.root_dir, split=split) - - samples = list(dataset) - expected_samples = self.samples[split] - for sample, expected_sample in zip_equal(samples, expected_samples): - self.assertEqual(sample, expected_sample) - - @parameterized.expand(["train", "test"]) - def test_amazon_review_full_split_argument(self, split): - dataset1 = AmazonReviewFull(root=self.root_dir, split=split) - (dataset2,) = AmazonReviewFull(root=self.root_dir, split=(split,)) - - for d1, d2 in zip_equal(dataset1, dataset2): - self.assertEqual(d1, d2) diff --git a/test/datasets/test_amazonreviewpolarity.py b/test/datasets/test_amazonreviews.py similarity index 55% rename from test/datasets/test_amazonreviewpolarity.py rename to test/datasets/test_amazonreviews.py index 11c95ae785..87dd6f9952 100644 --- a/test/datasets/test_amazonreviewpolarity.py +++ b/test/datasets/test_amazonreviews.py @@ -5,18 +5,20 @@ from collections import defaultdict from unittest.mock import patch -from parameterized import parameterized +from torchtext.datasets.amazonreviewfull import AmazonReviewFull from torchtext.datasets.amazonreviewpolarity import AmazonReviewPolarity from ..common.case_utils import TempDirMixin, zip_equal +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase -def _get_mock_dataset(root_dir): +def _get_mock_dataset(root_dir, base_dir_name): """ root_dir: directory to the mocked dataset + base_dir_name: AmazonReviewFull or AmazonReviewPolarity """ - base_dir = os.path.join(root_dir, "AmazonReviewPolarity") + base_dir = os.path.join(root_dir, base_dir_name) temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") os.makedirs(temp_dataset_dir, exist_ok=True) @@ -26,7 +28,10 @@ def _get_mock_dataset(root_dir): txt_file = os.path.join(temp_dataset_dir, file_name) with open(txt_file, "w") as f: for i in range(5): - label = seed % 2 + 1 + if base_dir_name == AmazonReviewFull.__name__: + label = seed % 5 + 1 + else: + label = seed % 2 + 1 rand_string = " ".join( random.choice(string.ascii_letters) for i in range(seed) ) @@ -36,17 +41,20 @@ def _get_mock_dataset(root_dir): f.write(f'"{label}","{rand_string}","{rand_string}"\n') seed += 1 - compressed_dataset_path = os.path.join( - base_dir, "amazon_review_polarity_csv.tar.gz" - ) + if base_dir_name == AmazonReviewFull.__name__: + archive_file_name = "amazon_review_full_csv" + else: + archive_file_name = "amazon_review_polarity_csv" + + compressed_dataset_path = os.path.join(base_dir, f"{archive_file_name}.tar.gz") # create tar file from dataset folder with tarfile.open(compressed_dataset_path, "w:gz") as tar: - tar.add(temp_dataset_dir, arcname="amazon_review_polarity_csv") + tar.add(temp_dataset_dir, arcname=archive_file_name) return mocked_data -class TestAmazonReviewPolarity(TempDirMixin, TorchtextTestCase): +class TestAmazonReviews(TempDirMixin, TorchtextTestCase): root_dir = None samples = [] @@ -54,7 +62,6 @@ class TestAmazonReviewPolarity(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) cls.patcher = patch( "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True ) @@ -65,19 +72,24 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - @parameterized.expand(["train", "test"]) - def test_amazon_review_polarity(self, split): - dataset = AmazonReviewPolarity(root=self.root_dir, split=split) - + @nested_params([AmazonReviewFull, AmazonReviewPolarity], ["train", "test"]) + def test_amazon_reviews(self, amazon_review_dataset, split): + expected_samples = _get_mock_dataset( + self.root_dir, amazon_review_dataset.__name__ + )[split] + dataset = amazon_review_dataset(root=self.root_dir, split=split) samples = list(dataset) - expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): self.assertEqual(sample, expected_sample) - @parameterized.expand(["train", "test"]) - def test_amazon_review_polarity_split_argument(self, split): - dataset1 = AmazonReviewPolarity(root=self.root_dir, split=split) - (dataset2,) = AmazonReviewPolarity(root=self.root_dir, split=(split,)) + @nested_params([AmazonReviewFull, AmazonReviewPolarity], ["train", "test"]) + def test_amazon_reviews_split_argument(self, amazon_review_dataset, split): + # call `_get_mock_dataset` to create mock dataset files + _ = _get_mock_dataset(self.root_dir, amazon_review_dataset.__name__) + + dataset1 = amazon_review_dataset(root=self.root_dir, split=split) + (dataset2,) = amazon_review_dataset(root=self.root_dir, split=(split,)) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) diff --git a/test/datasets/test_squad.py b/test/datasets/test_squads.py similarity index 95% rename from test/datasets/test_squad.py rename to test/datasets/test_squads.py index d44b6637f1..eb1abd19be 100644 --- a/test/datasets/test_squad.py +++ b/test/datasets/test_squads.py @@ -73,7 +73,7 @@ def _get_mock_dataset(root_dir, base_dir_name): return mocked_data -class TestSQuAD(TempDirMixin, TorchtextTestCase): +class TestSQuADs(TempDirMixin, TorchtextTestCase): root_dir = None samples = [] @@ -92,7 +92,7 @@ def tearDownClass(cls): super().tearDownClass() @nested_params([SQuAD1, SQuAD2], ["train", "dev"]) - def test_squad(self, squad_dataset, split): + def test_squads(self, squad_dataset, split): expected_samples = _get_mock_dataset(self.root_dir, squad_dataset.__name__)[ split ] @@ -103,7 +103,7 @@ def test_squad(self, squad_dataset, split): self.assertEqual(sample, expected_sample) @nested_params([SQuAD1, SQuAD2], ["train", "dev"]) - def test_squad_split_argument(self, squad_dataset, split): + def test_squads_split_argument(self, squad_dataset, split): # call `_get_mock_dataset` to create mock dataset files _ = _get_mock_dataset(self.root_dir, squad_dataset.__name__) diff --git a/test/datasets/test_yelpreviewfull.py b/test/datasets/test_yelpreviewfull.py deleted file mode 100644 index d0a7e13a7c..0000000000 --- a/test/datasets/test_yelpreviewfull.py +++ /dev/null @@ -1,83 +0,0 @@ -import os -import random -import string -import tarfile -from collections import defaultdict -from unittest.mock import patch - -from parameterized import parameterized -from torchtext.datasets.yelpreviewfull import YelpReviewFull - -from ..common.case_utils import TempDirMixin, zip_equal -from ..common.torchtext_test_case import TorchtextTestCase - - -def _get_mock_dataset(root_dir): - """ - root_dir: directory to the mocked dataset - """ - base_dir = os.path.join(root_dir, "YelpReviewFull") - temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") - os.makedirs(temp_dataset_dir, exist_ok=True) - - seed = 1 - mocked_data = defaultdict(list) - for file_name in ("train.csv", "test.csv"): - csv_file = os.path.join(temp_dataset_dir, file_name) - mocked_lines = mocked_data[os.path.splitext(file_name)[0]] - with open(csv_file, "w") as f: - for i in range(5): - label = seed % 5 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) - dataset_line = (label, f"{rand_string}") - f.write(f'"{label}","{rand_string}"\n') - - # append line to correct dataset split - mocked_lines.append(dataset_line) - seed += 1 - - compressed_dataset_path = os.path.join(base_dir, "yelp_review_full_csv.tar.gz") - # create gz file from dataset folder - with tarfile.open(compressed_dataset_path, "w:gz") as tar: - tar.add(temp_dataset_dir, arcname="yelp_review_full_csv") - - return mocked_data - - -class TestYelpReviewFull(TempDirMixin, TorchtextTestCase): - root_dir = None - samples = [] - - @classmethod - def setUpClass(cls): - super().setUpClass() - cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) - cls.patcher.start() - - @classmethod - def tearDownClass(cls): - cls.patcher.stop() - super().tearDownClass() - - @parameterized.expand(["train", "test"]) - def test_yelpreviewfull(self, split): - dataset = YelpReviewFull(root=self.root_dir, split=split) - - samples = list(dataset) - expected_samples = self.samples[split] - for sample, expected_sample in zip_equal(samples, expected_samples): - self.assertEqual(sample, expected_sample) - - @parameterized.expand(["train", "test"]) - def test_yelpreviewfull_split_argument(self, split): - dataset1 = YelpReviewFull(root=self.root_dir, split=split) - (dataset2,) = YelpReviewFull(root=self.root_dir, split=(split,)) - - for d1, d2 in zip_equal(dataset1, dataset2): - self.assertEqual(d1, d2) From 9686e0dafe5ddd64d667438a9bddc0a052e7d190 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 10 Feb 2022 21:52:46 -0800 Subject: [PATCH 153/463] Updated formatting for datasets (#1602) Co-authored-by: nayef211 --- torchtext/datasets/ag_news.py | 34 ++-- torchtext/datasets/amazonreviewfull.py | 32 ++-- torchtext/datasets/amazonreviewpolarity.py | 53 ++++-- torchtext/datasets/cc100.py | 11 +- torchtext/datasets/conll2000chunking.py | 31 ++-- torchtext/datasets/dbpedia.py | 11 +- torchtext/datasets/enwik9.py | 1 + torchtext/datasets/imdb.py | 42 +++-- torchtext/datasets/iwslt2016.py | 200 ++++++++++++++------- torchtext/datasets/iwslt2017.py | 126 +++++++++---- torchtext/datasets/multi30k.py | 94 ++++++---- torchtext/datasets/penntreebank.py | 1 + torchtext/datasets/sogounews.py | 32 ++-- torchtext/datasets/squad1.py | 26 +-- torchtext/datasets/squad2.py | 28 +-- torchtext/datasets/udpos.py | 52 +++--- torchtext/datasets/wikitext103.py | 55 +++--- torchtext/datasets/wikitext2.py | 55 +++--- torchtext/datasets/yahooanswers.py | 42 +++-- torchtext/datasets/yelpreviewfull.py | 47 +++-- torchtext/datasets/yelpreviewpolarity.py | 42 +++-- 21 files changed, 635 insertions(+), 380 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 9a51226d4d..09d606c04f 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -1,29 +1,30 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { - 'train': "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", - 'test': "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", + "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", + "test": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", } MD5 = { - 'train': "b1a00f826fdfbd249f79597b59e1dc12", - 'test': "d52ea96a97a2d943681189a97654912d", + "train": "b1a00f826fdfbd249f79597b59e1dc12", + "test": "d52ea96a97a2d943681189a97654912d", } NUM_LINES = { - 'train': 120000, - 'test': 7600, + "train": 120000, + "test": 7600, } DATASET_NAME = "AG_NEWS" @@ -34,15 +35,18 @@ @_wrap_split_argument(("train", "test")) def AG_NEWS(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, split + ".csv"), hash_dict={os.path.join(root, split + ".csv"): MD5[split]}, - hash_type="md5" + hash_type="md5", ) cache_dp = HttpReader(cache_dp) cache_dp = cache_dp.end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="r") - return cache_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + + data_dp = FileOpener(cache_dp, mode="r") + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 0d20e16b07..8375b1ce21 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -1,36 +1,36 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA" -MD5 = '57d28bd5d930e772930baddf36641c7c' +MD5 = "57d28bd5d930e772930baddf36641c7c" NUM_LINES = { - 'train': 3000000, - 'test': 650000, + "train": 3000000, + "test": 650000, } -_PATH = 'amazon_review_full_csv.tar.gz' +_PATH = "amazon_review_full_csv.tar.gz" _EXTRACTED_FILES = { - 'train': os.path.join('amazon_review_full_csv', 'train.csv'), - 'test': os.path.join('amazon_review_full_csv', 'test.csv'), + "train": os.path.join("amazon_review_full_csv", "train.csv"), + "test": os.path.join("amazon_review_full_csv", "test.csv"), } _EXTRACTED_FILES_MD5 = { - 'train': "31b268b09fd794e0ca5a1f59a0358677", - 'test': "0f1e78ab60f625f2a30eab6810ef987c" + "train": "31b268b09fd794e0ca5a1f59a0358677", + "test": "0f1e78ab60f625f2a30eab6810ef987c", } DATASET_NAME = "AmazonReviewFull" @@ -41,7 +41,9 @@ @_wrap_split_argument(("train", "test")) def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index e585922c19..990f7929ce 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -1,30 +1,31 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" -MD5 = 'fe39f8b653cada45afd5792e0f0e8f9b' +MD5 = "fe39f8b653cada45afd5792e0f0e8f9b" NUM_LINES = { - 'train': 3600000, - 'test': 400000, + "train": 3600000, + "test": 400000, } -_PATH = 'amazon_review_polarity_csv.tar.gz' +_PATH = "amazon_review_polarity_csv.tar.gz" _EXTRACTED_FILES = { - 'train': os.path.join('amazon_review_polarity_csv', 'train.csv'), - 'test': os.path.join('amazon_review_polarity_csv', 'test.csv'), + "train": os.path.join("amazon_review_polarity_csv", "train.csv"), + "test": os.path.join("amazon_review_polarity_csv", "test.csv"), } @@ -37,17 +38,31 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + filepath_fn=lambda x: os.path.join(root, _PATH), + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) - data_dp = FileOpener(cache_decompressed_dp, mode='b') - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), ' '.join(t[1:]))) + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 13df87b0ae..8949f30b0c 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,14 +1,13 @@ import os.path - from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _create_dataset_directory, +) if is_module_available("torchdata"): from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper -from torchtext.data.datasets_utils import ( - _create_dataset_directory, -) URL = "http://data.statmt.org/cc-100/%s.txt.xz" @@ -41,7 +40,9 @@ def CC100(root: str, language_code: str = "en"): ) cache_compressed_dp = HttpReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_compressed_dp = cache_compressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.basename(x).rstrip(".xz")) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index fd9062a2fb..b4ecb56cfc 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -1,36 +1,33 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { - 'train': "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", - 'test': "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", + "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", + "test": "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", } MD5 = { - 'train': "6969c2903a1f19a83569db643e43dcc8", - 'test': "a916e1c2d83eb3004b38fc6fcd628939", + "train": "6969c2903a1f19a83569db643e43dcc8", + "test": "a916e1c2d83eb3004b38fc6fcd628939", } NUM_LINES = { - 'train': 8936, - 'test': 2012, + "train": 8936, + "test": 2012, } -_EXTRACTED_FILES = { - 'train': 'train.txt', - 'test': 'test.txt' -} +_EXTRACTED_FILES = {"train": "train.txt", "test": "test.txt"} DATASET_NAME = "CoNLL2000Chunking" @@ -40,7 +37,9 @@ @_wrap_split_argument(("train", "test")) def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index b3a3c7677a..8b92e3b481 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -1,18 +1,17 @@ +import os from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available - -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - -import os - from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k" MD5 = "dca7b1ae12b1091090db52aa7ec5ca64" diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index f203575170..4f4f98d6d5 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -6,6 +6,7 @@ if is_module_available("torchdata"): from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = "http://mattmahoney.net/dc/enwik9.zip" MD5 = "3e773f8a1577fda2e27f871ca17f31fd" diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index a1a41631ae..028d9a82f7 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -11,39 +11,46 @@ from torchdata.datapipes.iter import FileOpener, IterableWrapper, HttpReader -URL = 'http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz' +URL = "http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz" -MD5 = '7c2ac02c03563afcf9b574c7e56c153a' +MD5 = "7c2ac02c03563afcf9b574c7e56c153a" NUM_LINES = { - 'train': 25000, - 'test': 25000, + "train": 25000, + "test": 25000, } -_PATH = 'aclImdb_v1.tar.gz' +_PATH = "aclImdb_v1.tar.gz" DATASET_NAME = "IMDB" @_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'test')) +@_wrap_split_argument(("train", "test")) def IMDB(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) labels = {"neg", "pos"} decompressed_folder = "aclImdb_v1" cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: [os.path.join(root, decompressed_folder, split, label) for label in labels] + filepath_fn=lambda x: [ + os.path.join(root, decompressed_folder, split, label) for label in labels + ] ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.read_from_tar() @@ -53,14 +60,21 @@ def filter_imdb_data(key, fname): *_, split, label, file = Path(fname).parts return key == split and label in labels - cache_decompressed_dp = cache_decompressed_dp.filter(lambda t: filter_imdb_data(split, t[0])) + cache_decompressed_dp = cache_decompressed_dp.filter( + lambda t: filter_imdb_data(split, t[0]) + ) # eg. "aclImdb/train/neg/12416_3.txt" -> "neg" - cache_decompressed_dp = cache_decompressed_dp.map(lambda t: (Path(t[0]).parts[-2], t[1])) + cache_decompressed_dp = cache_decompressed_dp.map( + lambda t: (Path(t[0]).parts[-2], t[1]) + ) cache_decompressed_dp = cache_decompressed_dp.readlines(decode=True) - cache_decompressed_dp = cache_decompressed_dp.lines_to_paragraphs() # group by label in cache file + cache_decompressed_dp = ( + cache_decompressed_dp.lines_to_paragraphs() + ) # group by label in cache file cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wt", filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x) + mode="wt", + filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x), ) data_dp = FileOpener(cache_decompressed_dp, mode="t") diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 3073a9c8c4..7123d68449 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -1,9 +1,6 @@ -from torchtext._internal.module_utils import is_module_available - -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - import os + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _clean_files, @@ -11,6 +8,10 @@ _generate_iwslt_files_for_lang_and_split, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + + URL = "https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8" _PATH = "2016-01.tgz" @@ -35,7 +36,7 @@ ("ar", "en"): 224126, ("de", "en"): 196884, ("en", "fr"): 220400, - ("cs", "en"): 114390 + ("cs", "en"): 114390, } }, "valid": { @@ -43,75 +44,67 @@ ("ar", "en"): 887, ("de", "en"): 887, ("en", "fr"): 887, - ("cs", "en"): 480 + ("cs", "en"): 480, }, "tst2010": { ("ar", "en"): 1569, ("de", "en"): 1565, ("en", "fr"): 1664, - ("cs", "en"): 1511 + ("cs", "en"): 1511, }, "tst2011": { ("ar", "en"): 1199, ("de", "en"): 1433, ("en", "fr"): 818, - ("cs", "en"): 1013 + ("cs", "en"): 1013, }, "tst2012": { ("ar", "en"): 1702, ("de", "en"): 1700, ("en", "fr"): 1124, - ("cs", "en"): 1385 + ("cs", "en"): 1385, }, "tst2013": { ("ar", "en"): 1169, ("de", "en"): 993, ("en", "fr"): 1026, - ("cs", "en"): 1327 + ("cs", "en"): 1327, }, - "tst2014": { - ("ar", "en"): 1107, - ("de", "en"): 1305, - ("en", "fr"): 1305 - } + "tst2014": {("ar", "en"): 1107, ("de", "en"): 1305, ("en", "fr"): 1305}, }, "test": { "dev2010": { ("ar", "en"): 887, ("de", "en"): 887, ("en", "fr"): 887, - ("cs", "en"): 480 + ("cs", "en"): 480, }, "tst2010": { ("ar", "en"): 1569, ("de", "en"): 1565, ("en", "fr"): 1664, - ("cs", "en"): 1511 + ("cs", "en"): 1511, }, "tst2011": { ("ar", "en"): 1199, ("de", "en"): 1433, ("en", "fr"): 818, - ("cs", "en"): 1013 + ("cs", "en"): 1013, }, "tst2012": { ("ar", "en"): 1702, ("de", "en"): 1700, ("en", "fr"): 1124, - ("cs", "en"): 1385 + ("cs", "en"): 1385, }, "tst2013": { ("ar", "en"): 1169, ("de", "en"): 993, ("en", "fr"): 1026, - ("cs", "en"): 1327 + ("cs", "en"): 1327, }, - "tst2014": { - ("ar", "en"): 1107, - ("de", "en"): 1305, - ("en", "fr"): 1305 - } - } + "tst2014": {("ar", "en"): 1107, ("de", "en"): 1305, ("en", "fr"): 1305}, + }, } SET_NOT_EXISTS = { @@ -122,7 +115,7 @@ ("ar", "en"): [], ("fr", "en"): [], ("de", "en"): [], - ("cs", "en"): ["tst2014"] + ("cs", "en"): ["tst2014"], } DATASET_NAME = "IWSLT2016" @@ -131,19 +124,33 @@ # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) - cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache( + filepath_fn=lambda x: full_filepath + ) + cache_inner_decompressed_dp = FileOpener( + cache_inner_decompressed_dp, mode="b" + ).read_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( - lambda x: os.path.basename(uncleaned_filename) in x[0]) + lambda x: os.path.basename(uncleaned_filename) in x[0] + ) cache_inner_decompressed_dp = cache_inner_decompressed_dp.map( - lambda x: _clean_files(full_filepath, x[0], x[1])) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + lambda x: _clean_files(full_filepath, x[0], x[1]) + ) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) return cache_inner_decompressed_dp @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) -def IWSLT2016(root=".data", split=("train", "valid", "test"), language_pair=("de", "en"), valid_set="tst2013", test_set="tst2014"): +def IWSLT2016( + root=".data", + split=("train", "valid", "test"), + language_pair=("de", "en"), + valid_set="tst2013", + test_set="tst2014", +): """IWSLT2016 dataset The available datasets include following: @@ -182,32 +189,75 @@ def IWSLT2016(root=".data", split=("train", "valid", "test"), language_pair=("de """ if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): - raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) + raise ValueError( + "language_pair must be list or tuple but got {} instead".format( + type(language_pair) + ) + ) - assert (len(language_pair) == 2), "language_pair must contain only 2 elements: src and tgt language respectively" + assert ( + len(language_pair) == 2 + ), "language_pair must contain only 2 elements: src and tgt language respectively" src_language, tgt_language = language_pair[0], language_pair[1] if src_language not in SUPPORTED_DATASETS["language_pair"]: - raise ValueError("src_language '{}' is not valid. Supported source languages are {}". - format(src_language, list(SUPPORTED_DATASETS["language_pair"]))) + raise ValueError( + "src_language '{}' is not valid. Supported source languages are {}".format( + src_language, list(SUPPORTED_DATASETS["language_pair"]) + ) + ) if tgt_language not in SUPPORTED_DATASETS["language_pair"][src_language]: - raise ValueError("tgt_language '{}' is not valid for give src_language '{}'. Supported target language are {}". - format(tgt_language, src_language, SUPPORTED_DATASETS["language_pair"][src_language])) - - if valid_set not in SUPPORTED_DATASETS["valid_test"] or valid_set in SET_NOT_EXISTS[language_pair]: - raise ValueError("valid_set '{}' is not valid for given language pair {}. Supported validation sets are {}". - format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS["valid_test"] if s not in SET_NOT_EXISTS[language_pair]])) - - if test_set not in SUPPORTED_DATASETS["valid_test"] or test_set in SET_NOT_EXISTS[language_pair]: - raise ValueError("test_set '{}' is not valid for give language pair {}. Supported test sets are {}". - format(valid_set, language_pair, [s for s in SUPPORTED_DATASETS["valid_test"] if s not in SET_NOT_EXISTS[language_pair]])) - - file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split = _generate_iwslt_files_for_lang_and_split( + raise ValueError( + "tgt_language '{}' is not valid for give src_language '{}'. Supported target language are {}".format( + tgt_language, + src_language, + SUPPORTED_DATASETS["language_pair"][src_language], + ) + ) + + if ( + valid_set not in SUPPORTED_DATASETS["valid_test"] + or valid_set in SET_NOT_EXISTS[language_pair] + ): + raise ValueError( + "valid_set '{}' is not valid for given language pair {}. Supported validation sets are {}".format( + valid_set, + language_pair, + [ + s + for s in SUPPORTED_DATASETS["valid_test"] + if s not in SET_NOT_EXISTS[language_pair] + ], + ) + ) + + if ( + test_set not in SUPPORTED_DATASETS["valid_test"] + or test_set in SET_NOT_EXISTS[language_pair] + ): + raise ValueError( + "test_set '{}' is not valid for give language pair {}. Supported test sets are {}".format( + valid_set, + language_pair, + [ + s + for s in SUPPORTED_DATASETS["valid_test"] + if s not in SET_NOT_EXISTS[language_pair] + ], + ) + ) + + ( + file_path_by_lang_and_split, + uncleaned_filenames_by_lang_and_split, + ) = _generate_iwslt_files_for_lang_and_split( SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) @@ -215,39 +265,67 @@ def IWSLT2016(root=".data", split=("train", "valid", "test"), language_pair=("de cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, - hash_type="md5" + hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_compressed_dp = cache_compressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) languages = "-".join([src_language, tgt_language]) # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. Thus, # /root/2016-01/texts/.../src-tgt.tgz will never be in /root/2016-01.tgz/texts/.../src-tgt.tgz - inner_iwslt_tar = os.path.join(root, os.path.splitext(_PATH)[0], "texts", src_language, tgt_language, languages) + ".tgz" + inner_iwslt_tar = ( + os.path.join( + root, + os.path.splitext(_PATH)[0], + "texts", + src_language, + tgt_language, + languages, + ) + + ".tgz" + ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: inner_iwslt_tar + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) src_filename = file_path_by_lang_and_split[src_language][split] uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_src_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, src_filename) + full_src_filepath = os.path.join( + root, "2016-01/texts/", src_language, tgt_language, languages, src_filename + ) - cache_inner_src_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_src_filepath, uncleaned_src_filename) + cache_inner_src_decompressed_dp = _filter_clean_cache( + cache_decompressed_dp, full_src_filepath, uncleaned_src_filename + ) tgt_filename = file_path_by_lang_and_split[tgt_language][split] uncleaned_tgt_filename = uncleaned_filenames_by_lang_and_split[tgt_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_tgt_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, tgt_filename) + full_tgt_filepath = os.path.join( + root, "2016-01/texts/", src_language, tgt_language, languages, tgt_filename + ) - cache_inner_tgt_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename) + cache_inner_tgt_decompressed_dp = _filter_clean_cache( + cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename + ) tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="r") src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="r") diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index f03dd432b8..e08fbf55bb 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,9 +1,6 @@ -from torchtext._internal.module_utils import is_module_available - -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - import os + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, _create_dataset_directory, @@ -11,6 +8,10 @@ _generate_iwslt_files_for_lang_and_split, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + + URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" _PATH = "2017-01-trnmted.tgz" MD5 = "aca701032b1c4411afc4d9fa367796ba" @@ -39,7 +40,7 @@ ("it", "ro"): 217551, ("de", "nl"): 213628, ("de", "it"): 205465, - ("it", "nl"): 233415 + ("it", "nl"): 233415, } }, "valid": { @@ -53,7 +54,7 @@ ("it", "ro"): 914, ("de", "nl"): 1001, ("de", "it"): 923, - ("it", "nl"): 1001 + ("it", "nl"): 1001, }, "tst2010": { ("en", "nl"): 1777, @@ -65,8 +66,8 @@ ("it", "ro"): 1643, ("de", "nl"): 1779, ("de", "it"): 1567, - ("it", "nl"): 1669 - } + ("it", "nl"): 1669, + }, }, "test": { "dev2010": { @@ -79,7 +80,7 @@ ("it", "ro"): 914, ("de", "nl"): 1001, ("de", "it"): 923, - ("it", "nl"): 1001 + ("it", "nl"): 1001, }, "tst2010": { ("en", "nl"): 1777, @@ -91,9 +92,9 @@ ("it", "ro"): 1643, ("de", "nl"): 1779, ("de", "it"): 1567, - ("it", "nl"): 1669 - } - } + ("it", "nl"): 1669, + }, + }, } DATASET_NAME = "IWSLT2017" @@ -102,19 +103,29 @@ # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) - cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache( + filepath_fn=lambda x: full_filepath + ) + cache_inner_decompressed_dp = FileOpener( + cache_inner_decompressed_dp, mode="b" + ).read_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( - lambda x: os.path.basename(uncleaned_filename) in x[0]) + lambda x: os.path.basename(uncleaned_filename) in x[0] + ) cache_inner_decompressed_dp = cache_inner_decompressed_dp.map( - lambda x: _clean_files(full_filepath, x[0], x[1])) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + lambda x: _clean_files(full_filepath, x[0], x[1]) + ) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) return cache_inner_decompressed_dp @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) -def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de", "en")): +def IWSLT2017( + root=".data", split=("train", "valid", "test"), language_pair=("de", "en") +): """IWSLT2017 dataset The available datasets include following: @@ -150,27 +161,46 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de """ if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) valid_set = "dev2010" test_set = "tst2010" if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): - raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) + raise ValueError( + "language_pair must be list or tuple but got {} instead".format( + type(language_pair) + ) + ) - assert (len(language_pair) == 2), "language_pair must contain only 2 elements: src and tgt language respectively" + assert ( + len(language_pair) == 2 + ), "language_pair must contain only 2 elements: src and tgt language respectively" src_language, tgt_language = language_pair[0], language_pair[1] if src_language not in SUPPORTED_DATASETS["language_pair"]: - raise ValueError("src_language '{}' is not valid. Supported source languages are {}". - format(src_language, list(SUPPORTED_DATASETS["language_pair"]))) + raise ValueError( + "src_language '{}' is not valid. Supported source languages are {}".format( + src_language, list(SUPPORTED_DATASETS["language_pair"]) + ) + ) if tgt_language not in SUPPORTED_DATASETS["language_pair"][src_language]: - raise ValueError("tgt_language '{}' is not valid for give src_language '{}'. Supported target language are {}". - format(tgt_language, src_language, SUPPORTED_DATASETS["language_pair"][src_language])) - - file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split = _generate_iwslt_files_for_lang_and_split( + raise ValueError( + "tgt_language '{}' is not valid for give src_language '{}'. Supported target language are {}".format( + tgt_language, + src_language, + SUPPORTED_DATASETS["language_pair"][src_language], + ) + ) + + ( + file_path_by_lang_and_split, + uncleaned_filenames_by_lang_and_split, + ) = _generate_iwslt_files_for_lang_and_split( SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) @@ -178,10 +208,12 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, - hash_type="md5" + hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_compressed_dp = cache_compressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. Thus, @@ -190,32 +222,48 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de inner_iwslt_tar = os.path.join( root, os.path.splitext(_PATH)[0], - "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo.tgz" + "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo.tgz", ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: inner_iwslt_tar + ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar() - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) src_filename = file_path_by_lang_and_split[src_language][split] uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_src_filepath = os.path.join(root, os.path.splitext(_PATH)[0], "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", src_filename) + full_src_filepath = os.path.join( + root, + os.path.splitext(_PATH)[0], + "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", + src_filename, + ) - cache_inner_src_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_src_filepath, - uncleaned_src_filename) + cache_inner_src_decompressed_dp = _filter_clean_cache( + cache_decompressed_dp, full_src_filepath, uncleaned_src_filename + ) tgt_filename = file_path_by_lang_and_split[tgt_language][split] uncleaned_tgt_filename = uncleaned_filenames_by_lang_and_split[tgt_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_tgt_filepath = os.path.join(root, os.path.splitext(_PATH)[0], "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", tgt_filename) + full_tgt_filepath = os.path.join( + root, + os.path.splitext(_PATH)[0], + "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo", + tgt_filename, + ) - cache_inner_tgt_decompressed_dp = _filter_clean_cache(cache_decompressed_dp, full_tgt_filepath, - uncleaned_tgt_filename) + cache_inner_tgt_decompressed_dp = _filter_clean_cache( + cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename + ) tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="r") src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="r") diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index b1b5cd3a70..1afd416961 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -1,37 +1,38 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - -import os +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + + URL = { - 'train': r'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz', - 'valid': r'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz', - 'test': r'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/mmt16_task1_test.tar.gz', + "train": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", + "valid": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", + "test": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/mmt16_task1_test.tar.gz", } MD5 = { - 'train': '20140d013d05dd9a72dfde46478663ba05737ce983f478f960c1123c6671be5e', - 'valid': 'a7aa20e9ebd5ba5adce7909498b94410996040857154dab029851af3a866da8c', - 'test': '0681be16a532912288a91ddd573594fbdd57c0fbb81486eff7c55247e35326c2', + "train": "20140d013d05dd9a72dfde46478663ba05737ce983f478f960c1123c6671be5e", + "valid": "a7aa20e9ebd5ba5adce7909498b94410996040857154dab029851af3a866da8c", + "test": "0681be16a532912288a91ddd573594fbdd57c0fbb81486eff7c55247e35326c2", } _PREFIX = { - 'train': 'train', - 'valid': 'val', - 'test': 'test', + "train": "train", + "valid": "val", + "test": "test", } NUM_LINES = { - 'train': 29000, - 'valid': 1014, - 'test': 1000, + "train": 29000, + "valid": 1014, + "test": 1000, } DATASET_NAME = "Multi30k" @@ -39,7 +40,9 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) -def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ('de', 'en')): +def Multi30k( + root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ("de", "en") +): """Multi30k dataset Reference: http://www.statmt.org/wmt16/multimodal-task.html#task1 @@ -50,34 +53,59 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] language_pair: tuple or list containing src and tgt language. Available options are ('de','en') and ('en', 'de') """ - assert (len(language_pair) == 2), 'language_pair must contain only 2 elements: src and tgt language respectively' - assert (tuple(sorted(language_pair)) == ('de', 'en')), "language_pair must be either ('de','en') or ('en', 'de')" + assert ( + len(language_pair) == 2 + ), "language_pair must contain only 2 elements: src and tgt language respectively" + assert tuple(sorted(language_pair)) == ( + "de", + "en", + ), "language_pair must be either ('de','en') or ('en', 'de')" if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL[split]]) cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.basename(URL[split])), hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, - hash_type="sha256" + hash_type="sha256", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) src_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[0]}")) - src_cache_decompressed_dp = FileOpener(src_cache_decompressed_dp, mode="b").read_from_tar().filter( - lambda x: f"{_PREFIX[split]}.{language_pair[0]}" in x[0]) - src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[0]}") + ) + src_cache_decompressed_dp = ( + FileOpener(src_cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: f"{_PREFIX[split]}.{language_pair[0]}" in x[0]) + ) + src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) tgt_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[1]}")) - tgt_cache_decompressed_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").read_from_tar().filter( - lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) - tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[1]}") + ) + tgt_cache_decompressed_dp = ( + FileOpener(tgt_cache_decompressed_dp, mode="b") + .read_from_tar() + .filter(lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) + ) + tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) - src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=True) - tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").readlines(decode=True, return_path=False, strip_newline=True) + src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines( + decode=True, return_path=False, strip_newline=True + ) + tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").readlines( + decode=True, return_path=False, strip_newline=True + ) return src_data_dp.zip(tgt_data_dp) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 06d1f0401f..6727d99ce7 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -11,6 +11,7 @@ if is_module_available("torchdata"): from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { "train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index b5fdcc6160..1859232174 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -1,36 +1,36 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE" -MD5 = '0c1700ba70b73f964dd8de569d3fd03e' +MD5 = "0c1700ba70b73f964dd8de569d3fd03e" NUM_LINES = { - 'train': 450000, - 'test': 60000, + "train": 450000, + "test": 60000, } -_PATH = 'sogou_news_csv.tar.gz' +_PATH = "sogou_news_csv.tar.gz" _EXTRACTED_FILES = { - 'train': os.path.join('sogou_news_csv', 'train.csv'), - 'test': os.path.join('sogou_news_csv', 'test.csv'), + "train": os.path.join("sogou_news_csv", "train.csv"), + "test": os.path.join("sogou_news_csv", "test.csv"), } _EXTRACTED_FILES_MD5 = { - 'train': "f36156164e6eac2feda0e30ad857eef0", - 'test': "59e493c41cee050329446d8c45615b38" + "train": "f36156164e6eac2feda0e30ad857eef0", + "test": "59e493c41cee050329446d8c45615b38", } DATASET_NAME = "SogouNews" @@ -41,7 +41,9 @@ @_wrap_split_argument(("train", "test")) def SogouNews(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index b8452e37e1..afd452b395 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -1,30 +1,30 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { - 'train': "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", - 'dev': "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", + "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", + "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", } MD5 = { - 'train': "981b29407e0affa3b1b156f72073b945", - 'dev': "3e85deb501d4e538b6bc56f786231552", + "train": "981b29407e0affa3b1b156f72073b945", + "dev": "3e85deb501d4e538b6bc56f786231552", } NUM_LINES = { - 'train': 87599, - 'dev': 10570, + "train": 87599, + "dev": 10570, } @@ -36,7 +36,9 @@ @_wrap_split_argument(("train", "dev")) def SQuAD1(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 75beda497d..7a525bb955 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -1,30 +1,30 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { - 'train': "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", - 'dev': "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", + "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", + "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", } MD5 = { - 'train': "62108c273c268d70893182d5cf8df740", - 'dev': "246adae8b7002f8679c027697b0b7cf8", + "train": "62108c273c268d70893182d5cf8df740", + "dev": "246adae8b7002f8679c027697b0b7cf8", } NUM_LINES = { - 'train': 130319, - 'dev': 11873, + "train": 130319, + "dev": 11873, } @@ -33,10 +33,12 @@ @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'dev')) +@_wrap_split_argument(("train", "dev")) def SQuAD2(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 9f5e8c667e..fc5d63a050 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -1,32 +1,28 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + -URL = 'https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip' +URL = "https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip" -MD5 = 'bdcac7c52d934656bae1699541424545' +MD5 = "bdcac7c52d934656bae1699541424545" NUM_LINES = { - 'train': 12543, - 'valid': 2002, - 'test': 2077, + "train": 12543, + "valid": 2002, + "test": 2077, } -_EXTRACTED_FILES = { - "train": "train.txt", - "valid": "dev.txt", - "test": "test.txt" -} +_EXTRACTED_FILES = {"train": "train.txt", "valid": "dev.txt", "test": "test.txt"} DATASET_NAME = "UDPOS" @@ -37,21 +33,31 @@ @_wrap_split_argument(("train", "valid", "test")) def UDPOS(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.basename(URL)), hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, - hash_type="md5" + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter( - lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_zip() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) - data_dp = FileOpener(cache_decompressed_dp, mode='b') + data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(decode=True).read_iob() diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 5262728a20..973c55d008 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -1,41 +1,44 @@ -from torchtext._internal.module_utils import is_module_available - -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - import os +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -from typing import Union, Tuple -URL = 'https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip' +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + + +URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip" -MD5 = '9ddaacaf6af0710eda8c456decff7832' +MD5 = "9ddaacaf6af0710eda8c456decff7832" NUM_LINES = { - 'train': 1801350, - 'valid': 3760, - 'test': 4358, + "train": 1801350, + "valid": 3760, + "test": 4358, } DATASET_NAME = "WikiText103" _EXTRACTED_FILES = { - 'train': os.path.join('wikitext-103', 'wiki.train.tokens'), - 'test': os.path.join('wikitext-103', 'wiki.test.tokens'), - 'valid': os.path.join('wikitext-103', 'wiki.valid.tokens'), + "train": os.path.join("wikitext-103", "wiki.train.tokens"), + "test": os.path.join("wikitext-103", "wiki.test.tokens"), + "valid": os.path.join("wikitext-103", "wiki.valid.tokens"), } @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) +@_wrap_split_argument(("train", "valid", "test")) def WikiText103(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) # cache data on-disk cache_compressed_dp = url_dp.on_disk_cache( @@ -43,10 +46,20 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True + ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) # Extract zip and filter the appropriate split file - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode='b') + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_zip() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) + data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(strip_newline=False, decode=True, return_path=False) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index 8a43b4c7b4..f2eb278324 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -1,41 +1,44 @@ -from torchtext._internal.module_utils import is_module_available - -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - import os +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -from typing import Union, Tuple -URL = 'https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip' +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + + +URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip" -MD5 = '542ccefacc6c27f945fb54453812b3cd' +MD5 = "542ccefacc6c27f945fb54453812b3cd" NUM_LINES = { - 'train': 36718, - 'valid': 3760, - 'test': 4358, + "train": 36718, + "valid": 3760, + "test": 4358, } DATASET_NAME = "WikiText2" _EXTRACTED_FILES = { - 'train': os.path.join('wikitext-2', 'wiki.train.tokens'), - 'test': os.path.join('wikitext-2', 'wiki.test.tokens'), - 'valid': os.path.join('wikitext-2', 'wiki.valid.tokens'), + "train": os.path.join("wikitext-2", "wiki.train.tokens"), + "test": os.path.join("wikitext-2", "wiki.test.tokens"), + "valid": os.path.join("wikitext-2", "wiki.valid.tokens"), } @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) +@_wrap_split_argument(("train", "valid", "test")) def WikiText2(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) # cache data on-disk cache_compressed_dp = url_dp.on_disk_cache( @@ -43,10 +46,20 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True + ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) # Extract zip and filter the appropriate split file - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode='b') + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b") + .read_from_zip() + .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) + data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(strip_newline=False, decode=True, return_path=False) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 98a4824ed2..4ac6fc4ddb 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -1,33 +1,33 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU" -MD5 = 'f3f9899b997a42beb24157e62e3eea8d' +MD5 = "f3f9899b997a42beb24157e62e3eea8d" NUM_LINES = { - 'train': 1400000, - 'test': 60000, + "train": 1400000, + "test": 60000, } -_PATH = 'yahoo_answers_csv.tar.gz' +_PATH = "yahoo_answers_csv.tar.gz" DATASET_NAME = "YahooAnswers" _EXTRACTED_FILES = { - 'train': os.path.join('yahoo_answers_csv', 'train.csv'), - 'test': os.path.join('yahoo_answers_csv', 'test.csv'), + "train": os.path.join("yahoo_answers_csv", "train.csv"), + "test": os.path.join("yahoo_answers_csv", "test.csv"), } @@ -36,24 +36,32 @@ @_wrap_split_argument(("train", "test")) def YahooAnswers(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, - hash_type="md5" + hash_type="md5", + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.read_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_decompressed_dp.filter( + lambda x: _EXTRACTED_FILES[split] in x[0] + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) data_dp = FileOpener(cache_decompressed_dp, mode="b") diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 5258cd732c..0385d03033 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -1,33 +1,33 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0' -MD5 = 'f7ddfafed1033f68ec72b9267863af6c' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0" + +MD5 = "f7ddfafed1033f68ec72b9267863af6c" NUM_LINES = { - 'train': 650000, - 'test': 50000, + "train": 650000, + "test": 50000, } -_PATH = 'yelp_review_full_csv.tar.gz' +_PATH = "yelp_review_full_csv.tar.gz" DATASET_NAME = "YelpReviewFull" _EXTRACTED_FILES = { - 'train': os.path.join('yelp_review_full_csv', 'train.csv'), - 'test': os.path.join('yelp_review_full_csv', 'test.csv'), + "train": os.path.join("yelp_review_full_csv", "train.csv"), + "test": os.path.join("yelp_review_full_csv", "test.csv"), } @@ -36,21 +36,32 @@ @_wrap_split_argument(("train", "test")) def YelpReviewFull(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5" + hash_dict={os.path.join(root, _PATH): MD5}, + hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_compressed_dp = cache_compressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split])) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) + ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter( + lambda x: _EXTRACTED_FILES[split] in x[0] + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 3d50dd592d..4ef26e82fd 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -1,33 +1,33 @@ -from torchtext._internal.module_utils import is_module_available +import os from typing import Union, Tuple -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _add_docstring_header, _create_dataset_directory, ) -import os +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper + -URL = 'https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg' +URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg" -MD5 = '620c8ae4bd5a150b730f1ba9a7c6a4d3' +MD5 = "620c8ae4bd5a150b730f1ba9a7c6a4d3" NUM_LINES = { - 'train': 560000, - 'test': 38000, + "train": 560000, + "test": 38000, } -_PATH = 'yelp_review_polarity_csv.tar.gz' +_PATH = "yelp_review_polarity_csv.tar.gz" DATASET_NAME = "YelpReviewPolarity" _EXTRACTED_FILES = { - 'train': os.path.join('yelp_review_polarity_csv', 'train.csv'), - 'test': os.path.join('yelp_review_polarity_csv', 'test.csv'), + "train": os.path.join("yelp_review_polarity_csv", "train.csv"), + "test": os.path.join("yelp_review_polarity_csv", "test.csv"), } @@ -36,16 +36,20 @@ @_wrap_split_argument(("train", "test")) def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): - raise ModuleNotFoundError("Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`") + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _PATH), hash_dict={os.path.join(root, _PATH): MD5}, - hash_type="md5" + hash_type="md5", + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( + mode="wb", same_filepath_fn=True ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) @@ -54,8 +58,12 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.read_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp = cache_decompressed_dp.filter( + lambda x: _EXTRACTED_FILES[split] in x[0] + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", same_filepath_fn=True + ) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) From e710e3a45d64d09d38b3096afba8c30f1c1e9cb6 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 10 Feb 2022 21:56:05 -0800 Subject: [PATCH 154/463] [FORMATTING] Update formatting for dataset tests (#1601) * Parameterized amazon dataset tests * Renamed squad test for consistency * Deleted YelpReviewFull test since it's already parameterized * Updated formatting for datasets Co-authored-by: nayef211 --- test/datasets/test_cc100.py | 7 +- test/datasets/test_conll2000chunking.py | 22 ++++-- test/datasets/test_enwik9.py | 10 +-- test/datasets/test_iwslt2016.py | 92 ++++++++++++++++++------- test/datasets/test_iwslt2017.py | 71 +++++++++++++------ test/datasets/test_multi30k.py | 18 +++-- test/datasets/test_sogounews.py | 4 +- test/datasets/test_udpos.py | 21 ++++-- test/datasets/test_wikitexts.py | 8 ++- test/datasets/test_yelpreviews.py | 8 ++- 10 files changed, 184 insertions(+), 77 deletions(-) diff --git a/test/datasets/test_cc100.py b/test/datasets/test_cc100.py index ef7731738a..978d447f67 100644 --- a/test/datasets/test_cc100.py +++ b/test/datasets/test_cc100.py @@ -1,18 +1,17 @@ +import lzma import os import random import string -import lzma -from parameterized import parameterized from collections import defaultdict from unittest.mock import patch +from parameterized import parameterized from torchtext.datasets import CC100 +from torchtext.datasets.cc100 import VALID_CODES from ..common.case_utils import TempDirMixin, zip_equal from ..common.torchtext_test_case import TorchtextTestCase -from torchtext.datasets.cc100 import VALID_CODES - def _get_mock_dataset(root_dir): """ diff --git a/test/datasets/test_conll2000chunking.py b/test/datasets/test_conll2000chunking.py index cfbfe730ea..29ae228ba2 100644 --- a/test/datasets/test_conll2000chunking.py +++ b/test/datasets/test_conll2000chunking.py @@ -1,7 +1,7 @@ +import gzip import os import random import string -import gzip from collections import defaultdict from unittest.mock import patch @@ -27,11 +27,19 @@ def _get_mock_dataset(root_dir): mocked_lines = mocked_data[os.path.splitext(file_name)[0]] with open(txt_file, "w") as f: for i in range(5): - rand_strings = [random.choice(string.ascii_letters) for i in range(seed)] - rand_label_1 = [random.choice(string.ascii_letters) for i in range(seed)] - rand_label_2 = [random.choice(string.ascii_letters) for i in range(seed)] + rand_strings = [ + random.choice(string.ascii_letters) for i in range(seed) + ] + rand_label_1 = [ + random.choice(string.ascii_letters) for i in range(seed) + ] + rand_label_2 = [ + random.choice(string.ascii_letters) for i in range(seed) + ] # one token per line (each sample ends with an extra \n) - for rand_string, label_1, label_2 in zip(rand_strings, rand_label_1, rand_label_2): + for rand_string, label_1, label_2 in zip( + rand_strings, rand_label_1, rand_label_2 + ): f.write(f"{rand_string} {label_1} {label_2}\n") f.write("\n") dataset_line = (rand_strings, rand_label_1, rand_label_2) @@ -41,7 +49,9 @@ def _get_mock_dataset(root_dir): # create gz file from dataset folder compressed_dataset_path = os.path.join(base_dir, f"{file_name}.gz") - with gzip.open(compressed_dataset_path, "wb") as gz_file, open(txt_file, "rb") as file_in: + with gzip.open(compressed_dataset_path, "wb") as gz_file, open( + txt_file, "rb" + ) as file_in: gz_file.writelines(file_in) return mocked_data diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py index 16fe349bee..71854c4070 100644 --- a/test/datasets/test_enwik9.py +++ b/test/datasets/test_enwik9.py @@ -24,10 +24,12 @@ def _get_mock_dataset(root_dir): mocked_data = [] with open(txt_file, "w") as f: for i in range(5): - rand_string = "<" + " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + ">" - dataset_line = (f"'{rand_string}'") + rand_string = ( + "<" + + " ".join(random.choice(string.ascii_letters) for i in range(seed)) + + ">" + ) + dataset_line = f"'{rand_string}'" f.write(f"'{rand_string}'\n") # append line to correct dataset split diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py index f2e71e8595..03b681f6f1 100644 --- a/test/datasets/test_iwslt2016.py +++ b/test/datasets/test_iwslt2016.py @@ -1,23 +1,34 @@ +import itertools import os import random import shutil import string import tarfile -import itertools import tempfile from collections import defaultdict from unittest.mock import patch from parameterized import parameterized -from torchtext.datasets.iwslt2016 import DATASET_NAME, IWSLT2016, SUPPORTED_DATASETS, SET_NOT_EXISTS from torchtext.data.datasets_utils import _generate_iwslt_files_for_lang_and_split +from torchtext.datasets.iwslt2016 import ( + DATASET_NAME, + IWSLT2016, + SUPPORTED_DATASETS, + SET_NOT_EXISTS, +) from ..common.case_utils import zip_equal from ..common.torchtext_test_case import TorchtextTestCase -SUPPORTED_LANGPAIRS = [(k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v] +SUPPORTED_LANGPAIRS = [ + (k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v +] SUPPORTED_DEVTEST_SPLITS = SUPPORTED_DATASETS["valid_test"] -DEV_TEST_SPLITS = [(dev, test) for dev, test in itertools.product(SUPPORTED_DEVTEST_SPLITS, repeat=2) if dev != test] +DEV_TEST_SPLITS = [ + (dev, test) + for dev, test in itertools.product(SUPPORTED_DEVTEST_SPLITS, repeat=2) + if dev != test +] def _generate_uncleaned_train(): @@ -25,13 +36,19 @@ def _generate_uncleaned_train(): file_contents = [] examples = [] xml_tags = [ - ' en) lang = os.path.splitext(unclean_file_name)[1][1:] @@ -144,20 +163,31 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - @parameterized.expand([ - (split, src, tgt, dev_set, test_set) - for split in ("train", "valid", "test") - for dev_set, test_set in DEV_TEST_SPLITS - for src, tgt in SUPPORTED_LANGPAIRS - if (dev_set not in SET_NOT_EXISTS[(src, tgt)] and test_set not in SET_NOT_EXISTS[(src, tgt)]) - ]) + @parameterized.expand( + [ + (split, src, tgt, dev_set, test_set) + for split in ("train", "valid", "test") + for dev_set, test_set in DEV_TEST_SPLITS + for src, tgt in SUPPORTED_LANGPAIRS + if ( + dev_set not in SET_NOT_EXISTS[(src, tgt)] + and test_set not in SET_NOT_EXISTS[(src, tgt)] + ) + ] + ) def test_iwslt2016(self, split, src, tgt, dev_set, test_set): with tempfile.TemporaryDirectory() as root_dir: - expected_samples = _get_mock_dataset(root_dir, split, src, tgt, dev_set, test_set) + expected_samples = _get_mock_dataset( + root_dir, split, src, tgt, dev_set, test_set + ) dataset = IWSLT2016( - root=root_dir, split=split, language_pair=(src, tgt), valid_set=dev_set, test_set=test_set + root=root_dir, + split=split, + language_pair=(src, tgt), + valid_set=dev_set, + test_set=test_set, ) samples = list(dataset) @@ -171,9 +201,23 @@ def test_iwslt2016_split_argument(self, split): language_pair = ("de", "en") valid_set = "tst2013" test_set = "tst2014" - _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) - dataset1 = IWSLT2016(root=root_dir, split=split, language_pair=language_pair, valid_set=valid_set, test_set=test_set) - (dataset2,) = IWSLT2016(root=root_dir, split=(split,), language_pair=language_pair, valid_set=valid_set, test_set=test_set) + _ = _get_mock_dataset( + root_dir, split, language_pair[0], language_pair[1], valid_set, test_set + ) + dataset1 = IWSLT2016( + root=root_dir, + split=split, + language_pair=language_pair, + valid_set=valid_set, + test_set=test_set, + ) + (dataset2,) = IWSLT2016( + root=root_dir, + split=(split,), + language_pair=language_pair, + valid_set=valid_set, + test_set=test_set, + ) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) diff --git a/test/datasets/test_iwslt2017.py b/test/datasets/test_iwslt2017.py index e5595821b0..375ca4525d 100644 --- a/test/datasets/test_iwslt2017.py +++ b/test/datasets/test_iwslt2017.py @@ -8,13 +8,20 @@ from unittest.mock import patch from parameterized import parameterized -from torchtext.datasets.iwslt2017 import DATASET_NAME, IWSLT2017, SUPPORTED_DATASETS, _PATH from torchtext.data.datasets_utils import _generate_iwslt_files_for_lang_and_split +from torchtext.datasets.iwslt2017 import ( + DATASET_NAME, + IWSLT2017, + SUPPORTED_DATASETS, + _PATH, +) from ..common.case_utils import zip_equal from ..common.torchtext_test_case import TorchtextTestCase -SUPPORTED_LANGPAIRS = [(k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v] +SUPPORTED_LANGPAIRS = [ + (k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v +] def _generate_uncleaned_train(): @@ -22,13 +29,19 @@ def _generate_uncleaned_train(): file_contents = [] examples = [] xml_tags = [ - ' en) lang = os.path.splitext(unclean_file_name)[1][1:] @@ -141,15 +160,19 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - @parameterized.expand([ - (split, src, tgt) - for split in ("train", "valid", "test") - for src, tgt in SUPPORTED_LANGPAIRS - ]) + @parameterized.expand( + [ + (split, src, tgt) + for split in ("train", "valid", "test") + for src, tgt in SUPPORTED_LANGPAIRS + ] + ) def test_iwslt2017(self, split, src, tgt): with tempfile.TemporaryDirectory() as root_dir: - expected_samples = _get_mock_dataset(root_dir, split, src, tgt, "dev2010", "tst2010") + expected_samples = _get_mock_dataset( + root_dir, split, src, tgt, "dev2010", "tst2010" + ) dataset = IWSLT2017(root=root_dir, split=split, language_pair=(src, tgt)) @@ -164,9 +187,15 @@ def test_iwslt2017_split_argument(self, split): language_pair = ("de", "en") valid_set = "dev2010" test_set = "tst2010" - _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) - dataset1 = IWSLT2017(root=root_dir, split=split, language_pair=language_pair) - (dataset2,) = IWSLT2017(root=root_dir, split=(split,), language_pair=language_pair) + _ = _get_mock_dataset( + root_dir, split, language_pair[0], language_pair[1], valid_set, test_set + ) + dataset1 = IWSLT2017( + root=root_dir, split=split, language_pair=language_pair + ) + (dataset2,) = IWSLT2017( + root=root_dir, split=(split,), language_pair=language_pair + ) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) diff --git a/test/datasets/test_multi30k.py b/test/datasets/test_multi30k.py index 6782a21753..d0e9e96c04 100644 --- a/test/datasets/test_multi30k.py +++ b/test/datasets/test_multi30k.py @@ -5,10 +5,10 @@ from collections import defaultdict from unittest.mock import patch -from ..common.parameterized_utils import nested_params from torchtext.datasets import Multi30k from ..common.case_utils import TempDirMixin, zip_equal +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -68,14 +68,24 @@ def test_multi30k(self, split, language_pair): if split == "valid": split = "val" samples = list(dataset) - expected_samples = [(d1, d2) for d1, d2 in zip(self.samples[f'{split}.{language_pair[0]}'], self.samples[f'{split}.{language_pair[1]}'])] + expected_samples = [ + (d1, d2) + for d1, d2 in zip( + self.samples[f"{split}.{language_pair[0]}"], + self.samples[f"{split}.{language_pair[1]}"], + ) + ] for sample, expected_sample in zip_equal(samples, expected_samples): self.assertEqual(sample, expected_sample) @nested_params(["train", "valid", "test"], [("de", "en"), ("en", "de")]) def test_multi30k_split_argument(self, split, language_pair): - dataset1 = Multi30k(root=self.root_dir, split=split, language_pair=language_pair) - (dataset2,) = Multi30k(root=self.root_dir, split=(split,), language_pair=language_pair) + dataset1 = Multi30k( + root=self.root_dir, split=split, language_pair=language_pair + ) + (dataset2,) = Multi30k( + root=self.root_dir, split=(split,), language_pair=language_pair + ) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) diff --git a/test/datasets/test_sogounews.py b/test/datasets/test_sogounews.py index b0c06b4e35..95b53f87f1 100644 --- a/test/datasets/test_sogounews.py +++ b/test/datasets/test_sogounews.py @@ -36,9 +36,7 @@ def _get_mock_dataset(root_dir): f.write(f'"{label}","{rand_string}","{rand_string}"\n') seed += 1 - compressed_dataset_path = os.path.join( - base_dir, "sogou_news_csv.tar.gz" - ) + compressed_dataset_path = os.path.join(base_dir, "sogou_news_csv.tar.gz") # create tar file from dataset folder with tarfile.open(compressed_dataset_path, "w:gz") as tar: tar.add(temp_dataset_dir, arcname="sogou_news_csv") diff --git a/test/datasets/test_udpos.py b/test/datasets/test_udpos.py index b66a6c681d..455a7cc019 100644 --- a/test/datasets/test_udpos.py +++ b/test/datasets/test_udpos.py @@ -27,11 +27,20 @@ def _get_mock_dataset(root_dir): mocked_lines = mocked_data[os.path.splitext(file_name)[0]] with open(txt_file, "w") as f: for i in range(5): - rand_strings = ["".join(random.sample(string.ascii_letters, random.randint(1, 10))) for i in range(seed)] - rand_label_1 = [random.choice(string.ascii_letters) for i in range(seed)] - rand_label_2 = [random.choice(string.ascii_letters) for i in range(seed)] + rand_strings = [ + "".join(random.sample(string.ascii_letters, random.randint(1, 10))) + for i in range(seed) + ] + rand_label_1 = [ + random.choice(string.ascii_letters) for i in range(seed) + ] + rand_label_2 = [ + random.choice(string.ascii_letters) for i in range(seed) + ] # one token per line (each sample ends with an extra \n) - for rand_string, label_1, label_2 in zip(rand_strings, rand_label_1, rand_label_2): + for rand_string, label_1, label_2 in zip( + rand_strings, rand_label_1, rand_label_2 + ): f.write(f"{rand_string}\t{label_1}\t{label_2}\n") f.write("\n") dataset_line = (rand_strings, rand_label_1, rand_label_2) @@ -73,7 +82,9 @@ def tearDownClass(cls): def test_udpos(self, split): dataset = UDPOS(root=self.root_dir, split=split) samples = list(dataset) - expected_samples = self.samples[split] if split != "valid" else self.samples["dev"] + expected_samples = ( + self.samples[split] if split != "valid" else self.samples["dev"] + ) for sample, expected_sample in zip_equal(samples, expected_samples): self.assertEqual(sample, expected_sample) diff --git a/test/datasets/test_wikitexts.py b/test/datasets/test_wikitexts.py index 616c98f472..36c26db027 100644 --- a/test/datasets/test_wikitexts.py +++ b/test/datasets/test_wikitexts.py @@ -5,11 +5,11 @@ from collections import defaultdict from unittest.mock import patch -from ..common.parameterized_utils import nested_params from torchtext.datasets.wikitext103 import WikiText103 from torchtext.datasets.wikitext2 import WikiText2 from ..common.case_utils import TempDirMixin, zip_equal +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -34,7 +34,7 @@ def _get_mock_dataset(root_dir, base_dir_name): random.choice(string.ascii_letters) for i in range(seed) ) dataset_line = rand_string - f.write(f'{rand_string}\n') + f.write(f"{rand_string}\n") # append line to correct dataset split mocked_lines.append(dataset_line) @@ -75,7 +75,9 @@ def tearDownClass(cls): @nested_params([WikiText103, WikiText2], ["train", "valid", "test"]) def test_wikitexts(self, wikitext_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=wikitext_dataset.__name__)[split] + expected_samples = _get_mock_dataset( + self.root_dir, base_dir_name=wikitext_dataset.__name__ + )[split] dataset = wikitext_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_yelpreviews.py b/test/datasets/test_yelpreviews.py index 241b52b7fa..3f4ccde54f 100644 --- a/test/datasets/test_yelpreviews.py +++ b/test/datasets/test_yelpreviews.py @@ -5,11 +5,11 @@ from collections import defaultdict from unittest.mock import patch -from ..common.parameterized_utils import nested_params -from torchtext.datasets.yelpreviewpolarity import YelpReviewPolarity from torchtext.datasets.yelpreviewfull import YelpReviewFull +from torchtext.datasets.yelpreviewpolarity import YelpReviewPolarity from ..common.case_utils import TempDirMixin, zip_equal +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -76,7 +76,9 @@ def tearDownClass(cls): @nested_params([YelpReviewPolarity, YelpReviewFull], ["train", "test"]) def test_yelpreviews(self, yelp_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=yelp_dataset.__name__)[split] + expected_samples = _get_mock_dataset( + self.root_dir, base_dir_name=yelp_dataset.__name__ + )[split] dataset = yelp_dataset(root=self.root_dir, split=split) samples = list(dataset) From eb61b3fb1c586c45eda049590045303c91206515 Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 11 Feb 2022 09:33:18 -0500 Subject: [PATCH 155/463] Update docs for Machine Translation, Sequence Tagging, Question Answer, Unsupervised Learning datasets (#1597) --- torchtext/datasets/conll2000chunking.py | 19 +++++++++++++++++-- torchtext/datasets/enwik9.py | 7 ++++++- torchtext/datasets/iwslt2016.py | 8 ++++++-- torchtext/datasets/iwslt2017.py | 11 +++++++---- torchtext/datasets/multi30k.py | 7 +++++-- torchtext/datasets/squad1.py | 19 +++++++++++++++++-- torchtext/datasets/squad2.py | 19 +++++++++++++++++-- torchtext/datasets/udpos.py | 18 ++++++++++++++++-- 8 files changed, 91 insertions(+), 17 deletions(-) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index b4ecb56cfc..3f6540aacd 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -32,10 +31,26 @@ DATASET_NAME = "CoNLL2000Chunking" -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): + """CoNLL2000Chunking Dataset + + For additional details refer to https://www.clips.uantwerpen.be/conll2000/chunking/ + + Number of lines per split: + train: 8936 + + test: 2012 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields list of words along with corresponding Parts-of-speech tag and chunk tag + :rtype: [list(str), list(str), list(str)] + """ + if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 4f4f98d6d5..ff2b4c6874 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -22,10 +22,15 @@ def EnWik9(root: str): """EnWik9 dataset + For additional details refer to http://mattmahoney.net/dc/textdata.html + Number of lines in dataset: 13147026 Args: - root: Directory where the datasets are saved. Default: ".data" + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + + :returns: DataPipe that yields raw text rows from WnWik9 dataset + :rtype: str """ if not is_module_available("torchdata"): raise ModuleNotFoundError( diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 7123d68449..af39ee84d1 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -153,6 +153,8 @@ def IWSLT2016( ): """IWSLT2016 dataset + For additional details refer to https://wit3.fbk.eu/2016-01 + The available datasets include following: **Language pairs**: @@ -173,15 +175,17 @@ def IWSLT2016( **valid/test sets**: ["dev2010", "tst2010", "tst2011", "tst2012", "tst2013", "tst2014"] - For additional details refer to source website: https://wit3.fbk.eu/2016-01 Args: - root: Directory where the datasets are saved. Default: ".data" + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') split: split or splits to be returned. Can be a string or tuple of strings. Default: (‘train’, ‘valid’, ‘test’) language_pair: tuple or list containing src and tgt language valid_set: a string to identify validation set. test_set: a string to identify test set. + :return: DataPipe that yields tuple of source and target sentences + :rtype: (str, str) + Examples: >>> from torchtext.datasets import IWSLT2016 >>> train_iter, valid_iter, test_iter = IWSLT2016() diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index e08fbf55bb..d5f95f5c53 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -128,6 +128,8 @@ def IWSLT2017( ): """IWSLT2017 dataset + For additional details refer to https://wit3.fbk.eu/2017-01 + The available datasets include following: **Language pairs**: @@ -147,17 +149,18 @@ def IWSLT2017( +-----+-----+-----+-----+-----+-----+ - For additional details refer to source website: https://wit3.fbk.eu/2017-01 - Args: - root: Directory where the datasets are saved. Default: ".data" + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') split: split or splits to be returned. Can be a string or tuple of strings. Default: (‘train’, ‘valid’, ‘test’) language_pair: tuple or list containing src and tgt language + :return: DataPipe that yields tuple of source and target sentences + :rtype: (str, str) + Examples: >>> from torchtext.datasets import IWSLT2017 >>> train_iter, valid_iter, test_iter = IWSLT2017() - >>> src_sentence, tgt_sentence = next(train_iter) + >>> src_sentence, tgt_sentence = next(iter(train_iter)) """ if not is_module_available("torchdata"): diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 1afd416961..12519b1679 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -45,12 +45,15 @@ def Multi30k( ): """Multi30k dataset - Reference: http://www.statmt.org/wmt16/multimodal-task.html#task1 + For additional details refer to https://www.statmt.org/wmt16/multimodal-task.html#task1 Args: - root: Directory where the datasets are saved. Default: ".data" + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') split: split or splits to be returned. Can be a string or tuple of strings. Default: ('train', 'valid', 'test') language_pair: tuple or list containing src and tgt language. Available options are ('de','en') and ('en', 'de') + + :return: DataPipe that yields tuple of source and target sentences + :rtype: (str, str) """ assert ( diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index afd452b395..0573395493 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,26 @@ DATASET_NAME = "SQuAD1" -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev")) def SQuAD1(root: str, split: Union[Tuple[str], str]): + """SQuAD1 Dataset + + For additional details refer to https://rajpurkar.github.io/SQuAD-explorer/ + + Number of lines per split: + train: 87599 + + Dev: 10570 + + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`) + + :returns: DataPipe that yields data points from SQuaAD1 dataset which consist of context, question, list of answers and corresponding index in context + :rtype: (str, str, list(str), list(int)) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 7a525bb955..e8549dfd23 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,26 @@ DATASET_NAME = "SQuAD2" -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev")) def SQuAD2(root: str, split: Union[Tuple[str], str]): + """SQuAD2 Dataset + + For additional details refer to https://rajpurkar.github.io/SQuAD-explorer/ + + Number of lines per split: + train: 130319 + + Dev: 11873 + + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`) + + :returns: DataPipe that yields data points from SQuaAD1 dataset which consist of context, question, list of answers and corresponding index in context + :rtype: (str, str, list(str), list(int)) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index fc5d63a050..c2aef3c530 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -28,10 +27,25 @@ DATASET_NAME = "UDPOS" -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def UDPOS(root: str, split: Union[Tuple[str], str]): + """UDPOS Dataset + + Number of lines per split: + train: 12543 + + valid: 2002 + + test: 2077 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `valid`, `test`) + + :returns: DataPipe that yields list of words along with corresponding parts-of-speech tags + :rtype: [list(str), list(str)] + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" From f6830c5d7fcb6fb77b97da4aedf4f5dcd4b93c26 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 11 Feb 2022 14:43:08 -0800 Subject: [PATCH 156/463] [DOCS] Added docs for text classification and language modeling datasets (#1603) * Added docs for datasets * Added new line after args * Updated splits to list Co-authored-by: nayef211 --- torchtext/datasets/ag_news.py | 17 +++++++++++++++-- torchtext/datasets/amazonreviewfull.py | 17 +++++++++++++++-- torchtext/datasets/amazonreviewpolarity.py | 15 +++++++++++++++ torchtext/datasets/dbpedia.py | 17 +++++++++++++++-- torchtext/datasets/imdb.py | 17 +++++++++++++++-- torchtext/datasets/penntreebank.py | 18 ++++++++++++++++-- torchtext/datasets/sogounews.py | 17 +++++++++++++++-- torchtext/datasets/wikitext103.py | 18 ++++++++++++++++-- torchtext/datasets/wikitext2.py | 18 ++++++++++++++++-- torchtext/datasets/yahooanswers.py | 18 ++++++++++++++++-- torchtext/datasets/yelpreviewfull.py | 17 +++++++++++++++-- torchtext/datasets/yelpreviewpolarity.py | 17 +++++++++++++++-- 12 files changed, 184 insertions(+), 22 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 09d606c04f..1416f372b3 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -30,10 +29,24 @@ DATASET_NAME = "AG_NEWS" -@_add_docstring_header(num_lines=NUM_LINES, num_classes=4) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AG_NEWS(root: str, split: Union[Tuple[str], str]): + """AG_NEWS Dataset + + For additional details refer to https://paperswithcode.com/dataset/ag-news + + Number of lines per split: + - train: 120000 + - test: 7600 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 4) and text + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 8375b1ce21..5c2f35e1e7 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -36,10 +35,24 @@ DATASET_NAME = "AmazonReviewFull" -@_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): + """AmazonReviewFull Dataset + + For additional details refer to https://arxiv.org/abs/1509.01626 + + Number of lines per split: + - train: 3000000 + - test: 650000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 5) and text containing the review title and text + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 990f7929ce..a3c273038e 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -36,6 +36,21 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): + """AmazonReviewPolarity Dataset + + For additional details refer to https://arxiv.org/abs/1509.01626 + + Number of lines per split: + - train: 3600000 + - test: 400000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 2) and text containing the review title and text + :rtype: (int, str) + """ # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 8b92e3b481..1d96c75990 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,24 @@ DATASET_NAME = "DBpedia" -@_add_docstring_header(num_lines=NUM_LINES, num_classes=14) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def DBpedia(root: str, split: Union[Tuple[str], str]): + """DBpedia Dataset + + For additional details refer to https://www.dbpedia.org/resources/latest-core/ + + Number of lines per split: + - train: 560000 + - test: 70000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 14) and text containing the news title and contents + :rtype: (int, str) + """ # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 028d9a82f7..cf06b9b08b 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -3,7 +3,6 @@ from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available -from torchtext.data.datasets_utils import _add_docstring_header from torchtext.data.datasets_utils import _create_dataset_directory from torchtext.data.datasets_utils import _wrap_split_argument @@ -25,10 +24,24 @@ DATASET_NAME = "IMDB" -@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def IMDB(root: str, split: Union[Tuple[str], str]): + """IMDB Dataset + + For additional details refer to http://ai.stanford.edu/~amaas/data/sentiment/ + + Number of lines per split: + - train: 25000 + - test: 25000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 2) and text containing the movie review + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 6727d99ce7..9da238b8ec 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -33,10 +32,25 @@ DATASET_NAME = "PennTreebank" -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def PennTreebank(root, split: Union[Tuple[str], str]): + """PennTreebank Dataset + + For additional details refer to https://catalog.ldc.upenn.edu/docs/LDC95T7/cl93.html + + Number of lines per split: + - train: 42068 + - valid: 3370 + - test: 3761 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `valid`, `test`) + + :returns: DataPipe that yields text from the Treebank corpus + :rtype: str + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 1859232174..22a2538c21 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -36,10 +35,24 @@ DATASET_NAME = "SogouNews" -@_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def SogouNews(root: str, split: Union[Tuple[str], str]): + """SogouNews Dataset + + For additional details refer to https://arxiv.org/abs/1509.01626 + + Number of lines per split: + - train: 450000 + - test: 60000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 5) and text containing the news title and contents + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 973c55d008..87fd7f0055 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,25 @@ } -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def WikiText103(root: str, split: Union[Tuple[str], str]): + """WikiText103 Dataset + + For additional details refer to https://blog.salesforceairesearch.com/the-wikitext-long-term-dependency-language-modeling-dataset/ + + Number of lines per split: + - train: 1801350 + - valid: 3760 + - test: 4358 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `valid`, `test`) + + :returns: DataPipe that yields text from Wikipedia articles + :rtype: str + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index f2eb278324..6d2105ffcc 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,25 @@ } -@_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def WikiText2(root: str, split: Union[Tuple[str], str]): + """WikiText2 Dataset + + For additional details refer to https://blog.salesforceairesearch.com/the-wikitext-long-term-dependency-language-modeling-dataset/ + + Number of lines per split: + - train: 36718 + - valid: 3760 + - test: 4358 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `valid`, `test`) + + :returns: DataPipe that yields text from Wikipedia articles + :rtype: str + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 4ac6fc4ddb..5fc7585835 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,25 @@ } -@_add_docstring_header(num_lines=NUM_LINES, num_classes=10) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def YahooAnswers(root: str, split: Union[Tuple[str], str]): + """YahooAnswers Dataset + + For additional details refer to https://arxiv.org/abs/1509.01626 + + Number of lines per split: + - train: 1400000 + - test: 60000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 10) and text containing the question title, question + content, and best answer + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 0385d03033..b27920769b 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,24 @@ } -@_add_docstring_header(num_lines=NUM_LINES, num_classes=5) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def YelpReviewFull(root: str, split: Union[Tuple[str], str]): + """YelpReviewFull Dataset + + For additional details refer to https://arxiv.org/abs/1509.01626 + + Number of lines per split: + - train: 650000 + - test: 50000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 5) and text containing the review + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 4ef26e82fd..33c8ff6827 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -31,10 +30,24 @@ } -@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): + """YelpReviewPolarity Dataset + + For additional details refer to https://arxiv.org/abs/1509.01626 + + Number of lines per split: + - train: 560000 + - test: 38000 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields tuple of label (1 to 2) and text containing the review + :rtype: (int, str) + """ if not is_module_available("torchdata"): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" From d40c375cf1af79785a46b7c4ad1a9976f2c8275d Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 11 Feb 2022 19:50:55 -0500 Subject: [PATCH 157/463] remove private functions whose responsibilities have been subsumed by datapipes. TODO: migrate WMT14 to remove remaining private dataset utils. (#1564) * remove private functions whose responsibilities have been subsumed by datapipes. * remove unused imports. --- torchtext/data/datasets_utils.py | 80 -------------------------------- 1 file changed, 80 deletions(-) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 521ddf8c86..0f83be18ab 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -2,13 +2,11 @@ import inspect import os import io -import json import torch from torchtext.utils import ( validate_file, download_from_url, extract_archive, - unicode_csv_reader, ) from torch.utils.data import functional_datapipe, IterDataPipe from torch.utils.data.datapipes.utils.common import StreamWrapper @@ -25,15 +23,6 @@ """ -def _clean_xml_file(f_xml): - f_txt = os.path.splitext(f_xml)[0] - with codecs.open(f_txt, mode='w', encoding='utf-8') as fd_txt: - root = ET.parse(f_xml).getroot()[0] - for doc in root.findall('doc'): - for e in doc.findall('seg'): - fd_txt.write(e.text.strip() + '\n') - - def _clean_inner_xml_file(outfile, stream): """Accepts an output filename and a stream of the byte contents of an XML file and writes the cleaned contents to a new file on disk. @@ -53,23 +42,6 @@ def _clean_inner_xml_file(outfile, stream): return outfile, StreamWrapper(open(outfile, "rb")) -def _clean_tags_file(f_orig): - xml_tags = [ - ' 0: - yield columns - - def _read_text_iterator(path): with io.open(path, encoding="utf8") as f: for row in f: yield row -def _create_data_from_csv(data_path): - with io.open(data_path, encoding="utf8") as f: - reader = unicode_csv_reader(f) - for row in reader: - yield int(row[0]), ' '.join(row[1:]) - - def _check_default_set(split, target_select, dataset_name): # Check whether given object split is either a tuple of strings or string # and represents a valid selection of options given by the tuple of strings @@ -194,17 +125,6 @@ def _wrap_datasets(datasets, split): return datasets -def _find_match(match, lst): - """ - Searches list of strings and returns first entry that partially or fully - contains the given string match. - """ - for element in lst: - if match in element: - return element - return None - - def _dataset_docstring_header(fn, num_lines=None, num_classes=None): """ Returns docstring for a dataset based on function arguments. From 2e93d947a273d165ba99048d603739b56acb5025 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Fri, 11 Feb 2022 21:03:43 -0500 Subject: [PATCH 158/463] generate unicode strings to test utf-8 handling for all non-IWSLT dataset tests. (#1599) --- test/common/case_utils.py | 25 +++++++++++++++++++++++++ test/datasets/test_agnews.py | 10 +++------- test/datasets/test_amazonreviews.py | 11 ++++------- test/datasets/test_cc100.py | 12 ++++-------- test/datasets/test_conll2000chunking.py | 20 ++++++-------------- test/datasets/test_dbpedia.py | 10 +++------- test/datasets/test_enwik9.py | 12 +++--------- test/datasets/test_imdb.py | 10 +++------- test/datasets/test_multi30k.py | 10 +++------- test/datasets/test_penntreebank.py | 10 +++------- test/datasets/test_sogounews.py | 10 +++------- test/datasets/test_squads.py | 8 +++----- test/datasets/test_sst2.py | 10 +++------- test/datasets/test_udpos.py | 19 +++++-------------- test/datasets/test_wikitexts.py | 10 +++------- test/datasets/test_yahooanswers.py | 10 +++------- test/datasets/test_yelpreviews.py | 10 +++------- torchtext/datasets/ag_news.py | 3 ++- torchtext/datasets/cc100.py | 3 ++- torchtext/datasets/imdb.py | 9 ++++++--- torchtext/datasets/iwslt2016.py | 9 +++++---- torchtext/datasets/iwslt2017.py | 9 +++++---- torchtext/datasets/penntreebank.py | 6 ++++-- 23 files changed, 104 insertions(+), 142 deletions(-) diff --git a/test/common/case_utils.py b/test/common/case_utils.py index 9a9340fbff..4e8ae970f9 100644 --- a/test/common/case_utils.py +++ b/test/common/case_utils.py @@ -1,3 +1,4 @@ +import random import os.path import tempfile import unittest @@ -53,3 +54,27 @@ def zip_equal(*iterables): if sentinel in combo: raise ValueError("Iterables have different lengths") yield combo + + +def get_random_unicode(length): + # taken from https://stackoverflow.com/a/21666621/2883245 + + # Update this to include code point ranges to be sampled + include_ranges = [ + (0x0021, 0x0021), + (0x0023, 0x0026), + (0x0028, 0x007E), + (0x00A1, 0x00AC), + (0x00AE, 0x00FF), + (0x0100, 0x017F), + (0x0180, 0x024F), + (0x2C60, 0x2C7F), + (0x16A0, 0x16F0), + (0x0370, 0x0377), + (0x037A, 0x037E), + (0x0384, 0x038A), + (0x038C, 0x038C), + ] + + alphabet = [chr(code_point) for current_range in include_ranges for code_point in range(current_range[0], current_range[1] + 1)] + return ''.join(random.choice(alphabet) for i in range(length)) diff --git a/test/datasets/test_agnews.py b/test/datasets/test_agnews.py index f3a884d7d8..7635a018f0 100644 --- a/test/datasets/test_agnews.py +++ b/test/datasets/test_agnews.py @@ -1,13 +1,11 @@ import os -import random -import string from collections import defaultdict from unittest.mock import patch from parameterized import parameterized from torchtext.datasets.ag_news import AG_NEWS -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -22,12 +20,10 @@ def _get_mock_dataset(root_dir): mocked_data = defaultdict(list) for file_name in ("train.csv", "test.csv"): txt_file = os.path.join(base_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): label = seed % 4 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = (label, f"{rand_string} {rand_string}") # append line to correct dataset split mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) diff --git a/test/datasets/test_amazonreviews.py b/test/datasets/test_amazonreviews.py index 87dd6f9952..350eb0e446 100644 --- a/test/datasets/test_amazonreviews.py +++ b/test/datasets/test_amazonreviews.py @@ -1,6 +1,4 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch @@ -8,8 +6,8 @@ from torchtext.datasets.amazonreviewfull import AmazonReviewFull from torchtext.datasets.amazonreviewpolarity import AmazonReviewPolarity -from ..common.case_utils import TempDirMixin, zip_equal from ..common.parameterized_utils import nested_params +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -26,15 +24,14 @@ def _get_mock_dataset(root_dir, base_dir_name): mocked_data = defaultdict(list) for file_name in ("train.csv", "test.csv"): txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): if base_dir_name == AmazonReviewFull.__name__: label = seed % 5 + 1 else: label = seed % 2 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + label = seed % 2 + 1 + rand_string = get_random_unicode(seed) dataset_line = (label, f"{rand_string} {rand_string}") # append line to correct dataset split mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) diff --git a/test/datasets/test_cc100.py b/test/datasets/test_cc100.py index 978d447f67..bc21917452 100644 --- a/test/datasets/test_cc100.py +++ b/test/datasets/test_cc100.py @@ -1,7 +1,5 @@ -import lzma import os -import random -import string +import lzma from collections import defaultdict from unittest.mock import patch @@ -9,7 +7,7 @@ from torchtext.datasets import CC100 from torchtext.datasets.cc100 import VALID_CODES -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -26,11 +24,9 @@ def _get_mock_dataset(root_dir): for language_code in VALID_CODES: file_name = f"{language_code}.txt.xz" compressed_file = os.path.join(base_dir, file_name) - with lzma.open(compressed_file, "wt") as f: + with lzma.open(compressed_file, "wt", encoding="utf-8") as f: for i in range(5): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) content = f"{rand_string}\n" f.write(content) mocked_data[language_code].append((language_code, rand_string)) diff --git a/test/datasets/test_conll2000chunking.py b/test/datasets/test_conll2000chunking.py index 29ae228ba2..a1db406077 100644 --- a/test/datasets/test_conll2000chunking.py +++ b/test/datasets/test_conll2000chunking.py @@ -1,14 +1,12 @@ -import gzip import os -import random -import string +import gzip from collections import defaultdict from unittest.mock import patch from parameterized import parameterized from torchtext.datasets.conll2000chunking import CoNLL2000Chunking -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -25,17 +23,11 @@ def _get_mock_dataset(root_dir): for file_name in ("train.txt", "test.txt"): txt_file = os.path.join(temp_dataset_dir, file_name) mocked_lines = mocked_data[os.path.splitext(file_name)[0]] - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): - rand_strings = [ - random.choice(string.ascii_letters) for i in range(seed) - ] - rand_label_1 = [ - random.choice(string.ascii_letters) for i in range(seed) - ] - rand_label_2 = [ - random.choice(string.ascii_letters) for i in range(seed) - ] + rand_strings = [get_random_unicode(seed)] + rand_label_1 = [get_random_unicode(seed)] + rand_label_2 = [get_random_unicode(seed)] # one token per line (each sample ends with an extra \n) for rand_string, label_1, label_2 in zip( rand_strings, rand_label_1, rand_label_2 diff --git a/test/datasets/test_dbpedia.py b/test/datasets/test_dbpedia.py index 51fbf19335..3f9d243a0d 100644 --- a/test/datasets/test_dbpedia.py +++ b/test/datasets/test_dbpedia.py @@ -1,6 +1,4 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch @@ -8,7 +6,7 @@ from parameterized import parameterized from torchtext.datasets.dbpedia import DBpedia -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -25,12 +23,10 @@ def _get_mock_dataset(root_dir): for file_name in ("train.csv", "test.csv"): csv_file = os.path.join(temp_dataset_dir, file_name) mocked_lines = mocked_data[os.path.splitext(file_name)[0]] - with open(csv_file, "w") as f: + with open(csv_file, "w", encoding="utf-8") as f: for i in range(5): label = seed % 14 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = (label, rand_string + " " + rand_string) f.write(f'{label},"{rand_string}","{rand_string}"\n') diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py index 71854c4070..1eb0cd60b4 100644 --- a/test/datasets/test_enwik9.py +++ b/test/datasets/test_enwik9.py @@ -1,12 +1,10 @@ import os -import random -import string import zipfile from unittest.mock import patch from torchtext.datasets.enwik9 import EnWik9 -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -22,13 +20,9 @@ def _get_mock_dataset(root_dir): file_name = "enwik9" txt_file = os.path.join(temp_dataset_dir, file_name) mocked_data = [] - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): - rand_string = ( - "<" - + " ".join(random.choice(string.ascii_letters) for i in range(seed)) - + ">" - ) + rand_string = "<" + get_random_unicode(seed) + ">" dataset_line = f"'{rand_string}'" f.write(f"'{rand_string}'\n") diff --git a/test/datasets/test_imdb.py b/test/datasets/test_imdb.py index b9a35dbd6f..cfebfe3ebc 100644 --- a/test/datasets/test_imdb.py +++ b/test/datasets/test_imdb.py @@ -1,6 +1,4 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch @@ -8,7 +6,7 @@ from parameterized import parameterized from torchtext.datasets.imdb import IMDB -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -34,10 +32,8 @@ def _get_mock_dataset(root_dir): label = "neg" if i < 2 else "pos" cur_dir = pos_dir if label == "pos" else neg_dir txt_file = os.path.join(cur_dir, f"{i}{i}_{i}.txt") - with open(txt_file, "w") as f: - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + with open(txt_file, "w", encoding="utf-8") as f: + rand_string = get_random_unicode(seed) dataset_line = (label, rand_string) # append line to correct dataset split mocked_data[split].append(dataset_line) diff --git a/test/datasets/test_multi30k.py b/test/datasets/test_multi30k.py index d0e9e96c04..c26fd77410 100644 --- a/test/datasets/test_multi30k.py +++ b/test/datasets/test_multi30k.py @@ -1,14 +1,12 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch from torchtext.datasets import Multi30k -from ..common.case_utils import TempDirMixin, zip_equal from ..common.parameterized_utils import nested_params +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -24,11 +22,9 @@ def _get_mock_dataset(root_dir): mocked_data = defaultdict(list) for file_name in ("train.de", "train.en", "val.de", "val.en", "test.de", "test.en"): txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) f.write(rand_string + "\n") mocked_data[file_name].append(rand_string) seed += 1 diff --git a/test/datasets/test_penntreebank.py b/test/datasets/test_penntreebank.py index ddb448558e..e45e2d4ca0 100644 --- a/test/datasets/test_penntreebank.py +++ b/test/datasets/test_penntreebank.py @@ -1,13 +1,11 @@ import os -import random -import string from collections import defaultdict from unittest.mock import patch from parameterized import parameterized from torchtext.datasets.penntreebank import PennTreebank -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -22,11 +20,9 @@ def _get_mock_dataset(root_dir): mocked_data = defaultdict(list) for file_name in ("ptb.train.txt", "ptb.valid.txt", "ptb.test.txt"): txt_file = os.path.join(base_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = f"{rand_string}" # append line to correct dataset split split = file_name.replace("ptb.", "").replace(".txt", "") diff --git a/test/datasets/test_sogounews.py b/test/datasets/test_sogounews.py index 95b53f87f1..1a9eb0c342 100644 --- a/test/datasets/test_sogounews.py +++ b/test/datasets/test_sogounews.py @@ -1,6 +1,4 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch @@ -8,7 +6,7 @@ from parameterized import parameterized from torchtext.datasets.sogounews import SogouNews -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -24,12 +22,10 @@ def _get_mock_dataset(root_dir): mocked_data = defaultdict(list) for file_name in ("train.csv", "test.csv"): txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): label = seed % 5 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = (label, f"{rand_string} {rand_string}") # append line to correct dataset split mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) diff --git a/test/datasets/test_squads.py b/test/datasets/test_squads.py index eb1abd19be..04bfc00369 100644 --- a/test/datasets/test_squads.py +++ b/test/datasets/test_squads.py @@ -1,7 +1,5 @@ import json import os -import random -import string import uuid from collections import defaultdict from random import randint @@ -11,13 +9,13 @@ from torchtext.datasets.squad1 import SQuAD1 from torchtext.datasets.squad2 import SQuAD2 -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase def _get_mock_json_data(): - rand_string = " ".join(random.choice(string.ascii_letters) for i in range(10)) + rand_string = get_random_unicode(10) mock_json_data = { "data": [ { @@ -60,7 +58,7 @@ def _get_mock_dataset(root_dir, base_dir_name): mocked_data = defaultdict(list) for file_name in file_names: txt_file = os.path.join(base_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: mock_json_data = _get_mock_json_data() f.write(json.dumps(mock_json_data)) diff --git a/test/datasets/test_sst2.py b/test/datasets/test_sst2.py index 29fdb6fbed..72985002a8 100644 --- a/test/datasets/test_sst2.py +++ b/test/datasets/test_sst2.py @@ -1,6 +1,4 @@ import os -import random -import string import zipfile from collections import defaultdict from unittest.mock import patch @@ -8,7 +6,7 @@ from parameterized import parameterized from torchtext.datasets.sst2 import SST2 -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -27,13 +25,11 @@ def _get_mock_dataset(root_dir): ((("sentence", "label"), ("sentence", "label"), ("index", "sentence"))), ): txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: f.write(f"{col1_name}\t{col2_name}\n") for i in range(5): label = seed % 2 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) if file_name == "test.tsv": dataset_line = (f"{rand_string} .",) f.write(f"{i}\t{rand_string} .\n") diff --git a/test/datasets/test_udpos.py b/test/datasets/test_udpos.py index 455a7cc019..51561aea96 100644 --- a/test/datasets/test_udpos.py +++ b/test/datasets/test_udpos.py @@ -1,6 +1,4 @@ import os -import random -import string import zipfile from collections import defaultdict from unittest.mock import patch @@ -8,7 +6,7 @@ from parameterized import parameterized from torchtext.datasets.udpos import UDPOS -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -25,18 +23,11 @@ def _get_mock_dataset(root_dir): for file_name in ["train.txt", "dev.txt", "test.txt"]: txt_file = os.path.join(temp_dataset_dir, file_name) mocked_lines = mocked_data[os.path.splitext(file_name)[0]] - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): - rand_strings = [ - "".join(random.sample(string.ascii_letters, random.randint(1, 10))) - for i in range(seed) - ] - rand_label_1 = [ - random.choice(string.ascii_letters) for i in range(seed) - ] - rand_label_2 = [ - random.choice(string.ascii_letters) for i in range(seed) - ] + rand_strings = [get_random_unicode(seed)] + rand_label_1 = [get_random_unicode(seed)] + rand_label_2 = [get_random_unicode(seed)] # one token per line (each sample ends with an extra \n) for rand_string, label_1, label_2 in zip( rand_strings, rand_label_1, rand_label_2 diff --git a/test/datasets/test_wikitexts.py b/test/datasets/test_wikitexts.py index 36c26db027..fc938b4e68 100644 --- a/test/datasets/test_wikitexts.py +++ b/test/datasets/test_wikitexts.py @@ -1,6 +1,4 @@ import os -import random -import string import zipfile from collections import defaultdict from unittest.mock import patch @@ -8,8 +6,8 @@ from torchtext.datasets.wikitext103 import WikiText103 from torchtext.datasets.wikitext2 import WikiText2 -from ..common.case_utils import TempDirMixin, zip_equal from ..common.parameterized_utils import nested_params +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -28,11 +26,9 @@ def _get_mock_dataset(root_dir, base_dir_name): for file_name in file_names: csv_file = os.path.join(temp_dataset_dir, file_name) mocked_lines = mocked_data[os.path.splitext(file_name)[0]] - with open(csv_file, "w") as f: + with open(csv_file, "w", encoding="utf-8") as f: for i in range(5): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = rand_string f.write(f"{rand_string}\n") diff --git a/test/datasets/test_yahooanswers.py b/test/datasets/test_yahooanswers.py index 30f537c28a..f846624969 100644 --- a/test/datasets/test_yahooanswers.py +++ b/test/datasets/test_yahooanswers.py @@ -1,6 +1,4 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch @@ -8,7 +6,7 @@ from parameterized import parameterized from torchtext.datasets.yahooanswers import YahooAnswers -from ..common.case_utils import TempDirMixin, zip_equal +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -24,12 +22,10 @@ def _get_mock_dataset(root_dir): mocked_data = defaultdict(list) for file_name in ("train.csv", "test.csv"): txt_file = os.path.join(temp_dataset_dir, file_name) - with open(txt_file, "w") as f: + with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): label = seed % 10 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = (label, f"{rand_string} {rand_string} {rand_string}") # append line to correct dataset split mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) diff --git a/test/datasets/test_yelpreviews.py b/test/datasets/test_yelpreviews.py index 3f4ccde54f..303de92389 100644 --- a/test/datasets/test_yelpreviews.py +++ b/test/datasets/test_yelpreviews.py @@ -1,6 +1,4 @@ import os -import random -import string import tarfile from collections import defaultdict from unittest.mock import patch @@ -8,8 +6,8 @@ from torchtext.datasets.yelpreviewfull import YelpReviewFull from torchtext.datasets.yelpreviewpolarity import YelpReviewPolarity -from ..common.case_utils import TempDirMixin, zip_equal from ..common.parameterized_utils import nested_params +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase @@ -27,15 +25,13 @@ def _get_mock_dataset(root_dir, base_dir_name): for file_name in ("train.csv", "test.csv"): csv_file = os.path.join(temp_dataset_dir, file_name) mocked_lines = mocked_data[os.path.splitext(file_name)[0]] - with open(csv_file, "w") as f: + with open(csv_file, "w", encoding="utf-8") as f: for i in range(5): if base_dir_name == YelpReviewPolarity.__name__: label = seed % 2 + 1 else: label = seed % 5 + 1 - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(seed) - ) + rand_string = get_random_unicode(seed) dataset_line = (label, f"{rand_string}") f.write(f'"{label}","{rand_string}"\n') diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 1416f372b3..ed0ba775c7 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -61,5 +61,6 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): cache_dp = HttpReader(cache_dp) cache_dp = cache_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_dp, mode="r") + # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 + data_dp = FileOpener(cache_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 8949f30b0c..5d67dc3237 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -50,5 +50,6 @@ def CC100(root: str, language_code: str = "en"): cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_xz() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") - data_dp = FileOpener(cache_decompressed_dp, mode="r").readlines(return_path=False) + # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 + data_dp = FileOpener(cache_decompressed_dp, mode="b").readlines(return_path=False, decode=True) return data_dp.map(lambda x: (language_code, x)) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index cf06b9b08b..764c79037b 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -85,11 +85,14 @@ def filter_imdb_data(key, fname): cache_decompressed_dp = ( cache_decompressed_dp.lines_to_paragraphs() ) # group by label in cache file + cache_decompressed_dp = cache_decompressed_dp.map(lambda x: (x[0], x[1].encode())) cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wt", + mode="wb", filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x), + skip_read=True ) - data_dp = FileOpener(cache_decompressed_dp, mode="t") + # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 + data_dp = FileOpener(cache_decompressed_dp, mode="b") # get label from cache file, eg. "aclImdb_v1/train/neg" -> "neg" - return data_dp.readlines().map(lambda t: (Path(t[0]).parts[-1], t[1])) + return data_dp.readlines(decode=True).map(lambda t: (Path(t[0]).parts[-1], t[1])) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index af39ee84d1..b1c27a5e3c 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -331,10 +331,11 @@ def IWSLT2016( cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename ) - tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="r") - src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="r") + # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 + tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="b") + src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="b") - src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) - tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) + src_lines = src_data_dp.readlines(return_path=False, strip_newline=False, decode=True) + tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False, decode=True) return src_lines.zip(tgt_lines) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index d5f95f5c53..4fdd068bbe 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -268,10 +268,11 @@ def IWSLT2017( cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename ) - tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="r") - src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="r") + # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 + tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="b") + src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="b") - src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) - tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) + src_lines = src_data_dp.readlines(return_path=False, strip_newline=False, decode=True) + tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False, decode=True) return src_lines.zip(tgt_lines) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 9da238b8ec..eb3608df23 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -63,6 +63,8 @@ def PennTreebank(root, split: Union[Tuple[str], str]): hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_dp, mode="r") + + # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 + data_dp = FileOpener(cache_dp, mode="b") # remove single leading and trailing space from the dataset - return data_dp.readlines(return_path=False).map(lambda t: t.strip()) + return data_dp.readlines(return_path=False, decode=True).map(lambda t: t.strip()) From 72094214b370803effeb100edb84e70eb22028be Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 11 Feb 2022 18:09:05 -0800 Subject: [PATCH 159/463] Updated split arg. Added docs for SST2 and CC100 (#1604) --- docs/source/datasets.rst | 88 ++++++++++++------------- torchtext/datasets/cc100.py | 11 ++++ torchtext/datasets/conll2000chunking.py | 5 +- torchtext/datasets/multi30k.py | 5 ++ torchtext/datasets/squad1.py | 6 +- torchtext/datasets/squad2.py | 5 +- torchtext/datasets/sst2.py | 18 ++++- torchtext/datasets/udpos.py | 8 +-- 8 files changed, 85 insertions(+), 61 deletions(-) diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 5a1cbf8167..33eb44b21d 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -32,84 +32,74 @@ AG_NEWS .. autofunction:: AG_NEWS +AmazonReviewFull +~~~~~~~~~~~~~~~~ -SogouNews -~~~~~~~~~ +.. autofunction:: AmazonReviewFull -.. autofunction:: SogouNews +AmazonReviewPolarity +~~~~~~~~~~~~~~~~~~~~ + +.. autofunction:: AmazonReviewPolarity DBpedia ~~~~~~~ .. autofunction:: DBpedia -YelpReviewPolarity -~~~~~~~~~~~~~~~~~~ +IMDb +~~~~ -.. autofunction:: YelpReviewPolarity +.. autofunction:: IMDB -YelpReviewFull -~~~~~~~~~~~~~~ +SogouNews +~~~~~~~~~ -.. autofunction:: YelpReviewFull +.. autofunction:: SogouNews + +SST2 +~~~~ + +.. autofunction:: SST2 YahooAnswers ~~~~~~~~~~~~ .. autofunction:: YahooAnswers -AmazonReviewPolarity -~~~~~~~~~~~~~~~~~~~~ - -.. autofunction:: AmazonReviewPolarity - -AmazonReviewFull -~~~~~~~~~~~~~~~~ - -.. autofunction:: AmazonReviewFull - -IMDb -~~~~ +YelpReviewFull +~~~~~~~~~~~~~~ -.. autofunction:: IMDB +.. autofunction:: YelpReviewFull -SST2 -~~~~ +YelpReviewPolarity +~~~~~~~~~~~~~~~~~~ -.. autofunction:: SST2 +.. autofunction:: YelpReviewPolarity Language Modeling ^^^^^^^^^^^^^^^^^ +PennTreebank +~~~~~~~~~~~~ + +.. autofunction:: PennTreebank + WikiText-2 ~~~~~~~~~~ .. autofunction:: WikiText2 - WikiText103 ~~~~~~~~~~~ .. autofunction:: WikiText103 -PennTreebank -~~~~~~~~~~~~ - -.. autofunction:: PennTreebank - - Machine Translation ^^^^^^^^^^^^^^^^^^^ -Multi30k -~~~~~~~~ - -.. autofunction:: Multi30k - - - IWSLT2016 ~~~~~~~~~ @@ -120,20 +110,25 @@ IWSLT2017 .. autofunction:: IWSLT2017 +Multi30k +~~~~~~~~ -Sequence Tagging -^^^^^^^^^^^^^^^^ +.. autofunction:: Multi30k -UDPOS -~~~~~ -.. autofunction:: UDPOS +Sequence Tagging +^^^^^^^^^^^^^^^^ CoNLL2000Chunking ~~~~~~~~~~~~~~~~~ .. autofunction:: CoNLL2000Chunking +UDPOS +~~~~~ + +.. autofunction:: UDPOS + Question Answer ^^^^^^^^^^^^^^^ @@ -153,6 +148,11 @@ SQuAD 2.0 Unsupervised Learning ^^^^^^^^^^^^^^^^^^^^^ +CC100 +~~~~~~ + +.. autofunction:: CC100 + EnWik9 ~~~~~~ diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 5d67dc3237..c7b611cbcf 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -30,6 +30,17 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) def CC100(root: str, language_code: str = "en"): + """CC100 Dataset + + For additional details refer to https://data.statmt.org/cc-100/ + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + language_code: the language of the dataset + + :returns: DataPipe that yields tuple of language code and text + :rtype: (str, str) + """ if language_code not in VALID_CODES: raise ValueError(f"Invalid language code {language_code}") diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 3f6540aacd..917461bc1a 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -39,9 +39,8 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): For additional details refer to https://www.clips.uantwerpen.be/conll2000/chunking/ Number of lines per split: - train: 8936 - - test: 2012 + - train: 8936 + - test: 2012 Args: root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 12519b1679..8056737b4a 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -47,6 +47,11 @@ def Multi30k( For additional details refer to https://www.statmt.org/wmt16/multimodal-task.html#task1 + Number of lines per split: + - train: 29000 + - valid: 1014 + - test: 1000 + Args: root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') split: split or splits to be returned. Can be a string or tuple of strings. Default: ('train', 'valid', 'test') diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 0573395493..3f9b4aa8a4 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -38,10 +38,8 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): For additional details refer to https://rajpurkar.github.io/SQuAD-explorer/ Number of lines per split: - train: 87599 - - Dev: 10570 - + - train: 87599 + - dev: 10570 Args: root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index e8549dfd23..67e7bdf411 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -38,9 +38,8 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): For additional details refer to https://rajpurkar.github.io/SQuAD-explorer/ Number of lines per split: - train: 130319 - - Dev: 11873 + - train: 130319 + - dev: 11873 Args: diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 45cae58c9c..e2d0d48883 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -3,7 +3,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( - _add_docstring_header, _create_dataset_directory, _wrap_split_argument, ) @@ -37,10 +36,25 @@ } -@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev", "test")) def SST2(root, split): + """SST2 Dataset + + For additional details refer to https://nlp.stanford.edu/sentiment/ + + Number of lines per split: + - train: 67349 + - dev: 872 + - test: 1821 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`, `test`) + + :returns: DataPipe that yields tuple of text and/or label (1 to 4). The `test` split only returns text. + :rtype: Union[(int, str), (str,)] + """ # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index c2aef3c530..e5a850fbf3 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -33,11 +33,9 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): """UDPOS Dataset Number of lines per split: - train: 12543 - - valid: 2002 - - test: 2077 + - train: 12543 + - valid: 2002 + - test: 2077 Args: root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') From 79377035d9ea04eb4c655f00df849b14132430c0 Mon Sep 17 00:00:00 2001 From: ProGamerGov Date: Mon, 14 Feb 2022 11:55:24 -0700 Subject: [PATCH 160/463] Add missing quotation marks to to CLIPTokenizer docs (#1610) --- torchtext/transforms.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 3a91af3963..65c5924b04 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -365,7 +365,7 @@ def _tokenize(self, text: str) -> List[str]: A list of bpe token ids represents each bpe tokens For example: "awesome,awe" - --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] + --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", "e"] --> bpe encode --> bpe token ids: [707, 5927, 11, 707, 68] """ text = text.lower().strip() From 8808e7eee5a2df79b9566a4a348889dc2722fcfb Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 14 Feb 2022 15:56:09 -0800 Subject: [PATCH 161/463] Remove _add_docstring_header decorator from amazon review polarity (#1611) Co-authored-by: nayef211 --- torchtext/datasets/amazonreviewpolarity.py | 2 -- 1 file changed, 2 deletions(-) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index a3c273038e..6055f3a458 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -4,7 +4,6 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, - _add_docstring_header, _create_dataset_directory, ) @@ -32,7 +31,6 @@ DATASET_NAME = "AmazonReviewPolarity" -@_add_docstring_header(num_lines=NUM_LINES, num_classes=2) @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): From c31a400990513d180fdbd4ae5d597781b6b7063a Mon Sep 17 00:00:00 2001 From: Philip Meier Date: Thu, 17 Feb 2022 01:14:34 +0100 Subject: [PATCH 162/463] prepare repo for auto-formatters (#1546) * prepare repo for aut-formatters * fix CircleCI config * reactivate lint jobs * install libtinfo for linting c code * disable git diff for required action * fix config * fix clang format * fix lint failure behavior * fix circleci consistency check * try different failure messages * change failure format * fix config template * use clang-format as pre-commit hook * fix rev * fix rev * rename job from lint to format * fix step names * update template * remove flake8-docstrings * revert * remove pydocstyle job * remove pyupgrade as hook * add usage explanation to contributing guide * remove docstring job remnants * add explanation of clang-format to contribution guide * remove flake8 from unittest environments * apply changes from auto formatters * Change Black and usort version to match Meta's internal version * Add formatting changes after changing black and usort version * Add .clang-format to ensure clang changes align with Meta's internal workflow * Add clang-format changes * Merge main into branch * Run pre-commit after merge * Run clang-format after merge * Fix regenerate.py merge conflict * Fix merge issue Co-authored-by: Abhinav Arora --- .circleci/config.yml | 90 +- .circleci/config.yml.in | 82 +- .circleci/regenerate.py | 87 +- .../unittest/linux/scripts/environment.yml | 11 +- .../linux/scripts/run_style_checks.sh | 32 - .circleci/unittest/linux/scripts/setup_env.sh | 7 +- .../unittest/windows/scripts/environment.yml | 11 +- .../unittest/windows/scripts/setup_env.sh | 2 +- .circleci/utils/test_sort_yaml.py | 1 + .clang-format | 87 + .flake8 | 4 +- .github/ISSUE_TEMPLATE/bug-report.md | 41 +- .github/ISSUE_TEMPLATE/documentation.md | 2 +- .github/ISSUE_TEMPLATE/feature-request.md | 2 +- .../ISSUE_TEMPLATE/questions-help-support.md | 2 +- .github/workflows/bandit.yml | 6 +- .github/workflows/codeql.yml | 12 +- .gitmodules | 1 - .pre-commit-config.yaml | 35 + .prettierignore | 2 + .prettierrc.yaml | 2 + CODE_OF_CONDUCT.md | 81 +- CONTRIBUTING.md | 64 +- LICENSE | 2 +- README.rst | 12 +- .../benchmark_basic_english_normalize.py | 8 +- benchmark/benchmark_experimental_vectors.py | 2 +- benchmark/benchmark_pytext_vocab.py | 10 +- benchmark/benchmark_sentencepiece.py | 20 +- benchmark/benchmark_vocab.py | 66 +- benchmark/data_construction.py | 11 +- benchmark/mha_block.py | 84 +- build_tools/conda/torchtext/meta.yaml | 10 +- build_tools/setup_helpers/extension.py | 113 +- docs/make.bat | 72 +- docs/requirements.txt | 2 +- .../source/_static/img/pytorch-logo-flame.svg | 2 +- docs/source/conf.py | 118 +- docs/source/data_functional.rst | 4 +- docs/source/data_utils.rst | 4 +- docs/source/experimental_datasets_raw.rst | 8 +- docs/source/experimental_transforms.rst | 2 +- docs/source/functional.rst | 2 +- docs/source/index.rst | 3 +- docs/source/nn_modules.rst | 4 +- docs/source/transforms.rst | 2 +- docs/source/utils.rst | 2 +- docs/source/vocab.rst | 2 +- examples/data_pipeline/README.md | 100 +- examples/data_pipeline/dataset.py | 3 +- examples/data_pipeline/pipelines.py | 106 +- examples/data_pipeline/transforms.py | 23 +- examples/text_classification/README.md | 12 +- examples/text_classification/model.py | 1 - examples/text_classification/predict.py | 31 +- examples/text_classification/run_script.sh | 3 +- examples/text_classification/train.py | 105 +- examples/tutorials/README.rst | 2 +- .../sst2_classification_non_distributed.py | 18 +- examples/utils/download_extract.py | 18 +- examples/vocab/pytext_vocab.py | 41 +- packaging/vs2019/install_activate.bat | 1 - pyproject.toml | 8 + pytest.ini | 2 +- requirements.txt | 3 - run-clang-format.py | 331 + setup.cfg | 2 - setup.py | 71 +- test/asset/clip_encoder.json | 2 +- test/asset/gpt2_bpe_encoder.json | 2 +- test/asset/raw_datasets.jsonl | 2 +- ...ext_normalization_ag_news_ref_results.test | 15090 ++++++++-------- test/asset/vectors_test.csv | 2 +- test/asset/vocab_raw_text_test.txt | 4 +- test/asset/wiki.en.vec | 198 +- test/common/assets.py | 4 +- test/common/case_utils.py | 14 +- test/common/parameterized_utils.py | 8 +- test/common/torchtext_test_case.py | 122 +- test/csrc/test_gpt2_bpe_tokenizer.py | 6 +- test/data/test_dataset_utils.py | 28 +- test/data/test_functional.py | 179 +- test/data/test_jit.py | 18 +- test/data/test_metrics.py | 58 +- test/data/test_modules.py | 211 +- test/data/test_utils.py | 25 +- test/datasets/test_agnews.py | 4 +- test/datasets/test_amazonreviews.py | 10 +- test/datasets/test_cc100.py | 6 +- test/datasets/test_conll2000chunking.py | 14 +- test/datasets/test_dbpedia.py | 4 +- test/datasets/test_enwik9.py | 4 +- test/datasets/test_imdb.py | 4 +- test/datasets/test_iwslt2016.py | 35 +- test/datasets/test_iwslt2017.py | 46 +- test/datasets/test_multi30k.py | 14 +- test/datasets/test_penntreebank.py | 4 +- test/datasets/test_sogounews.py | 4 +- test/datasets/test_squads.py | 12 +- test/datasets/test_sst2.py | 4 +- test/datasets/test_udpos.py | 12 +- test/datasets/test_wikitexts.py | 10 +- test/datasets/test_yahooanswers.py | 4 +- test/datasets/test_yelpreviews.py | 10 +- test/experimental/models/test_utils.py | 3 +- test/experimental/test_functional.py | 187 +- test/experimental/test_transforms.py | 118 +- test/experimental/test_utils.py | 48 +- test/experimental/test_vectors.py | 81 +- test/experimental/test_with_asset.py | 171 +- test/integration_tests/test_models.py | 7 +- test/models/test_models.py | 80 +- test/test_build.py | 107 +- test/test_functional.py | 1 + test/test_transforms.py | 57 +- test/test_utils.py | 77 +- test/test_vocab.py | 131 +- torchtext/__init__.py | 27 +- torchtext/_download_hooks.py | 29 +- torchtext/_extension.py | 8 +- torchtext/csrc/clip_tokenizer.cpp | 74 +- torchtext/csrc/clip_tokenizer.h | 30 +- torchtext/csrc/common.cpp | 13 +- torchtext/csrc/common.h | 9 +- torchtext/csrc/gpt2_bpe_tokenizer.cpp | 127 +- torchtext/csrc/gpt2_bpe_tokenizer.h | 64 +- torchtext/csrc/regex.cpp | 8 +- torchtext/csrc/regex.h | 16 +- torchtext/csrc/regex_tokenizer.cpp | 34 +- torchtext/csrc/regex_tokenizer.h | 25 +- torchtext/csrc/register_pybindings.cpp | 134 +- torchtext/csrc/register_torchbindings.cpp | 100 +- torchtext/csrc/sentencepiece.cpp | 49 +- torchtext/csrc/sentencepiece.h | 31 +- torchtext/csrc/vectors.cpp | 165 +- torchtext/csrc/vectors.h | 38 +- torchtext/csrc/vocab.cpp | 182 +- torchtext/csrc/vocab.h | 58 +- torchtext/csrc/vocab_factory.h | 7 +- torchtext/data/__init__.py | 32 +- torchtext/data/datasets_utils.py | 122 +- torchtext/data/functional.py | 138 +- torchtext/data/metrics.py | 13 +- torchtext/data/utils.py | 108 +- torchtext/datasets/ag_news.py | 2 + torchtext/datasets/amazonreviewfull.py | 12 +- torchtext/datasets/amazonreviewpolarity.py | 12 +- torchtext/datasets/cc100.py | 131 +- torchtext/datasets/conll2000chunking.py | 14 +- torchtext/datasets/dbpedia.py | 12 +- torchtext/datasets/enwik9.py | 8 +- torchtext/datasets/imdb.py | 28 +- torchtext/datasets/iwslt2016.py | 75 +- torchtext/datasets/iwslt2017.py | 49 +- torchtext/datasets/multi30k.py | 20 +- torchtext/datasets/penntreebank.py | 2 +- torchtext/datasets/sogounews.py | 30 +- torchtext/datasets/squad1.py | 2 + torchtext/datasets/squad2.py | 2 + torchtext/datasets/sst2.py | 22 +- torchtext/datasets/udpos.py | 12 +- torchtext/datasets/wikitext103.py | 12 +- torchtext/datasets/wikitext2.py | 12 +- torchtext/datasets/yahooanswers.py | 12 +- torchtext/datasets/yelpreviewfull.py | 12 +- torchtext/datasets/yelpreviewpolarity.py | 12 +- torchtext/experimental/__init__.py | 6 +- .../asset/get_checksums_fast_text.py | 19 +- .../experimental/datasets/raw/__init__.py | 7 +- torchtext/experimental/datasets/raw/wmt14.py | 132 +- .../experimental/datasets/raw/wmtnewscrawl.py | 41 +- torchtext/experimental/functional.py | 7 +- torchtext/experimental/models/utils.py | 2 +- torchtext/experimental/transforms.py | 95 +- torchtext/experimental/vectors.py | 598 +- torchtext/experimental/vocab_factory.py | 16 +- torchtext/functional.py | 15 +- torchtext/models/roberta/__init__.py | 11 +- torchtext/models/roberta/bundler.py | 102 +- torchtext/models/roberta/model.py | 25 +- torchtext/models/roberta/modules.py | 68 +- torchtext/nn/modules/__init__.py | 7 +- torchtext/nn/modules/multiheadattention.py | 72 +- torchtext/transforms.py | 82 +- torchtext/utils.py | 60 +- torchtext/vocab/__init__.py | 33 +- torchtext/vocab/vectors.py | 91 +- torchtext/vocab/vocab.py | 6 +- torchtext/vocab/vocab_factory.py | 26 +- tox.ini | 4 - 190 files changed, 11855 insertions(+), 11156 deletions(-) delete mode 100755 .circleci/unittest/linux/scripts/run_style_checks.sh create mode 100644 .clang-format create mode 100644 .pre-commit-config.yaml create mode 100644 .prettierignore create mode 100644 .prettierrc.yaml create mode 100644 pyproject.toml create mode 100644 run-clang-format.py delete mode 100644 setup.cfg delete mode 100644 tox.ini diff --git a/.circleci/config.yml b/.circleci/config.yml index 05cdb4852b..355d357c1c 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -87,10 +87,62 @@ jobs: steps: - checkout - run: + name: Install check utilities + command: pip install --user --progress-bar=off jinja2 pyyaml + - run: + name: Check CircleCI config consistency + command: python .circleci/regenerate.py && git diff --quiet + - run: + when: on_fail + name: .circleci/config.yml not in sync with config.yml.in! Run '$ python .circleci/regenerate.py' to fix this. + command: exit 1 + + lint_python_and_config: + docker: + - image: circleci/python:3.7 + steps: + - checkout + - run: + name: Install lint utilities + command: pip install --user --progress-bar=off pre-commit + - run: + name: Install pre-commit hooks + command: pre-commit install-hooks + - run: + name: Lint Python code and config files + command: pre-commit run --all-files + - run: + when: on_fail + name: Code format not compliant with the rules! Run '$ pre-commit run --all-files' to fix this. + command: exit 1 + + lint_c: + docker: + - image: circleci/python:3.7 + steps: + - run: + name: Install additional system libraries + command: | + sudo apt update -qy + sudo apt install libtinfo5 + - checkout + - run: + name: Install lint utilities command: | - pip install --user --progress-bar off jinja2 pyyaml - python .circleci/regenerate.py - git diff --exit-code || (echo ".circleci/config.yml not in sync with config.yml.in! Run .circleci/regenerate.py to update config"; exit 1) + curl https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 -o clang-format + chmod +x clang-format + ./clang-format --version + - run: + name: Lint C code + command: > + python run-clang-format.py + --recursive + --clang-format-executable=./clang-format + torchtext/csrc + - run: + when: on_fail + name: Code format not compliant with the rules! Run '$ python run-clang-format.py' to fix this. + command: exit 1 binary_linux_wheel: <<: *binary_common @@ -512,28 +564,14 @@ jobs: target=${tag:-main} ~/workspace/.circleci/build_docs/commit_docs.sh ~/workspace $target - docstring_parameters_sync: - <<: *binary_common - docker: - - image: continuumio/miniconda3 - resource_class: medium - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - checkout - - run: - name: Check parameters docstring sync - command: | - pip install --user pydocstyle - export PATH="$HOME/.local/bin:$PATH" - pydocstyle torchtext - - workflows: - build: + lint: jobs: - circleci_consistency + - lint_python_and_config + - lint_c + build: + jobs: - binary_linux_wheel: name: binary_linux_wheel_py3.7 python_version: '3.7' @@ -614,19 +652,11 @@ workflows: python_version: '3.8' requires: - build_docs - - docstring_parameters_sync: - name: docstring_parameters_sync - python_version: '3.8' - requires: - - binary_linux_wheel_py3.8 unittest: jobs: - unittest_linux: name: unittest_linux_py3.7 python_version: '3.7' - - stylecheck: - name: stylecheck_py3.7 - python_version: '3.7' - unittest_linux: name: unittest_linux_py3.8 python_version: '3.8' diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 4482dd7a8a..aa05a6f557 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -87,10 +87,62 @@ jobs: steps: - checkout - run: + name: Install check utilities + command: pip install --user --progress-bar=off jinja2 pyyaml + - run: + name: Check CircleCI config consistency + command: python .circleci/regenerate.py && git diff --quiet + - run: + when: on_fail + name: .circleci/config.yml not in sync with config.yml.in! Run '$ python .circleci/regenerate.py' to fix this. + command: exit 1 + + lint_python_and_config: + docker: + - image: circleci/python:3.7 + steps: + - checkout + - run: + name: Install lint utilities + command: pip install --user --progress-bar=off pre-commit + - run: + name: Install pre-commit hooks + command: pre-commit install-hooks + - run: + name: Lint Python code and config files + command: pre-commit run --all-files + - run: + when: on_fail + name: Code format not compliant with the rules! Run '$ pre-commit run --all-files' to fix this. + command: exit 1 + + lint_c: + docker: + - image: circleci/python:3.7 + steps: + - run: + name: Install additional system libraries + command: | + sudo apt update -qy + sudo apt install libtinfo5 + - checkout + - run: + name: Install lint utilities command: | - pip install --user --progress-bar off jinja2 pyyaml - python .circleci/regenerate.py - git diff --exit-code || (echo ".circleci/config.yml not in sync with config.yml.in! Run .circleci/regenerate.py to update config"; exit 1) + curl https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 -o clang-format + chmod +x clang-format + ./clang-format --version + - run: + name: Lint C code + command: > + python run-clang-format.py + --recursive + --clang-format-executable=./clang-format + torchtext/csrc + - run: + when: on_fail + name: Code format not compliant with the rules! Run '$ python run-clang-format.py' to fix this. + command: exit 1 binary_linux_wheel: <<: *binary_common @@ -512,28 +564,14 @@ jobs: target=${tag:-main} ~/workspace/.circleci/build_docs/commit_docs.sh ~/workspace $target - docstring_parameters_sync: - <<: *binary_common - docker: - - image: continuumio/miniconda3 - resource_class: medium - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - checkout - - run: - name: Check parameters docstring sync - command: | - pip install --user pydocstyle - export PATH="$HOME/.local/bin:$PATH" - pydocstyle torchtext - - workflows: - build: + lint: jobs: - circleci_consistency + - lint_python_and_config + - lint_c + build: + jobs: {{ build_workflows() }} unittest: jobs: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 01a474f0c0..586c95cce2 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -14,48 +14,46 @@ https://github.com/pytorch/vision/pull/1321#issuecomment-531033978 """ +import os.path + import jinja2 -from jinja2 import select_autoescape import yaml -import os.path +from jinja2 import select_autoescape PYTHON_VERSIONS = ["3.7", "3.8", "3.9"] -DOC_VERSION = ('linux', '3.8') +DOC_VERSION = ("linux", "3.8") -def build_workflows(prefix='', upload=False, filter_branch=None, indentation=6): +def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): w = [] for btype in ["wheel", "conda"]: for os_type in ["linux", "macos", "windows"]: for python_version in PYTHON_VERSIONS: fb = filter_branch - if not fb and (os_type == 'linux' and - btype == 'wheel' and - python_version == '3.8'): + if not fb and (os_type == "linux" and btype == "wheel" and python_version == "3.8"): # the fields must match the build_docs "requires" dependency - fb = '/.*/' + fb = "/.*/" w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) if not filter_branch: # Build on every pull request, but upload only on nightly and tags - w += build_doc_job('/.*/') - w += upload_doc_job('nightly') - w += docstring_parameters_sync_job(None) + w += build_doc_job("/.*/") + w += upload_doc_job("nightly") return indent(indentation, w) -def build_workflow_pair(btype, os_type, python_version, filter_branch, prefix='', upload=False): +def build_workflow_pair(btype, os_type, python_version, filter_branch, prefix="", upload=False): w = [] base_workflow_name = f"{prefix}binary_{os_type}_{btype}_py{python_version}" w.append(generate_base_workflow(base_workflow_name, python_version, filter_branch, os_type, btype)) if upload: w.append(generate_upload_workflow(base_workflow_name, filter_branch, btype)) - if filter_branch == 'nightly' and os_type in ['linux', 'windows']: - pydistro = 'pip' if btype == 'wheel' else 'conda' + if filter_branch == "nightly" and os_type in ["linux", "windows"]: + pydistro = "pip" if btype == "wheel" else "conda" w.append(generate_smoketest_workflow(pydistro, base_workflow_name, filter_branch, python_version, os_type)) return w @@ -64,7 +62,9 @@ def build_doc_job(filter_branch): job = { "name": "build_docs", "python_version": "3.8", - "requires": ["binary_linux_wheel_py3.8", ], + "requires": [ + "binary_linux_wheel_py3.8", + ], } if filter_branch: @@ -77,7 +77,9 @@ def upload_doc_job(filter_branch): "name": "upload_docs", "context": "org-member", "python_version": "3.8", - "requires": ["build_docs", ], + "requires": [ + "build_docs", + ], } if filter_branch: @@ -85,18 +87,6 @@ def upload_doc_job(filter_branch): return [{"upload_docs": job}] -def docstring_parameters_sync_job(filter_branch): - job = { - "name": "docstring_parameters_sync", - "python_version": "3.8", - "requires": ["binary_linux_wheel_py3.8", ], - } - - if filter_branch: - job["filters"] = gen_filter_branch_tree(filter_branch) - return [{"docstring_parameters_sync": job}] - - def generate_base_workflow(base_workflow_name, python_version, filter_branch, os_type, btype): d = { "name": base_workflow_name, @@ -111,14 +101,12 @@ def generate_base_workflow(base_workflow_name, python_version, filter_branch, os def gen_filter_branch_tree(branch_name): return { - "branches": { - "only": branch_name - }, + "branches": {"only": branch_name}, "tags": { # Using a raw string here to avoid having to escape # anything "only": r"/v[0-9]+(\.[0-9]+)*-rc[0-9]+/" - } + }, } @@ -160,21 +148,16 @@ def indent(indentation, data_list): def unittest_workflows(indentation=6): w = [] for os_type in ["linux", "windows"]: - for i, python_version in enumerate(PYTHON_VERSIONS): - w.append({ - f"unittest_{os_type}": { - "name": f"unittest_{os_type}_py{python_version}", - "python_version": python_version, - } - }) - - if i == 0 and os_type == "linux": - w.append({ - "stylecheck": { - "name": f"stylecheck_py{python_version}", + for python_version in PYTHON_VERSIONS: + w.append( + { + f"unittest_{os_type}": { + "name": f"unittest_{os_type}_py{python_version}", "python_version": python_version, } - }) + } + ) + return indent(indentation, w) @@ -183,12 +166,14 @@ def unittest_workflows(indentation=6): env = jinja2.Environment( loader=jinja2.FileSystemLoader(d), lstrip_blocks=True, - autoescape=select_autoescape(enabled_extensions=('html', 'xml')), + autoescape=select_autoescape(enabled_extensions=("html", "xml")), ) - with open(os.path.join(d, 'config.yml'), 'w') as f: - f.write(env.get_template('config.yml.in').render( - build_workflows=build_workflows, - unittest_workflows=unittest_workflows, - )) + with open(os.path.join(d, "config.yml"), "w") as f: + f.write( + env.get_template("config.yml.in").render( + build_workflows=build_workflows, + unittest_workflows=unittest_workflows, + ) + ) f.write("\n") diff --git a/.circleci/unittest/linux/scripts/environment.yml b/.circleci/unittest/linux/scripts/environment.yml index b84b9b92e5..b638fa84a8 100644 --- a/.circleci/unittest/linux/scripts/environment.yml +++ b/.circleci/unittest/linux/scripts/environment.yml @@ -2,7 +2,6 @@ channels: - defaults - conda-forge dependencies: - - flake8>=3.7.9 - codecov - pip - nltk @@ -17,8 +16,8 @@ dependencies: - future - expecttest - pip: - - revtok - - pytest-pythonpath - - sphinx-rtd-theme - - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 + - revtok + - pytest-pythonpath + - sphinx-rtd-theme + - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 + - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 diff --git a/.circleci/unittest/linux/scripts/run_style_checks.sh b/.circleci/unittest/linux/scripts/run_style_checks.sh deleted file mode 100755 index 4c2b44f293..0000000000 --- a/.circleci/unittest/linux/scripts/run_style_checks.sh +++ /dev/null @@ -1,32 +0,0 @@ -#!/usr/bin/env bash - -set -u - -eval "$(./conda/bin/conda shell.bash hook)" -conda activate ./env - -# We want to run all the style checks even if one of them fail. - -exit_status=0 - -printf "\x1b[34mRunning flake8: " -flake8 --version -printf "\x1b[0m\n" -flake8 torchtext test build_tools/setup_helpers -status=$? -exit_status="$((exit_status+status))" -if [ "${status}" -ne 0 ]; then - printf "\x1b[31mflake8 failed. Check the format of Python files.\x1b[0m\n" -fi - -printf "\x1b[34mRunning clang-format: " -./clang-format --version -printf "\x1b[0m\n" -git-clang-format --binary ./clang-format origin/main -git diff --exit-code -status=$? -exit_status="$((exit_status+status))" -if [ "${status}" -ne 0 ]; then - printf "\x1b[31mC++ files are not formatted. Please use git-clang-format to format CPP files.\x1b[0m\n" -fi -exit $exit_status diff --git a/.circleci/unittest/linux/scripts/setup_env.sh b/.circleci/unittest/linux/scripts/setup_env.sh index eb075b1eb1..6d76c7884f 100755 --- a/.circleci/unittest/linux/scripts/setup_env.sh +++ b/.circleci/unittest/linux/scripts/setup_env.sh @@ -37,14 +37,9 @@ conda activate "${env_dir}" # 3. Install Conda dependencies printf "* Installing dependencies (except PyTorch)\n" conda env update --file "${this_dir}/environment.yml" --prune -if [ "${os}" == Linux ] ; then - clangformat_path="${root_dir}/clang-format" - curl https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 -o "${clangformat_path}" - chmod +x "${clangformat_path}" -fi # 4. Download printf "* Downloading SpaCy English models\n" python -m spacy download en_core_web_sm printf "* Downloading SpaCy German models\n" -python -m spacy download de_core_news_sm +python -m spacy download de_core_news_sm diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index b84b9b92e5..b638fa84a8 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -2,7 +2,6 @@ channels: - defaults - conda-forge dependencies: - - flake8>=3.7.9 - codecov - pip - nltk @@ -17,8 +16,8 @@ dependencies: - future - expecttest - pip: - - revtok - - pytest-pythonpath - - sphinx-rtd-theme - - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 + - revtok + - pytest-pythonpath + - sphinx-rtd-theme + - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 + - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 diff --git a/.circleci/unittest/windows/scripts/setup_env.sh b/.circleci/unittest/windows/scripts/setup_env.sh index ea99130c5e..76cadc9a5d 100644 --- a/.circleci/unittest/windows/scripts/setup_env.sh +++ b/.circleci/unittest/windows/scripts/setup_env.sh @@ -41,4 +41,4 @@ conda env update --file "${this_dir}/environment.yml" --prune printf "* Downloading SpaCy English models\n" python -m spacy download en_core_web_sm printf "* Downloading SpaCy German models\n" -python -m spacy download de_core_news_sm +python -m spacy download de_core_news_sm diff --git a/.circleci/utils/test_sort_yaml.py b/.circleci/utils/test_sort_yaml.py index 44ed29af6d..14a51ec974 100755 --- a/.circleci/utils/test_sort_yaml.py +++ b/.circleci/utils/test_sort_yaml.py @@ -9,6 +9,7 @@ import sys + import yaml sys.stdout.write(yaml.dump(yaml.safe_load(sys.stdin, Loader=yaml.FullLoader), sort_keys=True)) diff --git a/.clang-format b/.clang-format new file mode 100644 index 0000000000..6a2989cd6c --- /dev/null +++ b/.clang-format @@ -0,0 +1,87 @@ +--- +AccessModifierOffset: -1 +AlignAfterOpenBracket: AlwaysBreak +AlignConsecutiveAssignments: false +AlignConsecutiveDeclarations: false +AlignEscapedNewlinesLeft: true +AlignOperands: false +AlignTrailingComments: false +AllowAllParametersOfDeclarationOnNextLine: false +AllowShortBlocksOnASingleLine: false +AllowShortCaseLabelsOnASingleLine: false +AllowShortFunctionsOnASingleLine: Empty +AllowShortIfStatementsOnASingleLine: false +AllowShortLoopsOnASingleLine: false +AlwaysBreakAfterReturnType: None +AlwaysBreakBeforeMultilineStrings: true +AlwaysBreakTemplateDeclarations: true +BinPackArguments: false +BinPackParameters: false +BraceWrapping: + AfterClass: false + AfterControlStatement: false + AfterEnum: false + AfterFunction: false + AfterNamespace: false + AfterObjCDeclaration: false + AfterStruct: false + AfterUnion: false + BeforeCatch: false + BeforeElse: false + IndentBraces: false +BreakBeforeBinaryOperators: None +BreakBeforeBraces: Attach +BreakBeforeTernaryOperators: true +BreakConstructorInitializersBeforeComma: false +BreakAfterJavaFieldAnnotations: false +BreakStringLiterals: false +ColumnLimit: 80 +CommentPragmas: "^ IWYU pragma:" +CompactNamespaces: false +ConstructorInitializerAllOnOneLineOrOnePerLine: true +ConstructorInitializerIndentWidth: 4 +ContinuationIndentWidth: 4 +Cpp11BracedListStyle: true +DerivePointerAlignment: false +DisableFormat: false +ForEachMacros: [FOR_EACH_RANGE, FOR_EACH] +IncludeCategories: + - Regex: '^<.*\.h(pp)?>' + Priority: 1 + - Regex: "^<.*" + Priority: 2 + - Regex: ".*" + Priority: 3 +IndentCaseLabels: true +IndentWidth: 2 +IndentWrappedFunctionNames: false +KeepEmptyLinesAtTheStartOfBlocks: false +MacroBlockBegin: "" +MacroBlockEnd: "" +MaxEmptyLinesToKeep: 1 +NamespaceIndentation: None +ObjCBlockIndentWidth: 2 +ObjCSpaceAfterProperty: false +ObjCSpaceBeforeProtocolList: false +PenaltyBreakBeforeFirstCallParameter: 1 +PenaltyBreakComment: 300 +PenaltyBreakFirstLessLess: 120 +PenaltyBreakString: 1000 +PenaltyExcessCharacter: 1000000 +PenaltyReturnTypeOnItsOwnLine: 2000000 +PointerAlignment: Left +ReflowComments: true +SortIncludes: true +SpaceAfterCStyleCast: false +SpaceBeforeAssignmentOperators: true +SpaceBeforeParens: ControlStatements +SpaceInEmptyParentheses: false +SpacesBeforeTrailingComments: 1 +SpacesInAngles: false +SpacesInContainerLiterals: true +SpacesInCStyleCastParentheses: false +SpacesInParentheses: false +SpacesInSquareBrackets: false +Standard: Cpp11 +TabWidth: 8 +UseTab: Never diff --git a/.flake8 b/.flake8 index 80872e2c3e..2ae4feedc7 100644 --- a/.flake8 +++ b/.flake8 @@ -1,5 +1,5 @@ [flake8] -# E501 is not flexible enough, we're using B950 instead. Consistent with pytorch -ignore = E402,E722,W503,W504,F821,E501 +ignore = E401,E402,E501,E722,W503,W504,F821,B006,B007,B008,B009 +select = D417 # Missing argument descriptions in the docstring max-line-length = 120 exclude = docs/source,third_party diff --git a/.github/ISSUE_TEMPLATE/bug-report.md b/.github/ISSUE_TEMPLATE/bug-report.md index 28121bdba0..641bffd61a 100644 --- a/.github/ISSUE_TEMPLATE/bug-report.md +++ b/.github/ISSUE_TEMPLATE/bug-report.md @@ -1,33 +1,31 @@ --- name: "\U0001F41B Bug Report" about: Submit a bug report to help us improve TorchText - --- ## 🐛 Bug -**Describe the bug** -A clear and concise description of what the bug is. -**To Reproduce** -Steps to reproduce the behavior: +**Describe the bug** A clear and concise description of what the bug is. + +**To Reproduce** Steps to reproduce the behavior: + 1. Go to '...' 2. Click on '....' 3. Scroll down to '....' 4. See error -**Expected behavior** -A clear and concise description of what you expected to happen. +**Expected behavior** A clear and concise description of what you expected to happen. -**Screenshots** -If applicable, add screenshots to help explain your problem. +**Screenshots** If applicable, add screenshots to help explain your problem. **Environment** Please copy and paste the output from our -[environment collection script](https://raw.githubusercontent.com/pytorch/pytorch/master/torch/utils/collect_env.py) -(or fill out the checklist below manually). +[environment collection script](https://raw.githubusercontent.com/pytorch/pytorch/master/torch/utils/collect_env.py) (or +fill out the checklist below manually). You can get the script and run it with: + ``` wget https://raw.githubusercontent.com/pytorch/pytorch/master/torch/utils/collect_env.py # For security purposes, please check the contents of collect_env.py before running it. @@ -35,14 +33,13 @@ python collect_env.py python -c "import torchtext; print(\"torchtext version is \", torchtext.__version__)" ``` - - PyTorch Version (e.g., 1.0): - - OS (e.g., Linux): - - How you installed PyTorch (`conda`, `pip`, source): - - Build command you used (if compiling from source): - - Python version: - - CUDA/cuDNN version: - - GPU models and configuration: - - Any other relevant information: - -**Additional context** -Add any other context about the problem here. +- PyTorch Version (e.g., 1.0): +- OS (e.g., Linux): +- How you installed PyTorch (`conda`, `pip`, source): +- Build command you used (if compiling from source): +- Python version: +- CUDA/cuDNN version: +- GPU models and configuration: +- Any other relevant information: + +**Additional context** Add any other context about the problem here. diff --git a/.github/ISSUE_TEMPLATE/documentation.md b/.github/ISSUE_TEMPLATE/documentation.md index c3b6a0fcfb..726032fae5 100644 --- a/.github/ISSUE_TEMPLATE/documentation.md +++ b/.github/ISSUE_TEMPLATE/documentation.md @@ -1,10 +1,10 @@ --- name: "\U0001F4DA Documentation" about: Report an issue related to TorchText - --- ## 📚 Documentation **Description** + diff --git a/.github/ISSUE_TEMPLATE/feature-request.md b/.github/ISSUE_TEMPLATE/feature-request.md index 4872607a45..8145b704d1 100644 --- a/.github/ISSUE_TEMPLATE/feature-request.md +++ b/.github/ISSUE_TEMPLATE/feature-request.md @@ -1,10 +1,10 @@ --- name: "\U0001F680Feature Request" about: Submit a proposal/request for a new TorchText feature - --- ## 🚀 Feature + **Motivation** diff --git a/.github/ISSUE_TEMPLATE/questions-help-support.md b/.github/ISSUE_TEMPLATE/questions-help-support.md index d1e8eab0dc..753dd07160 100644 --- a/.github/ISSUE_TEMPLATE/questions-help-support.md +++ b/.github/ISSUE_TEMPLATE/questions-help-support.md @@ -1,10 +1,10 @@ --- name: "❓Questions/Help/Support" about: Do you need support? We have resources. - --- ## ❓ Questions and Help **Description** + diff --git a/.github/workflows/bandit.yml b/.github/workflows/bandit.yml index 84200b438a..76952232aa 100644 --- a/.github/workflows/bandit.yml +++ b/.github/workflows/bandit.yml @@ -4,7 +4,7 @@ name: Bandit on: pull_request: - branches: [ main ] + branches: [main] workflow_dispatch: @@ -19,5 +19,5 @@ jobs: # Ignoring submodules - name: Run Bandit Security Analysis run: | - python -m pip install bandit - python -m bandit -r . -x ./third_party -lll + python -m pip install bandit + python -m bandit -r . -x ./third_party -lll diff --git a/.github/workflows/codeql.yml b/.github/workflows/codeql.yml index b35d14db70..5f7a38a660 100644 --- a/.github/workflows/codeql.yml +++ b/.github/workflows/codeql.yml @@ -4,7 +4,7 @@ name: CodeQL on: pull_request: - branches: [ main ] + branches: [main] workflow_dispatch: @@ -22,17 +22,17 @@ jobs: - name: Install Ninja run: | - sudo apt-get update -y - sudo apt-get install -y ninja-build + sudo apt-get update -y + sudo apt-get install -y ninja-build - name: Update submodules run: git submodule update --init --recursive - name: Install Torch run: | - python -m pip install cmake - python -m pip install torch==1.8.1+cpu -f https://download.pytorch.org/whl/torch_stable.html - sudo ln -s /usr/bin/ninja /usr/bin/ninja-build + python -m pip install cmake + python -m pip install torch==1.8.1+cpu -f https://download.pytorch.org/whl/torch_stable.html + sudo ln -s /usr/bin/ninja /usr/bin/ninja-build - name: Build TorchText run: python setup.py develop --user diff --git a/.gitmodules b/.gitmodules index 14a0054ef9..49265bbf47 100644 --- a/.gitmodules +++ b/.gitmodules @@ -10,4 +10,3 @@ path = third_party/double-conversion url = https://github.com/google/double-conversion ignore = dirty - diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml new file mode 100644 index 0000000000..062241fd25 --- /dev/null +++ b/.pre-commit-config.yaml @@ -0,0 +1,35 @@ +repos: + - repo: https://github.com/pre-commit/pre-commit-hooks + rev: v4.0.1 + hooks: + - id: trailing-whitespace + - id: mixed-line-ending + args: + - --fix=lf + - id: end-of-file-fixer + + - repo: https://github.com/pre-commit/mirrors-prettier + rev: v2.5.1 + hooks: + - id: prettier + types_or: + - markdown + - toml + - yaml + + - repo: https://github.com/omnilib/ufmt + rev: v1.3.1 + hooks: + - id: ufmt + additional_dependencies: + - black == 21.4b2 + - usort == 0.6.4 + + - repo: https://github.com/pycqa/flake8 + rev: 4.0.1 + hooks: + - id: flake8 + additional_dependencies: + - flake8-docstrings == 1.6.0 + args: + - --config=.flake8 diff --git a/.prettierignore b/.prettierignore new file mode 100644 index 0000000000..22c3398f51 --- /dev/null +++ b/.prettierignore @@ -0,0 +1,2 @@ +packaging/* +.circleci/config.yml diff --git a/.prettierrc.yaml b/.prettierrc.yaml new file mode 100644 index 0000000000..500d0ba2a9 --- /dev/null +++ b/.prettierrc.yaml @@ -0,0 +1,2 @@ +proseWrap: always +printWidth: 120 diff --git a/CODE_OF_CONDUCT.md b/CODE_OF_CONDUCT.md index b91e23b17c..b848672bb6 100644 --- a/CODE_OF_CONDUCT.md +++ b/CODE_OF_CONDUCT.md @@ -2,75 +2,60 @@ ## Our Pledge -In the interest of fostering an open and welcoming environment, we as -contributors and maintainers pledge to make participation in our project and -our community a harassment-free experience for everyone, regardless of age, body -size, disability, ethnicity, sex characteristics, gender identity and expression, -level of experience, education, socio-economic status, nationality, personal -appearance, race, religion, or sexual identity and orientation. +In the interest of fostering an open and welcoming environment, we as contributors and maintainers pledge to make +participation in our project and our community a harassment-free experience for everyone, regardless of age, body size, +disability, ethnicity, sex characteristics, gender identity and expression, level of experience, education, +socio-economic status, nationality, personal appearance, race, religion, or sexual identity and orientation. ## Our Standards -Examples of behavior that contributes to creating a positive environment -include: +Examples of behavior that contributes to creating a positive environment include: -* Using welcoming and inclusive language -* Being respectful of differing viewpoints and experiences -* Gracefully accepting constructive criticism -* Focusing on what is best for the community -* Showing empathy towards other community members +- Using welcoming and inclusive language +- Being respectful of differing viewpoints and experiences +- Gracefully accepting constructive criticism +- Focusing on what is best for the community +- Showing empathy towards other community members Examples of unacceptable behavior by participants include: -* The use of sexualized language or imagery and unwelcome sexual attention or -advances -* Trolling, insulting/derogatory comments, and personal or political attacks -* Public or private harassment -* Publishing others' private information, such as a physical or electronic -address, without explicit permission -* Other conduct which could reasonably be considered inappropriate in a -professional setting +- The use of sexualized language or imagery and unwelcome sexual attention or advances +- Trolling, insulting/derogatory comments, and personal or political attacks +- Public or private harassment +- Publishing others' private information, such as a physical or electronic address, without explicit permission +- Other conduct which could reasonably be considered inappropriate in a professional setting ## Our Responsibilities -Project maintainers are responsible for clarifying the standards of acceptable -behavior and are expected to take appropriate and fair corrective action in -response to any instances of unacceptable behavior. +Project maintainers are responsible for clarifying the standards of acceptable behavior and are expected to take +appropriate and fair corrective action in response to any instances of unacceptable behavior. -Project maintainers have the right and responsibility to remove, edit, or -reject comments, commits, code, wiki edits, issues, and other contributions -that are not aligned to this Code of Conduct, or to ban temporarily or -permanently any contributor for other behaviors that they deem inappropriate, -threatening, offensive, or harmful. +Project maintainers have the right and responsibility to remove, edit, or reject comments, commits, code, wiki edits, +issues, and other contributions that are not aligned to this Code of Conduct, or to ban temporarily or permanently any +contributor for other behaviors that they deem inappropriate, threatening, offensive, or harmful. ## Scope -This Code of Conduct applies within all project spaces, and it also applies when -an individual is representing the project or its community in public spaces. -Examples of representing a project or community include using an official -project e-mail address, posting via an official social media account, or acting -as an appointed representative at an online or offline event. Representation of -a project may be further defined and clarified by project maintainers. +This Code of Conduct applies within all project spaces, and it also applies when an individual is representing the +project or its community in public spaces. Examples of representing a project or community include using an official +project e-mail address, posting via an official social media account, or acting as an appointed representative at an +online or offline event. Representation of a project may be further defined and clarified by project maintainers. ## Enforcement -Instances of abusive, harassing, or otherwise unacceptable behavior may be -reported by contacting the project team at . All -complaints will be reviewed and investigated and will result in a response that -is deemed necessary and appropriate to the circumstances. The project team is -obligated to maintain confidentiality with regard to the reporter of an incident. -Further details of specific enforcement policies may be posted separately. +Instances of abusive, harassing, or otherwise unacceptable behavior may be reported by contacting the project team at +. All complaints will be reviewed and investigated and will result in a response that is deemed +necessary and appropriate to the circumstances. The project team is obligated to maintain confidentiality with regard to +the reporter of an incident. Further details of specific enforcement policies may be posted separately. -Project maintainers who do not follow or enforce the Code of Conduct in good -faith may face temporary or permanent repercussions as determined by other -members of the project's leadership. +Project maintainers who do not follow or enforce the Code of Conduct in good faith may face temporary or permanent +repercussions as determined by other members of the project's leadership. ## Attribution -This Code of Conduct is adapted from the [Contributor Covenant][homepage], version 1.4, -available at https://www.contributor-covenant.org/version/1/4/code-of-conduct.html +This Code of Conduct is adapted from the [Contributor Covenant][homepage], version 1.4, available at +https://www.contributor-covenant.org/version/1/4/code-of-conduct.html [homepage]: https://www.contributor-covenant.org -For answers to common questions about this code of conduct, see -https://www.contributor-covenant.org/faq +For answers to common questions about this code of conduct, see https://www.contributor-covenant.org/faq diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md index ff12f88ff3..6e0dba6084 100644 --- a/CONTRIBUTING.md +++ b/CONTRIBUTING.md @@ -1,31 +1,69 @@ # Contributing to text -We want to make contributing to this project as easy and transparent as -possible. + +We want to make contributing to this project as easy and transparent as possible. ## Pull Requests + We actively welcome your pull requests. 1. Fork the repo and create your branch from `main`. 2. If you've added code that should be tested, add tests. 3. If you've changed APIs, update the documentation. 4. Ensure the test suite passes. -5. Make sure your code lints. -6. If you haven't already, complete the Contributor License Agreement ("CLA"). +5. If you haven't already, complete the Contributor License Agreement ("CLA"). + +### Code style + +`torchtext` enforces a fairly strict code format for Python, text, and configuration files through +[`pre-commit`](https://pre-commit.com). You can install it with + +```shell +pip install pre-commit +``` + +or + +```shell +conda install -c conda-forge pre-commit +``` + +To check and in most cases fix the code format, stage all your changes (`git add`) and execute `pre-commit run`. To +perform the checks automatically before every `git commit`, you can install the checks as hooks with +`pre-commit install`. + +In addition, `torchtext` also enforces a fairly strict code format for C++ files through a custom version of +[`clang-format`](https://clang.llvm.org/docs/ClangFormat.html). You can download it from + +- https://oss-clang-format.s3.us-east-2.amazonaws.com/mac/clang-format-mojave +- https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 + +depending on your platform. To run the formatter, make the binary executable (`chmod +x`) and execute + +```shell +python run-clang-format.py \ + --recursive \ + --clang-format-executable=$CLANG_FORMAT \ + torchtext/csrc +``` + +where `$CLANG_FORMAT` denotes the path to the downloaded binary. ## Contributor License Agreement ("CLA") -In order to accept your pull request, we need you to submit a CLA. You only need -to do this once to work on any of Facebook's open source projects. + +In order to accept your pull request, we need you to submit a CLA. You only need to do this once to work on any of +Facebook's open source projects. Complete your CLA here: ## Issues -We use GitHub issues to track public bugs. Please ensure your description is -clear and has sufficient instructions to be able to reproduce the issue. -Facebook has a [bounty program](https://www.facebook.com/whitehat/) for the safe -disclosure of security bugs. In those cases, please go through the process -outlined on that page and do not file a public issue. +We use GitHub issues to track public bugs. Please ensure your description is clear and has sufficient instructions to be +able to reproduce the issue. + +Facebook has a [bounty program](https://www.facebook.com/whitehat/) for the safe disclosure of security bugs. In those +cases, please go through the process outlined on that page and do not file a public issue. ## License -By contributing to text, you agree that your contributions will be licensed -under the LICENSE file in the root directory of this source tree. + +By contributing to text, you agree that your contributions will be licensed under the LICENSE file in the root directory +of this source tree. diff --git a/LICENSE b/LICENSE index 9413670dbe..b7d9e37261 100644 --- a/LICENSE +++ b/LICENSE @@ -1,6 +1,6 @@ BSD 3-Clause License -Copyright (c) James Bradbury and Soumith Chintala 2016, +Copyright (c) James Bradbury and Soumith Chintala 2016, All rights reserved. Redistribution and use in source and binary forms, with or without diff --git a/README.rst b/README.rst index e4b67975b7..a71b452057 100644 --- a/README.rst +++ b/README.rst @@ -30,8 +30,8 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.7, <=3.9" - 1.10.0, 0.11.0, ">=3.6, <=3.9" - 1.9.1, 0.10.1, ">=3.6, <=3.9" + 1.10.0, 0.11.0, ">=3.6, <=3.9" + 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" 1.8.2, 0.9.2, ">=3.6, <=3.9" 1.8.1, 0.9.1, ">=3.6, <=3.9" @@ -57,7 +57,7 @@ Optional requirements If you want to use English tokenizer from `SpaCy `_, you need to install SpaCy and download its English model:: pip install spacy - python -m spacy download en_core_web_sm + python -m spacy download en_core_web_sm Alternatively, you might want to use the `Moses `_ tokenizer port in `SacreMoses `_ (split from `NLTK `_). You have to install SacreMoses:: @@ -102,7 +102,7 @@ The datasets module currently contains: * Language modeling: WikiText2, WikiText103, PennTreebank, EnWik9 * Machine translation: IWSLT2016, IWSLT2017, Multi30k * Sequence tagging (e.g. POS/NER): UDPOS, CoNLL2000Chunking -* Question answering: SQuAD1, SQuAD2 +* Question answering: SQuAD1, SQuAD2 * Text classification: AG_NEWS, SogouNews, DBpedia, YelpReviewPolarity, YelpReviewFull, YahooAnswers, AmazonReviewPolarity, AmazonReviewFull, IMDB For example, to access the raw text from the AG_NEWS dataset: @@ -141,9 +141,9 @@ In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy < * ``torchtext.legacy.data.pipeline`` * ``torchtext.legacy.datasets`` -We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. +We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. -In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. +In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. Disclaimer on Datasets ====================== diff --git a/benchmark/benchmark_basic_english_normalize.py b/benchmark/benchmark_basic_english_normalize.py index b4f9e99f93..f2e9789076 100644 --- a/benchmark/benchmark_basic_english_normalize.py +++ b/benchmark/benchmark_basic_english_normalize.py @@ -1,9 +1,9 @@ import time import torch +from torchtext.data.utils import get_tokenizer from torchtext.datasets import AG_NEWS from torchtext.experimental.transforms import basic_english_normalize -from torchtext.data.utils import get_tokenizer def benchmark_basic_english_normalize(): @@ -18,17 +18,17 @@ def _run_benchmark_lookup(train, tokenizer): experimental_jit_basic_english_normalize = torch.jit.script(experimental_basic_english_normalize) # existing eager lookup - train = AG_NEWS(split='train') + train = AG_NEWS(split="train") print("BasicEnglishNormalize - Eager Mode") _run_benchmark_lookup(train, existing_basic_english_tokenizer) # experimental eager lookup - train = AG_NEWS(split='train') + train = AG_NEWS(split="train") print("BasicEnglishNormalize Experimental - Eager Mode") _run_benchmark_lookup(train, experimental_basic_english_normalize) # experimental jit lookup - train = AG_NEWS(split='train') + train = AG_NEWS(split="train") print("BasicEnglishNormalize Experimental - Jit Mode") _run_benchmark_lookup(train, experimental_jit_basic_english_normalize) diff --git a/benchmark/benchmark_experimental_vectors.py b/benchmark/benchmark_experimental_vectors.py index f3dee98ba5..c7854ac7d6 100644 --- a/benchmark/benchmark_experimental_vectors.py +++ b/benchmark/benchmark_experimental_vectors.py @@ -13,7 +13,7 @@ def _run_benchmark_lookup(tokens, vector): vector[token] print("Lookup time:", time.monotonic() - t0) - train = AG_NEWS(split='train') + train = AG_NEWS(split="train") vocab = train.get_vocab() tokens = [] for (label, text) in train: diff --git a/benchmark/benchmark_pytext_vocab.py b/benchmark/benchmark_pytext_vocab.py index 6dbe200fd4..c64a298de5 100644 --- a/benchmark/benchmark_pytext_vocab.py +++ b/benchmark/benchmark_pytext_vocab.py @@ -1,17 +1,17 @@ import os import sys -from collections import (Counter, OrderedDict) import time +from collections import Counter, OrderedDict from typing import List, Union # this is needed because we want to add 'torchtext/examples/data_pipeline' directory to the # `sys.path` variable in order to import the pytext_vocab (since its not a module) sys.path.insert(0, os.path.join(os.path.dirname(os.path.abspath(__file__)), "..", "examples", "vocab")) -from pytext_vocab import ScriptVocab as ExperimentalScriptVocabulary -from pytext.torchscript.vocab import ScriptVocabulary as PytextScriptVocabulary -from pytext.data.utils import Vocabulary as PytextVocabulary import torch +from pytext.data.utils import Vocabulary as PytextVocabulary +from pytext.torchscript.vocab import ScriptVocabulary as PytextScriptVocabulary +from pytext_vocab import ScriptVocab as ExperimentalScriptVocabulary from torchtext.experimental.datasets import AG_NEWS @@ -110,7 +110,7 @@ def _run_benchmark_lists_experimental_script_vocab(tok_lists: List[List[str]], v def benchmark_experimental_vocab(): - train, = AG_NEWS(data_select='train') + (train,) = AG_NEWS(data_select="train") vocab = train.get_vocab() tokens: List[str] = [] tokens_lists: List[List[str]] = [] diff --git a/benchmark/benchmark_sentencepiece.py b/benchmark/benchmark_sentencepiece.py index 8a047e7805..2476830cc8 100644 --- a/benchmark/benchmark_sentencepiece.py +++ b/benchmark/benchmark_sentencepiece.py @@ -1,9 +1,10 @@ -import time import argparse -from torchtext.experimental.transforms import load_sp_model as load_pybind_sp_model +import time + from torchtext.data.functional import load_sp_model as load_torchbind_sp_model -from torchtext.utils import download_from_url from torchtext.datasets import DATASETS +from torchtext.experimental.transforms import load_sp_model as load_pybind_sp_model +from torchtext.utils import download_from_url def benchmark_sentencepiece(args): @@ -14,25 +15,26 @@ def _run_benchmark(train, spm_processor): print("Sentencepiece processor time:", time.monotonic() - t0) # Download a pretrained sentencepiece model - sp_model_path = download_from_url('https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model') + sp_model_path = download_from_url( + "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model" + ) # existing sentencepiece model with torchbind - train = DATASETS[args.dataset](split='train') + train = DATASETS[args.dataset](split="train") sp_model = load_torchbind_sp_model(sp_model_path) print("SentencePiece EncodeAsIds - torchbind") _run_benchmark(train, sp_model.EncodeAsIds) # experimental sentencepiece model with pybind - train = DATASETS[args.dataset](split='train') + train = DATASETS[args.dataset](split="train") sp_model = load_pybind_sp_model(sp_model_path) print("SentencePiece EncodeAsIds - pybind") _run_benchmark(train, sp_model.EncodeAsIds) if __name__ == "__main__": - parser = argparse.ArgumentParser(description='SentencePiece benchmark') - parser.add_argument('--dataset', type=str, default='AG_NEWS', - help='Dataset for performance benchmark') + parser = argparse.ArgumentParser(description="SentencePiece benchmark") + parser.add_argument("--dataset", type=str, default="AG_NEWS", help="Dataset for performance benchmark") args = parser.parse_args() benchmark_sentencepiece(args) diff --git a/benchmark/benchmark_vocab.py b/benchmark/benchmark_vocab.py index f8d23f875f..397e310fdd 100644 --- a/benchmark/benchmark_vocab.py +++ b/benchmark/benchmark_vocab.py @@ -1,31 +1,27 @@ import argparse -from collections import (Counter, OrderedDict) import time +from collections import Counter, OrderedDict + import torch -from torchtext.datasets import DATASETS -from torchtext.experimental.vocab_factory import ( - load_vocab_from_file, - build_vocab_from_text_file -) -from torchtext.vocab import build_vocab_from_iterator -from torchtext.vocab import vocab as VocabNew -from torchtext.experimental.transforms import ( - basic_english_normalize, -) from torchtext.data.utils import get_tokenizer +from torchtext.datasets import DATASETS +from torchtext.experimental.transforms import basic_english_normalize +from torchtext.experimental.vocab_factory import build_vocab_from_text_file, load_vocab_from_file +from torchtext.vocab import build_vocab_from_iterator, vocab as VocabNew def build_vocab(data, transforms): def apply_transforms(data): for _, line in data: yield transforms(line) - vocab = build_vocab_from_iterator(apply_transforms(data), specials=['', '']) - vocab.set_default_index(vocab['']) + + vocab = build_vocab_from_iterator(apply_transforms(data), specials=["", ""]) + vocab.set_default_index(vocab[""]) return vocab def benchmark_new_vocab_construction(vocab_file_path, is_raw_text=True, num_iters=1): - f = open(vocab_file_path, 'r') + f = open(vocab_file_path, "r") t0 = time.monotonic() if is_raw_text: print("Loading from raw text file with basic_english_normalize tokenizer") @@ -40,7 +36,7 @@ def benchmark_new_vocab_construction(vocab_file_path, is_raw_text=True, num_iter print("Construction time:", time.monotonic() - t0) -def benchmark_new_vocab_lookup(vocab_file_path=None, dataset='AG_NEWS'): +def benchmark_new_vocab_lookup(vocab_file_path=None, dataset="AG_NEWS"): def _run_benchmark_lookup(tokens, vocab): t0 = time.monotonic() # list lookup @@ -58,7 +54,7 @@ def _run_benchmark_lookup(tokens, vocab): tokens = [] tokens_lists = [] tokenizer = get_tokenizer("basic_english") - for (_, text) in DATASETS[dataset](split='train'): + for (_, text) in DATASETS[dataset](split="train"): cur_tokens = tokenizer(text) tokens_lists.append(cur_tokens) tokens += cur_tokens @@ -67,14 +63,14 @@ def _run_benchmark_lookup(tokens, vocab): print("Loading Vocab from file {}".format(vocab_file_path)) def token_iterator(file_path): - f = open(file_path, 'r') + f = open(file_path, "r") for token in f: yield token # new Vocab construction print("Vocab New") t0 = time.monotonic() - f = open(vocab_file_path, 'r') + f = open(vocab_file_path, "r") v_new = load_vocab_from_file(f) print("Construction time:", time.monotonic() - t0) else: @@ -105,21 +101,29 @@ def token_iterator(file_path): if __name__ == "__main__": - parser = argparse.ArgumentParser(description='Data procesing pipelines') - parser.add_argument('--run-construction-benchmark', type=bool, default=False, - help='run benchmark for constructing a vocab (default=False)') - parser.add_argument('--is-raw-text', type=bool, default=True, - help='construct vocab from raw text file (default=True)') - parser.add_argument('--vocab-filename-construction', type=str, default='vocab.txt', - help='The name of vocab file used for construction') - parser.add_argument('--vocab-filename-lookup', type=str, default=None, - help='The name of vocab file used for lookup') - parser.add_argument('--dataset', type=str, default='AG_NEWS', - help='The name of vocab file used for lookup') + parser = argparse.ArgumentParser(description="Data procesing pipelines") + parser.add_argument( + "--run-construction-benchmark", + type=bool, + default=False, + help="run benchmark for constructing a vocab (default=False)", + ) + parser.add_argument( + "--is-raw-text", type=bool, default=True, help="construct vocab from raw text file (default=True)" + ) + parser.add_argument( + "--vocab-filename-construction", + type=str, + default="vocab.txt", + help="The name of vocab file used for construction", + ) + parser.add_argument( + "--vocab-filename-lookup", type=str, default=None, help="The name of vocab file used for lookup" + ) + parser.add_argument("--dataset", type=str, default="AG_NEWS", help="The name of vocab file used for lookup") args = parser.parse_args() if args.run_construction_benchmark: - benchmark_new_vocab_construction(args.vocab_filename_construction, - is_raw_text=args.is_raw_text) + benchmark_new_vocab_construction(args.vocab_filename_construction, is_raw_text=args.is_raw_text) else: benchmark_new_vocab_lookup(args.vocab_filename_lookup, args.dataset) diff --git a/benchmark/data_construction.py b/benchmark/data_construction.py index 388bdb3dcb..2fe157227b 100644 --- a/benchmark/data_construction.py +++ b/benchmark/data_construction.py @@ -1,19 +1,20 @@ -from torchtext.experimental import datasets import time +from torchtext.experimental import datasets + def benchmark_construction(name, Dataset): t0 = time.perf_counter() - print(name, end='') - d, = Dataset(data_select=('train',)) + print(name, end="") + (d,) = Dataset(data_select=("train",)) print(" construction time {0:.2f}s".format(time.perf_counter() - t0)) del d def benchmark_raw_construction(name, Dataset): - print(name, end='') + print(name, end="") if name in "WMTNewsCrawl": - d = Dataset(data_select=('train',)) + d = Dataset(data_select=("train",)) else: d = Dataset() del d diff --git a/benchmark/mha_block.py b/benchmark/mha_block.py index eff568f5dd..9084dac1a3 100644 --- a/benchmark/mha_block.py +++ b/benchmark/mha_block.py @@ -1,19 +1,21 @@ +import time + import torch -from torchtext.modules import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct from torch.nn.functional import multi_head_attention_forward as mha_forward -import time +from torchtext.modules import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct def benchmark_mha_block(): - def _run_benchmark(embed_dim, nhead, bsz, device, tgt_len, src_len=None): # Build torchtext MultiheadAttention module - in_proj_container = InProjContainer(torch.nn.Linear(embed_dim, embed_dim), - torch.nn.Linear(embed_dim, embed_dim), - torch.nn.Linear(embed_dim, embed_dim)) - MHA = MultiheadAttentionContainer(nhead, in_proj_container, - ScaledDotProduct(), - torch.nn.Linear(embed_dim, embed_dim)).to(device) + in_proj_container = InProjContainer( + torch.nn.Linear(embed_dim, embed_dim), + torch.nn.Linear(embed_dim, embed_dim), + torch.nn.Linear(embed_dim, embed_dim), + ) + MHA = MultiheadAttentionContainer( + nhead, in_proj_container, ScaledDotProduct(), torch.nn.Linear(embed_dim, embed_dim) + ).to(device) query = torch.rand((tgt_len, bsz, embed_dim)).to(device) if src_len is None: @@ -29,32 +31,48 @@ def _run_benchmark(embed_dim, nhead, bsz, device, tgt_len, src_len=None): torch.cuda.synchronize() t0 = time.monotonic() for _ in range(100): - mha_output, attn_weights = MHA(query, key, value, - attn_mask=attn_mask, - bias_k=bias_k.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), - bias_v=bias_v.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1)) + mha_output, attn_weights = MHA( + query, + key, + value, + attn_mask=attn_mask, + bias_k=bias_k.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), + bias_v=bias_v.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), + ) if device == torch.device("cuda"): torch.cuda.synchronize() print(time.monotonic() - t0) # Use torch.nn.functional.multi_head_attention_forward - torch_attn_mask = torch.zeros((tgt_len, src_len)).to(device).masked_fill_(attn_mask_2D, float('-inf')) + torch_attn_mask = torch.zeros((tgt_len, src_len)).to(device).masked_fill_(attn_mask_2D, float("-inf")) print("starting torch.nn.functional.multi_head_attention_forward") - in_proj_weight = torch.cat([MHA.in_proj_container.query_proj.weight, - MHA.in_proj_container.key_proj.weight, - MHA.in_proj_container.value_proj.weight]) + in_proj_weight = torch.cat( + [ + MHA.in_proj_container.query_proj.weight, + MHA.in_proj_container.key_proj.weight, + MHA.in_proj_container.value_proj.weight, + ] + ) if device == torch.device("cuda"): torch.cuda.synchronize() t0 = time.monotonic() for _ in range(100): - torch_mha_output, torch_mha_weights = mha_forward(query, key, value, - embed_dim, nhead, - in_proj_weight, None, - bias_k, bias_v, - False, 0.0, - MHA.out_proj.weight, - MHA.out_proj.bias, - attn_mask=torch_attn_mask) + torch_mha_output, torch_mha_weights = mha_forward( + query, + key, + value, + embed_dim, + nhead, + in_proj_weight, + None, + bias_k, + bias_v, + False, + 0.0, + MHA.out_proj.weight, + MHA.out_proj.bias, + attn_mask=torch_attn_mask, + ) if device == torch.device("cuda"): torch.cuda.synchronize() print(time.monotonic() - t0) @@ -68,8 +86,7 @@ def _run_benchmark(embed_dim, nhead, bsz, device, tgt_len, src_len=None): if seq_len == 1000 and bsz == 72: continue print("*" * 80) - print("test case GPU with embed_dim, nhead, seq_len, bsz:", - embed_dim, nhead, seq_len, seq_len, bsz) + print("test case GPU with embed_dim, nhead, seq_len, bsz:", embed_dim, nhead, seq_len, seq_len, bsz) _run_benchmark(embed_dim, nhead, bsz, device, seq_len, seq_len) # GPU test for self-attention @@ -81,8 +98,14 @@ def _run_benchmark(embed_dim, nhead, bsz, device, tgt_len, src_len=None): if seq_len == 1000 and bsz == 72: continue print("*" * 80) - print("self-attention test case GPU with embed_dim, nhead, seq_len, bsz:", - embed_dim, nhead, seq_len, seq_len, bsz) + print( + "self-attention test case GPU with embed_dim, nhead, seq_len, bsz:", + embed_dim, + nhead, + seq_len, + seq_len, + bsz, + ) _run_benchmark(embed_dim, nhead, bsz, device, seq_len, None) # CPU test for self-attention @@ -94,8 +117,7 @@ def _run_benchmark(embed_dim, nhead, bsz, device, tgt_len, src_len=None): if seq_len == 1000 and bsz == 72: continue print("*" * 80) - print("test case CPU with embed_dim, nhead, seq_len, bsz:", - embed_dim, nhead, seq_len, seq_len, bsz) + print("test case CPU with embed_dim, nhead, seq_len, bsz:", embed_dim, nhead, seq_len, seq_len, bsz) _run_benchmark(embed_dim, nhead, bsz, device, seq_len, None) diff --git a/build_tools/conda/torchtext/meta.yaml b/build_tools/conda/torchtext/meta.yaml index 6972e81095..a4827ca5f4 100644 --- a/build_tools/conda/torchtext/meta.yaml +++ b/build_tools/conda/torchtext/meta.yaml @@ -3,7 +3,7 @@ package: version: 0.4.0 source: - url: https://github.com/pytorch/text/archive/0.4.0.zip + url: https://github.com/pytorch/text/archive/0.4.0.zip requirements: build: @@ -23,12 +23,12 @@ build: script: python setup.py install --single-version-externally-managed --record=record.txt test: - imports: - - torchtext - - torchtext.data + imports: + - torchtext + - torchtext.data about: home: https://github.com/pytorch/text license: BSD license_file: LICENSE - summary: 'PyTorch Data loaders and abstractions for text and NLP' + summary: "PyTorch Data loaders and abstractions for text and NLP" diff --git a/build_tools/setup_helpers/extension.py b/build_tools/setup_helpers/extension.py index bea6f8e4c1..5ca7c1c429 100644 --- a/build_tools/setup_helpers/extension.py +++ b/build_tools/setup_helpers/extension.py @@ -3,31 +3,28 @@ import subprocess from pathlib import Path -from torch.utils.cpp_extension import ( - CppExtension, - BuildExtension as TorchBuildExtension -) +from torch.utils.cpp_extension import BuildExtension as TorchBuildExtension, CppExtension __all__ = [ - 'get_ext_modules', - 'BuildExtension', + "get_ext_modules", + "BuildExtension", ] _ROOT_DIR = Path(__file__).parent.parent.parent.resolve() -_CSRC_DIR = _ROOT_DIR / 'torchtext' / 'csrc' -_TP_BASE_DIR = _ROOT_DIR / 'third_party' -_TP_INSTALL_DIR = _TP_BASE_DIR / 'build' +_CSRC_DIR = _ROOT_DIR / "torchtext" / "csrc" +_TP_BASE_DIR = _ROOT_DIR / "third_party" +_TP_INSTALL_DIR = _TP_BASE_DIR / "build" def _get_eca(debug): eca = [] if platform.system() == "Windows": - eca += ['/MT'] + eca += ["/MT"] if debug: eca += ["-O0", "-g"] else: if platform.system() == "Windows": - eca += ['-O2'] + eca += ["-O2"] else: eca += ["-O3", "-fvisibility=hidden"] return eca @@ -47,21 +44,18 @@ def _get_ela(debug): def _get_srcs(): - return [str(p) for p in _CSRC_DIR.glob('**/*.cpp')] + return [str(p) for p in _CSRC_DIR.glob("**/*.cpp")] def _get_include_dirs(): return [ str(_CSRC_DIR), - str(_TP_INSTALL_DIR / 'include'), + str(_TP_INSTALL_DIR / "include"), ] def _get_library_dirs(): - return [ - str(_TP_INSTALL_DIR / 'lib'), - str(_TP_INSTALL_DIR / 'lib64') - ] + return [str(_TP_INSTALL_DIR / "lib"), str(_TP_INSTALL_DIR / "lib64")] def _get_libraries(): @@ -76,57 +70,55 @@ def _get_libraries(): # U _ZTIN13sentencepiece7unigram5ModelE # $ nm third_party/build/lib/libsentencepiece.a | grep _ZTIN13sentencepiece7unigram5ModelE # 0000000000000000 V _ZTIN13sentencepiece7unigram5ModelE - return [ - 'sentencepiece_train', - 'sentencepiece', - 're2', - 'double-conversion' - ] + return ["sentencepiece_train", "sentencepiece", "re2", "double-conversion"] def _get_cxx11_abi(): try: import torch + value = int(torch._C._GLIBCXX_USE_CXX11_ABI) except ImportError: value = 0 - return '-D_GLIBCXX_USE_CXX11_ABI=' + str(value) + return "-D_GLIBCXX_USE_CXX11_ABI=" + str(value) def _build_third_party(debug): - build_dir = _TP_BASE_DIR / 'build' + build_dir = _TP_BASE_DIR / "build" build_dir.mkdir(exist_ok=True) build_env = os.environ.copy() - config = 'Debug' if debug else 'Release' - if platform.system() == 'Windows': + config = "Debug" if debug else "Release" + if platform.system() == "Windows": extra_args = [ - '-GNinja', + "-GNinja", ] - build_env.setdefault('CC', 'cl') - build_env.setdefault('CXX', 'cl') + build_env.setdefault("CC", "cl") + build_env.setdefault("CXX", "cl") else: - extra_args = ['-DCMAKE_CXX_FLAGS=-fPIC ' + _get_cxx11_abi()] + extra_args = ["-DCMAKE_CXX_FLAGS=-fPIC " + _get_cxx11_abi()] subprocess.run( args=[ - 'cmake', - '-DBUILD_SHARED_LIBS=OFF', - '-DRE2_BUILD_TESTING=OFF', - '-DCMAKE_EXPORT_COMPILE_COMMANDS=ON', - f'-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}', - f'-DCMAKE_BUILD_TYPE={config}', - '-DCMAKE_CXX_VISIBILITY_PRESET=hidden', - '-DCMAKE_POLICY_DEFAULT_CMP0063=NEW', - ] + extra_args + ['..'], + "cmake", + "-DBUILD_SHARED_LIBS=OFF", + "-DRE2_BUILD_TESTING=OFF", + "-DCMAKE_EXPORT_COMPILE_COMMANDS=ON", + f"-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}", + f"-DCMAKE_BUILD_TYPE={config}", + "-DCMAKE_CXX_VISIBILITY_PRESET=hidden", + "-DCMAKE_POLICY_DEFAULT_CMP0063=NEW", + ] + + extra_args + + [".."], cwd=str(build_dir), check=True, env=build_env, ) - print('*** Command list Thirdparty ***') - with open(build_dir / 'compile_commands.json', 'r') as fileobj: + print("*** Command list Thirdparty ***") + with open(build_dir / "compile_commands.json", "r") as fileobj: print(fileobj.read()) - print('running cmake --build', flush=True) + print("running cmake --build", flush=True) subprocess.run( - args=['cmake', '--build', '.', '--target', 'install', '--config', config], + args=["cmake", "--build", ".", "--target", "install", "--config", config], cwd=str(build_dir), check=True, env=build_env, @@ -134,29 +126,34 @@ def _build_third_party(debug): def _build_sentence_piece(debug): - build_dir = _TP_BASE_DIR / 'sentencepiece' / 'build' + build_dir = _TP_BASE_DIR / "sentencepiece" / "build" build_dir.mkdir(exist_ok=True) build_env = os.environ.copy() - config = 'Debug' if debug else 'Release' - if platform.system() == 'Windows': - extra_args = ['-GNinja'] - build_env.setdefault('CC', 'cl') - build_env.setdefault('CXX', 'cl') + config = "Debug" if debug else "Release" + if platform.system() == "Windows": + extra_args = ["-GNinja"] + build_env.setdefault("CC", "cl") + build_env.setdefault("CXX", "cl") else: extra_args = [] subprocess.run( - args=['cmake', '-DSPM_ENABLE_SHARED=OFF', f'-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}', - '-DCMAKE_CXX_VISIBILITY_PRESET=hidden', - '-DCMAKE_CXX_FLAGS=' + _get_cxx11_abi(), - '-DCMAKE_POLICY_DEFAULT_CMP0063=NEW', - f'-DCMAKE_BUILD_TYPE={config}'] + extra_args + ['..'], - + args=[ + "cmake", + "-DSPM_ENABLE_SHARED=OFF", + f"-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}", + "-DCMAKE_CXX_VISIBILITY_PRESET=hidden", + "-DCMAKE_CXX_FLAGS=" + _get_cxx11_abi(), + "-DCMAKE_POLICY_DEFAULT_CMP0063=NEW", + f"-DCMAKE_BUILD_TYPE={config}", + ] + + extra_args + + [".."], cwd=str(build_dir), check=True, env=build_env, ) subprocess.run( - args=['cmake', '--build', '.', '--target', 'install', '--config', config], + args=["cmake", "--build", ".", "--target", "install", "--config", config], cwd=str(build_dir), check=True, env=build_env, @@ -168,7 +165,7 @@ def _configure_third_party(debug): _build_sentence_piece(debug) -_EXT_NAME = 'torchtext._torchtext' +_EXT_NAME = "torchtext._torchtext" def get_ext_modules(debug=False): diff --git a/docs/make.bat b/docs/make.bat index ccf3664b8a..02b0b45339 100644 --- a/docs/make.bat +++ b/docs/make.bat @@ -1,36 +1,36 @@ -@ECHO OFF - -pushd %~dp0 - -REM Command file for Sphinx documentation - -if "%SPHINXBUILD%" == "" ( - set SPHINXBUILD=sphinx-build -) -set SOURCEDIR=source -set BUILDDIR=build -set SPHINXPROJ=torchtext - -if "%1" == "" goto help - -%SPHINXBUILD% >NUL 2>NUL -if errorlevel 9009 ( - echo. - echo.The 'sphinx-build' command was not found. Make sure you have Sphinx - echo.installed, then set the SPHINXBUILD environment variable to point - echo.to the full path of the 'sphinx-build' executable. Alternatively you - echo.may add the Sphinx directory to PATH. - echo. - echo.If you don't have Sphinx installed, grab it from - echo.http://sphinx-doc.org/ - exit /b 1 -) - -%SPHINXBUILD% -M %1 %SOURCEDIR% %BUILDDIR% %SPHINXOPTS% -goto end - -:help -%SPHINXBUILD% -M help %SOURCEDIR% %BUILDDIR% %SPHINXOPTS% - -:end -popd +@ECHO OFF + +pushd %~dp0 + +REM Command file for Sphinx documentation + +if "%SPHINXBUILD%" == "" ( + set SPHINXBUILD=sphinx-build +) +set SOURCEDIR=source +set BUILDDIR=build +set SPHINXPROJ=torchtext + +if "%1" == "" goto help + +%SPHINXBUILD% >NUL 2>NUL +if errorlevel 9009 ( + echo. + echo.The 'sphinx-build' command was not found. Make sure you have Sphinx + echo.installed, then set the SPHINXBUILD environment variable to point + echo.to the full path of the 'sphinx-build' executable. Alternatively you + echo.may add the Sphinx directory to PATH. + echo. + echo.If you don't have Sphinx installed, grab it from + echo.http://sphinx-doc.org/ + exit /b 1 +) + +%SPHINXBUILD% -M %1 %SOURCEDIR% %BUILDDIR% %SPHINXOPTS% +goto end + +:help +%SPHINXBUILD% -M help %SOURCEDIR% %BUILDDIR% %SPHINXOPTS% + +:end +popd diff --git a/docs/requirements.txt b/docs/requirements.txt index 8426d4eb4f..37532df48d 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,4 +1,4 @@ sphinx==3.5.4 -e git+https://github.com/pytorch/pytorch_sphinx_theme.git@b4d0005#egg=pytorch_sphinx_theme matplotlib -sphinx_gallery \ No newline at end of file +sphinx_gallery diff --git a/docs/source/_static/img/pytorch-logo-flame.svg b/docs/source/_static/img/pytorch-logo-flame.svg index 22d7228b4f..5f2fb76be7 100644 --- a/docs/source/_static/img/pytorch-logo-flame.svg +++ b/docs/source/_static/img/pytorch-logo-flame.svg @@ -30,4 +30,4 @@ style="fill:#9e529f" id="path4698" d="m 24.075479,-7.6293945e-7 c -0.5,0 -1.8,2.49999996293945 -1.8,3.59999996293945 0,1.5 1,2 1.8,2 0.8,0 1.8,-0.5 1.8,-2 -0.1,-1.1 -1.4,-3.59999996293945 -1.8,-3.59999996293945 z" - class="st1" /> \ No newline at end of file + class="st1" /> diff --git a/docs/source/conf.py b/docs/source/conf.py index 131450dade..292c86a394 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -20,11 +20,12 @@ # import os # import sys # sys.path.insert(0, os.path.abspath('.')) -import torchtext -import pytorch_sphinx_theme import os import re +import pytorch_sphinx_theme +import torchtext + # -- General configuration ------------------------------------------------ # If your documentation needs a minimal Sphinx version, state it here. @@ -36,16 +37,16 @@ # ones. extensions = [ - 'sphinx.ext.autodoc', - 'sphinx.ext.autosummary', - 'sphinx.ext.doctest', - 'sphinx.ext.intersphinx', - 'sphinx.ext.todo', - 'sphinx.ext.coverage', - 'sphinx.ext.mathjax', - 'sphinx.ext.napoleon', - 'sphinx.ext.viewcode', - 'sphinx_gallery.gen_gallery', + "sphinx.ext.autodoc", + "sphinx.ext.autosummary", + "sphinx.ext.doctest", + "sphinx.ext.intersphinx", + "sphinx.ext.todo", + "sphinx.ext.coverage", + "sphinx.ext.mathjax", + "sphinx.ext.napoleon", + "sphinx.ext.viewcode", + "sphinx_gallery.gen_gallery", ] # Implementation from https://github.com/pytorch/audio/blob/main/docs/source/conf.py @@ -66,6 +67,7 @@ def _get_var(var, default=False): ) return False + # Implementation from https://github.com/pytorch/audio/blob/main/docs/source/conf.py @@ -112,21 +114,21 @@ def _get_pattern(): napoleon_google_docstring = True # Add any paths that contain templates here, relative to this directory. -templates_path = ['_templates'] +templates_path = ["_templates"] # The suffix(es) of source filenames. # You can specify multiple suffix as a list of string: # # source_suffix = ['.rst', '.md'] -source_suffix = '.rst' +source_suffix = ".rst" # The master toctree document. -master_doc = 'index' +master_doc = "index" # General information about the project. -project = 'torchtext' -copyright = '2017, Torch Contributors' -author = 'Torch Contributors' +project = "torchtext" +copyright = "2017, Torch Contributors" +author = "Torch Contributors" # The version info for the project you're documenting, acts as replacement for # |version| and |release|, also used in various other places throughout the @@ -150,7 +152,7 @@ def _get_pattern(): exclude_patterns = ["experimental_*"] # The name of the Pygments (syntax highlighting) style to use. -pygments_style = 'sphinx' +pygments_style = "sphinx" # If true, `todo` and `todoList` produce output, else they produce nothing. todo_include_todos = True @@ -161,7 +163,7 @@ def _get_pattern(): # The theme to use for HTML and HTML Help pages. See the documentation for # a list of builtin themes. # -html_theme = 'pytorch_sphinx_theme' +html_theme = "pytorch_sphinx_theme" html_theme_path = [pytorch_sphinx_theme.get_html_theme_path()] # Theme options are theme-specific and customize the look and feel of a theme @@ -169,32 +171,32 @@ def _get_pattern(): # documentation. # html_theme_options = { - 'pytorch_project': 'text', - 'collapse_navigation': False, - 'display_version': True, - 'logo_only': True, - 'analytics_id': 'UA-117752657-2', + "pytorch_project": "text", + "collapse_navigation": False, + "display_version": True, + "logo_only": True, + "analytics_id": "UA-117752657-2", } -html_logo = '_static/img/pytorch-logo-dark.svg' +html_logo = "_static/img/pytorch-logo-dark.svg" # Add any paths that contain custom static files (such as style sheets) here, # relative to this directory. They are copied after the builtin static files, # so a file named "default.css" will overwrite the builtin "default.css". -html_static_path = ['_static'] +html_static_path = ["_static"] intersphinx_mapping = { - 'python': ('https://docs.python.org/3/', None), - 'numpy': ('https://numpy.org/doc/stable/', None), - 'torch': ('https://pytorch.org/docs/stable/', None) + "python": ("https://docs.python.org/3/", None), + "numpy": ("https://numpy.org/doc/stable/", None), + "torch": ("https://pytorch.org/docs/stable/", None), } # -- Options for HTMLHelp output ------------------------------------------ # Output file base name for HTML help builder. -htmlhelp_basename = 'PyTorchdoc' +htmlhelp_basename = "PyTorchdoc" # -- Options for LaTeX output --------------------------------------------- @@ -203,15 +205,12 @@ def _get_pattern(): # The paper size ('letterpaper' or 'a4paper'). # # 'papersize': 'letterpaper', - # The font size ('10pt', '11pt' or '12pt'). # # 'pointsize': '10pt', - # Additional stuff for the LaTeX preamble. # # 'preamble': '', - # Latex figure (float) alignment # # 'figure_align': 'htbp', @@ -221,8 +220,7 @@ def _get_pattern(): # (source start file, target name, title, # author, documentclass [howto, manual, or own class]). latex_documents = [ - (master_doc, 'pytorch.tex', 'torchtext Documentation', - 'Torch Contributors', 'manual'), + (master_doc, "pytorch.tex", "torchtext Documentation", "Torch Contributors", "manual"), ] @@ -230,10 +228,7 @@ def _get_pattern(): # One entry per manual page. List of tuples # (source start file, name, description, authors, manual section). -man_pages = [ - (master_doc, 'torchtext', 'torchtext Documentation', - [author], 1) -] +man_pages = [(master_doc, "torchtext", "torchtext Documentation", [author], 1)] # -- Options for Texinfo output ------------------------------------------- @@ -242,9 +237,15 @@ def _get_pattern(): # (source start file, target name, title, author, # dir menu entry, description, category) texinfo_documents = [ - (master_doc, 'torchtext', 'torchtext Documentation', - author, 'torchtext', 'One line description of project.', - 'Miscellaneous'), + ( + master_doc, + "torchtext", + "torchtext Documentation", + author, + "torchtext", + "One line description of project.", + "Miscellaneous", + ), ] @@ -252,8 +253,8 @@ def _get_pattern(): # See http://stackoverflow.com/a/41184353/3343043 from docutils import nodes -from sphinx.util.docfields import TypedField from sphinx import addnodes +from sphinx.util.docfields import TypedField def patched_make_field(self, types, domain, items, **kw): @@ -263,40 +264,39 @@ def patched_make_field(self, types, domain, items, **kw): # type: (List, unicode, Tuple) -> nodes.field def handle_item(fieldarg, content): par = nodes.paragraph() - par += addnodes.literal_strong('', fieldarg) # Patch: this line added + par += addnodes.literal_strong("", fieldarg) # Patch: this line added # par.extend(self.make_xrefs(self.rolename, domain, fieldarg, # addnodes.literal_strong)) if fieldarg in types: - par += nodes.Text(' (') + par += nodes.Text(" (") # NOTE: using .pop() here to prevent a single type node to be # inserted twice into the doctree, which leads to # inconsistencies later when references are resolved fieldtype = types.pop(fieldarg) if len(fieldtype) == 1 and isinstance(fieldtype[0], nodes.Text): - typename = u''.join(n.astext() for n in fieldtype) - typename = typename.replace('int', 'python:int') - typename = typename.replace('long', 'python:long') - typename = typename.replace('float', 'python:float') - typename = typename.replace('type', 'python:type') - par.extend(self.make_xrefs(self.typerolename, domain, typename, - addnodes.literal_emphasis, **kw)) + typename = "".join(n.astext() for n in fieldtype) + typename = typename.replace("int", "python:int") + typename = typename.replace("long", "python:long") + typename = typename.replace("float", "python:float") + typename = typename.replace("type", "python:type") + par.extend(self.make_xrefs(self.typerolename, domain, typename, addnodes.literal_emphasis, **kw)) else: par += fieldtype - par += nodes.Text(')') - par += nodes.Text(' -- ') + par += nodes.Text(")") + par += nodes.Text(" -- ") par += content return par - fieldname = nodes.field_name('', self.label) + fieldname = nodes.field_name("", self.label) if len(items) == 1 and self.can_collapse: fieldarg, content = items[0] bodynode = handle_item(fieldarg, content) else: bodynode = self.list_type() for fieldarg, content in items: - bodynode += nodes.list_item('', handle_item(fieldarg, content)) - fieldbody = nodes.field_body('', bodynode) - return nodes.field('', fieldname, fieldbody) + bodynode += nodes.list_item("", handle_item(fieldarg, content)) + fieldbody = nodes.field_body("", bodynode) + return nodes.field("", fieldname, fieldbody) TypedField.make_field = patched_make_field diff --git a/docs/source/data_functional.rst b/docs/source/data_functional.rst index d044025477..daa99d754d 100644 --- a/docs/source/data_functional.rst +++ b/docs/source/data_functional.rst @@ -31,11 +31,11 @@ torchtext.data.functional ~~~~~~~~~~~~~~~~~~~~~~~~ .. autofunction:: custom_replace - + :hidden:`simple_space_split` ~~~~~~~~~~~~~~~~~~~~~~~~~~~~ -.. autofunction:: simple_space_split +.. autofunction:: simple_space_split :hidden:`numericalize_tokens_from_iterator` ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ diff --git a/docs/source/data_utils.rst b/docs/source/data_utils.rst index 9fe652b339..f9432996b2 100644 --- a/docs/source/data_utils.rst +++ b/docs/source/data_utils.rst @@ -10,9 +10,9 @@ torchtext.data.utils :hidden:`get_tokenizer` ~~~~~~~~~~~~~~~~~~~~~~~~~ -.. autofunction:: get_tokenizer +.. autofunction:: get_tokenizer :hidden:`ngrams_iterator` ~~~~~~~~~~~~~~~~~~~~~~~~~ -.. autofunction:: ngrams_iterator +.. autofunction:: ngrams_iterator diff --git a/docs/source/experimental_datasets_raw.rst b/docs/source/experimental_datasets_raw.rst index ccf3a22b98..1b93a1746f 100644 --- a/docs/source/experimental_datasets_raw.rst +++ b/docs/source/experimental_datasets_raw.rst @@ -13,10 +13,10 @@ General use cases are as follows: :: def tokenize(label, line): return line.split() - + tokens_src = [] tokens_tgt = [] - + for line in train_iter: src, tgt = line tokens_src += tokenize(src) @@ -36,11 +36,11 @@ WMT14 .. autofunction:: WMT14 - + Language Modeling ^^^^^^^^^^^^^^^^^ WMTNewsCrawl -~~~~~~~~~~~~ +~~~~~~~~~~~~ .. autofunction:: WMTNewsCrawl diff --git a/docs/source/experimental_transforms.rst b/docs/source/experimental_transforms.rst index 9076995387..2195b0a748 100644 --- a/docs/source/experimental_transforms.rst +++ b/docs/source/experimental_transforms.rst @@ -31,7 +31,7 @@ torchtext.experimental.transforms :hidden:`load_sp_model` ~~~~~~~~~~~~~~~~~~~~~~~ -.. autofunction:: load_sp_model +.. autofunction:: load_sp_model :hidden:`sentencepiece_tokenizer` ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ diff --git a/docs/source/functional.rst b/docs/source/functional.rst index a40c0941f5..0cfbf19c3c 100644 --- a/docs/source/functional.rst +++ b/docs/source/functional.rst @@ -22,4 +22,4 @@ truncate add_token --------- -.. autofunction:: add_token \ No newline at end of file +.. autofunction:: add_token diff --git a/docs/source/index.rst b/docs/source/index.rst index d367ac1ce0..5cfe626650 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -45,7 +45,7 @@ popular datasets for natural language. Getting Started --------------- - + .. toctree:: :maxdepth: 1 :caption: Getting Started @@ -67,4 +67,3 @@ Getting Started TorchElastic TorchServe PyTorch on XLA Devices - diff --git a/docs/source/nn_modules.rst b/docs/source/nn_modules.rst index 5b979581e0..fa8c6593d9 100644 --- a/docs/source/nn_modules.rst +++ b/docs/source/nn_modules.rst @@ -17,13 +17,13 @@ torchtext.nn :hidden:`InProjContainer` ~~~~~~~~~~~~~~~~~~~~~~~~~ -.. autoclass:: InProjContainer +.. autoclass:: InProjContainer :members: :special-members: __init__ :hidden:`ScaledDotProduct` ~~~~~~~~~~~~~~~~~~~~~~~~~~ -.. autoclass:: ScaledDotProduct +.. autoclass:: ScaledDotProduct :members: :special-members: __init__ diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index 3fb1719160..f12cd43ae3 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -43,7 +43,7 @@ ToTensor .. autoclass:: ToTensor .. automethod:: forward - + LabelToIndex ------------ diff --git a/docs/source/utils.rst b/docs/source/utils.rst index 1f33a39c79..e45c977bca 100644 --- a/docs/source/utils.rst +++ b/docs/source/utils.rst @@ -20,7 +20,7 @@ torchtext.utils :hidden:`unicode_csv_reader` ~~~~~~~~~~~~~~~~~~~~~~~~~~~~ -.. autofunction:: unicode_csv_reader +.. autofunction:: unicode_csv_reader :hidden:`extract_archive` ~~~~~~~~~~~~~~~~~~~~~~~~~ diff --git a/docs/source/vocab.rst b/docs/source/vocab.rst index a4fcaad0c9..baa686e8f6 100644 --- a/docs/source/vocab.rst +++ b/docs/source/vocab.rst @@ -13,7 +13,7 @@ torchtext.vocab .. autoclass:: Vocab :members: :special-members: - + :hidden:`vocab` ~~~~~~~~~~~~~~~ diff --git a/examples/data_pipeline/README.md b/examples/data_pipeline/README.md index b579384e84..80dff5d45a 100644 --- a/examples/data_pipeline/README.md +++ b/examples/data_pipeline/README.md @@ -1,122 +1,124 @@ # Data processing pipelines with torchtext -This example shows a few data processing pipelines with the building blocks (like tokenizer, vocab). The raw text data from `torchtext.datasets` are used as the inputs for performance benchmark. We also enable the JIT support if possible. +This example shows a few data processing pipelines with the building blocks (like tokenizer, vocab). The raw text data +from `torchtext.datasets` are used as the inputs for performance benchmark. We also enable the JIT support if possible. +## SentencePiece -## SentencePiece +This pipeline example shows the application with a pretrained sentencepiece model saved in `m_user.model`. The model is +loaded to build tokenizer and vocabulary and the pipeline is composed of: -This pipeline example shows the application with a pretrained sentencepiece model saved in `m_user.model`. The model is loaded to build tokenizer and vocabulary and the pipeline is composed of: - -* `PretrainedSPTokenizer` -* `PretrainedSPVocab` backed by `torchtext.experimental.vocab.Vocab` +- `PretrainedSPTokenizer` +- `PretrainedSPVocab` backed by `torchtext.experimental.vocab.Vocab` The command to run the pipeline: python pipelines.py --pipeline sentencepiece - ## Legacy Torchtext -This pipeline example shows the application with the existing `Vocab` in torchtext library. The `Vocab` instance is built from a text file where a column of vocab tokens are read in sequence. +This pipeline example shows the application with the existing `Vocab` in torchtext library. The `Vocab` instance is +built from a text file where a column of vocab tokens are read in sequence. -* `basic_english` func from `torchtext.data.utils.get_tokenizer` -* `torchtext.vocab.Vocab` +- `basic_english` func from `torchtext.data.utils.get_tokenizer` +- `torchtext.vocab.Vocab` The command to run the pipeline: python pipelines.py --pipeline legacy_torchtext - ## Experimental Torchtext -This pipeline example shows the application with the vocab text file from Hugging Face ([link](https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt)). The experimental vocab in torchtext library is used here: +This pipeline example shows the application with the vocab text file from Hugging Face +([link](https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt)). The experimental vocab in +torchtext library is used here: -* `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -* `torchtext.experimental.vocab.Vocab` +- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library +- `torchtext.experimental.vocab.Vocab` The command to run the pipeline: - python pipelines.py --pipeline experimental_torchtext - + python pipelines.py --pipeline experimental_torchtext ## Legacy PyText -This pipeline example shows the application with the existing `ScriptVocab` in pytext library. The `ScriptVocab` instance is built from a text file where a column of vocab tokens are read in sequence. +This pipeline example shows the application with the existing `ScriptVocab` in pytext library. The `ScriptVocab` +instance is built from a text file where a column of vocab tokens are read in sequence. -* `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -* `from pytext.torchscript.vocab.ScriptVocabulary` +- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library +- `from pytext.torchscript.vocab.ScriptVocabulary` With the dependency of `pytext` library, the command to run the pipeline: python pipelines.py --pipeline pytext - ## Experimental PyText -This pipeline example shows the application with a `ScriptVocab` based on the torchtext vocab. The `ScriptVocab` instance is built from a text file where a column of vocab tokens are read in sequence. +This pipeline example shows the application with a `ScriptVocab` based on the torchtext vocab. The `ScriptVocab` +instance is built from a text file where a column of vocab tokens are read in sequence. -* `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -* `from pytext.torchscript.vocab.ScriptVocabulary` +- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library +- `from pytext.torchscript.vocab.ScriptVocabulary` With the dependency of `pytext` library, the command to run the pipeline: python pipelines.py --pipeline pytext - ## Legacy Torchtext with a batch of data -This pipeline example shows the application with the data batch as input. For the real-world text classification task, two separate pipelines are created for text and label. +This pipeline example shows the application with the data batch as input. For the real-world text classification task, +two separate pipelines are created for text and label. For the text pipeline: -* `basic_english` func from `torchtext.data.utils.get_tokenizer` -* `torchtext.vocab.Vocab` +- `basic_english` func from `torchtext.data.utils.get_tokenizer` +- `torchtext.vocab.Vocab` For the label pipeline: -* `torchtext.experimental.functional.totensor` to convert a list of strings to `torch.tensor` +- `torchtext.experimental.functional.totensor` to convert a list of strings to `torch.tensor` -And the text and label pipeline are passed to TextClassificationPipeline. Since the incoming data are in the form of a batch, `run_batch_benchmark_lookup` func uses python built-in `map()` func to process a batch of raw text data according the pipeline. +And the text and label pipeline are passed to TextClassificationPipeline. Since the incoming data are in the form of a +batch, `run_batch_benchmark_lookup` func uses python built-in `map()` func to process a batch of raw text data according +the pipeline. The command to run the pipeline: python pipelines.py --pipeline legacy_batch_torchtext - -## Legacy FastText pretrained word vectors +## Legacy FastText pretrained word vectors This pipeline example shows the application with the pretained word vector from legacy FastText: -* `basic_english` func from `torchtext.data.utils.get_tokenizer` -* `torchtext.vocab.FastText` +- `basic_english` func from `torchtext.data.utils.get_tokenizer` +- `torchtext.vocab.FastText` The command to run the pipeline: - python pipelines.py --pipeline legacy_fasttext - + python pipelines.py --pipeline legacy_fasttext -## Experimental FastText pretrained word vectors +## Experimental FastText pretrained word vectors This pipeline example shows the application with the pretained word vector using our experimental FastText: -* `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -* `torchtext.experimental.vectors.FastText` +- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library +- `torchtext.experimental.vectors.FastText` The command to run the pipeline: - python pipelines.py --pipeline experimental_fasttext + python pipelines.py --pipeline experimental_fasttext Here are the time in seconds for the pipelines above: -Pipelines | Eager Mode with Pybind | Eager Mode with Torchbind | JIT Mode ------------- | ------------- | ------------- | ------------- -SentencePiece | 19.555 | 22.798 | 17.579 -Legacy Torchtext | 11.677 | N/A | N/A -Experimental Torchtext | 4.793 | 9.745 | 6.459 -Legacy PyText | 10.168 | 12.636 | 8.425 -Experimental PyText | 5.192 | 10.555 | 6.272 -Legacy Torchtext with a batch of data | 5.192 | N/A | N/A -Legacy FastText pretrained word vectors | 22.947 | N/A | N/A -Experimental FastText pretrained word vectors | 11.949 | 18.100 | 14.058 +| Pipelines | Eager Mode with Pybind | Eager Mode with Torchbind | JIT Mode | +| --------------------------------------------- | ---------------------- | ------------------------- | -------- | +| SentencePiece | 19.555 | 22.798 | 17.579 | +| Legacy Torchtext | 11.677 | N/A | N/A | +| Experimental Torchtext | 4.793 | 9.745 | 6.459 | +| Legacy PyText | 10.168 | 12.636 | 8.425 | +| Experimental PyText | 5.192 | 10.555 | 6.272 | +| Legacy Torchtext with a batch of data | 5.192 | N/A | N/A | +| Legacy FastText pretrained word vectors | 22.947 | N/A | N/A | +| Experimental FastText pretrained word vectors | 11.949 | 18.100 | 14.058 | Please note that these numbers are for our development reference only. diff --git a/examples/data_pipeline/dataset.py b/examples/data_pipeline/dataset.py index 4877aa2f51..496fbafde8 100644 --- a/examples/data_pipeline/dataset.py +++ b/examples/data_pipeline/dataset.py @@ -3,10 +3,9 @@ class BatchTextClassificationData(torch.utils.data.IterableDataset): - def __init__(self, dataset_name, batch_size=16): super(BatchTextClassificationData, self).__init__() - self._iterator = DATASETS[dataset_name](split='train') + self._iterator = DATASETS[dataset_name](split="train") self.batch_size = batch_size def __iter__(self): diff --git a/examples/data_pipeline/pipelines.py b/examples/data_pipeline/pipelines.py index 1b5e742163..27dc10f86b 100644 --- a/examples/data_pipeline/pipelines.py +++ b/examples/data_pipeline/pipelines.py @@ -1,31 +1,24 @@ +import argparse +import time from collections import Counter, OrderedDict + import torch -from transforms import ( - PretrainedSPVocab, - PyTextVocabTransform, - PyTextScriptVocabTransform, - tokenizer_func, - vocab_func, -) +from torch.utils.data import DataLoader +from torchtext.data.utils import get_tokenizer +from torchtext.datasets import DATASETS +from torchtext.experimental.functional import sequential_transforms from torchtext.experimental.transforms import ( basic_english_normalize, - TextSequentialTransforms, - sentencepiece_tokenizer, load_sp_model, PRETRAINED_SP_MODEL, -) -from torchtext.data.utils import get_tokenizer -from torchtext.experimental.functional import ( - sequential_transforms, + sentencepiece_tokenizer, + TextSequentialTransforms, ) from torchtext.experimental.vectors import FastText as FastTextExperimental from torchtext.experimental.vocab import load_vocab_from_file -from torchtext.vocab import FastText from torchtext.utils import download_from_url -import argparse -from torchtext.datasets import DATASETS -import time -from torch.utils.data import DataLoader +from torchtext.vocab import FastText +from transforms import PretrainedSPVocab, PyTextScriptVocabTransform, PyTextVocabTransform, tokenizer_func, vocab_func def build_sp_pipeline(args): @@ -38,7 +31,7 @@ def build_sp_pipeline(args): # Insert token in vocab to match a pretrained vocab pipeline = TextSequentialTransforms(tokenizer, vocab) jit_pipeline = torch.jit.script(pipeline) - print('jit sentencepiece pipeline success!') + print("jit sentencepiece pipeline success!") return pipeline, pipeline, jit_pipeline @@ -48,7 +41,7 @@ def build_legacy_torchtext_vocab_pipeline(args): from torchtext.legacy.vocab import build_vocab_from_iterator def token_iterator(vocab_file): - f = open(vocab_file, 'r') + f = open(vocab_file, "r") for line in f: for token in line: yield token @@ -61,11 +54,11 @@ def token_iterator(vocab_file): def build_experimental_torchtext_pipeline(args): vocab_file = args.vocab_filename tokenizer = basic_english_normalize() - with open(vocab_file, 'r') as f: + with open(vocab_file, "r") as f: vocab = load_vocab_from_file(f) pipeline = TextSequentialTransforms(tokenizer, vocab) jit_pipeline = torch.jit.script(pipeline) - print('jit experimental torchtext pipeline success!') + print("jit experimental torchtext pipeline success!") return pipeline, pipeline, jit_pipeline @@ -75,7 +68,7 @@ def build_legacy_batch_torchtext_vocab_pipeline(args): from torchtext.legacy.vocab import build_vocab_from_iterator def token_iterator(vocab_file): - f = open(vocab_file, 'r') + f = open(vocab_file, "r") for line in f: for token in line: yield token @@ -90,13 +83,14 @@ def build_legacy_pytext_vocab_pipeline(args): from pytext.data.utils import Vocabulary tokenizer = get_tokenizer("basic_english") - with open(vocab_file, 'r') as f: + with open(vocab_file, "r") as f: vocab_counter = Counter([token for line in f for token in line.rstrip()]) sorted_by_freq_tuples = sorted(vocab_counter.items(), key=lambda x: x[1], reverse=True) vocab_list = [pair[0] for pair in sorted_by_freq_tuples] vocab_list.insert(0, "") - pipeline = sequential_transforms(tokenizer_func(tokenizer), - PyTextVocabTransform(Vocabulary(vocab_list, unk_token=""))) + pipeline = sequential_transforms( + tokenizer_func(tokenizer), PyTextVocabTransform(Vocabulary(vocab_list, unk_token="")) + ) return pipeline, None, None @@ -105,15 +99,14 @@ def build_legacy_pytext_script_vocab_pipeline(args): from pytext.torchscript.vocab import ScriptVocabulary tokenizer = basic_english_normalize() - with open(vocab_file, 'r') as f: + with open(vocab_file, "r") as f: vocab_counter = Counter([token for line in f for token in line.rstrip()]) sorted_by_freq_tuples = sorted(vocab_counter.items(), key=lambda x: x[1], reverse=True) vocab_list = [pair[0] for pair in sorted_by_freq_tuples] vocab_list.insert(0, "") - pipeline = TextSequentialTransforms(tokenizer, - PyTextScriptVocabTransform(ScriptVocabulary(vocab_list))) + pipeline = TextSequentialTransforms(tokenizer, PyTextScriptVocabTransform(ScriptVocabulary(vocab_list))) jit_pipeline = torch.jit.script(pipeline) - print('jit legacy PyText pipeline success!') + print("jit legacy PyText pipeline success!") return pipeline, pipeline, jit_pipeline @@ -121,21 +114,21 @@ def build_experimental_pytext_script_pipeline(args): vocab_file = args.vocab_filename import os import sys + # this is needed because we want to add 'torchtext/examples/vocab' directory to the # `sys.path` variable in order to import the pytext_vocab (since its not a module) sys.path.insert(0, os.path.join(os.path.dirname(os.path.abspath(__file__)), "..", "vocab")) from pytext_vocab import script_vocab tokenizer = basic_english_normalize() - f = open(vocab_file, 'r') + f = open(vocab_file, "r") vocab_counter = Counter([token for line in f for token in line.rstrip()]) ordered_dict = OrderedDict(sorted(vocab_counter.items(), key=lambda x: x[1], reverse=True)) # Insert token in vocab to match a pretrained vocab - pipeline = TextSequentialTransforms(tokenizer, - PyTextScriptVocabTransform(script_vocab(ordered_dict))) + pipeline = TextSequentialTransforms(tokenizer, PyTextScriptVocabTransform(script_vocab(ordered_dict))) jit_pipeline = torch.jit.script(pipeline) - print('jit legacy PyText pipeline success!') + print("jit legacy PyText pipeline success!") return pipeline, pipeline, jit_pipeline @@ -154,7 +147,7 @@ def build_experimental_fasttext_vector_pipeline(args): pipeline = TextSequentialTransforms(tokenizer, vector) jit_pipeline = torch.jit.script(pipeline) - print('jit legacy fasttext pipeline success!') + print("jit legacy fasttext pipeline success!") return pipeline, pipeline, jit_pipeline @@ -168,6 +161,7 @@ def run_benchmark_lookup(text_classification_dataset, pipeline): def run_batch_benchmark_lookup(text_classification_dataset, pipeline): def collate_fn(data_batch): return [text for (label, text) in data_batch] + dataloader = DataLoader(text_classification_dataset, batch_size=16, shuffle=True, collate_fn=collate_fn) t0 = time.monotonic() for lines in dataloader: @@ -181,37 +175,37 @@ def generate_dataset(args): PIPELINES = { - 'sentencepiece': build_sp_pipeline, - 'experimental_torchtext': build_experimental_torchtext_pipeline, - 'legacy_torchtext': build_legacy_torchtext_vocab_pipeline, - 'experimental_fasttext': build_experimental_fasttext_vector_pipeline, - 'legacy_fasttext': build_legacy_fasttext_vector_pipeline, - 'experimental_pytext_script_vocab': build_experimental_pytext_script_pipeline, - 'legacy_pytext_vocab': build_legacy_pytext_vocab_pipeline, - 'legacy_pytext_script_vocab': build_legacy_pytext_script_vocab_pipeline, - 'legacy_batch_torchtext': build_legacy_batch_torchtext_vocab_pipeline, + "sentencepiece": build_sp_pipeline, + "experimental_torchtext": build_experimental_torchtext_pipeline, + "legacy_torchtext": build_legacy_torchtext_vocab_pipeline, + "experimental_fasttext": build_experimental_fasttext_vector_pipeline, + "legacy_fasttext": build_legacy_fasttext_vector_pipeline, + "experimental_pytext_script_vocab": build_experimental_pytext_script_pipeline, + "legacy_pytext_vocab": build_legacy_pytext_vocab_pipeline, + "legacy_pytext_script_vocab": build_legacy_pytext_script_vocab_pipeline, + "legacy_batch_torchtext": build_legacy_batch_torchtext_vocab_pipeline, } if __name__ == "__main__": - parser = argparse.ArgumentParser(description='Data procesing pipelines') - parser.add_argument('--pipeline', type=str, default='sentencepiece', - help='The name of pipeline') - parser.add_argument('--dataset', type=str, default='AG_NEWS', - help='Dataset for performance benchmark') - parser.add_argument('--spm-filename', type=str, default='text_unigram_25000', - help='The filename of sentencepiece model') - parser.add_argument('--vocab-filename', type=str, default='vocab.txt', - help='The name of vocab filename') + parser = argparse.ArgumentParser(description="Data procesing pipelines") + parser.add_argument("--pipeline", type=str, default="sentencepiece", help="The name of pipeline") + parser.add_argument("--dataset", type=str, default="AG_NEWS", help="Dataset for performance benchmark") + parser.add_argument( + "--spm-filename", type=str, default="text_unigram_25000", help="The filename of sentencepiece model" + ) + parser.add_argument("--vocab-filename", type=str, default="vocab.txt", help="The name of vocab filename") args = parser.parse_args() if args.pipeline not in PIPELINES: - raise KeyError('Pipeline {} is not supported. Valid pipelines are {}'.format(args.pipeline, list(PIPELINES.keys()))) + raise KeyError( + "Pipeline {} is not supported. Valid pipelines are {}".format(args.pipeline, list(PIPELINES.keys())) + ) pipeline, torchbind_pipeline, jit_pipeline = PIPELINES[args.pipeline](args) if pipeline is not None: print("Test eager mode for pipeline with pybind", args.pipeline) train, test = generate_dataset(args) - if args.pipeline == 'legacy_batch_torchtext': + if args.pipeline == "legacy_batch_torchtext": run_batch_benchmark_lookup(train, pipeline) else: run_benchmark_lookup(train, pipeline) @@ -219,7 +213,7 @@ def generate_dataset(args): if torchbind_pipeline is not None: print("Test eager mode for pipeline with torchbind", args.pipeline) train, test = generate_dataset(args) - if args.pipeline == 'legacy_batch_torchtext': + if args.pipeline == "legacy_batch_torchtext": run_batch_benchmark_lookup(train, torchbind_pipeline) else: run_benchmark_lookup(train, torchbind_pipeline) diff --git a/examples/data_pipeline/transforms.py b/examples/data_pipeline/transforms.py index 3bd88ff7a5..404c7ac12e 100644 --- a/examples/data_pipeline/transforms.py +++ b/examples/data_pipeline/transforms.py @@ -1,14 +1,14 @@ -import torch.nn as nn -from torchtext.vocab import vocab -from typing import List from collections import OrderedDict +from typing import List + import torch +import torch.nn as nn from torch import Tensor +from torchtext.vocab import vocab class PretrainedSPVocab(nn.Module): - r"""Vocab based on a pretained sentencepiece model - """ + r"""Vocab based on a pretained sentencepiece model""" def __init__(self, sp_model): super(PretrainedSPVocab, self).__init__() @@ -26,8 +26,7 @@ def insert_token(self, token: str, index: int) -> None: class PyTextVocabTransform(nn.Module): - r"""PyTextVocabTransform transform - """ + r"""PyTextVocabTransform transform""" def __init__(self, vocab): super(PyTextVocabTransform, self).__init__() @@ -39,8 +38,7 @@ def forward(self, tokens_list: List[List[str]]) -> List[List[int]]: class PyTextScriptVocabTransform(nn.Module): - r"""PyTextScriptVocabTransform transform - """ + r"""PyTextScriptVocabTransform transform""" def __init__(self, vocab): super(PyTextScriptVocabTransform, self).__init__() @@ -51,8 +49,7 @@ def forward(self, tokens: List[str]) -> List[int]: class ToLongTensor(nn.Module): - r"""Convert a list of integers to long tensor - """ + r"""Convert a list of integers to long tensor""" def __init__(self): super(ToLongTensor, self).__init__() @@ -64,6 +61,7 @@ def forward(self, tokens: List[List[int]]) -> Tensor: def iterate_batch(pipeline): def func(data_batch): return [pipeline(data) for data in data_batch] + return func @@ -89,8 +87,7 @@ def func(lines): class TextClassificationPipeline(nn.Module): - r"""Text classification pipeline template - """ + r"""Text classification pipeline template""" def __init__(self, label_transform, text_transform): super(TextClassificationPipeline, self).__init__() diff --git a/examples/text_classification/README.md b/examples/text_classification/README.md index cad301ae5d..685e08bb58 100644 --- a/examples/text_classification/README.md +++ b/examples/text_classification/README.md @@ -1,7 +1,6 @@ -# This is an example to train a text classification model +# This is an example to train a text classification model -In the basic case, users can train the sentiment model in model.py with -AG_NEWS dataset in torchtext.datasets. +In the basic case, users can train the sentiment model in model.py with AG_NEWS dataset in torchtext.datasets. To try the example, run the following script: @@ -9,12 +8,11 @@ To try the example, run the following script: ./run_script.sh ``` -In addition, one can also use sentencepiece tokenizer as shown below. A text -classification model is developed and applied to reproduce the YelpReviewFull -results from fastText. +In addition, one can also use sentencepiece tokenizer as shown below. A text classification model is developed and +applied to reproduce the YelpReviewFull results from fastText. To try the example, simply run the following commands: -```bash +```bash python train.py YelpReviewFull --device cuda --use-sp-tokenizer True --num-epochs 10 --embed-dim 64 ``` diff --git a/examples/text_classification/model.py b/examples/text_classification/model.py index cc614f1d70..92168cf371 100644 --- a/examples/text_classification/model.py +++ b/examples/text_classification/model.py @@ -17,7 +17,6 @@ class TextClassificationModel(nn.Module): - def __init__(self, vocab_size, embed_dim, num_class): super(TextClassificationModel, self).__init__() self.embedding = nn.EmbeddingBag(vocab_size, embed_dim, sparse=True) diff --git a/examples/text_classification/predict.py b/examples/text_classification/predict.py index b9df1c574f..893ab2855e 100644 --- a/examples/text_classification/predict.py +++ b/examples/text_classification/predict.py @@ -1,14 +1,10 @@ -import torch -import sys import argparse -from torchtext.data.utils import get_tokenizer -from torchtext.data.utils import ngrams_iterator +import sys + +import torch +from torchtext.data.utils import get_tokenizer, ngrams_iterator +from torchtext.experimental.transforms import load_sp_model, PRETRAINED_SP_MODEL, SentencePieceTokenizer from torchtext.utils import download_from_url -from torchtext.experimental.transforms import ( - SentencePieceTokenizer, - load_sp_model, - PRETRAINED_SP_MODEL, -) def predict(text, model, dictionary, tokenizer, ngrams): @@ -31,20 +27,19 @@ def predict(text, model, dictionary, tokenizer, ngrams): if __name__ == "__main__": - parser = argparse.ArgumentParser( - description='Predict text from stdin given model and dictionary') - parser.add_argument('model', help='the path for model') - parser.add_argument('dictionary', help='the path for dictionary') - parser.add_argument('--ngrams', type=int, default=2, - help='ngrams (default=2)') - parser.add_argument('--use-sp-tokenizer', type=bool, default=False, - help='use sentencepiece tokenizer (default=False)') + parser = argparse.ArgumentParser(description="Predict text from stdin given model and dictionary") + parser.add_argument("model", help="the path for model") + parser.add_argument("dictionary", help="the path for dictionary") + parser.add_argument("--ngrams", type=int, default=2, help="ngrams (default=2)") + parser.add_argument( + "--use-sp-tokenizer", type=bool, default=False, help="use sentencepiece tokenizer (default=False)" + ) args = parser.parse_args() model = torch.load(args.model) dictionary = torch.load(args.dictionary) if args.use_sp_tokenizer: - sp_model_path = download_from_url(PRETRAINED_SP_MODEL['text_unigram_15000']) + sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_unigram_15000"]) sp_model = load_sp_model(sp_model_path) tokenizer = SentencePieceTokenizer(sp_model) else: diff --git a/examples/text_classification/run_script.sh b/examples/text_classification/run_script.sh index 06bff2a54e..b71af9f5f9 100755 --- a/examples/text_classification/run_script.sh +++ b/examples/text_classification/run_script.sh @@ -2,7 +2,7 @@ if [ ! -d ".data" ]; then mkdir .data fi -python train.py AG_NEWS --device cpu --save-model-path model.i --dictionary vocab.i +python train.py AG_NEWS --device cpu --save-model-path model.i --dictionary vocab.i cut -f 2- -d "," .data/AG_NEWS/test.csv | python predict.py model.i vocab.i > predict_script.o # To train using pre-trained sentencepiece tokenizer @@ -10,4 +10,3 @@ cut -f 2- -d "," .data/AG_NEWS/test.csv | python predict.py model.i vocab.i > # To run spm with YelpReviewFull # python train.py YelpReviewFull --device cuda --save-model-path model.i --dictionary vocab.i --use-sp-tokenizer True - diff --git a/examples/text_classification/train.py b/examples/text_classification/train.py index 617b85a39a..3f0a664657 100644 --- a/examples/text_classification/train.py +++ b/examples/text_classification/train.py @@ -1,28 +1,17 @@ -import logging import argparse +import logging import time import torch - -from torchtext.utils import download_from_url -from torchtext.datasets import DATASETS - from model import TextClassificationModel -from torch.utils.data.dataset import random_split from torch.utils.data import DataLoader - +from torch.utils.data.dataset import random_split from torchtext.data.functional import to_map_style_dataset - -from torchtext.data.utils import ( - get_tokenizer, - ngrams_iterator, -) +from torchtext.data.utils import get_tokenizer, ngrams_iterator +from torchtext.datasets import DATASETS +from torchtext.experimental.transforms import load_sp_model, PRETRAINED_SP_MODEL, SentencePieceTokenizer +from torchtext.utils import download_from_url from torchtext.vocab import build_vocab_from_iterator -from torchtext.experimental.transforms import ( - SentencePieceTokenizer, - load_sp_model, - PRETRAINED_SP_MODEL, -) r""" This file shows the training process of the text classification model. @@ -62,9 +51,10 @@ def train(dataloader, model, optimizer, criterion, epoch): total_acc += (predited_label.argmax(1) == label).sum().item() total_count += label.size(0) if idx % log_interval == 0 and idx > 0: - print('| epoch {:3d} | {:5d}/{:5d} batches ' - '| accuracy {:8.3f}'.format(epoch, idx, len(dataloader), - total_acc / total_count)) + print( + "| epoch {:3d} | {:5d}/{:5d} batches " + "| accuracy {:8.3f}".format(epoch, idx, len(dataloader), total_acc / total_count) + ) total_acc, total_count = 0, 0 @@ -81,37 +71,24 @@ def evaluate(dataloader, model): if __name__ == "__main__": - parser = argparse.ArgumentParser( - description='Train a text classification model on text classification datasets.') - parser.add_argument('dataset', type=str, default="AG_NEWS") - parser.add_argument('--num-epochs', type=int, default=5, - help='num epochs (default=5)') - parser.add_argument('--embed-dim', type=int, default=32, - help='embed dim. (default=32)') - parser.add_argument('--batch-size', type=int, default=16, - help='batch size (default=16)') - parser.add_argument('--split-ratio', type=float, default=0.95, - help='train/valid split ratio (default=0.95)') - parser.add_argument('--lr', type=float, default=4.0, - help='learning rate (default=4.0)') - parser.add_argument('--lr-gamma', type=float, default=0.8, - help='gamma value for lr (default=0.8)') - parser.add_argument('--ngrams', type=int, default=2, - help='ngrams (default=2)') - parser.add_argument('--num-workers', type=int, default=1, - help='num of workers (default=1)') - parser.add_argument('--device', default='cpu', - help='device (default=cpu)') - parser.add_argument('--data-dir', default='.data', - help='data directory (default=.data)') - parser.add_argument('--use-sp-tokenizer', type=bool, default=False, - help='use sentencepiece tokenizer (default=False)') - parser.add_argument('--dictionary', - help='path to save vocab') - parser.add_argument('--save-model-path', - help='path for saving model') - parser.add_argument('--logging-level', default='WARNING', - help='logging level (default=WARNING)') + parser = argparse.ArgumentParser(description="Train a text classification model on text classification datasets.") + parser.add_argument("dataset", type=str, default="AG_NEWS") + parser.add_argument("--num-epochs", type=int, default=5, help="num epochs (default=5)") + parser.add_argument("--embed-dim", type=int, default=32, help="embed dim. (default=32)") + parser.add_argument("--batch-size", type=int, default=16, help="batch size (default=16)") + parser.add_argument("--split-ratio", type=float, default=0.95, help="train/valid split ratio (default=0.95)") + parser.add_argument("--lr", type=float, default=4.0, help="learning rate (default=4.0)") + parser.add_argument("--lr-gamma", type=float, default=0.8, help="gamma value for lr (default=0.8)") + parser.add_argument("--ngrams", type=int, default=2, help="ngrams (default=2)") + parser.add_argument("--num-workers", type=int, default=1, help="num of workers (default=1)") + parser.add_argument("--device", default="cpu", help="device (default=cpu)") + parser.add_argument("--data-dir", default=".data", help="data directory (default=.data)") + parser.add_argument( + "--use-sp-tokenizer", type=bool, default=False, help="use sentencepiece tokenizer (default=False)" + ) + parser.add_argument("--dictionary", help="path to save vocab") + parser.add_argument("--save-model-path", help="path for saving model") + parser.add_argument("--logging-level", default="WARNING", help="logging level (default=WARNING)") args = parser.parse_args() num_epochs = args.num_epochs @@ -127,13 +104,13 @@ def evaluate(dataloader, model): logging.basicConfig(level=getattr(logging, args.logging_level)) if use_sp_tokenizer: - sp_model_path = download_from_url(PRETRAINED_SP_MODEL['text_unigram_15000'], root=data_dir) + sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_unigram_15000"], root=data_dir) sp_model = load_sp_model(sp_model_path) tokenizer = SentencePieceTokenizer(sp_model) else: tokenizer = get_tokenizer("basic_english") - train_iter = DATASETS[args.dataset](root=data_dir, split='train') + train_iter = DATASETS[args.dataset](root=data_dir, split="train") vocab = build_vocab_from_iterator(yield_tokens(train_iter, ngrams), specials=[""]) vocab.set_default_index(vocab[""]) @@ -143,7 +120,7 @@ def text_pipeline(x): def label_pipeline(x): return int(x) - 1 - train_iter = DATASETS[args.dataset](root=data_dir, split='train') + train_iter = DATASETS[args.dataset](root=data_dir, split="train") num_class = len(set([label for (label, _) in train_iter])) criterion = torch.nn.CrossEntropyLoss().to(device) @@ -166,20 +143,20 @@ def label_pipeline(x): train(train_dataloader, model, optimizer, criterion, epoch) accu_val = evaluate(valid_dataloader, model) scheduler.step() - print('-' * 59) - print('| end of epoch {:3d} | time: {:5.2f}s | ' - 'valid accuracy {:8.3f} '.format(epoch, - time.time() - epoch_start_time, - accu_val)) - print('-' * 59) - - print('Checking the results of test dataset.') + print("-" * 59) + print( + "| end of epoch {:3d} | time: {:5.2f}s | " + "valid accuracy {:8.3f} ".format(epoch, time.time() - epoch_start_time, accu_val) + ) + print("-" * 59) + + print("Checking the results of test dataset.") accu_test = evaluate(test_dataloader, model) - print('test accuracy {:8.3f}'.format(accu_test)) + print("test accuracy {:8.3f}".format(accu_test)) if args.save_model_path: print("Saving model to {}".format(args.save_model_path)) - torch.save(model.to('cpu'), args.save_model_path) + torch.save(model.to("cpu"), args.save_model_path) if args.dictionary is not None: print("Save vocab to {}".format(args.dictionary)) diff --git a/examples/tutorials/README.rst b/examples/tutorials/README.rst index f08b66f9f0..0c7e28c3b3 100644 --- a/examples/tutorials/README.rst +++ b/examples/tutorials/README.rst @@ -1,2 +1,2 @@ Tutorials -========= \ No newline at end of file +========= diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py index 4a4a91d386..cc42f01ffc 100644 --- a/examples/tutorials/sst2_classification_non_distributed.py +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -32,6 +32,7 @@ # -------------- import torch import torch.nn as nn + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") @@ -73,6 +74,8 @@ ) +from torch.utils.data import DataLoader + ####################################################################### # Alternately we can also use transform shipped with pre-trained model that does all of the above out-of-the-box # @@ -93,11 +96,11 @@ # from torchtext.datasets import SST2 -from torch.utils.data import DataLoader + batch_size = 16 -train_datapipe = SST2(split='train') -dev_datapipe = SST2(split='dev') +train_datapipe = SST2(split="train") +dev_datapipe = SST2(split="dev") # Transform the raw dataset using non-batched API (i.e apply transformation line by line) train_datapipe = train_datapipe.map(lambda x: (text_transform(x[0]), x[1])) @@ -138,6 +141,7 @@ input_dim = 768 from torchtext.models import RobertaClassificationHead, XLMR_BASE_ENCODER + classifier_head = RobertaClassificationHead(num_classes=num_classes, input_dim=input_dim) model = XLMR_BASE_ENCODER.get_model(head=classifier_head) model.to(DEVICE) @@ -181,8 +185,8 @@ def evaluate(): counter = 0 with torch.no_grad(): for batch in dev_dataloader: - input = F.to_tensor(batch['token_ids'], padding_value=padding_idx).to(DEVICE) - target = torch.tensor(batch['target']).to(DEVICE) + input = F.to_tensor(batch["token_ids"], padding_value=padding_idx).to(DEVICE) + target = torch.tensor(batch["target"]).to(DEVICE) loss, predictions = eval_step(input, target) total_loss += loss correct_predictions += predictions @@ -206,8 +210,8 @@ def evaluate(): for e in range(num_epochs): for batch in train_dataloader: - input = F.to_tensor(batch['token_ids'], padding_value=padding_idx).to(DEVICE) - target = torch.tensor(batch['target']).to(DEVICE) + input = F.to_tensor(batch["token_ids"], padding_value=padding_idx).to(DEVICE) + target = torch.tensor(batch["target"]).to(DEVICE) train_step(input, target) loss, accuracy = evaluate() diff --git a/examples/utils/download_extract.py b/examples/utils/download_extract.py index aab239b059..5091fdf26a 100644 --- a/examples/utils/download_extract.py +++ b/examples/utils/download_extract.py @@ -1,19 +1,15 @@ -import logging import argparse +import logging -from torchtext.utils import extract_archive -from torchtext.utils import download_from_url +from torchtext.utils import download_from_url, extract_archive -parser = argparse.ArgumentParser( - description='Download and extract a given dataset') -parser.add_argument('--url', - default='http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/' - 'validation.tar.gz') -parser.add_argument('--data', default='./validation.tar.gz') -parser.add_argument('--logging-level', default='WARNING') +parser = argparse.ArgumentParser(description="Download and extract a given dataset") +parser.add_argument("--url", default="http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/" "validation.tar.gz") +parser.add_argument("--data", default="./validation.tar.gz") +parser.add_argument("--logging-level", default="WARNING") args = parser.parse_args() logging.basicConfig(level=getattr(logging, args.logging_level)) tar_file = download_from_url(args.url, args.data) -extracted_files = extract_archive(args.data, 'extracted_files') +extracted_files = extract_archive(args.data, "extracted_files") diff --git a/examples/vocab/pytext_vocab.py b/examples/vocab/pytext_vocab.py index a12d8ac07b..09080ced8a 100644 --- a/examples/vocab/pytext_vocab.py +++ b/examples/vocab/pytext_vocab.py @@ -1,10 +1,9 @@ from collections import OrderedDict +from typing import Dict, List, Optional -from fairseq.data.dictionary import Dictionary import torch -from torchtext.vocab import vocab -from torchtext.vocab import Vocab -from typing import Dict, List, Optional +from fairseq.data.dictionary import Dictionary +from torchtext.vocab import vocab, Vocab def build_fairseq_vocab( @@ -31,9 +30,13 @@ def build_fairseq_vocab( "": "__UNKNOWN__", "": "__MASK__", } - unk_replacement = special_token_replacements[unk_token] if unk_token in special_token_replacements else unk_token + unk_replacement = ( + special_token_replacements[unk_token] if unk_token in special_token_replacements else unk_token + ) special_tokens_to_remove = [special_pair[0] for special_pair in special_token_replacements] - special_tokens_to_add = tuple(special_pair[1] for special_pair in special_token_replacements if special_pair[0] != unk_token) + special_tokens_to_add = tuple( + special_pair[1] for special_pair in special_token_replacements if special_pair[0] != unk_token + ) with open(vocab_file) as f: dictionary = dictionary_class.load(f) @@ -64,12 +67,7 @@ def build_fairseq_vocab( return Vocab(dictionary_items, unk_token=unk_replacement) -def script_vocab(ordered_dict, - pad_token=None, - bos_token=None, - eos_token=None, - mask_token=None, - **kwargs): +def script_vocab(ordered_dict, pad_token=None, bos_token=None, eos_token=None, mask_token=None, **kwargs): v = vocab(ordered_dict, **kwargs) return ScriptVocab(v.vocab, pad_token, bos_token, eos_token, mask_token, **kwargs) @@ -93,18 +91,13 @@ class ScriptVocab(Vocab): >>> print(v.lookup_words_1d_cycle_heuristic(torch.tensor([0, 1, 2, 0], dtype=torch.int32), [2], ['unk_a', 'unk_b'])) >>> print(v.unk_idx, v.pad_idx, v.bos_idx, v.eos_idx, v.mask_idx) """ - def __init__(self, - cpp_vocab, - pad_token=None, - bos_token=None, - eos_token=None, - mask_token=None, - **kwargs): + + def __init__(self, cpp_vocab, pad_token=None, bos_token=None, eos_token=None, mask_token=None, **kwargs): super(ScriptVocab, self).__init__(cpp_vocab) # store all tokens - self.unk_token: str = kwargs.get('unk_token', '') + self.unk_token: str = kwargs.get("unk_token", "") self.pad_token: str = pad_token self.bos_token: str = bos_token self.eos_token: str = eos_token @@ -201,8 +194,8 @@ def lookup_words_1d_cycle_heuristic( return result def to_ivalue(self): - r"""Return a JITable ScriptVocab. - """ + r"""Return a JITable ScriptVocab.""" cpp_vocab = torch.classes.torchtext.Vocab(self.vocab.itos_, self.vocab.unk_token_) - return ScriptVocab(cpp_vocab, self.pad_token, self.bos_token, self.eos_token, - self.mask_token, unk_token=self.unk_token) + return ScriptVocab( + cpp_vocab, self.pad_token, self.bos_token, self.eos_token, self.mask_token, unk_token=self.unk_token + ) diff --git a/packaging/vs2019/install_activate.bat b/packaging/vs2019/install_activate.bat index 3c38253aa5..9e60ccfd2d 100644 --- a/packaging/vs2019/install_activate.bat +++ b/packaging/vs2019/install_activate.bat @@ -27,4 +27,3 @@ IF "%cross_compiler_target_platform%" == "win-64" ( echo CALL "VC\Auxiliary\Build\vcvars32.bat" >> "%PREFIX%\etc\conda\activate.d\vs%YEAR%_compiler_vars.bat" echo popd ) - diff --git a/pyproject.toml b/pyproject.toml new file mode 100644 index 0000000000..6023169ac1 --- /dev/null +++ b/pyproject.toml @@ -0,0 +1,8 @@ +[tool.usort] + +first_party_detection = false + +[tool.black] + +line-length = 120 +target-version = ["py37"] diff --git a/pytest.ini b/pytest.ini index d881612590..bece71b02a 100644 --- a/pytest.ini +++ b/pytest.ini @@ -1,3 +1,3 @@ [pytest] testpaths = test/ -python_paths = ./ \ No newline at end of file +python_paths = ./ diff --git a/requirements.txt b/requirements.txt index fd100b8eb3..ad76ed263c 100644 --- a/requirements.txt +++ b/requirements.txt @@ -16,9 +16,6 @@ sphinx_rtd_theme # Required for tests only: -# Style-checking for PEP8 -flake8==3.7.9 - # Run unit tests pytest diff --git a/run-clang-format.py b/run-clang-format.py new file mode 100644 index 0000000000..5c61b2519e --- /dev/null +++ b/run-clang-format.py @@ -0,0 +1,331 @@ +#!/usr/bin/env python +""" +MIT License + +Copyright (c) 2017 Guillaume Papin + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +A wrapper script around clang-format, suitable for linting multiple files +and to use for continuous integration. + +This is an alternative API for the clang-format command line. +It runs over multiple files and directories in parallel. +A diff output is produced and a sensible exit code is returned. + +""" + +import argparse +import difflib +import fnmatch +import multiprocessing +import os +import signal +import subprocess +import sys +import traceback +from functools import partial + +try: + from subprocess import DEVNULL # py3k +except ImportError: + DEVNULL = open(os.devnull, "wb") + + +DEFAULT_EXTENSIONS = "c,h,C,H,cpp,hpp,cc,hh,c++,h++,cxx,hxx,cu" + + +class ExitStatus: + SUCCESS = 0 + DIFF = 1 + TROUBLE = 2 + + +def list_files(files, recursive=False, extensions=None, exclude=None): + if extensions is None: + extensions = [] + if exclude is None: + exclude = [] + + out = [] + for file in files: + if recursive and os.path.isdir(file): + for dirpath, dnames, fnames in os.walk(file): + fpaths = [os.path.join(dirpath, fname) for fname in fnames] + for pattern in exclude: + # os.walk() supports trimming down the dnames list + # by modifying it in-place, + # to avoid unnecessary directory listings. + dnames[:] = [x for x in dnames if not fnmatch.fnmatch(os.path.join(dirpath, x), pattern)] + fpaths = [x for x in fpaths if not fnmatch.fnmatch(x, pattern)] + for f in fpaths: + ext = os.path.splitext(f)[1][1:] + if ext in extensions: + out.append(f) + else: + out.append(file) + return out + + +def make_diff(file, original, reformatted): + return list( + difflib.unified_diff( + original, reformatted, fromfile=f"{file}\t(original)", tofile=f"{file}\t(reformatted)", n=3 + ) + ) + + +class DiffError(Exception): + def __init__(self, message, errs=None): + super().__init__(message) + self.errs = errs or [] + + +class UnexpectedError(Exception): + def __init__(self, message, exc=None): + super().__init__(message) + self.formatted_traceback = traceback.format_exc() + self.exc = exc + + +def run_clang_format_diff_wrapper(args, file): + try: + ret = run_clang_format_diff(args, file) + return ret + except DiffError: + raise + except Exception as e: + raise UnexpectedError(f"{file}: {e.__class__.__name__}: {e}", e) + + +def run_clang_format_diff(args, file): + try: + with open(file, encoding="utf-8") as f: + original = f.readlines() + except OSError as exc: + raise DiffError(str(exc)) + invocation = [args.clang_format_executable, file] + + # Use of utf-8 to decode the process output. + # + # Hopefully, this is the correct thing to do. + # + # It's done due to the following assumptions (which may be incorrect): + # - clang-format will returns the bytes read from the files as-is, + # without conversion, and it is already assumed that the files use utf-8. + # - if the diagnostics were internationalized, they would use utf-8: + # > Adding Translations to Clang + # > + # > Not possible yet! + # > Diagnostic strings should be written in UTF-8, + # > the client can translate to the relevant code page if needed. + # > Each translation completely replaces the format string + # > for the diagnostic. + # > -- http://clang.llvm.org/docs/InternalsManual.html#internals-diag-translation + + try: + proc = subprocess.Popen( + invocation, stdout=subprocess.PIPE, stderr=subprocess.PIPE, universal_newlines=True, encoding="utf-8" + ) + except OSError as exc: + raise DiffError(f"Command '{subprocess.list2cmdline(invocation)}' failed to start: {exc}") + proc_stdout = proc.stdout + proc_stderr = proc.stderr + + # hopefully the stderr pipe won't get full and block the process + outs = list(proc_stdout.readlines()) + errs = list(proc_stderr.readlines()) + proc.wait() + if proc.returncode: + raise DiffError( + "Command '{}' returned non-zero exit status {}".format( + subprocess.list2cmdline(invocation), proc.returncode + ), + errs, + ) + return make_diff(file, original, outs), errs + + +def bold_red(s): + return "\x1b[1m\x1b[31m" + s + "\x1b[0m" + + +def colorize(diff_lines): + def bold(s): + return "\x1b[1m" + s + "\x1b[0m" + + def cyan(s): + return "\x1b[36m" + s + "\x1b[0m" + + def green(s): + return "\x1b[32m" + s + "\x1b[0m" + + def red(s): + return "\x1b[31m" + s + "\x1b[0m" + + for line in diff_lines: + if line[:4] in ["--- ", "+++ "]: + yield bold(line) + elif line.startswith("@@ "): + yield cyan(line) + elif line.startswith("+"): + yield green(line) + elif line.startswith("-"): + yield red(line) + else: + yield line + + +def print_diff(diff_lines, use_color): + if use_color: + diff_lines = colorize(diff_lines) + sys.stdout.writelines(diff_lines) + + +def print_trouble(prog, message, use_colors): + error_text = "error:" + if use_colors: + error_text = bold_red(error_text) + print(f"{prog}: {error_text} {message}", file=sys.stderr) + + +def main(): + parser = argparse.ArgumentParser(description=__doc__) + parser.add_argument( + "--clang-format-executable", + metavar="EXECUTABLE", + help="path to the clang-format executable", + default="clang-format", + ) + parser.add_argument( + "--extensions", + help=f"comma separated list of file extensions (default: {DEFAULT_EXTENSIONS})", + default=DEFAULT_EXTENSIONS, + ) + parser.add_argument("-r", "--recursive", action="store_true", help="run recursively over directories") + parser.add_argument("files", metavar="file", nargs="+") + parser.add_argument("-q", "--quiet", action="store_true") + parser.add_argument( + "-j", + metavar="N", + type=int, + default=0, + help="run N clang-format jobs in parallel (default number of cpus + 1)", + ) + parser.add_argument( + "--color", default="auto", choices=["auto", "always", "never"], help="show colored diff (default: auto)" + ) + parser.add_argument( + "-e", + "--exclude", + metavar="PATTERN", + action="append", + default=[], + help="exclude paths matching the given glob-like pattern(s) from recursive search", + ) + + args = parser.parse_args() + + # use default signal handling, like diff return SIGINT value on ^C + # https://bugs.python.org/issue14229#msg156446 + signal.signal(signal.SIGINT, signal.SIG_DFL) + try: + signal.SIGPIPE + except AttributeError: + # compatibility, SIGPIPE does not exist on Windows + pass + else: + signal.signal(signal.SIGPIPE, signal.SIG_DFL) + + colored_stdout = False + colored_stderr = False + if args.color == "always": + colored_stdout = True + colored_stderr = True + elif args.color == "auto": + colored_stdout = sys.stdout.isatty() + colored_stderr = sys.stderr.isatty() + + version_invocation = [args.clang_format_executable, "--version"] + try: + subprocess.check_call(version_invocation, stdout=DEVNULL) + except subprocess.CalledProcessError as e: + print_trouble(parser.prog, str(e), use_colors=colored_stderr) + return ExitStatus.TROUBLE + except OSError as e: + print_trouble( + parser.prog, + f"Command '{subprocess.list2cmdline(version_invocation)}' failed to start: {e}", + use_colors=colored_stderr, + ) + return ExitStatus.TROUBLE + + retcode = ExitStatus.SUCCESS + files = list_files( + args.files, recursive=args.recursive, exclude=args.exclude, extensions=args.extensions.split(",") + ) + + if not files: + return + + njobs = args.j + if njobs == 0: + njobs = multiprocessing.cpu_count() + 1 + njobs = min(len(files), njobs) + + if njobs == 1: + # execute directly instead of in a pool, + # less overhead, simpler stacktraces + it = (run_clang_format_diff_wrapper(args, file) for file in files) + pool = None + else: + pool = multiprocessing.Pool(njobs) + it = pool.imap_unordered(partial(run_clang_format_diff_wrapper, args), files) + while True: + try: + outs, errs = next(it) + except StopIteration: + break + except DiffError as e: + print_trouble(parser.prog, str(e), use_colors=colored_stderr) + retcode = ExitStatus.TROUBLE + sys.stderr.writelines(e.errs) + except UnexpectedError as e: + print_trouble(parser.prog, str(e), use_colors=colored_stderr) + sys.stderr.write(e.formatted_traceback) + retcode = ExitStatus.TROUBLE + # stop at the first unexpected error, + # something could be very wrong, + # don't process all files unnecessarily + if pool: + pool.terminate() + break + else: + sys.stderr.writelines(errs) + if outs == []: + continue + if not args.quiet: + print_diff(outs, use_color=colored_stdout) + if retcode == ExitStatus.SUCCESS: + retcode = ExitStatus.DIFF + return retcode + + +if __name__ == "__main__": + sys.exit(main()) diff --git a/setup.cfg b/setup.cfg deleted file mode 100644 index 182c9f7e3f..0000000000 --- a/setup.cfg +++ /dev/null @@ -1,2 +0,0 @@ -[pydocstyle] -select = D417 # Missing argument descriptions in the docstring diff --git a/setup.py b/setup.py index 845e3d622c..635d25144d 100644 --- a/setup.py +++ b/setup.py @@ -1,13 +1,13 @@ #!/usr/bin/env python +import distutils.command.clean import io import os import shutil import subprocess from pathlib import Path -import distutils.command.clean -from setuptools import setup, find_packages from build_tools import setup_helpers +from setuptools import find_packages, setup ROOT_DIR = Path(__file__).parent.resolve() @@ -19,27 +19,27 @@ def read(*names, **kwargs): def _get_version(): try: - cmd = ['git', 'rev-parse', 'HEAD'] - sha = subprocess.check_output(cmd, cwd=str(ROOT_DIR)).decode('ascii').strip() + cmd = ["git", "rev-parse", "HEAD"] + sha = subprocess.check_output(cmd, cwd=str(ROOT_DIR)).decode("ascii").strip() except Exception: sha = None - if 'BUILD_VERSION' in os.environ: - version = os.environ['BUILD_VERSION'] + if "BUILD_VERSION" in os.environ: + version = os.environ["BUILD_VERSION"] else: - with open(os.path.join(ROOT_DIR, 'version.txt'), 'r') as f: + with open(os.path.join(ROOT_DIR, "version.txt"), "r") as f: version = f.readline().strip() if sha is not None: - version += '+' + sha[:7] + version += "+" + sha[:7] if sha is None: - sha = 'Unknown' + sha = "Unknown" return version, sha def _export_version(version, sha): - version_path = ROOT_DIR / 'torchtext' / 'version.py' - with open(version_path, 'w') as fileobj: + version_path = ROOT_DIR / "torchtext" / "version.py" + with open(version_path, "w") as fileobj: fileobj.write("__version__ = '{}'\n".format(version)) fileobj.write("git_version = {}\n".format(repr(sha))) @@ -47,11 +47,11 @@ def _export_version(version, sha): VERSION, SHA = _get_version() _export_version(VERSION, SHA) -print('-- Building version ' + VERSION) +print("-- Building version " + VERSION) -pytorch_package_version = os.getenv('PYTORCH_VERSION') +pytorch_package_version = os.getenv("PYTORCH_VERSION") -pytorch_package_dep = 'torch' +pytorch_package_dep = "torch" if pytorch_package_version is not None: pytorch_package_dep += "==" + pytorch_package_version @@ -62,50 +62,47 @@ def run(self): distutils.command.clean.clean.run(self) # Remove torchtext extension - for path in (ROOT_DIR / 'torchtext').glob('**/*.so'): - print(f'removing \'{path}\'') + for path in (ROOT_DIR / "torchtext").glob("**/*.so"): + print(f"removing '{path}'") path.unlink() # Remove build directory build_dirs = [ - ROOT_DIR / 'build', - ROOT_DIR / 'third_party' / 'build', + ROOT_DIR / "build", + ROOT_DIR / "third_party" / "build", ] for path in build_dirs: if path.exists(): - print(f'removing \'{path}\' (and everything under it)') + print(f"removing '{path}' (and everything under it)") shutil.rmtree(str(path), ignore_errors=True) setup_info = dict( # Metadata - name='torchtext', + name="torchtext", version=VERSION, - author='PyTorch core devs and James Bradbury', - author_email='jekbradbury@gmail.com', - url='https://github.com/pytorch/text', - description='Text utilities and datasets for PyTorch', - long_description=read('README.rst'), - license='BSD', - - install_requires=[ - 'tqdm', 'requests', pytorch_package_dep, 'numpy' - ], - python_requires='>=3.7', + author="PyTorch core devs and James Bradbury", + author_email="jekbradbury@gmail.com", + url="https://github.com/pytorch/text", + description="Text utilities and datasets for PyTorch", + long_description=read("README.rst"), + license="BSD", + install_requires=["tqdm", "requests", pytorch_package_dep, "numpy"], + python_requires=">=3.7", classifiers=[ - 'Programming Language :: Python :: 3.7', - 'Programming Language :: Python :: 3.8', - 'Programming Language :: Python :: 3.9', + "Programming Language :: Python :: 3.7", + "Programming Language :: Python :: 3.8", + "Programming Language :: Python :: 3.9", ], # Package info - packages=find_packages(exclude=('test*', 'build_tools*')), + packages=find_packages(exclude=("test*", "build_tools*")), zip_safe=False, # Extension info # If you are trying to use torchtext.so and see no registered op. # See here: https://github.com/pytorch/vision/issues/2134" ext_modules=setup_helpers.get_ext_modules(), cmdclass={ - 'build_ext': setup_helpers.BuildExtension.with_options(no_python_abi_suffix=True), - 'clean': clean, + "build_ext": setup_helpers.BuildExtension.with_options(no_python_abi_suffix=True), + "clean": clean, }, ) diff --git a/test/asset/clip_encoder.json b/test/asset/clip_encoder.json index 182766ce89..2195d9b0d2 100644 --- a/test/asset/clip_encoder.json +++ b/test/asset/clip_encoder.json @@ -1 +1 @@ -{"!":0,"\"":1,"#":2,"$":3,"%":4,"&":5,"'":6,"(":7,")":8,"*":9,"+":10,",":11,"-":12,".":13,"/":14,"0":15,"1":16,"2":17,"3":18,"4":19,"5":20,"6":21,"7":22,"8":23,"9":24,":":25,";":26,"<":27,"=":28,">":29,"?":30,"@":31,"A":32,"B":33,"C":34,"D":35,"E":36,"F":37,"G":38,"H":39,"I":40,"J":41,"K":42,"L":43,"M":44,"N":45,"O":46,"P":47,"Q":48,"R":49,"S":50,"T":51,"U":52,"V":53,"W":54,"X":55,"Y":56,"Z":57,"[":58,"\\":59,"]":60,"^":61,"_":62,"`":63,"a":64,"b":65,"c":66,"d":67,"e":68,"f":69,"g":70,"h":71,"i":72,"j":73,"k":74,"l":75,"m":76,"n":77,"o":78,"p":79,"q":80,"r":81,"s":82,"t":83,"u":84,"v":85,"w":86,"x":87,"y":88,"z":89,"{":90,"|":91,"}":92,"~":93,"¡":94,"¢":95,"£":96,"¤":97,"¥":98,"¦":99,"§":100,"¨":101,"©":102,"ª":103,"«":104,"¬":105,"®":106,"¯":107,"°":108,"±":109,"²":110,"³":111,"´":112,"µ":113,"¶":114,"·":115,"¸":116,"¹":117,"º":118,"»":119,"¼":120,"½":121,"¾":122,"¿":123,"À":124,"Á":125,"Â":126,"Ã":127,"Ä":128,"Å":129,"Æ":130,"Ç":131,"È":132,"É":133,"Ê":134,"Ë":135,"Ì":136,"Í":137,"Î":138,"Ï":139,"Ð":140,"Ñ":141,"Ò":142,"Ó":143,"Ô":144,"Õ":145,"Ö":146,"×":147,"Ø":148,"Ù":149,"Ú":150,"Û":151,"Ü":152,"Ý":153,"Þ":154,"ß":155,"à":156,"á":157,"â":158,"ã":159,"ä":160,"å":161,"æ":162,"ç":163,"è":164,"é":165,"ê":166,"ë":167,"ì":168,"í":169,"î":170,"ï":171,"ð":172,"ñ":173,"ò":174,"ó":175,"ô":176,"õ":177,"ö":178,"÷":179,"ø":180,"ù":181,"ú":182,"û":183,"ü":184,"ý":185,"þ":186,"ÿ":187,"Ā":188,"ā":189,"Ă":190,"ă":191,"Ą":192,"ą":193,"Ć":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ē":207,"Ĕ":208,"ĕ":209,"Ė":210,"ė":211,"Ę":212,"ę":213,"Ě":214,"ě":215,"Ĝ":216,"ĝ":217,"Ğ":218,"ğ":219,"Ġ":220,"ġ":221,"Ģ":222,"ģ":223,"Ĥ":224,"ĥ":225,"Ħ":226,"ħ":227,"Ĩ":228,"ĩ":229,"Ī":230,"ī":231,"Ĭ":232,"ĭ":233,"Į":234,"į":235,"İ":236,"ı":237,"IJ":238,"ij":239,"Ĵ":240,"ĵ":241,"Ķ":242,"ķ":243,"ĸ":244,"Ĺ":245,"ĺ":246,"Ļ":247,"ļ":248,"Ľ":249,"ľ":250,"Ŀ":251,"ŀ":252,"Ł":253,"ł":254,"Ń":255,"!":256,"\"":257,"#":258,"$":259,"%":260,"&":261,"'":262,"(":263,")":264,"*":265,"+":266,",":267,"-":268,".":269,"/":270,"0":271,"1":272,"2":273,"3":274,"4":275,"5":276,"6":277,"7":278,"8":279,"9":280,":":281,";":282,"<":283,"=":284,">":285,"?":286,"@":287,"A":288,"B":289,"C":290,"D":291,"E":292,"F":293,"G":294,"H":295,"I":296,"J":297,"K":298,"L":299,"M":300,"N":301,"O":302,"P":303,"Q":304,"R":305,"S":306,"T":307,"U":308,"V":309,"W":310,"X":311,"Y":312,"Z":313,"[":314,"\\":315,"]":316,"^":317,"_":318,"`":319,"a":320,"b":321,"c":322,"d":323,"e":324,"f":325,"g":326,"h":327,"i":328,"j":329,"k":330,"l":331,"m":332,"n":333,"o":334,"p":335,"q":336,"r":337,"s":338,"t":339,"u":340,"v":341,"w":342,"x":343,"y":344,"z":345,"{":346,"|":347,"}":348,"~":349,"¡":350,"¢":351,"£":352,"¤":353,"¥":354,"¦":355,"§":356,"¨":357,"©":358,"ª":359,"«":360,"¬":361,"®":362,"¯":363,"°":364,"±":365,"²":366,"³":367,"´":368,"µ":369,"¶":370,"·":371,"¸":372,"¹":373,"º":374,"»":375,"¼":376,"½":377,"¾":378,"¿":379,"À":380,"Á":381,"Â":382,"Ã":383,"Ä":384,"Å":385,"Æ":386,"Ç":387,"È":388,"É":389,"Ê":390,"Ë":391,"Ì":392,"Í":393,"Î":394,"Ï":395,"Ð":396,"Ñ":397,"Ò":398,"Ó":399,"Ô":400,"Õ":401,"Ö":402,"×":403,"Ø":404,"Ù":405,"Ú":406,"Û":407,"Ü":408,"Ý":409,"Þ":410,"ß":411,"à":412,"á":413,"â":414,"ã":415,"ä":416,"å":417,"æ":418,"ç":419,"è":420,"é":421,"ê":422,"ë":423,"ì":424,"í":425,"î":426,"ï":427,"ð":428,"ñ":429,"ò":430,"ó":431,"ô":432,"õ":433,"ö":434,"÷":435,"ø":436,"ù":437,"ú":438,"û":439,"ü":440,"ý":441,"þ":442,"ÿ":443,"Ā":444,"ā":445,"Ă":446,"ă":447,"Ą":448,"ą":449,"Ć":450,"ć":451,"Ĉ":452,"ĉ":453,"Ċ":454,"ċ":455,"Č":456,"č":457,"Ď":458,"ď":459,"Đ":460,"đ":461,"Ē":462,"ē":463,"Ĕ":464,"ĕ":465,"Ė":466,"ė":467,"Ę":468,"ę":469,"Ě":470,"ě":471,"Ĝ":472,"ĝ":473,"Ğ":474,"ğ":475,"Ġ":476,"ġ":477,"Ģ":478,"ģ":479,"Ĥ":480,"ĥ":481,"Ħ":482,"ħ":483,"Ĩ":484,"ĩ":485,"Ī":486,"ī":487,"Ĭ":488,"ĭ":489,"Į":490,"į":491,"İ":492,"ı":493,"IJ":494,"ij":495,"Ĵ":496,"ĵ":497,"Ķ":498,"ķ":499,"ĸ":500,"Ĺ":501,"ĺ":502,"Ļ":503,"ļ":504,"Ľ":505,"ľ":506,"Ŀ":507,"ŀ":508,"Ł":509,"ł":510,"Ń":511,"in":512,"th":513,"an":514,"re":515,"ar":516,"er":517,"the":518,"ing":519,"ou":520,"on":521,"st":522,"or":523,"en":524,"on":525,"al":526,"at":527,"er":528,"it":529,"in":530,"to":531,"ro":532,"is":533,"le":534,"ic":535,"at":536,"and":537,"ed":538,"of":539,"ch":540,"or":541,"es":542,"il":543,"el":544,"st":545,"ac":546,"om":547,"am":548,"lo":549,"an":550,"ay":551,"sh":552,"ri":553,"li":554,"ti":555,"for":556,"ne":557,"ðŁ":558,"ra":559,"ha":560,"de":561,"ol":562,"ve":563,"si":564,"ur":565,"al":566,"se":567,"'s":568,"un":569,"di":570,"be":571,"la":572,"wh":573,"oo":574,"day":575,"en":576,"ma":577,"no":578,"le":579,"to":580,"our":581,"ir":582,"gh":583,"wit":584,"it":585,"yo":586,"as":587,"sp":588,"this":589,"ts":590,"ati":591,"you":592,"with":593,"ad":594,"is":595,"ab":596,"ly":597,"we":598,"the":599,"te":600,"as":601,"ag":602,"vi":603,"pp":604,"su":605,"ho":606,"my":607,"..":608,"bu":609,"com":610,"se":611,"ers":612,"me":613,"me":614,"all":615,"con":616,"mo":617,"ke":618,"ge":619,"out":620,"ent":621,"co":622,"fe":623,"ver":624,"ar":625,"fro":626,"au":627,"po":628,"ce":629,"ght":630,"are":631,"ss":632,"from":633,"ch":634,"tr":635,"oun":636,"one":637,"by":638,"do":639,"th":640,"wor":641,"ere":642,"ke":643,"pro":644,"for":645,"ds":646,"bo":647,"ta":648,"we":649,"go":650,"he":651,"ter":652,"ing":653,"de":654,"be":655,"ation":656,"mor":657,"ay":658,"ex":659,"ill":660,"pe":661,"ks":662,"sc":663,"lu":664,"fu":665,"qu":666,"ver":667,"ðŁĺ":668,"ju":669,"mu":670,"ate":671,"and":672,"ve":673,"king":674,"mar":675,"op":676,"hi":677,"...":678,"pre":679,"ad":680,"ru":681,"that":682,"jo":683,"of":684,"ce":685,"new":686,"am":687,"ap":688,"gre":689,"ss":690,"du":691,"now":692,"ye":693,"ting":694,"your":695,"ity":696,"ni":697,"ci":698,"par":699,"gu":700,"fi":701,"af":702,"per":703,"ter":704,"up":705,"so":706,"gi":707,"ons":708,"gr":709,"ge":710,"br":711,"pl":712,"'t":713,"mi":714,"ine":715,"wee":716,"bi":717,"us":718,"sho":719,"have":720,"today":721,"av":722,"man":723,"ent":724,"ack":725,"ure":726,"our":727,"âĢ":728,"cu":729,"ld":730,"loo":731,"im":732,"ice":733,"som":734,"fin":735,"red":736,"ren":737,"ood":738,"was":739,"tion":740,"pi":741,"ir":742,"ther":743,"ty":744,"ph":745,"ard":746,"ec":747,"!!":748,"mon":749,"more":750,"will":751,"tra":752,"can":753,"col":754,"pu":755,"te":756,"wn":757,"mb":758,"so":759,"iti":760,"just":761,"ning":762,"here":763,"tu":764,"pa":765,"pr":766,"but":767,"what":768,"ally":769,"fir":770,"min":771,"ca":772,"ant":773,"sa":774,"ted":775,"ev":776,"ment":777,"fa":778,"get":779,"ame":780,"about":781,"gra":782,"not":783,"happ":784,"ays":785,"man":786,"his":787,"time":788,"like":789,"gh":790,"has":791,"than":792,"love":793,"art":794,"ste":795,"ding":796,"he":797,"cre":798,"ws":799,"wat":800,"der":801,"ite":802,"ser":803,"ace":804,"age":805,"end":806,"str":807,"aw":808,"stor":809,"re":810,"car":811,"ell":812,"all":813,"ps":814,"fri":815,"pho":816,"por":817,"do":818,"ak":819,"wi":820,"fre":821,"who":822,"shi":823,"boo":824,"son":825,"ell":826,"when":827,"ill":828,"how":829,"great":830,"win":831,"el":832,"bl":833,"ssi":834,"ali":835,"some":836,"ðŁĴ":837,"ton":838,"der":839,"les":840,"pla":841,"ï¸":842,"ed":843,"sch":844,"hu":845,"ong":846,"don":847,"ki":848,"sh":849,"ann":850,"cor":851,"..":852,"ound":853,"az":854,"ine":855,"ary":856,"ful":857,"stu":858,"ould":859,"sti":860,"go":861,"see":862,"able":863,"ars":864,"ll":865,"mis":866,"ber":867,"ck":868,"wa":869,"ents":870,"no":871,"sig":872,"fe":873,"first":874,"et":875,"spe":876,"ack":877,"if":878,"ous":879,"'m":880,"ster":881,"app":882,"ang":883,"ance":884,"ans":885,"good":886,"bre":887,"ever":888,"they":889,"tic":890,"come":891,"off":892,"back":893,"ase":894,"ings":895,"old":896,"ight":897,"fo":898,"her":899,"happy":900,"pic":901,"its":902,"ving":903,"us":904,"mat":905,"hom":906,"dy":907,"em":908,"sk":909,"ying":910,"their":911,"led":912,"ry":913,"ul":914,"har":915,"ck":916,"ton":917,"onal":918,"hel":919,"ric":920,"bir":921,"vie":922,"way":923,"tri":924,"da":925,"ple":926,"bro":927,"sto":928,"ool":929,"night":930,"tru":931,"ba":932,"read":933,"res":934,"year":935,"fr":936,"tor":937,"als":938,"coun":939,"cla":940,"ture":941,"vel":942,"ated":943,"lec":944,"end":945,"thing":946,"vo":947,"ici":948,"best":949,"can":950,"work":951,"last":952,"after":953,"ence":954,"pri":955,"pe":956,"es":957,"il":958,"â̦":959,"dre":960,"ys":961,"over":962,"ies":963,"ðŁij":964,"comm":965,"tw":966,"ink":967,"sun":968,"cl":969,"life":970,"tt":971,"ach":972,"land":973,"sy":974,"tre":975,"tal":976,"pol":977,"sm":978,"duc":979,"sal":980,"ft":981,"'re":982,"che":983,"war":984,"tur":985,"ations":986,"ach":987,"ms":988,"ile":989,"pm":990,"ough":991,"ate":992,"star":993,"week":994,"!!!":995,"clu":996,"there":997,"ner":998,"tom":999,"sel":1000,"ï¸ı":1001,"world":1002,"ves":1003,"cam":1004,"got":1005,"inter":1006,"off":1007,"um":1008,"tonight":1009,"other":1010,"hou":1011,"look":1012,"je":1013,"id":1014,"sion":1015,"beau":1016,"att":1017,"eli":1018,"ort":1019,"rec":1020,"ff":1021,"ster":1022,"supp":1023,"gen":1024,"been":1025,"ily":1026,"team":1027,"mm":1028,"ic":1029,"peop":1030,"itt":1031,"ats":1032,"only":1033,"mber":1034,"eng":1035,"bri":1036,"mp":1037,"know":1038,"bur":1039,"bar":1040,"ins":1041,"low":1042,"she":1043,"row":1044,"âĿ":1045,"tro":1046,"people":1047,"via":1048,"low":1049,"aga":1050,"bet":1051,"xt":1052,"fac":1053,"char":1054,"ear":1055,"wal":1056,"sen":1057,"fam":1058,"ble":1059,"nati":1060,"ish":1061,"nor":1062,"game":1063,"live":1064,"sco":1065,"ley":1066,"don":1067,"ick":1068,"ball":1069,"very":1070,"these":1071,"pan":1072,"ia":1073,"ating":1074,"cr":1075,"are":1076,"gir":1077,"make":1078,"stre":1079,"show":1080,".\"":1081,"fl":1082,"up":1083,"dr":1084,"thanks":1085,"illi":1086,"wom":1087,"sts":1088,"ig":1089,"sur":1090,"every":1091,"cur":1092,"view":1093,"let":1094,"into":1095,"most":1096,"na":1097,"indi":1098,"gar":1099,"had":1100,"sou":1101,"ved":1102,"ant":1103,"ition":1104,"made":1105,"fol":1106,"uni":1107,"ited":1108,"ðŁı":1109,"ical":1110,"thr":1111,"ready":1112,"chec":1113,"dra":1114,"kes":1115,"book":1116,"ep":1117,"sic":1118,"morning":1119,"news":1120,"cau":1121,"ct":1122,"well":1123,"anc":1124,"photo":1125,"than":1126,"ors":1127,"birth":1128,"gg":1129,"out":1130,"next":1131,"some":1132,"ening":1133,"story":1134,"chri":1135,"down":1136,"home":1137,"ffe":1138,"free":1139,"da":1140,"bor":1141,"fil":1142,"cial":1143,"thank":1144,"side":1145,"lear":1146,"que":1147,"line":1148,"ten":1149,"ates":1150,"years":1151,"my":1152,"photo":1153,"beauti":1154,"right":1155,"nu":1156,"form":1157,"ship":1158,"ban":1159,"ther":1160,"days":1161,"gam":1162,"ason":1163,"gy":1164,"ðŁİ":1165,"birthday":1166,"set":1167,"ick":1168,"et":1169,"still":1170,"coming":1171,"take":1172,"ðŁĩ":1173,"bb":1174,"sol":1175,"son":1176,"den":1177,"ep":1178,"music":1179,"them":1180,"den":1181,"why":1182,"foo":1183,"cra":1184,"amaz":1185,"wn":1186,"hol":1187,"tting":1188,"wr":1189,"ue":1190,"mag":1191,"cro":1192,"lan":1193,"clo":1194,"bra":1195,"ak":1196,"sing":1197,"cal":1198,"read":1199,"'ve":1200,"joh":1201,"bab":1202,"dri":1203,"blo":1204,"big":1205,"eric":1206,"int":1207,"tor":1208,"try":1209,"la":1210,"leg":1211,"house":1212,"mic":1213,"val":1214,"beautiful":1215,"litt":1216,"check":1217,"new":1218,"vers":1219,"sw":1220,"ari":1221,"play":1222,"her":1223,"âĢĵ":1224,"win":1225,"ma":1226,"congr":1227,"school":1228,"fun":1229,".@":1230,"heal":1231,"ich":1232,"del":1233,"where":1234,"lon":1235,"ket":1236,"two":1237,"much":1238,"watch":1239,"ven":1240,"ded":1241,"ast":1242,"ked":1243,"bas":1244,"going":1245,"mp":1246,"ever":1247,"ways":1248,"roo":1249,"desig":1250,"ly":1251,"sed":1252,"top":1253,"lin":1254,"chan":1255,"too":1256,"iting":1257,"dent":1258,"ghts":1259,"ty":1260,"spo":1261,"need":1262,"blu":1263,"inst":1264,"being":1265,"âĿ¤":1266,"wel":1267,"ls":1268,"him":1269,"may":1270,"sting":1271,"na":1272,"ely":1273,"little":1274,"ga":1275,"nat":1276,"tomor":1277,"mc":1278,"hon":1279,"want":1280,"air":1281,"pic":1282,"americ":1283,"per":1284,"less":1285,"week":1286,"vel":1287,"ah":1288,"cap":1289,"cham":1290,"ger":1291,"tim":1292,"tomorrow":1293,"ness":1294,"state":1295,"hal":1296,"serv":1297,"ze":1298,"os":1299,"pat":1300,"vis":1301,"exc":1302,"sin":1303,"ff":1304,"city":1305,"cen":1306,"any":1307,"bel":1308,"summ":1309,"tin":1310,"would":1311,"looking":1312,"ko":1313,"cele":1314,"family":1315,"mer":1316,"pow":1317,"help":1318,"bus":1319,"co":1320,"cle":1321,"self":1322,"ens":1323,"ics":1324,"tho":1325,"ani":1326,"cho":1327,"lead":1328,"bs":1329,"twee":1330,"think":1331,"fore":1332,"chil":1333,"vide":1334,"did":1335,"ale":1336,"chi":1337,"vil":1338,"ends":1339,"wing":1340,"pas":1341,"'ll":1342,"vol":1343,"sa":1344,"gs":1345,"many":1346,"jec":1347,"before":1348,"graph":1349,"ny":1350,"uring":1351,"wil":1352,"dd":1353,"buil":1354,"fav":1355,"sted":1356,"tran":1357,"ling":1358,"oud":1359,"dge":1360,"fiel":1361,"national":1362,"sta":1363,"cer":1364,"were":1365,"ina":1366,"season":1367,"cou":1368,"ned":1369,"amazing":1370,"tions":1371,"celebr":1372,"ns":1373,"ath":1374,"head":1375,"sday":1376,"dar":1377,"loc":1378,"vin":1379,"another":1380,"goo":1381,"sat":1382,"ny":1383,"join":1384,"pres":1385,"ses":1386,"sing":1387,"ana":1388,"ining":1389,"....":1390,"cour":1391,"ï¸ı":1392,"act":1393,"cause":1394,"light":1395,"ams":1396,"ta":1397,"bal":1398,"fc":1399,"high":1400,"offici":1401,"tt":1402,"christ":1403,"dic":1404,"day":1405,"ral":1406,"hor":1407,":)":1408,"visi":1409,"nam":1410,"ob":1411,"mas":1412,"ght":1413,"really":1414,"tun":1415,"find":1416,"through":1417,"port":1418,"ut":1419,"tive":1420,"sty":1421,"ne":1422,"ore":1423,"ðŁĺĤ":1424,"support":1425,"never":1426,"even":1427,"ðŁĶ":1428,"ha":1429,"ya":1430,"ld":1431,"uk":1432,"ran":1433,"jam":1434,"with":1435,"medi":1436,"des":1437,"ney":1438,"ching":1439,"ale":1440,"hy":1441,"kin":1442,"!!":1443,"dy":1444,"place":1445,"also":1446,"ble":1447,"which":1448,"black":1449,"bli":1450,"say":1451,"park":1452,"play":1453,"ire":1454,"video":1455,"weekend":1456,"ail":1457,"key":1458,"pt":1459,"ward":1460,"friday":1461,"din":1462,"iness":1463,"gro":1464,"ben":1465,"always":1466,"tball":1467,"ago":1468,"mil":1469,"cy":1470,"produc":1471,"disc":1472,"under":1473,"please":1474,"spor":1475,"full":1476,"ey":1477,"ðŁĻ":1478,"ise":1479,"ities":1480,"cat":1481,"kno":1482,"use":1483,"fore":1484,"ker":1485,"art":1486,"high":1487,"open":1488,"san":1489,"ef":1490,"ours":1491,"shed":1492,"stri":1493,"dro":1494,"again":1495,"im":1496,"ðŁĵ":1497,"enjo":1498,"fun":1499,"getting":1500,"pen":1501,"ger":1502,"cli":1503,"any":1504,"every":1505,"eu":1506,"women":1507,"âľ":1508,"est":1509,"could":1510,"ry":1511,"\"@":1512,"thou":1513,"sha":1514,"commun":1515,"ber":1516,"dents":1517,"dis":1518,"while":1519,"away":1520,"dio":1521,"ham":1522,"gla":1523,"date":1524,"ka":1525,"miss":1526,"unch":1527,"won":1528,"inf":1529,"room":1530,"ga":1531,"real":1532,"exper":1533,"direc":1534,"should":1535,"spr":1536,"gol":1537,"long":1538,"better":1539,"ori":1540,"ey":1541,"ience":1542,"ils":1543,"zz":1544,"han":1545,"found":1546,"vs":1547,"âĻ":1548,"post":1549,"tic":1550,"part":1551,"men":1552,"rence":1553,"cess":1554,"vic":1555,"sil":1556,"shop":1557,"ðŁĺĤ":1558,"food":1559,"val":1560,"stic":1561,"you":1562,"says":1563,"elec":1564,"star":1565,"oc":1566,"land":1567,"id":1568,"ction":1569,"field":1570,"sof":1571,"start":1572,"water":1573,"friends":1574,"ones":1575,"ðŁĮ":1576,"fla":1577,"far":1578,"white":1579,"party":1580,"inst":1581,"grou":1582,"tv":1583,"everyone":1584,"ment":1585,"ja":1586,"cha":1587,"prin":1588,"ants":1589,"during":1590,"lat":1591,"lar":1592,"west":1593,"then":1594,"ka":1595,"youn":1596,"insp":1597,"inte":1598,"ween":1599,"visit":1600,"against":1601,"rele":1602,"head":1603,"ces":1604,"town":1605,"looks":1606,"thre":1607,"regi":1608,"rent":1609,"projec":1610,"girl":1611,"sear":1612,"wo":1613,"mom":1614,"car":1615,"hun":1616,"publi":1617,"di":1618,"ple":1619,"call":1620,"cri":1621,"um":1622,"ford":1623,"perfe":1624,"friend":1625,"hard":1626,"ssion":1627,"test":1628,"playing":1629,"around":1630,"because":1631,"kets":1632,"meet":1633,"satur":1634,"arti":1635,"work":1636,"jun":1637,"ven":1638,"run":1639,"member":1640,"port":1641,"super":1642,"twit":1643,"sam":1644,"els":1645,"tly":1646,"adv":1647,"ative":1648,"ath":1649,"sure":1650,"avail":1651,"lar":1652,"squ":1653,"ards":1654,"event":1655,"men":1656,"ll":1657,"over":1658,"logy":1659,"ital":1660,"times":1661,"mal":1662,"back":1663,"coo":1664,"making":1665,"stru":1666,"âģ":1667,"itu":1668,"shar":1669,"gan":1670,"cas":1671,"sn":1672,"summer":1673,"picture":1674,"fan":1675,"hin":1676,"christmas":1677,"cy":1678,"proud":1679,"champi":1680,"design":1681,"pping":1682,"hope":1683,"ca":1684,"available":1685,"may":1686,"wed":1687,"photograph":1688,"special":1689,"sale":1690,"stop":1691,"ery":1692,"awe":1693,"ality":1694,"history":1695,"ama":1696,"presi":1697,"bru":1698,"working":1699,"done":1700,"dr":1701,"ken":1702,"feat":1703,"wood":1704,"atest":1705,"sunday":1706,"movi":1707,"vely":1708,"sle":1709,"face":1710,"spec":1711,"students":1712,"by":1713,"ham":1714,"spon":1715,"business":1716,"dat":1717,"ie":1718,"ip":1719,"soci":1720,"glo":1721,"hand":1722,"recor":1723,"rs":1724,"mee":1725,"keep":1726,"pur":1727,"health":1728,"she":1729,"comple":1730,"god":1731,"davi":1732,"collec":1733,"list":1734,"ra":1735,"club":1736,"ters":1737,"inclu":1738,"things":1739,"plan":1740,"âĺ":1741,"john":1742,"shing":1743,"atul":1744,"soon":1745,"blue":1746,"gor":1747,"saturday":1748,"won":1749,"congratul":1750,"see":1751,"âĿ¤ï¸ı":1752,"those":1753,"ðŁĺį":1754,"final":1755,"dou":1756,"ith":1757,"own":1758,"road":1759,"tour":1760,"ast":1761,"india":1762,"til":1763,"nd":1764,"fer":1765,"favor":1766,"sul":1767,"learn":1768,"fire":1769,"just":1770,"group":1771,"ah":1772,"rac":1773,"body":1774,"ur":1775,"care":1776,"à¸":1777,"plo":1778,"oh":1779,"pos":1780,"give":1781,"tech":1782,"sub":1783,"cent":1784,"ering":1785,"ym":1786,"ility":1787,"fic":1788,"london":1789,"vir":1790,"guys":1791,"ba":1792,"ð٤":1793,"baby":1794,"scre":1795,"ðŁĺį":1796,"trump":1797,"under":1798,"change":1799,"ian":1800,"colle":1801,"sses":1802,"ler":1803,"ssed":1804,"nice":1805,"announ":1806,"power":1807,"sar":1808,"aking":1809,"mini":1810,"sli":1811,"swee":1812,"kar":1813,"ful":1814,"cru":1815,"action":1816,"ather":1817,").":1818,"stand":1819,"devel":1820,"aa":1821,"gan":1822,"left":1823,"lol":1824,"rel":1825,"trans":1826,"ments":1827,"int":1828,"ef":1829,"manag":1830,"dig":1831,"gener":1832,"down":1833,"pau":1834,"tiv":1835,"ku":1836,"thur":1837,"ken":1838,"ston":1839,"fans":1840,"talk":1841,"tweet":1842,"too":1843,"style":1844,"prote":1845,"secon":1846,"fron":1847,"awesome":1848,"gl":1849,"pal":1850,"net":1851,"sor":1852,"lau":1853,"gon":1854,"since":1855,"tty":1856,"series":1857,"memor":1858,"beli":1859,"film":1860,"did":1861,"dies":1862,"ot":1863,"congratulations":1864,"pra":1865,"eve":1866,"woo":1867,"official":1868,"suc":1869,"incre":1870,"bon":1871,"part":1872,"pped":1873,"class":1874,"sive":1875,"boy":1876,"cul":1877,"perfect":1878,"tou":1879,"dam":1880,"welcome":1881,"football":1882,"hi":1883,"pap":1884,"wait":1885,"ada":1886,"congrats":1887,"young":1888,"excited":1889,"rece":1890,"jan":1891,"va":1892,"red":1893,"stra":1894,"media":1895,"'d":1896,"does":1897,"let":1898,"mul":1899,"ills":1900,"green":1901,"mel":1902,"toge":1903,"future":1904,"yester":1905,"versity":1906,"form":1907,"tain":1908,"ide":1909,"ches":1910,"kids":1911,"qui":1912,"haha":1913,"deta":1914,"big":1915,"favorite":1916,"girls":1917,"contin":1918,"dom":1919,"search":1920,"ual":1921,"air":1922,"ders":1923,"month":1924,"cer":1925,"yesterday":1926,"community":1927,"ade":1928,"dog":1929,"ville":1930,"ices":1931,"deli":1932,"syste":1933,"run":1934,"ism":1935,"heart":1936,"cup":1937,"enti":1938,"few":1939,"president":1940,"eds":1941,"until":1942,"festi":1943,"ok":1944,"flo":1945,"said":1946,"ole":1947,"med":1948,"travel":1949,"£":1950,"phone":1951,"together":1952,"fast":1953,"lot":1954,"games":1955,"shir":1956,"between":1957,"yes":1958,"thers":1959,"doing":1960,"mac":1961,"ator":1962,"band":1963,"follow":1964,"project":1965,"develop":1966,"diffe":1967,"confe":1968,"speci":1969,"cast":1970,"ys":1971,"board":1972,"rd":1973,"ial":1974,"shoo":1975,"ram":1976,"having":1977,"share":1978,"follow":1979,"one":1980,"name":1981,"mr":1982,"put":1983,"discu":1984,"ory":1985,"came":1986,"ous":1987,"site":1988,"twitter":1989,"tb":1990,"tit":1991,"finally":1992,"zed":1993,"super":1994,"compan":1995,"using":1996,"alls":1997,"list":1998,"ris":1999,"shot":2000,"gal":2001,"tar":2002,"del":2003,"john":2004,"âĢĶ":2005,"something":2006,"ram":2007,"intere":2008,"whe":2009,"bit":2010,"ðŁį":2011,"street":2012,"ound":2013,"ai":2014,"tickets":2015,"movie":2016,"real":2017,"ky":2018,"taking":2019,"opp":2020,"cc":2021,"lam":2022,"moun":2023,"inve":2024,"black":2025,"used":2026,"online":2027,"yor":2028,"local":2029,"gue":2030,"cks":2031,"ow":2032,"gest":2033,"boys":2034,"illion":2035,"cont":2036,"reci":2037,"ined":2038,"euro":2039,"now":2040,"seen":2041,"ph":2042,"teach":2043,"def":2044,"south":2045,"such":2046,"award":2047,"must":2048,"issu":2049,"care":2050,"feel":2051,"plu":2052,"latest":2053,"sports":2054,"web":2055,"tex":2056,"ement":2057,"sk":2058,"fic":2059,"wan":2060,"tech":2061,"ot":2062,"box":2063,"ner":2064,"free":2065,"tal":2066,"ash":2067,"case":2068,"hot":2069,"wonder":2070,"meeting":2071,"era":2072,"chall":2073,"ðŁIJ":2074,"job":2075,"ili":2076,"cool":2077,"jour":2078,"ths":2079,"mo":2080,"fel":2081,"die":2082,"micha":2083,"ele":2084,"team":2085,"service":2086,"stand":2087,"makes":2088,"ping":2089,"early":2090,"comes":2091,"ek":2092,"holi":2093,"vers":2094,"ague":2095,"sau":2096,"three":2097,"monday":2098,"fashi":2099,"someone":2100,"thro":2101,"sea":2102,"bad":2103,"suppor":2104,"turn":2105,"ury":2106,"ming":2107,"photography":2108,"nic":2109,"mark":2110,"pretty":2111,"ssing":2112,"watching":2113,"memb":2114,"arri":2115,"county":2116,"beach":2117,"fran":2118,"center":2119,"police":2120,"bat":2121,"public":2122,"tan":2123,"press":2124,"saf":2125,"sy":2126,"gets":2127,"roy":2128,"ners":2129,"your":2130,"buy":2131,"sters":2132,"show":2133,"ased":2134,"childre":2135,"afric":2136,"ines":2137,"space":2138,"scri":2139,"hall":2140,"pain":2141,"aring":2142,"home":2143,"mur":2144,"health":2145,"ched":2146,"sand":2147,"recei":2148,"guy":2149,"ea":2150,"american":2151,"resi":2152,"children":2153,"--":2154,"iri":2155,"ington":2156,"country":2157,"ross":2158,"len":2159,"anna":2160,"books":2161,"bc":2162,"ece":2163,"dom":2164,"lovely":2165,"kh":2166,"pet":2167,"gy":2168,"gri":2169,"stage":2170,"office":2171,"rock":2172,"mon":2173,"bay":2174,"table":2175,"sun":2176,"med":2177,"thin":2178,"lor":2179,"flow":2180,"(@":2181,"university":2182,"store":2183,"front":2184,"good":2185,"za":2186,"vote":2187,"north":2188,"hey":2189,"anim":2190,"order":2191,"mid":2192,"without":2193,"ade":2194,"remember":2195,"market":2196,"??":2197,"mus":2198,"training":2199,"educ":2200,"but":2201,"cover":2202,"stan":2203,"scen":2204,"bla":2205,"break":2206,"lou":2207,"same":2208,"gold":2209,"ain":2210,"os":2211,"both":2212,"lit":2213,"vern":2214,"ai":2215,"albu":2216,"pa":2217,"enjoy":2218,"beg":2219,"elling":2220,"thursday":2221,"info":2222,"san":2223,"america":2224,"hair":2225,"tel":2226,"march":2227,"concer":2228,"college":2229,"conference":2230,"app":2231,"hour":2232,"chang":2233,"âļ":2234,"sour":2235,"ols":2236,"weather":2237,"war":2238,"phi":2239,"festival":2240,"second":2241,"cute":2242,"prac":2243,"ener":2244,"stry":2245,"lea":2246,"polit":2247,"sav":2248,"sen":2249,"ow":2250,"mi":2251,"near":2252,"ought":2253,"ze":2254,"coffe":2255,"willi":2256,"dan":2257,"sey":2258,"david":2259,"ese":2260,"fan":2261,"deci":2262,"theat":2263,"nov":2264,"ation":2265,"trac":2266,"sci":2267,"review":2268,"cel":2269,"em":2270,"un":2271,"july":2272,"orig":2273,"tion":2274,"dru":2275,"former":2276,"stay":2277,"after":2278,"inv":2279,"took":2280,"data":2281,"bal":2282,"tues":2283,"dan":2284,"evening":2285,"ðŁĺĤðŁĺĤ":2286,"dol":2287,"ures":2288,"provi":2289,"ts":2290,"est":2291,"sign":2292,"jac":2293,"uk":2294,"song":2295,"yet":2296,"bow":2297,"indu":2298,"jap":2299,"hoo":2300,"point":2301,"anyone":2302,"zy":2303,"ist":2304,"hur":2305,"ital":2306,"building":2307,"woman":2308,"chur":2309,"jer":2310,"perfor":2311,"coach":2312,"league":2313,"cess":2314,"net":2315,"imag":2316,"nation":2317,"brit":2318,"que":2319,"awards":2320,"ages":2321,"works":2322,"ced":2323,"mance":2324,"late":2325,"ign":2326,"money":2327,"true":2328,"ii":2329,"tell":2330,"plac":2331,"pac":2332,"asy":2333,"world":2334,"behin":2335,"import":2336,"reading":2337,"gram":2338,"giving":2339,"met":2340,"hit":2341,"forward":2342,"stom":2343,"present":2344,"june":2345,"social":2346,"noon":2347,"mart":2348,"half":2349,"swe":2350,"govern":2351,"ker":2352,"details":2353,"lish":2354,"__":2355,"acy":2356,"sia":2357,"bert":2358,"fall":2359,"!!!!":2360,"),":2361,"thi":2362,"diti":2363,"sport":2364,"king":2365,"fit":2366,"staf":2367,"cat":2368,"muse":2369,"centr":2370,"yer":2371,"contro":2372,"bloo":2373,"walk":2374,"actu":2375,"didn":2376,"lim":2377,"learning":2378,"research":2379,"wedne":2380,"auth":2381,"hours":2382,"ky":2383,"far":2384,"hen":2385,"....":2386,"itch":2387,"ril":2388,"strong":2389,"sky":2390,"questi":2391,"james":2392,"ron":2393,"dg":2394,"fur":2395,"cin":2396,"does":2397,"appro":2398,"marke":2399,"tures":2400,"fully":2401,"chat":2402,"behind":2403,"tem":2404,"fini":2405,"mission":2406,"batt":2407,"feel":2408,"heav":2409,"everything":2410,"bar":2411,"wish":2412,"premi":2413,"ima":2414,"experience":2415,"each":2416,"report":2417,"sweet":2418,"tics":2419,"spring":2420,"respon":2421,"system":2422,"victor":2423,"lin":2424,"saw":2425,"already":2426,"ghter":2427,"fle":2428,"ãĥ":2429,"bring":2430,"album":2431,"--":2432,"ells":2433,"stan":2434,"tom":2435,"international":2436,"went":2437,"anni":2438,"match":2439,"pper":2440,"stone":2441,"small":2442,"rain":2443,"fashion":2444,"area":2445,"van":2446,"agram":2447,"ko":2448,"thought":2449,"worth":2450,"van":2451,"mer":2452,"coffee":2453,"ites":2454,"gn":2455,"artist":2456,"con":2457,"arch":2458,"cir":2459,"secre":2460,"ground":2461,"iso":2462,"hand":2463,"com":2464,"bridge":2465,"hs":2466,"xi":2467,"link":2468,"pul":2469,"spl":2470,"race":2471,"fli":2472,"river":2473,"gas":2474,"disco":2475,"dal":2476,"player":2477,"fit":2478,"photos":2479,"ity":2480,"ok":2481,"jor":2482,"tra":2483,"april":2484,"ads":2485,"adi":2486,"solu":2487,"beauty":2488,"door":2489,"mess":2490,"update":2491,"alia":2492,"scho":2493,"ened":2494,"moment":2495,"scot":2496,"science":2497,"ior":2498,"ties":2499,"across":2500,"ously":2501,"shes":2502,"doesn":2503,"page":2504,"water":2505,"million":2506,"classi":2507,"lic":2508,"cast":2509,"formation":2510,"michael":2511,"ello":2512,"smo":2513,"ints":2514,"vision":2515,"opening":2516,"ldn":2517,"austr":2518,"tuesday":2519,"winner":2520,"possi":2521,"round":2522,"shirt":2523,"dit":2524,"bo":2525,"ues":2526,"illed":2527,"along":2528,"trip":2529,"starting":2530,"impro":2531,"kan":2532,"person":2533,"not":2534,"reco":2535,"needs":2536,"cle":2537,"lie":2538,"rest":2539,"ring":2540,"winter":2541,"simp":2542,"mom":2543,"beer":2544,"face":2545,"tors":2546,"usa":2547,"collection":2548,"geor":2549,"session":2550,"trying":2551,"las":2552,"lake":2553,"jen":2554,"origin":2555,"student":2556,"secur":2557,"vin":2558,"pics":2559,"expe":2560,"comp":2561,"gonna":2562,"equ":2563,"bad":2564,"ley":2565,"au":2566,"members":2567,"break":2568,"wall":2569,"gic":2570,"dinner":2571,"bul":2572,"inspir":2573,"ri":2574,"mind":2575,"ica":2576,"winning":2577,"talking":2578,"tren":2579,"sis":2580,"ten":2581,"wonderful":2582,"snow":2583,"hear":2584,"thom":2585,"nothing":2586,"gui":2587,"stin":2588,"blog":2589,"fest":2590,"bun":2591,"lee":2592,"wards":2593,"chance":2594,"dress":2595,"ren":2596,"paul":2597,"pes":2598,"techno":2599,"russi":2600,"card":2601,"east":2602,"mari":2603,"wine":2604,"ti":2605,"law":2606,"stric":2607,"ki":2608,"ape":2609,"augu":2610,"profe":2611,"ash":2612,"course":2613,"mail":2614,"rently":2615,"dun":2616,"mun":2617,"love":2618,"island":2619,"drive":2620,"sl":2621,"ended":2622,"main":2623,"lost":2624,"nature":2625,"âĿ¤ï¸ı":2626,"chic":2627,"repor":2628,"pin":2629,"pro":2630,"station":2631,"cep":2632,"takes":2633,"company":2634,"goes":2635,"ond":2636,"mach":2637,"radio":2638,"dad":2639,"rock":2640,"ja":2641,"pay":2642,"champion":2643,"ee":2644,"inde":2645,"tta":2646,"atic":2647,"tab":2648,"believe":2649,"energy":2650,"zi":2651,"tat":2652,"word":2653,"once":2654,"resul":2655,"yl":2656,"andre":2657,"ano":2658,"instagram":2659,"close":2660,"tam":2661,"custom":2662,"wa":2663,"conom":2664,"shows":2665,"life":2666,"kin":2667,"rob":2668,"tage":2669,"nation":2670,"almost":2671,"listen":2672,"save":2673,"reli":2674,"ace":2675,"mary":2676,"tree":2677,"forget":2678,"jack":2679,"waiting":2680,"director":2681,"hill":2682,"born":2683,"temp":2684,"fl":2685,"ste":2686,"ona":2687,"single":2688,"wednesday":2689,"united":2690,"ino":2691,"@_":2692,"nel":2693,"celebrate":2694,"ending":2695,"deal":2696,"ji":2697,"canada":2698,"huge":2699,"track":2700,"âĢ¢":2701,"fy":2702,"fanta":2703,"ang":2704,"york":2705,"release":2706,"pun":2707,"episo":2708,"words":2709,"tour":2710,"pack":2711,"igh":2712,"classic":2713,"performance":2714,"ket":2715,"afternoon":2716,"record":2717,"wins":2718,"proble":2719,"âĿ¤":2720,"four":2721,"bed":2722,"bank":2723,"dance":2724,"sla":2725,"called":2726,"might":2727,"ap":2728,"past":2729,"ðŁļ":2730,"different":2731,"ite":2732,"gift":2733,"ssive":2734,"church":2735,"cus":2736,"program":2737,"hotel":2738,"ice":2739,"mad":2740,"security":2741,"enge":2742,"dc":2743,"enough":2744,"sta":2745,"ety":2746,"dead":2747,"gun":2748,"hear":2749,"mir":2750,"human":2751,"gress":2752,"ounds":2753,"piece":2754,"breaking":2755,"garden":2756,"fight":2757,"views":2758,"fish":2759,"started":2760,"running":2761,"green":2762,"seri":2763,"sm":2764,"ask":2765,"dor":2766,"death":2767,"econom":2768,"eri":2769,"ird":2770,"ser":2771,"lunch":2772,"âģ¦":2773,"box":2774,"natu":2775,"base":2776,"ban":2777,"fal":2778,"global":2779,"wild":2780,"wow":2781,"outside":2782,"move":2783,"lead":2784,"anal":2785,"museum":2786,"ong":2787,"haw":2788,"power":2789,"thank":2790,"bac":2791,"charac":2792,"campa":2793,"digital":2794,"ro":2795,"oper":2796,"dev":2797,"wol":2798,"pati":2799,"fa":2800,"male":2801,"paper":2802,"illing":2803,"cs":2804,"âĥ":2805,"education":2806,"taken":2807,"effe":2808,"mou":2809,"sad":2810,"\".":2811,"based":2812,"staff":2813,"including":2814,"living":2815,"ac":2816,"china":2817,"mob":2818,"storm":2819,"luck":2820,"phil":2821,"oo":2822,"yn":2823,"travel":2824,"kel":2825,"tial":2826,"price":2827,"book":2828,"important":2829,"bio":2830,"pool":2831,"nyc":2832,"fab":2833,"load":2834,"?!":2835,"challenge":2836,"cry":2837,"serve":2838,"wear":2839,"bus":2840,"tain":2841,"number":2842,"ror":2843,"kat":2844,"iz":2845,"though":2846,"hosp":2847,"mm":2848,"fair":2849,"utes":2850,"hot":2851,"pop":2852,"fied":2853,"camp":2854,"development":2855,"libr":2856,"cali":2857,"ems":2858,"âģ¦@":2859,"bol":2860,"ised":2861,"standing":2862,"model":2863,"ita":2864,"gle":2865,"brown":2866,"image":2867,"vered":2868,"force":2869,"oil":2870,"partic":2871,"shu":2872,"daily":2873,"law":2874,"sec":2875,"class":2876,"camp":2877,"holiday":2878,"clin":2879,"kers":2880,"present":2881,"game":2882,"incredi":2883,"ership":2884,"interview":2885,"bill":2886,"due":2887,"andy":2888,"abo":2889,"innov":2890,"key":2891,"acade":2892,"pil":2893,"moder":2894,"stars":2895,"brand":2896,"fer":2897,"weeks":2898,"consi":2899,"pre":2900,"safe":2901,"writ":2902,"dium":2903,"launch":2904,"marketing":2905,"annual":2906,"assi":2907,"court":2908,"lady":2909,"cted":2910,"anda":2911,"inside":2912,"child":2913,"oppor":2914,"smith":2915,"centre":2916,"gue":2917,"âģ©":2918,"fren":2919,"sty":2920,"fort":2921,"ently":2922,"isn":2923,"keep":2924,"tober":2925,"ony":2926,"boy":2927,"ald":2928,"colla":2929,"demo":2930,"level":2931,"compet":2932,"ado":2933,"bour":2934,"fantastic":2935,"mate":2936,"su":2937,"south":2938,"opportun":2939,"versary":2940,"later":2941,"bud":2942,"facebook":2943,"laun":2944,"stern":2945,"pit":2946,"!\"":2947,"maj":2948,"gram":2949,"tbt":2950,"fire":2951,"happy":2952,"aks":2953,"whole":2954,"actually":2955,"iller":2956,"ella":2957,"lots":2958,"alex":2959,"ange":2960,"lands":2961,"ðŁĺŃ":2962,"enter":2963,"rou":2964,"episode":2965,"ped":2966,"inten":2967,"shire":2968,"who":2969,"plan":2970,"ho":2971,"cake":2972,"west":2973,"magaz":2974,"fresh":2975,"cc":2976,"nar":2977,"chris":2978,"writing":2979,"wer":2980,"nom":2981,"lo":2982,"midd":2983,"dream":2984,"ol":2985,"tional":2986,"deb":2987,">>":2988,"become":2989,"si":2990,"grand":2991,"alling":2992,"histor":2993,"ride":2994,"ired":2995,"safe":2996,"queen":2997,"cil":2998,"intro":2999,"vil":3000,"dani":3001,"...":3002,"artic":3003,"stat":3004,"short":3005,"oring":3006,"selfi":3007,"missi":3008,"doc":3009,"bit":3010,"gall":3011,"bom":3012,"ire":3013,"selec":3014,"dition":3015,"ðŁĶ¥":3016,"friend":3017,"beat":3018,"ghting":3019,"ðŁĺĬ":3020,"peace":3021,"exhi":3022,"anta":3023,"ability":3024,"illu":3025,"jon":3026,"quality":3027,"tribu":3028,"mes":3029,"players":3030,"fair":3031,"cut":3032,"cab":3033,"success":3034,"bi":3035,"sus":3036,"promo":3037,"sche":3038,"ange":3039,"ico":3040,"commit":3041,"catch":3042,"illa":3043,"kind":3044,"feeling":3045,"quo":3046,"say":3047,"anniversary":3048,"spot":3049,"mother":3050,"ane":3051,"pend":3052,"yourself":3053,"ops":3054,"apple":3055,"minutes":3056,"po":3057,"grand":3058,"ries":3059,"haha":3060,"career":3061,"edition":3062,"dec":3063,"rick":3064,"ami":3065,"concert":3066,"itive":3067,"geous":3068,"dly":3069,"tte":3070,"advent":3071,"ig":3072,"lights":3073,"aker":3074,"sky":3075,"âĥ£":3076,"ray":3077,"finished":3078,"way":3079,"sd":3080,"accoun":3081,"ðŁĴķ":3082,"cky":3083,"chel":3084,"liter":3085,"painting":3086,"los":3087,"stun":3088,"technology":3089,"nas":3090,"mar":3091,"bil":3092,"africa":3093,"kie":3094,"eyes":3095,"golf":3096,"plus":3097,"nia":3098,"itec":3099,"services":3100,"wedding":3101,"known":3102,"tele":3103,".....":3104,"starts":3105,"paren":3106,"wants":3107,"ational":3108,"months":3109,"windo":3110,"favour":3111,"ert":3112,"magazine":3113,"exclu":3114,"reve":3115,"bc":3116,"original":3117,"ess":3118,"nal":3119,"anti":3120,"stro":3121,"tice":3122,"study":3123,"à¤":3124,"vac":3125,"national":3126,"five":3127,"rain":3128,"vement":3129,"ute":3130,"verse":3131,"emer":3132,"army":3133,"possible":3134,"guess":3135,"valley":3136,"thern":3137,"crow":3138,"mr":3139,"color":3140,"onto":3141,"pick":3142,"clear":3143,"dark":3144,"tac":3145,"wanted":3146,"itting":3147,"cancer":3148,"government":3149,"die":3150,"rise":3151,"zing":3152,"cold":3153,"foun":3154,"studio":3155,"stration":3156,"brother":3157,"ahead":3158,"shel":3159,"micro":3160,"ically":3161,"dau":3162,"signed":3163,"viol":3164,"ax":3165,"asse":3166,"io":3167,"wre":3168,"splay":3169,"chick":3170,"august":3171,"plat":3172,"tips":3173,"spi":3174,"human":3175,"easy":3176,"logi":3177,"mike":3178,"grow":3179,"agre":3180,"ww":3181,"shad":3182,"motiv":3183,"wide":3184,"turns":3185,"omg":3186,"var":3187,"defin":3188,"sug":3189,"jim":3190,"ðŁĶ¥":3191,"td":3192,"campaign":3193,"named":3194,"retweet":3195,"cop":3196,"tv":3197,"leav":3198,"kis":3199,"double":3200,"smar":3201,"issue":3202,"villa":3203,"information":3204,"lies":3205,"stock":3206,"nt":3207,"distric":3208,"shor":3209,"mix":3210,"ero":3211,"sep":3212,"mex":3213,"seeing":3214,"live":3215,"remin":3216,"code":3217,"gur":3218,"sc":3219,"wild":3220,"lun":3221,"hood":3222,"spot":3223,"father":3224,"forever":3225,"upd":3226,"traf":3227,"fly":3228,"need":3229,"gradu":3230,"train":3231,"make":3232,"sab":3233,"bey":3234,"size":3235,"leader":3236,"talks":3237,"eu":3238,"log":3239,"fox":3240,"gorgeous":3241,"less":3242,"lets":3243,"surpri":3244,"myself":3245,"note":3246,"lives":3247,"fru":3248,"loved":3249,"sever":3250,"dem":3251,"ji":3252,"soc":3253,"hold":3254,"dogs":3255,"ni":3256,"âŀ":3257,"leave":3258,"airport":3259,"benef":3260,"expl":3261,"ships":3262,"complete":3263,"achi":3264,"great":3265,"vintage":3266,"jack":3267,"roc":3268,"wood":3269,"priv":3270,"offer":3271,"eye":3272,"version":3273,"tea":3274,"coach":3275,"offic":3276,"well":3277,"gen":3278,"sat":3279,"hh":3280,"youth":3281,"ox":3282,"?\"":3283,"mt":3284,"mix":3285,"gg":3286,"dle":3287,"natural":3288,"build":3289,"breakfast":3290,"thinking":3291,"theatre":3292,"moon":3293,"berg":3294,"goals":3295,"george":3296,"ene":3297,"excell":3298,"iling":3299,"tune":3300,"yed":3301,"gate":3302,"mit":3303,"network":3304,"joe":3305,"hello":3306,"fb":3307,"tube":3308,"wearing":3309,"athle":3310,"struc":3311,"hard":3312,"glass":3313,"gers":3314,"throw":3315,"ges":3316,"bt":3317,"industry":3318,"management":3319,"alist":3320,"goal":3321,"stream":3322,"yel":3323,"avi":3324,"icious":3325,"others":3326,"ski":3327,"christi":3328,"bird":3329,"esc":3330,"min":3331,"tro":3332,"lt":3333,"jan":3334,"imp":3335,"rights":3336,"sha":3337,"organ":3338,"central":3339,"ara":3340,"roll":3341,"favourite":3342,"chester":3343,"else":3344,"pay":3345,"cars":3346,"mine":3347,"step":3348,"practice":3349,"major":3350,"hang":3351,"ðŁĺĺ":3352,"non":3353,"vari":3354,"engine":3355,"volun":3356,"dia":3357,"iled":3358,"architec":3359,"pink":3360,"ds":3361,"thy":3362,"wash":3363,"website":3364,"bag":3365,"control":3366,"elli":3367,"fra":3368,"answ":3369,"dence":3370,"yu":3371,"ron":3372,"ola":3373,"gin":3374,"drin":3375,"lic":3376,"couple":3377,"spar":3378,"gon":3379,"create":3380,"ct":3381,"celebrating":3382,"deep":3383,"eat":3384,"tee":3385,"voice":3386,"drop":3387,"visit":3388,"ators":3389,"stadium":3390,"ft":3391,"wis":3392,"rol":3393,"grade":3394,"famil":3395,"points":3396,"repre":3397,"was":3398,"traffic":3399,"japan":3400,"org":3401,"honor":3402,"texas":3403,"manu":3404,"âĻ¥":3405,"safety":3406,"rer":3407,"bag":3408,"emplo":3409,"released":3410,"regu":3411,"aka":3412,"nav":3413,"role":3414,"senior":3415,"spect":3416,"cross":3417,"lines":3418,"best":3419,"pack":3420,"sin":3421,"tie":3422,"missing":3423,"sunset":3424,"liber":3425,"ising":3426,"jay":3427,"ski":3428,"championship":3429,"activ":3430,"ladies":3431,"played":3432,"yy":3433,"publ":3434,"alo":3435,"pride":3436,"sr":3437,"paki":3438,"lux":3439,"survi":3440,"cked":3441,"ets":3442,"chocol":3443,"australia":3444,"paris":3445,"miles":3446,"hat":3447,"mental":3448,"ala":3449,"mean":3450,"mobile":3451,"ena":3452,"insi":3453,"found":3454,"chief":3455,"tag":3456,"incredible":3457,"return":3458,"é":3459,"google":3460,"french":3461,"crew":3462,"hallo":3463,"alian":3464,"jaz":3465,"cher":3466,"silver":3467,"north":3468,"english":3469,"baseball":3470,"caf":3471,"limited":3472,"following":3473,"appreci":3474,"earth":3475,"kir":3476,"vember":3477,"wed":3478,"ption":3479,"ged":3480,"october":3481,"flori":3482,"cr":3483,"ency":3484,"gave":3485,"lord":3486,"stuff":3487,"berry":3488,"post":3489,"smile":3490,"broad":3491,"state":3492,"gger":3493,"means":3494,"icy":3495,"gun":3496,"yo":3497,"master":3498,"burg":3499,"hands":3500,"nie":3501,"//":3502,"union":3503,"british":3504,"biggest":3505,"district":3506,"aming":3507,"hil":3508,"oce":3509,"person":3510,"pass":3511,"envir":3512,"schools":3513,"arrived":3514,"ances":3515,"inspired":3516,"expla":3517,"ben":3518,"library":3519,"bott":3520,"amp":3521,"steph":3522,"contact":3523,"bang":3524,"ms":3525,"califor":3526,"told":3527,"battle":3528,"bb":3529,"chicago":3530,"⾨":3531,"strate":3532,"shi":3533,"dece":3534,"-)":3535,"add":3536,"lab":3537,"jones":3538,"legend":3539,"castle":3540,"inger":3541,"stance":3542,"bel":3543,"ura":3544,"refu":3545,"leaders":3546,"pot":3547,"sex":3548,"hic":3549,"article":3550,"kid":3551,"france":3552,"xx":3553,"exe":3554,"guide":3555,"volunte":3556,"print":3557,"ali":3558,"ceo":3559,"tweets":3560,"wx":3561,"scene":3562,"volu":3563,"anti":3564,"han":3565,"associ":3566,"sharing":3567,"rose":3568,"minister":3569,"sher":3570,"inste":3571,"clean":3572,"democr":3573,"poster":3574,"skin":3575,"psy":3576,"proper":3577,"crazy":3578,"iam":3579,"ore":3580,"ini":3581,"anything":3582,"pod":3583,"moving":3584,"click":3585,"explo":3586,"comb":3587,"craft":3588,"fi":3589,"blood":3590,"isra":3591,"public":3592,"dent":3593,"olym":3594,"england":3595,"asi":3596,"cher":3597,"fact":3598,"environ":3599,"harry":3600,"gone":3601,"medic":3602,"enjoying":3603,"justice":3604,"jr":3605,"indian":3606,"wife":3607,"sound":3608,"tes":3609,"drawing":3610,"pal":3611,"idea":3612,"crit":3613,"juli":3614,"iler":3615,"warm":3616,"clar":3617,"thoughts":3618,"defen":3619,"council":3620,"introduc":3621,"died":3622,"janu":3623,"ani":3624,"send":3625,"lier":3626,"ml":3627,"interesting":3628,"trade":3629,"wind":3630,"bay":3631,"sac":3632,"ancy":3633,"source":3634,"bes":3635,"organi":3636,"arly":3637,"large":3638,"ffici":3639,"tag":3640,"ut":3641,"desp":3642,"oes":3643,"title":3644,"sym":3645,"pictures":3646,"open":3647,"women":3648,"showing":3649,"ria":3650,"least":3651,"leadership":3652,"current":3653,"electr":3654,"valent":3655,"listening":3656,"ckey":3657,"general":3658,"deser":3659,"duce":3660,";)":3661,"cent":3662,"ðŁĺįðŁĺį":3663,"scott":3664,"poor":3665,"selfie":3666,"events":3667,"ion":3668,"wrong":3669,"dev":3670,"hill":3671,"septe":3672,"culture":3673,"line":3674,"sorry":3675,"sent":3676,"sister":3677,"cept":3678,"kri":3679,"november":3680,"ari":3681,"announce":3682,"zation":3683,"bran":3684,"gent":3685,"du":3686,"len":3687,"pers":3688,"fm":3689,"martin":3690,"op":3691,"emb":3692,"ome":3693,"middle":3694,"success":3695,"peter":3696,"january":3697,"flu":3698,"racing":3699,"dav":3700,"bike":3701,"ðŁı»":3702,"pet":3703,"shoot":3704,"professi":3705,"featuring":3706,"september":3707,"nowplaying":3708,"staur":3709,"za":3710,"onic":3711,"quick":3712,"baske":3713,"speaking":3714,"milit":3715,"zer":3716,"chicken":3717,"bell":3718,"sad":3719,"coast":3720,"loving":3721,"yers":3722,"dj":3723,"panel":3724,"verage":3725,"swit":3726,"icks":3727,"bou":3728,"california":3729,"sam":3730,"parents":3731,"ero":3732,"killed":3733,"phys":3734,"jobs":3735,"migr":3736,"anth":3737,"emo":3738,"halloween":3739,"ander":3740,"cm":3741,"competition":3742,"eag":3743,"sket":3744,"spir":3745,"maybe":3746,"exclusive":3747,"appe":3748,"journey":3749,"screen":3750,"ford":3751,"io":3752,"hate":3753,"ug":3754,"soul":3755,"hero":3756,"society":3757,"syn":3758,"guit":3759,"nh":3760,"dj":3761,"ases":3762,"impre":3763,"time":3764,"sales":3765,"dd":3766,"fts":3767,"summit":3768,"stunning":3769,"oms":3770,"turned":3771,"clean":3772,"soft":3773,"beat":3774,"restaur":3775,"dered":3776,"ences":3777,"magic":3778,"dio":3779,"shine":3780,"guest":3781,"healthy":3782,"exhib":3783,"stories":3784,"popu":3785,"nis":3786,"ela":3787,"below":3788,"funny":3789,"results":3790,"sne":3791,"currently":3792,"ard":3793,"download":3794,"flight":3795,"mal":3796,"fine":3797,"pad":3798,"chu":3799,"ented":3800,"hat":3801,"ðŁijı":3802,"steve":3803,"jo":3804,"mark":3805,"rat":3806,"ball":3807,"pc":3808,"pon":3809,"bby":3810,"oli":3811,"arts":3812,"asure":3813,"bowl":3814,"attack":3815,"mic":3816,"dear":3817,"range":3818,"enter":3819,"chocolate":3820,"brilli":3821,"access":3822,",\"":3823,"???":3824,"chap":3825,"const":3826,"tn":3827,"matter":3828,"blue":3829,"gallery":3830,"emp":3831,"workshop":3832,"leading":3833,"yours":3834,"basketball":3835,"wanna":3836,"thu":3837,"__":3838,"marri":3839,"sleep":3840,"bia":3841,"che":3842,"mad":3843,"impact":3844,"own":3845,"sir":3846,"channel":3847,"europe":3848,"esp":3849,"kitch":3850,"hospital":3851,"wra":3852,"royal":3853,"fs":3854,"neu":3855,"quar":3856,"ney":3857,"acks":3858,"chase":3859,"ppy":3860,"stal":3861,"ately":3862,"tim":3863,"december":3864,"rare":3865,"perform":3866,"cream":3867,"weight":3868,"choo":3869,"night":3870,"haven":3871,"franc":3872,"khan":3873,"built":3874,"helping":3875,"trust":3876,"type":3877,"golden":3878,"tax":3879,"snow":3880,"swi":3881,"disa":3882,"questions":3883,"vey":3884,"light":3885,"cn":3886,"cloud":3887,"thomas":3888,"aged":3889,"shou":3890,"teams":3891,"gran":3892,"reason":3893,"aa":3894,"youtube":3895,"vp":3896,"pizz":3897,"manager":3898,"bury":3899,"credit":3900,"treat":3901,"max":3902,"ik":3903,"main":3904,"ging":3905,"dead":3906,"probab":3907,"yeah":3908,"ãĤ":3909,"brand":3910,"soli":3911,"plant":3912,"tayl":3913,"girl":3914,"ðŁĺŃ":3915,"nament":3916,"auto":3917,"message":3918,"kore":3919,"nur":3920,"terr":3921,"agu":3922,"map":3923,"senting":3924,"loves":3925,"gives":3926,"gab":3927,"zen":3928,"robert":3929,"confir":3930,"wars":3931,"om":3932,"stain":3933,"camera":3934,"ander":3935,"wonder":3936,"ab":3937,"cap":3938,"sold":3939,"suit":3940,"walking":3941,"continue":3942,"effec":3943,"daughter":3944,"danc":3945,"chain":3946,"multi":3947,"kid":3948,"yan":3949,"champion":3950,"vo":3951,"tains":3952,"host":3953,"mini":3954,"missed":3955,"resc":3956,"lyn":3957,"finish":3958,"delicious":3959,"sas":3960,"taylor":3961,"ib":3962,"promis":3963,"products":3964,"mountain":3965,"florida":3966,"register":3967,"treat":3968,"recent":3969,"female":3970,"booth":3971,"matt":3972,"vehic":3973,"sop":3974,"motor":3975,"supporting":3976,"phic":3977,"extre":3978,"drink":3979,"lane":3980,"third":3981,"ps":3982,"constru":3983,"cere":3984,"farm":3985,"ðŁİī":3986,"tured":3987,"ðŁijī":3988,"cats":3989,"aj":3990,"gie":3991,"shooting":3992,"asked":3993,"pakistan":3994,"ame":3995,"mb":3996,"gil":3997,"legal":3998,"square":3999,"invol":4000,"draw":4001,"oooo":4002,"!!!!":4003,"opportunity":4004,"py":4005,"ei":4006,"bts":4007,"teacher":4008,"character":4009,"johnson":4010,"bron":4011,"lywood":4012,"chine":4013,"cing":4014,"cine":4015,"dge":4016,"gaming":4017,"russia":4018,"cia":4019,"quote":4020,"rich":4021,"gov":4022,"flowers":4023,"spiri":4024,"stin":4025,"growth":4026,"ðŁı¼":4027,"commer":4028,"juni":4029,"mum":4030,"ran":4031,"sna":4032,"aren":4033,"cb":4034,"actor":4035,"color":4036,"sit":4037,"pair":4038,"chi":4039,"bow":4040,"academy":4041,"held":4042,"rang":4043,"metal":4044,"yl":4045,"active":4046,"probably":4047,"tch":4048,"needed":4049,"spee":4050,"choice":4051,"italy":4052,"ryan":4053,"ðŁĩº":4054,"flower":4055,"vit":4056,"mn":4057,"foundation":4058,"bak":4059,"sions":4060,"neigh":4061,"floo":4062,"heard":4063,"remo":4064,"fresh":4065,"inging":4066,"ref":4067,"town":4068,"clou":4069,"jesus":4070,"spirit":4071,"couldn":4072,"zes":4073,"ðŁĴĻ":4074,"williams":4075,"proce":4076,"modern":4077,"process":4078,"shoes":4079,"created":4080,"tric":4081,"issues":4082,"anne":4083,"atten":4084,"debut":4085,"hr":4086,"nit":4087,"stig":4088,"apo":4089,"eps":4090,"zu":4091,"ãĢ":4092,"six":4093,"cards":4094,"langu":4095,"famous":4096,"tournament":4097,"sel":4098,"ebay":4099,"yn":4100,"ston":4101,"kick":4102,"announced":4103,"kam":4104,"voc":4105,"brilliant":4106,"house":4107,"cheese":4108,"warri":4109,"music":4110,"hockey":4111,"ðŁĺĤðŁĺĤ":4112,"skills":4113,"autom":4114,"smart":4115,"medical":4116,"mony":4117,"ex":4118,"guar":4119,"give":4120,"personal":4121,"vention":4122,"alli":4123,"press":4124,"floor":4125,"mc":4126,"victory":4127,"him":4128,"simple":4129,"thor":4130,"ðŁĩºðŁĩ":4131,"tail":4132,"lucky":4133,"alex":4134,"quite":4135,"bot":4136,"ssions":4137,"challeng":4138,"cann":4139,"amazon":4140,"hell":4141,"bought":4142,"):":4143,"edy":4144,"secret":4145,"production":4146,"independ":4147,"defe":4148,"added":4149,"pr":4150,"pag":4151,"bed":4152,"greatest":4153,"within":4154,"jay":4155,"ðŁ¥":4156,"ireland":4157,"rely":4158,"sd":4159,"text":4160,"driving":4161,"program":4162,"speed":4163,"colum":4164,"stron":4165,"é":4166,"forest":4167,"âĸ":4168,"machine":4169,"coin":4170,"scar":4171,"ount":4172,"bie":4173,"¡ï¸ı":4174,"portra":4175,"common":4176,"wrest":4177,"received":4178,"know":4179,"invest":4180,"plans":4181,"accor":4182,"adop":4183,"tery":4184,"reali":4185,"pp":4186,"kal":4187,"artwork":4188,"mean":4189,"god":4190,"instead":4191,"anci":4192,"motivation":4193,"asing":4194,"inspiration":4195,"upcoming":4196,"political":4197,"europe":4198,"mers":4199,"heavy":4200,"ðŁijį":4201,"febru":4202,"scotland":4203,"ough":4204,"bt":4205,"boss":4206,"schedu":4207,"speak":4208,"nick":4209,"ured":4210,"ino":4211,"ek":4212,"risk":4213,"tory":4214,"presents":4215,"bon":4216,"rug":4217,"states":4218,"exhibition":4219,"ilo":4220,"mill":4221,"brought":4222,":-)":4223,"touri":4224,"come":4225,"officially":4226,"champions":4227,"doors":4228,"rep":4229,"pose":4230,"extra":4231,"kings":4232,"soccer":4233,"squad":4234,"applic":4235,"ata":4236,"sometimes":4237,"tari":4238,"excellent":4239,"ðŁĺĺ":4240,"straight":4241,"carol":4242,"rip":4243,"âĢį":4244,"graphic":4245,"mol":4246,"election":4247,"february":4248,"asons":4249,"li":4250,"dir":4251,"mt":4252,"nick":4253,"usu":4254,"mrs":4255,"comics":4256,"institu":4257,"corpor":4258,"vi":4259,"ðŁĻı":4260,"tural":4261,"dise":4262,"acci":4263,"weare":4264,"among":4265,"shopping":4266,"till":4267,"what":4268,"chair":4269,"span":4270,"chinese":4271,"innovation":4272,"joy":4273,"kit":4274,"century":4275,"obama":4276,"phili":4277,"fc":4278,"reach":4279,"citi":4280,"ulous":4281,"non":4282,"dang":4283,"happening":4284,"burn":4285,"pel":4286,"orange":4287,"dv":4288,"kick":4289,"claim":4290,"ingham":4291,"phy":4292,"nov":4293,"podcast":4294,"whi":4295,"nights":4296,"earlier":4297,"bear":4298,"lah":4299,"exciting":4300,"ora":4301,"given":4302,"slo":4303,"memories":4304,"continues":4305,"product":4306,"gho":4307,"cd":4308,"knows":4309,"ðŁİī":4310,"published":4311,"discuss":4312,"yard":4313,"iphone":4314,"tries":4315,"wall":4316,"feb":4317,"aren":4318,"truth":4319,"winners":4320,"ture":4321,"ditional":4322,"military":4323,"problem":4324,"mand":4325,"dog":4326,"loss":4327,"cric":4328,"canadi":4329,"veter":4330,"village":4331,"\",":4332,"yr":4333,"ung":4334,"donald":4335,"aging":4336,"birds":4337,"scienti":4338,"les":4339,"this":4340,"region":4341,"tical":4342,"itten":4343,"ila":4344,"ðŁĺİ":4345,"dad":4346,"diam":4347,"above":4348,"stren":4349,"lit":4350,"pir":4351,"lab":4352,"focus":4353,"busy":4354,"dur":4355,"apply":4356,"sma":4357,"author":4358,"aci":4359,"execu":4360,"domin":4361,"rela":4362,"jackson":4363,"ato":4364,"washington":4365,"ðŁĻĮ":4366,"kill":4367,"popular":4368,"cement":4369,"road":4370,"eating":4371,"location":4372,"vent":4373,"arre":4374,"nan":4375,"custo":4376,"adventure":4377,"ordin":4378,"sport":4379,"ult":4380,"lock":4381,"question":4382,"driver":4383,"landsc":4384,"oni":4385,"kins":4386,"pd":4387,"jordan":4388,"tered":4389,"kk":4390,"af":4391,"child":4392,"sp":4393,"justin":4394,"eni":4395,"selling":4396,"zo":4397,"whit":4398,"boston":4399,"particip":4400,"signing":4401,"happened":4402,"heat":4403,"mam":4404,"dreams":4405,"lows":4406,"graph":4407,"theday":4408,"heading":4409,"bro":4410,"blessed":4411,"vic":4412,"vegas":4413,"hd":4414,"inning":4415,"roman":4416,"andro":4417,"denti":4418,"use":4419,"cit":4420,"progress":4421,"writer":4422,"bob":4423,"ffs":4424,"growing":4425,"bly":4426,"aware":4427,"exam":4428,"spent":4429,"bet":4430,"score":4431,"beyond":4432,"docu":4433,"adel":4434,"sf":4435,"coura":4436,"collabor":4437,"inc":4438,"private":4439,"boat":4440,"**":4441,"zone":4442,"pha":4443,"bill":4444,"total":4445,"planning":4446,"towards":4447,"places":4448,"preview":4449,"creative":4450,"damn":4451,"ideas":4452,"seems":4453,"poten":4454,"saying":4455,"display":4456,"sw":4457,"aqu":4458,"louis":4459,"bye":4460,"lil":4461,"email":4462,"western":4463,"germany":4464,"eller":4465,"res":4466,"fant":4467,"mentary":4468,"deals":4469,"richard":4470,"jersey":4471,"streng":4472,"rad":4473,"pizza":4474,"mond":4475,"ware":4476,"lac":4477,"gi":4478,"archi":4479,"cd":4480,"yellow":4481,"recently":4482,"reach":4483,"à¹":4484,"kitchen":4485,"designed":4486,"try":4487,"gal":4488,"restaurant":4489,"ature":4490,"ww":4491,"jas":4492,"lma":4493,"ðŁijĮ":4494,"pain":4495,"avo":4496,"minute":4497,"schol":4498,"therap":4499,"ticket":4500,"dry":4501,"japan":4502,"ditions":4503,"terri":4504,"selves":4505,"happen":4506,"tup":4507,"mag":4508,"copy":4509,"sher":4510,"freedom":4511,"file":4512,"specially":4513,"toronto":4514,"load":4515,"gary":4516,"rey":4517,"answer":4518,"loy":4519,"caught":4520,"prize":4521,"une":4522,"fication":4523,"niger":4524,"syd":4525,"touch":4526,"feature":4527,"jazz":4528,"records":4529,"himself":4530,"dish":4531,"rober":4532,"spotted":4533,"master":4534,"wave":4535,"finals":4536,"bull":4537,"forum":4538,"ald":4539,"recomm":4540,"cha":4541,"ae":4542,"doo":4543,"instru":4544,"truly":4545,"lg":4546,"ink":4547,"brothers":4548,"dest":4549,"jim":4550,"mit":4551,"closed":4552,"ison":4553,"tried":4554,"santa":4555,"affe":4556,"wan":4557,"horse":4558,"grow":4559,"campus":4560,"relation":4561,"native":4562,"journ":4563,"gov":4564,"oct":4565,"kit":4566,"bound":4567,"partner":4568,"rema":4569,"crowd":4570,"!)":4571,"calls":4572,"rail":4573,"quali":4574,"solution":4575,"contest":4576,"convers":4577,"snap":4578,"base":4579,"initi":4580,"tax":4581,"ye":4582,"entrepre":4583,"itor":4584,"construction":4585,"food":4586,"presented":4587,"nings":4588,"climate":4589,"km":4590,"model":4591,"bj":4592,"block":4593,"presentation":4594,"dream":4595,"fix":4596,"calling":4597,"busine":4598,"congress":4599,"understand":4600,"web":4601,"value":4602,"ï¸ıâĥ£":4603,"mexico":4604,"itely":4605,"kim":4606,"charity":4607,"reflec":4608,"blan":4609,"flying":4610,"analy":4611,"families":4612,"band":4613,"recipe":4614,"celebration":4615,"accep":4616,"ary":4617,"tot":4618,"gb":4619,"interested":4620,"captain":4621,"âĻ¥":4622,"tip":4623,"absol":4624,"braz":4625,"investig":4626,"ology":4627,"dec":4628,"truck":4629,"vering":4630,"clear":4631,"dont":4632,"gotta":4633,"advis":4634,"begins":4635,"mass":4636,"descri":4637,"block":4638,"kim":4639,"david":4640,"songs":4641,"memorial":4642,"features":4643,"sustain":4644,"'.":4645,"grab":4646,"jose":4647,"va":4648,"conserv":4649,"sets":4650,"manchester":4651,"fighting":4652,"degre":4653,"aga":4654,"ind":4655,"sleep":4656,"position":4657,"hair":4658,"signs":4659,"policy":4660,"ito":4661,"alert":4662,"stam":4663,"spend":4664,"wy":4665,"absolut":4666,"dm":4667,"animal":4668,"myster":4669,"successful":4670,"problems":4671,"robo":4672,"kay":4673,"garden":4674,"pd":4675,"mayor":4676,"dale":4677,"tol":4678,"offers":4679,"visiting":4680,"friendly":4681,"trees":4682,"officer":4683,"account":4684,"kevin":4685,"ðŁijį":4686,"giant":4687,"continu":4688,"consu":4689,"tract":4690,"nfl":4691,"ðŁĺĬ":4692,"hq":4693,"bility":4694,"aar":4695,"disney":4696,"teen":4697,"oned":4698,"white":4699,"trailer":4700,"dedic":4701,"alone":4702,"absolutely":4703,"digital":4704,"william":4705,"ination":4706,"swa":4707,"ee":4708,"entire":4709,"german":4710,"roll":4711,"hits":4712,"cost":4713,"stay":4714,"tha":4715,"alive":4716,"according":4717,"cot":4718,"literally":4719,"herit":4720,"reti":4721,"hahaha":4722,"experi":4723,"likes":4724,"gt":4725,"steel":4726,"____":4727,"chair":4728,"christian":4729,"tower":4730,"difference":4731,"md":4732,"tress":4733,"mid":4734,"prince":4735,"african":4736,"feder":4737,"foot":4738,"carri":4739,"served":4740,"rice":4741,"shall":4742,"featured":4743,"cker":4744,"recru":4745,"poe":4746,"sense":4747,"nific":4748,"comedy":4749,"content":4750,"fat":4751,"posted":4752,"contribu":4753,"timate":4754,"liver":4755,"mble":4756,"internet":4757,"age":4758,"european":4759,"cling":4760,"glad":4761,"ffic":4762,"sco":4763,"akes":4764,"elle":4765,"termin":4766,"tony":4767,"pale":4768,"colour":4769,"serious":4770,"patri":4771,"movies":4772,"bm":4773,"professional":4774,"ado":4775,"alu":4776,"bringing":4777,"falls":4778,"israel":4779,"term":4780,"language":4781,"brook":4782,"mann":4783,"communic":4784,"cannot":4785,"acti":4786,"phe":4787,"yan":4788,"entreprene":4789,"turkey":4790,"logical":4791,"long":4792,"arm":4793,"urs":4794,"workers":4795,"ingly":4796,"ggs":4797,"ric":4798,"tual":4799,"receive":4800,"opens":4801,"gear":4802,"social":4803,"feet":4804,"cking":4805,"adver":4806,"finan":4807,"feels":4808,"spla":4809,"hr":4810,"easter":4811,"brain":4812,"ãģ":4813,"fig":4814,"ledge":4815,"nearly":4816,"protect":4817,"massive":4818,"eth":4819,"awa":4820,"ðŁĺģ":4821,"yrs":4822,"awareness":4823,"definitely":4824,"kn":4825,"imagine":4826,"ku":4827,"systems":4828,"ðŁijı":4829,"fas":4830,"lik":4831,"provide":4832,"amo":4833,"discover":4834,"influ":4835,"maker":4836,"gaz":4837,"fitness":4838,"street":4839,"ers":4840,"ted":4841,"wc":4842,"ysis":4843,"positive":4844,"helped":4845,"quest":4846,"andrew":4847,"brad":4848,"bin":4849,"hanging":4850,"ling":4851,"bright":4852,"section":4853,"mass":4854,"ðŁĻĮ":4855,"followers":4856,"hosting":4857,"tempor":4858,"flag":4859,"ave":4860,"letter":4861,"kur":4862,"requi":4863,"often":4864,"cryp":4865,"suff":4866,"âļ½":4867,"russian":4868,"treatment":4869,"alle":4870,"hay":4871,"lan":4872,"keeping":4873,"holy":4874,"powerful":4875,"predic":4876,"fund":4877,"especially":4878,"window":4879,"jewel":4880,"ily":4881,"ðŁĴľ":4882,"generation":4883,"appa":4884,"seriously":4885,"od":4886,"ðŁĺĤðŁĺĤðŁĺĤ":4887,"certi":4888,"irish":4889,"ðŁijĮ":4890,"miami":4891,"beth":4892,"vity":4893,"secu":4894,"chef":4895,"crime":4896,"graphy":4897,"max":4898,"artists":4899,"revolu":4900,"guard":4901,"speech":4902,"uc":4903,"updates":4904,"faces":4905,"stant":4906,"changed":4907,"reports":4908,"lower":4909,"pear":4910,"nc":4911,"kil":4912,"looked":4913,"speaker":4914,"sf":4915,"respect":4916,"okay":4917,"ocean":4918,"sitting":4919,"architecture":4920,"trail":4921,"seat":4922,"ira":4923,"leg":4924,"japanese":4925,"dam":4926,"ular":4927,"swim":4928,"politics":4929,"financial":4930,"old":4931,"mouth":4932,"attemp":4933,"destin":4934,"fishing":4935,"attention":4936,"mem":4937,"changes":4938,"decided":4939,"religi":4940,"gin":4941,"cav":4942,"zz":4943,"adam":4944,"mac":4945,"write":4946,"begin":4947,"scul":4948,"alter":4949,"iss":4950,"athon":4951,"images":4952,"moo":4953,"joined":4954,"ðŁĺī":4955,"âŀ¡ï¸ı":4956,"passed":4957,"musli":4958,"hir":4959,"largest":4960,"camer":4961,"comic":4962,"ghted":4963,"rugby":4964,"burgh":4965,"gging":4966,"testing":4967,"prepar":4968,"laugh":4969,"aled":4970,"improve":4971,"believ":4972,"advice":4973,"shares":4974,"heart":4975,"turning":4976,"sb":4977,"tel":4978,"cafe":4979,"nes":4980,"daniel":4981,"patter":4982,"tz":4983,"sett":4984,"park":4985,"cand":4986,"stick":4987,"happens":4988,"brian":4989,"newest":4990,"epic":4991,"ador":4992,"kies":4993,"warning":4994,"animals":4995,"custom":4996,"arc":4997,"dian":4998,"gold":4999,"core":5000,"tf":5001,"city":5002,"pants":5003,"reality":5004,"confi":5005,"inju":5006,"fox":5007,"guil":5008,"knew":5009,"âĺº":5010,"correc":5011,"itude":5012,"dden":5013,".#":5014,"reduc":5015,"pass":5016,"fon":5017,"ya":5018,"owner":5019,"returns":5020,"nc":5021,"east":5022,"apol":5023,"insur":5024,"tho":5025,"sim":5026,"junior":5027,"bee":5028,"angel":5029,"attle":5030,"electric":5031,"horror":5032,"crash":5033,"eye":5034,"path":5035,"southern":5036,"employe":5037,"geo":5038,"tan":5039,"haz":5040,"rally":5041,"ðŁı»":5042,"property":5043,"wasn":5044,"enjoyed":5045,"grey":5046,"gas":5047,"brew":5048,"northern":5049,"holding":5050,"gp":5051,"take":5052,"chart":5053,"lyn":5054,"drama":5055,"zo":5056,"paid":5057,"throwback":5058,"cup":5059,"discussion":5060,"downtown":5061,"will":5062,"lew":5063,"bis":5064,"tary":5065,"bread":5066,"upon":5067,"rate":5068,"teachers":5069,"itation":5070,"anced":5071,"cycle":5072,"choose":5073,"dc":5074,"iran":5075,"cow":5076,"dave":5077,"raise":5078,"princess":5079,"faith":5080,"->":5081,"industri":5082,"spain":5083,"guitar":5084,"facts":5085,"mn":5086,"spen":5087,"courte":5088,"gott":5089,"projects":5090,"audi":5091,"osc":5092,"peter":5093,"sand":5094,"interest":5095,"happiness":5096,"venue":5097,"soldi":5098,"surprise":5099,"potential":5100,"perio":5101,"customer":5102,"ii":5103,"gni":5104,"manufac":5105,"eco":5106,"broken":5107,"singer":5108,"vels":5109,"wales":5110,"hus":5111,"inj":5112,"four":5113,"talent":5114,"dying":5115,"matthe":5116,"film":5117,"joining":5118,"sell":5119,"jar":5120,"lmao":5121,"surger":5122,"bbc":5123,"sources":5124,"austin":5125,"nik":5126,"charles":5127,"fam":5128,"princi":5129,"angel":5130,"cash":5131,"lot":5132,"ored":5133,"plays":5134,"plate":5135,"done":5136,"memory":5137,"brings":5138,"nba":5139,"solutions":5140,"teaching":5141,"grace":5142,"circu":5143,"helps":5144,"founder":5145,"mary":5146,"explore":5147,"decor":5148,"parts":5149,"cho":5150,"integr":5151,"hau":5152,"ises":5153,"putting":5154,"iner":5155,"rit":5156,"vy":5157,"michel":5158,"blues":5159,"everyday":5160,"forms":5161,"bio":5162,"year":5163,"pin":5164,"tter":5165,"spring":5166,"))":5167,"pot":5168,"aling":5169,"performing":5170,"shan":5171,"planet":5172,"musical":5173,"heads":5174,"italian":5175,"strugg":5176,"âĢįâĻ":5177,"wings":5178,"pump":5179,"hh":5180,"trou":5181,"aid":5182,"prime":5183,"earth":5184,"paint":5185,"mont":5186,"amy":5187,"bbc":5188,"fabulous":5189,"fruit":5190,"android":5191,"bourne":5192,"ceremony":5193,"ential":5194,"??":5195,"debate":5196,"oning":5197,"draft":5198,"solar":5199,"tx":5200,"jam":5201,"corn":5202,"!!!!!":5203,"broo":5204,"milk":5205,"posed":5206,"ohi":5207,"movement":5208,"bren":5209,"partner":5210,"pg":5211,"ette":5212,"aries":5213,"shout":5214,"ng":5215,"leaving":5216,"tells":5217,"sens":5218,"taste":5219,"kelly":5220,"worl":5221,"gym":5222,"rich":5223,"egy":5224,"pid":5225,"mas":5226,"âĤ":5227,"courtesy":5228,"frank":5229,"increase":5230,"written":5231,"ppers":5232,"rel":5233,"hai":5234,"sas":5235,"sound":5236,"tti":5237,"wich":5238,"river":5239,"...\"":5240,"ag":5241,"fellow":5242,"rome":5243,"small":5244,"gency":5245,"ican":5246,"luxury":5247,"proof":5248,"met":5249,"wildlife":5250,"moments":5251,"rather":5252,"corner":5253,"compe":5254,"canadian":5255,"likely":5256,"therapy":5257,"liam":5258,"economic":5259,"indie":5260,"route":5261,"fight":5262,"hope":5263,"setting":5264,"antly":5265,"cross":5266,"fantasy":5267,"dee":5268,"sketch":5269,"compli":5270,"ymi":5271,"rules":5272,"engineering":5273,"figure":5274,"row":5275,".,":5276,"fw":5277,"sydney":5278,"wou":5279,"tation":5280,"drew":5281,"uses":5282,"there":5283,"spread":5284,"structure":5285,"patrick":5286,"apparently":5287,"ros":5288,"hills":5289,"wwe":5290,"anny":5291,"commission":5292,"div":5293,"fying":5294,"consul":5295,"analysis":5296,"exi":5297,"tennis":5298,"vehicle":5299,"ðŁĺŃðŁĺŃ":5300,"ass":5301,"highly":5302,"opened":5303,"bann":5304,"ðŁĴĻ":5305,"mph":5306,"wishing":5307,"vor":5308,"fif":5309,"giveaway":5310,"rr":5311,"ray":5312,"jess":5313,"gat":5314,"icymi":5315,"xit":5316,"highest":5317,"york":5318,"pie":5319,"involved":5320,"higher":5321,"rie":5322,"malay":5323,"intelli":5324,"despite":5325,"chee":5326,"sarah":5327,"bean":5328,"recogni":5329,"arsen":5330,"talented":5331,"passion":5332,"ich":5333,"abc":5334,"leads":5335,"disease":5336,"vis":5337,"sec":5338,"presenting":5339,"milli":5340,"hole":5341,"shots":5342,"depart":5343,"surgery":5344,"govt":5345,"bin":5346,"dual":5347,"evi":5348,"longer":5349,"evol":5350,"screen":5351,"portrait":5352,"etc":5353,"lose":5354,"chat":5355,"pen":5356,"pi":5357,"oma":5358,"sick":5359,"erc":5360,"companies":5361,"entry":5362,"plane":5363,"gry":5364,"vene":5365,"liverpool":5366,"premiere":5367,"shared":5368,"ared":5369,"films":5370,"ira":5371,"holidays":5372,"cricket":5373,"ician":5374,"ving":5375,".)":5376,"ultimate":5377,"division":5378,"conduc":5379,"sept":5380,"forces":5381,"mont":5382,"smart":5383,"disapp":5384,"sunshine":5385,"ind":5386,"bless":5387,"made":5388,"colors":5389,"frank":5390,"iron":5391,"bottle":5392,"sgo":5393,"mood":5394,"jason":5395,"eric":5396,"birth":5397,"teen":5398,"response":5399,"target":5400,"statement":5401,"fear":5402,"thel":5403,"alum":5404,"arab":5405,"blin":5406,"direction":5407,"steps":5408,"erial":5409,"worked":5410,"atl":5411,"ðŁĴķ":5412,"felt":5413,"poli":5414,"scenes":5415,"homes":5416,"bell":5417,"eat":5418,"ateful":5419,"tin":5420,"lace":5421,"folks":5422,"pse":5423,"ann":5424,"wisdom":5425,"fav":5426,"butter":5427,"sr":5428,"areas":5429,"smoo":5430,"biz":5431,"dges":5432,"appo":5433,"more":5434,"them":5435,"effect":5436,"windows":5437,"sunny":5438,"capital":5439,"totally":5440,"cities":5441,"grant":5442,"mbers":5443,"slow":5444,"autu":5445,"ilities":5446,"wro":5447,"rising":5448,"stics":5449,"violence":5450,"igh":5451,"quot":5452,"hit":5453,"tc":5454,"heritage":5455,"buff":5456,"nes":5457,"zar":5458,"dential":5459,"exac":5460,"edge":5461,"deep":5462,"arena":5463,"became":5464,"benefits":5465,"marks":5466,"mber":5467,"az":5468,"ames":5469,"preci":5470,"dragon":5471,"reg":5472,"dings":5473,"dos":5474,"ðŁĴª":5475,"nel":5476,"sity":5477,"meal":5478,"dist":5479,"legend":5480,"purchase":5481,"pical":5482,"stick":5483,"fat":5484,"duba":5485,"profess":5486,"carto":5487,"prof":5488,"countries":5489,"responsi":5490,"sequ":5491,"fab":5492,"tribute":5493,"honored":5494,"practic":5495,"purple":5496,"anton":5497,"pared":5498,"tough":5499,"summer":5500,"environment":5501,"sons":5502,"ðŁĻı":5503,"mps":5504,"gies":5505,"heroes":5506,"telling":5507,"henry":5508,"fen":5509,"knowledge":5510,"Ģï¸ı":5511,"fr":5512,"neg":5513,"ure":5514,"acking":5515,"hearts":5516,"soo":5517,"hollywood":5518,"jump":5519,"sauce":5520,"schedule":5521,"turn":5522,"yoga":5523,"creating":5524,"cket":5525,"creek":5526,"âŃ":5527,"customers":5528,"madri":5529,"gul":5530,"assemb":5531,"mount":5532,"cell":5533,"top":5534,"stal":5535,"davis":5536,"twi":5537,"sign":5538,"premier":5539,"itions":5540,"hearing":5541,"unk":5542,"patients":5543,"appear":5544,"heaven":5545,"alty":5546,"doctor":5547,"ae":5548,"platform":5549,"jeff":5550,"ðŁĵ·":5551,"regional":5552,"bid":5553,"boxing":5554,"exten":5555,"ority":5556,"aw":5557,"wise":5558,"ille":5559,"several":5560,"bie":5561,"situ":5562,"syria":5563,"âľħ":5564,"reminder":5565,"entertain":5566,"lion":5567,"partners":5568,"inn":5569,"phar":5570,"fau":5571,"pls":5572,"expected":5573,"sugar":5574,"decision":5575,"sb":5576,"chron":5577,"association":5578,"leaves":5579,"visited":5580,"shap":5581,"ðŁĴĸ":5582,"further":5583,"hann":5584,"wi":5585,"runs":5586,"ler":5587,"funding":5588,"filled":5589,"......":5590,"tiny":5591,"hang":5592,"org":5593,"cool":5594,"semin":5595,"ðŁıĨ":5596,"spons":5597,"navy":5598,"saint":5599,"drug":5600,"dal":5601,"roun":5602,"covered":5603,"traditional":5604,"investment":5605,"dete":5606,"alism":5607,"flow":5608,"nis":5609,"sunrise":5610,"feat":5611,"fted":5612,"weird":5613,"jere":5614,"vegan":5615,"medicine":5616,"ano":5617,"accu":5618,"delivery":5619,"temple":5620,"changing":5621,"wilson":5622,"philipp":5623,"refe":5624,"nd":5625,"iser":5626,"gay":5627,"rand":5628,"atives":5629,"tely":5630,"pand":5631,"intellig":5632,"gare":5633,"ambas":5634,"demon":5635,"committee":5636,"strategy":5637,"refuge":5638,"budget":5639,"protec":5640,"pier":5641,"express":5642,"nomin":5643,"economy":5644,"allow":5645,"icon":5646,"galax":5647,"oh":5648,"indivi":5649,"demand":5650,"virgin":5651,"luke":5652,"alists":5653,"mani":5654,"smi":5655,"judge":5656,"enty":5657,"michi":5658,"result":5659,"amed":5660,"speaks":5661,"',":5662,"houston":5663,"shin":5664,"bing":5665,"fly":5666,"chem":5667,"auto":5668,"vas":5669,"get":5670,"arm":5671,"thanks":5672,"din":5673,"gang":5674,"xx":5675,"sion":5676,"located":5677,"pl":5678,"josh":5679,"info":5680,"joins":5681,"adverti":5682,"otd":5683,"eld":5684,"sie":5685,"reasons":5686,"vent":5687,"ðŁĩºðŁĩ¸":5688,"âł":5689,"conversation":5690,"studi":5691,"ðŁĶ¥ðŁĶ¥":5692,"gos":5693,"sounds":5694,"unit":5695,"musc":5696,"gel":5697,"acked":5698,"paci":5699,"cos":5700,"dere":5701,"uu":5702,"ao":5703,"lam":5704,"inspiring":5705,"arms":5706,"tware":5707,"matters":5708,"addic":5709,"dude":5710,"ext":5711,"crisis":5712,"bath":5713,"meet":5714,"singh":5715,"expect":5716,"delhi":5717,"rescue":5718,"worst":5719,"aug":5720,"shipping":5721,"serving":5722,"sto":5723,"dark":5724,"aces":5725,"historic":5726,"landscape":5727,"designer":5728,"billion":5729,"grateful":5730,"wake":5731,"eve":5732,"miller":5733,"housing":5734,"dynam":5735,"isco":5736,"beha":5737,"shop":5738,"prou":5739,"eas":5740,"asia":5741,"eding":5742,"kon":5743,"department":5744,"awar":5745,"marine":5746,"inci":5747,"photographer":5748,"tape":5749,"logo":5750,"rings":5751,"dit":5752,"----":5753,"vinyl":5754,"wc":5755,"voting":5756,"seven":5757,"ambassad":5758,"dallas":5759,"tu":5760,"comment":5761,"kra":5762,"bles":5763,"wag":5764,"ud":5765,"audio":5766,"strike":5767,"official":5768,"ots":5769,"metho":5770,"tools":5771,"radi":5772,"alan":5773,"hunt":5774,"watched":5775,"ake":5776,"fake":5777,"drinking":5778,"merry":5779,"ml":5780,"bday":5781,"rio":5782,"nike":5783,"cant":5784,"repe":5785,"costu":5786,"murder":5787,"akers":5788,"chers":5789,"outs":5790,"beginning":5791,"sos":5792,"ades":5793,"nin":5794,"notes":5795,"wrote":5796,"solo":5797,"ci":5798,"lighting":5799,"urban":5800,"brexit":5801,"attend":5802,"shirts":5803,"playo":5804,"actress":5805,"plic":5806,"standard":5807,"quotes":5808,"parade":5809,"ancient":5810,"©":5811,"turing":5812,"ree":5813,"primary":5814,"flash":5815,"citiz":5816,"mates":5817,"stein":5818,"zi":5819,"clinton":5820,"skin":5821,"gene":5822,"hum":5823,"gar":5824,"tle":5825,"yi":5826,"focu":5827,"dean":5828,"plants":5829,"cyber":5830,"bu":5831,"ome":5832,"hop":5833,"address":5834,"tix":5835,"gifts":5836,"relationship":5837,"subscri":5838,"feed":5839,"exactly":5840,"hawks":5841,"exo":5842,"stress":5843,"sn":5844,"arrested":5845,"ane":5846,"software":5847,"zero":5848,"theme":5849,"mumb":5850,"immigr":5851,"mia":5852,"makeup":5853,"pleasure":5854,"univers":5855,"harb":5856,"engine":5857,"aper":5858,"rin":5859,"bra":5860,"institute":5861,"leather":5862,"alth":5863,"singing":5864,"cos":5865,"ghty":5866,"meas":5867,"stic":5868,"side":5869,"insurance":5870,"cot":5871,"pitch":5872,"mountains":5873,"crimin":5874,"supre":5875,"valentine":5876,"ater":5877,"wouldn":5878,"scale":5879,"related":5880,"regar":5881,"startup":5882,"packed":5883,"mike":5884,"weekly":5885,"pts":5886,"count":5887,"har":5888,"gotten":5889,"mind":5890,"berlin":5891,"conditions":5892,"switch":5893,"corn":5894,"save":5895,"gli":5896,"emergency":5897,"tuned":5898,"stock":5899,"discussing":5900,"everybody":5901,"sday":5902,"whether":5903,"wrestling":5904,"eces":5905,"gender":5906,"chen":5907,"ðŁijĢ":5908,"madrid":5909,"marathon":5910,"egg":5911,"ier":5912,"thx":5913,"asking":5914,"korea":5915,"wolf":5916,"aya":5917,"gm":5918,"gau":5919,"atory":5920,"vr":5921,"grass":5922,"killing":5923,"bble":5924,"uro":5925,"uni":5926,"eth":5927,"shore":5928,"then":5929,"reale":5930,"bottom":5931,"exerc":5932,"kar":5933,"ories":5934,"adri":5935,"sands":5936,"sex":5937,".'":5938,"volunteers":5939,"perform":5940,"parliam":5941,"include":5942,"delighted":5943,"executive":5944,"fuel":5945,"kiss":5946,"ãħ":5947,"charge":5948,"hu":5949,"cakes":5950,"vet":5951,"glu":5952,"agree":5953,"prices":5954,"nau":5955,"hl":5956,"gru":5957,"raj":5958,"strength":5959,"bic":5960,"spending":5961,"ales":5962,"aven":5963,"blast":5964,":(":5965,"yof":5966,"normal":5967,"six":5968,"quick":5969,"sea":5970,"daw":5971,"meets":5972,"lovers":5973,"updated":5974,"potat":5975,"completed":5976,"cook":5977,"opportunities":5978,"pure":5979,"organic":5980,"temper":5981,"cam":5982,"avoid":5983,"parking":5984,"dubai":5985,"ando":5986,"distri":5987,"toy":5988,"completely":5989,"donald":5990,"trial":5991,"bass":5992,"boun":5993,"background":5994,"vas":5995,"marvel":5996,"lum":5997,"rus":5998,"tool":5999,"commissi":6000,"throwback":6001,"finding":6002,"islam":6003,"!?":6004,"stop":6005,"evil":6006,"oral":6007,"residents":6008,"identi":6009,"oak":6010,"ðŁİ¶":6011,"lil":6012,"spanish":6013,"chapter":6014,"stopped":6015,"direct":6016,"hosted":6017,"picked":6018,"labour":6019,"lewis":6020,"defense":6021,"à®":6022,"healthcare":6023,"whis":6024,"math":6025,"peak":6026,"raised":6027,"fix":6028,"bull":6029,"thir":6030,"chelsea":6031,"folk":6032,"tre":6033,"candi":6034,"paul":6035,"either":6036,"adam":6037,"poetry":6038,"jewelry":6039,"ð٦":6040,"pray":6041,"ا":6042,"gc":6043,"oz":6044,"wishes":6045,"foreign":6046,"sung":6047,"learned":6048,"ene":6049,"ning":6050,"michael":6051,"illustration":6052,"legendary":6053,"wav":6054,"bau":6055,"ðŁļ¨":6056,"calend":6057,"streets":6058,"âĨ":6059,"monster":6060,"buck":6061,"gr":6062,"school":6063,"bath":6064,"waste":6065,"neck":6066,"hawa":6067,"beach":6068,"replac":6069,"ject":6070,"oner":6071,"factory":6072,"count":6073,"ðŁĵ¸":6074,"morgan":6075,"dering":6076,"sean":6077,"stephen":6078,"dep":6079,"novel":6080,"videos":6081,"ical":6082,"pressure":6083,"arsenal":6084,"expre":6085,"irs":6086,"trending":6087,"ssa":6088,"flash":6089,"resear":6090,"through":6091,"professor":6092,"sculp":6093,"tos":6094,"gged":6095,"mma":6096,"bee":6097,"ape":6098,"hunter":6099,"ami":6100,"hei":6101,"plastic":6102,"bucks":6103,"universe":6104,"legen":6105,"nigeria":6106,"pleased":6107,"ris":6108,"thinks":6109,"autumn":6110,"ids":6111,"dis":6112,"anthony":6113,"ðŁı½":6114,"aked":6115,"glasses":6116,"finance":6117,"zer":6118,"kas":6119,"contract":6120,"numbers":6121,"shaw":6122,"partnership":6123,"til":6124,"launched":6125,"sal":6126,"victoria":6127,"theater":6128,"usual":6129,"names":6130,"period":6131,"eliza":6132,"ith":6133,"barcel":6134,"rocks":6135,"bags":6136,"mate":6137,"distribu":6138,"jon":6139,"diffic":6140,"alized":6141,"curren":6142,"scored":6143,"bha":6144,"dublin":6145,"rose":6146,"inted":6147,"solid":6148,"behavi":6149,"walker":6150,"simply":6151,"gardens":6152,"headed":6153,"ini":6154,"ohio":6155,"weap":6156,"fo":6157,"glen":6158,"estate":6159,"random":6160,"thunder":6161,"thru":6162,"kill":6163,"jacket":6164,"iti":6165,"entertainment":6166,"thanksgiving":6167,"ental":6168,"encoura":6169,"elo":6170,"ather":6171,"tank":6172,"highlights":6173,"fting":6174,"rule":6175,"models":6176,"border":6177,"bjp":6178,"husband":6179,"indone":6180,"kenya":6181,"bears":6182,"alo":6183,"ninten":6184,"pix":6185,"stro":6186,"orders":6187,"salad":6188,"roads":6189,"nor":6190,"lation":6191,"sophi":6192,"ðŁı¼":6193,"pieces":6194,"bone":6195,"mins":6196,"includes":6197,"nutr":6198,"phil":6199,"sent":6200,"fundra":6201,"gain":6202,"borough":6203,"nad":6204,"monday":6205,"activity":6206,"items":6207,"becoming":6208,"kenne":6209,"detro":6210,"cardi":6211,"guests":6212,"ux":6213,"worldwide":6214,"severe":6215,"news":6216,"thankful":6217,"fiction":6218,"vege":6219,"mall":6220,"sian":6221,"eral":6222,"injury":6223,"lee":6224,"menu":6225,"dancing":6226,"scotti":6227,"example":6228,"(#":6229,"nai":6230,"studios":6231,"bai":6232,"ðŁĴĽ":6233,"jav":6234,"diamond":6235,"vince":6236,"rick":6237,"protection":6238,"lincol":6239,"champs":6240,"approach":6241,"dar":6242,"mile":6243,"clouds":6244,"jeff":6245,"infin":6246,"lers":6247,"ples":6248,"peace":6249,"gop":6250,"âĻ¡":6251,"techn":6252,"stra":6253,"average":6254,"effort":6255,"introducing":6256,"diversity":6257,"australian":6258,"amp":6259,"boost":6260,"ske":6261,"patient":6262,"appreciate":6263,"icians":6264,"pur":6265,"fell":6266,"woods":6267,"illustr":6268,"ðŁĸ":6269,"agency":6270,"actions":6271,"britain":6272,"underway":6273,"seattle":6274,"eland":6275,"ago":6276,"fill":6277,"streaming":6278,"protest":6279,"challenges":6280,"kyo":6281,"etsy":6282,"cooking":6283,"expert":6284,"russ":6285,"rainbow":6286,"commercial":6287,"spin":6288,"beats":6289,"cry":6290,"valu":6291,"eli":6292,"throw":6293,"grams":6294,"levels":6295,"michigan":6296,"cad":6297,"adorable":6298,"constitu":6299,"ws":6300,"pub":6301,"midnight":6302,"that":6303,"netfli":6304,"brazil":6305,"diego":6306,"regular":6307,"joy":6308,"âĤ¬":6309,"liqu":6310,"eastern":6311,"kni":6312,"flat":6313,"np":6314,"brown":6315,"wer":6316,"sey":6317,"tters":6318,"acting":6319,"vanc":6320,"cycling":6321,"programme":6322,"raw":6323,"complex":6324,"tattoo":6325,"throwbackthursday":6326,"sessions":6327,"rooms":6328,"sight":6329,"species":6330,"bomb":6331,"laugh":6332,"keeps":6333,"moon":6334,"officers":6335,"conver":6336,"tr":6337,"hash":6338,"tack":6339,"rious":6340,"adap":6341,"aj":6342,"recogn":6343,"expo":6344,"sugge":6345,"confirmed":6346,"rolling":6347,"dressing":6348,"ict":6349,"friday":6350,"phones":6351,"ridge":6352,"concept":6353,"roy":6354,"keys":6355,"effor":6356,"cate":6357,"kne":6358,"even":6359,"lay":6360,"communities":6361,"mod":6362,"naz":6363,"everywhere":6364,"alab":6365,"bitcoin":6366,"banks":6367,"outdoor":6368,"federal":6369,"stores":6370,"hp":6371,"cal":6372,"mely":6373,"signific":6374,"bear":6375,"republic":6376,"closer":6377,"allah":6378,"pick":6379,"xd":6380,"palace":6381,"chill":6382,"bam":6383,"erous":6384,"una":6385,"allen":6386,"outstanding":6387,"olympic":6388,"supply":6389,"figu":6390,"vau":6391,"lp":6392,"charlie":6393,"unes":6394,">>>":6395,"legends":6396,"icial":6397,"coast":6398,"benefit":6399,"multi":6400,"fits":6401,"farmers":6402,"amount":6403,"sisters":6404,"harve":6405,"honey":6406,"queen":6407,"bers":6408,"plann":6409,"âŃIJ":6410,"mu":6411,"barcelona":6412,"alber":6413,"status":6414,"remain":6415,"extra":6416,"candy":6417,"vious":6418,"âľĮ":6419,"ov":6420,"warriors":6421,"-->":6422,"jump":6423,"amar":6424,"xmas":6425,"studies":6426,"iors":6427,"kor":6428,"donate":6429,"prep":6430,"fish":6431,"ima":6432,"painted":6433,"admini":6434,"cosplay":6435,"sports":6436,"drops":6437,"fighter":6438,"evidence":6439,"ðŁĴª":6440,"lake":6441,"rob":6442,"cinema":6443,"profile":6444,"ñ":6445,"stands":6446,"legacy":6447,"shape":6448,"roof":6449,"civil":6450,"ians":6451,"syl":6452,"sham":6453,"voted":6454,"retail":6455,"philli":6456,"listed":6457,"duty":6458,"nb":6459,"thes":6460,"fare":6461,"auction":6462,"fficial":6463,"storms":6464,"dp":6465,"loun":6466,"shops":6467,"aly":6468,"anime":6469,"multiple":6470,"ðŁĺįðŁĺį":6471,"psycho":6472,"jean":6473,"apart":6474,"candidate":6475,"ggy":6476,"conf":6477,"joseph":6478,"wick":6479,"meat":6480,"frame":6481,"cl":6482,"forgot":6483,"phy":6484,"fing":6485,"lied":6486,"rep":6487,"seed":6488,"fall":6489,"ufc":6490,"nut":6491,"lind":6492,"mode":6493,"fields":6494,"ence":6495,"sley":6496,"ð٤Ķ":6497,"chill":6498,"followed":6499,"announces":6500,"corru":6501,"trophy":6502,"themselves":6503,"acle":6504,"aldu":6505,"kong":6506,"lon":6507,"sv":6508,"broke":6509,"anderson":6510,"tai":6511,"story":6512,"temporary":6513,"activities":6514,"kati":6515,"ariz":6516,"crystal":6517,"spoke":6518,"extremely":6519,"trading":6520,"ðŁĴļ":6521,"ü":6522,"inch":6523,"edin":6524,"outfit":6525,"equip":6526,"madi":6527,"formed":6528,"beef":6529,"pop":6530,"tiger":6531,"thisday":6532,"tired":6533,"neighb":6534,"retro":6535,"isa":6536,"unt":6537,"tas":6538,"kansas":6539,"dest":6540,"seconds":6541,"tay":6542,"hurric":6543,"ou":6544,"galaxy":6545,"daddy":6546,"brow":6547,"burger":6548,"enced":6549,"desk":6550,"accur":6551,"secretary":6552,"elite":6553,"kab":6554,"chin":6555,"tourism":6556,"buddy":6557,"icide":6558,"dressed":6559,"ud":6560,"vacation":6561,"cheers":6562,"comfor":6563,"characters":6564,"jet":6565,"buying":6566,"lins":6567,"nap":6568,"realestate":6569,"lie":6570,"afc":6571,"iii":6572,"fame":6573,"nr":6574,"bat":6575,"agent":6576,"makers":6577,"â̼":6578,"sector":6579,"opti":6580,"leon":6581,"diet":6582,"prayer":6583,"hip":6584,"mir":6585,"lex":6586,"bry":6587,"ana":6588,"passing":6589,"wen":6590,"recovery":6591,"aki":6592,"popul":6593,"resort":6594,"maria":6595,"stuck":6596,"reads":6597,"tier":6598,"perfec":6599,"netflix":6600,"poo":6601,"champ":6602,"oc":6603,"reduce":6604,"wered":6605,"comments":6606,"claim":6607,"accident":6608,"sag":6609,"hack":6610,"salt":6611,"kinda":6612,"killer":6613,"ios":6614,"zy":6615,"exchange":6616,"lecture":6617,"enger":6618,"icking":6619,"tau":6620,"reveals":6621,"prison":6622,"zom":6623,"ghan":6624,"ul":6625,"journal":6626,"iot":6627,"trin":6628,"jona":6629,"governor":6630,"cape":6631,"quarter":6632,"spective":6633,"impressive":6634,"babies":6635,"tx":6636,"mill":6637,"oy":6638,"harri":6639,"joint":6640,"sue":6641,"collaboration":6642,"trend":6643,"revolution":6644,"renew":6645,"alumni":6646,"gett":6647,"shell":6648,"sunday":6649,"entu":6650,"nic":6651,"donaldtrump":6652,"blockchain":6653,"pacific":6654,"explains":6655,"spy":6656,"advoc":6657,"paradi":6658,"tof":6659,"starring":6660,"pav":6661,"feed":6662,"brac":6663,"smoke":6664,"hamp":6665,"yam":6666,"tokyo":6667,"simon":6668,"dh":6669,"effici":6670,"physical":6671,"nj":6672,"elli":6673,"slow":6674,"graduate":6675,"americans":6676,"tify":6677,"fred":6678,"apore":6679,"finds":6680,"robin":6681,"wet":6682,"notice":6683,"semi":6684,"unve":6685,"kom":6686,"pilot":6687,"screening":6688,"daily":6689,"ðŁĴĹ":6690,"royal":6691,"spa":6692,"votes":6693,"nag":6694,"whate":6695,"attending":6696,"experim":6697,"addition":6698,"kate":6699,"stol":6700,"mali":6701,"foot":6702,"christ":6703,"chan":6704,"dee":6705,"licen":6706,"global":6707,"moore":6708,"tia":6709,"brigh":6710,"mystery":6711,"yay":6712,"âĿ¤ï¸ıâĿ¤ï¸ı":6713,"creati":6714,"mechan":6715,"clock":6716,"dic":6717,"âĢĶ":6718,"pper":6719,"alph":6720,"throughout":6721,"allow":6722,"resources":6723,"selection":6724,"hamil":6725,"bbq":6726,"aaaa":6727,"virginia":6728,"disney":6729,"eng":6730,"sored":6731,"drinks":6732,"fancy":6733,"consider":6734,"enda":6735,"jane":6736,"handmade":6737,"dul":6738,"ontari":6739,"ius":6740,"sville":6741,"colorado":6742,"whatever":6743,"wheel":6744,"promise":6745,"never":6746,"designs":6747,"ably":6748,"sexual":6749,"vancou":6750,"ati":6751,"convention":6752,"cultural":6753,"singapore":6754,"promo":6755,"loaded":6756,"glasgo":6757,"ppl":6758,"noo":6759,"kee":6760,"stem":6761,"mention":6762,"ido":6763,"cruise":6764,"riding":6765,"becomes":6766,"bey":6767,"âļ½ï¸ı":6768,"twin":6769,"dedicated":6770,"nash":6771,"desi":6772,"workout":6773,"jenni":6774,"iv":6775,"groups":6776,"relax":6777,"phoeni":6778,"lift":6779,"mixed":6780,"mck":6781,"pc":6782,"must":6783,"metro":6784,"cies":6785,"yar":6786,"aim":6787,"anger":6788,"ie":6789,"recy":6790,"married":6791,"dropped":6792,"engag":6793,"lest":6794,"ambassador":6795,"oph":6796,"des":6797,"wick":6798,"assistant":6799,"natur":6800,"fail":6801,"ltd":6802,"short":6803,"kap":6804,"shaw":6805,"bigger":6806,"remains":6807,"critical":6808,"survey":6809,"coverage":6810,"erson":6811,"wind":6812,"nb":6813,"billy":6814,"letes":6815,"acts":6816,"jimmy":6817,"atlan":6818,"aland":6819,"tc":6820,"importance":6821,"damage":6822,"fg":6823,"storage":6824,"twt":6825,"bond":6826,"balance":6827,"crying":6828,"puppy":6829,"vote":6830,"push":6831,"ðŁĴľ":6832,"poly":6833,"mel":6834,"london":6835,"terrori":6836,"effective":6837,"corporate":6838,"atlanta":6839,"jaco":6840,"nasa":6841,"greek":6842,"senate":6843,"ish":6844,"eva":6845,"intelligence":6846,"efforts":6847,"alco":6848,"kun":6849,"hall":6850,"diag":6851,"claims":6852,"first":6853,"hb":6854,"bae":6855,"vul":6856,"pull":6857,"°":6858,"separ":6859,"speed":6860,"victi":6861,"onthisday":6862,"audience":6863,"rates":6864,"teach":6865,"filming":6866,"bush":6867,"song":6868,"yum":6869,"brun":6870,"raine":6871,"awa":6872,"parks":6873,"ðĿ":6874,"rabb":6875,"rach":6876,"raid":6877,"reached":6878,"rail":6879,"moves":6880,"selected":6881,"fri":6882,"raising":6883,"omy":6884,"stones":6885,"suk":6886,"francisco":6887,"cases":6888,"capit":6889,"confu":6890,"wtf":6891,"poke":6892,"equipment":6893,"greg":6894,"essential":6895,"offering":6896,"nex":6897,"pies":6898,"bec":6899,"creation":6900,"chairman":6901,"crown":6902,"wal":6903,"johnny":6904,"shift":6905,"neck":6906,"bang":6907,"bird":6908,"ðŁĺı":6909,"duck":6910,"reserve":6911,"depu":6912,"masters":6913,"overall":6914,"notic":6915,"juice":6916,"sneak":6917,"cheer":6918,"classes":6919,"eagles":6920,"nca":6921,"carpet":6922,"civil":6923,"coaches":6924,"harris":6925,"ups":6926,"balls":6927,"decor":6928,"martin":6929,"ros":6930,"vice":6931,"announcement":6932,"whose":6933,"tigers":6934,"stered":6935,"cts":6936,"dram":6937,"steel":6938,"young":6939,"install":6940,"suppo":6941,"recording":6942,"deck":6943,"seats":6944,"lder":6945,"angle":6946,"bot":6947,"styles":6948,"elections":6949,"fortun":6950,"nab":6951,"butter":6952,"arian":6953,"kash":6954,"inner":6955,"oured":6956,"beast":6957,"wei":6958,"iconic":6959,"experts":6960,"necess":6961,"beng":6962,"james":6963,"lia":6964,"greece":6965,"ðŁĵ·":6966,"ðŁĺģ":6967,"goodbye":6968,"mitch":6969,"twice":6970,"mumbai":6971,"steam":6972,"rush":6973,"medal":6974,"nett":6975,"fashion":6976,"tar":6977,"rs":6978,"saving":6979,"ricul":6980,"lm":6981,"sleeping":6982,"brooklyn":6983,"miss":6984,"sending":6985,"discovered":6986,"sphere":6987,"oftheday":6988,"kicks":6989,"missions":6990,"wright":6991,"ern":6992,"ghtly":6993,"ious":6994,"melbourne":6995,"startu":6996,"moved":6997,"carry":6998,"dak":6999,"agues":7000,"belgi":7001,"ema":7002,"wayne":7003,"dot":7004,"erie":7005,"pel":7006,"itunes":7007,"matthew":7008,"nobody":7009,"estab":7010,"calm":7011,"winds":7012,"luc":7013,"prepare":7014,"trends":7015,"exercise":7016,"advant":7017,"ðŁĴ¯":7018,"athletics":7019,"apps":7020,"ctions":7021,"advance":7022,"launches":7023,"little":7024,"realdonaldtrump":7025,"elizabeth":7026,"carolina":7027,"hub":7028,"hidden":7029,"nw":7030,"user":7031,"poll":7032,"greater":7033,"most":7034,"fed":7035,"pat":7036,"lifestyle":7037,"sati":7038,"scores":7039,"marriage":7040,"lr":7041,"avenue":7042,"deserve":7043,"rif":7044,"ðŁĹ":7045,"watch":7046,"championships":7047,"gray":7048,"enni":7049,"cotton":7050,"gom":7051,"where":7052,"package":7053,"sum":7054,"absolu":7055,"newly":7056,"foods":7057,"tyler":7058,"assembly":7059,"muslim":7060,"bank":7061,"rememb":7062,"options":7063,"producer":7064,"lando":7065,"funds":7066,"upper":7067,"shadow":7068,"progre":7069,"cop":7070,"inge":7071,"legs":7072,"detroit":7073,"hillary":7074,"jose":7075,"giants":7076,"soup":7077,"sustainable":7078,"tus":7079,"clothes":7080,"rocking":7081,"nz":7082,"minne":7083,"materi":7084,"bruce":7085,"eart":7086,"casting":7087,"independent":7088,"thousands":7089,"tah":7090,"decl":7091,"veterans":7092,"lions":7093,"wrap":7094,"â̦":7095,"dess":7096,"bling":7097,"stine":7098,"eggs":7099,"oon":7100,"closing":7101,"zay":7102,"att":7103,"bacon":7104,"fail":7105,"arizona":7106,"depre":7107,"ghost":7108,"newsp":7109,"wers":7110,"vip":7111,"liked":7112,"ident":7113,"volunteer":7114,"adult":7115,"pupp":7116,"circle":7117,"material":7118,"degree":7119,"grown":7120,"boom":7121,"calendar":7122,"sur":7123,"viewing":7124,"athletes":7125,"chand":7126,"rell":7127,"asian":7128,"entr":7129,"volley":7130,"victims":7131,"body":7132,"mama":7133,"transfer":7134,"geek":7135,"indic":7136,"saved":7137,"mai":7138,"gent":7139,"its":7140,"lounge":7141,"kol":7142,"theory":7143,"situation":7144,"islands":7145,"arth":7146,"zoo":7147,"flood":7148,"viously":7149,"showed":7150,"parliament":7151,"chev":7152,"eline":7153,"attrac":7154,"abad":7155,"tail":7156,"hrs":7157,"lus":7158,"portu":7159,"gory":7160,"provides":7161,"toys":7162,"death":7163,"infe":7164,"ance":7165,"gle":7166,"liam":7167,"lover":7168,"hud":7169,"dvd":7170,"revealed":7171,"gw":7172,"rement":7173,"cathe":7174,"lying":7175,"radio":7176,"derby":7177,"stors":7178,"chemi":7179,"hospit":7180,"⾨":7181,"':":7182,"ilove":7183,"lemon":7184,"republic":7185,"sni":7186,"ness":7187,"door":7188,"reaction":7189,"pregn":7190,"flav":7191,"scholar":7192,"spotify":7193,"isation":7194,"visual":7195,"aware":7196,"sponsored":7197,"joke":7198,"lessons":7199,"legis":7200,"lock":7201,"simil":7202,"ðŁĺĭ":7203,"kind":7204,"lay":7205,"mah":7206,"hoping":7207,"vancouver":7208,"aser":7209,"cleaning":7210,"gala":7211,"threat":7212,"lap":7213,"ache":7214,"romance":7215,"expen":7216,"repost":7217,"zam":7218,"epi":7219,"mirror":7220,"oak":7221,"adul":7222,"batman":7223,"slu":7224,"lc":7225,"viewed":7226,"reviews":7227,"dates":7228,"indonesia":7229,"activi":7230,"offen":7231,"leaf":7232,"isi":7233,"agricul":7234,"costume":7235,"sites":7236,"spiritu":7237,"appearance":7238,"iry":7239,"stair":7240,"application":7241,"spectac":7242,"icity":7243,"skies":7244,"handle":7245,"punk":7246,"paradise":7247,"tn":7248,"deal":7249,"providing":7250,"doc":7251,"receiving":7252,"brew":7253,"microsoft":7254,"ö":7255,"ferr":7256,"metro":7257,"thail":7258,"yum":7259,"carter":7260,"á":7261,"gentle":7262,"breaks":7263,"cooper":7264,"showcase":7265,"cutting":7266,"egypt":7267,"baby":7268,"seminar":7269,"glori":7270,"sson":7271,"fave":7272,"rehear":7273,"lotte":7274,"lady":7275,"alas":7276,"prep":7277,"delivered":7278,"nuclear":7279,"iro":7280,"engagement":7281,"atta":7282,"conven":7283,"zan":7284,"glory":7285,"holds":7286,"businesses":7287,"strange":7288,"sche":7289,"itself":7290,"grad":7291,"markets":7292,"falling":7293,"stats":7294,"geon":7295,"budd":7296,"lis":7297,"sheet":7298,"thisi":7299,"colo":7300,"desert":7301,"registration":7302,"ign":7303,"explain":7304,"interior":7305,"laws":7306,"writers":7307,"springs":7308,"kr":7309,"fried":7310,"bloom":7311,"infra":7312,"ao":7313,"cred":7314,"past":7315,"lineup":7316,"boo":7317,"brea":7318,"boots":7319,"celebrity":7320,"attacks":7321,"brook":7322,"eves":7323,"excu":7324,"cherry":7325,"oop":7326,"fascin":7327,"boyfriend":7328,"seas":7329,"nine":7330,"effects":7331,"powered":7332,"kha":7333,"ðŁĺĢ":7334,"shout":7335,"condition":7336,"ij":7337,"hero":7338,"enterpri":7339,"winter":7340,"applications":7341,"shoe":7342,"gel":7343,"battle":7344,"programs":7345,"wart":7346,"ðŁĴ¥":7347,"rap":7348,"hol":7349,"dangerous":7350,"dia":7351,"counter":7352,"rics":7353,"ior":7354,"knight":7355,"coat":7356,"emotional":7357,"atures":7358,"das":7359,"wheel":7360,"forecast":7361,"transport":7362,"glasgow":7363,"kingdom":7364,"preparing":7365,"immedi":7366,"ffin":7367,"awarded":7368,"printing":7369,"roman":7370,"fighters":7371,"anymore":7372,"belt":7373,"pine":7374,"wine":7375,"xi":7376,"employees":7377,"logies":7378,"alled":7379,"demo":7380,"birthday":7381,"angeles":7382,"log":7383,"drivers":7384,"necklace":7385,"kath":7386,"sit":7387,"athlete":7388,"efs":7389,"sburg":7390,"purpose":7391,"resistance":7392,"releases":7393,"tis":7394,"various":7395,"deliver":7396,"chal":7397,"sanc":7398,"oppo":7399,"craw":7400,"neuro":7401,"dra":7402,"supporters":7403,"snap":7404,"difficult":7405,"swear":7406,"logist":7407,"path":7408,"attempt":7409,"à¥":7410,"swimming":7411,"steve":7412,"hurt":7413,"included":7414,"bap":7415,"ware":7416,"ðŁĴĭ":7417,"enders":7418,"jake":7419,"leeds":7420,"climb":7421,"lb":7422,"imple":7423,"lisa":7424,"clothing":7425,"ðŁĺİ":7426,"dt":7427,"compla":7428,"swing":7429,"straw":7430,"vals":7431,"kle":7432,"users":7433,"storm":7434,"cuts":7435,"ontario":7436,"pan":7437,"handsome":7438,"iow":7439,"argu":7440,"checking":7441,"scottish":7442,"Ķï¸ı":7443,"sier":7444,"emma":7445,"pod":7446,"pattern":7447,"desh":7448,"enh":7449,"edward":7450,"ting":7451,"kh":7452,"half":7453,"lincoln":7454,"mother":7455,"alleg":7456,"rc":7457,"volleyball":7458,"dn":7459,"gay":7460,"ally":7461,"leton":7462,"grove":7463,"loud":7464,"advanced":7465,"respec":7466,"client":7467,"supreme":7468,"thailand":7469,"how":7470,"gig":7471,"toi":7472,"dot":7473,"dollar":7474,"ðŁijĩ":7475,"pit":7476,"rb":7477,"hn":7478,"produced":7479,"ggers":7480,"âĨĴ":7481,"mlb":7482,"canvas":7483,"fineart":7484,"usd":7485,"inthe":7486,"pson":7487,"actual":7488,"sl":7489,"tb":7490,"ipad":7491,"ensure":7492,"umb":7493,"wd":7494,"ska":7495,"mars":7496,"kend":7497,"feli":7498,"thing":7499,"countdown":7500,"absolute":7501,"rout":7502,"dral":7503,"py":7504,"injured":7505,"mint":7506,"hunting":7507,"mmer":7508,"sage":7509,"ligh":7510,"acity":7511,"expan":7512,"murray":7513,"aro":7514,"secure":7515,"fourth":7516,"eagle":7517,"relief":7518,"stakes":7519,"industrial":7520,"clark":7521,"understanding":7522,"seem":7523,"plenty":7524,"silver":7525,"clau":7526,"threat":7527,"sail":7528,"produce":7529,"abstr":7530,"isis":7531,"br":7532,"engers":7533,"worry":7534,"bieber":7535,"sj":7536,"justin":7537,"realize":7538,"kyle":7539,"espn":7540,"filter":7541,"sch":7542,"types":7543,"gamedev":7544,"ding":7545,"twitter":7546,"soldiers":7547,"pom":7548,"carbon":7549,"yards":7550,"childhood":7551,"ried":7552,"kel":7553,"eleph":7554,"tons":7555,"keynote":7556,"quiet":7557,"wire":7558,"posting":7559,"issa":7560,"representing":7561,"backs":7562,"alexander":7563,"celebrates":7564,"taining":7565,"||":7566,"chor":7567,"escape":7568,"peek":7569,"tives":7570,"field":7571,"ssie":7572,"impac":7573,"sponsor":7574,"rc":7575,"wedd":7576,"cannab":7577,"sides":7578,"tracks":7579,"compar":7580,"contrac":7581,"technical":7582,"bible":7583,"exploring":7584,"share":7585,"trav":7586,"nate":7587,"illo":7588,"scru":7589,"mingham":7590,"guns":7591,"ofthe":7592,"shame":7593,"sees":7594,"catho":7595,"access":7596,"cel":7597,"reported":7598,"»":7599,"mario":7600,"pad":7601,"hopefully":7602,"ouse":7603,"yon":7604,"disappo":7605,"olo":7606,"pitt":7607,"pac":7608,"gap":7609,"crush":7610,"sg":7611,"kle":7612,"gem":7613,"empire":7614,"dirty":7615,"ais":7616,"aviation":7617,"zealand":7618,"facing":7619,"highway":7620,"danny":7621,"spider":7622,"otta":7623,"ðŁĺĦ":7624,"wy":7625,"colours":7626,"infl":7627,"costs":7628,"olympics":7629,"aus":7630,"hm":7631,"howard":7632,"passes":7633,"lauren":7634,"mush":7635,"opin":7636,"rho":7637,"discount":7638,"operation":7639,"emily":7640,"mmm":7641,"chamber":7642,"dil":7643,"toyo":7644,"ship":7645,"samu":7646,"pictured":7647,"unic":7648,"pol":7649,"keeper":7650,"cartoon":7651,"sten":7652,"ignor":7653,"nations":7654,"nl":7655,"tasting":7656,"detail":7657,"officials":7658,"motor":7659,"francis":7660,"editor":7661,"ðŁijĩ":7662,"pets":7663,"rangers":7664,"tg":7665,"rn":7666,"wri":7667,"nichol":7668,"ise":7669,"spots":7670,"anie":7671,"check":7672,"triple":7673,"kumar":7674,"speakers":7675,"icing":7676,"prepared":7677,"abuse":7678,"friendship":7679,"month":7680,"swim":7681,"aire":7682,"scent":7683,"hamilton":7684,"indian":7685,"jes":7686,"yummy":7687,"tears":7688,"dawn":7689,"ized":7690,"worlds":7691,"ðŁķ":7692,"billi":7693,"stone":7694,"nhs":7695,"basic":7696,"por":7697,"stle":7698,"iron":7699,"older":7700,"clevel":7701,"eing":7702,"ðŁĺįðŁĺįðŁĺį":7703,"prints":7704,"firm":7705,"aircraft":7706,"finest":7707,"develop":7708,"aaron":7709,"tz":7710,"graham":7711,"owners":7712,"foli":7713,"lesson":7714,"ques":7715,"babe":7716,"craft":7717,"phen":7718,"jun":7719,"birmingham":7720,"vine":7721,"ller":7722,"ian":7723,"fineartamerica":7724,"evolu":7725,"stab":7726,"imper":7727,"ward":7728,"comic":7729,"wiz":7730,"invited":7731,"duke":7732,"match":7733,"ports":7734,"roger":7735,"diagno":7736,"kept":7737,"test":7738,"visu":7739,"rhy":7740,"soc":7741,"tox":7742,"baker":7743,"surface":7744,"covers":7745,"mans":7746,"bits":7747,"xbox":7748,"ffle":7749,"nan":7750,"gard":7751,"hart":7752,"waters":7753,"villa":7754,"retro":7755,"lightning":7756,"catholic":7757,"democracy":7758,"neighbor":7759,"penn":7760,"cran":7761,"jonathan":7762,"laura":7763,"vibes":7764,"sub":7765,"coaching":7766,"clearly":7767,"ukraine":7768,"brave":7769,"commitment":7770,"tall":7771,"mart":7772,"rap":7773,"modi":7774,"scott":7775,"bros":7776,"shower":7777,"ðŁı¾":7778,"âĺºï¸ı":7779,"cousin":7780,"approach":7781,"bre":7782,"compos":7783,"hilari":7784,"philly":7785,"gad":7786,"quickly":7787,"rian":7788,"tm":7789,"virtual":7790,"houses":7791,"kt":7792,"phoenix":7793,"wire":7794,"ffy":7795,"bunch":7796,"ancing":7797,"tale":7798,"snapchat":7799,"starter":7800,"ht":7801,"kicking":7802,"apart":7803,"thy":7804,")!":7805,"blogger":7806,"itz":7807,"comfort":7808,"angels":7809,"wash":7810,"\":":7811,"argent":7812,"request":7813,"honest":7814,"mighty":7815,"bobby":7816,"kg":7817,"rol":7818,"thouse":7819,"expo":7820,"hc":7821,"tables":7822,"magical":7823,"posts":7824,"dem":7825,"nw":7826,"orlando":7827,"aber":7828,"***":7829,"ðŁĺľ":7830,"environmental":7831,"transformation":7832,"mile":7833,"wic":7834,"hiring":7835,"maine":7836,"boar":7837,"rying":7838,"tis":7839,"niture":7840,"tweeted":7841,"antonio":7842,"opinion":7843,"finale":7844,"diy":7845,"fis":7846,"thin":7847,"trouble":7848,"lego":7849,"files":7850,"quart":7851,"spa":7852,"currency":7853,"climate":7854,"fanart":7855,"railway":7856,"space":7857,"bands":7858,"daniel":7859,"motion":7860,"leng":7861,"holder":7862,"occu":7863,"marie":7864,"cathedral":7865,"buzz":7866,"bies":7867,"nascar":7868,"bmw":7869,"battery":7870,"charlotte":7871,"doctor":7872,"zzle":7873,"seven":7874,"insan":7875,"ddy":7876,"sten":7877,"labor":7878,"thrilled":7879,"seren":7880,"documentary":7881,"waves":7882,"certain":7883,"candid":7884,"allowed":7885,"nintendo":7886,"starwars":7887,"tap":7888,"homemade":7889,"dles":7890,"thering":7891,"bree":7892,"empty":7893,"piano":7894,"positi":7895,"country":7896,"pork":7897,"puts":7898,"perry":7899,"matic":7900,"spotlight":7901,"tist":7902,"orities":7903,"wealth":7904,"cp":7905,"barbar":7906,"committed":7907,"assau":7908,"profit":7909,"eight":7910,"hul":7911,"finishing":7912,"runner":7913,"sso":7914,"inspec":7915,"charged":7916,"christop":7917,"losing":7918,"coal":7919,"hoo":7920,"elev":7921,"dele":7922,"moham":7923,"donation":7924,"cable":7925,"clinic":7926,"jin":7927,"managed":7928,"tering":7929,"â¬":7930,"urban":7931,"deputy":7932,"bber":7933,"burn":7934,"academic":7935,"ott":7936,"stake":7937,"iter":7938,"stown":7939,"acker":7940,"adventures":7941,"adams":7942,"greg":7943,"prom":7944,"vol":7945,"acqu":7946,"congre":7947,"paint":7948,"citizens":7949,"call":7950,"afford":7951,"vc":7952,"asks":7953,"thetic":7954,"independence":7955,"âĽ":7956,"hitting":7957,"blon":7958,"future":7959,"âı":7960,"inno":7961,"gene":7962,"boards":7963,"distance":7964,"set":7965,"remem":7966,"thal":7967,"prevent":7968,"lang":7969,"objec":7970,"susp":7971,"matt":7972,"induc":7973,"boro":7974,"pione":7975,"redi":7976,"virtu":7977,"printed":7978,"scope":7979,"shark":7980,"succe":7981,"astron":7982,"illegal":7983,"jag":7984,"cting":7985,"inee":7986,"ato":7987,"robin":7988,"nutrition":7989,"bf":7990,"dutch":7991,"bn":7992,"furniture":7993,"forgotten":7994,"atar":7995,"rup":7996,"hyper":7997,"branch":7998,"communication":7999,"degrees":8000,"onia":8001,"uncle":8002,"promote":8003,"orche":8004,"wii":8005,"js":8006,"button":8007,"major":8008,"cbs":8009,"bristol":8010,"premium":8011,"ordinary":8012,"edit":8013,"mg":8014,"weed":8015,"steven":8016,":'":8017,"gus":8018,"tes":8019,"captured":8020,"drugs":8021,"dow":8022,"writes":8023,"bishop":8024,"wheels":8025,"alization":8026,"discovery":8027,"wr":8028,"rachel":8029,"neil":8030,"hydr":8031,"cutest":8032,"entrepreneur":8033,"korean":8034,"oregon":8035,"ulty":8036,"perfectly":8037,"supported":8038,"historical":8039,"twins":8040,"elly":8041,"wel":8042,"devil":8043,"income":8044,"scientists":8045,"deleg":8046,"hen":8047,"oni":8048,"iced":8049,"gio":8050,"curry":8051,"reveal":8052,"eg":8053,"buffalo":8054,"nol":8055,"opera":8056,"cameron":8057,"hahahaha":8058,"jab":8059,"graduation":8060,"craig":8061,"ral":8062,"if":8063,"organization":8064,"lege":8065,"gang":8066,"sud":8067,"edinburgh":8068,"lack":8069,"flies":8070,"gate":8071,"thrones":8072,"qb":8073,"thereal":8074,"eleg":8075,"ppin":8076,"cles":8077,"jamie":8078,"tnam":8079,"crypto":8080,"oul":8081,"pages":8082,"ase":8083,"roots":8084,"stupid":8085,"adid":8086,"boot":8087,"protein":8088,"sap":8089,"sium":8090,"sus":8091,"endor":8092,"function":8093,"dont":8094,"enna":8095,"chy":8096,"sque":8097,"worker":8098,"mtv":8099,"ea":8100,"kan":8101,"ðŁĴļ":8102,"mus":8103,"profession":8104,"tto":8105,"operations":8106,"allo":8107,"ctor":8108,"invite":8109,"scand":8110,"outh":8111,"zim":8112,"links":8113,"clients":8114,"samsung":8115,"discusses":8116,"nell":8117,"ultra":8118,"somewhere":8119,"stewart":8120,"inet":8121,"dez":8122,"bout":8123,"factor":8124,"tian":8125,"trans":8126,"jeremy":8127,"db":8128,"ðŁĩ¬":8129,"orn":8130,"developing":8131,"spol":8132,"cooper":8133,"mau":8134,"remembering":8135,"trek":8136,"family":8137,"seniors":8138,"foster":8139,"attended":8140,"wing":8141,"transform":8142,"elementary":8143,"horiz":8144,"listing":8145,"malaysia":8146,"itch":8147,"warrior":8148,"philippines":8149,"russell":8150,"mend":8151,"initiative":8152,"creep":8153,"tops":8154,"briti":8155,"aur":8156,"sharp":8157,"advertising":8158,"ugly":8159,"achiev":8160,"materials":8161,"bug":8162,"device":8163,"bonus":8164,"facility":8165,"cole":8166,"nhl":8167,"yas":8168,"planned":8169,"pole":8170,"excellence":8171,"trick":8172,"confl":8173,"rp":8174,"achieve":8175,"loan":8176,"swag":8177,"jessica":8178,"howe":8179,"pour":8180,"scu":8181,"zoo":8182,"rated":8183,"dresses":8184,"rebel":8185,"mexican":8186,"coordin":8187,"mess":8188,"atlantic":8189,"tl":8190,"oscar":8191,"walks":8192,"pharmac":8193,"investigation":8194,"...#":8195,"cci":8196,"easily":8197,"mondaymotivation":8198,"yment":8199,"auti":8200,"forced":8201,"armed":8202,"colleagues":8203,"papers":8204,"proper":8205,"shake":8206,"buc":8207,"lean":8208,"exhibit":8209,"evement":8210,"cott":8211,"biz":8212,"sper":8213,"kent":8214,"swan":8215,"/@":8216,"girlfriend":8217,"hawk":8218,"âĺĢï¸ı":8219,"mono":8220,"ðŁĴĽ":8221,"statue":8222,"ðŁĺ³":8223,"ras":8224,"teeth":8225,"precious":8226,"tile":8227,"pam":8228,"swift":8229,"vali":8230,"nose":8231,"drunk":8232,"experiences":8233,"comeback":8234,"genius":8235,"worse":8236,"shef":8237,"rad":8238,"edit":8239,"honour":8240,"auspol":8241,"larry":8242,"hire":8243,"gordon":8244,"achievement":8245,"........":8246,"suicide":8247,"alternative":8248,"sup":8249,"surroun":8250,"shake":8251,"keith":8252,"pepper":8253,"turk":8254,"criminal":8255,"beck":8256,"sum":8257,"walls":8258,"cnn":8259,"antic":8260,"offe":8261,"colli":8262,"wines":8263,"highlight":8264,"hawaii":8265,"embar":8266,"lfc":8267,"ðŁĩ®":8268,"mv":8269,">>":8270,"atmo":8271,"word":8272,"carl":8273,"shoutout":8274,"brewing":8275,"ìĿ":8276,"dof":8277,"sic":8278,"hottest":8279,"colon":8280,"hhh":8281,"shut":8282,"lowing":8283,"volume":8284,"apartment":8285,"agreement":8286,"destro":8287,"wee":8288,"religious":8289,"iowa":8290,"rod":8291,"landing":8292,"represent":8293,"ðŁĵ·:":8294,"las":8295,"usually":8296,"hl":8297,"cac":8298,"salv":8299,"along":8300,"laughing":8301,"beans":8302,"reminds":8303,"phase":8304,"somebody":8305,"mask":8306,"ranked":8307,"destroy":8308,"sci":8309,"â̼ï¸ı":8310,"gabri":8311,"leo":8312,"roa":8313,"failed":8314,"sil":8315,"refugees":8316,"revi":8317,"ring":8318,"berries":8319,"cookies":8320,"yy":8321,"conservation":8322,"shab":8323,"humans":8324,"determin":8325,"ain":8326,"niall":8327,"assu":8328,"mba":8329,"from":8330,"extreme":8331,"vices":8332,"commerce":8333,"ghtful":8334,"ordered":8335,"supports":8336,"recap":8337,"vor":8338,"dropping":8339,"correct":8340,"paying":8341,"meaning":8342,"nj":8343,"quiz":8344,"\"#":8345,"business":8346,"ðŁĩ®ðŁĩ":8347,"indigen":8348,"dust":8349,"boxes":8350,"blind":8351,"xxx":8352,"zzy":8353,"ðŁĩ¬ðŁĩ":8354,"ssels":8355,"sant":8356,"ddle":8357,"hilarious":8358,"design":8359,"wondering":8360,"vehicles":8361,"kre":8362,"jud":8363,"reception":8364,"parker":8365,"ÃŃ":8366,"privi":8367,"hydro":8368,"softball":8369,"pollu":8370,"locked":8371,"bah":8372,"ear":8373,"script":8374,"divi":8375,"brace":8376,"george":8377,"theast":8378,"belo":8379,"jal":8380,"tionary":8381,"dental":8382,"rocket":8383,"purch":8384,"shak":8385,"manufacturing":8386,"ez":8387,"itis":8388,"concep":8389,"tball":8390,"chs":8391,"directed":8392,"prayers":8393,"ook":8394,"philos":8395,"variety":8396,"chess":8397,"server":8398,"gand":8399,"balti":8400,"ðŁĵ¸":8401,"sely":8402,"cruz":8403,"spectacular":8404,"burning":8405,"represent":8406,"iz":8407,"tone":8408,"merce":8409,"hell":8410,"bedroom":8411,"establi":8412,"bol":8413,"common":8414,"ãĥ»":8415,"abor":8416,"kitty":8417,"heights":8418,"repair":8419,"william":8420,"quake":8421,"alabama":8422,"population":8423,"rev":8424,"rett":8425,"ists":8426,"nite":8427,"lem":8428,"aha":8429,"cleveland":8430,"rm":8431,"pover":8432,"obse":8433,"montre":8434,"mania":8435,"®":8436,"conne":8437,"carni":8438,"shah":8439,"fy":8440,"ua":8441,"scor":8442,"struggle":8443,"bob":8444,"''":8445,"appropri":8446,"decide":8447,"ffed":8448,"caster":8449,"sort":8450,"hungry":8451,"drag":8452,"اÙ":8453,"grounds":8454,"dw":8455,"slightly":8456,"cardin":8457,"deadline":8458,"bronze":8459,"webin":8460,"barry":8461,"silence":8462,"euro":8463,"option":8464,"earn":8465,"ðŁĴĸ":8466,"however":8467,"naren":8468,"nails":8469,"bathroom":8470,"vine":8471,"phd":8472,"mining":8473,"garage":8474,"()":8475,"shoulder":8476,"defeat":8477,"dir":8478,"ov":8479,"liberty":8480,"pleas":8481,"xon":8482,"compre":8483,"av":8484,"jin":8485,"ables":8486,"silent":8487,"famili":8488,"visits":8489,"dipl":8490,"habit":8491,"millions":8492,"regarding":8493,"innovative":8494,"senator":8495,"rts":8496,"von":8497,"kl":8498,"whil":8499,"required":8500,"âĿĦ":8501,"luv":8502,"presidential":8503,"pocket":8504,"hundre":8505,"shown":8506,"frozen":8507,"toward":8508,"fast":8509,"confidence":8510,"rough":8511,"individual":8512,"quet":8513,"ðŁı½":8514,"dome":8515,"fifa":8516,"engineer":8517,"zen":8518,"remix":8519,"ðŁĺĥ":8520,"plant":8521,"minor":8522,"robinson":8523,"asy":8524,"pulled":8525,"certain":8526,"potato":8527,"(:":8528,"pres":8529,"occa":8530,"wit":8531,"item":8532,"sie":8533,"dating":8534,"thompson":8535,"owned":8536,"anu":8537,"vie":8538,"tedly":8539,"goodnight":8540,"except":8541,"ðŁĮŁ":8542,"iraq":8543,"kie":8544,"rences":8545,"lip":8546,"similar":8547,"saudi":8548,"vig":8549,"arthur":8550,"picks":8551,"milan":8552,"honda":8553,"maxi":8554,"og":8555,"stest":8556,"arch":8557,"analytics":8558,"basti":8559,"pearl":8560,"terry":8561,"horse":8562,"astro":8563,"acce":8564,"launching":8565,"international":8566,"sno":8567,"tasty":8568,"denver":8569,"irl":8570,"pete":8571,"torn":8572,"advantage":8573,"varsity":8574,"\"\"":8575,"sole":8576,"gc":8577,"lang":8578,"demonstr":8579,"olds":8580,"unity":8581,"nets":8582,"inspire":8583,"crete":8584,"nashville":8585,"nelson":8586,"eter":8587,"walk":8588,"hyun":8589,"mack":8590,"treas":8591,"seeking":8592,"rage":8593,"brush":8594,"aband":8595,"whilst":8596,"cocon":8597,"hong":8598,"shelter":8599,"ip":8600,"possibly":8601,"soo":8602,"ited":8603,"âĦ":8604,"races":8605,"warming":8606,"quin":8607,"television":8608,"matches":8609,"rapi":8610,"mental":8611,"palm":8612,"jennifer":8613,"rolls":8614,"indiana":8615,"bars":8616,"catching":8617,"rescu":8618,"candidates":8619,"fare":8620,"âłĢ":8621,"seo":8622,"vietnam":8623,"alpha":8624,"michelle":8625,"visible":8626,"regre":8627,"wned":8628,"apple":8629,"lip":8630,"ffe":8631,"liz":8632,"yorkshire":8633,"hail":8634,"seasons":8635,"began":8636,"md":8637,"kc":8638,"lap":8639,"fascinating":8640,"help":8641,"ury":8642,"ums":8643,"nuts":8644,"sem":8645,"alongside":8646,"bridge":8647,"orial":8648,"ove":8649,"worldcup":8650,"british":8651,"comfortable":8652,"ive":8653,"hotels":8654,"fairs":8655,"horri":8656,"sox":8657,"dining":8658,"stream":8659,"barri":8660,"ssy":8661,"wim":8662,"terms":8663,"vu":8664,"pere":8665,"lens":8666,"walked":8667,"ror":8668,"lars":8669,"shield":8670,"doubt":8671,"proto":8672,"crossing":8673,"meant":8674,"medium":8675,"adding":8676,"eb":8677,"cheap":8678,"func":8679,"paper":8680,"brands":8681,"ryan":8682,"feedback":8683,"collins":8684,"unknown":8685,"tropical":8686,"sandwich":8687,"fallen":8688,"formu":8689,"select":8690,"loads":8691,"answers":8692,"ori":8693,"maga":8694,"dor":8695,"duo":8696,"alie":8697,"drum":8698,"uri":8699,"deer":8700,"soul":8701,"shut":8702,"âĺº":8703,"stolen":8704,"donated":8705,"buzz":8706,"patriots":8707,"hal":8708,"nasty":8709,"nominated":8710,"monte":8711,"kia":8712,"thri":8713,"ingu":8714,"tests":8715,"petro":8716,"ðŁijij":8717,"hosts":8718,"nest":8719,"topic":8720,"patch":8721,"mmy":8722,"hugh":8723,"abilities":8724,"mathe":8725,"smiles":8726,"gb":8727,"agenda":8728,"insights":8729,"chip":8730,"phan":8731,"failure":8732,"dgers":8733,"hai":8734,"significant":8735,"shock":8736,"rural":8737,"glam":8738,"figures":8739,"potus":8740,"ota":8741,"ministry":8742,"appears":8743,"fear":8744,"rh":8745,"american":8746,"hatt":8747,"sony":8748,"fires":8749,"edi":8750,"nou":8751,"equi":8752,"when":8753,"universal":8754,"madness":8755,"ix":8756,"sculpture":8757,"bach":8758,"tto":8759,"sweden":8760,"eta":8761,"ento":8762,"developed":8763,"monthly":8764,"maps":8765,"rah":8766,"led":8767,"delta":8768,"saints":8769,"islam":8770,"bench":8771,"fifth":8772,"vard":8773,"socks":8774,"welcoming":8775,"je":8776,"turner":8777,"vb":8778,"adi":8779,"norway":8780,"ady":8781,"hurricane":8782,"porsche":8783,"tradition":8784,"exam":8785,"newspaper":8786,"luci":8787,"aver":8788,"ideal":8789,"dna":8790,"madison":8791,"ð٧":8792,"witness":8793,"acou":8794,"insight":8795,"simon":8796,"robot":8797,"snake":8798,"nbc":8799,"aco":8800,"ross":8801,"shment":8802,"religion":8803,"chann":8804,"insu":8805,"campbell":8806,"installed":8807,"weather":8808,"horses":8809,"oli":8810,"robert":8811,"kaz":8812,"ðŁıĢ":8813,"veteran":8814,"thread":8815,"quarter":8816,"easier":8817,"capture":8818,"hipho":8819,"lawrence":8820,"romantic":8821,"passion":8822,"clay":8823,"oxford":8824,"thai":8825,"studying":8826,"fia":8827,"elected":8828,"mostly":8829,"cb":8830,"tumb":8831,"âĢįâĻĤ":8832,"xl":8833,"shan":8834,"faster":8835,"evans":8836,"slide":8837,"shri":8838,"seek":8839,"mies":8840,"chemistry":8841,"pumpkin":8842,"tum":8843,",,":8844,"room":8845,"fired":8846,"lips":8847,"presence":8848,"aff":8849,"brewery":8850,"arrive":8851,"swag":8852,"photograph":8853,"pengu":8854,"chips":8855,"attor":8856,"values":8857,"accurate":8858,"contemporary":8859,"principal":8860,"cannabis":8861,"ario":8862,"anywhere":8863,"gia":8864,"democrats":8865,"buildings":8866,"lived":8867,"aps":8868,"negative":8869,"mare":8870,"ballo":8871,"lion":8872,"diamon":8873,"look":8874,"reform":8875,"tommy":8876,"illa":8877,"treats":8878,"hundreds":8879,"portland":8880,"worthy":8881,"excep":8882,"aria":8883,"idol":8884,"beer":8885,"cdn":8886,"yu":8887,"awk":8888,"ðŁĩ¨":8889,"cells":8890,"ó":8891,"identity":8892,"drawn":8893,"devil":8894,"finger":8895,"tham":8896,"ðŁijĬ":8897,"earned":8898,"fintech":8899,"dolph":8900,"tweeting":8901,"evolution":8902,"ðŁĵį":8903,"estim":8904,"mvp":8905,"none":8906,"ðŁĩºðŁĩ¸":8907,"toyota":8908,"aux":8909,"marin":8910,"bold":8911,"lbs":8912,"steak":8913,"murphy":8914,"itable":8915,"louis":8916,"solve":8917,"pia":8918,"skir":8919,"illino":8920,"webinar":8921,"banana":8922,"lov":8923,"thon":8924,"voters":8925,"affordable":8926,"defeated":8927,"lmfa":8928,"airlines":8929,"superb":8930,"anyway":8931,"debt":8932,"bored":8933,"versi":8934,"metal":8935,"responsible":8936,"mk":8937,"sse":8938,"fay":8939,"caused":8940,"fp":8941,"recommend":8942,"plaza":8943,"sporting":8944,"alliance":8945,"austri":8946,"nn":8947,"tours":8948,"surprised":8949,"artif":8950,"thunder":8951,"surve":8952,"wore":8953,"brief":8954,"necessary":8955,"zie":8956,"ashley":8957,"drake":8958,"rt":8959,"knife":8960,"immun":8961,"charges":8962,"athe":8963,"bride":8964,"reply":8965,"gav":8966,"broadcast":8967,"puer":8968,"bracelet":8969,"capacity":8970,"harvest":8971,"idk":8972,"performan":8973,"dding":8974,"ilers":8975,"para":8976,"jama":8977,"province":8978,"chin":8979,"iders":8980,"hari":8981,"teaser":8982,"chen":8983,"restor":8984,"rat":8985,"flat":8986,"colom":8987,"ðŁĴŀ":8988,"ðŁĩ¨ðŁĩ":8989,"smooth":8990,"rt":8991,"pitch":8992,"staying":8993,"israeli":8994,"tcot":8995,"perspective":8996,"dock":8997,"opener":8998,"lovel":8999,"xo":9000,"classroom":9001,"lington":9002,"goal":9003,"kennedy":9004,"sham":9005,"spaces":9006,"mitchell":9007,"homecoming":9008,"uki":9009,"claimed":9010,"recruit":9011,"ingo":9012,"mufc":9013,"monit":9014,"groo":9015,"resident":9016,"percent":9017,"perman":9018,"ottawa":9019,"intment":9020,"anxi":9021,"standards":9022,"worship":9023,"scheme":9024,"fx":9025,"potter":9026,"bian":9027,"athletic":9028,"afgh":9029,"sse":9030,"satell":9031,"parties":9032,"âĿ¤âĿ¤":9033,"infrastructure":9034,"relax":9035,"modu":9036,"worn":9037,"smoking":9038,"yach":9039,"practices":9040,"wcw":9041,"amb":9042,"domestic":9043,"taylor":9044,"kentu":9045,"provided":9046,"modi":9047,"veg":9048,"\"...":9049,"observ":9050,"ðŁĺ©":9051,"beard":9052,"mour":9053,"angry":9054,"ðŁĺ±":9055,"startups":9056,"wooden":9057,"dive":9058,"nail":9059,"antique":9060,"roses":9061,"tornado":9062,"mat":9063,"^^":9064,"suspect":9065,"farm":9066,"devices":9067,"mega":9068,"tul":9069,"scholarship":9070,"gee":9071,"disaster":9072,"arrival":9073,"poin":9074,"marc":9075,"katie":9076,"bbed":9077,"false":9078,"deserves":9079,"richard":9080,"juana":9081,"frey":9082,"tioned":9083,"hybri":9084,"rw":9085,"sarah":9086,"achi":9087,"cure":9088,"ole":9089,"morris":9090,"chic":9091,"broadway":9092,"label":9093,"pak":9094,"poverty":9095,"golf":9096,"ered":9097,"fu":9098,"eries":9099,"bees":9100,"alogue":9101,"stel":9102,"wireless":9103,"jewish":9104,"tide":9105,"blocked":9106,"lifetime":9107,"bhar":9108,"split":9109,"amster":9110,"thi":9111,"joshu":9112,"brunch":9113,"haps":9114,"sfor":9115,"oops":9116,"kapoor":9117,"hiking":9118,"supposed":9119,"roof":9120,"reas":9121,"train":9122,"tight":9123,"trump":9124,"basically":9125,"rr":9126,"eared":9127,"seeds":9128,"entrance":9129,"cp":9130,"wie":9131,"sonic":9132,"victim":9133,"here":9134,"eh":9135,"earrings":9136,"salmon":9137,"arctic":9138,"anne":9139,"dougla":9140,"corruption":9141,"hannah":9142,"hasn":9143,"voices":9144,"conce":9145,"atta":9146,"fleet":9147,"clinical":9148,"democratic":9149,"tony":9150,"stood":9151,"lef":9152,"twitch":9153,"ail":9154,"honestly":9155,"increased":9156,"drome":9157,"donna":9158,"accepted":9159,"visitors":9160,"apar":9161,"ador":9162,"par":9163,"jerry":9164,"rai":9165,"brandon":9166,"abu":9167,"!!!!!!":9168,"meme":9169,"ingh":9170,"glorious":9171,"bhu":9172,"pump":9173,"jol":9174,"like":9175,"fisher":9176,"maz":9177,"agan":9178,"destination":9179,"playlist":9180,"letters":9181,"genu":9182,"brace":9183,"celebrated":9184,"banner":9185,"rhe":9186,"dragon":9187,"ðŁĺħ":9188,"signature":9189,"grey":9190,"âľĶï¸ı":9191,"alice":9192,"bered":9193,"pher":9194,"bern":9195,"cath":9196,"gathering":9197,"scoring":9198,"influence":9199,"smiling":9200,"dept":9201,"local":9202,"ax":9203,"acu":9204,"retirement":9205,"honor":9206,"herself":9207,"chemical":9208,"assess":9209,"yall":9210,"frequ":9211,"appreciation":9212,"aca":9213,"choir":9214,"cuz":9215,"soil":9216,"cil":9217,"reporting":9218,"uh":9219,"enterprise":9220,"grat":9221,"jacob":9222,"rum":9223,"fee":9224,"jak":9225,"spin":9226,"bikes":9227,"phia":9228,"stere":9229,"pis":9230,"blood":9231,"tatt":9232,"raft":9233,"warren":9234,"sheri":9235,"backstage":9236,"marsh":9237,"hashtag":9238,"therine":9239,"rein":9240,"gameday":9241,"guaran":9242,"recipes":9243,"minds":9244,"stronger":9245,"issued":9246,"bicy":9247,"nak":9248,"mented":9249,"scary":9250,"ux":9251,"previous":9252,"ttle":9253,"thats":9254,"actors":9255,"uma":9256,"tina":9257,"bunny":9258,"promotion":9259,"uss":9260,"oliver":9261,"montreal":9262,"whats":9263,"appreciated":9264,"lakes":9265,"excuse":9266,"knowing":9267,"prizes":9268,"muscle":9269,"shades":9270,"scot":9271,"ingredi":9272,"electronic":9273,"juan":9274,"combat":9275,"sri":9276,"eh":9277,"turkish":9278,"lom":9279,"strikes":9280,"prison":9281,"ree":9282,"pope":9283,"vid":9284,"oldest":9285,"doll":9286,"swiss":9287,"certified":9288,"clip":9289,"returning":9290,"lator":9291,"leigh":9292,"ttes":9293,"watson":9294,"healing":9295,"elim":9296,"perhaps":9297,"hass":9298,"kau":9299,"dder":9300,"mouse":9301,"newcastle":9302,"indigenous":9303,"welcomes":9304,"cole":9305,"taught":9306,"noise":9307,"appear":9308,"joe":9309,"canon":9310,"wednesday":9311,"utah":9312,"ctive":9313,"driven":9314,"iv":9315,"cell":9316,"strip":9317,"acc":9318,"focused":9319,"arrest":9320,"stocks":9321,"woo":9322,"âĹ":9323,"noticed":9324,"shado":9325,"displa":9326,"terror":9327,"borne":9328,"second":9329,"queens":9330,"woke":9331,"jail":9332,"nott":9333,"cambridge":9334,"hart":9335,"seaf":9336,"fax":9337,"accept":9338,"âĺħ":9339,"goods":9340,"kat":9341,"twin":9342,"hs":9343,"thousand":9344,"sins":9345,"suite":9346,"ampton":9347,"arn":9348,"relev":9349,"richar":9350,"hoops":9351,"nbc":9352,"classic":9353,"pab":9354,"soldier":9355,"deplo":9356,"leans":9357,"installation":9358,"clash":9359,"leban":9360,"eee":9361,"tire":9362,"beloved":9363,"fusion":9364,"traveling":9365,"nei":9366,"cookie":9367,"globe":9368,"physics":9369,"sq":9370,"col":9371,"wolves":9372,"dl":9373,"exit":9374,"\"-":9375,"football":9376,"leaf":9377,"sterling":9378,"hide":9379,"minneso":9380,"freshman":9381,"nature":9382,"indie":9383,"supplies":9384,"bris":9385,"irish":9386,"inktober":9387,"doodle":9388,"icop":9389,"messages":9390,"adults":9391,"recorded":9392,"fixed":9393,"ardo":9394,"offered":9395,"underground":9396,"drone":9397,"pine":9398,"mainten":9399,"andre":9400,"hammer":9401,"sx":9402,"round":9403,"hike":9404,"brad":9405,"rome":9406,"full":9407,"oney":9408,"rows":9409,"columbia":9410,"archives":9411,"approved":9412,"batch":9413,"illinois":9414,"recognition":9415,"shouldn":9416,"fog":9417,"ncaa":9418,"kevin":9419,"humanity":9420,"although":9421,"powers":9422,"pou":9423,"sar":9424,"pest":9425,"alcohol":9426,"consci":9427,"philadel":9428,"eno":9429,"tm":9430,"okla":9431,"category":9432,"participate":9433,"accused":9434,"brief":9435,"poem":9436,"clubs":9437,"consult":9438,"jab":9439,"bigdata":9440,"amsterdam":9441,"acing":9442,"certific":9443,"nu":9444,"dat":9445,"improved":9446,"andy":9447,"campaig":9448,"palestin":9449,"pace":9450,"mobi":9451,"feelings":9452,"wolf":9453,"brain":9454,"propos":9455,"interactive":9456,"prince":9457,"index":9458,"cis":9459,"chae":9460,"peaceful":9461,"covering":9462,"aco":9463,"courses":9464,"monkey":9465,"replace":9466,"bl":9467,"bloody":9468,"tales":9469,"brighton":9470,"neighborhood":9471,"gates":9472,"spiritual":9473,"afraid":9474,"breast":9475,"bones":9476,"ðŁijī":9477,"video":9478,"wau":9479,"touch":9480,"injuries":9481,"carl":9482,"rix":9483,"unex":9484,"âĢ¢":9485,"fred":9486,"considered":9487,"thusi":9488,"anch":9489,"ony":9490,"usa":9491,"graphics":9492,"acre":9493,"ðŁĺ©":9494,"commemor":9495,"commod":9496,"goti":9497,"guardian":9498,"starbucks":9499,"prevention":9500,"hahahaha":9501,"administration":9502,"portugal":9503,"faculty":9504,"beta":9505,"ula":9506,"albert":9507,"breath":9508,"eri":9509,"letting":9510,"tric":9511,"mentation":9512,"incredibly":9513,"tennes":9514,"vd":9515,"ðŁĻĪ":9516,"eddie":9517,"brick":9518,"grill":9519,"btw":9520,"watches":9521,"researchers":9522,"tney":9523,"nie":9524,"pas":9525,"aster":9526,"vibr":9527,"pokemon":9528,"chrome":9529,"goat":9530,"pitts":9531,"illy":9532,"festive":9533,"yd":9534,"canal":9535,"ðŁĨ":9536,"fies":9537,"carlos":9538,"reque":9539,"partici":9540,"trains":9541,"sample":9542,"temperature":9543,"symph":9544,"picking":9545,"indoor":9546,"zers":9547,"playoffs":9548,"________":9549,"apes":9550,"lyrics":9551,"islamic":9552,"performances":9553,"dick":9554,"spark":9555,"seas":9556,"homa":9557,"ground":9558,"disci":9559,"employee":9560,"commu":9561,"alaska":9562,"alan":9563,"feast":9564,"dging":9565,"banking":9566,"manuel":9567,"slowly":9568,"trucks":9569,"mccar":9570,"ooo":9571,"scrat":9572,"orchestra":9573,"individu":9574,"mx":9575,"breath":9576,"stairs":9577,"equality":9578,"blake":9579,"locations":9580,"coconut":9581,"baltimore":9582,"aaa":9583,"lc":9584,"ðŁıĨ":9585,"harvey":9586,"resist":9587,"immigration":9588,"adidas":9589,"fili":9590,"ref":9591,"lgbt":9592,"mos":9593,"ppi":9594,"kenny":9595,"terror":9596,"bane":9597,"apolis":9598,"sg":9599,"socialmedia":9600,"kai":9601,"honest":9602,"assas":9603,"bollywood":9604,"âĢįâĻĢï¸ı":9605,"ferrari":9606,"horn":9607,"crypto":9608,"boom":9609,"maintenance":9610,"idi":9611,"sman":9612,"wl":9613,"extended":9614,"insul":9615,"ves":9616,"gosp":9617,"tri":9618,"pig":9619,"targe":9620,"celer":9621,"stati":9622,"smh":9623,"ridic":9624,"appeal":9625,"?)":9626,"conclu":9627,"cosme":9628,"sheep":9629,"christopher":9630,"enthusi":9631,"polish":9632,"mets":9633,"ounded":9634,"sustainability":9635,"creativity":9636,"concrete":9637,"rai":9638,"alien":9639,"bless":9640,"tees":9641,"club":9642,"rot":9643,"bos":9644,"exist":9645,"perfection":9646,"luck":9647,"rocky":9648,"expensive":9649,"meanwhile":9650,"happybirthday":9651,"pret":9652,"thriller":9653,"cave":9654,"playoff":9655,"somer":9656,"lu":9657,"lex":9658,"defence":9659,"amwriting":9660,"homeless":9661,"prophe":9662,"chet":9663,"pastor":9664,"ðŁ¤£":9665,"lander":9666,"www":9667,"Ģï¸ı":9668,"tica":9669,"!#":9670,"otic":9671,"radar":9672,"posters":9673,"powder":9674,"poli":9675,"haun":9676,"trap":9677,"blin":9678,"assault":9679,"shorts":9680,"rey":9681,"shy":9682,"squir":9683,"racist":9684,"garlic":9685,"fur":9686,"remote":9687,"smell":9688,"impressed":9689,"fingers":9690,"âłĢ":9691,"dino":9692,"lement":9693,"snu":9694,"promoting":9695,"string":9696,"productive":9697,"bage":9698,"mason":9699,"raz":9700,"directly":9701,"jk":9702,"eval":9703,"ðŁijĬ":9704,"doctors":9705,"cow":9706,"rider":9707,"stv":9708,"remove":9709,"wu":9710,"nathan":9711,"rod":9712,"nr":9713,"=>":9714,"affected":9715,"invest":9716,"mption":9717,"ginger":9718,"od":9719,"agriculture":9720,"sque":9721,"mug":9722,"counting":9723,"kee":9724,"magnific":9725,"cook":9726,"anistan":9727,"root":9728,"placed":9729,"sympo":9730,"ghana":9731,"und":9732,"cheer":9733,"throwing":9734,"secrets":9735,"filling":9736,"optimi":9737,"butterfly":9738,"bubb":9739,"ðŁĺī":9740,"terrible":9741,"dg":9742,"silk":9743,"obsessed":9744,"lou":9745,"aide":9746,"salute":9747,"monu":9748,"philadelphia":9749,"scientific":9750,"ist":9751,"uae":9752,"dessert":9753,"bottles":9754,"canyon":9755,"ðŁĺĪ":9756,"carib":9757,"other":9758,"wich":9759,"resource":9760,"guilty":9761,"und":9762,"leon":9763,"ess":9764,"kane":9765,"ele":9766,"trainer":9767,"heim":9768,"ante":9769,"manage":9770,"rookie":9771,"treated":9772,"poses":9773,"rsvp":9774,"causes":9775,"awak":9776,"jewell":9777,"lett":9778,"onics":9779,"titles":9780,"cardiff":9781,"gaga":9782,"bump":9783,"useful":9784,"?!":9785,"loose":9786,"bbing":9787,"::":9788,"argentina":9789,"debu":9790,"cycl":9791,"whel":9792,"disgu":9793,"jel":9794,"kills":9795,"biology":9796,"exter":9797,"trash":9798,"bodies":9799,"tram":9800,"circuit":9801,"expect":9802,"lads":9803,"wells":9804,"shot":9805,"gee":9806,"narendr":9807,"fastest":9808,"bent":9809,"bills":9810,"marshall":9811,"hats":9812,"introduce":9813,"citizen":9814,"impossible":9815,"gib":9816,"azz":9817,"networking":9818,"rant":9819,"think":9820,"indy":9821,"stops":9822,"ftheday":9823,"brian":9824,"**":9825,"amodi":9826,"dome":9827,"courage":9828,"packing":9829,"affairs":9830,"gn":9831,"sized":9832,"entary":9833,"poland":9834,"switzer":9835,"afghanistan":9836,"wu":9837,"tender":9838,"subscribe":9839,"mosco":9840,"attend":9841,"republican":9842,"honey":9843,"âĢĭ":9844,"simul":9845,"wester":9846,"foodie":9847,"oro":9848,"middle":9849,"abt":9850,"copies":9851,"maje":9852,"narendramodi":9853,"typical":9854,"inspirational":9855,"vitam":9856,"wiscon":9857,"cubs":9858,"tivity":9859,"hali":9860,"ears":9861,"kay":9862,"dare":9863,"marijuana":9864,"curious":9865,"ania":9866,"tomato":9867,"remind":9868,"ðŁĩ·":9869,"scared":9870,"coup":9871,"poet":9872,"landed":9873,"rid":9874,"wrapped":9875,"morri":9876,"climbing":9877,"ews":9878,"feeding":9879,"contra":9880,"thology":9881,"grid":9882,"tively":9883,"reader":9884,"laser":9885,"diving":9886,"dig":9887,"latin":9888,"tied":9889,"shakespe":9890,"oci":9891,"adm":9892,"showers":9893,"chuck":9894,"marcus":9895,"oos":9896,"knee":9897,"olive":9898,"owl":9899,"dylan":9900,"anno":9901,"gym":9902,"decisions":9903,"wellness":9904,"arrives":9905,"satis":9906,"chris":9907,"thurs":9908,"ðŁ¤£":9909,"interviews":9910,"thankyou":9911,"switzerland":9912,"overnight":9913,"journalist":9914,"serves":9915,"volcan":9916,".......":9917,"plot":9918,"nicol":9919,"carrying":9920,"magne":9921,"treasure":9922,"exp":9923,"bever":9924,"ðŁĺ¢":9925,"marty":9926,"mole":9927,"donations":9928,"recognized":9929,"bh":9930,"dus":9931,"shann":9932,"aldo":9933,"successfully":9934,"ente":9935,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":9936,"cabinet":9937,"cuis":9938,"titled":9939,"das":9940,"sol":9941,"strategies":9942,"delivering":9943,"adds":9944,"anian":9945,"nether":9946,"ðŁĴĥ":9947,"contain":9948,"suits":9949,"pairs":9950,"todd":9951,"rella":9952,"rope":9953,"cio":9954,"crop":9955,"paintings":9956,"suz":9957,"rejec":9958,"bust":9959,"dh":9960,"fraud":9961,"mh":9962,"control":9963,"jeal":9964,"destroyed":9965,"allows":9966,"wool":9967,"minnesota":9968,"omen":9969,"ju":9970,"symposium":9971,"daf":9972,"limit":9973,"accounts":9974,"loading":9975,"intern":9976,"resolution":9977,"holland":9978,"qual":9979,"meetings":9980,"grave":9981,"camping":9982,"vam":9983,"renov":9984,"liberal":9985,"amber":9986,"gree":9987,"humb":9988,"fever":9989,"eling":9990,"brooks":9991,"à²":9992,"beth":9993,"aded":9994,"alt":9995,"roe":9996,"performed":9997,"josh":9998,"franklin":9999,"nicole":10000,"dess":10001,"bbs":10002,"mg":10003,"networks":10004,"minim":10005,"alt":10006,"weapons":10007,"guy":10008,"jason":10009,"gha":10010,"harbour":10011,"aton":10012,"praise":10013,"kentucky":10014,"belfast":10015,"sticks":10016,"bloss":10017,"hopes":10018,"anthro":10019,"familiar":10020,"wait":10021,"chile":10022,"depression":10023,"lax":10024,"jets":10025,"leice":10026,"receives":10027,"sier":10028,"ank":10029,"dex":10030,"indeed":10031,"flexi":10032,"fabric":10033,"lamb":10034,"helicop":10035,"amanda":10036,"âĢĶâĢĶ":10037,"compete":10038,"snack":10039,"technologies":10040,"syrian":10041,"moms":10042,"muham":10043,"chosen":10044,"anat":10045,"devon":10046,"sharks":10047,"ret":10048,"fundraiser":10049,"selfies":10050,"stations":10051,"communications":10052,"tennessee":10053,"tutor":10054,"rot":10055,"valuable":10056,"dynamic":10057,"nurse":10058,"ied":10059,"earthquake":10060,"deserved":10061,"ave":10062,"sara":10063,"stretch":10064,"douglas":10065,"nepal":10066,"ç":10067,"obviously":10068,"dame":10069,"rape":10070,"anybody":10071,"kw":10072,"patrol":10073,"holders":10074,"hanna":10075,"infographic":10076,"eco":10077,"beating":10078,"stanley":10079,"boats":10080,"ribb":10081,"ez":10082,"witch":10083,"inva":10084,"acid":10085,"boarding":10086,"-@":10087,"gil":10088,"dave":10089,"careers":10090,"oppos":10091,"lloy":10092,"inter":10093,"dope":10094,"resu":10095,"jagu":10096,"shade":10097,"indy":10098,"onist":10099,"relations":10100,"agen":10101,"able":10102,"incident":10103,"meter":10104,"sharma":10105,"idr":10106,"prove":10107,"immediately":10108,"troops":10109,"aman":10110,"glow":10111,"gaza":10112,"blocks":10113,"personal":10114,"chronic":10115,"aller":10116,"sid":10117,"shr":10118,"whatsapp":10119,"lucy":10120,"archae":10121,"hou":10122,"journalism":10123,"ourselves":10124,"got":10125,"themed":10126,"shaped":10127,"weak":10128,"casual":10129,"length":10130,"slam":10131,"abbey":10132,"ev":10133,"counter":10134,"esta":10135,"recipi":10136,"chapel":10137,"expansion":10138,"self":10139,"suffering":10140,"spice":10141,"nz":10142,"spart":10143,"desper":10144,"booking":10145,"quarters":10146,"yon":10147,"ðŁĴĹ":10148,"pk":10149,"continued":10150,"-#":10151,"manhatt":10152,"talked":10153,"shen":10154,"combo":10155,"hybrid":10156,"jeans":10157,"liquid":10158,"seal":10159,"retweets":10160,"acceler":10161,"collective":10162,"tas":10163,":))":10164,"professionals":10165,"raw":10166,"ott":10167,"susan":10168,"iring":10169,"oklahoma":10170,"reven":10171,"survival":10172,"creator":10173,"transit":10174,"stac":10175,"surf":10176,"ik":10177,"editing":10178,"chilling":10179,"bailey":10180,"steal":10181,"rable":10182,"parent":10183,"hunger":10184,"snapp":10185,"collect":10186,"philosoph":10187,"dedication":10188,"cf":10189,"cm":10190,"leep":10191,"repeat":10192,"reha":10193,"unfortun":10194,"aer":10195,"aero":10196,"abstract":10197,"monitor":10198,"agents":10199,"bul":10200,"science":10201,"harbor":10202,"dragons":10203,"flooding":10204,"accompli":10205,"dash":10206,"julia":10207,"thered":10208,"tuesday":10209,"cyber":10210,"blow":10211,"tained":10212,"lem":10213,"reference":10214,"ppo":10215,"negoti":10216,"charle":10217,"connor":10218,"ault":10219,"accessories":10220,"commissioner":10221,"rainy":10222,"rear":10223,"advisory":10224,"lucas":10225,"maid":10226,"coal":10227,"kav":10228,"polo":10229,"ðŁı¾":10230,"transport":10231,"margare":10232,"strawberry":10233,"burns":10234,"greens":10235,"nev":10236,"participants":10237,"colin":10238,"belgium":10239,"colour":10240,"inform":10241,"dell":10242,"bron":10243,"caly":10244,"kickoff":10245,"strategic":10246,"reunion":10247,"honors":10248,"lib":10249,"egyp":10250,"âŃIJï¸ı":10251,"hypo":10252,"sizes":10253,"registered":10254,"betes":10255,"relaxing":10256,"bloom":10257,"intense":10258,"valentines":10259,"insane":10260,"wwii":10261,"px":10262,"trio":10263,"blade":10264,"wisconsin":10265,"cone":10266,"platin":10267,"alize":10268,"raven":10269,"increasing":10270,"indians":10271,"ilian":10272,"blu":10273,"rabbit":10274,"extension":10275,"jef":10276,"audi":10277,"ferry":10278,"sell":10279,"aday":10280,"usb":10281,"sweat":10282,"champag":10283,"method":10284,"memph":10285,"assist":10286,"sby":10287,"cape":10288,"removed":10289,"magn":10290,"vt":10291,"rams":10292,"fbi":10293,"tackle":10294,"phew":10295,"hon":10296,"motorcycle":10297,"suspec":10298,"elephant":10299,"subject":10300,"lette":10301,"dairy":10302,"wheat":10303,"awkward":10304,"act":10305,"trol":10306,"mitted":10307,"zayn":10308,"sheriff":10309,"enemy":10310,"cons":10311,"kett":10312,"bulls":10313,"evalu":10314,"btc":10315,"satellite":10316,"holo":10317,"porter":10318,"diabetes":10319,"better":10320,"releasing":10321,"surf":10322,":-":10323,"sebasti":10324,"collecting":10325,"encing":10326,"ethi":10327,"gods":10328,"alley":10329,"healthy":10330,"mills":10331,"smash":10332,"copper":10333,"crack":10334,"readers":10335,"spac":10336,"license":10337,"basket":10338,"bangla":10339,"entic":10340,"omi":10341,"mere":10342,"sively":10343,"animation":10344,"lanes":10345,"dentally":10346,"chillin":10347,"fie":10348,"karen":10349,"depth":10350,"lipse":10351,"ng":10352,"rip":10353,"melo":10354,"sandy":10355,"ðŁijıðŁijı":10356,"vincent":10357,"nut":10358,"hug":10359,"whole":10360,"creates":10361,"????":10362,"âĿ¤ï¸ıâĿ¤ï¸ı":10363,"baked":10364,"upgrade":10365,"roberts":10366,"hara":10367,"caribbean":10368,"authentic":10369,"mbs":10370,"moscow":10371,"attorney":10372,"wiki":10373,"chlo":10374,"hull":10375,"cork":10376,"\"!":10377,"stylish":10378,"ðŁĵ¸:":10379,"diary":10380,"improving":10381,"expand":10382,"bright":10383,"pollution":10384,"knights":10385,"personality":10386,"checked":10387,"facilities":10388,"zel":10389,"bowling":10390,"guer":10391,"ðŁİĤ":10392,"ongoing":10393,"units":10394,"hook":10395,"beck":10396,"conflict":10397,"todd":10398,"farming":10399,"educational":10400,"kak":10401,"clay":10402,"stroke":10403,"belly":10404,"explore":10405,"millenni":10406,"thm":10407,"loop":10408,"sms":10409,"consist":10410,"circa":10411,"bryan":10412,"dab":10413,"younger":10414,"solidar":10415,"ppa":10416,"experienced":10417,"bella":10418,"board":10419,"sheffield":10420,"stephen":10421,"consumer":10422,"submit":10423,"sponsor":10424,"tang":10425,"aggre":10426,"combined":10427,"tracking":10428,"sanders":10429,"baz":10430,"survive":10431,"ferred":10432,"equal":10433,"sep":10434,"reed":10435,"strong":10436,"privacy":10437,"stap":10438,"ung":10439,"acry":10440,"pasta":10441,"pirates":10442,"ager":10443,"fairy":10444,"dup":10445,"introduced":10446,"wip":10447,"lets":10448,"spray":10449,"ðŁĵº":10450,"grew":10451,"asts":10452,"pittsburgh":10453,"newyork":10454,"joey":10455,"lauren":10456,"trade":10457,"chop":10458,"pipe":10459,"claire":10460,"behavior":10461,"vap":10462,"crews":10463,"laptop":10464,"ð٤Ĺ":10465,"chester":10466,"discipl":10467,"df":10468,"outdoors":10469,"ks":10470,"gover":10471,"superstar":10472,"casino":10473,"farmer":10474,";-)":10475,"returned":10476,"ðŁıĪ":10477,"mail":10478,"roasted":10479,"costa":10480,"vill":10481,"pez":10482,"gardening":10483,"distribution":10484,"shining":10485,"investors":10486,"rasp":10487,"decades":10488,"realized":10489,"barn":10490,"pti":10491,"stable":10492,"utd":10493,"panthers":10494,"mens":10495,"bn":10496,"cade":10497,"bucket":10498,"ynn":10499,"whenever":10500,"wake":10501,"dais":10502,"bernie":10503,"lodge":10504,"julie":10505,"atmosphere":10506,"ðŁĺĺðŁĺĺ":10507,"majority":10508,"parti":10509,"excit":10510,"cut":10511,"meh":10512,"muslims":10513,"begun":10514,"flights":10515,"veness":10516,"ceme":10517,"posing":10518,"sole":10519,"gou":10520,"darkness":10521,"peach":10522,"celtic":10523,"authority":10524,"grandma":10525,"fulness":10526,"smith":10527,"specific":10528,"garcia":10529,"coins":10530,"goodness":10531,"aldub":10532,"recruiting":10533,"dennis":10534,"gary":10535,"sleeve":10536,"weapon":10537,"plz":10538,"discover":10539,"harrison":10540,"recruitment":10541,"jai":10542,"chim":10543,"compared":10544,"toms":10545,"mothers":10546,"amy":10547,"archive":10548,"task":10549,"benjam":10550,"seg":10551,"lawyer":10552,"alum":10553,"investing":10554,"mie":10555,"chez":10556,"jp":10557,"ake":10558,"flam":10559,"wallpaper":10560,"âĻ¥ï¸ı":10561,"tton":10562,"chest":10563,"favorites":10564,"weigh":10565,"coolest":10566,"rating":10567,"relevant":10568,"logan":10569,"maple":10570,"runners":10571,"prior":10572,"people":10573,"maur":10574,"terrorist":10575,"tested":10576,"carnival":10577,"suspen":10578,"measure":10579,"mv":10580,"cybersecurity":10581,"appren":10582,"terrorism":10583,"oz":10584,"vital":10585,"nies":10586,"gonz":10587,"funded":10588,"twist":10589,"assessment":10590,"diesel":10591,"enfor":10592,"column":10593,"addressing":10594,"casts":10595,"payment":10596,"xton":10597,"fier":10598,",'":10599,"last":10600,"nee":10601,"unless":10602,"close":10603,"skill":10604,"cuisine":10605,"funeral":10606,"tiles":10607,"aun":10608,"kru":10609,"relationships":10610,"ðŁĴ¯":10611,"event":10612,"âĢįâĻĤï¸ı":10613,"kindness":10614,"proposed":10615,"acoustic":10616,"aes":10617,"defender":10618,"dance":10619,"htt":10620,"wat":10621,"voy":10622,"ð٤ĺ":10623,"aus":10624,"cliff":10625,"searching":10626,"beautifully":10627,"inqu":10628,"atl":10629,"specialist":10630,"ðŁIJ¶":10631,"dai":10632,"trails":10633,"classics":10634,"instant":10635,"vous":10636,"revenue":10637,"march":10638,"kirk":10639,"fringe":10640,"fireworks":10641,"trivia":10642,"âĺħ":10643,"traction":10644,"walter":10645,"moto":10646,"lily":10647,"attitude":10648,"climb":10649,"scan":10650,"savings":10651,"cw":10652,"faith":10653,"credits":10654,"abled":10655,"graff":10656,"autograph":10657,"hehe":10658,"ranch":10659,"had":10660,"rogers":10661,"ðŁĮ¹":10662,"fin":10663,"requ":10664,"folk":10665,"additional":10666,"lynn":10667,"uber":10668,"dollars":10669,"logic":10670,"worth":10671,"som":10672,"thesis":10673,"pound":10674,"bic":10675,"stur":10676,"ceram":10677,"spencer":10678,"entered":10679,"vamp":10680,"organized":10681,"âľĪ":10682,"pps":10683,"tron":10684,"mercedes":10685,"noti":10686,"competitive":10687,"dow":10688,"ousness":10689,"victor":10690,"grilled":10691,"nai":10692,"putin":10693,"abra":10694,"blame":10695,"alexand":10696,"animal":10697,"decent":10698,"pent":10699,"interior":10700,":')":10701,"butler":10702,"ballet":10703,"ðŁĴĶ":10704,"albums":10705,"downs":10706,"lad":10707,"sir":10708,"plain":10709,"pers":10710,"blonde":10711,"disc":10712,"pakistan":10713,"sement":10714,"gaa":10715,"wage":10716,"chas":10717,"mani":10718,"cops":10719,"territ":10720,"lol":10721,"laughter":10722,"rivers":10723,"magnificent":10724,"lamp":10725,"wb":10726,"newsle":10727,"charts":10728,"blessing":10729,"punch":10730,"longest":10731,"floral":10732,"cutie":10733,"farewell":10734,"stopping":10735,"mbb":10736,"bud":10737,"cheese":10738,"decla":10739,"sim":10740,"mcdonald":10741,"deter":10742,"youth":10743,"tch":10744,"freder":10745,"kindle":10746,"fern":10747,"ator":10748,"asleep":10749,"pond":10750,"sprint":10751,"pounds":10752,"lazy":10753,"ghe":10754,"fundraising":10755,"deadly":10756,"grande":10757,"doug":10758,"hey":10759,"linda":10760,"considering":10761,"ium":10762,"golden":10763,"vik":10764,"authors":10765,"diss":10766,"ually":10767,"appropriate":10768,"morning":10769,"yle":10770,"honoring":10771,"folio":10772,"bec":10773,"rebec":10774,"finland":10775,"formula":10776,"cornwall":10777,"shay":10778,"causing":10779,"blend":10780,"signal":10781,"tent":10782,"kashmir":10783,"nationals":10784,"harmony":10785,"scout":10786,"accessi":10787,"height":10788,"medieval":10789,"improvement":10790,"kees":10791,"practical":10792,"card":10793,"depar":10794,"hun":10795,"oming":10796,"calgary":10797,"stel":10798,"bubble":10799,"guru":10800,"mah":10801,"unexpe":10802,"nh":10803,"eda":10804,"meat":10805,"ige":10806,"sio":10807,"goddess":10808,"inches":10809,"tunes":10810,"britt":10811,"stion":10812,"raj":10813,"âĻ«":10814,"mercy":10815,"ðŁĴĺ":10816,"sends":10817,"iest":10818,"polici":10819,"vale":10820,"reduced":10821,"asap":10822,"vijay":10823,"defensive":10824,"celebrations":10825,"riders":10826,"meditation":10827,"harmon":10828,"ging":10829,"¡":10830,"programming":10831,"inau":10832,"sudden":10833,"mh":10834,"replacement":10835,"sku":10836,"jar":10837,"grades":10838,"tast":10839,"kitt":10840,"branding":10841,"kaw":10842,"boot":10843,"fought":10844,"pays":10845,"gf":10846,"ization":10847,"hop":10848,"kk":10849,"activist":10850,"vend":10851,"coastal":10852,"chaos":10853,"ðŁĶ´":10854,"seme":10855,"billboard":10856,"lifting":10857,"cumb":10858,"scal":10859,"ðŁĸ¤":10860,"struck":10861,"lv":10862,"indiedev":10863,"beaten":10864,"jungle":10865,"alright":10866,"destiny":10867,"ming":10868,"kc":10869,"chances":10870,"oman":10871,"qatar":10872,"craf":10873,"trained":10874,"prix":10875,"charm":10876,"otive":10877,"smu":10878,"ec":10879,"anders":10880,"handed":10881,"alban":10882,"certainly":10883,"arriving":10884,"ize":10885,"sai":10886,"track":10887,"painter":10888,"humble":10889,"appointment":10890,"headline":10891,"managing":10892,"mod":10893,"aspe":10894,"andrea":10895,"ä":10896,"ethiop":10897,"united":10898,"exist":10899,"bali":10900,"kad":10901,"nt":10902,"dred":10903,"rex":10904,"recognize":10905,"tampa":10906,"beers":10907,"atia":10908,"heels":10909,"note":10910,"transportation":10911,"turtle":10912,"rede":10913,"hiphop":10914,"spicy":10915,"spurs":10916,"â¬ĩ":10917,"corp":10918,"thern":10919,"toast":10920,"hurry":10921,"properties":10922,"mage":10923,"marco":10924,"elements":10925,"bouti":10926,"syndrome":10927,"msg":10928,"developer":10929,"graders":10930,"heim":10931,"resil":10932,"offices":10933,"delay":10934,"dimen":10935,"vintag":10936,"barbara":10937,"ðŁĺ±":10938,"venezu":10939,"cular":10940,"faced":10941,"barn":10942,"ðŁĺĨ":10943,"survivor":10944,"worm":10945,"confused":10946,"passionate":10947,"ر":10948,"identify":10949,"electricity":10950,"souls":10951,"bradley":10952,"reportedly":10953,"lunch":10954,"shelf":10955,"elia":10956,"sweet":10957,"smooth":10958,"employment":10959,"amel":10960,"manhattan":10961,"steam":10962,"ounts":10963,"yep":10964,"living":10965,"une":10966,"describe":10967,"cares":10968,"manila":10969,"shawn":10970,"acted":10971,"bash":10972,"steven":10973,"rest":10974,"petition":10975,"divine":10976,"welsh":10977,"race":10978,"platinum":10979,"ðŁĮ¸":10980,"pb":10981,"extraordinary":10982,"solidarity":10983,"mall":10984,"onion":10985,"scheduled":10986,"gameof":10987,"fergu":10988,"dems":10989,"norm":10990,"pk":10991,"trials":10992,"policies":10993,"publishing":10994,"stole":10995,"front":10996,"character":10997,"vania":10998,"exce":10999,"stie":11000,"sca":11001,"residential":11002,"sailing":11003,"ðŁĶ¥ðŁĶ¥ðŁĶ¥":11004,"sponsors":11005,"thick":11006,"champagne":11007,"shepher":11008,"continuing":11009,"venice":11010,"perth":11011,"nap":11012,"aster":11013,"yak":11014,"unlimited":11015,"choices":11016,"neo":11017,"hiv":11018,"reporter":11019,"brussels":11020,"fold":11021,"dys":11022,"semi":11023,"lawn":11024,"italia":11025,"wifi":11026,"ask":11027,"emed":11028,"frame":11029,"monitoring":11030,"stead":11031,"ida":11032,"grin":11033,"isa":11034,"flip":11035,"restric":11036,"offensive":11037,"attached":11038,"dish":11039,"why":11040,"phillips":11041,"greet":11042,"pals":11043,"mixtape":11044,"vou":11045,"fielder":11046,"spark":11047,"alberta":11048,"glen":11049,"cash":11050,"sri":11051,"uri":11052,"rodri":11053,"entrepreneurs":11054,"climatechange":11055,"psy":11056,"dle":11057,"ements":11058,"linked":11059,"netherlands":11060,"accidentally":11061,"opposition":11062,"velvet":11063,"rays":11064,"cw":11065,"omo":11066,"mf":11067,"lmfao":11068,"newsletter":11069,":)":11070,"toilet":11071,"literature":11072,"disp":11073,"philip":11074,"uniform":11075,"suddenly":11076,"header":11077,"cooler":11078,"---":11079,"proud":11080,"brig":11081,"nissan":11082,"scientist":11083,"jah":11084,"concentr":11085,"packs":11086,"appointed":11087,"soap":11088,"engage":11089,"chose":11090,"âĻ¡":11091,"setup":11092,"jealous":11093,"harry":11094,"gation":11095,"tunnel":11096,"temp":11097,"oscars":11098,"decade":11099,"recommended":11100,"children":11101,"aba":11102,"anxiety":11103,"vements":11104,"salon":11105,"photoo":11106,"organiz":11107,"machines":11108,"abs":11109,"ville":11110,"hype":11111,"tiff":11112,"emerging":11113,"avgeek":11114,"[#":11115,"contribution":11116,"brady":11117,"resto":11118,"gmail":11119,"fitz":11120,"photoshoot":11121,"helmet":11122,"ht":11123,"elegant":11124,"uganda":11125,"nursing":11126,"orleans":11127,"penn":11128,"nah":11129,"footage":11130,"ema":11131,"wo":11132,"wad":11133,"concerns":11134,"vere":11135,"remark":11136,"whoever":11137,"strang":11138,"pt":11139,"quit":11140,"shang":11141,"history":11142,"sick":11143,"permanent":11144,"illness":11145,"cold":11146,"vision":11147,"hem":11148,"arrow":11149,"convic":11150,"pink":11151,"occup":11152,"bald":11153,"exhau":11154,"uof":11155,"amo":11156,"ont":11157,"ãĥ»":11158,"adopt":11159,"laid":11160,"smoked":11161,"interpre":11162,"essenti":11163,"associated":11164,"bd":11165,"bby":11166,"fier":11167,"install":11168,"diplom":11169,"conditi":11170,"cf":11171,"wak":11172,"anya":11173,"graci":11174,"fisher":11175,"sss":11176,"apr":11177,"ilit":11178,"musician":11179,"symphony":11180,"cord":11181,"hack":11182,"legi":11183,"lv":11184,"blessings":11185,"humor":11186,"scra":11187,"eti":11188,"minster":11189,"travelling":11190,"bush":11191,"jewellery":11192,"lime":11193,"!!!":11194,"pregnant":11195,"pee":11196,"lob":11197,"capital":11198,"ipa":11199,"pencil":11200,"labor":11201,"ducks":11202,"proudly":11203,"wedding":11204,"derek":11205,"mw":11206,"peg":11207,"valentine":11208,"angu":11209,"retreat":11210,"prospect":11211,"danger":11212,"vulner":11213,"upset":11214,",#":11215,"srk":11216,"xim":11217,"thursday":11218,"nfl":11219,"kisses":11220,"reds":11221,"crack":11222,"reward":11223,"cu":11224,"kok":11225,"mete":11226,"abandoned":11227,"itt":11228,"meals":11229,"spell":11230,"stanbul":11231,"delays":11232,"rum":11233,"leop":11234,"gum":11235,"nova":11236,"superman":11237,"chick":11238,"mis":11239,"dramatic":11240,"innocent":11241,"rounds":11242,"rec":11243,"autism":11244,"bangladesh":11245,"moral":11246,"movie":11247,"spoo":11248,"kla":11249,"âĥ£":11250,"outing":11251,"messi":11252,"abroad":11253,"lookin":11254,"aim":11255,"qi":11256,"stack":11257,"collage":11258,"à¯":11259,"hudson":11260,"scan":11261,"hoe":11262,"chau":11263,"occur":11264,"commander":11265,"holes":11266,"ðŁİĦ":11267,"bias":11268,"von":11269,"sticker":11270,"mak":11271,"responsibility":11272,"columbus":11273,"saint":11274,"edmon":11275,"racism":11276,"farms":11277,"wen":11278,"gulf":11279,"mayo":11280,"!!!!!!!!":11281,"corporation":11282,"bachel":11283,"ela":11284,"internal":11285,"jeep":11286,"follows":11287,"dialogue":11288,"derer":11289,"smartphone":11290,"helen":11291,"richmond":11292,"equity":11293,"sland":11294,"bg":11295,"near":11296,"avi":11297,"memphis":11298,"weir":11299,"discussed":11300,"badge":11301,"pup":11302,"mistake":11303,"phenomen":11304,"unite":11305,"ðŁĽ":11306,"depic":11307,"rides":11308,"inaugu":11309,"nat":11310,"softwitter":11311,"combination":11312,"gospel":11313,"âļ¾":11314,"admission":11315,"retrogaming":11316,"ðŁIJ¾":11317,"schu":11318,"mbo":11319,"junction":11320,"alarm":11321,"à¦":11322,"grac":11323,"khali":11324,"kul":11325,"male":11326,"caption":11327,"wish":11328,"tere":11329,"corps":11330,"rubber":11331,"playstation":11332,"erin":11333,"efficient":11334,"lor":11335,"jokes":11336,"inary":11337,"norman":11338,"luis":11339,"inaugural":11340,"ched":11341,"âļ½ï¸ı":11342,"dip":11343,"toe":11344,"strat":11345,"aac":11346,"amu":11347,"pier":11348,"cott":11349,"command":11350,"tten":11351,"snoo":11352,"cube":11353,"closes":11354,"classical":11355,"sword":11356,"expression":11357,"reaching":11358,"napp":11359,"cost":11360,"affect":11361,"rico":11362,"gif":11363,"breathe":11364,"tribe":11365,"ortho":11366,"hay":11367,"lg":11368,"fries":11369,"nm":11370,"hiding":11371,"richards":11372,"ende":11373,"micro":11374,"capitol":11375,"copy":11376,"rom":11377,"regime":11378,"maryland":11379,"taxi":11380,"dial":11381,"embarra":11382,"unbeliev":11383,"cht":11384,"vs":11385,"elimin":11386,"odd":11387,"penny":11388,"soundtrack":11389,"lings":11390,"transition":11391,"remaining":11392,"ais":11393,"malik":11394,"?!?":11395,"random":11396,"defend":11397,"ultra":11398,"trum":11399,"dancer":11400,"stol":11401,"drive":11402,"aver":11403,"roast":11404,"definition":11405,"sean":11406,"excitement":11407,"particul":11408,"surely":11409,"shav":11410,"bery":11411,"dishes":11412,"comm":11413,"isol":11414,"iam":11415,"obli":11416,"ghost":11417,"hughes":11418,"chiefs":11419,"bas":11420,"conservative":11421,"special":11422,"femin":11423,"shri":11424,"nancy":11425,"intel":11426,"tune":11427,"ðŁĩª":11428,"joel":11429,"ggle":11430,"moto":11431,"ðŁĺĶ":11432,"buck":11433,"dag":11434,"anticip":11435,"montana":11436,"guid":11437,"frog":11438,"ecraft":11439,"ope":11440,"drives":11441,"numer":11442,"xy":11443,"colorful":11444,"wednesdaywisdom":11445,"illumin":11446,"beyon":11447,"inaugur":11448,"deeply":11449,"prefer":11450,"fortune":11451,"cooked":11452,"tible":11453,"âĺķ":11454,"sweater":11455,"itter":11456,"tty":11457,"ui":11458,"gie":11459,"complic":11460,"~~":11461,"taxes":11462,"cups":11463,"diverse":11464,"samanth":11465,"âłĢâłĢ":11466,"baking":11467,"symp":11468,"wai":11469,"behalf":11470,"mercur":11471,"travels":11472,"ðŁİīðŁİ":11473,"oria":11474,"engaged":11475,"jumping":11476,"retired":11477,"naked":11478,"puni":11479,"speedway":11480,"sciences":11481,"rehearsal":11482,"onym":11483,"dyou":11484,"plates":11485,"rati":11486,"krish":11487,"jazz":11488,"carol":11489,"raf":11490,"penalty":11491,"timeline":11492,"ruby":11493,"engineers":11494,"raf":11495,"belle":11496,"dose":11497,"cheon":11498,"escap":11499,"meg":11500,"rank":11501,"ord":11502,"megan":11503,"merch":11504,"eclipse":11505,"âĺºï¸ı":11506,"pledge":11507,"kirk":11508,"persi":11509,"leicester":11510,"sak":11511,"wk":11512,"safely":11513,"yyy":11514,"jet":11515,"promised":11516,"jc":11517,"enne":11518,"noah":11519,"reno":11520,"rea":11521,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":11522,"trail":11523,"ðŁijĢ":11524,"fd":11525,"sooo":11526,"rimin":11527,"wk":11528,"า":11529,"ial":11530,"xox":11531,"biscu":11532,"dale":11533,"fandom":11534,"participating":11535,"flag":11536,"privilege":11537,"peach":11538,"machine":11539,"boston":11540,"gross":11541,"og":11542,"miracle":11543,"adoption":11544,"uss":11545,"monsters":11546,"beij":11547,"clarke":11548,"pushing":11549,"praying":11550,"aro":11551,"dn":11552,"ellis":11553,"apollo":11554,"odds":11555,"refugee":11556,"tow":11557,"bp":11558,"ðŁĩ¬ðŁĩ§":11559,"hend":11560,"appeared":11561,"membership":11562,"pean":11563,"dum":11564,"violent":11565,"vy":11566,"potatoes":11567,"aww":11568,"greetings":11569,"tts":11570,"acon":11571,"shane":11572,"photographed":11573,"crab":11574,"temperatures":11575,"cuba":11576,"cfc":11577,"welcom":11578,"hel":11579,"innings":11580,"mk":11581,"code":11582,"knock":11583,"grass":11584,"swedish":11585,"pta":11586,"icky":11587,"vat":11588,"lining":11589,"sq":11590,"sap":11591,"arc":11592,"announcing":11593,"skins":11594,"cityof":11595,"bring":11596,"cox":11597,"gamer":11598,"itarian":11599,"ida":11600,"hd":11601,"rosse":11602,"sadly":11603,"geo":11604,"âļ¡ï¸ı":11605,"tags":11606,"father":11607,"change":11608,"lance":11609,"whiskey":11610,"adelaide":11611,"tec":11612,"stickers":11613,"market":11614,"classy":11615,"badass":11616,"florence":11617,"liner":11618,"frost":11619,"kate":11620,"acon":11621,"scandal":11622,"essex":11623,"ðŁĺı":11624,"vivi":11625,"drill":11626,"bloggers":11627,"recommend":11628,"dha":11629,"acres":11630,"roma":11631,"buy":11632,"grocer":11633,"eria":11634,"mahar":11635,"ffer":11636,"patterns":11637,"veri":11638,"compu":11639,"stev":11640,"anga":11641,"mentor":11642,"doo":11643,"itali":11644,"cdnpoli":11645,"only":11646,"conduct":11647,"electro":11648,"def":11649,"whale":11650,"preparation":11651,"bicycle":11652,"viral":11653,"turnout":11654,"brass":11655,"quad":11656,"hospitality":11657,"packaging":11658,"dency":11659,"cemetery":11660,"aboard":11661,"dreaming":11662,"picture":11663,"tall":11664,"invent":11665,"admi":11666,"oe":11667,"temps":11668,"quan":11669,"fundam":11670,"promp":11671,"residence":11672,"mud":11673,"souri":11674,"âĦ¢":11675,"graffiti":11676,"gif":11677,"dnd":11678,"comp":11679,"swar":11680,"peeps":11681,"palestine":11682,"devils":11683,"sang":11684,"assistance":11685,"bike":11686,"mississi":11687,"interviewed":11688,"nephew":11689,"drums":11690,"vand":11691,"gentlemen":11692,"nsw":11693,"insta":11694,"lebanon":11695,"eeee":11696,"olivia":11697,"very":11698,"rough":11699,"industries":11700,"mation":11701,"ðŁĺĴ":11702,"barrel":11703,"nay":11704,"pops":11705,"modern":11706,"illy":11707,"arest":11708,"onents":11709,"protecting":11710,"vans":11711,"eo":11712,"vikings":11713,"restaurants":11714,"reck":11715,"jackie":11716,"andrew":11717,"willing":11718,"heath":11719,"citizen":11720,"discrimin":11721,"à¹Ī":11722,"stuart":11723,"mys":11724,"hip":11725,"transp":11726,"\"?":11727,"tex":11728,"sushi":11729,"ked":11730,"crossed":11731,"distur":11732,"pedia":11733,"fate":11734,"somehow":11735,"moth":11736,"processing":11737,"iss":11738,"rin":11739,"uts":11740,"yyc":11741,"vert":11742,"lgbt":11743,"reid":11744,"onto":11745,"arabia":11746,"habitat":11747,"==":11748,"streak":11749,"simpson":11750,"addiction":11751,"wimble":11752,"delivers":11753,"challenging":11754,"ðŁİ¶":11755,"franch":11756,"edu":11757,"sme":11758,"aids":11759,"hurst":11760,"tham":11761,"tarian":11762,"remembered":11763,"palestinian":11764,"fees":11765,"trum":11766,"sketch":11767,"uru":11768,"fitting":11769,"jesse":11770,"ðŁĶ¥ðŁĶ¥":11771,"--------":11772,"bach":11773,"icia":11774,"colored":11775,"dah":11776,"associate":11777,"intel":11778,"seller":11779,"pu":11780,"stuffed":11781,"acs":11782,"bs":11783,"shin":11784,"cooperation":11785,"certificate":11786,"abu":11787,"ingredients":11788,"rev":11789,"inge":11790,"elder":11791,"christian":11792,"bundle":11793,"thic":11794,"dirt":11795,"beijing":11796,"commit":11797,"teddy":11798,"edu":11799,"today":11800,"sfield":11801,"wyn":11802,"confirms":11803,"loo":11804,"jv":11805,"eness":11806,"alpha":11807,"virus":11808,"arium":11809,"grind":11810,"bridges":11811,"introduction":11812,"polls":11813,"bacter":11814,"zach":11815,"terminal":11816,"raiders":11817,"flavor":11818,"zombie":11819,"vod":11820,"spreading":11821,"gameofthrones":11822,"efficiency":11823,"lately":11824,"alem":11825,"tweet":11826,"crimes":11827,"cler":11828,"dey":11829,"dged":11830,"hyun":11831,"payments":11832,"circus":11833,"ðŁĺŃðŁĺŃ":11834,"missouri":11835,"lub":11836,"episodes":11837,"cage":11838,"pos":11839,"matching":11840,"tumblr":11841,"lined":11842,"gest":11843,"ambi":11844,"narr":11845,"ington":11846,"regul":11847,"blown":11848,"isle":11849,"coco":11850,"ondon":11851,"joshua":11852,"touring":11853,"sma":11854,"sausage":11855,"bestfriend":11856,"boeing":11857,"desire":11858,"savage":11859,"rapper":11860,"devo":11861,"tear":11862,"takeover":11863,"cowboys":11864,"poker":11865,"parag":11866,"ppe":11867,"hint":11868,"wears":11869,"seth":11870,"roles":11871,"lanc":11872,"manga":11873,"format":11874,"flyer":11875,"cay":11876,"moor":11877,"bake":11878,"splash":11879,"vad":11880,"kerala":11881,"proceeds":11882,"silly":11883,"reflection":11884,"distr":11885,"wid":11886,"suit":11887,"civic":11888,"yankees":11889,"byn":11890,"migration":11891,"distin":11892,"orch":11893,"femini":11894,"qualifying":11895,"turi":11896,"obe":11897,"hundred":11898,"crap":11899,"wang":11900,"mathemat":11901,"bure":11902,"exposure":11903,"ferguson":11904,"semester":11905,"reserv":11906,"plym":11907,"ahu":11908,"facial":11909,"wax":11910,"worried":11911,"cab":11912,"vio":11913,"asa":11914,"cod":11915,"topics":11916,"pcs":11917,"halo":11918,"rescued":11919,"horizon":11920,"ark":11921,"âļª":11922,"holly":11923,"elf":11924,"ulti":11925,"pup":11926,"qualified":11927,"attendance":11928,"atively":11929,"destroy":11930,"yc":11931,"forth":11932,"photooftheday":11933,"cents":11934,"iceland":11935,"measures":11936,"desk":11937,"portfolio":11938,"articles":11939,"directors":11940,"datab":11941,"ew":11942,"creepy":11943,"ounding":11944,"honoured":11945,"mist":11946,"jit":11947,"mentioned":11948,"portable":11949,"itic":11950,"dann":11951,"fridayfeeling":11952,"amid":11953,"tiger":11954,"scrip":11955,"helicopter":11956,"hardware":11957,"explor":11958,"workplace":11959,"austria":11960,"beatles":11961,"bernar":11962,"spider":11963,"disco":11964,"cult":11965,"limits":11966,"shortly":11967,"final":11968,"ninja":11969,"luke":11970,"lebron":11971,"walmart":11972,"oil":11973,"vanilla":11974,"shire":11975,"yeg":11976,"aky":11977,"cs":11978,"bler":11979,"collected":11980,"tg":11981,"rolled":11982,"specials":11983,"bff":11984,"pierre":11985,"shim":11986,"vier":11987,"flashback":11988,"restoration":11989,"individuals":11990,"prod":11991,"freaking":11992,"turer":11993,"oa":11994,"refre":11995,"moroc":11996,"greet":11997,"reyn":11998,"careful":11999,"ouring":12000,"ush":12001,"isd":12002,"gill":12003,"view":12004,"thunderstorm":12005,"bled":12006,"picnic":12007,"guardi":12008,"pig":12009,"ark":12010,"sylvania":12011,"banned":12012,"ucl":12013,"vijay":12014,"orium":12015,"avengers":12016,"believes":12017,"eur":12018,"monument":12019,"concerned":12020,"labs":12021,"berg":12022,"aap":12023,"vish":12024,"singles":12025,"cancel":12026,"zel":12027,"arab":12028,"ruth":12029,"tooth":12030,"arta":12031,"shaf":12032,"chairs":12033,"rack":12034,"diseases":12035,"crowd":12036,"cly":12037,"flex":12038,"christma":12039,"artificial":12040,"tomat":12041,"fine":12042,"draws":12043,"advocate":12044,"france":12045,"ÙĬ":12046,"ðŁĺ³":12047,"heavy":12048,"sour":12049,"comprehen":12050,"noble":12051,"aap":12052,"hindu":12053,"coral":12054,"gars":12055,"owen":12056,"nl":12057,"stall":12058,"yellow":12059,"marina":12060,"inver":12061,"support":12062,"tough":12063,"promises":12064,"pie":12065,"masterpiece":12066,"score":12067,"force":12068,"mortg":12069,"cryptocurrency":12070,"ox":12071,"rors":12072,"rockin":12073,"provin":12074,"hog":12075,"nostal":12076,"oakland":12077,"patrick":12078,"inclusion":12079,"traffic":12080,"ahmed":12081,"aha":12082,"luxury":12083,"consecu":12084,"demon":12085,"âĸº":12086,"blowing":12087,"stag":12088,":\"":12089,"encourage":12090,"bene":12091,"skull":12092,"dodge":12093,"buster":12094,"kinson":12095,"witne":12096,"error":12097,"lowest":12098,"fellow":12099,"à°":12100,"shre":12101,"blur":12102,"virgin":12103,"composer":12104,"slip":12105,"mornings":12106,"gains":12107,"table":12108,"grain":12109,"arist":12110,"brazilian":12111,"wwe":12112,"tues":12113,"ribbon":12114,"anag":12115,"dist":12116,"sacrif":12117,"embrace":12118,"entrepreneur":12119,"affili":12120,"deo":12121,"tali":12122,"tourist":12123,"fatal":12124,"ìĬ":12125,"automatic":12126,"ðŁĩµ":12127,"weak":12128,"welfare":12129,"confirm":12130,"benjamin":12131,"fights":12132,"alleged":12133,"mead":12134,"struggling":12135,"prosecu":12136,"chef":12137,"è":12138,"proposal":12139,"ern":12140,"ðŁĺĦ":12141,"dyk":12142,"ongs":12143,"hong":12144,"mack":12145,"melon":12146,"onent":12147,"rush":12148,"dap":12149,"toler":12150,"propag":12151,"cze":12152,"translation":12153,"wallet":12154,"cottage":12155,"sail":12156,"constitution":12157,"ðŁĴĢ":12158,"munici":12159,"favor":12160,"stormhour":12161,"ih":12162,"ðŁĺĮ":12163,"approaching":12164,"pinned":12165,"jed":12166,"nigerian":12167,"nach":12168,"shat":12169,"particularly":12170,"mcdon":12171,"cameras":12172,"annie":12173,"administr":12174,"heat":12175,"electrical":12176,"charming":12177,"gibson":12178,"boutique":12179,"exposed":12180,"actor":12181,"pillow":12182,"beaches":12183,"genuine":12184,"margaret":12185,"bennett":12186,"louisi":12187,"positions":12188,"ely":12189,"shiny":12190,"tention":12191,"architect":12192,"rental":12193,"acqui":12194,"google":12195,"subway":12196,"moment":12197,"ðŁļ¨":12198,"rim":12199,"methods":12200,"cycli":12201,"norfolk":12202,"ÙĪ":12203,"overwhel":12204,"rapid":12205,"wear":12206,"happybirthday":12207,"progressive":12208,"ðŁĴ¥":12209,"cogn":12210,"papa":12211,"fool":12212,"philosophy":12213,"polar":12214,"jimmy":12215,"wig":12216,"ðŁĴĭ":12217,"operating":12218,"reduction":12219,"phi":12220,"flags":12221,"tothe":12222,"odi":12223,"ares":12224,"koo":12225,"kang":12226,"arkansas":12227,"ashton":12228,"wimbledon":12229,"scifi":12230,"attractive":12231,"mississippi":12232,"logists":12233,"ralph":12234,"label":12235,"graduates":12236,"maha":12237,"hometown":12238,"âľĮï¸ı":12239,"founded":12240,"onthe":12241,"liz":12242,"transl":12243,"minimum":12244,"presti":12245,"tam":12246,"generations":12247,"rebel":12248,"journalists":12249,"param":12250,"mcm":12251,"acrylic":12252,"deaths":12253,"tesla":12254,"wt":12255,"bryant":12256,"jerus":12257,"istanbul":12258,"muhammad":12259,"riley":12260,"kris":12261,"workshops":12262,"iso":12263,"counts":12264,"stret":12265,"protected":12266,"trinity":12267,"manual":12268,"rhin":12269,"ril":12270,"pleasant":12271,"lemon":12272,"nerd":12273,"harder":12274,"darren":12275,"bury":12276,"rah":12277,"basis":12278,"migu":12279,"occasion":12280,"lists":12281,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":12282,"eb":12283,"decre":12284,"hampton":12285,"ìĿ´":12286,"travis":12287,"transform":12288,"puerto":12289,"nhl":12290,"avoc":12291,"trips":12292,"unexpected":12293,"vet":12294,"didyou":12295,"barber":12296,"stages":12297,"mson":12298,"represented":12299,"fort":12300,"lal":12301,"pple":12302,"nicely":12303,"ignore":12304,"quil":12305,"quinn":12306,"hk":12307,"carrier":12308,"reminded":12309,"among":12310,"passenger":12311,"ellen":12312,"guez":12313,"scape":12314,"mural":12315,"youngest":12316,"mash":12317,"dill":12318,"routine":12319,"stainless":12320,"jackson":12321,"gandhi":12322,"thal":12323,"oners":12324,"editorial":12325,"conversations":12326,"sdale":12327,"automation":12328,"ike":12329,"าà¸":12330,"ðŁĩª":12331,"haul":12332,"laying":12333,"mentions":12334,"amen":12335,"abortion":12336,"ibi":12337,"counties":12338,"catherine":12339,"mands":12340,"jame":12341,"roller":12342,"aut":12343,"nam":12344,"ological":12345,"ception":12346,"ranking":12347,"toxic":12348,"snacks":12349,"victorian":12350,"bangkok":12351,"psychology":12352,"reg":12353,"angela":12354,"respond":12355,"style":12356,"sophie":12357,"dakota":12358,"achieved":12359,"marked":12360,"imperial":12361,"inas":12362,"gloves":12363,"slim":12364,"confident":12365,"attacked":12366,"gger":12367,"lonely":12368,"valentinesday":12369,"reb":12370,"craftbeer":12371,"origin":12372,"zimbab":12373,"ceiling":12374,"teens":12375,"otherwise":12376,"wb":12377,"fers":12378,"daysof":12379,"advisor":12380,"yah":12381,"âĻª":12382,"ender":12383,"republicans":12384,"ava":12385,"skirt":12386,"pipel":12387,"chie":12388,"jane":12389,"jax":12390,"ðŁĺĭ":12391,"âľĬ":12392,"jays":12393,"brett":12394,"balo":12395,"crucial":12396,"dhar":12397,"asis":12398,"deau":12399,"lloyd":12400,"chatting":12401,"âĿĦï¸ı":12402,"relay":12403,"remarkable":12404,"ns":12405,"wet":12406,"brisbane":12407,"ðŁĶ´":12408,"tionally":12409,"fk":12410,"layer":12411,"household":12412,"consecutive":12413,"esis":12414,"pendant":12415,"stir":12416,"critic":12417,"sugar":12418,"photoshop":12419,"pares":12420,"artistic":12421,"dodgers":12422,"cun":12423,"crafted":12424,"amend":12425,"boat":12426,"âŃIJï¸ı":12427,"egyptian":12428,"saw":12429,"trage":12430,"smaller":12431,"oxy":12432,"paired":12433,"next":12434,"ires":12435,"taco":12436,"oy":12437,"uc":12438,"sti":12439,"aerial":12440,"://":12441,"dro":12442,"dotcom":12443,"ggins":12444,"rpg":12445,"aye":12446,"lean":12447,"striker":12448,"lobby":12449,"protests":12450,"priority":12451,"congress":12452,"amate":12453,"invit":12454,"rington":12455,"mommy":12456,"thus":12457,"allowing":12458,"pioneer":12459,"enforcement":12460,"gori":12461,"talk":12462,"drag":12463,"dumb":12464,"bullet":12465,"sange":12466,"ery":12467,"targets":12468,"ðŁĩ¦":12469,"heather":12470,"consider":12471,"seafood":12472,"vest":12473,"risks":12474,"%.":12475,"pg":12476,"sacred":12477,"heating":12478,"kicked":12479,"ttot":12480,".-":12481,"chandi":12482,"coven":12483,"pool":12484,"pulse":12485,"ia":12486,"roster":12487,"shakespeare":12488,"esa":12489,"cargo":12490,"peanut":12491,"troop":12492,"action":12493,"tablet":12494,"homework":12495,"castle":12496,"struction":12497,"musicians":12498,"freezing":12499,"butt":12500,"justinbieber":12501,"jj":12502,"bahrain":12503,"anthem":12504,"audit":12505,"didyouknow":12506,"navig":12507,"guidance":12508,"âĸ¶":12509,"turf":12510,"nun":12511,"fications":12512,"yemen":12513,"charging":12514,"xc":12515,"broncos":12516,"subur":12517,"pale":12518,"boring":12519,"amongst":12520,"forthe":12521,"emper":12522,"omfg":12523,"pj":12524,"expecting":12525,"ðŁĴ«":12526,"stl":12527,"admin":12528,"expectations":12529,"swan":12530,"shoot":12531,"ooooo":12532,"minent":12533,"ãĢIJ":12534,"wallace":12535,"stang":12536,"saturday":12537,"adopted":12538,"doubles":12539,"homie":12540,"omez":12541,"dhan":12542,"venture":12543,"surrounding":12544,"file":12545,"mobility":12546,"dees":12547,"wski":12548,"brooke":12549,"embro":12550,"remembers":12551,"kara":12552,"testim":12553,"botan":12554,"mtv":12555,"sacrifice":12556,"jerusalem":12557,"dl":12558,"´":12559,"properly":12560,"ilion":12561,"asi":12562,"legit":12563,"cope":12564,"mcla":12565,"recycling":12566,"larger":12567,"ðŁĴĵ":12568,"patric":12569,"generous":12570,"jared":12571,"pf":12572,"molly":12573,"thomas":12574,"judges":12575,"hb":12576,"sorts":12577,"blvd":12578,"oven":12579,"entering":12580,"planes":12581,"beet":12582,"integration":12583,"booked":12584,"freed":12585,"vern":12586,"ashes":12587,"topped":12588,"depot":12589,"welcomed":12590,"rena":12591,"mick":12592,"dand":12593,"seeks":12594,"gamer":12595,"rankings":12596,"rene":12597,"mut":12598,"whisky":12599,"firefighters":12600,"gues":12601,"gather":12602,"tourney":12603,"demen":12604,"yang":12605,"newton":12606,"automotive":12607,"backyard":12608,"detailed":12609,"mist":12610,"tobac":12611,"fiber":12612,"unusual":12613,"gratitude":12614,"spare":12615,"neys":12616,":*":12617,"peri":12618,"floating":12619,"finalist":12620,"donating":12621,"dress":12622,"broad":12623,"bethe":12624,"economics":12625,"taiwan":12626,"edwards":12627,"plug":12628,"prairi":12629,"valen":12630,"baba":12631,"fad":12632,"anas":12633,"harper":12634,"disorder":12635,"applied":12636,"patt":12637,"bikin":12638,"liver":12639,"curi":12640,"caroline":12641,"anner":12642,"julian":12643,"walking":12644,"malcol":12645,"screenshot":12646,"coding":12647,"skincare":12648,"activists":12649,"mysterious":12650,"exact":12651,"blocking":12652,"mercury":12653,"batter":12654,"dump":12655,"âľĮ":12656,"ense":12657,"lish":12658,"ridiculous":12659,"protesters":12660,"ðŁĻĪ":12661,"lust":12662,"sweat":12663,"ass":12664,"alike":12665,"cody":12666,"rements":12667,"winds":12668,"aspir":12669,"vienna":12670,"pray":12671,"...@":12672,"boi":12673,"candle":12674,"assists":12675,"tee":12676,"derson":12677,"pony":12678,"fence":12679,"conspir":12680,"âĺħâĺħ":12681,"ooth":12682,"epic":12683,"barely":12684,"aunt":12685,"bam":12686,"diamonds":12687,"endless":12688,"screens":12689,"cancer":12690,"gro":12691,"pst":12692,"prospec":12693,"mosque":12694,"helpful":12695,"ouri":12696,"brother":12697,"gujar":12698,"cristi":12699,"inez":12700,"towers":12701,"addresses":12702,"gray":12703,"burton":12704,"retweeted":12705,"ð٤Ķ":12706,"nity":12707,"duck":12708,"supervis":12709,"joan":12710,"kinder":12711,"sanctu":12712,"pied":12713,"âı°":12714,"łï¸ı":12715,"mati":12716,"revenge":12717,"cester":12718,"elife":12719,"designers":12720,"backed":12721,"boli":12722,"weight":12723,"couch":12724,"sures":12725,"sits":12726,"shrimp":12727,"lagos":12728,"authorities":12729,"osity":12730,"holly":12731,"computing":12732,"factors":12733,"abe":12734,"panels":12735,"ramad":12736,"sentence":12737,"mission":12738,"holm":12739,"rb":12740,"dads":12741,"shanghai":12742,"money":12743,"sheets":12744,"skate":12745,"threw":12746,"cupcakes":12747,"infinite":12748,"lis":12749,"practicing":12750,"essay":12751,"kai":12752,"asci":12753,"mob":12754,"ugh":12755,"holmes":12756,"regg":12757,"ikh":12758,"mock":12759,"collections":12760,"pep":12761,"ova":12762,"salt":12763,"nandez":12764,"coy":12765,"threats":12766,"texts":12767,"cinnam":12768,"pregnancy":12769,"pending":12770,"stamp":12771,"flower":12772,"gis":12773,"agreed":12774,"payne":12775,"rover":12776,"phra":12777,"soft":12778,"ffin":12779,"fathers":12780,"passengers":12781,"aways":12782,"ala":12783,"hes":12784,"livan":12785,"ins":12786,"samuel":12787,"ingui":12788,"hof":12789,"jj":12790,"chennai":12791,"catal":12792,"omic":12793,"heath":12794,"niece":12795,"pumped":12796,"integrated":12797,"arel":12798,"nom":12799,"productivity":12800,"wanting":12801,"visa":12802,"diana":12803,"twil":12804,"itv":12805,"camps":12806,"rowing":12807,"dley":12808,"blackand":12809,"guards":12810,"bells":12811,"reverse":12812,"vibe":12813,"ricky":12814,"moss":12815,"nyt":12816,"âĺĢï¸ı":12817,"elle":12818,"troy":12819,"cudd":12820,"evan":12821,"womens":12822,"foto":12823,"mistakes":12824,"wicked":12825,"mil":12826,"cled":12827,"memes":12828,"cosmo":12829,"scholar":12830,"reno":12831,"ðŁĺĢ":12832,"vents":12833,"#â̦":12834,"terrorists":12835,"casey":12836,"cardinals":12837,"ðŁĺĬðŁĺĬ":12838,"venezuela":12839,"bola":12840,"literacy":12841,"tw":12842,"eno":12843,"contains":12844,"austin":12845,"financi":12846,"evan":12847,"harvard":12848,"originally":12849,"chevro":12850,"herald":12851,"nottingham":12852,"managers":12853,"âŀ¡":12854,"accepting":12855,"walsh":12856,"tutorial":12857,"entrepreneurship":12858,"yacht":12859,"requirements":12860,"glenn":12861,"pede":12862,"unfortunately":12863,"aching":12864,"daisy":12865,"gian":12866,"nightmare":12867,"âĿĹ":12868,"rina":12869,"bart":12870,"emails":12871,"opposite":12872,"whom":12873,"sake":12874,"puzzle":12875,"dashi":12876,"party":12877,"blanket":12878,"buses":12879,"lore":12880,"beauty":12881,"reason":12882,"punjab":12883,"windsor":12884,"functional":12885,"existing":12886,"hello":12887,"glimp":12888,"convin":12889,"lak":12890,"screaming":12891,"rebecca":12892,"bliss":12893,"northwest":12894,"infinity":12895,"cosmetics":12896,"pulling":12897,"coffee":12898,"pling":12899,"opho":12900,"colombia":12901,"interiordesign":12902,"(+":12903,"emotions":12904,"sac":12905,"sunglasses":12906,"saves":12907,"df":12908,"sixth":12909,"aly":12910,"ðŁĺ»":12911,"deen":12912,"devast":12913,"politicians":12914,"lacrosse":12915,"gu":12916,"pei":12917,"java":12918,"combine":12919,"coalition":12920,"erts":12921,"surviv":12922,"chad":12923,"strian":12924,"nn":12925,"devi":12926,"counc":12927,"concern":12928,"controller":12929,"breast":12930,"jury":12931,"tum":12932,"introduces":12933,"ladi":12934,"mobile":12935,"alz":12936,"steady":12937,"nurses":12938,"hacking":12939,"online":12940,"ocean":12941,"ðŁİĦ":12942,"aam":12943,"juven":12944,"icc":12945,"louisiana":12946,"arte":12947,"streetart":12948,"ison":12949,"wns":12950,"frm":12951,"panda":12952,"noir":12953,"maintain":12954,"delay":12955,"symptoms":12956,"thorn":12957,"geome":12958,"tern":12959,"carried":12960,"pru":12961,"panor":12962,"assy":12963,"peru":12964,"cloud":12965,"spra":12966,"pedi":12967,"este":12968,"tagged":12969,"ðŁĺĿ":12970,"shadows":12971,"nazi":12972,"اÙĦ":12973,"corri":12974,"âĻ¥âĻ¥":12975,"jad":12976,"ðŁĩ«":12977,"formal":12978,"spoken":12979,"ðŁĮŀ":12980,"enjoy":12981,"lopez":12982,"outlook":12983,"inho":12984,"wander":12985,"Ùħ":12986,"maya":12987,"pee":12988,"dine":12989,"ãĢij":12990,"briefing":12991,"supporter":12992,"arily":12993,"ghters":12994,"naturally":12995,"doctorwho":12996,"jen":12997,"var":12998,"newyear":12999,"rese":13000,"simm":13001,"rex":13002,"consequ":13003,"tomatoes":13004,"burst":13005,"bravo":13006,"burgers":13007,"cracking":13008,"northeast":13009,"biom":13010,"mushroom":13011,"marque":13012,"double":13013,"nier":13014,"vag":13015,"twenty":13016,"keyboard":13017,"winni":13018,"jamaica":13019,"parish":13020,":-":13021,"mentalhealth":13022,"alizing":13023,"render":13024,"waking":13025,"ðŁİĤ":13026,"gly":13027,"nathan":13028,"washing":13029,"melissa":13030,"jung":13031,"loyal":13032,"chili":13033,"songwriter":13034,"guitarist":13035,"bowie":13036,"neighbors":13037,"onymous":13038,"asset":13039,"tai":13040,"headquarters":13041,"ðŁĮĪ":13042,"ihear":13043,"cigare":13044,"surg":13045,")\"":13046,"repl":13047,"darling":13048,"ðŁĻĦ":13049,"zak":13050,"sare":13051,"ãħĭ":13052,"mickey":13053,"warehouse":13054,"massage":13055,"inees":13056,"didnt":13057,"iw":13058,"hurts":13059,"engaging":13060,"magic":13061,"womenin":13062,"kitten":13063,"mors":13064,"cart":13065,"titans":13066,"colleague":13067,"competing":13068,"eran":13069,"khal":13070,"marble":13071,"demand":13072,"delight":13073,"etary":13074,"blizz":13075,"louise":13076,"mls":13077,"finishes":13078,"experiment":13079,"conducted":13080,"electronics":13081,"itters":13082,"caring":13083,"whats":13084,"symbol":13085,"jung":13086,"ecu":13087,"pix":13088,"context":13089,"charger":13090,"ðŁĺĩ":13091,"reig":13092,"frag":13093,"ëĭ":13094,"chad":13095,"true":13096,"kerry":13097,"defending":13098,"aint":13099,"auton":13100,"checkout":13101,"barnes":13102,"lessly":13103,"dt":13104,"mme":13105,"cloudy":13106,"secondary":13107,"arez":13108,"_:":13109,"appa":13110,"constant":13111,"\")":13112,"vets":13113,"job":13114,"ient":13115,"ðŁĺŃðŁĺŃðŁĺŃ":13116,"mj":13117,"french":13118,"diver":13119,"davies":13120,"hhhh":13121,"ebook":13122,"à¹ī":13123,"mariti":13124,"breeze":13125,"suspended":13126,"mato":13127,"viet":13128,"rahu":13129,"sei":13130,"bolt":13131,"enary":13132,"leis":13133,"karl":13134,"framed":13135,"explaining":13136,"abc":13137,"dealing":13138,"nato":13139,"jake":13140,"expand":13141,"leonard":13142,"established":13143,"dub":13144,"armen":13145,"elled":13146,"vocal":13147,"nicholas":13148,"orient":13149,"kyo":13150,"illustrated":13151,"ahh":13152,"dancers":13153,"million":13154,"geta":13155,"popp":13156,"asu":13157,"murdered":13158,"gible":13159,"stoked":13160,"griffin":13161,"maximum":13162,"adrian":13163,"encounter":13164,"thero":13165,"davidson":13166,"ðŁį»":13167,"holiday":13168,"evo":13169,"assets":13170,"carson":13171,"memorable":13172,"âļ½":13173,"obam":13174,"representative":13175,"cbd":13176,"tricks":13177,"vogue":13178,"voice":13179,"mmmm":13180,"sebastian":13181,"clif":13182,"athy":13183,"paralle":13184,"ðŁ¤·":13185,"pak":13186,"evacu":13187,"eats":13188,"اØ":13189,"touched":13190,"organised":13191,"spirits":13192,"canad":13193,"guided":13194,"framework":13195,"ðŁĮŁ":13196,"ped":13197,"natural":13198,"agar":13199,"replaced":13200,"anchor":13201,"tit":13202,"shah":13203,"organis":13204,"superior":13205,"rn":13206,"chro":13207,"erica":13208,"still":13209,"coron":13210,"chuck":13211,"locks":13212,"organ":13213,"rosen":13214,"scam":13215,"bened":13216,"/#":13217,"keen":13218,"trevor":13219,"vampire":13220,"sorted":13221,"!'":13222,"afford":13223,"intro":13224,"grace":13225,"ðŁĺľ":13226,"saur":13227,"kickstarter":13228,"influen":13229,"vu":13230,"yup":13231,"poc":13232,"ðŁİ¥":13233,"aar":13234,"sang":13235,"trek":13236,"etsy":13237,"tbh":13238,"scream":13239,"chevrolet":13240,"pixel":13241,"shepherd":13242,"anor":13243,"gabriel":13244,"twood":13245,"sdcc":13246,"meters":13247,"developers":13248,"closure":13249,"vw":13250,"twitch":13251,"ìĹ":13252,"seoul":13253,"price":13254,"hog":13255,"nish":13256,"hillary":13257,"scratch":13258,"incen":13259,"wagon":13260,"disability":13261,"panther":13262,"chats":13263,"gd":13264,"witz":13265,"sussex":13266,"late":13267,"denmark":13268,"gerald":13269,"cancelled":13270,"nette":13271,"ix":13272,"naval":13273,"baptist":13274,"tet":13275,"yad":13276,"math":13277,"hoy":13278,"randy":13279,"point":13280,"intellec":13281,"fruits":13282,"wool":13283,"guin":13284,"pron":13285,"theft":13286,"condem":13287,"marry":13288,"nola":13289,"architects":13290,"cincin":13291,"rockets":13292,"gentleman":13293,"explan":13294,"tate":13295,"doe":13296,"raises":13297,"wildlife":13298,"wl":13299,"insider":13300,"blanc":13301,"wp":13302,"forsale":13303,"nyc":13304,"powell":13305,"unbelievable":13306,"pens":13307,"goodies":13308,"mustang":13309,"pens":13310,"stays":13311,"squash":13312,"xoxo":13313,"nearby":13314,"everton":13315,"coco":13316,"leagu":13317,"khan":13318,"stud":13319,"southwest":13320,"construc":13321,"sworth":13322,"croatia":13323,"lea":13324,"sums":13325,"aims":13326,"ean":13327,"vaness":13328,"itious":13329,"pathy":13330,"arcade":13331,"bend":13332,"suggests":13333,"sacram":13334,"royals":13335,"rier":13336,"emir":13337,"incl":13338,"ank":13339,"clark":13340,"right":13341,"vacc":13342,"ा":13343,"tane":13344,"lib":13345,"usc":13346,"sales":13347,"huh":13348,"sally":13349,"vera":13350,"pga":13351,"grows":13352,"drum":13353,"tree":13354,"ethics":13355,"suggest":13356,"isab":13357,"sealed":13358,"previously":13359,"animated":13360,"abdu":13361,"rises":13362,"glob":13363,"predat":13364,"scarf":13365,"delic":13366,"omar":13367,"lli":13368,"sxsw":13369,"python":13370,"nebra":13371,"funk":13372,"reflect":13373,"pavilion":13374,"tically":13375,"chasing":13376,"bakery":13377,"invasion":13378,"koh":13379,"believed":13380,"cohen":13381,"conqu":13382,"crafts":13383,"nati":13384,"clever":13385,"governance":13386,"samples":13387,"fails":13388,"âĶ":13389,"timo":13390,"ritu":13391,"striking":13392,"inclusive":13393,"shocking":13394,"cant":13395,"requires":13396,"drawings":13397,"à¸Ń":13398,"purchased":13399,"dum":13400,"zach":13401,"warner":13402,"console":13403,"mansion":13404,"fountain":13405,"circum":13406,"esh":13407,"island":13408,"milk":13409,"profits":13410,"halifax":13411,"rival":13412,"âľĪï¸ı":13413,"jenny":13414,"sandra":13415,"nye":13416,"kelly":13417,"yal":13418,"quad":13419,"nos":13420,"instein":13421,"finalists":13422,"midfielder":13423,"cue":13424,"exceptional":13425,"aan":13426,"sapp":13427,"gettin":13428,"saa":13429,"fati":13430,"slice":13431,"volk":13432,"swal":13433,"lasting":13434,"summary":13435,"itas":13436,"smo":13437,"sz":13438,"âĺĨ":13439,"ipl":13440,"flames":13441,"enews":13442,"hav":13443,"hoodie":13444,"pitcher":13445,"windy":13446,"revol":13447,"central":13448,"tonite":13449,"ðŁİīðŁİī":13450,"solved":13451,"milwau":13452,"organizations":13453,"weets":13454,"refin":13455,"sth":13456,"ãĥ¼":13457,"elin":13458,"tona":13459,"cinnamon":13460,"ðŁİ¨":13461,"ðŁİģ":13462,"ronaldo":13463,"peninsu":13464,"omega":13465,"elds":13466,"designing":13467,"eigh":13468,"bluet":13469,"benz":13470,"nug":13471,"asha":13472,"robots":13473,"sudan":13474,"choosing":13475,"endo":13476,"serge":13477,"closely":13478,"handy":13479,"finger":13480,"being":13481,"arte":13482,"survived":13483,"flame":13484,"milestone":13485,"gut":13486,"dwar":13487,"futures":13488,"ée":13489,"elo":13490,"fridge":13491,"elic":13492,"ouch":13493,"ub":13494,"pv":13495,"titan":13496,"collar":13497,"station":13498,"nevada":13499,"aurora":13500,"rd":13501,"duncan":13502,"âģł":13503,"brien":13504,"marsh":13505,"о":13506,"total":13507,"chry":13508,"sers":13509,"suffe":13510,"rachel":13511,"college":13512,"todays":13513,"courts":13514,"chit":13515,"reunited":13516,"gymna":13517,"genesis":13518,"beside":13519,"representation":13520,"chant":13521,"collector":13522,"rak":13523,"athens":13524,"nigh":13525,"munich":13526,"languages":13527,"flu":13528,"participation":13529,"___":13530,"cv":13531,"spectrum":13532,"soda":13533,"cover":13534,"referen":13535,"abbo":13536,"apa":13537,"publication":13538,"edm":13539,"monica":13540,"army":13541,"ðŁļĢ":13542,"divor":13543,"dry":13544,"streams":13545,"robotics":13546,"cider":13547,"bullying":13548,"approval":13549,"stoke":13550,"platforms":13551,"sierra":13552,"extin":13553,"ib":13554,"hayes":13555,"succeed":13556,"suffer":13557,"atically":13558,"dai":13559,"lynch":13560,"hound":13561,"delines":13562,"acknow":13563,"dated":13564,"exclusively":13565,"heres":13566,"facilit":13567,"damaged":13568,"charter":13569,"lakers":13570,"falcon":13571,"unveiled":13572,"welove":13573,"ease":13574,"patience":13575,"lone":13576,"gentle":13577,"genetic":13578,"producing":13579,"gour":13580,"shannon":13581,"bilities":13582,"zimbabwe":13583,"pint":13584,"daughters":13585,"literary":13586,"belle":13587,"clam":13588,"surrounded":13589,"kany":13590,"neil":13591,"pirate":13592,"ranger":13593,"hbd":13594,"natalie":13595,"belong":13596,"olympi":13597,"embassy":13598,"scol":13599,"ener":13600,"akin":13601,"loren":13602,"bh":13603,":/":13604,"diva":13605,"denim":13606,"hipp":13607,"ðŁĩµðŁĩ":13608,"arnold":13609,"?'":13610,"weren":13611,"empower":13612,"disabled":13613,"manor":13614,"raspberry":13615,"baf":13616,"awful":13617,"drummer":13618,"kardashi":13619,"nash":13620,"machinelearning":13621,"chu":13622,"rebels":13623,"timing":13624,"monroe":13625,"tongue":13626,"range":13627,"pupils":13628,"ress":13629,"amazon":13630,"bz":13631,"harley":13632,"palmer":13633,"balloon":13634,"sings":13635,"icec":13636,"jb":13637,"cers":13638,"gps":13639,"whist":13640,"rise":13641,"lt":13642,"oooo":13643,"cattle":13644,"shooter":13645,"vodka":13646,"ucl":13647,"mtg":13648,"lesli":13649,"jonas":13650,"dispo":13651,"atric":13652,"stein":13653,"vintage":13654,"firms":13655,"floyd":13656,"cowboy":13657,"soooo":13658,"isaac":13659,"warcraft":13660,"disneyland":13661,"beautiful":13662,"beam":13663,"franchise":13664,"bun":13665,"kag":13666,"anon":13667,"turbo":13668,"sweep":13669,"madein":13670,"karachi":13671,"detective":13672,"pennsylvania":13673,"controversi":13674,"vitamin":13675,"aside":13676,"chronic":13677,"describes":13678,"removal":13679,"hah":13680,"aper":13681,"tened":13682,"uto":13683,"badly":13684,"mirac":13685,"fry":13686,"yea":13687,"injec":13688,"thermal":13689,"compact":13690,"thor":13691,"teed":13692,"urgent":13693,"lite":13694,"gilli":13695,"sophom":13696,"ico":13697,"chem":13698,"pm":13699,"fork":13700,"freak":13701,"chak":13702,"recipient":13703,"iy":13704,"nik":13705,"modeling":13706,"cans":13707,"ðŁıĢ":13708,"delux":13709,"seam":13710,"survivors":13711,"radical":13712,"investigating":13713,"reliable":13714,"fm":13715,"turt":13716,"lighthouse":13717,"tool":13718,"gown":13719,"))":13720,"bots":13721,"autograph":13722,"aid":13723,"buffe":13724,"hmm":13725,"horrible":13726,"ssional":13727,"anni":13728,"à¹Ģ":13729,"kits":13730,"schi":13731,"eternal":13732,"huss":13733,"sensitive":13734,"ru":13735,"tastes":13736,"checks":13737,"imo":13738,"portion":13739,"skate":13740,"eden":13741,"halftime":13742,"fried":13743,"rihanna":13744,"tise":13745,"flick":13746,"cain":13747,"sgt":13748,"âľĶ":13749,"shau":13750,"stained":13751,"raffle":13752,"drove":13753,"salman":13754,"principles":13755,"sho":13756,"aru":13757,"jess":13758,"guine":13759,"garbage":13760,"myan":13761,"jelly":13762,"disru":13763,"zia":13764,"qld":13765,"entries":13766,"lav":13767,"flew":13768,"admit":13769,"objects":13770,"compare":13771,"nytimes":13772,"cannes":13773,"pn":13774,"suffol":13775,"roc":13776,"dana":13777,"egg":13778,"hist":13779,"counsel":13780,"'!":13781,"physi":13782,"imagination":13783,"adjust":13784,"explosion":13785,"plymouth":13786,"horror":13787,"elliott":13788,"bourne":13789,"dex":13790,"breed":13791,"audio":13792,"lobster":13793,"disappointed":13794,"nationwide":13795,"((":13796,"increases":13797,"australi":13798,"cedar":13799,"staring":13800,"racial":13801,"eis":13802,"gmt":13803,"visions":13804,"stayed":13805,"discussions":13806,"dean":13807,"curtis":13808,"maiden":13809,"stellar":13810,"happiest":13811,"hwy":13812,"preseason":13813,"carav":13814,"mondays":13815,"hospitals":13816,"glimpse":13817,"scholars":13818,"jai":13819,"terrace":13820,"anna":13821,"goose":13822,"graded":13823,"lotus":13824,"hung":13825,"grocery":13826,"stamps":13827,"emperor":13828,"scoop":13829,"inser":13830,"cas":13831,"existence":13832,"heal":13833,"falcons":13834,"marvel":13835,"reducing":13836,"terrific":13837,"magnetic":13838,"performs":13839,"barre":13840,"pus":13841,"treating":13842,"icon":13843,"wh":13844,"declared":13845,"trauma":13846,"dod":13847,"comedian":13848,"nikon":13849,"bugs":13850,"asm":13851,"montgom":13852,"ibiza":13853,"comprehensive":13854,"has":13855,"santi":13856,"fellowship":13857,"dash":13858,"psal":13859,"louisville":13860,"spy":13861,"fault":13862,"dthe":13863,"filed":13864,"vista":13865,"desc":13866,"fears":13867,"youtu":13868,"sps":13869,"esp":13870,"rig":13871,"crime":13872,"berger":13873,"wonderland":13874,"kent":13875,"informed":13876,"stevens":13877,"myth":13878,"aston":13879,"iri":13880,"visitor":13881,"atri":13882,"producers":13883,"alla":13884,"personally":13885,"separate":13886,"agencies":13887,"afri":13888,"ilan":13889,"spoke":13890,"nina":13891,"squad":13892,"dives":13893,"depend":13894,"liv":13895,"fierce":13896,"entertaining":13897,"chain":13898,"scat":13899,"borders":13900,"palette":13901,"spro":13902,"osis":13903,"derby":13904,"tobacco":13905,"zio":13906,"willie":13907,"juvent":13908,"zoom":13909,"holy":13910,"entirely":13911,"afe":13912,"martinez":13913,"beds":13914,"pea":13915,"bulldogs":13916,"ðŁĩªðŁĩ":13917,"ibm":13918,"neon":13919,"ethiopia":13920,"teammates":13921,"planting":13922,"twer":13923,"anytime":13924,"forbes":13925,"ón":13926,"runway":13927,"nervous":13928,"roger":13929,"pile":13930,"chanc":13931,"apocaly":13932,"uw":13933,"oi":13934,"drought":13935,"territory":13936,"brick":13937,"creatures":13938,"goin":13939,"waff":13940,"gren":13941,"southeast":13942,"jean":13943,"ambul":13944,"edited":13945,"strap":13946,"cv":13947,"aaron":13948,"ãĥ»ãĥ»":13949,"tsu":13950,"description":13951,"kindly":13952,"clutch":13953,"immer":13954,"enor":13955,"womensday":13956,"orange":13957,"rag":13958,"obvious":13959,"hyder":13960,"channels":13961,"mango":13962,"meyer":13963,"raining":13964,"getty":13965,"pilgri":13966,"coordinator":13967,"upload":13968,"nintendo":13969,"donuts":13970,"sanchez":13971,"apparel":13972,"jr":13973,"zzi":13974,",@":13975,"jefferson":13976,"accessible":13977,"greatly":13978,"eid":13979,"initial":13980,"buddha":13981,"paris":13982,"mascot":13983,"â¬ĩï¸ı":13984,"schwar":13985,"siri":13986,"spinning":13987,"mortgage":13988,"echo":13989,"endange":13990,"gedly":13991,"chloe":13992,"enhance":13993,"karnat":13994,"kry":13995,"explores":13996,"ðŁĴģ":13997,"affair":13998,"icals":13999,"alla":14000,"dart":14001,"dolphins":14002,"differences":14003,"squirrel":14004,"augh":14005,"drones":14006,"ellen":14007,"restore":14008,"paw":14009,"unfor":14010,"pike":14011,"hilton":14012,"collab":14013,"consumers":14014,"coinci":14015,"outcomes":14016,"ppp":14017,"aq":14018,"coupon":14019,"liest":14020,"sims":14021,"kho":14022,"aves":14023,"spoon":14024,"pudding":14025,"corbyn":14026,"haters":14027,"exams":14028,"slave":14029,".!":14030,"psa":14031,"apples":14032,"tamil":14033,"sed":14034,"coke":14035,"zzo":14036,"losange":14037,"carbon":14038,"clair":14039,"...)":14040,"khu":14041,"craig":14042,"exploration":14043,"sanctuary":14044,"sue":14045,"alway":14046,"dementia":14047,"wonders":14048,"superhero":14049,"pakistani":14050,"browns":14051,"bluetooth":14052,"locker":14053,"marc":14054,"eventu":14055,"deluxe":14056,"rodriguez":14057,"âĿ¤âĿ¤":14058,"robb":14059,"ðŁĴ¦":14060,"linux":14061,"tens":14062,"intelligent":14063,"seed":14064,"voter":14065,"sler":14066,"peaks":14067,"intern":14068,"teenage":14069,"peninsula":14070,"handling":14071,"tie":14072,"cousins":14073,"wendy":14074,"mee":14075,"à¹Ģà¸":14076,"dino":14077,"ðŁĴ°":14078,"ðŁĺĥ":14079,"zee":14080,"sbury":14081,"tragedy":14082,"bk":14083,"bore":14084,"zin":14085,"warns":14086,"idiot":14087,"touching":14088,"continental":14089,"tacos":14090,"safari":14091,"washed":14092,"podium":14093,"morrison":14094,"forests":14095,"cbc":14096,"alon":14097,"particular":14098,"beads":14099,"invented":14100,"loch":14101,"lighter":14102,"wherever":14103,"ide":14104,"documents":14105,"awe":14106,"kr":14107,"nowhere":14108,"miner":14109,"stit":14110,"rox":14111,"contribute":14112,"hardy":14113,"clan":14114,"object":14115,"cait":14116,"ðŁĴķðŁĴķ":14117,"happier":14118,"vegetables":14119,"tart":14120,"gag":14121,"nominee":14122,"heavily":14123,"panic":14124,"jd":14125,"theresa":14126,"atm":14127,"uph":14128,"sfc":14129,"suri":14130,"drink":14131,"nal":14132,"revel":14133,"kl":14134,"avocado":14135,"nomination":14136,"madonna":14137,"sharon":14138,"malcolm":14139,"controlled":14140,"shers":14141,"revival":14142,"legislation":14143,"shoots":14144,"nin":14145,"commentary":14146,"pros":14147,"humanrights":14148,"stranger":14149,"mitch":14150,"pipeline":14151,"legally":14152,"thu":14153,"gilbert":14154,"toll":14155,"granted":14156,"ghs":14157,"iranian":14158,"refreshing":14159,"duk":14160,"abi":14161,"prime":14162,"joseph":14163,"mosa":14164,"statistics":14165,"productions":14166,"merry":14167,"patel":14168,"sax":14169,"humanitarian":14170,"structures":14171,"emissions":14172,"towns":14173,"freel":14174,"stering":14175,"ratings":14176,"allegedly":14177,"cabin":14178,"stl":14179,"wade":14180,"flyers":14181,"trim":14182,"promising":14183,"zu":14184,"ballot":14185,"comparison":14186,"freeze":14187,"outer":14188,"greatness":14189,"assign":14190,"snowy":14191,"rale":14192,"tories":14193,"mediter":14194,"knock":14195,"consultant":14196,"cincinnati":14197,"analyst":14198,"scoo":14199,"jews":14200,"approxim":14201,"pure":14202,"portraits":14203,"cyrus":14204,"ational":14205,"loans":14206,"acquis":14207,"elu":14208,"acceptable":14209,"union":14210,"watercolor":14211,"rust":14212,"battles":14213,"perfu":14214,"seasonal":14215,"serial":14216,"mindset":14217,"riot":14218,"feld":14219,"ennial":14220,"closet":14221,"priest":14222,"tanks":14223,"intl":14224,"screw":14225,"bum":14226,"abdul":14227,"oux":14228,"explained":14229,"rica":14230,"imaging":14231,"lawyers":14232,"buried":14233,"ãĥ»ãĥ»ãĥ»":14234,"earl":14235,"âĢķ":14236,"lton":14237,"restored":14238,"stripes":14239,"foss":14240,"demands":14241,"stealing":14242,"alexis":14243,"mund":14244,"aker":14245,"urus":14246,"wardro":14247,"hugs":14248,"genre":14249,"ego":14250,"ÙĦ":14251,"participated":14252,"babes":14253,"banquet":14254,"tious":14255,"hemi":14256,"dsb":14257,"lost":14258,"milwaukee":14259,"jenner":14260,"gem":14261,"outra":14262,"loses":14263,"idi":14264,"reps":14265,"ðŁİ§":14266,"regulation":14267,"flaw":14268,"fang":14269,"vibrant":14270,"ramp":14271,"rains":14272,"wellbeing":14273,"soviet":14274,"viewers":14275,"depo":14276,"libraries":14277,"bigo":14278,"sery":14279,"gill":14280,"destruction":14281,"coz":14282,"cx":14283,"bridal":14284,"alds":14285,"planted":14286,"amateur":14287,"lud":14288,"cheering":14289,"showcas":14290,"profile":14291,"iu":14292,"vertical":14293,"packers":14294,"wizard":14295,"skip":14296,"slight":14297,"beau":14298,"airways":14299,"much":14300,"rera":14301,"ðŁĮĬ":14302,"absor":14303,"patio":14304,"packages":14305,"sells":14306,"mentally":14307,"ðŁĺ¢":14308,"reynolds":14309,"kare":14310,"tribun":14311,"walt":14312,"knit":14313,"taste":14314,"surrey":14315,"bounce":14316,"creature":14317,"bare":14318,"betting":14319,"sure":14320,"miley":14321,"laughs":14322,"alore":14323,"cyn":14324,"tl":14325,"artist":14326,"annah":14327,"warmer":14328,"dynamics":14329,"lunchtime":14330,"maritime":14331,"vulnerable":14332,"ðŁĴĥ":14333,"wolver":14334,"durham":14335,"constantly":14336,"amin":14337,"sibl":14338,":@":14339,"bullet":14340,"kach":14341,"angelo":14342,"wilder":14343,"doom":14344,"desktop":14345,"lawsuit":14346,"kca":14347,"henderson":14348,"inviting":14349,"betty":14350,"tawards":14351,"rafa":14352,"leaked":14353,"andi":14354,"gems":14355,"afl":14356,"velo":14357,"mediterran":14358,"probe":14359,"totten":14360,"stephanie":14361,"snation":14362,"combe":14363,"qs":14364,"overcome":14365,"assassin":14366,"rav":14367,"filip":14368,"winnipeg":14369,"shil":14370,"determined":14371,"kas":14372,"outre":14373,"regret":14374,"guides":14375,"aaa":14376,"ðŁĺĪ":14377,"wives":14378,"manife":14379,"erly":14380,"smy":14381,"shima":14382,"xing":14383,"pixel":14384,"jacob":14385,"accommod":14386,"toy":14387,"ono":14388,"poo":14389,"tier":14390,"answe":14391,"ðŁĴģ":14392,"rosa":14393,"lease":14394,"belongs":14395,"thar":14396,"eventually":14397,"neither":14398,"goa":14399,"skiing":14400,"atra":14401,"agh":14402,"broadcasting":14403,"fury":14404,"pyram":14405,"dice":14406,"volkswag":14407,"womens":14408,"provider":14409,"bombs":14410,"missile":14411,"whip":14412,"dick":14413,"norwe":14414,"backup":14415,"elder":14416,"mature":14417,"concerts":14418,"gious":14419,"squee":14420,"goodmorning":14421,"braves":14422,"^_":14423,"aussie":14424,"luna":14425,"males":14426,"heck":14427,"fortn":14428,"romeo":14429,"steelers":14430,"pn":14431,"peer":14432,"represents":14433,"«":14434,"katy":14435,"miguel":14436,"require":14437,"chains":14438,"lur":14439,"immediate":14440,"timber":14441,"âĸ¶ï¸ı":14442,"advocacy":14443,"export":14444,"anz":14445,"tiffany":14446,"author":14447,"ðŁİĪ":14448,"dudes":14449,"chilly":14450,"hid":14451,"harm":14452,"bug":14453,"monster":14454,"terrier":14455,"tuc":14456,"storytelling":14457,"tak":14458,"inti":14459,"immigrants":14460,"bis":14461,"reaches":14462,"compassion":14463,"johnny":14464,"contributions":14465,"ðŁIJ¶":14466,"mechanical":14467,"impression":14468,"ranks":14469,"kobe":14470,"menting":14471,"blossom":14472,"pablo":14473,"builder":14474,"bombing":14475,"twel":14476,"sullivan":14477,"omo":14478,"pete":14479,"demi":14480,"kudos":14481,"wbb":14482,"tgif":14483,"massach":14484,"neighbor":14485,"chefs":14486,"engines":14487,"pune":14488,"gained":14489,"phantom":14490,"sdays":14491,"extend":14492,"gran":14493,"centers":14494,"jacqu":14495,"datasci":14496,"sleepy":14497,"elvis":14498,"answered":14499,"slot":14500,"cony":14501,"flexible":14502,"tially":14503,"letics":14504,"%,":14505,"andrews":14506,"sible":14507,"momma":14508,"vino":14509,"dox":14510,"invitational":14511,"twilight":14512,"jade":14513,"illery":14514,"johns":14515,"fou":14516,"pv":14517,"--->":14518,"breakdown":14519,"billion":14520,"printer":14521,"mond":14522,"cbc":14523,"maggie":14524,"legion":14525,"dub":14526,"kurt":14527,"poor":14528,"parenting":14529,"regions":14530,"bikini":14531,"beware":14532,"sional":14533,"auburn":14534,"kidding":14535,"amples":14536,"span":14537,"contempor":14538,"cic":14539,"habits":14540,"ako":14541,"prefe":14542,"buddies":14543,"itz":14544,"emily":14545,"personnel":14546,"mountain":14547,"versus":14548,"ðŁĺ¬":14549,"earning":14550,"sink":14551,"dari":14552,"uu":14553,"swin":14554,"ister":14555,"brutal":14556,"nac":14557,"kata":14558,"cloth":14559,"amand":14560,"ðŁĶĹ":14561,"neo":14562,"alumin":14563,"weekends":14564,"nebraska":14565,"codes":14566,"delayed":14567,"bruno":14568,"proven":14569,"inc":14570,"ight":14571,"flan":14572,"oro":14573,"lambert":14574,"regulat":14575,"wf":14576,"massachuse":14577,"kardashian":14578,"bernard":14579,"fiesta":14580,"volcano":14581,"grandpa":14582,"anca":14583,"dre":14584,"stitu":14585,"meaning":14586,"foam":14587,"auck":14588,"ated":14589,"rl":14590,"hotel":14591,"persons":14592,"dynasty":14593,"ellor":14594,"mai":14595,"amne":14596,"styling":14597,"avier":14598,"eg":14599,"vegetarian":14600,",â̦":14601,"founders":14602,"stain":14603,"gd":14604,"cycles":14605,"skyline":14606,"tractor":14607,"exists":14608,"tral":14609,"kidney":14610,"maril":14611,"instag":14612,"sette":14613,"addict":14614,"triangle":14615,"flashback":14616,"controversial":14617,"zon":14618,"pins":14619,"ias":14620,"tray":14621,"township":14622,"delegates":14623,"spam":14624,"hms":14625,"crane":14626,"peoples":14627,"olo":14628,"faction":14629,"butes":14630,"onica":14631,"delegation":14632,"newprofile":14633,"elier":14634,"mca":14635,"wand":14636,"gely":14637,"losangeles":14638,"berke":14639,"tive":14640,"disrup":14641,"zza":14642,"casa":14643,"jordan":14644,"fordshire":14645,"gathered":14646,"ichi":14647,"attendees":14648,"à¸Ńà¸":14649,"peppers":14650,"coin":14651,"bourbon":14652,"ernity":14653,"rotary":14654,"behaviour":14655,"jeremy":14656,"teamwork":14657,"compliance":14658,"tremend":14659,"ðŁĩ§":14660,"buhari":14661,"cambo":14662,"buyers":14663,"hagen":14664,"buds":14665,"bayern":14666,"monte":14667,"smells":14668,"anza":14669,"athlon":14670,"described":14671,"workforce":14672,"giving":14673,"api":14674,"investments":14675,"dail":14676,"selena":14677,"database":14678,"thum":14679,"mortal":14680,"student":14681,"buyer":14682,"dover":14683,"garten":14684,"attle":14685,"loyalty":14686,"genoci":14687,"holocau":14688,"theaters":14689,"ruling":14690,"venus":14691,"patent":14692,"chun":14693,"abby":14694,"awake":14695,"massacre":14696,"bangalore":14697,"breaking":14698,"simmons":14699,"justi":14700,"hale":14701,"edchat":14702,"ggles":14703,"hawk":14704,"marking":14705,"headlines":14706,"strom":14707,"cove":14708,"breathtaking":14709,"medals":14710,"haircut":14711,"christine":14712,"telegraph":14713,"gujarat":14714,"jura":14715,"cane":14716,"shore":14717,"propaganda":14718,"mueller":14719,"........":14720,"savi":14721,"stomach":14722,"throws":14723,"tab":14724,"warm":14725,"jong":14726,"renowned":14727,"hir":14728,"rais":14729,"mushrooms":14730,"guaranteed":14731,"boa":14732,"mj":14733,"revolutionary":14734,"certification":14735,"bruins":14736,"join":14737,"wes":14738,"passport":14739,"cg":14740,"sexu":14741,"capable":14742,"wv":14743,"tones":14744,"jackets":14745,"accompan":14746,"spinach":14747,"forever":14748,"blair":14749,"watts":14750,"gl":14751,"couples":14752,"prairie":14753,"newprofilepic":14754,"logistics":14755,"massachusetts":14756,"jaguar":14757,"oid":14758,"weal":14759,"underwater":14760,"moz":14761,"yi":14762,"maths":14763,"myanmar":14764,"preps":14765,"suffered":14766,"trace":14767,"wali":14768,"ahhh":14769,"borg":14770,"stitch":14771,"culin":14772,"realise":14773,"infection":14774,"discrimination":14775,"shame":14776,"ankle":14777,"humid":14778,"yt":14779,"bracket":14780,"truck":14781,"triu":14782,"easter":14783,"community":14784,"postcard":14785,"involving":14786,"tyler":14787,"caramel":14788,"overview":14789,"examples":14790,"integrity":14791,"basement":14792,"instruments":14793,"anium":14794,"atus":14795,"gher":14796,"laundry":14797,"achieve":14798,"geneva":14799,"pricing":14800,"hyderabad":14801,"belief":14802,"meta":14803,"jaw":14804,"accounting":14805,"leader":14806,"cristiano":14807,"couture":14808,"cyp":14809,"vised":14810,",,,":14811,"knu":14812,"hick":14813,"breaker":14814,"bram":14815,"rab":14816,"moor":14817,"hamas":14818,"graduating":14819,"puppies":14820,"akh":14821,"tah":14822,"aches":14823,"rie":14824,"opini":14825,"gta":14826,"reign":14827,"tragic":14828,"rever":14829,"pill":14830,"pineapple":14831,"touches":14832,"dare":14833,"leys":14834,"ilo":14835,"interiors":14836,"scouts":14837,"bart":14838,"enzie":14839,"dono":14840,"brock":14841,"christians":14842,"ensemble":14843,"·":14844,"cinemas":14845,"newport":14846,"airline":14847,"winston":14848,"leigh":14849,"contents":14850,"prescri":14851,"urge":14852,"trout":14853,"fically":14854,"ilia":14855,"subsi":14856,"arer":14857,"âļ¾ï¸ı":14858,"wounded":14859,"ðŁĻĤ":14860,"pepper":14861,"ðŁĴŀ":14862,"fitted":14863,"aff":14864,"resur":14865,"thursdaythoughts":14866,"zero":14867,"archaeology":14868,"div":14869,"jee":14870,"ion":14871,"awaiting":14872,"cozy":14873,"beauties":14874,"bald":14875,"data":14876,"grizz":14877,"stalk":14878,"kinds":14879,"cleared":14880,"jessic":14881,"regular":14882,"aliens":14883,"place":14884,"bos":14885,"bizar":14886,"thisis":14887,"ðŁĴĢ":14888,"tottenham":14889,"mafia":14890,"slam":14891,"ariana":14892,"carroll":14893,"backpack":14894,"carey":14895,"univ":14896,"rg":14897,"pep":14898,"digit":14899,"tattoos":14900,"agon":14901,"volunteering":14902,"differen":14903,"consumption":14904,"kathr":14905,"headphones":14906,"tshirt":14907,"ob":14908,"element":14909,"retail":14910,"shru":14911,"algori":14912,"container":14913,"conscious":14914,"fil":14915,"coming":14916,"rash":14917,"urope":14918,"define":14919,"gior":14920,"feminist":14921,"flowing":14922,"routes":14923,"glaci":14924,"fert":14925,"somerset":14926,"antes":14927,"tweeps":14928,"$$":14929,"hour":14930,"endangered":14931,"yearsof":14932,"roh":14933,"popped":14934,"backing":14935,"basil":14936,"brake":14937,"monaco":14938,"lgbtq":14939,"prague":14940,"utility":14941,"cassi":14942,"gateway":14943,"haunted":14944,"schul":14945,"ðŁİµ":14946,"should":14947,"walkingdead":14948,"completing":14949,"danny":14950,"montgomery":14951,"penguin":14952,"ssi":14953,"merchandi":14954,"ðŁijij":14955,"church":14956,"hates":14957,"captain":14958,"breathing":14959,"cet":14960,"fairly":14961,"approaches":14962,"companion":14963,"surprising":14964,"kanye":14965,"pey":14966,"hindi":14967,"targeted":14968,"lords":14969,"deut":14970,"digging":14971,"german":14972,"rut":14973,"energy":14974,"closest":14975,"yun":14976,"apologi":14977,"ั":14978,"sack":14979,"rup":14980,"ddy":14981,"portal":14982,"dough":14983,"bats":14984,"ðŁĵ°":14985,"atur":14986,"grapher":14987,"pires":14988,"motors":14989,"ðŁĮ¹":14990,"jc":14991,"dang":14992,"tuk":14993,"clue":14994,"usc":14995,"page":14996,"dless":14997,"brows":14998,"jus":14999,"ading":15000,"remarks":15001,"oom":15002,"cardio":15003,"stefan":15004,"armstrong":15005,"âĢ¢âĢ¢":15006,"niest":15007,"belgian":15008,"biop":15009,"soy":15010,"lof":15011,"íĥ":15012,"qt":15013,"flashbackfriday":15014,"cee":15015,"ģà¸":15016,"wreck":15017,"marines":15018,"amendment":15019,"wardrobe":15020,"voy":15021,"burned":15022,"guitars":15023,"rainf":15024,"lifel":15025,"ssil":15026,"ounce":15027,"external":15028,"ckey":15029,"mesh":15030,"sheikh":15031,"invitation":15032,"suggesti":15033,"popcorn":15034,"phenomenal":15035,"anonymous":15036,"tuna":15037,"chicago":15038,"oval":15039,"dely":15040,"locals":15041,"(&":15042,"prof":15043,"novel":15044,"finder":15045,"sparks":15046,"laven":15047,"infu":15048,"nicks":15049,"quant":15050,"rae":15051,"exec":15052,"distingui":15053,"stances":15054,"mutual":15055,"shal":15056,"unveils":15057,"edmonton":15058,"zania":15059,"adio":15060,"viewer":15061,"bradford":15062,"auditorium":15063,"quis":15064,"react":15065,"http":15066,"lero":15067,"cheeky":15068,"impacts":15069,"tak":15070,"edt":15071,"desperate":15072,"tay":15073,"ìĦ":15074,"settle":15075,"bargain":15076,"resume":15077,"unite":15078,"thrown":15079,"kest":15080,"seys":15081,"marching":15082,"amit":15083,"decline":15084,"schar":15085,"metr":15086,"stanford":15087,"linke":15088,"berra":15089,"dolls":15090,"rugby":15091,"jami":15092,"bor":15093,"roadtrip":15094,"dinosaur":15095,"mik":15096,"sunder":15097,"rem":15098,"bk":15099,"overseas":15100,"naughty":15101,"implementation":15102,"iamsrk":15103,"luncheon":15104,"firing":15105,"miami":15106,"perez":15107,"thee":15108,"zon":15109,"gifted":15110,"conversion":15111,"ceramic":15112,"¡ï¸ı":15113,"pedro":15114,"ìĨ":15115,"vick":15116,"!@":15117,"heed":15118,"sid":15119,"bw":15120,"document":15121,"plun":15122,"grants":15123,"fantasy":15124,"predictions":15125,"valid":15126,"carved":15127,"graduated":15128,"ðŁijįðŁı»":15129,"nationally":15130,"chy":15131,"afl":15132,"resso":15133,"blank":15134,"rivals":15135,"jig":15136,"eties":15137,"omics":15138,"unemp":15139,"bound":15140,"sko":15141,"inspection":15142,"paral":15143,"highs":15144,"crisp":15145,"bans":15146,"oba":15147,"[@":15148,"cospla":15149,"costumes":15150,"recall":15151,"mouth":15152,"nigel":15153,"bts":15154,"tera":15155,"kov":15156,"docs":15157,"westminster":15158,"dict":15159,"gravity":15160,"kari":15161,"rogue":15162,"tted":15163,"wark":15164,"idaho":15165,"wend":15166,"awi":15167,"queensland":15168,"processes":15169,"cliffe":15170,"mick":15171,"compens":15172,"opol":15173,"they":15174,"clari":15175,"wikipedia":15176,"salmankhan":15177,"hazard":15178,"preston":15179,"sweetest":15180,"pdf":15181,"chees":15182,"trilo":15183,"southafrica":15184,"burnt":15185,"($":15186,"contain":15187,"tp":15188,"submitted":15189,"soundcloud":15190,"atu":15191,"rez":15192,"wordpress":15193,"corrupt":15194,"nf":15195,"maker":15196,"íķ":15197,"paras":15198,"advent":15199,"rial":15200,"cafe":15201,"fossil":15202,"!!!!!!!":15203,"cows":15204,"cj":15205,"spur":15206,"institutions":15207,"landmark":15208,"entit":15209,"reut":15210,"his":15211,"alzheim":15212,"wemb":15213,"reggae":15214,"mosqu":15215,"stat":15216,"identified":15217,"dealer":15218,"ream":15219,"reland":15220,"tension":15221,"ðŁĩ©":15222,"wrapping":15223,"deeper":15224,"frat":15225,"reddit":15226,"aris":15227,"morocco":15228,"..\"":15229,"blow":15230,"mapping":15231,"priorities":15232,"inga":15233,"swap":15234,"rewards":15235,"conspiracy":15236,"creative":15237,"cj":15238,"congressional":15239,"vault":15240,"plex":15241,"sophomore":15242,"shadow":15243,"eless":15244,"ðŁĺħ":15245,"darts":15246,"aldub":15247,"annoying":15248,"props":15249,"nas":15250,"aluminum":15251,"hbo":15252,"offense":15253,"jill":15254,"onions":15255,"laur":15256,"tae":15257,"hardest":15258,"shro":15259,"gaining":15260,"measure":15261,"edtech":15262,"cyprus":15263,"tara":15264,"angeli":15265,"carlo":15266,"goon":15267,"alli":15268,"implic":15269,"jupit":15270,"resilience":15271,"hail":15272,"balanced":15273,")...":15274,"joyce":15275,"gra":15276,"theli":15277,"defined":15278,"shipped":15279,"mainly":15280,"mina":15281,"lm":15282,"sacri":15283,"ober":15284,"pim":15285,"claiming":15286,"enters":15287,"corey":15288,"bok":15289,"cried":15290,"cooling":15291,"danielle":15292,"pharmacy":15293,"thorough":15294,"cake":15295,"klo":15296,"outreach":15297,"zens":15298,"digitalmarketing":15299,"valent":15300,"snp":15301,"herb":15302,"mrw":15303,"café":15304,"captures":15305,"notre":15306,"triumph":15307,"pancakes":15308,"cumber":15309,"spike":15310,"dation":15311,"bigg":15312,"sper":15313,"critical":15314,"amal":15315,"tooth":15316,"founding":15317,"astro":15318,"'#":15319,"quantum":15320,"thames":15321,"unc":15322,"pride":15323,"airbus":15324,"knocked":15325,"undefeated":15326,"mediterranean":15327,"calcu":15328,"clown":15329,"sensor":15330,"hammer":15331,"forgive":15332,"cushi":15333,"berry":15334,"majestic":15335,"elect":15336,"politan":15337,"gta":15338,"kari":15339,"burke":15340,"seahawks":15341,"volkswagen":15342,"rei":15343,"landscapes":15344,"casu":15345,"grandfather":15346,"listened":15347,"//":15348,"startrek":15349,"rainfall":15350,"furry":15351,"vier":15352,"stark":15353,"rifle":15354,"ffa":15355,"leges":15356,"hillaryclinton":15357,"minus":15358,"correctly":15359,"architectural":15360,"prece":15361,"upside":15362,"boxer":15363,"ðŁĻĮðŁı¼":15364,"isai":15365,"det":15366,"provo":15367,"tissue":15368,"spooky":15369,"veled":15370,"recon":15371,"prospects":15372,"quebec":15373,"âļ«":15374,"igno":15375,"anatomy":15376,"shapes":15377,"wp":15378,"pinterest":15379,"hore":15380,"anes":15381,"pickup":15382,"tip":15383,"pradesh":15384,"hugh":15385,"coe":15386,"pok":15387,"grammy":15388,"wellington":15389,"stigate":15390,"righ":15391,"leap":15392,"kingston":15393,"scenic":15394,"gosh":15395,"vani":15396,"aug":15397,"sary":15398,"zier":15399,"bureau":15400,"linson":15401,"conte":15402,"fragr":15403,"allan":15404,"gaw":15405,"lana":15406,"collision":15407,"surveill":15408,"renais":15409,"arrange":15410,"sali":15411,"doin":15412,"brance":15413,"brendan":15414,"ourse":15415,"incoming":15416,"suspension":15417,"à´":15418,"lla":15419,"educators":15420,"intri":15421,"dae":15422,"biography":15423,"bulgar":15424,"villain":15425,"gothic":15426,"rwanda":15427,"ew":15428,"mayor":15429,"meetup":15430,"democrat":15431,"morgan":15432,"sudden":15433,"tesco":15434,"carrot":15435,"bomber":15436,"mckin":15437,"rene":15438,"funday":15439,"agricultural":15440,"hahah":15441,"showtime":15442,"forming":15443,"cola":15444,"scorpi":15445,"quote":15446,"poppy":15447,"slife":15448,"daz":15449,"tub":15450,"nen":15451,"mot":15452,"ðŁĺ»":15453,"sore":15454,"elderly":15455,"ove":15456,"skinny":15457,"umi":15458,"anco":15459,"manship":15460,"were":15461,"gv":15462,"kah":15463,"folding":15464,"neat":15465,"samantha":15466,"danish":15467,"ukrain":15468,"humidity":15469,"nutri":15470,"jakarta":15471,"candles":15472,"oooooooo":15473,"atile":15474,"strength":15475,"ibra":15476,"bapti":15477,"charleston":15478,"frames":15479,"girls":15480,"clearing":15481,"gluten":15482,"##":15483,"supernatural":15484,"jubi":15485,"phone":15486,"hein":15487,"drun":15488,"leak":15489,"investor":15490,"yer":15491,"domain":15492,"ballroom":15493,"mish":15494,"appli":15495,"offshore":15496,"blaze":15497,"doro":15498,"âĺķï¸ı":15499,"winery":15500,"sharif":15501,"adore":15502,"nir":15503,"safer":15504,"sigh":15505,"ascri":15506,"strongly":15507,"tracy":15508,"cker":15509,"oll":15510,"faithful":15511,"eyed":15512,"delightful":15513,"vism":15514,"karnataka":15515,"titan":15516,"whar":15517,"jerseys":15518,"refur":15519,"heaven":15520,"grip":15521,"panama":15522,"preli":15523,"gluten":15524,"odd":15525,"content":15526,"ponti":15527,"tioning":15528,"ecommerce":15529,"federation":15530,"flawless":15531,"gear":15532,"tires":15533,"byr":15534,"police":15535,"cuban":15536,"tributes":15537,"ticul":15538,"churches":15539,"nursery":15540,"diaries":15541,"museums":15542,"snapped":15543,"ivan":15544,"wight":15545,"tourists":15546,"ramadan":15547,"trent":15548,"prophet":15549,"wondered":15550,"focusing":15551,"hid":15552,"icons":15553,"iq":15554,"ambulance":15555,"pist":15556,"funniest":15557,"timeless":15558,"srilan":15559,"buys":15560,"kids":15561,"colourful":15562,"ashi":15563,"chir":15564,"mum":15565,"ðŁĵļ":15566,"letter":15567,"xen":15568,"reuters":15569,"preserve":15570,"inting":15571,"step":15572,"fuji":15573,"univer":15574,"iu":15575,"showdown":15576,"poems":15577,"surveillance":15578,"suspected":15579,"tae":15580,"solving":15581,"tomb":15582,"mothersday":15583,"carpen":15584,"recruit":15585,"pilots":15586,"broc":15587,"mixing":15588,"fridays":15589,"tyr":15590,"representatives":15591,"trapped":15592,"abdul":15593,"freestyle":15594,"cluster":15595,"âļłï¸ı":15596,"kd":15597,"skill":15598,"pitt":15599,"exo":15600,"commerci":15601,"museum":15602,"locally":15603,"gina":15604,"nobel":15605,"immune":15606,"frac":15607,"capsu":15608,"mained":15609,"attempts":15610,"bulldog":15611,"bespoke":15612,"singers":15613,"spelling":15614,"segment":15615,"natures":15616,"tick":15617,"lipstick":15618,"cleaner":15619,"gettable":15620,"precision":15621,"â̼ï¸ı":15622,"thood":15623,"reef":15624,"nope":15625,"billy":15626,"digi":15627,"musi":15628,"rival":15629,"figured":15630,"tality":15631,"sunny":15632,"berk":15633,"awww":15634,"awaits":15635,"unreal":15636,"copen":15637,"asylum":15638,"exotic":15639,"buen":15640,"mock":15641,"enable":15642,"archy":15643,"fra":15644,"plastic":15645,"almond":15646,"ampli":15647,"displays":15648,"abbott":15649,"sme":15650,"xp":15651,"ðŁĻĥ":15652,"graphic":15653,"ived":15654,"mara":15655,"caution":15656,"leaks":15657,"enberg":15658,"ulu":15659,"unicorn":15660,"cannon":15661,"apprentic":15662,"ðŁĺĺðŁĺĺ":15663,"bball":15664,"willow":15665,"atics":15666,"amas":15667,"manufacturer":15668,"campaigns":15669,"porters":15670,"floors":15671,"lsu":15672,"type":15673,"kej":15674,"honorary":15675,"itim":15676,"tole":15677,"minecraft":15678,"dx":15679,"mash":15680,"rio":15681,"consequences":15682,"ronald":15683,"gossi":15684,"suffolk":15685,"muse":15686,"rbi":15687,"livemusic":15688,"ivan":15689,"ðŁİ¤":15690,"leu":15691,"patriot":15692,"manit":15693,"lanca":15694,"homedecor":15695,"dear":15696,"sigma":15697,"tide":15698,"strings":15699,"vita":15700,"sequel":15701,"tryna":15702,"investigate":15703,"boris":15704,"vegan":15705,"barrier":15706,"mindfulness":15707,"webb":15708,"hustle":15709,"inda":15710,"tanzania":15711,"stray":15712,"texas":15713,"cag":15714,"diagnosis":15715,"woman":15716,"gw":15717,"obsession":15718,"lative":15719,"nufc":15720,"flynn":15721,"momentum":15722,"sofa":15723,"wald":15724,"vegetable":15725,"tucker":15726,"supper":15727,"seab":15728,"arro":15729,"seag":15730,"venting":15731,"councill":15732,"splat":15733,"calcul":15734,"..#":15735,"comfy":15736,"odisha":15737,"stopp":15738,"warfare":15739,"caes":15740,"à¨":15741,"coy":15742,"priceless":15743,"insec":15744,"ðŁĺĽ":15745,"controls":15746,"empowerment":15747,"datascience":15748,"perpe":15749,"genic":15750,"eres":15751,"trudeau":15752,"mano":15753,"slavery":15754,"expanding":15755,"mahe":15756,"failing":15757,"saga":15758,"photographs":15759,"crest":15760,"reon":15761,"surfing":15762,"hie":15763,"ðŁįĢ":15764,"jae":15765,"fellows":15766,"southampton":15767,"solom":15768,"cester":15769,"tability":15770,"horn":15771,"sect":15772,"hee":15773,"coleman":15774,"atlas":15775,"explorer":15776,"consultation":15777,"copyright":15778,"organizing":15779,"denied":15780,"monkeys":15781,"noodles":15782,"bris":15783,"flor":15784,"dough":15785,"bonds":15786,"shocked":15787,"ecosystem":15788,"carefully":15789,"wm":15790,"apartments":15791,"curve":15792,"sandiego":15793,"mustard":15794,"commen":15795,"ceremon":15796,"ech":15797,"ruth":15798,"ðŁĻĮðŁı»":15799,"hawai":15800,"filmed":15801,"tear":15802,"asingly":15803,"cair":15804,"watt":15805,"instrument":15806,"outta":15807,"yeol":15808,"riverside":15809,"ë°":15810,".:":15811,"norwich":15812,"alog":15813,"migrants":15814,"newman":15815,"ride":15816,"sprink":15817,"targeting":15818,"believe":15819,"torch":15820,"reflects":15821,"permission":15822,"ffman":15823,"enemies":15824,"basics":15825,"seized":15826,"sundays":15827,"lei":15828,"hassan":15829,"endo":15830,"hc":15831,"stad":15832,"lements":15833,"kkkk":15834,"nano":15835,"shark":15836,"mana":15837,"onic":15838,"treatments":15839,"early":15840,"collaborative":15841,"shuttle":15842,"branches":15843,"misses":15844,"mainedcm":15845,"apers":15846,"kyle":15847,"carrie":15848,"leisure":15849,"shet":15850,"birding":15851,"advances":15852,"ðŁĵĿ":15853,"popular":15854,"diane":15855,"abe":15856,"rewar":15857,"neighbour":15858,"kpop":15859,"remembrance":15860,"playground":15861,"rub":15862,"krishna":15863,"ebola":15864,"inquiry":15865,"epa":15866,"lumin":15867,"organisation":15868,"abraham":15869,"normally":15870,"preten":15871,"janet":15872,"wt":15873,"ðŁĴİ":15874,"encouraging":15875,"astic":15876,"bump":15877,"sydney":15878,"sz":15879,"ssss":15880,"garrett":15881,"ðŁĵ»":15882,"consulting":15883,"romania":15884,"spotting":15885,"chancellor":15886,"arma":15887,"prestigious":15888,"ðĿIJ":15889,"tad":15890,"cryst":15891,"competit":15892,"ratio":15893,"cataly":15894,"brow":15895,"jur":15896,"viking":15897,"commute":15898,"yday":15899,"layers":15900,"dumb":15901,"escal":15902,"genocide":15903,"fill":15904,"gupta":15905,"stepping":15906,"sei":15907,"foto":15908,"wildcats":15909,"coli":15910,"project":15911,"earnings":15912,"str":15913,"geons":15914,"completion":15915,"bm":15916,"decorated":15917,"crawford":15918,"afghan":15919,"scare":15920,"visibility":15921,"hib":15922,"direction":15923,"stroll":15924,"christina":15925,"alternate":15926,"clare":15927,"stylist":15928,"behold":15929,"sance":15930,"leopard":15931,"acquired":15932,"narrative":15933,"ashi":15934,"thea":15935,"????":15936,"peas":15937,"atch":15938,"slides":15939,"leen":15940,"renewable":15941,"english":15942,"quir":15943,"coaster":15944,"rx":15945,"fools":15946,"matchday":15947,"mism":15948,"amazing":15949,"zig":15950,"keting":15951,"wont":15952,"towel":15953,"diab":15954,"stake":15955,"nm":15956,"melt":15957,"ethan":15958,"grape":15959,"politician":15960,"smen":15961,"íĺ":15962,"reo":15963,"weddings":15964,"catcher":15965,"oracle":15966,"memo":15967,"ðŁĮ´":15968,"eck":15969,"robbie":15970,"norwegian":15971,"operator":15972,"amor":15973,"sewing":15974,"jul":15975,"xie":15976,"uv":15977,"fifty":15978,"mega":15979,"tattoo":15980,"liberals":15981,"upri":15982,"trafficking":15983,"richardson":15984,"suv":15985,"kip":15986,"messy":15987,"tremendous":15988,"glou":15989,"courtney":15990,"lad":15991,"stereo":15992,"myers":15993,"idio":15994,"^_^":15995,"manning":15996,"dye":15997,"wd":15998,"throne":15999,"junk":16000,"asu":16001,"provincial":16002,"kook":16003,"wrc":16004,"fineart":16005,"hampshire":16006,"renaissance":16007,"bred":16008,"fallout":16009,"sj":16010,"snl":16011,"alam":16012,"torture":16013,"fyi":16014,"shines":16015,"paw":16016,"char":16017,"henry":16018,"crow":16019,"acious":16020,"dian":16021,"paige":16022,"bare":16023,"stockholm":16024,"scenery":16025,"ðŁĩ·":16026,"jeffrey":16027,"push":16028,"decoration":16029,"ned":16030,"cute":16031,"brigade":16032,"lavender":16033,"invites":16034,"esports":16035,"voir":16036,"dried":16037,"transpl":16038,"surgeon":16039,"novels":16040,"pulls":16041,"sony":16042,"lunar":16043,"mane":16044,"ivy":16045,"frustr":16046,"dorset":16047,"sai":16048,"torres":16049,"ssion":16050,"shutdown":16051,"suggestions":16052,"writing":16053,"eo":16054,"battlefield":16055,"uga":16056,"ðŁIJ¾":16057,"vacu":16058,"splac":16059,"git":16060,"ug":16061,"highland":16062,"%)":16063,"mermaid":16064,"sacramento":16065,"tails":16066,"pw":16067,"kah":16068,"tell":16069,"enhanced":16070,"ìķ":16071,"auckland":16072,"cruel":16073,"ðŁ¤©":16074,"audre":16075,"sailor":16076,"grammar":16077,"glove":16078,"deon":16079,"inflam":16080,"freshly":16081,"kell":16082,"zip":16083,"christie":16084,"mild":16085,"dixon":16086,"instructor":16087,"gence":16088,"ãħł":16089,"subjec":16090,"constitutional":16091,"crowds":16092,"invisible":16093,"ruins":16094,"dak":16095,"sip":16096,"plaque":16097,"pouring":16098,"complex":16099,"zine":16100,"stead":16101,"flet":16102,"transmission":16103,"loway":16104,"arun":16105,"increasingly":16106,"aud":16107,"transparen":16108,"crowned":16109,"scoun":16110,"blizzard":16111,"luxu":16112,"fiers":16113,"achievements":16114,"hunters":16115,"rocked":16116,"basin":16117,"violet":16118,"proves":16119,"achieving":16120,"prosper":16121,"sega":16122,"float":16123,"vian":16124,"xiv":16125,"polic":16126,"tura":16127,"approximately":16128,"wanderlust":16129,"keepers":16130,"getaway":16131,"cod":16132,"polis":16133,"bryan":16134,"colts":16135,"talents":16136,"yogur":16137,"glutenfree":16138,"wrist":16139,"gry":16140,"czech":16141,"ðŁİĪ":16142,"eville":16143,"ðŁıĪ":16144,"tox":16145,"daniels":16146,"amer":16147,"bids":16148,"weareone":16149,"metab":16150,"gt":16151,"boyz":16152,"pdx":16153,"possession":16154,"pushed":16155,"shrine":16156,"realistic":16157,"trigger":16158,"navi":16159,"rumors":16160,"naf":16161,"jenkins":16162,"trun":16163,"communi":16164,"ÃĹ":16165,"gamers":16166,"armor":16167,"mohammed":16168,"balcony":16169,"yah":16170,"strongest":16171,"rhythm":16172,"unforgettable":16173,"kp":16174,"hobb":16175,"custody":16176,"gregor":16177,"rita":16178,"aesthetic":16179,"ilation":16180,"sponsoring":16181,"nay":16182,"kidnapp":16183,"shs":16184,"rajas":16185,"meg":16186,"significantly":16187,"buttons":16188,"lac":16189,"versions":16190,"essentials":16191,"opinions":16192,"kro":16193,"dprinting":16194,"widely":16195,"dk":16196,"uran":16197,"yal":16198,"requested":16199,"cn":16200,"curric":16201,"plum":16202,"grun":16203,"vm":16204,"devon":16205,"myo":16206,"relation":16207,"juventus":16208,"rouge":16209,"minority":16210,"mines":16211,"jupiter":16212,"nine":16213,"oxygen":16214,"frankie":16215,"unesco":16216,"fabric":16217,"disgusting":16218,"salman":16219,"detection":16220,"lanka":16221,"dac":16222,"ðŁĩ«ðŁĩ·":16223,"argument":16224,"shelves":16225,"celtics":16226,"roberto":16227,"pigs":16228,"hedge":16229,"faul":16230,"powering":16231,"butterflies":16232,"fir":16233,"remake":16234,"atti":16235,"como":16236,"empha":16237,"kendall":16238,"pokemon":16239,"seating":16240,"dans":16241,"baldwin":16242,"ðŁij»":16243,"leslie":16244,"onedirection":16245,"timber":16246,"iman":16247,"font":16248,"eder":16249,"dion":16250,"steph":16251,"format":16252,"gregory":16253,"prop":16254,"hex":16255,"ruin":16256,"sory":16257,"infer":16258,"naw":16259,"barak":16260,"sdgs":16261,"karao":16262,"lush":16263,"vander":16264,"endent":16265,"gis":16266,"afro":16267,"soccer":16268,"ayan":16269,"tuni":16270,"lung":16271,"dayof":16272,"alexa":16273,"marath":16274,"addicted":16275,"agile":16276,"hygi":16277,"lightweight":16278,"ì§":16279,"mandela":16280,"joey":16281,"ancy":16282,"hum":16283,"bir":16284,"memorial":16285,"jimin":16286,"ginger":16287,"vak":16288,"javascri":16289,"crops":16290,"origins":16291,"dari":16292,"piper":16293,"import":16294,"aggressive":16295,"prediction":16296,"repairs":16297,"cracker":16298,"voyage":16299,"nike":16300,"mummy":16301,"linkedin":16302,"countryside":16303,"border":16304,"glass":16305,"pert":16306,"sals":16307,"shoe":16308,"autographed":16309,"walnut":16310,"collegi":16311,"salary":16312,"pairing":16313,"ðŁĮ¸":16314,"cathol":16315,"sweethe":16316,"defeats":16317,"strengthen":16318,"rooftop":16319,"improvements":16320,"barriers":16321,"uru":16322,"tally":16323,"ruled":16324,"ðŁĨļ":16325,"naija":16326,"emoji":16327,"percent":16328,"gio":16329,"probs":16330,"once":16331,"admits":16332,"paths":16333,"liar":16334,"daytona":16335,"peters":16336,"cali":16337,"calli":16338,"mug":16339,"osa":16340,"aph":16341,"aby":16342,"hyde":16343,"ethnic":16344,"plains":16345,"olf":16346,"hahahahaha":16347,"holic":16348,"?!?!":16349,"subli":16350,"blacks":16351,"mot":16352,"ghton":16353,"lovin":16354,"brent":16355,"baru":16356,"lati":16357,"dew":16358,"ateau":16359,"qa":16360,"painful":16361,"busters":16362,"static":16363,"ðŁĩ¨ðŁĩ¦":16364,"notebook":16365,"outfits":16366,"sies":16367,"rf":16368,"floods":16369,"ÑĢ":16370,"throat":16371,"suici":16372,"rovers":16373,"bengal":16374,"prepares":16375,"blog":16376,"miniature":16377,"ب":16378,"amphi":16379,"comb":16380,"rsp":16381,"intimate":16382,"greene":16383,"Ìĩ":16384,"altar":16385,"surgical":16386,"vessel":16387,"...?":16388,"gavin":16389,"gator":16390,"threatened":16391,"zar":16392,"robbery":16393,"dier":16394,"promoted":16395,"yg":16396,"xs":16397,"subs":16398,"interviewing":16399,"threatening":16400,"dozen":16401,"meado":16402,"waterfall":16403,"nintendoswitch":16404,"calum":16405,"ministers":16406,"drop":16407,"universities":16408,"warned":16409,"tactics":16410,"ðŁĩ²":16411,"refuse":16412,"adju":16413,"vast":16414,"ðŁĺ´":16415,"mcfc":16416,"libya":16417,"nofilter":16418,"distributed":16419,"reser":16420,"ronnie":16421,"deco":16422,"javascript":16423,"monk":16424,"interests":16425,"flex":16426,"martha":16427,"sties":16428,"ood":16429,"ðŁ¤£ðŁ¤£":16430,"eun":16431,"bali":16432,"gomez":16433,"stimul":16434,"moderate":16435,"dity":16436,"iris":16437,"straw":16438,"consistent":16439,"directions":16440,"adopt":16441,"salsa":16442,"croo":16443,"recovered":16444,"blackfriday":16445,"lancaster":16446,"accept":16447,"weareoneexo":16448,"builds":16449,"freeman":16450,"airplane":16451,"dition":16452,"belong":16453,"jamie":16454,"pitching":16455,"lif":16456,"omin":16457,"crispy":16458,"prepping":16459,"veg":16460,"chang":16461,"accomplished":16462,"gracias":16463,"dolphin":16464,"elector":16465,"culinary":16466,"superbowl":16467,"wala":16468,"pursuit":16469,"blackberry":16470,"bean":16471,"cardinal":16472,"proved":16473,"immigrant":16474,"strictly":16475,"holocaust":16476,"passage":16477,"haus":16478,"coup":16479,"purse":16480,"harass":16481,"<<":16482,"leed":16483,"adobe":16484,"stad":16485,"legislat":16486,"parked":16487,"priyan":16488,"silva":16489,"krist":16490,"sthe":16491,"funky":16492,"iga":16493,"settlement":16494,"phs":16495,"tmrw":16496,"stressed":16497,"hunt":16498,"hockey":16499,"treasures":16500,"chambers":16501,"olu":16502,"hut":16503,"marley":16504,"texture":16505,"wilderness":16506,"mming":16507,"potentially":16508,"omaha":16509,"judy":16510,"toes":16511,"spoiler":16512,"distinguished":16513,"felix":16514,"ahu":16515,"recommendations":16516,"zombies":16517,"hitler":16518,"triple":16519,"collapse":16520,"motivated":16521,"ultimat":16522,"ggling":16523,"soy":16524,"cigar":16525,"foren":16526,"vineyard":16527,"glitter":16528,"findings":16529,"colonial":16530,"hunter":16531,"erik":16532,"dens":16533,"beetle":16534,"lotte":16535,"subtle":16536,"smatter":16537,"trusted":16538,"experimental":16539,"naments":16540,"ðŁĺĨ":16541,"region":16542,"acquisition":16543,"breeding":16544,"quarterback":16545,"amreading":16546,"ootd":16547,"rude":16548,"initiatives":16549,"stout":16550,"hyung":16551,"outcome":16552,"alfred":16553,"mics":16554,"expertise":16555,"bacteria":16556,"penguins":16557,"jumper":16558,"valencia":16559,"bark":16560,"ingday":16561,"sellers":16562,"contracts":16563,"houston":16564,"commissioned":16565,"adaptation":16566,"swansea":16567,"santiago":16568,"commonwealth":16569,"judging":16570,"submission":16571,"scorer":16572,"tommy":16573,"ño":16574,"exquis":16575,"filing":16576,"explanation":16577,"allison":16578,"wembley":16579,"ridge":16580,"chevy":16581,"santos":16582,"ownership":16583,"cognitive":16584,"favourites":16585,"shed":16586,"philanthro":16587,"deleted":16588,"godd":16589,"snor":16590,"guidelines":16591,"ffing":16592,"jeep":16593,"clips":16594,"swamp":16595,"anor":16596,"guild":16597,"bolton":16598,"springfield":16599,"municipal":16600,"goalkeeper":16601,"yeon":16602,"ðŁĺįðŁĺįðŁĺįðŁĺį":16603,"ãħĭãħĭ":16604,"waterfront":16605,"grave":16606,"contemporary":16607,"arity":16608,"ÃŃa":16609,"sleeps":16610,"syrup":16611,"alam":16612,"pire":16613,"coyo":16614,"motogp":16615,"tyson":16616,"kejri":16617,"circul":16618,"singly":16619,"crunch":16620,"complicated":16621,"nostalgia":16622,"kop":16623,"move":16624,"kale":16625,"macro":16626,"midwest":16627,"hans":16628,"tribal":16629,"nude":16630,"à¯į":16631,"beyonce":16632,"congratulate":16633,"cater":16634,"league":16635,"ðŁĻĬ":16636,"ladder":16637,"crashed":16638,"technic":16639,"karaoke":16640,"harassment":16641,"rots":16642,"experiencing":16643,"kristen":16644,"ðŁĩ³":16645,"ð٤Ĺ":16646,"reflections":16647,"guinness":16648,"illustrator":16649,"ðŁĻıðŁı»":16650,"center":16651,"narrow":16652,"commons":16653,"regulations":16654,"ÙĨ":16655,"harm":16656,"croft":16657,"cussion":16658,"hongkong":16659,"stical":16660,"internship":16661,"zoe":16662,"chop":16663,"hoods":16664,"estimated":16665,"batteries":16666,"berkeley":16667,"smoothie":16668,"shaun":16669,"cros":16670,"~~":16671,"campe":16672,"hump":16673,"bg":16674,"prototype":16675,"click":16676,"shawn":16677,"reviewed":16678,"templ":16679,"pf":16680,"jedi":16681,"blogs":16682,"raymond":16683,"asth":16684,"bah":16685,"avail":16686,"scotch":16687,"leafs":16688,"nikki":16689,"tok":16690,"hollow":16691,"urges":16692,"oft":16693,"unlike":16694,"latin":16695,"ue":16696,"catering":16697,"mili":16698,"alternati":16699,"maver":16700,"и":16701,"agle":16702,"preorder":16703,"lux":16704,"cucu":16705,"ðŁijıðŁijı":16706,"tart":16707,"âĿ¤âĿ¤âĿ¤":16708,"arabic":16709,"rapidly":16710,"arrang":16711,"allen":16712,"traveltuesday":16713,"paws":16714,"flows":16715,"stability":16716,"fluid":16717,"capp":16718,"canberra":16719,"uuuu":16720,"spani":16721,"demonstration":16722,"mla":16723,"placement":16724,"mw":16725,"presidents":16726,"awesom":16727,"beverly":16728,"anist":16729,"neal":16730,"fathersday":16731,"referendum":16732,"lahore":16733,"oaks":16734,"debbie":16735,"halfway":16736,"ghosts":16737,"debor":16738,"matthews":16739,"fiat":16740,"tfw":16741,"presen":16742,"robi":16743,"ded":16744,"brock":16745,"laughed":16746,"amounts":16747,"bamboo":16748,"kindergarten":16749,"eaten":16750,"mtvhottest":16751,"breakout":16752,"usic":16753,"fraser":16754,"legislative":16755,"pang":16756,"module":16757,"sammy":16758,"gover":16759,"earns":16760,"expedition":16761,"garh":16762,"concepts":16763,"charlie":16764,"lava":16765,"bachelor":16766,"veggies":16767,"determine":16768,"ellie":16769,"unlocked":16770,"fruit":16771,"dalla":16772,"coupe":16773,"washington":16774,"deposit":16775,"ivory":16776,"paula":16777,"chicag":16778,"gucci":16779,"ðŁİĥ":16780,"cultiv":16781,"pierce":16782,"lifted":16783,"stumb":16784,"recover":16785,"muscles":16786,"conducting":16787,"cbs":16788,"mclaren":16789,"sophia":16790,"cellu":16791,"oceans":16792,"uploaded":16793,"gameplay":16794,"maldives":16795,"kimber":16796,"avoi":16797,"racer":16798,"caine":16799,"cavs":16800,"hana":16801,"liga":16802,"raven":16803,"intervention":16804,"inauguration":16805,"ooh":16806,"attraction":16807,"merchandise":16808,"tunein":16809,"liking":16810,"juniors":16811,"intended":16812,"attacking":16813,"aquarium":16814,"iwd":16815,"components":16816,"suring":16817,"centu":16818,"yogurt":16819,"ðŁıĥ":16820,"showroom":16821,"optical":16822,"tyour":16823,"judge":16824,"yield":16825,"anto":16826,"plc":16827,"transparency":16828,"recycled":16829,"chief":16830,"arom":16831,"ambassadors":16832,"planet":16833,"âĿĦï¸ı":16834,"omed":16835,"vanessa":16836,"court":16837,"margar":16838,"haley":16839,"vr":16840,"regina":16841,"pdates":16842,"hispan":16843,"livestream":16844,"âģ£":16845,"yahoo":16846,"galla":16847,"secured":16848,"wir":16849,"beneath":16850,"offl":16851,"nil":16852,"amb":16853,"yeg":16854,"outlet":16855,"ute":16856,"peep":16857,"lindsay":16858,"bentley":16859,"...!":16860,"heel":16861,"trilogy":16862,"vos":16863,"tyre":16864,"therefore":16865,"toronto":16866,"abi":16867,"simpli":16868,"jae":16869,"extensive":16870,"elephants":16871,"sor":16872,"orientation":16873,"impeach":16874,"replay":16875,"constructed":16876,"peterson":16877,"pais":16878,"ported":16879,"customs":16880,"collap":16881,"adu":16882,"highlands":16883,"salem":16884,"shelby":16885,"kovic":16886,"strain":16887,"rosie":16888,"senators":16889,"snaps":16890,"bobb":16891,"suzuki":16892,"blades":16893,"kp":16894,"lolo":16895,"generate":16896,"sight":16897,"mae":16898,"structural":16899,"predict":16900,"jumped":16901,"ahmad":16902,"sung":16903,"justice":16904,"glam":16905,"volvo":16906,"jubilee":16907,"detention":16908,"losses":16909,"puri":16910,"everytime":16911,"а":16912,"rao":16913,"edge":16914,"limer":16915,"resemb":16916,"harold":16917,"retri":16918,"sacrific":16919,"surprises":16920,"amc":16921,"srilanka":16922,"barbie":16923,"mens":16924,"finn":16925,"ags":16926,"ukrainian":16927,"embrac":16928,"îIJ":16929,"flavors":16930,"homer":16931,"laure":16932,"outh":16933,"priced":16934,"verde":16935,"firm":16936,"ahs":16937,"cub":16938,"trey":16939,"paranor":16940,"profit":16941,"indv":16942,"whoa":16943,"harsh":16944,"alot":16945,"critics":16946,"hubby":16947,"figur":16948,"gira":16949,"castro":16950,"chanel":16951,"input":16952,"originals":16953,"tenant":16954,"yyyy":16955,"turers":16956,"lincoln":16957,"coon":16958,"learn":16959,"chou":16960,"acare":16961,"oles":16962,"diner":16963,"hyp":16964,"bizarre":16965,"mcr":16966,"letsgo":16967,"decorating":16968,"ðŁĮİ":16969,"alison":16970,"arvin":16971,"fd":16972,"rehab":16973,"mccarthy":16974,"lottery":16975,"dah":16976,"minneapolis":16977,"eligible":16978,"diagnosed":16979,"emerald":16980,"destinations":16981,"sans":16982,"ory":16983,"blazers":16984,"nv":16985,"bail":16986,"digitalart":16987,"noc":16988,"malta":16989,"solar":16990,"pipes":16991,"allegations":16992,"nock":16993,"pope":16994,"brid":16995,"premier":16996,"nx":16997,"presentations":16998,"efa":16999,"bows":17000,"valve":17001,"opponent":17002,"Įë":17003,"visual":17004,"ingle":17005,"categor":17006,"eter":17007,"pois":17008,"dani":17009,"attract":17010,"neutral":17011,"thene":17012,"crashes":17013,"freddie":17014,"utili":17015,"cst":17016,"awakening":17017,"sloven":17018,"qualify":17019,"proof":17020,"fairy":17021,"lev":17022,"freight":17023,"enjoys":17024,"cupcake":17025,"flavour":17026,"âķ":17027,"protective":17028,"ðŁijıðŁı»":17029,"isu":17030,"admir":17031,"hmmm":17032,"continuous":17033,"aires":17034,"raptors":17035,"showcasing":17036,"yuk":17037,"paste":17038,"follower":17039,"instructions":17040,"spru":17041,"@__":17042,"theo":17043,"debuts":17044,"vette":17045,"stow":17046,"esof":17047,"ached":17048,"sultan":17049,"sandwich":17050,"somalia":17051,"franco":17052,"carne":17053,"fluffy":17054,"alpine":17055,"jasmine":17056,"heated":17057,"violin":17058,"pless":17059,"divorce":17060,"performer":17061,"phies":17062,"portsm":17063,"dara":17064,"kirby":17065,"lop":17066,"chilli":17067,"forth":17068,"skype":17069,"ðŁĩ®ðŁĩ¹":17070,"celebrities":17071,"edy":17072,"vee":17073,"poison":17074,"eyel":17075,"grabs":17076,"ssic":17077,"uno":17078,"western":17079,"railroad":17080,"amer":17081,"numerous":17082,"sv":17083,"fow":17084,"fist":17085,"âĢĭ":17086,"requests":17087,"martial":17088,"emmy":17089,"acceptance":17090,"laura":17091,"ิ":17092,"erup":17093,"hyundai":17094,"outlander":17095,"utt":17096,"wrestle":17097,"espresso":17098,"demanding":17099,"gdp":17100,"geography":17101,"saskat":17102,"troll":17103,"confeder":17104,"sues":17105,"sem":17106,"bets":17107,"tful":17108,"tosh":17109,"teaches":17110,"coloured":17111,"galway":17112,"macy":17113,"disorders":17114,"bbcra":17115,"atem":17116,"fender":17117,"litter":17118,"esh":17119,"providers":17120,"renovation":17121,"nominate":17122,"psg":17123,"nominations":17124,"jenna":17125,"sharp":17126,"someday":17127,"zur":17128,"brains":17129,"cheshire":17130,"prey":17131,"hugo":17132,"¿":17133,"token":17134,"rv":17135,"carr":17136,"tactical":17137,"zelda":17138,"kayla":17139,"fernando":17140,"photographers":17141,"jour":17142,"umbrella":17143,"woody":17144,"congressman":17145,"dump":17146,"levy":17147,"juan":17148,"dazz":17149,"signals":17150,"lain":17151,"anu":17152,"michel":17153,"porch":17154,"alden":17155,"siblings":17156,"yale":17157,"peel":17158,"swick":17159,"ggin":17160,"llc":17161,"kale":17162,"scon":17163,"ild":17164,"patreon":17165,"reel":17166,"quin":17167,"witt":17168,"marty":17169,"moody":17170,"toni":17171,"dery":17172,"gators":17173,"specifically":17174,"ddin":17175,"lyon":17176,"trick":17177,"meadows":17178,"pj":17179,"borgh":17180,"vik":17181,"tur":17182,"bronx":17183,"puff":17184,"lantern":17185,"ðŁ¤¦":17186,"gently":17187,"bestie":17188,"fact":17189,"refused":17190,"fasci":17191,"mpy":17192,"ðŁĶµ":17193,"crossover":17194,"meadow":17195,"indianapolis":17196,"ducation":17197,"sley":17198,"loom":17199,"mixer":17200,"newmusic":17201,"filmmaker":17202,"prosperity":17203,"lim":17204,"weekend":17205,"creamy":17206,"neutr":17207,"luther":17208,"hv":17209,"northern":17210,"two":17211,"hra":17212,"catches":17213,"appearances":17214,"habit":17215,"kittens":17216,"nv":17217,"illac":17218,"infan":17219,"regardless":17220,"lizard":17221,"dunk":17222,"curtain":17223,"acom":17224,"intu":17225,"vez":17226,"emin":17227,"flats":17228,"calendars":17229,"empower":17230,"ruined":17231,"hungary":17232,"vid":17233,"wex":17234,"ulum":17235,"aberdeen":17236,"osa":17237,"kt":17238,"massi":17239,"seemed":17240,"sden":17241,"'?":17242,"telephone":17243,"defi":17244,"inspires":17245,"meow":17246,"zones":17247,"blind":17248,"ply":17249,"tucson":17250,"adventure":17251,"ged":17252,"oyster":17253,"ðŁijıðŁijıðŁijı":17254,"output":17255,"ttt":17256,"metallic":17257,"smash":17258,"ucla":17259,"scots":17260,"perfect":17261,"lucy":17262,"regularly":17263,"spic":17264,"relative":17265,"athers":17266,"mise":17267,"battling":17268,"decides":17269,"mata":17270,"occupied":17271,"randomly":17272,"catsoftwitter":17273,"gian":17274,"bally":17275,"alties":17276,"allies":17277,"immen":17278,"syrac":17279,"ðŁĴľðŁĴľ":17280,"llan":17281,"aur":17282,"kut":17283,"lamar":17284,"affects":17285,"nra":17286,"starwar":17287,"ð٤ĺ":17288,"scram":17289,"enchan":17290,"process":17291,"luxurious":17292,"array":17293,"sherlock":17294,"compati":17295,"dorf":17296,"stress":17297,"msu":17298,"swith":17299,"sala":17300,"sofinstagram":17301,"foil":17302,"understood":17303,"quay":17304,"rp":17305,"cade":17306,"jaw":17307,"enab":17308,"encoun":17309,"ðŁİī:":17310,"dock":17311,"saturn":17312,"mull":17313,"layout":17314,"rarely":17315,"happily":17316,"fixture":17317,"orph":17318,"overlooking":17319,"herbs":17320,"mitt":17321,"pillar":17322,"nolan":17323,"petty":17324,"stry":17325,"ui":17326,"muk":17327,"ores":17328,"overs":17329,"áµ":17330,"recreation":17331,"wesley":17332,"rit":17333,"kejriwal":17334,"stocking":17335,"gv":17336,"subscribers":17337,"moose":17338,"mae":17339,"bert":17340,"oppre":17341,"assignment":17342,"uro":17343,"highlighting":17344,"calvin":17345,"weigh":17346,"cambodia":17347,"avon":17348,"kem":17349,"disabilities":17350,"ready":17351,"chargers":17352,"pads":17353,"izing":17354,"illian":17355,"truste":17356,"colleges":17357,"associates":17358,"albany":17359,"milton":17360,"cron":17361,"bur":17362,"hardly":17363,"sights":17364,"antiques":17365,"echo":17366,"surprisingly":17367,"haiti":17368,"capt":17369,"php":17370,"opio":17371,"inequality":17372,"equal":17373,"keny":17374,"schmid":17375,"autographs":17376,"rent":17377,"quer":17378,"citrus":17379,"challenged":17380,"tec":17381,"epide":17382,"fest":17383,"zhou":17384,"lime":17385,"citizenship":17386,"crystal":17387,"convinced":17388,"messenger":17389,"copenhagen":17390,"âĿĹï¸ı":17391,"warran":17392,"developments":17393,"ï¸ıâĥ£":17394,"forex":17395,"hiro":17396,"sneakers":17397,"xide":17398,"viva":17399,"stereo":17400,"batting":17401,"ssel":17402,"host":17403,"bengal":17404,"criticism":17405,"qc":17406,"crun":17407,"attempted":17408,"rye":17409,"determination":17410,"creations":17411,"dread":17412,"labels":17413,"posse":17414,"ancer":17415,"johan":17416,"sister":17417,"partnerships":17418,"lesbian":17419,"kst":17420,"guarantee":17421,"baro":17422,"fixing":17423,"mason":17424,"mous":17425,"chemicals":17426,"tless":17427,"biodiversity":17428,"paro":17429,"bharat":17430,"acol":17431,"refuge":17432,"ente":17433,"titi":17434,"dyssey":17435,"responds":17436,"lefto":17437,"iner":17438,"sevel":17439,"rahul":17440,"oline":17441,"frankfur":17442,"choreo":17443,"enjoyable":17444,"cto":17445,"struggles":17446,"woodland":17447,"heavyweight":17448,"gens":17449,"recep":17450,"accred":17451,"ðŁĺ¡":17452,"transformed":17453,"listen":17454,"atop":17455,"nk":17456,"surge":17457,"bere":17458,"governor":17459,"prisoners":17460,"claude":17461,"till":17462,"mulator":17463,"emotion":17464,"waterloo":17465,"start":17466,"ðŁĩº":17467,"cleaned":17468,"grandmother":17469,"fearless":17470,"african":17471,"astronomy":17472,"ðŁıģ":17473,"à¸Ļ":17474,"theworld":17475,"suitable":17476,"anthony":17477,"kand":17478,"tten":17479,"meaningful":17480,"disclo":17481,"jacobs":17482,"ø":17483,"tomlinson":17484,"ghetti":17485,"typho":17486,"substan":17487,"asco":17488,"tek":17489,"nagar":17490,"mud":17491,"amon":17492,"vaccine":17493,"fty":17494,"flesh":17495,"noel":17496,"inflation":17497,"portugue":17498,"glamour":17499,"tram":17500,"vre":17501,"tequ":17502,"roundup":17503,"wyn":17504,"rejected":17505,"mosaic":17506,"sighting":17507,"calf":17508,"ota":17509,"composition":17510,"gopro":17511,"gonzale":17512,"eed":17513,"bard":17514,"tue":17515,"effectively":17516,"ween":17517,"alto":17518,"ribs":17519,"relate":17520,"thirsty":17521,"furious":17522,"dim":17523,"chard":17524,"perfume":17525,"sny":17526,"churchill":17527,"kof":17528,"masterclass":17529,"wave":17530,"ðŁĶµ":17531,"erin":17532,"owns":17533,"tobe":17534,"skilled":17535,"tem":17536,"gof":17537,"eni":17538,"tori":17539,"crazy":17540,"lick":17541,"resistant":17542,"icial":17543,"agar":17544,"!:":17545,"gali":17546,"delaware":17547,"blitz":17548,"kohli":17549,"puck":17550,"availability":17551,"himalay":17552,"influential":17553,"crochet":17554,"victori":17555,"reading":17556,"hobby":17557,"viet":17558,"jas":17559,"engra":17560,"skul":17561,"ðŁĩ²ðŁĩ":17562,"educate":17563,"techno":17564,"districts":17565,"blues":17566,"sett":17567,"seventh":17568,"learns":17569,"eeee":17570,"apocalypse":17571,"hangout":17572,"cruel":17573,"mutu":17574,"bruh":17575,"helen":17576,"sheer":17577,"ction":17578,"klein":17579,"texans":17580,"cereal":17581,"shine":17582,"nered":17583,"gras":17584,"ambro":17585,"fella":17586,"hindu":17587,"matthew":17588,"lima":17589,"miranda":17590,"jewel":17591,"soho":17592,"eurovision":17593,"neighbours":17594,"chandler":17595,"besides":17596,"ðŁ¥°":17597,"astros":17598,"thumbs":17599,"renault":17600,"rave":17601,"hired":17602,"ðŁĸ¤":17603,"itary":17604,"zor":17605,"blazer":17606,"kine":17607,"eau":17608,"katy":17609,"dccomics":17610,"pec":17611,"rodgers":17612,"waterproof":17613,"killers":17614,"superint":17615,"preserv":17616,"asso":17617,"brewers":17618,"promotional":17619,"scam":17620,"villages":17621,"sketches":17622,"juicy":17623,"forlife":17624,"audit":17625,"solo":17626,"fundamental":17627,"lene":17628,"philippine":17629,"tend":17630,"conservatives":17631,"sponsorship":17632,"ddle":17633,"aine":17634,"htc":17635,"osi":17636,"hulk":17637,"waf":17638,"à¸Ļ":17639,"evaluation":17640,"antine":17641,"slee":17642,"robertson":17643,"roosevel":17644,"agi":17645,"sophistic":17646,"employers":17647,"bubbles":17648,"kowski":17649,"interaction":17650,"shu":17651,"boule":17652,"ican":17653,"jare":17654,"hank":17655,"legitim":17656,"knicks":17657,"karma":17658,"receiver":17659,"perks":17660,"uh":17661,"stair":17662,"suni":17663,"laboratory":17664,"graves":17665,"vocals":17666,"oot":17667,"cture":17668,"thrive":17669,"tico":17670,"ãĥ³":17671,"bw":17672,"cartoons":17673,"mcdonalds":17674,"draw":17675,"yung":17676,"pler":17677,"lid":17678,"ethical":17679,"groove":17680,"enta":17681,"internationalwomensday":17682,"patron":17683,"worries":17684,"ðŁİħ":17685,"ðŁijĭ":17686,"katherine":17687,"diaz":17688,"tori":17689,"bachchan":17690,"trust":17691,"mineral":17692,"icom":17693,"builders":17694,"born":17695,"coloring":17696,"latte":17697,"case":17698,"revolution":17699,"trader":17700,"oxid":17701,"chipot":17702,"instantly":17703,"southern":17704,"sehun":17705,"prob":17706,"hernandez":17707,"lisbon":17708,"huawe":17709,"pong":17710,"mea":17711,"rooney":17712,"wheelchair":17713,"keen":17714,"bett":17715,"corin":17716,"regulatory":17717,"displac":17718,"karen":17719,"schem":17720,"sunsets":17721,"whales":17722,"reminis":17723,"hep":17724,"hide":17725,"marcel":17726,"pandora":17727,"doyle":17728,"thfc":17729,"otto":17730,"nokia":17731,"transgender":17732,"kov":17733,"hawaiian":17734,"shave":17735,"sovere":17736,"excer":17737,"nicki":17738,"pug":17739,"stor":17740,"roth":17741,"weet":17742,"legal":17743,"dignity":17744,"pow":17745,"homage":17746,"ðŁĩ³ðŁĩ":17747,"sre":17748,"canon":17749,"lax":17750,"woah":17751,"quartz":17752,"ña":17753,"greeting":17754,"flickr":17755,"nairobi":17756,"advocates":17757,"anc":17758,"vii":17759,"eugene":17760,"thra":17761,"cre":17762,"elan":17763,"pension":17764,"thletics":17765,"toni":17766,"reagan":17767,"xv":17768,"store":17769,"bench":17770,"harlem":17771,"toddler":17772,"sentenced":17773,"âĻ¥ï¸ı":17774,"globally":17775,"cheaper":17776,"uf":17777,"mam":17778,"nico":17779,"iku":17780,"thou":17781,"nist":17782,"dami":17783,"thala":17784,"rhodes":17785,"sale":17786,"bowls":17787,"âĪ":17788,"lasvegas":17789,"sanctions":17790,"admire":17791,"matched":17792,"unable":17793,"traveler":17794,"eleven":17795,"strawberries":17796,"âĢĶâĢĶâĢĶâĢĶ":17797,"studio":17798,"jacques":17799,"ims":17800,"valued":17801,"sno":17802,"cheesecake":17803,"nxt":17804,"eos":17805,"sx":17806,"fx":17807,"tonic":17808,"hatch":17809,"chicks":17810,"grads":17811,"handic":17812,"rory":17813,"asp":17814,"ripped":17815,"dentist":17816,"nen":17817,"lufc":17818,"âľĬ":17819,"dige":17820,"hopkins":17821,"sherman":17822,"fda":17823,"forall":17824,"ashley":17825,"strand":17826,"hy":17827,"liquor":17828,"buffet":17829,"essence":17830,"pharma":17831,"suriya":17832,"ðŁĴĻðŁĴĻ":17833,"festivals":17834,"zan":17835,"refresh":17836,"purple":17837,"uniforms":17838,"kenneth":17839,"=)":17840,"asan":17841,"helsin":17842,"transformers":17843,"kali":17844,"personalized":17845,"chalk":17846,"bobby":17847,"âĮ":17848,"themes":17849,"departure":17850,"print":17851,"illustrations":17852,"quiet":17853,"agrees":17854,"griff":17855,"س":17856,"miti":17857,"together":17858,"convenience":17859,"abar":17860,"carlo":17861,"turtles":17862,"infosec":17863,"somewhat":17864,"arlington":17865,"scholarships":17866,"emirates":17867,"mums":17868,"stella":17869,"autonom":17870,"feather":17871,"gore":17872,"nominees":17873,"fragrance":17874,"ÑĤ":17875,"wong":17876,"theastern":17877,"gre":17878,"zilla":17879,"isi":17880,"bumper":17881,"goo":17882,"dozens":17883,"abduc":17884,"âļªï¸ı":17885,"oils":17886,"donors":17887,"silicon":17888,"ipod":17889,"fortnite":17890,"ðŁĴ¨":17891,"toro":17892,"sparkling":17893,"consciousness":17894,"pala":17895,"num":17896,"mounted":17897,"ffins":17898,"thieves":17899,"teammate":17900,"prab":17901,"omer":17902,"tapes":17903,"bod":17904,"mitsu":17905,"stew":17906,"ere":17907,"pbs":17908,"tusc":17909,"lowe":17910,"rade":17911,"parliamentary":17912,"hm":17913,"edgar":17914,"ðŁijĩðŁijĩ":17915,"toa":17916,"agh":17917,"honi":17918,"slate":17919,"geek":17920,"apt":17921,"hardt":17922,"tap":17923,"horizon":17924,"growth":17925,"makeover":17926,"hil":17927,"paperback":17928,"idan":17929,"rehabil":17930,"giu":17931,"possibilities":17932,"lettu":17933,"franco":17934,"boss":17935,"acher":17936,"doesnt":17937,"moe":17938,"taker":17939,"hussain":17940,"mlk":17941,"dil":17942,"thia":17943,"hama":17944,"realised":17945,"ravens":17946,"curriculum":17947,"mith":17948,"knight":17949,"tedx":17950,"rv":17951,"isaiah":17952,"cumbria":17953,"birthdays":17954,"fing":17955,"prez":17956,"mubarak":17957,"exquisite":17958,"clearance":17959,"yen":17960,"pari":17961,"evo":17962,"ú":17963,"modified":17964,"applying":17965,"implement":17966,"discovering":17967,"chapman":17968,"indiegame":17969,"disk":17970,"crowdfunding":17971,"machin":17972,"livel":17973,"styled":17974,"âĿĮ":17975,"making":17976,"rehearsals":17977,"nutriti":17978,"subscription":17979,"andro":17980,"creators":17981,"carries":17982,"kylie":17983,"camden":17984,"apprentice":17985,"taxpay":17986,"cca":17987,"tuesdaythoughts":17988,"pissed":17989,"erman":17990,"detec":17991,"freedom":17992,"meri":17993,"..!":17994,"psalm":17995,"sunlight":17996,"perspec":17997,"beings":17998,"bookstore":17999,"rockstar":18000,"functions":18001,"pence":18002,"faves":18003,"zn":18004,"obamacare":18005,"spill":18006,"coventry":18007,"pigeon":18008,"pivo":18009,"bait":18010,"kolkata":18011,"aval":18012,"donor":18013,"wah":18014,"privileg":18015,"traditions":18016,"rajasthan":18017,"teness":18018,"portuguese":18019,"ynes":18020,"tackles":18021,"defic":18022,"torn":18023,"polling":18024,"thorne":18025,"ina":18026,"benedict":18027,"barry":18028,"calories":18029,"verdict":18030,"savethe":18031,"norton":18032,"office":18033,"mainstream":18034,"improves":18035,"fron":18036,"responding":18037,"realtor":18038,"scottish":18039,"declar":18040,"rl":18041,"shiv":18042,"supplier":18043,"resting":18044,"sweets":18045,"qui":18046,".â̦":18047,"whitney":18048,"startup":18049,"thankyou":18050,"teacher":18051,"halls":18052,"have":18053,"handmade":18054,"proving":18055,"quartet":18056,"rochester":18057,"lian":18058,"virtual":18059,"mendes":18060,"oficial":18061,"midlands":18062,"xbox":18063,"measuring":18064,"ovo":18065,"accommodation":18066,"brides":18067,"collegiate":18068,"intellectual":18069,"incar":18070,"niag":18071,"ðŁį·":18072,"sfw":18073,"cocoa":18074,"coats":18075,"civilians":18076,"presidency":18077,"matrix":18078,"sweetheart":18079,"triathlon":18080,"wagner":18081,"radic":18082,"planner":18083,"theo":18084,"execution":18085,"kum":18086,"thewalkingdead":18087,"scar":18088,"rotation":18089,"blogging":18090,"bomb":18091,"reson":18092,"bbles":18093,"stare":18094,"assisted":18095,"edo":18096,"branded":18097,"warnings":18098,"thorpe":18099,"acknowle":18100,"satisfied":18101,"shores":18102,"rid":18103,"dora":18104,"physically":18105,"bigh":18106,"approves":18107,"hah":18108,"rical":18109,"versatile":18110,"pretend":18111,"lum":18112,"abhi":18113,"yee":18114,"spit":18115,"ãĢĮ":18116,"djs":18117,"ashtra":18118,"jt":18119,"venues":18120,"grammys":18121,"cyclo":18122,"tracker":18123,"overwatch":18124,"replica":18125,"elyn":18126,"nrl":18127,"lindsey":18128,"homo":18129,"balloons":18130,"kitchen":18131,"sis":18132,"amos":18133,"endeav":18134,"ðŁĴ»":18135,"arec":18136,"thug":18137,"hooked":18138,"hrc":18139,"newyork":18140,"burgh":18141,"americas":18142,"patricia":18143,"ugu":18144,"apathy":18145,"hast":18146,"psychi":18147,"cork":18148,"petrol":18149,"ðŁİ¬":18150,"aku":18151,"popping":18152,"psychological":18153,"aux":18154,"gma":18155,"cadillac":18156,"waste":18157,"authent":18158,"bristol":18159,"name":18160,"queer":18161,"tober":18162,"jerry":18163,"comin":18164,"chant":18165,"privileged":18166,"opar":18167,"loser":18168,"text":18169,"marker":18170,"stries":18171,"equally":18172,"aki":18173,"christmas":18174,"gareth":18175,"blew":18176,"emma":18177,"imagin":18178,"seals":18179,"cheat":18180,"conditioning":18181,"jana":18182,"rens":18183,"daries":18184,"oasis":18185,"discounts":18186,"council":18187,"ika":18188,"shirley":18189,"voucher":18190,"alps":18191,"wx":18192,"qr":18193,"drift":18194,"attempting":18195,"utc":18196,"ت":18197,"gonzalez":18198,"mf":18199,"joker":18200,"parallel":18201,"pare":18202,"aspects":18203,"procedu":18204,"np":18205,"ama":18206,"raleigh":18207,"brighten":18208,"guire":18209,"radiation":18210,"crescent":18211,"hob":18212,"ille":18213,"strand":18214,"vore":18215,"nard":18216,"chest":18217,"diwali":18218,"avatar":18219,"alder":18220,"dling":18221,"pathetic":18222,"ðŁĴĺ":18223,"spirit":18224,"jorge":18225,"filmmaking":18226,"ðŁĻıðŁĻı":18227,"challenger":18228,"bj":18229,"downtown":18230,"html":18231,"adequ":18232,"twisted":18233,"inely":18234,"('":18235,"wraps":18236,"operational":18237,"yne":18238,"nus":18239,"magnet":18240,"marketplace":18241,"healthier":18242,"snapshot":18243,"damon":18244,"interven":18245,"federer":18246,"owls":18247,"biscuits":18248,"jp":18249,"rodeo":18250,"blueberry":18251,"lection":18252,"frontier":18253,"summers":18254,"reyes":18255,"pedestrian":18256,"gol":18257,"caffe":18258,"refurbi":18259,"boulder":18260,"meghan":18261,"specialty":18262,"lass":18263,"ei":18264,"suspects":18265,"approx":18266,"rrr":18267,"rath":18268,"stim":18269,"crushed":18270,"hed":18271,"whun":18272,"loaf":18273,"crore":18274,"rivera":18275,"genetics":18276,"sock":18277,"wasted":18278,"nypd":18279,"answering":18280,"dove":18281,"bella":18282,"olin":18283,"dun":18284,"fiji":18285,"pretty":18286,"sparkle":18287,"yun":18288,"jd":18289,"europa":18290,"lifts":18291,"amber":18292,"mur":18293,"tek":18294,"boyd":18295,"royalty":18296,"indo":18297,"rib":18298,"gotham":18299,"tiest":18300,"installing":18301,"kemp":18302,"thephoto":18303,"cosmic":18304,")))":18305,"wholesale":18306,"loyment":18307,"easy":18308,"suing":18309,"settled":18310,"afp":18311,"prover":18312,"supportive":18313,"rees":18314,"neath":18315,"deliber":18316,"cé":18317,"welcome":18318,"picoftheday":18319,"newborn":18320,"patty":18321,"suns":18322,"siest":18323,"flint":18324,"differently":18325,"spoilers":18326,"trooper":18327,"gins":18328,"cory":18329,"lookout":18330,"equipped":18331,"tape":18332,"toby":18333,"researcher":18334,"ush":18335,"keyes":18336,"alma":18337,"induction":18338,"kw":18339,"khar":18340,"slick":18341,"bride":18342,"eur":18343,"craving":18344,"bookings":18345,"ches":18346,"trunk":18347,"vernon":18348,"spher":18349,"crystals":18350,"relatively":18351,"pompe":18352,"unions":18353,"valley":18354,"para":18355,"want":18356,"okc":18357,"deaf":18358,"sergio":18359,"lennon":18360,"shay":18361,"cra":18362,"vat":18363,"hee":18364,"twe":18365,"liquid":18366,"poly":18367,"ðŁİģ":18368,"bent":18369,"bearing":18370,"motorsport":18371,"barbe":18372,"testi":18373,"hani":18374,"financing":18375,"astronaut":18376,"watercolour":18377,"rish":18378,"comiccon":18379,"gart":18380,"wrong":18381,"bern":18382,"itan":18383,"stepped":18384,"filters":18385,"clow":18386,"mex":18387,"demons":18388,"allo":18389,"expanded":18390,"command":18391,"eters":18392,"goats":18393,"siri":18394,"yr":18395,"pottery":18396,"marion":18397,"ile":18398,"elan":18399,"santo":18400,"persona":18401,"duke":18402,"homeless":18403,"lighted":18404,"wheeler":18405,"changer":18406,"cabbage":18407,"surreal":18408,"hamburg":18409,"smashed":18410,"stran":18411,"knot":18412,"iart":18413,"obi":18414,"bedro":18415,"dial":18416,"thick":18417,"bingo":18418,"fus":18419,"vacuum":18420,"conve":18421,"ative":18422,"accuracy":18423,"account":18424,"refer":18425,"riz":18426,"spiderman":18427,"bana":18428,"rite":18429,"ub":18430,"abs":18431,"medical":18432,"link":18433,"siem":18434,">>>>":18435,"betra":18436,"glowing":18437,"reactions":18438,"puppet":18439,"spaghetti":18440,"angs":18441,"remedi":18442,"prayfor":18443,"royce":18444,"charlotte":18445,"£ï¸ı":18446,"ghet":18447,"affecting":18448,"rode":18449,"socialist":18450,"moses":18451,"azi":18452,"oit":18453,"reporters":18454,"cdt":18455,"aping":18456,"snat":18457,"minimal":18458,"waist":18459,"siege":18460,">>>>":18461,"rig":18462,"schmidt":18463,"hare":18464,"eca":18465,"thorn":18466,"hemp":18467,"esthe":18468,"clyde":18469,"tha":18470,"donut":18471,"mohamed":18472,"lingerie":18473,"legg":18474,"carpenter":18475,"performers":18476,"dea":18477,"imagined":18478,"curse":18479,"lash":18480,"ctr":18481,"agua":18482,"roar":18483,"gri":18484,"role":18485,"jfk":18486,"resurrec":18487,"roosevelt":18488,"marilyn":18489,"smalle":18490,"willis":18491,"waited":18492,"charities":18493,"theres":18494,"lik":18495,"original":18496,"cari":18497,"cough":18498,"cruci":18499,"lagun":18500,"contrast":18501,"kou":18502,"armour":18503,"removing":18504,"tent":18505,"mazda":18506,"brighter":18507,"thief":18508,"corner":18509,"tequila":18510,"buzzing":18511,"albi":18512,"pam":18513,"azure":18514,"discoun":18515,"pixelart":18516,"possibility":18517,"hamont":18518,"trades":18519,"buda":18520,"hive":18521,"versy":18522,"finch":18523,"transpa":18524,"emi":18525,"terrifying":18526,"inqui":18527,"gba":18528,"substitu":18529,"collecti":18530,"placing":18531,"cindy":18532,"kann":18533,"patho":18534,"diamond":18535,"mourinho":18536,"guinea":18537,"anthropo":18538,"airs":18539,"pumps":18540,"ìļ":18541,"paso":18542,"curling":18543,"anita":18544,"residency":18545,"newh":18546,"joon":18547,"cigarette":18548,"queue":18549,"extrac":18550,"games":18551,"splen":18552,"express":18553,"publicly":18554,"bonnie":18555,"tribune":18556,"baek":18557,"reasonable":18558,"cor":18559,"timothy":18560,"sheeran":18561,"ı":18562,"fdn":18563,"sutton":18564,"concentration":18565,"caravan":18566,"xavier":18567,"alger":18568,"cylin":18569,"frederick":18570,"nerve":18571,"peak":18572,"lettuce":18573,"jail":18574,"pregame":18575,"kavan":18576,"upgraded":18577,"ecology":18578,"squadron":18579,"grapes":18580,"goog":18581,"pastry":18582,"ðŁĹ£":18583,"ãĥ¼ãĥ":18584,"milano":18585,"awaz":18586,"presenter":18587,"ðŁĮ¿":18588,"herd":18589,"kings":18590,"template":18591,"flour":18592,"hv":18593,"kley":18594,"iya":18595,"spec":18596,"ater":18597,"frankfurt":18598,"coch":18599,"texting":18600,"deli":18601,"communist":18602,"regiment":18603,"eleanor":18604,"anticipated":18605,"ðŁijĮðŁı»":18606,"thephotohour":18607,"rano":18608,"surviving":18609,"simulation":18610,"dawson":18611,"arin":18612,"aqua":18613,"mor":18614,"â̦.":18615,"cino":18616,"iraqi":18617,"shaz":18618,"dundee":18619,"wes":18620,"drau":18621,"hannah":18622,"snews":18623,"occupation":18624,"steen":18625,"xm":18626,"angles":18627,"settings":18628,"guru":18629,"knox":18630,"orca":18631,"shaping":18632,"went":18633,"drilling":18634,"zzie":18635,"bri":18636,"kissing":18637,"find":18638,"maine":18639,"âŃIJï¸ıâŃIJï¸ı":18640,"ðŁĮį":18641,"larry":18642,"busted":18643,"tavern":18644,"actively":18645,"-\"":18646,"replacing":18647,"nod":18648,"unlock":18649,".\"":18650,"âŀ¤":18651,"affiliate":18652,"tow":18653,"ln":18654,"happynewyear":18655,"dif":18656,"jm":18657,"greenwich":18658,"controversy":18659,"dawg":18660,"condol":18661,"savannah":18662,"compensation":18663,"touchdown":18664,"teo":18665,"ambitious":18666,"embroi":18667,"convicted":18668,"iartg":18669,"barack":18670,"trance":18671,"testimony":18672,"audition":18673,"thumb":18674,"myths":18675,"bex":18676,"quez":18677,"orchid":18678,"deny":18679,"entitled":18680,"hood":18681,"grant":18682,"inbox":18683,"bluejays":18684,"rilla":18685,"smallest":18686,"burden":18687,"infamous":18688,"divided":18689,"boundaries":18690,"tter":18691,"elt":18692,"wyoming":18693,"beverage":18694,"mesm":18695,"onews":18696,"buddhist":18697,"yana":18698,"assad":18699,"isms":18700,"barrett":18701,"predicted":18702,"backto":18703,"twit":18704,"ethere":18705,"captains":18706,"escaped":18707,"ayo":18708,"lamborgh":18709,"gardner":18710,"laps":18711,"kal":18712,"advertisement":18713,"insects":18714,"napo":18715,"amen":18716,"acy":18717,"rand":18718,"gk":18719,"teh":18720,"kathle":18721,"tridge":18722,"pancake":18723,"atro":18724,"pyramid":18725,"bula":18726,"paralym":18727,"gauge":18728,"encies":18729,"tomy":18730,"biscuit":18731,"butcher":18732,"qualifier":18733,"county":18734,"kei":18735,"pools":18736,"darker":18737,"shoulders":18738,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":18739,"spre":18740,"(\"":18741,"writers":18742,"gm":18743,"ðŁİĵ":18744,"knit":18745,"huff":18746,"mtb":18747,"phillies":18748,"ost":18749,"denis":18750,"gart":18751,"licensed":18752,"interface":18753,"excel":18754,"dwell":18755,"fromthe":18756,"cofficial":18757,"azzi":18758,"appearing":18759,"forest":18760,"nana":18761,"keith":18762,"manufacturers":18763,"beckham":18764,")?":18765,"ese":18766,"colony":18767,"delicate":18768,"utter":18769,"mcin":18770,"transplant":18771,"preferred":18772,"pard":18773,"arie":18774,"hub":18775,"pods":18776,"perspectives":18777,"pict":18778,"delu":18779,"apper":18780,"bethan":18781,"pmo":18782,"criminals":18783,"feminism":18784,"shack":18785,"circumstances":18786,"fellas":18787,"protesting":18788,"wax":18789,"suggested":18790,"tator":18791,"drew":18792,"omni":18793,"fake":18794,"kathy":18795,"reb":18796,"deline":18797,"berni":18798,"misty":18799,"ðŁij©":18800,"erable":18801,"breakthrough":18802,"menswear":18803,"millennials":18804,"chanyeol":18805,"laz":18806,"insert":18807,"replies":18808,"phrase":18809,"nx":18810,"iheartawards":18811,"audrey":18812,"granite":18813,"racec":18814,"orie":18815,"terra":18816,"innovations":18817,"brittany":18818,"ateral":18819,"pear":18820,"biological":18821,"shments":18822,"institution":18823,"msn":18824,"frequency":18825,"dman":18826,"neglec":18827,"tf":18828,"stefan":18829,"foxnews":18830,"typo":18831,"comms":18832,"sequence":18833,"carmen":18834,"whites":18835,"economist":18836,"exeter":18837,"seum":18838,"resorts":18839,"casually":18840,"bunde":18841,"divide":18842,"ع":18843,"gag":18844,"creed":18845,"retire":18846,"caucus":18847,"rapids":18848,"wrestlemania":18849,"tulsa":18850,"sunderland":18851,"fundament":18852,"odi":18853,"yamaha":18854,"vary":18855,"intrigu":18856,"else":18857,"beacon":18858,"angie":18859,"traded":18860,"transm":18861,"gents":18862,"knitting":18863,"galac":18864,"ðĿĹ":18865,"uto":18866,"seaside":18867,"holt":18868,"rers":18869,"fargo":18870,"trainers":18871,"monsoon":18872,"bale":18873,"sought":18874,"maddie":18875,"hw":18876,"coli":18877,"fran":18878,"favs":18879,"ðŁĴĶ":18880,"intent":18881,"rally":18882,"sbs":18883,"lemonade":18884,"barackobama":18885,"bread":18886,"sticky":18887,"explosive":18888,"chelten":18889,"tj":18890,"assoc":18891,"ramen":18892,"homies":18893,"vlog":18894,"mister":18895,"lord":18896,"âĢįâĻĢï¸ı":18897,"alyssa":18898,"sketchbook":18899,"rumble":18900,"catch":18901,"migrant":18902,"discipline":18903,"unlikely":18904,"chronicles":18905,"flora":18906,"slams":18907,"amid":18908,"sboro":18909,"coop":18910,"jumps":18911,"tranqu":18912,"melis":18913,"sofia":18914,"enri":18915,"gabe":18916,"syri":18917,"nicolas":18918,"chai":18919,"wv":18920,"becky":18921,"footy":18922,"tao":18923,"suppose":18924,"ðŁĺįðŁĺįðŁĺįðŁĺį":18925,"plush":18926,"rish":18927,"ð٤ĵ":18928,"kha":18929,"saturdays":18930,"accent":18931,"hec":18932,"limit":18933,"carlton":18934,"wired":18935,"taylorswift":18936,"ðŁĺij":18937,"sql":18938,"harro":18939,"recipients":18940,"gat":18941,"gop":18942,"thof":18943,"amazed":18944,"ghan":18945,"ðŁıĨðŁıĨ":18946,"porto":18947,"clare":18948,"distant":18949,"nac":18950,"ohio":18951,"ðŁĻıðŁı¼":18952,"mtn":18953,"antibio":18954,"dinosa":18955,"mesa":18956,"partial":18957,"bv":18958,"learnt":18959,"lovato":18960,"question":18961,"extract":18962,"gossip":18963,"gibb":18964,"niagara":18965,"ðŁij¨":18966,"displayed":18967,"sooner":18968,"stevie":18969,"nuggets":18970,"mln":18971,"brom":18972,"turb":18973,"giveaways":18974,"stupi":18975,"blink":18976,"cili":18977,"convenient":18978,"moh":18979,"vive":18980,"fric":18981,"cause":18982,"chamber":18983,"cules":18984,"nearest":18985,"isse":18986,"smallbiz":18987,"tj":18988,"canadians":18989,"smarter":18990,"brasil":18991,"rare":18992,"quette":18993,"wha":18994,"candle":18995,"atomic":18996,"ðŁijįðŁijį":18997,"warrior":18998,"relaxed":18999,"strips":19000,"neur":19001,"kka":19002,"rfc":19003,"jensen":19004,"recovering":19005,"responses":19006,"salam":19007,"orthodox":19008,"active":19009,"ellers":19010,"nit":19011,"âŃIJ":19012,"metropolitan":19013,"centuries":19014,"vida":19015,"grading":19016,"transparent":19017,"simple":19018,"dots":19019,"superintendent":19020,"elevator":19021,"automated":19022,"redskins":19023,"imam":19024,"summertime":19025,"jonathan":19026,"gearing":19027,"michelle":19028,"conflic":19029,"mice":19030,"tote":19031,"publish":19032,"pax":19033,")-":19034,"nailed":19035,"á´":19036,"telescope":19037,"serbia":19038,"bab":19039,"apeu":19040,"stically":19041,"senti":19042,"rats":19043,"isolated":19044,"group":19045,"hatred":19046,"paranormal":19047,"stanley":19048,"alion":19049,"safety":19050,"ls":19051,"र":19052,"nexus":19053,"alexandra":19054,"masks":19055,"++":19056,"tron":19057,"auk":19058,"brotherhood":19059,"browse":19060,"mixes":19061,"simone":19062,"musk":19063,"approve":19064,"lola":19065,"exp":19066,"perth":19067,"futuri":19068,"unseen":19069,"dm":19070,"chelse":19071,"scouting":19072,"owe":19073,"portsmouth":19074,"kram":19075,"mize":19076,"dispen":19077,"sup":19078,"dlc":19079,"advert":19080,"teresa":19081,"isle":19082,"cycle":19083,"metall":19084,"shields":19085,"mariners":19086,"raz":19087,"ingen":19088,"fund":19089,"ango":19090,"jones":19091,"oka":19092,"madden":19093,"broccoli":19094,"dominic":19095,"situations":19096,"mero":19097,"cricke":19098,"punishment":19099,"db":19100,"shaking":19101,"ðŁĺļ":19102,"mq":19103,"arians":19104,"leh":19105,"claw":19106,"weds":19107,"dure":19108,"niel":19109,"jelly":19110,"gourmet":19111,"traders":19112,"levi":19113,"wages":19114,"knees":19115,"wise":19116,"heavenly":19117,"avid":19118,"melody":19119,"zack":19120,"bananas":19121,"apprentice":19122,"prop":19123,"funny":19124,"ode":19125,"respected":19126,"megan":19127,"fewer":19128,"drafted":19129,"medit":19130,"grape":19131,"usarmy":19132,"crusad":19133,"vocali":19134,"preparations":19135,"nonsense":19136,"usage":19137,"thr":19138,"roth":19139,"wizards":19140,"inside":19141,"promotions":19142,"mona":19143,"redsox":19144,"sig":19145,"elegance":19146,"chia":19147,"universal":19148,"ãĢį":19149,"raja":19150,"unga":19151,"pollin":19152,"filipino":19153,"aka":19154,"tsun":19155,"ikon":19156,"biking":19157,"decorations":19158,"zac":19159,"cadets":19160,"humour":19161,"agm":19162,"reppin":19163,"vaccin":19164,"elove":19165,"uw":19166,"diabe":19167,"gallagher":19168,"azer":19169,"dol":19170,"awhile":19171,"prominent":19172,"welsh":19173,"tann":19174,"')":19175,"bien":19176,"wag":19177,"inal":19178,"cwc":19179,"wicket":19180,"urst":19181,"qanon":19182,"xe":19183,"outdoor":19184,"dunn":19185,"starr":19186,"cology":19187,"ricky":19188,"uefa":19189,"rebounds":19190,"smusic":19191,"infant":19192,"ðŁĻĭ":19193,"sop":19194,"umber":19195,"handing":19196,"begin":19197,"sorting":19198,"hash":19199,"spati":19200,"rek":19201,"budapest":19202,"blackhawks":19203,"delete":19204,"rom":19205,"candid":19206,"authori":19207,"debris":19208,"specul":19209,"intersection":19210,"marriott":19211,"imran":19212,"ðŁĺģðŁĺģ":19213,"cruises":19214,"ramsey":19215,"rafael":19216,"awareness":19217,"vascular":19218,"beyoncé":19219,"rug":19220,"ðŁĺĮ":19221,"festiv":19222,"aram":19223,"sable":19224,"basil":19225,"pill":19226,"flooring":19227,"unbeaten":19228,"implications":19229,"uf":19230,"wound":19231,"forge":19232,"pointing":19233,"pots":19234,"popularity":19235,"ðŁijıðŁı»":19236,"manipul":19237,"slots":19238,"debates":19239,"absence":19240,"vermont":19241,"neverforget":19242,"wrist":19243,"gloria":19244,"rence":19245,"husk":19246,"melting":19247,"ðŁİŁ":19248,"braces":19249,"timely":19250,"transforming":19251,"amps":19252,"mak":19253,"poe":19254,"ahan":19255,"generally":19256,"ndp":19257,"aleppo":19258,"unicef":19259,"profs":19260,"nord":19261,"mask":19262,"jacksonville":19263,"vv":19264,"shells":19265,"blooming":19266,"operators":19267,"charcoal":19268,"neville":19269,"magi":19270,"chip":19271,"sama":19272,"iran":19273,"reforms":19274,"accumul":19275,"rue":19276,"æľ":19277,"websites":19278,"gaon":19279,"devastating":19280,"stos":19281,"glacier":19282,"rapp":19283,"chipotle":19284,"pra":19285,"orous":19286,"romney":19287,"season":19288,"decorative":19289,"cisco":19290,"ditch":19291,"complain":19292,"llo":19293,"assume":19294,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":19295,"nels":19296,"centric":19297,"ftw":19298,"carrots":19299,"tata":19300,"canter":19301,"perience":19302,"liers":19303,"demos":19304,"blunt":19305,"operate":19306,"reservations":19307,"leah":19308,"substance":19309,"dison":19310,"ante":19311,"election":19312,"vue":19313,"square":19314,"nonprofit":19315,"caa":19316,"fsu":19317,"yam":19318,"ãĤ¤":19319,"vladi":19320,"completes":19321,"mari":19322,"phillip":19323,"neill":19324,"eras":19325,"kait":19326,"mendo":19327,"maharashtra":19328,"gp":19329,"dane":19330,"providence":19331,"therapeu":19332,"juvenile":19333,"memo":19334,"incorpor":19335,"aaaa":19336,"seventeen":19337,"teenager":19338,"ã":19339,"orns":19340,"wide":19341,"cuteness":19342,"twd":19343,"ffles":19344,"bara":19345,"comedy":19346,"overtime":19347,"yaz":19348,"baron":19349,"unemployment":19350,"ðŁijĭ":19351,"exterior":19352,"dense":19353,"centres":19354,"matchup":19355,"historymonth":19356,"artificial":19357,"quit":19358,"esk":19359,"warn":19360,"critic":19361,"jaf":19362,"ðŁĵ²":19363,"informative":19364,"fuels":19365,"recycle":19366,"naming":19367,"stripe":19368,"solic":19369,"molecular":19370,"deepi":19371,"convo":19372,"ssel":19373,"nae":19374,"descent":19375,"tiz":19376,"accountability":19377,"terry":19378,"rito":19379,"slay":19380,"emo":19381,"demol":19382,"sensation":19383,"cov":19384,"tore":19385,"roundtable":19386,"yol":19387,"excuses":19388,"à¥į":19389,"turquo":19390,"hhhh":19391,"podcasts":19392,"celeb":19393,"messi":19394,"lio":19395,"mann":19396,"contributed":19397,"uz":19398,"generator":19399,"elets":19400,"veggie":19401,"indul":19402,"ensuring":19403,"detroit":19404,"punjab":19405,"transpor":19406,"instruction":19407,"add":19408,"porcel":19409,"paneli":19410,"circles":19411,"persist":19412,"clayton":19413,"spn":19414,"dogsoftwitter":19415,"isnt":19416,"spr":19417,"retailers":19418,"pw":19419,"hungar":19420,"elena":19421,"monaster":19422,"guatem":19423,"jessie":19424,"anz":19425,"rashi":19426,"flee":19427,"carving":19428,"faux":19429,"lal":19430,"henri":19431,"djo":19432,"dull":19433,"sana":19434,"lara":19435,"globe":19436,"crimson":19437,"compass":19438,"pause":19439,"nab":19440,"lionel":19441,"baths":19442,"ufo":19443,"inventory":19444,"singh":19445,"satan":19446,"ðŁĩ¸":19447,"cements":19448,"inform":19449,"generated":19450,"biden":19451,"avg":19452,"tasks":19453,"deer":19454,"sau":19455,"jailed":19456,"pastel":19457,"scc":19458,"nail":19459,"steele":19460,"peris":19461,"lamborghini":19462,"pursue":19463,"margin":19464,"uch":19465,"bosch":19466,"drain":19467,"clara":19468,"bom":19469,"latino":19470,"webster":19471,"rosemary":19472,"rha":19473,"soun":19474,"billionaire":19475,"notch":19476,"percentage":19477,"conor":19478,"'\"":19479,"homes":19480,"earthday":19481,"hort":19482,"biggest":19483,"disin":19484,"walton":19485,"editors":19486,"imma":19487,"omar":19488,"equivalent":19489,"pharmaceu":19490,"ahmed":19491,"cameo":19492,"hanni":19493,"underrated":19494,"gement":19495,"microbi":19496,"voo":19497,"honorable":19498,"obesity":19499,"âļ¡ï¸ı":19500,"limerick":19501,"involvement":19502,"stagram":19503,"boulevard":19504,"burg":19505,"blackandwhite":19506,"liberation":19507,"five":19508,"interim":19509,"smm":19510,"rivalry":19511,"capabilities":19512,"statements":19513,"thumb":19514,"ved":19515,"swans":19516,"barber":19517,"eque":19518,"serena":19519,"helm":19520,"noodle":19521,"sampling":19522,"nawaz":19523,"single":19524,"thunderstorms":19525,"shon":19526,"inev":19527,"ë¯":19528,"topp":19529,"orchard":19530,"bian":19531,"ðŁĺĶ":19532,"doorstep":19533,"salvation":19534,"marketing":19535,"rons":19536,"clemson":19537,"ravi":19538,"intake":19539,"standwith":19540,"sina":19541,"haiku":19542,"pley":19543,"electoral":19544,"philly":19545,"lays":19546,"electric":19547,"capturing":19548,"upp":19549,"ergy":19550,"believing":19551,"cultures":19552,"esday":19553,"invasive":19554,"eded":19555,"speech":19556,"endur":19557,"vietnam":19558,"boycott":19559,"pede":19560,"deliver":19561,"ðŁĴĸðŁĴĸ":19562,"merchant":19563,"stir":19564,"denies":19565,"pockets":19566,"oti":19567,"cuddle":19568,"roland":19569,"mmed":19570,"dened":19571,"learners":19572,"hoop":19573,"sourcing":19574,"hacked":19575,"dim":19576,"environments":19577,"benson":19578,"judicial":19579,"worcester":19580,"pearls":19581,"governments":19582,"arrivals":19583,"corners":19584,"tuning":19585,"labour":19586,"ym":19587,"ordering":19588,"lewi":19589,"ife":19590,"hygiene":19591,"thoughtful":19592,"indonesian":19593,"campaigning":19594,"principle":19595,"assaul":19596,"rubb":19597,"atv":19598,"willy":19599,"entre":19600,"ili":19601,"phon":19602,"duties":19603,"âĻ¥âĻ¥":19604,"snakes":19605,"loop":19606,"amar":19607,"convertible":19608,"bonding":19609,"mentoring":19610,"maxwell":19611,"ethereum":19612,"destroying":19613,"axis":19614,"cairo":19615,"finnish":19616,"shock":19617,"ðŁĺIJ":19618,"caleb":19619,"coma":19620,"pedal":19621,"core":19622,"continent":19623,"elson":19624,"tempo":19625,"helsinki":19626,"acp":19627,"tackling":19628,"stated":19629,"bla":19630,"doub":19631,"smashing":19632,"aja":19633,"cameron":19634,"disruption":19635,"warmth":19636,"beingsalmankhan":19637,"bulletin":19638,"ode":19639,"syracuse":19640,"aran":19641,"mcgregor":19642,"bulk":19643,"anton":19644,"confirmation":19645,"spine":19646,"imran":19647,"instruc":19648,"jacks":19649,"chio":19650,"palm":19651,"stre":19652,"embarrassing":19653,"unt":19654,"eliminate":19655,"toss":19656,"cise":19657,"aws":19658,"onists":19659,"shinee":19660,"jos":19661,"hose":19662,"lively":19663,"opponents":19664,"movements":19665,"recognizing":19666,"sandwiches":19667,"shakes":19668,"exercises":19669,"seat":19670,"profession":19671,"merrychristmas":19672,"lugg":19673,"adoptdont":19674,"marvin":19675,"byrne":19676,"unle":19677,"het":19678,"kuwait":19679,"rahman":19680,"aspect":19681,"humbled":19682,"genes":19683,"fand":19684,"longtime":19685,");":19686,"campu":19687,"angus":19688,"ðŁijįðŁı¼":19689,"quran":19690,"sleeves":19691,"slic":19692,"¸ë":19693,"twelve":19694,"youre":19695,"ike":19696,"gogh":19697,"bst":19698,"dictionary":19699,"reflecting":19700,"toon":19701,"yarn":19702,"embed":19703,"ðŁı´":19704,"reserves":19705,"flooded":19706,"veriz":19707,"dusk":19708,"establish":19709,"proli":19710,"aud":19711,"ritual":19712,"orbit":19713,"declaration":19714,"recordings":19715,"camo":19716,"cassette":19717,"goodluck":19718,"cutter":19719,"bop":19720,"bho":19721,"cheating":19722,"pacific":19723,"mares":19724,"timer":19725,"colt":19726,"trous":19727,"tomorrow":19728,"hansen":19729,"cie":19730,"wang":19731,"bani":19732,"circular":19733,"acute":19734,"farmer":19735,"coys":19736,"pse":19737,"irving":19738,"wj":19739,"hawkins":19740,"bison":19741,"urday":19742,"cruising":19743,"ote":19744,"kath":19745,"whistle":19746,"yourselves":19747,"antis":19748,"slash":19749,"thoroughly":19750,"kesh":19751,"serie":19752,"exem":19753,"enig":19754,"guild":19755,"shred":19756,"hogan":19757,"apo":19758,"ä¸":19759,"puzz":19760,"netball":19761,"aussi":19762,"panorama":19763,"wsj":19764,"avis":19765,"arming":19766,"humph":19767,"browser":19768,"cries":19769,"foggy":19770,"matte":19771,"ðŁĮ»":19772,"iter":19773,"tallest":19774,"byron":19775,"captiv":19776,"jesu":19777,"anyways":19778,"flagship":19779,"pton":19780,"wey":19781,"fayette":19782,"financial":19783,"foul":19784,"solomon":19785,"jennifer":19786,"cucumber":19787,"argue":19788,"textile":19789,"wrestler":19790,"johnston":19791,"pastor":19792,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":19793,"cactus":19794,"edible":19795,"reserved":19796,"richie":19797,"metres":19798,"ingredient":19799,"hella":19800,"unto":19801,"chol":19802,"celebs":19803,"poets":19804,"graham":19805,"hayden":19806,"coincidence":19807,"baw":19808,"communicate":19809,"fletcher":19810,"/-":19811,"toledo":19812,"ecuador":19813,"counsel":19814,"slaughter":19815,"linear":19816,"atp":19817,"osu":19818,"joel":19819,"eved":19820,"conquer":19821,"rustic":19822,"plicity":19823,"recognise":19824,"roommate":19825,"cracked":19826,"jasper":19827,"pher":19828,"ðŁĮº":19829,"woven":19830,"moist":19831,"ffc":19832,"steering":19833,"nish":19834,"standings":19835,"frequent":19836,"ardi":19837,"hazel":19838,"asmsg":19839,"baum":19840,"dart":19841,"sidd":19842,"nath":19843,"chero":19844,"cardboard":19845,"css":19846,"nsfw":19847,"pair":19848,"ðŁĺįðŁĺĺ":19849,"occurred":19850,"homelessness":19851,"malone":19852,"phe":19853,"xia":19854,"paddy":19855,"declare":19856,"theatre":19857,"bf":19858,"persian":19859,"tad":19860,"axe":19861,"suspicious":19862,"lamb":19863,"mucho":19864,"senior":19865,"stas":19866,"kite":19867,"sting":19868,"grad":19869,"kaf":19870,"watering":19871,"د":19872,"spiral":19873,"thms":19874,"educator":19875,"jerome":19876,"ofc":19877,"clock":19878,"sul":19879,"pemb":19880,".........":19881,"parkway":19882,"deaux":19883,"restrictions":19884,"mons":19885,"needle":19886,"ej":19887,"leagues":19888,"watermelon":19889,"aman":19890,"plenary":19891,"maxim":19892,"wab":19893,"comingsoon":19894,"bryce":19895,"vigil":19896,"supermarket":19897,"fortunate":19898,"turquoise":19899,"president":19900,"liv":19901,"interns":19902,"feelin":19903,"fixtures":19904,"stunt":19905,"staged":19906,"premieres":19907,"lok":19908,"practiti":19909,"shortage":19910,"logne":19911,"vec":19912,"concor":19913,"rocke":19914,"lig":19915,"composed":19916,"synthetic":19917,"dip":19918,"camila":19919,"chis":19920,"jou":19921,"susan":19922,"eyebrows":19923,"supplement":19924,"satisfaction":19925,"mohammad":19926,"tibet":19927,"houseof":19928,"pun":19929,"assam":19930,"shadowhun":19931,"psyched":19932,"seduc":19933,"mandatory":19934,"herbert":19935,"scallo":19936,"streamers":19937,"protocol":19938,"blockbuster":19939,"produces":19940,"schnei":19941,"laurel":19942,"tribe":19943,"timehop":19944,"pla":19945,"modelling":19946,"tvtime":19947,"mtvstars":19948,"widow":19949,"metric":19950,"cham":19951,"condo":19952,"flowering":19953,"alec":19954,"dms":19955,"intensity":19956,"¨":19957,"mccartney":19958,"islamabad":19959,"kb":19960,"ffi":19961,"phal":19962,"analog":19963,"fond":19964,"hacks":19965,"positivity":19966,"treaty":19967,"submarine":19968,"connect":19969,"selen":19970,"categories":19971,"cub":19972,"organize":19973,"sik":19974,"quoteoftheday":19975,"reminding":19976,"amor":19977,"locking":19978,"ðŁijıðŁı¼":19979,"compound":19980,"ette":19981,"bout":19982,"recur":19983,"ference":19984,"mizz":19985,"trend":19986,"hipster":19987,"fortress":19988,"forthcoming":19989,"prelimin":19990,"odyssey":19991,"angp":19992,"delici":19993,"evenings":19994,"ðŁĶ¹":19995,"iq":19996,"dw":19997,"dair":19998,"kathryn":19999,"christianity":20000,"moonlight":20001,"hab":20002,"whoo":20003,"fbf":20004,"seth":20005,"genuinely":20006,"pax":20007,"charity":20008,"deployed":20009,"bnb":20010,"bucs":20011,"judg":20012,"conge":20013,"plantation":20014,"impress":20015,"cara":20016,"sclub":20017,"scopy":20018,"landers":20019,"complaints":20020,"bama":20021,"rebuild":20022,"xy":20023,"realism":20024,"shour":20025,"lein":20026,"bracelets":20027,"mera":20028,"assassin":20029,"anchor":20030,"ðŁijĮðŁı¼":20031,"linen":20032,"confron":20033,"chronicle":20034,"comment":20035,"catalog":20036,"illes":20037,"gorge":20038,"metry":20039,"jungkook":20040,"lovemy":20041,"sentin":20042,"seem":20043,"fitness":20044,"allied":20045,"tsman":20046,"digitaltransformation":20047,"pran":20048,"loft":20049,"minton":20050,"aldenrichards":20051,"envel":20052,"cherish":20053,"certainty":20054,"zzz":20055,"rhino":20056,"perkins":20057,"enrich":20058,"capetown":20059,"ometer":20060,"sections":20061,"skeleton":20062,"defenders":20063,"ðŁĺĿ":20064,"penc":20065,"brit":20066,"jah":20067,"capitalism":20068,"ðŁ¥ĩ":20069,"bazaar":20070,"reme":20071,"ext":20072,"kkk":20073,"convert":20074,"stormy":20075,"bye":20076,"karan":20077,"chrysler":20078,"ados":20079,"pressed":20080,"sync":20081,"ationday":20082,"danger":20083,"badges":20084,"refuses":20085,"empowering":20086,"lym":20087,"exports":20088,"adoptdontshop":20089,"ðŁĩ¯":20090,"thc":20091,"awaited":20092,"focuses":20093,"fined":20094,"oat":20095,"hahahah":20096,"âģ©":20097,"nfamily":20098,"fiona":20099,"luckily":20100,"thrilling":20101,"typing":20102,"outbreak":20103,"dies":20104,"heu":20105,"crawl":20106,"nesses":20107,"oath":20108,"scripts":20109,"geeks":20110,"ðŁIJĿ":20111,"pb":20112,"mathematics":20113,"alis":20114,"________________":20115,"gymnastics":20116,"activism":20117,"recommendation":20118,"gren":20119,"wain":20120,"courty":20121,"napol":20122,"cauli":20123,"hornets":20124,"gals":20125,"jockey":20126,"dirty":20127,"atar":20128,"enormous":20129,"pest":20130,"gregation":20131,"anos":20132,"iiii":20133,"defends":20134,"blackhistorymonth":20135,"atx":20136,"mbc":20137,"luggage":20138,"witch":20139,"cob":20140,"lasts":20141,"cum":20142,"ggg":20143,"bathing":20144,"nar":20145,"cebu":20146,"ðŁįĥ":20147,"navigation":20148,"mine":20149,"rejo":20150,"ðŁİĢ":20151,"giftide":20152,"reta":20153,"useless":20154,"pull":20155,"deficit":20156,"allu":20157,"atime":20158,"itv":20159,"trillion":20160,"pue":20161,"acies":20162,"procedure":20163,"lori":20164,"jenny":20165,"cad":20166,"ulously":20167,"drac":20168,"promotes":20169,"ingthe":20170,"canu":20171,"woohoo":20172,"naomi":20173,"zardari":20174,"tsu":20175,"beir":20176,"sdg":20177,"lever":20178,"weber":20179,"abud":20180,"lund":20181,"crowded":20182,"deployment":20183,"terrain":20184,"kenny":20185,"hof":20186,"witnessed":20187,"loch":20188,"jk":20189,"bully":20190,"wren":20191,"poetry":20192,"doff":20193,"wwi":20194,"mored":20195,"dini":20196,"culture":20197,"prompt":20198,"Â¥":20199,"maurice":20200,"topps":20201,"rm":20202,"correspon":20203,"about":20204,"jewels":20205,"gibr":20206,"eagle":20207,"ðŁĺĺðŁĺĺðŁĺĺ":20208,"lending":20209,"souven":20210,"çĶ":20211,"contemporaryart":20212,"establishment":20213,"jong":20214,"â̦\"":20215,"gator":20216,"patriotic":20217,"mccoy":20218,"vape":20219,"humane":20220,"feliz":20221,"coachella":20222,"reposting":20223,"steals":20224,"fuller":20225,"nering":20226,"atra":20227,"(-":20228,"blake":20229,"heather":20230,"worms":20231,"disciplinary":20232,"redemption":20233,"yard":20234,"amin":20235,"\"@_":20236,"dnc":20237,"tds":20238,"kappa":20239,"newark":20240,"commits":20241,"spears":20242,"jams":20243,"tand":20244,"msnbc":20245,"intermedi":20246,"aimed":20247,"atic":20248,"teenth":20249,"observation":20250,"kashmir":20251,"kavanaugh":20252,"oul":20253,"sanfrancisco":20254,"reu":20255,"belated":20256,"chow":20257,"password":20258,"stills":20259,"detained":20260,"sari":20261,"dayton":20262,"darren":20263,"italian":20264,"arth":20265,"amusic":20266,"arbit":20267,"wm":20268,"vm":20269,"hem":20270,"doug":20271,"myr":20272,"asho":20273,"prev":20274,"vind":20275,"brah":20276,"stag":20277,"ี":20278,"previews":20279,"guk":20280,"containing":20281,"leonardo":20282,"saddle":20283,"rushing":20284,"stav":20285,"longh":20286,"gambling":20287,"vegas":20288,"reservation":20289,"endale":20290,"bala":20291,"fla":20292,"variant":20293,"hedge":20294,"bulgaria":20295,"natali":20296,"weaver":20297,"solst":20298,"encouraged":20299,"apc":20300,"asparag":20301,"nest":20302,"cyclists":20303,"fel":20304,"ìĬ¤":20305,"overwhelming":20306,"peyton":20307,"jit":20308,"apost":20309,"mble":20310,"bleeding":20311,"neighbourhood":20312,"avery":20313,"expressions":20314,"macdonald":20315,"gigs":20316,"monds":20317,"illusion":20318,"nct":20319,"camero":20320,"overhead":20321,"myth":20322,"oly":20323,"vio":20324,"etv":20325,"laurie":20326,"unveiling":20327,"prior":20328,"conn":20329,"ironman":20330,"diff":20331,"dayin":20332,"critici":20333,"congo":20334,"revision":20335,"wale":20336,"director":20337,"pines":20338,"blackpink":20339,"garner":20340,"curated":20341,"manitoba":20342,"hac":20343,"commonly":20344,"barton":20345,"....#":20346,"mortality":20347,"livesmatter":20348,"philosop":20349,"shorter":20350,"convince":20351,"freak":20352,"vendors":20353,"insightful":20354,"elly":20355,"sensors":20356,"eled":20357,"sberg":20358,"weightloss":20359,"ukip":20360,"spur":20361,"private":20362,"qua":20363,"ssc":20364,",...":20365,"supervisor":20366,"adviser":20367,"amazingly":20368,"lesser":20369,"ates":20370,"mahon":20371,"oooooo":20372,"saras":20373,"pmoindia":20374,"waffle":20375,"unders":20376,"tolerance":20377,"sculptures":20378,"hersh":20379,"knocking":20380,"smoke":20381,"catholic":20382,"grim":20383,"traveled":20384,"flip":20385,"geoff":20386,"dinosaurs":20387,"slept":20388,"scarlet":20389,"oki":20390,"complaint":20391,"obsc":20392,"nami":20393,"lag":20394,"crossfit":20395,"ufc":20396,"mccain":20397,"referee":20398,"sadness":20399,"penny":20400,"lieu":20401,"mode":20402,"kier":20403,"vols":20404,"wis":20405,"elon":20406,"shea":20407,"bao":20408,"sonia":20409,"claire":20410,"emmanuel":20411,"moisture":20412,"digest":20413,"viii":20414,"teller":20415,"chon":20416,"accessory":20417,"nightclub":20418,"fossil":20419,"awan":20420,"husky":20421,"aboriginal":20422,"brandon":20423,"fficient":20424,"cougars":20425,"sted":20426,"admitted":20427,"ignored":20428,"contentmarketing":20429,"agas":20430,"vase":20431,"executed":20432,"negotiations":20433,"shead":20434,"nand":20435,"tablets":20436,"goth":20437,"tsal":20438,"dfw":20439,"onep":20440,"protector":20441,"spho":20442,"gazette":20443,"andreas":20444,"sser":20445,"compilation":20446,"hav":20447,"containers":20448,"broker":20449,"socal":20450,"porcelain":20451,"hyuk":20452,"airing":20453,"ðŁĴ°":20454,"publisher":20455,"scenario":20456,"spartans":20457,"reviewing":20458,"itudes":20459,"edel":20460,"pearson":20461,"bash":20462,"maui":20463,"aad":20464,"ðŁĮĬ":20465,"liu":20466,"ulate":20467,"programmes":20468,"favour":20469,"webdesign":20470,"realty":20471,"motivational":20472,"crosses":20473,"'...":20474,"busch":20475,"adjustable":20476,"arjun":20477,"mistak":20478,"dimension":20479,"pistol":20480,"weighs":20481,"eny":20482,"unveil":20483,"indycar":20484,"gordon":20485,"fade":20486,"franken":20487,"qualities":20488,"bett":20489,"locate":20490,"kerr":20491,"spc":20492,"confusion":20493,"nee":20494,"lucky":20495,"bases":20496,"depends":20497,"firefighter":20498,"ola":20499,"ret":20500,"maroon":20501,"ðŁĶĬ":20502,"wam":20503,"defining":20504,"wheat":20505,"bil":20506,"és":20507,"bhai":20508,"psych":20509,"tau":20510,"icans":20511,"thik":20512,"obile":20513,"inspector":20514,"ìĨĮë":20515,"illon":20516,"gos":20517,"evangel":20518,"fai":20519,"sist":20520,"vocation":20521,"burge":20522,"chistan":20523,"renewed":20524,"enthusiasm":20525,"enting":20526,"agri":20527,"ikea":20528,"msc":20529,"aerospace":20530,"sensiti":20531,"memoir":20532,"hospice":20533,"cocaine":20534,"derry":20535,"mechanics":20536,"Ħà¸":20537,"tino":20538,"reduces":20539,"collectors":20540,"injustice":20541,"suppre":20542,"vana":20543,"abun":20544,"napa":20545,"susa":20546,"oslo":20547,"eff":20548,"encore":20549,"licence":20550,"cheddar":20551,"zal":20552,"mount":20553,"ðŁĴIJ":20554,"threatens":20555,"!!\"":20556,"archie":20557,"futsal":20558,"scuba":20559,"jos":20560,"gnon":20561,"sexi":20562,"sofficial":20563,"comparing":20564,"dominant":20565,"toftheday":20566,"fait":20567,"proposals":20568,"gift":20569,"yas":20570,"cnc":20571,"lr":20572,"hab":20573,"reservoir":20574,"beliefs":20575,"general":20576,"marti":20577,"td":20578,"este":20579,"ìł":20580,"wil":20581,"ðŁij¯":20582,"ðŁĶ«":20583,"spx":20584,"etwork":20585,"excerpt":20586,"einstein":20587,"hiro":20588,"silhou":20589,"teamed":20590,"perception":20591,"corridor":20592,"mentalhealth":20593,"hints":20594,"benny":20595,"inducted":20596,"swx":20597,"widesp":20598,"speak":20599,"cheryl":20600,"drug":20601,"ðŁĺķ":20602,"hf":20603,"asparagus":20604,"mysteries":20605,"fitzgerald":20606,"offer":20607,"therapist":20608,"career":20609,"damaging":20610,"tsd":20611,"peru":20612,"weibo":20613,"yay":20614,"phoenix":20615,"discre":20616,"macbook":20617,"barker":20618,"stigma":20619,"spread":20620,"rockies":20621,"kangar":20622,"bridg":20623,"pai":20624,"bishop":20625,"tailed":20626,"capsule":20627,"ðŁĴĵ":20628,"geof":20629,"royale":20630,"shortlisted":20631,"oste":20632,"ashamed":20633,"chapp":20634,"keye":20635,"cla":20636,"screenshot":20637,"austrian":20638,"native":20639,"enight":20640,"juliet":20641,"michele":20642,"ðŁĮ´":20643,"travelers":20644,"pil":20645,"footballer":20646,"winchester":20647,"ðŁĻĦ":20648,"azerbai":20649,"goldeng":20650,"organisations":20651,"interpretation":20652,"predator":20653,"oftheweek":20654,"logan":20655,"poké":20656,"marie":20657,"calla":20658,"tnt":20659,"cinde":20660,"getic":20661,"fitfam":20662,"grav":20663,"owens":20664,"ðŁĮ±":20665,"shootout":20666,"salis":20667,"commissions":20668,"cohe":20669,"ptic":20670,"nixon":20671,"hia":20672,"ambition":20673,"marine":20674,"cruelty":20675,"tk":20676,"crude":20677,"salty":20678,"jima":20679,"mongo":20680,"irony":20681,"onwards":20682,"arrests":20683,"strangers":20684,"iger":20685,"cyclist":20686,"rag":20687,"extends":20688,"tradio":20689,"bourg":20690,"moi":20691,"ella":20692,"eable":20693,"lexus":20694,"aul":20695,"dera":20696,"historian":20697,"morton":20698,"tiff":20699,"manner":20700,"kot":20701,"dk":20702,"pointed":20703,"marqu":20704,"aan":20705,"eney":20706,"dublin":20707,"onpoli":20708,"emili":20709,"secret":20710,"flo":20711,"âļ¡":20712,"baj":20713,"steep":20714,"accompanied":20715,"rumours":20716,"devi":20717,"purchasing":20718,"fig":20719,"pub":20720,"schoo":20721,"autonomous":20722,"goalie":20723,"xia":20724,"automatically":20725,"revers":20726,"tero":20727,"fuku":20728,"titanic":20729,"shook":20730,"sandals":20731,"seekers":20732,"excav":20733,"nordic":20734,"bigolive":20735,"bake":20736,"ratt":20737,"zak":20738,"nep":20739,"ðŁĺ¤":20740,"candy":20741,"billions":20742,"bookworm":20743,"ppet":20744,"à³":20745,"surfaces":20746,"scars":20747,"philip":20748,"dogg":20749,"cigars":20750,"cote":20751,"translated":20752,"curator":20753,"sindh":20754,"hangover":20755,"brewer":20756,"ones":20757,"elton":20758,"ðŁĴªðŁı¼":20759,"marcu":20760,"elliot":20761,"righte":20762,"dioce":20763,"russ":20764,"railways":20765,"grandson":20766,"ascen":20767,"apology":20768,"await":20769,"mobili":20770,"respir":20771,"partisan":20772,"olivi":20773,"strike":20774,"yoo":20775,"whitehouse":20776,"expressed":20777,"pups":20778,"bedford":20779,"cultur":20780,"frogs":20781,"flying":20782,"cavali":20783,"cds":20784,"friger":20785,"streetphotography":20786,"resolve":20787,"taliban":20788,"kang":20789,"crushing":20790,"jum":20791,"ðŁĺĴ":20792,"williamson":20793,"tang":20794,"curly":20795,"tman":20796,"veteran":20797,"faire":20798,"artificialintelligence":20799,"unanim":20800,"pren":20801,"backdrop":20802,"frances":20803,"occer":20804,"dorothy":20805,"working":20806,"arthr":20807,"converted":20808,"daylight":20809,"servant":20810,"paddle":20811,"complaining":20812,"thirty":20813,"nadal":20814,"aku":20815,"ibrahim":20816,"addressed":20817,"piss":20818,"greenhouse":20819,"battalion":20820,"simulator":20821,"outlets":20822,"embroidery":20823,"ðŁĵ±":20824,"fiscal":20825,"gerard":20826,"sassy":20827,"ðŁİīðŁİīðŁİī":20828,"ventures":20829,"merit":20830,"publicity":20831,"ðŁijĪ":20832,"sophisticated":20833,"ctu":20834,"conventional":20835,"condolences":20836,"israel":20837,"tradition":20838,"aran":20839,"tess":20840,"glad":20841,"ðŁĺĬðŁĺĬ":20842,"correction":20843,"geon":20844,"amd":20845,"orship":20846,"beast":20847,"chment":20848,"ìŀ":20849,"nico":20850,"wknd":20851,"wels":20852,"cushion":20853,"belie":20854,"voc":20855,"idiots":20856,"underneath":20857,"puma":20858,"cornell":20859,"enation":20860,"lul":20861,"swach":20862,"abig":20863,"urer":20864,"mie":20865,"formerly":20866,"caf":20867,"ernal":20868,"chorus":20869,"julius":20870,"senator":20871,"âľį":20872,"whir":20873,"salvador":20874,"phd":20875,"unified":20876,"booster":20877,"graphical":20878,"wrec":20879,"sonny":20880,"miz":20881,"derers":20882,"sall":20883,"vens":20884,"tuscany":20885,"wid":20886,"yong":20887,"kurds":20888,"waz":20889,"trolls":20890,"macro":20891,"caturday":20892,"pressing":20893,"sasha":20894,"centennial":20895,"gusts":20896,"emc":20897,"before":20898,"denise":20899,"cust":20900,"ðŁĵ¢":20901,"looo":20902,"basel":20903,"england":20904,"yolo":20905,"ardu":20906,"manifesto":20907,"doha":20908,"ìľ":20909,"knives":20910,"bournemouth":20911,"bibl":20912,"barb":20913,"alicia":20914,"Ø©":20915,"comer":20916,"cyclone":20917,"git":20918,"anews":20919,"characteri":20920,"ventura":20921,"intra":20922,"sfgiants":20923,"hut":20924,"bea":20925,"darwin":20926,"eller":20927,"alv":20928,"reese":20929,"bly":20930,"karan":20931,"conclusion":20932,"manny":20933,"flakes":20934,"uniteblue":20935,"nadu":20936,"copp":20937,"edges":20938,"lancashire":20939,"ials":20940,"otta":20941,"philippe":20942,"lent":20943,"chee":20944,"mentors":20945,"festival":20946,"anism":20947,"complimentary":20948,"rj":20949,"pug":20950,"dine":20951,"wei":20952,"cliffs":20953,"sarmy":20954,"tiveness":20955,"treasury":20956,"iland":20957,"aftermath":20958,"rabbi":20959,"oun":20960,"bouquet":20961,"heritage":20962,"zion":20963,"surrender":20964,"shenan":20965,"inks":20966,"karl":20967,"ghty":20968,"policing":20969,"examination":20970,"cey":20971,"persu":20972,"measurement":20973,"hydrogen":20974,"luhan":20975,"âłĢâłĢâłĢâłĢ":20976,"wari":20977,"оÐ":20978,"jy":20979,"fowler":20980,"mish":20981,"alfre":20982,"âĺij":20983,"bbnaija":20984,"catalogue":20985,"recognised":20986,"saver":20987,"huskies":20988,"colin":20989,"mundo":20990,"siva":20991,"png":20992,"discounted":20993,"manutd":20994,"fresno":20995,"devin":20996,"preliminary":20997,"trophies":20998,"plastics":20999,"dug":21000,"procu":21001,"indigo":21002,"gard":21003,"dylan":21004,"pitches":21005,"groundbreaking":21006,"inson":21007,"blac":21008,"anthology":21009,"fh":21010,"explic":21011,"rard":21012,"admiral":21013,"sochi":21014,"lashes":21015,"splendid":21016,"envy":21017,"adv":21018,"sexy":21019,"festivities":21020,"sticking":21021,"bib":21022,"thrill":21023,"opp":21024,"ariel":21025,"botanical":21026,"endurance":21027,"females":21028,"bricks":21029,"vatican":21030,"blackpool":21031,"bermu":21032,"brough":21033,"roller":21034,"bid":21035,"suede":21036,"slovenia":21037,"mming":21038,"mlb":21039,"medalist":21040,"dians":21041,"rehabilitation":21042,"neon":21043,"sgo":21044,"lithu":21045,"ramos":21046,"zed":21047,"pianist":21048,"intensive":21049,"broadband":21050,"study":21051,"petersburg":21052,"luca":21053,"ahhhh":21054,"physician":21055,"dillon":21056,"telecom":21057,"grief":21058,"mun":21059,"acro":21060,"sided":21061,"sly":21062,"blows":21063,"classiccars":21064,"trium":21065,"argy":21066,"?:":21067,"hri":21068,"marshmal":21069,"âĢĵ":21070,"topping":21071,"warsaw":21072,"transc":21073,"preservation":21074,"bav":21075,"refriger":21076,"experiments":21077,"äº":21078,"glit":21079,"sliga":21080,"gage":21081,"factor":21082,"flavours":21083,"brony":21084,"spo":21085,"cookbook":21086,"carriage":21087,"away":21088,"nyfw":21089,"onian":21090,"wg":21091,"simpsons":21092,"rolex":21093,"ðŁı¿":21094,"crosby":21095,"ãħ¤":21096,"credi":21097,"syndic":21098,"pubs":21099,"alife":21100,"poorly":21101,"maced":21102,"ðŁĺŀ":21103,"behindthe":21104,"wenger":21105,"nats":21106,"ðŁİŁ":21107,"rubbish":21108,"procedures":21109,"typhoon":21110,"ophobia":21111,"erdo":21112,"fuel":21113,"viera":21114,"bumps":21115,"millennium":21116,"newzealand":21117,"lectures":21118,"iton":21119,"milky":21120,"responded":21121,"ê°":21122,"landscape":21123,"..@":21124,"bother":21125,"âĸ¶":21126,"zhang":21127,"huawei":21128,"tuition":21129,"sworn":21130,"inu":21131,"yor":21132,"paolo":21133,"auditions":21134,"abil":21135,"malaysian":21136,"hops":21137,"feathers":21138,"mple":21139,"auts":21140,"ão":21141,"bounty":21142,"iche":21143,"ìĺ":21144,"shq":21145,"pinot":21146,"gears":21147,"disappear":21148,"videogames":21149,"tna":21150,"alzheimer":21151,"ðŁĮŀ":21152,"aji":21153,"underwear":21154,"switching":21155,"signage":21156,"oscar":21157,"econ":21158,"drow":21159,"clint":21160,"plated":21161,"gundy":21162,"emblem":21163,"hoes":21164,"icist":21165,"nelly":21166,"junior":21167,"roadshow":21168,"minerals":21169,"atle":21170,"alexandria":21171,"acclaimed":21172,"vell":21173,"shiva":21174,"adhe":21175,"enne":21176,"amnesty":21177,"hounds":21178,"councillor":21179,"ðŁĴ¦":21180,"aesthe":21181,"partnering":21182,"influenced":21183,"magno":21184,"flare":21185,"extinction":21186,"civilian":21187,"majesty":21188,"vail":21189,"lawmakers":21190,"racks":21191,"mcc":21192,"orian":21193,"spices":21194,"errors":21195,"mayer":21196,"coca":21197,"pai":21198,"sooooo":21199,"retiring":21200,"bathro":21201,"ðŁĻĮðŁĻĮ":21202,"âĸª":21203,"suf":21204,"endorsement":21205,"building":21206,"brooch":21207,"palla":21208,"arvind":21209,"agent":21210,"karate":21211,"rhi":21212,"ctv":21213,"taine":21214,"umm":21215,"bax":21216,"reigns":21217,"uniof":21218,"enterprises":21219,"adele":21220,"flake":21221,"attire":21222,"bruce":21223,"bahamas":21224,"gravy":21225,"sain":21226,"cheek":21227,"trivi":21228,"lov":21229,"een":21230,"bblo":21231,"ladygaga":21232,"itta":21233,".\"-":21234,"dustin":21235,"observatory":21236,"eighth":21237,"bloomberg":21238,"khs":21239,"fcc":21240,"gist":21241,"commemorate":21242,"veer":21243,"sexuality":21244,"edc":21245,"nicole":21246,"vacancy":21247,"user":21248,"sona":21249,":'(":21250,"diploma":21251,"tend":21252,"upgrades":21253,"ÅŁ":21254,"jurassic":21255,"cardiac":21256,"drs":21257,"widespread":21258,"Ãł":21259,"dailies":21260,"vendor":21261,"simplicity":21262,"wider":21263,"lenses":21264,"supplements":21265,"depos":21266,"observed":21267,"vines":21268,"partially":21269,"renewal":21270,"collaborate":21271,"alig":21272,"finity":21273,"phu":21274,"zzy":21275,"petit":21276,"ðŁĵħ":21277,"zin":21278,"igu":21279,"smack":21280,"fallon":21281,"ðŁĵ£":21282,"backwards":21283,"component":21284,"oso":21285,"compatible":21286,"binding":21287,"zurich":21288,"thome":21289,"wounds":21290,"lyric":21291,"freshmen":21292,"sneaky":21293,"fibro":21294,"diet":21295,"employer":21296,"insect":21297,"hated":21298,"scher":21299,"razor":21300,"nsw":21301,"booker":21302,"californi":21303,"avfc":21304,"°":21305,"pretending":21306,"pepsi":21307,"alis":21308,"untitled":21309,"kart":21310,"grandparents":21311,"ethe":21312,"ock":21313,"luxemb":21314,"visuals":21315,"smallbusiness":21316,"abdullah":21317,"minho":21318,"subaru":21319,"hra":21320,"revealing":21321,"heartbreaking":21322,"clarity":21323,"amg":21324,"slr":21325,"****":21326,"âŀĸ":21327,"record":21328,"iciary":21329,"minded":21330,"yeh":21331,"excessive":21332,"knuck":21333,"icecream":21334,"truth":21335,"evic":21336,"tastic":21337,"antarc":21338,"rendering":21339,",,":21340,"mitt":21341,"lorenzo":21342,"stpatrick":21343,"boundary":21344,"zig":21345,"vocab":21346,"osaka":21347,"furn":21348,"tun":21349,"gul":21350,"sounding":21351,"blogger":21352,"utterly":21353,"gaf":21354,"advancing":21355,"lcd":21356,"margin":21357,"lifelong":21358,"solstice":21359,"shra":21360,"waits":21361,"plear":21362,"breach":21363,"enligh":21364,"ader":21365,"ittle":21366,"cation":21367,"hoon":21368,"studied":21369,"?????":21370,"kash":21371,"evangeli":21372,"psl":21373,"weights":21374,"metals":21375,"tyres":21376,"turno":21377,"wie":21378,"carb":21379,"gale":21380,"seal":21381,"sunite":21382,"amic":21383,"patterson":21384,"án":21385,"euph":21386,"upstairs":21387,"qualifiers":21388,"khalifa":21389,"applemusic":21390,"ìĨĮëħ":21391,"vaughan":21392,"alter":21393,"cruiser":21394,"mua":21395,"tana":21396,"katrina":21397,"idols":21398,"spoiled":21399,"secretly":21400,"fibre":21401,"partnered":21402,"umes":21403,"giov":21404,"comet":21405,"screenshotsaturday":21406,"keller":21407,"filtr":21408,"fet":21409,"conway":21410,"peu":21411,"badminton":21412,"gid":21413,"mound":21414,"donkey":21415,"buff":21416,"leather":21417,"largely":21418,"broch":21419,"intments":21420,"amuse":21421,"rk":21422,"stove":21423,"impacted":21424,"cont":21425,"cracks":21426,"prisoner":21427,"bari":21428,"contractor":21429,"orioles":21430,"dominate":21431,"polar":21432,"amelia":21433,"drc":21434,"ðŁijĮðŁijĮ":21435,"vist":21436,"suarez":21437,"injection":21438,"blooms":21439,"ðŁļ¨ðŁļ¨":21440,"stiff":21441,"paypal":21442,"snowing":21443,"thursdays":21444,"goose":21445,"wedge":21446,"educated":21447,"weakness":21448,"decker":21449,"abudha":21450,"breezy":21451,"ÛĮ":21452,"hopeful":21453,"obi":21454,"raider":21455,"gham":21456,"deu":21457,"seve":21458,"partly":21459,"fut":21460,"infused":21461,"merri":21462,"thane":21463,"sometime":21464,"hue":21465,"mein":21466,"credit":21467,"sliding":21468,"rande":21469,"cherry":21470,"deadpool":21471,"shol":21472,"aram":21473,"underwood":21474,"skye":21475,"disturbing":21476,"mnt":21477,"polished":21478,"guardians":21479,"hadn":21480,"picasso":21481,"arius":21482,"akshay":21483,"irri":21484,"jh":21485,"happen":21486,"lakh":21487,"dalton":21488,"atthe":21489,"swell":21490,"marsha":21491,"reh":21492,"cours":21493,"jkt":21494,"topus":21495,"service":21496,"rink":21497,"hackers":21498,"donovan":21499,"horo":21500,"tcm":21501,"mayhem":21502,"chase":21503,"devops":21504,"kensing":21505,"scup":21506,"shere":21507,"qualification":21508,"clive":21509,"tong":21510,"nancy":21511,"maris":21512,"derdale":21513,"berman":21514,"cinderella":21515,"jolly":21516,"cic":21517,"loot":21518,"collectibles":21519,"homicide":21520,"gge":21521,"epidemic":21522,"suites":21523,"muddy":21524,"gimme":21525,"erec":21526,"-*":21527,"talla":21528,"lisle":21529,"embroide":21530,"ðŁĩ©ðŁĩª":21531,"verizon":21532,"vector":21533,"beanie":21534,"artisan":21535,"gain":21536,"flores":21537,"vigil":21538,"uso":21539,"ðŁĻıðŁı½":21540,"grinding":21541,"gher":21542,"airports":21543,"responsive":21544,"shaft":21545,"cancel":21546,"ceremonies":21547,"eme":21548,"atari":21549,"brushes":21550,"eager":21551,"bohemi":21552,"childrens":21553,"yankee":21554,"maa":21555,"suspense":21556,"moran":21557,"macar":21558,"sunflower":21559,"crew":21560,"void":21561,"kear":21562,"fashioned":21563,"jennings":21564,"sundayfunday":21565,"submissions":21566,"mead":21567,"herman":21568,"wai":21569,"critically":21570,"leum":21571,"baekhyun":21572,"forcing":21573,"cobra":21574,"ãģ®":21575,"acquire":21576,"alk":21577,"geology":21578,"primar":21579,"importantly":21580,"irez":21581,"bundesliga":21582,"curiosity":21583,"sena":21584,"strict":21585,"consoli":21586,"winters":21587,"venom":21588,"cheltenham":21589,"ðŁįº":21590,"cena":21591,"tat":21592,"bain":21593,"glover":21594,"undercover":21595,"asses":21596,"carn":21597,"memorialday":21598,"ameli":21599,"irene":21600,"chon":21601,"synthesis":21602,"speedy":21603,"mitsubi":21604,"slayer":21605,"composite":21606,"understands":21607,"pew":21608,"interrup":21609,"henri":21610,"morrow":21611,"anom":21612,"thofjuly":21613,"glee":21614,"three":21615,"ðŁĺ®":21616,"andhi":21617,"chatt":21618,"renewables":21619,"yes":21620,"transfers":21621,"!!!!!!!!":21622,"babu":21623,"duter":21624,"loops":21625,"peers":21626,"oilers":21627,"paulo":21628,"ication":21629,"hmu":21630,"wara":21631,"mercer":21632,"homeland":21633,"fuji":21634,"aley":21635,"yearbook":21636,"rem":21637,"reen":21638,"absur":21639,"bois":21640,"]:":21641,"caesar":21642,"shotgun":21643,"kurdish":21644,"oren":21645,"rae":21646,"ancies":21647,"typic":21648,"fh":21649,"default":21650,"replic":21651,"luk":21652,"transactions":21653,"rys":21654,"infantry":21655,"ðŁį¾":21656,"chow":21657,"chickens":21658,"bagh":21659,"wyatt":21660,"aye":21661,"ggi":21662,"brews":21663,"editions":21664,"mira":21665,"commencement":21666,"presu":21667,"periscope":21668,"ichi":21669,"guatemala":21670,"zambia":21671,"paints":21672,"witches":21673,"wani":21674,"undere":21675,"croy":21676,"vows":21677,"usmc":21678,"hearted":21679,"theatres":21680,"shuffle":21681,"level":21682,"multic":21683,"squeeze":21684,"fern":21685,"appet":21686,"postal":21687,"malt":21688,"onboard":21689,"ldnt":21690,"coo":21691,"ssc":21692,"kac":21693,"ðŁĺĩ":21694,"scrap":21695,"marcos":21696,"dealers":21697,"annu":21698,"miller":21699,"cove":21700,"ulary":21701,"vladimir":21702,"beef":21703,"thur":21704,"pickled":21705,"sesame":21706,"bengaluru":21707,"mott":21708,"kathleen":21709,"hist":21710,"notor":21711,"drank":21712,"duchess":21713,"snowfall":21714,"eff":21715,"tiny":21716,"jn":21717,"syour":21718,"specialists":21719,"scotus":21720,"baylor":21721,"everest":21722,"malibu":21723,"prem":21724,"harmful":21725,"lali":21726,"bates":21727,"gye":21728,"differenti":21729,"andra":21730,"geometry":21731,"elover":21732,"blackout":21733,"====":21734,"kota":21735,"interact":21736,"asian":21737,"layo":21738,"samurai":21739,"fidel":21740,"exhausted":21741,"gladi":21742,"pdt":21743,"spheric":21744,"antiqu":21745,"guitar":21746,"sturi":21747,"hopper":21748,"angle":21749,"fills":21750,"slap":21751,"mith":21752,"rodney":21753,"ongi":21754,"insom":21755,"preventing":21756,"cassidy":21757,"apho":21758,"oregon":21759,"loin":21760,"hammond":21761,"contributing":21762,"fn":21763,"garri":21764,"orion":21765,"compelling":21766,"escaping":21767,"aiming":21768,"plumb":21769,"bistro":21770,"beasts":21771,"concerning":21772,"boe":21773,"dopp":21774,"shoplocal":21775,"stumbled":21776,"âĤ¹":21777,"nazis":21778,"âĢįâĻĤï¸ı":21779,"gesture":21780,"warts":21781,"usopen":21782,"higgins":21783,"charli":21784,"hangs":21785,"bombers":21786,"°:":21787,"feeds":21788,"cch":21789,"stil":21790,"nicola":21791,"ðŁĵº":21792,"clamation":21793,"tropic":21794,"afro":21795,"ouk":21796,"expenses":21797,"derrick":21798,"aline":21799,"faw":21800,"regard":21801,"imer":21802,"satin":21803,"thium":21804,"ryder":21805,"pearl":21806,"tess":21807,"mmmmm":21808,"senses":21809,"ðŁĩ¹":21810,"positive":21811,"exhaust":21812,"occur":21813,"norris":21814,"lilly":21815,"isles":21816,"directing":21817,"yofficial":21818,"countless":21819,"samar":21820,"onstage":21821,"flock":21822,"mirrors":21823,"archer":21824,"moi":21825,"kd":21826,"viv":21827,"inos":21828,"sikh":21829,"lei":21830,"sensory":21831,"brits":21832,"knox":21833,"chestnut":21834,"opy":21835,"coliseum":21836,"zaf":21837,"divin":21838,"adapter":21839,":)))":21840,"temple":21841,"kun":21842,"helmets":21843,"tdf":21844,"guide":21845,"mold":21846,"oids":21847,"luther":21848,"heis":21849,"monastery":21850,"spree":21851,"klu":21852,"britney":21853,"jaguars":21854,"greats":21855,"ccc":21856,"kyrie":21857,"machinery":21858,"cricket":21859,"rero":21860,"abo":21861,"aspiring":21862,"semifinals":21863,"aless":21864,"signatures":21865,"vard":21866,"meth":21867,"herbal":21868,"holden":21869,"kingdom":21870,"apor":21871,"reggie":21872,"oreo":21873,"palestinians":21874,"emmys":21875,"sectional":21876,"roi":21877,"neymar":21878,"quel":21879,"cull":21880,"lka":21881,"hazel":21882,"estimate":21883,"ulties":21884,"gow":21885,"bea":21886,"purchases":21887,"belts":21888,"protects":21889,"mé":21890,"guessing":21891,"bbo":21892,"claudia":21893,"fracking":21894,"jonny":21895,"elk":21896,"celtic":21897,"almighty":21898,"raje":21899,"courtyard":21900,"igi":21901,"canes":21902,"ðŁĴªðŁı»":21903,"bankrup":21904,"lethal":21905,"âľĮï¸ı":21906,"graphicdesign":21907,"vader":21908,"pencils":21909,"roughly":21910,"dante":21911,"mfg":21912,"constell":21913,"camel":21914,"jb":21915,"blossoms":21916,"ento":21917,"balochistan":21918,"cinemato":21919,"illard":21920,"jersey":21921,"consent":21922,"dented":21923,"contempl":21924,"scher":21925,"holi":21926,"lough":21927,"stour":21928,"ayo":21929,"beginners":21930,"curb":21931,"vhs":21932,"ajax":21933,"duff":21934,"aveng":21935,"domest":21936,"committing":21937,"aired":21938,"chap":21939,"hedgehog":21940,"disappointing":21941,"freelance":21942,"inland":21943,"charms":21944,"ðŁĺįâĿ¤ï¸ı":21945,"aish":21946,"mx":21947,"buckle":21948,"tidal":21949,"permit":21950,"boating":21951,"racha":21952,"kendrick":21953,"bello":21954,"bhi":21955,"plea":21956,"estimates":21957,"lb":21958,"apologies":21959,"jaya":21960,"bbl":21961,"astoni":21962,"interstate":21963,"maintaining":21964,"elbow":21965,"mup":21966,"epit":21967,"ðŁĺ¡":21968,"violations":21969,"defend":21970,"beh":21971,"slc":21972,"amir":21973,"puri":21974,"tium":21975,"fifa":21976,"blurry":21977,"scrim":21978,"ðŁĻıðŁı¾":21979,"maple":21980,"relatives":21981,"âĺĿ":21982,"choc":21983,"connor":21984,"⾨⾨":21985,"whisp":21986,"listings":21987,"maze":21988,"thanking":21989,"ridd":21990,"grassroots":21991,"shifting":21992,"desperately":21993,"gorilla":21994,"deni":21995,"jules":21996,"strath":21997,"gley":21998,"jain":21999,"buick":22000,"tanner":22001,"ðŁĴĿ":22002,"gae":22003,"prim":22004,"itors":22005,"nano":22006,"separation":22007,"armenia":22008,"bordeaux":22009,"ðŁħ":22010,"pjnet":22011,"burial":22012,"ebon":22013,"gloss":22014,"renew":22015,"grier":22016,"speeds":22017,"comicbooks":22018,"symboli":22019,"purposes":22020,"ãħłãħł":22021,"spatial":22022,"notable":22023,"cion":22024,"nps":22025,"hoffman":22026,"norman":22027,"rtg":22028,"dusty":22029,"situated":22030,"tran":22031,"kfc":22032,"emen":22033,"nickel":22034,"hastings":22035,"settling":22036,"grit":22037,"lena":22038,"waw":22039,"arts":22040,"gum":22041,"caregi":22042,"lewis":22043,"sapphire":22044,"remember":22045,"embedded":22046,"tlc":22047,"blat":22048,"sergeant":22049,"elsa":22050,"bootcamp":22051,"bowman":22052,"photographic":22053,"pillars":22054,"directioners":22055,"classified":22056,"nois":22057,"veer":22058,"barrels":22059,"whoop":22060,"ðŁĺ±ðŁĺ±":22061,"female":22062,"petroleum":22063,"media":22064,"efc":22065,"pokémon":22066,"à¤ķ":22067,"enthusiastic":22068,"varun":22069,"profiles":22070,"pediatric":22071,"accidents":22072,"conrad":22073,"jang":22074,"jojo":22075,"acor":22076,"observer":22077,"lf":22078,"livestock":22079,"forgi":22080,"fos":22081,"elm":22082,"anand":22083,"goe":22084,"cere":22085,"avoiding":22086,"grit":22087,"oman":22088,"thankfully":22089,"scattered":22090,"nicky":22091,"cylinder":22092,"cheesy":22093,"diver":22094,"mahesh":22095,"caves":22096,"earliest":22097,"quinte":22098,"subjects":22099,"bend":22100,"gulf":22101,"vocalist":22102,"glue":22103,"patches":22104,"unstopp":22105,"snyder":22106,"demonstrating":22107,"pio":22108,"horns":22109,"wickets":22110,"andthe":22111,"rama":22112,"yoon":22113,"straight":22114,"bedtime":22115,"orang":22116,"bullets":22117,"saurus":22118,"miners":22119,"incidents":22120,"!...":22121,"ðŁİ¸":22122,"agers":22123,"handles":22124,"states":22125,"inity":22126,"dons":22127,"incredible":22128,"eminem":22129,"aviv":22130,"rudy":22131,"mozart":22132,"folklore":22133,"appliances":22134,"mtl":22135,"frey":22136,"dias":22137,"hua":22138,"pageant":22139,"strive":22140,"imprison":22141,"bullish":22142,"rana":22143,"alerts":22144,"bbmas":22145,"hyper":22146,"derbyshire":22147,"recre":22148,"redd":22149,"deborah":22150,"cosmos":22151,"lawson":22152,"melanie":22153,"psycho":22154,"hoor":22155,"doodles":22156,"sniper":22157,"shady":22158,"mantle":22159,"canadian":22160,"newyear":22161,"interactions":22162,"separated":22163,"cords":22164,"spirituality":22165,"apu":22166,"ito":22167,"pct":22168,"pelosi":22169,"rebellion":22170,"seiz":22171,"worcester":22172,"sectors":22173,"uli":22174,"santa":22175,"е":22176,"ðŁĩªðŁĩ¸":22177,"biased":22178,"classical":22179,"gamma":22180,"deeplear":22181,"emerge":22182,"backer":22183,"surance":22184,"handcrafted":22185,"ðŁİ¥":22186,"francis":22187,"millan":22188,"ici":22189,"crown":22190,"wow":22191,"striped":22192,"unfair":22193,"relaxation":22194,"³ï¸ı":22195,"embracing":22196,"shealth":22197,"paleo":22198,"martini":22199,"distillery":22200,"wrink":22201,"ork":22202,"nath":22203,"hayley":22204,"courthouse":22205,"siber":22206,"sadi":22207,"quietly":22208,"melt":22209,"msm":22210,"meh":22211,"smartphones":22212,"relent":22213,"pping":22214,"warwick":22215,"cologne":22216,"glia":22217,"cotton":22218,"prog":22219,"lone":22220,"ipsw":22221,"starters":22222,"expands":22223,"ump":22224,"sued":22225,"skipper":22226,"infections":22227,"ingle":22228,"á":22229,"clerk":22230,"demonstrate":22231,"acar":22232,"ðŁĺĤðŁĺĤðŁĺĤ":22233,"tibet":22234,"buns":22235,"alom":22236,"demolition":22237,"ssia":22238,"gst":22239,"[]":22240,"soar":22241,"âĺĢ":22242,"ðŁĺª":22243,"ðŁĵĬ":22244,"deepest":22245,"beyond":22246,"aret":22247,"attends":22248,"activated":22249,"dimit":22250,"âļªï¸ı":22251,"highlighted":22252,"magazines":22253,"rumor":22254,"azza":22255,"stephens":22256,"dolph":22257,"shockey":22258,"mats":22259,"weav":22260,"melan":22261,"servers":22262,"traum":22263,"kush":22264,"æĹ":22265,"babys":22266,"paz":22267,"aal":22268,"lause":22269,"breakers":22270,"canterbury":22271,"ulture":22272,"miri":22273,"euros":22274,"taneous":22275,"impressions":22276,"dutch":22277,"ild":22278,"ghi":22279,"purdue":22280,"adequate":22281,"lp":22282,"syner":22283,"angler":22284,"durable":22285,"galore":22286,"rown":22287,"mgmt":22288,"ðŁĵĮ":22289,"lucia":22290,"âĺijï¸ı":22291,"zayn":22292,"borrow":22293,".(":22294,"northumber":22295,"crush":22296,"enga":22297,"sush":22298,"extravag":22299,"tout":22300,"mahal":22301,"alistic":22302,"thermo":22303,"galleries":22304,"esse":22305,"chibi":22306,"attractions":22307,"lexington":22308,"legislature":22309,"documented":22310,"residen":22311,"brownies":22312,"wf":22313,"stool":22314,"planets":22315,"shoppers":22316,"conductor":22317,"msp":22318,"tricky":22319,"fruity":22320,"endra":22321,"feelthe":22322,"whipped":22323,"hairstyle":22324,"refer":22325,"ook":22326,"octopus":22327,"audiences":22328,"kumar":22329,"afterno":22330,"optim":22331,"cfl":22332,"nip":22333,"geni":22334,"alphabet":22335,"annab":22336,"lamin":22337,"accepts":22338,"lng":22339,"ðŁĺ«":22340,"tine":22341,"acom":22342,"cheerleaders":22343,"tk":22344,"gron":22345,"vg":22346,"kung":22347,"jax":22348,"dhabi":22349,"rss":22350,"mackenzie":22351,"beirut":22352,"cleanup":22353,"gypsy":22354,"stell":22355,"burger":22356,"hurricanes":22357,"education":22358,"stina":22359,"âĻ¡âĻ¡":22360,"unfortunate":22361,"jeremi":22362,"badger":22363,"aters":22364,":â̦":22365,"terra":22366,"sublime":22367,"stud":22368,"ymca":22369,"mru":22370,"duterte":22371,"brennan":22372,"bulb":22373,"melo":22374,"ylon":22375,"hacker":22376,"cred":22377,"gud":22378,"asan":22379,"padilla":22380,"embroidered":22381,"vietnamese":22382,"pioneers":22383,"projection":22384,"reboot":22385,"idc":22386,"aney":22387,"primer":22388,"suffers":22389,"winding":22390,"pon":22391,"stoday":22392,"morn":22393,"uch":22394,"allin":22395,"adidas":22396,"elizabeth":22397,"tuck":22398,"ography":22399,"ðŁļĢ":22400,"beg":22401,"osborne":22402,"ghetto":22403,"rh":22404,"cnn":22405,"irma":22406,"makin":22407,"cables":22408,"murders":22409,"ocks":22410,"insta":22411,"alas":22412,"sik":22413,"cuff":22414,"lare":22415,"foodies":22416,"ovic":22417,"atom":22418,"geometric":22419,"empathy":22420,"ี":22421,"centenary":22422,"newspapers":22423,"administrative":22424,"ðŁİĬ":22425,"stive":22426,"contractors":22427,"lett":22428,"tasmania":22429,"awesomeness":22430,"density":22431,"veen":22432,"princeton":22433,"frequently":22434,"reject":22435,"ghi":22436,"modular":22437,"ceramics":22438,"shag":22439,"kiwi":22440,"canvas":22441,"sweatshirt":22442,"anj":22443,"timm":22444,"napoli":22445,"iler":22446,"appeals":22447,"hamilton":22448,"mayo":22449,"weave":22450,"arranged":22451,"wharf":22452,"occupy":22453,"bvb":22454,"asaki":22455,"otter":22456,"norm":22457,"vies":22458,"detox":22459,"tional":22460,"derek":22461,"idad":22462,"admissions":22463,"constituency":22464,"upper":22465,"woot":22466,"alloy":22467,"seve":22468,"lub":22469,"uncomfortable":22470,"edwin":22471,"abre":22472,"dwight":22473,"arche":22474,"virtually":22475,"spol":22476,"prie":22477,"aii":22478,"err":22479,"switch":22480,"barack":22481,"seok":22482,"coul":22483,"wnt":22484,"poul":22485,"olive":22486,"caffeine":22487,"cardiff":22488,"notorious":22489,"demp":22490,"excess":22491,"barr":22492,"tford":22493,"ajay":22494,"bumped":22495,"mythology":22496,"shelley":22497,"falcon":22498,"shakespeare":22499,"mustangs":22500,"noted":22501,"bone":22502,"civilization":22503,"syd":22504,"parsons":22505,"unofficial":22506,"hyped":22507,"spends":22508,"opposed":22509,"vings":22510,"spacex":22511,"notification":22512,"deciding":22513,"biotech":22514,"outsi":22515,"salah":22516,"!.":22517,"fed":22518,"ssy":22519,"cms":22520,"badgers":22521,"cro":22522,"elaine":22523,"nba":22524,"dyour":22525,"nant":22526,"honeymoon":22527,"climbed":22528,"conomy":22529,"atha":22530,"mell":22531,"nebula":22532,"naturephotography":22533,"julie":22534,"bmx":22535,"invested":22536,"mono":22537,"lieutenant":22538,"watkins":22539,"technician":22540,"ose":22541,"kae":22542,"ìĽ":22543,"mcqueen":22544,"preach":22545,"traveller":22546,"flexibility":22547,"zebra":22548,"retailer":22549,"pant":22550,"bender":22551,"brandt":22552,"squid":22553,"warrant":22554,"verified":22555,"cass":22556,"piercing":22557,"honours":22558,"tying":22559,"morris":22560,"kissed":22561,"oprah":22562,"panoramic":22563,"mei":22564,"splatoon":22565,"wichita":22566,"arias":22567,"galli":22568,"indyref":22569,"goodtimes":22570,"atheist":22571,"confession":22572,"owski":22573,"repping":22574,"additions":22575,"mechanism":22576,"zim":22577,"jans":22578,"suf":22579,"chopped":22580,"beginnings":22581,"vitamins":22582,"ãħ¤ãħ¤":22583,"orth":22584,"poles":22585,"rub":22586,"antarctica":22587,"indiefilm":22588,"webcam":22589,"ketch":22590,"brett":22591,"clement":22592,"heron":22593,"defeating":22594,"hydro":22595,"bucket":22596,"wandering":22597,"sidney":22598,"futureof":22599,"binge":22600,"onies":22601,"knockout":22602,"administrator":22603,"synthe":22604,"lent":22605,"jani":22606,"barley":22607,"premierleague":22608,"nerds":22609,"crm":22610,"bras":22611,"botany":22612,"evolved":22613,"rotter":22614,"rowed":22615,"tumor":22616,"wealthy":22617,"ÂŃ":22618,"monarch":22619,"lished":22620,"dahl":22621,"ðŁİĥ":22622,"buch":22623,"kenyan":22624,"ا":22625,"redness":22626,"assembled":22627,"semit":22628,"hudder":22629,"shrop":22630,"rani":22631,"learning":22632,"mory":22633,"itia":22634,"geographic":22635,"worldof":22636,"fb":22637,"phosp":22638,"boogie":22639,"amped":22640,"?...":22641,"chew":22642,"dwarf":22643,"arus":22644,"ssen":22645,"rusty":22646,"recruits":22647,"hk":22648,"garde":22649,"applause":22650,"volumes":22651,"involves":22652,"tac":22653,"handbag":22654,"translate":22655,"ffel":22656,"seym":22657,"aquatic":22658,"transfer":22659,"zodi":22660,"andr":22661,"academia":22662,"crater":22663,"tez":22664,"arse":22665,"adapt":22666,"coloni":22667,"snowman":22668,"mali":22669,"hangin":22670,"dischar":22671,"oysters":22672,"phoe":22673,"colonel":22674,"wba":22675,"hispanic":22676,"thriving":22677,"shy":22678,"agles":22679,"salesforce":22680,"creme":22681,"soles":22682,"lafayette":22683,"âī":22684,"teria":22685,"acha":22686,"sperson":22687,"gogo":22688,"carly":22689,"theore":22690,"amore":22691,"vox":22692,"aft":22693,"ãĤ¹":22694,"staple":22695,"muffin":22696,"diagram":22697,"inox":22698,"sustained":22699,"avent":22700,"meta":22701,"arbitr":22702,"decay":22703,"adole":22704,"н":22705,"ecol":22706,"pho":22707,"nk":22708,"ocu":22709,"granny":22710,"ça":22711,"luxembour":22712,"stadt":22713,"alberto":22714,"levit":22715,"amas":22716,"dx":22717,"orphan":22718,"cobb":22719,"asc":22720,"logy":22721,"immense":22722,"chants":22723,"offline":22724,"pent":22725,"brex":22726,"winger":22727,"plane":22728,"iel":22729,"nichols":22730,"cathy":22731,"naruto":22732,"lowed":22733,"///":22734,"ignorance":22735,"catastro":22736,"youts":22737,"schen":22738,"build":22739,"hazi":22740,"sine":22741,"criticalrole":22742,"dug":22743,"detect":22744,"logs":22745,"enamel":22746,"stpatricksday":22747,"eddie":22748,"copa":22749,"cigarettes":22750,"hoff":22751,"kaya":22752,"lagoon":22753,"rapha":22754,"airborne":22755,"choose":22756,"puertor":22757,"kev":22758,"guiding":22759,"frosty":22760,"borough":22761,"mira":22762,"ðŁİĬ":22763,"cadet":22764,"anush":22765,"yogi":22766,"eger":22767,"fling":22768,"slope":22769,"ninth":22770,"weston":22771,"footwear":22772,"fn":22773,"mayweather":22774,"aam":22775,"plain":22776,"staircase":22777,"witnesses":22778,"workouts":22779,"robust":22780,"dexter":22781,"cohort":22782,"ðŁļĹ":22783,"spell":22784,"haze":22785,"oom":22786,"organising":22787,"wildfire":22788,"contacts":22789,"avon":22790,"mino":22791,"updating":22792,"ðŁį»":22793,"lithium":22794,"ingual":22795,"kis":22796,"auga":22797,"locom":22798,"deduc":22799,"uda":22800,"thak":22801,"boyle":22802,"mper":22803,"hottie":22804,"erik":22805,"revised":22806,"isla":22807,"travelphotography":22808,"ooza":22809,"enqui":22810,"conferences":22811,"clover":22812,"groom":22813,"curves":22814,"liveon":22815,"perf":22816,"displaced":22817,"bolog":22818,"xxxx":22819,"ðŁĺ©ðŁĺ©":22820,"teal":22821,"vessels":22822,"rainforest":22823,"calci":22824,"panther":22825,"giraffe":22826,"tasted":22827,"imagery":22828,"padres":22829,"daytime":22830,"bass":22831,"ripe":22832,"opioid":22833,"nue":22834,"vinyl":22835,"inventor":22836,"sens":22837,"processor":22838,"mut":22839,"gadgets":22840,"biblical":22841,"shannon":22842,"jacqueline":22843,"cary":22844,"theresistance":22845,"alien":22846,"nvi":22847,"cosy":22848,"bihar":22849,"foley":22850,"rend":22851,"mugs":22852,"faken":22853,"clone":22854,"niallo":22855,"grabbed":22856,"chihu":22857,"powerhouse":22858,"ntt":22859,"cherokee":22860,"sponge":22861,"implementing":22862,"rhine":22863,"leone":22864,"ðŁįĢ":22865,"prettiest":22866,"infrared":22867,"improv":22868,"switched":22869,"tubes":22870,"contr":22871,"blk":22872,"projected":22873,"beaver":22874,"yot":22875,"bbcradio":22876,"thigh":22877,"persecu":22878,"apologize":22879,"wack":22880,"poster":22881,"oliver":22882,"aza":22883,"loud":22884,"(?)":22885,"fthe":22886,"womenshi":22887,"sparrow":22888,"blush":22889,"usable":22890,"scales":22891,"itative":22892,"peuge":22893,"needing":22894,"leggings":22895,"glamorous":22896,"matur":22897,"cz":22898,"watt":22899,"dab":22900,"tamar":22901,"etsym":22902,"bauer":22903,"heartfelt":22904,"hn":22905,"elsewhere":22906,"birch":22907,"alumini":22908,"huck":22909,"eme":22910,"jl":22911,"trafford":22912,"dz":22913,"portions":22914,"anasta":22915,"arthritis":22916,"espn":22917,"bergen":22918,"violation":22919,"yoshi":22920,"cz":22921,"northumberland":22922,"closures":22923,"ðŁĩ¯ðŁĩ":22924,"smiley":22925,"rw":22926,"telugu":22927,"intensi":22928,"gregg":22929,"vega":22930,"dungeon":22931,"southbound":22932,"bail":22933,"dominican":22934,"semifinal":22935,"chapters":22936,"hitch":22937,"vanity":22938,"transiti":22939,"recommends":22940,"satisf":22941,"barca":22942,"queens":22943,"((":22944,"destruc":22945,"strait":22946,"ravi":22947,"desserts":22948,"intru":22949,"haram":22950,"kos":22951,"foe":22952,"fatty":22953,"paisley":22954,"magnitude":22955,"dridge":22956,"comey":22957,"schemes":22958,"visionary":22959,"ourt":22960,"downloaded":22961,"ðŁĻĮðŁı½":22962,"gdpr":22963,"lani":22964,"pwc":22965,"guad":22966,"nicest":22967,"stakeholders":22968,"referred":22969,"georgetown":22970,"arvindkejriwal":22971,"schneider":22972,"indoors":22973,"allstar":22974,"stranded":22975,"gender":22976,"zepp":22977,"masses":22978,"ðŁIJ±":22979,"patiently":22980,"bldg":22981,"zab":22982,"wearab":22983,"vivid":22984,"heck":22985,"della":22986,"symb":22987,"jeopar":22988,"lager":22989,"àª":22990,"combines":22991,"nec":22992,"bray":22993,"flop":22994,"txwx":22995,"joys":22996,"pont":22997,"profound":22998,"surround":22999,"madhu":23000,"mable":23001,"ayr":23002,"teas":23003,"nsa":23004,"openly":23005,"ernest":23006,"ãĥ©":23007,"topo":23008,"gna":23009,"antioxid":23010,"tian":23011,"etr":23012,"cello":23013,"mathi":23014,"generosity":23015,"biting":23016,"manic":23017,"kelsey":23018,"cheeks":23019,"tender":23020,"wth":23021,"pronoun":23022,"ultimately":23023,"gusta":23024,"arianag":23025,"gerry":23026,"bleed":23027,"reddy":23028,"mich":23029,"mitsubishi":23030,"operated":23031,"sexually":23032,"mau":23033,"cllr":23034,"vids":23035,"coc":23036,"melted":23037,"ðŁĮĪ":23038,"qld":23039,"itech":23040,"instrumental":23041,"endgame":23042,"ðŁĵĸ":23043,"energi":23044,"brownie":23045,"tamil":23046,"atin":23047,"dominated":23048,"praises":23049,"fireplace":23050,"sensational":23051,"mena":23052,"karti":23053,"unprece":23054,"rupt":23055,"oriental":23056,"mccor":23057,"tournaments":23058,"scenter":23059,"reeves":23060,"prescription":23061,"same":23062,"frau":23063,"truffle":23064,"embo":23065,"romans":23066,"blasts":23067,"technological":23068,"prat":23069,"bsb":23070,"yar":23071,"trendy":23072,"acl":23073,"alad":23074,"ðŁįģ":23075,"ohh":23076,"bankrupt":23077,"thoven":23078,"regards":23079,"iser":23080,"warwick":23081,"vineyards":23082,"realm":23083,"niallofficial":23084,"dota":23085,"gemini":23086,"todo":23087,"vable":23088,"¨¨":23089,"lau":23090,"wreath":23091,"juve":23092,"natasha":23093,"lever":23094,"lori":23095,"horser":23096,"cctv":23097,"airbnb":23098,"esanders":23099,"sinclair":23100,"emabiggest":23101,"highschool":23102,"contest":23103,"optimistic":23104,"tte":23105,"ðŁĴķðŁĴķ":23106,"ssd":23107,"yee":23108,"helena":23109,"consen":23110,"ricks":23111,"jesse":23112,"anic":23113,"ðŁİ¯":23114,"reacts":23115,"robe":23116,"independence":23117,"voltage":23118,"mington":23119,"sant":23120,"à¸Ļà¸":23121,"----------------":23122,"sentinel":23123,"kett":23124,"rehearsing":23125,"aaaaaaaa":23126,"softhe":23127,"stirling":23128,"search":23129,"wigan":23130,"standout":23131,"snail":23132,"pentagon":23133,"Äģ":23134,"chlor":23135,"crust":23136,"netany":23137,"chemist":23138,"disappeared":23139,"ricardo":23140,"spiders":23141,"bose":23142,"warren":23143,"messing":23144,"banners":23145,"guel":23146,"parach":23147,"maid":23148,"counted":23149,"epile":23150,"bonfire":23151,"speechless":23152,"setter":23153,"measured":23154,"rejects":23155,"nikki":23156,"lester":23157,"forensic":23158,"fabrics":23159,"aloha":23160,"preserved":23161,"watford":23162,"detailing":23163,"darth":23164,"bou":23165,"carly":23166,"...'":23167,"tailgate":23168,"notifications":23169,"å¤":23170,"passive":23171,"trousers":23172,"baloch":23173,"rother":23174,"typically":23175,"Ã¥":23176,"spit":23177,"wiz":23178,"sicily":23179,"technically":23180,"expose":23181,"stage":23182,"hubb":23183,"cream":23184,"caps":23185,"poke":23186,"sleek":23187,"june":23188,"temporarily":23189,"dez":23190,"awakens":23191,"lame":23192,"_-":23193,"jiha":23194,"tuesdays":23195,"advised":23196,"advisors":23197,"existed":23198,"disagree":23199,"newsroom":23200,"losers":23201,"worldtour":23202,"drying":23203,"aldi":23204,"harness":23205,"footprint":23206,"hobbit":23207,"pmln":23208,"iro":23209,"quered":23210,"assess":23211,"gaze":23212,"sab":23213,"thian":23214,"íĬ":23215,"tif":23216,"observe":23217,"evil":23218,"drawer":23219,"sweep":23220,"cory":23221,"cody":23222,"kyoto":23223,"callum":23224,"ninj":23225,"laurent":23226,"bei":23227,"sketching":23228,"customized":23229,"dur":23230,"regrets":23231,"knoxville":23232,"ìķĦ":23233,"messaging":23234,"gracie":23235,"abundance":23236,"bidding":23237,"brewed":23238,"flouri":23239,"therapeutic":23240,"altitude":23241,"hogs":23242,"burner":23243,"electro":23244,"wonderfully":23245,"heater":23246,"postpon":23247,"livery":23248,"rall":23249,"adas":23250,"aac":23251,"saul":23252,"brooklyn":23253,"playhouse":23254,"âĻ¥âĻ¥âĻ¥":23255,"charitable":23256,"iny":23257,"zah":23258,"competitions":23259,"beav":23260,"plugged":23261,"ois":23262,"doom":23263,"astronom":23264,"specialized":23265,"maxi":23266,"taps":23267,"cellular":23268,"depressed":23269,"folklorethursday":23270,"crib":23271,"emul":23272,"ë°©":23273,"figh":23274,"ruz":23275,"carlisle":23276,"spear":23277,"sidewalk":23278,"dei":23279,"dependent":23280,"laces":23281,"nhs":23282,"ðŁĮĻ":23283,"realizing":23284,"network":23285,"riche":23286,"regin":23287,"refresh":23288,"stral":23289,"pathology":23290,"plaid":23291,"psychedelic":23292,"hind":23293,"uka":23294,"algorithm":23295,"linking":23296,"progressi":23297,"fey":23298,"dade":23299,"hydrated":23300,"bant":23301,"famed":23302,"cotsw":23303,"boise":23304,"asc":23305,"racing":23306,"javier":23307,"wwen":23308,"marlins":23309,"poop":23310,"swept":23311,"tonights":23312,"wef":23313,"anime":23314,"slovak":23315,"âŀĸâŀĸ":23316,"claus":23317,"lemme":23318,"clippers":23319,"rels":23320,"arianagrande":23321,"rte":23322,"kot":23323,"thalapathy":23324,"hungarian":23325,"zuma":23326,"yvon":23327,"isu":23328,"journeys":23329,"clinics":23330,"bebe":23331,"wwf":23332,"nws":23333,"superheroes":23334,"erit":23335,"sleague":23336,"identification":23337,"motto":23338,"bai":23339,"sourced":23340,"iller":23341,"api":23342,"prise":23343,"unprecedented":23344,"damas":23345,"tunisia":23346,"drain":23347,"underestim":23348,"ether":23349,"quarterly":23350,"rewarding":23351,"alham":23352,"wolverine":23353,"cabine":23354,"hypno":23355,"nadine":23356,"havana":23357,"dae":23358,"ðŁĵĪ":23359,"dron":23360,"readings":23361,"bati":23362,"pico":23363,"merci":23364,"itian":23365,"walkers":23366,"elope":23367,"mikey":23368,"godzilla":23369,"burlington":23370,"abuja":23371,"socialism":23372,"atility":23373,"shell":23374,"harrypotter":23375,"gno":23376,"abur":23377,"releg":23378,"felici":23379,"rogen":23380,"neuroscience":23381,"instin":23382,"atham":23383,"vouchers":23384,"jarre":23385,"fuse":23386,"defici":23387,"monterey":23388,"deport":23389,"midday":23390,"ppard":23391,"freed":23392,"ameter":23393,"wilt":23394,"ningham":23395,"pratt":23396,"liberty":23397,"slogan":23398,"oto":23399,"pri":23400,"coated":23401,"cpd":23402,"nett":23403,"illas":23404,"malawi":23405,"evolve":23406,"accessibility":23407,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":23408,"ornament":23409,"bp":23410,"elis":23411,"sonline":23412,"chiro":23413,"flick":23414,"ibm":23415,"arak":23416,"enables":23417,"garland":23418,"sane":23419,"cuties":23420,"trip":23421,"rotterdam":23422,"nys":23423,"lamps":23424,"lucas":23425,"bog":23426,"rails":23427,"travelled":23428,"hicks":23429,"enu":23430,"sabha":23431,"scrub":23432,"hier":23433,"hartford":23434,"foo":23435,"fernandez":23436,"trevor":23437,"mattress":23438,"appointments":23439,"alej":23440,"fei":23441,"ologist":23442,"safar":23443,"octa":23444,"src":23445,"shaun":23446,"ambient":23447,"dric":23448,"biker":23449,"shee":23450,"mustache":23451,"hta":23452,"boone":23453,"herty":23454,"cardio":23455,"brakes":23456,"recital":23457,"consists":23458,"overwhelmed":23459,"caul":23460,"robbins":23461,"imit":23462,"alth":23463,"url":23464,"bibli":23465,"onne":23466,"blacklivesmatter":23467,"difficulties":23468,"telang":23469,"taller":23470,"ðŁĵĨ":23471,"debating":23472,"burrito":23473,"movember":23474,"strengthening":23475,"boe":23476,"testam":23477,"miracles":23478,"baseball":23479,"renee":23480,"ðŁijīðŁı»":23481,"alfa":23482,"âĺĺ":23483,"unstoppable":23484,"ecs":23485,"gmo":23486,"giftideas":23487,"pathway":23488,"fencing":23489,"ðŁİ¤":23490,"bham":23491,"ras":23492,"sko":23493,"dled":23494,"thelast":23495,"magnum":23496,"binary":23497,"wilde":23498,"wilder":23499,"whati":23500,"barbecue":23501,"hism":23502,"canoe":23503,"kurdi":23504,"elive":23505,"advantages":23506,"madame":23507,"bier":23508,"missing":23509,"entertain":23510,"airforce":23511,"yama":23512,"cis":23513,"hashtags":23514,"jis":23515,"veil":23516,"dreamy":23517,"tense":23518,"mayward":23519,"chateau":23520,"huntington":23521,"âļĵ":23522,"vall":23523,"upon":23524,"blouse":23525,"dunes":23526,"ðŁĺ´":23527,"fertility":23528,"mole":23529,"currencies":23530,"stu":23531,"berlin":23532,"toasted":23533,"divas":23534,"walt":23535,"lark":23536,"pora":23537,"hitter":23538,"umer":23539,"chilled":23540,"balancing":23541,"fais":23542,"yin":23543,"ortiz":23544,"eastenders":23545,"hate":23546,"ural":23547,"april":23548,"timel":23549,"à±":23550,"pero":23551,"stocked":23552,"respects":23553,"tht":23554,"bestfriends":23555,"givingtuesday":23556,"bead":23557,"invent":23558,"imi":23559,"naples":23560,"combining":23561,"tokens":23562,"thirst":23563,"masc":23564,"parrot":23565,"spu":23566,"denton":23567,"*-*":23568,"tres":23569,"suburban":23570,"width":23571,"sive":23572,"contender":23573,"sirius":23574,"lok":23575,"troopers":23576,"outrage":23577,"turbo":23578,"fragile":23579,"messed":23580,"doh":23581,"discord":23582,"netanyahu":23583,"resign":23584,"forgiveness":23585,"mohan":23586,"munch":23587,"camou":23588,"identifying":23589,"enabling":23590,"hotter":23591,"thornton":23592,"jaipur":23593,"arya":23594,"ðŁı»âĢįâĻĢï¸ı":23595,"mustaf":23596,"majors":23597,"oke":23598,"duffy":23599,"rohing":23600,"tilt":23601,"ðŁĩ®ðŁĩ³":23602,"rockstar":23603,"sheep":23604,"hendrix":23605,"rav":23606,"invention":23607,"dou":23608,"laguna":23609,"grumpy":23610,"swis":23611,"impe":23612,")'":23613,"youths":23614,"bunker":23615,"stache":23616,"oppose":23617,"indies":23618,"accelerate":23619,"mlp":23620,"eden":23621,"wann":23622,"kail":23623,"akshaykumar":23624,"supt":23625,"polym":23626,"middleton":23627,"extraordin":23628,"wilson":23629,"australian":23630,"aluminium":23631,"wayne":23632,"alumnus":23633,"matics":23634,"grim":23635,"ernie":23636,"oppa":23637,"competitors":23638,"randall":23639,"hence":23640,"declares":23641,"preaching":23642,"shahe":23643,"cane":23644,"sustainable":23645,"staples":23646,"ledge":23647,"adena":23648,"doctoral":23649,"burgundy":23650,"decorate":23651,"rendered":23652,"risen":23653,"prank":23654,"dior":23655,"beethoven":23656,"floor":23657,"accom":23658,"tot":23659,"hodg":23660,"tourism":23661,"sayin":23662,"objective":23663,"markers":23664,"premiership":23665,"enabled":23666,"camoufla":23667,"giant":23668,"Ñģ":23669,"smokey":23670,"ricket":23671,"pang":23672,"depending":23673,"sation":23674,"evolving":23675,"intercep":23676,"census":23677,"tofthe":23678,"reen":23679,"mendoza":23680,"trumpet":23681,"marketers":23682,"anit":23683,"ðŁĻĬ":23684,"northwestern":23685,"vla":23686,"fotogra":23687,"blackandwhite":23688,"chewan":23689,"wig":23690,"troom":23691,"gingerbread":23692,"kn":23693,"romero":23694,"nfc":23695,"orchi":23696,"funko":23697,"source":23698,"fs":23699,"raped":23700,"ost":23701,"tarot":23702,"annually":23703,"ðŁĺ¬":23704,"rill":23705,"delav":23706,"..!!":23707,"ses":23708,"cann":23709,"medicare":23710,"phel":23711,"apex":23712,"guardian":23713,"remained":23714,"rpm":23715,"añ":23716,"storymonth":23717,"instagood":23718,"neighbour":23719,"ping":23720,"semite":23721,"mystic":23722,"ascot":23723,"mater":23724,"handful":23725,"dangers":23726,"tid":23727,"anaheim":23728,"opoly":23729,"shallow":23730,"namibia":23731,"toria":23732,"procurement":23733,"bigbang":23734,"announcements":23735,"prosecutor":23736,"bengals":23737,"salle":23738,"enroll":23739,"gastro":23740,"suggestion":23741,"bak":23742,"haul":23743,"buddhism":23744,"berniesanders":23745,"flute":23746,"fatigue":23747,"cynthia":23748,"choi":23749,"irwin":23750,"gua":23751,"strous":23752,"hp":23753,"bap":23754,"satisfying":23755,"playa":23756,"ðŁİ¼":23757,"instap":23758,"alice":23759,"tp":23760,"irrigation":23761,"ðŁĩ¬ðŁĩ§":23762,"intric":23763,"clues":23764,"plex":23765,"sax":23766,"hepat":23767,"dumped":23768,"significance":23769,"byu":23770,"medication":23771,"prov":23772,"toughest":23773,"cornish":23774,"âŀľ":23775,"kelley":23776,"uv":23777,"sizz":23778,"sibling":23779,"mest":23780,"distor":23781,"diplomatic":23782,"auntie":23783,"bhat":23784,"sonic":23785,"brenda":23786,"pumpkins":23787,"roch":23788,"blackburn":23789,"urged":23790,"shia":23791,"arrangements":23792,"flood":23793,"saunders":23794,"lecturer":23795,"nouri":23796,"populations":23797,"diplomacy":23798,"consistently":23799,"ð٤Ļ":23800,"tmund":23801,"cauliflower":23802,"lily":23803,"vocabulary":23804,"varieties":23805,"cooker":23806,"uptown":23807,"quent":23808,"mosa":23809,"reinde":23810,"velocity":23811,"spruce":23812,"socialmedi":23813,"iber":23814,"voluntary":23815,"processed":23816,"baltic":23817,"yang":23818,"lebanese":23819,"dp":23820,"dolly":23821,"arrangement":23822,"yuri":23823,"cranberry":23824,"kalyan":23825,"elevation":23826,"cliff":23827,"pushes":23828,"ìĬ¤":23829,"silic":23830,"cowx":23831,"eternity":23832,"slaves":23833,"vinegar":23834,"gloucester":23835,"contained":23836,"breakingnews":23837,"against":23838,"renovated":23839,"normandy":23840,"heroin":23841,"ysm":23842,"mods":23843,"greek":23844,"undi":23845,"trench":23846,"vh":23847,"encourages":23848,"headache":23849,"grange":23850,":'":23851,"evergreen":23852,"ÙĬ":23853,"reckon":23854,"abused":23855,"thru":23856,"choice":23857,"tidy":23858,"colder":23859,"schoice":23860,"hain":23861,"brum":23862,"liars":23863,"breit":23864,"yorker":23865,"shack":23866,"heidi":23867,"michaels":23868,"scopic":23869,"fascist":23870,"playful":23871,"cac":23872,"yasss":23873,"shad":23874,"..?":23875,"quen":23876,"ramirez":23877,"clifton":23878,"prs":23879,"bestfan":23880,"âģł":23881,"generating":23882,"headset":23883,"disappointment":23884,"abstract":23885,"boiled":23886,"parenthood":23887,"azerbaijan":23888,"exhibiting":23889,"bombay":23890,"olivier":23891,"koso":23892,"unlea":23893,"maternity":23894,"izer":23895,"sives":23896,"rhu":23897,"coll":23898,"saskatchewan":23899,"freakin":23900,"dek":23901,"nag":23902,"stabili":23903,"ðŁįķ":23904,"organizer":23905,"bosses":23906,"aru":23907,"uva":23908,"atable":23909,"taun":23910,"afterwards":23911,"fertili":23912,"verge":23913,"azi":23914,"morph":23915,"à¹ģà¸":23916,"jerk":23917,"cosmetic":23918,"kow":23919,"strust":23920,"apache":23921,"postcards":23922,"formul":23923,"ìĭ":23924,"spinal":23925,"jackpot":23926,"electri":23927,"ÃŃ":23928,"loy":23929,"grader":23930,"diablo":23931,"ardi":23932,"hesit":23933,"fw":23934,"archery":23935,"pash":23936,"theories":23937,"repeal":23938,"relive":23939,"percy":23940,"âĺĨ":23941,"imin":23942,"synchron":23943,"shampoo":23944,"coupons":23945,"oto":23946,"lai":23947,"thought":23948,"luxembourg":23949,"mov":23950,"ðŁĺ¥":23951,"gemma":23952,"seated":23953,"mga":23954,"stratford":23955,"uncertainty":23956,"shifts":23957,"esto":23958,"fool":23959,"firearms":23960,"corrie":23961,"kiki":23962,"apparent":23963,"pills":23964,"olympia":23965,"fid":23966,"elevated":23967,"decks":23968,"ignoring":23969,"avalan":23970,"rov":23971,"whistle":23972,"ptsd":23973,"militants":23974,"robotic":23975,"pacers":23976,"quilt":23977,"bankruptcy":23978,"lich":23979,"percussion":23980,"celebrity":23981,"als":23982,"(;":23983,"sut":23984,"pokemongo":23985,"hg":23986,"offs":23987,"gibraltar":23988,"screams":23989,"billie":23990,"genome":23991,"marin":23992,"beams":23993,"archbishop":23994,"emin":23995,"bedrooms":23996,"gated":23997,"olly":23998,"warranty":23999,"atown":24000,"cuddles":24001,"gunna":24002,"kic":24003,"vive":24004,"cymru":24005,"narrow":24006,"prob":24007,"leo":24008,"references":24009,"manufactured":24010,"chopper":24011,"brunswick":24012,"semis":24013,"donia":24014,"rye":24015,"mano":24016,"hurting":24017,"?#":24018,"holli":24019,"investigations":24020,"cels":24021,"ðŁĵŀ":24022,"lester":24023,"temples":24024,"storey":24025,"mcmahon":24026,"toilets":24027,"woof":24028,"ï¸İ":24029,"leverage":24030,"atom":24031,"nightmares":24032,"victorious":24033,"haunting":24034,"customer":24035,"agi":24036,"yoongi":24037,"monty":24038,"veronica":24039,"wur":24040,"intimid":24041,"blankets":24042,"volution":24043,"jm":24044,"âĺİ":24045,"amon":24046,"judith":24047,"ðŁĺİðŁĺİ":24048,"distracted":24049,"drip":24050,"hurricane":24051,"andes":24052,"revelation":24053,"troop":24054,"ableg":24055,"collin":24056,"tibetan":24057,"worrying":24058,"internationally":24059,"eater":24060,"cameroon":24061,"brador":24062,"yuk":24063,"ðŁĴĹðŁĴĹ":24064,"trak":24065,"slopes":24066,"cier":24067,"nea":24068,"oler":24069,"taka":24070,"albion":24071,"volcanic":24072,"amn":24073,"afi":24074,"obstac":24075,"facetime":24076,"gering":24077,"npr":24078,"metallica":24079,"organic":24080,"ðŁĴ¡":24081,"kidd":24082,"dances":24083,"pembro":24084,"washer":24085,"mits":24086,"omer":24087,"emotionally":24088,"tango":24089,"ipo":24090,"docks":24091,"scanning":24092,"specs":24093,"thom":24094,"theology":24095,"emergen":24096,"omi":24097,"gpa":24098,"selections":24099,"unnecessary":24100,"image":24101,"ters":24102,"induced":24103,"gigan":24104,"rentals":24105,"supplied":24106,"mfa":24107,"shankar":24108,"later":24109,"pajam":24110,"clave":24111,"Ùģ":24112,"mahin":24113,"carlson":24114,"avian":24115,"anova":24116,"katie":24117,"ajith":24118,"designated":24119,"chocolates":24120,"investigators":24121,"glazed":24122,"princess":24123,"erry":24124,"ragn":24125,"ourable":24126,"hru":24127,"sundance":24128,"peugeot":24129,"steampunk":24130,"ghlin":24131,"grease":24132,"hires":24133,"zap":24134,"perce":24135,"jill":24136,"tome":24137,"hehehe":24138,"joyful":24139,"maestro":24140,"nished":24141,"genealo":24142,"vich":24143,"pits":24144,"foxes":24145,"goodman":24146,"emerson":24147,"lobes":24148,"converse":24149,"oats":24150,"thomson":24151,"rahim":24152,"malware":24153,"ahi":24154,"mankind":24155,"resin":24156,"img":24157,"swood":24158,"kinder":24159,"scroll":24160,"ara":24161,"sakura":24162,"robbed":24163,"xion":24164,"nya":24165,"cism":24166,"cedar":24167,"bein":24168,"mourning":24169,"torto":24170,"heathrow":24171,"donegal":24172,"barb":24173,"hydration":24174,"kor":24175,"elimination":24176,"supdates":24177,"hills":24178,"appeti":24179,"starred":24180,"kom":24181,"gwen":24182,"ddd":24183,"cray":24184,"scanner":24185,"personalised":24186,"serenity":24187,"redesign":24188,"metaph":24189,"boxed":24190,"judgment":24191,"nose":24192,"ë¹":24193,"erad":24194,"acne":24195,"suppliers":24196,"energetic":24197,"vom":24198,"asap":24199,"ðŁĶ¸":24200,"irvine":24201,"hatch":24202,"lass":24203,"adren":24204,"waffles":24205,"accurately":24206,"icio":24207,"ittle":24208,"seun":24209,"occupy":24210,"webcam":24211,"thenew":24212,"entes":24213,"gai":24214,"jw":24215,"accountable":24216,"visor":24217,"irrit":24218,"licensing":24219,"huddersfield":24220,"genie":24221,"ðŁİ¾":24222,"atmospheric":24223,"tensions":24224,"spartan":24225,"clifford":24226,"olan":24227,"northbound":24228,"ameen":24229,"censor":24230,"uel":24231,"stery":24232,"$$":24233,"farrell":24234,"hyster":24235,"clt":24236,"sedan":24237,"replied":24238,"describing":24239,"microwave":24240,"slab":24241,"prosp":24242,"assisting":24243,"rubio":24244,"ethan":24245,"hhhhh":24246,"guay":24247,"zman":24248,"raise":24249,"rolling":24250,"oe":24251,"nile":24252,"ambrose":24253,"scarborough":24254,"heroic":24255,"cooks":24256,"mort":24257,"chopra":24258,"ðŁĮ·":24259,"tob":24260,"shaving":24261,"stacey":24262,"dorm":24263,"motorsports":24264,"wiki":24265,"folds":24266,"spiced":24267,"stressful":24268,"literal":24269,"fudge":24270,"peggy":24271,"waite":24272,"tresses":24273,"sesh":24274,"pric":24275,"ðŁİħ":24276,"fright":24277,"rva":24278,"mumbai":24279,"pom":24280,"ttv":24281,"cellar":24282,"tome":24283,"android":24284,"doris":24285,"tsunami":24286,"tinder":24287,"oec":24288,"mwc":24289,"dortmund":24290,"nothin":24291,"liti":24292,"sou":24293,"believein":24294,"atu":24295,"knocks":24296,"magni":24297,"sssss":24298,"rohit":24299,"inews":24300,"angi":24301,"mandy":24302,"kettle":24303,"intermediate":24304,"avant":24305,"curl":24306,"endorsed":24307,"orio":24308,"urt":24309,"consideration":24310,"wires":24311,"shelters":24312,"bino":24313,"vikram":24314,"implemented":24315,"lydia":24316,"buk":24317,"parody":24318,"cnews":24319,"undergraduate":24320,"canucks":24321,"sami":24322,"politically":24323,"rotten":24324,"ghz":24325,"textiles":24326,"overload":24327,"moderni":24328,"recreational":24329,"flir":24330,"baton":24331,"typography":24332,"ovation":24333,"intriguing":24334,"pilgrimage":24335,"alge":24336,"adays":24337,"tcmparty":24338,"spelled":24339,"curls":24340,"booze":24341,"stem":24342,"annes":24343,"irls":24344,"sponge":24345,"shopper":24346,"signation":24347,"brass":24348,"mistress":24349,"leah":24350,"beginner":24351,"lauderdale":24352,"august":24353,"preschool":24354,"taping":24355,"taipei":24356,"executives":24357,"bd":24358,"rhetor":24359,"escor":24360,"immuno":24361,"deeplearning":24362,"statues":24363,"itus":24364,"manuscript":24365,"lyric":24366,"corvette":24367,"molly":24368,"lage":24369,"dep":24370,"cnbc":24371,"lest":24372,"jessi":24373,"fife":24374,"griffith":24375,"opposing":24376,"rang":24377,"drills":24378,"respectful":24379,"pity":24380,"dell":24381,"harding":24382,"playboy":24383,"bloke":24384,"shutout":24385,"kili":24386,"osp":24387,"seattle":24388,"bcpoli":24389,"mises":24390,"journals":24391,"teaming":24392,"esther":24393,"freddy":24394,"Ķï¸ı":24395,"metrics":24396,"notre":24397,"garry":24398,"forty":24399,"navigate":24400,"periods":24401,"benedic":24402,"jid":24403,"daw":24404,"ancestors":24405,"restoring":24406,"cong":24407,"allergy":24408,"titanium":24409,"cence":24410,"leaning":24411,"abbas":24412,"vast":24413,"ucf":24414,"roofing":24415,"eman":24416,"severely":24417,"vogue":24418,"veau":24419,"inbound":24420,"dz":24421,"taneously":24422,"stretching":24423,"manchester":24424,"dryer":24425,"davis":24426,"kanth":24427,"thegame":24428,"itted":24429,"retain":24430,"elles":24431,"congestion":24432,"fraternity":24433,"ollie":24434,"loki":24435,"freely":24436,"choo":24437,"pony":24438,"scep":24439,"tably":24440,"balt":24441,"rockn":24442,"dime":24443,"logging":24444,"ðŁį·":24445,"adu":24446,"havoc":24447,"waterford":24448,"charis":24449,"sweetie":24450,"running":24451,"nerd":24452,"erdogan":24453,"zara":24454,"weighing":24455,"fifty":24456,"precise":24457,"lowell":24458,"kurdistan":24459,"ryo":24460,"orth":24461,"synth":24462,"liners":24463,"phenomenon":24464,"artillery":24465,"illegally":24466,"construct":24467,"nostalgic":24468,"garth":24469,"alta":24470,"shelton":24471,"asean":24472,"wander":24473,"durban":24474,"diversi":24475,"bono":24476,"clon":24477,"leman":24478,"shun":24479,"obstacles":24480,"appetite":24481,"feeder":24482,"respiratory":24483,"dixie":24484,"formula":24485,"anto":24486,"sober":24487,"extinct":24488,"auc":24489,"ingles":24490,"legitimate":24491,";;":24492,"minnie":24493,"ipswich":24494,"dramatically":24495,"ðŁijıðŁı¼":24496,"ingham":24497,"military":24498,"monet":24499,"usnavy":24500,"fork":24501,"dunno":24502,"player":24503,"qotd":24504,"stoo":24505,"exor":24506,"ethiopian":24507,"filmfest":24508,"pered":24509,"cate":24510,"saudi":24511,"inner":24512,"sincere":24513,"tionality":24514,"alee":24515,"deeds":24516,"cooperative":24517,"ironic":24518,"crocod":24519,"brary":24520,"postseason":24521,"camper":24522,"canary":24523,"ein":24524,"extensions":24525,"nbd":24526,"sherwood":24527,"spokane":24528,"hump":24529,"jitsu":24530,"ê¹":24531,"daryl":24532,"psi":24533,"stabbed":24534,"offerings":24535,"expects":24536,"caval":24537,"bodybuilding":24538,"framing":24539,"fca":24540,"yearly":24541,"bombed":24542,"skil":24543,"researching":24544,"judiciary":24545,"greeted":24546,"tudor":24547,"milo":24548,"innovate":24549,"ðŁĺĽ":24550,"rhs":24551,"ruby":24552,"contributor":24553,"famer":24554,"socially":24555,"mlin":24556,"fiery":24557,"utter":24558,"beaut":24559,"itos":24560,"devoted":24561,"rainbow":24562,"barney":24563,"peren":24564,"arjun":24565,"rna":24566,"gabby":24567,"uti":24568,"hannity":24569,"pickle":24570,"serv":24571,"quakes":24572,"ppe":24573,"fem":24574,"whitec":24575,"jn":24576,"victories":24577,"ðŁ§¡":24578,"golfer":24579,"congratulates":24580,"resulting":24581,"mechanic":24582,"urve":24583,"centered":24584,"kiev":24585,"ans":24586,"incub":24587,"<<":24588,"cmo":24589,"bestfanarmy":24590,"daph":24591,"enham":24592,"oncology":24593,"kush":24594,"txt":24595,"oriented":24596,"fashionable":24597,"csr":24598,"sahara":24599,"rack":24600,"pdp":24601,"hanson":24602,"à¸ĩ":24603,"tiers":24604,"rar":24605,"panam":24606,"insky":24607,"sahi":24608,"testament":24609,"asthma":24610,"inher":24611,"fisheries":24612,"order":24613,"howe":24614,"gallon":24615,"epis":24616,"suzanne":24617,"drowning":24618,"panelists":24619,"ðŁĺ²":24620,"ë¦":24621,"alach":24622,"commemorative":24623,"attribu":24624,"ðŁij»":24625,"moo":24626,"visional":24627,"weeksary":24628,"gust":24629,"akin":24630,"pointe":24631,"eee":24632,"dispar":24633,"nipp":24634,"dental":24635,"stall":24636,"pian":24637,"bore":24638,"ulster":24639,"tick":24640,"irr":24641,"taehyung":24642,"microphone":24643,"bermuda":24644,"gaard":24645,"eler":24646,"plumbing":24647,"hugely":24648,"âļ«ï¸ı":24649,"raceway":24650,"cambridge":24651,"marcel":24652,"burnley":24653,"toast":24654,"hollywood":24655,"fasting":24656,"mered":24657,"hibition":24658,"capped":24659,"beneficial":24660,"owning":24661,"contamin":24662,"arabian":24663,"toon":24664,"capac":24665,"hulu":24666,"smir":24667,"nutrients":24668,"sein":24669,"graphs":24670,"conditional":24671,"ðŁijħ":24672,"orac":24673,"playin":24674,"northe":24675,"tornad":24676,"marian":24677,"jumbo":24678,"lexi":24679,"incredibleindia":24680,"roadto":24681,"ukone":24682,"confusing":24683,"sph":24684,"shank":24685,"pied":24686,"mqm":24687,"positively":24688,"sherry":24689,"pathways":24690,"considers":24691,"tofu":24692,"arguments":24693,"resilient":24694,"chett":24695,"withdra":24696,"tero":24697,"atedly":24698,"swana":24699,"heb":24700,"flight":24701,"harley":24702,"decrease":24703,"kindle":24704,"bookshop":24705,"³ï¸ı":24706,"martyrs":24707,"smur":24708,"mccl":24709,"concerto":24710,"stime":24711,"rejoice":24712,"applau":24713,"clement":24714,"merkel":24715,"jaime":24716,"immortal":24717,"isleof":24718,"marco":24719,"youtuber":24720,"stalking":24721,"metoo":24722,"stack":24723,"spouse":24724,"ust":24725,"luv":24726,"âļ¾ï¸ı":24727,"equestrian":24728,"eving":24729,"flin":24730,"nickname":24731,"thebig":24732,"asar":24733,"stacks":24734,"walker":24735,"bora":24736,"kidnapped":24737,"hurling":24738,"humbold":24739,"recalls":24740,"copper":24741,"annis":24742,"seo":24743,"merger":24744,"muir":24745,"addy":24746,"ðŁĴªðŁĴª":24747,"bex":24748,"cracy":24749,"conan":24750,"congratulation":24751,"midst":24752,"âϬ":24753,"forbi":24754,"optic":24755,"crate":24756,"crocodile":24757,"madagas":24758,"securing":24759,"aston":24760,"ogue":24761,"savior":24762,"salisbury":24763,"loveit":24764,"fujifilm":24765,"castles":24766,"asst":24767,"arrows":24768,"spacious":24769,"trs":24770,"polyvore":24771,"progression":24772,"mri":24773,"nelson":24774,"bim":24775,"indicator":24776,"oda":24777,"pepe":24778,"resignation":24779,"gut":24780,"sneaker":24781,"logically":24782,"azy":24783,"arella":24784,"tearing":24785,"joshi":24786,"ssionism":24787,"qpr":24788,"mariah":24789,"px":24790,"bleed":24791,"mian":24792,"medley":24793,"weiss":24794,"kerry":24795,"gatory":24796,"atal":24797,"madison":24798,"avenger":24799,"naby":24800,"pland":24801,"giles":24802,"freshwater":24803,"dington":24804,"taj":24805,"demonstrates":24806,"ntv":24807,"bulbs":24808,"sundaymorning":24809,"peake":24810,"souvenir":24811,"wah":24812,"tonnes":24813,"mkt":24814,"complexity":24815,"conden":24816,"rossi":24817,"bing":24818,"yds":24819,"suk":24820,"ngo":24821,"midland":24822,"oly":24823,"lifeis":24824,"ripple":24825,"moreno":24826,"dders":24827,"tus":24828,"áĥ":24829,"boul":24830,"xa":24831,"holdings":24832,"wny":24833,"shadowhunters":24834,"kei":24835,"aspire":24836,"mous":24837,"owen":24838,"soak":24839,"skirts":24840,"mountaine":24841,"storming":24842,"chrome":24843,"riots":24844,"sarato":24845,"amaze":24846,"lessness":24847,"navar":24848,"criteria":24849,"rafa":24850,"indulge":24851,"ayer":24852,"porto":24853,"namo":24854,"................":24855,"yields":24856,"valle":24857,"jh":24858,"macron":24859,"sains":24860,"durant":24861,"trailers":24862,"wot":24863,"confederate":24864,"shrin":24865,"idol":24866,"formally":24867,"tene":24868,"motorcycles":24869,"thang":24870,"node":24871,"banger":24872,"daly":24873,"pats":24874,"enrollment":24875,"auctions":24876,"atal":24877,"arbor":24878,"logos":24879,"dearest":24880,"transaction":24881,"domingo":24882,"flea":24883,"sermon":24884,"deck":24885,"sincere":24886,"questioning":24887,"julio":24888,"wasp":24889,"pretz":24890,"armenian":24891,"kham":24892,"inflammation":24893,"picturesque":24894,"accidental":24895,"filmmakers":24896,"ðŁĺļ":24897,"ðŁĴį":24898,"casey":24899,"sob":24900,"yeezy":24901,"goodwill":24902,"paragra":24903,"ssly":24904,"feather":24905,"dyed":24906,"assassination":24907,"nade":24908,"bcs":24909,"applies":24910,"feminine":24911,"feu":24912,"extent":24913,"deputies":24914,"lack":24915,"psychic":24916,"goi":24917,"killings":24918,"pseu":24919,"ðŁ¤ª":24920,"unc":24921,"marl":24922,"tane":24923,"mckenna":24924,"surfer":24925,"influences":24926,"freeway":24927,"hackney":24928,"malaria":24929,"eland":24930,"teau":24931,"remastered":24932,"ر":24933,"razor":24934,"ggy":24935,"corro":24936,"laksh":24937,"flair":24938,"honesty":24939,"hooray":24940,"depp":24941,"amc":24942,"wednesdays":24943,"qa":24944,"edits":24945,"-$":24946,"sevilla":24947,"doubled":24948,"humanities":24949,"ccot":24950,"somos":24951,"rine":24952,"afa":24953,"sioux":24954,"reconstruction":24955,"welding":24956,"threads":24957,"amish":24958,"encouragement":24959,"poder":24960,"bock":24961,"balm":24962,"ptions":24963,"standup":24964,"accomplishments":24965,"guarding":24966,"conviction":24967,"acion":24968,"napoleon":24969,"depicting":24970,"attack":24971,"sui":24972,"wearable":24973,"âĸªï¸ı":24974,"potter":24975,"escort":24976,"vise":24977,"tots":24978,"boon":24979,"eventprofs":24980,"angular":24981,"womenshistorymonth":24982,"barrow":24983,"schi":24984,"accomp":24985,"tik":24986,"lend":24987,"kensington":24988,"wolfe":24989,"stacked":24990,"crashing":24991,"exhibit":24992,"winged":24993,"sabrina":24994,"masa":24995,"kms":24996,"always":24997,"ett":24998,"plasma":24999,"counseling":25000,"pickles":25001,"nfldraft":25002,"mrs":25003,"inevitable":25004,"courageous":25005,"stafford":25006,"writerslife":25007,"hos":25008,"ej":25009,"ghyun":25010,"trademark":25011,"adrian":25012,"influencer":25013,"coronation":25014,"raging":25015,"explored":25016,"usaf":25017,"exception":25018,"eux":25019,"tanker":25020,"swami":25021,"packet":25022,"ðŁij¨âĢį":25023,"fen":25024,"sheen":25025,"aero":25026,"jl":25027,"regal":25028,"nwt":25029,"auster":25030,"mehta":25031,"charge":25032,"aste":25033,"bate":25034,"infeld":25035,"racecourse":25036,"collapsed":25037,"fleece":25038,"zil":25039,"allie":25040,"alternatives":25041,"georges":25042,"ðŁĵį":25043,"quirky":25044,"fcb":25045,"natgeo":25046,"philanthropy":25047,"brai":25048,"everyday":25049,"ðŁIJ°":25050,"achers":25051,"jaan":25052,"fines":25053,"qi":25054,"fisherman":25055,"distinct":25056,"grimes":25057,"nationalist":25058,"commence":25059,"rown":25060,"â̳":25061,"zing":25062,"fter":25063,"hrw":25064,"baroque":25065,"blender":25066,"kitty":25067,"hooks":25068,"cited":25069,"wanda":25070,"consensus":25071,"reindeer":25072,"anand":25073,"supply":25074,"meds":25075,"vn":25076,"olph":25077,"ratchet":25078,"sheldon":25079,"securities":25080,"ë°©íĥ":25081,"crom":25082,"mosquito":25083,"jeric":25084,"immac":25085,"dimensions":25086,"â¤":25087,"dissi":25088,"spongebob":25089,"damien":25090,"stevenson":25091,"joanne":25092,"delish":25093,"yikes":25094,"thanx":25095,"surveys":25096,"postponed":25097,"alcoholic":25098,"alised":25099,"ðŁĻıðŁı»":25100,"doch":25101,"sentim":25102,"meredith":25103,"compares":25104,"bago":25105,"happydays":25106,"moss":25107,"ãħĭ":25108,"nec":25109,"gnment":25110,"frustrated":25111,"combin":25112,"riv":25113,"eclec":25114,"collo":25115,"compliment":25116,"actorslife":25117,"ctto":25118,"nicar":25119,"ophon":25120,"aparthe":25121,"mant":25122,"jade":25123,"trolley":25124,"optimization":25125,"eyeon":25126,"ecological":25127,"quist":25128,"ephe":25129,"à¥ĩ":25130,"cinco":25131,"appoints":25132,"oldschool":25133,"cpr":25134,"behavioral":25135,"minaj":25136,":-(":25137,"tagging":25138,"eval":25139,"joaqu":25140,"ðŁĺ«":25141,"hak":25142,"deme":25143,"jamaican":25144,"sos":25145,"hyatt":25146,"handbook":25147,"librarian":25148,"hannibal":25149,"pumping":25150,"chom":25151,"fman":25152,"gai":25153,"hull":25154,"responders":25155,"greenville":25156,"nus":25157,"vaugh":25158,"ðŁİīðŁİī":25159,"taxi":25160,"goldberg":25161,"mantra":25162,"tease":25163,"forbidden":25164,"methodist":25165,"ativity":25166,"****":25167,"ect":25168,"mcgr":25169,"Ħëĭ":25170,"seb":25171,"amidst":25172,"disappear":25173,"thyro":25174,"philips":25175,"erina":25176,"vicious":25177,"streamer":25178,"millionaire":25179,"map":25180,"strick":25181,"hackathon":25182,"gha":25183,"edic":25184,"mika":25185,"peck":25186,"illi":25187,"antoine":25188,"arca":25189,"optic":25190,"maure":25191,"ðŁĩ¦ðŁĩº":25192,"clashes":25193,"manly":25194,"âĺģ":25195,"alvar":25196,"andres":25197,"mei":25198,"elm":25199,"wwww":25200,"altered":25201,"lte":25202,"ê¹Ģ":25203,"mojo":25204,"forrest":25205,"thalai":25206,"nont":25207,"speeches":25208,"acknowledge":25209,"ignite":25210,"xfactor":25211,"ðŁ¥Ĥ":25212,"meadow":25213,"disrupt":25214,"debuted":25215,"scrimmage":25216,"pharmaceutical":25217,"fidd":25218,"foundations":25219,"philosopher":25220,"etal":25221,"publishers":25222,"boys":25223,"cke":25224,"rugged":25225,"optimism":25226,"rebe":25227,"philharmon":25228,"narcis":25229,"rallies":25230,"luis":25231,"goblue":25232,"folded":25233,"unacceptable":25234,"optimal":25235,"lisa":25236,"polaro":25237,"+.":25238,"enza":25239,"âĿ£ï¸ı":25240,"monopoly":25241,"graceful":25242,"dairy":25243,"dua":25244,"difficulty":25245,"judgement":25246,"osi":25247,"mersey":25248,"flux":25249,"newfound":25250,"terns":25251,"dimensional":25252,"invic":25253,"alba":25254,"amit":25255,"abudhabi":25256,"algeria":25257,"automobile":25258,"thead":25259,"lotion":25260,"accelerator":25261,"vacant":25262,"ition":25263,"luf":25264,"alic":25265,"pll":25266,"blazing":25267,"baz":25268,"sene":25269,"ðŁij¼":25270,"villains":25271,"directory":25272,"eisen":25273,"tock":25274,"brochure":25275,"ripp":25276,"hbd":25277,"zaynmalik":25278,"niche":25279,"lolol":25280,"certificates":25281,"morse":25282,"facup":25283,"xham":25284,"unwanted":25285,"imports":25286,"carnegie":25287,"fansign":25288,"mou":25289,"ralph":25290,"destroyer":25291,"swing":25292,"trekking":25293,"ciliation":25294,"pitbull":25295,"gaps":25296,"howell":25297,"definitive":25298,"mcle":25299,"fps":25300,"etz":25301,"bolly":25302,"lynn":25303,"gano":25304,"ature":25305,"fursuit":25306,"coil":25307,"nav":25308,"butts":25309,"trojans":25310,"eure":25311,"enko":25312,"schumer":25313,"horrific":25314,"installment":25315,"brb":25316,"suburbs":25317,"abel":25318,"vir":25319,"desh":25320,"cunningham":25321,"ðŁIJ»":25322,"spann":25323,"schwe":25324,"kemp":25325,"tru":25326,"stealth":25327,"ques":25328,"lew":25329,"delights":25330,"koch":25331,"humili":25332,"criti":25333,"ilt":25334,"spells":25335,"miley":25336,"caric":25337,"ðŁį´":25338,"lcfc":25339,"substitute":25340,"oung":25341,"?!!":25342,"affir":25343,"predictable":25344,"classof":25345,"err":25346,"cypress":25347,"chandra":25348,"ageing":25349,"____":25350,"therland":25351,"doncaster":25352,"elin":25353,"yoshi":25354,"sailors":25355,"harris":25356,"joanna":25357,"nigerians":25358,"hers":25359,"plague":25360,"procra":25361,"kno":25362,"canton":25363,"busines":25364,"unh":25365,"prakash":25366,"cin":25367,"bowen":25368,"coating":25369,"mals":25370,"begging":25371,"smithson":25372,"pontiac":25373,"spies":25374,"damian":25375,"pline":25376,"undant":25377,"alta":25378,"oness":25379,"shameless":25380,"daq":25381,"bbm":25382,"wales":25383,"stampede":25384,"serum":25385,"ÙĨ":25386,"catalyst":25387,"xn":25388,"absc":25389,"freezer":25390,"chun":25391,"arios":25392,"mccre":25393,"forehead":25394,"hears":25395,"damascus":25396,"tacoma":25397,"arduino":25398,"encounters":25399,"stanton":25400,"lgb":25401,"abas":25402,"\"..":25403,"kete":25404,"dracula":25405,"elem":25406,"gne":25407,"zeppelin":25408,"labrador":25409,"pulp":25410,"optional":25411,"orn":25412,"russians":25413,"sanitation":25414,"hilary":25415,"etsymntt":25416,"penalties":25417,"aust":25418,"igans":25419,"olympian":25420,"medicaid":25421,"versace":25422,"vape":25423,"restra":25424,"peep":25425,"sexiest":25426,"stalls":25427,"dile":25428,"thea":25429,"punjabi":25430,"puppy":25431,"tuesdaymotivation":25432,"ðŁĵļ":25433,"theflash":25434,"rocket":25435,"modest":25436,"chihuahu":25437,"onna":25438,"ksa":25439,"hurdles":25440,"cave":25441,"failures":25442,"split":25443,"boho":25444,"gurl":25445,"disappoint":25446,"howard":25447,"nugget":25448,"franz":25449,"stalert":25450,"kazakh":25451,"forgetting":25452,"schri":25453,"agate":25454,"amat":25455,"everett":25456,"duet":25457,"veterinary":25458,"julian":25459,"chills":25460,"brave":25461,"ghostbusters":25462,"lando":25463,"greets":25464,"profitable":25465,"dé":25466,"tir":25467,"zee":25468,"omen":25469,"pdx":25470,"grayson":25471,"hari":25472,"fixes":25473,"stabbing":25474,"swimmer":25475,"symbols":25476,"compliments":25477,"pose":25478,"functioning":25479,"thnx":25480,"gir":25481,"corporations":25482,"barlow":25483,"loe":25484,"offseason":25485,"distinctive":25486,"marvelous":25487,"nikon":25488,"enrique":25489,"kyu":25490,"jaws":25491,"amoto":25492,"lombar":25493,"travelblogger":25494,"fah":25495,"ourism":25496,"tristan":25497,"soe":25498,"cease":25499,"ðŁıħ":25500,"zac":25501,"mckenzie":25502,"taxpayers":25503,"swimsuit":25504,"blo":25505,"lesley":25506,"kansas":25507,"wks":25508,"kiel":25509,"provoking":25510,"myles":25511,"string":25512,"kangaroo":25513,"galactic":25514,"fifth":25515,"ske":25516,"weir":25517,"llis":25518,"matory":25519,"ðŁĩ¿":25520,"unci":25521,"reproductive":25522,"rooting":25523,"tides":25524,"gadget":25525,"..........":25526,"alexander":25527,"bowler":25528,"screw":25529,"apolog":25530,"erika":25531,"walters":25532,"shetty":25533,"lane":25534,"banter":25535,"asant":25536,"meso":25537,"vain":25538,"\"\"\"":25539,"usi":25540,"ferdin":25541,"accomplish":25542,"mansfield":25543,"bombar":25544,"collaborating":25545,"clap":25546,"iture":25547,"sda":25548,"smoky":25549,"nak":25550,"imperson":25551,"carla":25552,"comra":25553,"burgl":25554,"loco":25555,"ties":25556,"inhi":25557,"tracey":25558,"seis":25559,"disser":25560,"rrrr":25561,"dray":25562,"protect":25563,"corona":25564,"hunger":25565,"cken":25566,"celi":25567,"troubled":25568,"predators":25569,"fictional":25570,"shaved":25571,"richest":25572,"metaboli":25573,"fulham":25574,"grooming":25575,"monochrome":25576,"wasting":25577,"asco":25578,"aste":25579,"tista":25580,"remedies":25581,"ungsoo":25582,"southend":25583,"permanently":25584,"bumble":25585,"procrastin":25586,"identical":25587,"practically":25588,"mascul":25589,"suke":25590,"assured":25591,"valerie":25592,"deviant":25593,"grizzlies":25594,"thier":25595,"pura":25596,"nepal":25597,"notts":25598,"bilateral":25599,"spoil":25600,"carmel":25601,"cinematic":25602,"phl":25603,"nifty":25604,"mao":25605,"hypocri":25606,"laser":25607,"pantry":25608,"mathematical":25609,"elisa":25610,"coordination":25611,"belmont":25612,"ait":25613,"radiant":25614,"boiler":25615,"mang":25616,"fag":25617,"crc":25618,"hams":25619,"brin":25620,"â¬ĩï¸ı":25621,"familia":25622,"âĿ£":25623,"saber":25624,"rupert":25625,"ggan":25626,"ritz":25627,"mich":25628,"salford":25629,"levi":25630,"gral":25631,"ðŁĴ¤":25632,"nino":25633,"ced":25634,"businessman":25635,"ultr":25636,"simply":25637,"compression":25638,"pains":25639,"halt":25640,"ë°©íĥĦ":25641,"landscaping":25642,"nf":25643,"crooked":25644,"erd":25645,"ittin":25646,"ddleston":25647,"surpassed":25648,"inoa":25649,"dag":25650,"blen":25651,"extending":25652,"ating":25653,"algae":25654,"baller":25655,"umar":25656,"snooker":25657,"collu":25658,"flown":25659,"thub":25660,"ridiculously":25661,"kish":25662,"ople":25663,"dire":25664,"asser":25665,"aristo":25666,"sciss":25667,"hating":25668,"trouble":25669,"sylvia":25670,"succul":25671,"plots":25672,"sincerely":25673,"aler":25674,"laureate":25675,"brack":25676,"attn":25677,"rifles":25678,"meto":25679,"collectible":25680,"cuomo":25681,"contestant":25682,"consistency":25683,"antz":25684,"ranges":25685,"abigail":25686,"deb":25687,"minister":25688,"growers":25689,"anoo":25690,"hoover":25691,"dreamer":25692,"nucle":25693,"research":25694,"miy":25695,"shahid":25696,"mav":25697,"dhoni":25698,"cini":25699,"doj":25700,"hindus":25701,"partying":25702,"dali":25703,"alonso":25704,"informal":25705,"clarkson":25706,"itton":25707,"kian":25708,"cityo":25709,"mori":25710,"lasted":25711,"aspen":25712,"library":25713,"suspici":25714,"quat":25715,"denial":25716,"folder":25717,"chori":25718,"sweeping":25719,"enix":25720,"ðŁįĤ":25721,"ØŃ":25722,"nascar":25723,"handmadehour":25724,"moul":25725,"heatwave":25726,"emer":25727,"examine":25728,"ibn":25729,"grind":25730,"pov":25731,"tionist":25732,"mbo":25733,"sheila":25734,"integrate":25735,"omes":25736,"takeaway":25737,"cerv":25738,"connie":25739,"ticket":25740,"celed":25741,"bien":25742,"visually":25743,"madagascar":25744,"sorry":25745,"gui":25746,"parkrun":25747,"traits":25748,"labe":25749,"poisoning":25750,"à¥Ģ":25751,"viable":25752,"bohemian":25753,"dentistry":25754,"bados":25755,"sprouts":25756,"masked":25757,"teddy":25758,"ðŁĺ·":25759,"saf":25760,"saas":25761,"jiang":25762,"tight":25763,"speaker":25764,"withdrawal":25765,"bcn":25766,"assigned":25767,"classrooms":25768,"fleming":25769,"ðŁĴ«":25770,"supergirl":25771,"totals":25772,"tabletop":25773,"ebooks":25774,"horizontal":25775,"craz":25776,"flush":25777,"jard":25778,"cdc":25779,"erson":25780,"ãħł":25781,"greenwood":25782,"nih":25783,"cox":25784,"ada":25785,"litre":25786,"going":25787,"vicky":25788,"curved":25789,"louie":25790,"grains":25791,"hye":25792,"longe":25793,"remedy":25794,"trainee":25795,"sanjay":25796,"superstars":25797,"maser":25798,"manu":25799,"sage":25800,"whl":25801,"ðŁĺĤðŁĺŃ":25802,"ðŁijįðŁı»":25803,"msd":25804,"enz":25805,"rabhu":25806,"joo":25807,"ghu":25808,"acer":25809,"epo":25810,"resurrection":25811,"justicefor":25812,"blended":25813,"moda":25814,"avalanche":25815,"francesco":25816,"respective":25817,"gs":25818,"yeast":25819,"welch":25820,"devotion":25821,"getin":25822,"atheism":25823,"amic":25824,"carolyn":25825,"loc":25826,"ldnont":25827,"avec":25828,"usda":25829,"legged":25830,"bravery":25831,"blower":25832,"cowboy":25833,"heh":25834,"stible":25835,"buffal":25836,"channel":25837,"runchat":25838,"âĺķï¸ı":25839,"ideology":25840,"bestseller":25841,"yoo":25842,"peanu":25843,"bonne":25844,"felic":25845,"edison":25846,"fractu":25847,"narendra":25848,"ppets":25849,"seymour":25850,"riviera":25851,"hector":25852,"necessarily":25853,"bianca":25854,"societies":25855,"thebest":25856,"wg":25857,"sentences":25858,"wink":25859,"vaccines":25860,"palooza":25861,"jamming":25862,"asf":25863,"mpus":25864,"agreements":25865,"eck":25866,"bac":25867,"honore":25868,"compul":25869,"wildcat":25870,"imposed":25871,"yoga":25872,"hudson":25873,"canceled":25874,"lich":25875,"fuzzy":25876,"esque":25877,"chuk":25878,"wvu":25879,"sek":25880,"flipping":25881,"rhon":25882,"wished":25883,"wha":25884,"capability":25885,"lenovo":25886,"ìĨĮëħĦëĭ":25887,"vivo":25888,"tvd":25889,"nora":25890,"silk":25891,"pasadena":25892,"yosemite":25893,"valuation":25894,"clocks":25895,"uber":25896,"mrc":25897,"darkest":25898,"aubre":25899,"sso":25900,"belly":25901,"wrestlers":25902,"killin":25903,"louder":25904,"buckley":25905,"geel":25906,"adon":25907,"uns":25908,"appealing":25909,"ðŁij¯":25910,"semitism":25911,"listens":25912,"fitz":25913,"ãĥ³ãĥ":25914,"nylon":25915,"arty":25916,"seemingly":25917,"hala":25918,"suited":25919,"ety":25920,"sheds":25921,"muffins":25922,"apric":25923,"uments":25924,"uta":25925,"jammu":25926,"chelseafc":25927,"starz":25928,"yoko":25929,"root":25930,"cleansing":25931,"diar":25932,"pioneering":25933,"iheartradio":25934,"digiti":25935,"findyour":25936,"cano":25937,"ðŁĴİ":25938,"zol":25939,"spacecraft":25940,"sixers":25941,"moisturi":25942,"bile":25943,"tists":25944,"horton":25945,"ranging":25946,"columbi":25947,"meteoro":25948,"sentiment":25949,"epl":25950,"footh":25951,"textbook":25952,"drainage":25953,"rly":25954,"scue":25955,"imrankhan":25956,"ðŁĴ¸":25957,"margarita":25958,"eddy":25959,"predicts":25960,"gamergate":25961,"advise":25962,"growthhacking":25963,"loveyou":25964,"ugand":25965,"vf":25966,"benghazi":25967,"slater":25968,"newor":25969,"chel":25970,"independenceday":25971,"pnp":25972,"cullen":25973,"hoodies":25974,"numbered":25975,"britt":25976,"tsa":25977,"kltu":25978,"sages":25979,"momo":25980,"oneplus":25981,"coll":25982,"guts":25983,"wta":25984,"mesmeri":25985,"enhancing":25986,"chiroprac":25987,"jis":25988,"teenagers":25989,"mone":25990,"constellation":25991,"sweepstakes":25992,"eze":25993,"slovakia":25994,"laye":25995,"pearce":25996,"waver":25997,"pogba":25998,"kron":25999,"surgeons":26000,"marx":26001,"tid":26002,"gga":26003,"descend":26004,"pours":26005,"uprising":26006,"walla":26007,"sabbath":26008,"bachelore":26009,"mackin":26010,"kam":26011,"peterborough":26012,"hora":26013,"ðŁĮŁðŁĮŁ":26014,"thinkbig":26015,"rj":26016,"hydrau":26017,"spal":26018,"universit":26019,"ðŁıī":26020,"mailonline":26021,"leagueof":26022,"tenants":26023,"wally":26024,"lance":26025,"heavens":26026,"ddr":26027,"bolts":26028,"amir":26029,"iphone":26030,"cigar":26031,"endu":26032,"rei":26033,"elabor":26034,"ringing":26035,"johnson":26036,"characteristics":26037,"saloon":26038,"algorithms":26039,"talkin":26040,"mtn":26041,"dive":26042,"regionals":26043,"ffice":26044,"hati":26045,"deviantart":26046,"sotto":26047,"shiro":26048,"lama":26049,"kwe":26050,"faded":26051,"porting":26052,"tummy":26053,"estates":26054,"buenos":26055,"ð٦ģ":26056,"believer":26057,"penetr":26058,"darn":26059,"spite":26060,"canopy":26061,"fashioni":26062,"tilla":26063,"petals":26064,"elijah":26065,"brawl":26066,"martyr":26067,"ë°©íĥĦìĨĮëħĦëĭ":26068,"midtown":26069,"erich":26070,"dapper":26071,"smtown":26072,"megam":26073,"www":26074,"lele":26075,"ons":26076,"catfish":26077,"firth":26078,"fossilfriday":26079,"ballpark":26080,"thaw":26081,"potent":26082,"illie":26083,"creep":26084,"carp":26085,"soap":26086,"gundam":26087,"infec":26088,"yyyyy":26089,"न":26090,"zag":26091,"ritt":26092,"calculator":26093,"boca":26094,"oko":26095,"toad":26096,"threaten":26097,"refined":26098,"olympic":26099,"accomplishment":26100,"bacterial":26101,"aji":26102,"tatum":26103,"feliz":26104,"sheed":26105,"jat":26106,"thic":26107,"jamal":26108,"ðĿĺ":26109,"lina":26110,"ðŁIJ¯":26111,"joking":26112,"yotpo":26113,"pinch":26114,"akron":26115,"herb":26116,"motivation":26117,"lia":26118,"hostage":26119,"creek":26120,"gamble":26121,"russell":26122,"patti":26123,"fotos":26124,"cpc":26125,"broken":26126,"backthe":26127,"clays":26128,"umm":26129,"stockton":26130,"maternal":26131,"ür":26132,"lakel":26133,"century":26134,"bek":26135,"infected":26136,"ม":26137,"smackdown":26138,"manned":26139,"tahoe":26140,"smes":26141,"basa":26142,"sula":26143,"augusta":26144,".*":26145,"rohingya":26146,"greed":26147,"counselor":26148,"silhouette":26149,"gravit":26150,"clause":26151,"'-":26152,"bobc":26153,"occasions":26154,"nowadays":26155,"dictat":26156,"beard":26157,"nally":26158,"brightest":26159,"kabul":26160,"incindia":26161,"dhanush":26162,"archaeological":26163,"cheape":26164,"mizzou":26165,"dhi":26166,"ovski":26167,"baxter":26168,"assemble":26169,"â":26170,"gigi":26171,"acam":26172,"wisely":26173,"hazard":26174,"northampton":26175,"âľĪï¸ı":26176,"meth":26177,"blasting":26178,"reunite":26179,"mulus":26180,"alizes":26181,"tread":26182,"mila":26183,"edward":26184,"kova":26185,"pesto":26186,"ðŁij¶":26187,"vitz":26188,"hydraulic":26189,"refurbished":26190,"motel":26191,"isabella":26192,"homme":26193,"severance":26194,"uphol":26195,"miserable":26196,"fari":26197,"latter":26198,"efer":26199,"crackers":26200,"esl":26201,"acio":26202,"yyj":26203,"inan":26204,"ecb":26205,"zind":26206,"panas":26207,"trucking":26208,"reed":26209,"shaker":26210,"burgess":26211,"empire":26212,"agnes":26213,"nington":26214,"artworks":26215,"frs":26216,"tile":26217,"biome":26218,"eun":26219,"chong":26220,"americana":26221,"godfather":26222,"goblin":26223,"ishi":26224,"!).":26225,"tempted":26226,"genomics":26227,"mandate":26228,"cky":26229,"ðŁĴĻðŁĴĽ":26230,"somali":26231,"brandy":26232,"inven":26233,"spokesperson":26234,"pcb":26235,"yuan":26236,"hg":26237,"faz":26238,"starwars":26239,"rowan":26240,"bluegrass":26241,"dong":26242,"dday":26243,"trinidad":26244,"erton":26245,"banning":26246,"retention":26247,"cured":26248,"toberfest":26249,"reset":26250,"weis":26251,"detached":26252,"behindthescenes":26253,"immunity":26254,"pha":26255,"bray":26256,"ðŁij½":26257,"rancho":26258,"ramsay":26259,"estonia":26260,"ndtv":26261,"].":26262,"cabaret":26263,"taro":26264,"dv":26265,"showcases":26266,"plum":26267,"ðŁij¸":26268,"sonoma":26269,"prepa":26270,"memorab":26271,"estu":26272,"driveway":26273,"ules":26274,"magnus":26275,"xr":26276,"nnn":26277,"muchas":26278,"enge":26279,"streamed":26280,"forestry":26281,"audiobook":26282,"troy":26283,"reckless":26284,"kilom":26285,"ruler":26286,"rak":26287,"procession":26288,"ions":26289,"poole":26290,"noctur":26291,"whs":26292,"farmhouse":26293,"pera":26294,"parme":26295,"hypocrisy":26296,"sics":26297,"vant":26298,"cask":26299,"holistic":26300,"aust":26301,"п":26302,"indo":26303,"ðŁij©âĢį":26304,"diso":26305,"dispatch":26306,"olsen":26307,"makeit":26308,"ennis":26309,"centre":26310,"arrange":26311,"ðŁĮ¼":26312,"salted":26313,"easiest":26314,"fate":26315,"regatta":26316,"mozz":26317,"acan":26318,"sini":26319,"gically":26320,"chops":26321,"chicken":26322,"workin":26323,"hagg":26324,"involve":26325,"weeds":26326,"bookday":26327,"wakeup":26328,"kyr":26329,"michelin":26330,"fuss":26331,"rejuven":26332,"vacancies":26333,"incarcer":26334,"mst":26335,"scents":26336,"sovereign":26337,"kicker":26338,"à§":26339,"bod":26340,"âĢĶ>":26341,"sah":26342,"mobil":26343,"shropshire":26344,"ophone":26345,"dresser":26346,"missuni":26347,"hepburn":26348,"imo":26349,"foliage":26350,"diagnostic":26351,"assan":26352,"cycling":26353,"guilt":26354,"csa":26355,"puertorico":26356,"winelover":26357,"wakefield":26358,"doggy":26359,"khe":26360,"papp":26361,"cog":26362,"allot":26363,"cuck":26364,"poetic":26365,"mio":26366,"revit":26367,"magician":26368,"ç¥":26369,"antenna":26370,"westwood":26371,"mberg":26372,"luxe":26373,"oatmeal":26374,"ج":26375,"teat":26376,"ffee":26377,"searches":26378,"lly":26379,"pluto":26380,"elon":26381,"lettering":26382,"innocence":26383,"fai":26384,"annon":26385,"telangana":26386,"mait":26387,"neural":26388,"canni":26389,"aroma":26390,"astor":26391,"fex":26392,"cocac":26393,"monetary":26394,"fent":26395,"unsure":26396,"'@":26397,"indirec":26398,"tehran":26399,"isolation":26400,"libs":26401,"makeup":26402,"mercedes":26403,"ffy":26404,"hetero":26405,"deo":26406,"scom":26407,"cursed":26408,"veteransday":26409,"frankenstein":26410,"shrews":26411,"deco":26412,"geese":26413,"leftover":26414,"hadid":26415,"variable":26416,"academics":26417,"carolin":26418,"undergoing":26419,"variation":26420,"nah":26421,"ssier":26422,"gamersunite":26423,"pursuing":26424,"emerged":26425,"llers":26426,"controlling":26427,"roaring":26428,"meteor":26429,"volt":26430,"dawgs":26431,"beaver":26432,"islife":26433,"bathrooms":26434,"acional":26435,"prevent":26436,"lakedistrict":26437,"inals":26438,"yani":26439,"grabbing":26440,"sacks":26441,"lez":26442,"sway":26443,"kool":26444,"times":26445,"klopp":26446,"lade":26447,"concord":26448,"resulted":26449,"revive":26450,"reconciliation":26451,"oland":26452,"azz":26453,"giro":26454,"mandarin":26455,"deen":26456,"nutritional":26457,"iscoming":26458,"vani":26459,"awwww":26460,"derived":26461,"loveyour":26462,"stopthe":26463,"shouting":26464,"novak":26465,"ðŁĻĮðŁı¾":26466,"loaf":26467,"displaying":26468,"sundaywith":26469,"maguire":26470,"cheri":26471,"ðŁıŁ":26472,"rematch":26473,"quic":26474,"Ú©":26475,"yin":26476,"ðŁĺ¹":26477,"ilive":26478,"zip":26479,"ourke":26480,"downloads":26481,"swat":26482,"mississ":26483,"carers":26484,"tment":26485,"property":26486,"hahahahahaha":26487,"gibbs":26488,"surrey":26489,"arise":26490,"ticism":26491,"stia":26492,"irling":26493,"frog":26494,"cose":26495,"bassist":26496,"foreig":26497,"leau":26498,"pillows":26499,"holla":26500,"elie":26501,"disclosure":26502,"peanuts":26503,"intech":26504,"wwc":26505,"plunge":26506,"triumph":26507,"cori":26508,"slippers":26509,"ðŁĻıðŁĻı":26510,"neutrality":26511,"mare":26512,"hairy":26513,"gangster":26514,"humming":26515,"custard":26516,"merlin":26517,"alea":26518,"sby":26519,"damp":26520,"mohan":26521,"verbal":26522,"jst":26523,"gutted":26524,"bjor":26525,"unfinished":26526,"ðŁĩ¯ðŁĩµ":26527,"unhappy":26528,"âļ«ï¸ı":26529,"bypass":26530,"atsu":26531,"fischer":26532,"sav":26533,"africans":26534,"reuse":26535,"midway":26536,"demolished":26537,"gerrard":26538,"hercules":26539,"ÄŁ":26540,"medicines":26541,"clicking":26542,"surround":26543,"joong":26544,"waving":26545,"tribes":26546,"wetlands":26547,"officiel":26548,"arguing":26549,"lle":26550,"dova":26551,"suzy":26552,"clubhouse":26553,"negro":26554,"obtain":26555,"gao":26556,"glance":26557,"assist":26558,"chos":26559,"ãĤ¢":26560,"âĺķ":26561,"adrid":26562,"occurs":26563,"stans":26564,"pardon":26565,"liveli":26566,"employed":26567,"revisit":26568,"ffxiv":26569,"bble":26570,"nearing":26571,"miner":26572,"ðŁĺ¹":26573,"giovanni":26574,"upto":26575,"marvell":26576,"marse":26577,"towels":26578,"cbn":26579,"engineered":26580,"yelling":26581,"spartan":26582,"sians":26583,"ðŁĻĮðŁı¼":26584,"sev":26585,"coyote":26586,"stadi":26587,"tcm":26588,"appen":26589,"shenanigans":26590,"openaccess":26591,"soaked":26592,"masqu":26593,"levine":26594,"strokes":26595,"lk":26596,"apartheid":26597,"hiphop":26598,"chardon":26599,"maymay":26600,"haasan":26601,"stripped":26602,"fro":26603,"scription":26604,"fton":26605,"hf":26606,"prisons":26607,"marshal":26608,"ķãĤ":26609,"ancho":26610,"compromise":26611,"classification":26612,"buzzfeed":26613,"bbloggers":26614,"deserving":26615,")/":26616,"sway":26617,"obo":26618,"campers":26619,"podernfamily":26620,"poured":26621,"brie":26622,"squirrels":26623,"seize":26624,":#":26625,"lek":26626,"timb":26627,"stacy":26628,"nasdaq":26629,"repeatedly":26630,"brat":26631,"mighty":26632,"competitor":26633,"mahone":26634,"desi":26635,"oke":26636,"bmw":26637,"shie":26638,"fcb":26639,"cheapest":26640,"minimalist":26641,"paramount":26642,"nate":26643,"haras":26644,"insanity":26645,"lateral":26646,"mentality":26647,"mozam":26648,"tapped":26649,"yadav":26650,"usp":26651,"bway":26652,"theod":26653,"bilt":26654,"raids":26655,"empress":26656,"adapted":26657,"patron":26658,"nutshell":26659,"agra":26660,"beaded":26661,"sundaywithmarsha":26662,"viking":26663,"proceed":26664,"maintained":26665,"thinkbigsundaywithmarsha":26666,"snes":26667,"musica":26668,"tower":26669,"chab":26670,"bok":26671,"smt":26672,"insult":26673,"harvesting":26674,"window":26675,"ruther":26676,"beige":26677,"decal":26678,"indicate":26679,"mailing":26680,"rift":26681,"pole":26682,"anderson":26683,"choral":26684,"spride":26685,"lili":26686,"evelyn":26687,"imrankhanpti":26688,"....\"":26689,"kered":26690,"undp":26691,"waterfalls":26692,"sears":26693,"lemans":26694,"worldseries":26695,"riel":26696,"anie":26697,"appar":26698,"scorers":26699,"lamp":26700,"athan":26701,"physicians":26702,"quinoa":26703,"refusing":26704,"vuitton":26705,"unleash":26706,"sla":26707,"pati":26708,"shouts":26709,"intentions":26710,"foamed":26711,"european":26712,"neighborhoods":26713,"meer":26714,"manson":26715,"duh":26716,"brat":26717,"cones":26718,"bowl":26719,"kazakhstan":26720,"ि":26721,"inappropriate":26722,"delhi":26723,"ketchup":26724,"fulton":26725,"sys":26726,"consult":26727,"garfield":26728,"togo":26729,"fml":26730,"fled":26731,"bds":26732,"facilitate":26733,"reebok":26734,"selfie":26735,"elevate":26736,"activate":26737,"bible":26738,"cawx":26739,"bys":26740,"camille":26741,"syou":26742,"skool":26743,"hert":26744,"wbc":26745,"pledges":26746,"recorder":26747,"posh":26748,"acre":26749,"soaking":26750,"matil":26751,"vsco":26752,"shootings":26753,"plar":26754,"econ":26755,"ðŁĻĮðŁı»":26756,"rashid":26757,"ubi":26758,"ðŁ¤¤":26759,"swinging":26760,"wipe":26761,"raptor":26762,"msu":26763,"musicvideo":26764,"durham":26765,"attic":26766,"aparty":26767,"fetus":26768,"activation":26769,"aaz":26770,"motivate":26771,"ðŁĴķðŁĴķðŁĴķ":26772,"jal":26773,"म":26774,"agon":26775,"scheer":26776,"stalker":26777,"foster":26778,"azzo":26779,"telegram":26780,"vigor":26781,"slaugh":26782,"screenshots":26783,"entrepreneu":26784,"kristin":26785,"intention":26786,"chilli":26787,"fraction":26788,"dona":26789,"gea":26790,"tcu":26791,"site":26792,"lak":26793,"emil":26794,"dnt":26795,"boro":26796,"wilkinson":26797,"recu":26798,"atoday":26799,"tanya":26800,"blanco":26801,"cdn":26802,"brilliantly":26803,"gcc":26804,"acc":26805,"evacuated":26806,"therine":26807,"denny":26808,"caitlin":26809,"shepard":26810,"pouch":26811,"handheld":26812,"southeastern":26813,"haa":26814,"ô":26815,"resolutions":26816,"ledger":26817,"srin":26818,"rar":26819,"shattered":26820,"chimney":26821,"imwith":26822,"meteor":26823,"handled":26824,"rake":26825,"townsend":26826,"enhan":26827,"shipy":26828,"duct":26829,"twx":26830,"inflammatory":26831,"warhammer":26832,"theatrical":26833,"gros":26834,"skar":26835,"scotty":26836,"niel":26837,"tito":26838,"tini":26839,"connection":26840,"_.":26841,"goldenglobes":26842,"shaq":26843,"ðŁı³ï¸ı":26844,"hallway":26845,"fronts":26846,"effectiveness":26847,"glaston":26848,"dhs":26849,"expi":26850,"toh":26851,"cpl":26852,"scs":26853,"reo":26854,"hag":26855,"resemblance":26856,"horan":26857,"abusive":26858,"quer":26859,"virtue":26860,"cholester":26861,"aq":26862,"shane":26863,"mce":26864,"carriers":26865,"distress":26866,"rewind":26867,"¡":26868,"voodoo":26869,"intact":26870,"anno":26871,"ðŁĺ¤":26872,"piled":26873,"adia":26874,"ãĥ³":26875,"enow":26876,"digs":26877,"lightly":26878,"goofy":26879,"turbine":26880,"governors":26881,"conte":26882,"reopen":26883,"pah":26884,"ive":26885,"crafting":26886,"sweeps":26887,"jodi":26888,"ande":26889,"zucker":26890,"kawaii":26891,"oko":26892,"vai":26893,"outline":26894,"kristi":26895,"tsn":26896,"inspo":26897,"quint":26898,"filthy":26899,"lynne":26900,"listeners":26901,"departing":26902,"ord":26903,"tweed":26904,",&":26905,"alek":26906,"selfish":26907,"norther":26908,"recognizes":26909,"ips":26910,"bes":26911,"aed":26912,"wills":26913,"peat":26914,"surroundings":26915,"monuments":26916,"aisle":26917,"becker":26918,"lav":26919,"quantity":26920,"vah":26921,"helicopters":26922,"tucked":26923,"alvarez":26924,"shape":26925,"obey":26926,"additi":26927,"roadside":26928,"mite":26929,"blers":26930,"epage":26931,"jau":26932,"ignorant":26933,"bins":26934,"lulu":26935,"xo":26936,"cfo":26937,"eeeee":26938,"apprenticeship":26939,"sheffiel":26940,"toi":26941,"hok":26942,"fakenews":26943,"deploy":26944,"aidan":26945,"huskers":26946,"ãĢİ":26947,"westbrook":26948,"mister":26949,"configur":26950,"carr":26951,"fica":26952,"proceedings":26953,"haw":26954,"steak":26955,"murderer":26956,"payday":26957,"ajo":26958,"pvc":26959,"donates":26960,"biaf":26961,"nomnom":26962,"beit":26963,"kali":26964,"xrp":26965,"ahmedabad":26966,"semic":26967,"chey":26968,"xtra":26969,"antwer":26970,"headlining":26971,"squares":26972,"rounded":26973,"fluore":26974,"bold":26975,"disasters":26976,"amoo":26977,"generic":26978,"cranes":26979,"briefly":26980,"gig":26981,"austerity":26982,"anticipation":26983,"forti":26984,"treasurer":26985,"canny":26986,"cecil":26987,"detected":26988,"checklist":26989,"ว":26990,"pamela":26991,"barbados":26992,"anfield":26993,"hearty":26994,"txlege":26995,"perenni":26996,"arrog":26997,"ingram":26998,"âĹı":26999,"tyne":27000,"spoon":27001,"ration":27002,"amba":27003,"mbe":27004,"camel":27005,"hhs":27006,"yorkshire":27007,"reflective":27008,"freaks":27009,"tok":27010,"judo":27011,"particles":27012,"dubs":27013,"banjo":27014,"accreditation":27015,"proverbs":27016,"overdose":27017,"integral":27018,"guang":27019,"mcs":27020,"supercar":27021,"afb":27022,"alvin":27023,"ails":27024,"xtre":27025,"staging":27026,"twent":27027,"rabbits":27028,"maro":27029,"instem":27030,"doll":27031,"cray":27032,"santana":27033,"bleach":27034,"minions":27035,"cheap":27036,"mant":27037,"divers":27038,"catalonia":27039,"lois":27040,"matri":27041,"cougar":27042,"kayak":27043,"egre":27044,"pso":27045,"aia":27046,"å®":27047,"charlton":27048,"tracked":27049,"scari":27050,"pett":27051,"fwd":27052,"xin":27053,"gravel":27054,"bric":27055,"biggboss":27056,"arden":27057,"hugging":27058,"palms":27059,"stv":27060,"limb":27061,"themovie":27062,"handicap":27063,"rime":27064,"zai":27065,"stub":27066,"india":27067,"lithuania":27068,"rhyth":27069,"pita":27070,"macedonia":27071,"highered":27072,"bridget":27073,"schwarz":27074,"skelet":27075,"hikes":27076,"antarctic":27077,"cps":27078,"mashup":27079,"а":27080,"nell":27081,"chandra":27082,"heir":27083,"anus":27084,"sheridan":27085,"mimi":27086,"museu":27087,"becca":27088,"anir":27089,"barrie":27090,"diocese":27091,"comparable":27092,"ðŁı³ï¸ıâĢį":27093,"yukon":27094,"mep":27095,"hormon":27096,"meric":27097,"alf":27098,"conquered":27099,"christchurch":27100,"ðŁĴĻðŁĴĻ":27101,"hazardous":27102,"pooh":27103,"conting":27104,"retrospective":27105,"parame":27106,"nair":27107,"consor":27108,"hotra":27109,"astonishing":27110,"caterpillar":27111,"uman":27112,"tism":27113,"tvs":27114,"servic":27115,"croydon":27116,"morales":27117,"cg":27118,"cum":27119,"teur":27120,"scanada":27121,"sall":27122,"magnolia":27123,"elise":27124,"thour":27125,"ி":27126,"agomez":27127,"phelps":27128,"ë°©íĥĦìĨĮëħĦëĭ¨":27129,"whos":27130,"weaving":27131,"sisd":27132,"proposes":27133,"crows":27134,"presale":27135,"economies":27136,"bernardo":27137,"shahid":27138,"airshow":27139,"mccann":27140,"horticul":27141,"nrl":27142,"duel":27143,"mongolia":27144,"toulou":27145,"requirement":27146,"structured":27147,"edi":27148,"olives":27149,"hea":27150,"cuter":27151,"к":27152,"enthusiast":27153,"harriet":27154,"dominion":27155,"submer":27156,"ðŁįĥ":27157,"saab":27158,"nesburg":27159,"moff":27160,"defended":27161,"burt":27162,"rewarded":27163,"goldman":27164,"optics":27165,"khalid":27166,"households":27167,"buckets":27168,"cecil":27169,"chess":27170,"substantial":27171,"efl":27172,"operation":27173,"evaluate":27174,"stn":27175,"recession":27176,"lll":27177,"tomas":27178,"truths":27179,"akbar":27180,"swords":27181,"pact":27182,"embarrass":27183,"hao":27184,"ayurve":27185,"scripture":27186,"nycc":27187,"opt":27188,"diameter":27189,"scented":27190,"organizers":27191,"relat":27192,"hae":27193,"dreamers":27194,"dese":27195,"ðŁĮ»":27196,"restricted":27197,"nale":27198,"rhp":27199,"dolan":27200,"munster":27201,"haired":27202,"consultants":27203,"joints":27204,"humil":27205,"dill":27206,"relentless":27207,"té":27208,"afil":27209,"utilities":27210,"japanese":27211,"condemn":27212,"petite":27213,"collide":27214,"qf":27215,"peaches":27216,"courier":27217,"lore":27218,"âĺİï¸ı":27219,"reliability":27220,"chuk":27221,"ðŁĻĥ":27222,"stures":27223,"gether":27224,"hostel":27225,"bier":27226,"-_-":27227,"âĩ":27228,"eze":27229,"tailo":27230,"dient":27231,"bluff":27232,"chuffed":27233,"pilip":27234,"monarch":27235,"eem":27236,"buchan":27237,"bick":27238,"opau":27239,"kups":27240,"ย":27241,"pistons":27242,"spins":27243,"mand":27244,"cest":27245,"burne":27246,"vile":27247,"cherries":27248,"beckett":27249,"needles":27250,"panch":27251,"ëĤ":27252,"hahah":27253,"troubles":27254,"insists":27255,"doyou":27256,"gmc":27257,"mortar":27258,"delegate":27259,"inn":27260,"ganda":27261,"sinatra":27262,"त":27263,"speeding":27264,"pupil":27265,"premises":27266,"alignment":27267,"pikach":27268,"asus":27269,"jalan":27270,"ص":27271,"limestone":27272,"folkl":27273,"parmesan":27274,"ceil":27275,"moy":27276,"shawnmendes":27277,"acup":27278,"hust":27279,"otes":27280,"medina":27281,"madi":27282,"gtav":27283,"censorship":27284,"arg":27285,"sweeney":27286,"sykes":27287,"colo":27288,"footsteps":27289,"canned":27290,"advance":27291,"gtaonline":27292,"healthyliving":27293,"ðŁį¾":27294,"aig":27295,"pality":27296,"ocs":27297,"hebrew":27298,"imminent":27299,"berkshire":27300,"jeremiah":27301,"outgoing":27302,"baker":27303,"entrata":27304,"maids":27305,"groves":27306,"boc":27307,"adel":27308,"mfw":27309,"conscience":27310,"armys":27311,"nutella":27312,"contestalert":27313,"novelist":27314,"lah":27315,"banker":27316,"marquez":27317,"ðŁı¡":27318,"toff":27319,"outage":27320,"grp":27321,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":27322,"muscle":27323,"dudley":27324,"nvidia":27325,"midi":27326,"muni":27327,"essays":27328,"datac":27329,"carter":27330,"ร":27331,"tans":27332,"ives":27333,"publications":27334,"aler":27335,"okwx":27336,"ilu":27337,"cutt":27338,"harp":27339,"outlaw":27340,"lutheran":27341,"brill":27342,"bolic":27343,"dowell":27344,"greenland":27345,"besties":27346,"pathi":27347,"payton":27348,"guest":27349,"harden":27350,"ðŁ¤©":27351,"anned":27352,"evacuation":27353,"poised":27354,"mcder":27355,"bhan":27356,"oi":27357,"envelope":27358,"cid":27359,"cavi":27360,"tapas":27361,"bookreview":27362,"greyhound":27363,"âĻª":27364,"feud":27365,"lungs":27366,"forte":27367,"raider":27368,"ffer":27369,"onix":27370,"depend":27371,"ynwa":27372,"relating":27373,"devs":27374,"ðŁĴIJ":27375,"acquires":27376,"dha":27377,"jyo":27378,"privati":27379,"canine":27380,"kb":27381,"crab":27382,"sardin":27383,"imagining":27384,"kj":27385,"empor":27386,"downhill":27387,"nez":27388,"taeyeon":27389,"nickimin":27390,"gbp":27391,"àµ":27392,"wap":27393,"secco":27394,"mashed":27395,"ðŁĴ¥ðŁĴ¥":27396,"augustine":27397,"dissol":27398,"dictator":27399,"âĵ":27400,"viper":27401,"edfringe":27402,"vaux":27403,"hardwork":27404,"booklet":27405,"nox":27406,"chiff":27407,"ðŁĴ¨":27408,"observations":27409,"xboxone":27410,"usher":27411,"keer":27412,"lup":27413,"dallas":27414,"calgary":27415,"madra":27416,"dious":27417,"kbs":27418,"woodward":27419,"heroine":27420,"lumber":27421,"seaworld":27422,"ows":27423,"mcke":27424,"maverick":27425,"gula":27426,"crossroads":27427,"fang":27428,"sade":27429,"nikol":27430,"cheetah":27431,"mec":27432,"ppg":27433,"erick":27434,"ðŁİµ":27435,"toxic":27436,"bjj":27437,"viola":27438,"spire":27439,"chino":27440,"travis":27441,"institutional":27442,"haas":27443,"lowry":27444,"wac":27445,"eae":27446,"humid":27447,"mpton":27448,"ruck":27449,"jew":27450,"cine":27451,"zimmer":27452,"sef":27453,"bharat":27454,"frees":27455,"aamir":27456,"ðŁĴħ":27457,"zinc":27458,"wane":27459,"multiplayer":27460,"royalwedding":27461,"eel":27462,"precipit":27463,"query":27464,"kimberly":27465,"isabel":27466,"fulfill":27467,"igan":27468,"vaul":27469,"pane":27470,"scy":27471,"digit":27472,"gunn":27473,"utah":27474,"dogday":27475,"fion":27476,"xiaomi":27477,"dac":27478,"elast":27479,"chavez":27480,"roblo":27481,"gine":27482,"tenth":27483,"abh":27484,"keto":27485,"hurdle":27486,"nadia":27487,"memorabilia":27488,"habs":27489,"quan":27490,"hw":27491,"hvac":27492,"pixar":27493,"eccle":27494,"kramer":27495,"accuses":27496,"ðŁĴļðŁĴļ":27497,"perse":27498,"meantime":27499,"wahl":27500,"atletico":27501,"âĢ¢âĢ¢âĢ¢âĢ¢":27502,"ottoman":27503,"novo":27504,"kus":27505,"connected":27506,"trusts":27507,"dmv":27508,"spencer":27509,"rahulg":27510,"dove":27511,"stokes":27512,"bologna":27513,"enthusiasts":27514,"ê":27515,"rockstargames":27516,"tedcruz":27517,"duras":27518,"sacked":27519,"latex":27520,"immersive":27521,"cert":27522,"lucin":27523,"principals":27524,"fares":27525,"sails":27526,"farn":27527,"ament":27528,"saffron":27529,"quentin":27530,"checkpoint":27531,"ferris":27532,"excur":27533,"ðŁijīðŁı¼":27534,"bailey":27535,"seh":27536,"terre":27537,"madam":27538,"sband":27539,"wanderers":27540,"cumberbatch":27541,"yyc":27542,"digitally":27543,"blackandwhitephotography":27544,"rollin":27545,"moroccan":27546,"ðŁĮħ":27547,"dinner":27548,"dwell":27549,"toom":27550,"mye":27551,"ezra":27552,"cpfc":27553,"warhol":27554,"meer":27555,"jonah":27556,"noaa":27557,"sgate":27558,"soon":27559,"secular":27560,"gating":27561,"tio":27562,"driver":27563,"sissy":27564,"assange":27565,"tath":27566,"edmund":27567,"bobcats":27568,"raji":27569,"postage":27570,"studs":27571,"mgm":27572,"kato":27573,"edinburgh":27574,"meetthe":27575,"shirt":27576,"faa":27577,"mensfashion":27578,"spreads":27579,"wim":27580,"carts":27581,"phoebe":27582,"jars":27583,"botswana":27584,"ÙĤ":27585,"edwar":27586,"skar":27587,"rive":27588,"gusty":27589,"ctv":27590,"ferdinand":27591,"sutherland":27592,"nickiminaj":27593,"kv":27594,"sius":27595,"beech":27596,"rez":27597,"desires":27598,"onial":27599,"campo":27600,"quarry":27601,"lorraine":27602,"gilmore":27603,"iggy":27604,"µï¸ı":27605,"hopping":27606,"aviz":27607,"ðŁĮº":27608,"unisex":27609,"dedicate":27610,"attitudes":27611,"steer":27612,"junkie":27613,"railway":27614,"yb":27615,"whisper":27616,"keyan":27617,"kus":27618,"jug":27619,"dix":27620,"ains":27621,"summon":27622,"ovich":27623,"syed":27624,"herald":27625,"maison":27626,"meded":27627,"wildflower":27628,"mainland":27629,"risky":27630,"rukh":27631,"overlooked":27632,"kic":27633,"destroys":27634,"naman":27635,"kip":27636,"zano":27637,"championsleague":27638,"bandit":27639,"quincy":27640,"smile":27641,"calvin":27642,"openings":27643,"tapp":27644,"olulu":27645,"spectro":27646,"accredited":27647,"apk":27648,"praised":27649,"barnett":27650,"pollen":27651,"premiered":27652,"selenagomez":27653,"toured":27654,"screenings":27655,"uuu":27656,"miso":27657,"ense":27658,"adamlambert":27659,"guelph":27660,"haryana":27661,"hutto":27662,"lear":27663,"ltc":27664,"poached":27665,"brexit":27666,"æĿ":27667,"ttc":27668,"pavement":27669,"mongers":27670,"roe":27671,"aders":27672,"lington":27673,"participant":27674,"cared":27675,"gail":27676,"yates":27677,"lantic":27678,"dashboard":27679,"joo":27680,"felipe":27681,"ssionist":27682,"bum":27683,"send":27684,"aeri":27685,"thugs":27686,"lucifer":27687,"ahe":27688,"detector":27689,"filly":27690,"gasoline":27691,"hamper":27692,"humpday":27693,"theta":27694,"theband":27695,"forecasts":27696,"ohhh":27697,"lobb":27698,"holl":27699,"cpu":27700,"azu":27701,"adar":27702,"hailey":27703,"bub":27704,"cart":27705,"quoted":27706,"anarchy":27707,"pancre":27708,"twitart":27709,"alden":27710,"stash":27711,"theless":27712,"orni":27713,"beliebers":27714,"mormon":27715,"particle":27716,"aviation":27717,"â¬Ĩ":27718,"webcamtoy":27719,"saddened":27720,"cruis":27721,"hamlet":27722,"nct":27723,"rollins":27724,"marquee":27725,"sawyer":27726,"reliance":27727,"aura":27728,"diec":27729,"soothing":27730,"signings":27731,"akis":27732,"ó":27733,"atkins":27734,"aerop":27735,"ðŁĮ¿":27736,"yab":27737,"shari":27738,"connol":27739,"dubbed":27740,"manufacture":27741,"convincing":27742,"feelthebern":27743,"rau":27744,"pulit":27745,"onec":27746,"gemstone":27747,"urging":27748,"bagu":27749,"gah":27750,"acids":27751,"fianc":27752,"zodiac":27753,"snoop":27754,"herrera":27755,"initiated":27756,"venge":27757,"professors":27758,"prodi":27759,"stronger":27760,"emission":27761,"bba":27762,"halle":27763,"tapp":27764,"hawan":27765,"whim":27766,"competed":27767,"myrtle":27768,"irport":27769,"coldplay":27770,"ache":27771,"skep":27772,"mson":27773,"ssic":27774,"calligraphy":27775,"swimmers":27776,"mey":27777,"ppc":27778,"thrift":27779,"poc":27780,"replaces":27781,"commuter":27782,"âģ¦âģ¦@":27783,"goers":27784,"logue":27785,"paradig":27786,"baskets":27787,"sensitivity":27788,"johan":27789,"atlantis":27790,"&&":27791,"suitcase":27792,"anxious":27793,"lh":27794,"stri":27795,"galloway":27796,"stread":27797,"warden":27798,"grounded":27799,"fficiency":27800,"lifeat":27801,"relic":27802,"disguise":27803,"islanders":27804,"fcofficial":27805,"classicalmusic":27806,"bmc":27807,"enfield":27808,"bique":27809,"oakley":27810,"batman":27811,"slaying":27812,"nerves":27813,"multit":27814,"calcium":27815,"projector":27816,"scottsdale":27817,"antino":27818,"grips":27819,"kimmel":27820,"desmond":27821,"protestors":27822,"hiatus":27823,"metabolism":27824,"concluded":27825,"presser":27826,"tipping":27827,"slide":27828,"eto":27829,"hunting":27830,"ausopen":27831,"rik":27832,"ppery":27833,"innovators":27834,"pitchers":27835,"agger":27836,"fungi":27837,"zad":27838,"prolific":27839,"rocknroll":27840,"blames":27841,"ctar":27842,"stamford":27843,"qad":27844,"mozzarella":27845,"insanely":27846,"denver":27847,"phouse":27848,"nomad":27849,"ï¿":27850,"sris":27851,"produ":27852,"henley":27853,"pagan":27854,"amtrak":27855,"rubi":27856,"incl":27857,"tutor":27858,"scotia":27859,"woes":27860,"singapo":27861,"funnel":27862,"turnbull":27863,"knowledge":27864,"grimm":27865,"realmadrid":27866,"weare":27867,"missiles":27868,"consol":27869,"emojis":27870,"sneak":27871,"smiths":27872,"ruiz":27873,"brou":27874,"iel":27875,"haver":27876,"ðŁĮļ":27877,"kingof":27878,"basilica":27879,"circulation":27880,"printers":27881,"tapping":27882,"ridley":27883,"dragged":27884,"haj":27885,"writer":27886,"fundamentals":27887,"personalities":27888,"metre":27889,"stereotypes":27890,"burle":27891,"bestof":27892,"nffc":27893,"hath":27894,"ministries":27895,"aali":27896,"tracing":27897,"paved":27898,"łï¸ı":27899,"gic":27900,"inspire":27901,"tug":27902,"hare":27903,"repeated":27904,"expon":27905,"lolli":27906,"rhode":27907,"precin":27908,"installations":27909,"instagram":27910,"azar":27911,"ies":27912,"solely":27913,"dukes":27914,"missionary":27915,"vanguard":27916,"fursuitfriday":27917,"ond":27918,"polari":27919,"mast":27920,"haran":27921,"josé":27922,"jacked":27923,"ecoun":27924,"alities":27925,"neph":27926,"ravel":27927,"moderated":27928,"scow":27929,"sfb":27930,"uruguay":27931,"aso":27932,"nig":27933,"audu":27934,"pints":27935,"latina":27936,"benz":27937,"mitting":27938,"charted":27939,"matology":27940,"citro":27941,"biopic":27942,"ðŁijŃ":27943,"djokovic":27944,"foxy":27945,"aguil":27946,"soto":27947,"anada":27948,"sinking":27949,"scrap":27950,"hairs":27951,"bethany":27952,"factfriday":27953,"ðŁIJIJ":27954,"unleashed":27955,")(":27956,"contradic":27957,"ramon":27958,"coastline":27959,"yong":27960,"snsd":27961,"ligan":27962,"pome":27963,"mitage":27964,"gett":27965,"wati":27966,"risk":27967,"soaring":27968,"brush":27969,"fpl":27970,"avan":27971,"åĨ":27972,"larson":27973,"shear":27974,"multil":27975,"blur":27976,"multimedia":27977,"chunky":27978,"pari":27979,"nani":27980,"weird":27981,"cholesterol":27982,"charles":27983,"dreamed":27984,"tanning":27985,"puzzles":27986,"fram":27987,"handball":27988,"chag":27989,"belize":27990,"alu":27991,"bangs":27992,"ÑĦ":27993,"detectives":27994,"mcg":27995,"ishq":27996,"bothered":27997,"safc":27998,"mping":27999,"teneri":28000,"gays":28001,"sailor":28002,"angi":28003,"multicul":28004,"guessed":28005,"rosé":28006,"highways":28007,"broom":28008,"chattanoo":28009,"-'":28010,"seeker":28011,"oned":28012,"atf":28013,"luc":28014,"><":28015,"bari":28016,"percep":28017,"jewelry":28018,"asph":28019,"sorrow":28020,"sling":28021,"mammoth":28022,"jackie":28023,"ë§":28024,"wiltshire":28025,"sao":28026,"cancell":28027,"impaired":28028,"torial":28029,"breed":28030,"guyen":28031,"judice":28032,"title":28033,"prospective":28034,"applicants":28035,"ðŁįĬ":28036,"episcop":28037,"eid":28038,"byo":28039,"stockings":28040,"ðŁĴĥðŁĴĥ":28041,"llp":28042,"snag":28043,"keepit":28044,"lough":28045,"olson":28046,"maturity":28047,"!!!\"":28048,"copter":28049,"isha":28050,"bli":28051,"wilmington":28052,"tryouts":28053,"thai":28054,"ðŁ¥³":28055,"pebble":28056,"kraft":28057,"fp":28058,"º":28059,"ssively":28060,"livin":28061,"contestants":28062,"textures":28063,"joan":28064,"hdr":28065,"filmfestival":28066,"provence":28067,"wido":28068,"opend":28069,"csi":28070,"stown":28071,"croati":28072,"adjust":28073,"hostile":28074,"analysts":28075,"ilan":28076,"cuppa":28077,"brum":28078,"newfoundland":28079,"goodwin":28080,"mett":28081,"mallorca":28082,"plugs":28083,"buk":28084,"bbhutto":28085,"wrestle":28086,"saire":28087,"shopped":28088,"forza":28089,"lehead":28090,"vivo":28091,"bast":28092,"roxy":28093,"regis":28094,"hardworking":28095,"honolulu":28096,"despair":28097,"youngsters":28098,"nig":28099,"impromp":28100,"rolltide":28101,"deemed":28102,"treason":28103,"rushed":28104,"forged":28105,"fff":28106,"pikachu":28107,"briggs":28108,"doit":28109,"accent":28110,"laus":28111,"glaze":28112,"competent":28113,"aho":28114,"photog":28115,"midfield":28116,"lego":28117,"harvard":28118,"minorities":28119,"reilly":28120,"sliced":28121,"onceupon":28122,"initially":28123,"financially":28124,"landscapephotography":28125,"hardro":28126,"quo":28127,"mmers":28128,"parkinson":28129,"smugg":28130,"readiness":28131,"brutally":28132,"gloucester":28133,"mped":28134,"bbhuttozardari":28135,"murder":28136,"yed":28137,"dataviz":28138,"srt":28139,"downing":28140,"bians":28141,"mü":28142,"fleck":28143,"flipped":28144,"sly":28145,"brilliance":28146,"rim":28147,"kum":28148,"bubba":28149,"koi":28150,"knitted":28151,"sorg":28152,"mais":28153,"ðŁĮ²":28154,"tiss":28155,"sustain":28156,"sensu":28157,"akhan":28158,"ziest":28159,"examines":28160,"chardonnay":28161,"username":28162,"shortlist":28163,"rebs":28164,"ono":28165,"daring":28166,"hardwood":28167,"cheque":28168,"righteous":28169,"lightening":28170,"dirk":28171,"shradd":28172,"dura":28173,"downstairs":28174,"shal":28175,"amigos":28176,"ruff":28177,"slaw":28178,"ries":28179,"rednation":28180,"manus":28181,"ðŁĩ§ðŁĩ·":28182,"distinction":28183,"ubun":28184,"duran":28185,"migra":28186,"thians":28187,"laver":28188,"domestic":28189,"kx":28190,"jazzy":28191,"justify":28192,"belonging":28193,"insulation":28194,"colorstv":28195,"drunken":28196,"channeling":28197,"quand":28198,"xiii":28199,"enlighten":28200,"kano":28201,"fatima":28202,"teenchoice":28203,"terrified":28204,"pba":28205,"asley":28206,"metmuseum":28207,"dune":28208,"packer":28209,"kio":28210,"ðŁĴľðŁĴľ":28211,"boiler":28212,"fascism":28213,"armored":28214,"backgrounds":28215,"inmates":28216,"embarrassed":28217,"defines":28218,"thd":28219,"wego":28220,"silicone":28221,"loon":28222,"elding":28223,"borrowed":28224,"hemp":28225,"aksh":28226,"kawasaki":28227,"bry":28228,"deaf":28229,"killer":28230,"disposal":28231,"ðŁĩ°":28232,"glastonbury":28233,"uncovered":28234,"oxide":28235,"poff":28236,"dant":28237,"kj":28238,"kuro":28239,"drizzle":28240,"peoples":28241,"fee":28242,"propri":28243,"ddlovato":28244,"piggy":28245,"otis":28246,"allergies":28247,"ubis":28248,"penguin":28249,"sera":28250,"viz":28251,"prosperous":28252,"icides":28253,"tornadoes":28254,"senegal":28255,"webcast":28256,"stored":28257,"enchanted":28258,"bbcone":28259,"bayarea":28260,"entrepreneurial":28261,"rednationrising":28262,"experimenting":28263,"angan":28264,"lotto":28265,"theyre":28266,"pore":28267,"erp":28268,"serene":28269,"eastwood":28270,"brokers":28271,"barge":28272,"stallion":28273,"timberlake":28274,"tailored":28275,"dystop":28276,"bate":28277,"lators":28278,"dixit":28279,"branson":28280,"dynamo":28281,"kylie":28282,"shameful":28283,"btwn":28284,"springtime":28285,"mixture":28286,"sounded":28287,"luton":28288,"dades":28289,"mala":28290,"opra":28291,"enic":28292,"rahulgandhi":28293,"sewer":28294,"~~~~":28295,"kyu":28296,"northeastern":28297,"caer":28298,"bcu":28299,"nirvana":28300,"kitchens":28301,"ousy":28302,"alm":28303,"riverdale":28304,"hidden":28305,"flint":28306,"spd":28307,"patrons":28308,"katyperry":28309,"augh":28310,"exhibitions":28311,"smc":28312,"shuts":28313,"atore":28314,"dain":28315,"something":28316,"berth":28317,"bog":28318,"porter":28319,"gento":28320,"concussion":28321,"anglic":28322,"rowe":28323,"grilling":28324,"scarlett":28325,"mastering":28326,"mornin":28327,"commented":28328,"sime":28329,"sizing":28330,"christy":28331,"ceos":28332,"stm":28333,"atry":28334,"tariffs":28335,"vacation":28336,"prejudice":28337,"psu":28338,"parental":28339,"farage":28340,"cana":28341,"capcom":28342,"kosovo":28343,"youre":28344,"menstru":28345,"stalin":28346,"grapefruit":28347,"bran":28348,"chesa":28349,"daven":28350,"excel":28351,"!!)":28352,"à¹Į":28353,"distributor":28354,"cea":28355,"bridesma":28356,"millennial":28357,"wain":28358,"observing":28359,"misery":28360,"planetary":28361,"exposing":28362,"braised":28363,"compton":28364,"dongha":28365,"ql":28366,"springsteen":28367,"thul":28368,"sylve":28369,"cabo":28370,"palad":28371,"nielsen":28372,"gazing":28373,"baja":28374,"roud":28375,"orchids":28376,"johannesburg":28377,"seman":28378,"dji":28379,"operative":28380,"affection":28381,"eclectic":28382,"atc":28383,"mutant":28384,"awx":28385,"nice":28386,"melbourne":28387,"indulg":28388,"tulip":28389,"diaspora":28390,"welp":28391,"biggie":28392,"mississauga":28393,"retriever":28394,"oran":28395,"tammy":28396,"cta":28397,"hippo":28398,"seasoned":28399,"germans":28400,"engv":28401,"marvellous":28402,"imf":28403,"relays":28404,"montan":28405,"mauriti":28406,"meister":28407,"assurance":28408,"reigning":28409,"sufficient":28410,"hane":28411,"nothing":28412,"posse":28413,"navy":28414,"inlove":28415,"brighton":28416,"enqu":28417,"chung":28418,"sweaty":28419,"esc":28420,"caled":28421,"mans":28422,"nicaragua":28423,"slices":28424,"mocha":28425,"washingtonpost":28426,"bbn":28427,"damned":28428,"growing":28429,"enburg":28430,"loan":28431,"mes":28432,"whoops":28433,"believers":28434,"spiel":28435,"vodaf":28436,"lat":28437,"sled":28438,"cricketer":28439,"browne":28440,"golfers":28441,"barra":28442,"watchers":28443,"luigi":28444,"swamy":28445,"moms":28446,"pitched":28447,"santor":28448,"crs":28449,"sire":28450,"scamp":28451,"bode":28452,"stewar":28453,"jonny":28454,"entity":28455,"pacqui":28456,"mindful":28457,"minindia":28458,"bearded":28459,"tempt":28460,"scorpion":28461,"eaton":28462,"authorized":28463,"arto":28464,"svp":28465,"opathy":28466,"cchini":28467,"housemusic":28468,"disneyworld":28469,"âĢĶ@":28470,"propose":28471,"diy":28472,"expense":28473,"teng":28474,"puppets":28475,"smel":28476,"daca":28477,"perry":28478,"finn":28479,"boosting":28480,"leftovers":28481,"cougs":28482,"satellites":28483,"many":28484,"aze":28485,"gong":28486,"fie":28487,"methodo":28488,"ferries":28489,"ð٤Ķð٤Ķ":28490,"explorers":28491,"loader":28492,"attracted":28493,"ilton":28494,"goddamn":28495,"piazza":28496,"doctr":28497,"saving":28498,"paragraph":28499,"visualization":28500,"mayors":28501,"workflow":28502,"ackles":28503,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":28504,"स":28505,"twerk":28506,"clut":28507,"lover":28508,"teases":28509,"sian":28510,"ote":28511,"deterior":28512,"accord":28513,"lfw":28514,"swarovski":28515,"natal":28516,"traps":28517,"kina":28518,"analyze":28519,"layered":28520,"beverages":28521,"unit":28522,"ransom":28523,"peshaw":28524,"destined":28525,"astrology":28526,"sipping":28527,"mileycyrus":28528,"camino":28529,"marshmallow":28530,"bliss":28531,"outback":28532,"faq":28533,"intoler":28534,"humility":28535,"poppin":28536,"halloween":28537,"montene":28538,"ophy":28539,"nun":28540,"tattooed":28541,"aas":28542,"ðŁĮ³":28543,"daley":28544,"quality":28545,"dusa":28546,"fishermen":28547,"swif":28548,"terrac":28549,"stau":28550,"lein":28551,"trolling":28552,"shipment":28553,"gardener":28554,"marchmadness":28555,"headband":28556,"grt":28557,"burnett":28558,"wand":28559,"!!!!!!!!!":28560,"ghe":28561,"dux":28562,"hud":28563,"warner":28564,"ðŁĩ¦":28565,"exile":28566,"rescue":28567,"rata":28568,"dhan":28569,"ducati":28570,"drown":28571,"blends":28572,"spie":28573,"alligator":28574,"simultaneously":28575,"brooke":28576,"uke":28577,"khar":28578,"communion":28579,"rika":28580,"fordfc":28581,"chinatown":28582,"yourown":28583,"mey":28584,"canal":28585,"systematic":28586,"depri":28587,"oxford":28588,"anil":28589,"wut":28590,"equation":28591,"bez":28592,"fleur":28593,"thegood":28594,"langley":28595,"adity":28596,"edith":28597,"alfie":28598,"оÑĤ":28599,"encry":28600,"brill":28601,"exemp":28602,"cesar":28603,"mbling":28604,"abri":28605,"scicom":28606,"jing":28607,"schooling":28608,"mika":28609,"mechanisms":28610,"impromptu":28611,"rhea":28612,"moore":28613,"crimea":28614,"besto":28615,"wright":28616,"elders":28617,"rods":28618,"kamal":28619,"folklore":28620,"beet":28621,"minion":28622,"relieve":28623,"thro":28624,"teamusa":28625,"pascal":28626,"madewith":28627,"bolivia":28628,"itti":28629,"freebies":28630,"desired":28631,"bestselling":28632,"liness":28633,"laden":28634,"keane":28635,"mists":28636,"hippie":28637,"attachment":28638,"@/":28639,"sew":28640,"flanagan":28641,"âĿĹï¸ı":28642,"supremac":28643,"stlcards":28644,"sias":28645,"qu":28646,"rhys":28647,"steep":28648,"valleys":28649,"vw":28650,"paving":28651,"dispat":28652,"alison":28653,"porte":28654,"idu":28655,"newsc":28656,"socket":28657,"mos":28658,"costar":28659,"revo":28660,"proteins":28661,"stanleycup":28662,"mcal":28663,"earring":28664,"secs":28665,"mclean":28666,"capric":28667,"nickelo":28668,"aden":28669,"vc":28670,"shouse":28671,"adaptive":28672,"maximize":28673,"entertainer":28674,"prose":28675,"griffi":28676,"sixteen":28677,"lamar":28678,"mirage":28679,"saudiarabia":28680,"aweather":28681,"rust":28682,"infiltr":28683,"fashionweek":28684,"ðŁĺĬðŁĺĬðŁĺĬ":28685,"selective":28686,"bubble":28687,"aden":28688,"fennel":28689,"decisive":28690,"mta":28691,"mocking":28692,"mbles":28693,"stamp":28694,"mule":28695,"bernardo":28696,"grin":28697,"pott":28698,"jingle":28699,"vettel":28700,"colombian":28701,"camo":28702,"motivationmonday":28703,"bahan":28704,"ply":28705,"dhary":28706,"kami":28707,"xmen":28708,"sleeper":28709,"gara":28710,"mysti":28711,"confidential":28712,"conflicts":28713,"pneu":28714,"ces":28715,"insurtech":28716,"cleanse":28717,"merely":28718,"vais":28719,"tux":28720,"thegreat":28721,"sharon":28722,"maj":28723,"hola":28724,"ecosystems":28725,"ajay":28726,"aaj":28727,"hush":28728,"harmon":28729,"backtoschool":28730,"wikileaks":28731,"reflected":28732,"ðŁĺĵ":28733,"commemorating":28734,"acet":28735,"buckingham":28736,"messiah":28737,"tuous":28738,"hornet":28739,"tobe":28740,"dq":28741,"heine":28742,"mig":28743,"plate":28744,"nicholson":28745,"spie":28746,"cumberland":28747,"normal":28748,"phobia":28749,"happyhalloween":28750,"cityfc":28751,"mcel":28752,"gillian":28753,"keto":28754,"lude":28755,"demise":28756,"suga":28757,"strate":28758,"mcgrath":28759,"visitscotland":28760,"fooled":28761,"cbr":28762,"gcse":28763,"colori":28764,"potd":28765,"missuniverse":28766,"finances":28767,"mapoli":28768,"forks":28769,"Ø´":28770,"cannon":28771,"medicinal":28772,"ðŁĹĵ":28773,"kho":28774,"wreck":28775,"panto":28776,"bagel":28777,"gull":28778,"syndicate":28779,"icy":28780,"prc":28781,"kien":28782,"zika":28783,"tish":28784,"peta":28785,"cco":28786,"liza":28787,"chut":28788,"extraction":28789,"elg":28790,"gli":28791,"fueled":28792,"posit":28793,"respectively":28794,"leicester":28795,"brink":28796,"vulnerability":28797,"imported":28798,"esha":28799,"ð٦ħ":28800,"rural":28801,"rell":28802,"gaming":28803,"atlantic":28804,"abandon":28805,"noah":28806,"resolved":28807,"prostate":28808,"allergic":28809,"psd":28810,"âĺ¹":28811,"dungeon":28812,"fangirl":28813,"illuminated":28814,"mhs":28815,"whitesox":28816,"dently":28817,"cko":28818,"endorse":28819,"overly":28820,"dazzling":28821,"prioriti":28822,"nightlife":28823,"util":28824,"behave":28825,"flamen":28826,"eastbound":28827,"ðŁĴŁ":28828,"iloveyou":28829,"govuk":28830,"mozambique":28831,"allegi":28832,"dri":28833,"testimonial":28834,"aths":28835,"ì§Ģ":28836,"mmy":28837,"shabby":28838,"prosecco":28839,"friendships":28840,"calam":28841,"damages":28842,"offset":28843,"jurassic":28844,"juno":28845,"arrell":28846,"ðŁĴ©":28847,"interventions":28848,"daredevil":28849,"carver":28850,"runaway":28851,"rane":28852,"trustees":28853,"haute":28854,"depths":28855,"ðŁİŃ":28856,"mein":28857,"sacrifices":28858,"concier":28859,"nesting":28860,"izzy":28861,"metam":28862,"ilovemy":28863,"urine":28864,"dulu":28865,"malhotra":28866,"veins":28867,"nightly":28868,"coat":28869,"andi":28870,"hewitt":28871,"lonel":28872,"cible":28873,"write":28874,"jennie":28875,"santac":28876,"ĸï¸ı":28877,"strato":28878,"singapore":28879,"soprano":28880,"kristen":28881,"cheerful":28882,"fleetwood":28883,"fairi":28884,"meli":28885,"wast":28886,"turnt":28887,"sforsale":28888,"scrolling":28889,"angelina":28890,"rendition":28891,"jericho":28892,"nicky":28893,"orb":28894,"flavo":28895,"patriot":28896,"asheville":28897,"sickness":28898,"refund":28899,"aggression":28900,"bpl":28901,"ãĥĥ":28902,"elusive":28903,"thistory":28904,"hanger":28905,"buffs":28906,"villas":28907,"atkinson":28908,"sph":28909,"jait":28910,"declined":28911,"wok":28912,"supremacy":28913,"ootball":28914,"eyang":28915,"ðŁİĵ":28916,"sford":28917,"athi":28918,"consume":28919,"roadster":28920,"eso":28921,"upro":28922,"recipe":28923,"auf":28924,"uci":28925,"aron":28926,"oooh":28927,"csgo":28928,"reich":28929,"mcd":28930,"minute":28931,"ladies":28932,"punk":28933,"rutgers":28934,"meek":28935,"arizon":28936,"taj":28937,"landlord":28938,"degra":28939,"autumn":28940,"lynx":28941,"usf":28942,"bhi":28943,"fairytale":28944,"donghae":28945,"betsy":28946,"exploded":28947,"chennai":28948,"opa":28949,"protag":28950,"brant":28951,"ðŁĵ°:":28952,"gf":28953,"palli":28954,"ðŁı¼âĢįâĻĢï¸ı":28955,"sut":28956,"illini":28957,"columnist":28958,"shirtless":28959,"decentr":28960,"searched":28961,"ecor":28962,"buggy":28963,"sack":28964,"ðŁĺĤðŁĺŃ":28965,"det":28966,"theri":28967,"ornaments":28968,"bringback":28969,"tov":28970,"quarterfinals":28971,"iche":28972,"constra":28973,"gier":28974,"buchanan":28975,"vix":28976,"kayaking":28977,"mustread":28978,"swallow":28979,"melb":28980,"scaf":28981,"opal":28982,"mayoral":28983,"harat":28984,"ð٦ĭ":28985,"schedules":28986,"idf":28987,"hague":28988,"roz":28989,"aah":28990,"dmc":28991,"duplic":28992,"cache":28993,"orphan":28994,"fracture":28995,"recon":28996,"chav":28997,"bunnies":28998,"alain":28999,"mustafa":29000,"ðŁİĻ":29001,"vacations":29002,"dynamite":29003,"texted":29004,"broadcaster":29005,"ðŁĴ£":29006,"steamed":29007,"rocker":29008,"dietary":29009,"luxurytravel":29010,"inaugurated":29011,"sawards":29012,"vaughn":29013,"lincolnshire":29014,"clicked":29015,"kraja":29016,"fanc":29017,"removes":29018,"layoffs":29019,"mcfar":29020,"breeds":29021,"winnie":29022,"jonghyun":29023,"incentive":29024,"variations":29025,"patton":29026,"aturday":29027,"persistent":29028,"prun":29029,"piers":29030,"dales":29031,"æĸ":29032,"breastfeeding":29033,"rance":29034,"tawa":29035,"Ĥâĸ":29036,"murdoch":29037,"captive":29038,"thistle":29039,"nica":29040,"commodity":29041,"couldnt":29042,"boardwalk":29043,"gracious":29044,"practitioners":29045,"ngc":29046,"scrum":29047,"nero":29048,"camouflage":29049,"colon":29050,"hei":29051,"physicist":29052,"saturdaymorning":29053,"tener":29054,"siwon":29055,"columns":29056,"brune":29057,"yvr":29058,"bair":29059,"retires":29060,"halam":29061,"caber":29062,"shazam":29063,"minu":29064,"cascade":29065,"milkshake":29066,"grid":29067,"dren":29068,"vincent":29069,"sodium":29070,"platter":29071,"cheerleader":29072,"chenko":29073,"yak":29074,"eliminated":29075,"typo":29076,"yman":29077,"rethink":29078,"âĿĹ":29079,"tsville":29080,"bernardokath":29081,"extr":29082,"ðŁĺģðŁĺģðŁĺģ":29083,"tao":29084,"reper":29085,"moths":29086,"empowered":29087,"citing":29088,"transported":29089,"monks":29090,"sanat":29091,"clears":29092,"bachelorette":29093,"campbell":29094,"rachael":29095,"harle":29096,"handler":29097,"climbs":29098,"interference":29099,"release":29100,"shand":29101,"rbs":29102,"hrh":29103,"ãģª":29104,"valle":29105,"ré":29106,"slime":29107,"wakes":29108,"chubby":29109,"sloan":29110,"elves":29111,"athen":29112,"attorneys":29113,"microscope":29114,"stoner":29115,"scaling":29116,"obe":29117,"cout":29118,"seman":29119,"midweek":29120,"balsam":29121,"ðŁĺįâĿ¤":29122,"tiful":29123,"vish":29124,"lotta":29125,"ripping":29126,"remn":29127,"tire":29128,"leap":29129,"havent":29130,"laby":29131,"himach":29132,"whispers":29133,"wein":29134,"ðŁİ¸":29135,"wildflowers":29136,"sele":29137,"ucc":29138,"liability":29139,"azine":29140,"swings":29141,"kya":29142,"tair":29143,"remain":29144,"edo":29145,"flops":29146,"pocket":29147,"grandad":29148,"examiner":29149,"gris":29150,"ffect":29151,"ðŁijĬðŁı»":29152,"studded":29153,"heartbeat":29154,"deacon":29155,"firmly":29156,"infectious":29157,"stef":29158,"outlines":29159,"leasing":29160,"claws":29161,"sense":29162,"tabs":29163,"hoot":29164,"mosul":29165,"spawn":29166,"coa":29167,"hogwarts":29168,"vein":29169,"albania":29170,"manuel":29171,"bino":29172,"vauxhall":29173,"scotland":29174,"gobucks":29175,"matty":29176,"physio":29177,"torino":29178,"constable":29179,"investigated":29180,"slower":29181,"mistaken":29182,"bayer":29183,"wildfires":29184,"voic":29185,"xon":29186,"timeto":29187,"chassis":29188,"barric":29189,"pion":29190,"baldhead":29191,"wook":29192,"registr":29193,"drafts":29194,"bhs":29195,"ligue":29196,"lick":29197,"staffordshire":29198,"bafta":29199,"darry":29200,"jeanne":29201,"vending":29202,"corp":29203,"âĽ³ï¸ı":29204,"kiddos":29205,"fenway":29206,"cao":29207,"westbound":29208,"ðŁĺĻ":29209,"dvr":29210,"quicker":29211,"blah":29212,"goodie":29213,"ðŁĴĭðŁĴĭ":29214,"vox":29215,"esper":29216,"facade":29217,"correlation":29218,"redbull":29219,"roup":29220,"declining":29221,"chive":29222,"mcgee":29223,"turo":29224,"inder":29225,"feller":29226,"fug":29227,"ilysm":29228,"mardi":29229,"peshawar":29230,"kieran":29231,"inema":29232,"meatballs":29233,"peck":29234,"depressing":29235,"sensing":29236,"giz":29237,"ddington":29238,"springwatch":29239,"roaming":29240,"yellowstone":29241,"horseshoe":29242,"amman":29243,"weekday":29244,"olor":29245,"ðŁ¥°":29246,"boosts":29247,"sprint":29248,"scarves":29249,"jee":29250,"beetro":29251,"clan":29252,"allthe":29253,"ìĦ¸ë":29254,"enlightenment":29255,"adobe":29256,"regeneration":29257,"?@":29258,"contag":29259,"yachts":29260,"tou":29261,"mora":29262,"envoy":29263,"rani":29264,"goli":29265,"dhanushkraja":29266,"woodworking":29267,"strengths":29268,"sedi":29269,"discs":29270,"arina":29271,"scon":29272,"lite":29273,"another":29274,"ðŁ¥Ĭ":29275,"yemen":29276,"guern":29277,"savvy":29278,"loyed":29279,"biomed":29280,"heartbreak":29281,"comrades":29282,"millie":29283,"patch":29284,"unf":29285,"jarvis":29286,"blaming":29287,"commemoration":29288,"gey":29289,"å¥":29290,"cardiovascular":29291,"aligned":29292,"document":29293,".?":29294,"aesthetics":29295,"emu":29296,"theirs":29297,"leh":29298,"psic":29299,"sif":29300,"plateau":29301,"expend":29302,"dominating":29303,"robes":29304,"mauritius":29305,"exceptionally":29306,"homer":29307,"discoveries":29308,"braun":29309,"tennant":29310,"insulin":29311,"ðŁİ®":29312,"carbs":29313,"teas":29314,"?!\"":29315,"zie":29316,"francois":29317,"browsing":29318,"thol":29319,"clarence":29320,"helper":29321,"obtained":29322,"cassie":29323,"lees":29324,"!,":29325,"pomegran":29326,"hubs":29327,"prestige":29328,"][":29329,"macher":29330,"bottled":29331,"punch":29332,"pipe":29333,"och":29334,"gallons":29335,"deliveries":29336,"ura":29337,"unday":29338,"monde":29339,"depicts":29340,"regency":29341,"outrageous":29342,"khaled":29343,"caro":29344,"hearti":29345,"zag":29346,"developmental":29347,"overcoming":29348,"statistical":29349,"flavored":29350,"fords":29351,"creatives":29352,"laurence":29353,"dias":29354,"sunscreen":29355,"inked":29356,"preacher":29357,"nul":29358,"impacting":29359,"autistic":29360,"âļĶï¸ı":29361,"oss":29362,"pelicans":29363,"celeste":29364,"vb":29365,"rump":29366,"mcgra":29367,"fairfax":29368,"humor":29369,"bbcnews":29370,"rowling":29371,"calder":29372,"seamless":29373,"agne":29374,"pti":29375,"mixed":29376,"tshirts":29377,"merci":29378,"btob":29379,"womeninstem":29380,"genealogy":29381,"preven":29382,"lour":29383,"cradle":29384,"giuse":29385,"о":29386,"chrono":29387,"fairness":29388,"chocolate":29389,"tory":29390,"asda":29391,"prescott":29392,"stretched":29393,"alman":29394,"uil":29395,"recharge":29396,"intre":29397,"obst":29398,"hospital":29399,"hayward":29400,"tenerife":29401,"friedman":29402,"vaping":29403,"confessions":29404,"yeah":29405,"balli":29406,"lucknow":29407,"corpse":29408,"sculptor":29409,"ampton":29410,"tpp":29411,"indicates":29412,"surplus":29413,"truman":29414,"ðĿĻ":29415,"sinha":29416,"invo":29417,"sovereign":29418,"kev":29419,"establishing":29420,"engraved":29421,"assuming":29422,"ðŁıģ":29423,"souza":29424,"fabi":29425,"toned":29426,"ounge":29427,"deloit":29428,"downey":29429,"noble":29430,"omor":29431,"cartridge":29432,"ðŁıIJ":29433,"uhur":29434,"holloway":29435,"successes":29436,"rsa":29437,"âĦ¢":29438,"mazz":29439,"twd":29440,"discourse":29441,".<":29442,"yat":29443,"satisfy":29444,"compri":29445,"ह":29446,"graphite":29447,"dissertation":29448,"arter":29449,"íĶ":29450,"bally":29451,"zombi":29452,"lyons":29453,"aic":29454,"ubc":29455,"prada":29456,"eil":29457,"dax":29458,"clai":29459,"granddaughter":29460,"extravaganza":29461,"challenge":29462,"ð٤ŀ":29463,"pover":29464,"primarily":29465,"daddy":29466,"mana":29467,"bikers":29468,"inquiries":29469,"daun":29470,"feline":29471,"generative":29472,"hef":29473,"benefiting":29474,"lindsey":29475,"polka":29476,"demonstrated":29477,"alle":29478,"randy":29479,"osu":29480,"lowkey":29481,"weirdest":29482,"redbull":29483,"oury":29484,"nous":29485,"woodstock":29486,"credenti":29487,"nicer":29488,"gado":29489,"alyss":29490,"aph":29491,"preparedness":29492,"stationary":29493,"incorporated":29494,"dyer":29495,"saratoga":29496,"celesti":29497,":\"":29498,"antibiotics":29499,"orgs":29500,"indefin":29501,"apron":29502,"иÐ":29503,"fifteen":29504,"nof":29505,"ðŁĶĿ":29506,"phx":29507,"tega":29508,"mz":29509,"organizational":29510,"onair":29511,"bandung":29512,"pleasures":29513,"mori":29514,"secretari":29515,"raccoon":29516,"cashi":29517,"pilates":29518,"kon":29519,"geoffrey":29520,"lao":29521,"kamp":29522,"departments":29523,"backpacking":29524,"anam":29525,"ë":29526,"crackdown":29527,"aunty":29528,"ondo":29529,"lizzie":29530,"phers":29531,"cun":29532,"ðŁĩ±":29533,"kpop":29534,"put":29535,"intentional":29536,"connolly":29537,"barclays":29538,"hsfb":29539,"swindon":29540,"uku":29541,"sally":29542,"aint":29543,"âľħ":29544,"penang":29545,"uplifting":29546,"epilepsy":29547,"interro":29548,"bungal":29549,"goku":29550,"blueberries":29551,"द":29552,"ussia":29553,"silky":29554,"moured":29555,"istic":29556,"briefs":29557,"meats":29558,"gob":29559,"chaser":29560,"statewide":29561,"prasad":29562,"glitch":29563,"arin":29564,"banff":29565,"member":29566,"ðŁĺŃâĿ¤ï¸ı":29567,"loving":29568,"halla":29569,"ม":29570,"smokers":29571,"yaku":29572,"scicomm":29573,"physio":29574,"swol":29575,"lemons":29576,"gelato":29577,"chool":29578,"capitals":29579,"kistan":29580,"tights":29581,"spikes":29582,"travellers":29583,"iklan":29584,"commissioning":29585,"arine":29586,"emabiggestfans":29587,"emphasis":29588,"frontline":29589,"paddock":29590,"destructive":29591,"baha":29592,"linger":29593,"jewish":29594,"shetland":29595,"mcgin":29596,"monkey":29597,"koz":29598,"sone":29599,"rajini":29600,"teh":29601,"yen":29602,"cvs":29603,"masquer":29604,"girly":29605,"wesle":29606,"wasnt":29607,"brody":29608,"terminator":29609,"gille":29610,"maggi":29611,"birdie":29612,"jeopardy":29613,"cubic":29614,"vmware":29615,"intricate":29616,"anup":29617,"topia":29618,"easton":29619,"sabres":29620,"investigates":29621,"busting":29622,"bilingual":29623,"valentino":29624,"informat":29625,"ferre":29626,"adventur":29627,"hydrate":29628,"forsy":29629,"aziz":29630,"santo":29631,"ede":29632,"whistler":29633,"continuously":29634,"dham":29635,"unused":29636,"jihad":29637,"addictive":29638,"vidy":29639,"dob":29640,"ido":29641,"fied":29642,"niversary":29643,"none":29644,"fuer":29645,"ðŁĺįðŁĺĺ":29646,"covenant":29647,"printable":29648,"immaculate":29649,"oem":29650,"clt":29651,"servants":29652,"consumed":29653,"unreleased":29654,"scum":29655,"packaged":29656,"mere":29657,"ìĦ¸ë¸":29658,"toby":29659,"taf":29660,"spoons":29661,"meal":29662,"fball":29663,"fairfield":29664,"janet":29665,"silverstone":29666,"dartmouth":29667,"followme":29668,"voyager":29669,"kombat":29670,"anniver":29671,"enew":29672,"magdal":29673,"hove":29674,"sath":29675,"grizzly":29676,"cardi":29677,"gartner":29678,"sandy":29679,"kanye":29680,"posture":29681,"poign":29682,"impulse":29683,"radiology":29684,"horizons":29685,"siam":29686,"aishwar":29687,"==>":29688,"noche":29689,"tris":29690,"elyn":29691,"comme":29692,"dui":29693,"cec":29694,"councillors":29695,"cuddling":29696,"creeping":29697,"locke":29698,"manages":29699,"transferred":29700,"necks":29701,"dier":29702,"dano":29703,"vick":29704,"lunches":29705,"dhe":29706,"ensures":29707,"criss":29708,"ulster":29709,"bannon":29710,"contenders":29711,"spam":29712,"sweetness":29713,"medal":29714,"honduras":29715,"arctic":29716,"ultrasound":29717,"infr":29718,"discovers":29719,"eiffel":29720,"casters":29721,"ruben":29722,"dust":29723,"aweed":29724,"atrium":29725,"lestwe":29726,"seared":29727,"ðŁĵº:":29728,"tyne":29729,"exchanges":29730,"littlemix":29731,"lle":29732,"astronauts":29733,"hershey":29734,"workday":29735,"knob":29736,"sov":29737,"resigns":29738,"todayshow":29739,"derman":29740,"anth":29741,"afc":29742,"taster":29743,"swoo":29744,"saeed":29745,"pering":29746,"narrowly":29747,"rnli":29748,"bestbuy":29749,"panasonic":29750,"obstacle":29751,"farmers":29752,"ðŁİĻ":29753,"pawan":29754,"kiest":29755,"angers":29756,"absurd":29757,"ohmy":29758,"sino":29759,"pistachi":29760,"spice":29761,"giuli":29762,"primetime":29763,"kow":29764,"kens":29765,"exagger":29766,"!?!":29767,"uba":29768,"middles":29769,"judd":29770,"ejec":29771,"slammed":29772,"pensions":29773,"ofa":29774,"recreate":29775,"bhp":29776,"xxl":29777,"liverpool":29778,"thresh":29779,"purity":29780,"nieu":29781,"holics":29782,"wrath":29783,"rado":29784,"glio":29785,"amma":29786,"dilemma":29787,"cru":29788,"letsgo":29789,"....@":29790,"âĿĵ":29791,"suggesting":29792,"trumps":29793,"horus":29794,"fv":29795,"icom":29796,"referring":29797,"predictive":29798,"tarts":29799,"gette":29800,"sock":29801,"glossy":29802,"pinky":29803,"alec":29804,"thyme":29805,"oura":29806,"theroad":29807,"petr":29808,"cram":29809,"pfi":29810,"dvn":29811,"meier":29812,"incentives":29813,"tunnels":29814,"mobil":29815,"recap":29816,"extras":29817,"upright":29818,"revamp":29819,"perseverance":29820,",-":29821,"otp":29822,"mirror":29823,"arwx":29824,"gerry":29825,"maher":29826,"gor":29827,"homepage":29828,"amis":29829,"agra":29830,"madele":29831,"bestfriend":29832,"siriusxm":29833,"bundles":29834,"admiring":29835,"tdsb":29836,"ðŁįģ":29837,"chas":29838,"slowing":29839,"roh":29840,"wallpapers":29841,"â̦/":29842,"tekken":29843,"gangs":29844,"tala":29845,"lindsay":29846,"shoul":29847,"linebacker":29848,"toolkit":29849,"uranium":29850,"calyp":29851,"abrams":29852,"matthi":29853,"ðŁı¿":29854,"honourable":29855,"dayo":29856,"versail":29857,"tank":29858,"stc":29859,"fritz":29860,"splend":29861,"patag":29862,"annoyed":29863,"onday":29864,"devastated":29865,"chattanooga":29866,"nationalism":29867,"massey":29868,"jenn":29869,"tailor":29870,"devgn":29871,"organs":29872,"zucchini":29873,"onfox":29874,"satire":29875,"wexford":29876,"disgrace":29877,"noto":29878,"volta":29879,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":29880,"à¶":29881,"homeowners":29882,"pointer":29883,"mcr":29884,"austen":29885,"daysto":29886,"moons":29887,"palma":29888,"grazing":29889,"eso":29890,"influencers":29891,"shahidkapoor":29892,"compliant":29893,"measurements":29894,"develops":29895,"yd":29896,"parl":29897,"pvt":29898,"randolph":29899,"tortured":29900,"gerald":29901,"elias":29902,"deepikap":29903,"warmup":29904,"hickory":29905,"gap":29906,"coffin":29907,"amour":29908,"reneg":29909,"mounting":29910,"sevens":29911,"igle":29912,"hier":29913,"decad":29914,"tright":29915,"escapes":29916,"werner":29917,"tfl":29918,"fulfilled":29919,"niger":29920,"sourdough":29921,"reaper":29922,"chooses":29923,"spinner":29924,"weeknd":29925,"filtered":29926,"shuk":29927,"kati":29928,"oldham":29929,"opensource":29930,"khanna":29931,"atelier":29932,"connec":29933,"ophobic":29934,"glas":29935,"complications":29936,"arson":29937,"councils":29938,"smol":29939,"assy":29940,"lurking":29941,"lingui":29942,"hanks":29943,"ein":29944,"Ùħ":29945,"rugs":29946,"nguyen":29947,"nouveau":29948,"menace":29949,"lev":29950,"aladdin":29951,"ruining":29952,"roundabout":29953,"km":29954,"conor":29955,"shoops":29956,"mayday":29957,"traumatic":29958,"prabhas":29959,"kaiser":29960,"kita":29961,"router":29962,"pedro":29963,"retar":29964,"stunner":29965,"spanish":29966,"disturbed":29967,"academy":29968,"elearning":29969,"witty":29970,"seng":29971,"feral":29972,"avy":29973,"stab":29974,"keaton":29975,"urdu":29976,"koto":29977,"hui":29978,"cooke":29979,"arian":29980,"thepersonal":29981,"uma":29982,"seap":29983,"asting":29984,"rhetoric":29985,"handwriting":29986,"municipality":29987,"consortium":29988,"ðŁIJŁ":29989,"glasgow":29990,"raya":29991,"eliza":29992,"polymer":29993,"broth":29994,"practi":29995,"correspondent":29996,"addicts":29997,"gayle":29998,"ailing":29999,"ofe":30000,"pli":30001,"heartw":30002,"stitch":30003,"sightings":30004,"priests":30005,"samo":30006,"sloth":30007,"goodwood":30008,"rocco":30009,"sabc":30010,"summit":30011,"lace":30012,"presley":30013,"itten":30014,"cincy":30015,"thepersonalnetwork":30016,"sweek":30017,"pegas":30018,"afcon":30019,"registry":30020,"cim":30021,"leth":30022,"dicap":30023,"candice":30024,"fluent":30025,"smack":30026,"pedestri":30027,"aloud":30028,"carac":30029,"priyankach":30030,"pgh":30031,"irons":30032,"dolce":30033,"latvia":30034,"deceased":30035,"therock":30036,"clap":30037,"cene":30038,"foam":30039,"morrissey":30040,"gret":30041,"essentially":30042,"comcast":30043,"beagle":30044,"argues":30045,"inged":30046,"-â̦":30047,"sag":30048,"hasan":30049,"ðŁĻĨ":30050,"ðŁį°":30051,"nhra":30052,"kannada":30053,"indicators":30054,"oner":30055,"brixton":30056,"atas":30057,"screenplay":30058,"sorority":30059,"shaheed":30060,"heem":30061,"classmates":30062,"tainment":30063,"esi":30064,"breastcancer":30065,"zuckerberg":30066,"auror":30067,"encia":30068,"refers":30069,"kaeper":30070,"vortex":30071,"compart":30072,"lymph":30073,"photographing":30074,"steff":30075,"restling":30076,"parsley":30077,"momento":30078,"thman":30079,"lacking":30080,"dutt":30081,"oculus":30082,"fino":30083,"frenzy":30084,"rasc":30085,"dern":30086,"dismissed":30087,"nook":30088,"metgala":30089,"shill":30090,"raphael":30091,"mavericks":30092,"exhibits":30093,"eagerly":30094,"cpa":30095,"amenities":30096,".âłĢ":30097,"exodus":30098,"ernst":30099,"lita":30100,"dealt":30101,"womensmarch":30102,"iain":30103,"scoreboard":30104,"campeones":30105,"cen":30106,"tiki":30107,"garrison":30108,"fidelity":30109,"brag":30110,"roadmap":30111,"psychop":30112,"loe":30113,"bleu":30114,"ðŁijĬðŁı¼":30115,"sauvi":30116,"springer":30117,"temptation":30118,"rudolph":30119,"acura":30120,"wicz":30121,"parachute":30122,"strol":30123,"lenny":30124,"zik":30125,"doms":30126,"nbaf":30127,"alpac":30128,"vivian":30129,"rove":30130,"preet":30131,"perpetu":30132,"snake":30133,"airsoft":30134,"inflatable":30135,"princes":30136,"atie":30137,"ffey":30138,"patient":30139,"mire":30140,"chelle":30141,"slack":30142,"groovy":30143,"#:":30144,"uploading":30145,"!!!!!!!!!!!!!!!!":30146,"siemens":30147,"provision":30148,"vfx":30149,"needy":30150,"fats":30151,"topoli":30152,"bhutto":30153,"sathletics":30154,"alums":30155,"twinning":30156,"southwestern":30157,"adopting":30158,"lastnight":30159,"manne":30160,"laga":30161,"twell":30162,"acia":30163,"----":30164,"eyewear":30165,"hurley":30166,"flee":30167,"sach":30168,"pecker":30169,"costly":30170,"isk":30171,"crates":30172,"policy":30173,"erosion":30174,"ingo":30175,"werk":30176,"ðŁIJį":30177,"tortoise":30178,"therapies":30179,"internet":30180,"chihuahua":30181,"rips":30182,"frei":30183,"edor":30184,"taiji":30185,"tfc":30186,"dod":30187,"dempsey":30188,"christin":30189,"cheng":30190,"hips":30191,"graeme":30192,"compassionate":30193,"cavaliers":30194,"historic":30195,"soulful":30196,"criminal":30197,"jac":30198,"vinci":30199,"expired":30200,"surat":30201,"turismo":30202,"kona":30203,"seaweed":30204,"berts":30205,"leica":30206,"expressing":30207,"aal":30208,"wort":30209,"breakfast":30210,"herring":30211,"amused":30212,"rhubarb":30213,"martian":30214,"cosplayer":30215,"yash":30216,"strial":30217,"raul":30218,"referral":30219,"dwts":30220,"jw":30221,"adler":30222,"curtains":30223,"gur":30224,"valence":30225,"tyrone":30226,"swfc":30227,"coached":30228,"reborn":30229,"diabetic":30230,"choke":30231,"norfolk":30232,"investigative":30233,"ðŁĴ¯ðŁĴ¯":30234,"zid":30235,"vmas":30236,"phie":30237,"objectives":30238,"âľĭ":30239,"overdue":30240,"divers":30241,"matsu":30242,"ðŁİŁï¸ı":30243,"casualties":30244,"ว":30245,"alk":30246,"standardi":30247,"realist":30248,"artifacts":30249,"pandor":30250,"kex":30251,"invin":30252,"(!)":30253,"iney":30254,"paraly":30255,"mrt":30256,"faye":30257,"thevoice":30258,"onga":30259,"deed":30260,"skinner":30261,"azwx":30262,"specimen":30263,"priyankachopra":30264,"nuevo":30265,"barkley":30266,"toulouse":30267,"resumes":30268,"footballers":30269,"citi":30270,"fetch":30271,"ère":30272,"lestweforget":30273,"ðŁĻĭ":30274,"chunk":30275,"drifting":30276,"manipulation":30277,"equals":30278,"putt":30279,"kyungsoo":30280,"âĿ¤ï¸ı#":30281,"elastic":30282,"parano":30283,"foy":30284,"doping":30285,"cincy":30286,"ssler":30287,"interrupted":30288,"alay":30289,"adores":30290,"amethy":30291,"convoy":30292,"ãĢı":30293,"Ĭãģ":30294,"blacklist":30295,"generals":30296,"sachin":30297,"brushed":30298,"ounces":30299,"nonstop":30300,"illiams":30301,"btsarmy":30302,"uav":30303,"ruff":30304,"burma":30305,"bik":30306,"defence":30307,"schultz":30308,"boasts":30309,"loneliness":30310,"gore":30311,"transforms":30312,"alumna":30313,"@@":30314,"rappers":30315,"nehru":30316,"caro":30317,"himalayan":30318,"wearables":30319,"geh":30320,"peppermint":30321,"redevelopment":30322,"flamingo":30323,"cosby":30324,"bigbaldhead":30325,"agri":30326,"barefoot":30327,"scopes":30328,"regram":30329,"ghana":30330,"ðŁİ«":30331,"iheart":30332,"sadie":30333,"carrie":30334,"microbial":30335,"kuala":30336,"skater":30337,"querque":30338,"âĻ©":30339,"genres":30340,"reasoning":30341,"chased":30342,"aso":30343,"slipped":30344,"encan":30345,"vamos":30346,"kers":30347,"adverse":30348,"moil":30349,"commodities":30350,"withyou":30351,"silent":30352,"hype":30353,"ande":30354,"amination":30355,"whispe":30356,"litz":30357,"âļ½ï¸ıâļ½ï¸ı":30358,"riff":30359,"ppy":30360,"lambs":30361,"ganesh":30362,"absent":30363,"regulator":30364,"marseille":30365,"enroll":30366,"parcel":30367,"wap":30368,"byrd":30369,"ðŁĩŃ":30370,"tuber":30371,"countrymusic":30372,"parl":30373,"controllers":30374,"responsibilities":30375,"wey":30376,"chate":30377,"montenegro":30378,"chico":30379,"milan":30380,"lms":30381,"trainees":30382,"appropriately":30383,"uncertain":30384,"poppies":30385,"edsheeran":30386,"nutritious":30387,"garo":30388,"deutsch":30389,"awesome":30390,"ãĥ¼":30391,"comfortably":30392,"landmarks":30393,"eti":30394,"reusable":30395,"danielle":30396,"rosal":30397,"coles":30398,"justic":30399,"ccs":30400,"fanny":30401,"nim":30402,"mcu":30403,"clinch":30404,"atene":30405,"merge":30406,"imdb":30407,"anglo":30408,"uccino":30409,"panini":30410,"annot":30411,"burberry":30412,"feature":30413,"predicting":30414,"fashionista":30415,"sask":30416,"imaginary":30417,"mmo":30418,"southsudan":30419,"spear":30420,"hubble":30421,"jointhe":30422,"coyotes":30423,"sligo":30424,"kodak":30425,"sitcom":30426,"polaroid":30427,"rooted":30428,"corrup":30429,"ðŁĻĮðŁĻĮ":30430,"brisban":30431,"atz":30432,"ahl":30433,"remy":30434,"talent":30435,"avalon":30436,"rada":30437,"pauline":30438,"locomotive":30439,"goons":30440,"nemo":30441,"maserati":30442,"icu":30443,"stutt":30444,"historically":30445,"smb":30446,"presby":30447,"avoid":30448,"sooners":30449,"rhinestone":30450,"wad":30451,"rising":30452,"trot":30453,"modes":30454,"regent":30455,"optimize":30456,"reece":30457,"smu":30458,"verti":30459,"newyorkcity":30460,"cortez":30461,"rac":30462,"incase":30463,"sinc":30464,"fielding":30465,"etta":30466,"tiffany":30467,"almonds":30468,"saddle":30469,"krat":30470,"matter":30471,"glow":30472,"starving":30473,"glo":30474,"crappy":30475,"slur":30476,"std":30477,"monitors":30478,"receipt":30479,"maymayentrata":30480,"mcil":30481,"unis":30482,"rainbows":30483,"caldwell":30484,"pacquiao":30485,"jop":30486,"afe":30487,"hook":30488,"essen":30489,"wizard":30490,"median":30491,"flaws":30492,"coms":30493,"âĿĦ":30494,"ingh":30495,"haynes":30496,"antonio":30497,"templates":30498,"outer":30499,"naw":30500,"cardigan":30501,"belgrade":30502,"ðŁĴī":30503,"homo":30504,"aise":30505,"ropes":30506,"nove":30507,"whatyou":30508,"trigge":30509,"conception":30510,"adukone":30511,"nadi":30512,"friars":30513,"swer":30514,"adjusted":30515,"hotline":30516,"sanity":30517,"kaur":30518,"downloading":30519,"cgi":30520,"tenor":30521,"ethnic":30522,"appalach":30523,"ุ":30524,"pag":30525,"golds":30526,"onset":30527,"investigator":30528,"cartel":30529,"peacefully":30530,"jarrett":30531,"catalan":30532,"polio":30533,"num":30534,"frustration":30535,"dharma":30536,"mylife":30537,"âľĮðŁı»":30538,"aberdeen":30539,"musa":30540,"binder":30541,"sparkly":30542,"fleeing":30543,"instinct":30544,"coping":30545,"dominance":30546,"illers":30547,"era":30548,"uconn":30549,"looms":30550,"livingston":30551,"gali":30552,"hes":30553,"cma":30554,"bela":30555,"seley":30556,"monk":30557,"lach":30558,"marx":30559,"´":30560,"merica":30561,"womanin":30562,"essex":30563,"raina":30564,"jimi":30565,"neptune":30566,"zack":30567,"chinese":30568,"martins":30569,"chandelier":30570,"hern":30571,"withus":30572,"earl":30573,"asphalt":30574,"modules":30575,"stp":30576,"ulla":30577,"psychiatric":30578,"mileage":30579,"captivating":30580,"sider":30581,"mento":30582,"mort":30583,"trance":30584,"talbot":30585,"abby":30586,"ìĥ":30587,"âľĮðŁı¼":30588,"jak":30589,"dawn":30590,"turnup":30591,"screwed":30592,"feds":30593,"blueprint":30594,"ðŁĴĸðŁĴĸ":30595,"harsh":30596,"eros":30597,"insomnia":30598,"bankers":30599,"taemin":30600,"misconduct":30601,"humber":30602,"gidi":30603,"eduardo":30604,"cona":30605,"muscular":30606,"consuming":30607,"rash":30608,"donnie":30609,"dipped":30610,"collie":30611,"samuel":30612,"meltdown":30613,"ðŁĺįðŁĺįðŁĺį":30614,"mez":30615,"examining":30616,"schwartz":30617,"pristine":30618,"ðŁIJĿ":30619,"veit":30620,"fulfilling":30621,"anesthe":30622,"guesses":30623,"draft":30624,"somme":30625,"solid":30626,"pational":30627,"hoped":30628,"evolutionary":30629,"aller":30630,"entertained":30631,"slips":30632,"ludwig":30633,"concludes":30634,"sensible":30635,"bonnet":30636,"craze":30637,"tras":30638,"hazards":30639,"constantine":30640,"edics":30641,"startrek":30642,"toc":30643,"occupational":30644,"incheon":30645,"deepikapadukone":30646,"pizzas":30647,"newcomer":30648,"depart":30649,"oppression":30650,"ebony":30651,"fossils":30652,"trojan":30653,"elen":30654,"steaks":30655,"khou":30656,"positioning":30657,"ugby":30658,"redcross":30659,"akh":30660,"dolce":30661,"usmnt":30662,"ppen":30663,"dilig":30664,"mavs":30665,"caller":30666,"costello":30667,"âĽĦ":30668,"dyn":30669,"things":30670,"rhinos":30671,"axi":30672,"sarkar":30673,"convocation":30674,"atters":30675,"ssss":30676,"fungus":30677,"eugen":30678,"russo":30679,"squat":30680,"wsb":30681,"elion":30682,"williamsburg":30683,"soff":30684,"deficiency":30685,"bearer":30686,"okin":30687,"keystone":30688,"twain":30689,"calming":30690,"breakable":30691,"wares":30692,"horseracing":30693,"combs":30694,"bunting":30695,"uit":30696,"tland":30697,"ðŁĴĻðŁĴĻðŁĴĻ":30698,"gastron":30699,"sabot":30700,"ickers":30701,"commissioners":30702,"senate":30703,"iiot":30704,"athena":30705,"nitrogen":30706,"antony":30707,"erotic":30708,"dialo":30709,"missou":30710,"hypocr":30711,"âľĪ":30712,"kaepernick":30713,"canv":30714,"droo":30715,"cleveland":30716,"osh":30717,"monsta":30718,"stefano":30719,"^)":30720,"shul":30721,"poison":30722,"hae":30723,"commercials":30724,"maul":30725,"nitro":30726,"coworker":30727,"aloe":30728,"vapor":30729,"tents":30730,"russian":30731,"quid":30732,"questionable":30733,"midget":30734,"poker":30735,"girlfriends":30736,"sinthe":30737,"eritrea":30738,"tenure":30739,"deposits":30740,"buckeyes":30741,"spotter":30742,"theodore":30743,"trinity":30744,"joaquin":30745,"ucci":30746,"followthe":30747,"cafc":30748,"mpa":30749,"ðŁIJ»":30750,"plotting":30751,"domino":30752,"taek":30753,"sionally":30754,"dicaprio":30755,"pap":30756,"carmel":30757,"iger":30758,"btcc":30759,"bethle":30760,"wwwbigbaldhead":30761,"foodie":30762,"baghdad":30763,"masonry":30764,"offended":30765,"à·":30766,"à¸ģ":30767,"scro":30768,"verses":30769,"orient":30770,"arches":30771,"piyu":30772,"knowyour":30773,"gree":30774,"takers":30775,"guard":30776,"dishon":30777,"bucketlist":30778,"bhafc":30779,"wardly":30780,"ðŁİīðŁİĬ":30781,"leighton":30782,"pew":30783,"stray":30784,"assaulted":30785,"inhal":30786,"lyfe":30787,"amarketing":30788,"lx":30789,"katz":30790,"ubuntu":30791,"meo":30792,"cartoonist":30793,"turnover":30794,"miz":30795,"dislike":30796,"mullen":30797,"mof":30798,"bland":30799,"hides":30800,"emerges":30801,"chorizo":30802,"trustee":30803,"mahog":30804,"lansing":30805,"paralympic":30806,"faint":30807,"fauna":30808,"chal":30809,"snar":30810,"cath":30811,"benton":30812,"castillo":30813,"slippery":30814,"apricot":30815,"oecd":30816,"baro":30817,"lz":30818,"heming":30819,"clowns":30820,"coworkers":30821,"peruvian":30822,"commuters":30823,"yell":30824,"ðŁļ´":30825,"undering":30826,"vj":30827,"ttp":30828,"flipk":30829,"wana":30830,"socent":30831,"ĤâĸĤâĸ":30832,"à¤Ĥ":30833,"oosa":30834,"jagger":30835,"dism":30836,"eless":30837,"dham":30838,"calif":30839,"aofficial":30840,"eclip":30841,"harrogate":30842,"grapp":30843,"comrade":30844,"ntr":30845,"concentrate":30846,"thighs":30847,"bitcoin":30848,"belarus":30849,"ëĵ":30850,"enduring":30851,"nowwatching":30852,"industrial":30853,"pip":30854,"aron":30855,"arat":30856,"®":30857,"whitby":30858,"ooooooo":30859,"saree":30860,"ticals":30861,"misleading":30862,"yoon":30863,"years":30864,"sleigh":30865,"romanian":30866,"scissors":30867,"vampires":30868,"acup":30869,"abba":30870,"thweeksary":30871,"centri":30872,"flye":30873,"uo":30874,"cbi":30875,"buena":30876,"sind":30877,"marino":30878,"burr":30879,"rebuilding":30880,"ल":30881,"anniversaire":30882,"acca":30883,"ðŁĴĢðŁĴĢ":30884,"getting":30885,"tulips":30886,"wolfpack":30887,"âľįï¸ı":30888,"morethan":30889,"takin":30890,"ð٤ĺðŁı»":30891,"ube":30892,"monic":30893,"doubts":30894,"mower":30895,"cobalt":30896,"donne":30897,"speculation":30898,"arguably":30899,"kaku":30900,"https":30901,"prosecution":30902,"dinah":30903,"stamatic":30904,"disclosed":30905,"beverly":30906,"flwx":30907,"crabs":30908,"extraordinaire":30909,"warmest":30910,"imperi":30911,"ologists":30912,"traces":30913,"parc":30914,"lakeside":30915,"amr":30916,"teri":30917,"hourly":30918,"domination":30919,"arrow":30920,"shrewsbury":30921,"ancestry":30922,"wrangler":30923,"triggered":30924,"pensac":30925,"rooster":30926,"survives":30927,"aon":30928,"boko":30929,"valor":30930,"loveis":30931,"lag":30932,"pey":30933,"focal":30934,"outlaws":30935,"blanc":30936,"articho":30937,"wits":30938,"marshall":30939,"diego":30940,"supportsmall":30941,"uca":30942,"sah":30943,"jeet":30944,"synago":30945,"governing":30946,"ðŁĴ¬":30947,"salads":30948,"create":30949,"miriam":30950,"censored":30951,"amide":30952,"nou":30953,"zeta":30954,"allegiance":30955,"*)":30956,"blm":30957,"rican":30958,"pastors":30959,"olympus":30960,"bloc":30961,"whirl":30962,"starry":30963,"prone":30964,"yk":30965,"pne":30966,"congratulating":30967,"bev":30968,"sober":30969,"loveisland":30970,"sair":30971,"aning":30972,"tutorials":30973,"qe":30974,"lund":30975,"inist":30976,"clever":30977,"taxpayer":30978,"aliz":30979,"wrench":30980,"ddling":30981,"capri":30982,"hpa":30983,"ðŁı»âĢįâĻĤï¸ı":30984,"naj":30985,"oj":30986,"futuristic":30987,"jellyfish":30988,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":30989,"celery":30990,"plank":30991,"fila":30992,"neme":30993,"unhealthy":30994,"lections":30995,"ðŁ§¡":30996,"ritchie":30997,"nws":30998,"mikha":30999,"wonderwoman":31000,"âĢİ":31001,"hipstamatic":31002,"kag":31003,"ðŁĴľðŁĴľðŁĴľ":31004,"poultry":31005,"mow":31006,"words":31007,"loff":31008,"ðŁ¤£ðŁ¤£":31009,"relatable":31010,"remixes":31011,"kenyatta":31012,"kem":31013,"resigned":31014,"fod":31015,"straigh":31016,"jlo":31017,"hutch":31018,"boxers":31019,"colleen":31020,"mags":31021,"instructional":31022,"kol":31023,"attracts":31024,"prag":31025,"accountant":31026,"goggles":31027,"bru":31028,"thole":31029,"marrow":31030,"leuke":31031,"octo":31032,"ponds":31033,"bubbly":31034,"heist":31035,"ìĹij":31036,"imp":31037,"ahar":31038,"haunt":31039,"hallmark":31040,"psych":31041,"kkkkkkkk":31042,"columb":31043,"jumpsuit":31044,"costco":31045,"sidelines":31046,"aggies":31047,"overturned":31048,"nib":31049,"keychain":31050,"fuk":31051,"faf":31052,"miam":31053,"assistants":31054,"cycled":31055,"rider":31056,"dammit":31057,"redwings":31058,"mages":31059,"kins":31060,"ìĤ":31061,"hod":31062,"sont":31063,"caroline":31064,"\"'":31065,"cule":31066,"braid":31067,"felony":31068,"arities":31069,"rutherford":31070,"depiction":31071,"isabelle":31072,"roach":31073,"kday":31074,"fifthharmony":31075,"emy":31076,"ligam":31077,"barista":31078,"albuquerque":31079,"gross":31080,"ðŁįº":31081,"ooks":31082,"ðŁij¼":31083,"duncan":31084,"tryin":31085,"jags":31086,"gould":31087,"litho":31088,"âģ£":31089,"аÐ":31090,"sammy":31091,"tung":31092,"casser":31093,"apolo":31094,"aaaaa":31095,"mang":31096,"asics":31097,"shen":31098,"pye":31099,"turbul":31100,"ssp":31101,"saintsfc":31102,"onlin":31103,"nanny":31104,"hester":31105,"doz":31106,"à¸Ķ":31107,"thread":31108,"rents":31109,"khand":31110,"ðŁĴªðŁı½":31111,"unconditional":31112,"robson":31113,"carre":31114,"phon":31115,"sacrificed":31116,"£":31117,"autos":31118,"parker":31119,"oca":31120,"login":31121,"keegan":31122,"hardcover":31123,"doughnuts":31124,"ðŁĮİ":31125,"spitfire":31126,"refreshments":31127,"saskatoon":31128,"commodore":31129,"jf":31130,"rubber":31131,"halamadrid":31132,"childcare":31133,"strada":31134,"iom":31135,"rik":31136,"dakar":31137,"thermom":31138,"cropped":31139,"garu":31140,"alik":31141,"veni":31142,"ift":31143,"sika":31144,"rituals":31145,"zul":31146,"ech":31147,"©":31148,"sudan":31149,"lland":31150,"ime":31151,"docker":31152,"ì¤":31153,"feared":31154,"fao":31155,"walter":31156,"nog":31157,"mutuals":31158,"lh":31159,"align":31160,"monia":31161,"conceptart":31162,"ðŁĻıðŁı¼":31163,"scoe":31164,"competence":31165,"swine":31166,"lyme":31167,"launch":31168,"greener":31169,"abstractart":31170,"inquis":31171,"granada":31172,"gaelic":31173,"fluff":31174,"dbacks":31175,"graveyard":31176,"babe":31177,"academic":31178,"adventurous":31179,"johann":31180,"~!":31181,"bibi":31182,"|#":31183,"plings":31184,"getty":31185,"asb":31186,"âĿ¤ï¸ı@":31187,"staff":31188,"religions":31189,"bangor":31190,"worldbookday":31191,"megh":31192,"devin":31193,"ashore":31194,"meridian":31195,"github":31196,"quiz":31197,"allstars":31198,"bestest":31199,"irresi":31200,"acker":31201,"dote":31202,"warrington":31203,"polly":31204,"neworleans":31205,"crou":31206,"wigs":31207,"chey":31208,"smithsonian":31209,"lasag":31210,"detour":31211,"boris":31212,"straps":31213,"mariah":31214,"intentionally":31215,"koh":31216,"ðŁį¸":31217,"ssian":31218,"marissa":31219,"coral":31220,"episcopal":31221,"casualty":31222,"tomo":31223,"supplychain":31224,"samp":31225,"ongo":31226,"roo":31227,"caviar":31228,"pfw":31229,"claudio":31230,"buffalo":31231,"sations":31232,"matty":31233,"snapback":31234,"lds":31235,"alarms":31236,"matte":31237,"âĺĶï¸ı":31238,"conditioner":31239,"dors":31240,"hex":31241,"fizz":31242,"astri":31243,"sussex":31244,"security":31245,"qaeda":31246,"allstar":31247,"cocacola":31248,"asone":31249,"clicks":31250,"scans":31251,"mute":31252,"heavier":31253,"ðŁİ§":31254,"âĺŀ":31255,"lvl":31256,"bookboost":31257,"youtube":31258,"flashes":31259,"fjor":31260,"csu":31261,"explode":31262,"dodge":31263,"cairn":31264,"gonzales":31265,"thill":31266,"pelle":31267,"hartley":31268,"renewable":31269,"retin":31270,"estre":31271,"costarica":31272,"shipyard":31273,"ncfc":31274,"priya":31275,"aghan":31276,"anath":31277,"plugin":31278,"corey":31279,"rebound":31280,"oru":31281,"katrin":31282,"hormone":31283,"gim":31284,"mahindra":31285,"ssus":31286,"parkland":31287,"harper":31288,"fantastic":31289,"inferno":31290,"epilo":31291,"wrestling":31292,"fect":31293,"cit":31294,"acoun":31295,"tossed":31296,"monumental":31297,"chartered":31298,"bust":31299,"petra":31300,"âĮļ":31301,"wildflowerhour":31302,"sweaters":31303,"*.":31304,"bler":31305,"atech":31306,"gowan":31307,"demographic":31308,"bral":31309,"suicide":31310,"renovations":31311,"vuel":31312,"sinister":31313,"armani":31314,"misogy":31315,"pharrell":31316,"naps":31317,"uniting":31318,"crusaders":31319,"corgi":31320,"insured":31321,"thani":31322,"noor":31323,"gq":31324,"dada":31325,"bicycles":31326,"snuggle":31327,"schan":31328,"tenberg":31329,"ssal":31330,"femme":31331,"boil":31332,"½ï¸ı":31333,"reap":31334,"occurring":31335,"hussein":31336,"divid":31337,"stoke":31338,"shalom":31339,"naia":31340,"olic":31341,"frustrating":31342,"Ùĩ":31343,"igs":31344,"grover":31345,"scenarios":31346,"nds":31347,"brutality":31348,"medalli":31349,"buon":31350,"sass":31351,"skateboarding":31352,"onyx":31353,"lorry":31354,"nyu":31355,"gautam":31356,"mmings":31357,"gug":31358,"endi":31359,"lothian":31360,"commando":31361,"chalk":31362,"phora":31363,"assessing":31364,"tigh":31365,"crunchy":31366,"aday":31367,"isl":31368,"ciara":31369,"pilgrims":31370,"kamal":31371,"pto":31372,"britanni":31373,"tani":31374,"smc":31375,"lure":31376,"appstore":31377,"aby":31378,"golfing":31379,"clc":31380,"fau":31381,"anas":31382,"shutting":31383,"regulated":31384,"carnage":31385,"scowboys":31386,"allenge":31387,"cma":31388,"humboldt":31389,"relle":31390,"kumb":31391,"heri":31392,"refinery":31393,"soundcheck":31394,"dwayne":31395,"bosnia":31396,"isp":31397,"thealth":31398,"anniv":31399,"relevance":31400,"mya":31401,"baggage":31402,"dread":31403,"sbc":31404,"thed":31405,"buh":31406,"hijab":31407,"loid":31408,"kew":31409,"cte":31410,"respect":31411,"lovelies":31412,"cubes":31413,"celebrate":31414,"dirt":31415,"savers":31416,"_,":31417,"garment":31418,"pulitzer":31419,"masjid":31420,"beatport":31421,"alarts":31422,"encryption":31423,"sner":31424,"pleads":31425,"foundry":31426,"symmetry":31427,"rumi":31428,"birthplace":31429,"scallops":31430,"supple":31431,"pivotal":31432,"tati":31433,"node":31434,"sod":31435,"proxim":31436,"trics":31437,"coldest":31438,"brent":31439,"mandu":31440,"clair":31441,"each":31442,"andalu":31443,"hiddleston":31444,"ðŁIJº":31445,"melts":31446,"vance":31447,"pinn":31448,"sements":31449,"screened":31450,"sachs":31451,"obl":31452,"icha":31453,"âĺĺï¸ı":31454,"schoolers":31455,"healed":31456,"logged":31457,"ð٤ĺðŁı¼":31458,"icus":31459,"boredom":31460,"bish":31461,"bffs":31462,"talking":31463,"suresh":31464,"hookem":31465,"deon":31466,"defl":31467,"eileen":31468,"ðŁįķ":31469,"womenintech":31470,"risotto":31471,"ranger":31472,"advertise":31473,"à¸ģà¸":31474,"telly":31475,"lago":31476,"dartmoor":31477,"dong":31478,"skates":31479,"logo":31480,"unner":31481,"mailbox":31482,"masala":31483,"looooo":31484,"amethyst":31485,"chewing":31486,"cbb":31487,"australians":31488,"rcmp":31489,"gameart":31490,"#...":31491,"korn":31492,"extremism":31493,"fruitful":31494,"ancient":31495,"pubg":31496,"polite":31497,"whit":31498,"murals":31499,"mgr":31500,"lineman":31501,"davao":31502,"stems":31503,"tennis":31504,"avage":31505,"tupac":31506,"gigantic":31507,"hsbc":31508,"autobiography":31509,"upthe":31510,"ีà¹Ī":31511,"regal":31512,"figuring":31513,"kul":31514,"missy":31515,"hoop":31516,"gras":31517,"forums":31518,"backlash":31519,"abducted":31520,"pnw":31521,"minic":31522,"butt":31523,"bottoms":31524,"aton":31525,"veng":31526,"ðŁĮı":31527,"delaney":31528,"prabhu":31529,"fanclub":31530,"overhaul":31531,"healthye":31532,"syno":31533,"aaf":31534,"renamed":31535,"kimi":31536,"uncle":31537,"mancity":31538,"seu":31539,"quanti":31540,"esteem":31541,"umin":31542,"enzo":31543,"melvin":31544,"undergo":31545,"jhar":31546,"farah":31547,"coasters":31548,"humphrey":31549,"mhz":31550,"childrens":31551,"^.":31552,"dhi":31553,"disruptive":31554,"integrating":31555,"rnb":31556,"oversized":31557,"aide":31558,"neau":31559,"documentation":31560,"ðŁijĢðŁijĢ":31561,"palo":31562,"hearth":31563,"riyad":31564,"punctu":31565,"abcnews":31566,"secures":31567,"boyband":31568,"birch":31569,"juco":31570,"traff":31571,"legislators":31572,"baya":31573,"ãĤ¯":31574,"noises":31575,"collects":31576,"swarm":31577,"kner":31578,"bishops":31579,"sturgeon":31580,"snapping":31581,"mol":31582,"freaky":31583,"chairperson":31584,"trop":31585,"lynch":31586,"carcin":31587,"artsy":31588,"esto":31589,"chai":31590,"flur":31591,"invali":31592,"sausages":31593,"imel":31594,"jor":31595,"funfact":31596,"witter":31597,"punished":31598,"acons":31599,"hya":31600,"reversi":31601,"emc":31602,"diffu":31603,"zx":31604,"spaw":31605,"clad":31606,"dmit":31607,"holland":31608,"fresco":31609,"payroll":31610,"abundant":31611,"stuffing":31612,"moro":31613,"cny":31614,"boycott":31615,"wendy":31616,"eleven":31617,"provoc":31618,"pilot":31619,"trx":31620,"bead":31621,"climateaction":31622,"rion":31623,"assie":31624,"ìĸ":31625,"osm":31626,"islamic":31627,"hoar":31628,"goodreads":31629,"alici":31630,"afternoons":31631,"spokesman":31632,"jolie":31633,"itas":31634,"mascara":31635,"âĻ©âĻ«":31636,"prevail":31637,"beetroot":31638,"lujah":31639,"kli":31640,"dodger":31641,"»":31642,"rule":31643,"ln":31644,"scream":31645,"hobart":31646,"colbert":31647,"rtc":31648,"erm":31649,"patro":31650,"quoting":31651,"slive":31652,"quest":31653,"nonfiction":31654,"seminary":31655,"prosecutors":31656,"vest":31657,"expressway":31658,"gge":31659,"nautical":31660,"etf":31661,"ðŁİīðŁİĬ":31662,"duration":31663,"chaired":31664,"thefilm":31665,"fabio":31666,"sheh":31667,"cano":31668,"ðŁĴªðŁı»":31669,"withdraw":31670,"!:)":31671,"corpus":31672,"phenom":31673,"yelp":31674,"lawn":31675,"entom":31676,"snapper":31677,"butte":31678,"pinball":31679,"proxy":31680,"libre":31681,"allevi":31682,"nada":31683,"gabriel":31684,"fowl":31685,"eureka":31686,"daphne":31687,"tunes":31688,"punched":31689,"whore":31690,"jog":31691,"rential":31692,"manners":31693,"ope":31694,"whufc":31695,"guth":31696,"revolt":31697,"sneaker":31698,"philharmonic":31699,"hoste":31700,"sovereignty":31701,"ðŁĻıðŁĻıðŁĻı":31702,"fishing":31703,"sciart":31704,"feta":31705,"ipp":31706,"dumping":31707,"kelown":31708,"giri":31709,"digits":31710,"salu":31711,"sanjay":31712,"tweeters":31713,"spas":31714,"colchester":31715,"scab":31716,"madd":31717,"à¹Ħà¸":31718,"Äĩ":31719,"geddon":31720,"marchfor":31721,"dop":31722,"maureen":31723,"unplugged":31724,"dido":31725,"fashionblogger":31726,"upa":31727,"mexic":31728,"tary":31729,"polye":31730,"jameson":31731,"vt":31732,"grinder":31733,"maddy":31734,"consultancy":31735,"¬ë":31736,"leagueoflegends":31737,"accents":31738,"umni":31739,"janeiro":31740,"tuss":31741,"hens":31742,"amplifier":31743,"toshi":31744,"prettier":31745,"prevents":31746,"newtown":31747,"redwood":31748,"vantage":31749,"ballard":31750,"artof":31751,"ashe":31752,"asion":31753,"lacey":31754,"apat":31755,"grove":31756,"à¸Ħ":31757,"rwand":31758,"realtors":31759,"traitor":31760,"bedding":31761,"ör":31762,"zion":31763,"flashing":31764,"campan":31765,"boomer":31766,"secretariat":31767,"abol":31768,"litigation":31769,"contamination":31770,"sedly":31771,"shredded":31772,"infor":31773,"doherty":31774,"benchmark":31775,"roche":31776,"skateboard":31777,"shovel":31778,"izz":31779,"topper":31780,"oster":31781,"labyrin":31782,"autum":31783,"kong":31784,"hummus":31785,"viz":31786,"technews":31787,"klaus":31788,"amusing":31789,"socialmediamarketing":31790,"ides":31791,"castell":31792,"stee":31793,"underestimate":31794,"calab":31795,"paign":31796,"billing":31797,"unanimously":31798,"gmb":31799,"flyfishing":31800,"hathaway":31801,"commercial":31802,"colouring":31803,"skulls":31804,"pivot":31805,"tep":31806,"tbc":31807,"motorway":31808,"xpress":31809,"constructive":31810,"puk":31811,"underlying":31812,"kirsten":31813,"maniac":31814,"chao":31815,"sema":31816,"chiffon":31817,"ðŁijĮðŁı»":31818,"verona":31819,"komo":31820,"standoff":31821,"wiped":31822,"cated":31823,"blair":31824,"workin":31825,"msc":31826,"bethlehem":31827,"swipe":31828,"unexpec":31829,"pees":31830,"petri":31831,"origami":31832,"ðŁijħ":31833,"mexico":31834,"flavor":31835,"rudd":31836,"cannabis":31837,"maru":31838,"riddle":31839,"worshi":31840,"silon":31841,"schat":31842,"apse":31843,"tanger":31844,"bious":31845,"eer":31846,"questioned":31847,"ozar":31848,"dank":31849,"anglesey":31850,"charan":31851,"baku":31852,"competen":31853,"repri":31854,"batter":31855,"saxon":31856,"calves":31857,"lengths":31858,"$$$":31859,"âŀ¡ï¸ı":31860,"immersion":31861,"gaunt":31862,"carry":31863,"cyto":31864,"banda":31865,"shutt":31866,"experience":31867,"elgin":31868,"mousse":31869,"taz":31870,"êµ":31871,"incorrect":31872,"enz":31873,"bham":31874,"moron":31875,"sover":31876,"arun":31877,"tipped":31878,"lable":31879,"dearly":31880,"bautista":31881,"íĻ":31882,"mortal":31883,"woop":31884,"dtla":31885,"shocks":31886,"davos":31887,"ðŁĵĿ":31888,"swimwear":31889,"herman":31890,"ðŁijĩðŁijĩ":31891,"zir":31892,"neglected":31893,"graced":31894,"campuses":31895,"avs":31896,"arora":31897,"swachhb":31898,"livepd":31899,"accra":31900,"enquiries":31901,"shooters":31902,"kurt":31903,"vancouver":31904,"bradley":31905,"garda":31906,"gü":31907,"olla":31908,"attracting":31909,"upton":31910,"newin":31911,"lumia":31912,"furnace":31913,"evers":31914,"eon":31915,"swa":31916,"rookies":31917,"aoc":31918,"vss":31919,"brisket":31920,"torch":31921,"yoda":31922,"heartland":31923,"taco":31924,"phony":31925,"foodbank":31926,"abbey":31927,"babylon":31928,"uy":31929,"greate":31930,"expresses":31931,"dandy":31932,"scapes":31933,"survivor":31934,"rond":31935,"eci":31936,"havin":31937,"abel":31938,"childish":31939,"torque":31940,"wavy":31941,"urself":31942,"kanyewest":31943,"yearof":31944,"alestine":31945,"obrien":31946,"alfon":31947,"skag":31948,"korean":31949,"anchorage":31950,"valeri":31951,"dew":31952,"ðŁİ¨":31953,"landslide":31954,"carole":31955,"christen":31956,"gophers":31957,"afi":31958,"priyanka":31959,"qq":31960,"powerof":31961,"itte":31962,"pcso":31963,"twol":31964,"pry":31965,"intellectu":31966,"guerrero":31967,"piles":31968,"wishlist":31969,"wren":31970,"timetable":31971,"ëı":31972,"prodigy":31973,"gibbons":31974,"./":31975,"neur":31976,"anzac":31977,"murray":31978,"viest":31979,"plaster":31980,"lair":31981,"artgallery":31982,"intercontinental":31983,"gbr":31984,"bellator":31985,"namjoon":31986,"mammals":31987,"amel":31988,"yaw":31989,"sarasota":31990,"camar":31991,"budding":31992,"summari":31993,"acosta":31994,"lash":31995,"eyou":31996,"postgraduate":31997,"instructors":31998,"tig":31999,"constant":32000,"werewolf":32001,"icos":32002,"clas":32003,"glenn":32004,"budge":32005,"ðŁĻĤ":32006,"erta":32007,"stains":32008,"persecution":32009,"cumbri":32010,"och":32011,"synergy":32012,"huang":32013,"scandin":32014,"midterms":32015,"commentator":32016,"regarded":32017,"perpetual":32018,"boiling":32019,"alp":32020,"lange":32021,"schle":32022,"faceli":32023,"tweeta":32024,"ridden":32025,"oktoberfest":32026,"charlottesville":32027,"iklan":32028,"jou":32029,"chatham":32030,"bsc":32031,"ðŁį¦":32032,"strauss":32033,"mellow":32034,"xxxx":32035,"happyhour":32036,"reactor":32037,"wwer":32038,"distraction":32039,"atorial":32040,"ðŁĴªðŁı¼":32041,"twinpeaks":32042,"fayette":32043,"aor":32044,"kok":32045,"broom":32046,"syfy":32047,"ouse":32048,"amag":32049,"Ø·":32050,"ubisoft":32051,"lulu":32052,"hallmark":32053,"stuart":32054,"itya":32055,"sideline":32056,"vengeance":32057,"relu":32058,"sexism":32059,"bouncing":32060,"unites":32061,"gustav":32062,"tessa":32063,"stump":32064,"proclamation":32065,"imax":32066,"dividend":32067,"colby":32068,"ðŁįİ":32069,"playwright":32070,"unsafe":32071,"cosmo":32072,"ðŁĩ²ðŁĩ½":32073,"cupboard":32074,"constituents":32075,"anglia":32076,"rampage":32077,"ðŁĺįðŁĺįðŁĺįðŁĺįðŁĺį":32078,"thanked":32079,"takeaways":32080,"shroff":32081,"debat":32082,"khur":32083,"conducts":32084,"formats":32085,"à©":32086,"portage":32087,"graphers":32088,"uten":32089,"prem":32090,"moines":32091,"condemns":32092,"sous":32093,"lps":32094,"fcs":32095,"dealership":32096,"leukemia":32097,"bureau":32098,"skid":32099,"guardiola":32100,"caster":32101,"third":32102,"avoided":32103,"encyclo":32104,"csr":32105,"vixx":32106,"analyzing":32107,"shear":32108,"duluth":32109,"shapiro":32110,"chanting":32111,"stresses":32112,"asbe":32113,"militia":32114,"ãĥª":32115,"collin":32116,"arsene":32117,"suresh":32118,"teachings":32119,"yixing":32120,"shill":32121,"nudes":32122,"svu":32123,"clearwater":32124,"warped":32125,"prolife":32126,"artistson":32127,"itu":32128,"versailles":32129,"galaxy":32130,"axel":32131,"springst":32132,"cala":32133,"huhu":32134,"scu":32135,"commitments":32136,"exeter":32137,"poignant":32138,"motion":32139,"conservatory":32140,"rowdy":32141,"recalled":32142,"musk":32143,"embelli":32144,"sothe":32145,"âĺĢ":32146,"stopper":32147,"schild":32148,"tope":32149,"elmo":32150,"ziel":32151,"jom":32152,"barnsley":32153,"snowden":32154,"ontour":32155,"journey":32156,"hillsborough":32157,"parole":32158,"wts":32159,"moving":32160,"agility":32161,"tivo":32162,"ffers":32163,"kindleunlimited":32164,"gwen":32165,"annan":32166,"ahmad":32167,"textured":32168,"hepatitis":32169,"dram":32170,"insiders":32171,"tissues":32172,"ãĥĦ":32173,"fcbarcelona":32174,"cratic":32175,"naacp":32176,"pecan":32177,"fgm":32178,"customize":32179,"concert":32180,"gsm":32181,"peg":32182,"pone":32183,"justintrudeau":32184,"supercars":32185,"happyholidays":32186,"bular":32187,"adox":32188,"laptops":32189,"digitalhealth":32190,"destination":32191,"gradually":32192,"áĥ¦":32193,"poppy":32194,"ssl":32195,"inhibit":32196,"starlight":32197,"offro":32198,"gloomy":32199,"xper":32200,"halder":32201,"implants":32202,"leto":32203,"hassel":32204,"aas":32205,"untold":32206,"enci":32207,"liberia":32208,"oran":32209,"contests":32210,"ilah":32211,"smag":32212,"scout":32213,"marianne":32214,"cryo":32215,"scheduling":32216,"los":32217,"kane":32218,"stuttgart":32219,"nese":32220,"lawrence":32221,"dain":32222,"photom":32223,"carou":32224,"ร":32225,"gwy":32226,"nationaldogday":32227,"roasting":32228,"bandcamp":32229,"kentucky":32230,"stretches":32231,"kerel":32232,"cashe":32233,"ãĤ¸":32234,"stax":32235,"transi":32236,"doggie":32237,"atric":32238,"halle":32239,"civic":32240,"browning":32241,"leinster":32242,"catday":32243,"highland":32244,"joyous":32245,"incumb":32246,"orlando":32247,"romo":32248,"colton":32249,"delta":32250,"carab":32251,"rotc":32252,"asteroid":32253,"goosebumps":32254,"mology":32255,"yoko":32256,"ands":32257,"tomorrows":32258,"redcarpet":32259,"smp":32260,"casio":32261,"ðŁ¤£ðŁ¤£ðŁ¤£":32262,"seau":32263,"rejection":32264,"rotating":32265,"bipartisan":32266,"thun":32267,"mati":32268,"boni":32269,"oll":32270,"energye":32271,"doit":32272,"lj":32273,"motherhood":32274,"louise":32275,"necklaces":32276,"elite":32277,"nix":32278,"lcs":32279,"env":32280,"glu":32281,"lesh":32282,"crank":32283,"susie":32284,"mclau":32285,"sotu":32286,"crowley":32287,"ratri":32288,"used":32289,"breton":32290,"alfredo":32291,"yeo":32292,"travelpics":32293,"tipp":32294,"ellison":32295,"saxophone":32296,"mered":32297,"heughan":32298,"taine":32299,"fes":32300,"viro":32301,"supposedly":32302,"ias":32303,"digestive":32304,"yle":32305,"lizzy":32306,"wildlifephotography":32307,"brianna":32308,"westfield":32309,"rained":32310,"amher":32311,"ðŁĺĦðŁĺĦ":32312,"distribute":32313,"bottom":32314,"preserving":32315,"oiland":32316,"crafty":32317,"descen":32318,"colling":32319,"shakespearesunday":32320,"rwc":32321,"angled":32322,"cian":32323,"tations":32324,"montage":32325,"meyers":32326,"francesca":32327,"ðŁĮ·":32328,"wiggins":32329,"sanford":32330,"volunteer":32331,"carra":32332,"bark":32333,"varied":32334,"plin":32335,"amu":32336,"kapil":32337,"rockers":32338,"quind":32339,"brane":32340,"inmate":32341,"ental":32342,"improvis":32343,"michigan":32344,"retweeting":32345,"progressing":32346,"mercedesbenz":32347,"smoker":32348,"physiology":32349,"dorado":32350,"wattpad":32351,"hwa":32352,"srbachchan":32353,"wga":32354,"volatility":32355,"hire":32356,"acap":32357,"wnba":32358,"heinz":32359,"stitches":32360,"kidnapping":32361,"burys":32362,"limb":32363,"fitters":32364,"thumbnail":32365,"tone":32366,"mirand":32367,"desirable":32368,"addison":32369,"taran":32370,"tamilnadu":32371,"spectator":32372,"sociology":32373,"amitshah":32374,"remotely":32375,"âϦ":32376,"hamid":32377,"rds":32378,"glee":32379,"smoothly":32380,"schro":32381,"erc":32382,"laliga":32383,"heals":32384,"usf":32385,"nishi":32386,"dhu":32387,"unil":32388,"hle":32389,"tromb":32390,"bhutan":32391,"pilipinas":32392,"seung":32393,"whitman":32394,"tey":32395,"mince":32396,"snowboarding":32397,"reau":32398,"kker":32399,"avo":32400,"zachary":32401,"ranveer":32402,"tik":32403,"govern":32404,"qual":32405,"becky":32406,"anthropology":32407,"atten":32408,"groceries":32409,"debit":32410,"warp":32411,"silicon":32412,"hawaii":32413,"ðŁĴħ":32414,"pomegranate":32415,"peer":32416,"oranges":32417,"peopleschoice":32418,"endure":32419,"ðŁĴĽðŁĴĽ":32420,"ãĤ¹ãĥ":32421,"acial":32422,"ahaha":32423,"stuk":32424,"imperial":32425,"blond":32426,"powder":32427,"knots":32428,"vince":32429,"woodlands":32430,"dena":32431,"watchin":32432,"matcha":32433,"mahat":32434,"galaxies":32435,"middlesbrough":32436,"kö":32437,"stree":32438,"rescues":32439,"waldo":32440,"leroy":32441,"despic":32442,"realities":32443,"tmnt":32444,"haq":32445,"uno":32446,"pec":32447,"bollywood":32448,"blinds":32449,"designthinking":32450,"hems":32451,"andhra":32452,"absen":32453,"fans":32454,"stech":32455,"shirehour":32456,"blaine":32457,"shakti":32458,"purely":32459,"ðŁıı":32460,"trafal":32461,"keynes":32462,"grate":32463,"tobias":32464,"spontaneous":32465,"saturated":32466,"cavalry":32467,"prisc":32468,"ðŁĺij":32469,"wht":32470,"passi":32471,"~~~":32472,"virat":32473,"pattinson":32474,"lao":32475,"weirdo":32476,"sympathy":32477,"juda":32478,"occasionally":32479,"credited":32480,"statu":32481,"esco":32482,"hilly":32483,"escape":32484,"discharge":32485,"seer":32486,"maynard":32487,"sudbury":32488,"zlat":32489,"oral":32490,"weer":32491,"encountered":32492,"smelling":32493,"oversight":32494,"ê¸":32495,"thatcher":32496,"mackay":32497,"youcan":32498,"freep":32499,"freedoms":32500,"prophecy":32501,"hoe":32502,"ishqba":32503,"drake":32504,"quits":32505,"pelled":32506,"turk":32507,"ovi":32508,"wesleyan":32509,"newmusic":32510,"legg":32511,"cheng":32512,"hilli":32513,"ayy":32514,"panties":32515,"adversity":32516,"adjac":32517,"vaccination":32518,"juke":32519,"gac":32520,"exceed":32521,"timesof":32522,"staining":32523,"epcot":32524,"vital":32525,"upward":32526,"bethesda":32527,"apark":32528,"mahi":32529,"campfire":32530,"enchanting":32531,"rhapso":32532,"hz":32533,"naver":32534,"fax":32535,"validation":32536,"acad":32537,"nyr":32538,"asym":32539,"coordinated":32540,"departed":32541,"allery":32542,"varies":32543,"sprite":32544,"chaplin":32545,"ssoccer":32546,"swat":32547,"bret":32548,"reluct":32549,"tunesapp":32550,"superstar":32551,"reminiscing":32552,"oco":32553,"homegrown":32554,"doughnut":32555,"uncanny":32556,"lapd":32557,"thyroid":32558,"!âĿ¤ï¸ı":32559,"botanic":32560,"bres":32561,"spade":32562,"iste":32563,"echoes":32564,"dulil":32565,"bursting":32566,"quiero":32567,"ðŁijİ":32568,"loyola":32569,"amusement":32570,"hails":32571,"sleepy":32572,"burglary":32573,"âľı":32574,"rogue":32575,"cotland":32576,"moors":32577,"lower":32578,"wicked":32579,"ðŁĶĬ":32580,"competiti":32581,"argentine":32582,"yvonne":32583,"kartikeyan":32584,"iliary":32585,"gatsby":32586,"precinct":32587,"sixty":32588,"naji":32589,"cams":32590,"practitioner":32591,"ðŁĺ³ðŁĺ³":32592,"pune":32593,"negli":32594,"julien":32595,"invaded":32596,"calibr":32597,"clam":32598,"dubai":32599,"muk":32600,"lantic":32601,"product":32602,"fedex":32603,"ï¸ı:":32604,"eura":32605,"darius":32606,"sling":32607,"virtualreality":32608,"homestead":32609,"ðŁı³ï¸ıâĢįðŁĮĪ":32610,"paced":32611,"inha":32612,"pulmon":32613,"lazy":32614,"premiering":32615,"mastered":32616,"inhe":32617,"congregation":32618,"bajo":32619,"sporting":32620,"newjersey":32621,"horny":32622,"lmaoo":32623,"lengthy":32624,"dut":32625,"yogh":32626,"swearing":32627,"philosophical":32628,"papua":32629,"inski":32630,"knowles":32631,"dyke":32632,"â̲":32633,"token":32634,"mcguire":32635,"riot":32636,"probability":32637,"mccon":32638,"gros":32639,"sumat":32640,"cite":32641,"daa":32642,"onda":32643,"maddow":32644,"chew":32645,"boardgames":32646,"sparked":32647,"reclaimed":32648,"adhd":32649,"nyse":32650,"imwithher":32651,"equinox":32652,"booths":32653,"balsamic":32654,"hazy":32655,"dorchester":32656,"agos":32657,"seaw":32658,"moderator":32659,"seriea":32660,"andersen":32661,"pilgrim":32662,"âŃIJâŃIJ":32663,"itchen":32664,"halli":32665,"xton":32666,"nathaniel":32667,"munition":32668,"celestial":32669,"gaf":32670,"zoom":32671,"markle":32672,"penthouse":32673,"cale":32674,"sfa":32675,"barking":32676,"tucket":32677,"emery":32678,"calorie":32679,"lique":32680,"adar":32681,"mcnam":32682,"tortilla":32683,"woodpecker":32684,"motown":32685,"badger":32686,"ayrshire":32687,"scramble":32688,"dday":32689,"craziest":32690,"perrie":32691,"choco":32692,"caste":32693,"iot":32694,"wrecked":32695,"selecting":32696,"ussr":32697,"graft":32698,"punt":32699,"labou":32700,"irst":32701,"baek":32702,"ÛĮ":32703,"suki":32704,"queu":32705,"achat":32706,"tester":32707,"augmented":32708,"wcvb":32709,"sinks":32710,"ðŁĵ»":32711,"rake":32712,"interne":32713,"because":32714,"bellevue":32715,"unearth":32716,"lighten":32717,"ðŁĺ£":32718,"turnaround":32719,"labeled":32720,"unemployed":32721,"twitterkurds":32722,"leia":32723,"hye":32724,"greater":32725,"ðŁIJİ":32726,"timed":32727,"ired":32728,"ett":32729,"limitations":32730,"cabe":32731,"sout":32732,"beech":32733,"annihil":32734,"retrac":32735,"yoona":32736,"anger":32737,"dennis":32738,"supplying":32739,"diz":32740,"\"(":32741,"scur":32742,"gunman":32743,"suho":32744,"sauvignon":32745,"ล":32746,"wiley":32747,"landon":32748,"choreography":32749,"prehistoric":32750,"ðŁıĥ":32751,"vargas":32752,"assessments":32753,"pinnacle":32754,"dii":32755,"chamberlain":32756,"ìĪ":32757,"vp":32758,"presenters":32759,"deutsche":32760,"sunshine":32761,"salutes":32762,"rone":32763,"busiest":32764,"-.-":32765,"motorists":32766,"hemisphere":32767,"alwx":32768,"psp":32769,"owa":32770,"denying":32771,"choc":32772,"gutier":32773,"hanuk":32774,"muskete":32775,"jaitley":32776,"sewage":32777,"tame":32778,"thinkers":32779,"shim":32780,"sequo":32781,"papar":32782,"middleeast":32783,"kwa":32784,"keg":32785,"patagonia":32786,"noy":32787,"barça":32788,"takeoff":32789,"hea":32790,"à¬":32791,"nsc":32792,"gdc":32793,"ðŁijĪ":32794,"moustache":32795,"melania":32796,"thra":32797,"â¬Ĩï¸ı":32798,"pierced":32799,"zeus":32800,"fonts":32801,"bera":32802,"itiner":32803,"qatar":32804,"contrary":32805,"ireland":32806,"ify":32807,"oulos":32808,"communal":32809,"fins":32810,"unpaid":32811,"paa":32812,"ðŁijĩðŁı»":32813,"rios":32814,"oup":32815,"filler":32816,"cafeteria":32817,"à¸Ń":32818,"kasi":32819,"caliber":32820,"zulu":32821,"vsco":32822,"tsford":32823,"dragonfly":32824,"smokin":32825,"pist":32826,"psychologist":32827,"diplomat":32828,"webs":32829,"buccane":32830,"ா":32831,"motivational":32832,"dune":32833,"bae":32834,"cfs":32835,"without":32836,"eron":32837,"iac":32838,"atee":32839,"pension":32840,"frazier":32841,"ensis":32842,"skis":32843,"parting":32844,"gery":32845,"territories":32846,"nachos":32847,"enight":32848,"everlasting":32849,"msdhoni":32850,"tele":32851,"spun":32852,"podi":32853,"sabah":32854,"environmentally":32855,"cease":32856,"beaumont":32857,"marta":32858,"kelvin":32859,"hoff":32860,"sunil":32861,"nda":32862,"cob":32863,"shale":32864,"reedus":32865,"unboxing":32866,"ubio":32867,"reopened":32868,"nall":32869,"capsules":32870,"marr":32871,"himalayas":32872,"sweeter":32873,"jaz":32874,"fmr":32875,"tweeter":32876,"dhaka":32877,"nau":32878,"demi":32879,"dfs":32880,"taurus":32881,"fading":32882,"itutes":32883,"cip":32884,"overflow":32885,"jeffrey":32886,"donny":32887,"cartunesapp":32888,"ðŁįij":32889,"prefecture":32890,"danced":32891,"cpt":32892,"pleasing":32893,"italk":32894,"earthquakes":32895,"ulation":32896,"hio":32897,"ãĢĭ":32898,"antan":32899,"nutrient":32900,"deere":32901,"selects":32902,"enrichment":32903,"riti":32904,"trampol":32905,"blamed":32906,"jia":32907,"contributors":32908,"chesapeake":32909,"pigeons":32910,"tribunal":32911,"maduro":32912,"wsu":32913,"ilove":32914,"efficiently":32915,"darcy":32916,"warms":32917,"arra":32918,"ecu":32919,"hower":32920,"struggled":32921,"rajinikanth":32922,"ðŁĺ¢ðŁĺ¢":32923,"housing":32924,"strat":32925,"elix":32926,"dispro":32927,"raffic":32928,"thierry":32929,"nasty":32930,"cfb":32931,"staffing":32932,"alma":32933,"backers":32934,"henson":32935,"skywalker":32936,"realestate":32937,"roos":32938,"nessy":32939,"chance":32940,"cairns":32941,"cci":32942,"pedal":32943,"lyft":32944,"crossword":32945,"waiter":32946,"onlyin":32947,"kruger":32948,"kir":32949,"alejandro":32950,"cartier":32951,"carrera":32952,"repaired":32953,"ouat":32954,"unclear":32955,"unbreakable":32956,"todayin":32957,"queries":32958,"jody":32959,"genital":32960,"winner":32961,"tol":32962,"kelowna":32963,"fascinated":32964,"ãĥ¬":32965,"srisri":32966,"squared":32967,"sprung":32968,"negotiate":32969,"privately":32970,"aven":32971,">>>>>":32972,"gical":32973,"gavin":32974,"chesterfield":32975,"zumba":32976,"orr":32977,"natalia":32978,"impeachment":32979,"mnl":32980,"carat":32981,"critique":32982,"credible":32983,"tracy":32984,"tani":32985,"musik":32986,"jigsaw":32987,"gambia":32988,"tolkien":32989,"feu":32990,"asper":32991,"savory":32992,"foxx":32993,"fitt":32994,"marlon":32995,"lrt":32996,"vell":32997,"pbr":32998,"imprisoned":32999,"iom":33000,"chul":33001,"windshield":33002,"kaye":33003,"baa":33004,"chord":33005,"sart":33006,"algon":33007,"ministerial":33008,"natgeo":33009,"lazio":33010,"norms":33011,"ðŁijįðŁijį":33012,"licking":33013,"futbol":33014,"unsung":33015,"dallascowboys":33016,"shred":33017,"disturb":33018,"devine":33019,"beards":33020,"chf":33021,"bday":33022,"rosso":33023,"igor":33024,"ayi":33025,"siren":33026,"kair":33027,"stiles":33028,"rof":33029,"magnets":33030,"uncover":33031,"mouse":33032,"banging":33033,"sighted":33034,"speople":33035,"impact":33036,"rowland":33037,"kira":33038,"environment":33039,"lovethe":33040,"psis":33041,"mishra":33042,"glendale":33043,"cajun":33044,"oche":33045,"deception":33046,"sexist":33047,"straws":33048,"sga":33049,"buffer":33050,"apostle":33051,"spl":33052,"popup":33053,"ðŁļĹ":33054,"rg":33055,"uper":33056,"ballin":33057,"idy":33058,"occasional":33059,"nationalpark":33060,"ðŁıĬ":33061,"uan":33062,"innovation":33063,"ห":33064,"teaparty":33065,"rette":33066,"counterfe":33067,"bha":33068,"recs":33069,"igen":33070,"ðŁĮIJ":33071,"hummingbird":33072,"cur":33073,"haven":33074,"lazar":33075,"pueblo":33076,"::":33077,"zionist":33078,"opath":33079,"inverness":33080,"promoter":33081,"cartoon":33082,"cabinets":33083,"mahogany":33084,"surveying":33085,"rational":33086,"feeling":33087,"testify":33088,"sow":33089,"ocon":33090,"ย":33091,"neel":33092,"maris":33093,"solitary":33094,"chemo":33095,"radcliffe":33096,"simons":33097,"rosary":33098,"newer":33099,"jodie":33100,"retali":33101,"prawn":33102,"paddy":33103,"henge":33104,"kala":33105,"implant":33106,"aty":33107,"brentwood":33108,"paradox":33109,"enez":33110,"redesigned":33111,"pour":33112,"wyd":33113,"alde":33114,"à¯ģ":33115,"sold":33116,"biomedical":33117,"à¹Ĥ":33118,"tttt":33119,"matteo":33120,"yser":33121,"newton":33122,"debun":33123,"nerdy":33124,"lool":33125,"woon":33126,"elisabeth":33127,"ecc":33128,"whi":33129,"acho":33130,"salvage":33131,"salaries":33132,"quity":33133,"navigating":33134,"ophthal":33135,"consoles":33136,"rebuilt":33137,"opec":33138,"asters":33139,"shored":33140,"setlist":33141,"kathryn":33142,"rhymes":33143,"revisiting":33144,"ashish":33145,"lift":33146,"repost":33147,"soleil":33148,"âı±":33149,"wealth":33150,"saat":33151,"wec":33152,"kingjames":33153,"flipkart":33154,"fieldwork":33155,"segu":33156,"modal":33157,"bub":33158,"arers":33159,"ðŁįĴ":33160,"clooney":33161,"paddington":33162,"necessity":33163,"guthrie":33164,"pente":33165,"limo":33166,"josie":33167,"artin":33168,"enc":33169,"lhs":33170,"betrayal":33171,"infographics":33172,"ier":33173,"moa":33174,"hearings":33175,"bonjour":33176,"symbolic":33177,"agro":33178,"wedges":33179,"kristina":33180,"wildflower":33181,"athletic":33182,"photography":33183,"pesh":33184,"cahill":33185,"chilean":33186,"goul":33187,"fioren":33188,"ðŁij¶":33189,"zil":33190,"skim":33191,"badoo":33192,"delia":33193,"treble":33194,"ncc":33195,"ðŁĩ¦ðŁĩ":33196,"ahouse":33197,"bullock":33198,"solitude":33199,"اÙĨ":33200,"cancers":33201,"futureofwork":33202,"hutch":33203,"watershed":33204,"warmongers":33205,"spilled":33206,"colombo":33207,"moth":33208,"associations":33209,"weighed":33210,"globalgoals":33211,"notjust":33212,"christi":33213,"torg":33214,"sweating":33215,"maneu":33216,"clusters":33217,"â̼ï¸ıâ̼ï¸ı":33218,"taped":33219,"uly":33220,"trusting":33221,"yusuf":33222,"tein":33223,"rab":33224,",,,,":33225,"sinai":33226,"audible":33227,"explicit":33228,"crowns":33229,"schiz":33230,"atleast":33231,"ðŁĹ£":33232,"debra":33233,"jesuit":33234,"enegger":33235,"zhen":33236,"onesie":33237,"iit":33238,"ssf":33239,"gurgaon":33240,"chakra":33241,"bearcats":33242,"kran":33243,"kawa":33244,"requesting":33245,"hanover":33246,"gend":33247,"soros":33248,"mercy":33249,"lovely":33250,"doomed":33251,"timmy":33252,"kuz":33253,"ull":33254,"abram":33255,"saison":33256,"ãĥ«":33257,"cleaners":33258,"remo":33259,"circuits":33260,"barred":33261,"oth":33262,"moist":33263,"madeleine":33264,"gallo":33265,"uj":33266,"permits":33267,"heaviest":33268,"carols":33269,"azte":33270,"giorgio":33271,"floats":33272,"declaring":33273,"usrc":33274,"minat":33275,"crafts":33276,"prima":33277,"conveni":33278,"nickelodeon":33279,"dancing":33280,"ceremonial":33281,"blogg":33282,"twp":33283,"anglican":33284,"shek":33285,"knick":33286,"(((":33287,"hubbard":33288,"harvey":33289,"hitman":33290,"feng":33291,"wesome":33292,"forza":33293,"sword":33294,"opus":33295,"brom":33296,"gibility":33297,"zal":33298,"munch":33299,"dancehall":33300,"greedy":33301,"hdmi":33302,"rebirth":33303,"ðŁĺĭðŁĺĭ":33304,"sworld":33305,"figurine":33306,"compost":33307,"kf":33308,"engraving":33309,"giorno":33310,"stana":33311,"kman":33312,"hamster":33313,"composers":33314,"aje":33315,"functionality":33316,"polk":33317,"isons":33318,"airplanes":33319,"tese":33320,"horrors":33321,"muscat":33322,"given":33323,"spence":33324,"ðŁĩ¸ðŁĩ":33325,"eliot":33326,"achilles":33327,"freck":33328,"cryptocurrencies":33329,"souther":33330,"halo":33331,"borneo":33332,"politic":33333,"hahahahah":33334,"upstate":33335,"siena":33336,"obscure":33337,"hausen":33338,"lloyd":33339,"happyfriday":33340,"motorbike":33341,"bona":33342,"americas":33343,"hols":33344,"-(":33345,"sporty":33346,"unaware":33347,"revenues":33348,"christopher":33349,"banksy":33350,"avan":33351,"evapor":33352,"compress":33353,"eyeliner":33354,"todos":33355,"buffy":33356,"renewableenergy":33357,"lyrical":33358,"archan":33359,"rapist":33360,"fairtrade":33361,"lmaooo":33362,"beatz":33363,"proactive":33364,"lapse":33365,"irical":33366,"reversal":33367,"pode":33368,"mcintyre":33369,"macau":33370,"ãĥķãĤ":33371,"nashgrier":33372,"fsa":33373,"gall":33374,"çĶŁ":33375,"perpetr":33376,"ilya":33377,"configuration":33378,"%;":33379,"strange":33380,"raci":33381,"à¸ĩ":33382,"pickups":33383,"kovsky":33384,"mammal":33385,"wps":33386,"gable":33387,"comparative":33388,"zh":33389,"saveour":33390,"davey":33391,"onetsy":33392,"mussels":33393,"miser":33394,"cristina":33395,"electron":33396,"crave":33397,"loren":33398,"precipitation":33399,"mz":33400,"ðŁį«":33401,"vincen":33402,"snowboard":33403,"noida":33404,"ahn":33405,"marinated":33406,"gtr":33407,"townhall":33408,"minis":33409,"bethel":33410,"advan":33411,"sura":33412,"shiel":33413,"furry":33414,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":33415,"lynd":33416,"soil":33417,"scence":33418,"seneca":33419,"sharjah":33420,"dickens":33421,"credentials":33422,"avar":33423,"perk":33424,"requiring":33425,"prefer":33426,"jian":33427,"deca":33428,"rach":33429,"ingfor":33430,"dele":33431,"beep":33432,"ðŁĴ»":33433,"cisely":33434,"huddle":33435,"greensboro":33436,"hawking":33437,"hoax":33438,"hangar":33439,"çľ":33440,"miso":33441,"lovin":33442,"greta":33443,"abad":33444,"logie":33445,"atan":33446,"snowflake":33447,"mahesh":33448,"fearthe":33449,"alkal":33450,"bobblehead":33451,"bahn":33452,"judged":33453,"futu":33454,"felix":33455,"ðŁįĵ":33456,"pike":33457,"deriv":33458,"notices":33459,"auer":33460,"dissuper":33461,"orda":33462,"wipes":33463,"amino":33464,"strikers":33465,"footb":33466,"dramas":33467,"punching":33468,"scoreless":33469,"hemingway":33470,"bih":33471,"ballad":33472,"chatter":33473,"ammo":33474,"klein":33475,"fabrication":33476,"karim":33477,"zend":33478,"histo":33479,"volta":33480,"rocky":33481,"marketer":33482,"xtreme":33483,"sequencing":33484,"paradigm":33485,"cleats":33486,"booming":33487,"âģłâģł":33488,"blockade":33489,"prompts":33490,"yoghurt":33491,"purpose":33492,"nur":33493,"regulate":33494,"noisy":33495,"ingrid":33496,"birdwatching":33497,"bartender":33498,"Ùĥ":33499,"wordof":33500,"chaotic":33501,"shorty":33502,"eldest":33503,"zapp":33504,"onceuponatime":33505,"flyo":33506,"ritos":33507,"mikequind":33508,"ðŁIJ´":33509,"registering":33510,".]":33511,"adol":33512,"gggg":33513,"purge":33514,"kidlit":33515,"arbor":33516,"valves":33517,"synagogue":33518,"oth":33519,"unanimous":33520,"verification":33521,"darrell":33522,"ãģĦ":33523,"vanderbilt":33524,"tapestry":33525,"prosper":33526,"diddy":33527,"drafting":33528,"decep":33529,"marquis":33530,"stint":33531,"michaeljackson":33532,"peeled":33533,"menus":33534,"bbb":33535,"scare":33536,"email":33537,"wrigley":33538,"itis":33539,"fell":33540,"somethin":33541,"barra":33542,"edgar":33543,"dipping":33544,"puddle":33545,"slade":33546,"learner":33547,"jalen":33548,"ð٧IJ":33549,"thedaily":33550,"mikequindazzi":33551,"jux":33552,"iqbal":33553,"mckinney":33554,"raiser":33555,"efan":33556,"drone":33557,"cato":33558,"picket":33559,"crowe":33560,"latt":33561,"uko":33562,"giuseppe":33563,"hini":33564,"synthesi":33565,"pontifex":33566,"songwriting":33567,"tod":33568,"switches":33569,"dinners":33570,"hq":33571,"gabrielle":33572,"pensacola":33573,"circle":33574,"exposes":33575,"evs":33576,"riyadh":33577,"promen":33578,"ock":33579,"saj":33580,"citation":33581,"brewco":33582,"josi":33583,"epaper":33584,"drif":33585,"pointless":33586,"tangled":33587,"cripp":33588,"lineups":33589,"fairies":33590,"daze":33591,"mourn":33592,"bladder":33593,"salz":33594,"burundi":33595,"bookmark":33596,"thepeople":33597,"subsequ":33598,"principal":33599,"sker":33600,"courtney":33601,"aoki":33602,"racers":33603,"adm":33604,"moma":33605,"criticalrole":33606,"houn":33607,"shedding":33608,"saka":33609,"aceous":33610,"mckay":33611,"husbands":33612,"½":33613,"meda":33614,"accusations":33615,"rosel":33616,"ncis":33617,"witnessing":33618,"orama":33619,"gods":33620,"hilton":33621,"elman":33622,"ÃŃn":33623,"megap":33624,"craven":33625,"announcer":33626,"criteri":33627,"sheffieldissuper":33628,"militant":33629,"consul":33630,"hooded":33631,"abyss":33632,"bx":33633,"madam":33634,"locu":33635,"maryam":33636,"manicure":33637,"gratis":33638,"actresses":33639,"rosario":33640,"thisdayin":33641,"kingly":33642,"gnome":33643,"celine":33644,"rous":33645,"heel":33646,"lilac":33647,"vishal":33648,"abh":33649,"thorns":33650,"sls":33651,"neal":33652,"constructing":33653,"beren":33654,"slang":33655,"mains":33656,"farra":33657,"sarko":33658,"paige":33659,"guiller":33660,"lala":33661,"iceberg":33662,"noun":33663,"planners":33664,"ummm":33665,"ouses":33666,"illary":33667,"maan":33668,"boxing":33669,"zipper":33670,"srinagar":33671,"miguel":33672,"ostr":33673,"mpo":33674,"responsibly":33675,"lanterns":33676,"appliance":33677,"xb":33678,"grenade":33679,"neglect":33680,"dysle":33681,"hammock":33682,"nectar":33683,"witcher":33684,"rgv":33685,"dience":33686,"serbian":33687,"seeded":33688,"cruz":33689,"bish":33690,"sphe":33691,"eq":33692,"skyrim":33693,"algebra":33694,"philately":33695,"bungalow":33696,"geoff":33697,"yves":33698,"demanded":33699,"considerations":33700,"thevamp":33701,"pawankalyan":33702,"coded":33703,"gritty":33704,"eruption":33705,"seinfeld":33706,"unidenti":33707,"ëĭĪ":33708,"worm":33709,"acus":33710,"seung":33711,"dung":33712,"roland":33713,"sud":33714,"divisions":33715,"ablanc":33716,"shortest":33717,"jf":33718,"poun":33719,"plantbased":33720,"beto":33721,"tougher":33722,"mco":33723,"donet":33724,"markus":33725,"vfl":33726,"ðŁıł":33727,"opening":33728,"coward":33729,"cabernet":33730,"oxi":33731,"burlesque":33732,"sandra":33733,"sumo":33734,"consist":33735,"thot":33736,"cayman":33737,"motorola":33738,"gutierrez":33739,"dslr":33740,"yw":33741,"nobel":33742,"novice":33743,"momsdemand":33744,"grunge":33745,"spor":33746,"dcc":33747,"presses":33748,"slist":33749,"allotment":33750,"vocational":33751,"ftc":33752,"puja":33753,"loven":33754,"uttarak":33755,"tandem":33756,"shep":33757,"comedians":33758,"anatom":33759,"cantwait":33760,"healthyeating":33761,"westside":33762,"margins":33763,"chiang":33764,"asbestos":33765,"stupidity":33766,"problematic":33767,"fitbit":33768,":$":33769,"ceilings":33770,"shua":33771,"protections":33772,"biotic":33773,"bengali":33774,"rests":33775,"biennale":33776,"timo":33777,"culmin":33778,"eminent":33779,"affection":33780,"unbelievably":33781,"individually":33782,"canvassing":33783,"whitt":33784,"novasco":33785,"chinson":33786,"hpe":33787,"gow":33788,"gloucestershire":33789,"pao":33790,"threshold":33791,"chevron":33792,"sine":33793,"wether":33794,"ppie":33795,"aquino":33796,"antwerp":33797,"âĸ¬":33798,"poon":33799,"instaf":33800,"equine":33801,"cinematography":33802,"nbafinals":33803,"valiant":33804,"kilkenny":33805,"terence":33806,"systemic":33807,"srl":33808,"pound":33809,"madeira":33810,"plough":33811,"trecht":33812,"mated":33813,"mpd":33814,"ransomware":33815,"phin":33816,"liqui":33817,"bbce":33818,"boomer":33819,"istandwith":33820,"conju":33821,"rte":33822,"nara":33823,"foolish":33824,"dashing":33825,"viernes":33826,"brite":33827,"dau":33828,"juniper":33829,"aida":33830,"younow":33831,"razer":33832,"dei":33833,"repeating":33834,"comforting":33835,"adjacent":33836,"eto":33837,"casted":33838,"chatur":33839,"muer":33840,"synth":33841,"sanitary":33842,"macle":33843,"independent":33844,"lawful":33845,"eerie":33846,"hor":33847,"ðŁĴŃ":33848,"amrit":33849,"velo":33850,"stationery":33851,"muf":33852,"maymay":33853,"contemplating":33854,"elaborate":33855,"gregor":33856,"dries":33857,"accol":33858,"à¸ļ":33859,"schwarzenegger":33860,"illnesses":33861,"daybreak":33862,"followback":33863,"collusion":33864,"electronic":33865,"jovi":33866,"hiroshima":33867,"taw":33868,"homec":33869,"micah":33870,"quitting":33871,"frosting":33872,"benfica":33873,"heli":33874,"sical":33875,"piccad":33876,"corporate":33877,"mentorship":33878,"youare":33879,"singer":33880,"shiva":33881,"rune":33882,"inger":33883,"rium":33884,"playable":33885,"doop":33886,"willow":33887,"terre":33888,"nip":33889,"atd":33890,"warbler":33891,"professionally":33892,"erase":33893,"proceed":33894,"pedestrians":33895,"mischief":33896,"bending":33897,"alaskan":33898,"ckett":33899,"mop":33900,"ddles":33901,"shutter":33902,"geared":33903,"ateneo":33904,"madeline":33905,"gations":33906,"osha":33907,"derick":33908,"swild":33909,"angry":33910,"patents":33911,"hunk":33912,"decreased":33913,"fry":33914,"ðŁĴĸðŁĴĸðŁĴĸ":33915,"salon":33916,"quantities":33917,"dario":33918,"nigel":33919,"kuma":33920,"jenn":33921,"happye":33922,"xxx":33923,"rexperience":33924,"pros":33925,"ausch":33926,"relessly":33927,"hamburger":33928,"fukushima":33929,"erne":33930,"statec":33931,"rend":33932,"mayfield":33933,"jone":33934,"lefty":33935,"bernstein":33936,"smil":33937,"generates":33938,"forestation":33939,"bandits":33940,"tayo":33941,"rca":33942,"acci":33943,"rodrigo":33944,"knapp":33945,"elovers":33946,"vegetation":33947,"ural":33948,"left":33949,"ħï¸ı":33950,"worldre":33951,"suri":33952,"embark":33953,"wson":33954,"bayou":33955,"muller":33956,"movers":33957,"ðŁķº":33958,"presbyter":33959,"lf":33960,"cree":33961,"batb":33962,"salam":33963,"demonstrations":33964,"anec":33965,"npc":33966,"itics":33967,"tography":33968,"reinst":33969,"thurst":33970,"tale":33971,"offences":33972,"smartcity":33973,"brotha":33974,"oftheyear":33975,"invaluable":33976,"earn":33977,"ðŁijıðŁı½":33978,"kremlin":33979,"grady":33980,"townfc":33981,"guernsey":33982,"maha":33983,"contagious":33984,"drex":33985,"been":33986,"(£":33987,"nativity":33988,"ktm":33989,"somerhalder":33990,"compounds":33991,"íķĺ":33992,"\"â̦":33993,"afg":33994,"ottnews":33995,"hound":33996,"firefly":33997,"cilan":33998,"donetsk":33999,"volunteered":34000,"akira":34001,"èª":34002,"singul":34003,"sth":34004,"drowned":34005,"mando":34006,"heir":34007,"ðŁİīðŁİĪ":34008,"taxis":34009,"yuki":34010,"veld":34011,"kans":34012,"elk":34013,"rants":34014,"hashtag":34015,"teng":34016,"rog":34017,"aat":34018,"grub":34019,"eber":34020,"inindia":34021,"colossus":34022,"signi":34023,"soever":34024,"milestones":34025,"dero":34026,"differential":34027,"phuket":34028,"mastermind":34029,"angh":34030,"melani":34031,"broker":34032,"actorvijay":34033,"stunned":34034,"continuity":34035,"affl":34036,"vocal":34037,"perennial":34038,"fiancé":34039,"incomplete":34040,"hunts":34041,"reissue":34042,"dominates":34043,"turmeric":34044,"roam":34045,"rion":34046,"bagged":34047,"nassau":34048,"fut":34049,"xox":34050,"nationaltrust":34051,"joye":34052,"sano":34053,"hearthstone":34054,"disrespect":34055,"lees":34056,"hse":34057,"siberian":34058,"offee":34059,"restock":34060,"wolfgang":34061,"regan":34062,"plano":34063,"unwind":34064,"repar":34065,"mille":34066,"],":34067,"skull":34068,"fatally":34069,"conceptual":34070,"ðŁĮ²":34071,"fé":34072,"berto":34073,"bms":34074,"ua":34075,"magna":34076,"notredame":34077,"lete":34078,"laundering":34079,"heartwarming":34080,"buffett":34081,"goat":34082,"peabo":34083,"windmill":34084,"vac":34085,"continually":34086,"azalea":34087,"membrane":34088,"cancels":34089,"makeyourown":34090,"athered":34091,"pto":34092,"torpe":34093,"ðŁĺł":34094,"ðŁĴ§":34095,"scares":34096,"leaking":34097,"zet":34098,"pixels":34099,"aci":34100,"khil":34101,"marathi":34102,"ðŁĻıðŁı½":34103,"ula":34104,"tamu":34105,"chandigarh":34106,"zagre":34107,"aab":34108,"pronounced":34109,"aubrey":34110,"sander":34111,"punta":34112,"harlow":34113,"icelan":34114,"celebratory":34115,"sot":34116,"unciation":34117,"struly":34118,"mcdowell":34119,"deepika":34120,"reminders":34121,"mystical":34122,"ctc":34123,"chatted":34124,"sica":34125,"bargains":34126,"chhat":34127,"rubin":34128,"mnet":34129,"oilandgas":34130,"pelican":34131,"oat":34132,"morality":34133,"kour":34134,"ih":34135,"nuclear":34136,"gcu":34137,"richer":34138,"venezia":34139,"mma":34140,"leith":34141,"accompany":34142,"richmond":34143,"sportsnet":34144,"baahu":34145,"smuggling":34146,"mmi":34147,"ðŁĩ®ðŁĩª":34148,"twists":34149,"sahib":34150,".....":34151,"ambitions":34152,"illo":34153,"historical":34154,"forec":34155,"showbiz":34156,"ponies":34157,"chasers":34158,"remodel":34159,"willing":34160,"princesses":34161,"ample":34162,"cushions":34163,"acles":34164,"lotr":34165,"dach":34166,"anthe":34167,"incorporate":34168,"newbury":34169,"kiri":34170,"friedrich":34171,"abv":34172,"ballers":34173,"albert":34174,"ðŁijŃ":34175,"leti":34176,"nanop":34177,"cide":34178,"analo":34179,"nsf":34180,"))))":34181,"griffiths":34182,"valenci":34183,"roano":34184,"funrun":34185,"babysitting":34186,"caday":34187,"entre":34188,"uck":34189,"slug":34190,"tical":34191,"thesims":34192,"roar":34193,"carney":34194,"gam":34195,"stowe":34196,"fid":34197,"bunny":34198,"shamrock":34199,"pecu":34200,"molina":34201,"gocougs":34202,"contributes":34203,"transformation":34204,"moy":34205,"vaj":34206,"severy":34207,"antioxidants":34208,"thirteen":34209,"sightseeing":34210,"lj":34211,"reversible":34212,"oddly":34213,"hookah":34214,"nouvel":34215,"halal":34216,"fei":34217,"stables":34218,"mult":34219,"hopped":34220,"braids":34221,"interchange":34222,"ghanaian":34223,"wwww":34224,"ethno":34225,"conjunction":34226,"agov":34227,"yeti":34228,"earthand":34229,"tsp":34230,"conserve":34231,"heirloom":34232,"metaphor":34233,"woof":34234,"torio":34235,"selfless":34236,"nwa":34237,"emilia":34238,"ylene":34239,"yxe":34240,"giar":34241,"moderating":34242,"probz":34243,"bfi":34244,"neer":34245,"dummy":34246,"hanukkah":34247,"webber":34248,"kv":34249,"eyebrow":34250,"dagger":34251,"sump":34252,"rages":34253,"orkney":34254,"tbo":34255,"halsey":34256,"assignments":34257,"tronic":34258,"scrib":34259,"coon":34260,"anwar":34261,"#âĢİ":34262,"jalape":34263,"florida":34264,"quaid":34265,"hawkeyes":34266,"âĻ¡âĻ¡":34267,"streetcar":34268,"rog":34269,"datlantic":34270,"granola":34271,"unchanged":34272,"expectation":34273,"Ùĩ":34274,"marlin":34275,"gummy":34276,"ðŁĻıðŁı¾":34277,"awarenessmonth":34278,"oilpainting":34279,"muth":34280,"perch":34281,"junto":34282,"villagers":34283,"morg":34284,"cheated":34285,"webcomic":34286,"thefuture":34287,"dps":34288,"lakings":34289,"mentioning":34290,"voor":34291,"identities":34292,"accord":34293,"mcgu":34294,"lpga":34295,"rumour":34296,"massively":34297,"mpls":34298,"healy":34299,"date":34300,"spoli":34301,"revisited":34302,"ont":34303,"aland":34304,"scrutiny":34305,"lakeland":34306,"blending":34307,"":34308,"ankara":34309,"jamiedor":34310,"metabolic":34311,"fences":34312,"anny":34313,"åħ":34314,"semicon":34315,"oott":34316,"spaceship":34317,"wacky":34318,"leta":34319,"apac":34320,"shee":34321,"inherit":34322,"dores":34323,"ðŁĩ¨ðŁĩ¦":34324,"gente":34325,"twick":34326,"rims":34327,"galve":34328,"deville":34329,"kingfisher":34330,"scorpio":34331,"owl":34332,"alar":34333,"varian":34334,"ðŁĹĵ":34335,"venetian":34336,"stardust":34337,"thenorth":34338,"qing":34339,"harrington":34340,"consulate":34341,"spectacle":34342,"hobbs":34343,"turks":34344,"greer":34345,"mating":34346,"ðŁİĢ":34347,"ðŁĮĢ":34348,"directs":34349,"íĭ":34350,"pompeo":34351,"voiced":34352,"laos":34353,"tzu":34354,"prome":34355,"prism":34356,"merc":34357,"fortunately":34358,"bcfc":34359,"mcdonnell":34360,"notsorry":34361,"smiled":34362,"tba":34363,"forwar":34364,"midterm":34365,"darby":34366,"weinstein":34367,"upgrading":34368,"wolff":34369,"bronco":34370,"cabello":34371,"ðŁ¥ĩ":34372,"fiable":34373,"sharpe":34374,"battered":34375,"sato":34376,"mythical":34377,"instapic":34378,"prepped":34379,"enium":34380,"espo":34381,"diaper":34382,"explanations":34383,"whopping":34384,"ragnar":34385,"peel":34386,"antibiotic":34387,"lacks":34388,"harrison":34389,"lism":34390,"aul":34391,"quail":34392,"martina":34393,"sentencing":34394,"scams":34395,"didi":34396,"tronics":34397,"ãħłãħł":34398,"goff":34399,"zain":34400,"paramore":34401,"chained":34402,"clinton":34403,"liff":34404,"cottages":34405,"emon":34406,"reverend":34407,"consumer":34408,"cean":34409,"tany":34410,"lumpur":34411,"ebay":34412,"stool":34413,"ðŁĺ»ðŁĺ»":34414,"tapro":34415,"hath":34416,"modernart":34417,"justine":34418,"proverb":34419,"appy":34420,"trax":34421,"manifest":34422,"ambu":34423,"naik":34424,"pepp":34425,"rsd":34426,"merchants":34427,"kitchener":34428,"shifted":34429,"lizz":34430,"âĺħâĺħâĺħâĺħ":34431,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":34432,"utopia":34433,"tomo":34434,"outed":34435,"comers":34436,"chiropractic":34437,"bookclub":34438,"cindy":34439,"prohibition":34440,"seuss":34441,"민":34442,"thinkin":34443,"rrrr":34444,"gofund":34445,"tack":34446,"omb":34447,"catastrophic":34448,"lingu":34449,"guildford":34450,"botd":34451,"à¥ĭ":34452,"planter":34453,"^^":34454,"wink":34455,"kathmandu":34456,"stoppers":34457,"smoothies":34458,"reefs":34459,"hind":34460,"bellamy":34461,"Ħë":34462,"wastewater":34463,"voor":34464,"natl":34465,"!]":34466,"reel":34467,"yap":34468,"scooby":34469,"workspace":34470,"corinthians":34471,"blun":34472,"obligation":34473,"gbbo":34474,"dyson":34475,"cravings":34476,"ellington":34477,"dapl":34478,"wrexham":34479,"earthandclouds":34480,"ukrunchat":34481,"positioned":34482,"kalb":34483,"foursquare":34484,"jock":34485,"impending":34486,"evening":34487,"athy":34488,"proclaimed":34489,"cites":34490,"annapolis":34491,"sani":34492,"marth":34493,"irl":34494,"accommo":34495,"kaa":34496,"fina":34497,"yaa":34498,"disper":34499,"ecar":34500,"bhak":34501,"willy":34502,"ðŁĺĢðŁĺĢ":34503,"mcdermott":34504,"moj":34505,"generational":34506,"usaid":34507,"training":34508,"lonely":34509,"lores":34510,"impecc":34511,"âĢIJ":34512,"beavers":34513,"maki":34514,"heb":34515,"aapl":34516,"åı":34517,"wolverhampton":34518,"leaderboard":34519,"meu":34520,"cfa":34521,"eastern":34522,"hur":34523,"civilwar":34524,"ourage":34525,"horned":34526,"lehigh":34527,"awards":34528,"evident":34529,"gigab":34530,"rous":34531,"madel":34532,"robyn":34533,"urgently":34534,"kors":34535,"enas":34536,"heisman":34537,"bambam":34538,"fabian":34539,"fom":34540,"evaluating":34541,"assembly":34542,"outsourcing":34543,"huntsville":34544,"ðŁĶª":34545,"justified":34546,"cashier":34547,"spaper":34548,"buckeye":34549,"analytical":34550,"illuminati":34551,"autho":34552,"oj":34553,"shade":34554,"geelong":34555,"whey":34556,"heaton":34557,"terribly":34558,"elek":34559,"uncharted":34560,"sdlive":34561,"motocross":34562,"hermes":34563,"darshan":34564,"darlington":34565,"cashmere":34566,"gripping":34567,"cilantro":34568,"punish":34569,"...:":34570,"ðŁĴĦ":34571,"instance":34572,"deri":34573,"lobal":34574,"mukher":34575,"spar":34576,"thinker":34577,"fremont":34578,"compiled":34579,"colorado":34580,"vigne":34581,"smd":34582,"whead":34583,"village":34584,"leek":34585,"formulae":34586,"tares":34587,"persistence":34588,"??????":34589,"pedago":34590,"hez":34591,"alzheimers":34592,"vulture":34593,"offence":34594,"isgreat":34595,"suffra":34596,"kickin":34597,"hmmmm":34598,"broadway":34599,"ï¸ı@":34600,"arti":34601,"allison":34602,"endorses":34603,"ryu":34604,"lollipop":34605,"soybean":34606,"kendall":34607,"cera":34608,"invade":34609,"(ðŁĵ·:":34610,"converter":34611,"carpets":34612,"hobo":34613,"frit":34614,"peac":34615,"esqu":34616,"ernan":34617,"ouf":34618,"anil":34619,"differ":34620,"ching":34621,"brecht":34622,"spg":34623,"davenport":34624,"strava":34625,"severn":34626,"ngos":34627,"storians":34628,"fete":34629,"paramedic":34630,"jhb":34631,"alamo":34632,"sneaking":34633,"goldcoast":34634,"roofs":34635,"isil":34636,"depicted":34637,"projections":34638,"numb":34639,"oss":34640,"epi":34641,"glucose":34642,"zidane":34643,"infiniti":34644,"íĺĦ":34645,"ransom":34646,"tonics":34647,"falk":34648,"gler":34649,"outw":34650,"ress":34651,"weekly":34652,"theon":34653,"nole":34654,"ðŁĩªðŁĩº":34655,"volley":34656,"summar":34657,"negativity":34658,"samson":34659,"yew":34660,"ausvotes":34661,"jul":34662,"judy":34663,"fart":34664,"prayed":34665,"palate":34666,"multicultural":34667,"doubleheader":34668,"cyclones":34669,"pierre":34670,"ãģ¨":34671,"âĺłï¸ı":34672,"rtw":34673,"converting":34674,"wirral":34675,"lari":34676,"irrelevant":34677,"austinmahone":34678,"anche":34679,"yaan":34680,"sdf":34681,"$.":34682,"exploding":34683,"ultimate":34684,"profici":34685,"gofundme":34686,"cellence":34687,"epstein":34688,"bullied":34689,"septic":34690,"த":34691,"lumber":34692,"cuff":34693,"vscocam":34694,"plor":34695,"ล":34696,"seok":34697,"roto":34698,"venezuelan":34699,"sorta":34700,"spirited":34701,"danielpadilla":34702,"teamsisd":34703,"radioactive":34704,"icelandic":34705,"ðŁĴ¤":34706,"vere":34707,"accommodate":34708,"shipp":34709,"otter":34710,"olina":34711,"ego":34712,"sula":34713,"sanantonio":34714,"deas":34715,"similarities":34716,"âļ¾":34717,"yom":34718,"broward":34719,"å°":34720,"cancun":34721,"verify":34722,"onte":34723,"candlelight":34724,"ìłķ":34725,"infants":34726,"azam":34727,"ðŁĺ°":34728,"leven":34729,"unstable":34730,"bloomington":34731,"xford":34732,"contour":34733,"yp":34734,"innovator":34735,"histories":34736,"poy":34737,"lololol":34738,"expires":34739,"catalo":34740,"billboards":34741,"anab":34742,"elic":34743,"novascotia":34744,"faire":34745,"ìĿ´":34746,"rockwell":34747,"grille":34748,"aztec":34749,"johor":34750,"urstruly":34751,"firen":34752,"dunlop":34753,"idle":34754,"portman":34755,"joes":34756,"txhsfb":34757,"holm":34758,"chamele":34759,"underworld":34760,"loss":34761,"tiem":34762,"therapists":34763,"pasture":34764,"paste":34765,"ingnow":34766,"vulcan":34767,"ragon":34768,"larkin":34769,"oshi":34770,"hoco":34771,"childhood":34772,"umbrel":34773,"successor":34774,"kathy":34775,"izen":34776,"°ï¸ı":34777,"shareholders":34778,"olga":34779,"aib":34780,"heap":34781,"flaming":34782,"rou":34783,"airtel":34784,"ratt":34785,"zane":34786,"vow":34787,"thorough":34788,"snag":34789,"parth":34790,"unconscious":34791,"vey":34792,"newrelease":34793,"ghee":34794,"croatian":34795,"facilitating":34796,"swanson":34797,"astoria":34798,"tology":34799,"mastery":34800,"ð٤ij":34801,"bilbao":34802,"troupe":34803,"theori":34804,"cheyenne":34805,"rott":34806,"shoreline":34807,"grasso":34808,"masterchef":34809,"+)":34810,"vix":34811,"ellenshow":34812,"asg":34813,"anak":34814,"kuya":34815,"safarilive":34816,"debuting":34817,"blum":34818,"listener":34819,"vins":34820,"bookshelf":34821,"smartcities":34822,"makeyourownlane":34823,";;":34824,"ðŁIJ¯":34825,"rizz":34826,"onward":34827,"bulldog":34828,"bearish":34829,"viruses":34830,"frigh":34831,"linden":34832,"weiser":34833,"snt":34834,"gona":34835,"dresden":34836,"flanders":34837,"cuk":34838,"wheeling":34839,"bau":34840,"atuesday":34841,"surfers":34842,"swift":34843,"mccall":34844,"arbitration":34845,"awd":34846,"monc":34847,"bine":34848,"atx":34849,"refr":34850,"miro":34851,"posey":34852,"nare":34853,"ritter":34854,"âģ¦":34855,"playbook":34856,"blowout":34857,"sportsmanship":34858,"soooooo":34859,"malayalam":34860,"grims":34861,"burbank":34862,"infinity":34863,"sargent":34864,"oitnb":34865,"josephine":34866,"skipping":34867,"parkin":34868,"excursion":34869,"seminars":34870,"johar":34871,"partridge":34872,"postgame":34873,"llll":34874,"blanche":34875,"tempting":34876,"mna":34877,"luka":34878,"isers":34879,"toffee":34880,"barron":34881,"hemmings":34882,"sae":34883,"gohawks":34884,"cupid":34885,"limbs":34886,"conse":34887,"uncommon":34888,"zada":34889,"headshot":34890,"soils":34891,"pioneer":34892,"mamma":34893,"semitic":34894,"pandey":34895,"jamiedornan":34896,"splits":34897,"vela":34898,"soni":34899,"raff":34900,"tmobile":34901,"âŀĸ":34902,"prawns":34903,"liter":34904,"enjoyment":34905,"eggplant":34906,"tub":34907,"cultural":34908,"usic":34909,"suspicion":34910,"sycam":34911,"summed":34912,"madu":34913,"hock":34914,"upwards":34915,"eyeing":34916,"rive":34917,"assassins":34918,"âĤ¬":34919,"outfy":34920,"chives":34921,"tner":34922,"lais":34923,"porridge":34924,"saddest":34925,"wcc":34926,"vicki":34927,"snails":34928,"bizitalk":34929,"millan":34930,"ðŁĮį":34931,"samoa":34932,"jing":34933,"mikey":34934,"guj":34935,"chelms":34936,"eligibility":34937,"armada":34938,"throp":34939,"surgeries":34940,"ãĤ¿":34941,"mohawk":34942,"exits":34943,"mem":34944,"islington":34945,"cme":34946,"landfill":34947,"kaitlyn":34948,"ðŁİ¼":34949,"combinations":34950,"tomorrowland":34951,"verb":34952,"cora":34953,"precisely":34954,"naom":34955,"ðŁĨķ":34956,"shrink":34957,"softly":34958,"mercede":34959,"mandel":34960,"poodle":34961,"ballerina":34962,"soph":34963,"juxta":34964,"yat":34965,"aryan":34966,"hesitate":34967,"lowered":34968,"gular":34969,"dungeonsand":34970,"ronan":34971,"myri":34972,"spf":34973,"menopau":34974,"grasp":34975,"pathi":34976,"feasi":34977,"flaw":34978,"shistory":34979,"steward":34980,"ggle":34981,"fayre":34982,"clique":34983,"credibility":34984,"yog":34985,"section":34986,"musko":34987,"seville":34988,"nott":34989,"calm":34990,"mateo":34991,"indicted":34992,"fiba":34993,"byl":34994,"lino":34995,"ukin":34996,"!!#":34997,"enigma":34998,"sirius":34999,"busc":35000,"ðŁįĬ":35001,"mackerel":35002,"psalms":35003,"aat":35004,"tomorrowspaper":35005,"ðŁĺĸ":35006,"pfc":35007,"...........":35008,"shrek":35009,"mullet":35010,"osh":35011,"dangerously":35012,"immensely":35013,"amur":35014,"ðŁįĤ":35015,"propor":35016,"sya":35017,"londonmarathon":35018,"above":35019,"obligatory":35020,"prov":35021,"racha":35022,"alexis":35023,"primary":35024,"shh":35025,"ethernet":35026,"dstv":35027,"cougar":35028,"unlucky":35029,"nil":35030,"steakhouse":35031,"mela":35032,"fcbayern":35033,"causeway":35034,"catherine":35035,"fluorescent":35036,"nxt":35037,"tokyo":35038,"ausp":35039,"relegation":35040,"quizz":35041,"shoreditch":35042,"proudtobe":35043,"promos":35044,"interacting":35045,"homebrew":35046,"daesh":35047,"wpg":35048,"steadily":35049,"provinces":35050,"ballots":35051,"iah":35052,"alto":35053,"<<<":35054,"youu":35055,"riley":35056,"preference":35057,"traverse":35058,"incense":35059,"ammunition":35060,"hodges":35061,"#@":35062,"hailstate":35063,"tartan":35064,"witchcraft":35065,"ventilation":35066,"libertarian":35067,"!â̦":35068,"owes":35069,"%!":35070,"ongchang":35071,"brushing":35072,"leic":35073,"fiber":35074,"underattack":35075,"download":35076,"expir":35077,"hyo":35078,"pompey":35079,"mcbride":35080,"yag":35081,"stree":35082,"combat":35083,"tending":35084,"aira":35085,"guggen":35086,"abra":35087,"inna":35088,"flips":35089,"awal":35090,"mach":35091,"dollar":35092,"inspirations":35093,"zum":35094,"odu":35095,"itty":35096,"videogame":35097,"aquaman":35098,"haru":35099,"belfast":35100,"jeb":35101,"butch":35102,"usgs":35103,"calculus":35104,"goyal":35105,"morgen":35106,"xfinity":35107,"standup":35108,"contracep":35109,"sabre":35110,"nabe":35111,"insecure":35112,"generously":35113,"epitome":35114,"lw":35115,"tca":35116,"narratives":35117,"donnell":35118,"pandas":35119,"bergh":35120,"tut":35121,"keral":35122,"felicity":35123,"brampton":35124,"quintet":35125,"nomore":35126,"ðŁĶij":35127,"loi":35128,"alhamdulil":35129,"ðŁĶ¥ðŁĶĹ":35130,"stoner":35131,"shawl":35132,"clinical":35133,"brendan":35134,"gone":35135,"flawed":35136,"trippy":35137,"jg":35138,"allocation":35139,"poaching":35140,"vevo":35141,"mocks":35142,"leftist":35143,"bonuses":35144,"condemned":35145,"ability":35146,"stating":35147,"microbiome":35148,"biologist":35149,"foryou":35150,"wahlberg":35151,"ssor":35152,"iftar":35153,"wul":35154,"ÑĦоÑĤ":35155,"pomer":35156,"meme":35157,"verte":35158,"trell":35159,"trait":35160,"inlet":35161,"hormones":35162,"deliberately":35163,"villar":35164,"battleship":35165,"pbl":35166,"twenti":35167,"hokies":35168,"dalail":35169,"saya":35170,"mayfair":35171,"hans":35172,"diets":35173,"⾨⾨":35174,"odin":35175,"hotspur":35176,"papi":35177,"kana":35178,"kamp":35179,"finna":35180,"flotus":35181,"tians":35182,"unicorns":35183,"tribeca":35184,"changers":35185,"foreground":35186,"outa":35187,"invaders":35188,"gettys":35189,"tomorrowspaperstoday":35190,"macmillan":35191,"handwritten":35192,"wfp":35193,"ude":35194,"stateof":35195,"based":35196,"âĺģï¸ı":35197,"casm":35198,"psyched":35199,"historians":35200,"fold":35201,"dda":35202,"aggrav":35203,"pans":35204,"greenway":35205,"ausv":35206,"ðŁĺ¶":35207,"shraddha":35208,"index":35209,"besti":35210,"zimmer":35211,"tness":35212,"eyeshadow":35213,"otte":35214,"gots":35215,"distributing":35216,"promin":35217,"yol":35218,"acea":35219,"tramrahim":35220,"hooper":35221,"supreme":35222,"jammin":35223,"intuitive":35224,"qualifications":35225,"slim":35226,"siddi":35227,"jayne":35228,"tripping":35229,"gtx":35230,"puns":35231,"emanuel":35232,"omg":35233,"midsummer":35234,"into":35235,"succulent":35236,"rien":35237,"newmexico":35238,"oor":35239,"hooking":35240,"inf":35241,"ð٤Ŀ":35242,"flirting":35243,"nahi":35244,"gfriend":35245,"tps":35246,"helix":35247,"zs":35248,"onie":35249,"ctf":35250,"kris":35251,"irresistible":35252,"flap":35253,"ðŁijıðŁı»ðŁijıðŁı»":35254,"uswnt":35255,"rud":35256,"ramps":35257,"pinoy":35258,"otw":35259,"lolz":35260,"lowering":35261,"favorite":35262,"tmc":35263,"phrases":35264,"hermi":35265,"averaging":35266,"embr":35267,"beno":35268,"estuary":35269,"sleeve":35270,"ribbons":35271,"tash":35272,"ู":35273,"xf":35274,"awgs":35275,"sunited":35276,"breweries":35277,"anirud":35278,"punches":35279,"oldie":35280,"ipads":35281,"wifey":35282,"landlords":35283,"dji":35284,"gunner":35285,"íķ´":35286,"texan":35287,"exop":35288,"cassandra":35289,"soff":35290,"ðŁļ«":35291,"ighton":35292,"bakers":35293,"awarenessweek":35294,"vall":35295,"earp":35296,"btsbbmas":35297,"apologizes":35298,"âļĵï¸ı":35299,"wasps":35300,"statesman":35301,"snatch":35302,"watchdog":35303,"rafi":35304,"afterparty":35305,"spike":35306,"jer":35307,"periph":35308,"rnc":35309,"mull":35310,"leen":35311,"shies":35312,"lieu":35313,"urstrulymahesh":35314,"merton":35315,"desai":35316,"shif":35317,"ðŁĮ±":35318,"pedic":35319,"gosling":35320,"arranging":35321,"wwg":35322,"geny":35323,"youuu":35324,"netflix":35325,"ettes":35326,"kwi":35327,"bernardino":35328,"amiga":35329,"ب":35330,"kashmiri":35331,"tings":35332,"emeritus":35333,"decat":35334,"abdomin":35335,"dci":35336,"phases":35337,"djan":35338,"beam":35339,"opry":35340,"ished":35341,"theellenshow":35342,"thest":35343,"habitats":35344,"toons":35345,"mclaughlin":35346,"ripper":35347,"microbiology":35348,"talaga":35349,"clueless":35350,"ssu":35351,"croche":35352,"bromance":35353,"longevity":35354,"zagreb":35355,"prevented":35356,"trave":35357,"spoilt":35358,"darryl":35359,"migraine":35360,"alcat":35361,"dddd":35362,"viv":35363,"serpent":35364,"mattel":35365,"jama":35366,"conquest":35367,"îĦ":35368,"samsung":35369,"presbyterian":35370,"ketch":35371,"firefox":35372,"motif":35373,"lec":35374,"chopping":35375,"cherno":35376,"jann":35377,"ðŁIJ°":35378,"prolon":35379,"wakeup":35380,"convergence":35381,"merseyside":35382,"heartbroken":35383,"looming":35384,"hallucin":35385,"maize":35386,"communism":35387,"moh":35388,"twitterstorians":35389,"sergey":35390,"reseller":35391,"favorable":35392,"edgy":35393,"reiter":35394,"malaga":35395,"liveme":35396,"kahn":35397,"pulsion":35398,"bigg":35399,"kimkardashian":35400,"atio":35401,"tyranny":35402,"ruption":35403,"qant":35404,"proven":35405,"byz":35406,"pushaw":35407,"kristin":35408,"eer":35409,"tardis":35410,"riz":35411,"awaken":35412,"miko":35413,"undocumented":35414,"pathfinder":35415,"indirect":35416,"resembles":35417,"hler":35418,"concealed":35419,"scandal":35420,"reim":35421,"dnb":35422,"critters":35423,"attendant":35424,"apprenticeships":35425,"aau":35426,"screamed":35427,"lsu":35428,"fah":35429,"harbour":35430,"edd":35431,"batsman":35432,"liss":35433,"misha":35434,"spaniel":35435,"itf":35436,"advancement":35437,"fac":35438,"closeup":35439,"cecilia":35440,"medic":35441,"narcissi":35442,"lavish":35443,"giac":35444,"mays":35445,"leit":35446,"winewednesday":35447,"pushaward":35448,"letto":35449,"currents":35450,"bugatti":35451,"outine":35452,"wj":35453,"undo":35454,"lerosis":35455,"devotional":35456,"ðŁij«":35457,"onna":35458,"faisal":35459,"sauna":35460,"himachal":35461,"amii":35462,"à®®":35463,"dizzy":35464,"screenwriting":35465,"phx":35466,"spn":35467,"icki":35468,"agirl":35469,"fishes":35470,"wbz":35471,"pim":35472,"boar":35473,"acid":35474,"!..":35475,"rockefeller":35476,"nga":35477,"drastically":35478,"simplify":35479,"drumming":35480,"autumnal":35481,"gurmee":35482,"lorde":35483,"joann":35484,"giveup":35485,"bour":35486,"amura":35487,"derland":35488,"simpler":35489,"watson":35490,"trident":35491,"concordia":35492,"bellum":35493,"brek":35494,"dumplings":35495,"vion":35496,"dungeonsanddragons":35497,"spri":35498,"ascension":35499,"wildatlantic":35500,"ust":35501,"robins":35502,"legion":35503,"insist":35504,"jaro":35505,"guess":35506,"sob":35507,"bighit":35508,"poolside":35509,"negotiating":35510,"mcgill":35511,"bild":35512,"technicians":35513,"mitigation":35514,"ajaydevgn":35515,"bto":35516,"anten":35517,"cosmopolitan":35518,"ðŁĺĬðŁĺĬðŁĺĬðŁĺĬ":35519,"patrioti":35520,"temper":35521,"promenade":35522,"navajo":35523,"namm":35524,"wrinkles":35525,"dcfc":35526,"leach":35527,"brunette":35528,"rf":35529,"coutinho":35530,"alti":35531,"traditionally":35532,"optome":35533,"naz":35534,"accordingly":35535,"recard":35536,"deets":35537,"swell":35538,"posure":35539,"whitening":35540,"stranger":35541,"illion":35542,"hereford":35543,"uwu":35544,"robber":35545,"cotswolds":35546,"clen":35547,"gorge":35548,"namaste":35549,"relish":35550,"griff":35551,"adrenaline":35552,"blasio":35553,"vale":35554,"ê²":35555,"tolerate":35556,"railminindia":35557,"jensen":35558,"hoven":35559,"ellu":35560,"obsole":35561,"eisenhower":35562,"unidentified":35563,"thanniversary":35564,"bodyguard":35565,"د":35566,"idge":35567,"schal":35568,"stockport":35569,"sni":35570,"retaining":35571,"popo":35572,"pixie":35573,"olithic":35574,"kier":35575,"hajj":35576,"saz":35577,"corbin":35578,"!!!!!!!!!!":35579,"vit":35580,"megat":35581,"deh":35582,"circuit":35583,"affleck":35584,"theoretical":35585,"hopeless":35586,"uab":35587,"slump":35588,"bice":35589,"jammed":35590,"letstalk":35591,"cani":35592,"sideways":35593,"labyrinth":35594,"refs":35595,"hahn":35596,"jared":35597,"ðŁį¹":35598,"jambo":35599,"phyl":35600,"enhancement":35601,"ctr":35602,"fullest":35603,"seye":35604,"doba":35605,"choic":35606,"yos":35607,"cbj":35608,"andré":35609,"rewatch":35610,"prima":35611,"doctrine":35612,"forgets":35613,"uhm":35614,"around":35615,"ule":35616,"artlovers":35617,"shiraz":35618,"harth":35619,"extor":35620,"Å¡":35621,"unexpectedly":35622,"elius":35623,"yx":35624,"emmy":35625,"seac":35626,"ðŁijĩðŁijĩðŁijĩ":35627,"corrected":35628,"combu":35629,"womanc":35630,"cough":35631,"whatson":35632,"publishes":35633,"diversity":35634,"backbone":35635,"lockdown":35636,"mesmerizing":35637,"norte":35638,"mab":35639,"designer":35640,"íģ":35641,"ragh":35642,"molecules":35643,"getoutside":35644,"thebeatles":35645,"semiconduc":35646,"nacho":35647,"lunes":35648,"hammers":35649,"sultan":35650,"oon":35651,"feren":35652,"attach":35653,"arqu":35654,"uttarakhand":35655,"sash":35656,";-":35657,"tread":35658,"iko":35659,"arthur":35660,"scandinavian":35661,"ration":35662,"gael":35663,"chargeable":35664,"fishy":35665,"vma":35666,"handbags":35667,"chara":35668,"ayne":35669,"defam":35670,"settlers":35671,"qadri":35672,"palais":35673,"inwx":35674,"apocalyptic":35675,"pooja":35676,"aes":35677,"atories":35678,"proofing":35679,"nlp":35680,"tsla":35681,"vina":35682,"lido":35683,"deephouse":35684,"informatics":35685,"vv":35686,"ppings":35687,"diss":35688,"ï":35689,"uhuru":35690,"stony":35691,"betrayed":35692,"baff":35693,"myra":35694,"aspen":35695,"allowance":35696,"tamara":35697,"cif":35698,"corbett":35699,"serge":35700,"digo":35701,"ambigu":35702,"painters":35703,"pcr":35704,"pca":35705,"noms":35706,"loft":35707,"vee":35708,"opendata":35709,"ðŁIJ±":35710,"alexandre":35711,"identifies":35712,"fantasyfootball":35713,"reproduction":35714,"bromley":35715,"wareagle":35716,"mmer":35717,"pss":35718,"cues":35719,"ayat":35720,"hutchinson":35721,"sarac":35722,"jackman":35723,"irah":35724,"apink":35725,"cols":35726,"aussies":35727,"execs":35728,"dayton":35729,"ðŁĻĨ":35730,"imv":35731,"haram":35732,"chuckle":35733,"authenticity":35734,"ardo":35735,"incubator":35736,"ส":35737,"photoshopped":35738,"embraced":35739,"fightfor":35740,"gorman":35741,"zzzz":35742,"scholastic":35743,"crisps":35744,"teapo":35745,"midnight":35746,"gaine":35747,"collier":35748,"sate":35749,"dette":35750,"åŃ":35751,"imagine":35752,"iff":35753,"twili":35754,"ification":35755,"teatro":35756,"norma":35757,"esur":35758,"emergencies":35759,"riseup":35760,"ringer":35761,"hassle":35762,"caitlyn":35763,"tranquil":35764,"versa":35765,"seb":35766,"overlook":35767,"gini":35768,"bogo":35769,"sere":35770,"mayne":35771,"henrik":35772,"contaminated":35773,"rhapsody":35774,"proportion":35775,"wildatlanticway":35776,"âģ©.":35777,"organisers":35778,"trane":35779,"standard":35780,"sperm":35781,"launcher":35782,"ricci":35783,"herts":35784,"paperwork":35785,"showcased":35786,"meryl":35787,"pena":35788,"pimp":35789,"disastrous":35790,"^.^":35791,"phara":35792,"xis":35793,"frontal":35794,"swirl":35795,"spills":35796,"swagger":35797,"smartwatch":35798,"sizzling":35799,"saviour":35800,"catar":35801,"bbcr":35802,"refurbishment":35803,"dris":35804,"citroen":35805,"absorb":35806,"patriotism":35807,"illeg":35808,"chromo":35809,"freshers":35810,"rus":35811,"limiting":35812,"efish":35813,"downed":35814,"mandir":35815,"hazelnut":35816,"pall":35817,"macon":35818,"disappearing":35819,"qualifies":35820,"boon":35821,"barracks":35822,"amine":35823,"gendere":35824,"ðŁļĺ":35825,"jes":35826,"ãĥŃ":35827,"quito":35828,"middleweight":35829,"schau":35830,"quadru":35831,"aciones":35832,"limitless":35833,"ðŁijĮðŁı½":35834,"chman":35835,"arav":35836,"regulators":35837,"itup":35838,"battersea":35839,"milford":35840,"gz":35841,"ticking":35842,"ghou":35843,"crushes":35844,"tutu":35845,"dreadful":35846,"famine":35847,"forchange":35848,"dalailama":35849,"ðŁĴį":35850,"whitaker":35851,"hashmi":35852,"hus":35853,"vod":35854,"bette":35855,"aaah":35856,"isoo":35857,"ðŁ¥Ī":35858,"haar":35859,"laine":35860,"bv":35861,"allday":35862,"sprout":35863,"indiegames":35864,"freebie":35865,"greeks":35866,"butler":35867,"illin":35868,"haal":35869,"wareness":35870,"sima":35871,"publichealth":35872,"gama":35873,"waa":35874,"oung":35875,"goooo":35876,"okinawa":35877,"offenders":35878,"impose":35879,"hoc":35880,"youngster":35881,"storyteller":35882,"scap":35883,"fighter":35884,"+,":35885,"whites":35886,"musicmonday":35887,"reza":35888,"goducks":35889,"bria":35890,"mium":35891,"casper":35892,"crumbs":35893,"aad":35894,"martialarts":35895,"chp":35896,"rigged":35897,"tng":35898,"harvested":35899,"sak":35900,"dojo":35901,"millwall":35902,"bnw":35903,"ocd":35904,"historyof":35905,"tmr":35906,"sirens":35907,"fanci":35908,"caregivers":35909,"vira":35910,"soni":35911,"recurring":35912,"acknowledged":35913,"ðŁıŁ":35914,"ophile":35915,"bucky":35916,"stressing":35917,"rook":35918,"digger":35919,"vival":35920,"sando":35921,"fleet":35922,"siers":35923,"selcaday":35924,"refreshed":35925,"antifa":35926,"aque":35927,"polo":35928,"disappearance":35929,"demb":35930,"âĮļï¸ı":35931,"rented":35932,"berger":35933,"gmb":35934,"cula":35935,"ssal":35936,"goody":35937,"uhh":35938,"marcelo":35939,"wanna":35940,"software":35941,"shopsmall":35942,"turtle":35943,"tomas":35944,"frisco":35945,"ðŁĺįðŁĴķ":35946,"jimenez":35947,"csu":35948,"dayz":35949,"ando":35950,"wynne":35951,"choreographer":35952,"cervical":35953,"trailblazers":35954,"edg":35955,"zendaya":35956,"travelblog":35957,"els":35958,"wholesome":35959,"cog":35960,"labout":35961,"arney":35962,"delle":35963,"suisse":35964,"masi":35965,"inese":35966,"ombe":35967,"fiddle":35968,"reclaim":35969,"pau":35970,"watcher":35971,"slain":35972,"berty":35973,"optimum":35974,"elites":35975,"minis":35976,"turkey":35977,"patrols":35978,"gerard":35979,"aureli":35980,"wildly":35981,"waltz":35982,"brgy":35983,"wob":35984,"crest":35985,"+++":35986,"vez":35987,"frosted":35988,"davido":35989,"thex":35990,"paramedics":35991,"pinto":35992,"hank":35993,"dupont":35994,"urg":35995,"fostering":35996,"micropoetry":35997,"spectre":35998,"---->":35999,"neuro":36000,"frida":36001,"musical":36002,"galveston":36003,"effic":36004,"scape":36005,"palazzo":36006,"thall":36007,"provisional":36008,"pjs":36009,"aure":36010,"ðŁĶľ":36011,"mamamoo":36012,"kitties":36013,"cree":36014,"wak":36015,"loool":36016,"lupus":36017,"cnblue":36018,"ú":36019,"ðŁİ¬":36020,"raced":36021,"trose":36022,"omas":36023,"stride":36024,"coors":36025,"⤵ï¸ı":36026,"incomparable":36027,"cyril":36028,"broader":36029,"areclipse":36030,"ðŁįĶ":36031,"interval":36032,"tiru":36033,"coworking":36034,"waco":36035,"aham":36036,"abee":36037,"flourish":36038,"thetimes":36039,"olini":36040,"kickboxing":36041,"lucer":36042,"atla":36043,"asun":36044,"casserole":36045,"miaw":36046,"lobbying":36047,"janice":36048,"cirque":36049,"reflex":36050,"leary":36051,"sanatomy":36052,"tempest":36053,"semb":36054,"murdering":36055,"usav":36056,"robo":36057,"onet":36058,"pcc":36059,"natives":36060,"lifeof":36061,"saha":36062,"ruthless":36063,"relates":36064,"appetizer":36065,"pyeongchang":36066,"nord":36067,"eru":36068,"athing":36069,"ugly":36070,"plying":36071,"brance":36072,"organise":36073,"kendra":36074,"dato":36075,"cheeses":36076,"parma":36077,"burnout":36078,"astra":36079,"pretoria":36080,"adjustment":36081,"uku":36082,"slo":36083,"liken":36084,"favors":36085,"clive":36086,"beets":36087,"snowdonia":36088,"gotv":36089,"syn":36090,"openhouse":36091,"pani":36092,"portrayed":36093,"slated":36094,"mecca":36095,"renal":36096,"supportsmallstreamers":36097,"staffs":36098,"dao":36099,"biker":36100,"viktor":36101,"titus":36102,"admired":36103,"ðŁĵ±":36104,"hurrican":36105,"heats":36106,"glory":36107,"photogenic":36108,"meri":36109,"depor":36110,"burnham":36111,"orangu":36112,"djing":36113,"impressionism":36114,"ignition":36115,"cai":36116,"wynn":36117,"depe":36118,"coveted":36119,"collagen":36120,"saus":36121,"ornam":36122,"administrators":36123,"sson":36124,"nhpolitics":36125,"hahahahahahahaha":36126,"aspirations":36127,"rgb":36128,"swollen":36129,"sowe":36130,"scr":36131,"divergent":36132,"houghton":36133,"hanoi":36134,"dory":36135,"niki":36136,"landry":36137,"bcci":36138,"ðŁijĮðŁijĮ":36139,"ismail":36140,"tripod":36141,"herd":36142,"bhatt":36143,"dressage":36144,"tabby":36145,"inguish":36146,"huron":36147,"à³į":36148,"Ãł":36149,"todas":36150,"evangelical":36151,"chords":36152,"stjohn":36153,"sloppy":36154,"martyr":36155,"facebook":36156,"alight":36157,"sensei":36158,"kathniel":36159,"rites":36160,"zione":36161,"uo":36162,"revelations":36163,"weightlifting":36164,"pano":36165,"ncwx":36166,"acton":36167,"à®ķ":36168,"ز":36169,"soma":36170,"à¸Ĺ":36171,"respecting":36172,"marche":36173,"foreman":36174,"betty":36175,"kik":36176,"shibu":36177,"poon":36178,"argyle":36179,"kswx":36180,"etz":36181,"marbella":36182,"brackets":36183,"standby":36184,"fireside":36185,"defiance":36186,"vex":36187,"britannia":36188,"inhabit":36189,"appoint":36190,"piyush":36191,"leash":36192,"sciento":36193,"flask":36194,"senna":36195,">:":36196,"atroc":36197,"sanderson":36198,"idlib":36199,"dhanush":36200,"ðŁĺĻ":36201,"enthr":36202,"hitch":36203,"dedly":36204,"alley":36205,"dork":36206,"mondo":36207,"cuddly":36208,"missin":36209,"yesss":36210,"nighting":36211,"jpn":36212,"wary":36213,"umpire":36214,"maz":36215,"ê³":36216,"babs":36217,"ĭãģ":36218,"stanford":36219,"possessed":36220,"exceeded":36221,"ðŁĶ¶":36222,"wallart":36223,"trap":36224,"jil":36225,"hibis":36226,"spying":36227,"scribe":36228,"khalil":36229,"translator":36230,"lumb":36231,"dized":36232,"chc":36233,"supervision":36234,"shutter":36235,"jag":36236,"_*":36237,"yesterdays":36238,"msf":36239,"hihi":36240,"gonzaga":36241,"gillespie":36242,"vivek":36243,"ecstatic":36244,"thismorning":36245,"chus":36246,"edes":36247,"stoned":36248,"bees":36249,"ðŁĩ¹ðŁĩ":36250,"turin":36251,"hover":36252,"atrics":36253,"stern":36254,"samheughan":36255,"autism":36256,"miya":36257,"eyewitness":36258,"writings":36259,"traveltips":36260,"chutney":36261,"pxrtg":36262,"kenyans":36263,"mystic":36264,"krit":36265,"/$":36266,"redhead":36267,"worldly":36268,"amus":36269,"opla":36270,"leve":36271,"gabbana":36272,"seen":36273,"oclock":36274,"ganga":36275,"keenan":36276,"scent":36277,"oldies":36278,"gogreen":36279,"cornerstone":36280,"comply":36281,"concours":36282,"ðŁİ¶ðŁİ¶":36283,"haan":36284,"confis":36285,"awson":36286,"cleop":36287,"îĢ":36288,"suzu":36289,"sauté":36290,"algar":36291,"subscriber":36292,"esteemed":36293,"ãĤ¤ãĥ":36294,"worthwhile":36295,"melrose":36296,"flock":36297,"brightly":36298,"violinist":36299,"pere":36300,"slipping":36301,"andco":36302,"sigh":36303,"havan":36304,"culo":36305,"msa":36306,"fibrosis":36307,"matilda":36308,"rafting":36309,"award":36310,"ëª":36311,"mmmm":36312,"geaux":36313,"steiner":36314,"sinn":36315,"helpers":36316,"beetles":36317,"aimee":36318,"taiwan":36319,"pistachio":36320,"macbeth":36321,"mzan":36322,"descendants":36323,"onsale":36324,"inr":36325,"ilm":36326,"grouse":36327,"saig":36328,"mow":36329,"bigre":36330,"adjustments":36331,"tula":36332,"mathew":36333,"translates":36334,"muh":36335,"bollah":36336,"ðŁĴĽðŁĴĻ":36337,"amores":36338,"abouts":36339,"bombshell":36340,"blaster":36341,"xavi":36342,"sns":36343,"kroger":36344,"gather":36345,"eradic":36346,"daft":36347,"chemo":36348,"benches":36349,"ðŁĩ©ðŁĩ":36350,"utv":36351,"oura":36352,"nko":36353,"gatorade":36354,"biafra":36355,"okstate":36356,"imdanielpadilla":36357,"domains":36358,"openingday":36359,"kiddo":36360,"doi":36361,"rice":36362,"daycare":36363,"macmillan":36364,"bathurst":36365,"cheerleading":36366,"ð٦ģ":36367,"cashback":36368,"kwon":36369,"hobbies":36370,"exempl":36371,"riesling":36372,"âļª":36373,"agles":36374,"nys":36375,"everything":36376,"navis":36377,"addi":36378,"magnesium":36379,"facelift":36380,"arkham":36381,"grandes":36382,"extremist":36383,"donat":36384,"vitality":36385,"pumpkin":36386,"betta":36387,"sltd":36388,"artisan":36389,"liby":36390,"peaked":36391,"ahhhhh":36392,"maryam":36393,"assim":36394,"unsc":36395,"mente":36396,"alaya":36397,"lowers":36398,"aras":36399,"griev":36400,"leip":36401,"grati":36402,"crises":36403,"sprints":36404,"execute":36405,"wto":36406,"msd":36407,"magical":36408,"reviewer":36409,"sparkles":36410,"jukebox":36411,"ðŁĺĤâĿ¤ï¸ı":36412,"payback":36413,"licenses":36414,"dunkin":36415,"belt":36416,"lakewood":36417,"hateful":36418,"budgets":36419,"revamped":36420,"pherson":36421,"kyiv":36422,"wentworth":36423,"rosen":36424,"cruise":36425,"giggle":36426,"defstar":36427,"assassinscre":36428,"ymouth":36429,"winkle":36430,"wfc":36431,"bandwagon":36432,"bkk":36433,"wiring":36434,"kearney":36435,"southside":36436,"petit":36437,"!ðŁĺį":36438,"nordic":36439,"mirza":36440,"mugabe":36441,"vl":36442,"scones":36443,"ktv":36444,"sandal":36445,"duc":36446,"malls":36447,"ðŁĴŀðŁĴŀ":36448,"itc":36449,"alay":36450,"impair":36451,"unrest":36452,"floss":36453,"cé":36454,"abou":36455,"varying":36456,"museo":36457,"server":36458,"diya":36459,"hibiscus":36460,"eroy":36461,"merritt":36462,"findom":36463,"fpp":36464,"unusually":36465,"gott":36466,"contingent":36467,"aliaa":36468,"ballon":36469,"jol":36470,"hiked":36471,"zyme":36472,"ayr":36473,"agn":36474,"gaz":36475,"periodic":36476,"sparty":36477,"practising":36478,"linton":36479,"talis":36480,"cypri":36481,"womaninbiz":36482,"radiodisney":36483,"ðŁĮ¼":36484,"jumpers":36485,"endocr":36486,"ðŁļ¨ðŁļ¨":36487,"andon":36488,"sharapo":36489,"mier":36490,"masonic":36491,"factories":36492,"vien":36493,"bbers":36494,"ìĽIJ":36495,"hold":36496,"kebab":36497,"beak":36498,"approached":36499,"acmilan":36500,"munro":36501,"kosher":36502,"excellency":36503,"negotiation":36504,"waltdisneyworld":36505,"crouch":36506,"teasing":36507,"suppression":36508,"enya":36509,"bce":36510,"transformationtuesday":36511,"callie":36512,"viswas":36513,"pgat":36514,"icted":36515,"endings":36516,"escu":36517,"recruited":36518,"itfc":36519,"collaborations":36520,"gino":36521,"snuck":36522,"auschwitz":36523,"ifc":36524,"xii":36525,"kesha":36526,"gervais":36527,"cloak":36528,"xl":36529,"saad":36530,"probation":36531,"precau":36532,"macin":36533,"anastasi":36534,"lek":36535,"eazy":36536,"daysofcode":36537,"mariahcarey":36538,"yog":36539,"stitched":36540,"boyfriends":36541,"shar":36542,"phile":36543,"agu":36544,"twinkle":36545,"phishing":36546,"weekender":36547,"icton":36548,"gurmeetramrahim":36549,"alton":36550,"leness":36551,"allan":36552,"penultimate":36553,"krystal":36554,"gou":36555,"lande":36556,"dismant":36557,"abusing":36558,"norse":36559,"paterson":36560,"edmun":36561,"apan":36562,"xiumin":36563,"skel":36564,"catwalk":36565,"react":36566,"walled":36567,"tangle":36568,"bryn":36569,"veto":36570,"supermoon":36571,"casablanc":36572,"appreciates":36573,"skid":36574,"both":36575,"catalina":36576,"eleague":36577,"cybermonday":36578,"cautious":36579,"ð٤ĵ":36580,"novo":36581,"hampton":36582,"haye":36583,"josef":36584,"varan":36585,"lobos":36586,"roanoke":36587,"orphans":36588,"ttin":36589,"squads":36590,"ishqbaaaz":36591,"blackpanther":36592,"etu":36593,"ksh":36594,"crumble":36595,"cessna":36596,"relieved":36597,"scully":36598,"pollinators":36599,"explorecanada":36600,"kies":36601,"kamloops":36602,"kiran":36603,"primal":36604,"settlements":36605,"hotspot":36606,"brainstorming":36607,"cedric":36608,"biennial":36609,"shant":36610,"âĻ¡âĻ¡âĻ¡":36611,"doon":36612,"hearn":36613,"walkway":36614,"fem":36615,"veal":36616,"deportation":36617,"toxins":36618,"eliminating":36619,"descending":36620,"bythe":36621,"blasphe":36622,"hasta":36623,"complement":36624,"ascent":36625,"riga":36626,"provost":36627,"âĸª":36628,"weeping":36629,"antisemitism":36630,"employee":36631,"unearthed":36632,"pino":36633,"natalie":36634,"blad":36635,"angola":36636,"lockheed":36637,"inian":36638,"agr":36639,"nister":36640,"impala":36641,"mke":36642,"fanatic":36643,"âĺħâĺħ":36644,"ðŁij¸":36645,"luch":36646,"simplified":36647,"gallery":36648,"economic":36649,"cyborg":36650,"coni":36651,"selma":36652,"inception":36653,"koala":36654,"dvds":36655,"crested":36656,"mmor":36657,"visible":36658,"nsd":36659,"ðŁĻĮðŁı½":36660,"wunder":36661,"refrigerator":36662,"reopening":36663,"eera":36664,"carousel":36665,"asp":36666,"ballistic":36667,"victory":36668,"motive":36669,"trey":36670,"sharapova":36671,"sii":36672,"monter":36673,"intend":36674,"westchester":36675,"spe":36676,"cymb":36677,"vidal":36678,"llama":36679,"univ":36680,"finer":36681,"craftsmanship":36682,"jazzfest":36683,"bch":36684,"aggio":36685,"ncc":36686,"lambda":36687,"tranquility":36688,"cisco":36689,"baden":36690,"sobbing":36691,"ofi":36692,"gota":36693,"rumored":36694,"warmed":36695,"orean":36696,"acton":36697,"marci":36698,"ghani":36699,"âľĵ":36700,"assorted":36701,"pembroke":36702,"penelope":36703,"daf":36704,"atty":36705,"aimo":36706,"pretzel":36707,"carnival":36708,"thanos":36709,"kochi":36710,"mersal":36711,"hamradio":36712,"artwit":36713,"casc":36714,"guerrilla":36715,"kushner":36716,"kapp":36717,"alise":36718,"toddlers":36719,"stewardship":36720,"otti":36721,"terri":36722,"tempe":36723,"restless":36724,"vito":36725,"zayed":36726,"rspb":36727,"pion":36728,"hippo":36729,"hawthorne":36730,"inas":36731,"amily":36732,"nutcracker":36733,"lop":36734,"dali":36735,"tropic":36736,"ðŁ¤ł":36737,"ulo":36738,"jaredle":36739,"pyrene":36740,"paleo":36741,"usair":36742,"mould":36743,"itated":36744,"genetically":36745,"biomass":36746,"ðŁĩ³ðŁĩ±":36747,"dodd":36748,"practiced":36749,"monarchs":36750,"unmanned":36751,"mbuhari":36752,"amal":36753,"photogra":36754,"kool":36755,"brendon":36756,"juices":36757,"cure":36758,"worldbank":36759,"pointers":36760,"ðŁĴĿ":36761,"turf":36762,"leds":36763,"borussia":36764,"baptism":36765,"warwickshire":36766,"mounts":36767,"gayo":36768,"begg":36769,"copied":36770,"asians":36771,"kg":36772,"modernist":36773,"gid":36774,"frontman":36775,"concentrated":36776,"yt":36777,"scavenger":36778,"ironically":36779,"adic":36780,"psn":36781,"ðŁ¥ī":36782,"culturally":36783,"yuv":36784,"macarthur":36785,"fertilizer":36786,"bewithyou":36787,"rigor":36788,"minors":36789,"zoning":36790,"âĸł":36791,"rir":36792,"adolescent":36793,"vinny":36794,"reng":36795,"sandstone":36796,"guet":36797,"westh":36798,"pledged":36799,"laced":36800,"spide":36801,"vai":36802,"tycoon":36803,"seizure":36804,"dup":36805,"appalachian":36806,"rok":36807,"catholics":36808,"seychel":36809,"possess":36810,"lager":36811,"jodi":36812,"champ":36813,"stras":36814,"dina":36815,"centuri":36816,"calder":36817,"bluray":36818,"ðŁĩ¨ðŁĩ³":36819,"modo":36820,"annette":36821,"youtubers":36822,"chaps":36823,"angling":36824,"labeling":36825,"aqui":36826,"pkwy":36827,"lyle":36828,"bisexual":36829,"litur":36830,"dugout":36831,"libby":36832,"greysanatomy":36833,"substances":36834,"augustus":36835,"rallying":36836,"fidel":36837,"ingue":36838,"人":36839,"hallmarkchannel":36840,"toothbrush":36841,"má":36842,"adirond":36843,"aggi":36844,"ðŁĵį:":36845,"crusade":36846,"taxation":36847,"kz":36848,"iver":36849,"doubling":36850,"roomie":36851,"wab":36852,"enrolled":36853,"azon":36854,"aju":36855,"grandchildren":36856,"asdf":36857,"ðŁ¥º":36858,"matic":36859,"oughton":36860,"utilize":36861,"ðŁĴ£":36862,"ponder":36863,"raisin":36864,"dysfunction":36865,"cobain":36866,"butternut":36867,"eman":36868,"sured":36869,"drian":36870,"andfriends":36871,"withthe":36872,"onomy":36873,"heineken":36874,"bridal":36875,"leadership":36876,"pyramids":36877,"deutschland":36878,"jocel":36879,"bowel":36880,"yqr":36881,"horsepower":36882,"beacon":36883,"ingeni":36884,"gradient":36885,"fermented":36886,"moom":36887,"thingy":36888,"potassi":36889,"wristband":36890,"bord":36891,"bodied":36892,"ðŁĺŃðŁĺį":36893,"mapp":36894,"kau":36895,"cyberpunk":36896,"phish":36897,"looking":36898,"coates":36899,"apur":36900,"amie":36901,"uklabour":36902,"atin":36903,"gla":36904,"adoptable":36905,"shelby":36906,"villi":36907,"riya":36908,"mingly":36909,"climber":36910,"bumblebee":36911,"ðŁĺ¸":36912,"csd":36913,"âĿ¥":36914,"hospitalized":36915,"cki":36916,"hater":36917,"chr":36918,"retina":36919,"ita":36920,"fanbase":36921,"beatrice":36922,"gwyne":36923,"goss":36924,"fos":36925,"favorited":36926,"swachhbharat":36927,"malade":36928,"monmouth":36929,"\"[":36930,"sivan":36931,"shhh":36932,"commanding":36933,"sainsburys":36934,"weed":36935,"gman":36936,"ssw":36937,"reptile":36938,"ivy":36939,"tropics":36940,"rollers":36941,"overcast":36942,"exposition":36943,"masquerade":36944,"mancrush":36945,"waist":36946,"sprinter":36947,"sleet":36948,"levin":36949,"jpg":36950,"_(":36951,"opel":36952,"exploit":36953,"apa":36954,"powe":36955,"wrecking":36956,"jongin":36957,"orb":36958,"erick":36959,"bosco":36960,"praising":36961,"bertr":36962,"towing":36963,"insecurity":36964,"kut":36965,"restocked":36966,"rrp":36967,"prescribed":36968,"trafalgar":36969,"pert":36970,"gases":36971,"apprais":36972,"ghar":36973,"musicals":36974,"âĸ¬âĸ¬":36975,"mcfad":36976,"agony":36977,"condition":36978,"equip":36979,"shik":36980,"atravel":36981,"ðŁĩ¿ðŁĩ¦":36982,"keh":36983,"abduction":36984,"peoria":36985,"wilkins":36986,"gms":36987,"asd":36988,"evi":36989,"ðŁĴĹðŁĴĹðŁĴĹ":36990,"uz":36991,"moc":36992,"hallelujah":36993,"guadalu":36994,"louvre":36995,"drawing":36996,"gove":36997,"phant":36998,"frie":36999,"webdev":37000,"programmer":37001,"zable":37002,"gamescom":37003,"clarify":37004,"lith":37005,"kinky":37006,"âĿ£":37007,"labourdoorstep":37008,"sonata":37009,"juris":37010,"maiden":37011,"viadu":37012,"bucharest":37013,"conditioned":37014,"capitalist":37015,"ude":37016,"psb":37017,"spca":37018,"lulla":37019,"foothills":37020,"kayo":37021,"bond":37022,"womb":37023,"rounder":37024,"cesar":37025,"bursts":37026,"apra":37027,"swoon":37028,"sabrin":37029,"fragrant":37030,"clearer":37031,"kubrick":37032,"climax":37033,"journo":37034,"agle":37035,"ðŁı½âĢįâĻĢï¸ı":37036,"pooch":37037,"hale":37038,"solit":37039,"salmon":37040,"organisms":37041,"bronson":37042,"arten":37043,"hodgson":37044,"alove":37045,"venture":37046,"bbi":37047,"aea":37048,"ðŁIJ¢":37049,"ldn":37050,"dnr":37051,"ozone":37052,"ellas":37053,"manny":37054,"azzur":37055,"unbeat":37056,"truffles":37057,"thong":37058,"mañ":37059,"lasers":37060,"leye":37061,"gettysburg":37062,"backpacks":37063,"oris":37064,"maison":37065,"crawling":37066,"labra":37067,"cling":37068,"dragging":37069,"steal":37070,"doubt":37071,"devan":37072,"ckers":37073,"agentsof":37074,"photobomb":37075,"elonmusk":37076,"aboy":37077,"distances":37078,"storyline":37079,"spi":37080,"northan":37081,"europeans":37082,"whale":37083,"serpent":37084,"ðŁļ²":37085,"fior":37086,"trit":37087,"oxo":37088,"awarding":37089,"classmate":37090,"sufc":37091,"smartest":37092,"riches":37093,"prk":37094,"bigfoot":37095,"armb":37096,"bipolar":37097,"dwelling":37098,"omars":37099,"kwan":37100,"grime":37101,"meng":37102,"frederick":37103,"navarro":37104,"sorrynotsorry":37105,"jaredleto":37106,"pave":37107,"slack":37108,"barnsley":37109,"attar":37110,"eviction":37111,"accumulation":37112,"oir":37113,"catchy":37114,"welter":37115,"vikas":37116,"hassee":37117,"nikita":37118,"moyes":37119,"mathews":37120,"shiv":37121,"gatwick":37122,"profiling":37123,"companions":37124,"marrake":37125,"antics":37126,"ðŁĻĮðŁĻĮðŁĻĮ":37127,"sese":37128,"boi":37129,"bartlett":37130,"poisonous":37131,"abuses":37132,"ymm":37133,"kampala":37134,"guggenheim":37135,"imvkohli":37136,"dolom":37137,"bree":37138,"throttle":37139,"gareth":37140,"fitzpatrick":37141,"unya":37142,"parad":37143,"margot":37144,"jnr":37145,"wea":37146,"potassium":37147,"pnc":37148,"disguised":37149,"crash":37150,"renergy":37151,"illic":37152,"coupled":37153,"niels":37154,"ciones":37155,"æĹ¥":37156,"iment":37157,"despicable":37158,"dye":37159,"whatcha":37160,"connections":37161,"paralympics":37162,"gauntlet":37163,"waitrose":37164,"suicidal":37165,"starship":37166,"vapor":37167,"stou":37168,"lawmaker":37169,"cooled":37170,"simo":37171,"theno":37172,"offroad":37173,"jaden":37174,"basque":37175,"vicky":37176,"lukaku":37177,"centro":37178,"trish":37179,"strategist":37180,"medications":37181,"horst":37182,"bfc":37183,"grail":37184,"sharply":37185,"aditya":37186,"tomb":37187,"kaufman":37188,"tripad":37189,"samba":37190,"pastoral":37191,"britney":37192,"sagan":37193,"hillside":37194,"masons":37195,"sara":37196,"zone":37197,"xu":37198,"totes":37199,"robbie":37200,"appen":37201,"montag":37202,"dero":37203,"shortfilm":37204,"charismatic":37205,"tators":37206,"kiba":37207,"andri":37208,"alarming":37209,"splitting":37210,"icar":37211,"thug":37212,"scariest":37213,"sylvester":37214,"anan":37215,"utrecht":37216,"adifference":37217,"meade":37218,"buster":37219,"airstrikes":37220,"cuffs":37221,"accountants":37222,"ðŁĺ¡ðŁĺ¡":37223,"newt":37224,"bott":37225,"issuing":37226,"clancy":37227,"wwenetwork":37228,"kyuhyun":37229,"resemble":37230,"pajamas":37231,"sink":37232,"kinney":37233,"sulph":37234,"ork":37235,"lies":37236,"lagh":37237,"orton":37238,"rahul":37239,"dsc":37240,"wewill":37241,"ream":37242,"colloqui":37243,"sharia":37244,"hectic":37245,"sarcasm":37246,"lander":37247,"tmz":37248,"endorf":37249,"roz":37250,"hammered":37251,"fris":37252,"wadi":37253,"popefrancis":37254,"heit":37255,"flashlight":37256,"unborn":37257,"opes":37258,"holiness":37259,"ðŁIJ¦":37260,"nacht":37261,"imsa":37262,"gracing":37263,"bjp":37264,"verts":37265,"csc":37266,"homeowner":37267,"aque":37268,"bigotry":37269,"annie":37270,"bagh":37271,"âĿ¤ï¸ıðŁĺį":37272,"cari":37273,"thomp":37274,"disposable":37275,"cardiology":37276,"patented":37277,"hhhhhh":37278,"ldr":37279,"stephenson":37280,"crores":37281,"fanning":37282,"climat":37283,"ðŁijįðŁijįðŁijį":37284,"ðŁijįðŁı¼":37285,"aeron":37286,"piccadilly":37287,"bankrupt":37288,"silvia":37289,"employ":37290,"donny":37291,"commenting":37292,"screenwriter":37293,"iota":37294,"cean":37295,"ancers":37296,"tuan":37297,"streetwear":37298,"य":37299,"skine":37300,"espa":37301,"asif":37302,"osce":37303,"sheppard":37304,"morecam":37305,"bottle":37306,"ders":37307,"oracle":37308,"googleplay":37309,"averaged":37310,"edmonton":37311,"stephan":37312,"sisterhood":37313,"crusted":37314,"staggering":37315,"methodology":37316,"congresswoman":37317,"cabo":37318,"triggers":37319,"milky":37320,"glide":37321,"toothpaste":37322,"roommates":37323,"nuff":37324,"guam":37325,"sprinkles":37326,"alternative":37327,"watfordfc":37328,"uoft":37329,"haley":37330,"contacted":37331,"bundy":37332,"prostitu":37333,"ghar":37334,"preston":37335,"onsite":37336,"hilar":37337,"gts":37338,"catt":37339,"hampstead":37340,"??!":37341,"ðŁĩ§ðŁĩ":37342,"bbcqt":37343,"alessandro":37344,"resist":37345,"maidan":37346,"tko":37347,"shading":37348,"pinup":37349,"gallo":37350,"sinu":37351,"atec":37352,"funk":37353,"aclu":37354,"strides":37355,"rhyme":37356,"wetland":37357,"bbcspringwatch":37358,"tins":37359,"wildcard":37360,"stour":37361,"flamenco":37362,"paula":37363,"ontology":37364,"gangsta":37365,"amade":37366,"ãĤ«":37367,"tbs":37368,"skeletal":37369,"runner":37370,"jardin":37371,"harrier":37372,"hunted":37373,"zhen":37374,"believeinfilm":37375,"demean":37376,"auditi":37377,"restart":37378,"chondri":37379,"âĿ¤ï¸ıðŁĴĻ":37380,"mclaren":37381,"gab":37382,"shum":37383,"ausa":37384,"lewisham":37385,"ypg":37386,"kjv":37387,"furnished":37388,"doro":37389,"bonded":37390,"morty":37391,"latitude":37392,"_)":37393,"lova":37394,"waterways":37395,"vinai":37396,"shorth":37397,"drunk":37398,"cay":37399,"ayana":37400,"kaplan":37401,"cappuccino":37402,"spro":37403,"lifeboat":37404,"hasbro":37405,"spolice":37406,"toron":37407,"doing":37408,"damn":37409,"shree":37410,"fountains":37411,"entation":37412,"maru":37413,"boarder":37414,"topless":37415,"jada":37416,"channing":37417,"ulls":37418,"enclosure":37419,"gibson":37420,"fractured":37421,"britton":37422,"ö":37423,"tous":37424,"porth":37425,"draf":37426,"trailing":37427,"margate":37428,"elife":37429,"downward":37430,"linn":37431,"glades":37432,"girlpower":37433,"akrish":37434,"uki":37435,"ronda":37436,"tsc":37437,"appreciationday":37438,"vising":37439,"loom":37440,"ðŁį³":37441,"mexican":37442,"argos":37443,"yya":37444,"jadine":37445,"southport":37446,"dend":37447,"sista":37448,"redeem":37449,"meng":37450,"braxton":37451,"antioxidant":37452,"skey":37453,"mpg":37454,"finding":37455,"vibration":37456,"ceu":37457,"khart":37458,"dimini":37459,"cline":37460,"shelly":37461,"hines":37462,"īï¸ı":37463,"topical":37464,"nover":37465,"maxx":37466,"primitive":37467,"illustrate":37468,"bounds":37469,"trenton":37470,"jointly":37471,"breeders":37472,"uchi":37473,"wakeupamerica":37474,"bada":37475,"ðŁĹ£ï¸ı":37476,"guacam":37477,"spheres":37478,"peregr":37479,"youthful":37480,"lolo":37481,"birmin":37482,"tly":37483,"jeremycorbyn":37484,"defects":37485,"cosm":37486,"arent":37487,"vaa":37488,"bagels":37489,"mediac":37490,"coriander":37491,"icago":37492,"ghaz":37493,"abbas":37494,"remodel":37495,"structuring":37496,"pum":37497,"outlaw":37498,"adani":37499,"rbc":37500,"gulls":37501,"nli":37502,"confuse":37503,"ðŁijĩðŁı¼":37504,"vila":37505,"mcnamara":37506,"corrections":37507,"mughal":37508,"seri":37509,"regain":37510,"ssb":37511,"leave":37512,"hahahah":37513,"grande":37514,"distressed":37515,"rechargeable":37516,"hoa":37517,"housed":37518,"stil":37519,"attributed":37520,"opathic":37521,"dips":37522,"prit":37523,"headphone":37524,"conclude":37525,"pilo":37526,"het":37527,"utsa":37528,"nitin":37529,"jem":37530,"snippet":37531,"tutoring":37532,"oper":37533,"sunk":37534,"ensla":37535,"chau":37536,"acorn":37537,"quintess":37538,"rankin":37539,"affiliated":37540,"ourlives":37541,"clint":37542,"seater":37543,"isaac":37544,"bashing":37545,"smear":37546,"nurse":37547,"doodling":37548,"\";":37549,"saku":37550,"atrocities":37551,"imam":37552,"gfs":37553,"violating":37554,"commend":37555,"bradshaw":37556,"erville":37557,"billed":37558,"bbe":37559,"thulhu":37560,"iphones":37561,"moose":37562,"dios":37563,"rew":37564,"methane":37565,"strangely":37566,"whisky":37567,"tightly":37568,"spielberg":37569,"radius":37570,"noticing":37571,"wif":37572,"ignati":37573,"ifa":37574,"apis":37575,"wali":37576,"haitian":37577,"bushes":37578,"yz":37579,"vl":37580,"exited":37581,"assel":37582,"truec":37583,"domen":37584,"asher":37585,"inking":37586,"newyearseve":37587,"hendricks":37588,"bati":37589,"ìĿ´ì":37590,"richter":37591,"monsanto":37592,"conline":37593,"agreat":37594,"ðŁ¤¯":37595,"masterpieces":37596,"arn":37597,"roughs":37598,"cleve":37599,"sev":37600,"fashions":37601,"toya":37602,"shail":37603,"copeland":37604,"aquari":37605,"decals":37606,"areyou":37607,"yaya":37608,"astr":37609,"font":37610,"mlm":37611,"arca":37612,"ppor":37613,"pollock":37614,"xperia":37615,"conservation":37616,"chainsaw":37617,"aggie":37618,"?!?!?":37619,"sile":37620,"shon":37621,"ìĹIJ":37622,"notebooks":37623,"marquette":37624,"deus":37625,"bbled":37626,"spicer":37627,"mccabe":37628,"norwich":37629,"modification":37630,"boosted":37631,"strum":37632,"salesman":37633,"bangle":37634,"nissan":37635,"hezbollah":37636,"breasts":37637,"aaf":37638,"anthus":37639,"sker":37640,"owed":37641,"heros":37642,"gifs":37643,"fosters":37644,"eaters":37645,"dues":37646,"_/":37647,"lymphoma":37648,"sfam":37649,"megal":37650,"afridi":37651,"agic":37652,"pamp":37653,"jealousy":37654,"ðŁijĮðŁı¼":37655,"calculate":37656,"napping":37657,"gale":37658,"ð٦Ħ":37659,"lubbock":37660,"assumed":37661,"renting":37662,"íĥľ":37663,"suburb":37664,"ãĤ·":37665,"technic":37666,"ucla":37667,"infront":37668,"garnet":37669,"steroids":37670,"striving":37671,"howar":37672,"mover":37673,"leton":37674,"bulldo":37675,"isin":37676,"ciao":37677,"snz":37678,"forefront":37679,"dams":37680,"midwife":37681,"mawards":37682,"clapton":37683,"wein":37684,"subsidies":37685,"sproud":37686,"rotherham":37687,"phantom":37688,"arach":37689,"spiel":37690,"racket":37691,"selamat":37692,"noon":37693,"lbc":37694,"entially":37695,"ðŁĴ¸":37696,"silve":37697,"moud":37698,"kinetic":37699,"yasi":37700,"ðŁİ©":37701,"ool":37702,"miku":37703,"iza":37704,"fera":37705,"floren":37706,"barbershop":37707,"groot":37708,"zest":37709,"nears":37710,"stanis":37711,"zand":37712,"policeman":37713,"jurisdic":37714,"formations":37715,"apparatus":37716,"spd":37717,"artifact":37718,"tosc":37719,"motivating":37720,"womancrush":37721,"redro":37722,"diagnostics":37723,"raza":37724,"outfitters":37725,"elxn":37726,"dodgy":37727,"ryn":37728,"shd":37729,"orthodon":37730,"olde":37731,"jayanti":37732,"balances":37733,"quickest":37734,"canton":37735,"fridayreads":37736,"!*":37737,"naa":37738,"aak":37739,"ðŁĶ·":37740,"behaviors":37741,"raspberries":37742,"ä»":37743,"political":37744,"camil":37745,"åľ":37746,"dik":37747,"astounding":37748,"liebe":37749,"novelty":37750,"turmoil":37751,"sully":37752,"springbreak":37753,"honouring":37754,"ccg":37755,"ðŁıĴ":37756,"mylittle":37757,"kyc":37758,"proms":37759,"ðŁķĬ":37760,"è":37761,"bige":37762,"avril":37763,"ðŁĩµðŁĩ°":37764,"marion":37765,"asants":37766,"surya":37767,"octag":37768,"lufthan":37769,"acron":37770,"fayetteville":37771,"tique":37772,"loves":37773,"enca":37774,"dekalb":37775,"taver":37776,"devote":37777,"auxiliary":37778,"johannes":37779,"treadmill":37780,"ayan":37781,"qur":37782,"donaldson":37783,"cheryl":37784,"\"....":37785,"sven":37786,"kirsty":37787,"gunners":37788,"radish":37789,"oahu":37790,"vsky":37791,"ible":37792,"concourse":37793,"bps":37794,"eloqu":37795,"ashford":37796,"tebow":37797,"roblox":37798,"mada":37799,"driving":37800,"thday":37801,"sproject":37802,"mms":37803,"banded":37804,".!!":37805,"librarians":37806,"flannel":37807,"intolerance":37808,"heral":37809,"çµ":37810,"nemesis":37811,"lista":37812,"tarak":37813,"crypt":37814,"starplus":37815,"vishnu":37816,"scale":37817,"cris":37818,"%),":37819,"jillian":37820,"reggae":37821,"pegasus":37822,"olin":37823,"ipment":37824,"manic":37825,"lfc":37826,"goddard":37827,"iteam":37828,"parlour":37829,"anchors":37830,"leeminho":37831,"tallahassee":37832,"antit":37833,"dho":37834,"kidney":37835,"yash":37836,"battled":37837,"azad":37838,"garis":37839,"faulkner":37840,"sniff":37841,"paparazzi":37842,"edm":37843,"phyllis":37844,"contested":37845,"aaay":37846,"seca":37847,"kton":37848,"velve":37849,"rainier":37850,"forum":37851,"tampab":37852,"hosp":37853,"tractors":37854,"oxfordshire":37855,"notion":37856,"guangzhou":37857,"ðŁĺ¯":37858,"refill":37859,"wednesdaymotivation":37860,"slider":37861,"mukherjee":37862,"pratt":37863,"fontaine":37864,"alphon":37865,"afar":37866,"tsi":37867,"pesticides":37868,"fiends":37869,"mocking":37870,"braw":37871,"transat":37872,"doses":37873,"cores":37874,"homophobia":37875,"documenting":37876,"zlatan":37877,"condoms":37878,"sé":37879,"sunset":37880,"kunst":37881,"tonga":37882,"ส":37883,"vation":37884,"spray":37885,"chowder":37886,"raps":37887,"palladium":37888,"norwood":37889,"musichistory":37890,"hooker":37891,"sisi":37892,"osprey":37893,"phys":37894,"conceded":37895,"bobcat":37896,"armad":37897,"zeit":37898,"ÙĦ":37899,"ðŁĺģðŁĺģ":37900,"meridi":37901,"ðŁĩ·ðŁĩº":37902,"cornwall":37903,"!),":37904,"touchdowns":37905,"zeit":37906,"chalet":37907,"mmm":37908,"alche":37909,"gorilla":37910,"foss":37911,"atiku":37912,"luminous":37913,"ivanka":37914,"beek":37915,"stares":37916,"swiss":37917,"âĿ¤âĿ¤âĿ¤âĿ¤":37918,"scrubs":37919,"meath":37920,"gustav":37921,"jogging":37922,"confetti":37923,"asos":37924,"ersfc":37925,"breitbart":37926,"applicable":37927,"authored":37928,"yaho":37929,"hin":37930,"displacement":37931,"jv":37932,"ðŁĮ¹ðŁĮ¹":37933,"otc":37934,"nonprofits":37935,"diecast":37936,"gusto":37937,"intestin":37938,"cages":37939,"meen":37940,"lukas":37941,"mooney":37942,"ðŁĺ·":37943,"veryday":37944,"torah":37945,"ission":37946,"wac":37947,"leveraging":37948,"ishable":37949,"cuse":37950,"lewood":37951,"mayan":37952,"turntable":37953,"juice":37954,"trusty":37955,"tup":37956,"etiquette":37957,"supervisors":37958,"stun":37959,"guzman":37960,"conferen":37961,"rico":37962,"feast":37963,"backward":37964,"polaris":37965,"miche":37966,"jog":37967,"hing":37968,"fieldhouse":37969,"veling":37970,"shocker":37971,"escence":37972,"ा":37973,"vibe":37974,"anastasia":37975,"marched":37976,"killing":37977,"Ķë":37978,"fett":37979,"exoplan":37980,"...(":37981,"snowday":37982,"loh":37983,"irani":37984,"lakhs":37985,"dela":37986,"pocaly":37987,"boomers":37988,"dictatorship":37989,"acer":37990,"turkeys":37991,"quarterfinal":37992,"musketeers":37993,"ðŁĴĽðŁĴļ":37994,"sfx":37995,"museumweek":37996,"scala":37997,"risis":37998,"(ðŁĵ·":37999,"ãĢĤ":38000,"zies":38001,"boeh":38002,"hues":38003,"lusci":38004,"dola":38005,"impeachtrump":38006,"rood":38007,"doncaster":38008,"torre":38009,"heroes":38010,"foyer":38011,"tari":38012,"blurred":38013,"kew":38014,"frankly":38015,"droid":38016,"apal":38017,"м":38018,"yaf":38019,"bret":38020,"paragu":38021,"cacao":38022,"ðŁĻĮðŁı¾":38023,"rue":38024,"headaches":38025,"shawty":38026,"charley":38027,"paler":38028,"gowns":38029,"correctional":38030,"ðŁĺ©ðŁĺ©":38031,"breakingbad":38032,"oling":38033,"dap":38034,"endeavour":38035,"citadel":38036,"trad":38037,"incumbent":38038,"meditate":38039,"footed":38040,"ðŁĴµ":38041,"shabbat":38042,"dayofthe":38043,"willem":38044,"galway":38045,"tored":38046,"marriage":38047,"fillion":38048,"sleeveless":38049,"auditor":38050,"jinyoung":38051,"invincible":38052,"kaduna":38053,"aand":38054,"volcanoes":38055,"moneti":38056,"indiegogo":38057,"buccaneers":38058,"ðŁijīðŁı½":38059,"ãĢĤ":38060,"layton":38061,"cuckoo":38062,"humber":38063,"buzzer":38064,"Ïī":38065,"tore":38066,"strains":38067,"stom":38068,"paine":38069,"swe":38070,"duff":38071,"zou":38072,"simi":38073,"lipp":38074,"urn":38075,"seagu":38076,"ðŁĶ®":38077,"sundae":38078,"hic":38079,"ðŁĺ¨":38080,"bullpen":38081,"uper":38082,"flyover":38083,"aldridge":38084,"globes":38085,"alies":38086,"kenzie":38087,"gees":38088,"ycle":38089,"splin":38090,"magenta":38091,"jha":38092,"balu":38093,"ghorn":38094,"tipper":38095,"wicker":38096,"tasteof":38097,"conclave":38098,"chale":38099,"invasi":38100,"cater":38101,"dioxide":38102,"megab":38103,"winn":38104,"atp":38105,"transformative":38106,"nestled":38107,"hig":38108,"bridging":38109,"lilies":38110,"cheered":38111,"baddest":38112,"scrolls":38113,"realis":38114,"diplo":38115,"ðŁĶ«":38116,"concession":38117,"preferences":38118,"explodes":38119,"ergon":38120,"introductory":38121,"ineau":38122,"chaf":38123,"somes":38124,"landrover":38125,"spiration":38126,"sexy":38127,"scorecard":38128,"illustrates":38129,"soulmate":38130,"wien":38131,"interdisciplinary":38132,"forecasting":38133,"entities":38134,"glued":38135,"enlar":38136,"curt":38137,"perceptions":38138,"bootleg":38139,"mire":38140,"ashok":38141,"vaz":38142,"horne":38143,"calle":38144,"aculture":38145,"theroy":38146,"nighttime":38147,"ocal":38148,"characterdesign":38149,"armist":38150,"ðŁĺıðŁĺı":38151,"yahoo":38152,"aceae":38153,"tose":38154,"evento":38155,"sout":38156,"nayanth":38157,"whom":38158,"vare":38159,"rigging":38160,"genus":38161,"hive":38162,"commands":38163,"stie":38164,"daya":38165,"ethanol":38166,"enf":38167,"hifi":38168,"fluence":38169,"clemson":38170,"reinvent":38171,"thermometer":38172,"humorous":38173,"emerging":38174,"ación":38175,"ðŁĺĺðŁĺį":38176,"sity":38177,"hawke":38178,"accompanying":38179,"tility":38180,"ðŁĺª":38181,"recess":38182,"protagonist":38183,"lery":38184,"dundal":38185,"intl":38186,"brittany":38187,"qbs":38188,"offthe":38189,"marriages":38190,"howto":38191,"violated":38192,"adelaide":38193,"witt":38194,"lancer":38195,"pakv":38196,"hume":38197,"stade":38198,"bragging":38199,"outright":38200,"adc":38201,"superst":38202,"realtime":38203,"cures":38204,"gardeners":38205,"erock":38206,"dalejr":38207,"vero":38208,"bartol":38209,"moti":38210,"mcfly":38211,"vpn":38212,"stink":38213,"overrated":38214,"guerra":38215,"etis":38216,"athome":38217,"twdfamily":38218,"thab":38219,"tnx":38220,"rafael":38221,"familytravel":38222,"xley":38223,"satanic":38224,"equations":38225,"rudy":38226,"waldorf":38227,"stani":38228,"tube":38229,"measles":38230,"zimmerman":38231,"obligations":38232,"iously":38233,"bowser":38234,"transformer":38235,"shoppe":38236,"shaken":38237,"ghouse":38238,"tod":38239,"ketball":38240,"shareholder":38241,"marca":38242,"kpmg":38243,"akan":38244,"givenchy":38245,"coastal":38246,"auth":38247,"rollercoaster":38248,"marches":38249,"coordinate":38250,"cinema":38251,"apprentices":38252,"parlor":38253,"mito":38254,"menon":38255,"considerable":38256,"barre":38257,"gloss":38258,"enhances":38259,"jazeera":38260,"falmouth":38261,"thrash":38262,"staten":38263,"kzn":38264,"engel":38265,"samanthap":38266,"floppy":38267,"salom":38268,"ðŁıĨðŁıĨ":38269,"wack":38270,"deliberate":38271,"oscill":38272,"heritag":38273,"dusted":38274,"ornithology":38275,"paddle":38276,"ferns":38277,"barun":38278,"clans":38279,"anticipate":38280,"aay":38281,"matically":38282,"éĩ":38283,"tumble":38284,"postman":38285,"unicef":38286,"trotter":38287,"opd":38288,"leaflet":38289,"geist":38290,"ceasefire":38291,"screws":38292,"creation":38293,"walnuts":38294,"longhorns":38295,"understatement":38296,"abb":38297,"proximity":38298,"nax":38299,"unity":38300,"turnpike":38301,"ordained":38302,"dubstep":38303,"chakra":38304,"mech":38305,"loveher":38306,"lookalike":38307,"donnein":38308,"viron":38309,"ÙĪ":38310,"bangers":38311,"variants":38312,"outdated":38313,"inta":38314,"cristo":38315,"spelt":38316,"foodand":38317,"fon":38318,"stefani":38319,"marginal":38320,"hutton":38321,"tiara":38322,"telford":38323,"quen":38324,"fairgrounds":38325,"quetta":38326,"mikhail":38327,"healer":38328,"vball":38329,"tyre":38330,"undergrad":38331,"glend":38332,"homers":38333,"scribed":38334,"maintains":38335,"poche":38336,"missal":38337,"marko":38338,"uas":38339,"án":38340,"shp":38341,"convey":38342,"padre":38343,"saba":38344,"puglia":38345,"madhuri":38346,"paxton":38347,"chaplain":38348,"nago":38349,"casi":38350,"...!!!":38351,"flirt":38352,"saleh":38353,"kare":38354,"dire":38355,"stamped":38356,"extreme":38357,"ðŁĺĥðŁĺĥ":38358,"hoppy":38359,"guadalupe":38360,"advantaged":38361,"euchar":38362,"plow":38363,"unn":38364,"macqu":38365,"portland":38366,"clash":38367,"pes":38368,"loubout":38369,"yp":38370,"keeping":38371,"arcadia":38372,"frankie":38373,"fiu":38374,"deth":38375,"encyclopedia":38376,"size":38377,"invests":38378,"ðŁį©":38379,"geological":38380,"franç":38381,"confront":38382,"ðŁĺ¥":38383,"dys":38384,"afm":38385,"texan":38386,"graphene":38387,"repostapp":38388,"acf":38389,"ursula":38390,"gaza":38391,"ddled":38392,"fum":38393,"wsbtv":38394,"mbe":38395,"frontiers":38396,"chronograph":38397,"kes":38398,"interfaith":38399,"taboo":38400,"sparta":38401,"wondo":38402,"florist":38403,"embraces":38404,"caw":38405,"noel":38406,"archers":38407,"ðŁIJ·":38408,"romano":38409,"banan":38410,"shakers":38411,"melodies":38412,"geothermal":38413,"sephora":38414,"ìļ°":38415,"од":38416,"proc":38417,"handshake":38418,"pande":38419,"populated":38420,"slowdown":38421,"hortons":38422,"registrations":38423,"undeni":38424,"lants":38425,"passover":38426,"thakur":38427,"lief":38428,"adhesive":38429,"petal":38430,"microscopy":38431,"memphis":38432,"confirming":38433,"airdrop":38434,"mesmer":38435,"perceived":38436,"mingle":38437,"lifeline":38438,"ghj":38439,"worcestershire":38440,"passions":38441,"acher":38442,"ellar":38443,"aho":38444,"firenze":38445,"barang":38446,"letterman":38447,"hatfield":38448,"lucha":38449,"jeter":38450,"eshop":38451,"williams":38452,"horoscope":38453,"prede":38454,"eastbourne":38455,"durga":38456,"diversion":38457,"altrin":38458,"seismic":38459,"premiosm":38460,"narco":38461,"tir":38462,"orig":38463,"orm":38464,"landfall":38465,"cious":38466,"lindo":38467,"maxine":38468,"xico":38469,"tray":38470,"oswald":38471,"cba":38472,"ricotta":38473,"ncr":38474,"marau":38475,"า":38476,"gladiator":38477,"chery":38478,"lung":38479,"ume":38480,"popsic":38481,"longing":38482,"canals":38483,"taya":38484,"decentralized":38485,"shopp":38486,"pressures":38487,"maharaj":38488,"etihad":38489,"walgreens":38490,"succession":38491,"signaling":38492,"lig":38493,"staffer":38494,"northkorea":38495,"defying":38496,"asma":38497,"deg":38498,"perimeter":38499,"oakville":38500,"msk":38501,"baltimore":38502,"receip":38503,"deple":38504,"ðŁĺŃðŁĺĤ":38505,"jamboree":38506,">.<":38507,"rspb":38508,"punisher":38509,"considerably":38510,"intothe":38511,"parisian":38512,"accelerated":38513,"polyester":38514,"lowes":38515,"frying":38516,"sautéed":38517,"mouths":38518,"seychelles":38519,"rax":38520,"godis":38521,"dakota":38522,"housewives":38523,"theme":38524,"matinee":38525,"blackbird":38526,"yesung":38527,"prefers":38528,"pellegr":38529,"inated":38530,"trunks":38531,"strongertogether":38532,"repet":38533,"repairing":38534,"pedals":38535,"tolerant":38536,"herr":38537,"dunne":38538,"indication":38539,"decatur":38540,"btv":38541,"exhibitors":38542,"ikon":38543,"fridaymotivation":38544,"bragg":38545,"livetweet":38546,"alves":38547,"womensart":38548,"foreigners":38549,"wallets":38550,"mindy":38551,"laney":38552,"bbin":38553,"tvmiaw":38554,"lifter":38555,"target":38556,"tame":38557,"drou":38558,"astrophotography":38559,"mpc":38560,"gpu":38561,"nordstrom":38562,"friction":38563,"runoff":38564,"lovable":38565,"spnfamily":38566,"extingui":38567,"bloody":38568,"schel":38569,"artistry":38570,"swish":38571,"scarce":38572,"phils":38573,"maxim":38574,"possum":38575,"compromised":38576,"styli":38577,"scfc":38578,"issa":38579,"birmingham":38580,"sketched":38581,"angelica":38582,"ordinance":38583,"jets":38584,"conquer":38585,"ðŁĺIJ":38586,"onlineshopping":38587,"sori":38588,"reasonably":38589,"nuestro":38590,"arturo":38591,"chl":38592,"benefici":38593,"sphoto":38594,"welt":38595,"nikk":38596,"ð٤ŀ":38597,"danao":38598,"formid":38599,"asse":38600,"afirst":38601,"âľĤ":38602,"gillette":38603,"assor":38604,"anonym":38605,"selca":38606,"femi":38607,"bearable":38608,"yand":38609,"armory":38610,"crepe":38611,"celticfc":38612,"bravo":38613,"inexpensive":38614,"delec":38615,"gecko":38616,"newmarket":38617,"snowflakes":38618,"kabir":38619,"contra":38620,"canning":38621,"morpho":38622,"garwal":38623,"ðŁĴĥðŁı»":38624,"fighting":38625,"mutation":38626,"woody":38627,"jugg":38628,"graces":38629,"premiosmtvmiaw":38630,"kennedy":38631,"gup":38632,"sae":38633,"opha":38634,"offspring":38635,"finisher":38636,"betts":38637,"spanning":38638,"marj":38639,"hone":38640,"shing":38641,"continents":38642,"samanthaprabhu":38643,"unrelated":38644,"lacy":38645,"explosions":38646,"benjamin":38647,"sophie":38648,"noting":38649,"microsoft":38650,"assen":38651,"ahoy":38652,"iker":38653,"hofer":38654,"moe":38655,"ahmadi":38656,"yann":38657,"anak":38658,"mahi":38659,"beu":38660,"ahah":38661,"creeper":38662,"baahubali":38663,"amat":38664,"priory":38665,"hawkeye":38666,"deloitte":38667,"skoda":38668,"printmaking":38669,"assembling":38670,"miraculous":38671,"noch":38672,"swo":38673,"lega":38674,"operates":38675,"borderlands":38676,"elie":38677,"strongh":38678,"reptiles":38679,"pirate":38680,"unfold":38681,"¯":38682,"qualcomm":38683,"unpredictable":38684,"otr":38685,"rosewood":38686,"directional":38687,"counselors":38688,"cornell":38689,"liberated":38690,"jad":38691,"irregular":38692,"bulgarian":38693,"highness":38694,"vodafone":38695,"swild":38696,"minimize":38697,"grazie":38698,"à¹ĩ":38699,"rstats":38700,"streep":38701,"ometric":38702,"humble":38703,"lump":38704,"lille":38705,"bü":38706,"homedepot":38707,"tripadvisor":38708,"kiwan":38709,"avia":38710,"erz":38711,"exico":38712,"duf":38713,"blumen":38714,"mizing":38715,"arma":38716,"inim":38717,"constan":38718,"sora":38719,"jual":38720,"aun":38721,"twell":38722,"trenches":38723,"hera":38724,"rk":38725,"poplar":38726,"recipeoftheday":38727,"llan":38728,"bhuban":38729,"shortages":38730,"ingdon":38731,"bridgewater":38732,"ðŁIJĺ":38733,"fortnite":38734,"camden":38735,"uncture":38736,"prow":38737,"colonies":38738,"tks":38739,"ngo":38740,"bhm":38741,"livepd":38742,"splace":38743,"slike":38744,"happyeaster":38745,"terrence":38746,"revolver":38747,"jed":38748,"yyyy":38749,"officeof":38750,"mts":38751,"existential":38752,"rourke":38753,"explorebc":38754,"ssed":38755,"priest":38756,"vixen":38757,"siding":38758,"kpa":38759,"ahar":38760,"juic":38761,"obstruc":38762,"forensics":38763,"ukmfg":38764,"cancellation":38765,"weary":38766,"abq":38767,"elec":38768,"prized":38769,"debts":38770,"mezz":38771,"salvatore":38772,"mdc":38773,"grette":38774,"cgc":38775,"thon":38776,"snowstorm":38777,"tsch":38778,"cookery":38779,"å¹":38780,"waxing":38781,"nacional":38782,"murs":38783,"rave":38784,"capes":38785,"germain":38786,"dripping":38787,"submitting":38788,"omelette":38789,"iteration":38790,"ajes":38791,"shimmer":38792,"fueling":38793,"ðŁĩ§ðŁĩª":38794,"lipo":38795,"bobble":38796,"unfollow":38797,"islamist":38798,"hiber":38799,"cats":38800,"agentsofshield":38801,"sensi":38802,"_____":38803,"steria":38804,"instal":38805,"auspicious":38806,"harrow":38807,"overland":38808,"feminists":38809,"instant":38810,"chariot":38811,"blindness":38812,"sped":38813,"scarec":38814,"nuit":38815,"miniatures":38816,"hoseok":38817,"glock":38818,"fifaworldcup":38819,"ete":38820,"dism":38821,"weiner":38822,"exfoli":38823,"earts":38824,"à¸Ķ":38825,"myart":38826,"manil":38827,"issant":38828,"forma":38829,"incu":38830,"buffalob":38831,"intim":38832,"mccul":38833,"anjali":38834,"popo":38835,"undoub":38836,"hila":38837,"fungal":38838,"thankful":38839,"futur":38840,"endish":38841,"rends":38842,"thar":38843,"sheff":38844,"ringo":38845,"nicholls":38846,"iowa":38847,"potom":38848,"clams":38849,"ãģĦ":38850,"aconf":38851,"stadiums":38852,"dimp":38853,"dik":38854,"residences":38855,"dov":38856,"caricature":38857,"seagull":38858,"klm":38859,"confess":38860,"slapped":38861,"celeb":38862,"turbines":38863,"ppv":38864,"nurture":38865,"elab":38866,".....#":38867,"tuff":38868,"depress":38869,"alfar":38870,"amiibo":38871,"dispon":38872,"ewing":38873,"queer":38874,"friends":38875,"forre":38876,"âĺ¼":38877,"swt":38878,"aquarius":38879,"headliner":38880,"curd":38881,"figs":38882,"otters":38883,"lovefl":38884,"kareem":38885,"govegan":38886,"friyay":38887,"consolation":38888,"atri":38889,"ì§Ħ":38890,"âĺĿï¸ı":38891,"polyne":38892,"gued":38893,"oya":38894,"laus":38895,"intestinal":38896,"camilla":38897,"scalp":38898,"pir":38899,"leeds":38900,"horrifying":38901,"boretum":38902,"dandelion":38903,"ferrer":38904,"ellic":38905,"asx":38906,"soren":38907,"reloaded":38908,"aleague":38909,"navigator":38910,"inette":38911,"addams":38912,"alchemist":38913,"akshay":38914,"dystopian":38915,"awec":38916,"naya":38917,"alisa":38918,"ailed":38919,"agor":38920,"aviator":38921,"alizer":38922,"smobile":38923,"findyourpark":38924,"copying":38925,"toddy":38926,"shti":38927,"monger":38928,"calhoun":38929,"napkin":38930,"breakup":38931,"yatra":38932,"sethu":38933,"richi":38934,"erasmus":38935,"ferry":38936,"amore":38937,"practise":38938,"bobo":38939,"powerpoint":38940,"oose":38941,"liffe":38942,"china":38943,"shka":38944,"fadnavis":38945,"duane":38946,"waron":38947,"false":38948,"ðŁļĤ":38949,"washes":38950,"discip":38951,"========":38952,"gk":38953,"abb":38954,"stubborn":38955,"medieval":38956,"pci":38957,"ðŁįª":38958,"marilyn":38959,"hyo":38960,"mandi":38961,"cri":38962,"predecess":38963,"continuation":38964,"omusic":38965,"slat":38966,"whal":38967,"mallory":38968,"bonn":38969,"shenzhen":38970,"cai":38971,"âĺĥ":38972,"safest":38973,"forwards":38974,"drawers":38975,"blasted":38976,"slee":38977,"morphe":38978,"mbta":38979,"dumbass":38980,"ÑĦоÑĤо":38981,"alhamdulillah":38982,"eclub":38983,"albeit":38984,"healey":38985,"ayurveda":38986,"advertised":38987,"crocs":38988,"ittles":38989,"bryson":38990,"bei":38991,"njpw":38992,"honoree":38993,"fused":38994,"ðŁĶĺ":38995,"multin":38996,"naga":38997,"departs":38998,"kop":38999,"kino":39000,"jharkhand":39001,"edna":39002,"axle":39003,"milton":39004,"supremacist":39005,"marrakech":39006,"dominic":39007,"transcript":39008,"][#":39009,":).":39010,"woc":39011,"surrounds":39012,"ogil":39013,"leaflets":39014,"cowell":39015,"whew":39016,"trude":39017,"prolifer":39018,"succes":39019,"sportsman":39020,"condom":39021,"poche":39022,"kup":39023,"imprisonment":39024,"{}":39025,"scrambled":39026,"åĽ":39027,"kaine":39028,"cellphone":39029,"metamor":39030,"coni":39031,"remnants":39032,"eez":39033,"downpour":39034,"afternoon":39035,"exercising":39036,"berser":39037,"architecture":39038,"wicklow":39039,"mns":39040,"isp":39041,"boc":39042,"niss":39043,"mnwild":39044,"stumble":39045,"rsi":39046,"luffy":39047,"silen":39048,"ddad":39049,"bullies":39050,"hawker":39051,"bbcc":39052,"scuba":39053,"epp":39054,"quets":39055,"foraging":39056,"pallet":39057,"hadi":39058,"cinematographer":39059,"catchers":39060,"toaster":39061,"khi":39062,"litecoin":39063,"kidlit":39064,"amherst":39065,"mauricio":39066,"ipad":39067,"marmalade":39068,"fey":39069,"donnelly":39070,"gto":39071,"estas":39072,"cerebral":39073,"antgrasso":39074,"zzled":39075,"virgil":39076,"swapped":39077,"ðŁĺħðŁĺħ":39078,"nodapl":39079,"greatest":39080,"nhlbruins":39081,"fraser":39082,"bmo":39083,"anew":39084,".âĿ¤ï¸ı":39085,"segregation":39086,"remarkably":39087,"mccormick":39088,"logger":39089,"eras":39090,"contracting":39091,"âłĢâłĢ":39092,"yorks":39093,"ukulele":39094,"touchscreen":39095,"decked":39096,"benn":39097,"southwark":39098,"ravin":39099,"numis":39100,"ð٤Ļ":39101,"rut":39102,"greco":39103,"ethic":39104,"redneck":39105,"arr":39106,"tcs":39107,"ihri":39108,"ðŁĩ«ðŁĩ·":39109,"lk":39110,"inherited":39111,"zyk":39112,"viaduct":39113,"martyred":39114,"higu":39115,"ssn":39116,"bein":39117,"streetstyle":39118,"fergie":39119,"bankof":39120,"æĹ¥":39121,"stakeholder":39122,"exemplary":39123,"cress":39124,"essa":39125,"erotica":39126,"intrepid":39127,"gomes":39128,"braun":39129,"bethany":39130,"bangtan":39131,"pulmonary":39132,"milling":39133,"doctorate":39134,"trumprussia":39135,"र":39136,"sani":39137,"blatt":39138,"plau":39139,"deprived":39140,"tle":39141,"fully":39142,"bourn":39143,"stak":39144,"lufthansa":39145,"kiosk":39146,"faroo":39147,"defy":39148,"badan":39149,"ðŁĺĺâĿ¤ï¸ı":39150,"ritz":39151,"trisha":39152,"rands":39153,"middlesex":39154,"arabs":39155,"proj":39156,"sportscenter":39157,"repeats":39158,"ivf":39159,"bleedblue":39160,"assure":39161,"obs":39162,"territorial":39163,"elen":39164,"beverley":39165,"annah":39166,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":39167,"zl":39168,"forgood":39169,"sciencefiction":39170,"glau":39171,"sonya":39172,"prith":39173,"stweets":39174,"mixers":39175,"mario":39176,"antelope":39177,"writingcommunity":39178,"wentz":39179,"denham":39180,"bedi":39181,"sfo":39182,"harleydavidson":39183,"lookbook":39184,"immunotherapy":39185,"orphe":39186,"esville":39187,"edged":39188,"task":39189,"sbball":39190,"corrosion":39191,"kilometers":39192,"costing":39193,"playback":39194,"keke":39195,"divisi":39196,"uter":39197,"relocation":39198,"yelled":39199,"peng":39200,"upbeat":39201,"serve":39202,"âļł":39203,"halen":39204,"stirring":39205,"rehman":39206,"env":39207,"schumacher":39208,"fragment":39209,"alkaline":39210,"sbk":39211,"resili":39212,"sharepoint":39213,"rollover":39214,"trash":39215,"counterpart":39216,"âĻ«":39217,"obitu":39218,"à½":39219,"ãĤ¹":39220,"mulberry":39221,"ðŁİĨ":39222,"autonomy":39223,"spraying":39224,"natl":39225,"loveyou":39226,"franki":39227,"nuk":39228,"escar":39229,"canteen":39230,"alibaba":39231,"deplor":39232,"molecule":39233,"pud":39234,"fortnight":39235,"blondie":39236,"sphin":39237,"portrayal":39238,"tache":39239,"bute":39240,"consisting":39241,"freepalestine":39242,"csp":39243,"immort":39244,"dns":39245,"ðŁĴ¥ðŁĴ¥":39246,"tourde":39247,"cooking":39248,"archival":39249,"gathers":39250,"bitt":39251,"banc":39252,"premature":39253,"snowball":39254,"poetryday":39255,"loudly":39256,"fugitive":39257,"eday":39258,"emra":39259,"ðŁĩ¸ðŁĩª":39260,"scien":39261,"nodejs":39262,"jurgen":39263,"jeong":39264,"bandana":39265,"unis":39266,"foxsports":39267,"vandy":39268,"provisions":39269,"weep":39270,"tuk":39271,"iko":39272,"houn":39273,"ziggy":39274,"zr":39275,"fillet":39276,"bata":39277,"tink":39278,"cone":39279,"wewant":39280,"kilo":39281,"horace":39282,"slt":39283,"sct":39284,"staytuned":39285,"victoria":39286,"umbria":39287,"attacker":39288,"inghamshire":39289,"frightening":39290,"noir":39291,"frat":39292,"contempt":39293,"liaison":39294,"hoi":39295,"brink":39296,"trill":39297,"niagar":39298,"kickass":39299,"dundas":39300,"notmy":39301,"rhode":39302,"bumble":39303,"noxi":39304,"fag":39305,"spectators":39306,"mancrushmonday":39307,"jinping":39308,"distract":39309,"daisy":39310,"walden":39311,"portrait":39312,"arthistory":39313,"voltron":39314,"evel":39315,"isc":39316,"acm":39317,"rite":39318,"nao":39319,"deported":39320,"sweats":39321,"rufus":39322,"lobo":39323,"laborday":39324,"gamo":39325,"ihrithik":39326,"blit":39327,"abdominal":39328,"ãħ¤ãħ¤ãħ¤ãħ¤":39329,"iit":39330,"eq":39331,"busy":39332,"alluarjun":39333,"undisclosed":39334,"deton":39335,"procreate":39336,"kil":39337,"ðŁİĤðŁİĤ":39338,"mitchell":39339,"kii":39340,"inheritance":39341,"alp":39342,"joburg":39343,"patrolling":39344,"compulsory":39345,"unsigned":39346,"niam":39347,"lga":39348,"eshopsuk":39349,"trilli":39350,"maw":39351,"appreciating":39352,"rockab":39353,"mañana":39354,"antal":39355,"malvern":39356,"royo":39357,"grandprix":39358,"sutton":39359,"goftheday":39360,"digi":39361,"ãħĭãħĭãħĭãħĭ":39362,"tles":39363,"varanasi":39364,"erected":39365,"disciples":39366,"contact":39367,"ðŁĺµ":39368,"lid":39369,"â¬ĩ":39370,"scentre":39371,"radiator":39372,"ingtips":39373,"transitions":39374,"thursdaymotivation":39375,"chemical":39376,"separati":39377,"salis":39378,"mim":39379,"geographical":39380,"bookfest":39381,"/.":39382,"âľĭ":39383,"vae":39384,"currie":39385,"aggarwal":39386,"acceleration":39387,"theses":39388,"lgm":39389,"umass":39390,"proportions":39391,"nata":39392,"anians":39393,"kuch":39394,"beacons":39395,"apr":39396,"@#":39397,"ðŁĴªðŁı¾":39398,"nuke":39399,"sheraton":39400,"kio":39401,"makati":39402,"politico":39403,"morale":39404,"ìĻ":39405,"economically":39406,"ggly":39407,"ssen":39408,"pastries":39409,"internships":39410,"vicente":39411,"fantaken":39412,"avengers":39413,"accuse":39414,"sleepover":39415,"indicated":39416,"thedream":39417,"sterone":39418,"renders":39419,"frost":39420,"oui":39421,"gregg":39422,"dore":39423,"⾨⾨⾨":39424,"pugs":39425,"saty":39426,"numb":39427,"hemsworth":39428,"tami":39429,"lassic":39430,"schiff":39431,"iglesias":39432,"agawa":39433,"]\"":39434,"reshi":39435,"gamestop":39436,"divorced":39437,"theater":39438,"claudi":39439,"unconventional":39440,"prophets":39441,"acin":39442,"twelf":39443,"towering":39444,"tml":39445,"sclerosis":39446,"kwan":39447,"gets":39448,"disturb":39449,"naira":39450,"energ":39451,"piracy":39452,"pruitt":39453,"notified":39454,"henna":39455,"bram":39456,"groundwater":39457,"bls":39458,"optimis":39459,"$)":39460,"lucie":39461,"bizhour":39462,"fangirling":39463,"grills":39464,"orl":39465,"verse":39466,"cina":39467,"lawless":39468,"artistsontwitter":39469,"televised":39470,"marshmallows":39471,"radiohead":39472,"barr":39473,"mfc":39474,"brevi":39475,"mmorpg":39476,"gaya":39477,"âĸ«":39478,"subtitles":39479,"jt":39480,"disneyland":39481,"tobago":39482,"nhm":39483,"groove":39484,"fiawec":39485,"\"/":39486,"bao":39487,"scrabble":39488,"omni":39489,"ffl":39490,"umc":39491,"simba":39492,"alier":39493,"terrell":39494,"plume":39495,"midi":39496,"dignit":39497,"coc":39498,"brut":39499,"adata":39500,"alchemy":39501,"dsm":39502,"ðŁĺĨðŁĺĨ":39503,"wintry":39504,"spares":39505,"cuer":39506,"conclusions":39507,"toys":39508,"odor":39509,"flann":39510,"garvey":39511,"scriptions":39512,"inspections":39513,"catap":39514,"anglo":39515,"stlouis":39516,"heimer":39517,"atay":39518,"trich":39519,"enyc":39520,"childs":39521,"ventil":39522,"montp":39523,"guillermo":39524,"circulare":39525,"zell":39526,"modeled":39527,"craftsman":39528,"alina":39529,"stimulation":39530,"cashew":39531,"judas":39532,"bestof":39533,"toire":39534,"suspends":39535,"scollege":39536,"realising":39537,"bytes":39538,"bloods":39539,"assi":39540,"ðŁĴ¿":39541,"ohs":39542,"ðŁįĭ":39543,"scallop":39544,"व":39545,"gifting":39546,"camogie":39547,"wilkes":39548,"ozzy":39549,"ðŁ¤¤":39550,"veronic":39551,"savoy":39552,"demetri":39553,"babygirl":39554,"ðŁĺįðŁĺŃ":39555,"sox":39556,"clyde":39557,"inductee":39558,"countdown":39559,"selfcare":39560,"à¤ľ":39561,"vika":39562,"torre":39563,"phdchat":39564,"pears":39565,"awh":39566,"suffrage":39567,"lesn":39568,"admiration":39569,"mpp":39570,"sharkweek":39571,"schulz":39572,"santorini":39573,"clover":39574,"(*":39575,"strasbourg":39576,"exiting":39577,"soyu":39578,"fingerprint":39579,"chea":39580,"ãĢľ":39581,"vindic":39582,"songwriters":39583,"soa":39584,"prouder":39585,"nama":39586,"=))":39587,"simplest":39588,"deliciously":39589,"gilles":39590,"uq":39591,"mnwx":39592,"epp":39593,"shun":39594,"kennel":39595,"fallon":39596,"ðŁIJ£":39597,"sind":39598,"tragically":39599,"outes":39600,"modernism":39601,"coke":39602,"gyn":39603,"spion":39604,"âĺ¹ï¸ı":39605,"leam":39606,"compressor":39607,"apologise":39608,"twentyon":39609,"fanatics":39610,"âĻ»":39611,"scotsman":39612,"sawa":39613,"kou":39614,"aser":39615,"à¸ļ":39616,"welterweight":39617,"phenom":39618,"twickenham":39619,"stria":39620,"pout":39621,"kaz":39622,"giam":39623,"cdp":39624,"hoy":39625,"employ":39626,"redmond":39627,"à¸Ħà¸":39628,"smere":39629,"trancefamily":39630,"protocols":39631,"piece":39632,"luiz":39633,"iteracy":39634,"carls":39635,"unitedstates":39636,"harmed":39637,"phdlife":39638,"chaw":39639,"footprints":39640,"lé":39641,"choker":39642,"zana":39643,"slipper":39644,"ericsson":39645,"insulting":39646,"artichoke":39647,"advising":39648,"acquisitions":39649,"opor":39650,"mutations":39651,"rear":39652,"à¥ģ":39653,"podcast":39654,"wither":39655,"kung":39656,"íĺ¸":39657,"winslow":39658,"diapers":39659,"ðŁĵ¸@":39660,"ecker":39661,"collar":39662,"huey":39663,"giro":39664,"monogram":39665,"kasich":39666,"siveness":39667,"malaysi":39668,"aromatic":39669,"gres":39670,"galileo":39671,"uji":39672,"robb":39673,"drm":39674,"nonetheless":39675,"asa":39676,":>":39677,"loa":39678,"lnp":39679,"atwork":39680,"agt":39681,"lakshmi":39682,"pipelines":39683,"idal":39684,"strel":39685,"reall":39686,"chainz":39687,"stonewall":39688,"sansk":39689,"ðŁı´":39690,"piedmont":39691,"hostess":39692,"ciu":39693,"té":39694,"analyses":39695,"wilhelm":39696,"scotty":39697,"rwby":39698,"mosquit":39699,"usemb":39700,"quins":39701,"ðŁijİ":39702,"tucker":39703,"sconf":39704,"specifications":39705,"psychiatry":39706,"brookes":39707,"sils":39708,"olaf":39709,"deto":39710,"codi":39711,"clip":39712,"filth":39713,"womancrushwednesday":39714,"goto":39715,"angerous":39716,"beale":39717,"wtc":39718,"panelist":39719,"nex":39720,"larsen":39721,"emilio":39722,"tableau":39723,"hitters":39724,"conceived":39725,"americani":39726,"ortega":39727,"mardi":39728,"Ñĥ":39729,"paintball":39730,"thirsty":39731,"newyorker":39732,"etisation":39733,"goss":39734,"weaker":39735,"ugh":39736,"troll":39737,"harga":39738,"dual":39739,"ghtning":39740,"atine":39741,"ðŁĺİðŁĺİðŁĺİ":39742,"cookout":39743,"pyrenees":39744,"poss":39745,"authentication":39746,"sportswear":39747,"yunho":39748,"kiro":39749,"archipel":39750,"shenko":39751,"render":39752,"novation":39753,"divinity":39754,"ðŁij£":39755,"sufi":39756,"humbling":39757,"geopol":39758,"devotees":39759,"waitress":39760,"trough":39761,"pyro":39762,"iba":39763,"bling":39764,"graf":39765,"epilots":39766,"btr":39767,"oftball":39768,"basking":39769,"dominos":39770,"soom":39771,"rath":39772,"sheryl":39773,"quel":39774,"astronomical":39775,"weld":39776,"tracklist":39777,"signee":39778,"sleepless":39779,"comman":39780,"chron":39781,"summon":39782,"puremichigan":39783,"crispr":39784,"slip":39785,"lagi":39786,"raq":39787,"umu":39788,"thalap":39789,"charmed":39790,"scrump":39791,"quadcopter":39792,"skip":39793,"petersen":39794,"muni":39795,"ðŁĮ¾":39796,"monaghan":39797,"trays":39798,"icked":39799,"canadaday":39800,"tegr":39801,"�":39802,"hotness":39803,"heavymetal":39804,"abar":39805,"gopdebate":39806,"azul":39807,"spiderman":39808,"sunflowers":39809,"ľë":39810,"webcomics":39811,"bard":39812,"в":39813,"nicholas":39814,"slush":39815,"raman":39816,"markham":39817,"fficial":39818,"ffler":39819,"íĬ¸":39820,"pless":39821,"anushka":39822,"toto":39823,"skaters":39824,"prowrestling":39825,"competes":39826,"ayala":39827,"mystery":39828,"thrills":39829,"mpg":39830,"independently":39831,"yul":39832,"imperative":39833,"formidable":39834,"tireless":39835,"stacking":39836,"tongues":39837,"maltese":39838,"potts":39839,"matti":39840,"charting":39841,"chillout":39842,"supernova":39843,"omeo":39844,"skysports":39845,"nutty":39846,"ðŁĹĵï¸ı":39847,"rohan":39848,"inspired":39849,"concierge":39850,"serra":39851,"makk":39852,"galat":39853,"chipp":39854,"yev":39855,"ì£":39856,"reimbur":39857,"opul":39858,"kimberley":39859,"ieee":39860,"bremen":39861,"chitec":39862,"orin":39863,"naku":39864,"bonkers":39865,"footy":39866,"emergence":39867,"ðŁĨĺ":39868,"stip":39869,"sergei":39870,"zoey":39871,"aime":39872,"would":39873,"dyes":39874,"destiny":39875,"vinaigrette":39876,"drier":39877,"circulareconomy":39878,"anarchi":39879,"ssr":39880,"schel":39881,"ciner":39882,"groom":39883,"determining":39884,"garmin":39885,"calais":39886,"incarceration":39887,"bukit":39888,"noi":39889,"chelmsford":39890,"mckinley":39891,"chipped":39892,"belonged":39893,"tumors":39894,"stroud":39895,"mii":39896,"influenza":39897,"wwenxt":39898,"tundra":39899,"telecommunications":39900,"catsofinstagram":39901,"tages":39902,"beatty":39903,"odu":39904,"mlkday":39905,"ooper":39906,"dangle":39907,"akley":39908,"crumb":39909,"antigua":39910,"timbers":39911,"rouhani":39912,"ðŁĴªðŁĴªðŁĴª":39913,"hafi":39914,"...!!":39915,"wcs":39916,"coop":39917,"snc":39918,"litres":39919,"ãĢĬ":39920,"haz":39921,"coz":39922,"kant":39923,"greenfield":39924,"curti":39925,"yale":39926,"flyeagles":39927,"whatsoever":39928,"worthing":39929,"roulette":39930,"flyeaglesfly":39931,"unda":39932,"ainted":39933,"standing":39934,"luscious":39935,"hpc":39936,"efficacy":39937,"ashland":39938,"meghan":39939,"kywx":39940,"npr":39941,"bathtub":39942,"acos":39943,"hani":39944,"marcor":39945,"mantis":39946,"daisi":39947,"boba":39948,"abbie":39949,"mutil":39950,"vial":39951,"spyder":39952,"poz":39953,"gti":39954,"elfie":39955,"nightw":39956,"metroid":39957,"antoni":39958,"maddie":39959,"dhry":39960,"darlings":39961,"tends":39962,"taekwondo":39963,"atlanta":39964,"meow":39965,"chloe":39966,"ãĥİ":39967,"ymes":39968,"siberia":39969,"kcon":39970,"gues":39971,"mariner":39972,"facil":39973,"azzle":39974,"[...":39975,"hannover":39976,"bavaria":39977,"virgo":39978,"teuk":39979,"usps":39980,")#":39981,"walla":39982,"sampson":39983,"needless":39984,"verbally":39985,"hayley":39986,"bowled":39987,"pius":39988,"lampard":39989,"hamstring":39990,"volvo":39991,"roadsafety":39992,"choking":39993,"sorbet":39994,"ahem":39995,"healthyfood":39996,"braided":39997,"horticulture":39998,"crative":39999,"cheek":40000,"addo":40001,"theforce":40002,"koko":40003,"schizoph":40004,"jie":40005,"wada":40006,"twentyonepilots":40007,"hbcu":40008,"proton":40009,"pauls":40010,"louisa":40011,"latam":40012,"kyrgy":40013,"compac":40014,"sdk":40015,"sapi":40016,"???":40017,"liberalism":40018,"epsilon":40019,"aiden":40020,"wusa":40021,"sprayed":40022,"basketball":40023,"kimono":40024,"bluewave":40025,"alias":40026,"ë§Ī":40027,"mugshot":40028,"cec":40029,"dogre":40030,"adora":40031,"ðŁĵ·@":40032,"krakow":40033,"intrigued":40034,"exhausting":40035,"astronomer":40036,"venison":40037,"ladybug":40038,"civ":40039,"brae":40040,"usm":40041,"bribe":40042,"acupuncture":40043,"pembroke":40044,"keating":40045,"chie":40046,"yad":40047,"tsi":40048,"smi":40049,"seeding":40050,"gateshead":40051,"lisboa":40052,"gyp":40053,"canvass":40054,"ðŁĶ´âļªï¸ı":40055,"opi":40056,"nir":40057,"societal":40058,"lyte":40059,"aties":40060,"csm":40061,"artery":40062,"alin":40063,"akapoor":40064,"abstracts":40065,"â̦â̦":40066,"teenwolf":40067,"newe":40068,"travelgram":40069,"sentimental":40070,"perched":40071,"handel":40072,"hoek":40073,"fay":40074,"coordinating":40075,"animate":40076,"manian":40077,"effort":40078,"jerky":40079,"fck":40080,"adrienne":40081,"mably":40082,"trading":40083,"myel":40084,"spiro":40085,"sola":40086,"storing":40087,"overdrive":40088,"mondaymorning":40089,"dreamteam":40090,"pulse":40091,"bondi":40092,"bernie":40093,"pgatour":40094,"tripoli":40095,"sonam":40096,"platt":40097,"âļ¡":40098,"agroup":40099,"îIJĴ":40100,"invading":40101,"vcu":40102,"kell":40103,"ños":40104,"undead":40105,"podcasting":40106,"mercedesam":40107,"manafort":40108,"cortex":40109,"queso":40110,"impeccable":40111,"palmer":40112,"wildoz":40113,"sportsc":40114,"guacamole":40115,"dispenser":40116,"categori":40117,"stunts":40118,"peril":40119,"invitations":40120,"dunedin":40121,"xie":40122,"achieves":40123,"safer":40124,"preds":40125,"phan":40126,"knuckles":40127,"kak":40128,"ignores":40129,"lovemyjob":40130,"aruba":40131,"oundation":40132,"datacenter":40133,"covert":40134,"gring":40135,"couple":40136,"ار":40137,"voli":40138,"mccle":40139,"artisans":40140,"ludo":40141,"kalam":40142,"aroma":40143,"undertaker":40144,"hula":40145,"wizkid":40146,"gumb":40147,"godfrey":40148,"bakersfield":40149,"kern":40150,"engineer":40151,"carve":40152,"palin":40153,"guarantees":40154,"pebbles":40155,"bays":40156,"zieg":40157,"fink":40158,"â¬ĩï¸ıâ¬ĩï¸ı":40159,"downpours":40160,"rochelle":40161,"raspberry":40162,"ðŁĺ®":40163,"graphies":40164,"stomp":40165,"cafes":40166,"arized":40167,"uttar":40168,"calvary":40169,"drie":40170,"crusader":40171,"busan":40172,"tuxedo":40173,"siu":40174,"seamus":40175,"cultured":40176,"blanchard":40177,"townhouse":40178,"gered":40179,"buttermilk":40180,"fluctu":40181,"rogerfederer":40182,"heli":40183,"ð٦ĥ":40184,"uous":40185,"ramesh":40186,"muppets":40187,"emailmarketing":40188,"yess":40189,"brice":40190,"rizio":40191,"pelo":40192,"donneinarte":40193,"urable":40194,"investin":40195,"bumping":40196,"rajiv":40197,"sava":40198,"thrower":40199,"forex":40200,"ohhhh":40201,"thrust":40202,"pullman":40203,"rfid":40204,"sepsis":40205,"leed":40206,"fright":40207,"rounding":40208,"neb":40209,"phins":40210,"aisha":40211,"utilizing":40212,"squats":40213,"goldsmith":40214,"jic":40215,"boks":40216,"vaus":40217,"ipo":40218,"exclusion":40219,"tariff":40220,"pokes":40221,"minal":40222,"lands":40223,"enforce":40224,"washingtondc":40225,"orchar":40226,"gx":40227,"marys":40228,"eyour":40229,"aussie":40230,"bakers":40231,"unpopular":40232,"latinos":40233,"large":40234,"putnam":40235,"bolo":40236,"wade":40237,"pelo":40238,"dizz":40239,"obstruction":40240,"flappy":40241,"wearethe":40242,"dependence":40243,"pajama":40244,"ete":40245,"yann":40246,"ewan":40247,"discla":40248,"aay":40249,"karina":40250,"eic":40251,"antrim":40252,"wsoc":40253,"negatively":40254,"kaido":40255,"fotografia":40256,"dhru":40257,"colossal":40258,"mcleod":40259,"kwang":40260,"manipu":40261,"exhilar":40262,"usatoday":40263,"summerslam":40264,"coles":40265,"taproom":40266,"unbeatable":40267,"dema":40268,"ticks":40269,"kling":40270,"fils":40271,"campaigners":40272,"à¸ķ":40273,"brewster":40274,"audubon":40275,"quay":40276,"chs":40277,"kigali":40278,"dler":40279,"strengthens":40280,"somal":40281,"signingday":40282,"golds":40283,"pigment":40284,"orchestral":40285,"gq":40286,"linkin":40287,"ðŁıĩ":40288,"taw":40289,"algarve":40290,"hov":40291,"earle":40292,"goldfish":40293,"amig":40294,"exer":40295,"benin":40296,"druid":40297,"ðŁIJ¸":40298,"shem":40299,"quattro":40300,"mercen":40301,"mente":40302,"incorporating":40303,"bonanza":40304,"statefair":40305,"ende":40306,"conceptions":40307,"ees":40308,"âĻ¥ï¸ıâĻ¥ï¸ı":40309,"dson":40310,"firearm":40311,"orbital":40312,"weh":40313,"multip":40314,"fob":40315,"requiem":40316,"plight":40317,"thouse":40318,"said":40319,"ocre":40320,"remembrance":40321,"nold":40322,"chipping":40323,"bev":40324,"ert":40325,"cathy":40326,"sym":40327,"riggs":40328,"mley":40329,"dialogues":40330,"slender":40331,"howl":40332,"gauteng":40333,"wdw":40334,"tobi":40335,"smokes":40336,"implo":40337,"bpm":40338,"adn":40339,"mombasa":40340,"capsul":40341,"bloomfield":40342,"articul":40343,"cleo":40344,"googled":40345,"fluffy":40346,"lard":40347,"enzyme":40348,"vesti":40349,"ibrahi":40350,"flame":40351,"emea":40352,"outages":40353,"dispropor":40354,"bleak":40355,"ansel":40356,"icker":40357,"stlouis":40358,"stockmarket":40359,"goodfriday":40360,"sault":40361,"stalled":40362,"prom":40363,"epsom":40364,"bé":40365,"these":40366,"sauces":40367,"mew":40368,"litfest":40369,"pred":40370,"reu":40371,"karak":40372,"sienna":40373,"ellin":40374,"biotechnology":40375,"ï¸ıâĥ£-":40376,"tactic":40377,"sain":40378,"pork":40379,"monza":40380,"kaj":40381,"lush":40382,"compartment":40383,"changing":40384,"shraddhakapoor":40385,"foal":40386,"artem":40387,"cuando":40388,"canola":40389,"oriente":40390,"messe":40391,"dited":40392,"brc":40393,"boxer":40394,"bbctwo":40395,"sst":40396,"mentday":40397,"eming":40398,"dewey":40399,"kofi":40400,"âŀĸâŀĸâŀĸâŀĸ":40401,"realization":40402,"smol":40403,"twood":40404,"sanje":40405,"flagstaff":40406,"berwick":40407,"corset":40408,"canary":40409,"whistleblower":40410,"etched":40411,"composing":40412,"squeezed":40413,"bower":40414,"autodesk":40415,"neh":40416,"mathieu":40417,"baja":40418,"ÅĤ":40419,"hydra":40420,"daim":40421,"ameri":40422,"insisted":40423,"merlot":40424,"garros":40425,"heartnews":40426,"gainesville":40427,"cutler":40428,"bode":40429,"ðŁĺīðŁĺī":40430,"lewes":40431,"scountry":40432,"gsa":40433,"usu":40434,"ccm":40435,"godawgs":40436,"pharaoh":40437,"crae":40438,"morley":40439,"hypnoti":40440,"fades":40441,"neurons":40442,"fuzz":40443,"ingco":40444,"highlanders":40445,"stark":40446,"vigne":40447,"packets":40448,"amarillo":40449,"reuben":40450,"insults":40451,"basic":40452,"vector":40453,"nme":40454,"acruz":40455,"tros":40456,"transmitter":40457,"ðŁĺŀ":40458,"interpret":40459,"ðŁĺ²":40460,"prequel":40461,"mcgowan":40462,"dissemin":40463,"ðŁĴĺðŁĴĺ":40464,"masculinity":40465,"indiegamedev":40466,"alive":40467,"tet":40468,"petal":40469,"emailed":40470,"armed":40471,"koo":40472,"heer":40473,"baird":40474,"superjunior":40475,"metropolis":40476,"delavin":40477,"declines":40478,"stitutes":40479,"Ûģ":40480,"ptbo":40481,"glan":40482,"chores":40483,"ealing":40484,"chrissy":40485,"stemc":40486,"vian":40487,"assassinated":40488,"pronounce":40489,"illegals":40490,"discovery":40491,"cavill":40492,"frifotos":40493,"fal":40494,"soi":40495,"sabotage":40496,"tint":40497,"pdc":40498,"ðŁİīðŁİĪ":40499,"ãĤĬãģ":40500,"jio":40501,"endeavor":40502,"insig":40503,"committees":40504,"shearer":40505,"metz":40506,"marrying":40507,"hdd":40508,"gby":40509,"fret":40510,"trish":40511,"pul":40512,"scripted":40513,"saki":40514,"lw":40515,"keye":40516,"shimi":40517,"nanaimo":40518,"cah":40519,"ë":40520,"tempered":40521,"ician":40522,"dugg":40523,"dishwasher":40524,"airfield":40525,"srugby":40526,"grinch":40527,"yst":40528,"rms":40529,"mahatma":40530,"lankan":40531,"discar":40532,"digestion":40533,"nodes":40534,"lls":40535,"omic":40536,"gutter":40537,"tisgarh":40538,"federico":40539,"electionday":40540,"bohe":40541,"mastercard":40542,"fireball":40543,"âľĶï¸ı":40544,"oyster":40545,"pong":40546,"dok":40547,"enroute":40548,"mvc":40549,"beatthe":40550,"alistair":40551,"shub":40552,"shaming":40553,"chernobyl":40554,"ghibli":40555,"thes":40556,"pinion":40557,"dbs":40558,"salts":40559,"iction":40560,"epiph":40561,"ncpol":40562,"inconvenience":40563,"whitley":40564,"inspecting":40565,"woodley":40566,"wiener":40567,"skillet":40568,"noles":40569,"mca":40570,"hina":40571,"asha":40572,"willingness":40573,"wellness":40574,"tamed":40575,"showtime":40576,"disadvantaged":40577,"bernat":40578,"usn":40579,"missionaries":40580,"counselling":40581,"arrogant":40582,"quantitative":40583,"legalization":40584,"hodge":40585,"energyefficiency":40586,"camerondallas":40587,"possessions":40588,"pbb":40589,"harrisburg":40590,"vg":40591,"hinduism":40592,"happythanksgiving":40593,"fib":40594,"reacting":40595,"tweetapicture":40596,"politi":40597,"muppet":40598,"hurrah":40599,"pace":40600,"coastguard":40601,"guarded":40602,"asam":40603,"parry":40604,"forevery":40605,"xq":40606,"oomf":40607,"keanu":40608,"jind":40609,"rist":40610,"customerservice":40611,"sacred":40612,"ðŁĺº":40613,"toner":40614,"occurrence":40615,"matu":40616,"valdez":40617,"redd":40618,"isak":40619,"powerrangers":40620,"peasant":40621,"rajini":40622,"abraham":40623,"emil":40624,"cardo":40625,"tril":40626,"hairstyles":40627,"obsolete":40628,"sampler":40629,"directive":40630,"delavinkisses":40631,"verton":40632,"glos":40633,"spay":40634,"palermo":40635,"comets":40636,"manziel":40637,"chicagof":40638,"skipped":40639,"pictorial":40640,"hant":40641,"bmi":40642,"aol":40643,"reopens":40644,"paddling":40645,"devos":40646,"fraud":40647,"baseline":40648,"queues":40649,"spired":40650,"snare":40651,"euve":40652,"descriptions":40653,"daisies":40654,"caching":40655,"galleria":40656,"trimmed":40657,"stino":40658,"recycla":40659,"icular":40660,"birken":40661,"rawlings":40662,"flix":40663,"chicas":40664,"bgt":40665,"likeli":40666,"argyll":40667,"thelove":40668,"gaston":40669,"blanca":40670,"hak":40671,"fone":40672,"sailormoon":40673,"haci":40674,"imac":40675,"flyn":40676,"decan":40677,"belles":40678,"apic":40679,"zog":40680,"taunton":40681,"constance":40682,"lasagna":40683,"kernel":40684,"inka":40685,"harbor":40686,"collectively":40687,"calculated":40688,"aville":40689,"shilpa":40690,"purdu":40691,"gimm":40692,"funer":40693,"aest":40694,"pembrokeshire":40695,"nightingale":40696,"nunes":40697,"hypertension":40698,"hubert":40699,"sliders":40700,"infertility":40701,"commended":40702,"transatlantic":40703,"metrical":40704,"!!@":40705,"ÅŁ":40706,"ssg":40707,"bacca":40708,"inverted":40709,"funfactfriday":40710,"itans":40711,"album":40712,"acquainted":40713,"rier":40714,"whelan":40715,"sarab":40716,"mue":40717,"snooze":40718,"piff":40719,"agreeing":40720,"spitting":40721,"jermaine":40722,"nye":40723,"âľıï¸ı":40724,"ambush":40725,"zeph":40726,"congreg":40727,"university":40728,"sapp":40729,"wannabe":40730,"patrice":40731,"ibd":40732,"doglo":40733,"fridges":40734,"sund":40735,"kingston":40736,"argon":40737,"kamen":40738,"hardrock":40739,"dsley":40740,"dolores":40741,"ì°":40742,"otaku":40743,"piping":40744,"behaving":40745,"âŃIJï¸ıâŃIJï¸ıâŃIJï¸ı":40746,"bluebird":40747,"ansari":40748,"teapot":40749,"firework":40750,"crop":40751,"logans":40752,"typed":40753,"thickness":40754,"igers":40755,"cfp":40756,"dysfunctional":40757,"contrasting":40758,"etty":40759,"astonmartin":40760,"txst":40761,"dragrace":40762,"attributes":40763,"marathon":40764,"manuscripts":40765,"johnstone":40766,"ðŁĺ±ðŁĺ±":40767,"boer":40768,"ayu":40769,"arugula":40770,"poorest":40771,"condu":40772,"assumption":40773,"anagh":40774,"noh":40775,"delavin":40776,"sitter":40777,"gö":40778,"morow":40779,"kickstart":40780,"comi":40781,"glacial":40782,"ghead":40783,"bain":40784,"kershaw":40785,"endof":40786,"freud":40787,"omat":40788,"iaf":40789,"hug":40790,"signup":40791,"eachother":40792,"definite":40793,"tubing":40794,"shakira":40795,"ðŁijıðŁı½":40796,"uuuu":40797,"swin":40798,"shambles":40799,"olas":40800,"skell":40801,"britain":40802,"knw":40803,"clutter":40804,"omy":40805,"jens":40806,"hanged":40807,"cityscape":40808,"scraps":40809,"unlocking":40810,"deadliest":40811,"erno":40812,"breastcancer":40813,"ait":40814,"inspect":40815,"furi":40816,"ðŁĴĮ":40817,"kud":40818,"jule":40819,"orah":40820,"mids":40821,"mdt":40822,"burgring":40823,"rattle":40824,"pusa":40825,"stalk":40826,"cleans":40827,"issance":40828,"zek":40829,"worthit":40830,"nameis":40831,"muskoka":40832,"councilman":40833,"urbanart":40834,"barrac":40835,"unsolved":40836,"tul":40837,"gita":40838,"whiteboard":40839,"soybeans":40840,"ement":40841,"conti":40842,"saturdaymotivation":40843,"conveniently":40844,"docking":40845,"tado":40846,"âı©":40847,"spino":40848,"puppylove":40849,"pof":40850,"fabricated":40851,"robbers":40852,"adopts":40853,"tified":40854,"kkr":40855,"indulgence":40856,"noticeable":40857,"macquarie":40858,"chapel":40859,"sensual":40860,"kiko":40861,"melanoma":40862,"loretta":40863,"liance":40864,"aben":40865,"splus":40866,"gaal":40867,"acele":40868,"libdems":40869,"comparisons":40870,"ðŁĮµ":40871,"rhythms":40872,"mery":40873,"encapsul":40874,"napier":40875,"ðŁijĮðŁijĮðŁijĮ":40876,"ðŁijIJ":40877,"platz":40878,"fresno":40879,"reformed":40880,"ranbir":40881,"elit":40882,"thebest":40883,"bhushan":40884,"vinnie":40885,"improvised":40886,"sittin":40887,"recreated":40888,"eba":40889,"ecker":40890,"acrob":40891,"ponte":40892,"cord":40893,"giddy":40894,"eurusd":40895,"fever":40896,"intuition":40897,"gari":40898,"dummies":40899,"budweiser":40900,"amendments":40901,"tetra":40902,"schnit":40903,"ayas":40904,"marys":40905,"cist":40906,"kani":40907,"kermit":40908,"ðŁĺ±ðŁĺ±ðŁĺ±":40909,"tinker":40910,"strolling":40911,"divisional":40912,"nigeri":40913,"ominous":40914,"menstrual":40915,"karab":40916,"khy":40917,"bwfc":40918,"panhandle":40919,"lilli":40920,"weller":40921,"strapped":40922,"sonthe":40923,"transferring":40924,"ethereal":40925,"sneaks":40926,"rudol":40927,"gables":40928,"jacking":40929,"cincode":40930,"fortune":40931,"canadiens":40932,"confor":40933,"abnormal":40934,"franklin":40935,"tita":40936,"mula":40937,"persist":40938,"cuties":40939,"kiel":40940,"ðŁĩ±ðŁĩ":40941,"hermann":40942,"awk":40943,"fiasco":40944,"koto":40945,"weta":40946,"hiker":40947,"buddy":40948,"preventive":40949,"mcgraw":40950,"gameboy":40951,"forsyth":40952,"topshop":40953,"siob":40954,"sadh":40955,"intram":40956,"followart":40957,"soaps":40958,"dragonball":40959,"oux":40960,"morrison":40961,"à¹ĥ":40962,"lubric":40963,"adulthood":40964,"morrisons":40965,"âļłï¸ı":40966,"hermo":40967,"taka":40968,"stallone":40969,"misuse":40970,"teamgb":40971,"ragha":40972,"confined":40973,"aty":40974,"homophobic":40975,"nwo":40976,"skynews":40977,"hoya":40978,"acrosse":40979,"wiiu":40980,"purée":40981,"jeddah":40982,"ðŁ¤§":40983,"advisers":40984,"phine":40985,"anis":40986,"scrumptious":40987,"ë°ķ":40988,"cke":40989,"viny":40990,"term":40991,"sdc":40992,"odo":40993,"homeschool":40994,"vasc":40995,"leopards":40996,"deborah":40997,"illicit":40998,"curran":40999,"asroma":41000,"naught":41001,"marig":41002,"brandi":41003,"emp":41004,"ðŁĺįðŁijĮ":41005,"îĮ":41006,"suspend":41007,"luz":41008,"initiation":41009,"schaft":41010,"jensenackles":41011,"crawler":41012,"postdoc":41013,"desks":41014,"trailblazer":41015,"denomin":41016,"trix":41017,"noise":41018,"poet":41019,"±ï¸ı":41020,"smug":41021,"volatile":41022,"proofs":41023,"pharmacist":41024,"sardinia":41025,"mashable":41026,"kimchi":41027,"coed":41028,"schalke":41029,"doodled":41030,"csw":41031,"shur":41032,"rox":41033,"dok":41034,"chrisbrown":41035,"mathematician":41036,"abound":41037,"angelic":41038,"rockford":41039,"dole":41040,"yorkers":41041,"msn":41042,"gman":41043,"xavier":41044,"borrowing":41045,"markings":41046,"longhorn":41047,"kja":41048,"diverted":41049,"mmit":41050,"euphoria":41051,"ayyy":41052,"tea":41053,"pah":41054,"cki":41055,"uncut":41056,"liven":41057,"kyung":41058,"fanart":41059,"mering":41060,"redding":41061,"amovie":41062,"gridi":41063,"cthulhu":41064,"scholarly":41065,"judah":41066,"thbewithyou":41067,"eucalyp":41068,"ðŁIJķ":41069,"hertfordshire":41070,"courtroom":41071,"byu":41072,"auctioned":41073,"please":41074,"marcia":41075,"ê°ĵ":41076,"succeeded":41077,"elas":41078,"arvind":41079,"tlot":41080,"saigon":41081,"rett":41082,"rakesh":41083,"fdny":41084,"asen":41085,"sebring":41086,"gladiators":41087,"youknow":41088,"vlad":41089,"gola":41090,"parap":41091,"ÑĢи":41092,"sabcnews":41093,"oneteam":41094,"ohl":41095,"sune":41096,"rij":41097,"cdc":41098,"stargate":41099,"rundown":41100,"plato":41101,"phc":41102,"chatter":41103,"raviol":41104,"mnf":41105,"mandala":41106,"liet":41107,"à¸ķ":41108,"maria":41109,"hungover":41110,"consolidation":41111,"ferrell":41112,"traditional":41113,"iloveart":41114,"galap":41115,"ðŁıĮ":41116,"quezon":41117,"españa":41118,"ðŁĩ¨ðŁĩŃ":41119,"hobby":41120,"steamboat":41121,"malign":41122,"guillau":41123,"prohi":41124,"itsme":41125,"íĥĢ":41126,"inscription":41127,"alz":41128,"marian":41129,"kade":41130,"mmon":41131,"adjusting":41132,"nests":41133,"internally":41134,"cir":41135,"vikram":41136,"malala":41137,"kph":41138,"felicia":41139,"thereal":41140,"captivity":41141,"atis":41142,"marcorubio":41143,"kaleido":41144,"chev":41145,"manoj":41146,"lemore":41147,"gentri":41148,"vips":41149,"trope":41150,"\"âĢĶ":41151,"pairings":41152,"malnutrition":41153,"fray":41154,"designation":41155,"brunomars":41156,"aze":41157,"torrential":41158,"panzer":41159,"gail":41160,"underthe":41161,"theological":41162,"schizophre":41163,"dazzle":41164,"frederic":41165,"mopar":41166,"adilla":41167,"soggy":41168,"raun":41169,"mediocre":41170,"colorec":41171,"ife":41172,"pinst":41173,"bluef":41174,"²":41175,"worldwater":41176,"giroud":41177,"clarinet":41178,"adolf":41179,"tarantino":41180,"receipts":41181,"assump":41182,"ðŁijŁ":41183,"coffees":41184,"âľĬðŁı¾":41185,"duplex":41186,"sof":41187,"rx":41188,"lino":41189,"timberwolves":41190,"pandit":41191,"motm":41192,"ega":41193,"ayama":41194,"achs":41195,"outsider":41196,"llen":41197,"coer":41198,"tilly":41199,"cheeseburger":41200,"mads":41201,"pledis":41202,"empty":41203,"nationalparks":41204,"aziz":41205,"pmi":41206,"junkies":41207,"fener":41208,"sqn":41209,"ès":41210,"generation":41211,"cleopatra":41212,"bhubanes":41213,"mosques":41214,"tyfree":41215,"poppins":41216,"twc":41217,"orwell":41218,"nage":41219,"kawhi":41220,"hollow":41221,"dalai":41222,"¨¨¨¨":41223,"ouro":41224,"mhealth":41225,"gion":41226,"azo":41227,"visas":41228,"renegade":41229,"reic":41230,"wsop":41231,"ðŁĴļðŁĴĽ":41232,"echel":41233,"toxicity":41234,"mün":41235,"bunk":41236,"stimulating":41237,"asthour":41238,"\\'":41239,"eph":41240,"endemic":41241,"cnbc":41242,"shrinking":41243,"peabody":41244,"michelangelo":41245,"canyon":41246,"wale":41247,"sumi":41248,"siders":41249,"inuit":41250,"?.":41251,"professionalism":41252,"dracing":41253,"platoon":41254,"pons":41255,"outbound":41256,"mapleleafs":41257,"desol":41258,"cency":41259,"athan":41260,"verma":41261,"rubbing":41262,"okan":41263,"ðŁijł":41264,"mullins":41265,"authentic":41266,"Åį":41267,"almanac":41268,"gaia":41269,"bbq":41270,"onimo":41271,"keh":41272,"tya":41273,"touts":41274,"yav":41275,"reposit":41276,",.":41277,"wight":41278,"seeyou":41279,"callof":41280,"donesia":41281,"bargaining":41282,"granth":41283,"sdsu":41284,"amphitheater":41285,"psu":41286,"rewatching":41287,"winetasting":41288,"peakdistrict":41289,"detecting":41290,"thurman":41291,"phee":41292,"èªķ":41293,"umich":41294,"rer":41295,"sculpted":41296,"gole":41297,"namesake":41298,"ðŁĶģ":41299,"servicing":41300,"baugh":41301,"pugh":41302,"pencil":41303,"darth":41304,"munchkin":41305,"atorium":41306,"teners":41307,"suny":41308,"rollingstones":41309,"maging":41310,"starrer":41311,"idris":41312,"feinstein":41313,"agron":41314,"âĺºï¸ıâĺºï¸ı":41315,"supervised":41316,"chameleon":41317,"aggregate":41318,"successive":41319,"mogul":41320,"instyle":41321,"poldark":41322,"custome":41323,"ohiostate":41324,"haya":41325,"cides":41326,"brokerage":41327,"angelou":41328,"fifawwc":41329,"deforestation":41330,"alton":41331,"pamph":41332,"hugged":41333,"hobo":41334,"changeable":41335,"kuber":41336,"burroughs":41337,"demonetisation":41338,"capecod":41339,"versatility":41340,"orice":41341,"leila":41342,"womeninscience":41343,"tua":41344,"hedges":41345,"embarrassment":41346,"alife":41347,"soars":41348,"nighter":41349,"hymn":41350,"gipp":41351,"chasu":41352,"techs":41353,"niall":41354,"killa":41355,"hika":41356,"camels":41357,"value":41358,"¢":41359,"scoops":41360,"mahmoud":41361,"clusive":41362,"adriana":41363,"paco":41364,"ozil":41365,"unas":41366,"translations":41367,"whisperer":41368,"sbi":41369,"buxton":41370,"biotics":41371,"indiffe":41372,"kenney":41373,"klar":41374,"etching":41375,"barrabest":41376,"instability":41377,"seine":41378,"votel":41379,"blogged":41380,"whiskey":41381,"myspace":41382,"tant":41383,"landia":41384,"giveback":41385,"illus":41386,"awak":41387,"acab":41388,"fbloggers":41389,"cloudcomputing":41390,"blatant":41391,"syrians":41392,"bandra":41393,"styn":41394,"anem":41395,"keted":41396,"karthik":41397,"barunsob":41398,"pinot":41399,"gubernat":41400,"gaye":41401,"artiste":41402,"ified":41403,"conventions":41404,"huan":41405,"geniuses":41406,"eeeeee":41407,"folly":41408,"somerville":41409,"pridemonth":41410,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":41411,"chemotherapy":41412,"pauls":41413,"bakar":41414,"ìĦ¸ë¸IJ":41415,"taiwanese":41416,"follo":41417,"css":41418,"reign":41419,"nnnn":41420,"flaun":41421,"catastrophe":41422,"ities":41423,"fragments":41424,"extremists":41425,"ymoun":41426,"carmen":41427,"ezekiel":41428,"connecting":41429,"seh":41430,"manta":41431,"remodeling":41432,"weymouth":41433,"atoms":41434,"cem":41435,"newell":41436,"lumi":41437,"theopen":41438,"moc":41439,"miliband":41440,"gland":41441,"zshq":41442,"maggie":41443,"maniacs":41444,"msp":41445,"ady":41446,"creams":41447,"leanne":41448,"esta":41449,"pyg":41450,"affinity":41451,"prayer":41452,"dunbar":41453,"lightroom":41454,"acadi":41455,"wynonna":41456,"romantic":41457,"statedept":41458,"sickle":41459,"whos":41460,"lamo":41461,"etour":41462,"finity":41463,"shrub":41464,"sharpen":41465,"pundit":41466,"edon":41467,"afore":41468,"mars":41469,"jeffery":41470,"terps":41471,"medallist":41472,"katharine":41473,"accusing":41474,"taz":41475,"royd":41476,"fromhome":41477,"confrontation":41478,"allegh":41479,"ðŁijīðŁijī":41480,"refresher":41481,"ranveer":41482,"neverland":41483,"jojo":41484,"lucrative":41485,"enam":41486,"caver":41487,"paedi":41488,"manjaro":41489,"fluids":41490,"thessal":41491,"oppressed":41492,"muss":41493,"johanna":41494,"Ø®":41495,"cng":41496,"buildthe":41497,"settles":41498,"sith":41499,"fuego":41500,"clamp":41501,"arag":41502,"payer":41503,"tedx":41504,"mandy":41505,"interstellar":41506,"frc":41507,"chand":41508,"bcc":41509,"molo":41510,"lentil":41511,"johansson":41512,"grimsby":41513,"naturelovers":41514,"ðŁļ¨ðŁļ¨ðŁļ¨":41515,"shinde":41516,"xin":41517,"internationaldayof":41518,"transitional":41519,"sata":41520,"caddy":41521,"wod":41522,"ifu":41523,"hays":41524,"hollyo":41525,"jang":41526,"irc":41527,"coim":41528,"gradable":41529,"\"\"":41530,"ðŁį´":41531,"া":41532,"ael":41533,"nyo":41534,"westlake":41535,"timeout":41536,"sofi":41537,"phenomena":41538,"cultivation":41539,"agno":41540,"unarmed":41541,"sot":41542,"conj":41543,"geno":41544,"royalnavy":41545,"nutrition":41546,"fairmont":41547,"tirelessly":41548,"sng":41549,"rety":41550,"mica":41551,"lucent":41552,"sloane":41553,"drool":41554,"rizal":41555,"odell":41556,"criticized":41557,".'\"":41558,"laze":41559,"deserted":41560,"coder":41561,"pras":41562,"lillian":41563,"itinerary":41564,"davy":41565,"anap":41566,"whipping":41567,"hoboken":41568,"kareena":41569,"羣":41570,"vius":41571,"tern":41572,"nantucket":41573,"misunderstood":41574,"bulaga":41575,"stant":41576,"chinook":41577,"zam":41578,"relies":41579,"dss":41580,"edmond":41581,"sketchy":41582,"mell":41583,"fex":41584,"rector":41585,"distill":41586,"daydream":41587,"winemaker":41588,"ripley":41589,"billionaires":41590,"helene":41591,"atif":41592,"culprit":41593,"bertrand":41594,"wouldnt":41595,"mapped":41596,"vak":41597,"gladly":41598,"parliament":41599,"kidlitart":41600,"wareness":41601,"goliath":41602,"âĨĵ":41603,"viewpoint":41604,"tatted":41605,"fuls":41606,"dorsey":41607,"anglers":41608,"lids":41609,"kiya":41610,"bowles":41611,"beh":41612,"bite":41613,"compatibility":41614,"ancestral":41615,"prox":41616,"behaved":41617,"gubernatorial":41618,"chfield":41619,"saban":41620,"zh":41621,"teeny":41622,"shibuya":41623,"holliday":41624,"pancy":41625,"âĿĦï¸ıâĿĦï¸ı":41626,"seungri":41627,"?,":41628,"ðŁĩ¦ðŁĩ·":41629,"imitation":41630,"impactful":41631,"anyi":41632,"genevie":41633,"años":41634,"bateman":41635,"glider":41636,"afar":41637,"rasheed":41638,"effortless":41639,"shwar":41640,"dachsh":41641,"erun":41642,"atos":41643,"kini":41644,"chd":41645,"khaki":41646,"klin":41647,"felicidades":41648,"belo":41649,"asl":41650,"toppers":41651,"finley":41652,"stacey":41653,"rigorous":41654,"karting":41655,"leppard":41656,"carmichael":41657,"beret":41658,"cse":41659,"akhi":41660,"meringue":41661,"aban":41662,"hake":41663,"geri":41664,"erjee":41665,"resto":41666,"commanders":41667,"prit":41668,"flor":41669,"adven":41670,"extermin":41671,"remainder":41672,"åIJ":41673,"esg":41674,"martino":41675,"lullaby":41676,"|@":41677,"mign":41678,"instore":41679,"bigbang":41680,"cordi":41681,"cauley":41682,"antebellum":41683,"dgate":41684,"crock":41685,"spandex":41686,"scaffolding":41687,"oreos":41688,"ê°ĵìĦ¸ë¸IJ":41689,"pomona":41690,"mauro":41691,"universi":41692,"remi":41693,"afootball":41694,"tant":41695,"smalls":41696,"neh":41697,"worldo":41698,"tropical":41699,"morph":41700,"javelin":41701,"glar":41702,"arquitec":41703,"reminiscent":41704,"tubs":41705,"spidey":41706,"makeu":41707,"sylla":41708,"progressives":41709,"blot":41710,"shorten":41711,"keepin":41712,"chak":41713,"angst":41714,"superfood":41715,"decadent":41716,"stony":41717,"neurological":41718,"arboretum":41719,"annak":41720,"fema":41721,"percu":41722,"disrespectful":41723,"smallbiz":41724,"lox":41725,"coom":41726,"csc":41727,"bsbi":41728,"prevalence":41729,"himss":41730,"espan":41731,"moga":41732,"frampton":41733,"skymap":41734,"masse":41735,"leviathan":41736,"().":41737,"nocturnal":41738,"carameli":41739,"angor":41740,"amnesia":41741,"outsiders":41742,"shealth":41743,"rhino":41744,"antag":41745,"agio":41746,"ðŁĴ°ðŁĴ°":41747,"takeme":41748,"kabaddi":41749,"csi":41750,"msh":41751,"cochrane":41752,"thessaloni":41753,"sila":41754,"haus":41755,"dusting":41756,"obese":41757,"macklemore":41758,"manish":41759,"lenin":41760,"mdc":41761,"grown":41762,"sheffield":41763,"srs":41764,"kele":41765,"carson":41766,"chum":41767,"dahlia":41768,"cantore":41769,"oppo":41770,"howling":41771,"cybercrime":41772,"surrealism":41773,"scran":41774,"faiz":41775,"thren":41776,"racists":41777,"rout":41778,"pknot":41779,"semana":41780,"sini":41781,"mccull":41782,"machi":41783,"alfonso":41784,"yb":41785,"sardar":41786,"kendrick":41787,"deng":41788,"recipro":41789,"onf":41790,"doomsday":41791,"bribery":41792,"customiz":41793,"artis":41794,"cpi":41795,"ðŁĻĪðŁĻĪ":41796,"slava":41797,"lette":41798,"ens":41799,"âĿ¤ï¸ıðŁĺĺ":41800,"crayon":41801,"adan":41802,"trc":41803,"migrate":41804,"simpson":41805,"rowers":41806,"kingsley":41807,"farmersmarket":41808,"sheehan":41809,"nephe":41810,"bornon":41811,"carton":41812,"mickey":41813,"allure":41814,"ulu":41815,"slipknot":41816,"hebdo":41817,"guido":41818,"dogcelebration":41819,"onlinemarketing":41820,"accelerating":41821,")..":41822,"originated":41823,"macaroni":41824,"edtech":41825,"outfield":41826,"mitz":41827,"discus":41828,"advertiser":41829,"manor":41830,"hashi":41831,"descrip":41832,"capita":41833,"fulbright":41834,"receptor":41835,"conn":41836,"coney":41837,"spionage":41838,"rattle":41839,"prest":41840,"uli":41841,"blogpost":41842,"ackeray":41843,")â̦":41844,"redvelvet":41845,"matth":41846,"inspiring":41847,"bsd":41848,"kerri":41849,"pocon":41850,"millar":41851,"repur":41852,"accenture":41853,"ä¹":41854,"rambo":41855,"ragnarok":41856,"deleting":41857,"britishmuseum":41858,"patory":41859,"leipzig":41860,"florian":41861,"scifi":41862,"iners":41863,"brate":41864,"yoy":41865,"melissa":41866,"aber":41867,"masa":41868,"pote":41869,"mosquitoes":41870,"transplant":41871,"rpa":41872,";))":41873,"bastille":41874,"ylan":41875,"joyeux":41876,"melodic":41877,"captions":41878,"atrist":41879,"rochdale":41880,"gotti":41881,"pewdie":41882,"cutiesaturday":41883,"whois":41884,"aquaculture":41885,"tiva":41886,"spel":41887,"hess":41888,"haji":41889,"freddie":41890,"coper":41891,"brando":41892,"vk":41893,"photobook":41894,"*,":41895,"mydayin":41896,"michaela":41897,"brunei":41898,"srini":41899,"inte":41900,"ı":41901,"deol":41902,"dfc":41903,"separately":41904,"bund":41905,"vests":41906,"toc":41907,"meck":41908,"reinforced":41909,"constraints":41910,"carroll":41911,"sqft":41912,"rever":41913,"camper":41914,"birdman":41915,"inaction":41916,"generators":41917,"triumphant":41918,"pests":41919,"ovo":41920,"gypt":41921,"alamo":41922,"scaled":41923,"sureshpp":41924,"sdn":41925,"ismo":41926,"gios":41927,")@":41928,"justiceleague":41929,"restaurant":41930,"gabi":41931,"dengue":41932,"nextgen":41933,"exempli":41934,"apex":41935,"inspirational":41936,"downside":41937,"kidz":41938,"upl":41939,"etna":41940,"alvaro":41941,"feldman":41942,"barnet":41943,"mha":41944,"esch":41945,"blooded":41946,">>>>>>>>":41947,"kani":41948,"hofficial":41949,"casablanca":41950,"birds":41951,"tyga":41952,"swamp":41953,"oday":41954,"newcastle":41955,"nbap":41956,"cision":41957,"chools":41958,"aflo":41959,"nep":41960,"monton":41961,"akb":41962,"supermodel":41963,"downtime":41964,"thos":41965,"scwx":41966,"snoopy":41967,"aggreg":41968,"yoke":41969,"norcal":41970,"wett":41971,"prolonged":41972,"metast":41973,"beater":41974,"fta":41975,"tlap":41976,"disgusted":41977,"yh":41978,"voiceover":41979,"itchy":41980,"ipc":41981,"ðŁİ¾":41982,"pheasant":41983,"straits":41984,"rampant":41985,"jg":41986,"fertil":41987,"assures":41988,"fortunes":41989,"salinas":41990,"lizards":41991,"kettle":41992,"ibs":41993,"cynthi":41994,"heg":41995,"mccr":41996,"socceroos":41997,"happenings":41998,"corden":41999,"ðŁĺĤðŁijĮ":42000,"tches":42001,"egret":42002,"wolverines":42003,"congratulated":42004,"hogg":42005,"bottling":42006,"wri":42007,"ferri":42008,"bosch":42009,"afire":42010,"ogden":42011,"sjo":42012,"jdm":42013,"svt":42014,"contex":42015,"tollywood":42016,"mink":42017,"mese":42018,"supersonic":42019,"opoulos":42020,"å¸":42021,"âĶģ":42022,"knuckle":42023,"guise":42024,"gami":42025,"chucky":42026,"zinger":42027,"radial":42028,"complained":42029,"boda":42030,"fetal":42031,"disciplines":42032,"corro":42033,"ðŁĩ®ðŁĩ¹":42034,"opted":42035,"filtration":42036,"adnan":42037,"emcee":42038,"mistre":42039,"insomni":42040,"fergus":42041,"trajec":42042,"ondon":42043,"medtech":42044,"tangerine":42045,"madras":42046,"grue":42047,"cabs":42048,"zhu":42049,"sureshpprabhu":42050,"insulated":42051,"dayswild":42052,"ppm":42053,"bandai":42054,"vday":42055,"sff":42056,"squid":42057,"lothing":42058,"notdead":42059,"expressive":42060,"cull":42061,"alastair":42062,"xu":42063,"upfront":42064,"fishers":42065,"enes":42066,"umd":42067,"dismissal":42068,"stier":42069,"sels":42070,"lust":42071,"reactive":42072,"protester":42073,"eyelashes":42074,"alim":42075,"goode":42076,"greeng":42077,"dair":42078,"compen":42079,"anushka":42080,"prototyping":42081,"mapu":42082,"bearings":42083,"ðŁIJŁ":42084,"forme":42085,"bsbibotany":42086,"timothy":42087,"outskirts":42088,"ambed":42089,"aretha":42090,"wendell":42091,"streaks":42092,"nim":42093,"kpk":42094,"snee":42095,"fitter":42096,"quota":42097,"pate":42098,"winning":42099,"ðŁįŃ":42100,"shopping":42101,"mainst":42102,"culver":42103,"stevie":42104,"mcfadden":42105,"counterparts":42106,"grenfell":42107,"folsom":42108,"dorset":42109,"techcrunch":42110,"â¬ħï¸ı":42111,"tiptuesday":42112,"usl":42113,"trex":42114,"georgie":42115,"ranveerofficial":42116,"licks":42117,"sewn":42118,"kf":42119,"'â̦":42120,"japs":42121,"pate":42122,"orthop":42123,"festa":42124,"stras":42125,"montal":42126,"hammersmith":42127,"foremost":42128,"widows":42129,"madre":42130,"itez":42131,"mitochondri":42132,"ligans":42133,"zona":42134,"caribou":42135,"mss":42136,"andrei":42137,"weatherchannel":42138,"ghc":42139,":...":42140,"taft":42141,"aweather":42142,"alisation":42143,"brutal":42144,"blissful":42145,"nikola":42146,"malicious":42147,"qm":42148,"mpgvip":42149,"brodie":42150,"blitz":42151,"applaud":42152,"dribb":42153,"vague":42154,"doggo":42155,"translating":42156,"interpreted":42157,"hatched":42158,"getyour":42159,"beneficiaries":42160,"sparring":42161,"caesars":42162,"awilliams":42163,"lahat":42164,"broke":42165,"timp":42166,"virtues":42167,"relying":42168,"pietro":42169,"ktn":42170,"icists":42171,"pablo":42172,"loui":42173,"aag":42174,"pnpp":42175,"chast":42176,"pulses":42177,"finish":42178,"usairforce":42179,"typewriter":42180,"thompson":42181,"dogs":42182,"utto":42183,"ãģį":42184,"sandal":42185,"newly":42186,"doge":42187,"zw":42188,"wankers":42189,"negr":42190,"mucha":42191,"determines":42192,"blackfish":42193,"skunk":42194,"mups":42195,"instrument":42196,"phyto":42197,"daystogo":42198,"skinned":42199,"haider":42200,"conten":42201,"ðŁIJ¾ðŁIJ¾":42202,"weiler":42203,"undoubtedly":42204,"chairing":42205,"wallis":42206,"shard":42207,"zindabad":42208,"adult":42209,"absorption":42210,"presto":42211,"deploying":42212,"drummond":42213,"battlefront":42214,"seagulls":42215,"howdy":42216,"judaism":42217,"desde":42218,"partition":42219,"âľĿ":42220,"nology":42221,"nationalbestfriend":42222,"lesnar":42223,"filmfare":42224,"coasts":42225,"christensen":42226,"acan":42227,"mbu":42228,"copped":42229,"rubble":42230,"swc":42231,"funnier":42232,"farther":42233,"whereas":42234,"nanotechnology":42235,"withstand":42236,"pillow":42237,"bowers":42238,"tope":42239,"itly":42240,"confit":42241,"makar":42242,"comforts":42243,"bosh":42244,"clipper":42245,"balla":42246,"stik":42247,"milb":42248,"safeguard":42249,"musique":42250,"easport":42251,"yaz":42252,"padded":42253,"bader":42254,"foreign":42255,"chopin":42256,"archive":42257,"oka":42258,"transporting":42259,"tmltalk":42260,"ajit":42261,"consequence":42262,"scroo":42263,"ffo":42264,"collaborated":42265,"pugchat":42266,"yemi":42267,"javed":42268,"auburn":42269,"oof":42270,"maw":42271,"saucer":42272,"mitigate":42273,"iles":42274,"evangelist":42275,"terie":42276,"recl":42277,"indictment":42278,"cata":42279,"brightness":42280,"maythe":42281,"whimsical":42282,"unlv":42283,"keyword":42284,"cumin":42285,"medway":42286,"westworld":42287,"traw":42288,"imposing":42289,"formity":42290,"coulter":42291,"abz":42292,"nypd":42293,"grassi":42294,"kelsey":42295,"qldpol":42296,"clockwork":42297,"fdr":42298,"dianne":42299,"âĺij":42300,"adh":42301,"pann":42302,"bravely":42303,"aege":42304,"unlawful":42305,"verdi":42306,"pocalypse":42307,"pharo":42308,"karla":42309,"resonance":42310,"mastiff":42311,"ladak":42312,"buu":42313,"mailed":42314,"hii":42315,"crawley":42316,"torrent":42317,"machado":42318,"libyan":42319,"effortlessly":42320,"falsely":42321,"qvist":42322,"keef":42323,"crafthour":42324,"cherished":42325,"valkyrie":42326,"sari":42327,"kalamaz":42328,"behe":42329,"ðŁĮĻ":42330,"thim":42331,"roddy":42332,"coltrane":42333,"butchers":42334,"achim":42335,"wkend":42336,"awkward":42337,"cabrera":42338,":))))":42339,"franc":42340,"declan":42341,"condos":42342,"aja":42343,"pandoramusic":42344,"charter":42345,"phill":42346,"montrose":42347,"hatchback":42348,"handicapp":42349,"greaves":42350,"eucalyptus":42351,"utmost":42352,"tson":42353,"burton":42354,"midwives":42355,"incur":42356,"ðŁĺį#":42357,"mood":42358,"compressed":42359,"toma":42360,"mustang":42361,"mog":42362,"asana":42363,"testic":42364,"shotel":42365,"insol":42366,"corsair":42367,"nhq":42368,"benny":42369,"smma":42370,"kapur":42371,"incon":42372,"jonas":42373,"energies":42374,"donal":42375,"asad":42376,"sez":42377,"npa":42378,"archived":42379,"stimulate":42380,"dop":42381,"hyd":42382,"grieving":42383,"ãĥĪ":42384,"rona":42385,"whyte":42386,"treehouse":42387,"ssell":42388,"sandro":42389,"kobo":42390,"thermost":42391,"seclu":42392,"hiya":42393,"geez":42394,"mamas":42395,"priscilla":42396,"flavoured":42397,"fass":42398,"wold":42399,"makerspace":42400,"cosplay":42401,"ptv":42402,"happyvalentinesday":42403,"sequoia":42404,"lovecraft":42405,"guan":42406,"dtm":42407,"cii":42408,"yokohama":42409,"posthum":42410,"req":42411,"ðŁĶµâļªï¸ı":42412,"galatasar":42413,"dolby":42414,"hamptons":42415,"disturbance":42416,"stonehenge":42417,"okc":42418,"disrupting":42419,"monthsary":42420,"jungle":42421,"headlights":42422,"dustin":42423,"microsof":42424,"happymothersday":42425,"koko":42426,"grazi":42427,"testo":42428,"naidu":42429,"malay":42430,"arial":42431,"rumb":42432,"aboo":42433,"harman":42434,"trape":42435,"spoils":42436,"jeho":42437,"godly":42438,"lockscreen":42439,"zun":42440,"pious":42441,"magento":42442,"lenders":42443,"probable":42444,"corporal":42445,"mour":42446,"awal":42447,"sua":42448,"callme":42449,"tonne":42450,"govin":42451,"devastation":42452,"xj":42453,"gearbox":42454,"warlock":42455,"perme":42456,"itate":42457,"gazaunderattack":42458,"duval":42459,"parasite":42460,"clemente":42461,"leth":42462,"iva":42463,"frozen":42464,"tholes":42465,"tobin":42466,"cairn":42467,"sill":42468,"luckiest":42469,"converts":42470,"stale":42471,"pancra":42472,"europale":42473,"wisdom":42474,"schur":42475,"ì¶":42476,"vertigo":42477,"bij":42478,"ubc":42479,"nure":42480,"righteousness":42481,"mtc":42482,"factory":42483,"verst":42484,"reversed":42485,"huri":42486,"heechul":42487,"faber":42488,"arr":42489,"ulous":42490,"venom":42491,"phat":42492,"greenery":42493,"brady":42494,"æ":42495,":((":42496,"nevergiveup":42497,"disha":42498,"mota":42499,"healthcare":42500,"dunham":42501,"dexpo":42502,"denzel":42503,"bbins":42504,"fics":42505,"wham":42506,"mcg":42507,"elian":42508,"wata":42509,"stralia":42510,"tellu":42511,"pesky":42512,"spinoff":42513,"armoured":42514,"reacted":42515,"dofficial":42516,"tedu":42517,"sagar":42518,"morally":42519,"paralleled":42520,"fios":42521,"downer":42522,"daugh":42523,"redo":42524,"worldcup":42525,"tariq":42526,"barne":42527,"glaciers":42528,"occult":42529,"barbarian":42530,"hermosa":42531,"!!!)":42532,"yur":42533,"internation":42534,"pss":42535,"situ":42536,"pint":42537,"americanair":42538,"swam":42539,"doppler":42540,"ðŁĴĻðŁĴľ":42541,"cincodemayo":42542,"levan":42543,"hellenic":42544,"mcne":42545,"judi":42546,"yuh":42547,"stx":42548,"quare":42549,"ðŁĺĤ.":42550,"stig":42551,"gels":42552,"motley":42553,"hardwork":42554,"eurozone":42555,"ead":42556,"ç¥Ń":42557,"seabir":42558,"cius":42559,"laid":42560,"alpaca":42561,"presumably":42562,"pewdiepie":42563,"booted":42564,"amari":42565,"tamine":42566,"solace":42567,"barrow":42568,"academies":42569,"xian":42570,"omination":42571,"dungeons":42572,"bma":42573,"deity":42574,"aik":42575,"stabil":42576,"hira":42577,"affectionate":42578,"vingne":42579,"newport":42580,"ãħĭãħĭ":42581,"thirds":42582,"retains":42583,"aromatherapy":42584,"skier":42585,"nima":42586,"dope":42587,"cringe":42588,"condomin":42589,"toor":42590,"animator":42591,"saraj":42592,"seascape":42593,"minimalism":42594,"lakeshore":42595,"callaway":42596,"bergman":42597,"à¤Ĺ":42598,"whispering":42599,"stupid":42600,"rightful":42601,"requis":42602,"irn":42603,"seva":42604,"utpol":42605,"tuberculo":42606,"squish":42607,"debut":42608,"governmental":42609,"christine":42610,"allman":42611,"weapon":42612,"sito":42613,"buri":42614,"lolita":42615,"leafy":42616,"fuch":42617,"tinted":42618,"mcken":42619,"ahahaha":42620,"ðŁĩµðŁĩ¹":42621,"repeal":42622,"negan":42623,"ðŁķĬ":42624,"tailgating":42625,"gameinsight":42626,"ðŁıŁï¸ı":42627,"yakuza":42628,"zt":42629,"tiring":42630,"proposing":42631,"bowlers":42632,"traitors":42633,"akshi":42634,"clergy":42635,"cito":42636,"upsets":42637,"tuscal":42638,"symphonic":42639,"silently":42640,"shuff":42641,"blackwell":42642,"ðŁĺĤ)":42643,"kobe":42644,"roberto":42645,"ridg":42646,"dcu":42647,"merino":42648,"ftp":42649,"eastside":42650,".~":42651,"nbl":42652,"mnleg":42653,"tsfor":42654,"fraudul":42655,"capping":42656,"inmy":42657,"gymnast":42658,"stones":42659,"ssin":42660,"tweaks":42661,"shaggy":42662,"oakland":42663,"demsin":42664,"sangria":42665,"mmva":42666,"hennessy":42667,"downton":42668,"rightly":42669,"init":42670,"agave":42671,"oblast":42672,"northeast":42673,"friendship":42674,"dala":42675,"trophy":42676,"ðŁij½":42677,"magin":42678,"margaritas":42679,"ê·":42680,"wwfc":42681,"fash":42682,"dike":42683,"cud":42684,"chart":42685,"ðŁij®":42686,"refugees":42687,"joplin":42688,"ncs":42689,"impy":42690,"firmware":42691,"pascu":42692,"flamin":42693,"healthtech":42694,"bellletstalk":42695,"waka":42696,"olls":42697,"lago":42698,"cowan":42699,"bombardier":42700,"shome":42701,"ðŁĻħ":42702,"mcmaster":42703,"nave":42704,"wells":42705,"uta":42706,"tellers":42707,"misfits":42708,"kapil":42709,"faceoff":42710,"affirm":42711,"apro":42712,"whitepaper":42713,"superyacht":42714,"specimens":42715,"allocated":42716,"...,":42717,"-__":42718,"kaw":42719,"dachshund":42720,"djoker":42721,"swork":42722,"quiere":42723,"orum":42724,"ðŁIJł":42725,"somm":42726,"cmt":42727,"inghour":42728,"skinny":42729,"lgbti":42730,"giggles":42731,"breakaway":42732,"researched":42733,"parity":42734,"myal":42735,"msl":42736,"retained":42737,"sivity":42738,"makeinindia":42739,"solves":42740,"defamation":42741,"waltham":42742,"sriracha":42743,"roadway":42744,"conceptu":42745,"alin":42746,"iwant":42747,"åĪ":42748,"delft":42749,"tenderloin":42750,"gains":42751,"faults":42752,"swire":42753,"stellen":42754,"pollo":42755,"dyne":42756,"bornonthisday":42757,"asdfghj":42758,"sql":42759,"salim":42760,"advises":42761,"voip":42762,"ìĹijìĨ":42763,"untouched":42764,"sheil":42765,"ontario":42766,"uphill":42767,"sobre":42768,"deshi":42769,"novella":42770,"dutton":42771,"crawfish":42772,"اÙĨ":42773,"maa":42774,"twine":42775,"kalin":42776,"ðŁĩµðŁĩŃ":42777,"yess":42778,"brooks":42779,"hoosiers":42780,"tonka":42781,"umbrellas":42782,"ayers":42783,"ateam":42784,"acquiring":42785,"suction":42786,"än":42787,"wies":42788,"tarians":42789,"socio":42790,"mattb":42791,"shepherds":42792,"oso":42793,"charitytuesday":42794,"slogans":42795,"ninjas":42796,"albat":42797,"byte":42798,"bashir":42799,"trampoline":42800,"mydayinla":42801,"ija":42802,"basel":42803,"rory":42804,"goldie":42805,"firec":42806,"unnoticed":42807,"peculiar":42808,"scha":42809,"kerson":42810,"mourns":42811,"liquidity":42812,"quipment":42813,"hibs":42814,"ars":42815,"aeronau":42816,"slideshow":42817,"slabs":42818,"deliciousness":42819,"skitchen":42820,"htafc":42821,"fullerton":42822,"creighton":42823,"aerob":42824,"procrastination":42825,"azores":42826,"whitehall":42827,"ussoccer":42828,"mediation":42829,"djokernole":42830,"andme":42831,"umen":42832,"noxious":42833,"joss":42834,"ilife":42835,"annivers":42836,"sudanese":42837,"etres":42838,"undermine":42839,"wholefoods":42840,"disobe":42841,"kori":42842,"adele":42843,"eliz":42844,"canti":42845,"alon":42846,"gymnasium":42847,"sarkodie":42848,"meteorologist":42849,"ylde":42850,"steen":42851,"stampcollecting":42852,"nasal":42853,"lott":42854,"franks":42855,"exol":42856,"acki":42857,"goodyear":42858,"animalrights":42859,"yles":42860,"violets":42861,"mmes":42862,"sthel":42863,"rapping":42864,"tuscan":42865,"waiver":42866,"turner":42867,"eatlocal":42868,"northeasthour":42869,"animations":42870,"tommorow":42871,"tsh":42872,"ffame":42873,"brae":42874,"petron":42875,"glamour":42876,"bryn":42877,"dcs":42878,"bales":42879,"ðŁĶ¶":42880,"brov":42881,"brev":42882,"bons":42883,"physique":42884,"carne":42885,"xe":42886,"elixir":42887,"volved":42888,"loma":42889,"ìľł":42890,"æĺ":42891,"vanu":42892,"rigs":42893,"balance":42894,"vares":42895,"bonita":42896,"sprinkle":42897,"perfecto":42898,"dion":42899,"leak":42900,"calcutta":42901,"oba":42902,"dma":42903,"cmon":42904,"tuner":42905,"pneumonia":42906,"bogus":42907,"apologe":42908,"clough":42909,"borne":42910,"))))":42911,"revived":42912,"ovarian":42913,"nerf":42914,"clegg":42915,"fanfest":42916,"chou":42917,"realizes":42918,"mcn":42919,"ligu":42920,"legalize":42921,"justsaying":42922,"forster":42923,"bosni":42924,"khi":42925,"indom":42926,"heidel":42927,"encryp":42928,"siss":42929,"eddi":42930,"marbles":42931,"brisbane":42932,"ying":42933,"prepaid":42934,"walsall":42935,"cooperate":42936,"orchestr":42937,"marisa":42938,"howie":42939,"chewy":42940,"brenner":42941,"andromeda":42942,"egan":42943,"stocki":42944,"cavendish":42945,"agan":42946,"bano":42947,"deir":42948,"gog":42949,"blk":42950,"rethinking":42951,"chig":42952,"rheu":42953,"snip":42954,"peng":42955,"seminole":42956,"mswx":42957,"annex":42958,"lynda":42959,"lewishamilton":42960,"cumul":42961,"tbl":42962,"dolphin":42963,"aguero":42964,"............":42965,"prelude":42966,"atour":42967,"granger":42968,"tooting":42969,"rotun":42970,"disar":42971,"homeitems":42972,"dares":42973,"********":42974,"ðŁijĨ":42975,"compreh":42976,"jinx":42977,"aswell":42978,"irie":42979,"circulating":42980,"ðŁIJ¥":42981,"overboard":42982,"cultivate":42983,"rhett":42984,"orienteering":42985,"cak":42986,"balkans":42987,"sitt":42988,"jasmin":42989,"britneyspears":42990,"rotor":42991,"sealing":42992,"gbc":42993,"occi":42994,"fas":42995,"emancip":42996,"comer":42997,"wartime":42998,"tickle":42999,"sonny":43000,"paces":43001,"logg":43002,"atrix":43003,"srp":43004,"gwin":43005,"dobbs":43006,"uzbe":43007,"thewanted":43008,"drush":43009,"extru":43010,"micky":43011,"honorees":43012,"darwin":43013,"redux":43014,"mmj":43015,"rami":43016,"jalapeño":43017,"ioc":43018,"dover":43019,"juju":43020,"whitney":43021,"seng":43022,"enly":43023,"auch":43024,"archipelago":43025,"vigilant":43026,"mangal":43027,"wildest":43028,"paranoid":43029,"hali":43030,"bbly":43031,"sanctioned":43032,"realms":43033,"conco":43034,"uddin":43035,"csk":43036,"playtime":43037,"libra":43038,"savag":43039,"octane":43040,"rectan":43041,"return":43042,"parrish":43043,"morrha":43044,"ccp":43045,"cmu":43046,"sailed":43047,"sevent":43048,"rosie":43049,"piling":43050,"hew":43051,"boarded":43052,"segments":43053,"nephro":43054,"(.":43055,"crats":43056,"bakes":43057,"ðŁį¸":43058,"backtothe":43059,"sibling":43060,"kirkland":43061,"keo":43062,"guwa":43063,"breads":43064,"ðŁĺľðŁĺľ":43065,"tq":43066,"harassed":43067,"gau":43068,"wilbur":43069,"jisoo":43070,"eper":43071,"lisam":43072,"trippin":43073,"shino":43074,"rukh":43075,"beastmode":43076,"choa":43077,"instaweather":43078,"richland":43079,"gari":43080,"fez":43081,"cowboysnation":43082,"fursuit":43083,"krun":43084,"aen":43085,"sycamore":43086,"segun":43087,"entennial":43088,"dih":43089,"oax":43090,"demsinphilly":43091,"ðŁĻĢ":43092,"snhl":43093,"pennies":43094,"passwords":43095,"makin":43096,"tye":43097,"deng":43098,"knigh":43099,"jeeplife":43100,"helpline":43101,"afor":43102,"zzzz":43103,"steamy":43104,"picker":43105,"iterate":43106,"happeningnow":43107,"kib":43108,"bloomberg":43109,"martyrdom":43110,"bully":43111,"assortment":43112,"ahora":43113,"zoe":43114,"noi":43115,"illustri":43116,"agarwal":43117,"psc":43118,"electronica":43119,"recruiter":43120,"gardiner":43121,"radha":43122,"nafta":43123,"dotnet":43124,"piero":43125,"georg":43126,"bels":43127,"ðŁĺĤðŁĺį":43128,"tuberculosis":43129,"runnin":43130,"moris":43131,"hauling":43132,"evoc":43133,"brethren":43134,"shair":43135,"frameworks":43136,"astu":43137,"rigid":43138,"kuma":43139,"kreme":43140,"jinnah":43141,"insurers":43142,"nyu":43143,"fere":43144,"nollywood":43145,"goodvibes":43146,"-...":43147,"toile":43148,"skril":43149,"instaweatherpro":43150,"czech":43151,"pavel":43152,"onepiece":43153,"nikeplus":43154,"filet":43155,"cavity":43156,"ðŁı½âĢįâĻĤï¸ı":43157,"ðŁİ£":43158,"drastic":43159,"dailys":43160,"siamese":43161,"rebu":43162,"osteo":43163,"lark":43164,"fre":43165,"shelling":43166,"pé":43167,"gladys":43168,"ðŁıĢðŁıĢ":43169,"gustave":43170,"submerged":43171,"grandstand":43172,"attu":43173,"wont":43174,"fpv":43175,"bley":43176,"joni":43177,"angames":43178,"weighted":43179,"alou":43180,"श":43181,"lesbians":43182,"fj":43183,"annies":43184,"aml":43185,"doria":43186,"davin":43187,"beta":43188,"canc":43189,"madewithunity":43190,"haj":43191,"badlands":43192,"mul":43193,"bluec":43194,"pawn":43195,"covington":43196,"neurology":43197,"httweets":43198,"dyslexia":43199,"thelove":43200,"neat":43201,"forklift":43202,"automate":43203,"uneven":43204,"montess":43205,"hein":43206,"hag":43207,"relics":43208,"competitiveness":43209,"canelo":43210,"martens":43211,"bulletproof":43212,"skittles":43213,"gya":43214,"primo":43215,"americafirst":43216,"wooo":43217,"abortions":43218,"??!!":43219,"mache":43220,"lders":43221,"rlly":43222,"prelims":43223,"direct":43224,"course":43225,"swain":43226,"supercell":43227,"eccentric":43228,"stingray":43229,"plets":43230,"wilcox":43231,"westin":43232,"okanagan":43233,"kiran":43234,"carbo":43235,"bombings":43236,"rarest":43237,"boh":43238,"gawd":43239,"digg":43240,"moana":43241,"entirety":43242,"enclosed":43243,"dodgeball":43244,"parton":43245,"milkyway":43246,"atr":43247,"thoroughbred":43248,"really":43249,"qantas":43250,"epiphany":43251,"inee":43252,"aerosmith":43253,"spieth":43254,"arthro":43255,"ellini":43256,"dubu":43257,"braving":43258,"âļ½âļ½":43259,"restructuring":43260,"illuminate":43261,"equili":43262,"mpi":43263,"ashton":43264,"ponytail":43265,"mascots":43266,"flattering":43267,"crum":43268,"asta":43269,"à®°":43270,"strangerthings":43271,"barnab":43272,"رÙĬ":43273,"makeshift":43274,"gotcha":43275,"willam":43276,"choirs":43277,"kilometres":43278,"ghosh":43279,"euthan":43280,"dolly":43281,"unning":43282,"thear":43283,"crewe":43284,"wsw":43285,"jace":43286,"dismiss":43287,"kean":43288,"hota":43289,"khat":43290,"~>":43291,"thiru":43292,"rendez":43293,"hartman":43294,"teessi":43295,"casca":43296,"zah":43297,"hydrange":43298,"fod":43299,"awp":43300,"mzansi":43301,"thicker":43302,"nagoya":43303,"neva":43304,"stique":43305,"castel":43306,"damian":43307,"thereby":43308,"jiang":43309,"alek":43310,"musicislife":43311,"raq":43312,"callahan":43313,"gouache":43314,"somaliland":43315,"seanhannity":43316,"raheem":43317,"lose":43318,"elove":43319,"wharton":43320,"rectangular":43321,"illustrating":43322,"harne":43323,"autisma":43324,"scrapped":43325,"elland":43326,"decree":43327,"nagpur":43328,"kipp":43329,"sore":43330,"nmd":43331,"maas":43332,"guna":43333,"gartner":43334,"belli":43335,"thenight":43336,"jeon":43337,"genderequality":43338,"giver":43339,"ael":43340,"garments":43341,"neu":43342,"mardigras":43343,"marsden":43344,"rower":43345,"polluted":43346,"cameraman":43347,"vinod":43348,"beasley":43349,"croc":43350,"jiu":43351,"hollyoaks":43352,"anesthesia":43353,"alles":43354,"steward":43355,"latimes":43356,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":43357,"tician":43358,"goria":43359,"comedic":43360,"ð٤Ķð٤Ķð٤Ķ":43361,"naive":43362,"slions":43363,"łĪ":43364,"burglar":43365,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":43366,"yorkshi":43367,"señ":43368,"fanboy":43369,"laurel":43370,"incidence":43371,"potomac":43372,"roberta":43373,"presiden":43374,"pryor":43375,"osbourne":43376,"wku":43377,"teme":43378,"palae":43379,"ðŁ¥º":43380,"reboun":43381,"itude":43382,"reddish":43383,"khand":43384,"colonialism":43385,"northcarolina":43386,"ðĿĴ":43387,"mannequin":43388,"ladybird":43389,"tasty":43390,"knowledgeable":43391,"gshore":43392,"ðŁĮĮ":43393,"ன":43394,"quaker":43395,"salzburg":43396,"medalists":43397,"chyna":43398,"bridesmaid":43399,"maori":43400,"rop":43401,"outraged":43402,"inadequate":43403,"truckers":43404,"alana":43405,"ìĿ¼":43406,"rix":43407,"oooooooo":43408,"commandments":43409,"lambeth":43410,"aaj":43411,"ecofriendly":43412,"blaz":43413,"morecambe":43414,"bouncy":43415,"roux":43416,"raided":43417,"mized":43418,"shc":43419,"gawx":43420,"laboratories":43421,"rubs":43422,"restroom":43423,"consultations":43424,"cajun":43425,"virgini":43426,"soir":43427,"revue":43428,"plein":43429,"wager":43430,"ç¹":43431,"wedo":43432,"growingup":43433,"!ðŁĺĬ":43434,"faceted":43435,"sinners":43436,"hovering":43437,"tiene":43438,"seasoning":43439,"anja":43440,"leggo":43441,"ilis":43442,"flax":43443,"devo":43444,"ashram":43445,"matisse":43446,"keri":43447,"gower":43448,"botox":43449,"marshes":43450,"unhcr":43451,"tsm":43452,"optimus":43453,"duni":43454,"stuffs":43455,"sok":43456,"orderly":43457,"nbad":43458,"islamophobia":43459,"ravioli":43460,"faber":43461,"creds":43462,"wonka":43463,"infusion":43464,"overweight":43465,"dailynews":43466,"assimil":43467,"acollege":43468,"medallion":43469,"kilimanjaro":43470,"stiff":43471,"thames":43472,"sunken":43473,"thard":43474,"mydubai":43475,"hilariously":43476,"hannel":43477,"plumber":43478,"fairview":43479,"separating":43480,"rascal":43481,"quien":43482,"necessities":43483,"confederation":43484,"llll":43485,":]":43486,"weaknesses":43487,"bronco":43488,"raffles":43489,"elot":43490,"ãĤ¸ãĥ":43491,"adventcalendar":43492,"ðŁİ¹":43493,"stravel":43494,"tunic":43495,"ksu":43496,"impeach":43497,"espionage":43498,"!-":43499,"diment":43500,"currant":43501,"biode":43502,"commuting":43503,"byron":43504,"ðŁĴĵðŁĴĵ":43505,"shaded":43506,"truro":43507,"crayons":43508,"arne":43509,"hsc":43510,"freaked":43511,"dramati":43512,"fleek":43513,"ucd":43514,"marlborough":43515,"^-":43516,"crossings":43517,"malo":43518,"blackops":43519,"binance":43520,"choked":43521,"cheney":43522,"plo":43523,"gestures":43524,"valedic":43525,"ryanair":43526,"remington":43527,"vcs":43528,"mckee":43529,"ecz":43530,"begs":43531,"nailart":43532,"mayorof":43533,"happyfathersday":43534,"wart":43535,"petitions":43536,"ningly":43537,"cleanenergy":43538,"brox":43539,"slalom":43540,"existent":43541,"abay":43542,"ugliest":43543,"tomp":43544,"stoma":43545,"selby":43546,"goalscorer":43547,"benji":43548,"overwhelmingly":43549,"lans":43550,"semiconductor":43551,"southkorea":43552,"rescheduled":43553,"skyl":43554,"enlisted":43555,"dowski":43556,"sidel":43557,"rosenberg":43558,"nasser":43559,"whitehead":43560,"prius":43561,"harare":43562,"enn":43563,"ryder":43564,"íĤ":43565,"mong":43566,"clasico":43567,"transporter":43568,"potty":43569,"isme":43570,"*****":43571,"vice":43572,"skit":43573,"odessa":43574,"lmp":43575,"hern":43576,"racially":43577,"pinoy":43578,"paraguay":43579,"obituary":43580,"goes":43581,"bucha":43582,"sidewalks":43583,"angular":43584,"unconstitutional":43585,"transitioning":43586,"ibu":43587,"guys":43588,"unpacking":43589,"oooooo":43590,"blackgirl":43591,"bergs":43592,"¯":43593,"wordoftheday":43594,"trumptrain":43595,"thunderbolt":43596,"msi":43597,"fascists":43598,"ब":43599,"tsk":43600,"collapses":43601,"rajesh":43602,"loveislove":43603,"migrating":43604,"setback":43605,"ðŁĺĬâĿ¤ï¸ı":43606,"tels":43607,"safetyfirst":43608,"narrated":43609,"jaejoong":43610,"unanswered":43611,"liqueur":43612,"ennes":43613,"dalgo":43614,"billings":43615,"saltwater":43616,"mermaids":43617,"longs":43618,"clapham":43619,"wearec":43620,"piccollage":43621,"nach":43622,"hace":43623,"poisoned":43624,"loth":43625,"agna":43626,"adelrey":43627,"guardia":43628,"polishing":43629,"peacekeeping":43630,"dall":43631,"pisa":43632,"lapland":43633,"processors":43634,"deandre":43635,"sobs":43636,"ponce":43637,"drains":43638,"cbe":43639,"ðŁİ¥:":43640,"splash":43641,"meatball":43642,"fontana":43643,"worcestershirehour":43644,"nev":43645,"brisk":43646,"bint":43647,"acr":43648,"pox":43649,"cayenne":43650,"skrillex":43651,"jfc":43652,"hahahahahahaha":43653,"glas":43654,"engul":43655,"temporal":43656,"onized":43657,"concre":43658,"compose":43659,"vibrations":43660,"planters":43661,"fert":43662,"criticalrolefanart":43663,"tbli":43664,"schallenge":43665,"huckabee":43666,"municipal":43667,"iambic":43668,"radios":43669,"nevis":43670,"durability":43671,"mccla":43672,"horseback":43673,"institutes":43674,"fulfill":43675,"attach":43676,"ateur":43677,"akan":43678,"resisting":43679,"illumination":43680,"handle":43681,"haircare":43682,"oment":43683,"macleod":43684,"kaiser":43685,"gno":43686,"beardown":43687,"lyf":43688,"glomer":43689,"distortion":43690,"zm":43691,"sank":43692,"roosters":43693,"isnow":43694,"asports":43695,"agen":43696,"woken":43697,"stgeorge":43698,"romper":43699,"myle":43700,"economists":43701,"ruto":43702,"twill":43703,"healthand":43704,"dito":43705,"wsl":43706,"tairp":43707,"prakash":43708,"micheal":43709,"hts":43710,"wrights":43711,"katsu":43712,"fiorentina":43713,"defenseman":43714,"ditch":43715,"varsity":43716,"texanscheer":43717,"baham":43718,"scanned":43719,"weil":43720,"seductive":43721,"ðŁijįðŁı½":43722,"fue":43723,"erwin":43724,"davison":43725,"terran":43726,"moods":43727,"woolf":43728,"resource":43729,"@.":43730,"cush":43731,"ðŁį°":43732,"regression":43733,"curled":43734,"lazer":43735,"joanne":43736,"abbott":43737,"moz":43738,"downers":43739,"mmmmmm":43740,"valentina":43741,"khair":43742,"dreamt":43743,"crook":43744,"chek":43745,"steaming":43746,"nephews":43747,"cleric":43748,"asober":43749,"indefinitely":43750,"wye":43751,"usnews":43752,"joyce":43753,"flushing":43754,"wynonnaearp":43755,"rondo":43756,"kiss":43757,"hotdog":43758,"barns":43759,"saxophon":43760,"farley":43761,"gasp":43762,"decreasing":43763,"alway":43764,"pex":43765,"lsd":43766,"shift":43767,"poutine":43768,"razz":43769,"rescuing":43770,"niko":43771,"hoch":43772,"ccl":43773,"uaap":43774,"nts":43775,"mcar":43776,"ilwx":43777,"conquering":43778,"kettering":43779,"sturdy":43780,"delaying":43781,"stok":43782,"vanished":43783,"cathar":43784,"bingham":43785,"inv":43786,"ichiro":43787,"hemo":43788,"budgeting":43789,"[...]":43790,"bess":43791,"sebastian":43792,"slowed":43793,"ðĿij":43794,"muslim":43795,"stuns":43796,"actonclimate":43797,"vea":43798,"seton":43799,"rosetta":43800,"ount":43801,"hardin":43802,"fluid":43803,"caw":43804,"ðŁ¥Ĥ":43805,"yacht":43806,"unl":43807,"sphy":43808,"provocative":43809,"oric":43810,"isback":43811,"___":43812,"nicolas":43813,"gyan":43814,"loose":43815,"flin":43816,"rebate":43817,":::":43818,"!\"@":43819,"comicon":43820,"sheff":43821,"downstream":43822,"chichester":43823,"beachlife":43824,"momlife":43825,"diabete":43826,"arra":43827,"vane":43828,"oku":43829,"yeo":43830,"mango":43831,"tryout":43832,"appell":43833,"heirs":43834,"arjuna":43835,"ddu":43836,"naveen":43837,"movic":43838,"socialists":43839,"sback":43840,"criterion":43841,"soyuz":43842,"kher":43843,"daz":43844,"yolanda":43845,"wineoclock":43846,"reina":43847,"onew":43848,"leonard":43849,"endez":43850,"ubs":43851,"supportlocal":43852,"facilitated":43853,"caramelized":43854,"bpa":43855,"vuelta":43856,"mytho":43857,"mami":43858,"speare":43859,"nbaplayoffs":43860,"fevre":43861,"nickjonas":43862,"imprint":43863,"cso":43864,"craigslist":43865,"lasalle":43866,"gideon":43867,"hadoop":43868,"disregard":43869,"wud":43870,"tuc":43871,"magee":43872,"acoustics":43873,"taa":43874,"quie":43875,"pola":43876,"crt":43877,"dwyer":43878,"dissec":43879,"capitol":43880,"mention":43881,"knoll":43882,"heigh":43883,"finders":43884,"placements":43885,"lse":43886,"indira":43887,"guri":43888,"madhuridixit":43889,"kingdoms":43890,"iambicpent":43891,"georgina":43892,"jeky":43893,"conflicting":43894,"bayan":43895,"agatha":43896,"uphold":43897,"dron":43898,"vicar":43899,"expat":43900,"peripheral":43901,"pessi":43902,"faf":43903,"ancestor":43904,"?..":43905,"widget":43906,"punc":43907,"commenced":43908,"beavs":43909,"airwaves":43910,"addis":43911,"poa":43912,"desses":43913,"coden":43914,"vue":43915,"rupee":43916,"karin":43917,"spock":43918,"msy":43919,"ะ":43920,"prick":43921,"fillmore":43922,"tification":43923,"thingsto":43924,"sarde":43925,"emile":43926,"pereira":43927,"nad":43928,"brightening":43929,"arresting":43930,"woking":43931,"uscg":43932,"spill":43933,"raspberrypi":43934,"hugo":43935,"itec":43936,"isma":43937,"cufflinks":43938,"optimized":43939,"occ":43940,"miwx":43941,"enka":43942,"elited":43943,"affordable":43944,"sakh":43945,"coronado":43946,"hoh":43947,"atul":43948,"aioli":43949,"jimcantore":43950,"accounted":43951,"vinay":43952,"hermit":43953,"grooves":43954,"ranch":43955,"rilla":43956,"wetter":43957,"outof":43958,"veterin":43959,"nikov":43960,"kian":43961,"fairbanks":43962,"ramapho":43963,"niti":43964,"kko":43965,"rusty":43966,"nestle":43967,"tvxq":43968,"shaheer":43969,"âĿ¤âĿ¤âĿ¤âĿ¤":43970,"pennant":43971,"gemstones":43972,"demdebate":43973,"ðŁIJĬ":43974,"autonews":43975,"supportindiefilm":43976,"macho":43977,"vex":43978,"newsat":43979,"neti":43980,"concessions":43981,"candied":43982,"yofthe":43983,"macau":43984,"dends":43985,"cricketers":43986,"saniti":43987,"mariano":43988,"ghat":43989,"artoftheday":43990,"¡ľ":43991,"egos":43992,"genoa":43993,"chatbots":43994,"brier":43995,"allabout":43996,"monty":43997,"spied":43998,"rtr":43999,"comfort":44000,"snippets":44001,"realtime":44002,"grain":44003,"examined":44004,"enlightening":44005,"ttu":44006,"godbless":44007,"releasethe":44008,"singular":44009,"kians":44010,"haka":44011,"sorren":44012,"defect":44013,"marg":44014,"equities":44015,"dorian":44016,"suka":44017,"perl":44018,"aishwarya":44019,"pullover":44020,"precision":44021,"fairway":44022,"neve":44023,"riveting":44024,"villanova":44025,"encom":44026,"ako":44027,"passionately":44028,"europaleague":44029,"siempre":44030,"xvi":44031,"enlightened":44032,"cfr":44033,"âĺħâĺħâĺħâĺħ":44034,"wasteland":44035,"isf":44036,"newcomers":44037,"emergency":44038,"amphitheatre":44039,"-.":44040,"textbooks":44041,"figurative":44042,"tremb":44043,"pesc":44044,"abhin":44045,"abbot":44046,"acacia":44047,"hards":44048,"porsche":44049,"kauai":44050,"elisa":44051,"carrick":44052,"abou":44053,"ellier":44054,"bech":44055,"neutron":44056,"galapagos":44057,"ruben":44058,"innis":44059,"howto":44060,"nuns":44061,"sabine":44062,"iac":44063,"clinched":44064,"notori":44065,"fives":44066,"cairngor":44067,"peri":44068,"grc":44069,"ðŁĴ¯ðŁĴ¯":44070,"malm":44071,"twelfth":44072,"diff":44073,"routines":44074,"martyn":44075,"linden":44076,"synthesizer":44077,"number":44078,"gamecube":44079,"falkirk":44080,"byzantine":44081,"queuing":44082,"grill":44083,"scalable":44084,"charred":44085,"routing":44086,"herbali":44087,"grizz":44088,"ðŁĺŃðŁĺŃðŁĺŃ":44089,"toll":44090,"terminals":44091,"lpc":44092,"abd":44093,"warmups":44094,"removable":44095,"¯\\":44096,"vigo":44097,"papaya":44098,"neve":44099,"lovingly":44100,"jokers":44101,"ibles":44102,"ssett":44103,"potenti":44104,"pele":44105,"gigi":44106,"sadiq":44107,"legacy":44108,"sono":44109,"rupees":44110,"retarded":44111,"elee":44112,"parr":44113,"fiance":44114,"eyre":44115,"sayers":44116,"pendants":44117,"maknae":44118,"albans":44119,"adapting":44120,"pff":44121,"puberty":44122,"jiu":44123,"ingrad":44124,"hypocrite":44125,"diplomats":44126,"physical":44127,"robby":44128,"bonsai":44129,"ãģ·":44130,"fatt":44131,"catalunya":44132,"âľĸï¸ı":44133,"roma":44134,"moreland":44135,"soe":44136,"conversions":44137,"stlblues":44138,"sholm":44139,"grassy":44140,"prado":44141,"onu":44142,"assaulting":44143,">_":44144,"settes":44145,"disgraceful":44146,"aphra":44147,"âļ½ï¸ıâļ½ï¸ı":44148,"प":44149,"kiln":44150,"goaltender":44151,"sru":44152,"philanthropist":44153,"bals":44154,"thn":44155,"studen":44156,"sandoval":44157,"dogrescue":44158,"elions":44159,"assessed":44160,"largo":44161,"hectares":44162,"shrm":44163,"saif":44164,"cleavage":44165,"noches":44166,"nene":44167,"fatalities":44168,"curing":44169,"cleanser":44170,"ales":44171,"pvp":44172,"southbank":44173,"pizzeria":44174,"marshals":44175,"knife":44176,"andover":44177,"tblightning":44178,"srsly":44179,"oute":44180,"digimon":44181,"timesofindia":44182,"promethe":44183,"lebo":44184,"fsu":44185,"witz":44186,"revere":44187,"manas":44188,"mamba":44189,"chica":44190,"guan":44191,"exhibitor":44192,"csrracing":44193,"dere":44194,"xxxxx":44195,"gusta":44196,"storytime":44197,"stoney":44198,"organics":44199,"andu":44200,"seam":44201,"minogue":44202,"anushkasharma":44203,"aba":44204,"ðŁİĻï¸ı":44205,"ugandan":44206,"chromatic":44207,"assn":44208,"documentaries":44209,"sht":44210,"rupaul":44211,"loyd":44212,"kats":44213,"eus":44214,"itech":44215,"medusa":44216,"panty":44217,"kellogg":44218,"etto":44219,"tallade":44220,"shaa":44221,"dost":44222,"pms":44223,"mariana":44224,"jester":44225,"crooks":44226,"ðŁĶ¬":44227,"mindanao":44228,"indhoven":44229,"ðŁ¤ª":44230,"lexi":44231,"tvn":44232,"janis":44233,"cote":44234,"ãģĨ":44235,"serrano":44236,"iwm":44237,"ðŁIJ¬":44238,"kke":44239,"distributors":44240,"capu":44241,"counterfeit":44242,"campsite":44243,"aggie":44244,"ðŁĺ¼":44245,"chhattisgarh":44246,"~@":44247,"stateu":44248,"sandi":44249,"preventable":44250,"cls":44251,"canne":44252,"mmc":44253,"iver":44254,"saharan":44255,"palis":44256,"nightout":44257,"dos":44258,"apia":44259,"abscbn":44260,"managerial":44261,"arose":44262,"mowx":44263,"arosa":44264,"ðŁĮ³":44265,"underdog":44266,"remover":44267,"astronomers":44268,"lentils":44269,"suscep":44270,"smoother":44271,"pendleton":44272,"faucet":44273,"emory":44274,"dalmati":44275,"afcb":44276,"ticus":44277,"exempt":44278,"enrol":44279,"dheim":44280,"ðŁIJº":44281,"restriction":44282,"starfish":44283,"stow":44284,"snorkel":44285,"thunderbirds":44286,"shead":44287,"homosexual":44288,"dyn":44289,"asli":44290,"andretti":44291,"douche":44292,"domo":44293,"tarmac":44294,"slumber":44295,"pronto":44296,"firstdayof":44297,"miniature":44298,"mariachi":44299,"argus":44300,"recommending":44301,"mobiles":44302,"ince":44303,"illustrious":44304,"orc":44305,"adverts":44306,"grits":44307,"weasel":44308,"pagoda":44309,"overpass":44310,"greys":44311,"maximus":44312,"armagh":44313,"woodland":44314,"sunni":44315,"ðŁĴī":44316,"ëĿ":44317,"tione":44318,"socio":44319,"hos":44320,"ð٤Ĺð٤Ĺ":44321,"windsor":44322,"subsequent":44323,"munchies":44324,"idh":44325,"excluding":44326,"emi":44327,"cuth":44328,"zai":44329,"weekdays":44330,"lawsuits":44331,"barnard":44332,"ت":44333,"petting":44334,"netes":44335,"mulligan":44336,"pharmacists":44337,"raquel":44338,"eton":44339,"cranston":44340,"gilded":44341,"cleary":44342,"ceph":44343,"raa":44344,"pamper":44345,"lombardi":44346,"asin":44347,"sherry":44348,"prod":44349,"forte":44350,"arianism":44351,"buffalobills":44352,"æľ¬":44353,"ðŁĶ¥#":44354,"uuu":44355,"justices":44356,"carina":44357,"natin":44358,"maslow":44359,"drooling":44360,"cognac":44361,"camber":44362,"elong":44363,"rdr":44364,"inen":44365,"convictions":44366,"amuse":44367,"trock":44368,"harmless":44369,"visitation":44370,"genomic":44371,"bland":44372,"benoit":44373,"chimp":44374,"tuscaloosa":44375,"greasy":44376,"xpo":44377,"gilt":44378,"seq":44379,"permitted":44380,"christmaseve":44381,"books":44382,"mue":44383,"oldschool":44384,"humanright":44385,"beati":44386,"ðŁĶĿ":44387,"shat":44388,"sculpting":44389,"hwan":44390,"fernandes":44391,"sciutto":44392,"fuentes":44393,"endeavors":44394,"maidstone":44395,"unparalleled":44396,"shouted":44397,"queenof":44398,"merc":44399,"bandic":44400,"veda":44401,"selangor":44402,"pile":44403,"jahan":44404,"intimidating":44405,"disappears":44406,"clich":44407,"zaha":44408,"wurst":44409,"hiv":44410,"fodils":44411,"cordless":44412,"aaaaaa":44413,"hydra":44414,"belinda":44415,"eels":44416,"buf":44417,"sustaining":44418,"rugbyleague":44419,"noc":44420,"brigitte":44421,"(ðŁĵ¸:":44422,"trombone":44423,"soothe":44424,"smog":44425,"adp":44426,"stable":44427,"ingley":44428,"diagnose":44429,"msg":44430,"wess":44431,"ticketing":44432,"onee":44433,"nswpol":44434,"eup":44435,"autopsy":44436,"adityanath":44437,"sundown":44438,"riverfront":44439,"siya":44440,"pis":44441,"hierarchy":44442,"durango":44443,"dijk":44444,"renshaw":44445,"heaps":44446,"epidemi":44447,"davidbowie":44448,"internetof":44449,"ddi":44450,"nationality":44451,"mbar":44452,"airy":44453,"winder":44454,"walia":44455,"elliott":44456,"cx":44457,"bavarian":44458,"platt":44459,"antw":44460,"wiwx":44461,"softer":44462,"neha":44463,"heller":44464,"thand":44465,"daniela":44466,"boast":44467,"degradation":44468,"ðŁĴ¦ðŁĴ¦":44469,"transforming":44470,"mane":44471,"avut":44472,"ðŁĺĪðŁĺĪ":44473,"voter":44474,"thee":44475,"tate":44476,"puff":44477,"indoor":44478,"soproud":44479,"boyce":44480,"borisjohnson":44481,"waitin":44482,"immunology":44483,"ðŁıĨðŁıĨðŁıĨ":44484,"âĿĮ":44485,"streetfood":44486,"lizasober":44487,"cavalier":44488,"celia":44489,"needle":44490,"motoring":44491,"gato":44492,",)":44493,"rade":44494,"harvest":44495,"tms":44496,"jarpad":44497,"oney":44498,"airmen":44499,"vre":44500,"impairment":44501,"abhishek":44502,"snoop":44503,"lant":44504,"famously":44505,"blou":44506,"sze":44507,"gander":44508,"untouch":44509,"tuf":44510,"deejay":44511,"collateral":44512,"bind":44513,"ðŁļ©":44514,"pinning":44515,"icn":44516,"';":44517,"theeconomist":44518,"ultram":44519,"worldwaterday":44520,"tipoff":44521,"thei":44522,"feeders":44523,"campaign":44524,"scumb":44525,"dayweekend":44526,"yom":44527,"pedic":44528,"hough":44529,"psv":44530,"plin":44531,"onde":44532,"bostonmarathon":44533,"azzy":44534,"*_*":44535,"conley":44536,"thiago":44537,"hooo":44538,"galerie":44539,"lucid":44540,"jett":44541,"glitz":44542,"finalfantasy":44543,"achievers":44544,"yung":44545,"peregrine":44546,"ophi":44547,"dames":44548,"biomar":44549,"âĺĢï¸ıâĺĢï¸ı":44550,"skc":44551,"lics":44552,"flank":44553,"arrahman":44554,"hoof":44555,"upholstery":44556,"tats":44557,"woz":44558,"¿":44559,"snoring":44560,"raer":44561,"lju":44562,"apd":44563,"plating":44564,"kanu":44565,"imation":44566,"fragrances":44567,"mra":44568,"moray":44569,"mott":44570,"immuni":44571,"hearties":44572,"bhopal":44573,"timers":44574,"gata":44575,"colorway":44576,"carnation":44577,"winget":44578,"sighs":44579,"sville":44580,"optimist":44581,"chateau":44582,"olympians":44583,"cio":44584,"singersongwriter":44585,"nyo":44586,"fibers":44587,"burch":44588,"agro":44589,"milne":44590,"igbo":44591,"cramer":44592,"ationals":44593,"danube":44594,"padma":44595,"normani":44596,"enforced":44597,"breck":44598,"boehner":44599,"arden":44600,"surrendered":44601,"prosthetic":44602,"oma":44603,"hailed":44604,"calculations":44605,"wfa":44606,"bib":44607,"fcblive":44608,"fonda":44609,"westcoast":44610,"quests":44611,"friendly":44612,"towie":44613,"fitch":44614,"balot":44615,"stardom":44616,"scratching":44617,"hosa":44618,"thika":44619,"oven":44620,"stroke":44621,"outpost":44622,"pharmaceuticals":44623,"hikari":44624,"muy":44625,"afd":44626,"fallontonight":44627,"squat":44628,"oru":44629,"drained":44630,"chocolat":44631,"민":44632,"worths":44633,"rib":44634,"muj":44635,"thats":44636,"residente":44637,"itel":44638,"boost":44639,"migos":44640,"mulled":44641,"laa":44642,"etsyshop":44643,"donkeys":44644,"mek":44645,"ptc":44646,"flinders":44647,"ehs":44648,"rohit":44649,"muir":44650,"gad":44651,"compositions":44652,"åĨĻ":44653,"combustion":44654,"ikh":44655,"yemeni":44656,"waved":44657,"garci":44658,"akos":44659,"oods":44660,"fusion":44661,"seque":44662,"slan":44663,"plur":44664,"kicchasu":44665,"shenando":44666,"sams":44667,"worlden":44668,"horowitz":44669,"withme":44670,"microbes":44671,"kki":44672,"ðŁĴĶðŁĴĶ":44673,"wsu":44674,"patchwork":44675,"freer":44676,"yaki":44677,"theart":44678,"symbolism":44679,"miler":44680,"btn":44681,"mabu":44682,"sidekick":44683,"motivates":44684,"sagitt":44685,"naturals":44686,"serviced":44687,"psori":44688,"paola":44689,"quig":44690,"ibadan":44691,"giggs":44692,"ë³":44693,"scientology":44694,"sioux":44695,"salamat":44696,"dres":44697,"cadbury":44698,"dhawan":44699,"ción":44700,"_'":44701,"swapping":44702,"mariska":44703,"jamesbond":44704,"explosives":44705,"ayles":44706,"afer":44707,"sagu":44708,"censor":44709,"toma":44710,"jefferson":44711,"ringed":44712,"partist":44713,"irresponsible":44714,"aguilar":44715,"vacay":44716,"equitable":44717,"altrincham":44718,"acur":44719,"manish":44720,"germin":44721,"schooled":44722,"putter":44723,"edad":44724,"naval":44725,"toasty":44726,"solareclipse":44727,"dishu":44728,"coyne":44729,"acco":44730,"muck":44731,"maran":44732,"elos":44733,"lender":44734,"croix":44735,"worthless":44736,"haber":44737,"gunmen":44738,"ðŁįĵ":44739,"zenith":44740,"tenders":44741,"hurst":44742,"holtz":44743,"italians":44744,"carlow":44745,"ucd":44746,"characteristic":44747,"bung":44748,"avl":44749,"uth":44750,"sasia":44751,"rsl":44752,"redman":44753,"neighboring":44754,"greenpeace":44755,"stips":44756,"followparty":44757,"ygk":44758,"enos":44759,"omnibus":44760,"naissance":44761,"chrissy":44762,"secure":44763,"callback":44764,"jihoon":44765,"memory":44766,"blocker":44767,"lanta":44768,"daffodils":44769,"bilt":44770,"fferty":44771,"faust":44772,"iec":44773,"nipples":44774,"sog":44775,"mnd":44776,"jaguar":44777,"boldly":44778,"abpoli":44779,"proposition":44780,"gunsense":44781,"evansville":44782,"cutters":44783,"wego":44784,"doun":44785,"dox":44786,"stallions":44787,"kaj":44788,"shippers":44789,"jawa":44790,"volo":44791,"leven":44792,"paprika":44793,"kovich":44794,"jordi":44795,"inductees":44796,"appalling":44797,"dialysis":44798,"alleviate":44799,"âĢĶâĢĶ":44800,"pieter":44801,"midwi":44802,"qtr":44803,"juliette":44804,"intermission":44805,"hawks":44806,"actment":44807,"oneill":44808,"klin":44809,"vamps":44810,"famous":44811,"could":44812,"automobi":44813,"daan":44814,"westend":44815,"ellip":44816,"nhc":44817,"melanch":44818,"webseries":44819,"tongue":44820,"snatched":44821,"smyth":44822,"tangible":44823,"sli":44824,"easing":44825,"barstool":44826,"overlay":44827,"affordability":44828,"tinged":44829,"teras":44830,"ayush":44831,"wannaone":44832,"rhine":44833,"dana":44834,"shana":44835,"kendal":44836,"fertile":44837,"wir":44838,"repleni":44839,"larvae":44840,"isro":44841,"convos":44842,"abbrevi":44843,"ucc":44844,"hungry":44845,"burrows":44846,"ager":44847,"navi":44848,"matin":44849,"duper":44850,"cern":44851,"madon":44852,"ķï¸ı":44853,"éģ":44854,"tups":44855,"hyatt":44856,"shep":44857,"fridaynight":44858,"wiser":44859,"heidi":44860,"hatton":44861,"pgh":44862,"fountain":44863,"wristbands":44864,"ahmadiyya":44865,"aerial":44866,"subscribed":44867,"solos":44868,"mace":44869,"slayed":44870,"forfe":44871,"dulce":44872,"christmass":44873,"arunjaitley":44874,"violate":44875,"obstru":44876,"nieces":44877,"wvu":44878,"idyl":44879,"faze":44880,"preserves":44881,"infringe":44882,"premiers":44883,"intervals":44884,"agency":44885,"(©":44886,"standalone":44887,"dimes":44888,"boer":44889,"parameters":44890,"getit":44891,"ðŁĺĺðŁĺĺðŁĺĺðŁĺĺ":44892,"tulane":44893,"forgiven":44894,"scoll":44895,"mbps":44896,"smashbros":44897,"robbi":44898,"primavera":44899,"alist":44900,"ghostly":44901,"ayat":44902,"yeats":44903,"impressionist":44904,"earphones":44905,"caulfield":44906,"waikiki":44907,"salute":44908,"scou":44909,"muay":44910,"louisvuitton":44911,"bakhta":44912,"adog":44913,"inventions":44914,"hurd":44915,"foreclo":44916,"streamline":44917,"thalaivar":44918,"chsnews":44919,"willard":44920,"tsn":44921,"europarl":44922,"crusher":44923,"mysore":44924,"grower":44925,"raping":44926,"patti":44927,"gden":44928,"smw":44929,"mufti":44930,"kidman":44931,"abr":44932,"sounders":44933,"skeptical":44934,"ðŁĶİ":44935,"sundar":44936,"ime":44937,"ferg":44938,"featherweight":44939,"arlington":44940,"pasqu":44941,"agazine":44942,"wearable":44943,"natic":44944,"mcclure":44945,"intermitt":44946,"horde":44947,"sixties":44948,"carte":44949,"bhav":44950,"zeal":44951,"experiential":44952,"adorned":44953,"sommer":44954,"enote":44955,"hypothesis":44956,"stinky":44957,"proto":44958,"deadlines":44959,"vogel":44960,"musings":44961,"moncton":44962,"guter":44963,"fle":44964,"acion":44965,"voiceof":44966,"tasha":44967,"inhabitants":44968,"typeface":44969,"sba":44970,"btsx":44971,"ðŁĶĴ":44972,"worx":44973,"uhc":44974,"joko":44975,"cellars":44976,"goro":44977,"continuum":44978,"...&":44979,"weathercee":44980,"hap":44981,"srk":44982,"risers":44983,"lonelyplanet":44984,"unnamed":44985,"coeur":44986,"ðŁįĮ":44987,"theworld":44988,"ilike":44989,"fasten":44990,"amigo":44991,"riba":44992,"ramaphosa":44993,"staffers":44994,"hadley":44995,"??\"":44996,"fiore":44997,"salut":44998,"huff":44999,"bezos":45000,"Ñĭ":45001,"rader":45002,"kamala":45003,"inline":45004,"fillers":45005,"umatic":45006,"allin":45007,"shatter":45008,"rein":45009,"oku":45010,"chases":45011,"flagged":45012,"babymetal":45013,"waterstones":45014,"tsb":45015,"cutout":45016,"ophel":45017,"aama":45018,"rockabilly":45019,"stolic":45020,"jetblue":45021,"ichick":45022,"downton":45023,"uzbekistan":45024,"patna":45025,"laq":45026,"grange":45027,")_/":45028,"subsidi":45029,"scp":45030,"newscast":45031,"itsa":45032,"tweetyour":45033,"emor":45034,"archaeologists":45035,"unification":45036,"porta":45037,"qx":45038,"protectors":45039,"prohib":45040,"charisma":45041,"cartag":45042,"renfre":45043,"sculpt":45044,"guwahati":45045,"dema":45046,"boop":45047,"unfpa":45048,"dexter":45049,"layla":45050,"alleges":45051,"soups":45052,"neveragain":45053,"lys":45054,"calc":45055,"baroness":45056,"visualize":45057,"gerber":45058,"absorbed":45059,"iers":45060,"ahan":45061,"fontein":45062,"detectors":45063,"verstappen":45064,"svc":45065,"formulated":45066,"acdc":45067,"lix":45068,"incompetent":45069,"bhk":45070,"lourdes":45071,"waterhouse":45072,"snowed":45073,"appreciative":45074,"sigma":45075,"lizasoberano":45076,"penned":45077,"paycheck":45078,"tallinn":45079,"fancafe":45080,"parisi":45081,"avalley":45082,"vig":45083,"rufc":45084,"hardship":45085,"socute":45086,"poise":45087,"ì¹":45088,"rothschild":45089,"kly":45090,"????????":45091,"lhp":45092,"ilay":45093,"fhs":45094,"amad":45095,"ideals":45096,"bradbury":45097,"balboa":45098,"nicot":45099,"kidnap":45100,"wolve":45101,"tasmanian":45102,"opt":45103,"matthias":45104,"ãĥ³ãĤ":45105,"supermarkets":45106,"mylittlepony":45107,"melee":45108,"lister":45109,"groun":45110,"fedora":45111,"kindness":45112,"enen":45113,"brahms":45114,"¯\\_(":45115,"roswell":45116,"marlene":45117,"icu":45118,"reformation":45119,"orail":45120,"hebrides":45121,"disparities":45122,"terracotta":45123,"swallows":45124,"reid":45125,"influencing":45126,"fluor":45127,"dene":45128,"tumour":45129,"blondes":45130,"thunderbird":45131,"sheva":45132,"mogadishu":45133,"kab":45134,"creeps":45135,"iving":45136,"eneed":45137,"annoy":45138,"âĶĢ":45139,"intrigue":45140,"enquiry":45141,"araj":45142,"tural":45143,"kubernetes":45144,"endlessly":45145,"dividends":45146,"tora":45147,"tish":45148,"commemorates":45149,"unra":45150,"trib":45151,"ponty":45152,"nem":45153,"dissent":45154,"brewingco":45155,"ðŁĺ½":45156,"normali":45157,"biof":45158,"(...":45159,"chillen":45160,"주":45161,"mellon":45162,"avis":45163,"mccormack":45164,"ingra":45165,"enriched":45166,"customerexperience":45167,"testosterone":45168,"snug":45169,"setti":45170,"geronimo":45171,"inquirer":45172,"breaches":45173,"verything":45174,"blooming":45175,"mura":45176,"dispos":45177,"bide":45178,"deva":45179,"shadesof":45180,"intrin":45181,"shev":45182,"sven":45183,"nayanthara":45184,"ganesha":45185,"cws":45186,"berta":45187,"labelled":45188,"useum":45189,"nicknamed":45190,"mahan":45191,"caruso":45192,"apur":45193,"ðŁijĨ":45194,"wq":45195,"orphanage":45196,"discarded":45197,"magnu":45198,"lue":45199,"jeon":45200,"bridgeport":45201,"pacing":45202,"mercury":45203,"(ðŁĵ¸":45204,"marxist":45205,"amphibious":45206,"transplantation":45207,"stitching":45208,"thenburg":45209,"gradual":45210,"ãĤĮ":45211,"roft":45212,"mails":45213,"inec":45214,"guyana":45215,"doppelg":45216,"vero":45217,"rewrite":45218,"headless":45219,"harbaugh":45220,"gateway":45221,"carsforsale":45222,"swi":45223,"stis":45224,"macht":45225,"unde":45226,"surabaya":45227,"stapleton":45228,"nurturing":45229,"milner":45230,"yao":45231,"lmaoooo":45232,"kosh":45233,"arsenal":45234,"kame":45235,"erry":45236,"arroyo":45237,"dismisses":45238,"rubbed":45239,"rcb":45240,"lewd":45241,"dilu":45242,"andor":45243,"vide":45244,"urin":45245,"intersec":45246,"haar":45247,"alb":45248,"yearswith":45249,"appleton":45250,"éal":45251,"ullivan":45252,"succu":45253,"monterrey":45254,"dmx":45255,"artemis":45256,"ronnie":45257,"farmland":45258,"sfootball":45259,"grotto":45260,"anthi":45261,"ãĢģ":45262,"à®Ł":45263,"vidya":45264,"jimmyfallon":45265,"àµį":45266,"tzer":45267,"gravitational":45268,"wthr":45269,"uhhh":45270,"ehr":45271,"tinker":45272,"tijuana":45273,"scranton":45274,"ramcharan":45275,"barclay":45276,"revan":45277,"msi":45278,"kap":45279,"wrs":45280,"wethenorth":45281,"toral":45282,"satu":45283,"grom":45284,"facep":45285,"erickson":45286,"zyn":45287,"sedge":45288,"oodle":45289,"spursofficial":45290,"dsp":45291,"sicilian":45292,"solihull":45293,"receivers":45294,"ladakh":45295,"hendrick":45296,"theri":45297,"presiding":45298,"mcguinness":45299,"litters":45300,"gunnar":45301,"ghoul":45302,"wib":45303,"ntv":45304,"karo":45305,"frock":45306,"blau":45307,"amplify":45308,"allis":45309,"ullah":45310,"memoirs":45311,"khloe":45312,"interceptions":45313,"petday":45314,"looney":45315,"confin":45316,"chay":45317,"piyushgoyal":45318,"frequencies":45319,"utz":45320,"eventual":45321,"warmly":45322,"oblivion":45323,"anka":45324,"tait":45325,"âĿ¤ï¸ı.":45326,"directorial":45327,"rulers":45328,"princes":45329,"muck":45330,"sturridge":45331,"deuce":45332,"abridged":45333,"baguette":45334,"uncles":45335,"pendu":45336,"minding":45337,"forrester":45338,"avila":45339,"waller":45340,"wallstreet":45341,"mentor":45342,"hino":45343,"highway":45344,"cromwell":45345,"fanartfriday":45346,"mbi":45347,"coyle":45348,"ahi":45349,"trove":45350,"spiegel":45351,"paytm":45352,"mcintosh":45353,"jansen":45354,"niti":45355,"nashville":45356,"leno":45357,"leicestershire":45358,"legos":45359,"dict":45360,"ðŁĵ½":45361,"spad":45362,"beverlyhills":45363,"syrah":45364,"separates":45365,"zain":45366,"unfit":45367,"drags":45368,"tania":45369,"overflowing":45370,"hrithik":45371,"hawthorn":45372,"zani":45373,"macfar":45374,"fide":45375,"totem":45376,"peds":45377,"fundamentally":45378,"calico":45379,"sinner":45380,"jä":45381,"hilde":45382,"dsd":45383,"tenay":45384,"tahit":45385,"milf":45386,"lieb":45387,"informing":45388,"uplift":45389,"rael":45390,"mortgages":45391,"lect":45392,"iiii":45393,"guillaume":45394,"composites":45395,"oldsmobile":45396,"lend":45397,"garth":45398,"commish":45399,"baptized":45400,"scorpions":45401,"rucker":45402,"bringbackour":45403,"alliance":45404,"thalapathy":45405,"tali":45406,"spans":45407,"eridge":45408,"witherspoon":45409,"linda":45410,"skylar":45411,"korn":45412,"homs":45413,"Äį":45414,"silenced":45415,"caffe":45416,"arty":45417,"distinguish":45418,"towed":45419,"pung":45420,"jessica":45421,"earnest":45422,"beaufort":45423,"tama":45424,"studyabroad":45425,"sikhs":45426,"newbie":45427,"navratri":45428,"marble":45429,"lounging":45430,"litter":45431,"dalit":45432,"sosa":45433,"izes":45434,"grade":45435,"compromising":45436,"triton":45437,"detta":45438,"vj":45439,"chauffe":45440,"spectral":45441,"powered":45442,"montessori":45443,"articulate":45444,"halton":45445,"alco":45446,"yey":45447,"mntwins":45448,"acounty":45449,"ðŁijıðŁı¾":45450,"âīĪ":45451,"madmen":45452,"kala":45453,"grum":45454,"chik":45455,"atis":45456,"sume":45457,"akhtar":45458,"jobsearch":45459,"highlighter":45460,"boath":45461,"âĦ¹":45462,"tarzan":45463,"lambo":45464,"âĽĦï¸ı":45465,"oxfam":45466,"dumpster":45467,"pretzels":45468,"macos":45469,"inclined":45470,"factual":45471,"advertisers":45472,"shui":45473,"puree":45474,"mlpfi":45475,"antidote":45476,"capo":45477,"pastr":45478,"mercado":45479,"button":45480,"armin":45481,"agg":45482,"lolla":45483,"horribly":45484,"errands":45485,"christophe":45486,"timesnow":45487,"mondaymotiv":45488,"liss":45489,"scandals":45490,"mci":45491,"disproportion":45492,"âĺİ":45493,"surpass":45494,"samaritan":45495,"sotho":45496,"purest":45497,"flatt":45498,"triviatuesday":45499,"delectable":45500,"leopold":45501,"hermione":45502,"choudhary":45503,"enrich":45504,"¡¡":45505,"subsidiary":45506,"inequalities":45507,"bachelor":45508,"autoimmune":45509,"lakota":45510,"ihop":45511,"adjec":45512,"thesimpsons":45513,"shes":45514,"sek":45515,"gretchen":45516,"upstream":45517,"hinakhan":45518,"copernic":45519,"xtina":45520,"lug":45521,"toughness":45522,"ead":45523,"clipped":45524,"bius":45525,"slv":45526,"fahren":45527,"deepak":45528,"cau":45529,"xan":45530,"immature":45531,"digni":45532,"bobs":45533,"shredding":45534,"buttery":45535,"accommodations":45536,"deven":45537,"chunks":45538,"superleague":45539,"skybet":45540,"kildare":45541,"jeet":45542,"ëį":45543,"cek":45544,"wrecks":45545,"propane":45546,"ohl":45547,"tbd":45548,"quoi":45549,"trumpp":45550,"mimo":45551,"reluctant":45552,"verne":45553,"oic":45554,"magh":45555,"arnau":45556,"sever":45557,"lidge":45558,"stairway":45559,"kicchasudeep":45560,"ðŁĶº":45561,"machining":45562,"aamaadmi":45563,"oti":45564,"cda":45565,"alit":45566,"pany":45567,"installs":45568,"acct":45569,"eshop":45570,"diem":45571,"hardwell":45572,"fulfillment":45573,"scafe":45574,"quack":45575,"extracts":45576,"sweetened":45577,"fighton":45578,"fdi":45579,"dinger":45580,"waltham":45581,"usur":45582,"referees":45583,"seokjin":45584,"grann":45585,"afrin":45586,"thn":45587,"schaf":45588,"parcels":45589,"betis":45590,"amarine":45591,"noman":45592,"khtar":45593,"moritz":45594,"coupling":45595,"barons":45596,"ðŁIJ¸":45597,"ø":45598,"slp":45599,"sadler":45600,"xander":45601,"triad":45602,"mcmillan":45603,"khz":45604,"dividing":45605,"ìĹijìĨĮ":45606,"daryl":45607,"zedd":45608,"leys":45609,"plaques":45610,"fluori":45611,"tipperary":45612,"onnell":45613,"didier":45614,"langford":45615,"imc":45616,"thesun":45617,"birdies":45618,"archa":45619,"yessss":45620,"tdi":45621,"daria":45622,"candace":45623,"altam":45624,"palaces":45625,"chit":45626,"santam":45627,"eventful":45628,"bookof":45629,"adb":45630,"monstax":45631,"creole":45632,"coel":45633,"âĸ½":45634,"wearen":45635,"stennis":45636,"sheath":45637,"atism":45638,"groningen":45639,"mlpfim":45640,"lepre":45641,"wrongly":45642,"rspca":45643,"rendezvous":45644,"acknowledging":45645,"pelvic":45646,"solicitor":45647,"slays":45648,"nuestra":45649,"lod":45650,"islander":45651,"feroci":45652,"fashionshow":45653,"rass":45654,"dgeon":45655,"adolescents":45656,"smashes":45657,"negligence":45658,"grateful":45659,"vedere":45660,"swoop":45661,"ingl":45662,"apolice":45663,"vandalism":45664,"gann":45665,"joao":45666,"disupdates":45667,"zimbabwe":45668,"underage":45669,"radiance":45670,"wof":45671,"bourgeo":45672,"plas":45673,"crani":45674,"ghue":45675,"wreckem":45676,"warrants":45677,"reform":45678,"jimmie":45679,"atwood":45680,"ysl":45681,"neilhimself":45682,"lbj":45683,"iman":45684,"tanto":45685,"noisse":45686,"verbs":45687,"equipo":45688,"altogether":45689,"mament":45690,"lice":45691,"douglass":45692,"tierney":45693,"primed":45694,"jhal":45695,"furnitu":45696,"brazili":45697,"vill":45698,"pastels":45699,"nison":45700,"uff":45701,"paralysis":45702,"jaye":45703,"impo":45704,"ðŁijģ":45705,"strategically":45706,"pakistanis":45707,"wassup":45708,"superbike":45709,"thanku":45710,"truelove":45711,"shaikh":45712,"israelis":45713,"vip":45714,"tog":45715,"lien":45716,"laker":45717,"greyhounds":45718,"culars":45719,"bianchi":45720,"balotelli":45721,"arran":45722,"loos":45723,"strates":45724,"hebron":45725,"arvo":45726,"sunderland":45727,"theal":45728,"tombstone":45729,"sandman":45730,"cpac":45731,"thanksgiving":45732,"lovehim":45733,"latino":45734,"anin":45735,"akaif":45736,"ĭãĤ":45737,"torquay":45738,"diest":45739,"allianz":45740,"ðŁĺķ":45741,"golfclub":45742,"cllr":45743,"walcott":45744,"schnau":45745,"prompted":45746,"nominating":45747,"lennox":45748,"valet":45749,"monro":45750,"mayward":45751,"eph":45752,"ðŁĶĶ":45753,"interoper":45754,"rda":45755,"reflex":45756,"armchair":45757,"ê°ķ":45758,"stripper":45759,"porti":45760,"pharm":45761,"hamza":45762,"nireland":45763,"neue":45764,"hpv":45765,"portfoli":45766,"sunburn":45767,"frisbee":45768,"beal":45769,"baptiste":45770,"xh":45771,"tym":45772,"prati":45773,"overs":45774,"hazrat":45775,"desert":45776,"derry":45777,"usky":45778,"emmett":45779,"acharya":45780,")_/¯":45781,"shud":45782,"maya":45783,"hamill":45784,"raim":45785,"nrc":45786,"fittings":45787,"curvy":45788,"ðŁıĩ":45789,"sterling":45790,"à¥Ģ":45791,"walkin":45792,"shortcuts":45793,"milly":45794,"astur":45795,"alphabe":45796,"pli":45797,"pez":45798,"missyou":45799,"radford":45800,"mlg":45801,"taeyang":45802,"notjustlakes":45803,"dumps":45804,"serendip":45805,"leur":45806,"raving":45807,"ester":45808,"depriv":45809,"abscbn":45810,"ðŁijĩðŁı»":45811,"scarcity":45812,"ocr":45813,"meanings":45814,"capt":45815,"dahl":45816,"fermentation":45817,"brioche":45818,"towin":45819,"outlander":45820,"massimo":45821,"encro":45822,"ðŁ¥³":45823,"built":45824,"potam":45825,"kiri":45826,"tmw":45827,"monitored":45828,"kites":45829,"peoplesvote":45830,"grayson":45831,"íģ¬":45832,"afrika":45833,"adies":45834,"ivote":45835,"gyne":45836,"gannon":45837,"dix":45838,"cmc":45839,"oural":45840,"foxandfriends":45841,"beli":45842,"igne":45843,"glan":45844,"katrinakaif":45845,"copolitics":45846,"qualitative":45847,"psi":45848,"lucci":45849,"discoura":45850,"âĺ®":45851,"kelli":45852,"gautam":45853,"caracas":45854,"realest":45855,"pula":45856,"inus":45857,"hilltop":45858,"makeaw":45859,"attenborough":45860,"twy":45861,"rarity":45862,"peckham":45863,"mahon":45864,"cornelius":45865,"clinicians":45866,"tonline":45867,"tbi":45868,"paradise":45869,"kasi":45870,"inevit":45871,"freshness":45872,"collingwood":45873,"lunatic":45874,"defense":45875,"copd":45876,"infra":45877,"wainwright":45878,"sainsbury":45879,"alabam":45880,"tema":45881,"laco":45882,"checker":45883,"relegated":45884,"trent":45885,"stalks":45886,"huffpost":45887,"bhubaneswar":45888,"astral":45889,"shareyour":45890,"primrose":45891,"hime":45892,"catan":45893,"endment":45894,"endow":45895,"clemens":45896,"maloney":45897,"hilary":45898,"gametime":45899,"denise":45900,"collaborators":45901,"bwo":45902,"radicals":45903,"guetta":45904,"icion":45905,"aua":45906,"snapmatic":45907,"satchel":45908,"excavation":45909,"baseman":45910,"são":45911,"gnation":45912,"feld":45913,"survey":45914,"shahzad":45915,"mast":45916,"anirudhofficial":45917,"trucker":45918,"otago":45919,"geograph":45920,"ethel":45921,"âļ¡ï¸ıâļ¡ï¸ı":45922,"sver":45923,"mutt":45924,"internetofthings":45925,"anchored":45926,"whouse":45927,"bangla":45928,"balmain":45929,"ç¹ĭãģ":45930,"breakfa":45931,"áĢ":45932,"twister":45933,"tetris":45934,"cav":45935,"stags":45936,"gz":45937,"aub":45938,"stormed":45939,"helens":45940,"yarmouth":45941,"stasy":45942,"gustavo":45943,"cosc":45944,"vinson":45945,"upp":45946,"scricket":45947,"assumptions":45948,"appe":45949,"nuh":45950,"uer":45951,"premise":45952,"naga":45953,"eamon":45954,"coronary":45955,"naf":45956,"northside":45957,"elmer":45958,"rotar":45959,"outlining":45960,"elf":45961,"resurg":45962,"katelyn":45963,"incan":45964,"hysteria":45965,"cee":45966,"ambani":45967,"prolly":45968,"ĮãĤĬãģ":45969,"axes":45970,"sanjose":45971,"rembrandt":45972,"magpie":45973,"evenly":45974,"scorsese":45975,"quaint":45976,"fg":45977,"bbuk":45978,"indianfootball":45979,"weareall":45980,"spdwy":45981,"pisces":45982,"ecg":45983,"âĺħâĺħâĺħâĺħâĺħ":45984,"preorders":45985,":|":45986,"nipple":45987,"salazar":45988,"jume":45989,"jailbreak":45990,"minn":45991,"bassett":45992,"zetta":45993,"jeffree":45994,"adjun":45995,"ticon":45996,"sandiego":45997,"drinklocal":45998,"cholera":45999,"solicitors":46000,"obo":46001,"compost":46002,"nian":46003,"wra":46004,"treach":46005,"icic":46006,"professional":46007,"delve":46008,"legate":46009,"historia":46010,"croissant":46011,"connoisse":46012,"namo":46013,"palliative":46014,"chemtrails":46015,"iority":46016,"globalwarming":46017,"comicart":46018,"behavioural":46019,"rested":46020,"lias":46021,"climates":46022,"ŁãģĦ":46023,"rutland":46024,"nourish":46025,"menopause":46026,"hotties":46027,"dementi":46028,"vespa":46029,"melville":46030,"analogue":46031,"tzman":46032,"strung":46033,"imperfect":46034,"glare":46035,"circling":46036,"rosberg":46037,"reco":46038,"ocity":46039,"loire":46040,"embe":46041,"dossier":46042,"neel":46043,"nando":46044,"mea":46045,"galvani":46046,"finesse":46047,"agp":46048,"berkeley":46049,"asim":46050,"âĺºâĺº":46051,"quilted":46052,"ishere":46053,"unmatched":46054,"potion":46055,"forz":46056,"atre":46057,"selfies":46058,"juliana":46059,"ðŁļ¶":46060,"âĸº":46061,"melton":46062,"âłĢâłĢâłĢâłĢâłĢâłĢâłĢâłĢ":46063,"spinrilla":46064,"purcell":46065,"edp":46066,"atleti":46067,"tonyawards":46068,"raja":46069,"progno":46070,"molten":46071,"stuff":46072,"pally":46073,"nobelprize":46074,"âĻ»ï¸ı":46075,"spiritual":46076,"speake":46077,"sasha":46078,"brium":46079,"truss":46080,"criticize":46081,"assassinscreed":46082,"yoruba":46083,"ulo":46084,"fireman":46085,"workinprogress":46086,"efcc":46087,"flares":46088,"robot":46089,"hikers":46090,"cll":46091,"shadowing":46092,"patsy":46093,"lehman":46094,"cns":46095,"å±":46096,"guadal":46097,"à±į":46098,"rape":46099,"rhonda":46100,"parallels":46101,"sonja":46102,"language":46103,"landings":46104,"zola":46105,"cramps":46106,"burning":46107,"appraisal":46108,"jolla":46109,"hamm":46110,"kasa":46111,"gully":46112,"fgo":46113,"ulysses":46114,"ribe":46115,"ðŁĴĦ":46116,"ibu":46117,"etienne":46118,"briar":46119,"finely":46120,"combating":46121,"yql":46122,"gotham":46123,"wechat":46124,"topaz":46125,"primaries":46126,"lse":46127,"izz":46128,"hele":46129,"disponible":46130,"cystic":46131,"belichick":46132,"thrush":46133,"kansascity":46134,"geom":46135,"solidi":46136,"redbubble":46137,"bystand":46138,"cambridgeshire":46139,"parfait":46140,"astle":46141,"owo":46142,"indore":46143,"stomping":46144,"smelly":46145,"ð٤ĸ":46146,"locomo":46147,"admitting":46148,"holme":46149,"clockwise":46150,"minsk":46151,"mcco":46152,"forget":46153,"evp":46154,"camra":46155,"abella":46156,"yotes":46157,"universityof":46158,"méxico":46159,"silverado":46160,"ricket":46161,"crombie":46162,"puj":46163,"eradicate":46164,"delight":46165,"ygo":46166,"glamping":46167,"vica":46168,"duggan":46169,"counters":46170,"cfd":46171,"scour":46172,"reactjs":46173,"puram":46174,"parasites":46175,"inki":46176,"villen":46177,"stella":46178,"limbo":46179,"angas":46180,"kcr":46181,"ðŁĴļðŁĴļðŁĴļ":46182,"vapori":46183,"mumford":46184,"oligar":46185,"à¼":46186,"aloo":46187,"booties":46188,"adr":46189,"kelli":46190,"drummers":46191,"avici":46192,"natureuk":46193,"ronal":46194,"intrac":46195,"unsplash":46196,"leche":46197,"goma":46198,"eline":46199,"enviro":46200,"bionic":46201,"bueno":46202,"mik":46203,"avin":46204,"starling":46205,"empowers":46206,"cakeday":46207,"boycot":46208,"ðŁĴļðŁĴļ":46209,"ðŁĮ¸ðŁĮ¸":46210,"vach":46211,"mci":46212,"fractures":46213,"geri":46214,"sking":46215,"excluded":46216,"luce":46217,"jave":46218,"iggy":46219,"eviden":46220,"akistan":46221,"awn":46222,"morals":46223,"lucifer":46224,"haban":46225,"tumbling":46226,"sundaymotivation":46227,"mosley":46228,"captainamerica":46229,"schicago":46230,"theone":46231,"motd":46232,"dts":46233,"ðŁIJ¼":46234,"repell":46235,"iii":46236,"locust":46237,"geospatial":46238,"mersey":46239,"immerse":46240,"descend":46241,"bernade":46242,"js":46243,"boatsales":46244,"winder":46245,"crank":46246,"singleton":46247,"candidacy":46248,"bena":46249,"ðŁı»âĢį":46250,"highlander":46251,"olt":46252,"kprs":46253,"healthylifestyle":46254,"fourteen":46255,"endthe":46256,"ithaca":46257,"circulated":46258,"rans":46259,"prevalent":46260,"havas":46261,"splendor":46262,"rooster":46263,"kalamazoo":46264,"jewellers":46265,"ennedy":46266,"rousey":46267,"esy":46268,"cannons":46269,"ornamental":46270,"////":46271,"rendon":46272,"winne":46273,"molding":46274,"eidmubarak":46275,"countess":46276,"simona":46277,"hawa":46278,"foes":46279,"duster":46280,"sbu":46281,"portray":46282,"marries":46283,"goodday":46284,"choco":46285,"achiever":46286,"ðŁĺ¹ðŁĺ¹":46287,"preneur":46288,"tramp":46289,"tomi":46290,"nbat":46291,"gardenchat":46292,"farrakhan":46293,"everglades":46294,"abru":46295,"sousa":46296,"sece":46297,"homeswee":46298,"terrestrial":46299,"barit":46300,"sridevi":46301,"olu":46302,"melinda":46303,"frick":46304,"candies":46305,"ðŁĺŃðŁĴķ":46306,"qureshi":46307,"familyfun":46308,"exorcist":46309,"cardinal":46310,"nyt":46311,"diesel":46312,"cumulus":46313,"capricorn":46314,"siology":46315,"lorna":46316,"dougie":46317,"andie":46318,"supersport":46319,"cfl":46320,"пÑĢи":46321,"sayang":46322,"peek":46323,"à¸Ĭ":46324,"lobe":46325,"jem":46326,"inglis":46327,"ggled":46328,"csn":46329,"amnesty":46330,"chups":46331,"baes":46332,"sauer":46333,"ðŁıIJ":46334,"mongolian":46335,"enet":46336,"backstreet":46337,"drilled":46338,"accessing":46339,"ceo":46340,"bse":46341,"aiken":46342,"purr":46343,"worsen":46344,"wheres":46345,"wark":46346,"testifying":46347,"buri":46348,"blast":46349,"awg":46350,"ðŁĵĭ":46351,"redefining":46352,"hearing":46353,"uci":46354,"cmp":46355,"boni":46356,"tailoring":46357,"taji":46358,"nocchi":46359,"emt":46360,"stephenking":46361,"neet":46362,"complains":46363,"campaigner":46364,"luciano":46365,"twilight":46366,"tiesto":46367,"passports":46368,"floyd":46369,"cathedr":46370,"naked":46371,"caregiver":46372,"bcoz":46373,"adecides":46374,"kuri":46375,"lyk":46376,"braries":46377,"drenched":46378,"disclose":46379,"ðŁĴªðŁı½":46380,"leblanc":46381,"jetty":46382,"garty":46383,"chipmun":46384,"bsu":46385,"rhythmic":46386,"icz":46387,"frid":46388,"annex":46389,"amex":46390,"soloist":46391,"lancers":46392,"arrowhead":46393,"specification":46394,"simulated":46395,"nais":46396,"inverte":46397,"bowing":46398,"worship":46399,"fz":46400,"aboss":46401,"shaq":46402,"ì¶ķ":46403,"challengers":46404,"anarch":46405,"aamaadmiparty":46406,"ãħĭãħĭãħĭ":46407,"suffolk":46408,"socorro":46409,"snell":46410,"cladding":46411,"absorbing":46412,"shawa":46413,"participates":46414,"ðŁįĶ":46415,"bookstores":46416,"baku":46417,"seaport":46418,"kojima":46419,"gaby":46420,"packard":46421,"electrician":46422,"letit":46423,"mowing":46424,"fawad":46425,"youngjae":46426,"hotmail":46427,"mening":46428,"urie":46429,"intimacy":46430,"conti":46431,":\")":46432,"lifeisgood":46433,"inciner":46434,"idri":46435,"craziness":46436,"journos":46437,"franchi":46438,"bottlen":46439,"alda":46440,"ffes":46441,"kx":46442,"southwe":46443,"aira":46444,"clayton":46445,"scoti":46446,"fj":46447,"briga":46448,"ð٤ĺðŁı»":46449,"demonstrators":46450,"yz":46451,"stork":46452,"naq":46453,"cascades":46454,"travelchat":46455,"plata":46456,"padma":46457,"franci":46458,"attain":46459,"batgirl":46460,"lombard":46461,"hoos":46462,"ddos":46463,"neonatal":46464,"disclaimer":46465,"rss":46466,"rant":46467,"disen":46468,"texaste":46469,"socal":46470,"fractal":46471,"camry":46472,"strife":46473,"snacking":46474,"muh":46475,"santander":46476,"morons":46477,"graf":46478,"parades":46479,"huston":46480,"drupal":46481,"miento":46482,"kirstel":46483,"hyde":46484,"vomit":46485,"fortified":46486,"sphinx":46487,"dav":46488,"biryani":46489,"winnings":46490,"sbaseball":46491,"merged":46492,"lovelondon":46493,"lingering":46494,"dreambig":46495,"carleton":46496,"livelihood":46497,"django":46498,"astrid":46499,"grids":46500,"downe":46501,"bruised":46502,"sne":46503,"scarecrow":46504,"helium":46505,"fnc":46506,"biggs":46507,"anter":46508,"restorative":46509,"empires":46510,"abdel":46511,"lifestyle":46512,"kiwanis":46513,"colloquium":46514,"meen":46515,"prick":46516,"antique":46517,"zeb":46518,"mimic":46519,"edmonds":46520,"ðŁijĬðŁijĬ":46521,"qing":46522,"ppel":46523,"mcgill":46524,"interpreting":46525,"âŀķ":46526,"rashad":46527,"doka":46528,"narrator":46529,"electromagnetic":46530,"ashby":46531,"saura":46532,"irandeal":46533,"âģīï¸ı":46534,"krishnan":46535,"indi":46536,"ffen":46537,"brea":46538,"osman":46539,"multinational":46540,"chippe":46541,"recruiters":46542,"ausbiz":46543,"pounding":46544,"regen":46545,"cursor":46546,"refusal":46547,"macs":46548,"inak":46549,"axial":46550,"waifu":46551,"upcycled":46552,"hindustan":46553,"cassini":46554,"carlyle":46555,"scratches":46556,"reef":46557,"manatee":46558,"eatery":46559,"ðŁĵ¢":46560,"uncondition":46561,"senpai":46562,"onther":46563,"comicbook":46564,"prosciutto":46565,"demar":46566,"mise":46567,"mage":46568,"freec":46569,"ayesha":46570,"alder":46571,"androidgames":46572,"leyton":46573,"hock":46574,"doorway":46575,"chicagofire":46576,"aaliyah":46577,"swelling":46578,"bix":46579,".ðŁĺĤ":46580,"evankirstel":46581,"torpedo":46582,"konstant":46583,"genevieve":46584,"maia":46585,"hauser":46586,"dotorg":46587,"hideous":46588,"fik":46589,"spraw":46590,"eek":46591,"zappa":46592,"wandered":46593,"''":46594,"rajan":46595,"bambi":46596,"($)":46597,"widening":46598,"toolbox":46599,"sair":46600,"illuminating":46601,"prays":46602,"outpatient":46603,"iw":46604,"dayo":46605,"lob":46606,"swfl":46607,"shades":46608,"gums":46609,"cookin":46610,"kodi":46611,"griffin":46612,"traumati":46613,"stea":46614,"slaughtered":46615,"godbless":46616,"airtime":46617,"pseudo":46618,"bsa":46619,"hauled":46620,"arif":46621,"à¸Ńà¸ĩ":46622,"lel":46623,"wcpo":46624,"militi":46625,"charters":46626,"worlda":46627,"ruk":46628,"kgs":46629,"digitalindia":46630,"isable":46631,"idyllic":46632,"espino":46633,"marietta":46634,"ebo":46635,"teamcanada":46636,"abour":46637,"wilton":46638,"rockstars":46639,"favored":46640,"physic":46641,"wrinkle":46642,"tbr":46643,"dprint":46644,"ballarat":46645,"adal":46646,"zey":46647,"ðŁĺįðŁĶ¥":46648,"tomlin":46649,"mtr":46650,"palsy":46651,"fenerbah":46652,"tighten":46653,"philia":46654,"ironing":46655,"ryu":46656,"bant":46657,"enquire":46658,"cair":46659,"aburger":46660,"trun":46661,"greenberg":46662,"chauhan":46663,"irina":46664,"shani":46665,"trendsetter":46666,"prett":46667,"zafar":46668,"alove":46669,"vici":46670,"panic":46671,"noo":46672,"lustre":46673,"disrupted":46674,"ballis":46675,"sonsof":46676,"monsi":46677,"instac":46678,"akest":46679,"ëĭ¤":46680,"kwame":46681,"horrormovies":46682,"district":46683,"saucy":46684,"mban":46685,"armies":46686,"withdrawn":46687,"medics":46688,"loftus":46689,"eroom":46690,"bekind":46691,"arns":46692,"allon":46693,"unison":46694,"davids":46695,"crat":46696,"nicotine":46697,"soor":46698,"smx":46699,"onco":46700,"cosplaying":46701,"zombies":46702,"harms":46703,"eger":46704,"rosy":46705,"moonshine":46706,"fein":46707,"cett":46708,"dubrov":46709,"regents":46710,"benitez":46711,"ðŁijıðŁı¼ðŁijıðŁı¼":46712,"stec":46713,"malia":46714,"prioritize":46715,"iceland":46716,"ftse":46717,"vamo":46718,"lamont":46719,"homosexuality":46720,"brees":46721,"regui":46722,"cbp":46723,"tej":46724,"skysports":46725,"detergent":46726,"shasta":46727,"derel":46728,"conservancy":46729,"colorized":46730,"accolades":46731,"viso":46732,"showyour":46733,"nanow":46734,"biceps":46735,"usability":46736,"bim":46737,"dailysketch":46738,"pearljam":46739,"strangest":46740,"megadeth":46741,"broadcasts":46742,"barren":46743,"arton":46744,"chriss":46745,"configu":46746,"lures":46747,"isthe":46748,"eul":46749,"railwayana":46750,"globalhealth":46751,"gianni":46752,"uaap":46753,"slum":46754,"consciously":46755,"abre":46756,"nup":46757,"budget":46758,"vada":46759,"esch":46760,"realness":46761,"erased":46762,"thunt":46763,"bez":46764,"armistice":46765,"ðŁij¹":46766,"shrun":46767,"oled":46768,"driverless":46769,"ðŁ¤·ðŁı»âĢįâĻĢï¸ı":46770,"wondr":46771,"skan":46772,"salaam":46773,"motherland":46774,"hwang":46775,"geno":46776,"gangnam":46777,"twright":46778,"endorsing":46779,"enic":46780,"adoration":46781,"paused":46782,"patricks":46783,"docked":46784,"platte":46785,"ffxv":46786,"ethnicity":46787,"autoshow":46788,"sideshow":46789,"afterlife":46790,"relocated":46791,"orphaned":46792,"foodnetwork":46793,"dareto":46794,"andra":46795,"slaps":46796,"vlive":46797,"swims":46798,"reimagined":46799,"mistle":46800,"revise":46801,"reality":46802,"bharti":46803,"ðŁĴĻðŁĴĽ":46804,"latest":46805,"proudest":46806,"grasses":46807,"lanyard":46808,"freshest":46809,"carcinoma":46810,"anomaly":46811,"ziegler":46812,"sumner":46813,"lyrix":46814,"gorg":46815,"isd":46816,"avel":46817,"swildlife":46818,"mesqu":46819,"johncena":46820,"euroleague":46821,"saber":46822,"masterful":46823,"yarra":46824,"cognition":46825,"jacobson":46826,"abolic":46827,"sirloin":46828,"shukla":46829,"mojito":46830,"supere":46831,"stweet":46832,"mez":46833,"esa":46834,"rudolf":46835,"gura":46836,"whereyou":46837,"ttm":46838,"wins":46839,"trustworthy":46840,"nyk":46841,"braden":46842,"tabletop":46843,"goodfood":46844,"eson":46845,"bek":46846,"linguistic":46847,"grays":46848,"chath":46849,"hcs":46850,"moni":46851,"deans":46852,"cussions":46853,"chell":46854,"slows":46855,"hemi":46856,"dapp":46857,"sharpie":46858,"boosters":46859,"aos":46860,"strack":46861,"sedona":46862,"mueller":46863,"hardwick":46864,"ornate":46865,"thora":46866,"salud":46867,"otwol":46868,"chum":46869,"miho":46870,"forage":46871,"thelittle":46872,"tearful":46873,"oneself":46874,"mindy":46875,"smg":46876,"gmbh":46877,"emerald":46878,"ðŁĶ´âļªï¸ı":46879,"tutti":46880,"receptions":46881,"revising":46882,"ibrox":46883,"topeka":46884,"salami":46885,"expanse":46886,"ibooks":46887,"dobson":46888,"clio":46889,"ats":46890,"ðŁļĮ":46891,"moha":46892,"isance":46893,"shutters":46894,"moot":46895,"janine":46896,"marvelcomics":46897,"jordani":46898,"poser":46899,"kenneth":46900,"hyung":46901,"deja":46902,"aseball":46903,"speciality":46904,"euston":46905,"classiccar":46906,"hadith":46907,"ðŁIJī":46908,"chasing":46909,"izo":46910,"grosven":46911,"aglia":46912,"thisdayinhistory":46913,"trow":46914,"omile":46915,"huar":46916,"byn":46917,"saline":46918,"divine":46919,"demonic":46920,"tyran":46921,"handover":46922,"revitalization":46923,"paella":46924,"cryptic":46925,"sedg":46926,"mend":46927,"dunkirk":46928,"bred":46929,"wald":46930,"sportscar":46931,"aard":46932,"wheaton":46933,"daener":46934,"klan":46935,"brt":46936,"bakhtawar":46937,"spires":46938,"schubert":46939,"roti":46940,"polish":46941,"ose":46942,"agame":46943,"wondercon":46944,"protestant":46945,"bosa":46946,"ðŁĺŁ":46947,"dü":46948,"joyride":46949,"gertrude":46950,"âĿĿ":46951,"gila":46952,"vh":46953,"twa":46954,"trav":46955,"swallowed":46956,"starve":46957,"lain":46958,"entren":46959,"reiki":46960,"sukh":46961,"craic":46962,"azu":46963,"webpage":46964,"keefe":46965,"hypothe":46966,"hirsch":46967,"helle":46968,"campground":46969,"wamy":46970,"travi":46971,"shahi":46972,"sandeep":46973,"rui":46974,"hanuman":46975,"dwp":46976,"repository":46977,"noor":46978,"noff":46979,"unreal":46980,"pell":46981,"blackhistory":46982,"harvick":46983,"mascar":46984,"payee":46985,"pasha":46986,"gastronomy":46987,"dÃŃ":46988,"aig":46989,"rosenthal":46990,"openday":46991,"embellished":46992,"ttip":46993,"sunbathing":46994,"gopack":46995,"endome":46996,"ï¸ı#":46997,"invalid":46998,"finalfour":46999,"stfu":47000,"squishy":47001,"rasta":47002,"mosch":47003,"jamesc":47004,"dietrich":47005,"sela":47006,"melb":47007,"elvi":47008,"tdp":47009,"suni":47010,"slit":47011,"jha":47012,"biza":47013,"spiked":47014,"lli":47015,"lillard":47016,"vampi":47017,"synopsis":47018,"azhar":47019,"kendricklamar":47020,"ĮãĤĬãģŁãģĦ":47021,"heartless":47022,"countryfile":47023,"airplay":47024,"arrogance":47025,"pree":47026,"virtuoso":47027,"ãħłãħłãħłãħł":47028,"raju":47029,"lebu":47030,"forward":47031,"tug":47032,"dros":47033,"mondaymotivaton":47034,"concepcion":47035,"thelo":47036,"padi":47037,"looool":47038,"ÑĢод":47039,"itss":47040,"ethical":47041,"enduro":47042,"__:":47043,"expenditure":47044,"monste":47045,"masking":47046,"terriers":47047,"ibis":47048,"ember":47049,"cumple":47050,"punctuation":47051,"piper":47052,"irvin":47053,"adee":47054,"yyyyyy":47055,"flashbacks":47056,"celsius":47057,"donnie":47058,"bogota":47059,"benevol":47060,"thescript":47061,"shilpa":47062,"prose":47063,"findia":47064,"zeke":47065,"neko":47066,"doves":47067,"blueslyrix":47068,"frosh":47069,"soweto":47070,"mplo":47071,"alai":47072,"sabi":47073,"raqqa":47074,"wftv":47075,"stroller":47076,"iansomerhalder":47077,"ðŁĶª":47078,"anon":47079,"moseley":47080,"!?!?":47081,"staking":47082,"moly":47083,"cartri":47084,"csg":47085,"astor":47086,"transcend":47087,"maer":47088,"deux":47089,"cowgirl":47090,"sask":47091,"punter":47092,"maken":47093,"oates":47094,"lovett":47095,"growler":47096,"sagin":47097,"vn":47098,"ssible":47099,"officeofrg":47100,"ymc":47101,"sabar":47102,"faulty":47103,"apha":47104,"akon":47105,"ðŁij«":47106,"snowdon":47107,"aew":47108,"raisethe":47109,"ðĿĵ":47110,"gruesome":47111,"clementine":47112,"sping":47113,"lata":47114,"worldenviron":47115,"mimic":47116,"canaria":47117,"bakhtawarbz":47118,"aoa":47119,"fala":47120,"ãĤŃ":47121,"aviva":47122,"youuuu":47123,"thigh":47124,"ladders":47125,"gumbo":47126,"tzky":47127,"fuzz":47128,"plasticpollution":47129,"estate":47130,"strengthened":47131,"kant":47132,"drin":47133,"calvert":47134,"transformational":47135,"frightened":47136,"maclean":47137,"elitedangerous":47138,"earthy":47139,"tson":47140,"toda":47141,"jnu":47142,"..,":47143,"michal":47144,"iban":47145,"jeong":47146,"isreal":47147,"simcoe":47148,"exclusives":47149,"bluebells":47150,"bene":47151,"teu":47152,"pilsner":47153,"penske":47154,"atheists":47155,"mpu":47156,"cartagena":47157,"ðŁĴĹðŁĴĹ":47158,"millionaires":47159,"kkkk":47160,"itar":47161,"subscriptions":47162,"remote":47163,"mafi":47164,"hinton":47165,"wcc":47166,"hok":47167,"dsb":47168,"ableton":47169,"seventy":47170,"punks":47171,"eindhoven":47172,"shone":47173,"mcfarlane":47174,"limpopo":47175,"emphasi":47176,"ü":47177,"sinfo":47178,"petre":47179,"mangrove":47180,"chino":47181,"bertie":47182,"playlists":47183,"pushawards":47184,"paf":47185,"debbie":47186,"cdo":47187,"rino":47188,"ðŁı¾âĢįâĻĤï¸ı":47189,"folke":47190,"bonnar":47191,"thine":47192,"slan":47193,"halter":47194,"evie":47195,"awsome":47196,"vultures":47197,"sparky":47198,"seizures":47199,"âľĶ":47200,"ramone":47201,"ineffe":47202,"aln":47203,"proctor":47204,"astra":47205,"thevoice":47206,"grote":47207,"scion":47208,"deadline":47209,"amaya":47210,"tainted":47211,"patterned":47212,"exceeding":47213,"crossfit":47214,"kaylee":47215,"dropbox":47216,"rushes":47217,"tackled":47218,"moby":47219,"retrogamer":47220,"ncbd":47221,"benefitting":47222,"shaykh":47223,"guildhall":47224,"gentry":47225,"dreamcast":47226,"dreaded":47227,"bundled":47228,"thaw":47229,"revolving":47230,"npt":47231,"kyliejenner":47232,"imaginative":47233,"roni":47234,"overcame":47235,"familytime":47236,"dsburg":47237,"carnaval":47238,"relationship":47239,"recognizable":47240,"coroner":47241,"hole":47242,"fanfic":47243,"emirates":47244,"burritos":47245,"analyse":47246,"thinner":47247,"nees":47248,"gallipoli":47249,"blr":47250,"catwoman":47251,"-->>":47252,"ault":47253,"adaily":47254,"naughty":47255,"ilio":47256,"solitaire":47257,"mtvbr":47258,"jocelyn":47259,"arunach":47260,"repent":47261,"southgate":47262,"hyacin":47263,"essential":47264,"fenton":47265,"andum":47266,"itor":47267,"gopal":47268,"slinger":47269,"posei":47270,"awil":47271,"wielding":47272,"raila":47273,"elias":47274,"asto":47275,"ä":47276,"tendency":47277,"strata":47278,"kert":47279,"<-":47280,"imacele":47281,"daes":47282,"stimulus":47283,"hanley":47284,"fitnes":47285,"ecstasy":47286,"limous":47287,"hailing":47288,"ð٤Ń":47289,"chiswick":47290,"taries":47291,"slav":47292,"puli":47293,"modernization":47294,"blackmail":47295,"bingham":47296,"hfx":47297,"++":47298,"ðŁĩ®ðŁĩ³":47299,"niv":47300,"wea":47301,"professor":47302,"koff":47303,"bolster":47304,"suave":47305,"sequences":47306,"pepperoni":47307,"notte":47308,"dren":47309,"ãģ¨ç¹ĭãģ":47310,"hsv":47311,"oga":47312,"aptly":47313,"zad":47314,"excelsi":47315,"rinka":47316,"moldova":47317,"minn":47318,"mabel":47319,"conferencing":47320,"basing":47321,"ofer":47322,"obsi":47323,"hamillhimself":47324,"careless":47325,"briefed":47326,"inherent":47327,"parish":47328,"dubnation":47329,"townsville":47330,"sarawak":47331,"geeky":47332,"doncasterisgreat":47333,"wasabi":47334,"gup":47335,"pheno":47336,"drainthe":47337,"carrieunderwood":47338,"bleeds":47339,"bbcworld":47340,"anew":47341,"altaf":47342,"dulwich":47343,"aniston":47344,"wti":47345,"sumatra":47346,"grafton":47347,"bln":47348,"mester":47349,"bodega":47350,"rego":47351,"esq":47352,"anjo":47353,"sumptuous":47354,"maisie":47355,"�":47356,"wilt":47357,"jakob":47358,"elvis":47359,"sepul":47360,"muster":47361,"airpollution":47362,"presidente":47363,"happymonday":47364,"extensively":47365,"flondon":47366,"tls":47367,"playing":47368,"peed":47369,"dinho":47370,"vardy":47371,"pika":47372,"niro":47373,"aucus":47374,"ðŁį¦":47375,"null":47376,"elondon":47377,"juventus":47378,"imagines":47379,"disab":47380,"lito":47381,"dura":47382,"workplaces":47383,"promote":47384,"mccaf":47385,"woodwork":47386,"wawx":47387,"ப":47388,"ttino":47389,"shari":47390,"semper":47391,"bettertogether":47392,"ðŁijĬðŁı»":47393,"zebra":47394,"pondering":47395,"enchil":47396,"hom":47397,"cosmic":47398,"tanz":47399,"mocked":47400,"eccc":47401,"athed":47402,"abolish":47403,"propeller":47404,"parisagreement":47405,"assemblies":47406,"industry":47407,"fraudulent":47408,"pesa":47409,"changmin":47410,"axx":47411,"ðŁĴµ":47412,"irrational":47413,"cusa":47414,"ramadhan":47415,"octavia":47416,"onelove":47417,"jacki":47418,"barak":47419,"taxider":47420,"serious":47421,"nathanfillion":47422,"mcen":47423,"chk":47424,"popart":47425,"gravity":47426,"coppola":47427,"readingfc":47428,"illusions":47429,"jig":47430,"wwx":47431,"resh":47432,"exporting":47433,"buzzard":47434,"âϤ":47435,"pcm":47436,"lanapar":47437,"kos":47438,"aromas":47439,"antalya":47440,"wwdc":47441,"vena":47442,"phila":47443,"ballin":47444,"ðŁijĦ":47445,"quinta":47446,"mao":47447,"fery":47448,"eighty":47449,"sentiments":47450,"safeguarding":47451,"rwa":47452,"puffs":47453,"lucille":47454,"decath":47455,"slu":47456,"nugent":47457,"deter":47458,"brazil":47459,"zeiss":47460,"superbowl":47461,"subsidy":47462,"altern":47463,"hidalgo":47464,"enzymes":47465,"ä½":47466,"tagne":47467,"hairdresser":47468,"adrien":47469,"walkout":47470,"opposes":47471,"cantina":47472,"bedside":47473,"afan":47474,"ðŁĶĹ":47475,"prophetic":47476,"danes":47477,"unsuccessful":47478,"supercharged":47479,"pkk":47480,"exemption":47481,"hartle":47482,"secular":47483,"clipping":47484,"brs":47485,"unitedway":47486,"cnet":47487,"patchy":47488,"hagan":47489,"een":47490,"âļľ":47491,"vara":47492,"sympathi":47493,"nevertrump":47494,"affirmation":47495,"omf":47496,"nycfc":47497,"maja":47498,"surro":47499,"keerth":47500,"upscale":47501,"sandalwood":47502,"monarchy":47503,"knobs":47504,"åĭ":47505,"potholes":47506,"hungergames":47507,"terraces":47508,"nasir":47509,"counsell":47510,"welcometo":47511,"waq":47512,"seaman":47513,"mita":47514,"stunningly":47515,"ontheroad":47516,"inability":47517,")!!":47518,"bongo":47519,"antv":47520,"sput":47521,"worldenvironmentday":47522,"resusc":47523,"ytd":47524,"fim":47525,"eunhyuk":47526,"sachin":47527,"roseanne":47528,"clermont":47529,"apec":47530,"amina":47531,"vening":47532,"nantes":47533,"almost":47534,"sinus":47535,"exas":47536,"tyl":47537,"tien":47538,"plead":47539,"lancs":47540,"burnaby":47541,"rek":47542,"joom":47543,"observers":47544,"discography":47545,"clg":47546,"âϦ":47547,"snack":47548,"rti":47549,"oily":47550,"crystalli":47551,"brute":47552,"webdevelopment":47553,"toppings":47554,"laf":47555,"anis":47556,"adder":47557,"reliving":47558,"carlin":47559,"battleof":47560,"weg":47561,"syrian":47562,"pont":47563,"ndc":47564,"laghate":47565,"yuma":47566,"spp":47567,"piti":47568,"robbing":47569,"marting":47570,"reykja":47571,"rajput":47572,"ncds":47573,"kiewicz":47574,"âĢ¢âĢ¢":47575,"vampire":47576,"substantially":47577,"opioids":47578,"nepali":47579,"kline":47580,"aroo":47581,"understand":47582,"litt":47583,"uit":47584,"thrombo":47585,"saries":47586,"quot":47587,"balling":47588,"ttr":47589,"sgh":47590,"philipp":47591,"brant":47592,"acl":47593,"mello":47594,"whittaker":47595,".;":47596,"defiant":47597,"bgc":47598,"replying":47599,"mirren":47600,"metamorpho":47601,"schwab":47602,"bulge":47603,"utilized":47604,"pickering":47605,"pardon":47606,"dsa":47607,"à¸Ī":47608,"dooley":47609,"cumulative":47610,"л":47611,"urgency":47612,"emir":47613,"+/-":47614,"¦Ī":47615,"otas":47616,"âı³":47617,"stationed":47618,"grapevine":47619,"arac":47620,"karanjohar":47621,"fancy":47622,"saul":47623,"coogs":47624,"lgbtq":47625,"اÙħ":47626,"javi":47627,"ummer":47628,"pll":47629,"denis":47630,"daipur":47631,"puffin":47632,"lewisham":47633,"fandom":47634,"cope":47635,"vesmatter":47636,"sve":47637,"helpless":47638,"deodor":47639,"ostrich":47640,"kazan":47641,"fridaythe":47642,"condor":47643,"vx":47644,"sophomores":47645,"robles":47646,"cutt":47647,"climbers":47648,"리":47649,"sleg":47650,"snf":47651,"macys":47652,"hydrating":47653,"groupe":47654,"poyn":47655,"moulin":47656,"hgtv":47657,"lmfaooo":47658,"sulphur":47659,"asdfghjkl":47660,"annabelle":47661,"humpback":47662,"braved":47663,"viswasam":47664,"multipurpose":47665,"humidi":47666,"escorted":47667,"barbican":47668,"fad":47669,"corsa":47670,"ðŁ¤«":47671,"pippa":47672,"hereto":47673,"cany":47674,"sergi":47675,"orcas":47676,"ovie":47677,"edou":47678,"sany":47679,"globalization":47680,"mancini":47681,"foodtruck":47682,"fis":47683,"defibrill":47684,"schre":47685,"smafia":47686,"lovewins":47687,"laut":47688,"kaka":47689,"hollande":47690,"gameon":47691,"resurgence":47692,"outside":47693,"olympiad":47694,"intan":47695,"abstraction":47696,"rapid":47697,"palom":47698,"calle":47699,"jasmin":47700,"attackers":47701,"swagg":47702,"mitra":47703,"kylo":47704,"ல":47705,"hermitage":47706,"gordo":47707,"eira":47708,"sosfam":47709,"rollout":47710,"excite":47711,"synod":47712,"merrill":47713,"cals":47714,"assa":47715,"livelihoods":47716,"juve":47717,"theblack":47718,"gopackgo":47719,"antlers":47720,"albanian":47721,"woolly":47722,"quiche":47723,"purification":47724,"areth":47725,"smarthome":47726,"nek":47727,"allblacks":47728,"mexicans":47729,"ism":47730,"germs":47731,"complexion":47732,"marck":47733,"ushi":47734,"ðŁIJIJ":47735,"charl":47736,"castic":47737,"tillerson":47738,"giuliani":47739,"biodegradable":47740,"malbec":47741,"bois":47742,"jubil":47743,"imes":47744,"rame":47745,"genetic":47746,"espnu":47747,"chley":47748,"soho":47749,"gopher":47750,"gsc":47751,"buuren":47752,"cube":47753,"bridesmaids":47754,"webinars":47755,"toe":47756,"manipur":47757,"violently":47758,"noticias":47759,"exchanging":47760,"chiev":47761,"replaceable":47762,"muaythai":47763,"buss":47764,"spil":47765,"instalment":47766,"divya":47767,"caitlin":47768,"olim":47769,"filtering":47770,"whirlwind":47771,"stared":47772,"priorit":47773,"pram":47774,"pompeii":47775,"monologue":47776,"kite":47777,"buka":47778,"â̦..":47779,"vaccine":47780,"brero":47781,"wozni":47782,"solent":47783,"referr":47784,"myrt":47785,"gridiron":47786,"galatasaray":47787,"froze":47788,"claremont":47789,"ðŁ¥ĥ":47790,"victorias":47791,"sseldorf":47792,"pastures":47793,"netneutrality":47794,"chor":47795,"ðŁijģ":47796,"ಿ":47797,"weho":47798,"symptom":47799,"josel":47800,"inous":47801,"dragoncon":47802,"powerball":47803,"pte":47804,"fourthofjuly":47805,"ecla":47806,"earbuds":47807,"whereabouts":47808,"saltlife":47809,"deprivation":47810,"chter":47811,"wiggle":47812,"system":47813,"psst":47814,"chaz":47815,"dany":47816,"rimo":47817,"oaxaca":47818,"lanaparrilla":47819,"barcelon":47820,"melancholy":47821,"wayback":47822,"hotro":47823,"nsi":47824,"lilly":47825,"kuro":47826,"jahan":47827,"intellect":47828,"boardgame":47829,"ðŁıĬ":47830,"sneakpeek":47831,"kprc":47832,"jails":47833,"candel":47834,"zanzi":47835,"mortimer":47836,"starch":47837,"rags":47838,"pfa":47839,"longlive":47840,"kart":47841,"girona":47842,"crocker":47843,"christoph":47844,"precautions":47845,"warship":47846,"perm":47847,"parent":47848,"vangogh":47849,"gifford":47850,"allegheny":47851,"rayn":47852,"utm":47853,"stencil":47854,"recalling":47855,"penney":47856,"zazzle":47857,"ìĥĿ":47858,"hinds":47859,"arenas":47860,"nuev":47861,"lawler":47862,"guin":47863,"dothis":47864,"ðŁijķ":47865,"ì¶ķíķĺ":47866,"weg":47867,"tib":47868,"ridin":47869,"complexes":47870,"turbulent":47871,"pesos":47872,"demarcus":47873,"vallarta":47874,"samsun":47875,"kisses":47876,"heinrich":47877,"deportes":47878,"wilms":47879,"urd":47880,"thenext":47881,"inkigayo":47882,"howi":47883,"firsts":47884,"carriage":47885,"cleanliness":47886,"maswar":47887,"isch":47888,"axel":47889,"sizzle":47890,"roadhouse":47891,"frans":47892,"entourage":47893,"cobble":47894,"booth":47895,"benedict":47896,"talon":47897,"fcu":47898,"yearofthe":47899,"rayon":47900,"raidernation":47901,"foyle":47902,"koval":47903,"pianos":47904,"lpg":47905,"burmese":47906,"manure":47907,"geocaching":47908,"coscino":47909,"bnp":47910,"ferra":47911,"strophy":47912,"marais":47913,"cees":47914,"legendof":47915,"katniss":47916,"enoch":47917,"aved":47918,"youknow":47919,"dprk":47920,"ðŁĺ¢ðŁĺ¢":47921,"spun":47922,"prost":47923,"sorrows":47924,"centred":47925,"kea":47926,"galicia":47927,"?ð٤Ķ":47928,"ÑĢода":47929,"bouchard":47930,"ðŁĴĻðŁĴľ":47931,"yui":47932,"seedlings":47933,"jonah":47934,"recovers":47935,"nyrd":47936,"boardroom":47937,"suma":47938,"myjaps":47939,"tung":47940,"shai":47941,"irgc":47942,"elio":47943,"wagons":47944,"kashi":47945,"policemen":47946,"johnnie":47947,"alecoscino":47948,"shopify":47949,"dotted":47950,"detri":47951,"vaw":47952,"tofficial":47953,"inyour":47954,"chalmers":47955,"traced":47956,"novi":47957,"byes":47958,"ariel":47959,"nippon":47960,"lapel":47961,"griez":47962,"bgs":47963,"fooling":47964,"dita":47965,"vijaysethu":47966,"nmwx":47967,"asot":47968,"kranti":47969,"helm":47970,"vedi":47971,"sickest":47972,"mochi":47973,"kabo":47974,"shrubs":47975,"hered":47976,"bsp":47977,"sqm":47978,"hamr":47979,"dulkar":47980,"antha":47981,"nrf":47982,"avoidance":47983,"aten":47984,"publix":47985,"bearers":47986,"nasi":47987,"hap":47988,"hells":47989,"ðŁĸ¥":47990,"ื":47991,"thelastjedi":47992,"ohwx":47993,"ðŁį«":47994,"wahoo":47995,"therese":47996,"recaps":47997,"ssnhq":47998,"birdphotography":47999,"vay":48000,"petti":48001,"paulo":48002,"belvedere":48003,"(*":48004,"grl":48005,"duvet":48006,"cpec":48007,"sait":48008,"porsch":48009,"measurable":48010,"aviators":48011,"fremantle":48012,"breen":48013,"onom":48014,"meand":48015,"lifesaving":48016,"euref":48017,"endon":48018,"embaras":48019,"airasia":48020,"elis":48021,"dunkin":48022,"starmagic":48023,"sill":48024,"portobello":48025,"kiefer":48026,"exe":48027,"muted":48028,"ãģ¦":48029,"wethepeople":48030,"logia":48031,"liberal":48032,"theforceawakens":48033,"mined":48034,"haunts":48035,"freckles":48036,"caretaker":48037,"sindia":48038,"âķIJ":48039,"devlin":48040,"liston":48041,"directioner":48042,"ohn":48043,"figaro":48044,"emmanuel":48045,"dubois":48046,"clones":48047,"bruise":48048,"ðŁİĪðŁİī":48049,"disinfe":48050,"dermatology":48051,"asr":48052,"swatch":48053,"discomfort":48054,"tamanna":48055,"piday":48056,"macken":48057,"katic":48058,"delusional":48059,"shawnee":48060,"gud":48061,"albino":48062,"pali":48063,"dingh":48064,"cucumbers":48065,"coffey":48066,"anticipating":48067,"treasured":48068,"websummit":48069,"sheltered":48070,"savor":48071,"pedagogy":48072,"mgs":48073,"shma":48074,"sbu":48075,"denali":48076,"campos":48077,"bubblegum":48078,"oir":48079,"leaps":48080,"yler":48081,"rone":48082,"sanskrit":48083,"mint":48084,"meatless":48085,"futurist":48086,"dude":48087,"avel":48088,"protested":48089,"squire":48090,"zaki":48091,"szn":48092,"harcourt":48093,"cyclone":48094,"bourdain":48095,"gatherings":48096,"dant":48097,"adventurer":48098,"paragon":48099,"altman":48100,"dding":48101,"banerjee":48102,"snorkeling":48103,"motherwell":48104,"missy":48105,"ender":48106,"glows":48107,"kiwis":48108,"chickpea":48109,"poro":48110,"efron":48111,"appt":48112,"uy":48113,"specified":48114,"gabby":48115,"estrada":48116,"combos":48117,"bourbon":48118,"vini":48119,"varun":48120,"stephani":48121,"keywords":48122,"carvings":48123,"amitabh":48124,"wrought":48125,"twal":48126,"reels":48127,"clubbing":48128,"ubiquit":48129,"crit":48130,"ambedkar":48131,"æĻ":48132,"pruning":48133,"vaccinated":48134,"boeing":48135,"sks":48136,"loona":48137,"hypnosis":48138,"edelman":48139,"phol":48140,"hew":48141,"colosse":48142,"mckinsey":48143,"uon":48144,"tote":48145,"sacrificing":48146,"oxi":48147,"nang":48148,"emu":48149,"пÑĢиÑĢода":48150,"mth":48151,"kerswednesday":48152,"argued":48153,"timelapse":48154,"risking":48155,"regulating":48156,"nigh":48157,"likelihood":48158,"cubic":48159,"auction":48160,"reinfor":48161,"pistor":48162,"noses":48163,"yel":48164,"snuggles":48165,"pei":48166,"jeanette":48167,"taku":48168,"rith":48169,"guyz":48170,"à¸ŀ":48171,"yte":48172,"verted":48173,"paysoff":48174,"jauregui":48175,"hooligans":48176,"procedural":48177,"mib":48178,"hardy":48179,"eleng":48180,"checkers":48181,"alline":48182,"themet":48183,"proudof":48184,"keerthyofficial":48185,"collaborator":48186,"niu":48187,"inflicted":48188,"advani":48189,"retwee":48190,"memoriam":48191,"ficial":48192,"tighter":48193,"salem":48194,"reviewers":48195,"brics":48196,"bendigo":48197,"amell":48198,"turkish":48199,"sushmaswar":48200,"paulson":48201,"palawan":48202,"mollie":48203,"stitcher":48204,"sburgh":48205,"iru":48206,"haydn":48207,"eners":48208,"aroa":48209,"uzzi":48210,"sarajevo":48211,"hela":48212,"apollo":48213,"ninety":48214,"vaca":48215,"spon":48216,"ventu":48217,"jelena":48218,"heifer":48219,"avoids":48220,"spine":48221,"prize":48222,"marist":48223,"recreating":48224,"mede":48225,"wooden":48226,"findlay":48227,"rofl":48228,"ndi":48229,"comprehend":48230,"yugo":48231,"yü":48232,"towork":48233,"ufos":48234,"sonar":48235,"piston":48236,"recording":48237,"tentative":48238,"artforsale":48239,"pellets":48240,"fredo":48241,"ÙĪØ±":48242,"muses":48243,"customization":48244,"profound":48245,"isner":48246,"ideally":48247,"siam":48248,"plankton":48249,"cmdr":48250,"manger":48251,"franken":48252,"customizable":48253,"म":48254,"walkaway":48255,"swivel":48256,"vastly":48257,"noton":48258,"lexa":48259,"exmoor":48260,"zas":48261,"tante":48262,"reductions":48263,"lolly":48264,"hipsters":48265,"benefited":48266,"ë²":48267,"wwwww":48268,"masculine":48269,"fiji":48270,"drey":48271,"phill":48272,"aneous":48273,"nicol":48274,"mendez":48275,"disappro":48276,"chner":48277,"throughs":48278,"shenmue":48279,"eastman":48280,"ðŁIJİ":48281,"yuck":48282,"undertale":48283,"reys":48284,"gobeavs":48285,"engen":48286,"cna":48287,"merr":48288,"birk":48289,"ãģ¨ç¹ĭãģĮãĤĬãģŁãģĦ":48290,"âĥ£@":48291,"ynna":48292,"steed":48293,"offender":48294,"atum":48295,"vanishing":48296,"presidenti":48297,"lovethem":48298,"gnocchi":48299,"friggin":48300,"peril":48301,"madhya":48302,"agne":48303,"deejay":48304,"marnock":48305,"mtb":48306,"foldable":48307,"@___":48308,"standre":48309,"bronx":48310,"bowski":48311,"finite":48312,"crockett":48313,"bsf":48314,"getit":48315,"serenawilliams":48316,"miro":48317,"ignatius":48318,"slay":48319,"rinse":48320,"fondue":48321,"seldom":48322,"smore":48323,"gani":48324,"dyce":48325,"dmitry":48326,"crumb":48327,"latepost":48328,"primark":48329,"ohana":48330,"florals":48331,"doa":48332,"remembranceday":48333,"dds":48334,"azione":48335,"toonami":48336,"airport":48337,"æĿ±":48338,"thad":48339,"fist":48340,"dinesh":48341,"drwho":48342,"adwords":48343,"admirer":48344,"proje":48345,"kyrgyz":48346,"à«":48347,"manifestation":48348,"lewan":48349,"jic":48350,"thibau":48351,"leased":48352,"vanity":48353,"nourished":48354,"nevertheless":48355,"augmente":48356,"fuelled":48357,"chead":48358,"wilshere":48359,"rudi":48360,"pz":48361,"myco":48362,"morro":48363,"herbalife":48364,"hardrock":48365,"deman":48366,"dreality":48367,"spades":48368,"cevic":48369,"bhai":48370,"baron":48371,"ultimatefan":48372,"hounews":48373,"tobi":48374,"strut":48375,"keel":48376,"affiliation":48377,"themasters":48378,"smal":48379,"hue":48380,"esteban":48381,"conv":48382,"omnic":48383,"databases":48384,"cov":48385,"terti":48386,"stg":48387,"snoopdogg":48388,"metabol":48389,"lethbridge":48390,"ðŁı»âĢįâĻĢï¸ı":48391,"yearling":48392,"residentevil":48393,"nwsl":48394,"iyaki":48395,"griezmann":48396,"cous":48397,"ðŁĵĿ:":48398,"torian":48399,"sami":48400,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":48401,"gare":48402,"alliances":48403,"whitfield":48404,"wether":48405,"refining":48406,"coyi":48407,"kraken":48408,"ðŁĺĺâĿ¤":48409,"singularity":48410,"lili":48411,"hns":48412,"boldand":48413,"wawrinka":48414,"misogyny":48415,"lovers":48416,"cq":48417,"bdg":48418,"adona":48419,"garter":48420,"womenof":48421,"scd":48422,"recognising":48423,"muna":48424,"strou":48425,"signalling":48426,"laredo":48427,"hellboy":48428,"aleksand":48429,"unavailable":48430,"pediatric":48431,"asin":48432,"meria":48433,"rishi":48434,"futurism":48435,"wye":48436,"polarized":48437,"ewe":48438,"propel":48439,"informs":48440,"crease":48441,"~\"":48442,"artiston":48443,"likefor":48444,"heidelberg":48445,"erra":48446,"lifein":48447,"lenny":48448,"interrupt":48449,"coherent":48450,"caz":48451,"vickers":48452,"leveled":48453,"fbs":48454,"cabins":48455,"bummed":48456,"apostles":48457,"weh":48458,"tendon":48459,"souvenirs":48460,"infuri":48461,"pierce":48462,"asset":48463,"mlas":48464,"goth":48465,"diggin":48466,"annas":48467,"ylor":48468,"thwaite":48469,"swel":48470,"panera":48471,"murderers":48472,"crooked":48473,"bsgo":48474,"acu":48475,"aon":48476,"rean":48477,"oneof":48478,"kohl":48479,"bloodh":48480,"pesticide":48481,"lostdog":48482,"flexing":48483,"ëĤĺ":48484,"supra":48485,"eternally":48486,"ðŁļĻ":48487,"paolo":48488,"olan":48489,"momo":48490,"iselle":48491,"captainmarvel":48492,"slou":48493,"mistakenly":48494,"akhilesh":48495,"mert":48496,"ilinan":48497,"buon":48498,"balkan":48499,"mirro":48500,"millen":48501,"derail":48502,"damon":48503,"titi":48504,"bios":48505,"redon":48506,"picard":48507,"parte":48508,"ðŁ¤Ł":48509,"غ":48510,"sonics":48511,"firsth":48512,"ddc":48513,"vegans":48514,"turban":48515,"nigan":48516,"lottie":48517,"lyndon":48518,"starbuck":48519,"pinkfloyd":48520,"lifestyles":48521,"amara":48522,"ashe":48523,"rsc":48524,"vala":48525,"smer":48526,"cwgc":48527,"client":48528,"buenas":48529,"jagan":48530,"coops":48531,"ðŁijijðŁijij":48532,"specializes":48533,"snagged":48534,"glar":48535,"bennet":48536,"wildlifewednesday":48537,"bowden":48538,"pik":48539,"artin":48540,"emporium":48541,"arl":48542,"reba":48543,"passer":48544,"disappoints":48545,"additive":48546,"âľĬðŁı½":48547,"bayer":48548,"missoula":48549,"haskell":48550,"commences":48551,"nix":48552,"neman":48553,"exploited":48554,"plasticsurgery":48555,"ccd":48556,"asocial":48557,"vot":48558,"siegel":48559,"froome":48560,"kapam":48561,"fara":48562,"eha":48563,"probes":48564,"mwf":48565,"meeting":48566,"pbb":48567,"akins":48568,"mistletoe":48569,"kingdomhearts":48570,"forkids":48571,"ecr":48572,"bale":48573,"escorts":48574,"adidasoriginals":48575,"kwa":48576,"kts":48577,"halloffame":48578,"ðŁĺį.":48579,"wags":48580,"potted":48581,"owing":48582,"honeycomb":48583,"hefty":48584,"urology":48585,"merle":48586,"bpd":48587,"stripping":48588,"reich":48589,"kstate":48590,"guay":48591,"yonge":48592,"shakti":48593,"gloom":48594,"batt":48595,"sonom":48596,"nery":48597,"elba":48598,"blanks":48599,"helle":48600,"triplets":48601,"bombay":48602,"akarta":48603,"abia":48604,"transmitted":48605,"rolf":48606,"jais":48607,"angularjs":48608,"fierc":48609,"mss":48610,"trace":48611,"à¥ĩ":48612,"tombs":48613,"oldman":48614,"kombucha":48615,"fol":48616,"ehealth":48617,"cereals":48618,"arelli":48619,"inari":48620,"ðŁĴ©":48621,"wol":48622,"liberties":48623,"fawn":48624,"affirm":48625,"nunavut":48626,"hysterical":48627,"kdrama":48628,"artes":48629,"âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢":48630,"valentin":48631,"manslaughter":48632,"gales":48633,"eoin":48634,"energized":48635,"dels":48636,"withdraws":48637,"stles":48638,"sarcastic":48639,"ramesh":48640,"incredibles":48641,"lockhart":48642,"yawn":48643,"ultimatefanlive":48644,"oooooooooooooooo":48645,"muen":48646,"gurudev":48647,"teer":48648,"peeling":48649,"newsnow":48650,"linguistics":48651,"directv":48652,"agend":48653,"unilever":48654,"ruger":48655,"handedly":48656,"erose":48657,"limel":48658,"thec":48659,"royalties":48660,"finishers":48661,"nrg":48662,"mgt":48663,"fidget":48664,"comps":48665,"bacon":48666,"aggressively":48667,"abit":48668,"châ":48669,"tarde":48670,"slugger":48671,"qanda":48672,"greening":48673,"dats":48674,"enslaved":48675,"spector":48676,"oye":48677,"freef":48678,"bhand":48679,"stopbrexit":48680,"misconceptions":48681,"cava":48682,"ðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺį":48683,"multitasking":48684,"housel":48685,"ferreira":48686,"centime":48687,"ankles":48688,"jodh":48689,"helly":48690,"frome":48691,"outtuesday":48692,"narnia":48693,"balaji":48694,"lbloggers":48695,"jyoti":48696,"ðŁįĩ":48697,"lancia":48698,"capri":48699,"yap":48700,"natash":48701,"downfall":48702,".\"âĢĶ":48703,"î":48704,"ligament":48705,"coatings":48706,"aided":48707,"hiko":48708,"falling":48709,"encrypted":48710,"yegfood":48711,"infringement":48712,"cudi":48713,"cep":48714,"ðŁĺįðŁĺĤ":48715,"trad":48716,"superrugby":48717,"edwin":48718,"whiche":48719,"vimeo":48720,"layne":48721,"invigor":48722,"hehe":48723,"dubrovnik":48724,"bieber":48725,"utr":48726,"shaman":48727,"opers":48728,"hamill":48729,"enig":48730,"dif":48731,"arum":48732,"scrapbook":48733,"minh":48734,"divergence":48735,"mckinnon":48736,"lifetime":48737,"guterres":48738,"wille":48739,"pleas":48740,"patty":48741,"micron":48742,"kz":48743,"domaine":48744,"rusher":48745,"mds":48746,"chesney":48747,"screwdriver":48748,"âģ©,":48749,"sledge":48750,"hauer":48751,"chana":48752,"stamina":48753,"sprinkler":48754,"pln":48755,"heff":48756,"bolton":48757,"omon":48758,"carrington":48759,"accordion":48760,"jorge":48761,"interception":48762,"inputs":48763,"gull":48764,"transcription":48765,"vanuatu":48766,"itical":48767,"ethos":48768,"tich":48769,"spacey":48770,"peeking":48771,"umi":48772,"hager":48773,"psychotic":48774,"illian":48775,"illia":48776,"bonnaroo":48777,"anese":48778,"puc":48779,"laghateparth":48780,"enhall":48781,"economical":48782,"dredge":48783,"%-":48784,"uwe":48785,"tubular":48786,"scouncil":48787,"peasants":48788,"fler":48789,"tumbler":48790,"hep":48791,"fordham":48792,"rowley":48793,"initials":48794,"evasion":48795,"ernation":48796,"plugins":48797,"cochran":48798,"cattle":48799,"acidity":48800,"ðŁİĬðŁİī":48801,"regrann":48802,"jumpman":48803,"eface":48804,"xma":48805,"patriarchy":48806,"escobar":48807,"cristian":48808,"tipton":48809,"nueva":48810,"hackney":48811,"backseat":48812,"killarney":48813,"aidan":48814,"stadion":48815,"simultaneous":48816,"idaho":48817,"aje":48818,"uth":48819,"figure":48820,"clos":48821,"burk":48822,"voluntar":48823,"recite":48824,"macfarlane":48825,"curfew":48826,"boudo":48827,"wgn":48828,"stix":48829,"slap":48830,"scratched":48831,"phillip":48832,"journe":48833,"expelled":48834,"waz":48835,"uke":48836,"tatiana":48837,"oue":48838,"hopp":48839,"dimitri":48840,"ðŁĵ£":48841,"matologist":48842,"electrifying":48843,"bluffs":48844,"billsmafia":48845,"azcardinals":48846,"yaa":48847,"xmas":48848,"shara":48849,"rith":48850,"gills":48851,"dres":48852,"barton":48853,"authorization":48854,"imperialism":48855,"homeof":48856,"todo":48857,"footpath":48858,"bandwidth":48859,"visitspain":48860,"mohsin":48861,"erupted":48862,"miki":48863,"insignia":48864,"mikel":48865,"ssh":48866,"gera":48867,"bankholiday":48868,"awan":48869,"tweak":48870,"starcraft":48871,"eal":48872,"construction":48873,"skeletons":48874,"leep":48875,"inem":48876,"barclay":48877,"shipwreck":48878,"monsieur":48879,"yoh":48880,"ront":48881,"formative":48882,"sero":48883,"lep":48884,"horseman":48885,"hoosier":48886,"hazmat":48887,"cylinders":48888,"centi":48889,"ðŁĴ¥ðŁĴ¥ðŁĴ¥":48890,"reem":48891,"naire":48892,"musically":48893,"grasshopper":48894,"estonian":48895,"terminology":48896,"romain":48897,"bloggerrt":48898,"toxin":48899,"stance":48900,"cultivated":48901,"anast":48902,"ðŁIJį":48903,"shimano":48904,"gopher":48905,"enei":48906,"recyclable":48907,"gamification":48908,"fightfor":48909,"cq":48910,"avocados":48911,"keys":48912,"elike":48913,"glycer":48914,"shakur":48915,"mobilization":48916,"galley":48917,"explain":48918,"exchanged":48919,"peth":48920,"obedience":48921,"illage":48922,"ennis":48923,"ãĥŀ":48924,"wiv":48925,"wallabies":48926,"maar":48927,"igers":48928,"fintech":48929,"finalized":48930,"woj":48931,"meaningless":48932,"infield":48933,"onnaise":48934,"eet":48935,"bronte":48936,"passages":48937,"ðŁij§":48938,"strickland":48939,"northernlights":48940,"lomond":48941,"htc":48942,"wray":48943,"shifter":48944,"dialog":48945,"ðŁįį":48946,">>>>>>":48947,"teatime":48948,"stech":48949,"sichuan":48950,"quill":48951,"franca":48952,"complementary":48953,"barrington":48954,"marcus":48955,"malam":48956,"goooo":48957,"forsa":48958,"electra":48959,"afs":48960,"âĹĨ":48961,"trife":48962,"snazzy":48963,"folia":48964,"andolan":48965,"afterdark":48966,"woodson":48967,"strade":48968,"littlest":48969,"ogun":48970,"conwy":48971,"cowards":48972,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":48973,"íĬ¸":48974,"seul":48975,"murphy":48976,"dunks":48977,"kapilshar":48978,"joachim":48979,"womack":48980,"equality":48981,"averages":48982,"aine":48983,"ð٦Ī":48984,"tacular":48985,"disability":48986,"uked":48987,"midcentury":48988,"barthol":48989,"teasers":48990,"tabern":48991,"njcaa":48992,"spout":48993,"opi":48994,"kubball":48995,"blom":48996,"soar":48997,"populism":48998,"methyl":48999,"ðŁijĬðŁı¼":49000,"ospre":49001,"aloils":49002,"ðŁĵĸ":49003,"ðŁĮļ":49004,"xer":49005,"spilling":49006,"publica":49007,"cardam":49008,"adish":49009,"sacha":49010,"pkg":49011,"buda":49012,"lyricist":49013,"ibc":49014,"grump":49015,"hover":49016,"halep":49017,"antibody":49018,"anemone":49019,"âĻ¥âĻ¥âĻ¥âĻ¥":49020,"mcl":49021,"lithograph":49022,"ccu":49023,"sfest":49024,"pathic":49025,"callister":49026,"ottawa":49027,"gunsn":49028,"rutger":49029,"halibut":49030,"envision":49031,"differentiate":49032,"ðŁļĢðŁļĢ":49033,"piran":49034,"latel":49035,"ucn":49036,"troubad":49037,"raine":49038,"fiercely":49039,"learnenglish":49040,"lease":49041,"wexmondays":49042,"emit":49043,"drayton":49044,"burrell":49045,"scubadiving":49046,"holler":49047,"dru":49048,"clocked":49049,"wral":49050,"apro":49051,"translucent":49052,"wbo":49053,"patriarch":49054,"moja":49055,"lannister":49056,"fishery":49057,"nederland":49058,"mildly":49059,"mirai":49060,"mako":49061,"jap":49062,"ðŁĺ©ðŁĺ©ðŁĺ©":49063,"prostatec":49064,"panna":49065,"arama":49066,"undertaking":49067,"tompkins":49068,"neop":49069,"solids":49070,"savoury":49071,"eames":49072,"cutlery":49073,"woodbridge":49074,"steamer":49075,"rizzo":49076,"wildcat":49077,"ratna":49078,"laminated":49079,"kineni":49080,"jalap":49081,"aides":49082,"acknowledges":49083,"?!?!?!":49084,"!ðŁİī":49085,"wafc":49086,"maggio":49087,"haves":49088,"darje":49089,"ofi":49090,"gril":49091,"vasi":49092,"brux":49093,"mohd":49094,"fakespeare":49095,"arnold":49096,"rmb":49097,"forbe":49098,"walleye":49099,"rodi":49100,"therapeutics":49101,"strategi":49102,"obste":49103,"mudder":49104,"downloadable":49105,"ddings":49106,"dca":49107,"asiangames":49108,"campeon":49109,"appropriation":49110,"thcentury":49111,"ramatta":49112,"draped":49113,"bullion":49114,"muc":49115,"onex":49116,"segreg":49117,"ophelia":49118,"bodily":49119,"âĿ¤ðŁĺį":49120,"wizar":49121,"teased":49122,"ademy":49123,"toid":49124,"sura":49125,"lazarus":49126,"snickers":49127,"mase":49128,"loh":49129,"bowed":49130,"biblio":49131,"xchange":49132,"harlan":49133,"ghoshal":49134,"flavorful":49135,"bhagat":49136,"allez":49137,"whichever":49138,"tenstein":49139,"discer":49140,"organiser":49141,"mtg":49142,"dreamliner":49143,"tse":49144,"hokkaido":49145,"mok":49146,"indulgent":49147,"hickman":49148,"blinded":49149,"alyn":49150,"aaaah":49151,"spool":49152,"loughborough":49153,"interpret":49154,"etv":49155,"aristotle":49156,"optimizing":49157,"avicii":49158,"madurai":49159,"juli":49160,"nawaz":49161,"matchups":49162,"abide":49163,"painting":49164,"welling":49165,"veli":49166,"octagon":49167,"inscribed":49168,"poking":49169,"placer":49170,"lifecycle":49171,"kilig":49172,"gsp":49173,"elives":49174,"clements":49175,"nasheed":49176,"mesut":49177,"incarcerated":49178,"distilled":49179,"walang":49180,"delicacy":49181,"delgado":49182,"chez":49183,"chita":49184,"adero":49185,"tux":49186,"patil":49187,"odo":49188,"abhcosmetics":49189,"tvc":49190,"pbc":49191,"inaccurate":49192,"hardworkpaysoff":49193,"baller":49194,"quotation":49195,"merchandising":49196,"gastri":49197,"defenses":49198,"drogba":49199,"bexhill":49200,"bankno":49201,"winona":49202,"sieg":49203,"pgs":49204,"hahahha":49205,"aguchi":49206,"subram":49207,"miracle":49208,"desch":49209,"libre":49210,"bacher":49211,"entine":49212,"bbcradi":49213,"loudest":49214,"rps":49215,"pierc":49216,"fryer":49217,"stormtrooper":49218,"rafaelnadal":49219,"pasco":49220,"exhaustion":49221,"epiconetsy":49222,"rctid":49223,"kellie":49224,"gaines":49225,"dbz":49226,"smriti":49227,"sbridge":49228,"limited":49229,"claw":49230,"technical":49231,"biographical":49232,"adored":49233,"ะ":49234,"exclude":49235,"acadia":49236,"keyboards":49237,"furman":49238,"soca":49239,"suru":49240,"nips":49241,"swaps":49242,"serverless":49243,"rune":49244,"puffy":49245,"northampton":49246,"nishings":49247,"hender":49248,"cartridges":49249,"gunshot":49250,"ðŁĵ¹":49251,"filament":49252,"respondents":49253,"peyton":49254,"mountaineer":49255,"merging":49256,"lifespan":49257,"intimidation":49258,"pafc":49259,"nlwx":49260,"expansive":49261,"purr":49262,"fck":49263,"cae":49264,"atti":49265,"telethon":49266,"sohn":49267,"mendel":49268,"lopes":49269,"dori":49270,"unbroken":49271,"tered":49272,"tastings":49273,"inactive":49274,"disintegr":49275,"tassel":49276,"sharethe":49277,"piano":49278,"islay":49279,"airspace":49280,"zawa":49281,"ricciardo":49282,"mington":49283,"fresher":49284,"curry":49285,"revs":49286,"pharoah":49287,"hmv":49288,"exhilarating":49289,"whoo":49290,"linkin":49291,"krispy":49292,"competency":49293,"stewards":49294,"nebu":49295,"katsu":49296,"admins":49297,"bazar":49298,"asar":49299,"givingback":49300,"ssummit":49301,"songz":49302,"linus":49303,"rajkumar":49304,"farmington":49305,"fantasia":49306,"ðŁĺ´ðŁĺ´":49307,"sobri":49308,"lisse":49309,"barrymore":49310,"prism":49311,"blob":49312,"senew":49313,"monoxide":49314,"expire":49315,"eighteen":49316,"dipper":49317,"xiao":49318,"kilt":49319,"hinch":49320,"bbcsport":49321,"bamboo":49322,"pter":49323,"exal":49324,"ð٦ĭ":49325,"hamlin":49326,"expeditions":49327,"stargazing":49328,"foodsecurity":49329,"wylie":49330,"ulf":49331,"stingly":49332,"onstorm":49333,"loeb":49334,"broome":49335,"bnha":49336,"pancreatic":49337,"elive":49338,"!!!!!!!!!!!":49339,"therapper":49340,"orthopedic":49341,"avengersendgame":49342,"antitrust":49343,"ìļ°":49344,"gote":49345,"omd":49346,"offside":49347,"gyllen":49348,"wineries":49349,"whitewater":49350,"adl":49351,"lupita":49352,"exceeds":49353,"consisted":49354,"chewbacca":49355,"ashleigh":49356,"nhljets":49357,"issan":49358,"shld":49359,"hayat":49360,"cranberries":49361,"ð٤ĺðŁı½":49362,"rockthe":49363,"springtraining":49364,"fallout":49365,"dairyfree":49366,"waj":49367,"undecided":49368,"sown":49369,"rcn":49370,"northwales":49371,"httr":49372,"fumble":49373,"dits":49374,"compelled":49375,"populist":49376,"minted":49377,"blanchett":49378,".''":49379,"propulsion":49380,"milla":49381,"auberg":49382,"hertz":49383,"hta":49384,"udaipur":49385,"serendipity":49386,"aztecs":49387,"alsace":49388,"ðŁIJij":49389,"lun":49390,"shoes":49391,"charli":49392,"garza":49393,"ðŁĴŁ":49394,"probiotics":49395,"foxtv":49396,"olis":49397,"miff":49398,"localized":49399,"diffuser":49400,"sigue":49401,"funko":49402,"rendous":49403,"ðŁĴij":49404,"jekyll":49405,"<|startoftext|>":49406,"<|endoftext|>":49407} \ No newline at end of file +{"!":0,"\"":1,"#":2,"$":3,"%":4,"&":5,"'":6,"(":7,")":8,"*":9,"+":10,",":11,"-":12,".":13,"/":14,"0":15,"1":16,"2":17,"3":18,"4":19,"5":20,"6":21,"7":22,"8":23,"9":24,":":25,";":26,"<":27,"=":28,">":29,"?":30,"@":31,"A":32,"B":33,"C":34,"D":35,"E":36,"F":37,"G":38,"H":39,"I":40,"J":41,"K":42,"L":43,"M":44,"N":45,"O":46,"P":47,"Q":48,"R":49,"S":50,"T":51,"U":52,"V":53,"W":54,"X":55,"Y":56,"Z":57,"[":58,"\\":59,"]":60,"^":61,"_":62,"`":63,"a":64,"b":65,"c":66,"d":67,"e":68,"f":69,"g":70,"h":71,"i":72,"j":73,"k":74,"l":75,"m":76,"n":77,"o":78,"p":79,"q":80,"r":81,"s":82,"t":83,"u":84,"v":85,"w":86,"x":87,"y":88,"z":89,"{":90,"|":91,"}":92,"~":93,"¡":94,"¢":95,"£":96,"¤":97,"¥":98,"¦":99,"§":100,"¨":101,"©":102,"ª":103,"«":104,"¬":105,"®":106,"¯":107,"°":108,"±":109,"²":110,"³":111,"´":112,"µ":113,"¶":114,"·":115,"¸":116,"¹":117,"º":118,"»":119,"¼":120,"½":121,"¾":122,"¿":123,"À":124,"Á":125,"Â":126,"Ã":127,"Ä":128,"Å":129,"Æ":130,"Ç":131,"È":132,"É":133,"Ê":134,"Ë":135,"Ì":136,"Í":137,"Î":138,"Ï":139,"Ð":140,"Ñ":141,"Ò":142,"Ó":143,"Ô":144,"Õ":145,"Ö":146,"×":147,"Ø":148,"Ù":149,"Ú":150,"Û":151,"Ü":152,"Ý":153,"Þ":154,"ß":155,"à":156,"á":157,"â":158,"ã":159,"ä":160,"å":161,"æ":162,"ç":163,"è":164,"é":165,"ê":166,"ë":167,"ì":168,"í":169,"î":170,"ï":171,"ð":172,"ñ":173,"ò":174,"ó":175,"ô":176,"õ":177,"ö":178,"÷":179,"ø":180,"ù":181,"ú":182,"û":183,"ü":184,"ý":185,"þ":186,"ÿ":187,"Ā":188,"ā":189,"Ă":190,"ă":191,"Ą":192,"ą":193,"Ć":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ē":207,"Ĕ":208,"ĕ":209,"Ė":210,"ė":211,"Ę":212,"ę":213,"Ě":214,"ě":215,"Ĝ":216,"ĝ":217,"Ğ":218,"ğ":219,"Ġ":220,"ġ":221,"Ģ":222,"ģ":223,"Ĥ":224,"ĥ":225,"Ħ":226,"ħ":227,"Ĩ":228,"ĩ":229,"Ī":230,"ī":231,"Ĭ":232,"ĭ":233,"Į":234,"į":235,"İ":236,"ı":237,"IJ":238,"ij":239,"Ĵ":240,"ĵ":241,"Ķ":242,"ķ":243,"ĸ":244,"Ĺ":245,"ĺ":246,"Ļ":247,"ļ":248,"Ľ":249,"ľ":250,"Ŀ":251,"ŀ":252,"Ł":253,"ł":254,"Ń":255,"!":256,"\"":257,"#":258,"$":259,"%":260,"&":261,"'":262,"(":263,")":264,"*":265,"+":266,",":267,"-":268,".":269,"/":270,"0":271,"1":272,"2":273,"3":274,"4":275,"5":276,"6":277,"7":278,"8":279,"9":280,":":281,";":282,"<":283,"=":284,">":285,"?":286,"@":287,"A":288,"B":289,"C":290,"D":291,"E":292,"F":293,"G":294,"H":295,"I":296,"J":297,"K":298,"L":299,"M":300,"N":301,"O":302,"P":303,"Q":304,"R":305,"S":306,"T":307,"U":308,"V":309,"W":310,"X":311,"Y":312,"Z":313,"[":314,"\\":315,"]":316,"^":317,"_":318,"`":319,"a":320,"b":321,"c":322,"d":323,"e":324,"f":325,"g":326,"h":327,"i":328,"j":329,"k":330,"l":331,"m":332,"n":333,"o":334,"p":335,"q":336,"r":337,"s":338,"t":339,"u":340,"v":341,"w":342,"x":343,"y":344,"z":345,"{":346,"|":347,"}":348,"~":349,"¡":350,"¢":351,"£":352,"¤":353,"¥":354,"¦":355,"§":356,"¨":357,"©":358,"ª":359,"«":360,"¬":361,"®":362,"¯":363,"°":364,"±":365,"²":366,"³":367,"´":368,"µ":369,"¶":370,"·":371,"¸":372,"¹":373,"º":374,"»":375,"¼":376,"½":377,"¾":378,"¿":379,"À":380,"Á":381,"Â":382,"Ã":383,"Ä":384,"Å":385,"Æ":386,"Ç":387,"È":388,"É":389,"Ê":390,"Ë":391,"Ì":392,"Í":393,"Î":394,"Ï":395,"Ð":396,"Ñ":397,"Ò":398,"Ó":399,"Ô":400,"Õ":401,"Ö":402,"×":403,"Ø":404,"Ù":405,"Ú":406,"Û":407,"Ü":408,"Ý":409,"Þ":410,"ß":411,"à":412,"á":413,"â":414,"ã":415,"ä":416,"å":417,"æ":418,"ç":419,"è":420,"é":421,"ê":422,"ë":423,"ì":424,"í":425,"î":426,"ï":427,"ð":428,"ñ":429,"ò":430,"ó":431,"ô":432,"õ":433,"ö":434,"÷":435,"ø":436,"ù":437,"ú":438,"û":439,"ü":440,"ý":441,"þ":442,"ÿ":443,"Ā":444,"ā":445,"Ă":446,"ă":447,"Ą":448,"ą":449,"Ć":450,"ć":451,"Ĉ":452,"ĉ":453,"Ċ":454,"ċ":455,"Č":456,"č":457,"Ď":458,"ď":459,"Đ":460,"đ":461,"Ē":462,"ē":463,"Ĕ":464,"ĕ":465,"Ė":466,"ė":467,"Ę":468,"ę":469,"Ě":470,"ě":471,"Ĝ":472,"ĝ":473,"Ğ":474,"ğ":475,"Ġ":476,"ġ":477,"Ģ":478,"ģ":479,"Ĥ":480,"ĥ":481,"Ħ":482,"ħ":483,"Ĩ":484,"ĩ":485,"Ī":486,"ī":487,"Ĭ":488,"ĭ":489,"Į":490,"į":491,"İ":492,"ı":493,"IJ":494,"ij":495,"Ĵ":496,"ĵ":497,"Ķ":498,"ķ":499,"ĸ":500,"Ĺ":501,"ĺ":502,"Ļ":503,"ļ":504,"Ľ":505,"ľ":506,"Ŀ":507,"ŀ":508,"Ł":509,"ł":510,"Ń":511,"in":512,"th":513,"an":514,"re":515,"ar":516,"er":517,"the":518,"ing":519,"ou":520,"on":521,"st":522,"or":523,"en":524,"on":525,"al":526,"at":527,"er":528,"it":529,"in":530,"to":531,"ro":532,"is":533,"le":534,"ic":535,"at":536,"and":537,"ed":538,"of":539,"ch":540,"or":541,"es":542,"il":543,"el":544,"st":545,"ac":546,"om":547,"am":548,"lo":549,"an":550,"ay":551,"sh":552,"ri":553,"li":554,"ti":555,"for":556,"ne":557,"ðŁ":558,"ra":559,"ha":560,"de":561,"ol":562,"ve":563,"si":564,"ur":565,"al":566,"se":567,"'s":568,"un":569,"di":570,"be":571,"la":572,"wh":573,"oo":574,"day":575,"en":576,"ma":577,"no":578,"le":579,"to":580,"our":581,"ir":582,"gh":583,"wit":584,"it":585,"yo":586,"as":587,"sp":588,"this":589,"ts":590,"ati":591,"you":592,"with":593,"ad":594,"is":595,"ab":596,"ly":597,"we":598,"the":599,"te":600,"as":601,"ag":602,"vi":603,"pp":604,"su":605,"ho":606,"my":607,"..":608,"bu":609,"com":610,"se":611,"ers":612,"me":613,"me":614,"all":615,"con":616,"mo":617,"ke":618,"ge":619,"out":620,"ent":621,"co":622,"fe":623,"ver":624,"ar":625,"fro":626,"au":627,"po":628,"ce":629,"ght":630,"are":631,"ss":632,"from":633,"ch":634,"tr":635,"oun":636,"one":637,"by":638,"do":639,"th":640,"wor":641,"ere":642,"ke":643,"pro":644,"for":645,"ds":646,"bo":647,"ta":648,"we":649,"go":650,"he":651,"ter":652,"ing":653,"de":654,"be":655,"ation":656,"mor":657,"ay":658,"ex":659,"ill":660,"pe":661,"ks":662,"sc":663,"lu":664,"fu":665,"qu":666,"ver":667,"ðŁĺ":668,"ju":669,"mu":670,"ate":671,"and":672,"ve":673,"king":674,"mar":675,"op":676,"hi":677,"...":678,"pre":679,"ad":680,"ru":681,"that":682,"jo":683,"of":684,"ce":685,"new":686,"am":687,"ap":688,"gre":689,"ss":690,"du":691,"now":692,"ye":693,"ting":694,"your":695,"ity":696,"ni":697,"ci":698,"par":699,"gu":700,"fi":701,"af":702,"per":703,"ter":704,"up":705,"so":706,"gi":707,"ons":708,"gr":709,"ge":710,"br":711,"pl":712,"'t":713,"mi":714,"ine":715,"wee":716,"bi":717,"us":718,"sho":719,"have":720,"today":721,"av":722,"man":723,"ent":724,"ack":725,"ure":726,"our":727,"âĢ":728,"cu":729,"ld":730,"loo":731,"im":732,"ice":733,"som":734,"fin":735,"red":736,"ren":737,"ood":738,"was":739,"tion":740,"pi":741,"ir":742,"ther":743,"ty":744,"ph":745,"ard":746,"ec":747,"!!":748,"mon":749,"more":750,"will":751,"tra":752,"can":753,"col":754,"pu":755,"te":756,"wn":757,"mb":758,"so":759,"iti":760,"just":761,"ning":762,"here":763,"tu":764,"pa":765,"pr":766,"but":767,"what":768,"ally":769,"fir":770,"min":771,"ca":772,"ant":773,"sa":774,"ted":775,"ev":776,"ment":777,"fa":778,"get":779,"ame":780,"about":781,"gra":782,"not":783,"happ":784,"ays":785,"man":786,"his":787,"time":788,"like":789,"gh":790,"has":791,"than":792,"love":793,"art":794,"ste":795,"ding":796,"he":797,"cre":798,"ws":799,"wat":800,"der":801,"ite":802,"ser":803,"ace":804,"age":805,"end":806,"str":807,"aw":808,"stor":809,"re":810,"car":811,"ell":812,"all":813,"ps":814,"fri":815,"pho":816,"por":817,"do":818,"ak":819,"wi":820,"fre":821,"who":822,"shi":823,"boo":824,"son":825,"ell":826,"when":827,"ill":828,"how":829,"great":830,"win":831,"el":832,"bl":833,"ssi":834,"ali":835,"some":836,"ðŁĴ":837,"ton":838,"der":839,"les":840,"pla":841,"ï¸":842,"ed":843,"sch":844,"hu":845,"ong":846,"don":847,"ki":848,"sh":849,"ann":850,"cor":851,"..":852,"ound":853,"az":854,"ine":855,"ary":856,"ful":857,"stu":858,"ould":859,"sti":860,"go":861,"see":862,"able":863,"ars":864,"ll":865,"mis":866,"ber":867,"ck":868,"wa":869,"ents":870,"no":871,"sig":872,"fe":873,"first":874,"et":875,"spe":876,"ack":877,"if":878,"ous":879,"'m":880,"ster":881,"app":882,"ang":883,"ance":884,"ans":885,"good":886,"bre":887,"ever":888,"they":889,"tic":890,"come":891,"off":892,"back":893,"ase":894,"ings":895,"old":896,"ight":897,"fo":898,"her":899,"happy":900,"pic":901,"its":902,"ving":903,"us":904,"mat":905,"hom":906,"dy":907,"em":908,"sk":909,"ying":910,"their":911,"led":912,"ry":913,"ul":914,"har":915,"ck":916,"ton":917,"onal":918,"hel":919,"ric":920,"bir":921,"vie":922,"way":923,"tri":924,"da":925,"ple":926,"bro":927,"sto":928,"ool":929,"night":930,"tru":931,"ba":932,"read":933,"res":934,"year":935,"fr":936,"tor":937,"als":938,"coun":939,"cla":940,"ture":941,"vel":942,"ated":943,"lec":944,"end":945,"thing":946,"vo":947,"ici":948,"best":949,"can":950,"work":951,"last":952,"after":953,"ence":954,"pri":955,"pe":956,"es":957,"il":958,"â̦":959,"dre":960,"ys":961,"over":962,"ies":963,"ðŁij":964,"comm":965,"tw":966,"ink":967,"sun":968,"cl":969,"life":970,"tt":971,"ach":972,"land":973,"sy":974,"tre":975,"tal":976,"pol":977,"sm":978,"duc":979,"sal":980,"ft":981,"'re":982,"che":983,"war":984,"tur":985,"ations":986,"ach":987,"ms":988,"ile":989,"pm":990,"ough":991,"ate":992,"star":993,"week":994,"!!!":995,"clu":996,"there":997,"ner":998,"tom":999,"sel":1000,"ï¸ı":1001,"world":1002,"ves":1003,"cam":1004,"got":1005,"inter":1006,"off":1007,"um":1008,"tonight":1009,"other":1010,"hou":1011,"look":1012,"je":1013,"id":1014,"sion":1015,"beau":1016,"att":1017,"eli":1018,"ort":1019,"rec":1020,"ff":1021,"ster":1022,"supp":1023,"gen":1024,"been":1025,"ily":1026,"team":1027,"mm":1028,"ic":1029,"peop":1030,"itt":1031,"ats":1032,"only":1033,"mber":1034,"eng":1035,"bri":1036,"mp":1037,"know":1038,"bur":1039,"bar":1040,"ins":1041,"low":1042,"she":1043,"row":1044,"âĿ":1045,"tro":1046,"people":1047,"via":1048,"low":1049,"aga":1050,"bet":1051,"xt":1052,"fac":1053,"char":1054,"ear":1055,"wal":1056,"sen":1057,"fam":1058,"ble":1059,"nati":1060,"ish":1061,"nor":1062,"game":1063,"live":1064,"sco":1065,"ley":1066,"don":1067,"ick":1068,"ball":1069,"very":1070,"these":1071,"pan":1072,"ia":1073,"ating":1074,"cr":1075,"are":1076,"gir":1077,"make":1078,"stre":1079,"show":1080,".\"":1081,"fl":1082,"up":1083,"dr":1084,"thanks":1085,"illi":1086,"wom":1087,"sts":1088,"ig":1089,"sur":1090,"every":1091,"cur":1092,"view":1093,"let":1094,"into":1095,"most":1096,"na":1097,"indi":1098,"gar":1099,"had":1100,"sou":1101,"ved":1102,"ant":1103,"ition":1104,"made":1105,"fol":1106,"uni":1107,"ited":1108,"ðŁı":1109,"ical":1110,"thr":1111,"ready":1112,"chec":1113,"dra":1114,"kes":1115,"book":1116,"ep":1117,"sic":1118,"morning":1119,"news":1120,"cau":1121,"ct":1122,"well":1123,"anc":1124,"photo":1125,"than":1126,"ors":1127,"birth":1128,"gg":1129,"out":1130,"next":1131,"some":1132,"ening":1133,"story":1134,"chri":1135,"down":1136,"home":1137,"ffe":1138,"free":1139,"da":1140,"bor":1141,"fil":1142,"cial":1143,"thank":1144,"side":1145,"lear":1146,"que":1147,"line":1148,"ten":1149,"ates":1150,"years":1151,"my":1152,"photo":1153,"beauti":1154,"right":1155,"nu":1156,"form":1157,"ship":1158,"ban":1159,"ther":1160,"days":1161,"gam":1162,"ason":1163,"gy":1164,"ðŁİ":1165,"birthday":1166,"set":1167,"ick":1168,"et":1169,"still":1170,"coming":1171,"take":1172,"ðŁĩ":1173,"bb":1174,"sol":1175,"son":1176,"den":1177,"ep":1178,"music":1179,"them":1180,"den":1181,"why":1182,"foo":1183,"cra":1184,"amaz":1185,"wn":1186,"hol":1187,"tting":1188,"wr":1189,"ue":1190,"mag":1191,"cro":1192,"lan":1193,"clo":1194,"bra":1195,"ak":1196,"sing":1197,"cal":1198,"read":1199,"'ve":1200,"joh":1201,"bab":1202,"dri":1203,"blo":1204,"big":1205,"eric":1206,"int":1207,"tor":1208,"try":1209,"la":1210,"leg":1211,"house":1212,"mic":1213,"val":1214,"beautiful":1215,"litt":1216,"check":1217,"new":1218,"vers":1219,"sw":1220,"ari":1221,"play":1222,"her":1223,"âĢĵ":1224,"win":1225,"ma":1226,"congr":1227,"school":1228,"fun":1229,".@":1230,"heal":1231,"ich":1232,"del":1233,"where":1234,"lon":1235,"ket":1236,"two":1237,"much":1238,"watch":1239,"ven":1240,"ded":1241,"ast":1242,"ked":1243,"bas":1244,"going":1245,"mp":1246,"ever":1247,"ways":1248,"roo":1249,"desig":1250,"ly":1251,"sed":1252,"top":1253,"lin":1254,"chan":1255,"too":1256,"iting":1257,"dent":1258,"ghts":1259,"ty":1260,"spo":1261,"need":1262,"blu":1263,"inst":1264,"being":1265,"âĿ¤":1266,"wel":1267,"ls":1268,"him":1269,"may":1270,"sting":1271,"na":1272,"ely":1273,"little":1274,"ga":1275,"nat":1276,"tomor":1277,"mc":1278,"hon":1279,"want":1280,"air":1281,"pic":1282,"americ":1283,"per":1284,"less":1285,"week":1286,"vel":1287,"ah":1288,"cap":1289,"cham":1290,"ger":1291,"tim":1292,"tomorrow":1293,"ness":1294,"state":1295,"hal":1296,"serv":1297,"ze":1298,"os":1299,"pat":1300,"vis":1301,"exc":1302,"sin":1303,"ff":1304,"city":1305,"cen":1306,"any":1307,"bel":1308,"summ":1309,"tin":1310,"would":1311,"looking":1312,"ko":1313,"cele":1314,"family":1315,"mer":1316,"pow":1317,"help":1318,"bus":1319,"co":1320,"cle":1321,"self":1322,"ens":1323,"ics":1324,"tho":1325,"ani":1326,"cho":1327,"lead":1328,"bs":1329,"twee":1330,"think":1331,"fore":1332,"chil":1333,"vide":1334,"did":1335,"ale":1336,"chi":1337,"vil":1338,"ends":1339,"wing":1340,"pas":1341,"'ll":1342,"vol":1343,"sa":1344,"gs":1345,"many":1346,"jec":1347,"before":1348,"graph":1349,"ny":1350,"uring":1351,"wil":1352,"dd":1353,"buil":1354,"fav":1355,"sted":1356,"tran":1357,"ling":1358,"oud":1359,"dge":1360,"fiel":1361,"national":1362,"sta":1363,"cer":1364,"were":1365,"ina":1366,"season":1367,"cou":1368,"ned":1369,"amazing":1370,"tions":1371,"celebr":1372,"ns":1373,"ath":1374,"head":1375,"sday":1376,"dar":1377,"loc":1378,"vin":1379,"another":1380,"goo":1381,"sat":1382,"ny":1383,"join":1384,"pres":1385,"ses":1386,"sing":1387,"ana":1388,"ining":1389,"....":1390,"cour":1391,"ï¸ı":1392,"act":1393,"cause":1394,"light":1395,"ams":1396,"ta":1397,"bal":1398,"fc":1399,"high":1400,"offici":1401,"tt":1402,"christ":1403,"dic":1404,"day":1405,"ral":1406,"hor":1407,":)":1408,"visi":1409,"nam":1410,"ob":1411,"mas":1412,"ght":1413,"really":1414,"tun":1415,"find":1416,"through":1417,"port":1418,"ut":1419,"tive":1420,"sty":1421,"ne":1422,"ore":1423,"ðŁĺĤ":1424,"support":1425,"never":1426,"even":1427,"ðŁĶ":1428,"ha":1429,"ya":1430,"ld":1431,"uk":1432,"ran":1433,"jam":1434,"with":1435,"medi":1436,"des":1437,"ney":1438,"ching":1439,"ale":1440,"hy":1441,"kin":1442,"!!":1443,"dy":1444,"place":1445,"also":1446,"ble":1447,"which":1448,"black":1449,"bli":1450,"say":1451,"park":1452,"play":1453,"ire":1454,"video":1455,"weekend":1456,"ail":1457,"key":1458,"pt":1459,"ward":1460,"friday":1461,"din":1462,"iness":1463,"gro":1464,"ben":1465,"always":1466,"tball":1467,"ago":1468,"mil":1469,"cy":1470,"produc":1471,"disc":1472,"under":1473,"please":1474,"spor":1475,"full":1476,"ey":1477,"ðŁĻ":1478,"ise":1479,"ities":1480,"cat":1481,"kno":1482,"use":1483,"fore":1484,"ker":1485,"art":1486,"high":1487,"open":1488,"san":1489,"ef":1490,"ours":1491,"shed":1492,"stri":1493,"dro":1494,"again":1495,"im":1496,"ðŁĵ":1497,"enjo":1498,"fun":1499,"getting":1500,"pen":1501,"ger":1502,"cli":1503,"any":1504,"every":1505,"eu":1506,"women":1507,"âľ":1508,"est":1509,"could":1510,"ry":1511,"\"@":1512,"thou":1513,"sha":1514,"commun":1515,"ber":1516,"dents":1517,"dis":1518,"while":1519,"away":1520,"dio":1521,"ham":1522,"gla":1523,"date":1524,"ka":1525,"miss":1526,"unch":1527,"won":1528,"inf":1529,"room":1530,"ga":1531,"real":1532,"exper":1533,"direc":1534,"should":1535,"spr":1536,"gol":1537,"long":1538,"better":1539,"ori":1540,"ey":1541,"ience":1542,"ils":1543,"zz":1544,"han":1545,"found":1546,"vs":1547,"âĻ":1548,"post":1549,"tic":1550,"part":1551,"men":1552,"rence":1553,"cess":1554,"vic":1555,"sil":1556,"shop":1557,"ðŁĺĤ":1558,"food":1559,"val":1560,"stic":1561,"you":1562,"says":1563,"elec":1564,"star":1565,"oc":1566,"land":1567,"id":1568,"ction":1569,"field":1570,"sof":1571,"start":1572,"water":1573,"friends":1574,"ones":1575,"ðŁĮ":1576,"fla":1577,"far":1578,"white":1579,"party":1580,"inst":1581,"grou":1582,"tv":1583,"everyone":1584,"ment":1585,"ja":1586,"cha":1587,"prin":1588,"ants":1589,"during":1590,"lat":1591,"lar":1592,"west":1593,"then":1594,"ka":1595,"youn":1596,"insp":1597,"inte":1598,"ween":1599,"visit":1600,"against":1601,"rele":1602,"head":1603,"ces":1604,"town":1605,"looks":1606,"thre":1607,"regi":1608,"rent":1609,"projec":1610,"girl":1611,"sear":1612,"wo":1613,"mom":1614,"car":1615,"hun":1616,"publi":1617,"di":1618,"ple":1619,"call":1620,"cri":1621,"um":1622,"ford":1623,"perfe":1624,"friend":1625,"hard":1626,"ssion":1627,"test":1628,"playing":1629,"around":1630,"because":1631,"kets":1632,"meet":1633,"satur":1634,"arti":1635,"work":1636,"jun":1637,"ven":1638,"run":1639,"member":1640,"port":1641,"super":1642,"twit":1643,"sam":1644,"els":1645,"tly":1646,"adv":1647,"ative":1648,"ath":1649,"sure":1650,"avail":1651,"lar":1652,"squ":1653,"ards":1654,"event":1655,"men":1656,"ll":1657,"over":1658,"logy":1659,"ital":1660,"times":1661,"mal":1662,"back":1663,"coo":1664,"making":1665,"stru":1666,"âģ":1667,"itu":1668,"shar":1669,"gan":1670,"cas":1671,"sn":1672,"summer":1673,"picture":1674,"fan":1675,"hin":1676,"christmas":1677,"cy":1678,"proud":1679,"champi":1680,"design":1681,"pping":1682,"hope":1683,"ca":1684,"available":1685,"may":1686,"wed":1687,"photograph":1688,"special":1689,"sale":1690,"stop":1691,"ery":1692,"awe":1693,"ality":1694,"history":1695,"ama":1696,"presi":1697,"bru":1698,"working":1699,"done":1700,"dr":1701,"ken":1702,"feat":1703,"wood":1704,"atest":1705,"sunday":1706,"movi":1707,"vely":1708,"sle":1709,"face":1710,"spec":1711,"students":1712,"by":1713,"ham":1714,"spon":1715,"business":1716,"dat":1717,"ie":1718,"ip":1719,"soci":1720,"glo":1721,"hand":1722,"recor":1723,"rs":1724,"mee":1725,"keep":1726,"pur":1727,"health":1728,"she":1729,"comple":1730,"god":1731,"davi":1732,"collec":1733,"list":1734,"ra":1735,"club":1736,"ters":1737,"inclu":1738,"things":1739,"plan":1740,"âĺ":1741,"john":1742,"shing":1743,"atul":1744,"soon":1745,"blue":1746,"gor":1747,"saturday":1748,"won":1749,"congratul":1750,"see":1751,"âĿ¤ï¸ı":1752,"those":1753,"ðŁĺį":1754,"final":1755,"dou":1756,"ith":1757,"own":1758,"road":1759,"tour":1760,"ast":1761,"india":1762,"til":1763,"nd":1764,"fer":1765,"favor":1766,"sul":1767,"learn":1768,"fire":1769,"just":1770,"group":1771,"ah":1772,"rac":1773,"body":1774,"ur":1775,"care":1776,"à¸":1777,"plo":1778,"oh":1779,"pos":1780,"give":1781,"tech":1782,"sub":1783,"cent":1784,"ering":1785,"ym":1786,"ility":1787,"fic":1788,"london":1789,"vir":1790,"guys":1791,"ba":1792,"ð٤":1793,"baby":1794,"scre":1795,"ðŁĺį":1796,"trump":1797,"under":1798,"change":1799,"ian":1800,"colle":1801,"sses":1802,"ler":1803,"ssed":1804,"nice":1805,"announ":1806,"power":1807,"sar":1808,"aking":1809,"mini":1810,"sli":1811,"swee":1812,"kar":1813,"ful":1814,"cru":1815,"action":1816,"ather":1817,").":1818,"stand":1819,"devel":1820,"aa":1821,"gan":1822,"left":1823,"lol":1824,"rel":1825,"trans":1826,"ments":1827,"int":1828,"ef":1829,"manag":1830,"dig":1831,"gener":1832,"down":1833,"pau":1834,"tiv":1835,"ku":1836,"thur":1837,"ken":1838,"ston":1839,"fans":1840,"talk":1841,"tweet":1842,"too":1843,"style":1844,"prote":1845,"secon":1846,"fron":1847,"awesome":1848,"gl":1849,"pal":1850,"net":1851,"sor":1852,"lau":1853,"gon":1854,"since":1855,"tty":1856,"series":1857,"memor":1858,"beli":1859,"film":1860,"did":1861,"dies":1862,"ot":1863,"congratulations":1864,"pra":1865,"eve":1866,"woo":1867,"official":1868,"suc":1869,"incre":1870,"bon":1871,"part":1872,"pped":1873,"class":1874,"sive":1875,"boy":1876,"cul":1877,"perfect":1878,"tou":1879,"dam":1880,"welcome":1881,"football":1882,"hi":1883,"pap":1884,"wait":1885,"ada":1886,"congrats":1887,"young":1888,"excited":1889,"rece":1890,"jan":1891,"va":1892,"red":1893,"stra":1894,"media":1895,"'d":1896,"does":1897,"let":1898,"mul":1899,"ills":1900,"green":1901,"mel":1902,"toge":1903,"future":1904,"yester":1905,"versity":1906,"form":1907,"tain":1908,"ide":1909,"ches":1910,"kids":1911,"qui":1912,"haha":1913,"deta":1914,"big":1915,"favorite":1916,"girls":1917,"contin":1918,"dom":1919,"search":1920,"ual":1921,"air":1922,"ders":1923,"month":1924,"cer":1925,"yesterday":1926,"community":1927,"ade":1928,"dog":1929,"ville":1930,"ices":1931,"deli":1932,"syste":1933,"run":1934,"ism":1935,"heart":1936,"cup":1937,"enti":1938,"few":1939,"president":1940,"eds":1941,"until":1942,"festi":1943,"ok":1944,"flo":1945,"said":1946,"ole":1947,"med":1948,"travel":1949,"£":1950,"phone":1951,"together":1952,"fast":1953,"lot":1954,"games":1955,"shir":1956,"between":1957,"yes":1958,"thers":1959,"doing":1960,"mac":1961,"ator":1962,"band":1963,"follow":1964,"project":1965,"develop":1966,"diffe":1967,"confe":1968,"speci":1969,"cast":1970,"ys":1971,"board":1972,"rd":1973,"ial":1974,"shoo":1975,"ram":1976,"having":1977,"share":1978,"follow":1979,"one":1980,"name":1981,"mr":1982,"put":1983,"discu":1984,"ory":1985,"came":1986,"ous":1987,"site":1988,"twitter":1989,"tb":1990,"tit":1991,"finally":1992,"zed":1993,"super":1994,"compan":1995,"using":1996,"alls":1997,"list":1998,"ris":1999,"shot":2000,"gal":2001,"tar":2002,"del":2003,"john":2004,"âĢĶ":2005,"something":2006,"ram":2007,"intere":2008,"whe":2009,"bit":2010,"ðŁį":2011,"street":2012,"ound":2013,"ai":2014,"tickets":2015,"movie":2016,"real":2017,"ky":2018,"taking":2019,"opp":2020,"cc":2021,"lam":2022,"moun":2023,"inve":2024,"black":2025,"used":2026,"online":2027,"yor":2028,"local":2029,"gue":2030,"cks":2031,"ow":2032,"gest":2033,"boys":2034,"illion":2035,"cont":2036,"reci":2037,"ined":2038,"euro":2039,"now":2040,"seen":2041,"ph":2042,"teach":2043,"def":2044,"south":2045,"such":2046,"award":2047,"must":2048,"issu":2049,"care":2050,"feel":2051,"plu":2052,"latest":2053,"sports":2054,"web":2055,"tex":2056,"ement":2057,"sk":2058,"fic":2059,"wan":2060,"tech":2061,"ot":2062,"box":2063,"ner":2064,"free":2065,"tal":2066,"ash":2067,"case":2068,"hot":2069,"wonder":2070,"meeting":2071,"era":2072,"chall":2073,"ðŁIJ":2074,"job":2075,"ili":2076,"cool":2077,"jour":2078,"ths":2079,"mo":2080,"fel":2081,"die":2082,"micha":2083,"ele":2084,"team":2085,"service":2086,"stand":2087,"makes":2088,"ping":2089,"early":2090,"comes":2091,"ek":2092,"holi":2093,"vers":2094,"ague":2095,"sau":2096,"three":2097,"monday":2098,"fashi":2099,"someone":2100,"thro":2101,"sea":2102,"bad":2103,"suppor":2104,"turn":2105,"ury":2106,"ming":2107,"photography":2108,"nic":2109,"mark":2110,"pretty":2111,"ssing":2112,"watching":2113,"memb":2114,"arri":2115,"county":2116,"beach":2117,"fran":2118,"center":2119,"police":2120,"bat":2121,"public":2122,"tan":2123,"press":2124,"saf":2125,"sy":2126,"gets":2127,"roy":2128,"ners":2129,"your":2130,"buy":2131,"sters":2132,"show":2133,"ased":2134,"childre":2135,"afric":2136,"ines":2137,"space":2138,"scri":2139,"hall":2140,"pain":2141,"aring":2142,"home":2143,"mur":2144,"health":2145,"ched":2146,"sand":2147,"recei":2148,"guy":2149,"ea":2150,"american":2151,"resi":2152,"children":2153,"--":2154,"iri":2155,"ington":2156,"country":2157,"ross":2158,"len":2159,"anna":2160,"books":2161,"bc":2162,"ece":2163,"dom":2164,"lovely":2165,"kh":2166,"pet":2167,"gy":2168,"gri":2169,"stage":2170,"office":2171,"rock":2172,"mon":2173,"bay":2174,"table":2175,"sun":2176,"med":2177,"thin":2178,"lor":2179,"flow":2180,"(@":2181,"university":2182,"store":2183,"front":2184,"good":2185,"za":2186,"vote":2187,"north":2188,"hey":2189,"anim":2190,"order":2191,"mid":2192,"without":2193,"ade":2194,"remember":2195,"market":2196,"??":2197,"mus":2198,"training":2199,"educ":2200,"but":2201,"cover":2202,"stan":2203,"scen":2204,"bla":2205,"break":2206,"lou":2207,"same":2208,"gold":2209,"ain":2210,"os":2211,"both":2212,"lit":2213,"vern":2214,"ai":2215,"albu":2216,"pa":2217,"enjoy":2218,"beg":2219,"elling":2220,"thursday":2221,"info":2222,"san":2223,"america":2224,"hair":2225,"tel":2226,"march":2227,"concer":2228,"college":2229,"conference":2230,"app":2231,"hour":2232,"chang":2233,"âļ":2234,"sour":2235,"ols":2236,"weather":2237,"war":2238,"phi":2239,"festival":2240,"second":2241,"cute":2242,"prac":2243,"ener":2244,"stry":2245,"lea":2246,"polit":2247,"sav":2248,"sen":2249,"ow":2250,"mi":2251,"near":2252,"ought":2253,"ze":2254,"coffe":2255,"willi":2256,"dan":2257,"sey":2258,"david":2259,"ese":2260,"fan":2261,"deci":2262,"theat":2263,"nov":2264,"ation":2265,"trac":2266,"sci":2267,"review":2268,"cel":2269,"em":2270,"un":2271,"july":2272,"orig":2273,"tion":2274,"dru":2275,"former":2276,"stay":2277,"after":2278,"inv":2279,"took":2280,"data":2281,"bal":2282,"tues":2283,"dan":2284,"evening":2285,"ðŁĺĤðŁĺĤ":2286,"dol":2287,"ures":2288,"provi":2289,"ts":2290,"est":2291,"sign":2292,"jac":2293,"uk":2294,"song":2295,"yet":2296,"bow":2297,"indu":2298,"jap":2299,"hoo":2300,"point":2301,"anyone":2302,"zy":2303,"ist":2304,"hur":2305,"ital":2306,"building":2307,"woman":2308,"chur":2309,"jer":2310,"perfor":2311,"coach":2312,"league":2313,"cess":2314,"net":2315,"imag":2316,"nation":2317,"brit":2318,"que":2319,"awards":2320,"ages":2321,"works":2322,"ced":2323,"mance":2324,"late":2325,"ign":2326,"money":2327,"true":2328,"ii":2329,"tell":2330,"plac":2331,"pac":2332,"asy":2333,"world":2334,"behin":2335,"import":2336,"reading":2337,"gram":2338,"giving":2339,"met":2340,"hit":2341,"forward":2342,"stom":2343,"present":2344,"june":2345,"social":2346,"noon":2347,"mart":2348,"half":2349,"swe":2350,"govern":2351,"ker":2352,"details":2353,"lish":2354,"__":2355,"acy":2356,"sia":2357,"bert":2358,"fall":2359,"!!!!":2360,"),":2361,"thi":2362,"diti":2363,"sport":2364,"king":2365,"fit":2366,"staf":2367,"cat":2368,"muse":2369,"centr":2370,"yer":2371,"contro":2372,"bloo":2373,"walk":2374,"actu":2375,"didn":2376,"lim":2377,"learning":2378,"research":2379,"wedne":2380,"auth":2381,"hours":2382,"ky":2383,"far":2384,"hen":2385,"....":2386,"itch":2387,"ril":2388,"strong":2389,"sky":2390,"questi":2391,"james":2392,"ron":2393,"dg":2394,"fur":2395,"cin":2396,"does":2397,"appro":2398,"marke":2399,"tures":2400,"fully":2401,"chat":2402,"behind":2403,"tem":2404,"fini":2405,"mission":2406,"batt":2407,"feel":2408,"heav":2409,"everything":2410,"bar":2411,"wish":2412,"premi":2413,"ima":2414,"experience":2415,"each":2416,"report":2417,"sweet":2418,"tics":2419,"spring":2420,"respon":2421,"system":2422,"victor":2423,"lin":2424,"saw":2425,"already":2426,"ghter":2427,"fle":2428,"ãĥ":2429,"bring":2430,"album":2431,"--":2432,"ells":2433,"stan":2434,"tom":2435,"international":2436,"went":2437,"anni":2438,"match":2439,"pper":2440,"stone":2441,"small":2442,"rain":2443,"fashion":2444,"area":2445,"van":2446,"agram":2447,"ko":2448,"thought":2449,"worth":2450,"van":2451,"mer":2452,"coffee":2453,"ites":2454,"gn":2455,"artist":2456,"con":2457,"arch":2458,"cir":2459,"secre":2460,"ground":2461,"iso":2462,"hand":2463,"com":2464,"bridge":2465,"hs":2466,"xi":2467,"link":2468,"pul":2469,"spl":2470,"race":2471,"fli":2472,"river":2473,"gas":2474,"disco":2475,"dal":2476,"player":2477,"fit":2478,"photos":2479,"ity":2480,"ok":2481,"jor":2482,"tra":2483,"april":2484,"ads":2485,"adi":2486,"solu":2487,"beauty":2488,"door":2489,"mess":2490,"update":2491,"alia":2492,"scho":2493,"ened":2494,"moment":2495,"scot":2496,"science":2497,"ior":2498,"ties":2499,"across":2500,"ously":2501,"shes":2502,"doesn":2503,"page":2504,"water":2505,"million":2506,"classi":2507,"lic":2508,"cast":2509,"formation":2510,"michael":2511,"ello":2512,"smo":2513,"ints":2514,"vision":2515,"opening":2516,"ldn":2517,"austr":2518,"tuesday":2519,"winner":2520,"possi":2521,"round":2522,"shirt":2523,"dit":2524,"bo":2525,"ues":2526,"illed":2527,"along":2528,"trip":2529,"starting":2530,"impro":2531,"kan":2532,"person":2533,"not":2534,"reco":2535,"needs":2536,"cle":2537,"lie":2538,"rest":2539,"ring":2540,"winter":2541,"simp":2542,"mom":2543,"beer":2544,"face":2545,"tors":2546,"usa":2547,"collection":2548,"geor":2549,"session":2550,"trying":2551,"las":2552,"lake":2553,"jen":2554,"origin":2555,"student":2556,"secur":2557,"vin":2558,"pics":2559,"expe":2560,"comp":2561,"gonna":2562,"equ":2563,"bad":2564,"ley":2565,"au":2566,"members":2567,"break":2568,"wall":2569,"gic":2570,"dinner":2571,"bul":2572,"inspir":2573,"ri":2574,"mind":2575,"ica":2576,"winning":2577,"talking":2578,"tren":2579,"sis":2580,"ten":2581,"wonderful":2582,"snow":2583,"hear":2584,"thom":2585,"nothing":2586,"gui":2587,"stin":2588,"blog":2589,"fest":2590,"bun":2591,"lee":2592,"wards":2593,"chance":2594,"dress":2595,"ren":2596,"paul":2597,"pes":2598,"techno":2599,"russi":2600,"card":2601,"east":2602,"mari":2603,"wine":2604,"ti":2605,"law":2606,"stric":2607,"ki":2608,"ape":2609,"augu":2610,"profe":2611,"ash":2612,"course":2613,"mail":2614,"rently":2615,"dun":2616,"mun":2617,"love":2618,"island":2619,"drive":2620,"sl":2621,"ended":2622,"main":2623,"lost":2624,"nature":2625,"âĿ¤ï¸ı":2626,"chic":2627,"repor":2628,"pin":2629,"pro":2630,"station":2631,"cep":2632,"takes":2633,"company":2634,"goes":2635,"ond":2636,"mach":2637,"radio":2638,"dad":2639,"rock":2640,"ja":2641,"pay":2642,"champion":2643,"ee":2644,"inde":2645,"tta":2646,"atic":2647,"tab":2648,"believe":2649,"energy":2650,"zi":2651,"tat":2652,"word":2653,"once":2654,"resul":2655,"yl":2656,"andre":2657,"ano":2658,"instagram":2659,"close":2660,"tam":2661,"custom":2662,"wa":2663,"conom":2664,"shows":2665,"life":2666,"kin":2667,"rob":2668,"tage":2669,"nation":2670,"almost":2671,"listen":2672,"save":2673,"reli":2674,"ace":2675,"mary":2676,"tree":2677,"forget":2678,"jack":2679,"waiting":2680,"director":2681,"hill":2682,"born":2683,"temp":2684,"fl":2685,"ste":2686,"ona":2687,"single":2688,"wednesday":2689,"united":2690,"ino":2691,"@_":2692,"nel":2693,"celebrate":2694,"ending":2695,"deal":2696,"ji":2697,"canada":2698,"huge":2699,"track":2700,"âĢ¢":2701,"fy":2702,"fanta":2703,"ang":2704,"york":2705,"release":2706,"pun":2707,"episo":2708,"words":2709,"tour":2710,"pack":2711,"igh":2712,"classic":2713,"performance":2714,"ket":2715,"afternoon":2716,"record":2717,"wins":2718,"proble":2719,"âĿ¤":2720,"four":2721,"bed":2722,"bank":2723,"dance":2724,"sla":2725,"called":2726,"might":2727,"ap":2728,"past":2729,"ðŁļ":2730,"different":2731,"ite":2732,"gift":2733,"ssive":2734,"church":2735,"cus":2736,"program":2737,"hotel":2738,"ice":2739,"mad":2740,"security":2741,"enge":2742,"dc":2743,"enough":2744,"sta":2745,"ety":2746,"dead":2747,"gun":2748,"hear":2749,"mir":2750,"human":2751,"gress":2752,"ounds":2753,"piece":2754,"breaking":2755,"garden":2756,"fight":2757,"views":2758,"fish":2759,"started":2760,"running":2761,"green":2762,"seri":2763,"sm":2764,"ask":2765,"dor":2766,"death":2767,"econom":2768,"eri":2769,"ird":2770,"ser":2771,"lunch":2772,"âģ¦":2773,"box":2774,"natu":2775,"base":2776,"ban":2777,"fal":2778,"global":2779,"wild":2780,"wow":2781,"outside":2782,"move":2783,"lead":2784,"anal":2785,"museum":2786,"ong":2787,"haw":2788,"power":2789,"thank":2790,"bac":2791,"charac":2792,"campa":2793,"digital":2794,"ro":2795,"oper":2796,"dev":2797,"wol":2798,"pati":2799,"fa":2800,"male":2801,"paper":2802,"illing":2803,"cs":2804,"âĥ":2805,"education":2806,"taken":2807,"effe":2808,"mou":2809,"sad":2810,"\".":2811,"based":2812,"staff":2813,"including":2814,"living":2815,"ac":2816,"china":2817,"mob":2818,"storm":2819,"luck":2820,"phil":2821,"oo":2822,"yn":2823,"travel":2824,"kel":2825,"tial":2826,"price":2827,"book":2828,"important":2829,"bio":2830,"pool":2831,"nyc":2832,"fab":2833,"load":2834,"?!":2835,"challenge":2836,"cry":2837,"serve":2838,"wear":2839,"bus":2840,"tain":2841,"number":2842,"ror":2843,"kat":2844,"iz":2845,"though":2846,"hosp":2847,"mm":2848,"fair":2849,"utes":2850,"hot":2851,"pop":2852,"fied":2853,"camp":2854,"development":2855,"libr":2856,"cali":2857,"ems":2858,"âģ¦@":2859,"bol":2860,"ised":2861,"standing":2862,"model":2863,"ita":2864,"gle":2865,"brown":2866,"image":2867,"vered":2868,"force":2869,"oil":2870,"partic":2871,"shu":2872,"daily":2873,"law":2874,"sec":2875,"class":2876,"camp":2877,"holiday":2878,"clin":2879,"kers":2880,"present":2881,"game":2882,"incredi":2883,"ership":2884,"interview":2885,"bill":2886,"due":2887,"andy":2888,"abo":2889,"innov":2890,"key":2891,"acade":2892,"pil":2893,"moder":2894,"stars":2895,"brand":2896,"fer":2897,"weeks":2898,"consi":2899,"pre":2900,"safe":2901,"writ":2902,"dium":2903,"launch":2904,"marketing":2905,"annual":2906,"assi":2907,"court":2908,"lady":2909,"cted":2910,"anda":2911,"inside":2912,"child":2913,"oppor":2914,"smith":2915,"centre":2916,"gue":2917,"âģ©":2918,"fren":2919,"sty":2920,"fort":2921,"ently":2922,"isn":2923,"keep":2924,"tober":2925,"ony":2926,"boy":2927,"ald":2928,"colla":2929,"demo":2930,"level":2931,"compet":2932,"ado":2933,"bour":2934,"fantastic":2935,"mate":2936,"su":2937,"south":2938,"opportun":2939,"versary":2940,"later":2941,"bud":2942,"facebook":2943,"laun":2944,"stern":2945,"pit":2946,"!\"":2947,"maj":2948,"gram":2949,"tbt":2950,"fire":2951,"happy":2952,"aks":2953,"whole":2954,"actually":2955,"iller":2956,"ella":2957,"lots":2958,"alex":2959,"ange":2960,"lands":2961,"ðŁĺŃ":2962,"enter":2963,"rou":2964,"episode":2965,"ped":2966,"inten":2967,"shire":2968,"who":2969,"plan":2970,"ho":2971,"cake":2972,"west":2973,"magaz":2974,"fresh":2975,"cc":2976,"nar":2977,"chris":2978,"writing":2979,"wer":2980,"nom":2981,"lo":2982,"midd":2983,"dream":2984,"ol":2985,"tional":2986,"deb":2987,">>":2988,"become":2989,"si":2990,"grand":2991,"alling":2992,"histor":2993,"ride":2994,"ired":2995,"safe":2996,"queen":2997,"cil":2998,"intro":2999,"vil":3000,"dani":3001,"...":3002,"artic":3003,"stat":3004,"short":3005,"oring":3006,"selfi":3007,"missi":3008,"doc":3009,"bit":3010,"gall":3011,"bom":3012,"ire":3013,"selec":3014,"dition":3015,"ðŁĶ¥":3016,"friend":3017,"beat":3018,"ghting":3019,"ðŁĺĬ":3020,"peace":3021,"exhi":3022,"anta":3023,"ability":3024,"illu":3025,"jon":3026,"quality":3027,"tribu":3028,"mes":3029,"players":3030,"fair":3031,"cut":3032,"cab":3033,"success":3034,"bi":3035,"sus":3036,"promo":3037,"sche":3038,"ange":3039,"ico":3040,"commit":3041,"catch":3042,"illa":3043,"kind":3044,"feeling":3045,"quo":3046,"say":3047,"anniversary":3048,"spot":3049,"mother":3050,"ane":3051,"pend":3052,"yourself":3053,"ops":3054,"apple":3055,"minutes":3056,"po":3057,"grand":3058,"ries":3059,"haha":3060,"career":3061,"edition":3062,"dec":3063,"rick":3064,"ami":3065,"concert":3066,"itive":3067,"geous":3068,"dly":3069,"tte":3070,"advent":3071,"ig":3072,"lights":3073,"aker":3074,"sky":3075,"âĥ£":3076,"ray":3077,"finished":3078,"way":3079,"sd":3080,"accoun":3081,"ðŁĴķ":3082,"cky":3083,"chel":3084,"liter":3085,"painting":3086,"los":3087,"stun":3088,"technology":3089,"nas":3090,"mar":3091,"bil":3092,"africa":3093,"kie":3094,"eyes":3095,"golf":3096,"plus":3097,"nia":3098,"itec":3099,"services":3100,"wedding":3101,"known":3102,"tele":3103,".....":3104,"starts":3105,"paren":3106,"wants":3107,"ational":3108,"months":3109,"windo":3110,"favour":3111,"ert":3112,"magazine":3113,"exclu":3114,"reve":3115,"bc":3116,"original":3117,"ess":3118,"nal":3119,"anti":3120,"stro":3121,"tice":3122,"study":3123,"à¤":3124,"vac":3125,"national":3126,"five":3127,"rain":3128,"vement":3129,"ute":3130,"verse":3131,"emer":3132,"army":3133,"possible":3134,"guess":3135,"valley":3136,"thern":3137,"crow":3138,"mr":3139,"color":3140,"onto":3141,"pick":3142,"clear":3143,"dark":3144,"tac":3145,"wanted":3146,"itting":3147,"cancer":3148,"government":3149,"die":3150,"rise":3151,"zing":3152,"cold":3153,"foun":3154,"studio":3155,"stration":3156,"brother":3157,"ahead":3158,"shel":3159,"micro":3160,"ically":3161,"dau":3162,"signed":3163,"viol":3164,"ax":3165,"asse":3166,"io":3167,"wre":3168,"splay":3169,"chick":3170,"august":3171,"plat":3172,"tips":3173,"spi":3174,"human":3175,"easy":3176,"logi":3177,"mike":3178,"grow":3179,"agre":3180,"ww":3181,"shad":3182,"motiv":3183,"wide":3184,"turns":3185,"omg":3186,"var":3187,"defin":3188,"sug":3189,"jim":3190,"ðŁĶ¥":3191,"td":3192,"campaign":3193,"named":3194,"retweet":3195,"cop":3196,"tv":3197,"leav":3198,"kis":3199,"double":3200,"smar":3201,"issue":3202,"villa":3203,"information":3204,"lies":3205,"stock":3206,"nt":3207,"distric":3208,"shor":3209,"mix":3210,"ero":3211,"sep":3212,"mex":3213,"seeing":3214,"live":3215,"remin":3216,"code":3217,"gur":3218,"sc":3219,"wild":3220,"lun":3221,"hood":3222,"spot":3223,"father":3224,"forever":3225,"upd":3226,"traf":3227,"fly":3228,"need":3229,"gradu":3230,"train":3231,"make":3232,"sab":3233,"bey":3234,"size":3235,"leader":3236,"talks":3237,"eu":3238,"log":3239,"fox":3240,"gorgeous":3241,"less":3242,"lets":3243,"surpri":3244,"myself":3245,"note":3246,"lives":3247,"fru":3248,"loved":3249,"sever":3250,"dem":3251,"ji":3252,"soc":3253,"hold":3254,"dogs":3255,"ni":3256,"âŀ":3257,"leave":3258,"airport":3259,"benef":3260,"expl":3261,"ships":3262,"complete":3263,"achi":3264,"great":3265,"vintage":3266,"jack":3267,"roc":3268,"wood":3269,"priv":3270,"offer":3271,"eye":3272,"version":3273,"tea":3274,"coach":3275,"offic":3276,"well":3277,"gen":3278,"sat":3279,"hh":3280,"youth":3281,"ox":3282,"?\"":3283,"mt":3284,"mix":3285,"gg":3286,"dle":3287,"natural":3288,"build":3289,"breakfast":3290,"thinking":3291,"theatre":3292,"moon":3293,"berg":3294,"goals":3295,"george":3296,"ene":3297,"excell":3298,"iling":3299,"tune":3300,"yed":3301,"gate":3302,"mit":3303,"network":3304,"joe":3305,"hello":3306,"fb":3307,"tube":3308,"wearing":3309,"athle":3310,"struc":3311,"hard":3312,"glass":3313,"gers":3314,"throw":3315,"ges":3316,"bt":3317,"industry":3318,"management":3319,"alist":3320,"goal":3321,"stream":3322,"yel":3323,"avi":3324,"icious":3325,"others":3326,"ski":3327,"christi":3328,"bird":3329,"esc":3330,"min":3331,"tro":3332,"lt":3333,"jan":3334,"imp":3335,"rights":3336,"sha":3337,"organ":3338,"central":3339,"ara":3340,"roll":3341,"favourite":3342,"chester":3343,"else":3344,"pay":3345,"cars":3346,"mine":3347,"step":3348,"practice":3349,"major":3350,"hang":3351,"ðŁĺĺ":3352,"non":3353,"vari":3354,"engine":3355,"volun":3356,"dia":3357,"iled":3358,"architec":3359,"pink":3360,"ds":3361,"thy":3362,"wash":3363,"website":3364,"bag":3365,"control":3366,"elli":3367,"fra":3368,"answ":3369,"dence":3370,"yu":3371,"ron":3372,"ola":3373,"gin":3374,"drin":3375,"lic":3376,"couple":3377,"spar":3378,"gon":3379,"create":3380,"ct":3381,"celebrating":3382,"deep":3383,"eat":3384,"tee":3385,"voice":3386,"drop":3387,"visit":3388,"ators":3389,"stadium":3390,"ft":3391,"wis":3392,"rol":3393,"grade":3394,"famil":3395,"points":3396,"repre":3397,"was":3398,"traffic":3399,"japan":3400,"org":3401,"honor":3402,"texas":3403,"manu":3404,"âĻ¥":3405,"safety":3406,"rer":3407,"bag":3408,"emplo":3409,"released":3410,"regu":3411,"aka":3412,"nav":3413,"role":3414,"senior":3415,"spect":3416,"cross":3417,"lines":3418,"best":3419,"pack":3420,"sin":3421,"tie":3422,"missing":3423,"sunset":3424,"liber":3425,"ising":3426,"jay":3427,"ski":3428,"championship":3429,"activ":3430,"ladies":3431,"played":3432,"yy":3433,"publ":3434,"alo":3435,"pride":3436,"sr":3437,"paki":3438,"lux":3439,"survi":3440,"cked":3441,"ets":3442,"chocol":3443,"australia":3444,"paris":3445,"miles":3446,"hat":3447,"mental":3448,"ala":3449,"mean":3450,"mobile":3451,"ena":3452,"insi":3453,"found":3454,"chief":3455,"tag":3456,"incredible":3457,"return":3458,"é":3459,"google":3460,"french":3461,"crew":3462,"hallo":3463,"alian":3464,"jaz":3465,"cher":3466,"silver":3467,"north":3468,"english":3469,"baseball":3470,"caf":3471,"limited":3472,"following":3473,"appreci":3474,"earth":3475,"kir":3476,"vember":3477,"wed":3478,"ption":3479,"ged":3480,"october":3481,"flori":3482,"cr":3483,"ency":3484,"gave":3485,"lord":3486,"stuff":3487,"berry":3488,"post":3489,"smile":3490,"broad":3491,"state":3492,"gger":3493,"means":3494,"icy":3495,"gun":3496,"yo":3497,"master":3498,"burg":3499,"hands":3500,"nie":3501,"//":3502,"union":3503,"british":3504,"biggest":3505,"district":3506,"aming":3507,"hil":3508,"oce":3509,"person":3510,"pass":3511,"envir":3512,"schools":3513,"arrived":3514,"ances":3515,"inspired":3516,"expla":3517,"ben":3518,"library":3519,"bott":3520,"amp":3521,"steph":3522,"contact":3523,"bang":3524,"ms":3525,"califor":3526,"told":3527,"battle":3528,"bb":3529,"chicago":3530,"⾨":3531,"strate":3532,"shi":3533,"dece":3534,"-)":3535,"add":3536,"lab":3537,"jones":3538,"legend":3539,"castle":3540,"inger":3541,"stance":3542,"bel":3543,"ura":3544,"refu":3545,"leaders":3546,"pot":3547,"sex":3548,"hic":3549,"article":3550,"kid":3551,"france":3552,"xx":3553,"exe":3554,"guide":3555,"volunte":3556,"print":3557,"ali":3558,"ceo":3559,"tweets":3560,"wx":3561,"scene":3562,"volu":3563,"anti":3564,"han":3565,"associ":3566,"sharing":3567,"rose":3568,"minister":3569,"sher":3570,"inste":3571,"clean":3572,"democr":3573,"poster":3574,"skin":3575,"psy":3576,"proper":3577,"crazy":3578,"iam":3579,"ore":3580,"ini":3581,"anything":3582,"pod":3583,"moving":3584,"click":3585,"explo":3586,"comb":3587,"craft":3588,"fi":3589,"blood":3590,"isra":3591,"public":3592,"dent":3593,"olym":3594,"england":3595,"asi":3596,"cher":3597,"fact":3598,"environ":3599,"harry":3600,"gone":3601,"medic":3602,"enjoying":3603,"justice":3604,"jr":3605,"indian":3606,"wife":3607,"sound":3608,"tes":3609,"drawing":3610,"pal":3611,"idea":3612,"crit":3613,"juli":3614,"iler":3615,"warm":3616,"clar":3617,"thoughts":3618,"defen":3619,"council":3620,"introduc":3621,"died":3622,"janu":3623,"ani":3624,"send":3625,"lier":3626,"ml":3627,"interesting":3628,"trade":3629,"wind":3630,"bay":3631,"sac":3632,"ancy":3633,"source":3634,"bes":3635,"organi":3636,"arly":3637,"large":3638,"ffici":3639,"tag":3640,"ut":3641,"desp":3642,"oes":3643,"title":3644,"sym":3645,"pictures":3646,"open":3647,"women":3648,"showing":3649,"ria":3650,"least":3651,"leadership":3652,"current":3653,"electr":3654,"valent":3655,"listening":3656,"ckey":3657,"general":3658,"deser":3659,"duce":3660,";)":3661,"cent":3662,"ðŁĺįðŁĺį":3663,"scott":3664,"poor":3665,"selfie":3666,"events":3667,"ion":3668,"wrong":3669,"dev":3670,"hill":3671,"septe":3672,"culture":3673,"line":3674,"sorry":3675,"sent":3676,"sister":3677,"cept":3678,"kri":3679,"november":3680,"ari":3681,"announce":3682,"zation":3683,"bran":3684,"gent":3685,"du":3686,"len":3687,"pers":3688,"fm":3689,"martin":3690,"op":3691,"emb":3692,"ome":3693,"middle":3694,"success":3695,"peter":3696,"january":3697,"flu":3698,"racing":3699,"dav":3700,"bike":3701,"ðŁı»":3702,"pet":3703,"shoot":3704,"professi":3705,"featuring":3706,"september":3707,"nowplaying":3708,"staur":3709,"za":3710,"onic":3711,"quick":3712,"baske":3713,"speaking":3714,"milit":3715,"zer":3716,"chicken":3717,"bell":3718,"sad":3719,"coast":3720,"loving":3721,"yers":3722,"dj":3723,"panel":3724,"verage":3725,"swit":3726,"icks":3727,"bou":3728,"california":3729,"sam":3730,"parents":3731,"ero":3732,"killed":3733,"phys":3734,"jobs":3735,"migr":3736,"anth":3737,"emo":3738,"halloween":3739,"ander":3740,"cm":3741,"competition":3742,"eag":3743,"sket":3744,"spir":3745,"maybe":3746,"exclusive":3747,"appe":3748,"journey":3749,"screen":3750,"ford":3751,"io":3752,"hate":3753,"ug":3754,"soul":3755,"hero":3756,"society":3757,"syn":3758,"guit":3759,"nh":3760,"dj":3761,"ases":3762,"impre":3763,"time":3764,"sales":3765,"dd":3766,"fts":3767,"summit":3768,"stunning":3769,"oms":3770,"turned":3771,"clean":3772,"soft":3773,"beat":3774,"restaur":3775,"dered":3776,"ences":3777,"magic":3778,"dio":3779,"shine":3780,"guest":3781,"healthy":3782,"exhib":3783,"stories":3784,"popu":3785,"nis":3786,"ela":3787,"below":3788,"funny":3789,"results":3790,"sne":3791,"currently":3792,"ard":3793,"download":3794,"flight":3795,"mal":3796,"fine":3797,"pad":3798,"chu":3799,"ented":3800,"hat":3801,"ðŁijı":3802,"steve":3803,"jo":3804,"mark":3805,"rat":3806,"ball":3807,"pc":3808,"pon":3809,"bby":3810,"oli":3811,"arts":3812,"asure":3813,"bowl":3814,"attack":3815,"mic":3816,"dear":3817,"range":3818,"enter":3819,"chocolate":3820,"brilli":3821,"access":3822,",\"":3823,"???":3824,"chap":3825,"const":3826,"tn":3827,"matter":3828,"blue":3829,"gallery":3830,"emp":3831,"workshop":3832,"leading":3833,"yours":3834,"basketball":3835,"wanna":3836,"thu":3837,"__":3838,"marri":3839,"sleep":3840,"bia":3841,"che":3842,"mad":3843,"impact":3844,"own":3845,"sir":3846,"channel":3847,"europe":3848,"esp":3849,"kitch":3850,"hospital":3851,"wra":3852,"royal":3853,"fs":3854,"neu":3855,"quar":3856,"ney":3857,"acks":3858,"chase":3859,"ppy":3860,"stal":3861,"ately":3862,"tim":3863,"december":3864,"rare":3865,"perform":3866,"cream":3867,"weight":3868,"choo":3869,"night":3870,"haven":3871,"franc":3872,"khan":3873,"built":3874,"helping":3875,"trust":3876,"type":3877,"golden":3878,"tax":3879,"snow":3880,"swi":3881,"disa":3882,"questions":3883,"vey":3884,"light":3885,"cn":3886,"cloud":3887,"thomas":3888,"aged":3889,"shou":3890,"teams":3891,"gran":3892,"reason":3893,"aa":3894,"youtube":3895,"vp":3896,"pizz":3897,"manager":3898,"bury":3899,"credit":3900,"treat":3901,"max":3902,"ik":3903,"main":3904,"ging":3905,"dead":3906,"probab":3907,"yeah":3908,"ãĤ":3909,"brand":3910,"soli":3911,"plant":3912,"tayl":3913,"girl":3914,"ðŁĺŃ":3915,"nament":3916,"auto":3917,"message":3918,"kore":3919,"nur":3920,"terr":3921,"agu":3922,"map":3923,"senting":3924,"loves":3925,"gives":3926,"gab":3927,"zen":3928,"robert":3929,"confir":3930,"wars":3931,"om":3932,"stain":3933,"camera":3934,"ander":3935,"wonder":3936,"ab":3937,"cap":3938,"sold":3939,"suit":3940,"walking":3941,"continue":3942,"effec":3943,"daughter":3944,"danc":3945,"chain":3946,"multi":3947,"kid":3948,"yan":3949,"champion":3950,"vo":3951,"tains":3952,"host":3953,"mini":3954,"missed":3955,"resc":3956,"lyn":3957,"finish":3958,"delicious":3959,"sas":3960,"taylor":3961,"ib":3962,"promis":3963,"products":3964,"mountain":3965,"florida":3966,"register":3967,"treat":3968,"recent":3969,"female":3970,"booth":3971,"matt":3972,"vehic":3973,"sop":3974,"motor":3975,"supporting":3976,"phic":3977,"extre":3978,"drink":3979,"lane":3980,"third":3981,"ps":3982,"constru":3983,"cere":3984,"farm":3985,"ðŁİī":3986,"tured":3987,"ðŁijī":3988,"cats":3989,"aj":3990,"gie":3991,"shooting":3992,"asked":3993,"pakistan":3994,"ame":3995,"mb":3996,"gil":3997,"legal":3998,"square":3999,"invol":4000,"draw":4001,"oooo":4002,"!!!!":4003,"opportunity":4004,"py":4005,"ei":4006,"bts":4007,"teacher":4008,"character":4009,"johnson":4010,"bron":4011,"lywood":4012,"chine":4013,"cing":4014,"cine":4015,"dge":4016,"gaming":4017,"russia":4018,"cia":4019,"quote":4020,"rich":4021,"gov":4022,"flowers":4023,"spiri":4024,"stin":4025,"growth":4026,"ðŁı¼":4027,"commer":4028,"juni":4029,"mum":4030,"ran":4031,"sna":4032,"aren":4033,"cb":4034,"actor":4035,"color":4036,"sit":4037,"pair":4038,"chi":4039,"bow":4040,"academy":4041,"held":4042,"rang":4043,"metal":4044,"yl":4045,"active":4046,"probably":4047,"tch":4048,"needed":4049,"spee":4050,"choice":4051,"italy":4052,"ryan":4053,"ðŁĩº":4054,"flower":4055,"vit":4056,"mn":4057,"foundation":4058,"bak":4059,"sions":4060,"neigh":4061,"floo":4062,"heard":4063,"remo":4064,"fresh":4065,"inging":4066,"ref":4067,"town":4068,"clou":4069,"jesus":4070,"spirit":4071,"couldn":4072,"zes":4073,"ðŁĴĻ":4074,"williams":4075,"proce":4076,"modern":4077,"process":4078,"shoes":4079,"created":4080,"tric":4081,"issues":4082,"anne":4083,"atten":4084,"debut":4085,"hr":4086,"nit":4087,"stig":4088,"apo":4089,"eps":4090,"zu":4091,"ãĢ":4092,"six":4093,"cards":4094,"langu":4095,"famous":4096,"tournament":4097,"sel":4098,"ebay":4099,"yn":4100,"ston":4101,"kick":4102,"announced":4103,"kam":4104,"voc":4105,"brilliant":4106,"house":4107,"cheese":4108,"warri":4109,"music":4110,"hockey":4111,"ðŁĺĤðŁĺĤ":4112,"skills":4113,"autom":4114,"smart":4115,"medical":4116,"mony":4117,"ex":4118,"guar":4119,"give":4120,"personal":4121,"vention":4122,"alli":4123,"press":4124,"floor":4125,"mc":4126,"victory":4127,"him":4128,"simple":4129,"thor":4130,"ðŁĩºðŁĩ":4131,"tail":4132,"lucky":4133,"alex":4134,"quite":4135,"bot":4136,"ssions":4137,"challeng":4138,"cann":4139,"amazon":4140,"hell":4141,"bought":4142,"):":4143,"edy":4144,"secret":4145,"production":4146,"independ":4147,"defe":4148,"added":4149,"pr":4150,"pag":4151,"bed":4152,"greatest":4153,"within":4154,"jay":4155,"ðŁ¥":4156,"ireland":4157,"rely":4158,"sd":4159,"text":4160,"driving":4161,"program":4162,"speed":4163,"colum":4164,"stron":4165,"é":4166,"forest":4167,"âĸ":4168,"machine":4169,"coin":4170,"scar":4171,"ount":4172,"bie":4173,"¡ï¸ı":4174,"portra":4175,"common":4176,"wrest":4177,"received":4178,"know":4179,"invest":4180,"plans":4181,"accor":4182,"adop":4183,"tery":4184,"reali":4185,"pp":4186,"kal":4187,"artwork":4188,"mean":4189,"god":4190,"instead":4191,"anci":4192,"motivation":4193,"asing":4194,"inspiration":4195,"upcoming":4196,"political":4197,"europe":4198,"mers":4199,"heavy":4200,"ðŁijį":4201,"febru":4202,"scotland":4203,"ough":4204,"bt":4205,"boss":4206,"schedu":4207,"speak":4208,"nick":4209,"ured":4210,"ino":4211,"ek":4212,"risk":4213,"tory":4214,"presents":4215,"bon":4216,"rug":4217,"states":4218,"exhibition":4219,"ilo":4220,"mill":4221,"brought":4222,":-)":4223,"touri":4224,"come":4225,"officially":4226,"champions":4227,"doors":4228,"rep":4229,"pose":4230,"extra":4231,"kings":4232,"soccer":4233,"squad":4234,"applic":4235,"ata":4236,"sometimes":4237,"tari":4238,"excellent":4239,"ðŁĺĺ":4240,"straight":4241,"carol":4242,"rip":4243,"âĢį":4244,"graphic":4245,"mol":4246,"election":4247,"february":4248,"asons":4249,"li":4250,"dir":4251,"mt":4252,"nick":4253,"usu":4254,"mrs":4255,"comics":4256,"institu":4257,"corpor":4258,"vi":4259,"ðŁĻı":4260,"tural":4261,"dise":4262,"acci":4263,"weare":4264,"among":4265,"shopping":4266,"till":4267,"what":4268,"chair":4269,"span":4270,"chinese":4271,"innovation":4272,"joy":4273,"kit":4274,"century":4275,"obama":4276,"phili":4277,"fc":4278,"reach":4279,"citi":4280,"ulous":4281,"non":4282,"dang":4283,"happening":4284,"burn":4285,"pel":4286,"orange":4287,"dv":4288,"kick":4289,"claim":4290,"ingham":4291,"phy":4292,"nov":4293,"podcast":4294,"whi":4295,"nights":4296,"earlier":4297,"bear":4298,"lah":4299,"exciting":4300,"ora":4301,"given":4302,"slo":4303,"memories":4304,"continues":4305,"product":4306,"gho":4307,"cd":4308,"knows":4309,"ðŁİī":4310,"published":4311,"discuss":4312,"yard":4313,"iphone":4314,"tries":4315,"wall":4316,"feb":4317,"aren":4318,"truth":4319,"winners":4320,"ture":4321,"ditional":4322,"military":4323,"problem":4324,"mand":4325,"dog":4326,"loss":4327,"cric":4328,"canadi":4329,"veter":4330,"village":4331,"\",":4332,"yr":4333,"ung":4334,"donald":4335,"aging":4336,"birds":4337,"scienti":4338,"les":4339,"this":4340,"region":4341,"tical":4342,"itten":4343,"ila":4344,"ðŁĺİ":4345,"dad":4346,"diam":4347,"above":4348,"stren":4349,"lit":4350,"pir":4351,"lab":4352,"focus":4353,"busy":4354,"dur":4355,"apply":4356,"sma":4357,"author":4358,"aci":4359,"execu":4360,"domin":4361,"rela":4362,"jackson":4363,"ato":4364,"washington":4365,"ðŁĻĮ":4366,"kill":4367,"popular":4368,"cement":4369,"road":4370,"eating":4371,"location":4372,"vent":4373,"arre":4374,"nan":4375,"custo":4376,"adventure":4377,"ordin":4378,"sport":4379,"ult":4380,"lock":4381,"question":4382,"driver":4383,"landsc":4384,"oni":4385,"kins":4386,"pd":4387,"jordan":4388,"tered":4389,"kk":4390,"af":4391,"child":4392,"sp":4393,"justin":4394,"eni":4395,"selling":4396,"zo":4397,"whit":4398,"boston":4399,"particip":4400,"signing":4401,"happened":4402,"heat":4403,"mam":4404,"dreams":4405,"lows":4406,"graph":4407,"theday":4408,"heading":4409,"bro":4410,"blessed":4411,"vic":4412,"vegas":4413,"hd":4414,"inning":4415,"roman":4416,"andro":4417,"denti":4418,"use":4419,"cit":4420,"progress":4421,"writer":4422,"bob":4423,"ffs":4424,"growing":4425,"bly":4426,"aware":4427,"exam":4428,"spent":4429,"bet":4430,"score":4431,"beyond":4432,"docu":4433,"adel":4434,"sf":4435,"coura":4436,"collabor":4437,"inc":4438,"private":4439,"boat":4440,"**":4441,"zone":4442,"pha":4443,"bill":4444,"total":4445,"planning":4446,"towards":4447,"places":4448,"preview":4449,"creative":4450,"damn":4451,"ideas":4452,"seems":4453,"poten":4454,"saying":4455,"display":4456,"sw":4457,"aqu":4458,"louis":4459,"bye":4460,"lil":4461,"email":4462,"western":4463,"germany":4464,"eller":4465,"res":4466,"fant":4467,"mentary":4468,"deals":4469,"richard":4470,"jersey":4471,"streng":4472,"rad":4473,"pizza":4474,"mond":4475,"ware":4476,"lac":4477,"gi":4478,"archi":4479,"cd":4480,"yellow":4481,"recently":4482,"reach":4483,"à¹":4484,"kitchen":4485,"designed":4486,"try":4487,"gal":4488,"restaurant":4489,"ature":4490,"ww":4491,"jas":4492,"lma":4493,"ðŁijĮ":4494,"pain":4495,"avo":4496,"minute":4497,"schol":4498,"therap":4499,"ticket":4500,"dry":4501,"japan":4502,"ditions":4503,"terri":4504,"selves":4505,"happen":4506,"tup":4507,"mag":4508,"copy":4509,"sher":4510,"freedom":4511,"file":4512,"specially":4513,"toronto":4514,"load":4515,"gary":4516,"rey":4517,"answer":4518,"loy":4519,"caught":4520,"prize":4521,"une":4522,"fication":4523,"niger":4524,"syd":4525,"touch":4526,"feature":4527,"jazz":4528,"records":4529,"himself":4530,"dish":4531,"rober":4532,"spotted":4533,"master":4534,"wave":4535,"finals":4536,"bull":4537,"forum":4538,"ald":4539,"recomm":4540,"cha":4541,"ae":4542,"doo":4543,"instru":4544,"truly":4545,"lg":4546,"ink":4547,"brothers":4548,"dest":4549,"jim":4550,"mit":4551,"closed":4552,"ison":4553,"tried":4554,"santa":4555,"affe":4556,"wan":4557,"horse":4558,"grow":4559,"campus":4560,"relation":4561,"native":4562,"journ":4563,"gov":4564,"oct":4565,"kit":4566,"bound":4567,"partner":4568,"rema":4569,"crowd":4570,"!)":4571,"calls":4572,"rail":4573,"quali":4574,"solution":4575,"contest":4576,"convers":4577,"snap":4578,"base":4579,"initi":4580,"tax":4581,"ye":4582,"entrepre":4583,"itor":4584,"construction":4585,"food":4586,"presented":4587,"nings":4588,"climate":4589,"km":4590,"model":4591,"bj":4592,"block":4593,"presentation":4594,"dream":4595,"fix":4596,"calling":4597,"busine":4598,"congress":4599,"understand":4600,"web":4601,"value":4602,"ï¸ıâĥ£":4603,"mexico":4604,"itely":4605,"kim":4606,"charity":4607,"reflec":4608,"blan":4609,"flying":4610,"analy":4611,"families":4612,"band":4613,"recipe":4614,"celebration":4615,"accep":4616,"ary":4617,"tot":4618,"gb":4619,"interested":4620,"captain":4621,"âĻ¥":4622,"tip":4623,"absol":4624,"braz":4625,"investig":4626,"ology":4627,"dec":4628,"truck":4629,"vering":4630,"clear":4631,"dont":4632,"gotta":4633,"advis":4634,"begins":4635,"mass":4636,"descri":4637,"block":4638,"kim":4639,"david":4640,"songs":4641,"memorial":4642,"features":4643,"sustain":4644,"'.":4645,"grab":4646,"jose":4647,"va":4648,"conserv":4649,"sets":4650,"manchester":4651,"fighting":4652,"degre":4653,"aga":4654,"ind":4655,"sleep":4656,"position":4657,"hair":4658,"signs":4659,"policy":4660,"ito":4661,"alert":4662,"stam":4663,"spend":4664,"wy":4665,"absolut":4666,"dm":4667,"animal":4668,"myster":4669,"successful":4670,"problems":4671,"robo":4672,"kay":4673,"garden":4674,"pd":4675,"mayor":4676,"dale":4677,"tol":4678,"offers":4679,"visiting":4680,"friendly":4681,"trees":4682,"officer":4683,"account":4684,"kevin":4685,"ðŁijį":4686,"giant":4687,"continu":4688,"consu":4689,"tract":4690,"nfl":4691,"ðŁĺĬ":4692,"hq":4693,"bility":4694,"aar":4695,"disney":4696,"teen":4697,"oned":4698,"white":4699,"trailer":4700,"dedic":4701,"alone":4702,"absolutely":4703,"digital":4704,"william":4705,"ination":4706,"swa":4707,"ee":4708,"entire":4709,"german":4710,"roll":4711,"hits":4712,"cost":4713,"stay":4714,"tha":4715,"alive":4716,"according":4717,"cot":4718,"literally":4719,"herit":4720,"reti":4721,"hahaha":4722,"experi":4723,"likes":4724,"gt":4725,"steel":4726,"____":4727,"chair":4728,"christian":4729,"tower":4730,"difference":4731,"md":4732,"tress":4733,"mid":4734,"prince":4735,"african":4736,"feder":4737,"foot":4738,"carri":4739,"served":4740,"rice":4741,"shall":4742,"featured":4743,"cker":4744,"recru":4745,"poe":4746,"sense":4747,"nific":4748,"comedy":4749,"content":4750,"fat":4751,"posted":4752,"contribu":4753,"timate":4754,"liver":4755,"mble":4756,"internet":4757,"age":4758,"european":4759,"cling":4760,"glad":4761,"ffic":4762,"sco":4763,"akes":4764,"elle":4765,"termin":4766,"tony":4767,"pale":4768,"colour":4769,"serious":4770,"patri":4771,"movies":4772,"bm":4773,"professional":4774,"ado":4775,"alu":4776,"bringing":4777,"falls":4778,"israel":4779,"term":4780,"language":4781,"brook":4782,"mann":4783,"communic":4784,"cannot":4785,"acti":4786,"phe":4787,"yan":4788,"entreprene":4789,"turkey":4790,"logical":4791,"long":4792,"arm":4793,"urs":4794,"workers":4795,"ingly":4796,"ggs":4797,"ric":4798,"tual":4799,"receive":4800,"opens":4801,"gear":4802,"social":4803,"feet":4804,"cking":4805,"adver":4806,"finan":4807,"feels":4808,"spla":4809,"hr":4810,"easter":4811,"brain":4812,"ãģ":4813,"fig":4814,"ledge":4815,"nearly":4816,"protect":4817,"massive":4818,"eth":4819,"awa":4820,"ðŁĺģ":4821,"yrs":4822,"awareness":4823,"definitely":4824,"kn":4825,"imagine":4826,"ku":4827,"systems":4828,"ðŁijı":4829,"fas":4830,"lik":4831,"provide":4832,"amo":4833,"discover":4834,"influ":4835,"maker":4836,"gaz":4837,"fitness":4838,"street":4839,"ers":4840,"ted":4841,"wc":4842,"ysis":4843,"positive":4844,"helped":4845,"quest":4846,"andrew":4847,"brad":4848,"bin":4849,"hanging":4850,"ling":4851,"bright":4852,"section":4853,"mass":4854,"ðŁĻĮ":4855,"followers":4856,"hosting":4857,"tempor":4858,"flag":4859,"ave":4860,"letter":4861,"kur":4862,"requi":4863,"often":4864,"cryp":4865,"suff":4866,"âļ½":4867,"russian":4868,"treatment":4869,"alle":4870,"hay":4871,"lan":4872,"keeping":4873,"holy":4874,"powerful":4875,"predic":4876,"fund":4877,"especially":4878,"window":4879,"jewel":4880,"ily":4881,"ðŁĴľ":4882,"generation":4883,"appa":4884,"seriously":4885,"od":4886,"ðŁĺĤðŁĺĤðŁĺĤ":4887,"certi":4888,"irish":4889,"ðŁijĮ":4890,"miami":4891,"beth":4892,"vity":4893,"secu":4894,"chef":4895,"crime":4896,"graphy":4897,"max":4898,"artists":4899,"revolu":4900,"guard":4901,"speech":4902,"uc":4903,"updates":4904,"faces":4905,"stant":4906,"changed":4907,"reports":4908,"lower":4909,"pear":4910,"nc":4911,"kil":4912,"looked":4913,"speaker":4914,"sf":4915,"respect":4916,"okay":4917,"ocean":4918,"sitting":4919,"architecture":4920,"trail":4921,"seat":4922,"ira":4923,"leg":4924,"japanese":4925,"dam":4926,"ular":4927,"swim":4928,"politics":4929,"financial":4930,"old":4931,"mouth":4932,"attemp":4933,"destin":4934,"fishing":4935,"attention":4936,"mem":4937,"changes":4938,"decided":4939,"religi":4940,"gin":4941,"cav":4942,"zz":4943,"adam":4944,"mac":4945,"write":4946,"begin":4947,"scul":4948,"alter":4949,"iss":4950,"athon":4951,"images":4952,"moo":4953,"joined":4954,"ðŁĺī":4955,"âŀ¡ï¸ı":4956,"passed":4957,"musli":4958,"hir":4959,"largest":4960,"camer":4961,"comic":4962,"ghted":4963,"rugby":4964,"burgh":4965,"gging":4966,"testing":4967,"prepar":4968,"laugh":4969,"aled":4970,"improve":4971,"believ":4972,"advice":4973,"shares":4974,"heart":4975,"turning":4976,"sb":4977,"tel":4978,"cafe":4979,"nes":4980,"daniel":4981,"patter":4982,"tz":4983,"sett":4984,"park":4985,"cand":4986,"stick":4987,"happens":4988,"brian":4989,"newest":4990,"epic":4991,"ador":4992,"kies":4993,"warning":4994,"animals":4995,"custom":4996,"arc":4997,"dian":4998,"gold":4999,"core":5000,"tf":5001,"city":5002,"pants":5003,"reality":5004,"confi":5005,"inju":5006,"fox":5007,"guil":5008,"knew":5009,"âĺº":5010,"correc":5011,"itude":5012,"dden":5013,".#":5014,"reduc":5015,"pass":5016,"fon":5017,"ya":5018,"owner":5019,"returns":5020,"nc":5021,"east":5022,"apol":5023,"insur":5024,"tho":5025,"sim":5026,"junior":5027,"bee":5028,"angel":5029,"attle":5030,"electric":5031,"horror":5032,"crash":5033,"eye":5034,"path":5035,"southern":5036,"employe":5037,"geo":5038,"tan":5039,"haz":5040,"rally":5041,"ðŁı»":5042,"property":5043,"wasn":5044,"enjoyed":5045,"grey":5046,"gas":5047,"brew":5048,"northern":5049,"holding":5050,"gp":5051,"take":5052,"chart":5053,"lyn":5054,"drama":5055,"zo":5056,"paid":5057,"throwback":5058,"cup":5059,"discussion":5060,"downtown":5061,"will":5062,"lew":5063,"bis":5064,"tary":5065,"bread":5066,"upon":5067,"rate":5068,"teachers":5069,"itation":5070,"anced":5071,"cycle":5072,"choose":5073,"dc":5074,"iran":5075,"cow":5076,"dave":5077,"raise":5078,"princess":5079,"faith":5080,"->":5081,"industri":5082,"spain":5083,"guitar":5084,"facts":5085,"mn":5086,"spen":5087,"courte":5088,"gott":5089,"projects":5090,"audi":5091,"osc":5092,"peter":5093,"sand":5094,"interest":5095,"happiness":5096,"venue":5097,"soldi":5098,"surprise":5099,"potential":5100,"perio":5101,"customer":5102,"ii":5103,"gni":5104,"manufac":5105,"eco":5106,"broken":5107,"singer":5108,"vels":5109,"wales":5110,"hus":5111,"inj":5112,"four":5113,"talent":5114,"dying":5115,"matthe":5116,"film":5117,"joining":5118,"sell":5119,"jar":5120,"lmao":5121,"surger":5122,"bbc":5123,"sources":5124,"austin":5125,"nik":5126,"charles":5127,"fam":5128,"princi":5129,"angel":5130,"cash":5131,"lot":5132,"ored":5133,"plays":5134,"plate":5135,"done":5136,"memory":5137,"brings":5138,"nba":5139,"solutions":5140,"teaching":5141,"grace":5142,"circu":5143,"helps":5144,"founder":5145,"mary":5146,"explore":5147,"decor":5148,"parts":5149,"cho":5150,"integr":5151,"hau":5152,"ises":5153,"putting":5154,"iner":5155,"rit":5156,"vy":5157,"michel":5158,"blues":5159,"everyday":5160,"forms":5161,"bio":5162,"year":5163,"pin":5164,"tter":5165,"spring":5166,"))":5167,"pot":5168,"aling":5169,"performing":5170,"shan":5171,"planet":5172,"musical":5173,"heads":5174,"italian":5175,"strugg":5176,"âĢįâĻ":5177,"wings":5178,"pump":5179,"hh":5180,"trou":5181,"aid":5182,"prime":5183,"earth":5184,"paint":5185,"mont":5186,"amy":5187,"bbc":5188,"fabulous":5189,"fruit":5190,"android":5191,"bourne":5192,"ceremony":5193,"ential":5194,"??":5195,"debate":5196,"oning":5197,"draft":5198,"solar":5199,"tx":5200,"jam":5201,"corn":5202,"!!!!!":5203,"broo":5204,"milk":5205,"posed":5206,"ohi":5207,"movement":5208,"bren":5209,"partner":5210,"pg":5211,"ette":5212,"aries":5213,"shout":5214,"ng":5215,"leaving":5216,"tells":5217,"sens":5218,"taste":5219,"kelly":5220,"worl":5221,"gym":5222,"rich":5223,"egy":5224,"pid":5225,"mas":5226,"âĤ":5227,"courtesy":5228,"frank":5229,"increase":5230,"written":5231,"ppers":5232,"rel":5233,"hai":5234,"sas":5235,"sound":5236,"tti":5237,"wich":5238,"river":5239,"...\"":5240,"ag":5241,"fellow":5242,"rome":5243,"small":5244,"gency":5245,"ican":5246,"luxury":5247,"proof":5248,"met":5249,"wildlife":5250,"moments":5251,"rather":5252,"corner":5253,"compe":5254,"canadian":5255,"likely":5256,"therapy":5257,"liam":5258,"economic":5259,"indie":5260,"route":5261,"fight":5262,"hope":5263,"setting":5264,"antly":5265,"cross":5266,"fantasy":5267,"dee":5268,"sketch":5269,"compli":5270,"ymi":5271,"rules":5272,"engineering":5273,"figure":5274,"row":5275,".,":5276,"fw":5277,"sydney":5278,"wou":5279,"tation":5280,"drew":5281,"uses":5282,"there":5283,"spread":5284,"structure":5285,"patrick":5286,"apparently":5287,"ros":5288,"hills":5289,"wwe":5290,"anny":5291,"commission":5292,"div":5293,"fying":5294,"consul":5295,"analysis":5296,"exi":5297,"tennis":5298,"vehicle":5299,"ðŁĺŃðŁĺŃ":5300,"ass":5301,"highly":5302,"opened":5303,"bann":5304,"ðŁĴĻ":5305,"mph":5306,"wishing":5307,"vor":5308,"fif":5309,"giveaway":5310,"rr":5311,"ray":5312,"jess":5313,"gat":5314,"icymi":5315,"xit":5316,"highest":5317,"york":5318,"pie":5319,"involved":5320,"higher":5321,"rie":5322,"malay":5323,"intelli":5324,"despite":5325,"chee":5326,"sarah":5327,"bean":5328,"recogni":5329,"arsen":5330,"talented":5331,"passion":5332,"ich":5333,"abc":5334,"leads":5335,"disease":5336,"vis":5337,"sec":5338,"presenting":5339,"milli":5340,"hole":5341,"shots":5342,"depart":5343,"surgery":5344,"govt":5345,"bin":5346,"dual":5347,"evi":5348,"longer":5349,"evol":5350,"screen":5351,"portrait":5352,"etc":5353,"lose":5354,"chat":5355,"pen":5356,"pi":5357,"oma":5358,"sick":5359,"erc":5360,"companies":5361,"entry":5362,"plane":5363,"gry":5364,"vene":5365,"liverpool":5366,"premiere":5367,"shared":5368,"ared":5369,"films":5370,"ira":5371,"holidays":5372,"cricket":5373,"ician":5374,"ving":5375,".)":5376,"ultimate":5377,"division":5378,"conduc":5379,"sept":5380,"forces":5381,"mont":5382,"smart":5383,"disapp":5384,"sunshine":5385,"ind":5386,"bless":5387,"made":5388,"colors":5389,"frank":5390,"iron":5391,"bottle":5392,"sgo":5393,"mood":5394,"jason":5395,"eric":5396,"birth":5397,"teen":5398,"response":5399,"target":5400,"statement":5401,"fear":5402,"thel":5403,"alum":5404,"arab":5405,"blin":5406,"direction":5407,"steps":5408,"erial":5409,"worked":5410,"atl":5411,"ðŁĴķ":5412,"felt":5413,"poli":5414,"scenes":5415,"homes":5416,"bell":5417,"eat":5418,"ateful":5419,"tin":5420,"lace":5421,"folks":5422,"pse":5423,"ann":5424,"wisdom":5425,"fav":5426,"butter":5427,"sr":5428,"areas":5429,"smoo":5430,"biz":5431,"dges":5432,"appo":5433,"more":5434,"them":5435,"effect":5436,"windows":5437,"sunny":5438,"capital":5439,"totally":5440,"cities":5441,"grant":5442,"mbers":5443,"slow":5444,"autu":5445,"ilities":5446,"wro":5447,"rising":5448,"stics":5449,"violence":5450,"igh":5451,"quot":5452,"hit":5453,"tc":5454,"heritage":5455,"buff":5456,"nes":5457,"zar":5458,"dential":5459,"exac":5460,"edge":5461,"deep":5462,"arena":5463,"became":5464,"benefits":5465,"marks":5466,"mber":5467,"az":5468,"ames":5469,"preci":5470,"dragon":5471,"reg":5472,"dings":5473,"dos":5474,"ðŁĴª":5475,"nel":5476,"sity":5477,"meal":5478,"dist":5479,"legend":5480,"purchase":5481,"pical":5482,"stick":5483,"fat":5484,"duba":5485,"profess":5486,"carto":5487,"prof":5488,"countries":5489,"responsi":5490,"sequ":5491,"fab":5492,"tribute":5493,"honored":5494,"practic":5495,"purple":5496,"anton":5497,"pared":5498,"tough":5499,"summer":5500,"environment":5501,"sons":5502,"ðŁĻı":5503,"mps":5504,"gies":5505,"heroes":5506,"telling":5507,"henry":5508,"fen":5509,"knowledge":5510,"Ģï¸ı":5511,"fr":5512,"neg":5513,"ure":5514,"acking":5515,"hearts":5516,"soo":5517,"hollywood":5518,"jump":5519,"sauce":5520,"schedule":5521,"turn":5522,"yoga":5523,"creating":5524,"cket":5525,"creek":5526,"âŃ":5527,"customers":5528,"madri":5529,"gul":5530,"assemb":5531,"mount":5532,"cell":5533,"top":5534,"stal":5535,"davis":5536,"twi":5537,"sign":5538,"premier":5539,"itions":5540,"hearing":5541,"unk":5542,"patients":5543,"appear":5544,"heaven":5545,"alty":5546,"doctor":5547,"ae":5548,"platform":5549,"jeff":5550,"ðŁĵ·":5551,"regional":5552,"bid":5553,"boxing":5554,"exten":5555,"ority":5556,"aw":5557,"wise":5558,"ille":5559,"several":5560,"bie":5561,"situ":5562,"syria":5563,"âľħ":5564,"reminder":5565,"entertain":5566,"lion":5567,"partners":5568,"inn":5569,"phar":5570,"fau":5571,"pls":5572,"expected":5573,"sugar":5574,"decision":5575,"sb":5576,"chron":5577,"association":5578,"leaves":5579,"visited":5580,"shap":5581,"ðŁĴĸ":5582,"further":5583,"hann":5584,"wi":5585,"runs":5586,"ler":5587,"funding":5588,"filled":5589,"......":5590,"tiny":5591,"hang":5592,"org":5593,"cool":5594,"semin":5595,"ðŁıĨ":5596,"spons":5597,"navy":5598,"saint":5599,"drug":5600,"dal":5601,"roun":5602,"covered":5603,"traditional":5604,"investment":5605,"dete":5606,"alism":5607,"flow":5608,"nis":5609,"sunrise":5610,"feat":5611,"fted":5612,"weird":5613,"jere":5614,"vegan":5615,"medicine":5616,"ano":5617,"accu":5618,"delivery":5619,"temple":5620,"changing":5621,"wilson":5622,"philipp":5623,"refe":5624,"nd":5625,"iser":5626,"gay":5627,"rand":5628,"atives":5629,"tely":5630,"pand":5631,"intellig":5632,"gare":5633,"ambas":5634,"demon":5635,"committee":5636,"strategy":5637,"refuge":5638,"budget":5639,"protec":5640,"pier":5641,"express":5642,"nomin":5643,"economy":5644,"allow":5645,"icon":5646,"galax":5647,"oh":5648,"indivi":5649,"demand":5650,"virgin":5651,"luke":5652,"alists":5653,"mani":5654,"smi":5655,"judge":5656,"enty":5657,"michi":5658,"result":5659,"amed":5660,"speaks":5661,"',":5662,"houston":5663,"shin":5664,"bing":5665,"fly":5666,"chem":5667,"auto":5668,"vas":5669,"get":5670,"arm":5671,"thanks":5672,"din":5673,"gang":5674,"xx":5675,"sion":5676,"located":5677,"pl":5678,"josh":5679,"info":5680,"joins":5681,"adverti":5682,"otd":5683,"eld":5684,"sie":5685,"reasons":5686,"vent":5687,"ðŁĩºðŁĩ¸":5688,"âł":5689,"conversation":5690,"studi":5691,"ðŁĶ¥ðŁĶ¥":5692,"gos":5693,"sounds":5694,"unit":5695,"musc":5696,"gel":5697,"acked":5698,"paci":5699,"cos":5700,"dere":5701,"uu":5702,"ao":5703,"lam":5704,"inspiring":5705,"arms":5706,"tware":5707,"matters":5708,"addic":5709,"dude":5710,"ext":5711,"crisis":5712,"bath":5713,"meet":5714,"singh":5715,"expect":5716,"delhi":5717,"rescue":5718,"worst":5719,"aug":5720,"shipping":5721,"serving":5722,"sto":5723,"dark":5724,"aces":5725,"historic":5726,"landscape":5727,"designer":5728,"billion":5729,"grateful":5730,"wake":5731,"eve":5732,"miller":5733,"housing":5734,"dynam":5735,"isco":5736,"beha":5737,"shop":5738,"prou":5739,"eas":5740,"asia":5741,"eding":5742,"kon":5743,"department":5744,"awar":5745,"marine":5746,"inci":5747,"photographer":5748,"tape":5749,"logo":5750,"rings":5751,"dit":5752,"----":5753,"vinyl":5754,"wc":5755,"voting":5756,"seven":5757,"ambassad":5758,"dallas":5759,"tu":5760,"comment":5761,"kra":5762,"bles":5763,"wag":5764,"ud":5765,"audio":5766,"strike":5767,"official":5768,"ots":5769,"metho":5770,"tools":5771,"radi":5772,"alan":5773,"hunt":5774,"watched":5775,"ake":5776,"fake":5777,"drinking":5778,"merry":5779,"ml":5780,"bday":5781,"rio":5782,"nike":5783,"cant":5784,"repe":5785,"costu":5786,"murder":5787,"akers":5788,"chers":5789,"outs":5790,"beginning":5791,"sos":5792,"ades":5793,"nin":5794,"notes":5795,"wrote":5796,"solo":5797,"ci":5798,"lighting":5799,"urban":5800,"brexit":5801,"attend":5802,"shirts":5803,"playo":5804,"actress":5805,"plic":5806,"standard":5807,"quotes":5808,"parade":5809,"ancient":5810,"©":5811,"turing":5812,"ree":5813,"primary":5814,"flash":5815,"citiz":5816,"mates":5817,"stein":5818,"zi":5819,"clinton":5820,"skin":5821,"gene":5822,"hum":5823,"gar":5824,"tle":5825,"yi":5826,"focu":5827,"dean":5828,"plants":5829,"cyber":5830,"bu":5831,"ome":5832,"hop":5833,"address":5834,"tix":5835,"gifts":5836,"relationship":5837,"subscri":5838,"feed":5839,"exactly":5840,"hawks":5841,"exo":5842,"stress":5843,"sn":5844,"arrested":5845,"ane":5846,"software":5847,"zero":5848,"theme":5849,"mumb":5850,"immigr":5851,"mia":5852,"makeup":5853,"pleasure":5854,"univers":5855,"harb":5856,"engine":5857,"aper":5858,"rin":5859,"bra":5860,"institute":5861,"leather":5862,"alth":5863,"singing":5864,"cos":5865,"ghty":5866,"meas":5867,"stic":5868,"side":5869,"insurance":5870,"cot":5871,"pitch":5872,"mountains":5873,"crimin":5874,"supre":5875,"valentine":5876,"ater":5877,"wouldn":5878,"scale":5879,"related":5880,"regar":5881,"startup":5882,"packed":5883,"mike":5884,"weekly":5885,"pts":5886,"count":5887,"har":5888,"gotten":5889,"mind":5890,"berlin":5891,"conditions":5892,"switch":5893,"corn":5894,"save":5895,"gli":5896,"emergency":5897,"tuned":5898,"stock":5899,"discussing":5900,"everybody":5901,"sday":5902,"whether":5903,"wrestling":5904,"eces":5905,"gender":5906,"chen":5907,"ðŁijĢ":5908,"madrid":5909,"marathon":5910,"egg":5911,"ier":5912,"thx":5913,"asking":5914,"korea":5915,"wolf":5916,"aya":5917,"gm":5918,"gau":5919,"atory":5920,"vr":5921,"grass":5922,"killing":5923,"bble":5924,"uro":5925,"uni":5926,"eth":5927,"shore":5928,"then":5929,"reale":5930,"bottom":5931,"exerc":5932,"kar":5933,"ories":5934,"adri":5935,"sands":5936,"sex":5937,".'":5938,"volunteers":5939,"perform":5940,"parliam":5941,"include":5942,"delighted":5943,"executive":5944,"fuel":5945,"kiss":5946,"ãħ":5947,"charge":5948,"hu":5949,"cakes":5950,"vet":5951,"glu":5952,"agree":5953,"prices":5954,"nau":5955,"hl":5956,"gru":5957,"raj":5958,"strength":5959,"bic":5960,"spending":5961,"ales":5962,"aven":5963,"blast":5964,":(":5965,"yof":5966,"normal":5967,"six":5968,"quick":5969,"sea":5970,"daw":5971,"meets":5972,"lovers":5973,"updated":5974,"potat":5975,"completed":5976,"cook":5977,"opportunities":5978,"pure":5979,"organic":5980,"temper":5981,"cam":5982,"avoid":5983,"parking":5984,"dubai":5985,"ando":5986,"distri":5987,"toy":5988,"completely":5989,"donald":5990,"trial":5991,"bass":5992,"boun":5993,"background":5994,"vas":5995,"marvel":5996,"lum":5997,"rus":5998,"tool":5999,"commissi":6000,"throwback":6001,"finding":6002,"islam":6003,"!?":6004,"stop":6005,"evil":6006,"oral":6007,"residents":6008,"identi":6009,"oak":6010,"ðŁİ¶":6011,"lil":6012,"spanish":6013,"chapter":6014,"stopped":6015,"direct":6016,"hosted":6017,"picked":6018,"labour":6019,"lewis":6020,"defense":6021,"à®":6022,"healthcare":6023,"whis":6024,"math":6025,"peak":6026,"raised":6027,"fix":6028,"bull":6029,"thir":6030,"chelsea":6031,"folk":6032,"tre":6033,"candi":6034,"paul":6035,"either":6036,"adam":6037,"poetry":6038,"jewelry":6039,"ð٦":6040,"pray":6041,"ا":6042,"gc":6043,"oz":6044,"wishes":6045,"foreign":6046,"sung":6047,"learned":6048,"ene":6049,"ning":6050,"michael":6051,"illustration":6052,"legendary":6053,"wav":6054,"bau":6055,"ðŁļ¨":6056,"calend":6057,"streets":6058,"âĨ":6059,"monster":6060,"buck":6061,"gr":6062,"school":6063,"bath":6064,"waste":6065,"neck":6066,"hawa":6067,"beach":6068,"replac":6069,"ject":6070,"oner":6071,"factory":6072,"count":6073,"ðŁĵ¸":6074,"morgan":6075,"dering":6076,"sean":6077,"stephen":6078,"dep":6079,"novel":6080,"videos":6081,"ical":6082,"pressure":6083,"arsenal":6084,"expre":6085,"irs":6086,"trending":6087,"ssa":6088,"flash":6089,"resear":6090,"through":6091,"professor":6092,"sculp":6093,"tos":6094,"gged":6095,"mma":6096,"bee":6097,"ape":6098,"hunter":6099,"ami":6100,"hei":6101,"plastic":6102,"bucks":6103,"universe":6104,"legen":6105,"nigeria":6106,"pleased":6107,"ris":6108,"thinks":6109,"autumn":6110,"ids":6111,"dis":6112,"anthony":6113,"ðŁı½":6114,"aked":6115,"glasses":6116,"finance":6117,"zer":6118,"kas":6119,"contract":6120,"numbers":6121,"shaw":6122,"partnership":6123,"til":6124,"launched":6125,"sal":6126,"victoria":6127,"theater":6128,"usual":6129,"names":6130,"period":6131,"eliza":6132,"ith":6133,"barcel":6134,"rocks":6135,"bags":6136,"mate":6137,"distribu":6138,"jon":6139,"diffic":6140,"alized":6141,"curren":6142,"scored":6143,"bha":6144,"dublin":6145,"rose":6146,"inted":6147,"solid":6148,"behavi":6149,"walker":6150,"simply":6151,"gardens":6152,"headed":6153,"ini":6154,"ohio":6155,"weap":6156,"fo":6157,"glen":6158,"estate":6159,"random":6160,"thunder":6161,"thru":6162,"kill":6163,"jacket":6164,"iti":6165,"entertainment":6166,"thanksgiving":6167,"ental":6168,"encoura":6169,"elo":6170,"ather":6171,"tank":6172,"highlights":6173,"fting":6174,"rule":6175,"models":6176,"border":6177,"bjp":6178,"husband":6179,"indone":6180,"kenya":6181,"bears":6182,"alo":6183,"ninten":6184,"pix":6185,"stro":6186,"orders":6187,"salad":6188,"roads":6189,"nor":6190,"lation":6191,"sophi":6192,"ðŁı¼":6193,"pieces":6194,"bone":6195,"mins":6196,"includes":6197,"nutr":6198,"phil":6199,"sent":6200,"fundra":6201,"gain":6202,"borough":6203,"nad":6204,"monday":6205,"activity":6206,"items":6207,"becoming":6208,"kenne":6209,"detro":6210,"cardi":6211,"guests":6212,"ux":6213,"worldwide":6214,"severe":6215,"news":6216,"thankful":6217,"fiction":6218,"vege":6219,"mall":6220,"sian":6221,"eral":6222,"injury":6223,"lee":6224,"menu":6225,"dancing":6226,"scotti":6227,"example":6228,"(#":6229,"nai":6230,"studios":6231,"bai":6232,"ðŁĴĽ":6233,"jav":6234,"diamond":6235,"vince":6236,"rick":6237,"protection":6238,"lincol":6239,"champs":6240,"approach":6241,"dar":6242,"mile":6243,"clouds":6244,"jeff":6245,"infin":6246,"lers":6247,"ples":6248,"peace":6249,"gop":6250,"âĻ¡":6251,"techn":6252,"stra":6253,"average":6254,"effort":6255,"introducing":6256,"diversity":6257,"australian":6258,"amp":6259,"boost":6260,"ske":6261,"patient":6262,"appreciate":6263,"icians":6264,"pur":6265,"fell":6266,"woods":6267,"illustr":6268,"ðŁĸ":6269,"agency":6270,"actions":6271,"britain":6272,"underway":6273,"seattle":6274,"eland":6275,"ago":6276,"fill":6277,"streaming":6278,"protest":6279,"challenges":6280,"kyo":6281,"etsy":6282,"cooking":6283,"expert":6284,"russ":6285,"rainbow":6286,"commercial":6287,"spin":6288,"beats":6289,"cry":6290,"valu":6291,"eli":6292,"throw":6293,"grams":6294,"levels":6295,"michigan":6296,"cad":6297,"adorable":6298,"constitu":6299,"ws":6300,"pub":6301,"midnight":6302,"that":6303,"netfli":6304,"brazil":6305,"diego":6306,"regular":6307,"joy":6308,"âĤ¬":6309,"liqu":6310,"eastern":6311,"kni":6312,"flat":6313,"np":6314,"brown":6315,"wer":6316,"sey":6317,"tters":6318,"acting":6319,"vanc":6320,"cycling":6321,"programme":6322,"raw":6323,"complex":6324,"tattoo":6325,"throwbackthursday":6326,"sessions":6327,"rooms":6328,"sight":6329,"species":6330,"bomb":6331,"laugh":6332,"keeps":6333,"moon":6334,"officers":6335,"conver":6336,"tr":6337,"hash":6338,"tack":6339,"rious":6340,"adap":6341,"aj":6342,"recogn":6343,"expo":6344,"sugge":6345,"confirmed":6346,"rolling":6347,"dressing":6348,"ict":6349,"friday":6350,"phones":6351,"ridge":6352,"concept":6353,"roy":6354,"keys":6355,"effor":6356,"cate":6357,"kne":6358,"even":6359,"lay":6360,"communities":6361,"mod":6362,"naz":6363,"everywhere":6364,"alab":6365,"bitcoin":6366,"banks":6367,"outdoor":6368,"federal":6369,"stores":6370,"hp":6371,"cal":6372,"mely":6373,"signific":6374,"bear":6375,"republic":6376,"closer":6377,"allah":6378,"pick":6379,"xd":6380,"palace":6381,"chill":6382,"bam":6383,"erous":6384,"una":6385,"allen":6386,"outstanding":6387,"olympic":6388,"supply":6389,"figu":6390,"vau":6391,"lp":6392,"charlie":6393,"unes":6394,">>>":6395,"legends":6396,"icial":6397,"coast":6398,"benefit":6399,"multi":6400,"fits":6401,"farmers":6402,"amount":6403,"sisters":6404,"harve":6405,"honey":6406,"queen":6407,"bers":6408,"plann":6409,"âŃIJ":6410,"mu":6411,"barcelona":6412,"alber":6413,"status":6414,"remain":6415,"extra":6416,"candy":6417,"vious":6418,"âľĮ":6419,"ov":6420,"warriors":6421,"-->":6422,"jump":6423,"amar":6424,"xmas":6425,"studies":6426,"iors":6427,"kor":6428,"donate":6429,"prep":6430,"fish":6431,"ima":6432,"painted":6433,"admini":6434,"cosplay":6435,"sports":6436,"drops":6437,"fighter":6438,"evidence":6439,"ðŁĴª":6440,"lake":6441,"rob":6442,"cinema":6443,"profile":6444,"ñ":6445,"stands":6446,"legacy":6447,"shape":6448,"roof":6449,"civil":6450,"ians":6451,"syl":6452,"sham":6453,"voted":6454,"retail":6455,"philli":6456,"listed":6457,"duty":6458,"nb":6459,"thes":6460,"fare":6461,"auction":6462,"fficial":6463,"storms":6464,"dp":6465,"loun":6466,"shops":6467,"aly":6468,"anime":6469,"multiple":6470,"ðŁĺįðŁĺį":6471,"psycho":6472,"jean":6473,"apart":6474,"candidate":6475,"ggy":6476,"conf":6477,"joseph":6478,"wick":6479,"meat":6480,"frame":6481,"cl":6482,"forgot":6483,"phy":6484,"fing":6485,"lied":6486,"rep":6487,"seed":6488,"fall":6489,"ufc":6490,"nut":6491,"lind":6492,"mode":6493,"fields":6494,"ence":6495,"sley":6496,"ð٤Ķ":6497,"chill":6498,"followed":6499,"announces":6500,"corru":6501,"trophy":6502,"themselves":6503,"acle":6504,"aldu":6505,"kong":6506,"lon":6507,"sv":6508,"broke":6509,"anderson":6510,"tai":6511,"story":6512,"temporary":6513,"activities":6514,"kati":6515,"ariz":6516,"crystal":6517,"spoke":6518,"extremely":6519,"trading":6520,"ðŁĴļ":6521,"ü":6522,"inch":6523,"edin":6524,"outfit":6525,"equip":6526,"madi":6527,"formed":6528,"beef":6529,"pop":6530,"tiger":6531,"thisday":6532,"tired":6533,"neighb":6534,"retro":6535,"isa":6536,"unt":6537,"tas":6538,"kansas":6539,"dest":6540,"seconds":6541,"tay":6542,"hurric":6543,"ou":6544,"galaxy":6545,"daddy":6546,"brow":6547,"burger":6548,"enced":6549,"desk":6550,"accur":6551,"secretary":6552,"elite":6553,"kab":6554,"chin":6555,"tourism":6556,"buddy":6557,"icide":6558,"dressed":6559,"ud":6560,"vacation":6561,"cheers":6562,"comfor":6563,"characters":6564,"jet":6565,"buying":6566,"lins":6567,"nap":6568,"realestate":6569,"lie":6570,"afc":6571,"iii":6572,"fame":6573,"nr":6574,"bat":6575,"agent":6576,"makers":6577,"â̼":6578,"sector":6579,"opti":6580,"leon":6581,"diet":6582,"prayer":6583,"hip":6584,"mir":6585,"lex":6586,"bry":6587,"ana":6588,"passing":6589,"wen":6590,"recovery":6591,"aki":6592,"popul":6593,"resort":6594,"maria":6595,"stuck":6596,"reads":6597,"tier":6598,"perfec":6599,"netflix":6600,"poo":6601,"champ":6602,"oc":6603,"reduce":6604,"wered":6605,"comments":6606,"claim":6607,"accident":6608,"sag":6609,"hack":6610,"salt":6611,"kinda":6612,"killer":6613,"ios":6614,"zy":6615,"exchange":6616,"lecture":6617,"enger":6618,"icking":6619,"tau":6620,"reveals":6621,"prison":6622,"zom":6623,"ghan":6624,"ul":6625,"journal":6626,"iot":6627,"trin":6628,"jona":6629,"governor":6630,"cape":6631,"quarter":6632,"spective":6633,"impressive":6634,"babies":6635,"tx":6636,"mill":6637,"oy":6638,"harri":6639,"joint":6640,"sue":6641,"collaboration":6642,"trend":6643,"revolution":6644,"renew":6645,"alumni":6646,"gett":6647,"shell":6648,"sunday":6649,"entu":6650,"nic":6651,"donaldtrump":6652,"blockchain":6653,"pacific":6654,"explains":6655,"spy":6656,"advoc":6657,"paradi":6658,"tof":6659,"starring":6660,"pav":6661,"feed":6662,"brac":6663,"smoke":6664,"hamp":6665,"yam":6666,"tokyo":6667,"simon":6668,"dh":6669,"effici":6670,"physical":6671,"nj":6672,"elli":6673,"slow":6674,"graduate":6675,"americans":6676,"tify":6677,"fred":6678,"apore":6679,"finds":6680,"robin":6681,"wet":6682,"notice":6683,"semi":6684,"unve":6685,"kom":6686,"pilot":6687,"screening":6688,"daily":6689,"ðŁĴĹ":6690,"royal":6691,"spa":6692,"votes":6693,"nag":6694,"whate":6695,"attending":6696,"experim":6697,"addition":6698,"kate":6699,"stol":6700,"mali":6701,"foot":6702,"christ":6703,"chan":6704,"dee":6705,"licen":6706,"global":6707,"moore":6708,"tia":6709,"brigh":6710,"mystery":6711,"yay":6712,"âĿ¤ï¸ıâĿ¤ï¸ı":6713,"creati":6714,"mechan":6715,"clock":6716,"dic":6717,"âĢĶ":6718,"pper":6719,"alph":6720,"throughout":6721,"allow":6722,"resources":6723,"selection":6724,"hamil":6725,"bbq":6726,"aaaa":6727,"virginia":6728,"disney":6729,"eng":6730,"sored":6731,"drinks":6732,"fancy":6733,"consider":6734,"enda":6735,"jane":6736,"handmade":6737,"dul":6738,"ontari":6739,"ius":6740,"sville":6741,"colorado":6742,"whatever":6743,"wheel":6744,"promise":6745,"never":6746,"designs":6747,"ably":6748,"sexual":6749,"vancou":6750,"ati":6751,"convention":6752,"cultural":6753,"singapore":6754,"promo":6755,"loaded":6756,"glasgo":6757,"ppl":6758,"noo":6759,"kee":6760,"stem":6761,"mention":6762,"ido":6763,"cruise":6764,"riding":6765,"becomes":6766,"bey":6767,"âļ½ï¸ı":6768,"twin":6769,"dedicated":6770,"nash":6771,"desi":6772,"workout":6773,"jenni":6774,"iv":6775,"groups":6776,"relax":6777,"phoeni":6778,"lift":6779,"mixed":6780,"mck":6781,"pc":6782,"must":6783,"metro":6784,"cies":6785,"yar":6786,"aim":6787,"anger":6788,"ie":6789,"recy":6790,"married":6791,"dropped":6792,"engag":6793,"lest":6794,"ambassador":6795,"oph":6796,"des":6797,"wick":6798,"assistant":6799,"natur":6800,"fail":6801,"ltd":6802,"short":6803,"kap":6804,"shaw":6805,"bigger":6806,"remains":6807,"critical":6808,"survey":6809,"coverage":6810,"erson":6811,"wind":6812,"nb":6813,"billy":6814,"letes":6815,"acts":6816,"jimmy":6817,"atlan":6818,"aland":6819,"tc":6820,"importance":6821,"damage":6822,"fg":6823,"storage":6824,"twt":6825,"bond":6826,"balance":6827,"crying":6828,"puppy":6829,"vote":6830,"push":6831,"ðŁĴľ":6832,"poly":6833,"mel":6834,"london":6835,"terrori":6836,"effective":6837,"corporate":6838,"atlanta":6839,"jaco":6840,"nasa":6841,"greek":6842,"senate":6843,"ish":6844,"eva":6845,"intelligence":6846,"efforts":6847,"alco":6848,"kun":6849,"hall":6850,"diag":6851,"claims":6852,"first":6853,"hb":6854,"bae":6855,"vul":6856,"pull":6857,"°":6858,"separ":6859,"speed":6860,"victi":6861,"onthisday":6862,"audience":6863,"rates":6864,"teach":6865,"filming":6866,"bush":6867,"song":6868,"yum":6869,"brun":6870,"raine":6871,"awa":6872,"parks":6873,"ðĿ":6874,"rabb":6875,"rach":6876,"raid":6877,"reached":6878,"rail":6879,"moves":6880,"selected":6881,"fri":6882,"raising":6883,"omy":6884,"stones":6885,"suk":6886,"francisco":6887,"cases":6888,"capit":6889,"confu":6890,"wtf":6891,"poke":6892,"equipment":6893,"greg":6894,"essential":6895,"offering":6896,"nex":6897,"pies":6898,"bec":6899,"creation":6900,"chairman":6901,"crown":6902,"wal":6903,"johnny":6904,"shift":6905,"neck":6906,"bang":6907,"bird":6908,"ðŁĺı":6909,"duck":6910,"reserve":6911,"depu":6912,"masters":6913,"overall":6914,"notic":6915,"juice":6916,"sneak":6917,"cheer":6918,"classes":6919,"eagles":6920,"nca":6921,"carpet":6922,"civil":6923,"coaches":6924,"harris":6925,"ups":6926,"balls":6927,"decor":6928,"martin":6929,"ros":6930,"vice":6931,"announcement":6932,"whose":6933,"tigers":6934,"stered":6935,"cts":6936,"dram":6937,"steel":6938,"young":6939,"install":6940,"suppo":6941,"recording":6942,"deck":6943,"seats":6944,"lder":6945,"angle":6946,"bot":6947,"styles":6948,"elections":6949,"fortun":6950,"nab":6951,"butter":6952,"arian":6953,"kash":6954,"inner":6955,"oured":6956,"beast":6957,"wei":6958,"iconic":6959,"experts":6960,"necess":6961,"beng":6962,"james":6963,"lia":6964,"greece":6965,"ðŁĵ·":6966,"ðŁĺģ":6967,"goodbye":6968,"mitch":6969,"twice":6970,"mumbai":6971,"steam":6972,"rush":6973,"medal":6974,"nett":6975,"fashion":6976,"tar":6977,"rs":6978,"saving":6979,"ricul":6980,"lm":6981,"sleeping":6982,"brooklyn":6983,"miss":6984,"sending":6985,"discovered":6986,"sphere":6987,"oftheday":6988,"kicks":6989,"missions":6990,"wright":6991,"ern":6992,"ghtly":6993,"ious":6994,"melbourne":6995,"startu":6996,"moved":6997,"carry":6998,"dak":6999,"agues":7000,"belgi":7001,"ema":7002,"wayne":7003,"dot":7004,"erie":7005,"pel":7006,"itunes":7007,"matthew":7008,"nobody":7009,"estab":7010,"calm":7011,"winds":7012,"luc":7013,"prepare":7014,"trends":7015,"exercise":7016,"advant":7017,"ðŁĴ¯":7018,"athletics":7019,"apps":7020,"ctions":7021,"advance":7022,"launches":7023,"little":7024,"realdonaldtrump":7025,"elizabeth":7026,"carolina":7027,"hub":7028,"hidden":7029,"nw":7030,"user":7031,"poll":7032,"greater":7033,"most":7034,"fed":7035,"pat":7036,"lifestyle":7037,"sati":7038,"scores":7039,"marriage":7040,"lr":7041,"avenue":7042,"deserve":7043,"rif":7044,"ðŁĹ":7045,"watch":7046,"championships":7047,"gray":7048,"enni":7049,"cotton":7050,"gom":7051,"where":7052,"package":7053,"sum":7054,"absolu":7055,"newly":7056,"foods":7057,"tyler":7058,"assembly":7059,"muslim":7060,"bank":7061,"rememb":7062,"options":7063,"producer":7064,"lando":7065,"funds":7066,"upper":7067,"shadow":7068,"progre":7069,"cop":7070,"inge":7071,"legs":7072,"detroit":7073,"hillary":7074,"jose":7075,"giants":7076,"soup":7077,"sustainable":7078,"tus":7079,"clothes":7080,"rocking":7081,"nz":7082,"minne":7083,"materi":7084,"bruce":7085,"eart":7086,"casting":7087,"independent":7088,"thousands":7089,"tah":7090,"decl":7091,"veterans":7092,"lions":7093,"wrap":7094,"â̦":7095,"dess":7096,"bling":7097,"stine":7098,"eggs":7099,"oon":7100,"closing":7101,"zay":7102,"att":7103,"bacon":7104,"fail":7105,"arizona":7106,"depre":7107,"ghost":7108,"newsp":7109,"wers":7110,"vip":7111,"liked":7112,"ident":7113,"volunteer":7114,"adult":7115,"pupp":7116,"circle":7117,"material":7118,"degree":7119,"grown":7120,"boom":7121,"calendar":7122,"sur":7123,"viewing":7124,"athletes":7125,"chand":7126,"rell":7127,"asian":7128,"entr":7129,"volley":7130,"victims":7131,"body":7132,"mama":7133,"transfer":7134,"geek":7135,"indic":7136,"saved":7137,"mai":7138,"gent":7139,"its":7140,"lounge":7141,"kol":7142,"theory":7143,"situation":7144,"islands":7145,"arth":7146,"zoo":7147,"flood":7148,"viously":7149,"showed":7150,"parliament":7151,"chev":7152,"eline":7153,"attrac":7154,"abad":7155,"tail":7156,"hrs":7157,"lus":7158,"portu":7159,"gory":7160,"provides":7161,"toys":7162,"death":7163,"infe":7164,"ance":7165,"gle":7166,"liam":7167,"lover":7168,"hud":7169,"dvd":7170,"revealed":7171,"gw":7172,"rement":7173,"cathe":7174,"lying":7175,"radio":7176,"derby":7177,"stors":7178,"chemi":7179,"hospit":7180,"⾨":7181,"':":7182,"ilove":7183,"lemon":7184,"republic":7185,"sni":7186,"ness":7187,"door":7188,"reaction":7189,"pregn":7190,"flav":7191,"scholar":7192,"spotify":7193,"isation":7194,"visual":7195,"aware":7196,"sponsored":7197,"joke":7198,"lessons":7199,"legis":7200,"lock":7201,"simil":7202,"ðŁĺĭ":7203,"kind":7204,"lay":7205,"mah":7206,"hoping":7207,"vancouver":7208,"aser":7209,"cleaning":7210,"gala":7211,"threat":7212,"lap":7213,"ache":7214,"romance":7215,"expen":7216,"repost":7217,"zam":7218,"epi":7219,"mirror":7220,"oak":7221,"adul":7222,"batman":7223,"slu":7224,"lc":7225,"viewed":7226,"reviews":7227,"dates":7228,"indonesia":7229,"activi":7230,"offen":7231,"leaf":7232,"isi":7233,"agricul":7234,"costume":7235,"sites":7236,"spiritu":7237,"appearance":7238,"iry":7239,"stair":7240,"application":7241,"spectac":7242,"icity":7243,"skies":7244,"handle":7245,"punk":7246,"paradise":7247,"tn":7248,"deal":7249,"providing":7250,"doc":7251,"receiving":7252,"brew":7253,"microsoft":7254,"ö":7255,"ferr":7256,"metro":7257,"thail":7258,"yum":7259,"carter":7260,"á":7261,"gentle":7262,"breaks":7263,"cooper":7264,"showcase":7265,"cutting":7266,"egypt":7267,"baby":7268,"seminar":7269,"glori":7270,"sson":7271,"fave":7272,"rehear":7273,"lotte":7274,"lady":7275,"alas":7276,"prep":7277,"delivered":7278,"nuclear":7279,"iro":7280,"engagement":7281,"atta":7282,"conven":7283,"zan":7284,"glory":7285,"holds":7286,"businesses":7287,"strange":7288,"sche":7289,"itself":7290,"grad":7291,"markets":7292,"falling":7293,"stats":7294,"geon":7295,"budd":7296,"lis":7297,"sheet":7298,"thisi":7299,"colo":7300,"desert":7301,"registration":7302,"ign":7303,"explain":7304,"interior":7305,"laws":7306,"writers":7307,"springs":7308,"kr":7309,"fried":7310,"bloom":7311,"infra":7312,"ao":7313,"cred":7314,"past":7315,"lineup":7316,"boo":7317,"brea":7318,"boots":7319,"celebrity":7320,"attacks":7321,"brook":7322,"eves":7323,"excu":7324,"cherry":7325,"oop":7326,"fascin":7327,"boyfriend":7328,"seas":7329,"nine":7330,"effects":7331,"powered":7332,"kha":7333,"ðŁĺĢ":7334,"shout":7335,"condition":7336,"ij":7337,"hero":7338,"enterpri":7339,"winter":7340,"applications":7341,"shoe":7342,"gel":7343,"battle":7344,"programs":7345,"wart":7346,"ðŁĴ¥":7347,"rap":7348,"hol":7349,"dangerous":7350,"dia":7351,"counter":7352,"rics":7353,"ior":7354,"knight":7355,"coat":7356,"emotional":7357,"atures":7358,"das":7359,"wheel":7360,"forecast":7361,"transport":7362,"glasgow":7363,"kingdom":7364,"preparing":7365,"immedi":7366,"ffin":7367,"awarded":7368,"printing":7369,"roman":7370,"fighters":7371,"anymore":7372,"belt":7373,"pine":7374,"wine":7375,"xi":7376,"employees":7377,"logies":7378,"alled":7379,"demo":7380,"birthday":7381,"angeles":7382,"log":7383,"drivers":7384,"necklace":7385,"kath":7386,"sit":7387,"athlete":7388,"efs":7389,"sburg":7390,"purpose":7391,"resistance":7392,"releases":7393,"tis":7394,"various":7395,"deliver":7396,"chal":7397,"sanc":7398,"oppo":7399,"craw":7400,"neuro":7401,"dra":7402,"supporters":7403,"snap":7404,"difficult":7405,"swear":7406,"logist":7407,"path":7408,"attempt":7409,"à¥":7410,"swimming":7411,"steve":7412,"hurt":7413,"included":7414,"bap":7415,"ware":7416,"ðŁĴĭ":7417,"enders":7418,"jake":7419,"leeds":7420,"climb":7421,"lb":7422,"imple":7423,"lisa":7424,"clothing":7425,"ðŁĺİ":7426,"dt":7427,"compla":7428,"swing":7429,"straw":7430,"vals":7431,"kle":7432,"users":7433,"storm":7434,"cuts":7435,"ontario":7436,"pan":7437,"handsome":7438,"iow":7439,"argu":7440,"checking":7441,"scottish":7442,"Ķï¸ı":7443,"sier":7444,"emma":7445,"pod":7446,"pattern":7447,"desh":7448,"enh":7449,"edward":7450,"ting":7451,"kh":7452,"half":7453,"lincoln":7454,"mother":7455,"alleg":7456,"rc":7457,"volleyball":7458,"dn":7459,"gay":7460,"ally":7461,"leton":7462,"grove":7463,"loud":7464,"advanced":7465,"respec":7466,"client":7467,"supreme":7468,"thailand":7469,"how":7470,"gig":7471,"toi":7472,"dot":7473,"dollar":7474,"ðŁijĩ":7475,"pit":7476,"rb":7477,"hn":7478,"produced":7479,"ggers":7480,"âĨĴ":7481,"mlb":7482,"canvas":7483,"fineart":7484,"usd":7485,"inthe":7486,"pson":7487,"actual":7488,"sl":7489,"tb":7490,"ipad":7491,"ensure":7492,"umb":7493,"wd":7494,"ska":7495,"mars":7496,"kend":7497,"feli":7498,"thing":7499,"countdown":7500,"absolute":7501,"rout":7502,"dral":7503,"py":7504,"injured":7505,"mint":7506,"hunting":7507,"mmer":7508,"sage":7509,"ligh":7510,"acity":7511,"expan":7512,"murray":7513,"aro":7514,"secure":7515,"fourth":7516,"eagle":7517,"relief":7518,"stakes":7519,"industrial":7520,"clark":7521,"understanding":7522,"seem":7523,"plenty":7524,"silver":7525,"clau":7526,"threat":7527,"sail":7528,"produce":7529,"abstr":7530,"isis":7531,"br":7532,"engers":7533,"worry":7534,"bieber":7535,"sj":7536,"justin":7537,"realize":7538,"kyle":7539,"espn":7540,"filter":7541,"sch":7542,"types":7543,"gamedev":7544,"ding":7545,"twitter":7546,"soldiers":7547,"pom":7548,"carbon":7549,"yards":7550,"childhood":7551,"ried":7552,"kel":7553,"eleph":7554,"tons":7555,"keynote":7556,"quiet":7557,"wire":7558,"posting":7559,"issa":7560,"representing":7561,"backs":7562,"alexander":7563,"celebrates":7564,"taining":7565,"||":7566,"chor":7567,"escape":7568,"peek":7569,"tives":7570,"field":7571,"ssie":7572,"impac":7573,"sponsor":7574,"rc":7575,"wedd":7576,"cannab":7577,"sides":7578,"tracks":7579,"compar":7580,"contrac":7581,"technical":7582,"bible":7583,"exploring":7584,"share":7585,"trav":7586,"nate":7587,"illo":7588,"scru":7589,"mingham":7590,"guns":7591,"ofthe":7592,"shame":7593,"sees":7594,"catho":7595,"access":7596,"cel":7597,"reported":7598,"»":7599,"mario":7600,"pad":7601,"hopefully":7602,"ouse":7603,"yon":7604,"disappo":7605,"olo":7606,"pitt":7607,"pac":7608,"gap":7609,"crush":7610,"sg":7611,"kle":7612,"gem":7613,"empire":7614,"dirty":7615,"ais":7616,"aviation":7617,"zealand":7618,"facing":7619,"highway":7620,"danny":7621,"spider":7622,"otta":7623,"ðŁĺĦ":7624,"wy":7625,"colours":7626,"infl":7627,"costs":7628,"olympics":7629,"aus":7630,"hm":7631,"howard":7632,"passes":7633,"lauren":7634,"mush":7635,"opin":7636,"rho":7637,"discount":7638,"operation":7639,"emily":7640,"mmm":7641,"chamber":7642,"dil":7643,"toyo":7644,"ship":7645,"samu":7646,"pictured":7647,"unic":7648,"pol":7649,"keeper":7650,"cartoon":7651,"sten":7652,"ignor":7653,"nations":7654,"nl":7655,"tasting":7656,"detail":7657,"officials":7658,"motor":7659,"francis":7660,"editor":7661,"ðŁijĩ":7662,"pets":7663,"rangers":7664,"tg":7665,"rn":7666,"wri":7667,"nichol":7668,"ise":7669,"spots":7670,"anie":7671,"check":7672,"triple":7673,"kumar":7674,"speakers":7675,"icing":7676,"prepared":7677,"abuse":7678,"friendship":7679,"month":7680,"swim":7681,"aire":7682,"scent":7683,"hamilton":7684,"indian":7685,"jes":7686,"yummy":7687,"tears":7688,"dawn":7689,"ized":7690,"worlds":7691,"ðŁķ":7692,"billi":7693,"stone":7694,"nhs":7695,"basic":7696,"por":7697,"stle":7698,"iron":7699,"older":7700,"clevel":7701,"eing":7702,"ðŁĺįðŁĺįðŁĺį":7703,"prints":7704,"firm":7705,"aircraft":7706,"finest":7707,"develop":7708,"aaron":7709,"tz":7710,"graham":7711,"owners":7712,"foli":7713,"lesson":7714,"ques":7715,"babe":7716,"craft":7717,"phen":7718,"jun":7719,"birmingham":7720,"vine":7721,"ller":7722,"ian":7723,"fineartamerica":7724,"evolu":7725,"stab":7726,"imper":7727,"ward":7728,"comic":7729,"wiz":7730,"invited":7731,"duke":7732,"match":7733,"ports":7734,"roger":7735,"diagno":7736,"kept":7737,"test":7738,"visu":7739,"rhy":7740,"soc":7741,"tox":7742,"baker":7743,"surface":7744,"covers":7745,"mans":7746,"bits":7747,"xbox":7748,"ffle":7749,"nan":7750,"gard":7751,"hart":7752,"waters":7753,"villa":7754,"retro":7755,"lightning":7756,"catholic":7757,"democracy":7758,"neighbor":7759,"penn":7760,"cran":7761,"jonathan":7762,"laura":7763,"vibes":7764,"sub":7765,"coaching":7766,"clearly":7767,"ukraine":7768,"brave":7769,"commitment":7770,"tall":7771,"mart":7772,"rap":7773,"modi":7774,"scott":7775,"bros":7776,"shower":7777,"ðŁı¾":7778,"âĺºï¸ı":7779,"cousin":7780,"approach":7781,"bre":7782,"compos":7783,"hilari":7784,"philly":7785,"gad":7786,"quickly":7787,"rian":7788,"tm":7789,"virtual":7790,"houses":7791,"kt":7792,"phoenix":7793,"wire":7794,"ffy":7795,"bunch":7796,"ancing":7797,"tale":7798,"snapchat":7799,"starter":7800,"ht":7801,"kicking":7802,"apart":7803,"thy":7804,")!":7805,"blogger":7806,"itz":7807,"comfort":7808,"angels":7809,"wash":7810,"\":":7811,"argent":7812,"request":7813,"honest":7814,"mighty":7815,"bobby":7816,"kg":7817,"rol":7818,"thouse":7819,"expo":7820,"hc":7821,"tables":7822,"magical":7823,"posts":7824,"dem":7825,"nw":7826,"orlando":7827,"aber":7828,"***":7829,"ðŁĺľ":7830,"environmental":7831,"transformation":7832,"mile":7833,"wic":7834,"hiring":7835,"maine":7836,"boar":7837,"rying":7838,"tis":7839,"niture":7840,"tweeted":7841,"antonio":7842,"opinion":7843,"finale":7844,"diy":7845,"fis":7846,"thin":7847,"trouble":7848,"lego":7849,"files":7850,"quart":7851,"spa":7852,"currency":7853,"climate":7854,"fanart":7855,"railway":7856,"space":7857,"bands":7858,"daniel":7859,"motion":7860,"leng":7861,"holder":7862,"occu":7863,"marie":7864,"cathedral":7865,"buzz":7866,"bies":7867,"nascar":7868,"bmw":7869,"battery":7870,"charlotte":7871,"doctor":7872,"zzle":7873,"seven":7874,"insan":7875,"ddy":7876,"sten":7877,"labor":7878,"thrilled":7879,"seren":7880,"documentary":7881,"waves":7882,"certain":7883,"candid":7884,"allowed":7885,"nintendo":7886,"starwars":7887,"tap":7888,"homemade":7889,"dles":7890,"thering":7891,"bree":7892,"empty":7893,"piano":7894,"positi":7895,"country":7896,"pork":7897,"puts":7898,"perry":7899,"matic":7900,"spotlight":7901,"tist":7902,"orities":7903,"wealth":7904,"cp":7905,"barbar":7906,"committed":7907,"assau":7908,"profit":7909,"eight":7910,"hul":7911,"finishing":7912,"runner":7913,"sso":7914,"inspec":7915,"charged":7916,"christop":7917,"losing":7918,"coal":7919,"hoo":7920,"elev":7921,"dele":7922,"moham":7923,"donation":7924,"cable":7925,"clinic":7926,"jin":7927,"managed":7928,"tering":7929,"â¬":7930,"urban":7931,"deputy":7932,"bber":7933,"burn":7934,"academic":7935,"ott":7936,"stake":7937,"iter":7938,"stown":7939,"acker":7940,"adventures":7941,"adams":7942,"greg":7943,"prom":7944,"vol":7945,"acqu":7946,"congre":7947,"paint":7948,"citizens":7949,"call":7950,"afford":7951,"vc":7952,"asks":7953,"thetic":7954,"independence":7955,"âĽ":7956,"hitting":7957,"blon":7958,"future":7959,"âı":7960,"inno":7961,"gene":7962,"boards":7963,"distance":7964,"set":7965,"remem":7966,"thal":7967,"prevent":7968,"lang":7969,"objec":7970,"susp":7971,"matt":7972,"induc":7973,"boro":7974,"pione":7975,"redi":7976,"virtu":7977,"printed":7978,"scope":7979,"shark":7980,"succe":7981,"astron":7982,"illegal":7983,"jag":7984,"cting":7985,"inee":7986,"ato":7987,"robin":7988,"nutrition":7989,"bf":7990,"dutch":7991,"bn":7992,"furniture":7993,"forgotten":7994,"atar":7995,"rup":7996,"hyper":7997,"branch":7998,"communication":7999,"degrees":8000,"onia":8001,"uncle":8002,"promote":8003,"orche":8004,"wii":8005,"js":8006,"button":8007,"major":8008,"cbs":8009,"bristol":8010,"premium":8011,"ordinary":8012,"edit":8013,"mg":8014,"weed":8015,"steven":8016,":'":8017,"gus":8018,"tes":8019,"captured":8020,"drugs":8021,"dow":8022,"writes":8023,"bishop":8024,"wheels":8025,"alization":8026,"discovery":8027,"wr":8028,"rachel":8029,"neil":8030,"hydr":8031,"cutest":8032,"entrepreneur":8033,"korean":8034,"oregon":8035,"ulty":8036,"perfectly":8037,"supported":8038,"historical":8039,"twins":8040,"elly":8041,"wel":8042,"devil":8043,"income":8044,"scientists":8045,"deleg":8046,"hen":8047,"oni":8048,"iced":8049,"gio":8050,"curry":8051,"reveal":8052,"eg":8053,"buffalo":8054,"nol":8055,"opera":8056,"cameron":8057,"hahahaha":8058,"jab":8059,"graduation":8060,"craig":8061,"ral":8062,"if":8063,"organization":8064,"lege":8065,"gang":8066,"sud":8067,"edinburgh":8068,"lack":8069,"flies":8070,"gate":8071,"thrones":8072,"qb":8073,"thereal":8074,"eleg":8075,"ppin":8076,"cles":8077,"jamie":8078,"tnam":8079,"crypto":8080,"oul":8081,"pages":8082,"ase":8083,"roots":8084,"stupid":8085,"adid":8086,"boot":8087,"protein":8088,"sap":8089,"sium":8090,"sus":8091,"endor":8092,"function":8093,"dont":8094,"enna":8095,"chy":8096,"sque":8097,"worker":8098,"mtv":8099,"ea":8100,"kan":8101,"ðŁĴļ":8102,"mus":8103,"profession":8104,"tto":8105,"operations":8106,"allo":8107,"ctor":8108,"invite":8109,"scand":8110,"outh":8111,"zim":8112,"links":8113,"clients":8114,"samsung":8115,"discusses":8116,"nell":8117,"ultra":8118,"somewhere":8119,"stewart":8120,"inet":8121,"dez":8122,"bout":8123,"factor":8124,"tian":8125,"trans":8126,"jeremy":8127,"db":8128,"ðŁĩ¬":8129,"orn":8130,"developing":8131,"spol":8132,"cooper":8133,"mau":8134,"remembering":8135,"trek":8136,"family":8137,"seniors":8138,"foster":8139,"attended":8140,"wing":8141,"transform":8142,"elementary":8143,"horiz":8144,"listing":8145,"malaysia":8146,"itch":8147,"warrior":8148,"philippines":8149,"russell":8150,"mend":8151,"initiative":8152,"creep":8153,"tops":8154,"briti":8155,"aur":8156,"sharp":8157,"advertising":8158,"ugly":8159,"achiev":8160,"materials":8161,"bug":8162,"device":8163,"bonus":8164,"facility":8165,"cole":8166,"nhl":8167,"yas":8168,"planned":8169,"pole":8170,"excellence":8171,"trick":8172,"confl":8173,"rp":8174,"achieve":8175,"loan":8176,"swag":8177,"jessica":8178,"howe":8179,"pour":8180,"scu":8181,"zoo":8182,"rated":8183,"dresses":8184,"rebel":8185,"mexican":8186,"coordin":8187,"mess":8188,"atlantic":8189,"tl":8190,"oscar":8191,"walks":8192,"pharmac":8193,"investigation":8194,"...#":8195,"cci":8196,"easily":8197,"mondaymotivation":8198,"yment":8199,"auti":8200,"forced":8201,"armed":8202,"colleagues":8203,"papers":8204,"proper":8205,"shake":8206,"buc":8207,"lean":8208,"exhibit":8209,"evement":8210,"cott":8211,"biz":8212,"sper":8213,"kent":8214,"swan":8215,"/@":8216,"girlfriend":8217,"hawk":8218,"âĺĢï¸ı":8219,"mono":8220,"ðŁĴĽ":8221,"statue":8222,"ðŁĺ³":8223,"ras":8224,"teeth":8225,"precious":8226,"tile":8227,"pam":8228,"swift":8229,"vali":8230,"nose":8231,"drunk":8232,"experiences":8233,"comeback":8234,"genius":8235,"worse":8236,"shef":8237,"rad":8238,"edit":8239,"honour":8240,"auspol":8241,"larry":8242,"hire":8243,"gordon":8244,"achievement":8245,"........":8246,"suicide":8247,"alternative":8248,"sup":8249,"surroun":8250,"shake":8251,"keith":8252,"pepper":8253,"turk":8254,"criminal":8255,"beck":8256,"sum":8257,"walls":8258,"cnn":8259,"antic":8260,"offe":8261,"colli":8262,"wines":8263,"highlight":8264,"hawaii":8265,"embar":8266,"lfc":8267,"ðŁĩ®":8268,"mv":8269,">>":8270,"atmo":8271,"word":8272,"carl":8273,"shoutout":8274,"brewing":8275,"ìĿ":8276,"dof":8277,"sic":8278,"hottest":8279,"colon":8280,"hhh":8281,"shut":8282,"lowing":8283,"volume":8284,"apartment":8285,"agreement":8286,"destro":8287,"wee":8288,"religious":8289,"iowa":8290,"rod":8291,"landing":8292,"represent":8293,"ðŁĵ·:":8294,"las":8295,"usually":8296,"hl":8297,"cac":8298,"salv":8299,"along":8300,"laughing":8301,"beans":8302,"reminds":8303,"phase":8304,"somebody":8305,"mask":8306,"ranked":8307,"destroy":8308,"sci":8309,"â̼ï¸ı":8310,"gabri":8311,"leo":8312,"roa":8313,"failed":8314,"sil":8315,"refugees":8316,"revi":8317,"ring":8318,"berries":8319,"cookies":8320,"yy":8321,"conservation":8322,"shab":8323,"humans":8324,"determin":8325,"ain":8326,"niall":8327,"assu":8328,"mba":8329,"from":8330,"extreme":8331,"vices":8332,"commerce":8333,"ghtful":8334,"ordered":8335,"supports":8336,"recap":8337,"vor":8338,"dropping":8339,"correct":8340,"paying":8341,"meaning":8342,"nj":8343,"quiz":8344,"\"#":8345,"business":8346,"ðŁĩ®ðŁĩ":8347,"indigen":8348,"dust":8349,"boxes":8350,"blind":8351,"xxx":8352,"zzy":8353,"ðŁĩ¬ðŁĩ":8354,"ssels":8355,"sant":8356,"ddle":8357,"hilarious":8358,"design":8359,"wondering":8360,"vehicles":8361,"kre":8362,"jud":8363,"reception":8364,"parker":8365,"ÃŃ":8366,"privi":8367,"hydro":8368,"softball":8369,"pollu":8370,"locked":8371,"bah":8372,"ear":8373,"script":8374,"divi":8375,"brace":8376,"george":8377,"theast":8378,"belo":8379,"jal":8380,"tionary":8381,"dental":8382,"rocket":8383,"purch":8384,"shak":8385,"manufacturing":8386,"ez":8387,"itis":8388,"concep":8389,"tball":8390,"chs":8391,"directed":8392,"prayers":8393,"ook":8394,"philos":8395,"variety":8396,"chess":8397,"server":8398,"gand":8399,"balti":8400,"ðŁĵ¸":8401,"sely":8402,"cruz":8403,"spectacular":8404,"burning":8405,"represent":8406,"iz":8407,"tone":8408,"merce":8409,"hell":8410,"bedroom":8411,"establi":8412,"bol":8413,"common":8414,"ãĥ»":8415,"abor":8416,"kitty":8417,"heights":8418,"repair":8419,"william":8420,"quake":8421,"alabama":8422,"population":8423,"rev":8424,"rett":8425,"ists":8426,"nite":8427,"lem":8428,"aha":8429,"cleveland":8430,"rm":8431,"pover":8432,"obse":8433,"montre":8434,"mania":8435,"®":8436,"conne":8437,"carni":8438,"shah":8439,"fy":8440,"ua":8441,"scor":8442,"struggle":8443,"bob":8444,"''":8445,"appropri":8446,"decide":8447,"ffed":8448,"caster":8449,"sort":8450,"hungry":8451,"drag":8452,"اÙ":8453,"grounds":8454,"dw":8455,"slightly":8456,"cardin":8457,"deadline":8458,"bronze":8459,"webin":8460,"barry":8461,"silence":8462,"euro":8463,"option":8464,"earn":8465,"ðŁĴĸ":8466,"however":8467,"naren":8468,"nails":8469,"bathroom":8470,"vine":8471,"phd":8472,"mining":8473,"garage":8474,"()":8475,"shoulder":8476,"defeat":8477,"dir":8478,"ov":8479,"liberty":8480,"pleas":8481,"xon":8482,"compre":8483,"av":8484,"jin":8485,"ables":8486,"silent":8487,"famili":8488,"visits":8489,"dipl":8490,"habit":8491,"millions":8492,"regarding":8493,"innovative":8494,"senator":8495,"rts":8496,"von":8497,"kl":8498,"whil":8499,"required":8500,"âĿĦ":8501,"luv":8502,"presidential":8503,"pocket":8504,"hundre":8505,"shown":8506,"frozen":8507,"toward":8508,"fast":8509,"confidence":8510,"rough":8511,"individual":8512,"quet":8513,"ðŁı½":8514,"dome":8515,"fifa":8516,"engineer":8517,"zen":8518,"remix":8519,"ðŁĺĥ":8520,"plant":8521,"minor":8522,"robinson":8523,"asy":8524,"pulled":8525,"certain":8526,"potato":8527,"(:":8528,"pres":8529,"occa":8530,"wit":8531,"item":8532,"sie":8533,"dating":8534,"thompson":8535,"owned":8536,"anu":8537,"vie":8538,"tedly":8539,"goodnight":8540,"except":8541,"ðŁĮŁ":8542,"iraq":8543,"kie":8544,"rences":8545,"lip":8546,"similar":8547,"saudi":8548,"vig":8549,"arthur":8550,"picks":8551,"milan":8552,"honda":8553,"maxi":8554,"og":8555,"stest":8556,"arch":8557,"analytics":8558,"basti":8559,"pearl":8560,"terry":8561,"horse":8562,"astro":8563,"acce":8564,"launching":8565,"international":8566,"sno":8567,"tasty":8568,"denver":8569,"irl":8570,"pete":8571,"torn":8572,"advantage":8573,"varsity":8574,"\"\"":8575,"sole":8576,"gc":8577,"lang":8578,"demonstr":8579,"olds":8580,"unity":8581,"nets":8582,"inspire":8583,"crete":8584,"nashville":8585,"nelson":8586,"eter":8587,"walk":8588,"hyun":8589,"mack":8590,"treas":8591,"seeking":8592,"rage":8593,"brush":8594,"aband":8595,"whilst":8596,"cocon":8597,"hong":8598,"shelter":8599,"ip":8600,"possibly":8601,"soo":8602,"ited":8603,"âĦ":8604,"races":8605,"warming":8606,"quin":8607,"television":8608,"matches":8609,"rapi":8610,"mental":8611,"palm":8612,"jennifer":8613,"rolls":8614,"indiana":8615,"bars":8616,"catching":8617,"rescu":8618,"candidates":8619,"fare":8620,"âłĢ":8621,"seo":8622,"vietnam":8623,"alpha":8624,"michelle":8625,"visible":8626,"regre":8627,"wned":8628,"apple":8629,"lip":8630,"ffe":8631,"liz":8632,"yorkshire":8633,"hail":8634,"seasons":8635,"began":8636,"md":8637,"kc":8638,"lap":8639,"fascinating":8640,"help":8641,"ury":8642,"ums":8643,"nuts":8644,"sem":8645,"alongside":8646,"bridge":8647,"orial":8648,"ove":8649,"worldcup":8650,"british":8651,"comfortable":8652,"ive":8653,"hotels":8654,"fairs":8655,"horri":8656,"sox":8657,"dining":8658,"stream":8659,"barri":8660,"ssy":8661,"wim":8662,"terms":8663,"vu":8664,"pere":8665,"lens":8666,"walked":8667,"ror":8668,"lars":8669,"shield":8670,"doubt":8671,"proto":8672,"crossing":8673,"meant":8674,"medium":8675,"adding":8676,"eb":8677,"cheap":8678,"func":8679,"paper":8680,"brands":8681,"ryan":8682,"feedback":8683,"collins":8684,"unknown":8685,"tropical":8686,"sandwich":8687,"fallen":8688,"formu":8689,"select":8690,"loads":8691,"answers":8692,"ori":8693,"maga":8694,"dor":8695,"duo":8696,"alie":8697,"drum":8698,"uri":8699,"deer":8700,"soul":8701,"shut":8702,"âĺº":8703,"stolen":8704,"donated":8705,"buzz":8706,"patriots":8707,"hal":8708,"nasty":8709,"nominated":8710,"monte":8711,"kia":8712,"thri":8713,"ingu":8714,"tests":8715,"petro":8716,"ðŁijij":8717,"hosts":8718,"nest":8719,"topic":8720,"patch":8721,"mmy":8722,"hugh":8723,"abilities":8724,"mathe":8725,"smiles":8726,"gb":8727,"agenda":8728,"insights":8729,"chip":8730,"phan":8731,"failure":8732,"dgers":8733,"hai":8734,"significant":8735,"shock":8736,"rural":8737,"glam":8738,"figures":8739,"potus":8740,"ota":8741,"ministry":8742,"appears":8743,"fear":8744,"rh":8745,"american":8746,"hatt":8747,"sony":8748,"fires":8749,"edi":8750,"nou":8751,"equi":8752,"when":8753,"universal":8754,"madness":8755,"ix":8756,"sculpture":8757,"bach":8758,"tto":8759,"sweden":8760,"eta":8761,"ento":8762,"developed":8763,"monthly":8764,"maps":8765,"rah":8766,"led":8767,"delta":8768,"saints":8769,"islam":8770,"bench":8771,"fifth":8772,"vard":8773,"socks":8774,"welcoming":8775,"je":8776,"turner":8777,"vb":8778,"adi":8779,"norway":8780,"ady":8781,"hurricane":8782,"porsche":8783,"tradition":8784,"exam":8785,"newspaper":8786,"luci":8787,"aver":8788,"ideal":8789,"dna":8790,"madison":8791,"ð٧":8792,"witness":8793,"acou":8794,"insight":8795,"simon":8796,"robot":8797,"snake":8798,"nbc":8799,"aco":8800,"ross":8801,"shment":8802,"religion":8803,"chann":8804,"insu":8805,"campbell":8806,"installed":8807,"weather":8808,"horses":8809,"oli":8810,"robert":8811,"kaz":8812,"ðŁıĢ":8813,"veteran":8814,"thread":8815,"quarter":8816,"easier":8817,"capture":8818,"hipho":8819,"lawrence":8820,"romantic":8821,"passion":8822,"clay":8823,"oxford":8824,"thai":8825,"studying":8826,"fia":8827,"elected":8828,"mostly":8829,"cb":8830,"tumb":8831,"âĢįâĻĤ":8832,"xl":8833,"shan":8834,"faster":8835,"evans":8836,"slide":8837,"shri":8838,"seek":8839,"mies":8840,"chemistry":8841,"pumpkin":8842,"tum":8843,",,":8844,"room":8845,"fired":8846,"lips":8847,"presence":8848,"aff":8849,"brewery":8850,"arrive":8851,"swag":8852,"photograph":8853,"pengu":8854,"chips":8855,"attor":8856,"values":8857,"accurate":8858,"contemporary":8859,"principal":8860,"cannabis":8861,"ario":8862,"anywhere":8863,"gia":8864,"democrats":8865,"buildings":8866,"lived":8867,"aps":8868,"negative":8869,"mare":8870,"ballo":8871,"lion":8872,"diamon":8873,"look":8874,"reform":8875,"tommy":8876,"illa":8877,"treats":8878,"hundreds":8879,"portland":8880,"worthy":8881,"excep":8882,"aria":8883,"idol":8884,"beer":8885,"cdn":8886,"yu":8887,"awk":8888,"ðŁĩ¨":8889,"cells":8890,"ó":8891,"identity":8892,"drawn":8893,"devil":8894,"finger":8895,"tham":8896,"ðŁijĬ":8897,"earned":8898,"fintech":8899,"dolph":8900,"tweeting":8901,"evolution":8902,"ðŁĵį":8903,"estim":8904,"mvp":8905,"none":8906,"ðŁĩºðŁĩ¸":8907,"toyota":8908,"aux":8909,"marin":8910,"bold":8911,"lbs":8912,"steak":8913,"murphy":8914,"itable":8915,"louis":8916,"solve":8917,"pia":8918,"skir":8919,"illino":8920,"webinar":8921,"banana":8922,"lov":8923,"thon":8924,"voters":8925,"affordable":8926,"defeated":8927,"lmfa":8928,"airlines":8929,"superb":8930,"anyway":8931,"debt":8932,"bored":8933,"versi":8934,"metal":8935,"responsible":8936,"mk":8937,"sse":8938,"fay":8939,"caused":8940,"fp":8941,"recommend":8942,"plaza":8943,"sporting":8944,"alliance":8945,"austri":8946,"nn":8947,"tours":8948,"surprised":8949,"artif":8950,"thunder":8951,"surve":8952,"wore":8953,"brief":8954,"necessary":8955,"zie":8956,"ashley":8957,"drake":8958,"rt":8959,"knife":8960,"immun":8961,"charges":8962,"athe":8963,"bride":8964,"reply":8965,"gav":8966,"broadcast":8967,"puer":8968,"bracelet":8969,"capacity":8970,"harvest":8971,"idk":8972,"performan":8973,"dding":8974,"ilers":8975,"para":8976,"jama":8977,"province":8978,"chin":8979,"iders":8980,"hari":8981,"teaser":8982,"chen":8983,"restor":8984,"rat":8985,"flat":8986,"colom":8987,"ðŁĴŀ":8988,"ðŁĩ¨ðŁĩ":8989,"smooth":8990,"rt":8991,"pitch":8992,"staying":8993,"israeli":8994,"tcot":8995,"perspective":8996,"dock":8997,"opener":8998,"lovel":8999,"xo":9000,"classroom":9001,"lington":9002,"goal":9003,"kennedy":9004,"sham":9005,"spaces":9006,"mitchell":9007,"homecoming":9008,"uki":9009,"claimed":9010,"recruit":9011,"ingo":9012,"mufc":9013,"monit":9014,"groo":9015,"resident":9016,"percent":9017,"perman":9018,"ottawa":9019,"intment":9020,"anxi":9021,"standards":9022,"worship":9023,"scheme":9024,"fx":9025,"potter":9026,"bian":9027,"athletic":9028,"afgh":9029,"sse":9030,"satell":9031,"parties":9032,"âĿ¤âĿ¤":9033,"infrastructure":9034,"relax":9035,"modu":9036,"worn":9037,"smoking":9038,"yach":9039,"practices":9040,"wcw":9041,"amb":9042,"domestic":9043,"taylor":9044,"kentu":9045,"provided":9046,"modi":9047,"veg":9048,"\"...":9049,"observ":9050,"ðŁĺ©":9051,"beard":9052,"mour":9053,"angry":9054,"ðŁĺ±":9055,"startups":9056,"wooden":9057,"dive":9058,"nail":9059,"antique":9060,"roses":9061,"tornado":9062,"mat":9063,"^^":9064,"suspect":9065,"farm":9066,"devices":9067,"mega":9068,"tul":9069,"scholarship":9070,"gee":9071,"disaster":9072,"arrival":9073,"poin":9074,"marc":9075,"katie":9076,"bbed":9077,"false":9078,"deserves":9079,"richard":9080,"juana":9081,"frey":9082,"tioned":9083,"hybri":9084,"rw":9085,"sarah":9086,"achi":9087,"cure":9088,"ole":9089,"morris":9090,"chic":9091,"broadway":9092,"label":9093,"pak":9094,"poverty":9095,"golf":9096,"ered":9097,"fu":9098,"eries":9099,"bees":9100,"alogue":9101,"stel":9102,"wireless":9103,"jewish":9104,"tide":9105,"blocked":9106,"lifetime":9107,"bhar":9108,"split":9109,"amster":9110,"thi":9111,"joshu":9112,"brunch":9113,"haps":9114,"sfor":9115,"oops":9116,"kapoor":9117,"hiking":9118,"supposed":9119,"roof":9120,"reas":9121,"train":9122,"tight":9123,"trump":9124,"basically":9125,"rr":9126,"eared":9127,"seeds":9128,"entrance":9129,"cp":9130,"wie":9131,"sonic":9132,"victim":9133,"here":9134,"eh":9135,"earrings":9136,"salmon":9137,"arctic":9138,"anne":9139,"dougla":9140,"corruption":9141,"hannah":9142,"hasn":9143,"voices":9144,"conce":9145,"atta":9146,"fleet":9147,"clinical":9148,"democratic":9149,"tony":9150,"stood":9151,"lef":9152,"twitch":9153,"ail":9154,"honestly":9155,"increased":9156,"drome":9157,"donna":9158,"accepted":9159,"visitors":9160,"apar":9161,"ador":9162,"par":9163,"jerry":9164,"rai":9165,"brandon":9166,"abu":9167,"!!!!!!":9168,"meme":9169,"ingh":9170,"glorious":9171,"bhu":9172,"pump":9173,"jol":9174,"like":9175,"fisher":9176,"maz":9177,"agan":9178,"destination":9179,"playlist":9180,"letters":9181,"genu":9182,"brace":9183,"celebrated":9184,"banner":9185,"rhe":9186,"dragon":9187,"ðŁĺħ":9188,"signature":9189,"grey":9190,"âľĶï¸ı":9191,"alice":9192,"bered":9193,"pher":9194,"bern":9195,"cath":9196,"gathering":9197,"scoring":9198,"influence":9199,"smiling":9200,"dept":9201,"local":9202,"ax":9203,"acu":9204,"retirement":9205,"honor":9206,"herself":9207,"chemical":9208,"assess":9209,"yall":9210,"frequ":9211,"appreciation":9212,"aca":9213,"choir":9214,"cuz":9215,"soil":9216,"cil":9217,"reporting":9218,"uh":9219,"enterprise":9220,"grat":9221,"jacob":9222,"rum":9223,"fee":9224,"jak":9225,"spin":9226,"bikes":9227,"phia":9228,"stere":9229,"pis":9230,"blood":9231,"tatt":9232,"raft":9233,"warren":9234,"sheri":9235,"backstage":9236,"marsh":9237,"hashtag":9238,"therine":9239,"rein":9240,"gameday":9241,"guaran":9242,"recipes":9243,"minds":9244,"stronger":9245,"issued":9246,"bicy":9247,"nak":9248,"mented":9249,"scary":9250,"ux":9251,"previous":9252,"ttle":9253,"thats":9254,"actors":9255,"uma":9256,"tina":9257,"bunny":9258,"promotion":9259,"uss":9260,"oliver":9261,"montreal":9262,"whats":9263,"appreciated":9264,"lakes":9265,"excuse":9266,"knowing":9267,"prizes":9268,"muscle":9269,"shades":9270,"scot":9271,"ingredi":9272,"electronic":9273,"juan":9274,"combat":9275,"sri":9276,"eh":9277,"turkish":9278,"lom":9279,"strikes":9280,"prison":9281,"ree":9282,"pope":9283,"vid":9284,"oldest":9285,"doll":9286,"swiss":9287,"certified":9288,"clip":9289,"returning":9290,"lator":9291,"leigh":9292,"ttes":9293,"watson":9294,"healing":9295,"elim":9296,"perhaps":9297,"hass":9298,"kau":9299,"dder":9300,"mouse":9301,"newcastle":9302,"indigenous":9303,"welcomes":9304,"cole":9305,"taught":9306,"noise":9307,"appear":9308,"joe":9309,"canon":9310,"wednesday":9311,"utah":9312,"ctive":9313,"driven":9314,"iv":9315,"cell":9316,"strip":9317,"acc":9318,"focused":9319,"arrest":9320,"stocks":9321,"woo":9322,"âĹ":9323,"noticed":9324,"shado":9325,"displa":9326,"terror":9327,"borne":9328,"second":9329,"queens":9330,"woke":9331,"jail":9332,"nott":9333,"cambridge":9334,"hart":9335,"seaf":9336,"fax":9337,"accept":9338,"âĺħ":9339,"goods":9340,"kat":9341,"twin":9342,"hs":9343,"thousand":9344,"sins":9345,"suite":9346,"ampton":9347,"arn":9348,"relev":9349,"richar":9350,"hoops":9351,"nbc":9352,"classic":9353,"pab":9354,"soldier":9355,"deplo":9356,"leans":9357,"installation":9358,"clash":9359,"leban":9360,"eee":9361,"tire":9362,"beloved":9363,"fusion":9364,"traveling":9365,"nei":9366,"cookie":9367,"globe":9368,"physics":9369,"sq":9370,"col":9371,"wolves":9372,"dl":9373,"exit":9374,"\"-":9375,"football":9376,"leaf":9377,"sterling":9378,"hide":9379,"minneso":9380,"freshman":9381,"nature":9382,"indie":9383,"supplies":9384,"bris":9385,"irish":9386,"inktober":9387,"doodle":9388,"icop":9389,"messages":9390,"adults":9391,"recorded":9392,"fixed":9393,"ardo":9394,"offered":9395,"underground":9396,"drone":9397,"pine":9398,"mainten":9399,"andre":9400,"hammer":9401,"sx":9402,"round":9403,"hike":9404,"brad":9405,"rome":9406,"full":9407,"oney":9408,"rows":9409,"columbia":9410,"archives":9411,"approved":9412,"batch":9413,"illinois":9414,"recognition":9415,"shouldn":9416,"fog":9417,"ncaa":9418,"kevin":9419,"humanity":9420,"although":9421,"powers":9422,"pou":9423,"sar":9424,"pest":9425,"alcohol":9426,"consci":9427,"philadel":9428,"eno":9429,"tm":9430,"okla":9431,"category":9432,"participate":9433,"accused":9434,"brief":9435,"poem":9436,"clubs":9437,"consult":9438,"jab":9439,"bigdata":9440,"amsterdam":9441,"acing":9442,"certific":9443,"nu":9444,"dat":9445,"improved":9446,"andy":9447,"campaig":9448,"palestin":9449,"pace":9450,"mobi":9451,"feelings":9452,"wolf":9453,"brain":9454,"propos":9455,"interactive":9456,"prince":9457,"index":9458,"cis":9459,"chae":9460,"peaceful":9461,"covering":9462,"aco":9463,"courses":9464,"monkey":9465,"replace":9466,"bl":9467,"bloody":9468,"tales":9469,"brighton":9470,"neighborhood":9471,"gates":9472,"spiritual":9473,"afraid":9474,"breast":9475,"bones":9476,"ðŁijī":9477,"video":9478,"wau":9479,"touch":9480,"injuries":9481,"carl":9482,"rix":9483,"unex":9484,"âĢ¢":9485,"fred":9486,"considered":9487,"thusi":9488,"anch":9489,"ony":9490,"usa":9491,"graphics":9492,"acre":9493,"ðŁĺ©":9494,"commemor":9495,"commod":9496,"goti":9497,"guardian":9498,"starbucks":9499,"prevention":9500,"hahahaha":9501,"administration":9502,"portugal":9503,"faculty":9504,"beta":9505,"ula":9506,"albert":9507,"breath":9508,"eri":9509,"letting":9510,"tric":9511,"mentation":9512,"incredibly":9513,"tennes":9514,"vd":9515,"ðŁĻĪ":9516,"eddie":9517,"brick":9518,"grill":9519,"btw":9520,"watches":9521,"researchers":9522,"tney":9523,"nie":9524,"pas":9525,"aster":9526,"vibr":9527,"pokemon":9528,"chrome":9529,"goat":9530,"pitts":9531,"illy":9532,"festive":9533,"yd":9534,"canal":9535,"ðŁĨ":9536,"fies":9537,"carlos":9538,"reque":9539,"partici":9540,"trains":9541,"sample":9542,"temperature":9543,"symph":9544,"picking":9545,"indoor":9546,"zers":9547,"playoffs":9548,"________":9549,"apes":9550,"lyrics":9551,"islamic":9552,"performances":9553,"dick":9554,"spark":9555,"seas":9556,"homa":9557,"ground":9558,"disci":9559,"employee":9560,"commu":9561,"alaska":9562,"alan":9563,"feast":9564,"dging":9565,"banking":9566,"manuel":9567,"slowly":9568,"trucks":9569,"mccar":9570,"ooo":9571,"scrat":9572,"orchestra":9573,"individu":9574,"mx":9575,"breath":9576,"stairs":9577,"equality":9578,"blake":9579,"locations":9580,"coconut":9581,"baltimore":9582,"aaa":9583,"lc":9584,"ðŁıĨ":9585,"harvey":9586,"resist":9587,"immigration":9588,"adidas":9589,"fili":9590,"ref":9591,"lgbt":9592,"mos":9593,"ppi":9594,"kenny":9595,"terror":9596,"bane":9597,"apolis":9598,"sg":9599,"socialmedia":9600,"kai":9601,"honest":9602,"assas":9603,"bollywood":9604,"âĢįâĻĢï¸ı":9605,"ferrari":9606,"horn":9607,"crypto":9608,"boom":9609,"maintenance":9610,"idi":9611,"sman":9612,"wl":9613,"extended":9614,"insul":9615,"ves":9616,"gosp":9617,"tri":9618,"pig":9619,"targe":9620,"celer":9621,"stati":9622,"smh":9623,"ridic":9624,"appeal":9625,"?)":9626,"conclu":9627,"cosme":9628,"sheep":9629,"christopher":9630,"enthusi":9631,"polish":9632,"mets":9633,"ounded":9634,"sustainability":9635,"creativity":9636,"concrete":9637,"rai":9638,"alien":9639,"bless":9640,"tees":9641,"club":9642,"rot":9643,"bos":9644,"exist":9645,"perfection":9646,"luck":9647,"rocky":9648,"expensive":9649,"meanwhile":9650,"happybirthday":9651,"pret":9652,"thriller":9653,"cave":9654,"playoff":9655,"somer":9656,"lu":9657,"lex":9658,"defence":9659,"amwriting":9660,"homeless":9661,"prophe":9662,"chet":9663,"pastor":9664,"ðŁ¤£":9665,"lander":9666,"www":9667,"Ģï¸ı":9668,"tica":9669,"!#":9670,"otic":9671,"radar":9672,"posters":9673,"powder":9674,"poli":9675,"haun":9676,"trap":9677,"blin":9678,"assault":9679,"shorts":9680,"rey":9681,"shy":9682,"squir":9683,"racist":9684,"garlic":9685,"fur":9686,"remote":9687,"smell":9688,"impressed":9689,"fingers":9690,"âłĢ":9691,"dino":9692,"lement":9693,"snu":9694,"promoting":9695,"string":9696,"productive":9697,"bage":9698,"mason":9699,"raz":9700,"directly":9701,"jk":9702,"eval":9703,"ðŁijĬ":9704,"doctors":9705,"cow":9706,"rider":9707,"stv":9708,"remove":9709,"wu":9710,"nathan":9711,"rod":9712,"nr":9713,"=>":9714,"affected":9715,"invest":9716,"mption":9717,"ginger":9718,"od":9719,"agriculture":9720,"sque":9721,"mug":9722,"counting":9723,"kee":9724,"magnific":9725,"cook":9726,"anistan":9727,"root":9728,"placed":9729,"sympo":9730,"ghana":9731,"und":9732,"cheer":9733,"throwing":9734,"secrets":9735,"filling":9736,"optimi":9737,"butterfly":9738,"bubb":9739,"ðŁĺī":9740,"terrible":9741,"dg":9742,"silk":9743,"obsessed":9744,"lou":9745,"aide":9746,"salute":9747,"monu":9748,"philadelphia":9749,"scientific":9750,"ist":9751,"uae":9752,"dessert":9753,"bottles":9754,"canyon":9755,"ðŁĺĪ":9756,"carib":9757,"other":9758,"wich":9759,"resource":9760,"guilty":9761,"und":9762,"leon":9763,"ess":9764,"kane":9765,"ele":9766,"trainer":9767,"heim":9768,"ante":9769,"manage":9770,"rookie":9771,"treated":9772,"poses":9773,"rsvp":9774,"causes":9775,"awak":9776,"jewell":9777,"lett":9778,"onics":9779,"titles":9780,"cardiff":9781,"gaga":9782,"bump":9783,"useful":9784,"?!":9785,"loose":9786,"bbing":9787,"::":9788,"argentina":9789,"debu":9790,"cycl":9791,"whel":9792,"disgu":9793,"jel":9794,"kills":9795,"biology":9796,"exter":9797,"trash":9798,"bodies":9799,"tram":9800,"circuit":9801,"expect":9802,"lads":9803,"wells":9804,"shot":9805,"gee":9806,"narendr":9807,"fastest":9808,"bent":9809,"bills":9810,"marshall":9811,"hats":9812,"introduce":9813,"citizen":9814,"impossible":9815,"gib":9816,"azz":9817,"networking":9818,"rant":9819,"think":9820,"indy":9821,"stops":9822,"ftheday":9823,"brian":9824,"**":9825,"amodi":9826,"dome":9827,"courage":9828,"packing":9829,"affairs":9830,"gn":9831,"sized":9832,"entary":9833,"poland":9834,"switzer":9835,"afghanistan":9836,"wu":9837,"tender":9838,"subscribe":9839,"mosco":9840,"attend":9841,"republican":9842,"honey":9843,"âĢĭ":9844,"simul":9845,"wester":9846,"foodie":9847,"oro":9848,"middle":9849,"abt":9850,"copies":9851,"maje":9852,"narendramodi":9853,"typical":9854,"inspirational":9855,"vitam":9856,"wiscon":9857,"cubs":9858,"tivity":9859,"hali":9860,"ears":9861,"kay":9862,"dare":9863,"marijuana":9864,"curious":9865,"ania":9866,"tomato":9867,"remind":9868,"ðŁĩ·":9869,"scared":9870,"coup":9871,"poet":9872,"landed":9873,"rid":9874,"wrapped":9875,"morri":9876,"climbing":9877,"ews":9878,"feeding":9879,"contra":9880,"thology":9881,"grid":9882,"tively":9883,"reader":9884,"laser":9885,"diving":9886,"dig":9887,"latin":9888,"tied":9889,"shakespe":9890,"oci":9891,"adm":9892,"showers":9893,"chuck":9894,"marcus":9895,"oos":9896,"knee":9897,"olive":9898,"owl":9899,"dylan":9900,"anno":9901,"gym":9902,"decisions":9903,"wellness":9904,"arrives":9905,"satis":9906,"chris":9907,"thurs":9908,"ðŁ¤£":9909,"interviews":9910,"thankyou":9911,"switzerland":9912,"overnight":9913,"journalist":9914,"serves":9915,"volcan":9916,".......":9917,"plot":9918,"nicol":9919,"carrying":9920,"magne":9921,"treasure":9922,"exp":9923,"bever":9924,"ðŁĺ¢":9925,"marty":9926,"mole":9927,"donations":9928,"recognized":9929,"bh":9930,"dus":9931,"shann":9932,"aldo":9933,"successfully":9934,"ente":9935,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":9936,"cabinet":9937,"cuis":9938,"titled":9939,"das":9940,"sol":9941,"strategies":9942,"delivering":9943,"adds":9944,"anian":9945,"nether":9946,"ðŁĴĥ":9947,"contain":9948,"suits":9949,"pairs":9950,"todd":9951,"rella":9952,"rope":9953,"cio":9954,"crop":9955,"paintings":9956,"suz":9957,"rejec":9958,"bust":9959,"dh":9960,"fraud":9961,"mh":9962,"control":9963,"jeal":9964,"destroyed":9965,"allows":9966,"wool":9967,"minnesota":9968,"omen":9969,"ju":9970,"symposium":9971,"daf":9972,"limit":9973,"accounts":9974,"loading":9975,"intern":9976,"resolution":9977,"holland":9978,"qual":9979,"meetings":9980,"grave":9981,"camping":9982,"vam":9983,"renov":9984,"liberal":9985,"amber":9986,"gree":9987,"humb":9988,"fever":9989,"eling":9990,"brooks":9991,"à²":9992,"beth":9993,"aded":9994,"alt":9995,"roe":9996,"performed":9997,"josh":9998,"franklin":9999,"nicole":10000,"dess":10001,"bbs":10002,"mg":10003,"networks":10004,"minim":10005,"alt":10006,"weapons":10007,"guy":10008,"jason":10009,"gha":10010,"harbour":10011,"aton":10012,"praise":10013,"kentucky":10014,"belfast":10015,"sticks":10016,"bloss":10017,"hopes":10018,"anthro":10019,"familiar":10020,"wait":10021,"chile":10022,"depression":10023,"lax":10024,"jets":10025,"leice":10026,"receives":10027,"sier":10028,"ank":10029,"dex":10030,"indeed":10031,"flexi":10032,"fabric":10033,"lamb":10034,"helicop":10035,"amanda":10036,"âĢĶâĢĶ":10037,"compete":10038,"snack":10039,"technologies":10040,"syrian":10041,"moms":10042,"muham":10043,"chosen":10044,"anat":10045,"devon":10046,"sharks":10047,"ret":10048,"fundraiser":10049,"selfies":10050,"stations":10051,"communications":10052,"tennessee":10053,"tutor":10054,"rot":10055,"valuable":10056,"dynamic":10057,"nurse":10058,"ied":10059,"earthquake":10060,"deserved":10061,"ave":10062,"sara":10063,"stretch":10064,"douglas":10065,"nepal":10066,"ç":10067,"obviously":10068,"dame":10069,"rape":10070,"anybody":10071,"kw":10072,"patrol":10073,"holders":10074,"hanna":10075,"infographic":10076,"eco":10077,"beating":10078,"stanley":10079,"boats":10080,"ribb":10081,"ez":10082,"witch":10083,"inva":10084,"acid":10085,"boarding":10086,"-@":10087,"gil":10088,"dave":10089,"careers":10090,"oppos":10091,"lloy":10092,"inter":10093,"dope":10094,"resu":10095,"jagu":10096,"shade":10097,"indy":10098,"onist":10099,"relations":10100,"agen":10101,"able":10102,"incident":10103,"meter":10104,"sharma":10105,"idr":10106,"prove":10107,"immediately":10108,"troops":10109,"aman":10110,"glow":10111,"gaza":10112,"blocks":10113,"personal":10114,"chronic":10115,"aller":10116,"sid":10117,"shr":10118,"whatsapp":10119,"lucy":10120,"archae":10121,"hou":10122,"journalism":10123,"ourselves":10124,"got":10125,"themed":10126,"shaped":10127,"weak":10128,"casual":10129,"length":10130,"slam":10131,"abbey":10132,"ev":10133,"counter":10134,"esta":10135,"recipi":10136,"chapel":10137,"expansion":10138,"self":10139,"suffering":10140,"spice":10141,"nz":10142,"spart":10143,"desper":10144,"booking":10145,"quarters":10146,"yon":10147,"ðŁĴĹ":10148,"pk":10149,"continued":10150,"-#":10151,"manhatt":10152,"talked":10153,"shen":10154,"combo":10155,"hybrid":10156,"jeans":10157,"liquid":10158,"seal":10159,"retweets":10160,"acceler":10161,"collective":10162,"tas":10163,":))":10164,"professionals":10165,"raw":10166,"ott":10167,"susan":10168,"iring":10169,"oklahoma":10170,"reven":10171,"survival":10172,"creator":10173,"transit":10174,"stac":10175,"surf":10176,"ik":10177,"editing":10178,"chilling":10179,"bailey":10180,"steal":10181,"rable":10182,"parent":10183,"hunger":10184,"snapp":10185,"collect":10186,"philosoph":10187,"dedication":10188,"cf":10189,"cm":10190,"leep":10191,"repeat":10192,"reha":10193,"unfortun":10194,"aer":10195,"aero":10196,"abstract":10197,"monitor":10198,"agents":10199,"bul":10200,"science":10201,"harbor":10202,"dragons":10203,"flooding":10204,"accompli":10205,"dash":10206,"julia":10207,"thered":10208,"tuesday":10209,"cyber":10210,"blow":10211,"tained":10212,"lem":10213,"reference":10214,"ppo":10215,"negoti":10216,"charle":10217,"connor":10218,"ault":10219,"accessories":10220,"commissioner":10221,"rainy":10222,"rear":10223,"advisory":10224,"lucas":10225,"maid":10226,"coal":10227,"kav":10228,"polo":10229,"ðŁı¾":10230,"transport":10231,"margare":10232,"strawberry":10233,"burns":10234,"greens":10235,"nev":10236,"participants":10237,"colin":10238,"belgium":10239,"colour":10240,"inform":10241,"dell":10242,"bron":10243,"caly":10244,"kickoff":10245,"strategic":10246,"reunion":10247,"honors":10248,"lib":10249,"egyp":10250,"âŃIJï¸ı":10251,"hypo":10252,"sizes":10253,"registered":10254,"betes":10255,"relaxing":10256,"bloom":10257,"intense":10258,"valentines":10259,"insane":10260,"wwii":10261,"px":10262,"trio":10263,"blade":10264,"wisconsin":10265,"cone":10266,"platin":10267,"alize":10268,"raven":10269,"increasing":10270,"indians":10271,"ilian":10272,"blu":10273,"rabbit":10274,"extension":10275,"jef":10276,"audi":10277,"ferry":10278,"sell":10279,"aday":10280,"usb":10281,"sweat":10282,"champag":10283,"method":10284,"memph":10285,"assist":10286,"sby":10287,"cape":10288,"removed":10289,"magn":10290,"vt":10291,"rams":10292,"fbi":10293,"tackle":10294,"phew":10295,"hon":10296,"motorcycle":10297,"suspec":10298,"elephant":10299,"subject":10300,"lette":10301,"dairy":10302,"wheat":10303,"awkward":10304,"act":10305,"trol":10306,"mitted":10307,"zayn":10308,"sheriff":10309,"enemy":10310,"cons":10311,"kett":10312,"bulls":10313,"evalu":10314,"btc":10315,"satellite":10316,"holo":10317,"porter":10318,"diabetes":10319,"better":10320,"releasing":10321,"surf":10322,":-":10323,"sebasti":10324,"collecting":10325,"encing":10326,"ethi":10327,"gods":10328,"alley":10329,"healthy":10330,"mills":10331,"smash":10332,"copper":10333,"crack":10334,"readers":10335,"spac":10336,"license":10337,"basket":10338,"bangla":10339,"entic":10340,"omi":10341,"mere":10342,"sively":10343,"animation":10344,"lanes":10345,"dentally":10346,"chillin":10347,"fie":10348,"karen":10349,"depth":10350,"lipse":10351,"ng":10352,"rip":10353,"melo":10354,"sandy":10355,"ðŁijıðŁijı":10356,"vincent":10357,"nut":10358,"hug":10359,"whole":10360,"creates":10361,"????":10362,"âĿ¤ï¸ıâĿ¤ï¸ı":10363,"baked":10364,"upgrade":10365,"roberts":10366,"hara":10367,"caribbean":10368,"authentic":10369,"mbs":10370,"moscow":10371,"attorney":10372,"wiki":10373,"chlo":10374,"hull":10375,"cork":10376,"\"!":10377,"stylish":10378,"ðŁĵ¸:":10379,"diary":10380,"improving":10381,"expand":10382,"bright":10383,"pollution":10384,"knights":10385,"personality":10386,"checked":10387,"facilities":10388,"zel":10389,"bowling":10390,"guer":10391,"ðŁİĤ":10392,"ongoing":10393,"units":10394,"hook":10395,"beck":10396,"conflict":10397,"todd":10398,"farming":10399,"educational":10400,"kak":10401,"clay":10402,"stroke":10403,"belly":10404,"explore":10405,"millenni":10406,"thm":10407,"loop":10408,"sms":10409,"consist":10410,"circa":10411,"bryan":10412,"dab":10413,"younger":10414,"solidar":10415,"ppa":10416,"experienced":10417,"bella":10418,"board":10419,"sheffield":10420,"stephen":10421,"consumer":10422,"submit":10423,"sponsor":10424,"tang":10425,"aggre":10426,"combined":10427,"tracking":10428,"sanders":10429,"baz":10430,"survive":10431,"ferred":10432,"equal":10433,"sep":10434,"reed":10435,"strong":10436,"privacy":10437,"stap":10438,"ung":10439,"acry":10440,"pasta":10441,"pirates":10442,"ager":10443,"fairy":10444,"dup":10445,"introduced":10446,"wip":10447,"lets":10448,"spray":10449,"ðŁĵº":10450,"grew":10451,"asts":10452,"pittsburgh":10453,"newyork":10454,"joey":10455,"lauren":10456,"trade":10457,"chop":10458,"pipe":10459,"claire":10460,"behavior":10461,"vap":10462,"crews":10463,"laptop":10464,"ð٤Ĺ":10465,"chester":10466,"discipl":10467,"df":10468,"outdoors":10469,"ks":10470,"gover":10471,"superstar":10472,"casino":10473,"farmer":10474,";-)":10475,"returned":10476,"ðŁıĪ":10477,"mail":10478,"roasted":10479,"costa":10480,"vill":10481,"pez":10482,"gardening":10483,"distribution":10484,"shining":10485,"investors":10486,"rasp":10487,"decades":10488,"realized":10489,"barn":10490,"pti":10491,"stable":10492,"utd":10493,"panthers":10494,"mens":10495,"bn":10496,"cade":10497,"bucket":10498,"ynn":10499,"whenever":10500,"wake":10501,"dais":10502,"bernie":10503,"lodge":10504,"julie":10505,"atmosphere":10506,"ðŁĺĺðŁĺĺ":10507,"majority":10508,"parti":10509,"excit":10510,"cut":10511,"meh":10512,"muslims":10513,"begun":10514,"flights":10515,"veness":10516,"ceme":10517,"posing":10518,"sole":10519,"gou":10520,"darkness":10521,"peach":10522,"celtic":10523,"authority":10524,"grandma":10525,"fulness":10526,"smith":10527,"specific":10528,"garcia":10529,"coins":10530,"goodness":10531,"aldub":10532,"recruiting":10533,"dennis":10534,"gary":10535,"sleeve":10536,"weapon":10537,"plz":10538,"discover":10539,"harrison":10540,"recruitment":10541,"jai":10542,"chim":10543,"compared":10544,"toms":10545,"mothers":10546,"amy":10547,"archive":10548,"task":10549,"benjam":10550,"seg":10551,"lawyer":10552,"alum":10553,"investing":10554,"mie":10555,"chez":10556,"jp":10557,"ake":10558,"flam":10559,"wallpaper":10560,"âĻ¥ï¸ı":10561,"tton":10562,"chest":10563,"favorites":10564,"weigh":10565,"coolest":10566,"rating":10567,"relevant":10568,"logan":10569,"maple":10570,"runners":10571,"prior":10572,"people":10573,"maur":10574,"terrorist":10575,"tested":10576,"carnival":10577,"suspen":10578,"measure":10579,"mv":10580,"cybersecurity":10581,"appren":10582,"terrorism":10583,"oz":10584,"vital":10585,"nies":10586,"gonz":10587,"funded":10588,"twist":10589,"assessment":10590,"diesel":10591,"enfor":10592,"column":10593,"addressing":10594,"casts":10595,"payment":10596,"xton":10597,"fier":10598,",'":10599,"last":10600,"nee":10601,"unless":10602,"close":10603,"skill":10604,"cuisine":10605,"funeral":10606,"tiles":10607,"aun":10608,"kru":10609,"relationships":10610,"ðŁĴ¯":10611,"event":10612,"âĢįâĻĤï¸ı":10613,"kindness":10614,"proposed":10615,"acoustic":10616,"aes":10617,"defender":10618,"dance":10619,"htt":10620,"wat":10621,"voy":10622,"ð٤ĺ":10623,"aus":10624,"cliff":10625,"searching":10626,"beautifully":10627,"inqu":10628,"atl":10629,"specialist":10630,"ðŁIJ¶":10631,"dai":10632,"trails":10633,"classics":10634,"instant":10635,"vous":10636,"revenue":10637,"march":10638,"kirk":10639,"fringe":10640,"fireworks":10641,"trivia":10642,"âĺħ":10643,"traction":10644,"walter":10645,"moto":10646,"lily":10647,"attitude":10648,"climb":10649,"scan":10650,"savings":10651,"cw":10652,"faith":10653,"credits":10654,"abled":10655,"graff":10656,"autograph":10657,"hehe":10658,"ranch":10659,"had":10660,"rogers":10661,"ðŁĮ¹":10662,"fin":10663,"requ":10664,"folk":10665,"additional":10666,"lynn":10667,"uber":10668,"dollars":10669,"logic":10670,"worth":10671,"som":10672,"thesis":10673,"pound":10674,"bic":10675,"stur":10676,"ceram":10677,"spencer":10678,"entered":10679,"vamp":10680,"organized":10681,"âľĪ":10682,"pps":10683,"tron":10684,"mercedes":10685,"noti":10686,"competitive":10687,"dow":10688,"ousness":10689,"victor":10690,"grilled":10691,"nai":10692,"putin":10693,"abra":10694,"blame":10695,"alexand":10696,"animal":10697,"decent":10698,"pent":10699,"interior":10700,":')":10701,"butler":10702,"ballet":10703,"ðŁĴĶ":10704,"albums":10705,"downs":10706,"lad":10707,"sir":10708,"plain":10709,"pers":10710,"blonde":10711,"disc":10712,"pakistan":10713,"sement":10714,"gaa":10715,"wage":10716,"chas":10717,"mani":10718,"cops":10719,"territ":10720,"lol":10721,"laughter":10722,"rivers":10723,"magnificent":10724,"lamp":10725,"wb":10726,"newsle":10727,"charts":10728,"blessing":10729,"punch":10730,"longest":10731,"floral":10732,"cutie":10733,"farewell":10734,"stopping":10735,"mbb":10736,"bud":10737,"cheese":10738,"decla":10739,"sim":10740,"mcdonald":10741,"deter":10742,"youth":10743,"tch":10744,"freder":10745,"kindle":10746,"fern":10747,"ator":10748,"asleep":10749,"pond":10750,"sprint":10751,"pounds":10752,"lazy":10753,"ghe":10754,"fundraising":10755,"deadly":10756,"grande":10757,"doug":10758,"hey":10759,"linda":10760,"considering":10761,"ium":10762,"golden":10763,"vik":10764,"authors":10765,"diss":10766,"ually":10767,"appropriate":10768,"morning":10769,"yle":10770,"honoring":10771,"folio":10772,"bec":10773,"rebec":10774,"finland":10775,"formula":10776,"cornwall":10777,"shay":10778,"causing":10779,"blend":10780,"signal":10781,"tent":10782,"kashmir":10783,"nationals":10784,"harmony":10785,"scout":10786,"accessi":10787,"height":10788,"medieval":10789,"improvement":10790,"kees":10791,"practical":10792,"card":10793,"depar":10794,"hun":10795,"oming":10796,"calgary":10797,"stel":10798,"bubble":10799,"guru":10800,"mah":10801,"unexpe":10802,"nh":10803,"eda":10804,"meat":10805,"ige":10806,"sio":10807,"goddess":10808,"inches":10809,"tunes":10810,"britt":10811,"stion":10812,"raj":10813,"âĻ«":10814,"mercy":10815,"ðŁĴĺ":10816,"sends":10817,"iest":10818,"polici":10819,"vale":10820,"reduced":10821,"asap":10822,"vijay":10823,"defensive":10824,"celebrations":10825,"riders":10826,"meditation":10827,"harmon":10828,"ging":10829,"¡":10830,"programming":10831,"inau":10832,"sudden":10833,"mh":10834,"replacement":10835,"sku":10836,"jar":10837,"grades":10838,"tast":10839,"kitt":10840,"branding":10841,"kaw":10842,"boot":10843,"fought":10844,"pays":10845,"gf":10846,"ization":10847,"hop":10848,"kk":10849,"activist":10850,"vend":10851,"coastal":10852,"chaos":10853,"ðŁĶ´":10854,"seme":10855,"billboard":10856,"lifting":10857,"cumb":10858,"scal":10859,"ðŁĸ¤":10860,"struck":10861,"lv":10862,"indiedev":10863,"beaten":10864,"jungle":10865,"alright":10866,"destiny":10867,"ming":10868,"kc":10869,"chances":10870,"oman":10871,"qatar":10872,"craf":10873,"trained":10874,"prix":10875,"charm":10876,"otive":10877,"smu":10878,"ec":10879,"anders":10880,"handed":10881,"alban":10882,"certainly":10883,"arriving":10884,"ize":10885,"sai":10886,"track":10887,"painter":10888,"humble":10889,"appointment":10890,"headline":10891,"managing":10892,"mod":10893,"aspe":10894,"andrea":10895,"ä":10896,"ethiop":10897,"united":10898,"exist":10899,"bali":10900,"kad":10901,"nt":10902,"dred":10903,"rex":10904,"recognize":10905,"tampa":10906,"beers":10907,"atia":10908,"heels":10909,"note":10910,"transportation":10911,"turtle":10912,"rede":10913,"hiphop":10914,"spicy":10915,"spurs":10916,"â¬ĩ":10917,"corp":10918,"thern":10919,"toast":10920,"hurry":10921,"properties":10922,"mage":10923,"marco":10924,"elements":10925,"bouti":10926,"syndrome":10927,"msg":10928,"developer":10929,"graders":10930,"heim":10931,"resil":10932,"offices":10933,"delay":10934,"dimen":10935,"vintag":10936,"barbara":10937,"ðŁĺ±":10938,"venezu":10939,"cular":10940,"faced":10941,"barn":10942,"ðŁĺĨ":10943,"survivor":10944,"worm":10945,"confused":10946,"passionate":10947,"ر":10948,"identify":10949,"electricity":10950,"souls":10951,"bradley":10952,"reportedly":10953,"lunch":10954,"shelf":10955,"elia":10956,"sweet":10957,"smooth":10958,"employment":10959,"amel":10960,"manhattan":10961,"steam":10962,"ounts":10963,"yep":10964,"living":10965,"une":10966,"describe":10967,"cares":10968,"manila":10969,"shawn":10970,"acted":10971,"bash":10972,"steven":10973,"rest":10974,"petition":10975,"divine":10976,"welsh":10977,"race":10978,"platinum":10979,"ðŁĮ¸":10980,"pb":10981,"extraordinary":10982,"solidarity":10983,"mall":10984,"onion":10985,"scheduled":10986,"gameof":10987,"fergu":10988,"dems":10989,"norm":10990,"pk":10991,"trials":10992,"policies":10993,"publishing":10994,"stole":10995,"front":10996,"character":10997,"vania":10998,"exce":10999,"stie":11000,"sca":11001,"residential":11002,"sailing":11003,"ðŁĶ¥ðŁĶ¥ðŁĶ¥":11004,"sponsors":11005,"thick":11006,"champagne":11007,"shepher":11008,"continuing":11009,"venice":11010,"perth":11011,"nap":11012,"aster":11013,"yak":11014,"unlimited":11015,"choices":11016,"neo":11017,"hiv":11018,"reporter":11019,"brussels":11020,"fold":11021,"dys":11022,"semi":11023,"lawn":11024,"italia":11025,"wifi":11026,"ask":11027,"emed":11028,"frame":11029,"monitoring":11030,"stead":11031,"ida":11032,"grin":11033,"isa":11034,"flip":11035,"restric":11036,"offensive":11037,"attached":11038,"dish":11039,"why":11040,"phillips":11041,"greet":11042,"pals":11043,"mixtape":11044,"vou":11045,"fielder":11046,"spark":11047,"alberta":11048,"glen":11049,"cash":11050,"sri":11051,"uri":11052,"rodri":11053,"entrepreneurs":11054,"climatechange":11055,"psy":11056,"dle":11057,"ements":11058,"linked":11059,"netherlands":11060,"accidentally":11061,"opposition":11062,"velvet":11063,"rays":11064,"cw":11065,"omo":11066,"mf":11067,"lmfao":11068,"newsletter":11069,":)":11070,"toilet":11071,"literature":11072,"disp":11073,"philip":11074,"uniform":11075,"suddenly":11076,"header":11077,"cooler":11078,"---":11079,"proud":11080,"brig":11081,"nissan":11082,"scientist":11083,"jah":11084,"concentr":11085,"packs":11086,"appointed":11087,"soap":11088,"engage":11089,"chose":11090,"âĻ¡":11091,"setup":11092,"jealous":11093,"harry":11094,"gation":11095,"tunnel":11096,"temp":11097,"oscars":11098,"decade":11099,"recommended":11100,"children":11101,"aba":11102,"anxiety":11103,"vements":11104,"salon":11105,"photoo":11106,"organiz":11107,"machines":11108,"abs":11109,"ville":11110,"hype":11111,"tiff":11112,"emerging":11113,"avgeek":11114,"[#":11115,"contribution":11116,"brady":11117,"resto":11118,"gmail":11119,"fitz":11120,"photoshoot":11121,"helmet":11122,"ht":11123,"elegant":11124,"uganda":11125,"nursing":11126,"orleans":11127,"penn":11128,"nah":11129,"footage":11130,"ema":11131,"wo":11132,"wad":11133,"concerns":11134,"vere":11135,"remark":11136,"whoever":11137,"strang":11138,"pt":11139,"quit":11140,"shang":11141,"history":11142,"sick":11143,"permanent":11144,"illness":11145,"cold":11146,"vision":11147,"hem":11148,"arrow":11149,"convic":11150,"pink":11151,"occup":11152,"bald":11153,"exhau":11154,"uof":11155,"amo":11156,"ont":11157,"ãĥ»":11158,"adopt":11159,"laid":11160,"smoked":11161,"interpre":11162,"essenti":11163,"associated":11164,"bd":11165,"bby":11166,"fier":11167,"install":11168,"diplom":11169,"conditi":11170,"cf":11171,"wak":11172,"anya":11173,"graci":11174,"fisher":11175,"sss":11176,"apr":11177,"ilit":11178,"musician":11179,"symphony":11180,"cord":11181,"hack":11182,"legi":11183,"lv":11184,"blessings":11185,"humor":11186,"scra":11187,"eti":11188,"minster":11189,"travelling":11190,"bush":11191,"jewellery":11192,"lime":11193,"!!!":11194,"pregnant":11195,"pee":11196,"lob":11197,"capital":11198,"ipa":11199,"pencil":11200,"labor":11201,"ducks":11202,"proudly":11203,"wedding":11204,"derek":11205,"mw":11206,"peg":11207,"valentine":11208,"angu":11209,"retreat":11210,"prospect":11211,"danger":11212,"vulner":11213,"upset":11214,",#":11215,"srk":11216,"xim":11217,"thursday":11218,"nfl":11219,"kisses":11220,"reds":11221,"crack":11222,"reward":11223,"cu":11224,"kok":11225,"mete":11226,"abandoned":11227,"itt":11228,"meals":11229,"spell":11230,"stanbul":11231,"delays":11232,"rum":11233,"leop":11234,"gum":11235,"nova":11236,"superman":11237,"chick":11238,"mis":11239,"dramatic":11240,"innocent":11241,"rounds":11242,"rec":11243,"autism":11244,"bangladesh":11245,"moral":11246,"movie":11247,"spoo":11248,"kla":11249,"âĥ£":11250,"outing":11251,"messi":11252,"abroad":11253,"lookin":11254,"aim":11255,"qi":11256,"stack":11257,"collage":11258,"à¯":11259,"hudson":11260,"scan":11261,"hoe":11262,"chau":11263,"occur":11264,"commander":11265,"holes":11266,"ðŁİĦ":11267,"bias":11268,"von":11269,"sticker":11270,"mak":11271,"responsibility":11272,"columbus":11273,"saint":11274,"edmon":11275,"racism":11276,"farms":11277,"wen":11278,"gulf":11279,"mayo":11280,"!!!!!!!!":11281,"corporation":11282,"bachel":11283,"ela":11284,"internal":11285,"jeep":11286,"follows":11287,"dialogue":11288,"derer":11289,"smartphone":11290,"helen":11291,"richmond":11292,"equity":11293,"sland":11294,"bg":11295,"near":11296,"avi":11297,"memphis":11298,"weir":11299,"discussed":11300,"badge":11301,"pup":11302,"mistake":11303,"phenomen":11304,"unite":11305,"ðŁĽ":11306,"depic":11307,"rides":11308,"inaugu":11309,"nat":11310,"softwitter":11311,"combination":11312,"gospel":11313,"âļ¾":11314,"admission":11315,"retrogaming":11316,"ðŁIJ¾":11317,"schu":11318,"mbo":11319,"junction":11320,"alarm":11321,"à¦":11322,"grac":11323,"khali":11324,"kul":11325,"male":11326,"caption":11327,"wish":11328,"tere":11329,"corps":11330,"rubber":11331,"playstation":11332,"erin":11333,"efficient":11334,"lor":11335,"jokes":11336,"inary":11337,"norman":11338,"luis":11339,"inaugural":11340,"ched":11341,"âļ½ï¸ı":11342,"dip":11343,"toe":11344,"strat":11345,"aac":11346,"amu":11347,"pier":11348,"cott":11349,"command":11350,"tten":11351,"snoo":11352,"cube":11353,"closes":11354,"classical":11355,"sword":11356,"expression":11357,"reaching":11358,"napp":11359,"cost":11360,"affect":11361,"rico":11362,"gif":11363,"breathe":11364,"tribe":11365,"ortho":11366,"hay":11367,"lg":11368,"fries":11369,"nm":11370,"hiding":11371,"richards":11372,"ende":11373,"micro":11374,"capitol":11375,"copy":11376,"rom":11377,"regime":11378,"maryland":11379,"taxi":11380,"dial":11381,"embarra":11382,"unbeliev":11383,"cht":11384,"vs":11385,"elimin":11386,"odd":11387,"penny":11388,"soundtrack":11389,"lings":11390,"transition":11391,"remaining":11392,"ais":11393,"malik":11394,"?!?":11395,"random":11396,"defend":11397,"ultra":11398,"trum":11399,"dancer":11400,"stol":11401,"drive":11402,"aver":11403,"roast":11404,"definition":11405,"sean":11406,"excitement":11407,"particul":11408,"surely":11409,"shav":11410,"bery":11411,"dishes":11412,"comm":11413,"isol":11414,"iam":11415,"obli":11416,"ghost":11417,"hughes":11418,"chiefs":11419,"bas":11420,"conservative":11421,"special":11422,"femin":11423,"shri":11424,"nancy":11425,"intel":11426,"tune":11427,"ðŁĩª":11428,"joel":11429,"ggle":11430,"moto":11431,"ðŁĺĶ":11432,"buck":11433,"dag":11434,"anticip":11435,"montana":11436,"guid":11437,"frog":11438,"ecraft":11439,"ope":11440,"drives":11441,"numer":11442,"xy":11443,"colorful":11444,"wednesdaywisdom":11445,"illumin":11446,"beyon":11447,"inaugur":11448,"deeply":11449,"prefer":11450,"fortune":11451,"cooked":11452,"tible":11453,"âĺķ":11454,"sweater":11455,"itter":11456,"tty":11457,"ui":11458,"gie":11459,"complic":11460,"~~":11461,"taxes":11462,"cups":11463,"diverse":11464,"samanth":11465,"âłĢâłĢ":11466,"baking":11467,"symp":11468,"wai":11469,"behalf":11470,"mercur":11471,"travels":11472,"ðŁİīðŁİ":11473,"oria":11474,"engaged":11475,"jumping":11476,"retired":11477,"naked":11478,"puni":11479,"speedway":11480,"sciences":11481,"rehearsal":11482,"onym":11483,"dyou":11484,"plates":11485,"rati":11486,"krish":11487,"jazz":11488,"carol":11489,"raf":11490,"penalty":11491,"timeline":11492,"ruby":11493,"engineers":11494,"raf":11495,"belle":11496,"dose":11497,"cheon":11498,"escap":11499,"meg":11500,"rank":11501,"ord":11502,"megan":11503,"merch":11504,"eclipse":11505,"âĺºï¸ı":11506,"pledge":11507,"kirk":11508,"persi":11509,"leicester":11510,"sak":11511,"wk":11512,"safely":11513,"yyy":11514,"jet":11515,"promised":11516,"jc":11517,"enne":11518,"noah":11519,"reno":11520,"rea":11521,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":11522,"trail":11523,"ðŁijĢ":11524,"fd":11525,"sooo":11526,"rimin":11527,"wk":11528,"า":11529,"ial":11530,"xox":11531,"biscu":11532,"dale":11533,"fandom":11534,"participating":11535,"flag":11536,"privilege":11537,"peach":11538,"machine":11539,"boston":11540,"gross":11541,"og":11542,"miracle":11543,"adoption":11544,"uss":11545,"monsters":11546,"beij":11547,"clarke":11548,"pushing":11549,"praying":11550,"aro":11551,"dn":11552,"ellis":11553,"apollo":11554,"odds":11555,"refugee":11556,"tow":11557,"bp":11558,"ðŁĩ¬ðŁĩ§":11559,"hend":11560,"appeared":11561,"membership":11562,"pean":11563,"dum":11564,"violent":11565,"vy":11566,"potatoes":11567,"aww":11568,"greetings":11569,"tts":11570,"acon":11571,"shane":11572,"photographed":11573,"crab":11574,"temperatures":11575,"cuba":11576,"cfc":11577,"welcom":11578,"hel":11579,"innings":11580,"mk":11581,"code":11582,"knock":11583,"grass":11584,"swedish":11585,"pta":11586,"icky":11587,"vat":11588,"lining":11589,"sq":11590,"sap":11591,"arc":11592,"announcing":11593,"skins":11594,"cityof":11595,"bring":11596,"cox":11597,"gamer":11598,"itarian":11599,"ida":11600,"hd":11601,"rosse":11602,"sadly":11603,"geo":11604,"âļ¡ï¸ı":11605,"tags":11606,"father":11607,"change":11608,"lance":11609,"whiskey":11610,"adelaide":11611,"tec":11612,"stickers":11613,"market":11614,"classy":11615,"badass":11616,"florence":11617,"liner":11618,"frost":11619,"kate":11620,"acon":11621,"scandal":11622,"essex":11623,"ðŁĺı":11624,"vivi":11625,"drill":11626,"bloggers":11627,"recommend":11628,"dha":11629,"acres":11630,"roma":11631,"buy":11632,"grocer":11633,"eria":11634,"mahar":11635,"ffer":11636,"patterns":11637,"veri":11638,"compu":11639,"stev":11640,"anga":11641,"mentor":11642,"doo":11643,"itali":11644,"cdnpoli":11645,"only":11646,"conduct":11647,"electro":11648,"def":11649,"whale":11650,"preparation":11651,"bicycle":11652,"viral":11653,"turnout":11654,"brass":11655,"quad":11656,"hospitality":11657,"packaging":11658,"dency":11659,"cemetery":11660,"aboard":11661,"dreaming":11662,"picture":11663,"tall":11664,"invent":11665,"admi":11666,"oe":11667,"temps":11668,"quan":11669,"fundam":11670,"promp":11671,"residence":11672,"mud":11673,"souri":11674,"âĦ¢":11675,"graffiti":11676,"gif":11677,"dnd":11678,"comp":11679,"swar":11680,"peeps":11681,"palestine":11682,"devils":11683,"sang":11684,"assistance":11685,"bike":11686,"mississi":11687,"interviewed":11688,"nephew":11689,"drums":11690,"vand":11691,"gentlemen":11692,"nsw":11693,"insta":11694,"lebanon":11695,"eeee":11696,"olivia":11697,"very":11698,"rough":11699,"industries":11700,"mation":11701,"ðŁĺĴ":11702,"barrel":11703,"nay":11704,"pops":11705,"modern":11706,"illy":11707,"arest":11708,"onents":11709,"protecting":11710,"vans":11711,"eo":11712,"vikings":11713,"restaurants":11714,"reck":11715,"jackie":11716,"andrew":11717,"willing":11718,"heath":11719,"citizen":11720,"discrimin":11721,"à¹Ī":11722,"stuart":11723,"mys":11724,"hip":11725,"transp":11726,"\"?":11727,"tex":11728,"sushi":11729,"ked":11730,"crossed":11731,"distur":11732,"pedia":11733,"fate":11734,"somehow":11735,"moth":11736,"processing":11737,"iss":11738,"rin":11739,"uts":11740,"yyc":11741,"vert":11742,"lgbt":11743,"reid":11744,"onto":11745,"arabia":11746,"habitat":11747,"==":11748,"streak":11749,"simpson":11750,"addiction":11751,"wimble":11752,"delivers":11753,"challenging":11754,"ðŁİ¶":11755,"franch":11756,"edu":11757,"sme":11758,"aids":11759,"hurst":11760,"tham":11761,"tarian":11762,"remembered":11763,"palestinian":11764,"fees":11765,"trum":11766,"sketch":11767,"uru":11768,"fitting":11769,"jesse":11770,"ðŁĶ¥ðŁĶ¥":11771,"--------":11772,"bach":11773,"icia":11774,"colored":11775,"dah":11776,"associate":11777,"intel":11778,"seller":11779,"pu":11780,"stuffed":11781,"acs":11782,"bs":11783,"shin":11784,"cooperation":11785,"certificate":11786,"abu":11787,"ingredients":11788,"rev":11789,"inge":11790,"elder":11791,"christian":11792,"bundle":11793,"thic":11794,"dirt":11795,"beijing":11796,"commit":11797,"teddy":11798,"edu":11799,"today":11800,"sfield":11801,"wyn":11802,"confirms":11803,"loo":11804,"jv":11805,"eness":11806,"alpha":11807,"virus":11808,"arium":11809,"grind":11810,"bridges":11811,"introduction":11812,"polls":11813,"bacter":11814,"zach":11815,"terminal":11816,"raiders":11817,"flavor":11818,"zombie":11819,"vod":11820,"spreading":11821,"gameofthrones":11822,"efficiency":11823,"lately":11824,"alem":11825,"tweet":11826,"crimes":11827,"cler":11828,"dey":11829,"dged":11830,"hyun":11831,"payments":11832,"circus":11833,"ðŁĺŃðŁĺŃ":11834,"missouri":11835,"lub":11836,"episodes":11837,"cage":11838,"pos":11839,"matching":11840,"tumblr":11841,"lined":11842,"gest":11843,"ambi":11844,"narr":11845,"ington":11846,"regul":11847,"blown":11848,"isle":11849,"coco":11850,"ondon":11851,"joshua":11852,"touring":11853,"sma":11854,"sausage":11855,"bestfriend":11856,"boeing":11857,"desire":11858,"savage":11859,"rapper":11860,"devo":11861,"tear":11862,"takeover":11863,"cowboys":11864,"poker":11865,"parag":11866,"ppe":11867,"hint":11868,"wears":11869,"seth":11870,"roles":11871,"lanc":11872,"manga":11873,"format":11874,"flyer":11875,"cay":11876,"moor":11877,"bake":11878,"splash":11879,"vad":11880,"kerala":11881,"proceeds":11882,"silly":11883,"reflection":11884,"distr":11885,"wid":11886,"suit":11887,"civic":11888,"yankees":11889,"byn":11890,"migration":11891,"distin":11892,"orch":11893,"femini":11894,"qualifying":11895,"turi":11896,"obe":11897,"hundred":11898,"crap":11899,"wang":11900,"mathemat":11901,"bure":11902,"exposure":11903,"ferguson":11904,"semester":11905,"reserv":11906,"plym":11907,"ahu":11908,"facial":11909,"wax":11910,"worried":11911,"cab":11912,"vio":11913,"asa":11914,"cod":11915,"topics":11916,"pcs":11917,"halo":11918,"rescued":11919,"horizon":11920,"ark":11921,"âļª":11922,"holly":11923,"elf":11924,"ulti":11925,"pup":11926,"qualified":11927,"attendance":11928,"atively":11929,"destroy":11930,"yc":11931,"forth":11932,"photooftheday":11933,"cents":11934,"iceland":11935,"measures":11936,"desk":11937,"portfolio":11938,"articles":11939,"directors":11940,"datab":11941,"ew":11942,"creepy":11943,"ounding":11944,"honoured":11945,"mist":11946,"jit":11947,"mentioned":11948,"portable":11949,"itic":11950,"dann":11951,"fridayfeeling":11952,"amid":11953,"tiger":11954,"scrip":11955,"helicopter":11956,"hardware":11957,"explor":11958,"workplace":11959,"austria":11960,"beatles":11961,"bernar":11962,"spider":11963,"disco":11964,"cult":11965,"limits":11966,"shortly":11967,"final":11968,"ninja":11969,"luke":11970,"lebron":11971,"walmart":11972,"oil":11973,"vanilla":11974,"shire":11975,"yeg":11976,"aky":11977,"cs":11978,"bler":11979,"collected":11980,"tg":11981,"rolled":11982,"specials":11983,"bff":11984,"pierre":11985,"shim":11986,"vier":11987,"flashback":11988,"restoration":11989,"individuals":11990,"prod":11991,"freaking":11992,"turer":11993,"oa":11994,"refre":11995,"moroc":11996,"greet":11997,"reyn":11998,"careful":11999,"ouring":12000,"ush":12001,"isd":12002,"gill":12003,"view":12004,"thunderstorm":12005,"bled":12006,"picnic":12007,"guardi":12008,"pig":12009,"ark":12010,"sylvania":12011,"banned":12012,"ucl":12013,"vijay":12014,"orium":12015,"avengers":12016,"believes":12017,"eur":12018,"monument":12019,"concerned":12020,"labs":12021,"berg":12022,"aap":12023,"vish":12024,"singles":12025,"cancel":12026,"zel":12027,"arab":12028,"ruth":12029,"tooth":12030,"arta":12031,"shaf":12032,"chairs":12033,"rack":12034,"diseases":12035,"crowd":12036,"cly":12037,"flex":12038,"christma":12039,"artificial":12040,"tomat":12041,"fine":12042,"draws":12043,"advocate":12044,"france":12045,"ÙĬ":12046,"ðŁĺ³":12047,"heavy":12048,"sour":12049,"comprehen":12050,"noble":12051,"aap":12052,"hindu":12053,"coral":12054,"gars":12055,"owen":12056,"nl":12057,"stall":12058,"yellow":12059,"marina":12060,"inver":12061,"support":12062,"tough":12063,"promises":12064,"pie":12065,"masterpiece":12066,"score":12067,"force":12068,"mortg":12069,"cryptocurrency":12070,"ox":12071,"rors":12072,"rockin":12073,"provin":12074,"hog":12075,"nostal":12076,"oakland":12077,"patrick":12078,"inclusion":12079,"traffic":12080,"ahmed":12081,"aha":12082,"luxury":12083,"consecu":12084,"demon":12085,"âĸº":12086,"blowing":12087,"stag":12088,":\"":12089,"encourage":12090,"bene":12091,"skull":12092,"dodge":12093,"buster":12094,"kinson":12095,"witne":12096,"error":12097,"lowest":12098,"fellow":12099,"à°":12100,"shre":12101,"blur":12102,"virgin":12103,"composer":12104,"slip":12105,"mornings":12106,"gains":12107,"table":12108,"grain":12109,"arist":12110,"brazilian":12111,"wwe":12112,"tues":12113,"ribbon":12114,"anag":12115,"dist":12116,"sacrif":12117,"embrace":12118,"entrepreneur":12119,"affili":12120,"deo":12121,"tali":12122,"tourist":12123,"fatal":12124,"ìĬ":12125,"automatic":12126,"ðŁĩµ":12127,"weak":12128,"welfare":12129,"confirm":12130,"benjamin":12131,"fights":12132,"alleged":12133,"mead":12134,"struggling":12135,"prosecu":12136,"chef":12137,"è":12138,"proposal":12139,"ern":12140,"ðŁĺĦ":12141,"dyk":12142,"ongs":12143,"hong":12144,"mack":12145,"melon":12146,"onent":12147,"rush":12148,"dap":12149,"toler":12150,"propag":12151,"cze":12152,"translation":12153,"wallet":12154,"cottage":12155,"sail":12156,"constitution":12157,"ðŁĴĢ":12158,"munici":12159,"favor":12160,"stormhour":12161,"ih":12162,"ðŁĺĮ":12163,"approaching":12164,"pinned":12165,"jed":12166,"nigerian":12167,"nach":12168,"shat":12169,"particularly":12170,"mcdon":12171,"cameras":12172,"annie":12173,"administr":12174,"heat":12175,"electrical":12176,"charming":12177,"gibson":12178,"boutique":12179,"exposed":12180,"actor":12181,"pillow":12182,"beaches":12183,"genuine":12184,"margaret":12185,"bennett":12186,"louisi":12187,"positions":12188,"ely":12189,"shiny":12190,"tention":12191,"architect":12192,"rental":12193,"acqui":12194,"google":12195,"subway":12196,"moment":12197,"ðŁļ¨":12198,"rim":12199,"methods":12200,"cycli":12201,"norfolk":12202,"ÙĪ":12203,"overwhel":12204,"rapid":12205,"wear":12206,"happybirthday":12207,"progressive":12208,"ðŁĴ¥":12209,"cogn":12210,"papa":12211,"fool":12212,"philosophy":12213,"polar":12214,"jimmy":12215,"wig":12216,"ðŁĴĭ":12217,"operating":12218,"reduction":12219,"phi":12220,"flags":12221,"tothe":12222,"odi":12223,"ares":12224,"koo":12225,"kang":12226,"arkansas":12227,"ashton":12228,"wimbledon":12229,"scifi":12230,"attractive":12231,"mississippi":12232,"logists":12233,"ralph":12234,"label":12235,"graduates":12236,"maha":12237,"hometown":12238,"âľĮï¸ı":12239,"founded":12240,"onthe":12241,"liz":12242,"transl":12243,"minimum":12244,"presti":12245,"tam":12246,"generations":12247,"rebel":12248,"journalists":12249,"param":12250,"mcm":12251,"acrylic":12252,"deaths":12253,"tesla":12254,"wt":12255,"bryant":12256,"jerus":12257,"istanbul":12258,"muhammad":12259,"riley":12260,"kris":12261,"workshops":12262,"iso":12263,"counts":12264,"stret":12265,"protected":12266,"trinity":12267,"manual":12268,"rhin":12269,"ril":12270,"pleasant":12271,"lemon":12272,"nerd":12273,"harder":12274,"darren":12275,"bury":12276,"rah":12277,"basis":12278,"migu":12279,"occasion":12280,"lists":12281,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":12282,"eb":12283,"decre":12284,"hampton":12285,"ìĿ´":12286,"travis":12287,"transform":12288,"puerto":12289,"nhl":12290,"avoc":12291,"trips":12292,"unexpected":12293,"vet":12294,"didyou":12295,"barber":12296,"stages":12297,"mson":12298,"represented":12299,"fort":12300,"lal":12301,"pple":12302,"nicely":12303,"ignore":12304,"quil":12305,"quinn":12306,"hk":12307,"carrier":12308,"reminded":12309,"among":12310,"passenger":12311,"ellen":12312,"guez":12313,"scape":12314,"mural":12315,"youngest":12316,"mash":12317,"dill":12318,"routine":12319,"stainless":12320,"jackson":12321,"gandhi":12322,"thal":12323,"oners":12324,"editorial":12325,"conversations":12326,"sdale":12327,"automation":12328,"ike":12329,"าà¸":12330,"ðŁĩª":12331,"haul":12332,"laying":12333,"mentions":12334,"amen":12335,"abortion":12336,"ibi":12337,"counties":12338,"catherine":12339,"mands":12340,"jame":12341,"roller":12342,"aut":12343,"nam":12344,"ological":12345,"ception":12346,"ranking":12347,"toxic":12348,"snacks":12349,"victorian":12350,"bangkok":12351,"psychology":12352,"reg":12353,"angela":12354,"respond":12355,"style":12356,"sophie":12357,"dakota":12358,"achieved":12359,"marked":12360,"imperial":12361,"inas":12362,"gloves":12363,"slim":12364,"confident":12365,"attacked":12366,"gger":12367,"lonely":12368,"valentinesday":12369,"reb":12370,"craftbeer":12371,"origin":12372,"zimbab":12373,"ceiling":12374,"teens":12375,"otherwise":12376,"wb":12377,"fers":12378,"daysof":12379,"advisor":12380,"yah":12381,"âĻª":12382,"ender":12383,"republicans":12384,"ava":12385,"skirt":12386,"pipel":12387,"chie":12388,"jane":12389,"jax":12390,"ðŁĺĭ":12391,"âľĬ":12392,"jays":12393,"brett":12394,"balo":12395,"crucial":12396,"dhar":12397,"asis":12398,"deau":12399,"lloyd":12400,"chatting":12401,"âĿĦï¸ı":12402,"relay":12403,"remarkable":12404,"ns":12405,"wet":12406,"brisbane":12407,"ðŁĶ´":12408,"tionally":12409,"fk":12410,"layer":12411,"household":12412,"consecutive":12413,"esis":12414,"pendant":12415,"stir":12416,"critic":12417,"sugar":12418,"photoshop":12419,"pares":12420,"artistic":12421,"dodgers":12422,"cun":12423,"crafted":12424,"amend":12425,"boat":12426,"âŃIJï¸ı":12427,"egyptian":12428,"saw":12429,"trage":12430,"smaller":12431,"oxy":12432,"paired":12433,"next":12434,"ires":12435,"taco":12436,"oy":12437,"uc":12438,"sti":12439,"aerial":12440,"://":12441,"dro":12442,"dotcom":12443,"ggins":12444,"rpg":12445,"aye":12446,"lean":12447,"striker":12448,"lobby":12449,"protests":12450,"priority":12451,"congress":12452,"amate":12453,"invit":12454,"rington":12455,"mommy":12456,"thus":12457,"allowing":12458,"pioneer":12459,"enforcement":12460,"gori":12461,"talk":12462,"drag":12463,"dumb":12464,"bullet":12465,"sange":12466,"ery":12467,"targets":12468,"ðŁĩ¦":12469,"heather":12470,"consider":12471,"seafood":12472,"vest":12473,"risks":12474,"%.":12475,"pg":12476,"sacred":12477,"heating":12478,"kicked":12479,"ttot":12480,".-":12481,"chandi":12482,"coven":12483,"pool":12484,"pulse":12485,"ia":12486,"roster":12487,"shakespeare":12488,"esa":12489,"cargo":12490,"peanut":12491,"troop":12492,"action":12493,"tablet":12494,"homework":12495,"castle":12496,"struction":12497,"musicians":12498,"freezing":12499,"butt":12500,"justinbieber":12501,"jj":12502,"bahrain":12503,"anthem":12504,"audit":12505,"didyouknow":12506,"navig":12507,"guidance":12508,"âĸ¶":12509,"turf":12510,"nun":12511,"fications":12512,"yemen":12513,"charging":12514,"xc":12515,"broncos":12516,"subur":12517,"pale":12518,"boring":12519,"amongst":12520,"forthe":12521,"emper":12522,"omfg":12523,"pj":12524,"expecting":12525,"ðŁĴ«":12526,"stl":12527,"admin":12528,"expectations":12529,"swan":12530,"shoot":12531,"ooooo":12532,"minent":12533,"ãĢIJ":12534,"wallace":12535,"stang":12536,"saturday":12537,"adopted":12538,"doubles":12539,"homie":12540,"omez":12541,"dhan":12542,"venture":12543,"surrounding":12544,"file":12545,"mobility":12546,"dees":12547,"wski":12548,"brooke":12549,"embro":12550,"remembers":12551,"kara":12552,"testim":12553,"botan":12554,"mtv":12555,"sacrifice":12556,"jerusalem":12557,"dl":12558,"´":12559,"properly":12560,"ilion":12561,"asi":12562,"legit":12563,"cope":12564,"mcla":12565,"recycling":12566,"larger":12567,"ðŁĴĵ":12568,"patric":12569,"generous":12570,"jared":12571,"pf":12572,"molly":12573,"thomas":12574,"judges":12575,"hb":12576,"sorts":12577,"blvd":12578,"oven":12579,"entering":12580,"planes":12581,"beet":12582,"integration":12583,"booked":12584,"freed":12585,"vern":12586,"ashes":12587,"topped":12588,"depot":12589,"welcomed":12590,"rena":12591,"mick":12592,"dand":12593,"seeks":12594,"gamer":12595,"rankings":12596,"rene":12597,"mut":12598,"whisky":12599,"firefighters":12600,"gues":12601,"gather":12602,"tourney":12603,"demen":12604,"yang":12605,"newton":12606,"automotive":12607,"backyard":12608,"detailed":12609,"mist":12610,"tobac":12611,"fiber":12612,"unusual":12613,"gratitude":12614,"spare":12615,"neys":12616,":*":12617,"peri":12618,"floating":12619,"finalist":12620,"donating":12621,"dress":12622,"broad":12623,"bethe":12624,"economics":12625,"taiwan":12626,"edwards":12627,"plug":12628,"prairi":12629,"valen":12630,"baba":12631,"fad":12632,"anas":12633,"harper":12634,"disorder":12635,"applied":12636,"patt":12637,"bikin":12638,"liver":12639,"curi":12640,"caroline":12641,"anner":12642,"julian":12643,"walking":12644,"malcol":12645,"screenshot":12646,"coding":12647,"skincare":12648,"activists":12649,"mysterious":12650,"exact":12651,"blocking":12652,"mercury":12653,"batter":12654,"dump":12655,"âľĮ":12656,"ense":12657,"lish":12658,"ridiculous":12659,"protesters":12660,"ðŁĻĪ":12661,"lust":12662,"sweat":12663,"ass":12664,"alike":12665,"cody":12666,"rements":12667,"winds":12668,"aspir":12669,"vienna":12670,"pray":12671,"...@":12672,"boi":12673,"candle":12674,"assists":12675,"tee":12676,"derson":12677,"pony":12678,"fence":12679,"conspir":12680,"âĺħâĺħ":12681,"ooth":12682,"epic":12683,"barely":12684,"aunt":12685,"bam":12686,"diamonds":12687,"endless":12688,"screens":12689,"cancer":12690,"gro":12691,"pst":12692,"prospec":12693,"mosque":12694,"helpful":12695,"ouri":12696,"brother":12697,"gujar":12698,"cristi":12699,"inez":12700,"towers":12701,"addresses":12702,"gray":12703,"burton":12704,"retweeted":12705,"ð٤Ķ":12706,"nity":12707,"duck":12708,"supervis":12709,"joan":12710,"kinder":12711,"sanctu":12712,"pied":12713,"âı°":12714,"łï¸ı":12715,"mati":12716,"revenge":12717,"cester":12718,"elife":12719,"designers":12720,"backed":12721,"boli":12722,"weight":12723,"couch":12724,"sures":12725,"sits":12726,"shrimp":12727,"lagos":12728,"authorities":12729,"osity":12730,"holly":12731,"computing":12732,"factors":12733,"abe":12734,"panels":12735,"ramad":12736,"sentence":12737,"mission":12738,"holm":12739,"rb":12740,"dads":12741,"shanghai":12742,"money":12743,"sheets":12744,"skate":12745,"threw":12746,"cupcakes":12747,"infinite":12748,"lis":12749,"practicing":12750,"essay":12751,"kai":12752,"asci":12753,"mob":12754,"ugh":12755,"holmes":12756,"regg":12757,"ikh":12758,"mock":12759,"collections":12760,"pep":12761,"ova":12762,"salt":12763,"nandez":12764,"coy":12765,"threats":12766,"texts":12767,"cinnam":12768,"pregnancy":12769,"pending":12770,"stamp":12771,"flower":12772,"gis":12773,"agreed":12774,"payne":12775,"rover":12776,"phra":12777,"soft":12778,"ffin":12779,"fathers":12780,"passengers":12781,"aways":12782,"ala":12783,"hes":12784,"livan":12785,"ins":12786,"samuel":12787,"ingui":12788,"hof":12789,"jj":12790,"chennai":12791,"catal":12792,"omic":12793,"heath":12794,"niece":12795,"pumped":12796,"integrated":12797,"arel":12798,"nom":12799,"productivity":12800,"wanting":12801,"visa":12802,"diana":12803,"twil":12804,"itv":12805,"camps":12806,"rowing":12807,"dley":12808,"blackand":12809,"guards":12810,"bells":12811,"reverse":12812,"vibe":12813,"ricky":12814,"moss":12815,"nyt":12816,"âĺĢï¸ı":12817,"elle":12818,"troy":12819,"cudd":12820,"evan":12821,"womens":12822,"foto":12823,"mistakes":12824,"wicked":12825,"mil":12826,"cled":12827,"memes":12828,"cosmo":12829,"scholar":12830,"reno":12831,"ðŁĺĢ":12832,"vents":12833,"#â̦":12834,"terrorists":12835,"casey":12836,"cardinals":12837,"ðŁĺĬðŁĺĬ":12838,"venezuela":12839,"bola":12840,"literacy":12841,"tw":12842,"eno":12843,"contains":12844,"austin":12845,"financi":12846,"evan":12847,"harvard":12848,"originally":12849,"chevro":12850,"herald":12851,"nottingham":12852,"managers":12853,"âŀ¡":12854,"accepting":12855,"walsh":12856,"tutorial":12857,"entrepreneurship":12858,"yacht":12859,"requirements":12860,"glenn":12861,"pede":12862,"unfortunately":12863,"aching":12864,"daisy":12865,"gian":12866,"nightmare":12867,"âĿĹ":12868,"rina":12869,"bart":12870,"emails":12871,"opposite":12872,"whom":12873,"sake":12874,"puzzle":12875,"dashi":12876,"party":12877,"blanket":12878,"buses":12879,"lore":12880,"beauty":12881,"reason":12882,"punjab":12883,"windsor":12884,"functional":12885,"existing":12886,"hello":12887,"glimp":12888,"convin":12889,"lak":12890,"screaming":12891,"rebecca":12892,"bliss":12893,"northwest":12894,"infinity":12895,"cosmetics":12896,"pulling":12897,"coffee":12898,"pling":12899,"opho":12900,"colombia":12901,"interiordesign":12902,"(+":12903,"emotions":12904,"sac":12905,"sunglasses":12906,"saves":12907,"df":12908,"sixth":12909,"aly":12910,"ðŁĺ»":12911,"deen":12912,"devast":12913,"politicians":12914,"lacrosse":12915,"gu":12916,"pei":12917,"java":12918,"combine":12919,"coalition":12920,"erts":12921,"surviv":12922,"chad":12923,"strian":12924,"nn":12925,"devi":12926,"counc":12927,"concern":12928,"controller":12929,"breast":12930,"jury":12931,"tum":12932,"introduces":12933,"ladi":12934,"mobile":12935,"alz":12936,"steady":12937,"nurses":12938,"hacking":12939,"online":12940,"ocean":12941,"ðŁİĦ":12942,"aam":12943,"juven":12944,"icc":12945,"louisiana":12946,"arte":12947,"streetart":12948,"ison":12949,"wns":12950,"frm":12951,"panda":12952,"noir":12953,"maintain":12954,"delay":12955,"symptoms":12956,"thorn":12957,"geome":12958,"tern":12959,"carried":12960,"pru":12961,"panor":12962,"assy":12963,"peru":12964,"cloud":12965,"spra":12966,"pedi":12967,"este":12968,"tagged":12969,"ðŁĺĿ":12970,"shadows":12971,"nazi":12972,"اÙĦ":12973,"corri":12974,"âĻ¥âĻ¥":12975,"jad":12976,"ðŁĩ«":12977,"formal":12978,"spoken":12979,"ðŁĮŀ":12980,"enjoy":12981,"lopez":12982,"outlook":12983,"inho":12984,"wander":12985,"Ùħ":12986,"maya":12987,"pee":12988,"dine":12989,"ãĢij":12990,"briefing":12991,"supporter":12992,"arily":12993,"ghters":12994,"naturally":12995,"doctorwho":12996,"jen":12997,"var":12998,"newyear":12999,"rese":13000,"simm":13001,"rex":13002,"consequ":13003,"tomatoes":13004,"burst":13005,"bravo":13006,"burgers":13007,"cracking":13008,"northeast":13009,"biom":13010,"mushroom":13011,"marque":13012,"double":13013,"nier":13014,"vag":13015,"twenty":13016,"keyboard":13017,"winni":13018,"jamaica":13019,"parish":13020,":-":13021,"mentalhealth":13022,"alizing":13023,"render":13024,"waking":13025,"ðŁİĤ":13026,"gly":13027,"nathan":13028,"washing":13029,"melissa":13030,"jung":13031,"loyal":13032,"chili":13033,"songwriter":13034,"guitarist":13035,"bowie":13036,"neighbors":13037,"onymous":13038,"asset":13039,"tai":13040,"headquarters":13041,"ðŁĮĪ":13042,"ihear":13043,"cigare":13044,"surg":13045,")\"":13046,"repl":13047,"darling":13048,"ðŁĻĦ":13049,"zak":13050,"sare":13051,"ãħĭ":13052,"mickey":13053,"warehouse":13054,"massage":13055,"inees":13056,"didnt":13057,"iw":13058,"hurts":13059,"engaging":13060,"magic":13061,"womenin":13062,"kitten":13063,"mors":13064,"cart":13065,"titans":13066,"colleague":13067,"competing":13068,"eran":13069,"khal":13070,"marble":13071,"demand":13072,"delight":13073,"etary":13074,"blizz":13075,"louise":13076,"mls":13077,"finishes":13078,"experiment":13079,"conducted":13080,"electronics":13081,"itters":13082,"caring":13083,"whats":13084,"symbol":13085,"jung":13086,"ecu":13087,"pix":13088,"context":13089,"charger":13090,"ðŁĺĩ":13091,"reig":13092,"frag":13093,"ëĭ":13094,"chad":13095,"true":13096,"kerry":13097,"defending":13098,"aint":13099,"auton":13100,"checkout":13101,"barnes":13102,"lessly":13103,"dt":13104,"mme":13105,"cloudy":13106,"secondary":13107,"arez":13108,"_:":13109,"appa":13110,"constant":13111,"\")":13112,"vets":13113,"job":13114,"ient":13115,"ðŁĺŃðŁĺŃðŁĺŃ":13116,"mj":13117,"french":13118,"diver":13119,"davies":13120,"hhhh":13121,"ebook":13122,"à¹ī":13123,"mariti":13124,"breeze":13125,"suspended":13126,"mato":13127,"viet":13128,"rahu":13129,"sei":13130,"bolt":13131,"enary":13132,"leis":13133,"karl":13134,"framed":13135,"explaining":13136,"abc":13137,"dealing":13138,"nato":13139,"jake":13140,"expand":13141,"leonard":13142,"established":13143,"dub":13144,"armen":13145,"elled":13146,"vocal":13147,"nicholas":13148,"orient":13149,"kyo":13150,"illustrated":13151,"ahh":13152,"dancers":13153,"million":13154,"geta":13155,"popp":13156,"asu":13157,"murdered":13158,"gible":13159,"stoked":13160,"griffin":13161,"maximum":13162,"adrian":13163,"encounter":13164,"thero":13165,"davidson":13166,"ðŁį»":13167,"holiday":13168,"evo":13169,"assets":13170,"carson":13171,"memorable":13172,"âļ½":13173,"obam":13174,"representative":13175,"cbd":13176,"tricks":13177,"vogue":13178,"voice":13179,"mmmm":13180,"sebastian":13181,"clif":13182,"athy":13183,"paralle":13184,"ðŁ¤·":13185,"pak":13186,"evacu":13187,"eats":13188,"اØ":13189,"touched":13190,"organised":13191,"spirits":13192,"canad":13193,"guided":13194,"framework":13195,"ðŁĮŁ":13196,"ped":13197,"natural":13198,"agar":13199,"replaced":13200,"anchor":13201,"tit":13202,"shah":13203,"organis":13204,"superior":13205,"rn":13206,"chro":13207,"erica":13208,"still":13209,"coron":13210,"chuck":13211,"locks":13212,"organ":13213,"rosen":13214,"scam":13215,"bened":13216,"/#":13217,"keen":13218,"trevor":13219,"vampire":13220,"sorted":13221,"!'":13222,"afford":13223,"intro":13224,"grace":13225,"ðŁĺľ":13226,"saur":13227,"kickstarter":13228,"influen":13229,"vu":13230,"yup":13231,"poc":13232,"ðŁİ¥":13233,"aar":13234,"sang":13235,"trek":13236,"etsy":13237,"tbh":13238,"scream":13239,"chevrolet":13240,"pixel":13241,"shepherd":13242,"anor":13243,"gabriel":13244,"twood":13245,"sdcc":13246,"meters":13247,"developers":13248,"closure":13249,"vw":13250,"twitch":13251,"ìĹ":13252,"seoul":13253,"price":13254,"hog":13255,"nish":13256,"hillary":13257,"scratch":13258,"incen":13259,"wagon":13260,"disability":13261,"panther":13262,"chats":13263,"gd":13264,"witz":13265,"sussex":13266,"late":13267,"denmark":13268,"gerald":13269,"cancelled":13270,"nette":13271,"ix":13272,"naval":13273,"baptist":13274,"tet":13275,"yad":13276,"math":13277,"hoy":13278,"randy":13279,"point":13280,"intellec":13281,"fruits":13282,"wool":13283,"guin":13284,"pron":13285,"theft":13286,"condem":13287,"marry":13288,"nola":13289,"architects":13290,"cincin":13291,"rockets":13292,"gentleman":13293,"explan":13294,"tate":13295,"doe":13296,"raises":13297,"wildlife":13298,"wl":13299,"insider":13300,"blanc":13301,"wp":13302,"forsale":13303,"nyc":13304,"powell":13305,"unbelievable":13306,"pens":13307,"goodies":13308,"mustang":13309,"pens":13310,"stays":13311,"squash":13312,"xoxo":13313,"nearby":13314,"everton":13315,"coco":13316,"leagu":13317,"khan":13318,"stud":13319,"southwest":13320,"construc":13321,"sworth":13322,"croatia":13323,"lea":13324,"sums":13325,"aims":13326,"ean":13327,"vaness":13328,"itious":13329,"pathy":13330,"arcade":13331,"bend":13332,"suggests":13333,"sacram":13334,"royals":13335,"rier":13336,"emir":13337,"incl":13338,"ank":13339,"clark":13340,"right":13341,"vacc":13342,"ा":13343,"tane":13344,"lib":13345,"usc":13346,"sales":13347,"huh":13348,"sally":13349,"vera":13350,"pga":13351,"grows":13352,"drum":13353,"tree":13354,"ethics":13355,"suggest":13356,"isab":13357,"sealed":13358,"previously":13359,"animated":13360,"abdu":13361,"rises":13362,"glob":13363,"predat":13364,"scarf":13365,"delic":13366,"omar":13367,"lli":13368,"sxsw":13369,"python":13370,"nebra":13371,"funk":13372,"reflect":13373,"pavilion":13374,"tically":13375,"chasing":13376,"bakery":13377,"invasion":13378,"koh":13379,"believed":13380,"cohen":13381,"conqu":13382,"crafts":13383,"nati":13384,"clever":13385,"governance":13386,"samples":13387,"fails":13388,"âĶ":13389,"timo":13390,"ritu":13391,"striking":13392,"inclusive":13393,"shocking":13394,"cant":13395,"requires":13396,"drawings":13397,"à¸Ń":13398,"purchased":13399,"dum":13400,"zach":13401,"warner":13402,"console":13403,"mansion":13404,"fountain":13405,"circum":13406,"esh":13407,"island":13408,"milk":13409,"profits":13410,"halifax":13411,"rival":13412,"âľĪï¸ı":13413,"jenny":13414,"sandra":13415,"nye":13416,"kelly":13417,"yal":13418,"quad":13419,"nos":13420,"instein":13421,"finalists":13422,"midfielder":13423,"cue":13424,"exceptional":13425,"aan":13426,"sapp":13427,"gettin":13428,"saa":13429,"fati":13430,"slice":13431,"volk":13432,"swal":13433,"lasting":13434,"summary":13435,"itas":13436,"smo":13437,"sz":13438,"âĺĨ":13439,"ipl":13440,"flames":13441,"enews":13442,"hav":13443,"hoodie":13444,"pitcher":13445,"windy":13446,"revol":13447,"central":13448,"tonite":13449,"ðŁİīðŁİī":13450,"solved":13451,"milwau":13452,"organizations":13453,"weets":13454,"refin":13455,"sth":13456,"ãĥ¼":13457,"elin":13458,"tona":13459,"cinnamon":13460,"ðŁİ¨":13461,"ðŁİģ":13462,"ronaldo":13463,"peninsu":13464,"omega":13465,"elds":13466,"designing":13467,"eigh":13468,"bluet":13469,"benz":13470,"nug":13471,"asha":13472,"robots":13473,"sudan":13474,"choosing":13475,"endo":13476,"serge":13477,"closely":13478,"handy":13479,"finger":13480,"being":13481,"arte":13482,"survived":13483,"flame":13484,"milestone":13485,"gut":13486,"dwar":13487,"futures":13488,"ée":13489,"elo":13490,"fridge":13491,"elic":13492,"ouch":13493,"ub":13494,"pv":13495,"titan":13496,"collar":13497,"station":13498,"nevada":13499,"aurora":13500,"rd":13501,"duncan":13502,"âģł":13503,"brien":13504,"marsh":13505,"о":13506,"total":13507,"chry":13508,"sers":13509,"suffe":13510,"rachel":13511,"college":13512,"todays":13513,"courts":13514,"chit":13515,"reunited":13516,"gymna":13517,"genesis":13518,"beside":13519,"representation":13520,"chant":13521,"collector":13522,"rak":13523,"athens":13524,"nigh":13525,"munich":13526,"languages":13527,"flu":13528,"participation":13529,"___":13530,"cv":13531,"spectrum":13532,"soda":13533,"cover":13534,"referen":13535,"abbo":13536,"apa":13537,"publication":13538,"edm":13539,"monica":13540,"army":13541,"ðŁļĢ":13542,"divor":13543,"dry":13544,"streams":13545,"robotics":13546,"cider":13547,"bullying":13548,"approval":13549,"stoke":13550,"platforms":13551,"sierra":13552,"extin":13553,"ib":13554,"hayes":13555,"succeed":13556,"suffer":13557,"atically":13558,"dai":13559,"lynch":13560,"hound":13561,"delines":13562,"acknow":13563,"dated":13564,"exclusively":13565,"heres":13566,"facilit":13567,"damaged":13568,"charter":13569,"lakers":13570,"falcon":13571,"unveiled":13572,"welove":13573,"ease":13574,"patience":13575,"lone":13576,"gentle":13577,"genetic":13578,"producing":13579,"gour":13580,"shannon":13581,"bilities":13582,"zimbabwe":13583,"pint":13584,"daughters":13585,"literary":13586,"belle":13587,"clam":13588,"surrounded":13589,"kany":13590,"neil":13591,"pirate":13592,"ranger":13593,"hbd":13594,"natalie":13595,"belong":13596,"olympi":13597,"embassy":13598,"scol":13599,"ener":13600,"akin":13601,"loren":13602,"bh":13603,":/":13604,"diva":13605,"denim":13606,"hipp":13607,"ðŁĩµðŁĩ":13608,"arnold":13609,"?'":13610,"weren":13611,"empower":13612,"disabled":13613,"manor":13614,"raspberry":13615,"baf":13616,"awful":13617,"drummer":13618,"kardashi":13619,"nash":13620,"machinelearning":13621,"chu":13622,"rebels":13623,"timing":13624,"monroe":13625,"tongue":13626,"range":13627,"pupils":13628,"ress":13629,"amazon":13630,"bz":13631,"harley":13632,"palmer":13633,"balloon":13634,"sings":13635,"icec":13636,"jb":13637,"cers":13638,"gps":13639,"whist":13640,"rise":13641,"lt":13642,"oooo":13643,"cattle":13644,"shooter":13645,"vodka":13646,"ucl":13647,"mtg":13648,"lesli":13649,"jonas":13650,"dispo":13651,"atric":13652,"stein":13653,"vintage":13654,"firms":13655,"floyd":13656,"cowboy":13657,"soooo":13658,"isaac":13659,"warcraft":13660,"disneyland":13661,"beautiful":13662,"beam":13663,"franchise":13664,"bun":13665,"kag":13666,"anon":13667,"turbo":13668,"sweep":13669,"madein":13670,"karachi":13671,"detective":13672,"pennsylvania":13673,"controversi":13674,"vitamin":13675,"aside":13676,"chronic":13677,"describes":13678,"removal":13679,"hah":13680,"aper":13681,"tened":13682,"uto":13683,"badly":13684,"mirac":13685,"fry":13686,"yea":13687,"injec":13688,"thermal":13689,"compact":13690,"thor":13691,"teed":13692,"urgent":13693,"lite":13694,"gilli":13695,"sophom":13696,"ico":13697,"chem":13698,"pm":13699,"fork":13700,"freak":13701,"chak":13702,"recipient":13703,"iy":13704,"nik":13705,"modeling":13706,"cans":13707,"ðŁıĢ":13708,"delux":13709,"seam":13710,"survivors":13711,"radical":13712,"investigating":13713,"reliable":13714,"fm":13715,"turt":13716,"lighthouse":13717,"tool":13718,"gown":13719,"))":13720,"bots":13721,"autograph":13722,"aid":13723,"buffe":13724,"hmm":13725,"horrible":13726,"ssional":13727,"anni":13728,"à¹Ģ":13729,"kits":13730,"schi":13731,"eternal":13732,"huss":13733,"sensitive":13734,"ru":13735,"tastes":13736,"checks":13737,"imo":13738,"portion":13739,"skate":13740,"eden":13741,"halftime":13742,"fried":13743,"rihanna":13744,"tise":13745,"flick":13746,"cain":13747,"sgt":13748,"âľĶ":13749,"shau":13750,"stained":13751,"raffle":13752,"drove":13753,"salman":13754,"principles":13755,"sho":13756,"aru":13757,"jess":13758,"guine":13759,"garbage":13760,"myan":13761,"jelly":13762,"disru":13763,"zia":13764,"qld":13765,"entries":13766,"lav":13767,"flew":13768,"admit":13769,"objects":13770,"compare":13771,"nytimes":13772,"cannes":13773,"pn":13774,"suffol":13775,"roc":13776,"dana":13777,"egg":13778,"hist":13779,"counsel":13780,"'!":13781,"physi":13782,"imagination":13783,"adjust":13784,"explosion":13785,"plymouth":13786,"horror":13787,"elliott":13788,"bourne":13789,"dex":13790,"breed":13791,"audio":13792,"lobster":13793,"disappointed":13794,"nationwide":13795,"((":13796,"increases":13797,"australi":13798,"cedar":13799,"staring":13800,"racial":13801,"eis":13802,"gmt":13803,"visions":13804,"stayed":13805,"discussions":13806,"dean":13807,"curtis":13808,"maiden":13809,"stellar":13810,"happiest":13811,"hwy":13812,"preseason":13813,"carav":13814,"mondays":13815,"hospitals":13816,"glimpse":13817,"scholars":13818,"jai":13819,"terrace":13820,"anna":13821,"goose":13822,"graded":13823,"lotus":13824,"hung":13825,"grocery":13826,"stamps":13827,"emperor":13828,"scoop":13829,"inser":13830,"cas":13831,"existence":13832,"heal":13833,"falcons":13834,"marvel":13835,"reducing":13836,"terrific":13837,"magnetic":13838,"performs":13839,"barre":13840,"pus":13841,"treating":13842,"icon":13843,"wh":13844,"declared":13845,"trauma":13846,"dod":13847,"comedian":13848,"nikon":13849,"bugs":13850,"asm":13851,"montgom":13852,"ibiza":13853,"comprehensive":13854,"has":13855,"santi":13856,"fellowship":13857,"dash":13858,"psal":13859,"louisville":13860,"spy":13861,"fault":13862,"dthe":13863,"filed":13864,"vista":13865,"desc":13866,"fears":13867,"youtu":13868,"sps":13869,"esp":13870,"rig":13871,"crime":13872,"berger":13873,"wonderland":13874,"kent":13875,"informed":13876,"stevens":13877,"myth":13878,"aston":13879,"iri":13880,"visitor":13881,"atri":13882,"producers":13883,"alla":13884,"personally":13885,"separate":13886,"agencies":13887,"afri":13888,"ilan":13889,"spoke":13890,"nina":13891,"squad":13892,"dives":13893,"depend":13894,"liv":13895,"fierce":13896,"entertaining":13897,"chain":13898,"scat":13899,"borders":13900,"palette":13901,"spro":13902,"osis":13903,"derby":13904,"tobacco":13905,"zio":13906,"willie":13907,"juvent":13908,"zoom":13909,"holy":13910,"entirely":13911,"afe":13912,"martinez":13913,"beds":13914,"pea":13915,"bulldogs":13916,"ðŁĩªðŁĩ":13917,"ibm":13918,"neon":13919,"ethiopia":13920,"teammates":13921,"planting":13922,"twer":13923,"anytime":13924,"forbes":13925,"ón":13926,"runway":13927,"nervous":13928,"roger":13929,"pile":13930,"chanc":13931,"apocaly":13932,"uw":13933,"oi":13934,"drought":13935,"territory":13936,"brick":13937,"creatures":13938,"goin":13939,"waff":13940,"gren":13941,"southeast":13942,"jean":13943,"ambul":13944,"edited":13945,"strap":13946,"cv":13947,"aaron":13948,"ãĥ»ãĥ»":13949,"tsu":13950,"description":13951,"kindly":13952,"clutch":13953,"immer":13954,"enor":13955,"womensday":13956,"orange":13957,"rag":13958,"obvious":13959,"hyder":13960,"channels":13961,"mango":13962,"meyer":13963,"raining":13964,"getty":13965,"pilgri":13966,"coordinator":13967,"upload":13968,"nintendo":13969,"donuts":13970,"sanchez":13971,"apparel":13972,"jr":13973,"zzi":13974,",@":13975,"jefferson":13976,"accessible":13977,"greatly":13978,"eid":13979,"initial":13980,"buddha":13981,"paris":13982,"mascot":13983,"â¬ĩï¸ı":13984,"schwar":13985,"siri":13986,"spinning":13987,"mortgage":13988,"echo":13989,"endange":13990,"gedly":13991,"chloe":13992,"enhance":13993,"karnat":13994,"kry":13995,"explores":13996,"ðŁĴģ":13997,"affair":13998,"icals":13999,"alla":14000,"dart":14001,"dolphins":14002,"differences":14003,"squirrel":14004,"augh":14005,"drones":14006,"ellen":14007,"restore":14008,"paw":14009,"unfor":14010,"pike":14011,"hilton":14012,"collab":14013,"consumers":14014,"coinci":14015,"outcomes":14016,"ppp":14017,"aq":14018,"coupon":14019,"liest":14020,"sims":14021,"kho":14022,"aves":14023,"spoon":14024,"pudding":14025,"corbyn":14026,"haters":14027,"exams":14028,"slave":14029,".!":14030,"psa":14031,"apples":14032,"tamil":14033,"sed":14034,"coke":14035,"zzo":14036,"losange":14037,"carbon":14038,"clair":14039,"...)":14040,"khu":14041,"craig":14042,"exploration":14043,"sanctuary":14044,"sue":14045,"alway":14046,"dementia":14047,"wonders":14048,"superhero":14049,"pakistani":14050,"browns":14051,"bluetooth":14052,"locker":14053,"marc":14054,"eventu":14055,"deluxe":14056,"rodriguez":14057,"âĿ¤âĿ¤":14058,"robb":14059,"ðŁĴ¦":14060,"linux":14061,"tens":14062,"intelligent":14063,"seed":14064,"voter":14065,"sler":14066,"peaks":14067,"intern":14068,"teenage":14069,"peninsula":14070,"handling":14071,"tie":14072,"cousins":14073,"wendy":14074,"mee":14075,"à¹Ģà¸":14076,"dino":14077,"ðŁĴ°":14078,"ðŁĺĥ":14079,"zee":14080,"sbury":14081,"tragedy":14082,"bk":14083,"bore":14084,"zin":14085,"warns":14086,"idiot":14087,"touching":14088,"continental":14089,"tacos":14090,"safari":14091,"washed":14092,"podium":14093,"morrison":14094,"forests":14095,"cbc":14096,"alon":14097,"particular":14098,"beads":14099,"invented":14100,"loch":14101,"lighter":14102,"wherever":14103,"ide":14104,"documents":14105,"awe":14106,"kr":14107,"nowhere":14108,"miner":14109,"stit":14110,"rox":14111,"contribute":14112,"hardy":14113,"clan":14114,"object":14115,"cait":14116,"ðŁĴķðŁĴķ":14117,"happier":14118,"vegetables":14119,"tart":14120,"gag":14121,"nominee":14122,"heavily":14123,"panic":14124,"jd":14125,"theresa":14126,"atm":14127,"uph":14128,"sfc":14129,"suri":14130,"drink":14131,"nal":14132,"revel":14133,"kl":14134,"avocado":14135,"nomination":14136,"madonna":14137,"sharon":14138,"malcolm":14139,"controlled":14140,"shers":14141,"revival":14142,"legislation":14143,"shoots":14144,"nin":14145,"commentary":14146,"pros":14147,"humanrights":14148,"stranger":14149,"mitch":14150,"pipeline":14151,"legally":14152,"thu":14153,"gilbert":14154,"toll":14155,"granted":14156,"ghs":14157,"iranian":14158,"refreshing":14159,"duk":14160,"abi":14161,"prime":14162,"joseph":14163,"mosa":14164,"statistics":14165,"productions":14166,"merry":14167,"patel":14168,"sax":14169,"humanitarian":14170,"structures":14171,"emissions":14172,"towns":14173,"freel":14174,"stering":14175,"ratings":14176,"allegedly":14177,"cabin":14178,"stl":14179,"wade":14180,"flyers":14181,"trim":14182,"promising":14183,"zu":14184,"ballot":14185,"comparison":14186,"freeze":14187,"outer":14188,"greatness":14189,"assign":14190,"snowy":14191,"rale":14192,"tories":14193,"mediter":14194,"knock":14195,"consultant":14196,"cincinnati":14197,"analyst":14198,"scoo":14199,"jews":14200,"approxim":14201,"pure":14202,"portraits":14203,"cyrus":14204,"ational":14205,"loans":14206,"acquis":14207,"elu":14208,"acceptable":14209,"union":14210,"watercolor":14211,"rust":14212,"battles":14213,"perfu":14214,"seasonal":14215,"serial":14216,"mindset":14217,"riot":14218,"feld":14219,"ennial":14220,"closet":14221,"priest":14222,"tanks":14223,"intl":14224,"screw":14225,"bum":14226,"abdul":14227,"oux":14228,"explained":14229,"rica":14230,"imaging":14231,"lawyers":14232,"buried":14233,"ãĥ»ãĥ»ãĥ»":14234,"earl":14235,"âĢķ":14236,"lton":14237,"restored":14238,"stripes":14239,"foss":14240,"demands":14241,"stealing":14242,"alexis":14243,"mund":14244,"aker":14245,"urus":14246,"wardro":14247,"hugs":14248,"genre":14249,"ego":14250,"ÙĦ":14251,"participated":14252,"babes":14253,"banquet":14254,"tious":14255,"hemi":14256,"dsb":14257,"lost":14258,"milwaukee":14259,"jenner":14260,"gem":14261,"outra":14262,"loses":14263,"idi":14264,"reps":14265,"ðŁİ§":14266,"regulation":14267,"flaw":14268,"fang":14269,"vibrant":14270,"ramp":14271,"rains":14272,"wellbeing":14273,"soviet":14274,"viewers":14275,"depo":14276,"libraries":14277,"bigo":14278,"sery":14279,"gill":14280,"destruction":14281,"coz":14282,"cx":14283,"bridal":14284,"alds":14285,"planted":14286,"amateur":14287,"lud":14288,"cheering":14289,"showcas":14290,"profile":14291,"iu":14292,"vertical":14293,"packers":14294,"wizard":14295,"skip":14296,"slight":14297,"beau":14298,"airways":14299,"much":14300,"rera":14301,"ðŁĮĬ":14302,"absor":14303,"patio":14304,"packages":14305,"sells":14306,"mentally":14307,"ðŁĺ¢":14308,"reynolds":14309,"kare":14310,"tribun":14311,"walt":14312,"knit":14313,"taste":14314,"surrey":14315,"bounce":14316,"creature":14317,"bare":14318,"betting":14319,"sure":14320,"miley":14321,"laughs":14322,"alore":14323,"cyn":14324,"tl":14325,"artist":14326,"annah":14327,"warmer":14328,"dynamics":14329,"lunchtime":14330,"maritime":14331,"vulnerable":14332,"ðŁĴĥ":14333,"wolver":14334,"durham":14335,"constantly":14336,"amin":14337,"sibl":14338,":@":14339,"bullet":14340,"kach":14341,"angelo":14342,"wilder":14343,"doom":14344,"desktop":14345,"lawsuit":14346,"kca":14347,"henderson":14348,"inviting":14349,"betty":14350,"tawards":14351,"rafa":14352,"leaked":14353,"andi":14354,"gems":14355,"afl":14356,"velo":14357,"mediterran":14358,"probe":14359,"totten":14360,"stephanie":14361,"snation":14362,"combe":14363,"qs":14364,"overcome":14365,"assassin":14366,"rav":14367,"filip":14368,"winnipeg":14369,"shil":14370,"determined":14371,"kas":14372,"outre":14373,"regret":14374,"guides":14375,"aaa":14376,"ðŁĺĪ":14377,"wives":14378,"manife":14379,"erly":14380,"smy":14381,"shima":14382,"xing":14383,"pixel":14384,"jacob":14385,"accommod":14386,"toy":14387,"ono":14388,"poo":14389,"tier":14390,"answe":14391,"ðŁĴģ":14392,"rosa":14393,"lease":14394,"belongs":14395,"thar":14396,"eventually":14397,"neither":14398,"goa":14399,"skiing":14400,"atra":14401,"agh":14402,"broadcasting":14403,"fury":14404,"pyram":14405,"dice":14406,"volkswag":14407,"womens":14408,"provider":14409,"bombs":14410,"missile":14411,"whip":14412,"dick":14413,"norwe":14414,"backup":14415,"elder":14416,"mature":14417,"concerts":14418,"gious":14419,"squee":14420,"goodmorning":14421,"braves":14422,"^_":14423,"aussie":14424,"luna":14425,"males":14426,"heck":14427,"fortn":14428,"romeo":14429,"steelers":14430,"pn":14431,"peer":14432,"represents":14433,"«":14434,"katy":14435,"miguel":14436,"require":14437,"chains":14438,"lur":14439,"immediate":14440,"timber":14441,"âĸ¶ï¸ı":14442,"advocacy":14443,"export":14444,"anz":14445,"tiffany":14446,"author":14447,"ðŁİĪ":14448,"dudes":14449,"chilly":14450,"hid":14451,"harm":14452,"bug":14453,"monster":14454,"terrier":14455,"tuc":14456,"storytelling":14457,"tak":14458,"inti":14459,"immigrants":14460,"bis":14461,"reaches":14462,"compassion":14463,"johnny":14464,"contributions":14465,"ðŁIJ¶":14466,"mechanical":14467,"impression":14468,"ranks":14469,"kobe":14470,"menting":14471,"blossom":14472,"pablo":14473,"builder":14474,"bombing":14475,"twel":14476,"sullivan":14477,"omo":14478,"pete":14479,"demi":14480,"kudos":14481,"wbb":14482,"tgif":14483,"massach":14484,"neighbor":14485,"chefs":14486,"engines":14487,"pune":14488,"gained":14489,"phantom":14490,"sdays":14491,"extend":14492,"gran":14493,"centers":14494,"jacqu":14495,"datasci":14496,"sleepy":14497,"elvis":14498,"answered":14499,"slot":14500,"cony":14501,"flexible":14502,"tially":14503,"letics":14504,"%,":14505,"andrews":14506,"sible":14507,"momma":14508,"vino":14509,"dox":14510,"invitational":14511,"twilight":14512,"jade":14513,"illery":14514,"johns":14515,"fou":14516,"pv":14517,"--->":14518,"breakdown":14519,"billion":14520,"printer":14521,"mond":14522,"cbc":14523,"maggie":14524,"legion":14525,"dub":14526,"kurt":14527,"poor":14528,"parenting":14529,"regions":14530,"bikini":14531,"beware":14532,"sional":14533,"auburn":14534,"kidding":14535,"amples":14536,"span":14537,"contempor":14538,"cic":14539,"habits":14540,"ako":14541,"prefe":14542,"buddies":14543,"itz":14544,"emily":14545,"personnel":14546,"mountain":14547,"versus":14548,"ðŁĺ¬":14549,"earning":14550,"sink":14551,"dari":14552,"uu":14553,"swin":14554,"ister":14555,"brutal":14556,"nac":14557,"kata":14558,"cloth":14559,"amand":14560,"ðŁĶĹ":14561,"neo":14562,"alumin":14563,"weekends":14564,"nebraska":14565,"codes":14566,"delayed":14567,"bruno":14568,"proven":14569,"inc":14570,"ight":14571,"flan":14572,"oro":14573,"lambert":14574,"regulat":14575,"wf":14576,"massachuse":14577,"kardashian":14578,"bernard":14579,"fiesta":14580,"volcano":14581,"grandpa":14582,"anca":14583,"dre":14584,"stitu":14585,"meaning":14586,"foam":14587,"auck":14588,"ated":14589,"rl":14590,"hotel":14591,"persons":14592,"dynasty":14593,"ellor":14594,"mai":14595,"amne":14596,"styling":14597,"avier":14598,"eg":14599,"vegetarian":14600,",â̦":14601,"founders":14602,"stain":14603,"gd":14604,"cycles":14605,"skyline":14606,"tractor":14607,"exists":14608,"tral":14609,"kidney":14610,"maril":14611,"instag":14612,"sette":14613,"addict":14614,"triangle":14615,"flashback":14616,"controversial":14617,"zon":14618,"pins":14619,"ias":14620,"tray":14621,"township":14622,"delegates":14623,"spam":14624,"hms":14625,"crane":14626,"peoples":14627,"olo":14628,"faction":14629,"butes":14630,"onica":14631,"delegation":14632,"newprofile":14633,"elier":14634,"mca":14635,"wand":14636,"gely":14637,"losangeles":14638,"berke":14639,"tive":14640,"disrup":14641,"zza":14642,"casa":14643,"jordan":14644,"fordshire":14645,"gathered":14646,"ichi":14647,"attendees":14648,"à¸Ńà¸":14649,"peppers":14650,"coin":14651,"bourbon":14652,"ernity":14653,"rotary":14654,"behaviour":14655,"jeremy":14656,"teamwork":14657,"compliance":14658,"tremend":14659,"ðŁĩ§":14660,"buhari":14661,"cambo":14662,"buyers":14663,"hagen":14664,"buds":14665,"bayern":14666,"monte":14667,"smells":14668,"anza":14669,"athlon":14670,"described":14671,"workforce":14672,"giving":14673,"api":14674,"investments":14675,"dail":14676,"selena":14677,"database":14678,"thum":14679,"mortal":14680,"student":14681,"buyer":14682,"dover":14683,"garten":14684,"attle":14685,"loyalty":14686,"genoci":14687,"holocau":14688,"theaters":14689,"ruling":14690,"venus":14691,"patent":14692,"chun":14693,"abby":14694,"awake":14695,"massacre":14696,"bangalore":14697,"breaking":14698,"simmons":14699,"justi":14700,"hale":14701,"edchat":14702,"ggles":14703,"hawk":14704,"marking":14705,"headlines":14706,"strom":14707,"cove":14708,"breathtaking":14709,"medals":14710,"haircut":14711,"christine":14712,"telegraph":14713,"gujarat":14714,"jura":14715,"cane":14716,"shore":14717,"propaganda":14718,"mueller":14719,"........":14720,"savi":14721,"stomach":14722,"throws":14723,"tab":14724,"warm":14725,"jong":14726,"renowned":14727,"hir":14728,"rais":14729,"mushrooms":14730,"guaranteed":14731,"boa":14732,"mj":14733,"revolutionary":14734,"certification":14735,"bruins":14736,"join":14737,"wes":14738,"passport":14739,"cg":14740,"sexu":14741,"capable":14742,"wv":14743,"tones":14744,"jackets":14745,"accompan":14746,"spinach":14747,"forever":14748,"blair":14749,"watts":14750,"gl":14751,"couples":14752,"prairie":14753,"newprofilepic":14754,"logistics":14755,"massachusetts":14756,"jaguar":14757,"oid":14758,"weal":14759,"underwater":14760,"moz":14761,"yi":14762,"maths":14763,"myanmar":14764,"preps":14765,"suffered":14766,"trace":14767,"wali":14768,"ahhh":14769,"borg":14770,"stitch":14771,"culin":14772,"realise":14773,"infection":14774,"discrimination":14775,"shame":14776,"ankle":14777,"humid":14778,"yt":14779,"bracket":14780,"truck":14781,"triu":14782,"easter":14783,"community":14784,"postcard":14785,"involving":14786,"tyler":14787,"caramel":14788,"overview":14789,"examples":14790,"integrity":14791,"basement":14792,"instruments":14793,"anium":14794,"atus":14795,"gher":14796,"laundry":14797,"achieve":14798,"geneva":14799,"pricing":14800,"hyderabad":14801,"belief":14802,"meta":14803,"jaw":14804,"accounting":14805,"leader":14806,"cristiano":14807,"couture":14808,"cyp":14809,"vised":14810,",,,":14811,"knu":14812,"hick":14813,"breaker":14814,"bram":14815,"rab":14816,"moor":14817,"hamas":14818,"graduating":14819,"puppies":14820,"akh":14821,"tah":14822,"aches":14823,"rie":14824,"opini":14825,"gta":14826,"reign":14827,"tragic":14828,"rever":14829,"pill":14830,"pineapple":14831,"touches":14832,"dare":14833,"leys":14834,"ilo":14835,"interiors":14836,"scouts":14837,"bart":14838,"enzie":14839,"dono":14840,"brock":14841,"christians":14842,"ensemble":14843,"·":14844,"cinemas":14845,"newport":14846,"airline":14847,"winston":14848,"leigh":14849,"contents":14850,"prescri":14851,"urge":14852,"trout":14853,"fically":14854,"ilia":14855,"subsi":14856,"arer":14857,"âļ¾ï¸ı":14858,"wounded":14859,"ðŁĻĤ":14860,"pepper":14861,"ðŁĴŀ":14862,"fitted":14863,"aff":14864,"resur":14865,"thursdaythoughts":14866,"zero":14867,"archaeology":14868,"div":14869,"jee":14870,"ion":14871,"awaiting":14872,"cozy":14873,"beauties":14874,"bald":14875,"data":14876,"grizz":14877,"stalk":14878,"kinds":14879,"cleared":14880,"jessic":14881,"regular":14882,"aliens":14883,"place":14884,"bos":14885,"bizar":14886,"thisis":14887,"ðŁĴĢ":14888,"tottenham":14889,"mafia":14890,"slam":14891,"ariana":14892,"carroll":14893,"backpack":14894,"carey":14895,"univ":14896,"rg":14897,"pep":14898,"digit":14899,"tattoos":14900,"agon":14901,"volunteering":14902,"differen":14903,"consumption":14904,"kathr":14905,"headphones":14906,"tshirt":14907,"ob":14908,"element":14909,"retail":14910,"shru":14911,"algori":14912,"container":14913,"conscious":14914,"fil":14915,"coming":14916,"rash":14917,"urope":14918,"define":14919,"gior":14920,"feminist":14921,"flowing":14922,"routes":14923,"glaci":14924,"fert":14925,"somerset":14926,"antes":14927,"tweeps":14928,"$$":14929,"hour":14930,"endangered":14931,"yearsof":14932,"roh":14933,"popped":14934,"backing":14935,"basil":14936,"brake":14937,"monaco":14938,"lgbtq":14939,"prague":14940,"utility":14941,"cassi":14942,"gateway":14943,"haunted":14944,"schul":14945,"ðŁİµ":14946,"should":14947,"walkingdead":14948,"completing":14949,"danny":14950,"montgomery":14951,"penguin":14952,"ssi":14953,"merchandi":14954,"ðŁijij":14955,"church":14956,"hates":14957,"captain":14958,"breathing":14959,"cet":14960,"fairly":14961,"approaches":14962,"companion":14963,"surprising":14964,"kanye":14965,"pey":14966,"hindi":14967,"targeted":14968,"lords":14969,"deut":14970,"digging":14971,"german":14972,"rut":14973,"energy":14974,"closest":14975,"yun":14976,"apologi":14977,"ั":14978,"sack":14979,"rup":14980,"ddy":14981,"portal":14982,"dough":14983,"bats":14984,"ðŁĵ°":14985,"atur":14986,"grapher":14987,"pires":14988,"motors":14989,"ðŁĮ¹":14990,"jc":14991,"dang":14992,"tuk":14993,"clue":14994,"usc":14995,"page":14996,"dless":14997,"brows":14998,"jus":14999,"ading":15000,"remarks":15001,"oom":15002,"cardio":15003,"stefan":15004,"armstrong":15005,"âĢ¢âĢ¢":15006,"niest":15007,"belgian":15008,"biop":15009,"soy":15010,"lof":15011,"íĥ":15012,"qt":15013,"flashbackfriday":15014,"cee":15015,"ģà¸":15016,"wreck":15017,"marines":15018,"amendment":15019,"wardrobe":15020,"voy":15021,"burned":15022,"guitars":15023,"rainf":15024,"lifel":15025,"ssil":15026,"ounce":15027,"external":15028,"ckey":15029,"mesh":15030,"sheikh":15031,"invitation":15032,"suggesti":15033,"popcorn":15034,"phenomenal":15035,"anonymous":15036,"tuna":15037,"chicago":15038,"oval":15039,"dely":15040,"locals":15041,"(&":15042,"prof":15043,"novel":15044,"finder":15045,"sparks":15046,"laven":15047,"infu":15048,"nicks":15049,"quant":15050,"rae":15051,"exec":15052,"distingui":15053,"stances":15054,"mutual":15055,"shal":15056,"unveils":15057,"edmonton":15058,"zania":15059,"adio":15060,"viewer":15061,"bradford":15062,"auditorium":15063,"quis":15064,"react":15065,"http":15066,"lero":15067,"cheeky":15068,"impacts":15069,"tak":15070,"edt":15071,"desperate":15072,"tay":15073,"ìĦ":15074,"settle":15075,"bargain":15076,"resume":15077,"unite":15078,"thrown":15079,"kest":15080,"seys":15081,"marching":15082,"amit":15083,"decline":15084,"schar":15085,"metr":15086,"stanford":15087,"linke":15088,"berra":15089,"dolls":15090,"rugby":15091,"jami":15092,"bor":15093,"roadtrip":15094,"dinosaur":15095,"mik":15096,"sunder":15097,"rem":15098,"bk":15099,"overseas":15100,"naughty":15101,"implementation":15102,"iamsrk":15103,"luncheon":15104,"firing":15105,"miami":15106,"perez":15107,"thee":15108,"zon":15109,"gifted":15110,"conversion":15111,"ceramic":15112,"¡ï¸ı":15113,"pedro":15114,"ìĨ":15115,"vick":15116,"!@":15117,"heed":15118,"sid":15119,"bw":15120,"document":15121,"plun":15122,"grants":15123,"fantasy":15124,"predictions":15125,"valid":15126,"carved":15127,"graduated":15128,"ðŁijįðŁı»":15129,"nationally":15130,"chy":15131,"afl":15132,"resso":15133,"blank":15134,"rivals":15135,"jig":15136,"eties":15137,"omics":15138,"unemp":15139,"bound":15140,"sko":15141,"inspection":15142,"paral":15143,"highs":15144,"crisp":15145,"bans":15146,"oba":15147,"[@":15148,"cospla":15149,"costumes":15150,"recall":15151,"mouth":15152,"nigel":15153,"bts":15154,"tera":15155,"kov":15156,"docs":15157,"westminster":15158,"dict":15159,"gravity":15160,"kari":15161,"rogue":15162,"tted":15163,"wark":15164,"idaho":15165,"wend":15166,"awi":15167,"queensland":15168,"processes":15169,"cliffe":15170,"mick":15171,"compens":15172,"opol":15173,"they":15174,"clari":15175,"wikipedia":15176,"salmankhan":15177,"hazard":15178,"preston":15179,"sweetest":15180,"pdf":15181,"chees":15182,"trilo":15183,"southafrica":15184,"burnt":15185,"($":15186,"contain":15187,"tp":15188,"submitted":15189,"soundcloud":15190,"atu":15191,"rez":15192,"wordpress":15193,"corrupt":15194,"nf":15195,"maker":15196,"íķ":15197,"paras":15198,"advent":15199,"rial":15200,"cafe":15201,"fossil":15202,"!!!!!!!":15203,"cows":15204,"cj":15205,"spur":15206,"institutions":15207,"landmark":15208,"entit":15209,"reut":15210,"his":15211,"alzheim":15212,"wemb":15213,"reggae":15214,"mosqu":15215,"stat":15216,"identified":15217,"dealer":15218,"ream":15219,"reland":15220,"tension":15221,"ðŁĩ©":15222,"wrapping":15223,"deeper":15224,"frat":15225,"reddit":15226,"aris":15227,"morocco":15228,"..\"":15229,"blow":15230,"mapping":15231,"priorities":15232,"inga":15233,"swap":15234,"rewards":15235,"conspiracy":15236,"creative":15237,"cj":15238,"congressional":15239,"vault":15240,"plex":15241,"sophomore":15242,"shadow":15243,"eless":15244,"ðŁĺħ":15245,"darts":15246,"aldub":15247,"annoying":15248,"props":15249,"nas":15250,"aluminum":15251,"hbo":15252,"offense":15253,"jill":15254,"onions":15255,"laur":15256,"tae":15257,"hardest":15258,"shro":15259,"gaining":15260,"measure":15261,"edtech":15262,"cyprus":15263,"tara":15264,"angeli":15265,"carlo":15266,"goon":15267,"alli":15268,"implic":15269,"jupit":15270,"resilience":15271,"hail":15272,"balanced":15273,")...":15274,"joyce":15275,"gra":15276,"theli":15277,"defined":15278,"shipped":15279,"mainly":15280,"mina":15281,"lm":15282,"sacri":15283,"ober":15284,"pim":15285,"claiming":15286,"enters":15287,"corey":15288,"bok":15289,"cried":15290,"cooling":15291,"danielle":15292,"pharmacy":15293,"thorough":15294,"cake":15295,"klo":15296,"outreach":15297,"zens":15298,"digitalmarketing":15299,"valent":15300,"snp":15301,"herb":15302,"mrw":15303,"café":15304,"captures":15305,"notre":15306,"triumph":15307,"pancakes":15308,"cumber":15309,"spike":15310,"dation":15311,"bigg":15312,"sper":15313,"critical":15314,"amal":15315,"tooth":15316,"founding":15317,"astro":15318,"'#":15319,"quantum":15320,"thames":15321,"unc":15322,"pride":15323,"airbus":15324,"knocked":15325,"undefeated":15326,"mediterranean":15327,"calcu":15328,"clown":15329,"sensor":15330,"hammer":15331,"forgive":15332,"cushi":15333,"berry":15334,"majestic":15335,"elect":15336,"politan":15337,"gta":15338,"kari":15339,"burke":15340,"seahawks":15341,"volkswagen":15342,"rei":15343,"landscapes":15344,"casu":15345,"grandfather":15346,"listened":15347,"//":15348,"startrek":15349,"rainfall":15350,"furry":15351,"vier":15352,"stark":15353,"rifle":15354,"ffa":15355,"leges":15356,"hillaryclinton":15357,"minus":15358,"correctly":15359,"architectural":15360,"prece":15361,"upside":15362,"boxer":15363,"ðŁĻĮðŁı¼":15364,"isai":15365,"det":15366,"provo":15367,"tissue":15368,"spooky":15369,"veled":15370,"recon":15371,"prospects":15372,"quebec":15373,"âļ«":15374,"igno":15375,"anatomy":15376,"shapes":15377,"wp":15378,"pinterest":15379,"hore":15380,"anes":15381,"pickup":15382,"tip":15383,"pradesh":15384,"hugh":15385,"coe":15386,"pok":15387,"grammy":15388,"wellington":15389,"stigate":15390,"righ":15391,"leap":15392,"kingston":15393,"scenic":15394,"gosh":15395,"vani":15396,"aug":15397,"sary":15398,"zier":15399,"bureau":15400,"linson":15401,"conte":15402,"fragr":15403,"allan":15404,"gaw":15405,"lana":15406,"collision":15407,"surveill":15408,"renais":15409,"arrange":15410,"sali":15411,"doin":15412,"brance":15413,"brendan":15414,"ourse":15415,"incoming":15416,"suspension":15417,"à´":15418,"lla":15419,"educators":15420,"intri":15421,"dae":15422,"biography":15423,"bulgar":15424,"villain":15425,"gothic":15426,"rwanda":15427,"ew":15428,"mayor":15429,"meetup":15430,"democrat":15431,"morgan":15432,"sudden":15433,"tesco":15434,"carrot":15435,"bomber":15436,"mckin":15437,"rene":15438,"funday":15439,"agricultural":15440,"hahah":15441,"showtime":15442,"forming":15443,"cola":15444,"scorpi":15445,"quote":15446,"poppy":15447,"slife":15448,"daz":15449,"tub":15450,"nen":15451,"mot":15452,"ðŁĺ»":15453,"sore":15454,"elderly":15455,"ove":15456,"skinny":15457,"umi":15458,"anco":15459,"manship":15460,"were":15461,"gv":15462,"kah":15463,"folding":15464,"neat":15465,"samantha":15466,"danish":15467,"ukrain":15468,"humidity":15469,"nutri":15470,"jakarta":15471,"candles":15472,"oooooooo":15473,"atile":15474,"strength":15475,"ibra":15476,"bapti":15477,"charleston":15478,"frames":15479,"girls":15480,"clearing":15481,"gluten":15482,"##":15483,"supernatural":15484,"jubi":15485,"phone":15486,"hein":15487,"drun":15488,"leak":15489,"investor":15490,"yer":15491,"domain":15492,"ballroom":15493,"mish":15494,"appli":15495,"offshore":15496,"blaze":15497,"doro":15498,"âĺķï¸ı":15499,"winery":15500,"sharif":15501,"adore":15502,"nir":15503,"safer":15504,"sigh":15505,"ascri":15506,"strongly":15507,"tracy":15508,"cker":15509,"oll":15510,"faithful":15511,"eyed":15512,"delightful":15513,"vism":15514,"karnataka":15515,"titan":15516,"whar":15517,"jerseys":15518,"refur":15519,"heaven":15520,"grip":15521,"panama":15522,"preli":15523,"gluten":15524,"odd":15525,"content":15526,"ponti":15527,"tioning":15528,"ecommerce":15529,"federation":15530,"flawless":15531,"gear":15532,"tires":15533,"byr":15534,"police":15535,"cuban":15536,"tributes":15537,"ticul":15538,"churches":15539,"nursery":15540,"diaries":15541,"museums":15542,"snapped":15543,"ivan":15544,"wight":15545,"tourists":15546,"ramadan":15547,"trent":15548,"prophet":15549,"wondered":15550,"focusing":15551,"hid":15552,"icons":15553,"iq":15554,"ambulance":15555,"pist":15556,"funniest":15557,"timeless":15558,"srilan":15559,"buys":15560,"kids":15561,"colourful":15562,"ashi":15563,"chir":15564,"mum":15565,"ðŁĵļ":15566,"letter":15567,"xen":15568,"reuters":15569,"preserve":15570,"inting":15571,"step":15572,"fuji":15573,"univer":15574,"iu":15575,"showdown":15576,"poems":15577,"surveillance":15578,"suspected":15579,"tae":15580,"solving":15581,"tomb":15582,"mothersday":15583,"carpen":15584,"recruit":15585,"pilots":15586,"broc":15587,"mixing":15588,"fridays":15589,"tyr":15590,"representatives":15591,"trapped":15592,"abdul":15593,"freestyle":15594,"cluster":15595,"âļłï¸ı":15596,"kd":15597,"skill":15598,"pitt":15599,"exo":15600,"commerci":15601,"museum":15602,"locally":15603,"gina":15604,"nobel":15605,"immune":15606,"frac":15607,"capsu":15608,"mained":15609,"attempts":15610,"bulldog":15611,"bespoke":15612,"singers":15613,"spelling":15614,"segment":15615,"natures":15616,"tick":15617,"lipstick":15618,"cleaner":15619,"gettable":15620,"precision":15621,"â̼ï¸ı":15622,"thood":15623,"reef":15624,"nope":15625,"billy":15626,"digi":15627,"musi":15628,"rival":15629,"figured":15630,"tality":15631,"sunny":15632,"berk":15633,"awww":15634,"awaits":15635,"unreal":15636,"copen":15637,"asylum":15638,"exotic":15639,"buen":15640,"mock":15641,"enable":15642,"archy":15643,"fra":15644,"plastic":15645,"almond":15646,"ampli":15647,"displays":15648,"abbott":15649,"sme":15650,"xp":15651,"ðŁĻĥ":15652,"graphic":15653,"ived":15654,"mara":15655,"caution":15656,"leaks":15657,"enberg":15658,"ulu":15659,"unicorn":15660,"cannon":15661,"apprentic":15662,"ðŁĺĺðŁĺĺ":15663,"bball":15664,"willow":15665,"atics":15666,"amas":15667,"manufacturer":15668,"campaigns":15669,"porters":15670,"floors":15671,"lsu":15672,"type":15673,"kej":15674,"honorary":15675,"itim":15676,"tole":15677,"minecraft":15678,"dx":15679,"mash":15680,"rio":15681,"consequences":15682,"ronald":15683,"gossi":15684,"suffolk":15685,"muse":15686,"rbi":15687,"livemusic":15688,"ivan":15689,"ðŁİ¤":15690,"leu":15691,"patriot":15692,"manit":15693,"lanca":15694,"homedecor":15695,"dear":15696,"sigma":15697,"tide":15698,"strings":15699,"vita":15700,"sequel":15701,"tryna":15702,"investigate":15703,"boris":15704,"vegan":15705,"barrier":15706,"mindfulness":15707,"webb":15708,"hustle":15709,"inda":15710,"tanzania":15711,"stray":15712,"texas":15713,"cag":15714,"diagnosis":15715,"woman":15716,"gw":15717,"obsession":15718,"lative":15719,"nufc":15720,"flynn":15721,"momentum":15722,"sofa":15723,"wald":15724,"vegetable":15725,"tucker":15726,"supper":15727,"seab":15728,"arro":15729,"seag":15730,"venting":15731,"councill":15732,"splat":15733,"calcul":15734,"..#":15735,"comfy":15736,"odisha":15737,"stopp":15738,"warfare":15739,"caes":15740,"à¨":15741,"coy":15742,"priceless":15743,"insec":15744,"ðŁĺĽ":15745,"controls":15746,"empowerment":15747,"datascience":15748,"perpe":15749,"genic":15750,"eres":15751,"trudeau":15752,"mano":15753,"slavery":15754,"expanding":15755,"mahe":15756,"failing":15757,"saga":15758,"photographs":15759,"crest":15760,"reon":15761,"surfing":15762,"hie":15763,"ðŁįĢ":15764,"jae":15765,"fellows":15766,"southampton":15767,"solom":15768,"cester":15769,"tability":15770,"horn":15771,"sect":15772,"hee":15773,"coleman":15774,"atlas":15775,"explorer":15776,"consultation":15777,"copyright":15778,"organizing":15779,"denied":15780,"monkeys":15781,"noodles":15782,"bris":15783,"flor":15784,"dough":15785,"bonds":15786,"shocked":15787,"ecosystem":15788,"carefully":15789,"wm":15790,"apartments":15791,"curve":15792,"sandiego":15793,"mustard":15794,"commen":15795,"ceremon":15796,"ech":15797,"ruth":15798,"ðŁĻĮðŁı»":15799,"hawai":15800,"filmed":15801,"tear":15802,"asingly":15803,"cair":15804,"watt":15805,"instrument":15806,"outta":15807,"yeol":15808,"riverside":15809,"ë°":15810,".:":15811,"norwich":15812,"alog":15813,"migrants":15814,"newman":15815,"ride":15816,"sprink":15817,"targeting":15818,"believe":15819,"torch":15820,"reflects":15821,"permission":15822,"ffman":15823,"enemies":15824,"basics":15825,"seized":15826,"sundays":15827,"lei":15828,"hassan":15829,"endo":15830,"hc":15831,"stad":15832,"lements":15833,"kkkk":15834,"nano":15835,"shark":15836,"mana":15837,"onic":15838,"treatments":15839,"early":15840,"collaborative":15841,"shuttle":15842,"branches":15843,"misses":15844,"mainedcm":15845,"apers":15846,"kyle":15847,"carrie":15848,"leisure":15849,"shet":15850,"birding":15851,"advances":15852,"ðŁĵĿ":15853,"popular":15854,"diane":15855,"abe":15856,"rewar":15857,"neighbour":15858,"kpop":15859,"remembrance":15860,"playground":15861,"rub":15862,"krishna":15863,"ebola":15864,"inquiry":15865,"epa":15866,"lumin":15867,"organisation":15868,"abraham":15869,"normally":15870,"preten":15871,"janet":15872,"wt":15873,"ðŁĴİ":15874,"encouraging":15875,"astic":15876,"bump":15877,"sydney":15878,"sz":15879,"ssss":15880,"garrett":15881,"ðŁĵ»":15882,"consulting":15883,"romania":15884,"spotting":15885,"chancellor":15886,"arma":15887,"prestigious":15888,"ðĿIJ":15889,"tad":15890,"cryst":15891,"competit":15892,"ratio":15893,"cataly":15894,"brow":15895,"jur":15896,"viking":15897,"commute":15898,"yday":15899,"layers":15900,"dumb":15901,"escal":15902,"genocide":15903,"fill":15904,"gupta":15905,"stepping":15906,"sei":15907,"foto":15908,"wildcats":15909,"coli":15910,"project":15911,"earnings":15912,"str":15913,"geons":15914,"completion":15915,"bm":15916,"decorated":15917,"crawford":15918,"afghan":15919,"scare":15920,"visibility":15921,"hib":15922,"direction":15923,"stroll":15924,"christina":15925,"alternate":15926,"clare":15927,"stylist":15928,"behold":15929,"sance":15930,"leopard":15931,"acquired":15932,"narrative":15933,"ashi":15934,"thea":15935,"????":15936,"peas":15937,"atch":15938,"slides":15939,"leen":15940,"renewable":15941,"english":15942,"quir":15943,"coaster":15944,"rx":15945,"fools":15946,"matchday":15947,"mism":15948,"amazing":15949,"zig":15950,"keting":15951,"wont":15952,"towel":15953,"diab":15954,"stake":15955,"nm":15956,"melt":15957,"ethan":15958,"grape":15959,"politician":15960,"smen":15961,"íĺ":15962,"reo":15963,"weddings":15964,"catcher":15965,"oracle":15966,"memo":15967,"ðŁĮ´":15968,"eck":15969,"robbie":15970,"norwegian":15971,"operator":15972,"amor":15973,"sewing":15974,"jul":15975,"xie":15976,"uv":15977,"fifty":15978,"mega":15979,"tattoo":15980,"liberals":15981,"upri":15982,"trafficking":15983,"richardson":15984,"suv":15985,"kip":15986,"messy":15987,"tremendous":15988,"glou":15989,"courtney":15990,"lad":15991,"stereo":15992,"myers":15993,"idio":15994,"^_^":15995,"manning":15996,"dye":15997,"wd":15998,"throne":15999,"junk":16000,"asu":16001,"provincial":16002,"kook":16003,"wrc":16004,"fineart":16005,"hampshire":16006,"renaissance":16007,"bred":16008,"fallout":16009,"sj":16010,"snl":16011,"alam":16012,"torture":16013,"fyi":16014,"shines":16015,"paw":16016,"char":16017,"henry":16018,"crow":16019,"acious":16020,"dian":16021,"paige":16022,"bare":16023,"stockholm":16024,"scenery":16025,"ðŁĩ·":16026,"jeffrey":16027,"push":16028,"decoration":16029,"ned":16030,"cute":16031,"brigade":16032,"lavender":16033,"invites":16034,"esports":16035,"voir":16036,"dried":16037,"transpl":16038,"surgeon":16039,"novels":16040,"pulls":16041,"sony":16042,"lunar":16043,"mane":16044,"ivy":16045,"frustr":16046,"dorset":16047,"sai":16048,"torres":16049,"ssion":16050,"shutdown":16051,"suggestions":16052,"writing":16053,"eo":16054,"battlefield":16055,"uga":16056,"ðŁIJ¾":16057,"vacu":16058,"splac":16059,"git":16060,"ug":16061,"highland":16062,"%)":16063,"mermaid":16064,"sacramento":16065,"tails":16066,"pw":16067,"kah":16068,"tell":16069,"enhanced":16070,"ìķ":16071,"auckland":16072,"cruel":16073,"ðŁ¤©":16074,"audre":16075,"sailor":16076,"grammar":16077,"glove":16078,"deon":16079,"inflam":16080,"freshly":16081,"kell":16082,"zip":16083,"christie":16084,"mild":16085,"dixon":16086,"instructor":16087,"gence":16088,"ãħł":16089,"subjec":16090,"constitutional":16091,"crowds":16092,"invisible":16093,"ruins":16094,"dak":16095,"sip":16096,"plaque":16097,"pouring":16098,"complex":16099,"zine":16100,"stead":16101,"flet":16102,"transmission":16103,"loway":16104,"arun":16105,"increasingly":16106,"aud":16107,"transparen":16108,"crowned":16109,"scoun":16110,"blizzard":16111,"luxu":16112,"fiers":16113,"achievements":16114,"hunters":16115,"rocked":16116,"basin":16117,"violet":16118,"proves":16119,"achieving":16120,"prosper":16121,"sega":16122,"float":16123,"vian":16124,"xiv":16125,"polic":16126,"tura":16127,"approximately":16128,"wanderlust":16129,"keepers":16130,"getaway":16131,"cod":16132,"polis":16133,"bryan":16134,"colts":16135,"talents":16136,"yogur":16137,"glutenfree":16138,"wrist":16139,"gry":16140,"czech":16141,"ðŁİĪ":16142,"eville":16143,"ðŁıĪ":16144,"tox":16145,"daniels":16146,"amer":16147,"bids":16148,"weareone":16149,"metab":16150,"gt":16151,"boyz":16152,"pdx":16153,"possession":16154,"pushed":16155,"shrine":16156,"realistic":16157,"trigger":16158,"navi":16159,"rumors":16160,"naf":16161,"jenkins":16162,"trun":16163,"communi":16164,"ÃĹ":16165,"gamers":16166,"armor":16167,"mohammed":16168,"balcony":16169,"yah":16170,"strongest":16171,"rhythm":16172,"unforgettable":16173,"kp":16174,"hobb":16175,"custody":16176,"gregor":16177,"rita":16178,"aesthetic":16179,"ilation":16180,"sponsoring":16181,"nay":16182,"kidnapp":16183,"shs":16184,"rajas":16185,"meg":16186,"significantly":16187,"buttons":16188,"lac":16189,"versions":16190,"essentials":16191,"opinions":16192,"kro":16193,"dprinting":16194,"widely":16195,"dk":16196,"uran":16197,"yal":16198,"requested":16199,"cn":16200,"curric":16201,"plum":16202,"grun":16203,"vm":16204,"devon":16205,"myo":16206,"relation":16207,"juventus":16208,"rouge":16209,"minority":16210,"mines":16211,"jupiter":16212,"nine":16213,"oxygen":16214,"frankie":16215,"unesco":16216,"fabric":16217,"disgusting":16218,"salman":16219,"detection":16220,"lanka":16221,"dac":16222,"ðŁĩ«ðŁĩ·":16223,"argument":16224,"shelves":16225,"celtics":16226,"roberto":16227,"pigs":16228,"hedge":16229,"faul":16230,"powering":16231,"butterflies":16232,"fir":16233,"remake":16234,"atti":16235,"como":16236,"empha":16237,"kendall":16238,"pokemon":16239,"seating":16240,"dans":16241,"baldwin":16242,"ðŁij»":16243,"leslie":16244,"onedirection":16245,"timber":16246,"iman":16247,"font":16248,"eder":16249,"dion":16250,"steph":16251,"format":16252,"gregory":16253,"prop":16254,"hex":16255,"ruin":16256,"sory":16257,"infer":16258,"naw":16259,"barak":16260,"sdgs":16261,"karao":16262,"lush":16263,"vander":16264,"endent":16265,"gis":16266,"afro":16267,"soccer":16268,"ayan":16269,"tuni":16270,"lung":16271,"dayof":16272,"alexa":16273,"marath":16274,"addicted":16275,"agile":16276,"hygi":16277,"lightweight":16278,"ì§":16279,"mandela":16280,"joey":16281,"ancy":16282,"hum":16283,"bir":16284,"memorial":16285,"jimin":16286,"ginger":16287,"vak":16288,"javascri":16289,"crops":16290,"origins":16291,"dari":16292,"piper":16293,"import":16294,"aggressive":16295,"prediction":16296,"repairs":16297,"cracker":16298,"voyage":16299,"nike":16300,"mummy":16301,"linkedin":16302,"countryside":16303,"border":16304,"glass":16305,"pert":16306,"sals":16307,"shoe":16308,"autographed":16309,"walnut":16310,"collegi":16311,"salary":16312,"pairing":16313,"ðŁĮ¸":16314,"cathol":16315,"sweethe":16316,"defeats":16317,"strengthen":16318,"rooftop":16319,"improvements":16320,"barriers":16321,"uru":16322,"tally":16323,"ruled":16324,"ðŁĨļ":16325,"naija":16326,"emoji":16327,"percent":16328,"gio":16329,"probs":16330,"once":16331,"admits":16332,"paths":16333,"liar":16334,"daytona":16335,"peters":16336,"cali":16337,"calli":16338,"mug":16339,"osa":16340,"aph":16341,"aby":16342,"hyde":16343,"ethnic":16344,"plains":16345,"olf":16346,"hahahahaha":16347,"holic":16348,"?!?!":16349,"subli":16350,"blacks":16351,"mot":16352,"ghton":16353,"lovin":16354,"brent":16355,"baru":16356,"lati":16357,"dew":16358,"ateau":16359,"qa":16360,"painful":16361,"busters":16362,"static":16363,"ðŁĩ¨ðŁĩ¦":16364,"notebook":16365,"outfits":16366,"sies":16367,"rf":16368,"floods":16369,"ÑĢ":16370,"throat":16371,"suici":16372,"rovers":16373,"bengal":16374,"prepares":16375,"blog":16376,"miniature":16377,"ب":16378,"amphi":16379,"comb":16380,"rsp":16381,"intimate":16382,"greene":16383,"Ìĩ":16384,"altar":16385,"surgical":16386,"vessel":16387,"...?":16388,"gavin":16389,"gator":16390,"threatened":16391,"zar":16392,"robbery":16393,"dier":16394,"promoted":16395,"yg":16396,"xs":16397,"subs":16398,"interviewing":16399,"threatening":16400,"dozen":16401,"meado":16402,"waterfall":16403,"nintendoswitch":16404,"calum":16405,"ministers":16406,"drop":16407,"universities":16408,"warned":16409,"tactics":16410,"ðŁĩ²":16411,"refuse":16412,"adju":16413,"vast":16414,"ðŁĺ´":16415,"mcfc":16416,"libya":16417,"nofilter":16418,"distributed":16419,"reser":16420,"ronnie":16421,"deco":16422,"javascript":16423,"monk":16424,"interests":16425,"flex":16426,"martha":16427,"sties":16428,"ood":16429,"ðŁ¤£ðŁ¤£":16430,"eun":16431,"bali":16432,"gomez":16433,"stimul":16434,"moderate":16435,"dity":16436,"iris":16437,"straw":16438,"consistent":16439,"directions":16440,"adopt":16441,"salsa":16442,"croo":16443,"recovered":16444,"blackfriday":16445,"lancaster":16446,"accept":16447,"weareoneexo":16448,"builds":16449,"freeman":16450,"airplane":16451,"dition":16452,"belong":16453,"jamie":16454,"pitching":16455,"lif":16456,"omin":16457,"crispy":16458,"prepping":16459,"veg":16460,"chang":16461,"accomplished":16462,"gracias":16463,"dolphin":16464,"elector":16465,"culinary":16466,"superbowl":16467,"wala":16468,"pursuit":16469,"blackberry":16470,"bean":16471,"cardinal":16472,"proved":16473,"immigrant":16474,"strictly":16475,"holocaust":16476,"passage":16477,"haus":16478,"coup":16479,"purse":16480,"harass":16481,"<<":16482,"leed":16483,"adobe":16484,"stad":16485,"legislat":16486,"parked":16487,"priyan":16488,"silva":16489,"krist":16490,"sthe":16491,"funky":16492,"iga":16493,"settlement":16494,"phs":16495,"tmrw":16496,"stressed":16497,"hunt":16498,"hockey":16499,"treasures":16500,"chambers":16501,"olu":16502,"hut":16503,"marley":16504,"texture":16505,"wilderness":16506,"mming":16507,"potentially":16508,"omaha":16509,"judy":16510,"toes":16511,"spoiler":16512,"distinguished":16513,"felix":16514,"ahu":16515,"recommendations":16516,"zombies":16517,"hitler":16518,"triple":16519,"collapse":16520,"motivated":16521,"ultimat":16522,"ggling":16523,"soy":16524,"cigar":16525,"foren":16526,"vineyard":16527,"glitter":16528,"findings":16529,"colonial":16530,"hunter":16531,"erik":16532,"dens":16533,"beetle":16534,"lotte":16535,"subtle":16536,"smatter":16537,"trusted":16538,"experimental":16539,"naments":16540,"ðŁĺĨ":16541,"region":16542,"acquisition":16543,"breeding":16544,"quarterback":16545,"amreading":16546,"ootd":16547,"rude":16548,"initiatives":16549,"stout":16550,"hyung":16551,"outcome":16552,"alfred":16553,"mics":16554,"expertise":16555,"bacteria":16556,"penguins":16557,"jumper":16558,"valencia":16559,"bark":16560,"ingday":16561,"sellers":16562,"contracts":16563,"houston":16564,"commissioned":16565,"adaptation":16566,"swansea":16567,"santiago":16568,"commonwealth":16569,"judging":16570,"submission":16571,"scorer":16572,"tommy":16573,"ño":16574,"exquis":16575,"filing":16576,"explanation":16577,"allison":16578,"wembley":16579,"ridge":16580,"chevy":16581,"santos":16582,"ownership":16583,"cognitive":16584,"favourites":16585,"shed":16586,"philanthro":16587,"deleted":16588,"godd":16589,"snor":16590,"guidelines":16591,"ffing":16592,"jeep":16593,"clips":16594,"swamp":16595,"anor":16596,"guild":16597,"bolton":16598,"springfield":16599,"municipal":16600,"goalkeeper":16601,"yeon":16602,"ðŁĺįðŁĺįðŁĺįðŁĺį":16603,"ãħĭãħĭ":16604,"waterfront":16605,"grave":16606,"contemporary":16607,"arity":16608,"ÃŃa":16609,"sleeps":16610,"syrup":16611,"alam":16612,"pire":16613,"coyo":16614,"motogp":16615,"tyson":16616,"kejri":16617,"circul":16618,"singly":16619,"crunch":16620,"complicated":16621,"nostalgia":16622,"kop":16623,"move":16624,"kale":16625,"macro":16626,"midwest":16627,"hans":16628,"tribal":16629,"nude":16630,"à¯į":16631,"beyonce":16632,"congratulate":16633,"cater":16634,"league":16635,"ðŁĻĬ":16636,"ladder":16637,"crashed":16638,"technic":16639,"karaoke":16640,"harassment":16641,"rots":16642,"experiencing":16643,"kristen":16644,"ðŁĩ³":16645,"ð٤Ĺ":16646,"reflections":16647,"guinness":16648,"illustrator":16649,"ðŁĻıðŁı»":16650,"center":16651,"narrow":16652,"commons":16653,"regulations":16654,"ÙĨ":16655,"harm":16656,"croft":16657,"cussion":16658,"hongkong":16659,"stical":16660,"internship":16661,"zoe":16662,"chop":16663,"hoods":16664,"estimated":16665,"batteries":16666,"berkeley":16667,"smoothie":16668,"shaun":16669,"cros":16670,"~~":16671,"campe":16672,"hump":16673,"bg":16674,"prototype":16675,"click":16676,"shawn":16677,"reviewed":16678,"templ":16679,"pf":16680,"jedi":16681,"blogs":16682,"raymond":16683,"asth":16684,"bah":16685,"avail":16686,"scotch":16687,"leafs":16688,"nikki":16689,"tok":16690,"hollow":16691,"urges":16692,"oft":16693,"unlike":16694,"latin":16695,"ue":16696,"catering":16697,"mili":16698,"alternati":16699,"maver":16700,"и":16701,"agle":16702,"preorder":16703,"lux":16704,"cucu":16705,"ðŁijıðŁijı":16706,"tart":16707,"âĿ¤âĿ¤âĿ¤":16708,"arabic":16709,"rapidly":16710,"arrang":16711,"allen":16712,"traveltuesday":16713,"paws":16714,"flows":16715,"stability":16716,"fluid":16717,"capp":16718,"canberra":16719,"uuuu":16720,"spani":16721,"demonstration":16722,"mla":16723,"placement":16724,"mw":16725,"presidents":16726,"awesom":16727,"beverly":16728,"anist":16729,"neal":16730,"fathersday":16731,"referendum":16732,"lahore":16733,"oaks":16734,"debbie":16735,"halfway":16736,"ghosts":16737,"debor":16738,"matthews":16739,"fiat":16740,"tfw":16741,"presen":16742,"robi":16743,"ded":16744,"brock":16745,"laughed":16746,"amounts":16747,"bamboo":16748,"kindergarten":16749,"eaten":16750,"mtvhottest":16751,"breakout":16752,"usic":16753,"fraser":16754,"legislative":16755,"pang":16756,"module":16757,"sammy":16758,"gover":16759,"earns":16760,"expedition":16761,"garh":16762,"concepts":16763,"charlie":16764,"lava":16765,"bachelor":16766,"veggies":16767,"determine":16768,"ellie":16769,"unlocked":16770,"fruit":16771,"dalla":16772,"coupe":16773,"washington":16774,"deposit":16775,"ivory":16776,"paula":16777,"chicag":16778,"gucci":16779,"ðŁİĥ":16780,"cultiv":16781,"pierce":16782,"lifted":16783,"stumb":16784,"recover":16785,"muscles":16786,"conducting":16787,"cbs":16788,"mclaren":16789,"sophia":16790,"cellu":16791,"oceans":16792,"uploaded":16793,"gameplay":16794,"maldives":16795,"kimber":16796,"avoi":16797,"racer":16798,"caine":16799,"cavs":16800,"hana":16801,"liga":16802,"raven":16803,"intervention":16804,"inauguration":16805,"ooh":16806,"attraction":16807,"merchandise":16808,"tunein":16809,"liking":16810,"juniors":16811,"intended":16812,"attacking":16813,"aquarium":16814,"iwd":16815,"components":16816,"suring":16817,"centu":16818,"yogurt":16819,"ðŁıĥ":16820,"showroom":16821,"optical":16822,"tyour":16823,"judge":16824,"yield":16825,"anto":16826,"plc":16827,"transparency":16828,"recycled":16829,"chief":16830,"arom":16831,"ambassadors":16832,"planet":16833,"âĿĦï¸ı":16834,"omed":16835,"vanessa":16836,"court":16837,"margar":16838,"haley":16839,"vr":16840,"regina":16841,"pdates":16842,"hispan":16843,"livestream":16844,"âģ£":16845,"yahoo":16846,"galla":16847,"secured":16848,"wir":16849,"beneath":16850,"offl":16851,"nil":16852,"amb":16853,"yeg":16854,"outlet":16855,"ute":16856,"peep":16857,"lindsay":16858,"bentley":16859,"...!":16860,"heel":16861,"trilogy":16862,"vos":16863,"tyre":16864,"therefore":16865,"toronto":16866,"abi":16867,"simpli":16868,"jae":16869,"extensive":16870,"elephants":16871,"sor":16872,"orientation":16873,"impeach":16874,"replay":16875,"constructed":16876,"peterson":16877,"pais":16878,"ported":16879,"customs":16880,"collap":16881,"adu":16882,"highlands":16883,"salem":16884,"shelby":16885,"kovic":16886,"strain":16887,"rosie":16888,"senators":16889,"snaps":16890,"bobb":16891,"suzuki":16892,"blades":16893,"kp":16894,"lolo":16895,"generate":16896,"sight":16897,"mae":16898,"structural":16899,"predict":16900,"jumped":16901,"ahmad":16902,"sung":16903,"justice":16904,"glam":16905,"volvo":16906,"jubilee":16907,"detention":16908,"losses":16909,"puri":16910,"everytime":16911,"а":16912,"rao":16913,"edge":16914,"limer":16915,"resemb":16916,"harold":16917,"retri":16918,"sacrific":16919,"surprises":16920,"amc":16921,"srilanka":16922,"barbie":16923,"mens":16924,"finn":16925,"ags":16926,"ukrainian":16927,"embrac":16928,"îIJ":16929,"flavors":16930,"homer":16931,"laure":16932,"outh":16933,"priced":16934,"verde":16935,"firm":16936,"ahs":16937,"cub":16938,"trey":16939,"paranor":16940,"profit":16941,"indv":16942,"whoa":16943,"harsh":16944,"alot":16945,"critics":16946,"hubby":16947,"figur":16948,"gira":16949,"castro":16950,"chanel":16951,"input":16952,"originals":16953,"tenant":16954,"yyyy":16955,"turers":16956,"lincoln":16957,"coon":16958,"learn":16959,"chou":16960,"acare":16961,"oles":16962,"diner":16963,"hyp":16964,"bizarre":16965,"mcr":16966,"letsgo":16967,"decorating":16968,"ðŁĮİ":16969,"alison":16970,"arvin":16971,"fd":16972,"rehab":16973,"mccarthy":16974,"lottery":16975,"dah":16976,"minneapolis":16977,"eligible":16978,"diagnosed":16979,"emerald":16980,"destinations":16981,"sans":16982,"ory":16983,"blazers":16984,"nv":16985,"bail":16986,"digitalart":16987,"noc":16988,"malta":16989,"solar":16990,"pipes":16991,"allegations":16992,"nock":16993,"pope":16994,"brid":16995,"premier":16996,"nx":16997,"presentations":16998,"efa":16999,"bows":17000,"valve":17001,"opponent":17002,"Įë":17003,"visual":17004,"ingle":17005,"categor":17006,"eter":17007,"pois":17008,"dani":17009,"attract":17010,"neutral":17011,"thene":17012,"crashes":17013,"freddie":17014,"utili":17015,"cst":17016,"awakening":17017,"sloven":17018,"qualify":17019,"proof":17020,"fairy":17021,"lev":17022,"freight":17023,"enjoys":17024,"cupcake":17025,"flavour":17026,"âķ":17027,"protective":17028,"ðŁijıðŁı»":17029,"isu":17030,"admir":17031,"hmmm":17032,"continuous":17033,"aires":17034,"raptors":17035,"showcasing":17036,"yuk":17037,"paste":17038,"follower":17039,"instructions":17040,"spru":17041,"@__":17042,"theo":17043,"debuts":17044,"vette":17045,"stow":17046,"esof":17047,"ached":17048,"sultan":17049,"sandwich":17050,"somalia":17051,"franco":17052,"carne":17053,"fluffy":17054,"alpine":17055,"jasmine":17056,"heated":17057,"violin":17058,"pless":17059,"divorce":17060,"performer":17061,"phies":17062,"portsm":17063,"dara":17064,"kirby":17065,"lop":17066,"chilli":17067,"forth":17068,"skype":17069,"ðŁĩ®ðŁĩ¹":17070,"celebrities":17071,"edy":17072,"vee":17073,"poison":17074,"eyel":17075,"grabs":17076,"ssic":17077,"uno":17078,"western":17079,"railroad":17080,"amer":17081,"numerous":17082,"sv":17083,"fow":17084,"fist":17085,"âĢĭ":17086,"requests":17087,"martial":17088,"emmy":17089,"acceptance":17090,"laura":17091,"ิ":17092,"erup":17093,"hyundai":17094,"outlander":17095,"utt":17096,"wrestle":17097,"espresso":17098,"demanding":17099,"gdp":17100,"geography":17101,"saskat":17102,"troll":17103,"confeder":17104,"sues":17105,"sem":17106,"bets":17107,"tful":17108,"tosh":17109,"teaches":17110,"coloured":17111,"galway":17112,"macy":17113,"disorders":17114,"bbcra":17115,"atem":17116,"fender":17117,"litter":17118,"esh":17119,"providers":17120,"renovation":17121,"nominate":17122,"psg":17123,"nominations":17124,"jenna":17125,"sharp":17126,"someday":17127,"zur":17128,"brains":17129,"cheshire":17130,"prey":17131,"hugo":17132,"¿":17133,"token":17134,"rv":17135,"carr":17136,"tactical":17137,"zelda":17138,"kayla":17139,"fernando":17140,"photographers":17141,"jour":17142,"umbrella":17143,"woody":17144,"congressman":17145,"dump":17146,"levy":17147,"juan":17148,"dazz":17149,"signals":17150,"lain":17151,"anu":17152,"michel":17153,"porch":17154,"alden":17155,"siblings":17156,"yale":17157,"peel":17158,"swick":17159,"ggin":17160,"llc":17161,"kale":17162,"scon":17163,"ild":17164,"patreon":17165,"reel":17166,"quin":17167,"witt":17168,"marty":17169,"moody":17170,"toni":17171,"dery":17172,"gators":17173,"specifically":17174,"ddin":17175,"lyon":17176,"trick":17177,"meadows":17178,"pj":17179,"borgh":17180,"vik":17181,"tur":17182,"bronx":17183,"puff":17184,"lantern":17185,"ðŁ¤¦":17186,"gently":17187,"bestie":17188,"fact":17189,"refused":17190,"fasci":17191,"mpy":17192,"ðŁĶµ":17193,"crossover":17194,"meadow":17195,"indianapolis":17196,"ducation":17197,"sley":17198,"loom":17199,"mixer":17200,"newmusic":17201,"filmmaker":17202,"prosperity":17203,"lim":17204,"weekend":17205,"creamy":17206,"neutr":17207,"luther":17208,"hv":17209,"northern":17210,"two":17211,"hra":17212,"catches":17213,"appearances":17214,"habit":17215,"kittens":17216,"nv":17217,"illac":17218,"infan":17219,"regardless":17220,"lizard":17221,"dunk":17222,"curtain":17223,"acom":17224,"intu":17225,"vez":17226,"emin":17227,"flats":17228,"calendars":17229,"empower":17230,"ruined":17231,"hungary":17232,"vid":17233,"wex":17234,"ulum":17235,"aberdeen":17236,"osa":17237,"kt":17238,"massi":17239,"seemed":17240,"sden":17241,"'?":17242,"telephone":17243,"defi":17244,"inspires":17245,"meow":17246,"zones":17247,"blind":17248,"ply":17249,"tucson":17250,"adventure":17251,"ged":17252,"oyster":17253,"ðŁijıðŁijıðŁijı":17254,"output":17255,"ttt":17256,"metallic":17257,"smash":17258,"ucla":17259,"scots":17260,"perfect":17261,"lucy":17262,"regularly":17263,"spic":17264,"relative":17265,"athers":17266,"mise":17267,"battling":17268,"decides":17269,"mata":17270,"occupied":17271,"randomly":17272,"catsoftwitter":17273,"gian":17274,"bally":17275,"alties":17276,"allies":17277,"immen":17278,"syrac":17279,"ðŁĴľðŁĴľ":17280,"llan":17281,"aur":17282,"kut":17283,"lamar":17284,"affects":17285,"nra":17286,"starwar":17287,"ð٤ĺ":17288,"scram":17289,"enchan":17290,"process":17291,"luxurious":17292,"array":17293,"sherlock":17294,"compati":17295,"dorf":17296,"stress":17297,"msu":17298,"swith":17299,"sala":17300,"sofinstagram":17301,"foil":17302,"understood":17303,"quay":17304,"rp":17305,"cade":17306,"jaw":17307,"enab":17308,"encoun":17309,"ðŁİī:":17310,"dock":17311,"saturn":17312,"mull":17313,"layout":17314,"rarely":17315,"happily":17316,"fixture":17317,"orph":17318,"overlooking":17319,"herbs":17320,"mitt":17321,"pillar":17322,"nolan":17323,"petty":17324,"stry":17325,"ui":17326,"muk":17327,"ores":17328,"overs":17329,"áµ":17330,"recreation":17331,"wesley":17332,"rit":17333,"kejriwal":17334,"stocking":17335,"gv":17336,"subscribers":17337,"moose":17338,"mae":17339,"bert":17340,"oppre":17341,"assignment":17342,"uro":17343,"highlighting":17344,"calvin":17345,"weigh":17346,"cambodia":17347,"avon":17348,"kem":17349,"disabilities":17350,"ready":17351,"chargers":17352,"pads":17353,"izing":17354,"illian":17355,"truste":17356,"colleges":17357,"associates":17358,"albany":17359,"milton":17360,"cron":17361,"bur":17362,"hardly":17363,"sights":17364,"antiques":17365,"echo":17366,"surprisingly":17367,"haiti":17368,"capt":17369,"php":17370,"opio":17371,"inequality":17372,"equal":17373,"keny":17374,"schmid":17375,"autographs":17376,"rent":17377,"quer":17378,"citrus":17379,"challenged":17380,"tec":17381,"epide":17382,"fest":17383,"zhou":17384,"lime":17385,"citizenship":17386,"crystal":17387,"convinced":17388,"messenger":17389,"copenhagen":17390,"âĿĹï¸ı":17391,"warran":17392,"developments":17393,"ï¸ıâĥ£":17394,"forex":17395,"hiro":17396,"sneakers":17397,"xide":17398,"viva":17399,"stereo":17400,"batting":17401,"ssel":17402,"host":17403,"bengal":17404,"criticism":17405,"qc":17406,"crun":17407,"attempted":17408,"rye":17409,"determination":17410,"creations":17411,"dread":17412,"labels":17413,"posse":17414,"ancer":17415,"johan":17416,"sister":17417,"partnerships":17418,"lesbian":17419,"kst":17420,"guarantee":17421,"baro":17422,"fixing":17423,"mason":17424,"mous":17425,"chemicals":17426,"tless":17427,"biodiversity":17428,"paro":17429,"bharat":17430,"acol":17431,"refuge":17432,"ente":17433,"titi":17434,"dyssey":17435,"responds":17436,"lefto":17437,"iner":17438,"sevel":17439,"rahul":17440,"oline":17441,"frankfur":17442,"choreo":17443,"enjoyable":17444,"cto":17445,"struggles":17446,"woodland":17447,"heavyweight":17448,"gens":17449,"recep":17450,"accred":17451,"ðŁĺ¡":17452,"transformed":17453,"listen":17454,"atop":17455,"nk":17456,"surge":17457,"bere":17458,"governor":17459,"prisoners":17460,"claude":17461,"till":17462,"mulator":17463,"emotion":17464,"waterloo":17465,"start":17466,"ðŁĩº":17467,"cleaned":17468,"grandmother":17469,"fearless":17470,"african":17471,"astronomy":17472,"ðŁıģ":17473,"à¸Ļ":17474,"theworld":17475,"suitable":17476,"anthony":17477,"kand":17478,"tten":17479,"meaningful":17480,"disclo":17481,"jacobs":17482,"ø":17483,"tomlinson":17484,"ghetti":17485,"typho":17486,"substan":17487,"asco":17488,"tek":17489,"nagar":17490,"mud":17491,"amon":17492,"vaccine":17493,"fty":17494,"flesh":17495,"noel":17496,"inflation":17497,"portugue":17498,"glamour":17499,"tram":17500,"vre":17501,"tequ":17502,"roundup":17503,"wyn":17504,"rejected":17505,"mosaic":17506,"sighting":17507,"calf":17508,"ota":17509,"composition":17510,"gopro":17511,"gonzale":17512,"eed":17513,"bard":17514,"tue":17515,"effectively":17516,"ween":17517,"alto":17518,"ribs":17519,"relate":17520,"thirsty":17521,"furious":17522,"dim":17523,"chard":17524,"perfume":17525,"sny":17526,"churchill":17527,"kof":17528,"masterclass":17529,"wave":17530,"ðŁĶµ":17531,"erin":17532,"owns":17533,"tobe":17534,"skilled":17535,"tem":17536,"gof":17537,"eni":17538,"tori":17539,"crazy":17540,"lick":17541,"resistant":17542,"icial":17543,"agar":17544,"!:":17545,"gali":17546,"delaware":17547,"blitz":17548,"kohli":17549,"puck":17550,"availability":17551,"himalay":17552,"influential":17553,"crochet":17554,"victori":17555,"reading":17556,"hobby":17557,"viet":17558,"jas":17559,"engra":17560,"skul":17561,"ðŁĩ²ðŁĩ":17562,"educate":17563,"techno":17564,"districts":17565,"blues":17566,"sett":17567,"seventh":17568,"learns":17569,"eeee":17570,"apocalypse":17571,"hangout":17572,"cruel":17573,"mutu":17574,"bruh":17575,"helen":17576,"sheer":17577,"ction":17578,"klein":17579,"texans":17580,"cereal":17581,"shine":17582,"nered":17583,"gras":17584,"ambro":17585,"fella":17586,"hindu":17587,"matthew":17588,"lima":17589,"miranda":17590,"jewel":17591,"soho":17592,"eurovision":17593,"neighbours":17594,"chandler":17595,"besides":17596,"ðŁ¥°":17597,"astros":17598,"thumbs":17599,"renault":17600,"rave":17601,"hired":17602,"ðŁĸ¤":17603,"itary":17604,"zor":17605,"blazer":17606,"kine":17607,"eau":17608,"katy":17609,"dccomics":17610,"pec":17611,"rodgers":17612,"waterproof":17613,"killers":17614,"superint":17615,"preserv":17616,"asso":17617,"brewers":17618,"promotional":17619,"scam":17620,"villages":17621,"sketches":17622,"juicy":17623,"forlife":17624,"audit":17625,"solo":17626,"fundamental":17627,"lene":17628,"philippine":17629,"tend":17630,"conservatives":17631,"sponsorship":17632,"ddle":17633,"aine":17634,"htc":17635,"osi":17636,"hulk":17637,"waf":17638,"à¸Ļ":17639,"evaluation":17640,"antine":17641,"slee":17642,"robertson":17643,"roosevel":17644,"agi":17645,"sophistic":17646,"employers":17647,"bubbles":17648,"kowski":17649,"interaction":17650,"shu":17651,"boule":17652,"ican":17653,"jare":17654,"hank":17655,"legitim":17656,"knicks":17657,"karma":17658,"receiver":17659,"perks":17660,"uh":17661,"stair":17662,"suni":17663,"laboratory":17664,"graves":17665,"vocals":17666,"oot":17667,"cture":17668,"thrive":17669,"tico":17670,"ãĥ³":17671,"bw":17672,"cartoons":17673,"mcdonalds":17674,"draw":17675,"yung":17676,"pler":17677,"lid":17678,"ethical":17679,"groove":17680,"enta":17681,"internationalwomensday":17682,"patron":17683,"worries":17684,"ðŁİħ":17685,"ðŁijĭ":17686,"katherine":17687,"diaz":17688,"tori":17689,"bachchan":17690,"trust":17691,"mineral":17692,"icom":17693,"builders":17694,"born":17695,"coloring":17696,"latte":17697,"case":17698,"revolution":17699,"trader":17700,"oxid":17701,"chipot":17702,"instantly":17703,"southern":17704,"sehun":17705,"prob":17706,"hernandez":17707,"lisbon":17708,"huawe":17709,"pong":17710,"mea":17711,"rooney":17712,"wheelchair":17713,"keen":17714,"bett":17715,"corin":17716,"regulatory":17717,"displac":17718,"karen":17719,"schem":17720,"sunsets":17721,"whales":17722,"reminis":17723,"hep":17724,"hide":17725,"marcel":17726,"pandora":17727,"doyle":17728,"thfc":17729,"otto":17730,"nokia":17731,"transgender":17732,"kov":17733,"hawaiian":17734,"shave":17735,"sovere":17736,"excer":17737,"nicki":17738,"pug":17739,"stor":17740,"roth":17741,"weet":17742,"legal":17743,"dignity":17744,"pow":17745,"homage":17746,"ðŁĩ³ðŁĩ":17747,"sre":17748,"canon":17749,"lax":17750,"woah":17751,"quartz":17752,"ña":17753,"greeting":17754,"flickr":17755,"nairobi":17756,"advocates":17757,"anc":17758,"vii":17759,"eugene":17760,"thra":17761,"cre":17762,"elan":17763,"pension":17764,"thletics":17765,"toni":17766,"reagan":17767,"xv":17768,"store":17769,"bench":17770,"harlem":17771,"toddler":17772,"sentenced":17773,"âĻ¥ï¸ı":17774,"globally":17775,"cheaper":17776,"uf":17777,"mam":17778,"nico":17779,"iku":17780,"thou":17781,"nist":17782,"dami":17783,"thala":17784,"rhodes":17785,"sale":17786,"bowls":17787,"âĪ":17788,"lasvegas":17789,"sanctions":17790,"admire":17791,"matched":17792,"unable":17793,"traveler":17794,"eleven":17795,"strawberries":17796,"âĢĶâĢĶâĢĶâĢĶ":17797,"studio":17798,"jacques":17799,"ims":17800,"valued":17801,"sno":17802,"cheesecake":17803,"nxt":17804,"eos":17805,"sx":17806,"fx":17807,"tonic":17808,"hatch":17809,"chicks":17810,"grads":17811,"handic":17812,"rory":17813,"asp":17814,"ripped":17815,"dentist":17816,"nen":17817,"lufc":17818,"âľĬ":17819,"dige":17820,"hopkins":17821,"sherman":17822,"fda":17823,"forall":17824,"ashley":17825,"strand":17826,"hy":17827,"liquor":17828,"buffet":17829,"essence":17830,"pharma":17831,"suriya":17832,"ðŁĴĻðŁĴĻ":17833,"festivals":17834,"zan":17835,"refresh":17836,"purple":17837,"uniforms":17838,"kenneth":17839,"=)":17840,"asan":17841,"helsin":17842,"transformers":17843,"kali":17844,"personalized":17845,"chalk":17846,"bobby":17847,"âĮ":17848,"themes":17849,"departure":17850,"print":17851,"illustrations":17852,"quiet":17853,"agrees":17854,"griff":17855,"س":17856,"miti":17857,"together":17858,"convenience":17859,"abar":17860,"carlo":17861,"turtles":17862,"infosec":17863,"somewhat":17864,"arlington":17865,"scholarships":17866,"emirates":17867,"mums":17868,"stella":17869,"autonom":17870,"feather":17871,"gore":17872,"nominees":17873,"fragrance":17874,"ÑĤ":17875,"wong":17876,"theastern":17877,"gre":17878,"zilla":17879,"isi":17880,"bumper":17881,"goo":17882,"dozens":17883,"abduc":17884,"âļªï¸ı":17885,"oils":17886,"donors":17887,"silicon":17888,"ipod":17889,"fortnite":17890,"ðŁĴ¨":17891,"toro":17892,"sparkling":17893,"consciousness":17894,"pala":17895,"num":17896,"mounted":17897,"ffins":17898,"thieves":17899,"teammate":17900,"prab":17901,"omer":17902,"tapes":17903,"bod":17904,"mitsu":17905,"stew":17906,"ere":17907,"pbs":17908,"tusc":17909,"lowe":17910,"rade":17911,"parliamentary":17912,"hm":17913,"edgar":17914,"ðŁijĩðŁijĩ":17915,"toa":17916,"agh":17917,"honi":17918,"slate":17919,"geek":17920,"apt":17921,"hardt":17922,"tap":17923,"horizon":17924,"growth":17925,"makeover":17926,"hil":17927,"paperback":17928,"idan":17929,"rehabil":17930,"giu":17931,"possibilities":17932,"lettu":17933,"franco":17934,"boss":17935,"acher":17936,"doesnt":17937,"moe":17938,"taker":17939,"hussain":17940,"mlk":17941,"dil":17942,"thia":17943,"hama":17944,"realised":17945,"ravens":17946,"curriculum":17947,"mith":17948,"knight":17949,"tedx":17950,"rv":17951,"isaiah":17952,"cumbria":17953,"birthdays":17954,"fing":17955,"prez":17956,"mubarak":17957,"exquisite":17958,"clearance":17959,"yen":17960,"pari":17961,"evo":17962,"ú":17963,"modified":17964,"applying":17965,"implement":17966,"discovering":17967,"chapman":17968,"indiegame":17969,"disk":17970,"crowdfunding":17971,"machin":17972,"livel":17973,"styled":17974,"âĿĮ":17975,"making":17976,"rehearsals":17977,"nutriti":17978,"subscription":17979,"andro":17980,"creators":17981,"carries":17982,"kylie":17983,"camden":17984,"apprentice":17985,"taxpay":17986,"cca":17987,"tuesdaythoughts":17988,"pissed":17989,"erman":17990,"detec":17991,"freedom":17992,"meri":17993,"..!":17994,"psalm":17995,"sunlight":17996,"perspec":17997,"beings":17998,"bookstore":17999,"rockstar":18000,"functions":18001,"pence":18002,"faves":18003,"zn":18004,"obamacare":18005,"spill":18006,"coventry":18007,"pigeon":18008,"pivo":18009,"bait":18010,"kolkata":18011,"aval":18012,"donor":18013,"wah":18014,"privileg":18015,"traditions":18016,"rajasthan":18017,"teness":18018,"portuguese":18019,"ynes":18020,"tackles":18021,"defic":18022,"torn":18023,"polling":18024,"thorne":18025,"ina":18026,"benedict":18027,"barry":18028,"calories":18029,"verdict":18030,"savethe":18031,"norton":18032,"office":18033,"mainstream":18034,"improves":18035,"fron":18036,"responding":18037,"realtor":18038,"scottish":18039,"declar":18040,"rl":18041,"shiv":18042,"supplier":18043,"resting":18044,"sweets":18045,"qui":18046,".â̦":18047,"whitney":18048,"startup":18049,"thankyou":18050,"teacher":18051,"halls":18052,"have":18053,"handmade":18054,"proving":18055,"quartet":18056,"rochester":18057,"lian":18058,"virtual":18059,"mendes":18060,"oficial":18061,"midlands":18062,"xbox":18063,"measuring":18064,"ovo":18065,"accommodation":18066,"brides":18067,"collegiate":18068,"intellectual":18069,"incar":18070,"niag":18071,"ðŁį·":18072,"sfw":18073,"cocoa":18074,"coats":18075,"civilians":18076,"presidency":18077,"matrix":18078,"sweetheart":18079,"triathlon":18080,"wagner":18081,"radic":18082,"planner":18083,"theo":18084,"execution":18085,"kum":18086,"thewalkingdead":18087,"scar":18088,"rotation":18089,"blogging":18090,"bomb":18091,"reson":18092,"bbles":18093,"stare":18094,"assisted":18095,"edo":18096,"branded":18097,"warnings":18098,"thorpe":18099,"acknowle":18100,"satisfied":18101,"shores":18102,"rid":18103,"dora":18104,"physically":18105,"bigh":18106,"approves":18107,"hah":18108,"rical":18109,"versatile":18110,"pretend":18111,"lum":18112,"abhi":18113,"yee":18114,"spit":18115,"ãĢĮ":18116,"djs":18117,"ashtra":18118,"jt":18119,"venues":18120,"grammys":18121,"cyclo":18122,"tracker":18123,"overwatch":18124,"replica":18125,"elyn":18126,"nrl":18127,"lindsey":18128,"homo":18129,"balloons":18130,"kitchen":18131,"sis":18132,"amos":18133,"endeav":18134,"ðŁĴ»":18135,"arec":18136,"thug":18137,"hooked":18138,"hrc":18139,"newyork":18140,"burgh":18141,"americas":18142,"patricia":18143,"ugu":18144,"apathy":18145,"hast":18146,"psychi":18147,"cork":18148,"petrol":18149,"ðŁİ¬":18150,"aku":18151,"popping":18152,"psychological":18153,"aux":18154,"gma":18155,"cadillac":18156,"waste":18157,"authent":18158,"bristol":18159,"name":18160,"queer":18161,"tober":18162,"jerry":18163,"comin":18164,"chant":18165,"privileged":18166,"opar":18167,"loser":18168,"text":18169,"marker":18170,"stries":18171,"equally":18172,"aki":18173,"christmas":18174,"gareth":18175,"blew":18176,"emma":18177,"imagin":18178,"seals":18179,"cheat":18180,"conditioning":18181,"jana":18182,"rens":18183,"daries":18184,"oasis":18185,"discounts":18186,"council":18187,"ika":18188,"shirley":18189,"voucher":18190,"alps":18191,"wx":18192,"qr":18193,"drift":18194,"attempting":18195,"utc":18196,"ت":18197,"gonzalez":18198,"mf":18199,"joker":18200,"parallel":18201,"pare":18202,"aspects":18203,"procedu":18204,"np":18205,"ama":18206,"raleigh":18207,"brighten":18208,"guire":18209,"radiation":18210,"crescent":18211,"hob":18212,"ille":18213,"strand":18214,"vore":18215,"nard":18216,"chest":18217,"diwali":18218,"avatar":18219,"alder":18220,"dling":18221,"pathetic":18222,"ðŁĴĺ":18223,"spirit":18224,"jorge":18225,"filmmaking":18226,"ðŁĻıðŁĻı":18227,"challenger":18228,"bj":18229,"downtown":18230,"html":18231,"adequ":18232,"twisted":18233,"inely":18234,"('":18235,"wraps":18236,"operational":18237,"yne":18238,"nus":18239,"magnet":18240,"marketplace":18241,"healthier":18242,"snapshot":18243,"damon":18244,"interven":18245,"federer":18246,"owls":18247,"biscuits":18248,"jp":18249,"rodeo":18250,"blueberry":18251,"lection":18252,"frontier":18253,"summers":18254,"reyes":18255,"pedestrian":18256,"gol":18257,"caffe":18258,"refurbi":18259,"boulder":18260,"meghan":18261,"specialty":18262,"lass":18263,"ei":18264,"suspects":18265,"approx":18266,"rrr":18267,"rath":18268,"stim":18269,"crushed":18270,"hed":18271,"whun":18272,"loaf":18273,"crore":18274,"rivera":18275,"genetics":18276,"sock":18277,"wasted":18278,"nypd":18279,"answering":18280,"dove":18281,"bella":18282,"olin":18283,"dun":18284,"fiji":18285,"pretty":18286,"sparkle":18287,"yun":18288,"jd":18289,"europa":18290,"lifts":18291,"amber":18292,"mur":18293,"tek":18294,"boyd":18295,"royalty":18296,"indo":18297,"rib":18298,"gotham":18299,"tiest":18300,"installing":18301,"kemp":18302,"thephoto":18303,"cosmic":18304,")))":18305,"wholesale":18306,"loyment":18307,"easy":18308,"suing":18309,"settled":18310,"afp":18311,"prover":18312,"supportive":18313,"rees":18314,"neath":18315,"deliber":18316,"cé":18317,"welcome":18318,"picoftheday":18319,"newborn":18320,"patty":18321,"suns":18322,"siest":18323,"flint":18324,"differently":18325,"spoilers":18326,"trooper":18327,"gins":18328,"cory":18329,"lookout":18330,"equipped":18331,"tape":18332,"toby":18333,"researcher":18334,"ush":18335,"keyes":18336,"alma":18337,"induction":18338,"kw":18339,"khar":18340,"slick":18341,"bride":18342,"eur":18343,"craving":18344,"bookings":18345,"ches":18346,"trunk":18347,"vernon":18348,"spher":18349,"crystals":18350,"relatively":18351,"pompe":18352,"unions":18353,"valley":18354,"para":18355,"want":18356,"okc":18357,"deaf":18358,"sergio":18359,"lennon":18360,"shay":18361,"cra":18362,"vat":18363,"hee":18364,"twe":18365,"liquid":18366,"poly":18367,"ðŁİģ":18368,"bent":18369,"bearing":18370,"motorsport":18371,"barbe":18372,"testi":18373,"hani":18374,"financing":18375,"astronaut":18376,"watercolour":18377,"rish":18378,"comiccon":18379,"gart":18380,"wrong":18381,"bern":18382,"itan":18383,"stepped":18384,"filters":18385,"clow":18386,"mex":18387,"demons":18388,"allo":18389,"expanded":18390,"command":18391,"eters":18392,"goats":18393,"siri":18394,"yr":18395,"pottery":18396,"marion":18397,"ile":18398,"elan":18399,"santo":18400,"persona":18401,"duke":18402,"homeless":18403,"lighted":18404,"wheeler":18405,"changer":18406,"cabbage":18407,"surreal":18408,"hamburg":18409,"smashed":18410,"stran":18411,"knot":18412,"iart":18413,"obi":18414,"bedro":18415,"dial":18416,"thick":18417,"bingo":18418,"fus":18419,"vacuum":18420,"conve":18421,"ative":18422,"accuracy":18423,"account":18424,"refer":18425,"riz":18426,"spiderman":18427,"bana":18428,"rite":18429,"ub":18430,"abs":18431,"medical":18432,"link":18433,"siem":18434,">>>>":18435,"betra":18436,"glowing":18437,"reactions":18438,"puppet":18439,"spaghetti":18440,"angs":18441,"remedi":18442,"prayfor":18443,"royce":18444,"charlotte":18445,"£ï¸ı":18446,"ghet":18447,"affecting":18448,"rode":18449,"socialist":18450,"moses":18451,"azi":18452,"oit":18453,"reporters":18454,"cdt":18455,"aping":18456,"snat":18457,"minimal":18458,"waist":18459,"siege":18460,">>>>":18461,"rig":18462,"schmidt":18463,"hare":18464,"eca":18465,"thorn":18466,"hemp":18467,"esthe":18468,"clyde":18469,"tha":18470,"donut":18471,"mohamed":18472,"lingerie":18473,"legg":18474,"carpenter":18475,"performers":18476,"dea":18477,"imagined":18478,"curse":18479,"lash":18480,"ctr":18481,"agua":18482,"roar":18483,"gri":18484,"role":18485,"jfk":18486,"resurrec":18487,"roosevelt":18488,"marilyn":18489,"smalle":18490,"willis":18491,"waited":18492,"charities":18493,"theres":18494,"lik":18495,"original":18496,"cari":18497,"cough":18498,"cruci":18499,"lagun":18500,"contrast":18501,"kou":18502,"armour":18503,"removing":18504,"tent":18505,"mazda":18506,"brighter":18507,"thief":18508,"corner":18509,"tequila":18510,"buzzing":18511,"albi":18512,"pam":18513,"azure":18514,"discoun":18515,"pixelart":18516,"possibility":18517,"hamont":18518,"trades":18519,"buda":18520,"hive":18521,"versy":18522,"finch":18523,"transpa":18524,"emi":18525,"terrifying":18526,"inqui":18527,"gba":18528,"substitu":18529,"collecti":18530,"placing":18531,"cindy":18532,"kann":18533,"patho":18534,"diamond":18535,"mourinho":18536,"guinea":18537,"anthropo":18538,"airs":18539,"pumps":18540,"ìļ":18541,"paso":18542,"curling":18543,"anita":18544,"residency":18545,"newh":18546,"joon":18547,"cigarette":18548,"queue":18549,"extrac":18550,"games":18551,"splen":18552,"express":18553,"publicly":18554,"bonnie":18555,"tribune":18556,"baek":18557,"reasonable":18558,"cor":18559,"timothy":18560,"sheeran":18561,"ı":18562,"fdn":18563,"sutton":18564,"concentration":18565,"caravan":18566,"xavier":18567,"alger":18568,"cylin":18569,"frederick":18570,"nerve":18571,"peak":18572,"lettuce":18573,"jail":18574,"pregame":18575,"kavan":18576,"upgraded":18577,"ecology":18578,"squadron":18579,"grapes":18580,"goog":18581,"pastry":18582,"ðŁĹ£":18583,"ãĥ¼ãĥ":18584,"milano":18585,"awaz":18586,"presenter":18587,"ðŁĮ¿":18588,"herd":18589,"kings":18590,"template":18591,"flour":18592,"hv":18593,"kley":18594,"iya":18595,"spec":18596,"ater":18597,"frankfurt":18598,"coch":18599,"texting":18600,"deli":18601,"communist":18602,"regiment":18603,"eleanor":18604,"anticipated":18605,"ðŁijĮðŁı»":18606,"thephotohour":18607,"rano":18608,"surviving":18609,"simulation":18610,"dawson":18611,"arin":18612,"aqua":18613,"mor":18614,"â̦.":18615,"cino":18616,"iraqi":18617,"shaz":18618,"dundee":18619,"wes":18620,"drau":18621,"hannah":18622,"snews":18623,"occupation":18624,"steen":18625,"xm":18626,"angles":18627,"settings":18628,"guru":18629,"knox":18630,"orca":18631,"shaping":18632,"went":18633,"drilling":18634,"zzie":18635,"bri":18636,"kissing":18637,"find":18638,"maine":18639,"âŃIJï¸ıâŃIJï¸ı":18640,"ðŁĮį":18641,"larry":18642,"busted":18643,"tavern":18644,"actively":18645,"-\"":18646,"replacing":18647,"nod":18648,"unlock":18649,".\"":18650,"âŀ¤":18651,"affiliate":18652,"tow":18653,"ln":18654,"happynewyear":18655,"dif":18656,"jm":18657,"greenwich":18658,"controversy":18659,"dawg":18660,"condol":18661,"savannah":18662,"compensation":18663,"touchdown":18664,"teo":18665,"ambitious":18666,"embroi":18667,"convicted":18668,"iartg":18669,"barack":18670,"trance":18671,"testimony":18672,"audition":18673,"thumb":18674,"myths":18675,"bex":18676,"quez":18677,"orchid":18678,"deny":18679,"entitled":18680,"hood":18681,"grant":18682,"inbox":18683,"bluejays":18684,"rilla":18685,"smallest":18686,"burden":18687,"infamous":18688,"divided":18689,"boundaries":18690,"tter":18691,"elt":18692,"wyoming":18693,"beverage":18694,"mesm":18695,"onews":18696,"buddhist":18697,"yana":18698,"assad":18699,"isms":18700,"barrett":18701,"predicted":18702,"backto":18703,"twit":18704,"ethere":18705,"captains":18706,"escaped":18707,"ayo":18708,"lamborgh":18709,"gardner":18710,"laps":18711,"kal":18712,"advertisement":18713,"insects":18714,"napo":18715,"amen":18716,"acy":18717,"rand":18718,"gk":18719,"teh":18720,"kathle":18721,"tridge":18722,"pancake":18723,"atro":18724,"pyramid":18725,"bula":18726,"paralym":18727,"gauge":18728,"encies":18729,"tomy":18730,"biscuit":18731,"butcher":18732,"qualifier":18733,"county":18734,"kei":18735,"pools":18736,"darker":18737,"shoulders":18738,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":18739,"spre":18740,"(\"":18741,"writers":18742,"gm":18743,"ðŁİĵ":18744,"knit":18745,"huff":18746,"mtb":18747,"phillies":18748,"ost":18749,"denis":18750,"gart":18751,"licensed":18752,"interface":18753,"excel":18754,"dwell":18755,"fromthe":18756,"cofficial":18757,"azzi":18758,"appearing":18759,"forest":18760,"nana":18761,"keith":18762,"manufacturers":18763,"beckham":18764,")?":18765,"ese":18766,"colony":18767,"delicate":18768,"utter":18769,"mcin":18770,"transplant":18771,"preferred":18772,"pard":18773,"arie":18774,"hub":18775,"pods":18776,"perspectives":18777,"pict":18778,"delu":18779,"apper":18780,"bethan":18781,"pmo":18782,"criminals":18783,"feminism":18784,"shack":18785,"circumstances":18786,"fellas":18787,"protesting":18788,"wax":18789,"suggested":18790,"tator":18791,"drew":18792,"omni":18793,"fake":18794,"kathy":18795,"reb":18796,"deline":18797,"berni":18798,"misty":18799,"ðŁij©":18800,"erable":18801,"breakthrough":18802,"menswear":18803,"millennials":18804,"chanyeol":18805,"laz":18806,"insert":18807,"replies":18808,"phrase":18809,"nx":18810,"iheartawards":18811,"audrey":18812,"granite":18813,"racec":18814,"orie":18815,"terra":18816,"innovations":18817,"brittany":18818,"ateral":18819,"pear":18820,"biological":18821,"shments":18822,"institution":18823,"msn":18824,"frequency":18825,"dman":18826,"neglec":18827,"tf":18828,"stefan":18829,"foxnews":18830,"typo":18831,"comms":18832,"sequence":18833,"carmen":18834,"whites":18835,"economist":18836,"exeter":18837,"seum":18838,"resorts":18839,"casually":18840,"bunde":18841,"divide":18842,"ع":18843,"gag":18844,"creed":18845,"retire":18846,"caucus":18847,"rapids":18848,"wrestlemania":18849,"tulsa":18850,"sunderland":18851,"fundament":18852,"odi":18853,"yamaha":18854,"vary":18855,"intrigu":18856,"else":18857,"beacon":18858,"angie":18859,"traded":18860,"transm":18861,"gents":18862,"knitting":18863,"galac":18864,"ðĿĹ":18865,"uto":18866,"seaside":18867,"holt":18868,"rers":18869,"fargo":18870,"trainers":18871,"monsoon":18872,"bale":18873,"sought":18874,"maddie":18875,"hw":18876,"coli":18877,"fran":18878,"favs":18879,"ðŁĴĶ":18880,"intent":18881,"rally":18882,"sbs":18883,"lemonade":18884,"barackobama":18885,"bread":18886,"sticky":18887,"explosive":18888,"chelten":18889,"tj":18890,"assoc":18891,"ramen":18892,"homies":18893,"vlog":18894,"mister":18895,"lord":18896,"âĢįâĻĢï¸ı":18897,"alyssa":18898,"sketchbook":18899,"rumble":18900,"catch":18901,"migrant":18902,"discipline":18903,"unlikely":18904,"chronicles":18905,"flora":18906,"slams":18907,"amid":18908,"sboro":18909,"coop":18910,"jumps":18911,"tranqu":18912,"melis":18913,"sofia":18914,"enri":18915,"gabe":18916,"syri":18917,"nicolas":18918,"chai":18919,"wv":18920,"becky":18921,"footy":18922,"tao":18923,"suppose":18924,"ðŁĺįðŁĺįðŁĺįðŁĺį":18925,"plush":18926,"rish":18927,"ð٤ĵ":18928,"kha":18929,"saturdays":18930,"accent":18931,"hec":18932,"limit":18933,"carlton":18934,"wired":18935,"taylorswift":18936,"ðŁĺij":18937,"sql":18938,"harro":18939,"recipients":18940,"gat":18941,"gop":18942,"thof":18943,"amazed":18944,"ghan":18945,"ðŁıĨðŁıĨ":18946,"porto":18947,"clare":18948,"distant":18949,"nac":18950,"ohio":18951,"ðŁĻıðŁı¼":18952,"mtn":18953,"antibio":18954,"dinosa":18955,"mesa":18956,"partial":18957,"bv":18958,"learnt":18959,"lovato":18960,"question":18961,"extract":18962,"gossip":18963,"gibb":18964,"niagara":18965,"ðŁij¨":18966,"displayed":18967,"sooner":18968,"stevie":18969,"nuggets":18970,"mln":18971,"brom":18972,"turb":18973,"giveaways":18974,"stupi":18975,"blink":18976,"cili":18977,"convenient":18978,"moh":18979,"vive":18980,"fric":18981,"cause":18982,"chamber":18983,"cules":18984,"nearest":18985,"isse":18986,"smallbiz":18987,"tj":18988,"canadians":18989,"smarter":18990,"brasil":18991,"rare":18992,"quette":18993,"wha":18994,"candle":18995,"atomic":18996,"ðŁijįðŁijį":18997,"warrior":18998,"relaxed":18999,"strips":19000,"neur":19001,"kka":19002,"rfc":19003,"jensen":19004,"recovering":19005,"responses":19006,"salam":19007,"orthodox":19008,"active":19009,"ellers":19010,"nit":19011,"âŃIJ":19012,"metropolitan":19013,"centuries":19014,"vida":19015,"grading":19016,"transparent":19017,"simple":19018,"dots":19019,"superintendent":19020,"elevator":19021,"automated":19022,"redskins":19023,"imam":19024,"summertime":19025,"jonathan":19026,"gearing":19027,"michelle":19028,"conflic":19029,"mice":19030,"tote":19031,"publish":19032,"pax":19033,")-":19034,"nailed":19035,"á´":19036,"telescope":19037,"serbia":19038,"bab":19039,"apeu":19040,"stically":19041,"senti":19042,"rats":19043,"isolated":19044,"group":19045,"hatred":19046,"paranormal":19047,"stanley":19048,"alion":19049,"safety":19050,"ls":19051,"र":19052,"nexus":19053,"alexandra":19054,"masks":19055,"++":19056,"tron":19057,"auk":19058,"brotherhood":19059,"browse":19060,"mixes":19061,"simone":19062,"musk":19063,"approve":19064,"lola":19065,"exp":19066,"perth":19067,"futuri":19068,"unseen":19069,"dm":19070,"chelse":19071,"scouting":19072,"owe":19073,"portsmouth":19074,"kram":19075,"mize":19076,"dispen":19077,"sup":19078,"dlc":19079,"advert":19080,"teresa":19081,"isle":19082,"cycle":19083,"metall":19084,"shields":19085,"mariners":19086,"raz":19087,"ingen":19088,"fund":19089,"ango":19090,"jones":19091,"oka":19092,"madden":19093,"broccoli":19094,"dominic":19095,"situations":19096,"mero":19097,"cricke":19098,"punishment":19099,"db":19100,"shaking":19101,"ðŁĺļ":19102,"mq":19103,"arians":19104,"leh":19105,"claw":19106,"weds":19107,"dure":19108,"niel":19109,"jelly":19110,"gourmet":19111,"traders":19112,"levi":19113,"wages":19114,"knees":19115,"wise":19116,"heavenly":19117,"avid":19118,"melody":19119,"zack":19120,"bananas":19121,"apprentice":19122,"prop":19123,"funny":19124,"ode":19125,"respected":19126,"megan":19127,"fewer":19128,"drafted":19129,"medit":19130,"grape":19131,"usarmy":19132,"crusad":19133,"vocali":19134,"preparations":19135,"nonsense":19136,"usage":19137,"thr":19138,"roth":19139,"wizards":19140,"inside":19141,"promotions":19142,"mona":19143,"redsox":19144,"sig":19145,"elegance":19146,"chia":19147,"universal":19148,"ãĢį":19149,"raja":19150,"unga":19151,"pollin":19152,"filipino":19153,"aka":19154,"tsun":19155,"ikon":19156,"biking":19157,"decorations":19158,"zac":19159,"cadets":19160,"humour":19161,"agm":19162,"reppin":19163,"vaccin":19164,"elove":19165,"uw":19166,"diabe":19167,"gallagher":19168,"azer":19169,"dol":19170,"awhile":19171,"prominent":19172,"welsh":19173,"tann":19174,"')":19175,"bien":19176,"wag":19177,"inal":19178,"cwc":19179,"wicket":19180,"urst":19181,"qanon":19182,"xe":19183,"outdoor":19184,"dunn":19185,"starr":19186,"cology":19187,"ricky":19188,"uefa":19189,"rebounds":19190,"smusic":19191,"infant":19192,"ðŁĻĭ":19193,"sop":19194,"umber":19195,"handing":19196,"begin":19197,"sorting":19198,"hash":19199,"spati":19200,"rek":19201,"budapest":19202,"blackhawks":19203,"delete":19204,"rom":19205,"candid":19206,"authori":19207,"debris":19208,"specul":19209,"intersection":19210,"marriott":19211,"imran":19212,"ðŁĺģðŁĺģ":19213,"cruises":19214,"ramsey":19215,"rafael":19216,"awareness":19217,"vascular":19218,"beyoncé":19219,"rug":19220,"ðŁĺĮ":19221,"festiv":19222,"aram":19223,"sable":19224,"basil":19225,"pill":19226,"flooring":19227,"unbeaten":19228,"implications":19229,"uf":19230,"wound":19231,"forge":19232,"pointing":19233,"pots":19234,"popularity":19235,"ðŁijıðŁı»":19236,"manipul":19237,"slots":19238,"debates":19239,"absence":19240,"vermont":19241,"neverforget":19242,"wrist":19243,"gloria":19244,"rence":19245,"husk":19246,"melting":19247,"ðŁİŁ":19248,"braces":19249,"timely":19250,"transforming":19251,"amps":19252,"mak":19253,"poe":19254,"ahan":19255,"generally":19256,"ndp":19257,"aleppo":19258,"unicef":19259,"profs":19260,"nord":19261,"mask":19262,"jacksonville":19263,"vv":19264,"shells":19265,"blooming":19266,"operators":19267,"charcoal":19268,"neville":19269,"magi":19270,"chip":19271,"sama":19272,"iran":19273,"reforms":19274,"accumul":19275,"rue":19276,"æľ":19277,"websites":19278,"gaon":19279,"devastating":19280,"stos":19281,"glacier":19282,"rapp":19283,"chipotle":19284,"pra":19285,"orous":19286,"romney":19287,"season":19288,"decorative":19289,"cisco":19290,"ditch":19291,"complain":19292,"llo":19293,"assume":19294,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":19295,"nels":19296,"centric":19297,"ftw":19298,"carrots":19299,"tata":19300,"canter":19301,"perience":19302,"liers":19303,"demos":19304,"blunt":19305,"operate":19306,"reservations":19307,"leah":19308,"substance":19309,"dison":19310,"ante":19311,"election":19312,"vue":19313,"square":19314,"nonprofit":19315,"caa":19316,"fsu":19317,"yam":19318,"ãĤ¤":19319,"vladi":19320,"completes":19321,"mari":19322,"phillip":19323,"neill":19324,"eras":19325,"kait":19326,"mendo":19327,"maharashtra":19328,"gp":19329,"dane":19330,"providence":19331,"therapeu":19332,"juvenile":19333,"memo":19334,"incorpor":19335,"aaaa":19336,"seventeen":19337,"teenager":19338,"ã":19339,"orns":19340,"wide":19341,"cuteness":19342,"twd":19343,"ffles":19344,"bara":19345,"comedy":19346,"overtime":19347,"yaz":19348,"baron":19349,"unemployment":19350,"ðŁijĭ":19351,"exterior":19352,"dense":19353,"centres":19354,"matchup":19355,"historymonth":19356,"artificial":19357,"quit":19358,"esk":19359,"warn":19360,"critic":19361,"jaf":19362,"ðŁĵ²":19363,"informative":19364,"fuels":19365,"recycle":19366,"naming":19367,"stripe":19368,"solic":19369,"molecular":19370,"deepi":19371,"convo":19372,"ssel":19373,"nae":19374,"descent":19375,"tiz":19376,"accountability":19377,"terry":19378,"rito":19379,"slay":19380,"emo":19381,"demol":19382,"sensation":19383,"cov":19384,"tore":19385,"roundtable":19386,"yol":19387,"excuses":19388,"à¥į":19389,"turquo":19390,"hhhh":19391,"podcasts":19392,"celeb":19393,"messi":19394,"lio":19395,"mann":19396,"contributed":19397,"uz":19398,"generator":19399,"elets":19400,"veggie":19401,"indul":19402,"ensuring":19403,"detroit":19404,"punjab":19405,"transpor":19406,"instruction":19407,"add":19408,"porcel":19409,"paneli":19410,"circles":19411,"persist":19412,"clayton":19413,"spn":19414,"dogsoftwitter":19415,"isnt":19416,"spr":19417,"retailers":19418,"pw":19419,"hungar":19420,"elena":19421,"monaster":19422,"guatem":19423,"jessie":19424,"anz":19425,"rashi":19426,"flee":19427,"carving":19428,"faux":19429,"lal":19430,"henri":19431,"djo":19432,"dull":19433,"sana":19434,"lara":19435,"globe":19436,"crimson":19437,"compass":19438,"pause":19439,"nab":19440,"lionel":19441,"baths":19442,"ufo":19443,"inventory":19444,"singh":19445,"satan":19446,"ðŁĩ¸":19447,"cements":19448,"inform":19449,"generated":19450,"biden":19451,"avg":19452,"tasks":19453,"deer":19454,"sau":19455,"jailed":19456,"pastel":19457,"scc":19458,"nail":19459,"steele":19460,"peris":19461,"lamborghini":19462,"pursue":19463,"margin":19464,"uch":19465,"bosch":19466,"drain":19467,"clara":19468,"bom":19469,"latino":19470,"webster":19471,"rosemary":19472,"rha":19473,"soun":19474,"billionaire":19475,"notch":19476,"percentage":19477,"conor":19478,"'\"":19479,"homes":19480,"earthday":19481,"hort":19482,"biggest":19483,"disin":19484,"walton":19485,"editors":19486,"imma":19487,"omar":19488,"equivalent":19489,"pharmaceu":19490,"ahmed":19491,"cameo":19492,"hanni":19493,"underrated":19494,"gement":19495,"microbi":19496,"voo":19497,"honorable":19498,"obesity":19499,"âļ¡ï¸ı":19500,"limerick":19501,"involvement":19502,"stagram":19503,"boulevard":19504,"burg":19505,"blackandwhite":19506,"liberation":19507,"five":19508,"interim":19509,"smm":19510,"rivalry":19511,"capabilities":19512,"statements":19513,"thumb":19514,"ved":19515,"swans":19516,"barber":19517,"eque":19518,"serena":19519,"helm":19520,"noodle":19521,"sampling":19522,"nawaz":19523,"single":19524,"thunderstorms":19525,"shon":19526,"inev":19527,"ë¯":19528,"topp":19529,"orchard":19530,"bian":19531,"ðŁĺĶ":19532,"doorstep":19533,"salvation":19534,"marketing":19535,"rons":19536,"clemson":19537,"ravi":19538,"intake":19539,"standwith":19540,"sina":19541,"haiku":19542,"pley":19543,"electoral":19544,"philly":19545,"lays":19546,"electric":19547,"capturing":19548,"upp":19549,"ergy":19550,"believing":19551,"cultures":19552,"esday":19553,"invasive":19554,"eded":19555,"speech":19556,"endur":19557,"vietnam":19558,"boycott":19559,"pede":19560,"deliver":19561,"ðŁĴĸðŁĴĸ":19562,"merchant":19563,"stir":19564,"denies":19565,"pockets":19566,"oti":19567,"cuddle":19568,"roland":19569,"mmed":19570,"dened":19571,"learners":19572,"hoop":19573,"sourcing":19574,"hacked":19575,"dim":19576,"environments":19577,"benson":19578,"judicial":19579,"worcester":19580,"pearls":19581,"governments":19582,"arrivals":19583,"corners":19584,"tuning":19585,"labour":19586,"ym":19587,"ordering":19588,"lewi":19589,"ife":19590,"hygiene":19591,"thoughtful":19592,"indonesian":19593,"campaigning":19594,"principle":19595,"assaul":19596,"rubb":19597,"atv":19598,"willy":19599,"entre":19600,"ili":19601,"phon":19602,"duties":19603,"âĻ¥âĻ¥":19604,"snakes":19605,"loop":19606,"amar":19607,"convertible":19608,"bonding":19609,"mentoring":19610,"maxwell":19611,"ethereum":19612,"destroying":19613,"axis":19614,"cairo":19615,"finnish":19616,"shock":19617,"ðŁĺIJ":19618,"caleb":19619,"coma":19620,"pedal":19621,"core":19622,"continent":19623,"elson":19624,"tempo":19625,"helsinki":19626,"acp":19627,"tackling":19628,"stated":19629,"bla":19630,"doub":19631,"smashing":19632,"aja":19633,"cameron":19634,"disruption":19635,"warmth":19636,"beingsalmankhan":19637,"bulletin":19638,"ode":19639,"syracuse":19640,"aran":19641,"mcgregor":19642,"bulk":19643,"anton":19644,"confirmation":19645,"spine":19646,"imran":19647,"instruc":19648,"jacks":19649,"chio":19650,"palm":19651,"stre":19652,"embarrassing":19653,"unt":19654,"eliminate":19655,"toss":19656,"cise":19657,"aws":19658,"onists":19659,"shinee":19660,"jos":19661,"hose":19662,"lively":19663,"opponents":19664,"movements":19665,"recognizing":19666,"sandwiches":19667,"shakes":19668,"exercises":19669,"seat":19670,"profession":19671,"merrychristmas":19672,"lugg":19673,"adoptdont":19674,"marvin":19675,"byrne":19676,"unle":19677,"het":19678,"kuwait":19679,"rahman":19680,"aspect":19681,"humbled":19682,"genes":19683,"fand":19684,"longtime":19685,");":19686,"campu":19687,"angus":19688,"ðŁijįðŁı¼":19689,"quran":19690,"sleeves":19691,"slic":19692,"¸ë":19693,"twelve":19694,"youre":19695,"ike":19696,"gogh":19697,"bst":19698,"dictionary":19699,"reflecting":19700,"toon":19701,"yarn":19702,"embed":19703,"ðŁı´":19704,"reserves":19705,"flooded":19706,"veriz":19707,"dusk":19708,"establish":19709,"proli":19710,"aud":19711,"ritual":19712,"orbit":19713,"declaration":19714,"recordings":19715,"camo":19716,"cassette":19717,"goodluck":19718,"cutter":19719,"bop":19720,"bho":19721,"cheating":19722,"pacific":19723,"mares":19724,"timer":19725,"colt":19726,"trous":19727,"tomorrow":19728,"hansen":19729,"cie":19730,"wang":19731,"bani":19732,"circular":19733,"acute":19734,"farmer":19735,"coys":19736,"pse":19737,"irving":19738,"wj":19739,"hawkins":19740,"bison":19741,"urday":19742,"cruising":19743,"ote":19744,"kath":19745,"whistle":19746,"yourselves":19747,"antis":19748,"slash":19749,"thoroughly":19750,"kesh":19751,"serie":19752,"exem":19753,"enig":19754,"guild":19755,"shred":19756,"hogan":19757,"apo":19758,"ä¸":19759,"puzz":19760,"netball":19761,"aussi":19762,"panorama":19763,"wsj":19764,"avis":19765,"arming":19766,"humph":19767,"browser":19768,"cries":19769,"foggy":19770,"matte":19771,"ðŁĮ»":19772,"iter":19773,"tallest":19774,"byron":19775,"captiv":19776,"jesu":19777,"anyways":19778,"flagship":19779,"pton":19780,"wey":19781,"fayette":19782,"financial":19783,"foul":19784,"solomon":19785,"jennifer":19786,"cucumber":19787,"argue":19788,"textile":19789,"wrestler":19790,"johnston":19791,"pastor":19792,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":19793,"cactus":19794,"edible":19795,"reserved":19796,"richie":19797,"metres":19798,"ingredient":19799,"hella":19800,"unto":19801,"chol":19802,"celebs":19803,"poets":19804,"graham":19805,"hayden":19806,"coincidence":19807,"baw":19808,"communicate":19809,"fletcher":19810,"/-":19811,"toledo":19812,"ecuador":19813,"counsel":19814,"slaughter":19815,"linear":19816,"atp":19817,"osu":19818,"joel":19819,"eved":19820,"conquer":19821,"rustic":19822,"plicity":19823,"recognise":19824,"roommate":19825,"cracked":19826,"jasper":19827,"pher":19828,"ðŁĮº":19829,"woven":19830,"moist":19831,"ffc":19832,"steering":19833,"nish":19834,"standings":19835,"frequent":19836,"ardi":19837,"hazel":19838,"asmsg":19839,"baum":19840,"dart":19841,"sidd":19842,"nath":19843,"chero":19844,"cardboard":19845,"css":19846,"nsfw":19847,"pair":19848,"ðŁĺįðŁĺĺ":19849,"occurred":19850,"homelessness":19851,"malone":19852,"phe":19853,"xia":19854,"paddy":19855,"declare":19856,"theatre":19857,"bf":19858,"persian":19859,"tad":19860,"axe":19861,"suspicious":19862,"lamb":19863,"mucho":19864,"senior":19865,"stas":19866,"kite":19867,"sting":19868,"grad":19869,"kaf":19870,"watering":19871,"د":19872,"spiral":19873,"thms":19874,"educator":19875,"jerome":19876,"ofc":19877,"clock":19878,"sul":19879,"pemb":19880,".........":19881,"parkway":19882,"deaux":19883,"restrictions":19884,"mons":19885,"needle":19886,"ej":19887,"leagues":19888,"watermelon":19889,"aman":19890,"plenary":19891,"maxim":19892,"wab":19893,"comingsoon":19894,"bryce":19895,"vigil":19896,"supermarket":19897,"fortunate":19898,"turquoise":19899,"president":19900,"liv":19901,"interns":19902,"feelin":19903,"fixtures":19904,"stunt":19905,"staged":19906,"premieres":19907,"lok":19908,"practiti":19909,"shortage":19910,"logne":19911,"vec":19912,"concor":19913,"rocke":19914,"lig":19915,"composed":19916,"synthetic":19917,"dip":19918,"camila":19919,"chis":19920,"jou":19921,"susan":19922,"eyebrows":19923,"supplement":19924,"satisfaction":19925,"mohammad":19926,"tibet":19927,"houseof":19928,"pun":19929,"assam":19930,"shadowhun":19931,"psyched":19932,"seduc":19933,"mandatory":19934,"herbert":19935,"scallo":19936,"streamers":19937,"protocol":19938,"blockbuster":19939,"produces":19940,"schnei":19941,"laurel":19942,"tribe":19943,"timehop":19944,"pla":19945,"modelling":19946,"tvtime":19947,"mtvstars":19948,"widow":19949,"metric":19950,"cham":19951,"condo":19952,"flowering":19953,"alec":19954,"dms":19955,"intensity":19956,"¨":19957,"mccartney":19958,"islamabad":19959,"kb":19960,"ffi":19961,"phal":19962,"analog":19963,"fond":19964,"hacks":19965,"positivity":19966,"treaty":19967,"submarine":19968,"connect":19969,"selen":19970,"categories":19971,"cub":19972,"organize":19973,"sik":19974,"quoteoftheday":19975,"reminding":19976,"amor":19977,"locking":19978,"ðŁijıðŁı¼":19979,"compound":19980,"ette":19981,"bout":19982,"recur":19983,"ference":19984,"mizz":19985,"trend":19986,"hipster":19987,"fortress":19988,"forthcoming":19989,"prelimin":19990,"odyssey":19991,"angp":19992,"delici":19993,"evenings":19994,"ðŁĶ¹":19995,"iq":19996,"dw":19997,"dair":19998,"kathryn":19999,"christianity":20000,"moonlight":20001,"hab":20002,"whoo":20003,"fbf":20004,"seth":20005,"genuinely":20006,"pax":20007,"charity":20008,"deployed":20009,"bnb":20010,"bucs":20011,"judg":20012,"conge":20013,"plantation":20014,"impress":20015,"cara":20016,"sclub":20017,"scopy":20018,"landers":20019,"complaints":20020,"bama":20021,"rebuild":20022,"xy":20023,"realism":20024,"shour":20025,"lein":20026,"bracelets":20027,"mera":20028,"assassin":20029,"anchor":20030,"ðŁijĮðŁı¼":20031,"linen":20032,"confron":20033,"chronicle":20034,"comment":20035,"catalog":20036,"illes":20037,"gorge":20038,"metry":20039,"jungkook":20040,"lovemy":20041,"sentin":20042,"seem":20043,"fitness":20044,"allied":20045,"tsman":20046,"digitaltransformation":20047,"pran":20048,"loft":20049,"minton":20050,"aldenrichards":20051,"envel":20052,"cherish":20053,"certainty":20054,"zzz":20055,"rhino":20056,"perkins":20057,"enrich":20058,"capetown":20059,"ometer":20060,"sections":20061,"skeleton":20062,"defenders":20063,"ðŁĺĿ":20064,"penc":20065,"brit":20066,"jah":20067,"capitalism":20068,"ðŁ¥ĩ":20069,"bazaar":20070,"reme":20071,"ext":20072,"kkk":20073,"convert":20074,"stormy":20075,"bye":20076,"karan":20077,"chrysler":20078,"ados":20079,"pressed":20080,"sync":20081,"ationday":20082,"danger":20083,"badges":20084,"refuses":20085,"empowering":20086,"lym":20087,"exports":20088,"adoptdontshop":20089,"ðŁĩ¯":20090,"thc":20091,"awaited":20092,"focuses":20093,"fined":20094,"oat":20095,"hahahah":20096,"âģ©":20097,"nfamily":20098,"fiona":20099,"luckily":20100,"thrilling":20101,"typing":20102,"outbreak":20103,"dies":20104,"heu":20105,"crawl":20106,"nesses":20107,"oath":20108,"scripts":20109,"geeks":20110,"ðŁIJĿ":20111,"pb":20112,"mathematics":20113,"alis":20114,"________________":20115,"gymnastics":20116,"activism":20117,"recommendation":20118,"gren":20119,"wain":20120,"courty":20121,"napol":20122,"cauli":20123,"hornets":20124,"gals":20125,"jockey":20126,"dirty":20127,"atar":20128,"enormous":20129,"pest":20130,"gregation":20131,"anos":20132,"iiii":20133,"defends":20134,"blackhistorymonth":20135,"atx":20136,"mbc":20137,"luggage":20138,"witch":20139,"cob":20140,"lasts":20141,"cum":20142,"ggg":20143,"bathing":20144,"nar":20145,"cebu":20146,"ðŁįĥ":20147,"navigation":20148,"mine":20149,"rejo":20150,"ðŁİĢ":20151,"giftide":20152,"reta":20153,"useless":20154,"pull":20155,"deficit":20156,"allu":20157,"atime":20158,"itv":20159,"trillion":20160,"pue":20161,"acies":20162,"procedure":20163,"lori":20164,"jenny":20165,"cad":20166,"ulously":20167,"drac":20168,"promotes":20169,"ingthe":20170,"canu":20171,"woohoo":20172,"naomi":20173,"zardari":20174,"tsu":20175,"beir":20176,"sdg":20177,"lever":20178,"weber":20179,"abud":20180,"lund":20181,"crowded":20182,"deployment":20183,"terrain":20184,"kenny":20185,"hof":20186,"witnessed":20187,"loch":20188,"jk":20189,"bully":20190,"wren":20191,"poetry":20192,"doff":20193,"wwi":20194,"mored":20195,"dini":20196,"culture":20197,"prompt":20198,"Â¥":20199,"maurice":20200,"topps":20201,"rm":20202,"correspon":20203,"about":20204,"jewels":20205,"gibr":20206,"eagle":20207,"ðŁĺĺðŁĺĺðŁĺĺ":20208,"lending":20209,"souven":20210,"çĶ":20211,"contemporaryart":20212,"establishment":20213,"jong":20214,"â̦\"":20215,"gator":20216,"patriotic":20217,"mccoy":20218,"vape":20219,"humane":20220,"feliz":20221,"coachella":20222,"reposting":20223,"steals":20224,"fuller":20225,"nering":20226,"atra":20227,"(-":20228,"blake":20229,"heather":20230,"worms":20231,"disciplinary":20232,"redemption":20233,"yard":20234,"amin":20235,"\"@_":20236,"dnc":20237,"tds":20238,"kappa":20239,"newark":20240,"commits":20241,"spears":20242,"jams":20243,"tand":20244,"msnbc":20245,"intermedi":20246,"aimed":20247,"atic":20248,"teenth":20249,"observation":20250,"kashmir":20251,"kavanaugh":20252,"oul":20253,"sanfrancisco":20254,"reu":20255,"belated":20256,"chow":20257,"password":20258,"stills":20259,"detained":20260,"sari":20261,"dayton":20262,"darren":20263,"italian":20264,"arth":20265,"amusic":20266,"arbit":20267,"wm":20268,"vm":20269,"hem":20270,"doug":20271,"myr":20272,"asho":20273,"prev":20274,"vind":20275,"brah":20276,"stag":20277,"ี":20278,"previews":20279,"guk":20280,"containing":20281,"leonardo":20282,"saddle":20283,"rushing":20284,"stav":20285,"longh":20286,"gambling":20287,"vegas":20288,"reservation":20289,"endale":20290,"bala":20291,"fla":20292,"variant":20293,"hedge":20294,"bulgaria":20295,"natali":20296,"weaver":20297,"solst":20298,"encouraged":20299,"apc":20300,"asparag":20301,"nest":20302,"cyclists":20303,"fel":20304,"ìĬ¤":20305,"overwhelming":20306,"peyton":20307,"jit":20308,"apost":20309,"mble":20310,"bleeding":20311,"neighbourhood":20312,"avery":20313,"expressions":20314,"macdonald":20315,"gigs":20316,"monds":20317,"illusion":20318,"nct":20319,"camero":20320,"overhead":20321,"myth":20322,"oly":20323,"vio":20324,"etv":20325,"laurie":20326,"unveiling":20327,"prior":20328,"conn":20329,"ironman":20330,"diff":20331,"dayin":20332,"critici":20333,"congo":20334,"revision":20335,"wale":20336,"director":20337,"pines":20338,"blackpink":20339,"garner":20340,"curated":20341,"manitoba":20342,"hac":20343,"commonly":20344,"barton":20345,"....#":20346,"mortality":20347,"livesmatter":20348,"philosop":20349,"shorter":20350,"convince":20351,"freak":20352,"vendors":20353,"insightful":20354,"elly":20355,"sensors":20356,"eled":20357,"sberg":20358,"weightloss":20359,"ukip":20360,"spur":20361,"private":20362,"qua":20363,"ssc":20364,",...":20365,"supervisor":20366,"adviser":20367,"amazingly":20368,"lesser":20369,"ates":20370,"mahon":20371,"oooooo":20372,"saras":20373,"pmoindia":20374,"waffle":20375,"unders":20376,"tolerance":20377,"sculptures":20378,"hersh":20379,"knocking":20380,"smoke":20381,"catholic":20382,"grim":20383,"traveled":20384,"flip":20385,"geoff":20386,"dinosaurs":20387,"slept":20388,"scarlet":20389,"oki":20390,"complaint":20391,"obsc":20392,"nami":20393,"lag":20394,"crossfit":20395,"ufc":20396,"mccain":20397,"referee":20398,"sadness":20399,"penny":20400,"lieu":20401,"mode":20402,"kier":20403,"vols":20404,"wis":20405,"elon":20406,"shea":20407,"bao":20408,"sonia":20409,"claire":20410,"emmanuel":20411,"moisture":20412,"digest":20413,"viii":20414,"teller":20415,"chon":20416,"accessory":20417,"nightclub":20418,"fossil":20419,"awan":20420,"husky":20421,"aboriginal":20422,"brandon":20423,"fficient":20424,"cougars":20425,"sted":20426,"admitted":20427,"ignored":20428,"contentmarketing":20429,"agas":20430,"vase":20431,"executed":20432,"negotiations":20433,"shead":20434,"nand":20435,"tablets":20436,"goth":20437,"tsal":20438,"dfw":20439,"onep":20440,"protector":20441,"spho":20442,"gazette":20443,"andreas":20444,"sser":20445,"compilation":20446,"hav":20447,"containers":20448,"broker":20449,"socal":20450,"porcelain":20451,"hyuk":20452,"airing":20453,"ðŁĴ°":20454,"publisher":20455,"scenario":20456,"spartans":20457,"reviewing":20458,"itudes":20459,"edel":20460,"pearson":20461,"bash":20462,"maui":20463,"aad":20464,"ðŁĮĬ":20465,"liu":20466,"ulate":20467,"programmes":20468,"favour":20469,"webdesign":20470,"realty":20471,"motivational":20472,"crosses":20473,"'...":20474,"busch":20475,"adjustable":20476,"arjun":20477,"mistak":20478,"dimension":20479,"pistol":20480,"weighs":20481,"eny":20482,"unveil":20483,"indycar":20484,"gordon":20485,"fade":20486,"franken":20487,"qualities":20488,"bett":20489,"locate":20490,"kerr":20491,"spc":20492,"confusion":20493,"nee":20494,"lucky":20495,"bases":20496,"depends":20497,"firefighter":20498,"ola":20499,"ret":20500,"maroon":20501,"ðŁĶĬ":20502,"wam":20503,"defining":20504,"wheat":20505,"bil":20506,"és":20507,"bhai":20508,"psych":20509,"tau":20510,"icans":20511,"thik":20512,"obile":20513,"inspector":20514,"ìĨĮë":20515,"illon":20516,"gos":20517,"evangel":20518,"fai":20519,"sist":20520,"vocation":20521,"burge":20522,"chistan":20523,"renewed":20524,"enthusiasm":20525,"enting":20526,"agri":20527,"ikea":20528,"msc":20529,"aerospace":20530,"sensiti":20531,"memoir":20532,"hospice":20533,"cocaine":20534,"derry":20535,"mechanics":20536,"Ħà¸":20537,"tino":20538,"reduces":20539,"collectors":20540,"injustice":20541,"suppre":20542,"vana":20543,"abun":20544,"napa":20545,"susa":20546,"oslo":20547,"eff":20548,"encore":20549,"licence":20550,"cheddar":20551,"zal":20552,"mount":20553,"ðŁĴIJ":20554,"threatens":20555,"!!\"":20556,"archie":20557,"futsal":20558,"scuba":20559,"jos":20560,"gnon":20561,"sexi":20562,"sofficial":20563,"comparing":20564,"dominant":20565,"toftheday":20566,"fait":20567,"proposals":20568,"gift":20569,"yas":20570,"cnc":20571,"lr":20572,"hab":20573,"reservoir":20574,"beliefs":20575,"general":20576,"marti":20577,"td":20578,"este":20579,"ìł":20580,"wil":20581,"ðŁij¯":20582,"ðŁĶ«":20583,"spx":20584,"etwork":20585,"excerpt":20586,"einstein":20587,"hiro":20588,"silhou":20589,"teamed":20590,"perception":20591,"corridor":20592,"mentalhealth":20593,"hints":20594,"benny":20595,"inducted":20596,"swx":20597,"widesp":20598,"speak":20599,"cheryl":20600,"drug":20601,"ðŁĺķ":20602,"hf":20603,"asparagus":20604,"mysteries":20605,"fitzgerald":20606,"offer":20607,"therapist":20608,"career":20609,"damaging":20610,"tsd":20611,"peru":20612,"weibo":20613,"yay":20614,"phoenix":20615,"discre":20616,"macbook":20617,"barker":20618,"stigma":20619,"spread":20620,"rockies":20621,"kangar":20622,"bridg":20623,"pai":20624,"bishop":20625,"tailed":20626,"capsule":20627,"ðŁĴĵ":20628,"geof":20629,"royale":20630,"shortlisted":20631,"oste":20632,"ashamed":20633,"chapp":20634,"keye":20635,"cla":20636,"screenshot":20637,"austrian":20638,"native":20639,"enight":20640,"juliet":20641,"michele":20642,"ðŁĮ´":20643,"travelers":20644,"pil":20645,"footballer":20646,"winchester":20647,"ðŁĻĦ":20648,"azerbai":20649,"goldeng":20650,"organisations":20651,"interpretation":20652,"predator":20653,"oftheweek":20654,"logan":20655,"poké":20656,"marie":20657,"calla":20658,"tnt":20659,"cinde":20660,"getic":20661,"fitfam":20662,"grav":20663,"owens":20664,"ðŁĮ±":20665,"shootout":20666,"salis":20667,"commissions":20668,"cohe":20669,"ptic":20670,"nixon":20671,"hia":20672,"ambition":20673,"marine":20674,"cruelty":20675,"tk":20676,"crude":20677,"salty":20678,"jima":20679,"mongo":20680,"irony":20681,"onwards":20682,"arrests":20683,"strangers":20684,"iger":20685,"cyclist":20686,"rag":20687,"extends":20688,"tradio":20689,"bourg":20690,"moi":20691,"ella":20692,"eable":20693,"lexus":20694,"aul":20695,"dera":20696,"historian":20697,"morton":20698,"tiff":20699,"manner":20700,"kot":20701,"dk":20702,"pointed":20703,"marqu":20704,"aan":20705,"eney":20706,"dublin":20707,"onpoli":20708,"emili":20709,"secret":20710,"flo":20711,"âļ¡":20712,"baj":20713,"steep":20714,"accompanied":20715,"rumours":20716,"devi":20717,"purchasing":20718,"fig":20719,"pub":20720,"schoo":20721,"autonomous":20722,"goalie":20723,"xia":20724,"automatically":20725,"revers":20726,"tero":20727,"fuku":20728,"titanic":20729,"shook":20730,"sandals":20731,"seekers":20732,"excav":20733,"nordic":20734,"bigolive":20735,"bake":20736,"ratt":20737,"zak":20738,"nep":20739,"ðŁĺ¤":20740,"candy":20741,"billions":20742,"bookworm":20743,"ppet":20744,"à³":20745,"surfaces":20746,"scars":20747,"philip":20748,"dogg":20749,"cigars":20750,"cote":20751,"translated":20752,"curator":20753,"sindh":20754,"hangover":20755,"brewer":20756,"ones":20757,"elton":20758,"ðŁĴªðŁı¼":20759,"marcu":20760,"elliot":20761,"righte":20762,"dioce":20763,"russ":20764,"railways":20765,"grandson":20766,"ascen":20767,"apology":20768,"await":20769,"mobili":20770,"respir":20771,"partisan":20772,"olivi":20773,"strike":20774,"yoo":20775,"whitehouse":20776,"expressed":20777,"pups":20778,"bedford":20779,"cultur":20780,"frogs":20781,"flying":20782,"cavali":20783,"cds":20784,"friger":20785,"streetphotography":20786,"resolve":20787,"taliban":20788,"kang":20789,"crushing":20790,"jum":20791,"ðŁĺĴ":20792,"williamson":20793,"tang":20794,"curly":20795,"tman":20796,"veteran":20797,"faire":20798,"artificialintelligence":20799,"unanim":20800,"pren":20801,"backdrop":20802,"frances":20803,"occer":20804,"dorothy":20805,"working":20806,"arthr":20807,"converted":20808,"daylight":20809,"servant":20810,"paddle":20811,"complaining":20812,"thirty":20813,"nadal":20814,"aku":20815,"ibrahim":20816,"addressed":20817,"piss":20818,"greenhouse":20819,"battalion":20820,"simulator":20821,"outlets":20822,"embroidery":20823,"ðŁĵ±":20824,"fiscal":20825,"gerard":20826,"sassy":20827,"ðŁİīðŁİīðŁİī":20828,"ventures":20829,"merit":20830,"publicity":20831,"ðŁijĪ":20832,"sophisticated":20833,"ctu":20834,"conventional":20835,"condolences":20836,"israel":20837,"tradition":20838,"aran":20839,"tess":20840,"glad":20841,"ðŁĺĬðŁĺĬ":20842,"correction":20843,"geon":20844,"amd":20845,"orship":20846,"beast":20847,"chment":20848,"ìŀ":20849,"nico":20850,"wknd":20851,"wels":20852,"cushion":20853,"belie":20854,"voc":20855,"idiots":20856,"underneath":20857,"puma":20858,"cornell":20859,"enation":20860,"lul":20861,"swach":20862,"abig":20863,"urer":20864,"mie":20865,"formerly":20866,"caf":20867,"ernal":20868,"chorus":20869,"julius":20870,"senator":20871,"âľį":20872,"whir":20873,"salvador":20874,"phd":20875,"unified":20876,"booster":20877,"graphical":20878,"wrec":20879,"sonny":20880,"miz":20881,"derers":20882,"sall":20883,"vens":20884,"tuscany":20885,"wid":20886,"yong":20887,"kurds":20888,"waz":20889,"trolls":20890,"macro":20891,"caturday":20892,"pressing":20893,"sasha":20894,"centennial":20895,"gusts":20896,"emc":20897,"before":20898,"denise":20899,"cust":20900,"ðŁĵ¢":20901,"looo":20902,"basel":20903,"england":20904,"yolo":20905,"ardu":20906,"manifesto":20907,"doha":20908,"ìľ":20909,"knives":20910,"bournemouth":20911,"bibl":20912,"barb":20913,"alicia":20914,"Ø©":20915,"comer":20916,"cyclone":20917,"git":20918,"anews":20919,"characteri":20920,"ventura":20921,"intra":20922,"sfgiants":20923,"hut":20924,"bea":20925,"darwin":20926,"eller":20927,"alv":20928,"reese":20929,"bly":20930,"karan":20931,"conclusion":20932,"manny":20933,"flakes":20934,"uniteblue":20935,"nadu":20936,"copp":20937,"edges":20938,"lancashire":20939,"ials":20940,"otta":20941,"philippe":20942,"lent":20943,"chee":20944,"mentors":20945,"festival":20946,"anism":20947,"complimentary":20948,"rj":20949,"pug":20950,"dine":20951,"wei":20952,"cliffs":20953,"sarmy":20954,"tiveness":20955,"treasury":20956,"iland":20957,"aftermath":20958,"rabbi":20959,"oun":20960,"bouquet":20961,"heritage":20962,"zion":20963,"surrender":20964,"shenan":20965,"inks":20966,"karl":20967,"ghty":20968,"policing":20969,"examination":20970,"cey":20971,"persu":20972,"measurement":20973,"hydrogen":20974,"luhan":20975,"âłĢâłĢâłĢâłĢ":20976,"wari":20977,"оÐ":20978,"jy":20979,"fowler":20980,"mish":20981,"alfre":20982,"âĺij":20983,"bbnaija":20984,"catalogue":20985,"recognised":20986,"saver":20987,"huskies":20988,"colin":20989,"mundo":20990,"siva":20991,"png":20992,"discounted":20993,"manutd":20994,"fresno":20995,"devin":20996,"preliminary":20997,"trophies":20998,"plastics":20999,"dug":21000,"procu":21001,"indigo":21002,"gard":21003,"dylan":21004,"pitches":21005,"groundbreaking":21006,"inson":21007,"blac":21008,"anthology":21009,"fh":21010,"explic":21011,"rard":21012,"admiral":21013,"sochi":21014,"lashes":21015,"splendid":21016,"envy":21017,"adv":21018,"sexy":21019,"festivities":21020,"sticking":21021,"bib":21022,"thrill":21023,"opp":21024,"ariel":21025,"botanical":21026,"endurance":21027,"females":21028,"bricks":21029,"vatican":21030,"blackpool":21031,"bermu":21032,"brough":21033,"roller":21034,"bid":21035,"suede":21036,"slovenia":21037,"mming":21038,"mlb":21039,"medalist":21040,"dians":21041,"rehabilitation":21042,"neon":21043,"sgo":21044,"lithu":21045,"ramos":21046,"zed":21047,"pianist":21048,"intensive":21049,"broadband":21050,"study":21051,"petersburg":21052,"luca":21053,"ahhhh":21054,"physician":21055,"dillon":21056,"telecom":21057,"grief":21058,"mun":21059,"acro":21060,"sided":21061,"sly":21062,"blows":21063,"classiccars":21064,"trium":21065,"argy":21066,"?:":21067,"hri":21068,"marshmal":21069,"âĢĵ":21070,"topping":21071,"warsaw":21072,"transc":21073,"preservation":21074,"bav":21075,"refriger":21076,"experiments":21077,"äº":21078,"glit":21079,"sliga":21080,"gage":21081,"factor":21082,"flavours":21083,"brony":21084,"spo":21085,"cookbook":21086,"carriage":21087,"away":21088,"nyfw":21089,"onian":21090,"wg":21091,"simpsons":21092,"rolex":21093,"ðŁı¿":21094,"crosby":21095,"ãħ¤":21096,"credi":21097,"syndic":21098,"pubs":21099,"alife":21100,"poorly":21101,"maced":21102,"ðŁĺŀ":21103,"behindthe":21104,"wenger":21105,"nats":21106,"ðŁİŁ":21107,"rubbish":21108,"procedures":21109,"typhoon":21110,"ophobia":21111,"erdo":21112,"fuel":21113,"viera":21114,"bumps":21115,"millennium":21116,"newzealand":21117,"lectures":21118,"iton":21119,"milky":21120,"responded":21121,"ê°":21122,"landscape":21123,"..@":21124,"bother":21125,"âĸ¶":21126,"zhang":21127,"huawei":21128,"tuition":21129,"sworn":21130,"inu":21131,"yor":21132,"paolo":21133,"auditions":21134,"abil":21135,"malaysian":21136,"hops":21137,"feathers":21138,"mple":21139,"auts":21140,"ão":21141,"bounty":21142,"iche":21143,"ìĺ":21144,"shq":21145,"pinot":21146,"gears":21147,"disappear":21148,"videogames":21149,"tna":21150,"alzheimer":21151,"ðŁĮŀ":21152,"aji":21153,"underwear":21154,"switching":21155,"signage":21156,"oscar":21157,"econ":21158,"drow":21159,"clint":21160,"plated":21161,"gundy":21162,"emblem":21163,"hoes":21164,"icist":21165,"nelly":21166,"junior":21167,"roadshow":21168,"minerals":21169,"atle":21170,"alexandria":21171,"acclaimed":21172,"vell":21173,"shiva":21174,"adhe":21175,"enne":21176,"amnesty":21177,"hounds":21178,"councillor":21179,"ðŁĴ¦":21180,"aesthe":21181,"partnering":21182,"influenced":21183,"magno":21184,"flare":21185,"extinction":21186,"civilian":21187,"majesty":21188,"vail":21189,"lawmakers":21190,"racks":21191,"mcc":21192,"orian":21193,"spices":21194,"errors":21195,"mayer":21196,"coca":21197,"pai":21198,"sooooo":21199,"retiring":21200,"bathro":21201,"ðŁĻĮðŁĻĮ":21202,"âĸª":21203,"suf":21204,"endorsement":21205,"building":21206,"brooch":21207,"palla":21208,"arvind":21209,"agent":21210,"karate":21211,"rhi":21212,"ctv":21213,"taine":21214,"umm":21215,"bax":21216,"reigns":21217,"uniof":21218,"enterprises":21219,"adele":21220,"flake":21221,"attire":21222,"bruce":21223,"bahamas":21224,"gravy":21225,"sain":21226,"cheek":21227,"trivi":21228,"lov":21229,"een":21230,"bblo":21231,"ladygaga":21232,"itta":21233,".\"-":21234,"dustin":21235,"observatory":21236,"eighth":21237,"bloomberg":21238,"khs":21239,"fcc":21240,"gist":21241,"commemorate":21242,"veer":21243,"sexuality":21244,"edc":21245,"nicole":21246,"vacancy":21247,"user":21248,"sona":21249,":'(":21250,"diploma":21251,"tend":21252,"upgrades":21253,"ÅŁ":21254,"jurassic":21255,"cardiac":21256,"drs":21257,"widespread":21258,"Ãł":21259,"dailies":21260,"vendor":21261,"simplicity":21262,"wider":21263,"lenses":21264,"supplements":21265,"depos":21266,"observed":21267,"vines":21268,"partially":21269,"renewal":21270,"collaborate":21271,"alig":21272,"finity":21273,"phu":21274,"zzy":21275,"petit":21276,"ðŁĵħ":21277,"zin":21278,"igu":21279,"smack":21280,"fallon":21281,"ðŁĵ£":21282,"backwards":21283,"component":21284,"oso":21285,"compatible":21286,"binding":21287,"zurich":21288,"thome":21289,"wounds":21290,"lyric":21291,"freshmen":21292,"sneaky":21293,"fibro":21294,"diet":21295,"employer":21296,"insect":21297,"hated":21298,"scher":21299,"razor":21300,"nsw":21301,"booker":21302,"californi":21303,"avfc":21304,"°":21305,"pretending":21306,"pepsi":21307,"alis":21308,"untitled":21309,"kart":21310,"grandparents":21311,"ethe":21312,"ock":21313,"luxemb":21314,"visuals":21315,"smallbusiness":21316,"abdullah":21317,"minho":21318,"subaru":21319,"hra":21320,"revealing":21321,"heartbreaking":21322,"clarity":21323,"amg":21324,"slr":21325,"****":21326,"âŀĸ":21327,"record":21328,"iciary":21329,"minded":21330,"yeh":21331,"excessive":21332,"knuck":21333,"icecream":21334,"truth":21335,"evic":21336,"tastic":21337,"antarc":21338,"rendering":21339,",,":21340,"mitt":21341,"lorenzo":21342,"stpatrick":21343,"boundary":21344,"zig":21345,"vocab":21346,"osaka":21347,"furn":21348,"tun":21349,"gul":21350,"sounding":21351,"blogger":21352,"utterly":21353,"gaf":21354,"advancing":21355,"lcd":21356,"margin":21357,"lifelong":21358,"solstice":21359,"shra":21360,"waits":21361,"plear":21362,"breach":21363,"enligh":21364,"ader":21365,"ittle":21366,"cation":21367,"hoon":21368,"studied":21369,"?????":21370,"kash":21371,"evangeli":21372,"psl":21373,"weights":21374,"metals":21375,"tyres":21376,"turno":21377,"wie":21378,"carb":21379,"gale":21380,"seal":21381,"sunite":21382,"amic":21383,"patterson":21384,"án":21385,"euph":21386,"upstairs":21387,"qualifiers":21388,"khalifa":21389,"applemusic":21390,"ìĨĮëħ":21391,"vaughan":21392,"alter":21393,"cruiser":21394,"mua":21395,"tana":21396,"katrina":21397,"idols":21398,"spoiled":21399,"secretly":21400,"fibre":21401,"partnered":21402,"umes":21403,"giov":21404,"comet":21405,"screenshotsaturday":21406,"keller":21407,"filtr":21408,"fet":21409,"conway":21410,"peu":21411,"badminton":21412,"gid":21413,"mound":21414,"donkey":21415,"buff":21416,"leather":21417,"largely":21418,"broch":21419,"intments":21420,"amuse":21421,"rk":21422,"stove":21423,"impacted":21424,"cont":21425,"cracks":21426,"prisoner":21427,"bari":21428,"contractor":21429,"orioles":21430,"dominate":21431,"polar":21432,"amelia":21433,"drc":21434,"ðŁijĮðŁijĮ":21435,"vist":21436,"suarez":21437,"injection":21438,"blooms":21439,"ðŁļ¨ðŁļ¨":21440,"stiff":21441,"paypal":21442,"snowing":21443,"thursdays":21444,"goose":21445,"wedge":21446,"educated":21447,"weakness":21448,"decker":21449,"abudha":21450,"breezy":21451,"ÛĮ":21452,"hopeful":21453,"obi":21454,"raider":21455,"gham":21456,"deu":21457,"seve":21458,"partly":21459,"fut":21460,"infused":21461,"merri":21462,"thane":21463,"sometime":21464,"hue":21465,"mein":21466,"credit":21467,"sliding":21468,"rande":21469,"cherry":21470,"deadpool":21471,"shol":21472,"aram":21473,"underwood":21474,"skye":21475,"disturbing":21476,"mnt":21477,"polished":21478,"guardians":21479,"hadn":21480,"picasso":21481,"arius":21482,"akshay":21483,"irri":21484,"jh":21485,"happen":21486,"lakh":21487,"dalton":21488,"atthe":21489,"swell":21490,"marsha":21491,"reh":21492,"cours":21493,"jkt":21494,"topus":21495,"service":21496,"rink":21497,"hackers":21498,"donovan":21499,"horo":21500,"tcm":21501,"mayhem":21502,"chase":21503,"devops":21504,"kensing":21505,"scup":21506,"shere":21507,"qualification":21508,"clive":21509,"tong":21510,"nancy":21511,"maris":21512,"derdale":21513,"berman":21514,"cinderella":21515,"jolly":21516,"cic":21517,"loot":21518,"collectibles":21519,"homicide":21520,"gge":21521,"epidemic":21522,"suites":21523,"muddy":21524,"gimme":21525,"erec":21526,"-*":21527,"talla":21528,"lisle":21529,"embroide":21530,"ðŁĩ©ðŁĩª":21531,"verizon":21532,"vector":21533,"beanie":21534,"artisan":21535,"gain":21536,"flores":21537,"vigil":21538,"uso":21539,"ðŁĻıðŁı½":21540,"grinding":21541,"gher":21542,"airports":21543,"responsive":21544,"shaft":21545,"cancel":21546,"ceremonies":21547,"eme":21548,"atari":21549,"brushes":21550,"eager":21551,"bohemi":21552,"childrens":21553,"yankee":21554,"maa":21555,"suspense":21556,"moran":21557,"macar":21558,"sunflower":21559,"crew":21560,"void":21561,"kear":21562,"fashioned":21563,"jennings":21564,"sundayfunday":21565,"submissions":21566,"mead":21567,"herman":21568,"wai":21569,"critically":21570,"leum":21571,"baekhyun":21572,"forcing":21573,"cobra":21574,"ãģ®":21575,"acquire":21576,"alk":21577,"geology":21578,"primar":21579,"importantly":21580,"irez":21581,"bundesliga":21582,"curiosity":21583,"sena":21584,"strict":21585,"consoli":21586,"winters":21587,"venom":21588,"cheltenham":21589,"ðŁįº":21590,"cena":21591,"tat":21592,"bain":21593,"glover":21594,"undercover":21595,"asses":21596,"carn":21597,"memorialday":21598,"ameli":21599,"irene":21600,"chon":21601,"synthesis":21602,"speedy":21603,"mitsubi":21604,"slayer":21605,"composite":21606,"understands":21607,"pew":21608,"interrup":21609,"henri":21610,"morrow":21611,"anom":21612,"thofjuly":21613,"glee":21614,"three":21615,"ðŁĺ®":21616,"andhi":21617,"chatt":21618,"renewables":21619,"yes":21620,"transfers":21621,"!!!!!!!!":21622,"babu":21623,"duter":21624,"loops":21625,"peers":21626,"oilers":21627,"paulo":21628,"ication":21629,"hmu":21630,"wara":21631,"mercer":21632,"homeland":21633,"fuji":21634,"aley":21635,"yearbook":21636,"rem":21637,"reen":21638,"absur":21639,"bois":21640,"]:":21641,"caesar":21642,"shotgun":21643,"kurdish":21644,"oren":21645,"rae":21646,"ancies":21647,"typic":21648,"fh":21649,"default":21650,"replic":21651,"luk":21652,"transactions":21653,"rys":21654,"infantry":21655,"ðŁį¾":21656,"chow":21657,"chickens":21658,"bagh":21659,"wyatt":21660,"aye":21661,"ggi":21662,"brews":21663,"editions":21664,"mira":21665,"commencement":21666,"presu":21667,"periscope":21668,"ichi":21669,"guatemala":21670,"zambia":21671,"paints":21672,"witches":21673,"wani":21674,"undere":21675,"croy":21676,"vows":21677,"usmc":21678,"hearted":21679,"theatres":21680,"shuffle":21681,"level":21682,"multic":21683,"squeeze":21684,"fern":21685,"appet":21686,"postal":21687,"malt":21688,"onboard":21689,"ldnt":21690,"coo":21691,"ssc":21692,"kac":21693,"ðŁĺĩ":21694,"scrap":21695,"marcos":21696,"dealers":21697,"annu":21698,"miller":21699,"cove":21700,"ulary":21701,"vladimir":21702,"beef":21703,"thur":21704,"pickled":21705,"sesame":21706,"bengaluru":21707,"mott":21708,"kathleen":21709,"hist":21710,"notor":21711,"drank":21712,"duchess":21713,"snowfall":21714,"eff":21715,"tiny":21716,"jn":21717,"syour":21718,"specialists":21719,"scotus":21720,"baylor":21721,"everest":21722,"malibu":21723,"prem":21724,"harmful":21725,"lali":21726,"bates":21727,"gye":21728,"differenti":21729,"andra":21730,"geometry":21731,"elover":21732,"blackout":21733,"====":21734,"kota":21735,"interact":21736,"asian":21737,"layo":21738,"samurai":21739,"fidel":21740,"exhausted":21741,"gladi":21742,"pdt":21743,"spheric":21744,"antiqu":21745,"guitar":21746,"sturi":21747,"hopper":21748,"angle":21749,"fills":21750,"slap":21751,"mith":21752,"rodney":21753,"ongi":21754,"insom":21755,"preventing":21756,"cassidy":21757,"apho":21758,"oregon":21759,"loin":21760,"hammond":21761,"contributing":21762,"fn":21763,"garri":21764,"orion":21765,"compelling":21766,"escaping":21767,"aiming":21768,"plumb":21769,"bistro":21770,"beasts":21771,"concerning":21772,"boe":21773,"dopp":21774,"shoplocal":21775,"stumbled":21776,"âĤ¹":21777,"nazis":21778,"âĢįâĻĤï¸ı":21779,"gesture":21780,"warts":21781,"usopen":21782,"higgins":21783,"charli":21784,"hangs":21785,"bombers":21786,"°:":21787,"feeds":21788,"cch":21789,"stil":21790,"nicola":21791,"ðŁĵº":21792,"clamation":21793,"tropic":21794,"afro":21795,"ouk":21796,"expenses":21797,"derrick":21798,"aline":21799,"faw":21800,"regard":21801,"imer":21802,"satin":21803,"thium":21804,"ryder":21805,"pearl":21806,"tess":21807,"mmmmm":21808,"senses":21809,"ðŁĩ¹":21810,"positive":21811,"exhaust":21812,"occur":21813,"norris":21814,"lilly":21815,"isles":21816,"directing":21817,"yofficial":21818,"countless":21819,"samar":21820,"onstage":21821,"flock":21822,"mirrors":21823,"archer":21824,"moi":21825,"kd":21826,"viv":21827,"inos":21828,"sikh":21829,"lei":21830,"sensory":21831,"brits":21832,"knox":21833,"chestnut":21834,"opy":21835,"coliseum":21836,"zaf":21837,"divin":21838,"adapter":21839,":)))":21840,"temple":21841,"kun":21842,"helmets":21843,"tdf":21844,"guide":21845,"mold":21846,"oids":21847,"luther":21848,"heis":21849,"monastery":21850,"spree":21851,"klu":21852,"britney":21853,"jaguars":21854,"greats":21855,"ccc":21856,"kyrie":21857,"machinery":21858,"cricket":21859,"rero":21860,"abo":21861,"aspiring":21862,"semifinals":21863,"aless":21864,"signatures":21865,"vard":21866,"meth":21867,"herbal":21868,"holden":21869,"kingdom":21870,"apor":21871,"reggie":21872,"oreo":21873,"palestinians":21874,"emmys":21875,"sectional":21876,"roi":21877,"neymar":21878,"quel":21879,"cull":21880,"lka":21881,"hazel":21882,"estimate":21883,"ulties":21884,"gow":21885,"bea":21886,"purchases":21887,"belts":21888,"protects":21889,"mé":21890,"guessing":21891,"bbo":21892,"claudia":21893,"fracking":21894,"jonny":21895,"elk":21896,"celtic":21897,"almighty":21898,"raje":21899,"courtyard":21900,"igi":21901,"canes":21902,"ðŁĴªðŁı»":21903,"bankrup":21904,"lethal":21905,"âľĮï¸ı":21906,"graphicdesign":21907,"vader":21908,"pencils":21909,"roughly":21910,"dante":21911,"mfg":21912,"constell":21913,"camel":21914,"jb":21915,"blossoms":21916,"ento":21917,"balochistan":21918,"cinemato":21919,"illard":21920,"jersey":21921,"consent":21922,"dented":21923,"contempl":21924,"scher":21925,"holi":21926,"lough":21927,"stour":21928,"ayo":21929,"beginners":21930,"curb":21931,"vhs":21932,"ajax":21933,"duff":21934,"aveng":21935,"domest":21936,"committing":21937,"aired":21938,"chap":21939,"hedgehog":21940,"disappointing":21941,"freelance":21942,"inland":21943,"charms":21944,"ðŁĺįâĿ¤ï¸ı":21945,"aish":21946,"mx":21947,"buckle":21948,"tidal":21949,"permit":21950,"boating":21951,"racha":21952,"kendrick":21953,"bello":21954,"bhi":21955,"plea":21956,"estimates":21957,"lb":21958,"apologies":21959,"jaya":21960,"bbl":21961,"astoni":21962,"interstate":21963,"maintaining":21964,"elbow":21965,"mup":21966,"epit":21967,"ðŁĺ¡":21968,"violations":21969,"defend":21970,"beh":21971,"slc":21972,"amir":21973,"puri":21974,"tium":21975,"fifa":21976,"blurry":21977,"scrim":21978,"ðŁĻıðŁı¾":21979,"maple":21980,"relatives":21981,"âĺĿ":21982,"choc":21983,"connor":21984,"⾨⾨":21985,"whisp":21986,"listings":21987,"maze":21988,"thanking":21989,"ridd":21990,"grassroots":21991,"shifting":21992,"desperately":21993,"gorilla":21994,"deni":21995,"jules":21996,"strath":21997,"gley":21998,"jain":21999,"buick":22000,"tanner":22001,"ðŁĴĿ":22002,"gae":22003,"prim":22004,"itors":22005,"nano":22006,"separation":22007,"armenia":22008,"bordeaux":22009,"ðŁħ":22010,"pjnet":22011,"burial":22012,"ebon":22013,"gloss":22014,"renew":22015,"grier":22016,"speeds":22017,"comicbooks":22018,"symboli":22019,"purposes":22020,"ãħłãħł":22021,"spatial":22022,"notable":22023,"cion":22024,"nps":22025,"hoffman":22026,"norman":22027,"rtg":22028,"dusty":22029,"situated":22030,"tran":22031,"kfc":22032,"emen":22033,"nickel":22034,"hastings":22035,"settling":22036,"grit":22037,"lena":22038,"waw":22039,"arts":22040,"gum":22041,"caregi":22042,"lewis":22043,"sapphire":22044,"remember":22045,"embedded":22046,"tlc":22047,"blat":22048,"sergeant":22049,"elsa":22050,"bootcamp":22051,"bowman":22052,"photographic":22053,"pillars":22054,"directioners":22055,"classified":22056,"nois":22057,"veer":22058,"barrels":22059,"whoop":22060,"ðŁĺ±ðŁĺ±":22061,"female":22062,"petroleum":22063,"media":22064,"efc":22065,"pokémon":22066,"à¤ķ":22067,"enthusiastic":22068,"varun":22069,"profiles":22070,"pediatric":22071,"accidents":22072,"conrad":22073,"jang":22074,"jojo":22075,"acor":22076,"observer":22077,"lf":22078,"livestock":22079,"forgi":22080,"fos":22081,"elm":22082,"anand":22083,"goe":22084,"cere":22085,"avoiding":22086,"grit":22087,"oman":22088,"thankfully":22089,"scattered":22090,"nicky":22091,"cylinder":22092,"cheesy":22093,"diver":22094,"mahesh":22095,"caves":22096,"earliest":22097,"quinte":22098,"subjects":22099,"bend":22100,"gulf":22101,"vocalist":22102,"glue":22103,"patches":22104,"unstopp":22105,"snyder":22106,"demonstrating":22107,"pio":22108,"horns":22109,"wickets":22110,"andthe":22111,"rama":22112,"yoon":22113,"straight":22114,"bedtime":22115,"orang":22116,"bullets":22117,"saurus":22118,"miners":22119,"incidents":22120,"!...":22121,"ðŁİ¸":22122,"agers":22123,"handles":22124,"states":22125,"inity":22126,"dons":22127,"incredible":22128,"eminem":22129,"aviv":22130,"rudy":22131,"mozart":22132,"folklore":22133,"appliances":22134,"mtl":22135,"frey":22136,"dias":22137,"hua":22138,"pageant":22139,"strive":22140,"imprison":22141,"bullish":22142,"rana":22143,"alerts":22144,"bbmas":22145,"hyper":22146,"derbyshire":22147,"recre":22148,"redd":22149,"deborah":22150,"cosmos":22151,"lawson":22152,"melanie":22153,"psycho":22154,"hoor":22155,"doodles":22156,"sniper":22157,"shady":22158,"mantle":22159,"canadian":22160,"newyear":22161,"interactions":22162,"separated":22163,"cords":22164,"spirituality":22165,"apu":22166,"ito":22167,"pct":22168,"pelosi":22169,"rebellion":22170,"seiz":22171,"worcester":22172,"sectors":22173,"uli":22174,"santa":22175,"е":22176,"ðŁĩªðŁĩ¸":22177,"biased":22178,"classical":22179,"gamma":22180,"deeplear":22181,"emerge":22182,"backer":22183,"surance":22184,"handcrafted":22185,"ðŁİ¥":22186,"francis":22187,"millan":22188,"ici":22189,"crown":22190,"wow":22191,"striped":22192,"unfair":22193,"relaxation":22194,"³ï¸ı":22195,"embracing":22196,"shealth":22197,"paleo":22198,"martini":22199,"distillery":22200,"wrink":22201,"ork":22202,"nath":22203,"hayley":22204,"courthouse":22205,"siber":22206,"sadi":22207,"quietly":22208,"melt":22209,"msm":22210,"meh":22211,"smartphones":22212,"relent":22213,"pping":22214,"warwick":22215,"cologne":22216,"glia":22217,"cotton":22218,"prog":22219,"lone":22220,"ipsw":22221,"starters":22222,"expands":22223,"ump":22224,"sued":22225,"skipper":22226,"infections":22227,"ingle":22228,"á":22229,"clerk":22230,"demonstrate":22231,"acar":22232,"ðŁĺĤðŁĺĤðŁĺĤ":22233,"tibet":22234,"buns":22235,"alom":22236,"demolition":22237,"ssia":22238,"gst":22239,"[]":22240,"soar":22241,"âĺĢ":22242,"ðŁĺª":22243,"ðŁĵĬ":22244,"deepest":22245,"beyond":22246,"aret":22247,"attends":22248,"activated":22249,"dimit":22250,"âļªï¸ı":22251,"highlighted":22252,"magazines":22253,"rumor":22254,"azza":22255,"stephens":22256,"dolph":22257,"shockey":22258,"mats":22259,"weav":22260,"melan":22261,"servers":22262,"traum":22263,"kush":22264,"æĹ":22265,"babys":22266,"paz":22267,"aal":22268,"lause":22269,"breakers":22270,"canterbury":22271,"ulture":22272,"miri":22273,"euros":22274,"taneous":22275,"impressions":22276,"dutch":22277,"ild":22278,"ghi":22279,"purdue":22280,"adequate":22281,"lp":22282,"syner":22283,"angler":22284,"durable":22285,"galore":22286,"rown":22287,"mgmt":22288,"ðŁĵĮ":22289,"lucia":22290,"âĺijï¸ı":22291,"zayn":22292,"borrow":22293,".(":22294,"northumber":22295,"crush":22296,"enga":22297,"sush":22298,"extravag":22299,"tout":22300,"mahal":22301,"alistic":22302,"thermo":22303,"galleries":22304,"esse":22305,"chibi":22306,"attractions":22307,"lexington":22308,"legislature":22309,"documented":22310,"residen":22311,"brownies":22312,"wf":22313,"stool":22314,"planets":22315,"shoppers":22316,"conductor":22317,"msp":22318,"tricky":22319,"fruity":22320,"endra":22321,"feelthe":22322,"whipped":22323,"hairstyle":22324,"refer":22325,"ook":22326,"octopus":22327,"audiences":22328,"kumar":22329,"afterno":22330,"optim":22331,"cfl":22332,"nip":22333,"geni":22334,"alphabet":22335,"annab":22336,"lamin":22337,"accepts":22338,"lng":22339,"ðŁĺ«":22340,"tine":22341,"acom":22342,"cheerleaders":22343,"tk":22344,"gron":22345,"vg":22346,"kung":22347,"jax":22348,"dhabi":22349,"rss":22350,"mackenzie":22351,"beirut":22352,"cleanup":22353,"gypsy":22354,"stell":22355,"burger":22356,"hurricanes":22357,"education":22358,"stina":22359,"âĻ¡âĻ¡":22360,"unfortunate":22361,"jeremi":22362,"badger":22363,"aters":22364,":â̦":22365,"terra":22366,"sublime":22367,"stud":22368,"ymca":22369,"mru":22370,"duterte":22371,"brennan":22372,"bulb":22373,"melo":22374,"ylon":22375,"hacker":22376,"cred":22377,"gud":22378,"asan":22379,"padilla":22380,"embroidered":22381,"vietnamese":22382,"pioneers":22383,"projection":22384,"reboot":22385,"idc":22386,"aney":22387,"primer":22388,"suffers":22389,"winding":22390,"pon":22391,"stoday":22392,"morn":22393,"uch":22394,"allin":22395,"adidas":22396,"elizabeth":22397,"tuck":22398,"ography":22399,"ðŁļĢ":22400,"beg":22401,"osborne":22402,"ghetto":22403,"rh":22404,"cnn":22405,"irma":22406,"makin":22407,"cables":22408,"murders":22409,"ocks":22410,"insta":22411,"alas":22412,"sik":22413,"cuff":22414,"lare":22415,"foodies":22416,"ovic":22417,"atom":22418,"geometric":22419,"empathy":22420,"ี":22421,"centenary":22422,"newspapers":22423,"administrative":22424,"ðŁİĬ":22425,"stive":22426,"contractors":22427,"lett":22428,"tasmania":22429,"awesomeness":22430,"density":22431,"veen":22432,"princeton":22433,"frequently":22434,"reject":22435,"ghi":22436,"modular":22437,"ceramics":22438,"shag":22439,"kiwi":22440,"canvas":22441,"sweatshirt":22442,"anj":22443,"timm":22444,"napoli":22445,"iler":22446,"appeals":22447,"hamilton":22448,"mayo":22449,"weave":22450,"arranged":22451,"wharf":22452,"occupy":22453,"bvb":22454,"asaki":22455,"otter":22456,"norm":22457,"vies":22458,"detox":22459,"tional":22460,"derek":22461,"idad":22462,"admissions":22463,"constituency":22464,"upper":22465,"woot":22466,"alloy":22467,"seve":22468,"lub":22469,"uncomfortable":22470,"edwin":22471,"abre":22472,"dwight":22473,"arche":22474,"virtually":22475,"spol":22476,"prie":22477,"aii":22478,"err":22479,"switch":22480,"barack":22481,"seok":22482,"coul":22483,"wnt":22484,"poul":22485,"olive":22486,"caffeine":22487,"cardiff":22488,"notorious":22489,"demp":22490,"excess":22491,"barr":22492,"tford":22493,"ajay":22494,"bumped":22495,"mythology":22496,"shelley":22497,"falcon":22498,"shakespeare":22499,"mustangs":22500,"noted":22501,"bone":22502,"civilization":22503,"syd":22504,"parsons":22505,"unofficial":22506,"hyped":22507,"spends":22508,"opposed":22509,"vings":22510,"spacex":22511,"notification":22512,"deciding":22513,"biotech":22514,"outsi":22515,"salah":22516,"!.":22517,"fed":22518,"ssy":22519,"cms":22520,"badgers":22521,"cro":22522,"elaine":22523,"nba":22524,"dyour":22525,"nant":22526,"honeymoon":22527,"climbed":22528,"conomy":22529,"atha":22530,"mell":22531,"nebula":22532,"naturephotography":22533,"julie":22534,"bmx":22535,"invested":22536,"mono":22537,"lieutenant":22538,"watkins":22539,"technician":22540,"ose":22541,"kae":22542,"ìĽ":22543,"mcqueen":22544,"preach":22545,"traveller":22546,"flexibility":22547,"zebra":22548,"retailer":22549,"pant":22550,"bender":22551,"brandt":22552,"squid":22553,"warrant":22554,"verified":22555,"cass":22556,"piercing":22557,"honours":22558,"tying":22559,"morris":22560,"kissed":22561,"oprah":22562,"panoramic":22563,"mei":22564,"splatoon":22565,"wichita":22566,"arias":22567,"galli":22568,"indyref":22569,"goodtimes":22570,"atheist":22571,"confession":22572,"owski":22573,"repping":22574,"additions":22575,"mechanism":22576,"zim":22577,"jans":22578,"suf":22579,"chopped":22580,"beginnings":22581,"vitamins":22582,"ãħ¤ãħ¤":22583,"orth":22584,"poles":22585,"rub":22586,"antarctica":22587,"indiefilm":22588,"webcam":22589,"ketch":22590,"brett":22591,"clement":22592,"heron":22593,"defeating":22594,"hydro":22595,"bucket":22596,"wandering":22597,"sidney":22598,"futureof":22599,"binge":22600,"onies":22601,"knockout":22602,"administrator":22603,"synthe":22604,"lent":22605,"jani":22606,"barley":22607,"premierleague":22608,"nerds":22609,"crm":22610,"bras":22611,"botany":22612,"evolved":22613,"rotter":22614,"rowed":22615,"tumor":22616,"wealthy":22617,"ÂŃ":22618,"monarch":22619,"lished":22620,"dahl":22621,"ðŁİĥ":22622,"buch":22623,"kenyan":22624,"ا":22625,"redness":22626,"assembled":22627,"semit":22628,"hudder":22629,"shrop":22630,"rani":22631,"learning":22632,"mory":22633,"itia":22634,"geographic":22635,"worldof":22636,"fb":22637,"phosp":22638,"boogie":22639,"amped":22640,"?...":22641,"chew":22642,"dwarf":22643,"arus":22644,"ssen":22645,"rusty":22646,"recruits":22647,"hk":22648,"garde":22649,"applause":22650,"volumes":22651,"involves":22652,"tac":22653,"handbag":22654,"translate":22655,"ffel":22656,"seym":22657,"aquatic":22658,"transfer":22659,"zodi":22660,"andr":22661,"academia":22662,"crater":22663,"tez":22664,"arse":22665,"adapt":22666,"coloni":22667,"snowman":22668,"mali":22669,"hangin":22670,"dischar":22671,"oysters":22672,"phoe":22673,"colonel":22674,"wba":22675,"hispanic":22676,"thriving":22677,"shy":22678,"agles":22679,"salesforce":22680,"creme":22681,"soles":22682,"lafayette":22683,"âī":22684,"teria":22685,"acha":22686,"sperson":22687,"gogo":22688,"carly":22689,"theore":22690,"amore":22691,"vox":22692,"aft":22693,"ãĤ¹":22694,"staple":22695,"muffin":22696,"diagram":22697,"inox":22698,"sustained":22699,"avent":22700,"meta":22701,"arbitr":22702,"decay":22703,"adole":22704,"н":22705,"ecol":22706,"pho":22707,"nk":22708,"ocu":22709,"granny":22710,"ça":22711,"luxembour":22712,"stadt":22713,"alberto":22714,"levit":22715,"amas":22716,"dx":22717,"orphan":22718,"cobb":22719,"asc":22720,"logy":22721,"immense":22722,"chants":22723,"offline":22724,"pent":22725,"brex":22726,"winger":22727,"plane":22728,"iel":22729,"nichols":22730,"cathy":22731,"naruto":22732,"lowed":22733,"///":22734,"ignorance":22735,"catastro":22736,"youts":22737,"schen":22738,"build":22739,"hazi":22740,"sine":22741,"criticalrole":22742,"dug":22743,"detect":22744,"logs":22745,"enamel":22746,"stpatricksday":22747,"eddie":22748,"copa":22749,"cigarettes":22750,"hoff":22751,"kaya":22752,"lagoon":22753,"rapha":22754,"airborne":22755,"choose":22756,"puertor":22757,"kev":22758,"guiding":22759,"frosty":22760,"borough":22761,"mira":22762,"ðŁİĬ":22763,"cadet":22764,"anush":22765,"yogi":22766,"eger":22767,"fling":22768,"slope":22769,"ninth":22770,"weston":22771,"footwear":22772,"fn":22773,"mayweather":22774,"aam":22775,"plain":22776,"staircase":22777,"witnesses":22778,"workouts":22779,"robust":22780,"dexter":22781,"cohort":22782,"ðŁļĹ":22783,"spell":22784,"haze":22785,"oom":22786,"organising":22787,"wildfire":22788,"contacts":22789,"avon":22790,"mino":22791,"updating":22792,"ðŁį»":22793,"lithium":22794,"ingual":22795,"kis":22796,"auga":22797,"locom":22798,"deduc":22799,"uda":22800,"thak":22801,"boyle":22802,"mper":22803,"hottie":22804,"erik":22805,"revised":22806,"isla":22807,"travelphotography":22808,"ooza":22809,"enqui":22810,"conferences":22811,"clover":22812,"groom":22813,"curves":22814,"liveon":22815,"perf":22816,"displaced":22817,"bolog":22818,"xxxx":22819,"ðŁĺ©ðŁĺ©":22820,"teal":22821,"vessels":22822,"rainforest":22823,"calci":22824,"panther":22825,"giraffe":22826,"tasted":22827,"imagery":22828,"padres":22829,"daytime":22830,"bass":22831,"ripe":22832,"opioid":22833,"nue":22834,"vinyl":22835,"inventor":22836,"sens":22837,"processor":22838,"mut":22839,"gadgets":22840,"biblical":22841,"shannon":22842,"jacqueline":22843,"cary":22844,"theresistance":22845,"alien":22846,"nvi":22847,"cosy":22848,"bihar":22849,"foley":22850,"rend":22851,"mugs":22852,"faken":22853,"clone":22854,"niallo":22855,"grabbed":22856,"chihu":22857,"powerhouse":22858,"ntt":22859,"cherokee":22860,"sponge":22861,"implementing":22862,"rhine":22863,"leone":22864,"ðŁįĢ":22865,"prettiest":22866,"infrared":22867,"improv":22868,"switched":22869,"tubes":22870,"contr":22871,"blk":22872,"projected":22873,"beaver":22874,"yot":22875,"bbcradio":22876,"thigh":22877,"persecu":22878,"apologize":22879,"wack":22880,"poster":22881,"oliver":22882,"aza":22883,"loud":22884,"(?)":22885,"fthe":22886,"womenshi":22887,"sparrow":22888,"blush":22889,"usable":22890,"scales":22891,"itative":22892,"peuge":22893,"needing":22894,"leggings":22895,"glamorous":22896,"matur":22897,"cz":22898,"watt":22899,"dab":22900,"tamar":22901,"etsym":22902,"bauer":22903,"heartfelt":22904,"hn":22905,"elsewhere":22906,"birch":22907,"alumini":22908,"huck":22909,"eme":22910,"jl":22911,"trafford":22912,"dz":22913,"portions":22914,"anasta":22915,"arthritis":22916,"espn":22917,"bergen":22918,"violation":22919,"yoshi":22920,"cz":22921,"northumberland":22922,"closures":22923,"ðŁĩ¯ðŁĩ":22924,"smiley":22925,"rw":22926,"telugu":22927,"intensi":22928,"gregg":22929,"vega":22930,"dungeon":22931,"southbound":22932,"bail":22933,"dominican":22934,"semifinal":22935,"chapters":22936,"hitch":22937,"vanity":22938,"transiti":22939,"recommends":22940,"satisf":22941,"barca":22942,"queens":22943,"((":22944,"destruc":22945,"strait":22946,"ravi":22947,"desserts":22948,"intru":22949,"haram":22950,"kos":22951,"foe":22952,"fatty":22953,"paisley":22954,"magnitude":22955,"dridge":22956,"comey":22957,"schemes":22958,"visionary":22959,"ourt":22960,"downloaded":22961,"ðŁĻĮðŁı½":22962,"gdpr":22963,"lani":22964,"pwc":22965,"guad":22966,"nicest":22967,"stakeholders":22968,"referred":22969,"georgetown":22970,"arvindkejriwal":22971,"schneider":22972,"indoors":22973,"allstar":22974,"stranded":22975,"gender":22976,"zepp":22977,"masses":22978,"ðŁIJ±":22979,"patiently":22980,"bldg":22981,"zab":22982,"wearab":22983,"vivid":22984,"heck":22985,"della":22986,"symb":22987,"jeopar":22988,"lager":22989,"àª":22990,"combines":22991,"nec":22992,"bray":22993,"flop":22994,"txwx":22995,"joys":22996,"pont":22997,"profound":22998,"surround":22999,"madhu":23000,"mable":23001,"ayr":23002,"teas":23003,"nsa":23004,"openly":23005,"ernest":23006,"ãĥ©":23007,"topo":23008,"gna":23009,"antioxid":23010,"tian":23011,"etr":23012,"cello":23013,"mathi":23014,"generosity":23015,"biting":23016,"manic":23017,"kelsey":23018,"cheeks":23019,"tender":23020,"wth":23021,"pronoun":23022,"ultimately":23023,"gusta":23024,"arianag":23025,"gerry":23026,"bleed":23027,"reddy":23028,"mich":23029,"mitsubishi":23030,"operated":23031,"sexually":23032,"mau":23033,"cllr":23034,"vids":23035,"coc":23036,"melted":23037,"ðŁĮĪ":23038,"qld":23039,"itech":23040,"instrumental":23041,"endgame":23042,"ðŁĵĸ":23043,"energi":23044,"brownie":23045,"tamil":23046,"atin":23047,"dominated":23048,"praises":23049,"fireplace":23050,"sensational":23051,"mena":23052,"karti":23053,"unprece":23054,"rupt":23055,"oriental":23056,"mccor":23057,"tournaments":23058,"scenter":23059,"reeves":23060,"prescription":23061,"same":23062,"frau":23063,"truffle":23064,"embo":23065,"romans":23066,"blasts":23067,"technological":23068,"prat":23069,"bsb":23070,"yar":23071,"trendy":23072,"acl":23073,"alad":23074,"ðŁįģ":23075,"ohh":23076,"bankrupt":23077,"thoven":23078,"regards":23079,"iser":23080,"warwick":23081,"vineyards":23082,"realm":23083,"niallofficial":23084,"dota":23085,"gemini":23086,"todo":23087,"vable":23088,"¨¨":23089,"lau":23090,"wreath":23091,"juve":23092,"natasha":23093,"lever":23094,"lori":23095,"horser":23096,"cctv":23097,"airbnb":23098,"esanders":23099,"sinclair":23100,"emabiggest":23101,"highschool":23102,"contest":23103,"optimistic":23104,"tte":23105,"ðŁĴķðŁĴķ":23106,"ssd":23107,"yee":23108,"helena":23109,"consen":23110,"ricks":23111,"jesse":23112,"anic":23113,"ðŁİ¯":23114,"reacts":23115,"robe":23116,"independence":23117,"voltage":23118,"mington":23119,"sant":23120,"à¸Ļà¸":23121,"----------------":23122,"sentinel":23123,"kett":23124,"rehearsing":23125,"aaaaaaaa":23126,"softhe":23127,"stirling":23128,"search":23129,"wigan":23130,"standout":23131,"snail":23132,"pentagon":23133,"Äģ":23134,"chlor":23135,"crust":23136,"netany":23137,"chemist":23138,"disappeared":23139,"ricardo":23140,"spiders":23141,"bose":23142,"warren":23143,"messing":23144,"banners":23145,"guel":23146,"parach":23147,"maid":23148,"counted":23149,"epile":23150,"bonfire":23151,"speechless":23152,"setter":23153,"measured":23154,"rejects":23155,"nikki":23156,"lester":23157,"forensic":23158,"fabrics":23159,"aloha":23160,"preserved":23161,"watford":23162,"detailing":23163,"darth":23164,"bou":23165,"carly":23166,"...'":23167,"tailgate":23168,"notifications":23169,"å¤":23170,"passive":23171,"trousers":23172,"baloch":23173,"rother":23174,"typically":23175,"Ã¥":23176,"spit":23177,"wiz":23178,"sicily":23179,"technically":23180,"expose":23181,"stage":23182,"hubb":23183,"cream":23184,"caps":23185,"poke":23186,"sleek":23187,"june":23188,"temporarily":23189,"dez":23190,"awakens":23191,"lame":23192,"_-":23193,"jiha":23194,"tuesdays":23195,"advised":23196,"advisors":23197,"existed":23198,"disagree":23199,"newsroom":23200,"losers":23201,"worldtour":23202,"drying":23203,"aldi":23204,"harness":23205,"footprint":23206,"hobbit":23207,"pmln":23208,"iro":23209,"quered":23210,"assess":23211,"gaze":23212,"sab":23213,"thian":23214,"íĬ":23215,"tif":23216,"observe":23217,"evil":23218,"drawer":23219,"sweep":23220,"cory":23221,"cody":23222,"kyoto":23223,"callum":23224,"ninj":23225,"laurent":23226,"bei":23227,"sketching":23228,"customized":23229,"dur":23230,"regrets":23231,"knoxville":23232,"ìķĦ":23233,"messaging":23234,"gracie":23235,"abundance":23236,"bidding":23237,"brewed":23238,"flouri":23239,"therapeutic":23240,"altitude":23241,"hogs":23242,"burner":23243,"electro":23244,"wonderfully":23245,"heater":23246,"postpon":23247,"livery":23248,"rall":23249,"adas":23250,"aac":23251,"saul":23252,"brooklyn":23253,"playhouse":23254,"âĻ¥âĻ¥âĻ¥":23255,"charitable":23256,"iny":23257,"zah":23258,"competitions":23259,"beav":23260,"plugged":23261,"ois":23262,"doom":23263,"astronom":23264,"specialized":23265,"maxi":23266,"taps":23267,"cellular":23268,"depressed":23269,"folklorethursday":23270,"crib":23271,"emul":23272,"ë°©":23273,"figh":23274,"ruz":23275,"carlisle":23276,"spear":23277,"sidewalk":23278,"dei":23279,"dependent":23280,"laces":23281,"nhs":23282,"ðŁĮĻ":23283,"realizing":23284,"network":23285,"riche":23286,"regin":23287,"refresh":23288,"stral":23289,"pathology":23290,"plaid":23291,"psychedelic":23292,"hind":23293,"uka":23294,"algorithm":23295,"linking":23296,"progressi":23297,"fey":23298,"dade":23299,"hydrated":23300,"bant":23301,"famed":23302,"cotsw":23303,"boise":23304,"asc":23305,"racing":23306,"javier":23307,"wwen":23308,"marlins":23309,"poop":23310,"swept":23311,"tonights":23312,"wef":23313,"anime":23314,"slovak":23315,"âŀĸâŀĸ":23316,"claus":23317,"lemme":23318,"clippers":23319,"rels":23320,"arianagrande":23321,"rte":23322,"kot":23323,"thalapathy":23324,"hungarian":23325,"zuma":23326,"yvon":23327,"isu":23328,"journeys":23329,"clinics":23330,"bebe":23331,"wwf":23332,"nws":23333,"superheroes":23334,"erit":23335,"sleague":23336,"identification":23337,"motto":23338,"bai":23339,"sourced":23340,"iller":23341,"api":23342,"prise":23343,"unprecedented":23344,"damas":23345,"tunisia":23346,"drain":23347,"underestim":23348,"ether":23349,"quarterly":23350,"rewarding":23351,"alham":23352,"wolverine":23353,"cabine":23354,"hypno":23355,"nadine":23356,"havana":23357,"dae":23358,"ðŁĵĪ":23359,"dron":23360,"readings":23361,"bati":23362,"pico":23363,"merci":23364,"itian":23365,"walkers":23366,"elope":23367,"mikey":23368,"godzilla":23369,"burlington":23370,"abuja":23371,"socialism":23372,"atility":23373,"shell":23374,"harrypotter":23375,"gno":23376,"abur":23377,"releg":23378,"felici":23379,"rogen":23380,"neuroscience":23381,"instin":23382,"atham":23383,"vouchers":23384,"jarre":23385,"fuse":23386,"defici":23387,"monterey":23388,"deport":23389,"midday":23390,"ppard":23391,"freed":23392,"ameter":23393,"wilt":23394,"ningham":23395,"pratt":23396,"liberty":23397,"slogan":23398,"oto":23399,"pri":23400,"coated":23401,"cpd":23402,"nett":23403,"illas":23404,"malawi":23405,"evolve":23406,"accessibility":23407,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":23408,"ornament":23409,"bp":23410,"elis":23411,"sonline":23412,"chiro":23413,"flick":23414,"ibm":23415,"arak":23416,"enables":23417,"garland":23418,"sane":23419,"cuties":23420,"trip":23421,"rotterdam":23422,"nys":23423,"lamps":23424,"lucas":23425,"bog":23426,"rails":23427,"travelled":23428,"hicks":23429,"enu":23430,"sabha":23431,"scrub":23432,"hier":23433,"hartford":23434,"foo":23435,"fernandez":23436,"trevor":23437,"mattress":23438,"appointments":23439,"alej":23440,"fei":23441,"ologist":23442,"safar":23443,"octa":23444,"src":23445,"shaun":23446,"ambient":23447,"dric":23448,"biker":23449,"shee":23450,"mustache":23451,"hta":23452,"boone":23453,"herty":23454,"cardio":23455,"brakes":23456,"recital":23457,"consists":23458,"overwhelmed":23459,"caul":23460,"robbins":23461,"imit":23462,"alth":23463,"url":23464,"bibli":23465,"onne":23466,"blacklivesmatter":23467,"difficulties":23468,"telang":23469,"taller":23470,"ðŁĵĨ":23471,"debating":23472,"burrito":23473,"movember":23474,"strengthening":23475,"boe":23476,"testam":23477,"miracles":23478,"baseball":23479,"renee":23480,"ðŁijīðŁı»":23481,"alfa":23482,"âĺĺ":23483,"unstoppable":23484,"ecs":23485,"gmo":23486,"giftideas":23487,"pathway":23488,"fencing":23489,"ðŁİ¤":23490,"bham":23491,"ras":23492,"sko":23493,"dled":23494,"thelast":23495,"magnum":23496,"binary":23497,"wilde":23498,"wilder":23499,"whati":23500,"barbecue":23501,"hism":23502,"canoe":23503,"kurdi":23504,"elive":23505,"advantages":23506,"madame":23507,"bier":23508,"missing":23509,"entertain":23510,"airforce":23511,"yama":23512,"cis":23513,"hashtags":23514,"jis":23515,"veil":23516,"dreamy":23517,"tense":23518,"mayward":23519,"chateau":23520,"huntington":23521,"âļĵ":23522,"vall":23523,"upon":23524,"blouse":23525,"dunes":23526,"ðŁĺ´":23527,"fertility":23528,"mole":23529,"currencies":23530,"stu":23531,"berlin":23532,"toasted":23533,"divas":23534,"walt":23535,"lark":23536,"pora":23537,"hitter":23538,"umer":23539,"chilled":23540,"balancing":23541,"fais":23542,"yin":23543,"ortiz":23544,"eastenders":23545,"hate":23546,"ural":23547,"april":23548,"timel":23549,"à±":23550,"pero":23551,"stocked":23552,"respects":23553,"tht":23554,"bestfriends":23555,"givingtuesday":23556,"bead":23557,"invent":23558,"imi":23559,"naples":23560,"combining":23561,"tokens":23562,"thirst":23563,"masc":23564,"parrot":23565,"spu":23566,"denton":23567,"*-*":23568,"tres":23569,"suburban":23570,"width":23571,"sive":23572,"contender":23573,"sirius":23574,"lok":23575,"troopers":23576,"outrage":23577,"turbo":23578,"fragile":23579,"messed":23580,"doh":23581,"discord":23582,"netanyahu":23583,"resign":23584,"forgiveness":23585,"mohan":23586,"munch":23587,"camou":23588,"identifying":23589,"enabling":23590,"hotter":23591,"thornton":23592,"jaipur":23593,"arya":23594,"ðŁı»âĢįâĻĢï¸ı":23595,"mustaf":23596,"majors":23597,"oke":23598,"duffy":23599,"rohing":23600,"tilt":23601,"ðŁĩ®ðŁĩ³":23602,"rockstar":23603,"sheep":23604,"hendrix":23605,"rav":23606,"invention":23607,"dou":23608,"laguna":23609,"grumpy":23610,"swis":23611,"impe":23612,")'":23613,"youths":23614,"bunker":23615,"stache":23616,"oppose":23617,"indies":23618,"accelerate":23619,"mlp":23620,"eden":23621,"wann":23622,"kail":23623,"akshaykumar":23624,"supt":23625,"polym":23626,"middleton":23627,"extraordin":23628,"wilson":23629,"australian":23630,"aluminium":23631,"wayne":23632,"alumnus":23633,"matics":23634,"grim":23635,"ernie":23636,"oppa":23637,"competitors":23638,"randall":23639,"hence":23640,"declares":23641,"preaching":23642,"shahe":23643,"cane":23644,"sustainable":23645,"staples":23646,"ledge":23647,"adena":23648,"doctoral":23649,"burgundy":23650,"decorate":23651,"rendered":23652,"risen":23653,"prank":23654,"dior":23655,"beethoven":23656,"floor":23657,"accom":23658,"tot":23659,"hodg":23660,"tourism":23661,"sayin":23662,"objective":23663,"markers":23664,"premiership":23665,"enabled":23666,"camoufla":23667,"giant":23668,"Ñģ":23669,"smokey":23670,"ricket":23671,"pang":23672,"depending":23673,"sation":23674,"evolving":23675,"intercep":23676,"census":23677,"tofthe":23678,"reen":23679,"mendoza":23680,"trumpet":23681,"marketers":23682,"anit":23683,"ðŁĻĬ":23684,"northwestern":23685,"vla":23686,"fotogra":23687,"blackandwhite":23688,"chewan":23689,"wig":23690,"troom":23691,"gingerbread":23692,"kn":23693,"romero":23694,"nfc":23695,"orchi":23696,"funko":23697,"source":23698,"fs":23699,"raped":23700,"ost":23701,"tarot":23702,"annually":23703,"ðŁĺ¬":23704,"rill":23705,"delav":23706,"..!!":23707,"ses":23708,"cann":23709,"medicare":23710,"phel":23711,"apex":23712,"guardian":23713,"remained":23714,"rpm":23715,"añ":23716,"storymonth":23717,"instagood":23718,"neighbour":23719,"ping":23720,"semite":23721,"mystic":23722,"ascot":23723,"mater":23724,"handful":23725,"dangers":23726,"tid":23727,"anaheim":23728,"opoly":23729,"shallow":23730,"namibia":23731,"toria":23732,"procurement":23733,"bigbang":23734,"announcements":23735,"prosecutor":23736,"bengals":23737,"salle":23738,"enroll":23739,"gastro":23740,"suggestion":23741,"bak":23742,"haul":23743,"buddhism":23744,"berniesanders":23745,"flute":23746,"fatigue":23747,"cynthia":23748,"choi":23749,"irwin":23750,"gua":23751,"strous":23752,"hp":23753,"bap":23754,"satisfying":23755,"playa":23756,"ðŁİ¼":23757,"instap":23758,"alice":23759,"tp":23760,"irrigation":23761,"ðŁĩ¬ðŁĩ§":23762,"intric":23763,"clues":23764,"plex":23765,"sax":23766,"hepat":23767,"dumped":23768,"significance":23769,"byu":23770,"medication":23771,"prov":23772,"toughest":23773,"cornish":23774,"âŀľ":23775,"kelley":23776,"uv":23777,"sizz":23778,"sibling":23779,"mest":23780,"distor":23781,"diplomatic":23782,"auntie":23783,"bhat":23784,"sonic":23785,"brenda":23786,"pumpkins":23787,"roch":23788,"blackburn":23789,"urged":23790,"shia":23791,"arrangements":23792,"flood":23793,"saunders":23794,"lecturer":23795,"nouri":23796,"populations":23797,"diplomacy":23798,"consistently":23799,"ð٤Ļ":23800,"tmund":23801,"cauliflower":23802,"lily":23803,"vocabulary":23804,"varieties":23805,"cooker":23806,"uptown":23807,"quent":23808,"mosa":23809,"reinde":23810,"velocity":23811,"spruce":23812,"socialmedi":23813,"iber":23814,"voluntary":23815,"processed":23816,"baltic":23817,"yang":23818,"lebanese":23819,"dp":23820,"dolly":23821,"arrangement":23822,"yuri":23823,"cranberry":23824,"kalyan":23825,"elevation":23826,"cliff":23827,"pushes":23828,"ìĬ¤":23829,"silic":23830,"cowx":23831,"eternity":23832,"slaves":23833,"vinegar":23834,"gloucester":23835,"contained":23836,"breakingnews":23837,"against":23838,"renovated":23839,"normandy":23840,"heroin":23841,"ysm":23842,"mods":23843,"greek":23844,"undi":23845,"trench":23846,"vh":23847,"encourages":23848,"headache":23849,"grange":23850,":'":23851,"evergreen":23852,"ÙĬ":23853,"reckon":23854,"abused":23855,"thru":23856,"choice":23857,"tidy":23858,"colder":23859,"schoice":23860,"hain":23861,"brum":23862,"liars":23863,"breit":23864,"yorker":23865,"shack":23866,"heidi":23867,"michaels":23868,"scopic":23869,"fascist":23870,"playful":23871,"cac":23872,"yasss":23873,"shad":23874,"..?":23875,"quen":23876,"ramirez":23877,"clifton":23878,"prs":23879,"bestfan":23880,"âģł":23881,"generating":23882,"headset":23883,"disappointment":23884,"abstract":23885,"boiled":23886,"parenthood":23887,"azerbaijan":23888,"exhibiting":23889,"bombay":23890,"olivier":23891,"koso":23892,"unlea":23893,"maternity":23894,"izer":23895,"sives":23896,"rhu":23897,"coll":23898,"saskatchewan":23899,"freakin":23900,"dek":23901,"nag":23902,"stabili":23903,"ðŁįķ":23904,"organizer":23905,"bosses":23906,"aru":23907,"uva":23908,"atable":23909,"taun":23910,"afterwards":23911,"fertili":23912,"verge":23913,"azi":23914,"morph":23915,"à¹ģà¸":23916,"jerk":23917,"cosmetic":23918,"kow":23919,"strust":23920,"apache":23921,"postcards":23922,"formul":23923,"ìĭ":23924,"spinal":23925,"jackpot":23926,"electri":23927,"ÃŃ":23928,"loy":23929,"grader":23930,"diablo":23931,"ardi":23932,"hesit":23933,"fw":23934,"archery":23935,"pash":23936,"theories":23937,"repeal":23938,"relive":23939,"percy":23940,"âĺĨ":23941,"imin":23942,"synchron":23943,"shampoo":23944,"coupons":23945,"oto":23946,"lai":23947,"thought":23948,"luxembourg":23949,"mov":23950,"ðŁĺ¥":23951,"gemma":23952,"seated":23953,"mga":23954,"stratford":23955,"uncertainty":23956,"shifts":23957,"esto":23958,"fool":23959,"firearms":23960,"corrie":23961,"kiki":23962,"apparent":23963,"pills":23964,"olympia":23965,"fid":23966,"elevated":23967,"decks":23968,"ignoring":23969,"avalan":23970,"rov":23971,"whistle":23972,"ptsd":23973,"militants":23974,"robotic":23975,"pacers":23976,"quilt":23977,"bankruptcy":23978,"lich":23979,"percussion":23980,"celebrity":23981,"als":23982,"(;":23983,"sut":23984,"pokemongo":23985,"hg":23986,"offs":23987,"gibraltar":23988,"screams":23989,"billie":23990,"genome":23991,"marin":23992,"beams":23993,"archbishop":23994,"emin":23995,"bedrooms":23996,"gated":23997,"olly":23998,"warranty":23999,"atown":24000,"cuddles":24001,"gunna":24002,"kic":24003,"vive":24004,"cymru":24005,"narrow":24006,"prob":24007,"leo":24008,"references":24009,"manufactured":24010,"chopper":24011,"brunswick":24012,"semis":24013,"donia":24014,"rye":24015,"mano":24016,"hurting":24017,"?#":24018,"holli":24019,"investigations":24020,"cels":24021,"ðŁĵŀ":24022,"lester":24023,"temples":24024,"storey":24025,"mcmahon":24026,"toilets":24027,"woof":24028,"ï¸İ":24029,"leverage":24030,"atom":24031,"nightmares":24032,"victorious":24033,"haunting":24034,"customer":24035,"agi":24036,"yoongi":24037,"monty":24038,"veronica":24039,"wur":24040,"intimid":24041,"blankets":24042,"volution":24043,"jm":24044,"âĺİ":24045,"amon":24046,"judith":24047,"ðŁĺİðŁĺİ":24048,"distracted":24049,"drip":24050,"hurricane":24051,"andes":24052,"revelation":24053,"troop":24054,"ableg":24055,"collin":24056,"tibetan":24057,"worrying":24058,"internationally":24059,"eater":24060,"cameroon":24061,"brador":24062,"yuk":24063,"ðŁĴĹðŁĴĹ":24064,"trak":24065,"slopes":24066,"cier":24067,"nea":24068,"oler":24069,"taka":24070,"albion":24071,"volcanic":24072,"amn":24073,"afi":24074,"obstac":24075,"facetime":24076,"gering":24077,"npr":24078,"metallica":24079,"organic":24080,"ðŁĴ¡":24081,"kidd":24082,"dances":24083,"pembro":24084,"washer":24085,"mits":24086,"omer":24087,"emotionally":24088,"tango":24089,"ipo":24090,"docks":24091,"scanning":24092,"specs":24093,"thom":24094,"theology":24095,"emergen":24096,"omi":24097,"gpa":24098,"selections":24099,"unnecessary":24100,"image":24101,"ters":24102,"induced":24103,"gigan":24104,"rentals":24105,"supplied":24106,"mfa":24107,"shankar":24108,"later":24109,"pajam":24110,"clave":24111,"Ùģ":24112,"mahin":24113,"carlson":24114,"avian":24115,"anova":24116,"katie":24117,"ajith":24118,"designated":24119,"chocolates":24120,"investigators":24121,"glazed":24122,"princess":24123,"erry":24124,"ragn":24125,"ourable":24126,"hru":24127,"sundance":24128,"peugeot":24129,"steampunk":24130,"ghlin":24131,"grease":24132,"hires":24133,"zap":24134,"perce":24135,"jill":24136,"tome":24137,"hehehe":24138,"joyful":24139,"maestro":24140,"nished":24141,"genealo":24142,"vich":24143,"pits":24144,"foxes":24145,"goodman":24146,"emerson":24147,"lobes":24148,"converse":24149,"oats":24150,"thomson":24151,"rahim":24152,"malware":24153,"ahi":24154,"mankind":24155,"resin":24156,"img":24157,"swood":24158,"kinder":24159,"scroll":24160,"ara":24161,"sakura":24162,"robbed":24163,"xion":24164,"nya":24165,"cism":24166,"cedar":24167,"bein":24168,"mourning":24169,"torto":24170,"heathrow":24171,"donegal":24172,"barb":24173,"hydration":24174,"kor":24175,"elimination":24176,"supdates":24177,"hills":24178,"appeti":24179,"starred":24180,"kom":24181,"gwen":24182,"ddd":24183,"cray":24184,"scanner":24185,"personalised":24186,"serenity":24187,"redesign":24188,"metaph":24189,"boxed":24190,"judgment":24191,"nose":24192,"ë¹":24193,"erad":24194,"acne":24195,"suppliers":24196,"energetic":24197,"vom":24198,"asap":24199,"ðŁĶ¸":24200,"irvine":24201,"hatch":24202,"lass":24203,"adren":24204,"waffles":24205,"accurately":24206,"icio":24207,"ittle":24208,"seun":24209,"occupy":24210,"webcam":24211,"thenew":24212,"entes":24213,"gai":24214,"jw":24215,"accountable":24216,"visor":24217,"irrit":24218,"licensing":24219,"huddersfield":24220,"genie":24221,"ðŁİ¾":24222,"atmospheric":24223,"tensions":24224,"spartan":24225,"clifford":24226,"olan":24227,"northbound":24228,"ameen":24229,"censor":24230,"uel":24231,"stery":24232,"$$":24233,"farrell":24234,"hyster":24235,"clt":24236,"sedan":24237,"replied":24238,"describing":24239,"microwave":24240,"slab":24241,"prosp":24242,"assisting":24243,"rubio":24244,"ethan":24245,"hhhhh":24246,"guay":24247,"zman":24248,"raise":24249,"rolling":24250,"oe":24251,"nile":24252,"ambrose":24253,"scarborough":24254,"heroic":24255,"cooks":24256,"mort":24257,"chopra":24258,"ðŁĮ·":24259,"tob":24260,"shaving":24261,"stacey":24262,"dorm":24263,"motorsports":24264,"wiki":24265,"folds":24266,"spiced":24267,"stressful":24268,"literal":24269,"fudge":24270,"peggy":24271,"waite":24272,"tresses":24273,"sesh":24274,"pric":24275,"ðŁİħ":24276,"fright":24277,"rva":24278,"mumbai":24279,"pom":24280,"ttv":24281,"cellar":24282,"tome":24283,"android":24284,"doris":24285,"tsunami":24286,"tinder":24287,"oec":24288,"mwc":24289,"dortmund":24290,"nothin":24291,"liti":24292,"sou":24293,"believein":24294,"atu":24295,"knocks":24296,"magni":24297,"sssss":24298,"rohit":24299,"inews":24300,"angi":24301,"mandy":24302,"kettle":24303,"intermediate":24304,"avant":24305,"curl":24306,"endorsed":24307,"orio":24308,"urt":24309,"consideration":24310,"wires":24311,"shelters":24312,"bino":24313,"vikram":24314,"implemented":24315,"lydia":24316,"buk":24317,"parody":24318,"cnews":24319,"undergraduate":24320,"canucks":24321,"sami":24322,"politically":24323,"rotten":24324,"ghz":24325,"textiles":24326,"overload":24327,"moderni":24328,"recreational":24329,"flir":24330,"baton":24331,"typography":24332,"ovation":24333,"intriguing":24334,"pilgrimage":24335,"alge":24336,"adays":24337,"tcmparty":24338,"spelled":24339,"curls":24340,"booze":24341,"stem":24342,"annes":24343,"irls":24344,"sponge":24345,"shopper":24346,"signation":24347,"brass":24348,"mistress":24349,"leah":24350,"beginner":24351,"lauderdale":24352,"august":24353,"preschool":24354,"taping":24355,"taipei":24356,"executives":24357,"bd":24358,"rhetor":24359,"escor":24360,"immuno":24361,"deeplearning":24362,"statues":24363,"itus":24364,"manuscript":24365,"lyric":24366,"corvette":24367,"molly":24368,"lage":24369,"dep":24370,"cnbc":24371,"lest":24372,"jessi":24373,"fife":24374,"griffith":24375,"opposing":24376,"rang":24377,"drills":24378,"respectful":24379,"pity":24380,"dell":24381,"harding":24382,"playboy":24383,"bloke":24384,"shutout":24385,"kili":24386,"osp":24387,"seattle":24388,"bcpoli":24389,"mises":24390,"journals":24391,"teaming":24392,"esther":24393,"freddy":24394,"Ķï¸ı":24395,"metrics":24396,"notre":24397,"garry":24398,"forty":24399,"navigate":24400,"periods":24401,"benedic":24402,"jid":24403,"daw":24404,"ancestors":24405,"restoring":24406,"cong":24407,"allergy":24408,"titanium":24409,"cence":24410,"leaning":24411,"abbas":24412,"vast":24413,"ucf":24414,"roofing":24415,"eman":24416,"severely":24417,"vogue":24418,"veau":24419,"inbound":24420,"dz":24421,"taneously":24422,"stretching":24423,"manchester":24424,"dryer":24425,"davis":24426,"kanth":24427,"thegame":24428,"itted":24429,"retain":24430,"elles":24431,"congestion":24432,"fraternity":24433,"ollie":24434,"loki":24435,"freely":24436,"choo":24437,"pony":24438,"scep":24439,"tably":24440,"balt":24441,"rockn":24442,"dime":24443,"logging":24444,"ðŁį·":24445,"adu":24446,"havoc":24447,"waterford":24448,"charis":24449,"sweetie":24450,"running":24451,"nerd":24452,"erdogan":24453,"zara":24454,"weighing":24455,"fifty":24456,"precise":24457,"lowell":24458,"kurdistan":24459,"ryo":24460,"orth":24461,"synth":24462,"liners":24463,"phenomenon":24464,"artillery":24465,"illegally":24466,"construct":24467,"nostalgic":24468,"garth":24469,"alta":24470,"shelton":24471,"asean":24472,"wander":24473,"durban":24474,"diversi":24475,"bono":24476,"clon":24477,"leman":24478,"shun":24479,"obstacles":24480,"appetite":24481,"feeder":24482,"respiratory":24483,"dixie":24484,"formula":24485,"anto":24486,"sober":24487,"extinct":24488,"auc":24489,"ingles":24490,"legitimate":24491,";;":24492,"minnie":24493,"ipswich":24494,"dramatically":24495,"ðŁijıðŁı¼":24496,"ingham":24497,"military":24498,"monet":24499,"usnavy":24500,"fork":24501,"dunno":24502,"player":24503,"qotd":24504,"stoo":24505,"exor":24506,"ethiopian":24507,"filmfest":24508,"pered":24509,"cate":24510,"saudi":24511,"inner":24512,"sincere":24513,"tionality":24514,"alee":24515,"deeds":24516,"cooperative":24517,"ironic":24518,"crocod":24519,"brary":24520,"postseason":24521,"camper":24522,"canary":24523,"ein":24524,"extensions":24525,"nbd":24526,"sherwood":24527,"spokane":24528,"hump":24529,"jitsu":24530,"ê¹":24531,"daryl":24532,"psi":24533,"stabbed":24534,"offerings":24535,"expects":24536,"caval":24537,"bodybuilding":24538,"framing":24539,"fca":24540,"yearly":24541,"bombed":24542,"skil":24543,"researching":24544,"judiciary":24545,"greeted":24546,"tudor":24547,"milo":24548,"innovate":24549,"ðŁĺĽ":24550,"rhs":24551,"ruby":24552,"contributor":24553,"famer":24554,"socially":24555,"mlin":24556,"fiery":24557,"utter":24558,"beaut":24559,"itos":24560,"devoted":24561,"rainbow":24562,"barney":24563,"peren":24564,"arjun":24565,"rna":24566,"gabby":24567,"uti":24568,"hannity":24569,"pickle":24570,"serv":24571,"quakes":24572,"ppe":24573,"fem":24574,"whitec":24575,"jn":24576,"victories":24577,"ðŁ§¡":24578,"golfer":24579,"congratulates":24580,"resulting":24581,"mechanic":24582,"urve":24583,"centered":24584,"kiev":24585,"ans":24586,"incub":24587,"<<":24588,"cmo":24589,"bestfanarmy":24590,"daph":24591,"enham":24592,"oncology":24593,"kush":24594,"txt":24595,"oriented":24596,"fashionable":24597,"csr":24598,"sahara":24599,"rack":24600,"pdp":24601,"hanson":24602,"à¸ĩ":24603,"tiers":24604,"rar":24605,"panam":24606,"insky":24607,"sahi":24608,"testament":24609,"asthma":24610,"inher":24611,"fisheries":24612,"order":24613,"howe":24614,"gallon":24615,"epis":24616,"suzanne":24617,"drowning":24618,"panelists":24619,"ðŁĺ²":24620,"ë¦":24621,"alach":24622,"commemorative":24623,"attribu":24624,"ðŁij»":24625,"moo":24626,"visional":24627,"weeksary":24628,"gust":24629,"akin":24630,"pointe":24631,"eee":24632,"dispar":24633,"nipp":24634,"dental":24635,"stall":24636,"pian":24637,"bore":24638,"ulster":24639,"tick":24640,"irr":24641,"taehyung":24642,"microphone":24643,"bermuda":24644,"gaard":24645,"eler":24646,"plumbing":24647,"hugely":24648,"âļ«ï¸ı":24649,"raceway":24650,"cambridge":24651,"marcel":24652,"burnley":24653,"toast":24654,"hollywood":24655,"fasting":24656,"mered":24657,"hibition":24658,"capped":24659,"beneficial":24660,"owning":24661,"contamin":24662,"arabian":24663,"toon":24664,"capac":24665,"hulu":24666,"smir":24667,"nutrients":24668,"sein":24669,"graphs":24670,"conditional":24671,"ðŁijħ":24672,"orac":24673,"playin":24674,"northe":24675,"tornad":24676,"marian":24677,"jumbo":24678,"lexi":24679,"incredibleindia":24680,"roadto":24681,"ukone":24682,"confusing":24683,"sph":24684,"shank":24685,"pied":24686,"mqm":24687,"positively":24688,"sherry":24689,"pathways":24690,"considers":24691,"tofu":24692,"arguments":24693,"resilient":24694,"chett":24695,"withdra":24696,"tero":24697,"atedly":24698,"swana":24699,"heb":24700,"flight":24701,"harley":24702,"decrease":24703,"kindle":24704,"bookshop":24705,"³ï¸ı":24706,"martyrs":24707,"smur":24708,"mccl":24709,"concerto":24710,"stime":24711,"rejoice":24712,"applau":24713,"clement":24714,"merkel":24715,"jaime":24716,"immortal":24717,"isleof":24718,"marco":24719,"youtuber":24720,"stalking":24721,"metoo":24722,"stack":24723,"spouse":24724,"ust":24725,"luv":24726,"âļ¾ï¸ı":24727,"equestrian":24728,"eving":24729,"flin":24730,"nickname":24731,"thebig":24732,"asar":24733,"stacks":24734,"walker":24735,"bora":24736,"kidnapped":24737,"hurling":24738,"humbold":24739,"recalls":24740,"copper":24741,"annis":24742,"seo":24743,"merger":24744,"muir":24745,"addy":24746,"ðŁĴªðŁĴª":24747,"bex":24748,"cracy":24749,"conan":24750,"congratulation":24751,"midst":24752,"âϬ":24753,"forbi":24754,"optic":24755,"crate":24756,"crocodile":24757,"madagas":24758,"securing":24759,"aston":24760,"ogue":24761,"savior":24762,"salisbury":24763,"loveit":24764,"fujifilm":24765,"castles":24766,"asst":24767,"arrows":24768,"spacious":24769,"trs":24770,"polyvore":24771,"progression":24772,"mri":24773,"nelson":24774,"bim":24775,"indicator":24776,"oda":24777,"pepe":24778,"resignation":24779,"gut":24780,"sneaker":24781,"logically":24782,"azy":24783,"arella":24784,"tearing":24785,"joshi":24786,"ssionism":24787,"qpr":24788,"mariah":24789,"px":24790,"bleed":24791,"mian":24792,"medley":24793,"weiss":24794,"kerry":24795,"gatory":24796,"atal":24797,"madison":24798,"avenger":24799,"naby":24800,"pland":24801,"giles":24802,"freshwater":24803,"dington":24804,"taj":24805,"demonstrates":24806,"ntv":24807,"bulbs":24808,"sundaymorning":24809,"peake":24810,"souvenir":24811,"wah":24812,"tonnes":24813,"mkt":24814,"complexity":24815,"conden":24816,"rossi":24817,"bing":24818,"yds":24819,"suk":24820,"ngo":24821,"midland":24822,"oly":24823,"lifeis":24824,"ripple":24825,"moreno":24826,"dders":24827,"tus":24828,"áĥ":24829,"boul":24830,"xa":24831,"holdings":24832,"wny":24833,"shadowhunters":24834,"kei":24835,"aspire":24836,"mous":24837,"owen":24838,"soak":24839,"skirts":24840,"mountaine":24841,"storming":24842,"chrome":24843,"riots":24844,"sarato":24845,"amaze":24846,"lessness":24847,"navar":24848,"criteria":24849,"rafa":24850,"indulge":24851,"ayer":24852,"porto":24853,"namo":24854,"................":24855,"yields":24856,"valle":24857,"jh":24858,"macron":24859,"sains":24860,"durant":24861,"trailers":24862,"wot":24863,"confederate":24864,"shrin":24865,"idol":24866,"formally":24867,"tene":24868,"motorcycles":24869,"thang":24870,"node":24871,"banger":24872,"daly":24873,"pats":24874,"enrollment":24875,"auctions":24876,"atal":24877,"arbor":24878,"logos":24879,"dearest":24880,"transaction":24881,"domingo":24882,"flea":24883,"sermon":24884,"deck":24885,"sincere":24886,"questioning":24887,"julio":24888,"wasp":24889,"pretz":24890,"armenian":24891,"kham":24892,"inflammation":24893,"picturesque":24894,"accidental":24895,"filmmakers":24896,"ðŁĺļ":24897,"ðŁĴį":24898,"casey":24899,"sob":24900,"yeezy":24901,"goodwill":24902,"paragra":24903,"ssly":24904,"feather":24905,"dyed":24906,"assassination":24907,"nade":24908,"bcs":24909,"applies":24910,"feminine":24911,"feu":24912,"extent":24913,"deputies":24914,"lack":24915,"psychic":24916,"goi":24917,"killings":24918,"pseu":24919,"ðŁ¤ª":24920,"unc":24921,"marl":24922,"tane":24923,"mckenna":24924,"surfer":24925,"influences":24926,"freeway":24927,"hackney":24928,"malaria":24929,"eland":24930,"teau":24931,"remastered":24932,"ر":24933,"razor":24934,"ggy":24935,"corro":24936,"laksh":24937,"flair":24938,"honesty":24939,"hooray":24940,"depp":24941,"amc":24942,"wednesdays":24943,"qa":24944,"edits":24945,"-$":24946,"sevilla":24947,"doubled":24948,"humanities":24949,"ccot":24950,"somos":24951,"rine":24952,"afa":24953,"sioux":24954,"reconstruction":24955,"welding":24956,"threads":24957,"amish":24958,"encouragement":24959,"poder":24960,"bock":24961,"balm":24962,"ptions":24963,"standup":24964,"accomplishments":24965,"guarding":24966,"conviction":24967,"acion":24968,"napoleon":24969,"depicting":24970,"attack":24971,"sui":24972,"wearable":24973,"âĸªï¸ı":24974,"potter":24975,"escort":24976,"vise":24977,"tots":24978,"boon":24979,"eventprofs":24980,"angular":24981,"womenshistorymonth":24982,"barrow":24983,"schi":24984,"accomp":24985,"tik":24986,"lend":24987,"kensington":24988,"wolfe":24989,"stacked":24990,"crashing":24991,"exhibit":24992,"winged":24993,"sabrina":24994,"masa":24995,"kms":24996,"always":24997,"ett":24998,"plasma":24999,"counseling":25000,"pickles":25001,"nfldraft":25002,"mrs":25003,"inevitable":25004,"courageous":25005,"stafford":25006,"writerslife":25007,"hos":25008,"ej":25009,"ghyun":25010,"trademark":25011,"adrian":25012,"influencer":25013,"coronation":25014,"raging":25015,"explored":25016,"usaf":25017,"exception":25018,"eux":25019,"tanker":25020,"swami":25021,"packet":25022,"ðŁij¨âĢį":25023,"fen":25024,"sheen":25025,"aero":25026,"jl":25027,"regal":25028,"nwt":25029,"auster":25030,"mehta":25031,"charge":25032,"aste":25033,"bate":25034,"infeld":25035,"racecourse":25036,"collapsed":25037,"fleece":25038,"zil":25039,"allie":25040,"alternatives":25041,"georges":25042,"ðŁĵį":25043,"quirky":25044,"fcb":25045,"natgeo":25046,"philanthropy":25047,"brai":25048,"everyday":25049,"ðŁIJ°":25050,"achers":25051,"jaan":25052,"fines":25053,"qi":25054,"fisherman":25055,"distinct":25056,"grimes":25057,"nationalist":25058,"commence":25059,"rown":25060,"â̳":25061,"zing":25062,"fter":25063,"hrw":25064,"baroque":25065,"blender":25066,"kitty":25067,"hooks":25068,"cited":25069,"wanda":25070,"consensus":25071,"reindeer":25072,"anand":25073,"supply":25074,"meds":25075,"vn":25076,"olph":25077,"ratchet":25078,"sheldon":25079,"securities":25080,"ë°©íĥ":25081,"crom":25082,"mosquito":25083,"jeric":25084,"immac":25085,"dimensions":25086,"â¤":25087,"dissi":25088,"spongebob":25089,"damien":25090,"stevenson":25091,"joanne":25092,"delish":25093,"yikes":25094,"thanx":25095,"surveys":25096,"postponed":25097,"alcoholic":25098,"alised":25099,"ðŁĻıðŁı»":25100,"doch":25101,"sentim":25102,"meredith":25103,"compares":25104,"bago":25105,"happydays":25106,"moss":25107,"ãħĭ":25108,"nec":25109,"gnment":25110,"frustrated":25111,"combin":25112,"riv":25113,"eclec":25114,"collo":25115,"compliment":25116,"actorslife":25117,"ctto":25118,"nicar":25119,"ophon":25120,"aparthe":25121,"mant":25122,"jade":25123,"trolley":25124,"optimization":25125,"eyeon":25126,"ecological":25127,"quist":25128,"ephe":25129,"à¥ĩ":25130,"cinco":25131,"appoints":25132,"oldschool":25133,"cpr":25134,"behavioral":25135,"minaj":25136,":-(":25137,"tagging":25138,"eval":25139,"joaqu":25140,"ðŁĺ«":25141,"hak":25142,"deme":25143,"jamaican":25144,"sos":25145,"hyatt":25146,"handbook":25147,"librarian":25148,"hannibal":25149,"pumping":25150,"chom":25151,"fman":25152,"gai":25153,"hull":25154,"responders":25155,"greenville":25156,"nus":25157,"vaugh":25158,"ðŁİīðŁİī":25159,"taxi":25160,"goldberg":25161,"mantra":25162,"tease":25163,"forbidden":25164,"methodist":25165,"ativity":25166,"****":25167,"ect":25168,"mcgr":25169,"Ħëĭ":25170,"seb":25171,"amidst":25172,"disappear":25173,"thyro":25174,"philips":25175,"erina":25176,"vicious":25177,"streamer":25178,"millionaire":25179,"map":25180,"strick":25181,"hackathon":25182,"gha":25183,"edic":25184,"mika":25185,"peck":25186,"illi":25187,"antoine":25188,"arca":25189,"optic":25190,"maure":25191,"ðŁĩ¦ðŁĩº":25192,"clashes":25193,"manly":25194,"âĺģ":25195,"alvar":25196,"andres":25197,"mei":25198,"elm":25199,"wwww":25200,"altered":25201,"lte":25202,"ê¹Ģ":25203,"mojo":25204,"forrest":25205,"thalai":25206,"nont":25207,"speeches":25208,"acknowledge":25209,"ignite":25210,"xfactor":25211,"ðŁ¥Ĥ":25212,"meadow":25213,"disrupt":25214,"debuted":25215,"scrimmage":25216,"pharmaceutical":25217,"fidd":25218,"foundations":25219,"philosopher":25220,"etal":25221,"publishers":25222,"boys":25223,"cke":25224,"rugged":25225,"optimism":25226,"rebe":25227,"philharmon":25228,"narcis":25229,"rallies":25230,"luis":25231,"goblue":25232,"folded":25233,"unacceptable":25234,"optimal":25235,"lisa":25236,"polaro":25237,"+.":25238,"enza":25239,"âĿ£ï¸ı":25240,"monopoly":25241,"graceful":25242,"dairy":25243,"dua":25244,"difficulty":25245,"judgement":25246,"osi":25247,"mersey":25248,"flux":25249,"newfound":25250,"terns":25251,"dimensional":25252,"invic":25253,"alba":25254,"amit":25255,"abudhabi":25256,"algeria":25257,"automobile":25258,"thead":25259,"lotion":25260,"accelerator":25261,"vacant":25262,"ition":25263,"luf":25264,"alic":25265,"pll":25266,"blazing":25267,"baz":25268,"sene":25269,"ðŁij¼":25270,"villains":25271,"directory":25272,"eisen":25273,"tock":25274,"brochure":25275,"ripp":25276,"hbd":25277,"zaynmalik":25278,"niche":25279,"lolol":25280,"certificates":25281,"morse":25282,"facup":25283,"xham":25284,"unwanted":25285,"imports":25286,"carnegie":25287,"fansign":25288,"mou":25289,"ralph":25290,"destroyer":25291,"swing":25292,"trekking":25293,"ciliation":25294,"pitbull":25295,"gaps":25296,"howell":25297,"definitive":25298,"mcle":25299,"fps":25300,"etz":25301,"bolly":25302,"lynn":25303,"gano":25304,"ature":25305,"fursuit":25306,"coil":25307,"nav":25308,"butts":25309,"trojans":25310,"eure":25311,"enko":25312,"schumer":25313,"horrific":25314,"installment":25315,"brb":25316,"suburbs":25317,"abel":25318,"vir":25319,"desh":25320,"cunningham":25321,"ðŁIJ»":25322,"spann":25323,"schwe":25324,"kemp":25325,"tru":25326,"stealth":25327,"ques":25328,"lew":25329,"delights":25330,"koch":25331,"humili":25332,"criti":25333,"ilt":25334,"spells":25335,"miley":25336,"caric":25337,"ðŁį´":25338,"lcfc":25339,"substitute":25340,"oung":25341,"?!!":25342,"affir":25343,"predictable":25344,"classof":25345,"err":25346,"cypress":25347,"chandra":25348,"ageing":25349,"____":25350,"therland":25351,"doncaster":25352,"elin":25353,"yoshi":25354,"sailors":25355,"harris":25356,"joanna":25357,"nigerians":25358,"hers":25359,"plague":25360,"procra":25361,"kno":25362,"canton":25363,"busines":25364,"unh":25365,"prakash":25366,"cin":25367,"bowen":25368,"coating":25369,"mals":25370,"begging":25371,"smithson":25372,"pontiac":25373,"spies":25374,"damian":25375,"pline":25376,"undant":25377,"alta":25378,"oness":25379,"shameless":25380,"daq":25381,"bbm":25382,"wales":25383,"stampede":25384,"serum":25385,"ÙĨ":25386,"catalyst":25387,"xn":25388,"absc":25389,"freezer":25390,"chun":25391,"arios":25392,"mccre":25393,"forehead":25394,"hears":25395,"damascus":25396,"tacoma":25397,"arduino":25398,"encounters":25399,"stanton":25400,"lgb":25401,"abas":25402,"\"..":25403,"kete":25404,"dracula":25405,"elem":25406,"gne":25407,"zeppelin":25408,"labrador":25409,"pulp":25410,"optional":25411,"orn":25412,"russians":25413,"sanitation":25414,"hilary":25415,"etsymntt":25416,"penalties":25417,"aust":25418,"igans":25419,"olympian":25420,"medicaid":25421,"versace":25422,"vape":25423,"restra":25424,"peep":25425,"sexiest":25426,"stalls":25427,"dile":25428,"thea":25429,"punjabi":25430,"puppy":25431,"tuesdaymotivation":25432,"ðŁĵļ":25433,"theflash":25434,"rocket":25435,"modest":25436,"chihuahu":25437,"onna":25438,"ksa":25439,"hurdles":25440,"cave":25441,"failures":25442,"split":25443,"boho":25444,"gurl":25445,"disappoint":25446,"howard":25447,"nugget":25448,"franz":25449,"stalert":25450,"kazakh":25451,"forgetting":25452,"schri":25453,"agate":25454,"amat":25455,"everett":25456,"duet":25457,"veterinary":25458,"julian":25459,"chills":25460,"brave":25461,"ghostbusters":25462,"lando":25463,"greets":25464,"profitable":25465,"dé":25466,"tir":25467,"zee":25468,"omen":25469,"pdx":25470,"grayson":25471,"hari":25472,"fixes":25473,"stabbing":25474,"swimmer":25475,"symbols":25476,"compliments":25477,"pose":25478,"functioning":25479,"thnx":25480,"gir":25481,"corporations":25482,"barlow":25483,"loe":25484,"offseason":25485,"distinctive":25486,"marvelous":25487,"nikon":25488,"enrique":25489,"kyu":25490,"jaws":25491,"amoto":25492,"lombar":25493,"travelblogger":25494,"fah":25495,"ourism":25496,"tristan":25497,"soe":25498,"cease":25499,"ðŁıħ":25500,"zac":25501,"mckenzie":25502,"taxpayers":25503,"swimsuit":25504,"blo":25505,"lesley":25506,"kansas":25507,"wks":25508,"kiel":25509,"provoking":25510,"myles":25511,"string":25512,"kangaroo":25513,"galactic":25514,"fifth":25515,"ske":25516,"weir":25517,"llis":25518,"matory":25519,"ðŁĩ¿":25520,"unci":25521,"reproductive":25522,"rooting":25523,"tides":25524,"gadget":25525,"..........":25526,"alexander":25527,"bowler":25528,"screw":25529,"apolog":25530,"erika":25531,"walters":25532,"shetty":25533,"lane":25534,"banter":25535,"asant":25536,"meso":25537,"vain":25538,"\"\"\"":25539,"usi":25540,"ferdin":25541,"accomplish":25542,"mansfield":25543,"bombar":25544,"collaborating":25545,"clap":25546,"iture":25547,"sda":25548,"smoky":25549,"nak":25550,"imperson":25551,"carla":25552,"comra":25553,"burgl":25554,"loco":25555,"ties":25556,"inhi":25557,"tracey":25558,"seis":25559,"disser":25560,"rrrr":25561,"dray":25562,"protect":25563,"corona":25564,"hunger":25565,"cken":25566,"celi":25567,"troubled":25568,"predators":25569,"fictional":25570,"shaved":25571,"richest":25572,"metaboli":25573,"fulham":25574,"grooming":25575,"monochrome":25576,"wasting":25577,"asco":25578,"aste":25579,"tista":25580,"remedies":25581,"ungsoo":25582,"southend":25583,"permanently":25584,"bumble":25585,"procrastin":25586,"identical":25587,"practically":25588,"mascul":25589,"suke":25590,"assured":25591,"valerie":25592,"deviant":25593,"grizzlies":25594,"thier":25595,"pura":25596,"nepal":25597,"notts":25598,"bilateral":25599,"spoil":25600,"carmel":25601,"cinematic":25602,"phl":25603,"nifty":25604,"mao":25605,"hypocri":25606,"laser":25607,"pantry":25608,"mathematical":25609,"elisa":25610,"coordination":25611,"belmont":25612,"ait":25613,"radiant":25614,"boiler":25615,"mang":25616,"fag":25617,"crc":25618,"hams":25619,"brin":25620,"â¬ĩï¸ı":25621,"familia":25622,"âĿ£":25623,"saber":25624,"rupert":25625,"ggan":25626,"ritz":25627,"mich":25628,"salford":25629,"levi":25630,"gral":25631,"ðŁĴ¤":25632,"nino":25633,"ced":25634,"businessman":25635,"ultr":25636,"simply":25637,"compression":25638,"pains":25639,"halt":25640,"ë°©íĥĦ":25641,"landscaping":25642,"nf":25643,"crooked":25644,"erd":25645,"ittin":25646,"ddleston":25647,"surpassed":25648,"inoa":25649,"dag":25650,"blen":25651,"extending":25652,"ating":25653,"algae":25654,"baller":25655,"umar":25656,"snooker":25657,"collu":25658,"flown":25659,"thub":25660,"ridiculously":25661,"kish":25662,"ople":25663,"dire":25664,"asser":25665,"aristo":25666,"sciss":25667,"hating":25668,"trouble":25669,"sylvia":25670,"succul":25671,"plots":25672,"sincerely":25673,"aler":25674,"laureate":25675,"brack":25676,"attn":25677,"rifles":25678,"meto":25679,"collectible":25680,"cuomo":25681,"contestant":25682,"consistency":25683,"antz":25684,"ranges":25685,"abigail":25686,"deb":25687,"minister":25688,"growers":25689,"anoo":25690,"hoover":25691,"dreamer":25692,"nucle":25693,"research":25694,"miy":25695,"shahid":25696,"mav":25697,"dhoni":25698,"cini":25699,"doj":25700,"hindus":25701,"partying":25702,"dali":25703,"alonso":25704,"informal":25705,"clarkson":25706,"itton":25707,"kian":25708,"cityo":25709,"mori":25710,"lasted":25711,"aspen":25712,"library":25713,"suspici":25714,"quat":25715,"denial":25716,"folder":25717,"chori":25718,"sweeping":25719,"enix":25720,"ðŁįĤ":25721,"ØŃ":25722,"nascar":25723,"handmadehour":25724,"moul":25725,"heatwave":25726,"emer":25727,"examine":25728,"ibn":25729,"grind":25730,"pov":25731,"tionist":25732,"mbo":25733,"sheila":25734,"integrate":25735,"omes":25736,"takeaway":25737,"cerv":25738,"connie":25739,"ticket":25740,"celed":25741,"bien":25742,"visually":25743,"madagascar":25744,"sorry":25745,"gui":25746,"parkrun":25747,"traits":25748,"labe":25749,"poisoning":25750,"à¥Ģ":25751,"viable":25752,"bohemian":25753,"dentistry":25754,"bados":25755,"sprouts":25756,"masked":25757,"teddy":25758,"ðŁĺ·":25759,"saf":25760,"saas":25761,"jiang":25762,"tight":25763,"speaker":25764,"withdrawal":25765,"bcn":25766,"assigned":25767,"classrooms":25768,"fleming":25769,"ðŁĴ«":25770,"supergirl":25771,"totals":25772,"tabletop":25773,"ebooks":25774,"horizontal":25775,"craz":25776,"flush":25777,"jard":25778,"cdc":25779,"erson":25780,"ãħł":25781,"greenwood":25782,"nih":25783,"cox":25784,"ada":25785,"litre":25786,"going":25787,"vicky":25788,"curved":25789,"louie":25790,"grains":25791,"hye":25792,"longe":25793,"remedy":25794,"trainee":25795,"sanjay":25796,"superstars":25797,"maser":25798,"manu":25799,"sage":25800,"whl":25801,"ðŁĺĤðŁĺŃ":25802,"ðŁijįðŁı»":25803,"msd":25804,"enz":25805,"rabhu":25806,"joo":25807,"ghu":25808,"acer":25809,"epo":25810,"resurrection":25811,"justicefor":25812,"blended":25813,"moda":25814,"avalanche":25815,"francesco":25816,"respective":25817,"gs":25818,"yeast":25819,"welch":25820,"devotion":25821,"getin":25822,"atheism":25823,"amic":25824,"carolyn":25825,"loc":25826,"ldnont":25827,"avec":25828,"usda":25829,"legged":25830,"bravery":25831,"blower":25832,"cowboy":25833,"heh":25834,"stible":25835,"buffal":25836,"channel":25837,"runchat":25838,"âĺķï¸ı":25839,"ideology":25840,"bestseller":25841,"yoo":25842,"peanu":25843,"bonne":25844,"felic":25845,"edison":25846,"fractu":25847,"narendra":25848,"ppets":25849,"seymour":25850,"riviera":25851,"hector":25852,"necessarily":25853,"bianca":25854,"societies":25855,"thebest":25856,"wg":25857,"sentences":25858,"wink":25859,"vaccines":25860,"palooza":25861,"jamming":25862,"asf":25863,"mpus":25864,"agreements":25865,"eck":25866,"bac":25867,"honore":25868,"compul":25869,"wildcat":25870,"imposed":25871,"yoga":25872,"hudson":25873,"canceled":25874,"lich":25875,"fuzzy":25876,"esque":25877,"chuk":25878,"wvu":25879,"sek":25880,"flipping":25881,"rhon":25882,"wished":25883,"wha":25884,"capability":25885,"lenovo":25886,"ìĨĮëħĦëĭ":25887,"vivo":25888,"tvd":25889,"nora":25890,"silk":25891,"pasadena":25892,"yosemite":25893,"valuation":25894,"clocks":25895,"uber":25896,"mrc":25897,"darkest":25898,"aubre":25899,"sso":25900,"belly":25901,"wrestlers":25902,"killin":25903,"louder":25904,"buckley":25905,"geel":25906,"adon":25907,"uns":25908,"appealing":25909,"ðŁij¯":25910,"semitism":25911,"listens":25912,"fitz":25913,"ãĥ³ãĥ":25914,"nylon":25915,"arty":25916,"seemingly":25917,"hala":25918,"suited":25919,"ety":25920,"sheds":25921,"muffins":25922,"apric":25923,"uments":25924,"uta":25925,"jammu":25926,"chelseafc":25927,"starz":25928,"yoko":25929,"root":25930,"cleansing":25931,"diar":25932,"pioneering":25933,"iheartradio":25934,"digiti":25935,"findyour":25936,"cano":25937,"ðŁĴİ":25938,"zol":25939,"spacecraft":25940,"sixers":25941,"moisturi":25942,"bile":25943,"tists":25944,"horton":25945,"ranging":25946,"columbi":25947,"meteoro":25948,"sentiment":25949,"epl":25950,"footh":25951,"textbook":25952,"drainage":25953,"rly":25954,"scue":25955,"imrankhan":25956,"ðŁĴ¸":25957,"margarita":25958,"eddy":25959,"predicts":25960,"gamergate":25961,"advise":25962,"growthhacking":25963,"loveyou":25964,"ugand":25965,"vf":25966,"benghazi":25967,"slater":25968,"newor":25969,"chel":25970,"independenceday":25971,"pnp":25972,"cullen":25973,"hoodies":25974,"numbered":25975,"britt":25976,"tsa":25977,"kltu":25978,"sages":25979,"momo":25980,"oneplus":25981,"coll":25982,"guts":25983,"wta":25984,"mesmeri":25985,"enhancing":25986,"chiroprac":25987,"jis":25988,"teenagers":25989,"mone":25990,"constellation":25991,"sweepstakes":25992,"eze":25993,"slovakia":25994,"laye":25995,"pearce":25996,"waver":25997,"pogba":25998,"kron":25999,"surgeons":26000,"marx":26001,"tid":26002,"gga":26003,"descend":26004,"pours":26005,"uprising":26006,"walla":26007,"sabbath":26008,"bachelore":26009,"mackin":26010,"kam":26011,"peterborough":26012,"hora":26013,"ðŁĮŁðŁĮŁ":26014,"thinkbig":26015,"rj":26016,"hydrau":26017,"spal":26018,"universit":26019,"ðŁıī":26020,"mailonline":26021,"leagueof":26022,"tenants":26023,"wally":26024,"lance":26025,"heavens":26026,"ddr":26027,"bolts":26028,"amir":26029,"iphone":26030,"cigar":26031,"endu":26032,"rei":26033,"elabor":26034,"ringing":26035,"johnson":26036,"characteristics":26037,"saloon":26038,"algorithms":26039,"talkin":26040,"mtn":26041,"dive":26042,"regionals":26043,"ffice":26044,"hati":26045,"deviantart":26046,"sotto":26047,"shiro":26048,"lama":26049,"kwe":26050,"faded":26051,"porting":26052,"tummy":26053,"estates":26054,"buenos":26055,"ð٦ģ":26056,"believer":26057,"penetr":26058,"darn":26059,"spite":26060,"canopy":26061,"fashioni":26062,"tilla":26063,"petals":26064,"elijah":26065,"brawl":26066,"martyr":26067,"ë°©íĥĦìĨĮëħĦëĭ":26068,"midtown":26069,"erich":26070,"dapper":26071,"smtown":26072,"megam":26073,"www":26074,"lele":26075,"ons":26076,"catfish":26077,"firth":26078,"fossilfriday":26079,"ballpark":26080,"thaw":26081,"potent":26082,"illie":26083,"creep":26084,"carp":26085,"soap":26086,"gundam":26087,"infec":26088,"yyyyy":26089,"न":26090,"zag":26091,"ritt":26092,"calculator":26093,"boca":26094,"oko":26095,"toad":26096,"threaten":26097,"refined":26098,"olympic":26099,"accomplishment":26100,"bacterial":26101,"aji":26102,"tatum":26103,"feliz":26104,"sheed":26105,"jat":26106,"thic":26107,"jamal":26108,"ðĿĺ":26109,"lina":26110,"ðŁIJ¯":26111,"joking":26112,"yotpo":26113,"pinch":26114,"akron":26115,"herb":26116,"motivation":26117,"lia":26118,"hostage":26119,"creek":26120,"gamble":26121,"russell":26122,"patti":26123,"fotos":26124,"cpc":26125,"broken":26126,"backthe":26127,"clays":26128,"umm":26129,"stockton":26130,"maternal":26131,"ür":26132,"lakel":26133,"century":26134,"bek":26135,"infected":26136,"ม":26137,"smackdown":26138,"manned":26139,"tahoe":26140,"smes":26141,"basa":26142,"sula":26143,"augusta":26144,".*":26145,"rohingya":26146,"greed":26147,"counselor":26148,"silhouette":26149,"gravit":26150,"clause":26151,"'-":26152,"bobc":26153,"occasions":26154,"nowadays":26155,"dictat":26156,"beard":26157,"nally":26158,"brightest":26159,"kabul":26160,"incindia":26161,"dhanush":26162,"archaeological":26163,"cheape":26164,"mizzou":26165,"dhi":26166,"ovski":26167,"baxter":26168,"assemble":26169,"â":26170,"gigi":26171,"acam":26172,"wisely":26173,"hazard":26174,"northampton":26175,"âľĪï¸ı":26176,"meth":26177,"blasting":26178,"reunite":26179,"mulus":26180,"alizes":26181,"tread":26182,"mila":26183,"edward":26184,"kova":26185,"pesto":26186,"ðŁij¶":26187,"vitz":26188,"hydraulic":26189,"refurbished":26190,"motel":26191,"isabella":26192,"homme":26193,"severance":26194,"uphol":26195,"miserable":26196,"fari":26197,"latter":26198,"efer":26199,"crackers":26200,"esl":26201,"acio":26202,"yyj":26203,"inan":26204,"ecb":26205,"zind":26206,"panas":26207,"trucking":26208,"reed":26209,"shaker":26210,"burgess":26211,"empire":26212,"agnes":26213,"nington":26214,"artworks":26215,"frs":26216,"tile":26217,"biome":26218,"eun":26219,"chong":26220,"americana":26221,"godfather":26222,"goblin":26223,"ishi":26224,"!).":26225,"tempted":26226,"genomics":26227,"mandate":26228,"cky":26229,"ðŁĴĻðŁĴĽ":26230,"somali":26231,"brandy":26232,"inven":26233,"spokesperson":26234,"pcb":26235,"yuan":26236,"hg":26237,"faz":26238,"starwars":26239,"rowan":26240,"bluegrass":26241,"dong":26242,"dday":26243,"trinidad":26244,"erton":26245,"banning":26246,"retention":26247,"cured":26248,"toberfest":26249,"reset":26250,"weis":26251,"detached":26252,"behindthescenes":26253,"immunity":26254,"pha":26255,"bray":26256,"ðŁij½":26257,"rancho":26258,"ramsay":26259,"estonia":26260,"ndtv":26261,"].":26262,"cabaret":26263,"taro":26264,"dv":26265,"showcases":26266,"plum":26267,"ðŁij¸":26268,"sonoma":26269,"prepa":26270,"memorab":26271,"estu":26272,"driveway":26273,"ules":26274,"magnus":26275,"xr":26276,"nnn":26277,"muchas":26278,"enge":26279,"streamed":26280,"forestry":26281,"audiobook":26282,"troy":26283,"reckless":26284,"kilom":26285,"ruler":26286,"rak":26287,"procession":26288,"ions":26289,"poole":26290,"noctur":26291,"whs":26292,"farmhouse":26293,"pera":26294,"parme":26295,"hypocrisy":26296,"sics":26297,"vant":26298,"cask":26299,"holistic":26300,"aust":26301,"п":26302,"indo":26303,"ðŁij©âĢį":26304,"diso":26305,"dispatch":26306,"olsen":26307,"makeit":26308,"ennis":26309,"centre":26310,"arrange":26311,"ðŁĮ¼":26312,"salted":26313,"easiest":26314,"fate":26315,"regatta":26316,"mozz":26317,"acan":26318,"sini":26319,"gically":26320,"chops":26321,"chicken":26322,"workin":26323,"hagg":26324,"involve":26325,"weeds":26326,"bookday":26327,"wakeup":26328,"kyr":26329,"michelin":26330,"fuss":26331,"rejuven":26332,"vacancies":26333,"incarcer":26334,"mst":26335,"scents":26336,"sovereign":26337,"kicker":26338,"à§":26339,"bod":26340,"âĢĶ>":26341,"sah":26342,"mobil":26343,"shropshire":26344,"ophone":26345,"dresser":26346,"missuni":26347,"hepburn":26348,"imo":26349,"foliage":26350,"diagnostic":26351,"assan":26352,"cycling":26353,"guilt":26354,"csa":26355,"puertorico":26356,"winelover":26357,"wakefield":26358,"doggy":26359,"khe":26360,"papp":26361,"cog":26362,"allot":26363,"cuck":26364,"poetic":26365,"mio":26366,"revit":26367,"magician":26368,"ç¥":26369,"antenna":26370,"westwood":26371,"mberg":26372,"luxe":26373,"oatmeal":26374,"ج":26375,"teat":26376,"ffee":26377,"searches":26378,"lly":26379,"pluto":26380,"elon":26381,"lettering":26382,"innocence":26383,"fai":26384,"annon":26385,"telangana":26386,"mait":26387,"neural":26388,"canni":26389,"aroma":26390,"astor":26391,"fex":26392,"cocac":26393,"monetary":26394,"fent":26395,"unsure":26396,"'@":26397,"indirec":26398,"tehran":26399,"isolation":26400,"libs":26401,"makeup":26402,"mercedes":26403,"ffy":26404,"hetero":26405,"deo":26406,"scom":26407,"cursed":26408,"veteransday":26409,"frankenstein":26410,"shrews":26411,"deco":26412,"geese":26413,"leftover":26414,"hadid":26415,"variable":26416,"academics":26417,"carolin":26418,"undergoing":26419,"variation":26420,"nah":26421,"ssier":26422,"gamersunite":26423,"pursuing":26424,"emerged":26425,"llers":26426,"controlling":26427,"roaring":26428,"meteor":26429,"volt":26430,"dawgs":26431,"beaver":26432,"islife":26433,"bathrooms":26434,"acional":26435,"prevent":26436,"lakedistrict":26437,"inals":26438,"yani":26439,"grabbing":26440,"sacks":26441,"lez":26442,"sway":26443,"kool":26444,"times":26445,"klopp":26446,"lade":26447,"concord":26448,"resulted":26449,"revive":26450,"reconciliation":26451,"oland":26452,"azz":26453,"giro":26454,"mandarin":26455,"deen":26456,"nutritional":26457,"iscoming":26458,"vani":26459,"awwww":26460,"derived":26461,"loveyour":26462,"stopthe":26463,"shouting":26464,"novak":26465,"ðŁĻĮðŁı¾":26466,"loaf":26467,"displaying":26468,"sundaywith":26469,"maguire":26470,"cheri":26471,"ðŁıŁ":26472,"rematch":26473,"quic":26474,"Ú©":26475,"yin":26476,"ðŁĺ¹":26477,"ilive":26478,"zip":26479,"ourke":26480,"downloads":26481,"swat":26482,"mississ":26483,"carers":26484,"tment":26485,"property":26486,"hahahahahaha":26487,"gibbs":26488,"surrey":26489,"arise":26490,"ticism":26491,"stia":26492,"irling":26493,"frog":26494,"cose":26495,"bassist":26496,"foreig":26497,"leau":26498,"pillows":26499,"holla":26500,"elie":26501,"disclosure":26502,"peanuts":26503,"intech":26504,"wwc":26505,"plunge":26506,"triumph":26507,"cori":26508,"slippers":26509,"ðŁĻıðŁĻı":26510,"neutrality":26511,"mare":26512,"hairy":26513,"gangster":26514,"humming":26515,"custard":26516,"merlin":26517,"alea":26518,"sby":26519,"damp":26520,"mohan":26521,"verbal":26522,"jst":26523,"gutted":26524,"bjor":26525,"unfinished":26526,"ðŁĩ¯ðŁĩµ":26527,"unhappy":26528,"âļ«ï¸ı":26529,"bypass":26530,"atsu":26531,"fischer":26532,"sav":26533,"africans":26534,"reuse":26535,"midway":26536,"demolished":26537,"gerrard":26538,"hercules":26539,"ÄŁ":26540,"medicines":26541,"clicking":26542,"surround":26543,"joong":26544,"waving":26545,"tribes":26546,"wetlands":26547,"officiel":26548,"arguing":26549,"lle":26550,"dova":26551,"suzy":26552,"clubhouse":26553,"negro":26554,"obtain":26555,"gao":26556,"glance":26557,"assist":26558,"chos":26559,"ãĤ¢":26560,"âĺķ":26561,"adrid":26562,"occurs":26563,"stans":26564,"pardon":26565,"liveli":26566,"employed":26567,"revisit":26568,"ffxiv":26569,"bble":26570,"nearing":26571,"miner":26572,"ðŁĺ¹":26573,"giovanni":26574,"upto":26575,"marvell":26576,"marse":26577,"towels":26578,"cbn":26579,"engineered":26580,"yelling":26581,"spartan":26582,"sians":26583,"ðŁĻĮðŁı¼":26584,"sev":26585,"coyote":26586,"stadi":26587,"tcm":26588,"appen":26589,"shenanigans":26590,"openaccess":26591,"soaked":26592,"masqu":26593,"levine":26594,"strokes":26595,"lk":26596,"apartheid":26597,"hiphop":26598,"chardon":26599,"maymay":26600,"haasan":26601,"stripped":26602,"fro":26603,"scription":26604,"fton":26605,"hf":26606,"prisons":26607,"marshal":26608,"ķãĤ":26609,"ancho":26610,"compromise":26611,"classification":26612,"buzzfeed":26613,"bbloggers":26614,"deserving":26615,")/":26616,"sway":26617,"obo":26618,"campers":26619,"podernfamily":26620,"poured":26621,"brie":26622,"squirrels":26623,"seize":26624,":#":26625,"lek":26626,"timb":26627,"stacy":26628,"nasdaq":26629,"repeatedly":26630,"brat":26631,"mighty":26632,"competitor":26633,"mahone":26634,"desi":26635,"oke":26636,"bmw":26637,"shie":26638,"fcb":26639,"cheapest":26640,"minimalist":26641,"paramount":26642,"nate":26643,"haras":26644,"insanity":26645,"lateral":26646,"mentality":26647,"mozam":26648,"tapped":26649,"yadav":26650,"usp":26651,"bway":26652,"theod":26653,"bilt":26654,"raids":26655,"empress":26656,"adapted":26657,"patron":26658,"nutshell":26659,"agra":26660,"beaded":26661,"sundaywithmarsha":26662,"viking":26663,"proceed":26664,"maintained":26665,"thinkbigsundaywithmarsha":26666,"snes":26667,"musica":26668,"tower":26669,"chab":26670,"bok":26671,"smt":26672,"insult":26673,"harvesting":26674,"window":26675,"ruther":26676,"beige":26677,"decal":26678,"indicate":26679,"mailing":26680,"rift":26681,"pole":26682,"anderson":26683,"choral":26684,"spride":26685,"lili":26686,"evelyn":26687,"imrankhanpti":26688,"....\"":26689,"kered":26690,"undp":26691,"waterfalls":26692,"sears":26693,"lemans":26694,"worldseries":26695,"riel":26696,"anie":26697,"appar":26698,"scorers":26699,"lamp":26700,"athan":26701,"physicians":26702,"quinoa":26703,"refusing":26704,"vuitton":26705,"unleash":26706,"sla":26707,"pati":26708,"shouts":26709,"intentions":26710,"foamed":26711,"european":26712,"neighborhoods":26713,"meer":26714,"manson":26715,"duh":26716,"brat":26717,"cones":26718,"bowl":26719,"kazakhstan":26720,"ि":26721,"inappropriate":26722,"delhi":26723,"ketchup":26724,"fulton":26725,"sys":26726,"consult":26727,"garfield":26728,"togo":26729,"fml":26730,"fled":26731,"bds":26732,"facilitate":26733,"reebok":26734,"selfie":26735,"elevate":26736,"activate":26737,"bible":26738,"cawx":26739,"bys":26740,"camille":26741,"syou":26742,"skool":26743,"hert":26744,"wbc":26745,"pledges":26746,"recorder":26747,"posh":26748,"acre":26749,"soaking":26750,"matil":26751,"vsco":26752,"shootings":26753,"plar":26754,"econ":26755,"ðŁĻĮðŁı»":26756,"rashid":26757,"ubi":26758,"ðŁ¤¤":26759,"swinging":26760,"wipe":26761,"raptor":26762,"msu":26763,"musicvideo":26764,"durham":26765,"attic":26766,"aparty":26767,"fetus":26768,"activation":26769,"aaz":26770,"motivate":26771,"ðŁĴķðŁĴķðŁĴķ":26772,"jal":26773,"म":26774,"agon":26775,"scheer":26776,"stalker":26777,"foster":26778,"azzo":26779,"telegram":26780,"vigor":26781,"slaugh":26782,"screenshots":26783,"entrepreneu":26784,"kristin":26785,"intention":26786,"chilli":26787,"fraction":26788,"dona":26789,"gea":26790,"tcu":26791,"site":26792,"lak":26793,"emil":26794,"dnt":26795,"boro":26796,"wilkinson":26797,"recu":26798,"atoday":26799,"tanya":26800,"blanco":26801,"cdn":26802,"brilliantly":26803,"gcc":26804,"acc":26805,"evacuated":26806,"therine":26807,"denny":26808,"caitlin":26809,"shepard":26810,"pouch":26811,"handheld":26812,"southeastern":26813,"haa":26814,"ô":26815,"resolutions":26816,"ledger":26817,"srin":26818,"rar":26819,"shattered":26820,"chimney":26821,"imwith":26822,"meteor":26823,"handled":26824,"rake":26825,"townsend":26826,"enhan":26827,"shipy":26828,"duct":26829,"twx":26830,"inflammatory":26831,"warhammer":26832,"theatrical":26833,"gros":26834,"skar":26835,"scotty":26836,"niel":26837,"tito":26838,"tini":26839,"connection":26840,"_.":26841,"goldenglobes":26842,"shaq":26843,"ðŁı³ï¸ı":26844,"hallway":26845,"fronts":26846,"effectiveness":26847,"glaston":26848,"dhs":26849,"expi":26850,"toh":26851,"cpl":26852,"scs":26853,"reo":26854,"hag":26855,"resemblance":26856,"horan":26857,"abusive":26858,"quer":26859,"virtue":26860,"cholester":26861,"aq":26862,"shane":26863,"mce":26864,"carriers":26865,"distress":26866,"rewind":26867,"¡":26868,"voodoo":26869,"intact":26870,"anno":26871,"ðŁĺ¤":26872,"piled":26873,"adia":26874,"ãĥ³":26875,"enow":26876,"digs":26877,"lightly":26878,"goofy":26879,"turbine":26880,"governors":26881,"conte":26882,"reopen":26883,"pah":26884,"ive":26885,"crafting":26886,"sweeps":26887,"jodi":26888,"ande":26889,"zucker":26890,"kawaii":26891,"oko":26892,"vai":26893,"outline":26894,"kristi":26895,"tsn":26896,"inspo":26897,"quint":26898,"filthy":26899,"lynne":26900,"listeners":26901,"departing":26902,"ord":26903,"tweed":26904,",&":26905,"alek":26906,"selfish":26907,"norther":26908,"recognizes":26909,"ips":26910,"bes":26911,"aed":26912,"wills":26913,"peat":26914,"surroundings":26915,"monuments":26916,"aisle":26917,"becker":26918,"lav":26919,"quantity":26920,"vah":26921,"helicopters":26922,"tucked":26923,"alvarez":26924,"shape":26925,"obey":26926,"additi":26927,"roadside":26928,"mite":26929,"blers":26930,"epage":26931,"jau":26932,"ignorant":26933,"bins":26934,"lulu":26935,"xo":26936,"cfo":26937,"eeeee":26938,"apprenticeship":26939,"sheffiel":26940,"toi":26941,"hok":26942,"fakenews":26943,"deploy":26944,"aidan":26945,"huskers":26946,"ãĢİ":26947,"westbrook":26948,"mister":26949,"configur":26950,"carr":26951,"fica":26952,"proceedings":26953,"haw":26954,"steak":26955,"murderer":26956,"payday":26957,"ajo":26958,"pvc":26959,"donates":26960,"biaf":26961,"nomnom":26962,"beit":26963,"kali":26964,"xrp":26965,"ahmedabad":26966,"semic":26967,"chey":26968,"xtra":26969,"antwer":26970,"headlining":26971,"squares":26972,"rounded":26973,"fluore":26974,"bold":26975,"disasters":26976,"amoo":26977,"generic":26978,"cranes":26979,"briefly":26980,"gig":26981,"austerity":26982,"anticipation":26983,"forti":26984,"treasurer":26985,"canny":26986,"cecil":26987,"detected":26988,"checklist":26989,"ว":26990,"pamela":26991,"barbados":26992,"anfield":26993,"hearty":26994,"txlege":26995,"perenni":26996,"arrog":26997,"ingram":26998,"âĹı":26999,"tyne":27000,"spoon":27001,"ration":27002,"amba":27003,"mbe":27004,"camel":27005,"hhs":27006,"yorkshire":27007,"reflective":27008,"freaks":27009,"tok":27010,"judo":27011,"particles":27012,"dubs":27013,"banjo":27014,"accreditation":27015,"proverbs":27016,"overdose":27017,"integral":27018,"guang":27019,"mcs":27020,"supercar":27021,"afb":27022,"alvin":27023,"ails":27024,"xtre":27025,"staging":27026,"twent":27027,"rabbits":27028,"maro":27029,"instem":27030,"doll":27031,"cray":27032,"santana":27033,"bleach":27034,"minions":27035,"cheap":27036,"mant":27037,"divers":27038,"catalonia":27039,"lois":27040,"matri":27041,"cougar":27042,"kayak":27043,"egre":27044,"pso":27045,"aia":27046,"å®":27047,"charlton":27048,"tracked":27049,"scari":27050,"pett":27051,"fwd":27052,"xin":27053,"gravel":27054,"bric":27055,"biggboss":27056,"arden":27057,"hugging":27058,"palms":27059,"stv":27060,"limb":27061,"themovie":27062,"handicap":27063,"rime":27064,"zai":27065,"stub":27066,"india":27067,"lithuania":27068,"rhyth":27069,"pita":27070,"macedonia":27071,"highered":27072,"bridget":27073,"schwarz":27074,"skelet":27075,"hikes":27076,"antarctic":27077,"cps":27078,"mashup":27079,"а":27080,"nell":27081,"chandra":27082,"heir":27083,"anus":27084,"sheridan":27085,"mimi":27086,"museu":27087,"becca":27088,"anir":27089,"barrie":27090,"diocese":27091,"comparable":27092,"ðŁı³ï¸ıâĢį":27093,"yukon":27094,"mep":27095,"hormon":27096,"meric":27097,"alf":27098,"conquered":27099,"christchurch":27100,"ðŁĴĻðŁĴĻ":27101,"hazardous":27102,"pooh":27103,"conting":27104,"retrospective":27105,"parame":27106,"nair":27107,"consor":27108,"hotra":27109,"astonishing":27110,"caterpillar":27111,"uman":27112,"tism":27113,"tvs":27114,"servic":27115,"croydon":27116,"morales":27117,"cg":27118,"cum":27119,"teur":27120,"scanada":27121,"sall":27122,"magnolia":27123,"elise":27124,"thour":27125,"ி":27126,"agomez":27127,"phelps":27128,"ë°©íĥĦìĨĮëħĦëĭ¨":27129,"whos":27130,"weaving":27131,"sisd":27132,"proposes":27133,"crows":27134,"presale":27135,"economies":27136,"bernardo":27137,"shahid":27138,"airshow":27139,"mccann":27140,"horticul":27141,"nrl":27142,"duel":27143,"mongolia":27144,"toulou":27145,"requirement":27146,"structured":27147,"edi":27148,"olives":27149,"hea":27150,"cuter":27151,"к":27152,"enthusiast":27153,"harriet":27154,"dominion":27155,"submer":27156,"ðŁįĥ":27157,"saab":27158,"nesburg":27159,"moff":27160,"defended":27161,"burt":27162,"rewarded":27163,"goldman":27164,"optics":27165,"khalid":27166,"households":27167,"buckets":27168,"cecil":27169,"chess":27170,"substantial":27171,"efl":27172,"operation":27173,"evaluate":27174,"stn":27175,"recession":27176,"lll":27177,"tomas":27178,"truths":27179,"akbar":27180,"swords":27181,"pact":27182,"embarrass":27183,"hao":27184,"ayurve":27185,"scripture":27186,"nycc":27187,"opt":27188,"diameter":27189,"scented":27190,"organizers":27191,"relat":27192,"hae":27193,"dreamers":27194,"dese":27195,"ðŁĮ»":27196,"restricted":27197,"nale":27198,"rhp":27199,"dolan":27200,"munster":27201,"haired":27202,"consultants":27203,"joints":27204,"humil":27205,"dill":27206,"relentless":27207,"té":27208,"afil":27209,"utilities":27210,"japanese":27211,"condemn":27212,"petite":27213,"collide":27214,"qf":27215,"peaches":27216,"courier":27217,"lore":27218,"âĺİï¸ı":27219,"reliability":27220,"chuk":27221,"ðŁĻĥ":27222,"stures":27223,"gether":27224,"hostel":27225,"bier":27226,"-_-":27227,"âĩ":27228,"eze":27229,"tailo":27230,"dient":27231,"bluff":27232,"chuffed":27233,"pilip":27234,"monarch":27235,"eem":27236,"buchan":27237,"bick":27238,"opau":27239,"kups":27240,"ย":27241,"pistons":27242,"spins":27243,"mand":27244,"cest":27245,"burne":27246,"vile":27247,"cherries":27248,"beckett":27249,"needles":27250,"panch":27251,"ëĤ":27252,"hahah":27253,"troubles":27254,"insists":27255,"doyou":27256,"gmc":27257,"mortar":27258,"delegate":27259,"inn":27260,"ganda":27261,"sinatra":27262,"त":27263,"speeding":27264,"pupil":27265,"premises":27266,"alignment":27267,"pikach":27268,"asus":27269,"jalan":27270,"ص":27271,"limestone":27272,"folkl":27273,"parmesan":27274,"ceil":27275,"moy":27276,"shawnmendes":27277,"acup":27278,"hust":27279,"otes":27280,"medina":27281,"madi":27282,"gtav":27283,"censorship":27284,"arg":27285,"sweeney":27286,"sykes":27287,"colo":27288,"footsteps":27289,"canned":27290,"advance":27291,"gtaonline":27292,"healthyliving":27293,"ðŁį¾":27294,"aig":27295,"pality":27296,"ocs":27297,"hebrew":27298,"imminent":27299,"berkshire":27300,"jeremiah":27301,"outgoing":27302,"baker":27303,"entrata":27304,"maids":27305,"groves":27306,"boc":27307,"adel":27308,"mfw":27309,"conscience":27310,"armys":27311,"nutella":27312,"contestalert":27313,"novelist":27314,"lah":27315,"banker":27316,"marquez":27317,"ðŁı¡":27318,"toff":27319,"outage":27320,"grp":27321,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":27322,"muscle":27323,"dudley":27324,"nvidia":27325,"midi":27326,"muni":27327,"essays":27328,"datac":27329,"carter":27330,"ร":27331,"tans":27332,"ives":27333,"publications":27334,"aler":27335,"okwx":27336,"ilu":27337,"cutt":27338,"harp":27339,"outlaw":27340,"lutheran":27341,"brill":27342,"bolic":27343,"dowell":27344,"greenland":27345,"besties":27346,"pathi":27347,"payton":27348,"guest":27349,"harden":27350,"ðŁ¤©":27351,"anned":27352,"evacuation":27353,"poised":27354,"mcder":27355,"bhan":27356,"oi":27357,"envelope":27358,"cid":27359,"cavi":27360,"tapas":27361,"bookreview":27362,"greyhound":27363,"âĻª":27364,"feud":27365,"lungs":27366,"forte":27367,"raider":27368,"ffer":27369,"onix":27370,"depend":27371,"ynwa":27372,"relating":27373,"devs":27374,"ðŁĴIJ":27375,"acquires":27376,"dha":27377,"jyo":27378,"privati":27379,"canine":27380,"kb":27381,"crab":27382,"sardin":27383,"imagining":27384,"kj":27385,"empor":27386,"downhill":27387,"nez":27388,"taeyeon":27389,"nickimin":27390,"gbp":27391,"àµ":27392,"wap":27393,"secco":27394,"mashed":27395,"ðŁĴ¥ðŁĴ¥":27396,"augustine":27397,"dissol":27398,"dictator":27399,"âĵ":27400,"viper":27401,"edfringe":27402,"vaux":27403,"hardwork":27404,"booklet":27405,"nox":27406,"chiff":27407,"ðŁĴ¨":27408,"observations":27409,"xboxone":27410,"usher":27411,"keer":27412,"lup":27413,"dallas":27414,"calgary":27415,"madra":27416,"dious":27417,"kbs":27418,"woodward":27419,"heroine":27420,"lumber":27421,"seaworld":27422,"ows":27423,"mcke":27424,"maverick":27425,"gula":27426,"crossroads":27427,"fang":27428,"sade":27429,"nikol":27430,"cheetah":27431,"mec":27432,"ppg":27433,"erick":27434,"ðŁİµ":27435,"toxic":27436,"bjj":27437,"viola":27438,"spire":27439,"chino":27440,"travis":27441,"institutional":27442,"haas":27443,"lowry":27444,"wac":27445,"eae":27446,"humid":27447,"mpton":27448,"ruck":27449,"jew":27450,"cine":27451,"zimmer":27452,"sef":27453,"bharat":27454,"frees":27455,"aamir":27456,"ðŁĴħ":27457,"zinc":27458,"wane":27459,"multiplayer":27460,"royalwedding":27461,"eel":27462,"precipit":27463,"query":27464,"kimberly":27465,"isabel":27466,"fulfill":27467,"igan":27468,"vaul":27469,"pane":27470,"scy":27471,"digit":27472,"gunn":27473,"utah":27474,"dogday":27475,"fion":27476,"xiaomi":27477,"dac":27478,"elast":27479,"chavez":27480,"roblo":27481,"gine":27482,"tenth":27483,"abh":27484,"keto":27485,"hurdle":27486,"nadia":27487,"memorabilia":27488,"habs":27489,"quan":27490,"hw":27491,"hvac":27492,"pixar":27493,"eccle":27494,"kramer":27495,"accuses":27496,"ðŁĴļðŁĴļ":27497,"perse":27498,"meantime":27499,"wahl":27500,"atletico":27501,"âĢ¢âĢ¢âĢ¢âĢ¢":27502,"ottoman":27503,"novo":27504,"kus":27505,"connected":27506,"trusts":27507,"dmv":27508,"spencer":27509,"rahulg":27510,"dove":27511,"stokes":27512,"bologna":27513,"enthusiasts":27514,"ê":27515,"rockstargames":27516,"tedcruz":27517,"duras":27518,"sacked":27519,"latex":27520,"immersive":27521,"cert":27522,"lucin":27523,"principals":27524,"fares":27525,"sails":27526,"farn":27527,"ament":27528,"saffron":27529,"quentin":27530,"checkpoint":27531,"ferris":27532,"excur":27533,"ðŁijīðŁı¼":27534,"bailey":27535,"seh":27536,"terre":27537,"madam":27538,"sband":27539,"wanderers":27540,"cumberbatch":27541,"yyc":27542,"digitally":27543,"blackandwhitephotography":27544,"rollin":27545,"moroccan":27546,"ðŁĮħ":27547,"dinner":27548,"dwell":27549,"toom":27550,"mye":27551,"ezra":27552,"cpfc":27553,"warhol":27554,"meer":27555,"jonah":27556,"noaa":27557,"sgate":27558,"soon":27559,"secular":27560,"gating":27561,"tio":27562,"driver":27563,"sissy":27564,"assange":27565,"tath":27566,"edmund":27567,"bobcats":27568,"raji":27569,"postage":27570,"studs":27571,"mgm":27572,"kato":27573,"edinburgh":27574,"meetthe":27575,"shirt":27576,"faa":27577,"mensfashion":27578,"spreads":27579,"wim":27580,"carts":27581,"phoebe":27582,"jars":27583,"botswana":27584,"ÙĤ":27585,"edwar":27586,"skar":27587,"rive":27588,"gusty":27589,"ctv":27590,"ferdinand":27591,"sutherland":27592,"nickiminaj":27593,"kv":27594,"sius":27595,"beech":27596,"rez":27597,"desires":27598,"onial":27599,"campo":27600,"quarry":27601,"lorraine":27602,"gilmore":27603,"iggy":27604,"µï¸ı":27605,"hopping":27606,"aviz":27607,"ðŁĮº":27608,"unisex":27609,"dedicate":27610,"attitudes":27611,"steer":27612,"junkie":27613,"railway":27614,"yb":27615,"whisper":27616,"keyan":27617,"kus":27618,"jug":27619,"dix":27620,"ains":27621,"summon":27622,"ovich":27623,"syed":27624,"herald":27625,"maison":27626,"meded":27627,"wildflower":27628,"mainland":27629,"risky":27630,"rukh":27631,"overlooked":27632,"kic":27633,"destroys":27634,"naman":27635,"kip":27636,"zano":27637,"championsleague":27638,"bandit":27639,"quincy":27640,"smile":27641,"calvin":27642,"openings":27643,"tapp":27644,"olulu":27645,"spectro":27646,"accredited":27647,"apk":27648,"praised":27649,"barnett":27650,"pollen":27651,"premiered":27652,"selenagomez":27653,"toured":27654,"screenings":27655,"uuu":27656,"miso":27657,"ense":27658,"adamlambert":27659,"guelph":27660,"haryana":27661,"hutto":27662,"lear":27663,"ltc":27664,"poached":27665,"brexit":27666,"æĿ":27667,"ttc":27668,"pavement":27669,"mongers":27670,"roe":27671,"aders":27672,"lington":27673,"participant":27674,"cared":27675,"gail":27676,"yates":27677,"lantic":27678,"dashboard":27679,"joo":27680,"felipe":27681,"ssionist":27682,"bum":27683,"send":27684,"aeri":27685,"thugs":27686,"lucifer":27687,"ahe":27688,"detector":27689,"filly":27690,"gasoline":27691,"hamper":27692,"humpday":27693,"theta":27694,"theband":27695,"forecasts":27696,"ohhh":27697,"lobb":27698,"holl":27699,"cpu":27700,"azu":27701,"adar":27702,"hailey":27703,"bub":27704,"cart":27705,"quoted":27706,"anarchy":27707,"pancre":27708,"twitart":27709,"alden":27710,"stash":27711,"theless":27712,"orni":27713,"beliebers":27714,"mormon":27715,"particle":27716,"aviation":27717,"â¬Ĩ":27718,"webcamtoy":27719,"saddened":27720,"cruis":27721,"hamlet":27722,"nct":27723,"rollins":27724,"marquee":27725,"sawyer":27726,"reliance":27727,"aura":27728,"diec":27729,"soothing":27730,"signings":27731,"akis":27732,"ó":27733,"atkins":27734,"aerop":27735,"ðŁĮ¿":27736,"yab":27737,"shari":27738,"connol":27739,"dubbed":27740,"manufacture":27741,"convincing":27742,"feelthebern":27743,"rau":27744,"pulit":27745,"onec":27746,"gemstone":27747,"urging":27748,"bagu":27749,"gah":27750,"acids":27751,"fianc":27752,"zodiac":27753,"snoop":27754,"herrera":27755,"initiated":27756,"venge":27757,"professors":27758,"prodi":27759,"stronger":27760,"emission":27761,"bba":27762,"halle":27763,"tapp":27764,"hawan":27765,"whim":27766,"competed":27767,"myrtle":27768,"irport":27769,"coldplay":27770,"ache":27771,"skep":27772,"mson":27773,"ssic":27774,"calligraphy":27775,"swimmers":27776,"mey":27777,"ppc":27778,"thrift":27779,"poc":27780,"replaces":27781,"commuter":27782,"âģ¦âģ¦@":27783,"goers":27784,"logue":27785,"paradig":27786,"baskets":27787,"sensitivity":27788,"johan":27789,"atlantis":27790,"&&":27791,"suitcase":27792,"anxious":27793,"lh":27794,"stri":27795,"galloway":27796,"stread":27797,"warden":27798,"grounded":27799,"fficiency":27800,"lifeat":27801,"relic":27802,"disguise":27803,"islanders":27804,"fcofficial":27805,"classicalmusic":27806,"bmc":27807,"enfield":27808,"bique":27809,"oakley":27810,"batman":27811,"slaying":27812,"nerves":27813,"multit":27814,"calcium":27815,"projector":27816,"scottsdale":27817,"antino":27818,"grips":27819,"kimmel":27820,"desmond":27821,"protestors":27822,"hiatus":27823,"metabolism":27824,"concluded":27825,"presser":27826,"tipping":27827,"slide":27828,"eto":27829,"hunting":27830,"ausopen":27831,"rik":27832,"ppery":27833,"innovators":27834,"pitchers":27835,"agger":27836,"fungi":27837,"zad":27838,"prolific":27839,"rocknroll":27840,"blames":27841,"ctar":27842,"stamford":27843,"qad":27844,"mozzarella":27845,"insanely":27846,"denver":27847,"phouse":27848,"nomad":27849,"ï¿":27850,"sris":27851,"produ":27852,"henley":27853,"pagan":27854,"amtrak":27855,"rubi":27856,"incl":27857,"tutor":27858,"scotia":27859,"woes":27860,"singapo":27861,"funnel":27862,"turnbull":27863,"knowledge":27864,"grimm":27865,"realmadrid":27866,"weare":27867,"missiles":27868,"consol":27869,"emojis":27870,"sneak":27871,"smiths":27872,"ruiz":27873,"brou":27874,"iel":27875,"haver":27876,"ðŁĮļ":27877,"kingof":27878,"basilica":27879,"circulation":27880,"printers":27881,"tapping":27882,"ridley":27883,"dragged":27884,"haj":27885,"writer":27886,"fundamentals":27887,"personalities":27888,"metre":27889,"stereotypes":27890,"burle":27891,"bestof":27892,"nffc":27893,"hath":27894,"ministries":27895,"aali":27896,"tracing":27897,"paved":27898,"łï¸ı":27899,"gic":27900,"inspire":27901,"tug":27902,"hare":27903,"repeated":27904,"expon":27905,"lolli":27906,"rhode":27907,"precin":27908,"installations":27909,"instagram":27910,"azar":27911,"ies":27912,"solely":27913,"dukes":27914,"missionary":27915,"vanguard":27916,"fursuitfriday":27917,"ond":27918,"polari":27919,"mast":27920,"haran":27921,"josé":27922,"jacked":27923,"ecoun":27924,"alities":27925,"neph":27926,"ravel":27927,"moderated":27928,"scow":27929,"sfb":27930,"uruguay":27931,"aso":27932,"nig":27933,"audu":27934,"pints":27935,"latina":27936,"benz":27937,"mitting":27938,"charted":27939,"matology":27940,"citro":27941,"biopic":27942,"ðŁijŃ":27943,"djokovic":27944,"foxy":27945,"aguil":27946,"soto":27947,"anada":27948,"sinking":27949,"scrap":27950,"hairs":27951,"bethany":27952,"factfriday":27953,"ðŁIJIJ":27954,"unleashed":27955,")(":27956,"contradic":27957,"ramon":27958,"coastline":27959,"yong":27960,"snsd":27961,"ligan":27962,"pome":27963,"mitage":27964,"gett":27965,"wati":27966,"risk":27967,"soaring":27968,"brush":27969,"fpl":27970,"avan":27971,"åĨ":27972,"larson":27973,"shear":27974,"multil":27975,"blur":27976,"multimedia":27977,"chunky":27978,"pari":27979,"nani":27980,"weird":27981,"cholesterol":27982,"charles":27983,"dreamed":27984,"tanning":27985,"puzzles":27986,"fram":27987,"handball":27988,"chag":27989,"belize":27990,"alu":27991,"bangs":27992,"ÑĦ":27993,"detectives":27994,"mcg":27995,"ishq":27996,"bothered":27997,"safc":27998,"mping":27999,"teneri":28000,"gays":28001,"sailor":28002,"angi":28003,"multicul":28004,"guessed":28005,"rosé":28006,"highways":28007,"broom":28008,"chattanoo":28009,"-'":28010,"seeker":28011,"oned":28012,"atf":28013,"luc":28014,"><":28015,"bari":28016,"percep":28017,"jewelry":28018,"asph":28019,"sorrow":28020,"sling":28021,"mammoth":28022,"jackie":28023,"ë§":28024,"wiltshire":28025,"sao":28026,"cancell":28027,"impaired":28028,"torial":28029,"breed":28030,"guyen":28031,"judice":28032,"title":28033,"prospective":28034,"applicants":28035,"ðŁįĬ":28036,"episcop":28037,"eid":28038,"byo":28039,"stockings":28040,"ðŁĴĥðŁĴĥ":28041,"llp":28042,"snag":28043,"keepit":28044,"lough":28045,"olson":28046,"maturity":28047,"!!!\"":28048,"copter":28049,"isha":28050,"bli":28051,"wilmington":28052,"tryouts":28053,"thai":28054,"ðŁ¥³":28055,"pebble":28056,"kraft":28057,"fp":28058,"º":28059,"ssively":28060,"livin":28061,"contestants":28062,"textures":28063,"joan":28064,"hdr":28065,"filmfestival":28066,"provence":28067,"wido":28068,"opend":28069,"csi":28070,"stown":28071,"croati":28072,"adjust":28073,"hostile":28074,"analysts":28075,"ilan":28076,"cuppa":28077,"brum":28078,"newfoundland":28079,"goodwin":28080,"mett":28081,"mallorca":28082,"plugs":28083,"buk":28084,"bbhutto":28085,"wrestle":28086,"saire":28087,"shopped":28088,"forza":28089,"lehead":28090,"vivo":28091,"bast":28092,"roxy":28093,"regis":28094,"hardworking":28095,"honolulu":28096,"despair":28097,"youngsters":28098,"nig":28099,"impromp":28100,"rolltide":28101,"deemed":28102,"treason":28103,"rushed":28104,"forged":28105,"fff":28106,"pikachu":28107,"briggs":28108,"doit":28109,"accent":28110,"laus":28111,"glaze":28112,"competent":28113,"aho":28114,"photog":28115,"midfield":28116,"lego":28117,"harvard":28118,"minorities":28119,"reilly":28120,"sliced":28121,"onceupon":28122,"initially":28123,"financially":28124,"landscapephotography":28125,"hardro":28126,"quo":28127,"mmers":28128,"parkinson":28129,"smugg":28130,"readiness":28131,"brutally":28132,"gloucester":28133,"mped":28134,"bbhuttozardari":28135,"murder":28136,"yed":28137,"dataviz":28138,"srt":28139,"downing":28140,"bians":28141,"mü":28142,"fleck":28143,"flipped":28144,"sly":28145,"brilliance":28146,"rim":28147,"kum":28148,"bubba":28149,"koi":28150,"knitted":28151,"sorg":28152,"mais":28153,"ðŁĮ²":28154,"tiss":28155,"sustain":28156,"sensu":28157,"akhan":28158,"ziest":28159,"examines":28160,"chardonnay":28161,"username":28162,"shortlist":28163,"rebs":28164,"ono":28165,"daring":28166,"hardwood":28167,"cheque":28168,"righteous":28169,"lightening":28170,"dirk":28171,"shradd":28172,"dura":28173,"downstairs":28174,"shal":28175,"amigos":28176,"ruff":28177,"slaw":28178,"ries":28179,"rednation":28180,"manus":28181,"ðŁĩ§ðŁĩ·":28182,"distinction":28183,"ubun":28184,"duran":28185,"migra":28186,"thians":28187,"laver":28188,"domestic":28189,"kx":28190,"jazzy":28191,"justify":28192,"belonging":28193,"insulation":28194,"colorstv":28195,"drunken":28196,"channeling":28197,"quand":28198,"xiii":28199,"enlighten":28200,"kano":28201,"fatima":28202,"teenchoice":28203,"terrified":28204,"pba":28205,"asley":28206,"metmuseum":28207,"dune":28208,"packer":28209,"kio":28210,"ðŁĴľðŁĴľ":28211,"boiler":28212,"fascism":28213,"armored":28214,"backgrounds":28215,"inmates":28216,"embarrassed":28217,"defines":28218,"thd":28219,"wego":28220,"silicone":28221,"loon":28222,"elding":28223,"borrowed":28224,"hemp":28225,"aksh":28226,"kawasaki":28227,"bry":28228,"deaf":28229,"killer":28230,"disposal":28231,"ðŁĩ°":28232,"glastonbury":28233,"uncovered":28234,"oxide":28235,"poff":28236,"dant":28237,"kj":28238,"kuro":28239,"drizzle":28240,"peoples":28241,"fee":28242,"propri":28243,"ddlovato":28244,"piggy":28245,"otis":28246,"allergies":28247,"ubis":28248,"penguin":28249,"sera":28250,"viz":28251,"prosperous":28252,"icides":28253,"tornadoes":28254,"senegal":28255,"webcast":28256,"stored":28257,"enchanted":28258,"bbcone":28259,"bayarea":28260,"entrepreneurial":28261,"rednationrising":28262,"experimenting":28263,"angan":28264,"lotto":28265,"theyre":28266,"pore":28267,"erp":28268,"serene":28269,"eastwood":28270,"brokers":28271,"barge":28272,"stallion":28273,"timberlake":28274,"tailored":28275,"dystop":28276,"bate":28277,"lators":28278,"dixit":28279,"branson":28280,"dynamo":28281,"kylie":28282,"shameful":28283,"btwn":28284,"springtime":28285,"mixture":28286,"sounded":28287,"luton":28288,"dades":28289,"mala":28290,"opra":28291,"enic":28292,"rahulgandhi":28293,"sewer":28294,"~~~~":28295,"kyu":28296,"northeastern":28297,"caer":28298,"bcu":28299,"nirvana":28300,"kitchens":28301,"ousy":28302,"alm":28303,"riverdale":28304,"hidden":28305,"flint":28306,"spd":28307,"patrons":28308,"katyperry":28309,"augh":28310,"exhibitions":28311,"smc":28312,"shuts":28313,"atore":28314,"dain":28315,"something":28316,"berth":28317,"bog":28318,"porter":28319,"gento":28320,"concussion":28321,"anglic":28322,"rowe":28323,"grilling":28324,"scarlett":28325,"mastering":28326,"mornin":28327,"commented":28328,"sime":28329,"sizing":28330,"christy":28331,"ceos":28332,"stm":28333,"atry":28334,"tariffs":28335,"vacation":28336,"prejudice":28337,"psu":28338,"parental":28339,"farage":28340,"cana":28341,"capcom":28342,"kosovo":28343,"youre":28344,"menstru":28345,"stalin":28346,"grapefruit":28347,"bran":28348,"chesa":28349,"daven":28350,"excel":28351,"!!)":28352,"à¹Į":28353,"distributor":28354,"cea":28355,"bridesma":28356,"millennial":28357,"wain":28358,"observing":28359,"misery":28360,"planetary":28361,"exposing":28362,"braised":28363,"compton":28364,"dongha":28365,"ql":28366,"springsteen":28367,"thul":28368,"sylve":28369,"cabo":28370,"palad":28371,"nielsen":28372,"gazing":28373,"baja":28374,"roud":28375,"orchids":28376,"johannesburg":28377,"seman":28378,"dji":28379,"operative":28380,"affection":28381,"eclectic":28382,"atc":28383,"mutant":28384,"awx":28385,"nice":28386,"melbourne":28387,"indulg":28388,"tulip":28389,"diaspora":28390,"welp":28391,"biggie":28392,"mississauga":28393,"retriever":28394,"oran":28395,"tammy":28396,"cta":28397,"hippo":28398,"seasoned":28399,"germans":28400,"engv":28401,"marvellous":28402,"imf":28403,"relays":28404,"montan":28405,"mauriti":28406,"meister":28407,"assurance":28408,"reigning":28409,"sufficient":28410,"hane":28411,"nothing":28412,"posse":28413,"navy":28414,"inlove":28415,"brighton":28416,"enqu":28417,"chung":28418,"sweaty":28419,"esc":28420,"caled":28421,"mans":28422,"nicaragua":28423,"slices":28424,"mocha":28425,"washingtonpost":28426,"bbn":28427,"damned":28428,"growing":28429,"enburg":28430,"loan":28431,"mes":28432,"whoops":28433,"believers":28434,"spiel":28435,"vodaf":28436,"lat":28437,"sled":28438,"cricketer":28439,"browne":28440,"golfers":28441,"barra":28442,"watchers":28443,"luigi":28444,"swamy":28445,"moms":28446,"pitched":28447,"santor":28448,"crs":28449,"sire":28450,"scamp":28451,"bode":28452,"stewar":28453,"jonny":28454,"entity":28455,"pacqui":28456,"mindful":28457,"minindia":28458,"bearded":28459,"tempt":28460,"scorpion":28461,"eaton":28462,"authorized":28463,"arto":28464,"svp":28465,"opathy":28466,"cchini":28467,"housemusic":28468,"disneyworld":28469,"âĢĶ@":28470,"propose":28471,"diy":28472,"expense":28473,"teng":28474,"puppets":28475,"smel":28476,"daca":28477,"perry":28478,"finn":28479,"boosting":28480,"leftovers":28481,"cougs":28482,"satellites":28483,"many":28484,"aze":28485,"gong":28486,"fie":28487,"methodo":28488,"ferries":28489,"ð٤Ķð٤Ķ":28490,"explorers":28491,"loader":28492,"attracted":28493,"ilton":28494,"goddamn":28495,"piazza":28496,"doctr":28497,"saving":28498,"paragraph":28499,"visualization":28500,"mayors":28501,"workflow":28502,"ackles":28503,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":28504,"स":28505,"twerk":28506,"clut":28507,"lover":28508,"teases":28509,"sian":28510,"ote":28511,"deterior":28512,"accord":28513,"lfw":28514,"swarovski":28515,"natal":28516,"traps":28517,"kina":28518,"analyze":28519,"layered":28520,"beverages":28521,"unit":28522,"ransom":28523,"peshaw":28524,"destined":28525,"astrology":28526,"sipping":28527,"mileycyrus":28528,"camino":28529,"marshmallow":28530,"bliss":28531,"outback":28532,"faq":28533,"intoler":28534,"humility":28535,"poppin":28536,"halloween":28537,"montene":28538,"ophy":28539,"nun":28540,"tattooed":28541,"aas":28542,"ðŁĮ³":28543,"daley":28544,"quality":28545,"dusa":28546,"fishermen":28547,"swif":28548,"terrac":28549,"stau":28550,"lein":28551,"trolling":28552,"shipment":28553,"gardener":28554,"marchmadness":28555,"headband":28556,"grt":28557,"burnett":28558,"wand":28559,"!!!!!!!!!":28560,"ghe":28561,"dux":28562,"hud":28563,"warner":28564,"ðŁĩ¦":28565,"exile":28566,"rescue":28567,"rata":28568,"dhan":28569,"ducati":28570,"drown":28571,"blends":28572,"spie":28573,"alligator":28574,"simultaneously":28575,"brooke":28576,"uke":28577,"khar":28578,"communion":28579,"rika":28580,"fordfc":28581,"chinatown":28582,"yourown":28583,"mey":28584,"canal":28585,"systematic":28586,"depri":28587,"oxford":28588,"anil":28589,"wut":28590,"equation":28591,"bez":28592,"fleur":28593,"thegood":28594,"langley":28595,"adity":28596,"edith":28597,"alfie":28598,"оÑĤ":28599,"encry":28600,"brill":28601,"exemp":28602,"cesar":28603,"mbling":28604,"abri":28605,"scicom":28606,"jing":28607,"schooling":28608,"mika":28609,"mechanisms":28610,"impromptu":28611,"rhea":28612,"moore":28613,"crimea":28614,"besto":28615,"wright":28616,"elders":28617,"rods":28618,"kamal":28619,"folklore":28620,"beet":28621,"minion":28622,"relieve":28623,"thro":28624,"teamusa":28625,"pascal":28626,"madewith":28627,"bolivia":28628,"itti":28629,"freebies":28630,"desired":28631,"bestselling":28632,"liness":28633,"laden":28634,"keane":28635,"mists":28636,"hippie":28637,"attachment":28638,"@/":28639,"sew":28640,"flanagan":28641,"âĿĹï¸ı":28642,"supremac":28643,"stlcards":28644,"sias":28645,"qu":28646,"rhys":28647,"steep":28648,"valleys":28649,"vw":28650,"paving":28651,"dispat":28652,"alison":28653,"porte":28654,"idu":28655,"newsc":28656,"socket":28657,"mos":28658,"costar":28659,"revo":28660,"proteins":28661,"stanleycup":28662,"mcal":28663,"earring":28664,"secs":28665,"mclean":28666,"capric":28667,"nickelo":28668,"aden":28669,"vc":28670,"shouse":28671,"adaptive":28672,"maximize":28673,"entertainer":28674,"prose":28675,"griffi":28676,"sixteen":28677,"lamar":28678,"mirage":28679,"saudiarabia":28680,"aweather":28681,"rust":28682,"infiltr":28683,"fashionweek":28684,"ðŁĺĬðŁĺĬðŁĺĬ":28685,"selective":28686,"bubble":28687,"aden":28688,"fennel":28689,"decisive":28690,"mta":28691,"mocking":28692,"mbles":28693,"stamp":28694,"mule":28695,"bernardo":28696,"grin":28697,"pott":28698,"jingle":28699,"vettel":28700,"colombian":28701,"camo":28702,"motivationmonday":28703,"bahan":28704,"ply":28705,"dhary":28706,"kami":28707,"xmen":28708,"sleeper":28709,"gara":28710,"mysti":28711,"confidential":28712,"conflicts":28713,"pneu":28714,"ces":28715,"insurtech":28716,"cleanse":28717,"merely":28718,"vais":28719,"tux":28720,"thegreat":28721,"sharon":28722,"maj":28723,"hola":28724,"ecosystems":28725,"ajay":28726,"aaj":28727,"hush":28728,"harmon":28729,"backtoschool":28730,"wikileaks":28731,"reflected":28732,"ðŁĺĵ":28733,"commemorating":28734,"acet":28735,"buckingham":28736,"messiah":28737,"tuous":28738,"hornet":28739,"tobe":28740,"dq":28741,"heine":28742,"mig":28743,"plate":28744,"nicholson":28745,"spie":28746,"cumberland":28747,"normal":28748,"phobia":28749,"happyhalloween":28750,"cityfc":28751,"mcel":28752,"gillian":28753,"keto":28754,"lude":28755,"demise":28756,"suga":28757,"strate":28758,"mcgrath":28759,"visitscotland":28760,"fooled":28761,"cbr":28762,"gcse":28763,"colori":28764,"potd":28765,"missuniverse":28766,"finances":28767,"mapoli":28768,"forks":28769,"Ø´":28770,"cannon":28771,"medicinal":28772,"ðŁĹĵ":28773,"kho":28774,"wreck":28775,"panto":28776,"bagel":28777,"gull":28778,"syndicate":28779,"icy":28780,"prc":28781,"kien":28782,"zika":28783,"tish":28784,"peta":28785,"cco":28786,"liza":28787,"chut":28788,"extraction":28789,"elg":28790,"gli":28791,"fueled":28792,"posit":28793,"respectively":28794,"leicester":28795,"brink":28796,"vulnerability":28797,"imported":28798,"esha":28799,"ð٦ħ":28800,"rural":28801,"rell":28802,"gaming":28803,"atlantic":28804,"abandon":28805,"noah":28806,"resolved":28807,"prostate":28808,"allergic":28809,"psd":28810,"âĺ¹":28811,"dungeon":28812,"fangirl":28813,"illuminated":28814,"mhs":28815,"whitesox":28816,"dently":28817,"cko":28818,"endorse":28819,"overly":28820,"dazzling":28821,"prioriti":28822,"nightlife":28823,"util":28824,"behave":28825,"flamen":28826,"eastbound":28827,"ðŁĴŁ":28828,"iloveyou":28829,"govuk":28830,"mozambique":28831,"allegi":28832,"dri":28833,"testimonial":28834,"aths":28835,"ì§Ģ":28836,"mmy":28837,"shabby":28838,"prosecco":28839,"friendships":28840,"calam":28841,"damages":28842,"offset":28843,"jurassic":28844,"juno":28845,"arrell":28846,"ðŁĴ©":28847,"interventions":28848,"daredevil":28849,"carver":28850,"runaway":28851,"rane":28852,"trustees":28853,"haute":28854,"depths":28855,"ðŁİŃ":28856,"mein":28857,"sacrifices":28858,"concier":28859,"nesting":28860,"izzy":28861,"metam":28862,"ilovemy":28863,"urine":28864,"dulu":28865,"malhotra":28866,"veins":28867,"nightly":28868,"coat":28869,"andi":28870,"hewitt":28871,"lonel":28872,"cible":28873,"write":28874,"jennie":28875,"santac":28876,"ĸï¸ı":28877,"strato":28878,"singapore":28879,"soprano":28880,"kristen":28881,"cheerful":28882,"fleetwood":28883,"fairi":28884,"meli":28885,"wast":28886,"turnt":28887,"sforsale":28888,"scrolling":28889,"angelina":28890,"rendition":28891,"jericho":28892,"nicky":28893,"orb":28894,"flavo":28895,"patriot":28896,"asheville":28897,"sickness":28898,"refund":28899,"aggression":28900,"bpl":28901,"ãĥĥ":28902,"elusive":28903,"thistory":28904,"hanger":28905,"buffs":28906,"villas":28907,"atkinson":28908,"sph":28909,"jait":28910,"declined":28911,"wok":28912,"supremacy":28913,"ootball":28914,"eyang":28915,"ðŁİĵ":28916,"sford":28917,"athi":28918,"consume":28919,"roadster":28920,"eso":28921,"upro":28922,"recipe":28923,"auf":28924,"uci":28925,"aron":28926,"oooh":28927,"csgo":28928,"reich":28929,"mcd":28930,"minute":28931,"ladies":28932,"punk":28933,"rutgers":28934,"meek":28935,"arizon":28936,"taj":28937,"landlord":28938,"degra":28939,"autumn":28940,"lynx":28941,"usf":28942,"bhi":28943,"fairytale":28944,"donghae":28945,"betsy":28946,"exploded":28947,"chennai":28948,"opa":28949,"protag":28950,"brant":28951,"ðŁĵ°:":28952,"gf":28953,"palli":28954,"ðŁı¼âĢįâĻĢï¸ı":28955,"sut":28956,"illini":28957,"columnist":28958,"shirtless":28959,"decentr":28960,"searched":28961,"ecor":28962,"buggy":28963,"sack":28964,"ðŁĺĤðŁĺŃ":28965,"det":28966,"theri":28967,"ornaments":28968,"bringback":28969,"tov":28970,"quarterfinals":28971,"iche":28972,"constra":28973,"gier":28974,"buchanan":28975,"vix":28976,"kayaking":28977,"mustread":28978,"swallow":28979,"melb":28980,"scaf":28981,"opal":28982,"mayoral":28983,"harat":28984,"ð٦ĭ":28985,"schedules":28986,"idf":28987,"hague":28988,"roz":28989,"aah":28990,"dmc":28991,"duplic":28992,"cache":28993,"orphan":28994,"fracture":28995,"recon":28996,"chav":28997,"bunnies":28998,"alain":28999,"mustafa":29000,"ðŁİĻ":29001,"vacations":29002,"dynamite":29003,"texted":29004,"broadcaster":29005,"ðŁĴ£":29006,"steamed":29007,"rocker":29008,"dietary":29009,"luxurytravel":29010,"inaugurated":29011,"sawards":29012,"vaughn":29013,"lincolnshire":29014,"clicked":29015,"kraja":29016,"fanc":29017,"removes":29018,"layoffs":29019,"mcfar":29020,"breeds":29021,"winnie":29022,"jonghyun":29023,"incentive":29024,"variations":29025,"patton":29026,"aturday":29027,"persistent":29028,"prun":29029,"piers":29030,"dales":29031,"æĸ":29032,"breastfeeding":29033,"rance":29034,"tawa":29035,"Ĥâĸ":29036,"murdoch":29037,"captive":29038,"thistle":29039,"nica":29040,"commodity":29041,"couldnt":29042,"boardwalk":29043,"gracious":29044,"practitioners":29045,"ngc":29046,"scrum":29047,"nero":29048,"camouflage":29049,"colon":29050,"hei":29051,"physicist":29052,"saturdaymorning":29053,"tener":29054,"siwon":29055,"columns":29056,"brune":29057,"yvr":29058,"bair":29059,"retires":29060,"halam":29061,"caber":29062,"shazam":29063,"minu":29064,"cascade":29065,"milkshake":29066,"grid":29067,"dren":29068,"vincent":29069,"sodium":29070,"platter":29071,"cheerleader":29072,"chenko":29073,"yak":29074,"eliminated":29075,"typo":29076,"yman":29077,"rethink":29078,"âĿĹ":29079,"tsville":29080,"bernardokath":29081,"extr":29082,"ðŁĺģðŁĺģðŁĺģ":29083,"tao":29084,"reper":29085,"moths":29086,"empowered":29087,"citing":29088,"transported":29089,"monks":29090,"sanat":29091,"clears":29092,"bachelorette":29093,"campbell":29094,"rachael":29095,"harle":29096,"handler":29097,"climbs":29098,"interference":29099,"release":29100,"shand":29101,"rbs":29102,"hrh":29103,"ãģª":29104,"valle":29105,"ré":29106,"slime":29107,"wakes":29108,"chubby":29109,"sloan":29110,"elves":29111,"athen":29112,"attorneys":29113,"microscope":29114,"stoner":29115,"scaling":29116,"obe":29117,"cout":29118,"seman":29119,"midweek":29120,"balsam":29121,"ðŁĺįâĿ¤":29122,"tiful":29123,"vish":29124,"lotta":29125,"ripping":29126,"remn":29127,"tire":29128,"leap":29129,"havent":29130,"laby":29131,"himach":29132,"whispers":29133,"wein":29134,"ðŁİ¸":29135,"wildflowers":29136,"sele":29137,"ucc":29138,"liability":29139,"azine":29140,"swings":29141,"kya":29142,"tair":29143,"remain":29144,"edo":29145,"flops":29146,"pocket":29147,"grandad":29148,"examiner":29149,"gris":29150,"ffect":29151,"ðŁijĬðŁı»":29152,"studded":29153,"heartbeat":29154,"deacon":29155,"firmly":29156,"infectious":29157,"stef":29158,"outlines":29159,"leasing":29160,"claws":29161,"sense":29162,"tabs":29163,"hoot":29164,"mosul":29165,"spawn":29166,"coa":29167,"hogwarts":29168,"vein":29169,"albania":29170,"manuel":29171,"bino":29172,"vauxhall":29173,"scotland":29174,"gobucks":29175,"matty":29176,"physio":29177,"torino":29178,"constable":29179,"investigated":29180,"slower":29181,"mistaken":29182,"bayer":29183,"wildfires":29184,"voic":29185,"xon":29186,"timeto":29187,"chassis":29188,"barric":29189,"pion":29190,"baldhead":29191,"wook":29192,"registr":29193,"drafts":29194,"bhs":29195,"ligue":29196,"lick":29197,"staffordshire":29198,"bafta":29199,"darry":29200,"jeanne":29201,"vending":29202,"corp":29203,"âĽ³ï¸ı":29204,"kiddos":29205,"fenway":29206,"cao":29207,"westbound":29208,"ðŁĺĻ":29209,"dvr":29210,"quicker":29211,"blah":29212,"goodie":29213,"ðŁĴĭðŁĴĭ":29214,"vox":29215,"esper":29216,"facade":29217,"correlation":29218,"redbull":29219,"roup":29220,"declining":29221,"chive":29222,"mcgee":29223,"turo":29224,"inder":29225,"feller":29226,"fug":29227,"ilysm":29228,"mardi":29229,"peshawar":29230,"kieran":29231,"inema":29232,"meatballs":29233,"peck":29234,"depressing":29235,"sensing":29236,"giz":29237,"ddington":29238,"springwatch":29239,"roaming":29240,"yellowstone":29241,"horseshoe":29242,"amman":29243,"weekday":29244,"olor":29245,"ðŁ¥°":29246,"boosts":29247,"sprint":29248,"scarves":29249,"jee":29250,"beetro":29251,"clan":29252,"allthe":29253,"ìĦ¸ë":29254,"enlightenment":29255,"adobe":29256,"regeneration":29257,"?@":29258,"contag":29259,"yachts":29260,"tou":29261,"mora":29262,"envoy":29263,"rani":29264,"goli":29265,"dhanushkraja":29266,"woodworking":29267,"strengths":29268,"sedi":29269,"discs":29270,"arina":29271,"scon":29272,"lite":29273,"another":29274,"ðŁ¥Ĭ":29275,"yemen":29276,"guern":29277,"savvy":29278,"loyed":29279,"biomed":29280,"heartbreak":29281,"comrades":29282,"millie":29283,"patch":29284,"unf":29285,"jarvis":29286,"blaming":29287,"commemoration":29288,"gey":29289,"å¥":29290,"cardiovascular":29291,"aligned":29292,"document":29293,".?":29294,"aesthetics":29295,"emu":29296,"theirs":29297,"leh":29298,"psic":29299,"sif":29300,"plateau":29301,"expend":29302,"dominating":29303,"robes":29304,"mauritius":29305,"exceptionally":29306,"homer":29307,"discoveries":29308,"braun":29309,"tennant":29310,"insulin":29311,"ðŁİ®":29312,"carbs":29313,"teas":29314,"?!\"":29315,"zie":29316,"francois":29317,"browsing":29318,"thol":29319,"clarence":29320,"helper":29321,"obtained":29322,"cassie":29323,"lees":29324,"!,":29325,"pomegran":29326,"hubs":29327,"prestige":29328,"][":29329,"macher":29330,"bottled":29331,"punch":29332,"pipe":29333,"och":29334,"gallons":29335,"deliveries":29336,"ura":29337,"unday":29338,"monde":29339,"depicts":29340,"regency":29341,"outrageous":29342,"khaled":29343,"caro":29344,"hearti":29345,"zag":29346,"developmental":29347,"overcoming":29348,"statistical":29349,"flavored":29350,"fords":29351,"creatives":29352,"laurence":29353,"dias":29354,"sunscreen":29355,"inked":29356,"preacher":29357,"nul":29358,"impacting":29359,"autistic":29360,"âļĶï¸ı":29361,"oss":29362,"pelicans":29363,"celeste":29364,"vb":29365,"rump":29366,"mcgra":29367,"fairfax":29368,"humor":29369,"bbcnews":29370,"rowling":29371,"calder":29372,"seamless":29373,"agne":29374,"pti":29375,"mixed":29376,"tshirts":29377,"merci":29378,"btob":29379,"womeninstem":29380,"genealogy":29381,"preven":29382,"lour":29383,"cradle":29384,"giuse":29385,"о":29386,"chrono":29387,"fairness":29388,"chocolate":29389,"tory":29390,"asda":29391,"prescott":29392,"stretched":29393,"alman":29394,"uil":29395,"recharge":29396,"intre":29397,"obst":29398,"hospital":29399,"hayward":29400,"tenerife":29401,"friedman":29402,"vaping":29403,"confessions":29404,"yeah":29405,"balli":29406,"lucknow":29407,"corpse":29408,"sculptor":29409,"ampton":29410,"tpp":29411,"indicates":29412,"surplus":29413,"truman":29414,"ðĿĻ":29415,"sinha":29416,"invo":29417,"sovereign":29418,"kev":29419,"establishing":29420,"engraved":29421,"assuming":29422,"ðŁıģ":29423,"souza":29424,"fabi":29425,"toned":29426,"ounge":29427,"deloit":29428,"downey":29429,"noble":29430,"omor":29431,"cartridge":29432,"ðŁıIJ":29433,"uhur":29434,"holloway":29435,"successes":29436,"rsa":29437,"âĦ¢":29438,"mazz":29439,"twd":29440,"discourse":29441,".<":29442,"yat":29443,"satisfy":29444,"compri":29445,"ह":29446,"graphite":29447,"dissertation":29448,"arter":29449,"íĶ":29450,"bally":29451,"zombi":29452,"lyons":29453,"aic":29454,"ubc":29455,"prada":29456,"eil":29457,"dax":29458,"clai":29459,"granddaughter":29460,"extravaganza":29461,"challenge":29462,"ð٤ŀ":29463,"pover":29464,"primarily":29465,"daddy":29466,"mana":29467,"bikers":29468,"inquiries":29469,"daun":29470,"feline":29471,"generative":29472,"hef":29473,"benefiting":29474,"lindsey":29475,"polka":29476,"demonstrated":29477,"alle":29478,"randy":29479,"osu":29480,"lowkey":29481,"weirdest":29482,"redbull":29483,"oury":29484,"nous":29485,"woodstock":29486,"credenti":29487,"nicer":29488,"gado":29489,"alyss":29490,"aph":29491,"preparedness":29492,"stationary":29493,"incorporated":29494,"dyer":29495,"saratoga":29496,"celesti":29497,":\"":29498,"antibiotics":29499,"orgs":29500,"indefin":29501,"apron":29502,"иÐ":29503,"fifteen":29504,"nof":29505,"ðŁĶĿ":29506,"phx":29507,"tega":29508,"mz":29509,"organizational":29510,"onair":29511,"bandung":29512,"pleasures":29513,"mori":29514,"secretari":29515,"raccoon":29516,"cashi":29517,"pilates":29518,"kon":29519,"geoffrey":29520,"lao":29521,"kamp":29522,"departments":29523,"backpacking":29524,"anam":29525,"ë":29526,"crackdown":29527,"aunty":29528,"ondo":29529,"lizzie":29530,"phers":29531,"cun":29532,"ðŁĩ±":29533,"kpop":29534,"put":29535,"intentional":29536,"connolly":29537,"barclays":29538,"hsfb":29539,"swindon":29540,"uku":29541,"sally":29542,"aint":29543,"âľħ":29544,"penang":29545,"uplifting":29546,"epilepsy":29547,"interro":29548,"bungal":29549,"goku":29550,"blueberries":29551,"द":29552,"ussia":29553,"silky":29554,"moured":29555,"istic":29556,"briefs":29557,"meats":29558,"gob":29559,"chaser":29560,"statewide":29561,"prasad":29562,"glitch":29563,"arin":29564,"banff":29565,"member":29566,"ðŁĺŃâĿ¤ï¸ı":29567,"loving":29568,"halla":29569,"ม":29570,"smokers":29571,"yaku":29572,"scicomm":29573,"physio":29574,"swol":29575,"lemons":29576,"gelato":29577,"chool":29578,"capitals":29579,"kistan":29580,"tights":29581,"spikes":29582,"travellers":29583,"iklan":29584,"commissioning":29585,"arine":29586,"emabiggestfans":29587,"emphasis":29588,"frontline":29589,"paddock":29590,"destructive":29591,"baha":29592,"linger":29593,"jewish":29594,"shetland":29595,"mcgin":29596,"monkey":29597,"koz":29598,"sone":29599,"rajini":29600,"teh":29601,"yen":29602,"cvs":29603,"masquer":29604,"girly":29605,"wesle":29606,"wasnt":29607,"brody":29608,"terminator":29609,"gille":29610,"maggi":29611,"birdie":29612,"jeopardy":29613,"cubic":29614,"vmware":29615,"intricate":29616,"anup":29617,"topia":29618,"easton":29619,"sabres":29620,"investigates":29621,"busting":29622,"bilingual":29623,"valentino":29624,"informat":29625,"ferre":29626,"adventur":29627,"hydrate":29628,"forsy":29629,"aziz":29630,"santo":29631,"ede":29632,"whistler":29633,"continuously":29634,"dham":29635,"unused":29636,"jihad":29637,"addictive":29638,"vidy":29639,"dob":29640,"ido":29641,"fied":29642,"niversary":29643,"none":29644,"fuer":29645,"ðŁĺįðŁĺĺ":29646,"covenant":29647,"printable":29648,"immaculate":29649,"oem":29650,"clt":29651,"servants":29652,"consumed":29653,"unreleased":29654,"scum":29655,"packaged":29656,"mere":29657,"ìĦ¸ë¸":29658,"toby":29659,"taf":29660,"spoons":29661,"meal":29662,"fball":29663,"fairfield":29664,"janet":29665,"silverstone":29666,"dartmouth":29667,"followme":29668,"voyager":29669,"kombat":29670,"anniver":29671,"enew":29672,"magdal":29673,"hove":29674,"sath":29675,"grizzly":29676,"cardi":29677,"gartner":29678,"sandy":29679,"kanye":29680,"posture":29681,"poign":29682,"impulse":29683,"radiology":29684,"horizons":29685,"siam":29686,"aishwar":29687,"==>":29688,"noche":29689,"tris":29690,"elyn":29691,"comme":29692,"dui":29693,"cec":29694,"councillors":29695,"cuddling":29696,"creeping":29697,"locke":29698,"manages":29699,"transferred":29700,"necks":29701,"dier":29702,"dano":29703,"vick":29704,"lunches":29705,"dhe":29706,"ensures":29707,"criss":29708,"ulster":29709,"bannon":29710,"contenders":29711,"spam":29712,"sweetness":29713,"medal":29714,"honduras":29715,"arctic":29716,"ultrasound":29717,"infr":29718,"discovers":29719,"eiffel":29720,"casters":29721,"ruben":29722,"dust":29723,"aweed":29724,"atrium":29725,"lestwe":29726,"seared":29727,"ðŁĵº:":29728,"tyne":29729,"exchanges":29730,"littlemix":29731,"lle":29732,"astronauts":29733,"hershey":29734,"workday":29735,"knob":29736,"sov":29737,"resigns":29738,"todayshow":29739,"derman":29740,"anth":29741,"afc":29742,"taster":29743,"swoo":29744,"saeed":29745,"pering":29746,"narrowly":29747,"rnli":29748,"bestbuy":29749,"panasonic":29750,"obstacle":29751,"farmers":29752,"ðŁİĻ":29753,"pawan":29754,"kiest":29755,"angers":29756,"absurd":29757,"ohmy":29758,"sino":29759,"pistachi":29760,"spice":29761,"giuli":29762,"primetime":29763,"kow":29764,"kens":29765,"exagger":29766,"!?!":29767,"uba":29768,"middles":29769,"judd":29770,"ejec":29771,"slammed":29772,"pensions":29773,"ofa":29774,"recreate":29775,"bhp":29776,"xxl":29777,"liverpool":29778,"thresh":29779,"purity":29780,"nieu":29781,"holics":29782,"wrath":29783,"rado":29784,"glio":29785,"amma":29786,"dilemma":29787,"cru":29788,"letsgo":29789,"....@":29790,"âĿĵ":29791,"suggesting":29792,"trumps":29793,"horus":29794,"fv":29795,"icom":29796,"referring":29797,"predictive":29798,"tarts":29799,"gette":29800,"sock":29801,"glossy":29802,"pinky":29803,"alec":29804,"thyme":29805,"oura":29806,"theroad":29807,"petr":29808,"cram":29809,"pfi":29810,"dvn":29811,"meier":29812,"incentives":29813,"tunnels":29814,"mobil":29815,"recap":29816,"extras":29817,"upright":29818,"revamp":29819,"perseverance":29820,",-":29821,"otp":29822,"mirror":29823,"arwx":29824,"gerry":29825,"maher":29826,"gor":29827,"homepage":29828,"amis":29829,"agra":29830,"madele":29831,"bestfriend":29832,"siriusxm":29833,"bundles":29834,"admiring":29835,"tdsb":29836,"ðŁįģ":29837,"chas":29838,"slowing":29839,"roh":29840,"wallpapers":29841,"â̦/":29842,"tekken":29843,"gangs":29844,"tala":29845,"lindsay":29846,"shoul":29847,"linebacker":29848,"toolkit":29849,"uranium":29850,"calyp":29851,"abrams":29852,"matthi":29853,"ðŁı¿":29854,"honourable":29855,"dayo":29856,"versail":29857,"tank":29858,"stc":29859,"fritz":29860,"splend":29861,"patag":29862,"annoyed":29863,"onday":29864,"devastated":29865,"chattanooga":29866,"nationalism":29867,"massey":29868,"jenn":29869,"tailor":29870,"devgn":29871,"organs":29872,"zucchini":29873,"onfox":29874,"satire":29875,"wexford":29876,"disgrace":29877,"noto":29878,"volta":29879,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":29880,"à¶":29881,"homeowners":29882,"pointer":29883,"mcr":29884,"austen":29885,"daysto":29886,"moons":29887,"palma":29888,"grazing":29889,"eso":29890,"influencers":29891,"shahidkapoor":29892,"compliant":29893,"measurements":29894,"develops":29895,"yd":29896,"parl":29897,"pvt":29898,"randolph":29899,"tortured":29900,"gerald":29901,"elias":29902,"deepikap":29903,"warmup":29904,"hickory":29905,"gap":29906,"coffin":29907,"amour":29908,"reneg":29909,"mounting":29910,"sevens":29911,"igle":29912,"hier":29913,"decad":29914,"tright":29915,"escapes":29916,"werner":29917,"tfl":29918,"fulfilled":29919,"niger":29920,"sourdough":29921,"reaper":29922,"chooses":29923,"spinner":29924,"weeknd":29925,"filtered":29926,"shuk":29927,"kati":29928,"oldham":29929,"opensource":29930,"khanna":29931,"atelier":29932,"connec":29933,"ophobic":29934,"glas":29935,"complications":29936,"arson":29937,"councils":29938,"smol":29939,"assy":29940,"lurking":29941,"lingui":29942,"hanks":29943,"ein":29944,"Ùħ":29945,"rugs":29946,"nguyen":29947,"nouveau":29948,"menace":29949,"lev":29950,"aladdin":29951,"ruining":29952,"roundabout":29953,"km":29954,"conor":29955,"shoops":29956,"mayday":29957,"traumatic":29958,"prabhas":29959,"kaiser":29960,"kita":29961,"router":29962,"pedro":29963,"retar":29964,"stunner":29965,"spanish":29966,"disturbed":29967,"academy":29968,"elearning":29969,"witty":29970,"seng":29971,"feral":29972,"avy":29973,"stab":29974,"keaton":29975,"urdu":29976,"koto":29977,"hui":29978,"cooke":29979,"arian":29980,"thepersonal":29981,"uma":29982,"seap":29983,"asting":29984,"rhetoric":29985,"handwriting":29986,"municipality":29987,"consortium":29988,"ðŁIJŁ":29989,"glasgow":29990,"raya":29991,"eliza":29992,"polymer":29993,"broth":29994,"practi":29995,"correspondent":29996,"addicts":29997,"gayle":29998,"ailing":29999,"ofe":30000,"pli":30001,"heartw":30002,"stitch":30003,"sightings":30004,"priests":30005,"samo":30006,"sloth":30007,"goodwood":30008,"rocco":30009,"sabc":30010,"summit":30011,"lace":30012,"presley":30013,"itten":30014,"cincy":30015,"thepersonalnetwork":30016,"sweek":30017,"pegas":30018,"afcon":30019,"registry":30020,"cim":30021,"leth":30022,"dicap":30023,"candice":30024,"fluent":30025,"smack":30026,"pedestri":30027,"aloud":30028,"carac":30029,"priyankach":30030,"pgh":30031,"irons":30032,"dolce":30033,"latvia":30034,"deceased":30035,"therock":30036,"clap":30037,"cene":30038,"foam":30039,"morrissey":30040,"gret":30041,"essentially":30042,"comcast":30043,"beagle":30044,"argues":30045,"inged":30046,"-â̦":30047,"sag":30048,"hasan":30049,"ðŁĻĨ":30050,"ðŁį°":30051,"nhra":30052,"kannada":30053,"indicators":30054,"oner":30055,"brixton":30056,"atas":30057,"screenplay":30058,"sorority":30059,"shaheed":30060,"heem":30061,"classmates":30062,"tainment":30063,"esi":30064,"breastcancer":30065,"zuckerberg":30066,"auror":30067,"encia":30068,"refers":30069,"kaeper":30070,"vortex":30071,"compart":30072,"lymph":30073,"photographing":30074,"steff":30075,"restling":30076,"parsley":30077,"momento":30078,"thman":30079,"lacking":30080,"dutt":30081,"oculus":30082,"fino":30083,"frenzy":30084,"rasc":30085,"dern":30086,"dismissed":30087,"nook":30088,"metgala":30089,"shill":30090,"raphael":30091,"mavericks":30092,"exhibits":30093,"eagerly":30094,"cpa":30095,"amenities":30096,".âłĢ":30097,"exodus":30098,"ernst":30099,"lita":30100,"dealt":30101,"womensmarch":30102,"iain":30103,"scoreboard":30104,"campeones":30105,"cen":30106,"tiki":30107,"garrison":30108,"fidelity":30109,"brag":30110,"roadmap":30111,"psychop":30112,"loe":30113,"bleu":30114,"ðŁijĬðŁı¼":30115,"sauvi":30116,"springer":30117,"temptation":30118,"rudolph":30119,"acura":30120,"wicz":30121,"parachute":30122,"strol":30123,"lenny":30124,"zik":30125,"doms":30126,"nbaf":30127,"alpac":30128,"vivian":30129,"rove":30130,"preet":30131,"perpetu":30132,"snake":30133,"airsoft":30134,"inflatable":30135,"princes":30136,"atie":30137,"ffey":30138,"patient":30139,"mire":30140,"chelle":30141,"slack":30142,"groovy":30143,"#:":30144,"uploading":30145,"!!!!!!!!!!!!!!!!":30146,"siemens":30147,"provision":30148,"vfx":30149,"needy":30150,"fats":30151,"topoli":30152,"bhutto":30153,"sathletics":30154,"alums":30155,"twinning":30156,"southwestern":30157,"adopting":30158,"lastnight":30159,"manne":30160,"laga":30161,"twell":30162,"acia":30163,"----":30164,"eyewear":30165,"hurley":30166,"flee":30167,"sach":30168,"pecker":30169,"costly":30170,"isk":30171,"crates":30172,"policy":30173,"erosion":30174,"ingo":30175,"werk":30176,"ðŁIJį":30177,"tortoise":30178,"therapies":30179,"internet":30180,"chihuahua":30181,"rips":30182,"frei":30183,"edor":30184,"taiji":30185,"tfc":30186,"dod":30187,"dempsey":30188,"christin":30189,"cheng":30190,"hips":30191,"graeme":30192,"compassionate":30193,"cavaliers":30194,"historic":30195,"soulful":30196,"criminal":30197,"jac":30198,"vinci":30199,"expired":30200,"surat":30201,"turismo":30202,"kona":30203,"seaweed":30204,"berts":30205,"leica":30206,"expressing":30207,"aal":30208,"wort":30209,"breakfast":30210,"herring":30211,"amused":30212,"rhubarb":30213,"martian":30214,"cosplayer":30215,"yash":30216,"strial":30217,"raul":30218,"referral":30219,"dwts":30220,"jw":30221,"adler":30222,"curtains":30223,"gur":30224,"valence":30225,"tyrone":30226,"swfc":30227,"coached":30228,"reborn":30229,"diabetic":30230,"choke":30231,"norfolk":30232,"investigative":30233,"ðŁĴ¯ðŁĴ¯":30234,"zid":30235,"vmas":30236,"phie":30237,"objectives":30238,"âľĭ":30239,"overdue":30240,"divers":30241,"matsu":30242,"ðŁİŁï¸ı":30243,"casualties":30244,"ว":30245,"alk":30246,"standardi":30247,"realist":30248,"artifacts":30249,"pandor":30250,"kex":30251,"invin":30252,"(!)":30253,"iney":30254,"paraly":30255,"mrt":30256,"faye":30257,"thevoice":30258,"onga":30259,"deed":30260,"skinner":30261,"azwx":30262,"specimen":30263,"priyankachopra":30264,"nuevo":30265,"barkley":30266,"toulouse":30267,"resumes":30268,"footballers":30269,"citi":30270,"fetch":30271,"ère":30272,"lestweforget":30273,"ðŁĻĭ":30274,"chunk":30275,"drifting":30276,"manipulation":30277,"equals":30278,"putt":30279,"kyungsoo":30280,"âĿ¤ï¸ı#":30281,"elastic":30282,"parano":30283,"foy":30284,"doping":30285,"cincy":30286,"ssler":30287,"interrupted":30288,"alay":30289,"adores":30290,"amethy":30291,"convoy":30292,"ãĢı":30293,"Ĭãģ":30294,"blacklist":30295,"generals":30296,"sachin":30297,"brushed":30298,"ounces":30299,"nonstop":30300,"illiams":30301,"btsarmy":30302,"uav":30303,"ruff":30304,"burma":30305,"bik":30306,"defence":30307,"schultz":30308,"boasts":30309,"loneliness":30310,"gore":30311,"transforms":30312,"alumna":30313,"@@":30314,"rappers":30315,"nehru":30316,"caro":30317,"himalayan":30318,"wearables":30319,"geh":30320,"peppermint":30321,"redevelopment":30322,"flamingo":30323,"cosby":30324,"bigbaldhead":30325,"agri":30326,"barefoot":30327,"scopes":30328,"regram":30329,"ghana":30330,"ðŁİ«":30331,"iheart":30332,"sadie":30333,"carrie":30334,"microbial":30335,"kuala":30336,"skater":30337,"querque":30338,"âĻ©":30339,"genres":30340,"reasoning":30341,"chased":30342,"aso":30343,"slipped":30344,"encan":30345,"vamos":30346,"kers":30347,"adverse":30348,"moil":30349,"commodities":30350,"withyou":30351,"silent":30352,"hype":30353,"ande":30354,"amination":30355,"whispe":30356,"litz":30357,"âļ½ï¸ıâļ½ï¸ı":30358,"riff":30359,"ppy":30360,"lambs":30361,"ganesh":30362,"absent":30363,"regulator":30364,"marseille":30365,"enroll":30366,"parcel":30367,"wap":30368,"byrd":30369,"ðŁĩŃ":30370,"tuber":30371,"countrymusic":30372,"parl":30373,"controllers":30374,"responsibilities":30375,"wey":30376,"chate":30377,"montenegro":30378,"chico":30379,"milan":30380,"lms":30381,"trainees":30382,"appropriately":30383,"uncertain":30384,"poppies":30385,"edsheeran":30386,"nutritious":30387,"garo":30388,"deutsch":30389,"awesome":30390,"ãĥ¼":30391,"comfortably":30392,"landmarks":30393,"eti":30394,"reusable":30395,"danielle":30396,"rosal":30397,"coles":30398,"justic":30399,"ccs":30400,"fanny":30401,"nim":30402,"mcu":30403,"clinch":30404,"atene":30405,"merge":30406,"imdb":30407,"anglo":30408,"uccino":30409,"panini":30410,"annot":30411,"burberry":30412,"feature":30413,"predicting":30414,"fashionista":30415,"sask":30416,"imaginary":30417,"mmo":30418,"southsudan":30419,"spear":30420,"hubble":30421,"jointhe":30422,"coyotes":30423,"sligo":30424,"kodak":30425,"sitcom":30426,"polaroid":30427,"rooted":30428,"corrup":30429,"ðŁĻĮðŁĻĮ":30430,"brisban":30431,"atz":30432,"ahl":30433,"remy":30434,"talent":30435,"avalon":30436,"rada":30437,"pauline":30438,"locomotive":30439,"goons":30440,"nemo":30441,"maserati":30442,"icu":30443,"stutt":30444,"historically":30445,"smb":30446,"presby":30447,"avoid":30448,"sooners":30449,"rhinestone":30450,"wad":30451,"rising":30452,"trot":30453,"modes":30454,"regent":30455,"optimize":30456,"reece":30457,"smu":30458,"verti":30459,"newyorkcity":30460,"cortez":30461,"rac":30462,"incase":30463,"sinc":30464,"fielding":30465,"etta":30466,"tiffany":30467,"almonds":30468,"saddle":30469,"krat":30470,"matter":30471,"glow":30472,"starving":30473,"glo":30474,"crappy":30475,"slur":30476,"std":30477,"monitors":30478,"receipt":30479,"maymayentrata":30480,"mcil":30481,"unis":30482,"rainbows":30483,"caldwell":30484,"pacquiao":30485,"jop":30486,"afe":30487,"hook":30488,"essen":30489,"wizard":30490,"median":30491,"flaws":30492,"coms":30493,"âĿĦ":30494,"ingh":30495,"haynes":30496,"antonio":30497,"templates":30498,"outer":30499,"naw":30500,"cardigan":30501,"belgrade":30502,"ðŁĴī":30503,"homo":30504,"aise":30505,"ropes":30506,"nove":30507,"whatyou":30508,"trigge":30509,"conception":30510,"adukone":30511,"nadi":30512,"friars":30513,"swer":30514,"adjusted":30515,"hotline":30516,"sanity":30517,"kaur":30518,"downloading":30519,"cgi":30520,"tenor":30521,"ethnic":30522,"appalach":30523,"ุ":30524,"pag":30525,"golds":30526,"onset":30527,"investigator":30528,"cartel":30529,"peacefully":30530,"jarrett":30531,"catalan":30532,"polio":30533,"num":30534,"frustration":30535,"dharma":30536,"mylife":30537,"âľĮðŁı»":30538,"aberdeen":30539,"musa":30540,"binder":30541,"sparkly":30542,"fleeing":30543,"instinct":30544,"coping":30545,"dominance":30546,"illers":30547,"era":30548,"uconn":30549,"looms":30550,"livingston":30551,"gali":30552,"hes":30553,"cma":30554,"bela":30555,"seley":30556,"monk":30557,"lach":30558,"marx":30559,"´":30560,"merica":30561,"womanin":30562,"essex":30563,"raina":30564,"jimi":30565,"neptune":30566,"zack":30567,"chinese":30568,"martins":30569,"chandelier":30570,"hern":30571,"withus":30572,"earl":30573,"asphalt":30574,"modules":30575,"stp":30576,"ulla":30577,"psychiatric":30578,"mileage":30579,"captivating":30580,"sider":30581,"mento":30582,"mort":30583,"trance":30584,"talbot":30585,"abby":30586,"ìĥ":30587,"âľĮðŁı¼":30588,"jak":30589,"dawn":30590,"turnup":30591,"screwed":30592,"feds":30593,"blueprint":30594,"ðŁĴĸðŁĴĸ":30595,"harsh":30596,"eros":30597,"insomnia":30598,"bankers":30599,"taemin":30600,"misconduct":30601,"humber":30602,"gidi":30603,"eduardo":30604,"cona":30605,"muscular":30606,"consuming":30607,"rash":30608,"donnie":30609,"dipped":30610,"collie":30611,"samuel":30612,"meltdown":30613,"ðŁĺįðŁĺįðŁĺį":30614,"mez":30615,"examining":30616,"schwartz":30617,"pristine":30618,"ðŁIJĿ":30619,"veit":30620,"fulfilling":30621,"anesthe":30622,"guesses":30623,"draft":30624,"somme":30625,"solid":30626,"pational":30627,"hoped":30628,"evolutionary":30629,"aller":30630,"entertained":30631,"slips":30632,"ludwig":30633,"concludes":30634,"sensible":30635,"bonnet":30636,"craze":30637,"tras":30638,"hazards":30639,"constantine":30640,"edics":30641,"startrek":30642,"toc":30643,"occupational":30644,"incheon":30645,"deepikapadukone":30646,"pizzas":30647,"newcomer":30648,"depart":30649,"oppression":30650,"ebony":30651,"fossils":30652,"trojan":30653,"elen":30654,"steaks":30655,"khou":30656,"positioning":30657,"ugby":30658,"redcross":30659,"akh":30660,"dolce":30661,"usmnt":30662,"ppen":30663,"dilig":30664,"mavs":30665,"caller":30666,"costello":30667,"âĽĦ":30668,"dyn":30669,"things":30670,"rhinos":30671,"axi":30672,"sarkar":30673,"convocation":30674,"atters":30675,"ssss":30676,"fungus":30677,"eugen":30678,"russo":30679,"squat":30680,"wsb":30681,"elion":30682,"williamsburg":30683,"soff":30684,"deficiency":30685,"bearer":30686,"okin":30687,"keystone":30688,"twain":30689,"calming":30690,"breakable":30691,"wares":30692,"horseracing":30693,"combs":30694,"bunting":30695,"uit":30696,"tland":30697,"ðŁĴĻðŁĴĻðŁĴĻ":30698,"gastron":30699,"sabot":30700,"ickers":30701,"commissioners":30702,"senate":30703,"iiot":30704,"athena":30705,"nitrogen":30706,"antony":30707,"erotic":30708,"dialo":30709,"missou":30710,"hypocr":30711,"âľĪ":30712,"kaepernick":30713,"canv":30714,"droo":30715,"cleveland":30716,"osh":30717,"monsta":30718,"stefano":30719,"^)":30720,"shul":30721,"poison":30722,"hae":30723,"commercials":30724,"maul":30725,"nitro":30726,"coworker":30727,"aloe":30728,"vapor":30729,"tents":30730,"russian":30731,"quid":30732,"questionable":30733,"midget":30734,"poker":30735,"girlfriends":30736,"sinthe":30737,"eritrea":30738,"tenure":30739,"deposits":30740,"buckeyes":30741,"spotter":30742,"theodore":30743,"trinity":30744,"joaquin":30745,"ucci":30746,"followthe":30747,"cafc":30748,"mpa":30749,"ðŁIJ»":30750,"plotting":30751,"domino":30752,"taek":30753,"sionally":30754,"dicaprio":30755,"pap":30756,"carmel":30757,"iger":30758,"btcc":30759,"bethle":30760,"wwwbigbaldhead":30761,"foodie":30762,"baghdad":30763,"masonry":30764,"offended":30765,"à·":30766,"à¸ģ":30767,"scro":30768,"verses":30769,"orient":30770,"arches":30771,"piyu":30772,"knowyour":30773,"gree":30774,"takers":30775,"guard":30776,"dishon":30777,"bucketlist":30778,"bhafc":30779,"wardly":30780,"ðŁİīðŁİĬ":30781,"leighton":30782,"pew":30783,"stray":30784,"assaulted":30785,"inhal":30786,"lyfe":30787,"amarketing":30788,"lx":30789,"katz":30790,"ubuntu":30791,"meo":30792,"cartoonist":30793,"turnover":30794,"miz":30795,"dislike":30796,"mullen":30797,"mof":30798,"bland":30799,"hides":30800,"emerges":30801,"chorizo":30802,"trustee":30803,"mahog":30804,"lansing":30805,"paralympic":30806,"faint":30807,"fauna":30808,"chal":30809,"snar":30810,"cath":30811,"benton":30812,"castillo":30813,"slippery":30814,"apricot":30815,"oecd":30816,"baro":30817,"lz":30818,"heming":30819,"clowns":30820,"coworkers":30821,"peruvian":30822,"commuters":30823,"yell":30824,"ðŁļ´":30825,"undering":30826,"vj":30827,"ttp":30828,"flipk":30829,"wana":30830,"socent":30831,"ĤâĸĤâĸ":30832,"à¤Ĥ":30833,"oosa":30834,"jagger":30835,"dism":30836,"eless":30837,"dham":30838,"calif":30839,"aofficial":30840,"eclip":30841,"harrogate":30842,"grapp":30843,"comrade":30844,"ntr":30845,"concentrate":30846,"thighs":30847,"bitcoin":30848,"belarus":30849,"ëĵ":30850,"enduring":30851,"nowwatching":30852,"industrial":30853,"pip":30854,"aron":30855,"arat":30856,"®":30857,"whitby":30858,"ooooooo":30859,"saree":30860,"ticals":30861,"misleading":30862,"yoon":30863,"years":30864,"sleigh":30865,"romanian":30866,"scissors":30867,"vampires":30868,"acup":30869,"abba":30870,"thweeksary":30871,"centri":30872,"flye":30873,"uo":30874,"cbi":30875,"buena":30876,"sind":30877,"marino":30878,"burr":30879,"rebuilding":30880,"ल":30881,"anniversaire":30882,"acca":30883,"ðŁĴĢðŁĴĢ":30884,"getting":30885,"tulips":30886,"wolfpack":30887,"âľįï¸ı":30888,"morethan":30889,"takin":30890,"ð٤ĺðŁı»":30891,"ube":30892,"monic":30893,"doubts":30894,"mower":30895,"cobalt":30896,"donne":30897,"speculation":30898,"arguably":30899,"kaku":30900,"https":30901,"prosecution":30902,"dinah":30903,"stamatic":30904,"disclosed":30905,"beverly":30906,"flwx":30907,"crabs":30908,"extraordinaire":30909,"warmest":30910,"imperi":30911,"ologists":30912,"traces":30913,"parc":30914,"lakeside":30915,"amr":30916,"teri":30917,"hourly":30918,"domination":30919,"arrow":30920,"shrewsbury":30921,"ancestry":30922,"wrangler":30923,"triggered":30924,"pensac":30925,"rooster":30926,"survives":30927,"aon":30928,"boko":30929,"valor":30930,"loveis":30931,"lag":30932,"pey":30933,"focal":30934,"outlaws":30935,"blanc":30936,"articho":30937,"wits":30938,"marshall":30939,"diego":30940,"supportsmall":30941,"uca":30942,"sah":30943,"jeet":30944,"synago":30945,"governing":30946,"ðŁĴ¬":30947,"salads":30948,"create":30949,"miriam":30950,"censored":30951,"amide":30952,"nou":30953,"zeta":30954,"allegiance":30955,"*)":30956,"blm":30957,"rican":30958,"pastors":30959,"olympus":30960,"bloc":30961,"whirl":30962,"starry":30963,"prone":30964,"yk":30965,"pne":30966,"congratulating":30967,"bev":30968,"sober":30969,"loveisland":30970,"sair":30971,"aning":30972,"tutorials":30973,"qe":30974,"lund":30975,"inist":30976,"clever":30977,"taxpayer":30978,"aliz":30979,"wrench":30980,"ddling":30981,"capri":30982,"hpa":30983,"ðŁı»âĢįâĻĤï¸ı":30984,"naj":30985,"oj":30986,"futuristic":30987,"jellyfish":30988,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":30989,"celery":30990,"plank":30991,"fila":30992,"neme":30993,"unhealthy":30994,"lections":30995,"ðŁ§¡":30996,"ritchie":30997,"nws":30998,"mikha":30999,"wonderwoman":31000,"âĢİ":31001,"hipstamatic":31002,"kag":31003,"ðŁĴľðŁĴľðŁĴľ":31004,"poultry":31005,"mow":31006,"words":31007,"loff":31008,"ðŁ¤£ðŁ¤£":31009,"relatable":31010,"remixes":31011,"kenyatta":31012,"kem":31013,"resigned":31014,"fod":31015,"straigh":31016,"jlo":31017,"hutch":31018,"boxers":31019,"colleen":31020,"mags":31021,"instructional":31022,"kol":31023,"attracts":31024,"prag":31025,"accountant":31026,"goggles":31027,"bru":31028,"thole":31029,"marrow":31030,"leuke":31031,"octo":31032,"ponds":31033,"bubbly":31034,"heist":31035,"ìĹij":31036,"imp":31037,"ahar":31038,"haunt":31039,"hallmark":31040,"psych":31041,"kkkkkkkk":31042,"columb":31043,"jumpsuit":31044,"costco":31045,"sidelines":31046,"aggies":31047,"overturned":31048,"nib":31049,"keychain":31050,"fuk":31051,"faf":31052,"miam":31053,"assistants":31054,"cycled":31055,"rider":31056,"dammit":31057,"redwings":31058,"mages":31059,"kins":31060,"ìĤ":31061,"hod":31062,"sont":31063,"caroline":31064,"\"'":31065,"cule":31066,"braid":31067,"felony":31068,"arities":31069,"rutherford":31070,"depiction":31071,"isabelle":31072,"roach":31073,"kday":31074,"fifthharmony":31075,"emy":31076,"ligam":31077,"barista":31078,"albuquerque":31079,"gross":31080,"ðŁįº":31081,"ooks":31082,"ðŁij¼":31083,"duncan":31084,"tryin":31085,"jags":31086,"gould":31087,"litho":31088,"âģ£":31089,"аÐ":31090,"sammy":31091,"tung":31092,"casser":31093,"apolo":31094,"aaaaa":31095,"mang":31096,"asics":31097,"shen":31098,"pye":31099,"turbul":31100,"ssp":31101,"saintsfc":31102,"onlin":31103,"nanny":31104,"hester":31105,"doz":31106,"à¸Ķ":31107,"thread":31108,"rents":31109,"khand":31110,"ðŁĴªðŁı½":31111,"unconditional":31112,"robson":31113,"carre":31114,"phon":31115,"sacrificed":31116,"£":31117,"autos":31118,"parker":31119,"oca":31120,"login":31121,"keegan":31122,"hardcover":31123,"doughnuts":31124,"ðŁĮİ":31125,"spitfire":31126,"refreshments":31127,"saskatoon":31128,"commodore":31129,"jf":31130,"rubber":31131,"halamadrid":31132,"childcare":31133,"strada":31134,"iom":31135,"rik":31136,"dakar":31137,"thermom":31138,"cropped":31139,"garu":31140,"alik":31141,"veni":31142,"ift":31143,"sika":31144,"rituals":31145,"zul":31146,"ech":31147,"©":31148,"sudan":31149,"lland":31150,"ime":31151,"docker":31152,"ì¤":31153,"feared":31154,"fao":31155,"walter":31156,"nog":31157,"mutuals":31158,"lh":31159,"align":31160,"monia":31161,"conceptart":31162,"ðŁĻıðŁı¼":31163,"scoe":31164,"competence":31165,"swine":31166,"lyme":31167,"launch":31168,"greener":31169,"abstractart":31170,"inquis":31171,"granada":31172,"gaelic":31173,"fluff":31174,"dbacks":31175,"graveyard":31176,"babe":31177,"academic":31178,"adventurous":31179,"johann":31180,"~!":31181,"bibi":31182,"|#":31183,"plings":31184,"getty":31185,"asb":31186,"âĿ¤ï¸ı@":31187,"staff":31188,"religions":31189,"bangor":31190,"worldbookday":31191,"megh":31192,"devin":31193,"ashore":31194,"meridian":31195,"github":31196,"quiz":31197,"allstars":31198,"bestest":31199,"irresi":31200,"acker":31201,"dote":31202,"warrington":31203,"polly":31204,"neworleans":31205,"crou":31206,"wigs":31207,"chey":31208,"smithsonian":31209,"lasag":31210,"detour":31211,"boris":31212,"straps":31213,"mariah":31214,"intentionally":31215,"koh":31216,"ðŁį¸":31217,"ssian":31218,"marissa":31219,"coral":31220,"episcopal":31221,"casualty":31222,"tomo":31223,"supplychain":31224,"samp":31225,"ongo":31226,"roo":31227,"caviar":31228,"pfw":31229,"claudio":31230,"buffalo":31231,"sations":31232,"matty":31233,"snapback":31234,"lds":31235,"alarms":31236,"matte":31237,"âĺĶï¸ı":31238,"conditioner":31239,"dors":31240,"hex":31241,"fizz":31242,"astri":31243,"sussex":31244,"security":31245,"qaeda":31246,"allstar":31247,"cocacola":31248,"asone":31249,"clicks":31250,"scans":31251,"mute":31252,"heavier":31253,"ðŁİ§":31254,"âĺŀ":31255,"lvl":31256,"bookboost":31257,"youtube":31258,"flashes":31259,"fjor":31260,"csu":31261,"explode":31262,"dodge":31263,"cairn":31264,"gonzales":31265,"thill":31266,"pelle":31267,"hartley":31268,"renewable":31269,"retin":31270,"estre":31271,"costarica":31272,"shipyard":31273,"ncfc":31274,"priya":31275,"aghan":31276,"anath":31277,"plugin":31278,"corey":31279,"rebound":31280,"oru":31281,"katrin":31282,"hormone":31283,"gim":31284,"mahindra":31285,"ssus":31286,"parkland":31287,"harper":31288,"fantastic":31289,"inferno":31290,"epilo":31291,"wrestling":31292,"fect":31293,"cit":31294,"acoun":31295,"tossed":31296,"monumental":31297,"chartered":31298,"bust":31299,"petra":31300,"âĮļ":31301,"wildflowerhour":31302,"sweaters":31303,"*.":31304,"bler":31305,"atech":31306,"gowan":31307,"demographic":31308,"bral":31309,"suicide":31310,"renovations":31311,"vuel":31312,"sinister":31313,"armani":31314,"misogy":31315,"pharrell":31316,"naps":31317,"uniting":31318,"crusaders":31319,"corgi":31320,"insured":31321,"thani":31322,"noor":31323,"gq":31324,"dada":31325,"bicycles":31326,"snuggle":31327,"schan":31328,"tenberg":31329,"ssal":31330,"femme":31331,"boil":31332,"½ï¸ı":31333,"reap":31334,"occurring":31335,"hussein":31336,"divid":31337,"stoke":31338,"shalom":31339,"naia":31340,"olic":31341,"frustrating":31342,"Ùĩ":31343,"igs":31344,"grover":31345,"scenarios":31346,"nds":31347,"brutality":31348,"medalli":31349,"buon":31350,"sass":31351,"skateboarding":31352,"onyx":31353,"lorry":31354,"nyu":31355,"gautam":31356,"mmings":31357,"gug":31358,"endi":31359,"lothian":31360,"commando":31361,"chalk":31362,"phora":31363,"assessing":31364,"tigh":31365,"crunchy":31366,"aday":31367,"isl":31368,"ciara":31369,"pilgrims":31370,"kamal":31371,"pto":31372,"britanni":31373,"tani":31374,"smc":31375,"lure":31376,"appstore":31377,"aby":31378,"golfing":31379,"clc":31380,"fau":31381,"anas":31382,"shutting":31383,"regulated":31384,"carnage":31385,"scowboys":31386,"allenge":31387,"cma":31388,"humboldt":31389,"relle":31390,"kumb":31391,"heri":31392,"refinery":31393,"soundcheck":31394,"dwayne":31395,"bosnia":31396,"isp":31397,"thealth":31398,"anniv":31399,"relevance":31400,"mya":31401,"baggage":31402,"dread":31403,"sbc":31404,"thed":31405,"buh":31406,"hijab":31407,"loid":31408,"kew":31409,"cte":31410,"respect":31411,"lovelies":31412,"cubes":31413,"celebrate":31414,"dirt":31415,"savers":31416,"_,":31417,"garment":31418,"pulitzer":31419,"masjid":31420,"beatport":31421,"alarts":31422,"encryption":31423,"sner":31424,"pleads":31425,"foundry":31426,"symmetry":31427,"rumi":31428,"birthplace":31429,"scallops":31430,"supple":31431,"pivotal":31432,"tati":31433,"node":31434,"sod":31435,"proxim":31436,"trics":31437,"coldest":31438,"brent":31439,"mandu":31440,"clair":31441,"each":31442,"andalu":31443,"hiddleston":31444,"ðŁIJº":31445,"melts":31446,"vance":31447,"pinn":31448,"sements":31449,"screened":31450,"sachs":31451,"obl":31452,"icha":31453,"âĺĺï¸ı":31454,"schoolers":31455,"healed":31456,"logged":31457,"ð٤ĺðŁı¼":31458,"icus":31459,"boredom":31460,"bish":31461,"bffs":31462,"talking":31463,"suresh":31464,"hookem":31465,"deon":31466,"defl":31467,"eileen":31468,"ðŁįķ":31469,"womenintech":31470,"risotto":31471,"ranger":31472,"advertise":31473,"à¸ģà¸":31474,"telly":31475,"lago":31476,"dartmoor":31477,"dong":31478,"skates":31479,"logo":31480,"unner":31481,"mailbox":31482,"masala":31483,"looooo":31484,"amethyst":31485,"chewing":31486,"cbb":31487,"australians":31488,"rcmp":31489,"gameart":31490,"#...":31491,"korn":31492,"extremism":31493,"fruitful":31494,"ancient":31495,"pubg":31496,"polite":31497,"whit":31498,"murals":31499,"mgr":31500,"lineman":31501,"davao":31502,"stems":31503,"tennis":31504,"avage":31505,"tupac":31506,"gigantic":31507,"hsbc":31508,"autobiography":31509,"upthe":31510,"ีà¹Ī":31511,"regal":31512,"figuring":31513,"kul":31514,"missy":31515,"hoop":31516,"gras":31517,"forums":31518,"backlash":31519,"abducted":31520,"pnw":31521,"minic":31522,"butt":31523,"bottoms":31524,"aton":31525,"veng":31526,"ðŁĮı":31527,"delaney":31528,"prabhu":31529,"fanclub":31530,"overhaul":31531,"healthye":31532,"syno":31533,"aaf":31534,"renamed":31535,"kimi":31536,"uncle":31537,"mancity":31538,"seu":31539,"quanti":31540,"esteem":31541,"umin":31542,"enzo":31543,"melvin":31544,"undergo":31545,"jhar":31546,"farah":31547,"coasters":31548,"humphrey":31549,"mhz":31550,"childrens":31551,"^.":31552,"dhi":31553,"disruptive":31554,"integrating":31555,"rnb":31556,"oversized":31557,"aide":31558,"neau":31559,"documentation":31560,"ðŁijĢðŁijĢ":31561,"palo":31562,"hearth":31563,"riyad":31564,"punctu":31565,"abcnews":31566,"secures":31567,"boyband":31568,"birch":31569,"juco":31570,"traff":31571,"legislators":31572,"baya":31573,"ãĤ¯":31574,"noises":31575,"collects":31576,"swarm":31577,"kner":31578,"bishops":31579,"sturgeon":31580,"snapping":31581,"mol":31582,"freaky":31583,"chairperson":31584,"trop":31585,"lynch":31586,"carcin":31587,"artsy":31588,"esto":31589,"chai":31590,"flur":31591,"invali":31592,"sausages":31593,"imel":31594,"jor":31595,"funfact":31596,"witter":31597,"punished":31598,"acons":31599,"hya":31600,"reversi":31601,"emc":31602,"diffu":31603,"zx":31604,"spaw":31605,"clad":31606,"dmit":31607,"holland":31608,"fresco":31609,"payroll":31610,"abundant":31611,"stuffing":31612,"moro":31613,"cny":31614,"boycott":31615,"wendy":31616,"eleven":31617,"provoc":31618,"pilot":31619,"trx":31620,"bead":31621,"climateaction":31622,"rion":31623,"assie":31624,"ìĸ":31625,"osm":31626,"islamic":31627,"hoar":31628,"goodreads":31629,"alici":31630,"afternoons":31631,"spokesman":31632,"jolie":31633,"itas":31634,"mascara":31635,"âĻ©âĻ«":31636,"prevail":31637,"beetroot":31638,"lujah":31639,"kli":31640,"dodger":31641,"»":31642,"rule":31643,"ln":31644,"scream":31645,"hobart":31646,"colbert":31647,"rtc":31648,"erm":31649,"patro":31650,"quoting":31651,"slive":31652,"quest":31653,"nonfiction":31654,"seminary":31655,"prosecutors":31656,"vest":31657,"expressway":31658,"gge":31659,"nautical":31660,"etf":31661,"ðŁİīðŁİĬ":31662,"duration":31663,"chaired":31664,"thefilm":31665,"fabio":31666,"sheh":31667,"cano":31668,"ðŁĴªðŁı»":31669,"withdraw":31670,"!:)":31671,"corpus":31672,"phenom":31673,"yelp":31674,"lawn":31675,"entom":31676,"snapper":31677,"butte":31678,"pinball":31679,"proxy":31680,"libre":31681,"allevi":31682,"nada":31683,"gabriel":31684,"fowl":31685,"eureka":31686,"daphne":31687,"tunes":31688,"punched":31689,"whore":31690,"jog":31691,"rential":31692,"manners":31693,"ope":31694,"whufc":31695,"guth":31696,"revolt":31697,"sneaker":31698,"philharmonic":31699,"hoste":31700,"sovereignty":31701,"ðŁĻıðŁĻıðŁĻı":31702,"fishing":31703,"sciart":31704,"feta":31705,"ipp":31706,"dumping":31707,"kelown":31708,"giri":31709,"digits":31710,"salu":31711,"sanjay":31712,"tweeters":31713,"spas":31714,"colchester":31715,"scab":31716,"madd":31717,"à¹Ħà¸":31718,"Äĩ":31719,"geddon":31720,"marchfor":31721,"dop":31722,"maureen":31723,"unplugged":31724,"dido":31725,"fashionblogger":31726,"upa":31727,"mexic":31728,"tary":31729,"polye":31730,"jameson":31731,"vt":31732,"grinder":31733,"maddy":31734,"consultancy":31735,"¬ë":31736,"leagueoflegends":31737,"accents":31738,"umni":31739,"janeiro":31740,"tuss":31741,"hens":31742,"amplifier":31743,"toshi":31744,"prettier":31745,"prevents":31746,"newtown":31747,"redwood":31748,"vantage":31749,"ballard":31750,"artof":31751,"ashe":31752,"asion":31753,"lacey":31754,"apat":31755,"grove":31756,"à¸Ħ":31757,"rwand":31758,"realtors":31759,"traitor":31760,"bedding":31761,"ör":31762,"zion":31763,"flashing":31764,"campan":31765,"boomer":31766,"secretariat":31767,"abol":31768,"litigation":31769,"contamination":31770,"sedly":31771,"shredded":31772,"infor":31773,"doherty":31774,"benchmark":31775,"roche":31776,"skateboard":31777,"shovel":31778,"izz":31779,"topper":31780,"oster":31781,"labyrin":31782,"autum":31783,"kong":31784,"hummus":31785,"viz":31786,"technews":31787,"klaus":31788,"amusing":31789,"socialmediamarketing":31790,"ides":31791,"castell":31792,"stee":31793,"underestimate":31794,"calab":31795,"paign":31796,"billing":31797,"unanimously":31798,"gmb":31799,"flyfishing":31800,"hathaway":31801,"commercial":31802,"colouring":31803,"skulls":31804,"pivot":31805,"tep":31806,"tbc":31807,"motorway":31808,"xpress":31809,"constructive":31810,"puk":31811,"underlying":31812,"kirsten":31813,"maniac":31814,"chao":31815,"sema":31816,"chiffon":31817,"ðŁijĮðŁı»":31818,"verona":31819,"komo":31820,"standoff":31821,"wiped":31822,"cated":31823,"blair":31824,"workin":31825,"msc":31826,"bethlehem":31827,"swipe":31828,"unexpec":31829,"pees":31830,"petri":31831,"origami":31832,"ðŁijħ":31833,"mexico":31834,"flavor":31835,"rudd":31836,"cannabis":31837,"maru":31838,"riddle":31839,"worshi":31840,"silon":31841,"schat":31842,"apse":31843,"tanger":31844,"bious":31845,"eer":31846,"questioned":31847,"ozar":31848,"dank":31849,"anglesey":31850,"charan":31851,"baku":31852,"competen":31853,"repri":31854,"batter":31855,"saxon":31856,"calves":31857,"lengths":31858,"$$$":31859,"âŀ¡ï¸ı":31860,"immersion":31861,"gaunt":31862,"carry":31863,"cyto":31864,"banda":31865,"shutt":31866,"experience":31867,"elgin":31868,"mousse":31869,"taz":31870,"êµ":31871,"incorrect":31872,"enz":31873,"bham":31874,"moron":31875,"sover":31876,"arun":31877,"tipped":31878,"lable":31879,"dearly":31880,"bautista":31881,"íĻ":31882,"mortal":31883,"woop":31884,"dtla":31885,"shocks":31886,"davos":31887,"ðŁĵĿ":31888,"swimwear":31889,"herman":31890,"ðŁijĩðŁijĩ":31891,"zir":31892,"neglected":31893,"graced":31894,"campuses":31895,"avs":31896,"arora":31897,"swachhb":31898,"livepd":31899,"accra":31900,"enquiries":31901,"shooters":31902,"kurt":31903,"vancouver":31904,"bradley":31905,"garda":31906,"gü":31907,"olla":31908,"attracting":31909,"upton":31910,"newin":31911,"lumia":31912,"furnace":31913,"evers":31914,"eon":31915,"swa":31916,"rookies":31917,"aoc":31918,"vss":31919,"brisket":31920,"torch":31921,"yoda":31922,"heartland":31923,"taco":31924,"phony":31925,"foodbank":31926,"abbey":31927,"babylon":31928,"uy":31929,"greate":31930,"expresses":31931,"dandy":31932,"scapes":31933,"survivor":31934,"rond":31935,"eci":31936,"havin":31937,"abel":31938,"childish":31939,"torque":31940,"wavy":31941,"urself":31942,"kanyewest":31943,"yearof":31944,"alestine":31945,"obrien":31946,"alfon":31947,"skag":31948,"korean":31949,"anchorage":31950,"valeri":31951,"dew":31952,"ðŁİ¨":31953,"landslide":31954,"carole":31955,"christen":31956,"gophers":31957,"afi":31958,"priyanka":31959,"qq":31960,"powerof":31961,"itte":31962,"pcso":31963,"twol":31964,"pry":31965,"intellectu":31966,"guerrero":31967,"piles":31968,"wishlist":31969,"wren":31970,"timetable":31971,"ëı":31972,"prodigy":31973,"gibbons":31974,"./":31975,"neur":31976,"anzac":31977,"murray":31978,"viest":31979,"plaster":31980,"lair":31981,"artgallery":31982,"intercontinental":31983,"gbr":31984,"bellator":31985,"namjoon":31986,"mammals":31987,"amel":31988,"yaw":31989,"sarasota":31990,"camar":31991,"budding":31992,"summari":31993,"acosta":31994,"lash":31995,"eyou":31996,"postgraduate":31997,"instructors":31998,"tig":31999,"constant":32000,"werewolf":32001,"icos":32002,"clas":32003,"glenn":32004,"budge":32005,"ðŁĻĤ":32006,"erta":32007,"stains":32008,"persecution":32009,"cumbri":32010,"och":32011,"synergy":32012,"huang":32013,"scandin":32014,"midterms":32015,"commentator":32016,"regarded":32017,"perpetual":32018,"boiling":32019,"alp":32020,"lange":32021,"schle":32022,"faceli":32023,"tweeta":32024,"ridden":32025,"oktoberfest":32026,"charlottesville":32027,"iklan":32028,"jou":32029,"chatham":32030,"bsc":32031,"ðŁį¦":32032,"strauss":32033,"mellow":32034,"xxxx":32035,"happyhour":32036,"reactor":32037,"wwer":32038,"distraction":32039,"atorial":32040,"ðŁĴªðŁı¼":32041,"twinpeaks":32042,"fayette":32043,"aor":32044,"kok":32045,"broom":32046,"syfy":32047,"ouse":32048,"amag":32049,"Ø·":32050,"ubisoft":32051,"lulu":32052,"hallmark":32053,"stuart":32054,"itya":32055,"sideline":32056,"vengeance":32057,"relu":32058,"sexism":32059,"bouncing":32060,"unites":32061,"gustav":32062,"tessa":32063,"stump":32064,"proclamation":32065,"imax":32066,"dividend":32067,"colby":32068,"ðŁįİ":32069,"playwright":32070,"unsafe":32071,"cosmo":32072,"ðŁĩ²ðŁĩ½":32073,"cupboard":32074,"constituents":32075,"anglia":32076,"rampage":32077,"ðŁĺįðŁĺįðŁĺįðŁĺįðŁĺį":32078,"thanked":32079,"takeaways":32080,"shroff":32081,"debat":32082,"khur":32083,"conducts":32084,"formats":32085,"à©":32086,"portage":32087,"graphers":32088,"uten":32089,"prem":32090,"moines":32091,"condemns":32092,"sous":32093,"lps":32094,"fcs":32095,"dealership":32096,"leukemia":32097,"bureau":32098,"skid":32099,"guardiola":32100,"caster":32101,"third":32102,"avoided":32103,"encyclo":32104,"csr":32105,"vixx":32106,"analyzing":32107,"shear":32108,"duluth":32109,"shapiro":32110,"chanting":32111,"stresses":32112,"asbe":32113,"militia":32114,"ãĥª":32115,"collin":32116,"arsene":32117,"suresh":32118,"teachings":32119,"yixing":32120,"shill":32121,"nudes":32122,"svu":32123,"clearwater":32124,"warped":32125,"prolife":32126,"artistson":32127,"itu":32128,"versailles":32129,"galaxy":32130,"axel":32131,"springst":32132,"cala":32133,"huhu":32134,"scu":32135,"commitments":32136,"exeter":32137,"poignant":32138,"motion":32139,"conservatory":32140,"rowdy":32141,"recalled":32142,"musk":32143,"embelli":32144,"sothe":32145,"âĺĢ":32146,"stopper":32147,"schild":32148,"tope":32149,"elmo":32150,"ziel":32151,"jom":32152,"barnsley":32153,"snowden":32154,"ontour":32155,"journey":32156,"hillsborough":32157,"parole":32158,"wts":32159,"moving":32160,"agility":32161,"tivo":32162,"ffers":32163,"kindleunlimited":32164,"gwen":32165,"annan":32166,"ahmad":32167,"textured":32168,"hepatitis":32169,"dram":32170,"insiders":32171,"tissues":32172,"ãĥĦ":32173,"fcbarcelona":32174,"cratic":32175,"naacp":32176,"pecan":32177,"fgm":32178,"customize":32179,"concert":32180,"gsm":32181,"peg":32182,"pone":32183,"justintrudeau":32184,"supercars":32185,"happyholidays":32186,"bular":32187,"adox":32188,"laptops":32189,"digitalhealth":32190,"destination":32191,"gradually":32192,"áĥ¦":32193,"poppy":32194,"ssl":32195,"inhibit":32196,"starlight":32197,"offro":32198,"gloomy":32199,"xper":32200,"halder":32201,"implants":32202,"leto":32203,"hassel":32204,"aas":32205,"untold":32206,"enci":32207,"liberia":32208,"oran":32209,"contests":32210,"ilah":32211,"smag":32212,"scout":32213,"marianne":32214,"cryo":32215,"scheduling":32216,"los":32217,"kane":32218,"stuttgart":32219,"nese":32220,"lawrence":32221,"dain":32222,"photom":32223,"carou":32224,"ร":32225,"gwy":32226,"nationaldogday":32227,"roasting":32228,"bandcamp":32229,"kentucky":32230,"stretches":32231,"kerel":32232,"cashe":32233,"ãĤ¸":32234,"stax":32235,"transi":32236,"doggie":32237,"atric":32238,"halle":32239,"civic":32240,"browning":32241,"leinster":32242,"catday":32243,"highland":32244,"joyous":32245,"incumb":32246,"orlando":32247,"romo":32248,"colton":32249,"delta":32250,"carab":32251,"rotc":32252,"asteroid":32253,"goosebumps":32254,"mology":32255,"yoko":32256,"ands":32257,"tomorrows":32258,"redcarpet":32259,"smp":32260,"casio":32261,"ðŁ¤£ðŁ¤£ðŁ¤£":32262,"seau":32263,"rejection":32264,"rotating":32265,"bipartisan":32266,"thun":32267,"mati":32268,"boni":32269,"oll":32270,"energye":32271,"doit":32272,"lj":32273,"motherhood":32274,"louise":32275,"necklaces":32276,"elite":32277,"nix":32278,"lcs":32279,"env":32280,"glu":32281,"lesh":32282,"crank":32283,"susie":32284,"mclau":32285,"sotu":32286,"crowley":32287,"ratri":32288,"used":32289,"breton":32290,"alfredo":32291,"yeo":32292,"travelpics":32293,"tipp":32294,"ellison":32295,"saxophone":32296,"mered":32297,"heughan":32298,"taine":32299,"fes":32300,"viro":32301,"supposedly":32302,"ias":32303,"digestive":32304,"yle":32305,"lizzy":32306,"wildlifephotography":32307,"brianna":32308,"westfield":32309,"rained":32310,"amher":32311,"ðŁĺĦðŁĺĦ":32312,"distribute":32313,"bottom":32314,"preserving":32315,"oiland":32316,"crafty":32317,"descen":32318,"colling":32319,"shakespearesunday":32320,"rwc":32321,"angled":32322,"cian":32323,"tations":32324,"montage":32325,"meyers":32326,"francesca":32327,"ðŁĮ·":32328,"wiggins":32329,"sanford":32330,"volunteer":32331,"carra":32332,"bark":32333,"varied":32334,"plin":32335,"amu":32336,"kapil":32337,"rockers":32338,"quind":32339,"brane":32340,"inmate":32341,"ental":32342,"improvis":32343,"michigan":32344,"retweeting":32345,"progressing":32346,"mercedesbenz":32347,"smoker":32348,"physiology":32349,"dorado":32350,"wattpad":32351,"hwa":32352,"srbachchan":32353,"wga":32354,"volatility":32355,"hire":32356,"acap":32357,"wnba":32358,"heinz":32359,"stitches":32360,"kidnapping":32361,"burys":32362,"limb":32363,"fitters":32364,"thumbnail":32365,"tone":32366,"mirand":32367,"desirable":32368,"addison":32369,"taran":32370,"tamilnadu":32371,"spectator":32372,"sociology":32373,"amitshah":32374,"remotely":32375,"âϦ":32376,"hamid":32377,"rds":32378,"glee":32379,"smoothly":32380,"schro":32381,"erc":32382,"laliga":32383,"heals":32384,"usf":32385,"nishi":32386,"dhu":32387,"unil":32388,"hle":32389,"tromb":32390,"bhutan":32391,"pilipinas":32392,"seung":32393,"whitman":32394,"tey":32395,"mince":32396,"snowboarding":32397,"reau":32398,"kker":32399,"avo":32400,"zachary":32401,"ranveer":32402,"tik":32403,"govern":32404,"qual":32405,"becky":32406,"anthropology":32407,"atten":32408,"groceries":32409,"debit":32410,"warp":32411,"silicon":32412,"hawaii":32413,"ðŁĴħ":32414,"pomegranate":32415,"peer":32416,"oranges":32417,"peopleschoice":32418,"endure":32419,"ðŁĴĽðŁĴĽ":32420,"ãĤ¹ãĥ":32421,"acial":32422,"ahaha":32423,"stuk":32424,"imperial":32425,"blond":32426,"powder":32427,"knots":32428,"vince":32429,"woodlands":32430,"dena":32431,"watchin":32432,"matcha":32433,"mahat":32434,"galaxies":32435,"middlesbrough":32436,"kö":32437,"stree":32438,"rescues":32439,"waldo":32440,"leroy":32441,"despic":32442,"realities":32443,"tmnt":32444,"haq":32445,"uno":32446,"pec":32447,"bollywood":32448,"blinds":32449,"designthinking":32450,"hems":32451,"andhra":32452,"absen":32453,"fans":32454,"stech":32455,"shirehour":32456,"blaine":32457,"shakti":32458,"purely":32459,"ðŁıı":32460,"trafal":32461,"keynes":32462,"grate":32463,"tobias":32464,"spontaneous":32465,"saturated":32466,"cavalry":32467,"prisc":32468,"ðŁĺij":32469,"wht":32470,"passi":32471,"~~~":32472,"virat":32473,"pattinson":32474,"lao":32475,"weirdo":32476,"sympathy":32477,"juda":32478,"occasionally":32479,"credited":32480,"statu":32481,"esco":32482,"hilly":32483,"escape":32484,"discharge":32485,"seer":32486,"maynard":32487,"sudbury":32488,"zlat":32489,"oral":32490,"weer":32491,"encountered":32492,"smelling":32493,"oversight":32494,"ê¸":32495,"thatcher":32496,"mackay":32497,"youcan":32498,"freep":32499,"freedoms":32500,"prophecy":32501,"hoe":32502,"ishqba":32503,"drake":32504,"quits":32505,"pelled":32506,"turk":32507,"ovi":32508,"wesleyan":32509,"newmusic":32510,"legg":32511,"cheng":32512,"hilli":32513,"ayy":32514,"panties":32515,"adversity":32516,"adjac":32517,"vaccination":32518,"juke":32519,"gac":32520,"exceed":32521,"timesof":32522,"staining":32523,"epcot":32524,"vital":32525,"upward":32526,"bethesda":32527,"apark":32528,"mahi":32529,"campfire":32530,"enchanting":32531,"rhapso":32532,"hz":32533,"naver":32534,"fax":32535,"validation":32536,"acad":32537,"nyr":32538,"asym":32539,"coordinated":32540,"departed":32541,"allery":32542,"varies":32543,"sprite":32544,"chaplin":32545,"ssoccer":32546,"swat":32547,"bret":32548,"reluct":32549,"tunesapp":32550,"superstar":32551,"reminiscing":32552,"oco":32553,"homegrown":32554,"doughnut":32555,"uncanny":32556,"lapd":32557,"thyroid":32558,"!âĿ¤ï¸ı":32559,"botanic":32560,"bres":32561,"spade":32562,"iste":32563,"echoes":32564,"dulil":32565,"bursting":32566,"quiero":32567,"ðŁijİ":32568,"loyola":32569,"amusement":32570,"hails":32571,"sleepy":32572,"burglary":32573,"âľı":32574,"rogue":32575,"cotland":32576,"moors":32577,"lower":32578,"wicked":32579,"ðŁĶĬ":32580,"competiti":32581,"argentine":32582,"yvonne":32583,"kartikeyan":32584,"iliary":32585,"gatsby":32586,"precinct":32587,"sixty":32588,"naji":32589,"cams":32590,"practitioner":32591,"ðŁĺ³ðŁĺ³":32592,"pune":32593,"negli":32594,"julien":32595,"invaded":32596,"calibr":32597,"clam":32598,"dubai":32599,"muk":32600,"lantic":32601,"product":32602,"fedex":32603,"ï¸ı:":32604,"eura":32605,"darius":32606,"sling":32607,"virtualreality":32608,"homestead":32609,"ðŁı³ï¸ıâĢįðŁĮĪ":32610,"paced":32611,"inha":32612,"pulmon":32613,"lazy":32614,"premiering":32615,"mastered":32616,"inhe":32617,"congregation":32618,"bajo":32619,"sporting":32620,"newjersey":32621,"horny":32622,"lmaoo":32623,"lengthy":32624,"dut":32625,"yogh":32626,"swearing":32627,"philosophical":32628,"papua":32629,"inski":32630,"knowles":32631,"dyke":32632,"â̲":32633,"token":32634,"mcguire":32635,"riot":32636,"probability":32637,"mccon":32638,"gros":32639,"sumat":32640,"cite":32641,"daa":32642,"onda":32643,"maddow":32644,"chew":32645,"boardgames":32646,"sparked":32647,"reclaimed":32648,"adhd":32649,"nyse":32650,"imwithher":32651,"equinox":32652,"booths":32653,"balsamic":32654,"hazy":32655,"dorchester":32656,"agos":32657,"seaw":32658,"moderator":32659,"seriea":32660,"andersen":32661,"pilgrim":32662,"âŃIJâŃIJ":32663,"itchen":32664,"halli":32665,"xton":32666,"nathaniel":32667,"munition":32668,"celestial":32669,"gaf":32670,"zoom":32671,"markle":32672,"penthouse":32673,"cale":32674,"sfa":32675,"barking":32676,"tucket":32677,"emery":32678,"calorie":32679,"lique":32680,"adar":32681,"mcnam":32682,"tortilla":32683,"woodpecker":32684,"motown":32685,"badger":32686,"ayrshire":32687,"scramble":32688,"dday":32689,"craziest":32690,"perrie":32691,"choco":32692,"caste":32693,"iot":32694,"wrecked":32695,"selecting":32696,"ussr":32697,"graft":32698,"punt":32699,"labou":32700,"irst":32701,"baek":32702,"ÛĮ":32703,"suki":32704,"queu":32705,"achat":32706,"tester":32707,"augmented":32708,"wcvb":32709,"sinks":32710,"ðŁĵ»":32711,"rake":32712,"interne":32713,"because":32714,"bellevue":32715,"unearth":32716,"lighten":32717,"ðŁĺ£":32718,"turnaround":32719,"labeled":32720,"unemployed":32721,"twitterkurds":32722,"leia":32723,"hye":32724,"greater":32725,"ðŁIJİ":32726,"timed":32727,"ired":32728,"ett":32729,"limitations":32730,"cabe":32731,"sout":32732,"beech":32733,"annihil":32734,"retrac":32735,"yoona":32736,"anger":32737,"dennis":32738,"supplying":32739,"diz":32740,"\"(":32741,"scur":32742,"gunman":32743,"suho":32744,"sauvignon":32745,"ล":32746,"wiley":32747,"landon":32748,"choreography":32749,"prehistoric":32750,"ðŁıĥ":32751,"vargas":32752,"assessments":32753,"pinnacle":32754,"dii":32755,"chamberlain":32756,"ìĪ":32757,"vp":32758,"presenters":32759,"deutsche":32760,"sunshine":32761,"salutes":32762,"rone":32763,"busiest":32764,"-.-":32765,"motorists":32766,"hemisphere":32767,"alwx":32768,"psp":32769,"owa":32770,"denying":32771,"choc":32772,"gutier":32773,"hanuk":32774,"muskete":32775,"jaitley":32776,"sewage":32777,"tame":32778,"thinkers":32779,"shim":32780,"sequo":32781,"papar":32782,"middleeast":32783,"kwa":32784,"keg":32785,"patagonia":32786,"noy":32787,"barça":32788,"takeoff":32789,"hea":32790,"à¬":32791,"nsc":32792,"gdc":32793,"ðŁijĪ":32794,"moustache":32795,"melania":32796,"thra":32797,"â¬Ĩï¸ı":32798,"pierced":32799,"zeus":32800,"fonts":32801,"bera":32802,"itiner":32803,"qatar":32804,"contrary":32805,"ireland":32806,"ify":32807,"oulos":32808,"communal":32809,"fins":32810,"unpaid":32811,"paa":32812,"ðŁijĩðŁı»":32813,"rios":32814,"oup":32815,"filler":32816,"cafeteria":32817,"à¸Ń":32818,"kasi":32819,"caliber":32820,"zulu":32821,"vsco":32822,"tsford":32823,"dragonfly":32824,"smokin":32825,"pist":32826,"psychologist":32827,"diplomat":32828,"webs":32829,"buccane":32830,"ா":32831,"motivational":32832,"dune":32833,"bae":32834,"cfs":32835,"without":32836,"eron":32837,"iac":32838,"atee":32839,"pension":32840,"frazier":32841,"ensis":32842,"skis":32843,"parting":32844,"gery":32845,"territories":32846,"nachos":32847,"enight":32848,"everlasting":32849,"msdhoni":32850,"tele":32851,"spun":32852,"podi":32853,"sabah":32854,"environmentally":32855,"cease":32856,"beaumont":32857,"marta":32858,"kelvin":32859,"hoff":32860,"sunil":32861,"nda":32862,"cob":32863,"shale":32864,"reedus":32865,"unboxing":32866,"ubio":32867,"reopened":32868,"nall":32869,"capsules":32870,"marr":32871,"himalayas":32872,"sweeter":32873,"jaz":32874,"fmr":32875,"tweeter":32876,"dhaka":32877,"nau":32878,"demi":32879,"dfs":32880,"taurus":32881,"fading":32882,"itutes":32883,"cip":32884,"overflow":32885,"jeffrey":32886,"donny":32887,"cartunesapp":32888,"ðŁįij":32889,"prefecture":32890,"danced":32891,"cpt":32892,"pleasing":32893,"italk":32894,"earthquakes":32895,"ulation":32896,"hio":32897,"ãĢĭ":32898,"antan":32899,"nutrient":32900,"deere":32901,"selects":32902,"enrichment":32903,"riti":32904,"trampol":32905,"blamed":32906,"jia":32907,"contributors":32908,"chesapeake":32909,"pigeons":32910,"tribunal":32911,"maduro":32912,"wsu":32913,"ilove":32914,"efficiently":32915,"darcy":32916,"warms":32917,"arra":32918,"ecu":32919,"hower":32920,"struggled":32921,"rajinikanth":32922,"ðŁĺ¢ðŁĺ¢":32923,"housing":32924,"strat":32925,"elix":32926,"dispro":32927,"raffic":32928,"thierry":32929,"nasty":32930,"cfb":32931,"staffing":32932,"alma":32933,"backers":32934,"henson":32935,"skywalker":32936,"realestate":32937,"roos":32938,"nessy":32939,"chance":32940,"cairns":32941,"cci":32942,"pedal":32943,"lyft":32944,"crossword":32945,"waiter":32946,"onlyin":32947,"kruger":32948,"kir":32949,"alejandro":32950,"cartier":32951,"carrera":32952,"repaired":32953,"ouat":32954,"unclear":32955,"unbreakable":32956,"todayin":32957,"queries":32958,"jody":32959,"genital":32960,"winner":32961,"tol":32962,"kelowna":32963,"fascinated":32964,"ãĥ¬":32965,"srisri":32966,"squared":32967,"sprung":32968,"negotiate":32969,"privately":32970,"aven":32971,">>>>>":32972,"gical":32973,"gavin":32974,"chesterfield":32975,"zumba":32976,"orr":32977,"natalia":32978,"impeachment":32979,"mnl":32980,"carat":32981,"critique":32982,"credible":32983,"tracy":32984,"tani":32985,"musik":32986,"jigsaw":32987,"gambia":32988,"tolkien":32989,"feu":32990,"asper":32991,"savory":32992,"foxx":32993,"fitt":32994,"marlon":32995,"lrt":32996,"vell":32997,"pbr":32998,"imprisoned":32999,"iom":33000,"chul":33001,"windshield":33002,"kaye":33003,"baa":33004,"chord":33005,"sart":33006,"algon":33007,"ministerial":33008,"natgeo":33009,"lazio":33010,"norms":33011,"ðŁijįðŁijį":33012,"licking":33013,"futbol":33014,"unsung":33015,"dallascowboys":33016,"shred":33017,"disturb":33018,"devine":33019,"beards":33020,"chf":33021,"bday":33022,"rosso":33023,"igor":33024,"ayi":33025,"siren":33026,"kair":33027,"stiles":33028,"rof":33029,"magnets":33030,"uncover":33031,"mouse":33032,"banging":33033,"sighted":33034,"speople":33035,"impact":33036,"rowland":33037,"kira":33038,"environment":33039,"lovethe":33040,"psis":33041,"mishra":33042,"glendale":33043,"cajun":33044,"oche":33045,"deception":33046,"sexist":33047,"straws":33048,"sga":33049,"buffer":33050,"apostle":33051,"spl":33052,"popup":33053,"ðŁļĹ":33054,"rg":33055,"uper":33056,"ballin":33057,"idy":33058,"occasional":33059,"nationalpark":33060,"ðŁıĬ":33061,"uan":33062,"innovation":33063,"ห":33064,"teaparty":33065,"rette":33066,"counterfe":33067,"bha":33068,"recs":33069,"igen":33070,"ðŁĮIJ":33071,"hummingbird":33072,"cur":33073,"haven":33074,"lazar":33075,"pueblo":33076,"::":33077,"zionist":33078,"opath":33079,"inverness":33080,"promoter":33081,"cartoon":33082,"cabinets":33083,"mahogany":33084,"surveying":33085,"rational":33086,"feeling":33087,"testify":33088,"sow":33089,"ocon":33090,"ย":33091,"neel":33092,"maris":33093,"solitary":33094,"chemo":33095,"radcliffe":33096,"simons":33097,"rosary":33098,"newer":33099,"jodie":33100,"retali":33101,"prawn":33102,"paddy":33103,"henge":33104,"kala":33105,"implant":33106,"aty":33107,"brentwood":33108,"paradox":33109,"enez":33110,"redesigned":33111,"pour":33112,"wyd":33113,"alde":33114,"à¯ģ":33115,"sold":33116,"biomedical":33117,"à¹Ĥ":33118,"tttt":33119,"matteo":33120,"yser":33121,"newton":33122,"debun":33123,"nerdy":33124,"lool":33125,"woon":33126,"elisabeth":33127,"ecc":33128,"whi":33129,"acho":33130,"salvage":33131,"salaries":33132,"quity":33133,"navigating":33134,"ophthal":33135,"consoles":33136,"rebuilt":33137,"opec":33138,"asters":33139,"shored":33140,"setlist":33141,"kathryn":33142,"rhymes":33143,"revisiting":33144,"ashish":33145,"lift":33146,"repost":33147,"soleil":33148,"âı±":33149,"wealth":33150,"saat":33151,"wec":33152,"kingjames":33153,"flipkart":33154,"fieldwork":33155,"segu":33156,"modal":33157,"bub":33158,"arers":33159,"ðŁįĴ":33160,"clooney":33161,"paddington":33162,"necessity":33163,"guthrie":33164,"pente":33165,"limo":33166,"josie":33167,"artin":33168,"enc":33169,"lhs":33170,"betrayal":33171,"infographics":33172,"ier":33173,"moa":33174,"hearings":33175,"bonjour":33176,"symbolic":33177,"agro":33178,"wedges":33179,"kristina":33180,"wildflower":33181,"athletic":33182,"photography":33183,"pesh":33184,"cahill":33185,"chilean":33186,"goul":33187,"fioren":33188,"ðŁij¶":33189,"zil":33190,"skim":33191,"badoo":33192,"delia":33193,"treble":33194,"ncc":33195,"ðŁĩ¦ðŁĩ":33196,"ahouse":33197,"bullock":33198,"solitude":33199,"اÙĨ":33200,"cancers":33201,"futureofwork":33202,"hutch":33203,"watershed":33204,"warmongers":33205,"spilled":33206,"colombo":33207,"moth":33208,"associations":33209,"weighed":33210,"globalgoals":33211,"notjust":33212,"christi":33213,"torg":33214,"sweating":33215,"maneu":33216,"clusters":33217,"â̼ï¸ıâ̼ï¸ı":33218,"taped":33219,"uly":33220,"trusting":33221,"yusuf":33222,"tein":33223,"rab":33224,",,,,":33225,"sinai":33226,"audible":33227,"explicit":33228,"crowns":33229,"schiz":33230,"atleast":33231,"ðŁĹ£":33232,"debra":33233,"jesuit":33234,"enegger":33235,"zhen":33236,"onesie":33237,"iit":33238,"ssf":33239,"gurgaon":33240,"chakra":33241,"bearcats":33242,"kran":33243,"kawa":33244,"requesting":33245,"hanover":33246,"gend":33247,"soros":33248,"mercy":33249,"lovely":33250,"doomed":33251,"timmy":33252,"kuz":33253,"ull":33254,"abram":33255,"saison":33256,"ãĥ«":33257,"cleaners":33258,"remo":33259,"circuits":33260,"barred":33261,"oth":33262,"moist":33263,"madeleine":33264,"gallo":33265,"uj":33266,"permits":33267,"heaviest":33268,"carols":33269,"azte":33270,"giorgio":33271,"floats":33272,"declaring":33273,"usrc":33274,"minat":33275,"crafts":33276,"prima":33277,"conveni":33278,"nickelodeon":33279,"dancing":33280,"ceremonial":33281,"blogg":33282,"twp":33283,"anglican":33284,"shek":33285,"knick":33286,"(((":33287,"hubbard":33288,"harvey":33289,"hitman":33290,"feng":33291,"wesome":33292,"forza":33293,"sword":33294,"opus":33295,"brom":33296,"gibility":33297,"zal":33298,"munch":33299,"dancehall":33300,"greedy":33301,"hdmi":33302,"rebirth":33303,"ðŁĺĭðŁĺĭ":33304,"sworld":33305,"figurine":33306,"compost":33307,"kf":33308,"engraving":33309,"giorno":33310,"stana":33311,"kman":33312,"hamster":33313,"composers":33314,"aje":33315,"functionality":33316,"polk":33317,"isons":33318,"airplanes":33319,"tese":33320,"horrors":33321,"muscat":33322,"given":33323,"spence":33324,"ðŁĩ¸ðŁĩ":33325,"eliot":33326,"achilles":33327,"freck":33328,"cryptocurrencies":33329,"souther":33330,"halo":33331,"borneo":33332,"politic":33333,"hahahahah":33334,"upstate":33335,"siena":33336,"obscure":33337,"hausen":33338,"lloyd":33339,"happyfriday":33340,"motorbike":33341,"bona":33342,"americas":33343,"hols":33344,"-(":33345,"sporty":33346,"unaware":33347,"revenues":33348,"christopher":33349,"banksy":33350,"avan":33351,"evapor":33352,"compress":33353,"eyeliner":33354,"todos":33355,"buffy":33356,"renewableenergy":33357,"lyrical":33358,"archan":33359,"rapist":33360,"fairtrade":33361,"lmaooo":33362,"beatz":33363,"proactive":33364,"lapse":33365,"irical":33366,"reversal":33367,"pode":33368,"mcintyre":33369,"macau":33370,"ãĥķãĤ":33371,"nashgrier":33372,"fsa":33373,"gall":33374,"çĶŁ":33375,"perpetr":33376,"ilya":33377,"configuration":33378,"%;":33379,"strange":33380,"raci":33381,"à¸ĩ":33382,"pickups":33383,"kovsky":33384,"mammal":33385,"wps":33386,"gable":33387,"comparative":33388,"zh":33389,"saveour":33390,"davey":33391,"onetsy":33392,"mussels":33393,"miser":33394,"cristina":33395,"electron":33396,"crave":33397,"loren":33398,"precipitation":33399,"mz":33400,"ðŁį«":33401,"vincen":33402,"snowboard":33403,"noida":33404,"ahn":33405,"marinated":33406,"gtr":33407,"townhall":33408,"minis":33409,"bethel":33410,"advan":33411,"sura":33412,"shiel":33413,"furry":33414,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":33415,"lynd":33416,"soil":33417,"scence":33418,"seneca":33419,"sharjah":33420,"dickens":33421,"credentials":33422,"avar":33423,"perk":33424,"requiring":33425,"prefer":33426,"jian":33427,"deca":33428,"rach":33429,"ingfor":33430,"dele":33431,"beep":33432,"ðŁĴ»":33433,"cisely":33434,"huddle":33435,"greensboro":33436,"hawking":33437,"hoax":33438,"hangar":33439,"çľ":33440,"miso":33441,"lovin":33442,"greta":33443,"abad":33444,"logie":33445,"atan":33446,"snowflake":33447,"mahesh":33448,"fearthe":33449,"alkal":33450,"bobblehead":33451,"bahn":33452,"judged":33453,"futu":33454,"felix":33455,"ðŁįĵ":33456,"pike":33457,"deriv":33458,"notices":33459,"auer":33460,"dissuper":33461,"orda":33462,"wipes":33463,"amino":33464,"strikers":33465,"footb":33466,"dramas":33467,"punching":33468,"scoreless":33469,"hemingway":33470,"bih":33471,"ballad":33472,"chatter":33473,"ammo":33474,"klein":33475,"fabrication":33476,"karim":33477,"zend":33478,"histo":33479,"volta":33480,"rocky":33481,"marketer":33482,"xtreme":33483,"sequencing":33484,"paradigm":33485,"cleats":33486,"booming":33487,"âģłâģł":33488,"blockade":33489,"prompts":33490,"yoghurt":33491,"purpose":33492,"nur":33493,"regulate":33494,"noisy":33495,"ingrid":33496,"birdwatching":33497,"bartender":33498,"Ùĥ":33499,"wordof":33500,"chaotic":33501,"shorty":33502,"eldest":33503,"zapp":33504,"onceuponatime":33505,"flyo":33506,"ritos":33507,"mikequind":33508,"ðŁIJ´":33509,"registering":33510,".]":33511,"adol":33512,"gggg":33513,"purge":33514,"kidlit":33515,"arbor":33516,"valves":33517,"synagogue":33518,"oth":33519,"unanimous":33520,"verification":33521,"darrell":33522,"ãģĦ":33523,"vanderbilt":33524,"tapestry":33525,"prosper":33526,"diddy":33527,"drafting":33528,"decep":33529,"marquis":33530,"stint":33531,"michaeljackson":33532,"peeled":33533,"menus":33534,"bbb":33535,"scare":33536,"email":33537,"wrigley":33538,"itis":33539,"fell":33540,"somethin":33541,"barra":33542,"edgar":33543,"dipping":33544,"puddle":33545,"slade":33546,"learner":33547,"jalen":33548,"ð٧IJ":33549,"thedaily":33550,"mikequindazzi":33551,"jux":33552,"iqbal":33553,"mckinney":33554,"raiser":33555,"efan":33556,"drone":33557,"cato":33558,"picket":33559,"crowe":33560,"latt":33561,"uko":33562,"giuseppe":33563,"hini":33564,"synthesi":33565,"pontifex":33566,"songwriting":33567,"tod":33568,"switches":33569,"dinners":33570,"hq":33571,"gabrielle":33572,"pensacola":33573,"circle":33574,"exposes":33575,"evs":33576,"riyadh":33577,"promen":33578,"ock":33579,"saj":33580,"citation":33581,"brewco":33582,"josi":33583,"epaper":33584,"drif":33585,"pointless":33586,"tangled":33587,"cripp":33588,"lineups":33589,"fairies":33590,"daze":33591,"mourn":33592,"bladder":33593,"salz":33594,"burundi":33595,"bookmark":33596,"thepeople":33597,"subsequ":33598,"principal":33599,"sker":33600,"courtney":33601,"aoki":33602,"racers":33603,"adm":33604,"moma":33605,"criticalrole":33606,"houn":33607,"shedding":33608,"saka":33609,"aceous":33610,"mckay":33611,"husbands":33612,"½":33613,"meda":33614,"accusations":33615,"rosel":33616,"ncis":33617,"witnessing":33618,"orama":33619,"gods":33620,"hilton":33621,"elman":33622,"ÃŃn":33623,"megap":33624,"craven":33625,"announcer":33626,"criteri":33627,"sheffieldissuper":33628,"militant":33629,"consul":33630,"hooded":33631,"abyss":33632,"bx":33633,"madam":33634,"locu":33635,"maryam":33636,"manicure":33637,"gratis":33638,"actresses":33639,"rosario":33640,"thisdayin":33641,"kingly":33642,"gnome":33643,"celine":33644,"rous":33645,"heel":33646,"lilac":33647,"vishal":33648,"abh":33649,"thorns":33650,"sls":33651,"neal":33652,"constructing":33653,"beren":33654,"slang":33655,"mains":33656,"farra":33657,"sarko":33658,"paige":33659,"guiller":33660,"lala":33661,"iceberg":33662,"noun":33663,"planners":33664,"ummm":33665,"ouses":33666,"illary":33667,"maan":33668,"boxing":33669,"zipper":33670,"srinagar":33671,"miguel":33672,"ostr":33673,"mpo":33674,"responsibly":33675,"lanterns":33676,"appliance":33677,"xb":33678,"grenade":33679,"neglect":33680,"dysle":33681,"hammock":33682,"nectar":33683,"witcher":33684,"rgv":33685,"dience":33686,"serbian":33687,"seeded":33688,"cruz":33689,"bish":33690,"sphe":33691,"eq":33692,"skyrim":33693,"algebra":33694,"philately":33695,"bungalow":33696,"geoff":33697,"yves":33698,"demanded":33699,"considerations":33700,"thevamp":33701,"pawankalyan":33702,"coded":33703,"gritty":33704,"eruption":33705,"seinfeld":33706,"unidenti":33707,"ëĭĪ":33708,"worm":33709,"acus":33710,"seung":33711,"dung":33712,"roland":33713,"sud":33714,"divisions":33715,"ablanc":33716,"shortest":33717,"jf":33718,"poun":33719,"plantbased":33720,"beto":33721,"tougher":33722,"mco":33723,"donet":33724,"markus":33725,"vfl":33726,"ðŁıł":33727,"opening":33728,"coward":33729,"cabernet":33730,"oxi":33731,"burlesque":33732,"sandra":33733,"sumo":33734,"consist":33735,"thot":33736,"cayman":33737,"motorola":33738,"gutierrez":33739,"dslr":33740,"yw":33741,"nobel":33742,"novice":33743,"momsdemand":33744,"grunge":33745,"spor":33746,"dcc":33747,"presses":33748,"slist":33749,"allotment":33750,"vocational":33751,"ftc":33752,"puja":33753,"loven":33754,"uttarak":33755,"tandem":33756,"shep":33757,"comedians":33758,"anatom":33759,"cantwait":33760,"healthyeating":33761,"westside":33762,"margins":33763,"chiang":33764,"asbestos":33765,"stupidity":33766,"problematic":33767,"fitbit":33768,":$":33769,"ceilings":33770,"shua":33771,"protections":33772,"biotic":33773,"bengali":33774,"rests":33775,"biennale":33776,"timo":33777,"culmin":33778,"eminent":33779,"affection":33780,"unbelievably":33781,"individually":33782,"canvassing":33783,"whitt":33784,"novasco":33785,"chinson":33786,"hpe":33787,"gow":33788,"gloucestershire":33789,"pao":33790,"threshold":33791,"chevron":33792,"sine":33793,"wether":33794,"ppie":33795,"aquino":33796,"antwerp":33797,"âĸ¬":33798,"poon":33799,"instaf":33800,"equine":33801,"cinematography":33802,"nbafinals":33803,"valiant":33804,"kilkenny":33805,"terence":33806,"systemic":33807,"srl":33808,"pound":33809,"madeira":33810,"plough":33811,"trecht":33812,"mated":33813,"mpd":33814,"ransomware":33815,"phin":33816,"liqui":33817,"bbce":33818,"boomer":33819,"istandwith":33820,"conju":33821,"rte":33822,"nara":33823,"foolish":33824,"dashing":33825,"viernes":33826,"brite":33827,"dau":33828,"juniper":33829,"aida":33830,"younow":33831,"razer":33832,"dei":33833,"repeating":33834,"comforting":33835,"adjacent":33836,"eto":33837,"casted":33838,"chatur":33839,"muer":33840,"synth":33841,"sanitary":33842,"macle":33843,"independent":33844,"lawful":33845,"eerie":33846,"hor":33847,"ðŁĴŃ":33848,"amrit":33849,"velo":33850,"stationery":33851,"muf":33852,"maymay":33853,"contemplating":33854,"elaborate":33855,"gregor":33856,"dries":33857,"accol":33858,"à¸ļ":33859,"schwarzenegger":33860,"illnesses":33861,"daybreak":33862,"followback":33863,"collusion":33864,"electronic":33865,"jovi":33866,"hiroshima":33867,"taw":33868,"homec":33869,"micah":33870,"quitting":33871,"frosting":33872,"benfica":33873,"heli":33874,"sical":33875,"piccad":33876,"corporate":33877,"mentorship":33878,"youare":33879,"singer":33880,"shiva":33881,"rune":33882,"inger":33883,"rium":33884,"playable":33885,"doop":33886,"willow":33887,"terre":33888,"nip":33889,"atd":33890,"warbler":33891,"professionally":33892,"erase":33893,"proceed":33894,"pedestrians":33895,"mischief":33896,"bending":33897,"alaskan":33898,"ckett":33899,"mop":33900,"ddles":33901,"shutter":33902,"geared":33903,"ateneo":33904,"madeline":33905,"gations":33906,"osha":33907,"derick":33908,"swild":33909,"angry":33910,"patents":33911,"hunk":33912,"decreased":33913,"fry":33914,"ðŁĴĸðŁĴĸðŁĴĸ":33915,"salon":33916,"quantities":33917,"dario":33918,"nigel":33919,"kuma":33920,"jenn":33921,"happye":33922,"xxx":33923,"rexperience":33924,"pros":33925,"ausch":33926,"relessly":33927,"hamburger":33928,"fukushima":33929,"erne":33930,"statec":33931,"rend":33932,"mayfield":33933,"jone":33934,"lefty":33935,"bernstein":33936,"smil":33937,"generates":33938,"forestation":33939,"bandits":33940,"tayo":33941,"rca":33942,"acci":33943,"rodrigo":33944,"knapp":33945,"elovers":33946,"vegetation":33947,"ural":33948,"left":33949,"ħï¸ı":33950,"worldre":33951,"suri":33952,"embark":33953,"wson":33954,"bayou":33955,"muller":33956,"movers":33957,"ðŁķº":33958,"presbyter":33959,"lf":33960,"cree":33961,"batb":33962,"salam":33963,"demonstrations":33964,"anec":33965,"npc":33966,"itics":33967,"tography":33968,"reinst":33969,"thurst":33970,"tale":33971,"offences":33972,"smartcity":33973,"brotha":33974,"oftheyear":33975,"invaluable":33976,"earn":33977,"ðŁijıðŁı½":33978,"kremlin":33979,"grady":33980,"townfc":33981,"guernsey":33982,"maha":33983,"contagious":33984,"drex":33985,"been":33986,"(£":33987,"nativity":33988,"ktm":33989,"somerhalder":33990,"compounds":33991,"íķĺ":33992,"\"â̦":33993,"afg":33994,"ottnews":33995,"hound":33996,"firefly":33997,"cilan":33998,"donetsk":33999,"volunteered":34000,"akira":34001,"èª":34002,"singul":34003,"sth":34004,"drowned":34005,"mando":34006,"heir":34007,"ðŁİīðŁİĪ":34008,"taxis":34009,"yuki":34010,"veld":34011,"kans":34012,"elk":34013,"rants":34014,"hashtag":34015,"teng":34016,"rog":34017,"aat":34018,"grub":34019,"eber":34020,"inindia":34021,"colossus":34022,"signi":34023,"soever":34024,"milestones":34025,"dero":34026,"differential":34027,"phuket":34028,"mastermind":34029,"angh":34030,"melani":34031,"broker":34032,"actorvijay":34033,"stunned":34034,"continuity":34035,"affl":34036,"vocal":34037,"perennial":34038,"fiancé":34039,"incomplete":34040,"hunts":34041,"reissue":34042,"dominates":34043,"turmeric":34044,"roam":34045,"rion":34046,"bagged":34047,"nassau":34048,"fut":34049,"xox":34050,"nationaltrust":34051,"joye":34052,"sano":34053,"hearthstone":34054,"disrespect":34055,"lees":34056,"hse":34057,"siberian":34058,"offee":34059,"restock":34060,"wolfgang":34061,"regan":34062,"plano":34063,"unwind":34064,"repar":34065,"mille":34066,"],":34067,"skull":34068,"fatally":34069,"conceptual":34070,"ðŁĮ²":34071,"fé":34072,"berto":34073,"bms":34074,"ua":34075,"magna":34076,"notredame":34077,"lete":34078,"laundering":34079,"heartwarming":34080,"buffett":34081,"goat":34082,"peabo":34083,"windmill":34084,"vac":34085,"continually":34086,"azalea":34087,"membrane":34088,"cancels":34089,"makeyourown":34090,"athered":34091,"pto":34092,"torpe":34093,"ðŁĺł":34094,"ðŁĴ§":34095,"scares":34096,"leaking":34097,"zet":34098,"pixels":34099,"aci":34100,"khil":34101,"marathi":34102,"ðŁĻıðŁı½":34103,"ula":34104,"tamu":34105,"chandigarh":34106,"zagre":34107,"aab":34108,"pronounced":34109,"aubrey":34110,"sander":34111,"punta":34112,"harlow":34113,"icelan":34114,"celebratory":34115,"sot":34116,"unciation":34117,"struly":34118,"mcdowell":34119,"deepika":34120,"reminders":34121,"mystical":34122,"ctc":34123,"chatted":34124,"sica":34125,"bargains":34126,"chhat":34127,"rubin":34128,"mnet":34129,"oilandgas":34130,"pelican":34131,"oat":34132,"morality":34133,"kour":34134,"ih":34135,"nuclear":34136,"gcu":34137,"richer":34138,"venezia":34139,"mma":34140,"leith":34141,"accompany":34142,"richmond":34143,"sportsnet":34144,"baahu":34145,"smuggling":34146,"mmi":34147,"ðŁĩ®ðŁĩª":34148,"twists":34149,"sahib":34150,".....":34151,"ambitions":34152,"illo":34153,"historical":34154,"forec":34155,"showbiz":34156,"ponies":34157,"chasers":34158,"remodel":34159,"willing":34160,"princesses":34161,"ample":34162,"cushions":34163,"acles":34164,"lotr":34165,"dach":34166,"anthe":34167,"incorporate":34168,"newbury":34169,"kiri":34170,"friedrich":34171,"abv":34172,"ballers":34173,"albert":34174,"ðŁijŃ":34175,"leti":34176,"nanop":34177,"cide":34178,"analo":34179,"nsf":34180,"))))":34181,"griffiths":34182,"valenci":34183,"roano":34184,"funrun":34185,"babysitting":34186,"caday":34187,"entre":34188,"uck":34189,"slug":34190,"tical":34191,"thesims":34192,"roar":34193,"carney":34194,"gam":34195,"stowe":34196,"fid":34197,"bunny":34198,"shamrock":34199,"pecu":34200,"molina":34201,"gocougs":34202,"contributes":34203,"transformation":34204,"moy":34205,"vaj":34206,"severy":34207,"antioxidants":34208,"thirteen":34209,"sightseeing":34210,"lj":34211,"reversible":34212,"oddly":34213,"hookah":34214,"nouvel":34215,"halal":34216,"fei":34217,"stables":34218,"mult":34219,"hopped":34220,"braids":34221,"interchange":34222,"ghanaian":34223,"wwww":34224,"ethno":34225,"conjunction":34226,"agov":34227,"yeti":34228,"earthand":34229,"tsp":34230,"conserve":34231,"heirloom":34232,"metaphor":34233,"woof":34234,"torio":34235,"selfless":34236,"nwa":34237,"emilia":34238,"ylene":34239,"yxe":34240,"giar":34241,"moderating":34242,"probz":34243,"bfi":34244,"neer":34245,"dummy":34246,"hanukkah":34247,"webber":34248,"kv":34249,"eyebrow":34250,"dagger":34251,"sump":34252,"rages":34253,"orkney":34254,"tbo":34255,"halsey":34256,"assignments":34257,"tronic":34258,"scrib":34259,"coon":34260,"anwar":34261,"#âĢİ":34262,"jalape":34263,"florida":34264,"quaid":34265,"hawkeyes":34266,"âĻ¡âĻ¡":34267,"streetcar":34268,"rog":34269,"datlantic":34270,"granola":34271,"unchanged":34272,"expectation":34273,"Ùĩ":34274,"marlin":34275,"gummy":34276,"ðŁĻıðŁı¾":34277,"awarenessmonth":34278,"oilpainting":34279,"muth":34280,"perch":34281,"junto":34282,"villagers":34283,"morg":34284,"cheated":34285,"webcomic":34286,"thefuture":34287,"dps":34288,"lakings":34289,"mentioning":34290,"voor":34291,"identities":34292,"accord":34293,"mcgu":34294,"lpga":34295,"rumour":34296,"massively":34297,"mpls":34298,"healy":34299,"date":34300,"spoli":34301,"revisited":34302,"ont":34303,"aland":34304,"scrutiny":34305,"lakeland":34306,"blending":34307,"":34308,"ankara":34309,"jamiedor":34310,"metabolic":34311,"fences":34312,"anny":34313,"åħ":34314,"semicon":34315,"oott":34316,"spaceship":34317,"wacky":34318,"leta":34319,"apac":34320,"shee":34321,"inherit":34322,"dores":34323,"ðŁĩ¨ðŁĩ¦":34324,"gente":34325,"twick":34326,"rims":34327,"galve":34328,"deville":34329,"kingfisher":34330,"scorpio":34331,"owl":34332,"alar":34333,"varian":34334,"ðŁĹĵ":34335,"venetian":34336,"stardust":34337,"thenorth":34338,"qing":34339,"harrington":34340,"consulate":34341,"spectacle":34342,"hobbs":34343,"turks":34344,"greer":34345,"mating":34346,"ðŁİĢ":34347,"ðŁĮĢ":34348,"directs":34349,"íĭ":34350,"pompeo":34351,"voiced":34352,"laos":34353,"tzu":34354,"prome":34355,"prism":34356,"merc":34357,"fortunately":34358,"bcfc":34359,"mcdonnell":34360,"notsorry":34361,"smiled":34362,"tba":34363,"forwar":34364,"midterm":34365,"darby":34366,"weinstein":34367,"upgrading":34368,"wolff":34369,"bronco":34370,"cabello":34371,"ðŁ¥ĩ":34372,"fiable":34373,"sharpe":34374,"battered":34375,"sato":34376,"mythical":34377,"instapic":34378,"prepped":34379,"enium":34380,"espo":34381,"diaper":34382,"explanations":34383,"whopping":34384,"ragnar":34385,"peel":34386,"antibiotic":34387,"lacks":34388,"harrison":34389,"lism":34390,"aul":34391,"quail":34392,"martina":34393,"sentencing":34394,"scams":34395,"didi":34396,"tronics":34397,"ãħłãħł":34398,"goff":34399,"zain":34400,"paramore":34401,"chained":34402,"clinton":34403,"liff":34404,"cottages":34405,"emon":34406,"reverend":34407,"consumer":34408,"cean":34409,"tany":34410,"lumpur":34411,"ebay":34412,"stool":34413,"ðŁĺ»ðŁĺ»":34414,"tapro":34415,"hath":34416,"modernart":34417,"justine":34418,"proverb":34419,"appy":34420,"trax":34421,"manifest":34422,"ambu":34423,"naik":34424,"pepp":34425,"rsd":34426,"merchants":34427,"kitchener":34428,"shifted":34429,"lizz":34430,"âĺħâĺħâĺħâĺħ":34431,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":34432,"utopia":34433,"tomo":34434,"outed":34435,"comers":34436,"chiropractic":34437,"bookclub":34438,"cindy":34439,"prohibition":34440,"seuss":34441,"민":34442,"thinkin":34443,"rrrr":34444,"gofund":34445,"tack":34446,"omb":34447,"catastrophic":34448,"lingu":34449,"guildford":34450,"botd":34451,"à¥ĭ":34452,"planter":34453,"^^":34454,"wink":34455,"kathmandu":34456,"stoppers":34457,"smoothies":34458,"reefs":34459,"hind":34460,"bellamy":34461,"Ħë":34462,"wastewater":34463,"voor":34464,"natl":34465,"!]":34466,"reel":34467,"yap":34468,"scooby":34469,"workspace":34470,"corinthians":34471,"blun":34472,"obligation":34473,"gbbo":34474,"dyson":34475,"cravings":34476,"ellington":34477,"dapl":34478,"wrexham":34479,"earthandclouds":34480,"ukrunchat":34481,"positioned":34482,"kalb":34483,"foursquare":34484,"jock":34485,"impending":34486,"evening":34487,"athy":34488,"proclaimed":34489,"cites":34490,"annapolis":34491,"sani":34492,"marth":34493,"irl":34494,"accommo":34495,"kaa":34496,"fina":34497,"yaa":34498,"disper":34499,"ecar":34500,"bhak":34501,"willy":34502,"ðŁĺĢðŁĺĢ":34503,"mcdermott":34504,"moj":34505,"generational":34506,"usaid":34507,"training":34508,"lonely":34509,"lores":34510,"impecc":34511,"âĢIJ":34512,"beavers":34513,"maki":34514,"heb":34515,"aapl":34516,"åı":34517,"wolverhampton":34518,"leaderboard":34519,"meu":34520,"cfa":34521,"eastern":34522,"hur":34523,"civilwar":34524,"ourage":34525,"horned":34526,"lehigh":34527,"awards":34528,"evident":34529,"gigab":34530,"rous":34531,"madel":34532,"robyn":34533,"urgently":34534,"kors":34535,"enas":34536,"heisman":34537,"bambam":34538,"fabian":34539,"fom":34540,"evaluating":34541,"assembly":34542,"outsourcing":34543,"huntsville":34544,"ðŁĶª":34545,"justified":34546,"cashier":34547,"spaper":34548,"buckeye":34549,"analytical":34550,"illuminati":34551,"autho":34552,"oj":34553,"shade":34554,"geelong":34555,"whey":34556,"heaton":34557,"terribly":34558,"elek":34559,"uncharted":34560,"sdlive":34561,"motocross":34562,"hermes":34563,"darshan":34564,"darlington":34565,"cashmere":34566,"gripping":34567,"cilantro":34568,"punish":34569,"...:":34570,"ðŁĴĦ":34571,"instance":34572,"deri":34573,"lobal":34574,"mukher":34575,"spar":34576,"thinker":34577,"fremont":34578,"compiled":34579,"colorado":34580,"vigne":34581,"smd":34582,"whead":34583,"village":34584,"leek":34585,"formulae":34586,"tares":34587,"persistence":34588,"??????":34589,"pedago":34590,"hez":34591,"alzheimers":34592,"vulture":34593,"offence":34594,"isgreat":34595,"suffra":34596,"kickin":34597,"hmmmm":34598,"broadway":34599,"ï¸ı@":34600,"arti":34601,"allison":34602,"endorses":34603,"ryu":34604,"lollipop":34605,"soybean":34606,"kendall":34607,"cera":34608,"invade":34609,"(ðŁĵ·:":34610,"converter":34611,"carpets":34612,"hobo":34613,"frit":34614,"peac":34615,"esqu":34616,"ernan":34617,"ouf":34618,"anil":34619,"differ":34620,"ching":34621,"brecht":34622,"spg":34623,"davenport":34624,"strava":34625,"severn":34626,"ngos":34627,"storians":34628,"fete":34629,"paramedic":34630,"jhb":34631,"alamo":34632,"sneaking":34633,"goldcoast":34634,"roofs":34635,"isil":34636,"depicted":34637,"projections":34638,"numb":34639,"oss":34640,"epi":34641,"glucose":34642,"zidane":34643,"infiniti":34644,"íĺĦ":34645,"ransom":34646,"tonics":34647,"falk":34648,"gler":34649,"outw":34650,"ress":34651,"weekly":34652,"theon":34653,"nole":34654,"ðŁĩªðŁĩº":34655,"volley":34656,"summar":34657,"negativity":34658,"samson":34659,"yew":34660,"ausvotes":34661,"jul":34662,"judy":34663,"fart":34664,"prayed":34665,"palate":34666,"multicultural":34667,"doubleheader":34668,"cyclones":34669,"pierre":34670,"ãģ¨":34671,"âĺłï¸ı":34672,"rtw":34673,"converting":34674,"wirral":34675,"lari":34676,"irrelevant":34677,"austinmahone":34678,"anche":34679,"yaan":34680,"sdf":34681,"$.":34682,"exploding":34683,"ultimate":34684,"profici":34685,"gofundme":34686,"cellence":34687,"epstein":34688,"bullied":34689,"septic":34690,"த":34691,"lumber":34692,"cuff":34693,"vscocam":34694,"plor":34695,"ล":34696,"seok":34697,"roto":34698,"venezuelan":34699,"sorta":34700,"spirited":34701,"danielpadilla":34702,"teamsisd":34703,"radioactive":34704,"icelandic":34705,"ðŁĴ¤":34706,"vere":34707,"accommodate":34708,"shipp":34709,"otter":34710,"olina":34711,"ego":34712,"sula":34713,"sanantonio":34714,"deas":34715,"similarities":34716,"âļ¾":34717,"yom":34718,"broward":34719,"å°":34720,"cancun":34721,"verify":34722,"onte":34723,"candlelight":34724,"ìłķ":34725,"infants":34726,"azam":34727,"ðŁĺ°":34728,"leven":34729,"unstable":34730,"bloomington":34731,"xford":34732,"contour":34733,"yp":34734,"innovator":34735,"histories":34736,"poy":34737,"lololol":34738,"expires":34739,"catalo":34740,"billboards":34741,"anab":34742,"elic":34743,"novascotia":34744,"faire":34745,"ìĿ´":34746,"rockwell":34747,"grille":34748,"aztec":34749,"johor":34750,"urstruly":34751,"firen":34752,"dunlop":34753,"idle":34754,"portman":34755,"joes":34756,"txhsfb":34757,"holm":34758,"chamele":34759,"underworld":34760,"loss":34761,"tiem":34762,"therapists":34763,"pasture":34764,"paste":34765,"ingnow":34766,"vulcan":34767,"ragon":34768,"larkin":34769,"oshi":34770,"hoco":34771,"childhood":34772,"umbrel":34773,"successor":34774,"kathy":34775,"izen":34776,"°ï¸ı":34777,"shareholders":34778,"olga":34779,"aib":34780,"heap":34781,"flaming":34782,"rou":34783,"airtel":34784,"ratt":34785,"zane":34786,"vow":34787,"thorough":34788,"snag":34789,"parth":34790,"unconscious":34791,"vey":34792,"newrelease":34793,"ghee":34794,"croatian":34795,"facilitating":34796,"swanson":34797,"astoria":34798,"tology":34799,"mastery":34800,"ð٤ij":34801,"bilbao":34802,"troupe":34803,"theori":34804,"cheyenne":34805,"rott":34806,"shoreline":34807,"grasso":34808,"masterchef":34809,"+)":34810,"vix":34811,"ellenshow":34812,"asg":34813,"anak":34814,"kuya":34815,"safarilive":34816,"debuting":34817,"blum":34818,"listener":34819,"vins":34820,"bookshelf":34821,"smartcities":34822,"makeyourownlane":34823,";;":34824,"ðŁIJ¯":34825,"rizz":34826,"onward":34827,"bulldog":34828,"bearish":34829,"viruses":34830,"frigh":34831,"linden":34832,"weiser":34833,"snt":34834,"gona":34835,"dresden":34836,"flanders":34837,"cuk":34838,"wheeling":34839,"bau":34840,"atuesday":34841,"surfers":34842,"swift":34843,"mccall":34844,"arbitration":34845,"awd":34846,"monc":34847,"bine":34848,"atx":34849,"refr":34850,"miro":34851,"posey":34852,"nare":34853,"ritter":34854,"âģ¦":34855,"playbook":34856,"blowout":34857,"sportsmanship":34858,"soooooo":34859,"malayalam":34860,"grims":34861,"burbank":34862,"infinity":34863,"sargent":34864,"oitnb":34865,"josephine":34866,"skipping":34867,"parkin":34868,"excursion":34869,"seminars":34870,"johar":34871,"partridge":34872,"postgame":34873,"llll":34874,"blanche":34875,"tempting":34876,"mna":34877,"luka":34878,"isers":34879,"toffee":34880,"barron":34881,"hemmings":34882,"sae":34883,"gohawks":34884,"cupid":34885,"limbs":34886,"conse":34887,"uncommon":34888,"zada":34889,"headshot":34890,"soils":34891,"pioneer":34892,"mamma":34893,"semitic":34894,"pandey":34895,"jamiedornan":34896,"splits":34897,"vela":34898,"soni":34899,"raff":34900,"tmobile":34901,"âŀĸ":34902,"prawns":34903,"liter":34904,"enjoyment":34905,"eggplant":34906,"tub":34907,"cultural":34908,"usic":34909,"suspicion":34910,"sycam":34911,"summed":34912,"madu":34913,"hock":34914,"upwards":34915,"eyeing":34916,"rive":34917,"assassins":34918,"âĤ¬":34919,"outfy":34920,"chives":34921,"tner":34922,"lais":34923,"porridge":34924,"saddest":34925,"wcc":34926,"vicki":34927,"snails":34928,"bizitalk":34929,"millan":34930,"ðŁĮį":34931,"samoa":34932,"jing":34933,"mikey":34934,"guj":34935,"chelms":34936,"eligibility":34937,"armada":34938,"throp":34939,"surgeries":34940,"ãĤ¿":34941,"mohawk":34942,"exits":34943,"mem":34944,"islington":34945,"cme":34946,"landfill":34947,"kaitlyn":34948,"ðŁİ¼":34949,"combinations":34950,"tomorrowland":34951,"verb":34952,"cora":34953,"precisely":34954,"naom":34955,"ðŁĨķ":34956,"shrink":34957,"softly":34958,"mercede":34959,"mandel":34960,"poodle":34961,"ballerina":34962,"soph":34963,"juxta":34964,"yat":34965,"aryan":34966,"hesitate":34967,"lowered":34968,"gular":34969,"dungeonsand":34970,"ronan":34971,"myri":34972,"spf":34973,"menopau":34974,"grasp":34975,"pathi":34976,"feasi":34977,"flaw":34978,"shistory":34979,"steward":34980,"ggle":34981,"fayre":34982,"clique":34983,"credibility":34984,"yog":34985,"section":34986,"musko":34987,"seville":34988,"nott":34989,"calm":34990,"mateo":34991,"indicted":34992,"fiba":34993,"byl":34994,"lino":34995,"ukin":34996,"!!#":34997,"enigma":34998,"sirius":34999,"busc":35000,"ðŁįĬ":35001,"mackerel":35002,"psalms":35003,"aat":35004,"tomorrowspaper":35005,"ðŁĺĸ":35006,"pfc":35007,"...........":35008,"shrek":35009,"mullet":35010,"osh":35011,"dangerously":35012,"immensely":35013,"amur":35014,"ðŁįĤ":35015,"propor":35016,"sya":35017,"londonmarathon":35018,"above":35019,"obligatory":35020,"prov":35021,"racha":35022,"alexis":35023,"primary":35024,"shh":35025,"ethernet":35026,"dstv":35027,"cougar":35028,"unlucky":35029,"nil":35030,"steakhouse":35031,"mela":35032,"fcbayern":35033,"causeway":35034,"catherine":35035,"fluorescent":35036,"nxt":35037,"tokyo":35038,"ausp":35039,"relegation":35040,"quizz":35041,"shoreditch":35042,"proudtobe":35043,"promos":35044,"interacting":35045,"homebrew":35046,"daesh":35047,"wpg":35048,"steadily":35049,"provinces":35050,"ballots":35051,"iah":35052,"alto":35053,"<<<":35054,"youu":35055,"riley":35056,"preference":35057,"traverse":35058,"incense":35059,"ammunition":35060,"hodges":35061,"#@":35062,"hailstate":35063,"tartan":35064,"witchcraft":35065,"ventilation":35066,"libertarian":35067,"!â̦":35068,"owes":35069,"%!":35070,"ongchang":35071,"brushing":35072,"leic":35073,"fiber":35074,"underattack":35075,"download":35076,"expir":35077,"hyo":35078,"pompey":35079,"mcbride":35080,"yag":35081,"stree":35082,"combat":35083,"tending":35084,"aira":35085,"guggen":35086,"abra":35087,"inna":35088,"flips":35089,"awal":35090,"mach":35091,"dollar":35092,"inspirations":35093,"zum":35094,"odu":35095,"itty":35096,"videogame":35097,"aquaman":35098,"haru":35099,"belfast":35100,"jeb":35101,"butch":35102,"usgs":35103,"calculus":35104,"goyal":35105,"morgen":35106,"xfinity":35107,"standup":35108,"contracep":35109,"sabre":35110,"nabe":35111,"insecure":35112,"generously":35113,"epitome":35114,"lw":35115,"tca":35116,"narratives":35117,"donnell":35118,"pandas":35119,"bergh":35120,"tut":35121,"keral":35122,"felicity":35123,"brampton":35124,"quintet":35125,"nomore":35126,"ðŁĶij":35127,"loi":35128,"alhamdulil":35129,"ðŁĶ¥ðŁĶĹ":35130,"stoner":35131,"shawl":35132,"clinical":35133,"brendan":35134,"gone":35135,"flawed":35136,"trippy":35137,"jg":35138,"allocation":35139,"poaching":35140,"vevo":35141,"mocks":35142,"leftist":35143,"bonuses":35144,"condemned":35145,"ability":35146,"stating":35147,"microbiome":35148,"biologist":35149,"foryou":35150,"wahlberg":35151,"ssor":35152,"iftar":35153,"wul":35154,"ÑĦоÑĤ":35155,"pomer":35156,"meme":35157,"verte":35158,"trell":35159,"trait":35160,"inlet":35161,"hormones":35162,"deliberately":35163,"villar":35164,"battleship":35165,"pbl":35166,"twenti":35167,"hokies":35168,"dalail":35169,"saya":35170,"mayfair":35171,"hans":35172,"diets":35173,"⾨⾨":35174,"odin":35175,"hotspur":35176,"papi":35177,"kana":35178,"kamp":35179,"finna":35180,"flotus":35181,"tians":35182,"unicorns":35183,"tribeca":35184,"changers":35185,"foreground":35186,"outa":35187,"invaders":35188,"gettys":35189,"tomorrowspaperstoday":35190,"macmillan":35191,"handwritten":35192,"wfp":35193,"ude":35194,"stateof":35195,"based":35196,"âĺģï¸ı":35197,"casm":35198,"psyched":35199,"historians":35200,"fold":35201,"dda":35202,"aggrav":35203,"pans":35204,"greenway":35205,"ausv":35206,"ðŁĺ¶":35207,"shraddha":35208,"index":35209,"besti":35210,"zimmer":35211,"tness":35212,"eyeshadow":35213,"otte":35214,"gots":35215,"distributing":35216,"promin":35217,"yol":35218,"acea":35219,"tramrahim":35220,"hooper":35221,"supreme":35222,"jammin":35223,"intuitive":35224,"qualifications":35225,"slim":35226,"siddi":35227,"jayne":35228,"tripping":35229,"gtx":35230,"puns":35231,"emanuel":35232,"omg":35233,"midsummer":35234,"into":35235,"succulent":35236,"rien":35237,"newmexico":35238,"oor":35239,"hooking":35240,"inf":35241,"ð٤Ŀ":35242,"flirting":35243,"nahi":35244,"gfriend":35245,"tps":35246,"helix":35247,"zs":35248,"onie":35249,"ctf":35250,"kris":35251,"irresistible":35252,"flap":35253,"ðŁijıðŁı»ðŁijıðŁı»":35254,"uswnt":35255,"rud":35256,"ramps":35257,"pinoy":35258,"otw":35259,"lolz":35260,"lowering":35261,"favorite":35262,"tmc":35263,"phrases":35264,"hermi":35265,"averaging":35266,"embr":35267,"beno":35268,"estuary":35269,"sleeve":35270,"ribbons":35271,"tash":35272,"ู":35273,"xf":35274,"awgs":35275,"sunited":35276,"breweries":35277,"anirud":35278,"punches":35279,"oldie":35280,"ipads":35281,"wifey":35282,"landlords":35283,"dji":35284,"gunner":35285,"íķ´":35286,"texan":35287,"exop":35288,"cassandra":35289,"soff":35290,"ðŁļ«":35291,"ighton":35292,"bakers":35293,"awarenessweek":35294,"vall":35295,"earp":35296,"btsbbmas":35297,"apologizes":35298,"âļĵï¸ı":35299,"wasps":35300,"statesman":35301,"snatch":35302,"watchdog":35303,"rafi":35304,"afterparty":35305,"spike":35306,"jer":35307,"periph":35308,"rnc":35309,"mull":35310,"leen":35311,"shies":35312,"lieu":35313,"urstrulymahesh":35314,"merton":35315,"desai":35316,"shif":35317,"ðŁĮ±":35318,"pedic":35319,"gosling":35320,"arranging":35321,"wwg":35322,"geny":35323,"youuu":35324,"netflix":35325,"ettes":35326,"kwi":35327,"bernardino":35328,"amiga":35329,"ب":35330,"kashmiri":35331,"tings":35332,"emeritus":35333,"decat":35334,"abdomin":35335,"dci":35336,"phases":35337,"djan":35338,"beam":35339,"opry":35340,"ished":35341,"theellenshow":35342,"thest":35343,"habitats":35344,"toons":35345,"mclaughlin":35346,"ripper":35347,"microbiology":35348,"talaga":35349,"clueless":35350,"ssu":35351,"croche":35352,"bromance":35353,"longevity":35354,"zagreb":35355,"prevented":35356,"trave":35357,"spoilt":35358,"darryl":35359,"migraine":35360,"alcat":35361,"dddd":35362,"viv":35363,"serpent":35364,"mattel":35365,"jama":35366,"conquest":35367,"îĦ":35368,"samsung":35369,"presbyterian":35370,"ketch":35371,"firefox":35372,"motif":35373,"lec":35374,"chopping":35375,"cherno":35376,"jann":35377,"ðŁIJ°":35378,"prolon":35379,"wakeup":35380,"convergence":35381,"merseyside":35382,"heartbroken":35383,"looming":35384,"hallucin":35385,"maize":35386,"communism":35387,"moh":35388,"twitterstorians":35389,"sergey":35390,"reseller":35391,"favorable":35392,"edgy":35393,"reiter":35394,"malaga":35395,"liveme":35396,"kahn":35397,"pulsion":35398,"bigg":35399,"kimkardashian":35400,"atio":35401,"tyranny":35402,"ruption":35403,"qant":35404,"proven":35405,"byz":35406,"pushaw":35407,"kristin":35408,"eer":35409,"tardis":35410,"riz":35411,"awaken":35412,"miko":35413,"undocumented":35414,"pathfinder":35415,"indirect":35416,"resembles":35417,"hler":35418,"concealed":35419,"scandal":35420,"reim":35421,"dnb":35422,"critters":35423,"attendant":35424,"apprenticeships":35425,"aau":35426,"screamed":35427,"lsu":35428,"fah":35429,"harbour":35430,"edd":35431,"batsman":35432,"liss":35433,"misha":35434,"spaniel":35435,"itf":35436,"advancement":35437,"fac":35438,"closeup":35439,"cecilia":35440,"medic":35441,"narcissi":35442,"lavish":35443,"giac":35444,"mays":35445,"leit":35446,"winewednesday":35447,"pushaward":35448,"letto":35449,"currents":35450,"bugatti":35451,"outine":35452,"wj":35453,"undo":35454,"lerosis":35455,"devotional":35456,"ðŁij«":35457,"onna":35458,"faisal":35459,"sauna":35460,"himachal":35461,"amii":35462,"à®®":35463,"dizzy":35464,"screenwriting":35465,"phx":35466,"spn":35467,"icki":35468,"agirl":35469,"fishes":35470,"wbz":35471,"pim":35472,"boar":35473,"acid":35474,"!..":35475,"rockefeller":35476,"nga":35477,"drastically":35478,"simplify":35479,"drumming":35480,"autumnal":35481,"gurmee":35482,"lorde":35483,"joann":35484,"giveup":35485,"bour":35486,"amura":35487,"derland":35488,"simpler":35489,"watson":35490,"trident":35491,"concordia":35492,"bellum":35493,"brek":35494,"dumplings":35495,"vion":35496,"dungeonsanddragons":35497,"spri":35498,"ascension":35499,"wildatlantic":35500,"ust":35501,"robins":35502,"legion":35503,"insist":35504,"jaro":35505,"guess":35506,"sob":35507,"bighit":35508,"poolside":35509,"negotiating":35510,"mcgill":35511,"bild":35512,"technicians":35513,"mitigation":35514,"ajaydevgn":35515,"bto":35516,"anten":35517,"cosmopolitan":35518,"ðŁĺĬðŁĺĬðŁĺĬðŁĺĬ":35519,"patrioti":35520,"temper":35521,"promenade":35522,"navajo":35523,"namm":35524,"wrinkles":35525,"dcfc":35526,"leach":35527,"brunette":35528,"rf":35529,"coutinho":35530,"alti":35531,"traditionally":35532,"optome":35533,"naz":35534,"accordingly":35535,"recard":35536,"deets":35537,"swell":35538,"posure":35539,"whitening":35540,"stranger":35541,"illion":35542,"hereford":35543,"uwu":35544,"robber":35545,"cotswolds":35546,"clen":35547,"gorge":35548,"namaste":35549,"relish":35550,"griff":35551,"adrenaline":35552,"blasio":35553,"vale":35554,"ê²":35555,"tolerate":35556,"railminindia":35557,"jensen":35558,"hoven":35559,"ellu":35560,"obsole":35561,"eisenhower":35562,"unidentified":35563,"thanniversary":35564,"bodyguard":35565,"د":35566,"idge":35567,"schal":35568,"stockport":35569,"sni":35570,"retaining":35571,"popo":35572,"pixie":35573,"olithic":35574,"kier":35575,"hajj":35576,"saz":35577,"corbin":35578,"!!!!!!!!!!":35579,"vit":35580,"megat":35581,"deh":35582,"circuit":35583,"affleck":35584,"theoretical":35585,"hopeless":35586,"uab":35587,"slump":35588,"bice":35589,"jammed":35590,"letstalk":35591,"cani":35592,"sideways":35593,"labyrinth":35594,"refs":35595,"hahn":35596,"jared":35597,"ðŁį¹":35598,"jambo":35599,"phyl":35600,"enhancement":35601,"ctr":35602,"fullest":35603,"seye":35604,"doba":35605,"choic":35606,"yos":35607,"cbj":35608,"andré":35609,"rewatch":35610,"prima":35611,"doctrine":35612,"forgets":35613,"uhm":35614,"around":35615,"ule":35616,"artlovers":35617,"shiraz":35618,"harth":35619,"extor":35620,"Å¡":35621,"unexpectedly":35622,"elius":35623,"yx":35624,"emmy":35625,"seac":35626,"ðŁijĩðŁijĩðŁijĩ":35627,"corrected":35628,"combu":35629,"womanc":35630,"cough":35631,"whatson":35632,"publishes":35633,"diversity":35634,"backbone":35635,"lockdown":35636,"mesmerizing":35637,"norte":35638,"mab":35639,"designer":35640,"íģ":35641,"ragh":35642,"molecules":35643,"getoutside":35644,"thebeatles":35645,"semiconduc":35646,"nacho":35647,"lunes":35648,"hammers":35649,"sultan":35650,"oon":35651,"feren":35652,"attach":35653,"arqu":35654,"uttarakhand":35655,"sash":35656,";-":35657,"tread":35658,"iko":35659,"arthur":35660,"scandinavian":35661,"ration":35662,"gael":35663,"chargeable":35664,"fishy":35665,"vma":35666,"handbags":35667,"chara":35668,"ayne":35669,"defam":35670,"settlers":35671,"qadri":35672,"palais":35673,"inwx":35674,"apocalyptic":35675,"pooja":35676,"aes":35677,"atories":35678,"proofing":35679,"nlp":35680,"tsla":35681,"vina":35682,"lido":35683,"deephouse":35684,"informatics":35685,"vv":35686,"ppings":35687,"diss":35688,"ï":35689,"uhuru":35690,"stony":35691,"betrayed":35692,"baff":35693,"myra":35694,"aspen":35695,"allowance":35696,"tamara":35697,"cif":35698,"corbett":35699,"serge":35700,"digo":35701,"ambigu":35702,"painters":35703,"pcr":35704,"pca":35705,"noms":35706,"loft":35707,"vee":35708,"opendata":35709,"ðŁIJ±":35710,"alexandre":35711,"identifies":35712,"fantasyfootball":35713,"reproduction":35714,"bromley":35715,"wareagle":35716,"mmer":35717,"pss":35718,"cues":35719,"ayat":35720,"hutchinson":35721,"sarac":35722,"jackman":35723,"irah":35724,"apink":35725,"cols":35726,"aussies":35727,"execs":35728,"dayton":35729,"ðŁĻĨ":35730,"imv":35731,"haram":35732,"chuckle":35733,"authenticity":35734,"ardo":35735,"incubator":35736,"ส":35737,"photoshopped":35738,"embraced":35739,"fightfor":35740,"gorman":35741,"zzzz":35742,"scholastic":35743,"crisps":35744,"teapo":35745,"midnight":35746,"gaine":35747,"collier":35748,"sate":35749,"dette":35750,"åŃ":35751,"imagine":35752,"iff":35753,"twili":35754,"ification":35755,"teatro":35756,"norma":35757,"esur":35758,"emergencies":35759,"riseup":35760,"ringer":35761,"hassle":35762,"caitlyn":35763,"tranquil":35764,"versa":35765,"seb":35766,"overlook":35767,"gini":35768,"bogo":35769,"sere":35770,"mayne":35771,"henrik":35772,"contaminated":35773,"rhapsody":35774,"proportion":35775,"wildatlanticway":35776,"âģ©.":35777,"organisers":35778,"trane":35779,"standard":35780,"sperm":35781,"launcher":35782,"ricci":35783,"herts":35784,"paperwork":35785,"showcased":35786,"meryl":35787,"pena":35788,"pimp":35789,"disastrous":35790,"^.^":35791,"phara":35792,"xis":35793,"frontal":35794,"swirl":35795,"spills":35796,"swagger":35797,"smartwatch":35798,"sizzling":35799,"saviour":35800,"catar":35801,"bbcr":35802,"refurbishment":35803,"dris":35804,"citroen":35805,"absorb":35806,"patriotism":35807,"illeg":35808,"chromo":35809,"freshers":35810,"rus":35811,"limiting":35812,"efish":35813,"downed":35814,"mandir":35815,"hazelnut":35816,"pall":35817,"macon":35818,"disappearing":35819,"qualifies":35820,"boon":35821,"barracks":35822,"amine":35823,"gendere":35824,"ðŁļĺ":35825,"jes":35826,"ãĥŃ":35827,"quito":35828,"middleweight":35829,"schau":35830,"quadru":35831,"aciones":35832,"limitless":35833,"ðŁijĮðŁı½":35834,"chman":35835,"arav":35836,"regulators":35837,"itup":35838,"battersea":35839,"milford":35840,"gz":35841,"ticking":35842,"ghou":35843,"crushes":35844,"tutu":35845,"dreadful":35846,"famine":35847,"forchange":35848,"dalailama":35849,"ðŁĴį":35850,"whitaker":35851,"hashmi":35852,"hus":35853,"vod":35854,"bette":35855,"aaah":35856,"isoo":35857,"ðŁ¥Ī":35858,"haar":35859,"laine":35860,"bv":35861,"allday":35862,"sprout":35863,"indiegames":35864,"freebie":35865,"greeks":35866,"butler":35867,"illin":35868,"haal":35869,"wareness":35870,"sima":35871,"publichealth":35872,"gama":35873,"waa":35874,"oung":35875,"goooo":35876,"okinawa":35877,"offenders":35878,"impose":35879,"hoc":35880,"youngster":35881,"storyteller":35882,"scap":35883,"fighter":35884,"+,":35885,"whites":35886,"musicmonday":35887,"reza":35888,"goducks":35889,"bria":35890,"mium":35891,"casper":35892,"crumbs":35893,"aad":35894,"martialarts":35895,"chp":35896,"rigged":35897,"tng":35898,"harvested":35899,"sak":35900,"dojo":35901,"millwall":35902,"bnw":35903,"ocd":35904,"historyof":35905,"tmr":35906,"sirens":35907,"fanci":35908,"caregivers":35909,"vira":35910,"soni":35911,"recurring":35912,"acknowledged":35913,"ðŁıŁ":35914,"ophile":35915,"bucky":35916,"stressing":35917,"rook":35918,"digger":35919,"vival":35920,"sando":35921,"fleet":35922,"siers":35923,"selcaday":35924,"refreshed":35925,"antifa":35926,"aque":35927,"polo":35928,"disappearance":35929,"demb":35930,"âĮļï¸ı":35931,"rented":35932,"berger":35933,"gmb":35934,"cula":35935,"ssal":35936,"goody":35937,"uhh":35938,"marcelo":35939,"wanna":35940,"software":35941,"shopsmall":35942,"turtle":35943,"tomas":35944,"frisco":35945,"ðŁĺįðŁĴķ":35946,"jimenez":35947,"csu":35948,"dayz":35949,"ando":35950,"wynne":35951,"choreographer":35952,"cervical":35953,"trailblazers":35954,"edg":35955,"zendaya":35956,"travelblog":35957,"els":35958,"wholesome":35959,"cog":35960,"labout":35961,"arney":35962,"delle":35963,"suisse":35964,"masi":35965,"inese":35966,"ombe":35967,"fiddle":35968,"reclaim":35969,"pau":35970,"watcher":35971,"slain":35972,"berty":35973,"optimum":35974,"elites":35975,"minis":35976,"turkey":35977,"patrols":35978,"gerard":35979,"aureli":35980,"wildly":35981,"waltz":35982,"brgy":35983,"wob":35984,"crest":35985,"+++":35986,"vez":35987,"frosted":35988,"davido":35989,"thex":35990,"paramedics":35991,"pinto":35992,"hank":35993,"dupont":35994,"urg":35995,"fostering":35996,"micropoetry":35997,"spectre":35998,"---->":35999,"neuro":36000,"frida":36001,"musical":36002,"galveston":36003,"effic":36004,"scape":36005,"palazzo":36006,"thall":36007,"provisional":36008,"pjs":36009,"aure":36010,"ðŁĶľ":36011,"mamamoo":36012,"kitties":36013,"cree":36014,"wak":36015,"loool":36016,"lupus":36017,"cnblue":36018,"ú":36019,"ðŁİ¬":36020,"raced":36021,"trose":36022,"omas":36023,"stride":36024,"coors":36025,"⤵ï¸ı":36026,"incomparable":36027,"cyril":36028,"broader":36029,"areclipse":36030,"ðŁįĶ":36031,"interval":36032,"tiru":36033,"coworking":36034,"waco":36035,"aham":36036,"abee":36037,"flourish":36038,"thetimes":36039,"olini":36040,"kickboxing":36041,"lucer":36042,"atla":36043,"asun":36044,"casserole":36045,"miaw":36046,"lobbying":36047,"janice":36048,"cirque":36049,"reflex":36050,"leary":36051,"sanatomy":36052,"tempest":36053,"semb":36054,"murdering":36055,"usav":36056,"robo":36057,"onet":36058,"pcc":36059,"natives":36060,"lifeof":36061,"saha":36062,"ruthless":36063,"relates":36064,"appetizer":36065,"pyeongchang":36066,"nord":36067,"eru":36068,"athing":36069,"ugly":36070,"plying":36071,"brance":36072,"organise":36073,"kendra":36074,"dato":36075,"cheeses":36076,"parma":36077,"burnout":36078,"astra":36079,"pretoria":36080,"adjustment":36081,"uku":36082,"slo":36083,"liken":36084,"favors":36085,"clive":36086,"beets":36087,"snowdonia":36088,"gotv":36089,"syn":36090,"openhouse":36091,"pani":36092,"portrayed":36093,"slated":36094,"mecca":36095,"renal":36096,"supportsmallstreamers":36097,"staffs":36098,"dao":36099,"biker":36100,"viktor":36101,"titus":36102,"admired":36103,"ðŁĵ±":36104,"hurrican":36105,"heats":36106,"glory":36107,"photogenic":36108,"meri":36109,"depor":36110,"burnham":36111,"orangu":36112,"djing":36113,"impressionism":36114,"ignition":36115,"cai":36116,"wynn":36117,"depe":36118,"coveted":36119,"collagen":36120,"saus":36121,"ornam":36122,"administrators":36123,"sson":36124,"nhpolitics":36125,"hahahahahahahaha":36126,"aspirations":36127,"rgb":36128,"swollen":36129,"sowe":36130,"scr":36131,"divergent":36132,"houghton":36133,"hanoi":36134,"dory":36135,"niki":36136,"landry":36137,"bcci":36138,"ðŁijĮðŁijĮ":36139,"ismail":36140,"tripod":36141,"herd":36142,"bhatt":36143,"dressage":36144,"tabby":36145,"inguish":36146,"huron":36147,"à³į":36148,"Ãł":36149,"todas":36150,"evangelical":36151,"chords":36152,"stjohn":36153,"sloppy":36154,"martyr":36155,"facebook":36156,"alight":36157,"sensei":36158,"kathniel":36159,"rites":36160,"zione":36161,"uo":36162,"revelations":36163,"weightlifting":36164,"pano":36165,"ncwx":36166,"acton":36167,"à®ķ":36168,"ز":36169,"soma":36170,"à¸Ĺ":36171,"respecting":36172,"marche":36173,"foreman":36174,"betty":36175,"kik":36176,"shibu":36177,"poon":36178,"argyle":36179,"kswx":36180,"etz":36181,"marbella":36182,"brackets":36183,"standby":36184,"fireside":36185,"defiance":36186,"vex":36187,"britannia":36188,"inhabit":36189,"appoint":36190,"piyush":36191,"leash":36192,"sciento":36193,"flask":36194,"senna":36195,">:":36196,"atroc":36197,"sanderson":36198,"idlib":36199,"dhanush":36200,"ðŁĺĻ":36201,"enthr":36202,"hitch":36203,"dedly":36204,"alley":36205,"dork":36206,"mondo":36207,"cuddly":36208,"missin":36209,"yesss":36210,"nighting":36211,"jpn":36212,"wary":36213,"umpire":36214,"maz":36215,"ê³":36216,"babs":36217,"ĭãģ":36218,"stanford":36219,"possessed":36220,"exceeded":36221,"ðŁĶ¶":36222,"wallart":36223,"trap":36224,"jil":36225,"hibis":36226,"spying":36227,"scribe":36228,"khalil":36229,"translator":36230,"lumb":36231,"dized":36232,"chc":36233,"supervision":36234,"shutter":36235,"jag":36236,"_*":36237,"yesterdays":36238,"msf":36239,"hihi":36240,"gonzaga":36241,"gillespie":36242,"vivek":36243,"ecstatic":36244,"thismorning":36245,"chus":36246,"edes":36247,"stoned":36248,"bees":36249,"ðŁĩ¹ðŁĩ":36250,"turin":36251,"hover":36252,"atrics":36253,"stern":36254,"samheughan":36255,"autism":36256,"miya":36257,"eyewitness":36258,"writings":36259,"traveltips":36260,"chutney":36261,"pxrtg":36262,"kenyans":36263,"mystic":36264,"krit":36265,"/$":36266,"redhead":36267,"worldly":36268,"amus":36269,"opla":36270,"leve":36271,"gabbana":36272,"seen":36273,"oclock":36274,"ganga":36275,"keenan":36276,"scent":36277,"oldies":36278,"gogreen":36279,"cornerstone":36280,"comply":36281,"concours":36282,"ðŁİ¶ðŁİ¶":36283,"haan":36284,"confis":36285,"awson":36286,"cleop":36287,"îĢ":36288,"suzu":36289,"sauté":36290,"algar":36291,"subscriber":36292,"esteemed":36293,"ãĤ¤ãĥ":36294,"worthwhile":36295,"melrose":36296,"flock":36297,"brightly":36298,"violinist":36299,"pere":36300,"slipping":36301,"andco":36302,"sigh":36303,"havan":36304,"culo":36305,"msa":36306,"fibrosis":36307,"matilda":36308,"rafting":36309,"award":36310,"ëª":36311,"mmmm":36312,"geaux":36313,"steiner":36314,"sinn":36315,"helpers":36316,"beetles":36317,"aimee":36318,"taiwan":36319,"pistachio":36320,"macbeth":36321,"mzan":36322,"descendants":36323,"onsale":36324,"inr":36325,"ilm":36326,"grouse":36327,"saig":36328,"mow":36329,"bigre":36330,"adjustments":36331,"tula":36332,"mathew":36333,"translates":36334,"muh":36335,"bollah":36336,"ðŁĴĽðŁĴĻ":36337,"amores":36338,"abouts":36339,"bombshell":36340,"blaster":36341,"xavi":36342,"sns":36343,"kroger":36344,"gather":36345,"eradic":36346,"daft":36347,"chemo":36348,"benches":36349,"ðŁĩ©ðŁĩ":36350,"utv":36351,"oura":36352,"nko":36353,"gatorade":36354,"biafra":36355,"okstate":36356,"imdanielpadilla":36357,"domains":36358,"openingday":36359,"kiddo":36360,"doi":36361,"rice":36362,"daycare":36363,"macmillan":36364,"bathurst":36365,"cheerleading":36366,"ð٦ģ":36367,"cashback":36368,"kwon":36369,"hobbies":36370,"exempl":36371,"riesling":36372,"âļª":36373,"agles":36374,"nys":36375,"everything":36376,"navis":36377,"addi":36378,"magnesium":36379,"facelift":36380,"arkham":36381,"grandes":36382,"extremist":36383,"donat":36384,"vitality":36385,"pumpkin":36386,"betta":36387,"sltd":36388,"artisan":36389,"liby":36390,"peaked":36391,"ahhhhh":36392,"maryam":36393,"assim":36394,"unsc":36395,"mente":36396,"alaya":36397,"lowers":36398,"aras":36399,"griev":36400,"leip":36401,"grati":36402,"crises":36403,"sprints":36404,"execute":36405,"wto":36406,"msd":36407,"magical":36408,"reviewer":36409,"sparkles":36410,"jukebox":36411,"ðŁĺĤâĿ¤ï¸ı":36412,"payback":36413,"licenses":36414,"dunkin":36415,"belt":36416,"lakewood":36417,"hateful":36418,"budgets":36419,"revamped":36420,"pherson":36421,"kyiv":36422,"wentworth":36423,"rosen":36424,"cruise":36425,"giggle":36426,"defstar":36427,"assassinscre":36428,"ymouth":36429,"winkle":36430,"wfc":36431,"bandwagon":36432,"bkk":36433,"wiring":36434,"kearney":36435,"southside":36436,"petit":36437,"!ðŁĺį":36438,"nordic":36439,"mirza":36440,"mugabe":36441,"vl":36442,"scones":36443,"ktv":36444,"sandal":36445,"duc":36446,"malls":36447,"ðŁĴŀðŁĴŀ":36448,"itc":36449,"alay":36450,"impair":36451,"unrest":36452,"floss":36453,"cé":36454,"abou":36455,"varying":36456,"museo":36457,"server":36458,"diya":36459,"hibiscus":36460,"eroy":36461,"merritt":36462,"findom":36463,"fpp":36464,"unusually":36465,"gott":36466,"contingent":36467,"aliaa":36468,"ballon":36469,"jol":36470,"hiked":36471,"zyme":36472,"ayr":36473,"agn":36474,"gaz":36475,"periodic":36476,"sparty":36477,"practising":36478,"linton":36479,"talis":36480,"cypri":36481,"womaninbiz":36482,"radiodisney":36483,"ðŁĮ¼":36484,"jumpers":36485,"endocr":36486,"ðŁļ¨ðŁļ¨":36487,"andon":36488,"sharapo":36489,"mier":36490,"masonic":36491,"factories":36492,"vien":36493,"bbers":36494,"ìĽIJ":36495,"hold":36496,"kebab":36497,"beak":36498,"approached":36499,"acmilan":36500,"munro":36501,"kosher":36502,"excellency":36503,"negotiation":36504,"waltdisneyworld":36505,"crouch":36506,"teasing":36507,"suppression":36508,"enya":36509,"bce":36510,"transformationtuesday":36511,"callie":36512,"viswas":36513,"pgat":36514,"icted":36515,"endings":36516,"escu":36517,"recruited":36518,"itfc":36519,"collaborations":36520,"gino":36521,"snuck":36522,"auschwitz":36523,"ifc":36524,"xii":36525,"kesha":36526,"gervais":36527,"cloak":36528,"xl":36529,"saad":36530,"probation":36531,"precau":36532,"macin":36533,"anastasi":36534,"lek":36535,"eazy":36536,"daysofcode":36537,"mariahcarey":36538,"yog":36539,"stitched":36540,"boyfriends":36541,"shar":36542,"phile":36543,"agu":36544,"twinkle":36545,"phishing":36546,"weekender":36547,"icton":36548,"gurmeetramrahim":36549,"alton":36550,"leness":36551,"allan":36552,"penultimate":36553,"krystal":36554,"gou":36555,"lande":36556,"dismant":36557,"abusing":36558,"norse":36559,"paterson":36560,"edmun":36561,"apan":36562,"xiumin":36563,"skel":36564,"catwalk":36565,"react":36566,"walled":36567,"tangle":36568,"bryn":36569,"veto":36570,"supermoon":36571,"casablanc":36572,"appreciates":36573,"skid":36574,"both":36575,"catalina":36576,"eleague":36577,"cybermonday":36578,"cautious":36579,"ð٤ĵ":36580,"novo":36581,"hampton":36582,"haye":36583,"josef":36584,"varan":36585,"lobos":36586,"roanoke":36587,"orphans":36588,"ttin":36589,"squads":36590,"ishqbaaaz":36591,"blackpanther":36592,"etu":36593,"ksh":36594,"crumble":36595,"cessna":36596,"relieved":36597,"scully":36598,"pollinators":36599,"explorecanada":36600,"kies":36601,"kamloops":36602,"kiran":36603,"primal":36604,"settlements":36605,"hotspot":36606,"brainstorming":36607,"cedric":36608,"biennial":36609,"shant":36610,"âĻ¡âĻ¡âĻ¡":36611,"doon":36612,"hearn":36613,"walkway":36614,"fem":36615,"veal":36616,"deportation":36617,"toxins":36618,"eliminating":36619,"descending":36620,"bythe":36621,"blasphe":36622,"hasta":36623,"complement":36624,"ascent":36625,"riga":36626,"provost":36627,"âĸª":36628,"weeping":36629,"antisemitism":36630,"employee":36631,"unearthed":36632,"pino":36633,"natalie":36634,"blad":36635,"angola":36636,"lockheed":36637,"inian":36638,"agr":36639,"nister":36640,"impala":36641,"mke":36642,"fanatic":36643,"âĺħâĺħ":36644,"ðŁij¸":36645,"luch":36646,"simplified":36647,"gallery":36648,"economic":36649,"cyborg":36650,"coni":36651,"selma":36652,"inception":36653,"koala":36654,"dvds":36655,"crested":36656,"mmor":36657,"visible":36658,"nsd":36659,"ðŁĻĮðŁı½":36660,"wunder":36661,"refrigerator":36662,"reopening":36663,"eera":36664,"carousel":36665,"asp":36666,"ballistic":36667,"victory":36668,"motive":36669,"trey":36670,"sharapova":36671,"sii":36672,"monter":36673,"intend":36674,"westchester":36675,"spe":36676,"cymb":36677,"vidal":36678,"llama":36679,"univ":36680,"finer":36681,"craftsmanship":36682,"jazzfest":36683,"bch":36684,"aggio":36685,"ncc":36686,"lambda":36687,"tranquility":36688,"cisco":36689,"baden":36690,"sobbing":36691,"ofi":36692,"gota":36693,"rumored":36694,"warmed":36695,"orean":36696,"acton":36697,"marci":36698,"ghani":36699,"âľĵ":36700,"assorted":36701,"pembroke":36702,"penelope":36703,"daf":36704,"atty":36705,"aimo":36706,"pretzel":36707,"carnival":36708,"thanos":36709,"kochi":36710,"mersal":36711,"hamradio":36712,"artwit":36713,"casc":36714,"guerrilla":36715,"kushner":36716,"kapp":36717,"alise":36718,"toddlers":36719,"stewardship":36720,"otti":36721,"terri":36722,"tempe":36723,"restless":36724,"vito":36725,"zayed":36726,"rspb":36727,"pion":36728,"hippo":36729,"hawthorne":36730,"inas":36731,"amily":36732,"nutcracker":36733,"lop":36734,"dali":36735,"tropic":36736,"ðŁ¤ł":36737,"ulo":36738,"jaredle":36739,"pyrene":36740,"paleo":36741,"usair":36742,"mould":36743,"itated":36744,"genetically":36745,"biomass":36746,"ðŁĩ³ðŁĩ±":36747,"dodd":36748,"practiced":36749,"monarchs":36750,"unmanned":36751,"mbuhari":36752,"amal":36753,"photogra":36754,"kool":36755,"brendon":36756,"juices":36757,"cure":36758,"worldbank":36759,"pointers":36760,"ðŁĴĿ":36761,"turf":36762,"leds":36763,"borussia":36764,"baptism":36765,"warwickshire":36766,"mounts":36767,"gayo":36768,"begg":36769,"copied":36770,"asians":36771,"kg":36772,"modernist":36773,"gid":36774,"frontman":36775,"concentrated":36776,"yt":36777,"scavenger":36778,"ironically":36779,"adic":36780,"psn":36781,"ðŁ¥ī":36782,"culturally":36783,"yuv":36784,"macarthur":36785,"fertilizer":36786,"bewithyou":36787,"rigor":36788,"minors":36789,"zoning":36790,"âĸł":36791,"rir":36792,"adolescent":36793,"vinny":36794,"reng":36795,"sandstone":36796,"guet":36797,"westh":36798,"pledged":36799,"laced":36800,"spide":36801,"vai":36802,"tycoon":36803,"seizure":36804,"dup":36805,"appalachian":36806,"rok":36807,"catholics":36808,"seychel":36809,"possess":36810,"lager":36811,"jodi":36812,"champ":36813,"stras":36814,"dina":36815,"centuri":36816,"calder":36817,"bluray":36818,"ðŁĩ¨ðŁĩ³":36819,"modo":36820,"annette":36821,"youtubers":36822,"chaps":36823,"angling":36824,"labeling":36825,"aqui":36826,"pkwy":36827,"lyle":36828,"bisexual":36829,"litur":36830,"dugout":36831,"libby":36832,"greysanatomy":36833,"substances":36834,"augustus":36835,"rallying":36836,"fidel":36837,"ingue":36838,"人":36839,"hallmarkchannel":36840,"toothbrush":36841,"má":36842,"adirond":36843,"aggi":36844,"ðŁĵį:":36845,"crusade":36846,"taxation":36847,"kz":36848,"iver":36849,"doubling":36850,"roomie":36851,"wab":36852,"enrolled":36853,"azon":36854,"aju":36855,"grandchildren":36856,"asdf":36857,"ðŁ¥º":36858,"matic":36859,"oughton":36860,"utilize":36861,"ðŁĴ£":36862,"ponder":36863,"raisin":36864,"dysfunction":36865,"cobain":36866,"butternut":36867,"eman":36868,"sured":36869,"drian":36870,"andfriends":36871,"withthe":36872,"onomy":36873,"heineken":36874,"bridal":36875,"leadership":36876,"pyramids":36877,"deutschland":36878,"jocel":36879,"bowel":36880,"yqr":36881,"horsepower":36882,"beacon":36883,"ingeni":36884,"gradient":36885,"fermented":36886,"moom":36887,"thingy":36888,"potassi":36889,"wristband":36890,"bord":36891,"bodied":36892,"ðŁĺŃðŁĺį":36893,"mapp":36894,"kau":36895,"cyberpunk":36896,"phish":36897,"looking":36898,"coates":36899,"apur":36900,"amie":36901,"uklabour":36902,"atin":36903,"gla":36904,"adoptable":36905,"shelby":36906,"villi":36907,"riya":36908,"mingly":36909,"climber":36910,"bumblebee":36911,"ðŁĺ¸":36912,"csd":36913,"âĿ¥":36914,"hospitalized":36915,"cki":36916,"hater":36917,"chr":36918,"retina":36919,"ita":36920,"fanbase":36921,"beatrice":36922,"gwyne":36923,"goss":36924,"fos":36925,"favorited":36926,"swachhbharat":36927,"malade":36928,"monmouth":36929,"\"[":36930,"sivan":36931,"shhh":36932,"commanding":36933,"sainsburys":36934,"weed":36935,"gman":36936,"ssw":36937,"reptile":36938,"ivy":36939,"tropics":36940,"rollers":36941,"overcast":36942,"exposition":36943,"masquerade":36944,"mancrush":36945,"waist":36946,"sprinter":36947,"sleet":36948,"levin":36949,"jpg":36950,"_(":36951,"opel":36952,"exploit":36953,"apa":36954,"powe":36955,"wrecking":36956,"jongin":36957,"orb":36958,"erick":36959,"bosco":36960,"praising":36961,"bertr":36962,"towing":36963,"insecurity":36964,"kut":36965,"restocked":36966,"rrp":36967,"prescribed":36968,"trafalgar":36969,"pert":36970,"gases":36971,"apprais":36972,"ghar":36973,"musicals":36974,"âĸ¬âĸ¬":36975,"mcfad":36976,"agony":36977,"condition":36978,"equip":36979,"shik":36980,"atravel":36981,"ðŁĩ¿ðŁĩ¦":36982,"keh":36983,"abduction":36984,"peoria":36985,"wilkins":36986,"gms":36987,"asd":36988,"evi":36989,"ðŁĴĹðŁĴĹðŁĴĹ":36990,"uz":36991,"moc":36992,"hallelujah":36993,"guadalu":36994,"louvre":36995,"drawing":36996,"gove":36997,"phant":36998,"frie":36999,"webdev":37000,"programmer":37001,"zable":37002,"gamescom":37003,"clarify":37004,"lith":37005,"kinky":37006,"âĿ£":37007,"labourdoorstep":37008,"sonata":37009,"juris":37010,"maiden":37011,"viadu":37012,"bucharest":37013,"conditioned":37014,"capitalist":37015,"ude":37016,"psb":37017,"spca":37018,"lulla":37019,"foothills":37020,"kayo":37021,"bond":37022,"womb":37023,"rounder":37024,"cesar":37025,"bursts":37026,"apra":37027,"swoon":37028,"sabrin":37029,"fragrant":37030,"clearer":37031,"kubrick":37032,"climax":37033,"journo":37034,"agle":37035,"ðŁı½âĢįâĻĢï¸ı":37036,"pooch":37037,"hale":37038,"solit":37039,"salmon":37040,"organisms":37041,"bronson":37042,"arten":37043,"hodgson":37044,"alove":37045,"venture":37046,"bbi":37047,"aea":37048,"ðŁIJ¢":37049,"ldn":37050,"dnr":37051,"ozone":37052,"ellas":37053,"manny":37054,"azzur":37055,"unbeat":37056,"truffles":37057,"thong":37058,"mañ":37059,"lasers":37060,"leye":37061,"gettysburg":37062,"backpacks":37063,"oris":37064,"maison":37065,"crawling":37066,"labra":37067,"cling":37068,"dragging":37069,"steal":37070,"doubt":37071,"devan":37072,"ckers":37073,"agentsof":37074,"photobomb":37075,"elonmusk":37076,"aboy":37077,"distances":37078,"storyline":37079,"spi":37080,"northan":37081,"europeans":37082,"whale":37083,"serpent":37084,"ðŁļ²":37085,"fior":37086,"trit":37087,"oxo":37088,"awarding":37089,"classmate":37090,"sufc":37091,"smartest":37092,"riches":37093,"prk":37094,"bigfoot":37095,"armb":37096,"bipolar":37097,"dwelling":37098,"omars":37099,"kwan":37100,"grime":37101,"meng":37102,"frederick":37103,"navarro":37104,"sorrynotsorry":37105,"jaredleto":37106,"pave":37107,"slack":37108,"barnsley":37109,"attar":37110,"eviction":37111,"accumulation":37112,"oir":37113,"catchy":37114,"welter":37115,"vikas":37116,"hassee":37117,"nikita":37118,"moyes":37119,"mathews":37120,"shiv":37121,"gatwick":37122,"profiling":37123,"companions":37124,"marrake":37125,"antics":37126,"ðŁĻĮðŁĻĮðŁĻĮ":37127,"sese":37128,"boi":37129,"bartlett":37130,"poisonous":37131,"abuses":37132,"ymm":37133,"kampala":37134,"guggenheim":37135,"imvkohli":37136,"dolom":37137,"bree":37138,"throttle":37139,"gareth":37140,"fitzpatrick":37141,"unya":37142,"parad":37143,"margot":37144,"jnr":37145,"wea":37146,"potassium":37147,"pnc":37148,"disguised":37149,"crash":37150,"renergy":37151,"illic":37152,"coupled":37153,"niels":37154,"ciones":37155,"æĹ¥":37156,"iment":37157,"despicable":37158,"dye":37159,"whatcha":37160,"connections":37161,"paralympics":37162,"gauntlet":37163,"waitrose":37164,"suicidal":37165,"starship":37166,"vapor":37167,"stou":37168,"lawmaker":37169,"cooled":37170,"simo":37171,"theno":37172,"offroad":37173,"jaden":37174,"basque":37175,"vicky":37176,"lukaku":37177,"centro":37178,"trish":37179,"strategist":37180,"medications":37181,"horst":37182,"bfc":37183,"grail":37184,"sharply":37185,"aditya":37186,"tomb":37187,"kaufman":37188,"tripad":37189,"samba":37190,"pastoral":37191,"britney":37192,"sagan":37193,"hillside":37194,"masons":37195,"sara":37196,"zone":37197,"xu":37198,"totes":37199,"robbie":37200,"appen":37201,"montag":37202,"dero":37203,"shortfilm":37204,"charismatic":37205,"tators":37206,"kiba":37207,"andri":37208,"alarming":37209,"splitting":37210,"icar":37211,"thug":37212,"scariest":37213,"sylvester":37214,"anan":37215,"utrecht":37216,"adifference":37217,"meade":37218,"buster":37219,"airstrikes":37220,"cuffs":37221,"accountants":37222,"ðŁĺ¡ðŁĺ¡":37223,"newt":37224,"bott":37225,"issuing":37226,"clancy":37227,"wwenetwork":37228,"kyuhyun":37229,"resemble":37230,"pajamas":37231,"sink":37232,"kinney":37233,"sulph":37234,"ork":37235,"lies":37236,"lagh":37237,"orton":37238,"rahul":37239,"dsc":37240,"wewill":37241,"ream":37242,"colloqui":37243,"sharia":37244,"hectic":37245,"sarcasm":37246,"lander":37247,"tmz":37248,"endorf":37249,"roz":37250,"hammered":37251,"fris":37252,"wadi":37253,"popefrancis":37254,"heit":37255,"flashlight":37256,"unborn":37257,"opes":37258,"holiness":37259,"ðŁIJ¦":37260,"nacht":37261,"imsa":37262,"gracing":37263,"bjp":37264,"verts":37265,"csc":37266,"homeowner":37267,"aque":37268,"bigotry":37269,"annie":37270,"bagh":37271,"âĿ¤ï¸ıðŁĺį":37272,"cari":37273,"thomp":37274,"disposable":37275,"cardiology":37276,"patented":37277,"hhhhhh":37278,"ldr":37279,"stephenson":37280,"crores":37281,"fanning":37282,"climat":37283,"ðŁijįðŁijįðŁijį":37284,"ðŁijįðŁı¼":37285,"aeron":37286,"piccadilly":37287,"bankrupt":37288,"silvia":37289,"employ":37290,"donny":37291,"commenting":37292,"screenwriter":37293,"iota":37294,"cean":37295,"ancers":37296,"tuan":37297,"streetwear":37298,"य":37299,"skine":37300,"espa":37301,"asif":37302,"osce":37303,"sheppard":37304,"morecam":37305,"bottle":37306,"ders":37307,"oracle":37308,"googleplay":37309,"averaged":37310,"edmonton":37311,"stephan":37312,"sisterhood":37313,"crusted":37314,"staggering":37315,"methodology":37316,"congresswoman":37317,"cabo":37318,"triggers":37319,"milky":37320,"glide":37321,"toothpaste":37322,"roommates":37323,"nuff":37324,"guam":37325,"sprinkles":37326,"alternative":37327,"watfordfc":37328,"uoft":37329,"haley":37330,"contacted":37331,"bundy":37332,"prostitu":37333,"ghar":37334,"preston":37335,"onsite":37336,"hilar":37337,"gts":37338,"catt":37339,"hampstead":37340,"??!":37341,"ðŁĩ§ðŁĩ":37342,"bbcqt":37343,"alessandro":37344,"resist":37345,"maidan":37346,"tko":37347,"shading":37348,"pinup":37349,"gallo":37350,"sinu":37351,"atec":37352,"funk":37353,"aclu":37354,"strides":37355,"rhyme":37356,"wetland":37357,"bbcspringwatch":37358,"tins":37359,"wildcard":37360,"stour":37361,"flamenco":37362,"paula":37363,"ontology":37364,"gangsta":37365,"amade":37366,"ãĤ«":37367,"tbs":37368,"skeletal":37369,"runner":37370,"jardin":37371,"harrier":37372,"hunted":37373,"zhen":37374,"believeinfilm":37375,"demean":37376,"auditi":37377,"restart":37378,"chondri":37379,"âĿ¤ï¸ıðŁĴĻ":37380,"mclaren":37381,"gab":37382,"shum":37383,"ausa":37384,"lewisham":37385,"ypg":37386,"kjv":37387,"furnished":37388,"doro":37389,"bonded":37390,"morty":37391,"latitude":37392,"_)":37393,"lova":37394,"waterways":37395,"vinai":37396,"shorth":37397,"drunk":37398,"cay":37399,"ayana":37400,"kaplan":37401,"cappuccino":37402,"spro":37403,"lifeboat":37404,"hasbro":37405,"spolice":37406,"toron":37407,"doing":37408,"damn":37409,"shree":37410,"fountains":37411,"entation":37412,"maru":37413,"boarder":37414,"topless":37415,"jada":37416,"channing":37417,"ulls":37418,"enclosure":37419,"gibson":37420,"fractured":37421,"britton":37422,"ö":37423,"tous":37424,"porth":37425,"draf":37426,"trailing":37427,"margate":37428,"elife":37429,"downward":37430,"linn":37431,"glades":37432,"girlpower":37433,"akrish":37434,"uki":37435,"ronda":37436,"tsc":37437,"appreciationday":37438,"vising":37439,"loom":37440,"ðŁį³":37441,"mexican":37442,"argos":37443,"yya":37444,"jadine":37445,"southport":37446,"dend":37447,"sista":37448,"redeem":37449,"meng":37450,"braxton":37451,"antioxidant":37452,"skey":37453,"mpg":37454,"finding":37455,"vibration":37456,"ceu":37457,"khart":37458,"dimini":37459,"cline":37460,"shelly":37461,"hines":37462,"īï¸ı":37463,"topical":37464,"nover":37465,"maxx":37466,"primitive":37467,"illustrate":37468,"bounds":37469,"trenton":37470,"jointly":37471,"breeders":37472,"uchi":37473,"wakeupamerica":37474,"bada":37475,"ðŁĹ£ï¸ı":37476,"guacam":37477,"spheres":37478,"peregr":37479,"youthful":37480,"lolo":37481,"birmin":37482,"tly":37483,"jeremycorbyn":37484,"defects":37485,"cosm":37486,"arent":37487,"vaa":37488,"bagels":37489,"mediac":37490,"coriander":37491,"icago":37492,"ghaz":37493,"abbas":37494,"remodel":37495,"structuring":37496,"pum":37497,"outlaw":37498,"adani":37499,"rbc":37500,"gulls":37501,"nli":37502,"confuse":37503,"ðŁijĩðŁı¼":37504,"vila":37505,"mcnamara":37506,"corrections":37507,"mughal":37508,"seri":37509,"regain":37510,"ssb":37511,"leave":37512,"hahahah":37513,"grande":37514,"distressed":37515,"rechargeable":37516,"hoa":37517,"housed":37518,"stil":37519,"attributed":37520,"opathic":37521,"dips":37522,"prit":37523,"headphone":37524,"conclude":37525,"pilo":37526,"het":37527,"utsa":37528,"nitin":37529,"jem":37530,"snippet":37531,"tutoring":37532,"oper":37533,"sunk":37534,"ensla":37535,"chau":37536,"acorn":37537,"quintess":37538,"rankin":37539,"affiliated":37540,"ourlives":37541,"clint":37542,"seater":37543,"isaac":37544,"bashing":37545,"smear":37546,"nurse":37547,"doodling":37548,"\";":37549,"saku":37550,"atrocities":37551,"imam":37552,"gfs":37553,"violating":37554,"commend":37555,"bradshaw":37556,"erville":37557,"billed":37558,"bbe":37559,"thulhu":37560,"iphones":37561,"moose":37562,"dios":37563,"rew":37564,"methane":37565,"strangely":37566,"whisky":37567,"tightly":37568,"spielberg":37569,"radius":37570,"noticing":37571,"wif":37572,"ignati":37573,"ifa":37574,"apis":37575,"wali":37576,"haitian":37577,"bushes":37578,"yz":37579,"vl":37580,"exited":37581,"assel":37582,"truec":37583,"domen":37584,"asher":37585,"inking":37586,"newyearseve":37587,"hendricks":37588,"bati":37589,"ìĿ´ì":37590,"richter":37591,"monsanto":37592,"conline":37593,"agreat":37594,"ðŁ¤¯":37595,"masterpieces":37596,"arn":37597,"roughs":37598,"cleve":37599,"sev":37600,"fashions":37601,"toya":37602,"shail":37603,"copeland":37604,"aquari":37605,"decals":37606,"areyou":37607,"yaya":37608,"astr":37609,"font":37610,"mlm":37611,"arca":37612,"ppor":37613,"pollock":37614,"xperia":37615,"conservation":37616,"chainsaw":37617,"aggie":37618,"?!?!?":37619,"sile":37620,"shon":37621,"ìĹIJ":37622,"notebooks":37623,"marquette":37624,"deus":37625,"bbled":37626,"spicer":37627,"mccabe":37628,"norwich":37629,"modification":37630,"boosted":37631,"strum":37632,"salesman":37633,"bangle":37634,"nissan":37635,"hezbollah":37636,"breasts":37637,"aaf":37638,"anthus":37639,"sker":37640,"owed":37641,"heros":37642,"gifs":37643,"fosters":37644,"eaters":37645,"dues":37646,"_/":37647,"lymphoma":37648,"sfam":37649,"megal":37650,"afridi":37651,"agic":37652,"pamp":37653,"jealousy":37654,"ðŁijĮðŁı¼":37655,"calculate":37656,"napping":37657,"gale":37658,"ð٦Ħ":37659,"lubbock":37660,"assumed":37661,"renting":37662,"íĥľ":37663,"suburb":37664,"ãĤ·":37665,"technic":37666,"ucla":37667,"infront":37668,"garnet":37669,"steroids":37670,"striving":37671,"howar":37672,"mover":37673,"leton":37674,"bulldo":37675,"isin":37676,"ciao":37677,"snz":37678,"forefront":37679,"dams":37680,"midwife":37681,"mawards":37682,"clapton":37683,"wein":37684,"subsidies":37685,"sproud":37686,"rotherham":37687,"phantom":37688,"arach":37689,"spiel":37690,"racket":37691,"selamat":37692,"noon":37693,"lbc":37694,"entially":37695,"ðŁĴ¸":37696,"silve":37697,"moud":37698,"kinetic":37699,"yasi":37700,"ðŁİ©":37701,"ool":37702,"miku":37703,"iza":37704,"fera":37705,"floren":37706,"barbershop":37707,"groot":37708,"zest":37709,"nears":37710,"stanis":37711,"zand":37712,"policeman":37713,"jurisdic":37714,"formations":37715,"apparatus":37716,"spd":37717,"artifact":37718,"tosc":37719,"motivating":37720,"womancrush":37721,"redro":37722,"diagnostics":37723,"raza":37724,"outfitters":37725,"elxn":37726,"dodgy":37727,"ryn":37728,"shd":37729,"orthodon":37730,"olde":37731,"jayanti":37732,"balances":37733,"quickest":37734,"canton":37735,"fridayreads":37736,"!*":37737,"naa":37738,"aak":37739,"ðŁĶ·":37740,"behaviors":37741,"raspberries":37742,"ä»":37743,"political":37744,"camil":37745,"åľ":37746,"dik":37747,"astounding":37748,"liebe":37749,"novelty":37750,"turmoil":37751,"sully":37752,"springbreak":37753,"honouring":37754,"ccg":37755,"ðŁıĴ":37756,"mylittle":37757,"kyc":37758,"proms":37759,"ðŁķĬ":37760,"è":37761,"bige":37762,"avril":37763,"ðŁĩµðŁĩ°":37764,"marion":37765,"asants":37766,"surya":37767,"octag":37768,"lufthan":37769,"acron":37770,"fayetteville":37771,"tique":37772,"loves":37773,"enca":37774,"dekalb":37775,"taver":37776,"devote":37777,"auxiliary":37778,"johannes":37779,"treadmill":37780,"ayan":37781,"qur":37782,"donaldson":37783,"cheryl":37784,"\"....":37785,"sven":37786,"kirsty":37787,"gunners":37788,"radish":37789,"oahu":37790,"vsky":37791,"ible":37792,"concourse":37793,"bps":37794,"eloqu":37795,"ashford":37796,"tebow":37797,"roblox":37798,"mada":37799,"driving":37800,"thday":37801,"sproject":37802,"mms":37803,"banded":37804,".!!":37805,"librarians":37806,"flannel":37807,"intolerance":37808,"heral":37809,"çµ":37810,"nemesis":37811,"lista":37812,"tarak":37813,"crypt":37814,"starplus":37815,"vishnu":37816,"scale":37817,"cris":37818,"%),":37819,"jillian":37820,"reggae":37821,"pegasus":37822,"olin":37823,"ipment":37824,"manic":37825,"lfc":37826,"goddard":37827,"iteam":37828,"parlour":37829,"anchors":37830,"leeminho":37831,"tallahassee":37832,"antit":37833,"dho":37834,"kidney":37835,"yash":37836,"battled":37837,"azad":37838,"garis":37839,"faulkner":37840,"sniff":37841,"paparazzi":37842,"edm":37843,"phyllis":37844,"contested":37845,"aaay":37846,"seca":37847,"kton":37848,"velve":37849,"rainier":37850,"forum":37851,"tampab":37852,"hosp":37853,"tractors":37854,"oxfordshire":37855,"notion":37856,"guangzhou":37857,"ðŁĺ¯":37858,"refill":37859,"wednesdaymotivation":37860,"slider":37861,"mukherjee":37862,"pratt":37863,"fontaine":37864,"alphon":37865,"afar":37866,"tsi":37867,"pesticides":37868,"fiends":37869,"mocking":37870,"braw":37871,"transat":37872,"doses":37873,"cores":37874,"homophobia":37875,"documenting":37876,"zlatan":37877,"condoms":37878,"sé":37879,"sunset":37880,"kunst":37881,"tonga":37882,"ส":37883,"vation":37884,"spray":37885,"chowder":37886,"raps":37887,"palladium":37888,"norwood":37889,"musichistory":37890,"hooker":37891,"sisi":37892,"osprey":37893,"phys":37894,"conceded":37895,"bobcat":37896,"armad":37897,"zeit":37898,"ÙĦ":37899,"ðŁĺģðŁĺģ":37900,"meridi":37901,"ðŁĩ·ðŁĩº":37902,"cornwall":37903,"!),":37904,"touchdowns":37905,"zeit":37906,"chalet":37907,"mmm":37908,"alche":37909,"gorilla":37910,"foss":37911,"atiku":37912,"luminous":37913,"ivanka":37914,"beek":37915,"stares":37916,"swiss":37917,"âĿ¤âĿ¤âĿ¤âĿ¤":37918,"scrubs":37919,"meath":37920,"gustav":37921,"jogging":37922,"confetti":37923,"asos":37924,"ersfc":37925,"breitbart":37926,"applicable":37927,"authored":37928,"yaho":37929,"hin":37930,"displacement":37931,"jv":37932,"ðŁĮ¹ðŁĮ¹":37933,"otc":37934,"nonprofits":37935,"diecast":37936,"gusto":37937,"intestin":37938,"cages":37939,"meen":37940,"lukas":37941,"mooney":37942,"ðŁĺ·":37943,"veryday":37944,"torah":37945,"ission":37946,"wac":37947,"leveraging":37948,"ishable":37949,"cuse":37950,"lewood":37951,"mayan":37952,"turntable":37953,"juice":37954,"trusty":37955,"tup":37956,"etiquette":37957,"supervisors":37958,"stun":37959,"guzman":37960,"conferen":37961,"rico":37962,"feast":37963,"backward":37964,"polaris":37965,"miche":37966,"jog":37967,"hing":37968,"fieldhouse":37969,"veling":37970,"shocker":37971,"escence":37972,"ा":37973,"vibe":37974,"anastasia":37975,"marched":37976,"killing":37977,"Ķë":37978,"fett":37979,"exoplan":37980,"...(":37981,"snowday":37982,"loh":37983,"irani":37984,"lakhs":37985,"dela":37986,"pocaly":37987,"boomers":37988,"dictatorship":37989,"acer":37990,"turkeys":37991,"quarterfinal":37992,"musketeers":37993,"ðŁĴĽðŁĴļ":37994,"sfx":37995,"museumweek":37996,"scala":37997,"risis":37998,"(ðŁĵ·":37999,"ãĢĤ":38000,"zies":38001,"boeh":38002,"hues":38003,"lusci":38004,"dola":38005,"impeachtrump":38006,"rood":38007,"doncaster":38008,"torre":38009,"heroes":38010,"foyer":38011,"tari":38012,"blurred":38013,"kew":38014,"frankly":38015,"droid":38016,"apal":38017,"м":38018,"yaf":38019,"bret":38020,"paragu":38021,"cacao":38022,"ðŁĻĮðŁı¾":38023,"rue":38024,"headaches":38025,"shawty":38026,"charley":38027,"paler":38028,"gowns":38029,"correctional":38030,"ðŁĺ©ðŁĺ©":38031,"breakingbad":38032,"oling":38033,"dap":38034,"endeavour":38035,"citadel":38036,"trad":38037,"incumbent":38038,"meditate":38039,"footed":38040,"ðŁĴµ":38041,"shabbat":38042,"dayofthe":38043,"willem":38044,"galway":38045,"tored":38046,"marriage":38047,"fillion":38048,"sleeveless":38049,"auditor":38050,"jinyoung":38051,"invincible":38052,"kaduna":38053,"aand":38054,"volcanoes":38055,"moneti":38056,"indiegogo":38057,"buccaneers":38058,"ðŁijīðŁı½":38059,"ãĢĤ":38060,"layton":38061,"cuckoo":38062,"humber":38063,"buzzer":38064,"Ïī":38065,"tore":38066,"strains":38067,"stom":38068,"paine":38069,"swe":38070,"duff":38071,"zou":38072,"simi":38073,"lipp":38074,"urn":38075,"seagu":38076,"ðŁĶ®":38077,"sundae":38078,"hic":38079,"ðŁĺ¨":38080,"bullpen":38081,"uper":38082,"flyover":38083,"aldridge":38084,"globes":38085,"alies":38086,"kenzie":38087,"gees":38088,"ycle":38089,"splin":38090,"magenta":38091,"jha":38092,"balu":38093,"ghorn":38094,"tipper":38095,"wicker":38096,"tasteof":38097,"conclave":38098,"chale":38099,"invasi":38100,"cater":38101,"dioxide":38102,"megab":38103,"winn":38104,"atp":38105,"transformative":38106,"nestled":38107,"hig":38108,"bridging":38109,"lilies":38110,"cheered":38111,"baddest":38112,"scrolls":38113,"realis":38114,"diplo":38115,"ðŁĶ«":38116,"concession":38117,"preferences":38118,"explodes":38119,"ergon":38120,"introductory":38121,"ineau":38122,"chaf":38123,"somes":38124,"landrover":38125,"spiration":38126,"sexy":38127,"scorecard":38128,"illustrates":38129,"soulmate":38130,"wien":38131,"interdisciplinary":38132,"forecasting":38133,"entities":38134,"glued":38135,"enlar":38136,"curt":38137,"perceptions":38138,"bootleg":38139,"mire":38140,"ashok":38141,"vaz":38142,"horne":38143,"calle":38144,"aculture":38145,"theroy":38146,"nighttime":38147,"ocal":38148,"characterdesign":38149,"armist":38150,"ðŁĺıðŁĺı":38151,"yahoo":38152,"aceae":38153,"tose":38154,"evento":38155,"sout":38156,"nayanth":38157,"whom":38158,"vare":38159,"rigging":38160,"genus":38161,"hive":38162,"commands":38163,"stie":38164,"daya":38165,"ethanol":38166,"enf":38167,"hifi":38168,"fluence":38169,"clemson":38170,"reinvent":38171,"thermometer":38172,"humorous":38173,"emerging":38174,"ación":38175,"ðŁĺĺðŁĺį":38176,"sity":38177,"hawke":38178,"accompanying":38179,"tility":38180,"ðŁĺª":38181,"recess":38182,"protagonist":38183,"lery":38184,"dundal":38185,"intl":38186,"brittany":38187,"qbs":38188,"offthe":38189,"marriages":38190,"howto":38191,"violated":38192,"adelaide":38193,"witt":38194,"lancer":38195,"pakv":38196,"hume":38197,"stade":38198,"bragging":38199,"outright":38200,"adc":38201,"superst":38202,"realtime":38203,"cures":38204,"gardeners":38205,"erock":38206,"dalejr":38207,"vero":38208,"bartol":38209,"moti":38210,"mcfly":38211,"vpn":38212,"stink":38213,"overrated":38214,"guerra":38215,"etis":38216,"athome":38217,"twdfamily":38218,"thab":38219,"tnx":38220,"rafael":38221,"familytravel":38222,"xley":38223,"satanic":38224,"equations":38225,"rudy":38226,"waldorf":38227,"stani":38228,"tube":38229,"measles":38230,"zimmerman":38231,"obligations":38232,"iously":38233,"bowser":38234,"transformer":38235,"shoppe":38236,"shaken":38237,"ghouse":38238,"tod":38239,"ketball":38240,"shareholder":38241,"marca":38242,"kpmg":38243,"akan":38244,"givenchy":38245,"coastal":38246,"auth":38247,"rollercoaster":38248,"marches":38249,"coordinate":38250,"cinema":38251,"apprentices":38252,"parlor":38253,"mito":38254,"menon":38255,"considerable":38256,"barre":38257,"gloss":38258,"enhances":38259,"jazeera":38260,"falmouth":38261,"thrash":38262,"staten":38263,"kzn":38264,"engel":38265,"samanthap":38266,"floppy":38267,"salom":38268,"ðŁıĨðŁıĨ":38269,"wack":38270,"deliberate":38271,"oscill":38272,"heritag":38273,"dusted":38274,"ornithology":38275,"paddle":38276,"ferns":38277,"barun":38278,"clans":38279,"anticipate":38280,"aay":38281,"matically":38282,"éĩ":38283,"tumble":38284,"postman":38285,"unicef":38286,"trotter":38287,"opd":38288,"leaflet":38289,"geist":38290,"ceasefire":38291,"screws":38292,"creation":38293,"walnuts":38294,"longhorns":38295,"understatement":38296,"abb":38297,"proximity":38298,"nax":38299,"unity":38300,"turnpike":38301,"ordained":38302,"dubstep":38303,"chakra":38304,"mech":38305,"loveher":38306,"lookalike":38307,"donnein":38308,"viron":38309,"ÙĪ":38310,"bangers":38311,"variants":38312,"outdated":38313,"inta":38314,"cristo":38315,"spelt":38316,"foodand":38317,"fon":38318,"stefani":38319,"marginal":38320,"hutton":38321,"tiara":38322,"telford":38323,"quen":38324,"fairgrounds":38325,"quetta":38326,"mikhail":38327,"healer":38328,"vball":38329,"tyre":38330,"undergrad":38331,"glend":38332,"homers":38333,"scribed":38334,"maintains":38335,"poche":38336,"missal":38337,"marko":38338,"uas":38339,"án":38340,"shp":38341,"convey":38342,"padre":38343,"saba":38344,"puglia":38345,"madhuri":38346,"paxton":38347,"chaplain":38348,"nago":38349,"casi":38350,"...!!!":38351,"flirt":38352,"saleh":38353,"kare":38354,"dire":38355,"stamped":38356,"extreme":38357,"ðŁĺĥðŁĺĥ":38358,"hoppy":38359,"guadalupe":38360,"advantaged":38361,"euchar":38362,"plow":38363,"unn":38364,"macqu":38365,"portland":38366,"clash":38367,"pes":38368,"loubout":38369,"yp":38370,"keeping":38371,"arcadia":38372,"frankie":38373,"fiu":38374,"deth":38375,"encyclopedia":38376,"size":38377,"invests":38378,"ðŁį©":38379,"geological":38380,"franç":38381,"confront":38382,"ðŁĺ¥":38383,"dys":38384,"afm":38385,"texan":38386,"graphene":38387,"repostapp":38388,"acf":38389,"ursula":38390,"gaza":38391,"ddled":38392,"fum":38393,"wsbtv":38394,"mbe":38395,"frontiers":38396,"chronograph":38397,"kes":38398,"interfaith":38399,"taboo":38400,"sparta":38401,"wondo":38402,"florist":38403,"embraces":38404,"caw":38405,"noel":38406,"archers":38407,"ðŁIJ·":38408,"romano":38409,"banan":38410,"shakers":38411,"melodies":38412,"geothermal":38413,"sephora":38414,"ìļ°":38415,"од":38416,"proc":38417,"handshake":38418,"pande":38419,"populated":38420,"slowdown":38421,"hortons":38422,"registrations":38423,"undeni":38424,"lants":38425,"passover":38426,"thakur":38427,"lief":38428,"adhesive":38429,"petal":38430,"microscopy":38431,"memphis":38432,"confirming":38433,"airdrop":38434,"mesmer":38435,"perceived":38436,"mingle":38437,"lifeline":38438,"ghj":38439,"worcestershire":38440,"passions":38441,"acher":38442,"ellar":38443,"aho":38444,"firenze":38445,"barang":38446,"letterman":38447,"hatfield":38448,"lucha":38449,"jeter":38450,"eshop":38451,"williams":38452,"horoscope":38453,"prede":38454,"eastbourne":38455,"durga":38456,"diversion":38457,"altrin":38458,"seismic":38459,"premiosm":38460,"narco":38461,"tir":38462,"orig":38463,"orm":38464,"landfall":38465,"cious":38466,"lindo":38467,"maxine":38468,"xico":38469,"tray":38470,"oswald":38471,"cba":38472,"ricotta":38473,"ncr":38474,"marau":38475,"า":38476,"gladiator":38477,"chery":38478,"lung":38479,"ume":38480,"popsic":38481,"longing":38482,"canals":38483,"taya":38484,"decentralized":38485,"shopp":38486,"pressures":38487,"maharaj":38488,"etihad":38489,"walgreens":38490,"succession":38491,"signaling":38492,"lig":38493,"staffer":38494,"northkorea":38495,"defying":38496,"asma":38497,"deg":38498,"perimeter":38499,"oakville":38500,"msk":38501,"baltimore":38502,"receip":38503,"deple":38504,"ðŁĺŃðŁĺĤ":38505,"jamboree":38506,">.<":38507,"rspb":38508,"punisher":38509,"considerably":38510,"intothe":38511,"parisian":38512,"accelerated":38513,"polyester":38514,"lowes":38515,"frying":38516,"sautéed":38517,"mouths":38518,"seychelles":38519,"rax":38520,"godis":38521,"dakota":38522,"housewives":38523,"theme":38524,"matinee":38525,"blackbird":38526,"yesung":38527,"prefers":38528,"pellegr":38529,"inated":38530,"trunks":38531,"strongertogether":38532,"repet":38533,"repairing":38534,"pedals":38535,"tolerant":38536,"herr":38537,"dunne":38538,"indication":38539,"decatur":38540,"btv":38541,"exhibitors":38542,"ikon":38543,"fridaymotivation":38544,"bragg":38545,"livetweet":38546,"alves":38547,"womensart":38548,"foreigners":38549,"wallets":38550,"mindy":38551,"laney":38552,"bbin":38553,"tvmiaw":38554,"lifter":38555,"target":38556,"tame":38557,"drou":38558,"astrophotography":38559,"mpc":38560,"gpu":38561,"nordstrom":38562,"friction":38563,"runoff":38564,"lovable":38565,"spnfamily":38566,"extingui":38567,"bloody":38568,"schel":38569,"artistry":38570,"swish":38571,"scarce":38572,"phils":38573,"maxim":38574,"possum":38575,"compromised":38576,"styli":38577,"scfc":38578,"issa":38579,"birmingham":38580,"sketched":38581,"angelica":38582,"ordinance":38583,"jets":38584,"conquer":38585,"ðŁĺIJ":38586,"onlineshopping":38587,"sori":38588,"reasonably":38589,"nuestro":38590,"arturo":38591,"chl":38592,"benefici":38593,"sphoto":38594,"welt":38595,"nikk":38596,"ð٤ŀ":38597,"danao":38598,"formid":38599,"asse":38600,"afirst":38601,"âľĤ":38602,"gillette":38603,"assor":38604,"anonym":38605,"selca":38606,"femi":38607,"bearable":38608,"yand":38609,"armory":38610,"crepe":38611,"celticfc":38612,"bravo":38613,"inexpensive":38614,"delec":38615,"gecko":38616,"newmarket":38617,"snowflakes":38618,"kabir":38619,"contra":38620,"canning":38621,"morpho":38622,"garwal":38623,"ðŁĴĥðŁı»":38624,"fighting":38625,"mutation":38626,"woody":38627,"jugg":38628,"graces":38629,"premiosmtvmiaw":38630,"kennedy":38631,"gup":38632,"sae":38633,"opha":38634,"offspring":38635,"finisher":38636,"betts":38637,"spanning":38638,"marj":38639,"hone":38640,"shing":38641,"continents":38642,"samanthaprabhu":38643,"unrelated":38644,"lacy":38645,"explosions":38646,"benjamin":38647,"sophie":38648,"noting":38649,"microsoft":38650,"assen":38651,"ahoy":38652,"iker":38653,"hofer":38654,"moe":38655,"ahmadi":38656,"yann":38657,"anak":38658,"mahi":38659,"beu":38660,"ahah":38661,"creeper":38662,"baahubali":38663,"amat":38664,"priory":38665,"hawkeye":38666,"deloitte":38667,"skoda":38668,"printmaking":38669,"assembling":38670,"miraculous":38671,"noch":38672,"swo":38673,"lega":38674,"operates":38675,"borderlands":38676,"elie":38677,"strongh":38678,"reptiles":38679,"pirate":38680,"unfold":38681,"¯":38682,"qualcomm":38683,"unpredictable":38684,"otr":38685,"rosewood":38686,"directional":38687,"counselors":38688,"cornell":38689,"liberated":38690,"jad":38691,"irregular":38692,"bulgarian":38693,"highness":38694,"vodafone":38695,"swild":38696,"minimize":38697,"grazie":38698,"à¹ĩ":38699,"rstats":38700,"streep":38701,"ometric":38702,"humble":38703,"lump":38704,"lille":38705,"bü":38706,"homedepot":38707,"tripadvisor":38708,"kiwan":38709,"avia":38710,"erz":38711,"exico":38712,"duf":38713,"blumen":38714,"mizing":38715,"arma":38716,"inim":38717,"constan":38718,"sora":38719,"jual":38720,"aun":38721,"twell":38722,"trenches":38723,"hera":38724,"rk":38725,"poplar":38726,"recipeoftheday":38727,"llan":38728,"bhuban":38729,"shortages":38730,"ingdon":38731,"bridgewater":38732,"ðŁIJĺ":38733,"fortnite":38734,"camden":38735,"uncture":38736,"prow":38737,"colonies":38738,"tks":38739,"ngo":38740,"bhm":38741,"livepd":38742,"splace":38743,"slike":38744,"happyeaster":38745,"terrence":38746,"revolver":38747,"jed":38748,"yyyy":38749,"officeof":38750,"mts":38751,"existential":38752,"rourke":38753,"explorebc":38754,"ssed":38755,"priest":38756,"vixen":38757,"siding":38758,"kpa":38759,"ahar":38760,"juic":38761,"obstruc":38762,"forensics":38763,"ukmfg":38764,"cancellation":38765,"weary":38766,"abq":38767,"elec":38768,"prized":38769,"debts":38770,"mezz":38771,"salvatore":38772,"mdc":38773,"grette":38774,"cgc":38775,"thon":38776,"snowstorm":38777,"tsch":38778,"cookery":38779,"å¹":38780,"waxing":38781,"nacional":38782,"murs":38783,"rave":38784,"capes":38785,"germain":38786,"dripping":38787,"submitting":38788,"omelette":38789,"iteration":38790,"ajes":38791,"shimmer":38792,"fueling":38793,"ðŁĩ§ðŁĩª":38794,"lipo":38795,"bobble":38796,"unfollow":38797,"islamist":38798,"hiber":38799,"cats":38800,"agentsofshield":38801,"sensi":38802,"_____":38803,"steria":38804,"instal":38805,"auspicious":38806,"harrow":38807,"overland":38808,"feminists":38809,"instant":38810,"chariot":38811,"blindness":38812,"sped":38813,"scarec":38814,"nuit":38815,"miniatures":38816,"hoseok":38817,"glock":38818,"fifaworldcup":38819,"ete":38820,"dism":38821,"weiner":38822,"exfoli":38823,"earts":38824,"à¸Ķ":38825,"myart":38826,"manil":38827,"issant":38828,"forma":38829,"incu":38830,"buffalob":38831,"intim":38832,"mccul":38833,"anjali":38834,"popo":38835,"undoub":38836,"hila":38837,"fungal":38838,"thankful":38839,"futur":38840,"endish":38841,"rends":38842,"thar":38843,"sheff":38844,"ringo":38845,"nicholls":38846,"iowa":38847,"potom":38848,"clams":38849,"ãģĦ":38850,"aconf":38851,"stadiums":38852,"dimp":38853,"dik":38854,"residences":38855,"dov":38856,"caricature":38857,"seagull":38858,"klm":38859,"confess":38860,"slapped":38861,"celeb":38862,"turbines":38863,"ppv":38864,"nurture":38865,"elab":38866,".....#":38867,"tuff":38868,"depress":38869,"alfar":38870,"amiibo":38871,"dispon":38872,"ewing":38873,"queer":38874,"friends":38875,"forre":38876,"âĺ¼":38877,"swt":38878,"aquarius":38879,"headliner":38880,"curd":38881,"figs":38882,"otters":38883,"lovefl":38884,"kareem":38885,"govegan":38886,"friyay":38887,"consolation":38888,"atri":38889,"ì§Ħ":38890,"âĺĿï¸ı":38891,"polyne":38892,"gued":38893,"oya":38894,"laus":38895,"intestinal":38896,"camilla":38897,"scalp":38898,"pir":38899,"leeds":38900,"horrifying":38901,"boretum":38902,"dandelion":38903,"ferrer":38904,"ellic":38905,"asx":38906,"soren":38907,"reloaded":38908,"aleague":38909,"navigator":38910,"inette":38911,"addams":38912,"alchemist":38913,"akshay":38914,"dystopian":38915,"awec":38916,"naya":38917,"alisa":38918,"ailed":38919,"agor":38920,"aviator":38921,"alizer":38922,"smobile":38923,"findyourpark":38924,"copying":38925,"toddy":38926,"shti":38927,"monger":38928,"calhoun":38929,"napkin":38930,"breakup":38931,"yatra":38932,"sethu":38933,"richi":38934,"erasmus":38935,"ferry":38936,"amore":38937,"practise":38938,"bobo":38939,"powerpoint":38940,"oose":38941,"liffe":38942,"china":38943,"shka":38944,"fadnavis":38945,"duane":38946,"waron":38947,"false":38948,"ðŁļĤ":38949,"washes":38950,"discip":38951,"========":38952,"gk":38953,"abb":38954,"stubborn":38955,"medieval":38956,"pci":38957,"ðŁįª":38958,"marilyn":38959,"hyo":38960,"mandi":38961,"cri":38962,"predecess":38963,"continuation":38964,"omusic":38965,"slat":38966,"whal":38967,"mallory":38968,"bonn":38969,"shenzhen":38970,"cai":38971,"âĺĥ":38972,"safest":38973,"forwards":38974,"drawers":38975,"blasted":38976,"slee":38977,"morphe":38978,"mbta":38979,"dumbass":38980,"ÑĦоÑĤо":38981,"alhamdulillah":38982,"eclub":38983,"albeit":38984,"healey":38985,"ayurveda":38986,"advertised":38987,"crocs":38988,"ittles":38989,"bryson":38990,"bei":38991,"njpw":38992,"honoree":38993,"fused":38994,"ðŁĶĺ":38995,"multin":38996,"naga":38997,"departs":38998,"kop":38999,"kino":39000,"jharkhand":39001,"edna":39002,"axle":39003,"milton":39004,"supremacist":39005,"marrakech":39006,"dominic":39007,"transcript":39008,"][#":39009,":).":39010,"woc":39011,"surrounds":39012,"ogil":39013,"leaflets":39014,"cowell":39015,"whew":39016,"trude":39017,"prolifer":39018,"succes":39019,"sportsman":39020,"condom":39021,"poche":39022,"kup":39023,"imprisonment":39024,"{}":39025,"scrambled":39026,"åĽ":39027,"kaine":39028,"cellphone":39029,"metamor":39030,"coni":39031,"remnants":39032,"eez":39033,"downpour":39034,"afternoon":39035,"exercising":39036,"berser":39037,"architecture":39038,"wicklow":39039,"mns":39040,"isp":39041,"boc":39042,"niss":39043,"mnwild":39044,"stumble":39045,"rsi":39046,"luffy":39047,"silen":39048,"ddad":39049,"bullies":39050,"hawker":39051,"bbcc":39052,"scuba":39053,"epp":39054,"quets":39055,"foraging":39056,"pallet":39057,"hadi":39058,"cinematographer":39059,"catchers":39060,"toaster":39061,"khi":39062,"litecoin":39063,"kidlit":39064,"amherst":39065,"mauricio":39066,"ipad":39067,"marmalade":39068,"fey":39069,"donnelly":39070,"gto":39071,"estas":39072,"cerebral":39073,"antgrasso":39074,"zzled":39075,"virgil":39076,"swapped":39077,"ðŁĺħðŁĺħ":39078,"nodapl":39079,"greatest":39080,"nhlbruins":39081,"fraser":39082,"bmo":39083,"anew":39084,".âĿ¤ï¸ı":39085,"segregation":39086,"remarkably":39087,"mccormick":39088,"logger":39089,"eras":39090,"contracting":39091,"âłĢâłĢ":39092,"yorks":39093,"ukulele":39094,"touchscreen":39095,"decked":39096,"benn":39097,"southwark":39098,"ravin":39099,"numis":39100,"ð٤Ļ":39101,"rut":39102,"greco":39103,"ethic":39104,"redneck":39105,"arr":39106,"tcs":39107,"ihri":39108,"ðŁĩ«ðŁĩ·":39109,"lk":39110,"inherited":39111,"zyk":39112,"viaduct":39113,"martyred":39114,"higu":39115,"ssn":39116,"bein":39117,"streetstyle":39118,"fergie":39119,"bankof":39120,"æĹ¥":39121,"stakeholder":39122,"exemplary":39123,"cress":39124,"essa":39125,"erotica":39126,"intrepid":39127,"gomes":39128,"braun":39129,"bethany":39130,"bangtan":39131,"pulmonary":39132,"milling":39133,"doctorate":39134,"trumprussia":39135,"र":39136,"sani":39137,"blatt":39138,"plau":39139,"deprived":39140,"tle":39141,"fully":39142,"bourn":39143,"stak":39144,"lufthansa":39145,"kiosk":39146,"faroo":39147,"defy":39148,"badan":39149,"ðŁĺĺâĿ¤ï¸ı":39150,"ritz":39151,"trisha":39152,"rands":39153,"middlesex":39154,"arabs":39155,"proj":39156,"sportscenter":39157,"repeats":39158,"ivf":39159,"bleedblue":39160,"assure":39161,"obs":39162,"territorial":39163,"elen":39164,"beverley":39165,"annah":39166,"âĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ıâĿ¤ï¸ı":39167,"zl":39168,"forgood":39169,"sciencefiction":39170,"glau":39171,"sonya":39172,"prith":39173,"stweets":39174,"mixers":39175,"mario":39176,"antelope":39177,"writingcommunity":39178,"wentz":39179,"denham":39180,"bedi":39181,"sfo":39182,"harleydavidson":39183,"lookbook":39184,"immunotherapy":39185,"orphe":39186,"esville":39187,"edged":39188,"task":39189,"sbball":39190,"corrosion":39191,"kilometers":39192,"costing":39193,"playback":39194,"keke":39195,"divisi":39196,"uter":39197,"relocation":39198,"yelled":39199,"peng":39200,"upbeat":39201,"serve":39202,"âļł":39203,"halen":39204,"stirring":39205,"rehman":39206,"env":39207,"schumacher":39208,"fragment":39209,"alkaline":39210,"sbk":39211,"resili":39212,"sharepoint":39213,"rollover":39214,"trash":39215,"counterpart":39216,"âĻ«":39217,"obitu":39218,"à½":39219,"ãĤ¹":39220,"mulberry":39221,"ðŁİĨ":39222,"autonomy":39223,"spraying":39224,"natl":39225,"loveyou":39226,"franki":39227,"nuk":39228,"escar":39229,"canteen":39230,"alibaba":39231,"deplor":39232,"molecule":39233,"pud":39234,"fortnight":39235,"blondie":39236,"sphin":39237,"portrayal":39238,"tache":39239,"bute":39240,"consisting":39241,"freepalestine":39242,"csp":39243,"immort":39244,"dns":39245,"ðŁĴ¥ðŁĴ¥":39246,"tourde":39247,"cooking":39248,"archival":39249,"gathers":39250,"bitt":39251,"banc":39252,"premature":39253,"snowball":39254,"poetryday":39255,"loudly":39256,"fugitive":39257,"eday":39258,"emra":39259,"ðŁĩ¸ðŁĩª":39260,"scien":39261,"nodejs":39262,"jurgen":39263,"jeong":39264,"bandana":39265,"unis":39266,"foxsports":39267,"vandy":39268,"provisions":39269,"weep":39270,"tuk":39271,"iko":39272,"houn":39273,"ziggy":39274,"zr":39275,"fillet":39276,"bata":39277,"tink":39278,"cone":39279,"wewant":39280,"kilo":39281,"horace":39282,"slt":39283,"sct":39284,"staytuned":39285,"victoria":39286,"umbria":39287,"attacker":39288,"inghamshire":39289,"frightening":39290,"noir":39291,"frat":39292,"contempt":39293,"liaison":39294,"hoi":39295,"brink":39296,"trill":39297,"niagar":39298,"kickass":39299,"dundas":39300,"notmy":39301,"rhode":39302,"bumble":39303,"noxi":39304,"fag":39305,"spectators":39306,"mancrushmonday":39307,"jinping":39308,"distract":39309,"daisy":39310,"walden":39311,"portrait":39312,"arthistory":39313,"voltron":39314,"evel":39315,"isc":39316,"acm":39317,"rite":39318,"nao":39319,"deported":39320,"sweats":39321,"rufus":39322,"lobo":39323,"laborday":39324,"gamo":39325,"ihrithik":39326,"blit":39327,"abdominal":39328,"ãħ¤ãħ¤ãħ¤ãħ¤":39329,"iit":39330,"eq":39331,"busy":39332,"alluarjun":39333,"undisclosed":39334,"deton":39335,"procreate":39336,"kil":39337,"ðŁİĤðŁİĤ":39338,"mitchell":39339,"kii":39340,"inheritance":39341,"alp":39342,"joburg":39343,"patrolling":39344,"compulsory":39345,"unsigned":39346,"niam":39347,"lga":39348,"eshopsuk":39349,"trilli":39350,"maw":39351,"appreciating":39352,"rockab":39353,"mañana":39354,"antal":39355,"malvern":39356,"royo":39357,"grandprix":39358,"sutton":39359,"goftheday":39360,"digi":39361,"ãħĭãħĭãħĭãħĭ":39362,"tles":39363,"varanasi":39364,"erected":39365,"disciples":39366,"contact":39367,"ðŁĺµ":39368,"lid":39369,"â¬ĩ":39370,"scentre":39371,"radiator":39372,"ingtips":39373,"transitions":39374,"thursdaymotivation":39375,"chemical":39376,"separati":39377,"salis":39378,"mim":39379,"geographical":39380,"bookfest":39381,"/.":39382,"âľĭ":39383,"vae":39384,"currie":39385,"aggarwal":39386,"acceleration":39387,"theses":39388,"lgm":39389,"umass":39390,"proportions":39391,"nata":39392,"anians":39393,"kuch":39394,"beacons":39395,"apr":39396,"@#":39397,"ðŁĴªðŁı¾":39398,"nuke":39399,"sheraton":39400,"kio":39401,"makati":39402,"politico":39403,"morale":39404,"ìĻ":39405,"economically":39406,"ggly":39407,"ssen":39408,"pastries":39409,"internships":39410,"vicente":39411,"fantaken":39412,"avengers":39413,"accuse":39414,"sleepover":39415,"indicated":39416,"thedream":39417,"sterone":39418,"renders":39419,"frost":39420,"oui":39421,"gregg":39422,"dore":39423,"⾨⾨⾨":39424,"pugs":39425,"saty":39426,"numb":39427,"hemsworth":39428,"tami":39429,"lassic":39430,"schiff":39431,"iglesias":39432,"agawa":39433,"]\"":39434,"reshi":39435,"gamestop":39436,"divorced":39437,"theater":39438,"claudi":39439,"unconventional":39440,"prophets":39441,"acin":39442,"twelf":39443,"towering":39444,"tml":39445,"sclerosis":39446,"kwan":39447,"gets":39448,"disturb":39449,"naira":39450,"energ":39451,"piracy":39452,"pruitt":39453,"notified":39454,"henna":39455,"bram":39456,"groundwater":39457,"bls":39458,"optimis":39459,"$)":39460,"lucie":39461,"bizhour":39462,"fangirling":39463,"grills":39464,"orl":39465,"verse":39466,"cina":39467,"lawless":39468,"artistsontwitter":39469,"televised":39470,"marshmallows":39471,"radiohead":39472,"barr":39473,"mfc":39474,"brevi":39475,"mmorpg":39476,"gaya":39477,"âĸ«":39478,"subtitles":39479,"jt":39480,"disneyland":39481,"tobago":39482,"nhm":39483,"groove":39484,"fiawec":39485,"\"/":39486,"bao":39487,"scrabble":39488,"omni":39489,"ffl":39490,"umc":39491,"simba":39492,"alier":39493,"terrell":39494,"plume":39495,"midi":39496,"dignit":39497,"coc":39498,"brut":39499,"adata":39500,"alchemy":39501,"dsm":39502,"ðŁĺĨðŁĺĨ":39503,"wintry":39504,"spares":39505,"cuer":39506,"conclusions":39507,"toys":39508,"odor":39509,"flann":39510,"garvey":39511,"scriptions":39512,"inspections":39513,"catap":39514,"anglo":39515,"stlouis":39516,"heimer":39517,"atay":39518,"trich":39519,"enyc":39520,"childs":39521,"ventil":39522,"montp":39523,"guillermo":39524,"circulare":39525,"zell":39526,"modeled":39527,"craftsman":39528,"alina":39529,"stimulation":39530,"cashew":39531,"judas":39532,"bestof":39533,"toire":39534,"suspends":39535,"scollege":39536,"realising":39537,"bytes":39538,"bloods":39539,"assi":39540,"ðŁĴ¿":39541,"ohs":39542,"ðŁįĭ":39543,"scallop":39544,"व":39545,"gifting":39546,"camogie":39547,"wilkes":39548,"ozzy":39549,"ðŁ¤¤":39550,"veronic":39551,"savoy":39552,"demetri":39553,"babygirl":39554,"ðŁĺįðŁĺŃ":39555,"sox":39556,"clyde":39557,"inductee":39558,"countdown":39559,"selfcare":39560,"à¤ľ":39561,"vika":39562,"torre":39563,"phdchat":39564,"pears":39565,"awh":39566,"suffrage":39567,"lesn":39568,"admiration":39569,"mpp":39570,"sharkweek":39571,"schulz":39572,"santorini":39573,"clover":39574,"(*":39575,"strasbourg":39576,"exiting":39577,"soyu":39578,"fingerprint":39579,"chea":39580,"ãĢľ":39581,"vindic":39582,"songwriters":39583,"soa":39584,"prouder":39585,"nama":39586,"=))":39587,"simplest":39588,"deliciously":39589,"gilles":39590,"uq":39591,"mnwx":39592,"epp":39593,"shun":39594,"kennel":39595,"fallon":39596,"ðŁIJ£":39597,"sind":39598,"tragically":39599,"outes":39600,"modernism":39601,"coke":39602,"gyn":39603,"spion":39604,"âĺ¹ï¸ı":39605,"leam":39606,"compressor":39607,"apologise":39608,"twentyon":39609,"fanatics":39610,"âĻ»":39611,"scotsman":39612,"sawa":39613,"kou":39614,"aser":39615,"à¸ļ":39616,"welterweight":39617,"phenom":39618,"twickenham":39619,"stria":39620,"pout":39621,"kaz":39622,"giam":39623,"cdp":39624,"hoy":39625,"employ":39626,"redmond":39627,"à¸Ħà¸":39628,"smere":39629,"trancefamily":39630,"protocols":39631,"piece":39632,"luiz":39633,"iteracy":39634,"carls":39635,"unitedstates":39636,"harmed":39637,"phdlife":39638,"chaw":39639,"footprints":39640,"lé":39641,"choker":39642,"zana":39643,"slipper":39644,"ericsson":39645,"insulting":39646,"artichoke":39647,"advising":39648,"acquisitions":39649,"opor":39650,"mutations":39651,"rear":39652,"à¥ģ":39653,"podcast":39654,"wither":39655,"kung":39656,"íĺ¸":39657,"winslow":39658,"diapers":39659,"ðŁĵ¸@":39660,"ecker":39661,"collar":39662,"huey":39663,"giro":39664,"monogram":39665,"kasich":39666,"siveness":39667,"malaysi":39668,"aromatic":39669,"gres":39670,"galileo":39671,"uji":39672,"robb":39673,"drm":39674,"nonetheless":39675,"asa":39676,":>":39677,"loa":39678,"lnp":39679,"atwork":39680,"agt":39681,"lakshmi":39682,"pipelines":39683,"idal":39684,"strel":39685,"reall":39686,"chainz":39687,"stonewall":39688,"sansk":39689,"ðŁı´":39690,"piedmont":39691,"hostess":39692,"ciu":39693,"té":39694,"analyses":39695,"wilhelm":39696,"scotty":39697,"rwby":39698,"mosquit":39699,"usemb":39700,"quins":39701,"ðŁijİ":39702,"tucker":39703,"sconf":39704,"specifications":39705,"psychiatry":39706,"brookes":39707,"sils":39708,"olaf":39709,"deto":39710,"codi":39711,"clip":39712,"filth":39713,"womancrushwednesday":39714,"goto":39715,"angerous":39716,"beale":39717,"wtc":39718,"panelist":39719,"nex":39720,"larsen":39721,"emilio":39722,"tableau":39723,"hitters":39724,"conceived":39725,"americani":39726,"ortega":39727,"mardi":39728,"Ñĥ":39729,"paintball":39730,"thirsty":39731,"newyorker":39732,"etisation":39733,"goss":39734,"weaker":39735,"ugh":39736,"troll":39737,"harga":39738,"dual":39739,"ghtning":39740,"atine":39741,"ðŁĺİðŁĺİðŁĺİ":39742,"cookout":39743,"pyrenees":39744,"poss":39745,"authentication":39746,"sportswear":39747,"yunho":39748,"kiro":39749,"archipel":39750,"shenko":39751,"render":39752,"novation":39753,"divinity":39754,"ðŁij£":39755,"sufi":39756,"humbling":39757,"geopol":39758,"devotees":39759,"waitress":39760,"trough":39761,"pyro":39762,"iba":39763,"bling":39764,"graf":39765,"epilots":39766,"btr":39767,"oftball":39768,"basking":39769,"dominos":39770,"soom":39771,"rath":39772,"sheryl":39773,"quel":39774,"astronomical":39775,"weld":39776,"tracklist":39777,"signee":39778,"sleepless":39779,"comman":39780,"chron":39781,"summon":39782,"puremichigan":39783,"crispr":39784,"slip":39785,"lagi":39786,"raq":39787,"umu":39788,"thalap":39789,"charmed":39790,"scrump":39791,"quadcopter":39792,"skip":39793,"petersen":39794,"muni":39795,"ðŁĮ¾":39796,"monaghan":39797,"trays":39798,"icked":39799,"canadaday":39800,"tegr":39801,"�":39802,"hotness":39803,"heavymetal":39804,"abar":39805,"gopdebate":39806,"azul":39807,"spiderman":39808,"sunflowers":39809,"ľë":39810,"webcomics":39811,"bard":39812,"в":39813,"nicholas":39814,"slush":39815,"raman":39816,"markham":39817,"fficial":39818,"ffler":39819,"íĬ¸":39820,"pless":39821,"anushka":39822,"toto":39823,"skaters":39824,"prowrestling":39825,"competes":39826,"ayala":39827,"mystery":39828,"thrills":39829,"mpg":39830,"independently":39831,"yul":39832,"imperative":39833,"formidable":39834,"tireless":39835,"stacking":39836,"tongues":39837,"maltese":39838,"potts":39839,"matti":39840,"charting":39841,"chillout":39842,"supernova":39843,"omeo":39844,"skysports":39845,"nutty":39846,"ðŁĹĵï¸ı":39847,"rohan":39848,"inspired":39849,"concierge":39850,"serra":39851,"makk":39852,"galat":39853,"chipp":39854,"yev":39855,"ì£":39856,"reimbur":39857,"opul":39858,"kimberley":39859,"ieee":39860,"bremen":39861,"chitec":39862,"orin":39863,"naku":39864,"bonkers":39865,"footy":39866,"emergence":39867,"ðŁĨĺ":39868,"stip":39869,"sergei":39870,"zoey":39871,"aime":39872,"would":39873,"dyes":39874,"destiny":39875,"vinaigrette":39876,"drier":39877,"circulareconomy":39878,"anarchi":39879,"ssr":39880,"schel":39881,"ciner":39882,"groom":39883,"determining":39884,"garmin":39885,"calais":39886,"incarceration":39887,"bukit":39888,"noi":39889,"chelmsford":39890,"mckinley":39891,"chipped":39892,"belonged":39893,"tumors":39894,"stroud":39895,"mii":39896,"influenza":39897,"wwenxt":39898,"tundra":39899,"telecommunications":39900,"catsofinstagram":39901,"tages":39902,"beatty":39903,"odu":39904,"mlkday":39905,"ooper":39906,"dangle":39907,"akley":39908,"crumb":39909,"antigua":39910,"timbers":39911,"rouhani":39912,"ðŁĴªðŁĴªðŁĴª":39913,"hafi":39914,"...!!":39915,"wcs":39916,"coop":39917,"snc":39918,"litres":39919,"ãĢĬ":39920,"haz":39921,"coz":39922,"kant":39923,"greenfield":39924,"curti":39925,"yale":39926,"flyeagles":39927,"whatsoever":39928,"worthing":39929,"roulette":39930,"flyeaglesfly":39931,"unda":39932,"ainted":39933,"standing":39934,"luscious":39935,"hpc":39936,"efficacy":39937,"ashland":39938,"meghan":39939,"kywx":39940,"npr":39941,"bathtub":39942,"acos":39943,"hani":39944,"marcor":39945,"mantis":39946,"daisi":39947,"boba":39948,"abbie":39949,"mutil":39950,"vial":39951,"spyder":39952,"poz":39953,"gti":39954,"elfie":39955,"nightw":39956,"metroid":39957,"antoni":39958,"maddie":39959,"dhry":39960,"darlings":39961,"tends":39962,"taekwondo":39963,"atlanta":39964,"meow":39965,"chloe":39966,"ãĥİ":39967,"ymes":39968,"siberia":39969,"kcon":39970,"gues":39971,"mariner":39972,"facil":39973,"azzle":39974,"[...":39975,"hannover":39976,"bavaria":39977,"virgo":39978,"teuk":39979,"usps":39980,")#":39981,"walla":39982,"sampson":39983,"needless":39984,"verbally":39985,"hayley":39986,"bowled":39987,"pius":39988,"lampard":39989,"hamstring":39990,"volvo":39991,"roadsafety":39992,"choking":39993,"sorbet":39994,"ahem":39995,"healthyfood":39996,"braided":39997,"horticulture":39998,"crative":39999,"cheek":40000,"addo":40001,"theforce":40002,"koko":40003,"schizoph":40004,"jie":40005,"wada":40006,"twentyonepilots":40007,"hbcu":40008,"proton":40009,"pauls":40010,"louisa":40011,"latam":40012,"kyrgy":40013,"compac":40014,"sdk":40015,"sapi":40016,"???":40017,"liberalism":40018,"epsilon":40019,"aiden":40020,"wusa":40021,"sprayed":40022,"basketball":40023,"kimono":40024,"bluewave":40025,"alias":40026,"ë§Ī":40027,"mugshot":40028,"cec":40029,"dogre":40030,"adora":40031,"ðŁĵ·@":40032,"krakow":40033,"intrigued":40034,"exhausting":40035,"astronomer":40036,"venison":40037,"ladybug":40038,"civ":40039,"brae":40040,"usm":40041,"bribe":40042,"acupuncture":40043,"pembroke":40044,"keating":40045,"chie":40046,"yad":40047,"tsi":40048,"smi":40049,"seeding":40050,"gateshead":40051,"lisboa":40052,"gyp":40053,"canvass":40054,"ðŁĶ´âļªï¸ı":40055,"opi":40056,"nir":40057,"societal":40058,"lyte":40059,"aties":40060,"csm":40061,"artery":40062,"alin":40063,"akapoor":40064,"abstracts":40065,"â̦â̦":40066,"teenwolf":40067,"newe":40068,"travelgram":40069,"sentimental":40070,"perched":40071,"handel":40072,"hoek":40073,"fay":40074,"coordinating":40075,"animate":40076,"manian":40077,"effort":40078,"jerky":40079,"fck":40080,"adrienne":40081,"mably":40082,"trading":40083,"myel":40084,"spiro":40085,"sola":40086,"storing":40087,"overdrive":40088,"mondaymorning":40089,"dreamteam":40090,"pulse":40091,"bondi":40092,"bernie":40093,"pgatour":40094,"tripoli":40095,"sonam":40096,"platt":40097,"âļ¡":40098,"agroup":40099,"îIJĴ":40100,"invading":40101,"vcu":40102,"kell":40103,"ños":40104,"undead":40105,"podcasting":40106,"mercedesam":40107,"manafort":40108,"cortex":40109,"queso":40110,"impeccable":40111,"palmer":40112,"wildoz":40113,"sportsc":40114,"guacamole":40115,"dispenser":40116,"categori":40117,"stunts":40118,"peril":40119,"invitations":40120,"dunedin":40121,"xie":40122,"achieves":40123,"safer":40124,"preds":40125,"phan":40126,"knuckles":40127,"kak":40128,"ignores":40129,"lovemyjob":40130,"aruba":40131,"oundation":40132,"datacenter":40133,"covert":40134,"gring":40135,"couple":40136,"ار":40137,"voli":40138,"mccle":40139,"artisans":40140,"ludo":40141,"kalam":40142,"aroma":40143,"undertaker":40144,"hula":40145,"wizkid":40146,"gumb":40147,"godfrey":40148,"bakersfield":40149,"kern":40150,"engineer":40151,"carve":40152,"palin":40153,"guarantees":40154,"pebbles":40155,"bays":40156,"zieg":40157,"fink":40158,"â¬ĩï¸ıâ¬ĩï¸ı":40159,"downpours":40160,"rochelle":40161,"raspberry":40162,"ðŁĺ®":40163,"graphies":40164,"stomp":40165,"cafes":40166,"arized":40167,"uttar":40168,"calvary":40169,"drie":40170,"crusader":40171,"busan":40172,"tuxedo":40173,"siu":40174,"seamus":40175,"cultured":40176,"blanchard":40177,"townhouse":40178,"gered":40179,"buttermilk":40180,"fluctu":40181,"rogerfederer":40182,"heli":40183,"ð٦ĥ":40184,"uous":40185,"ramesh":40186,"muppets":40187,"emailmarketing":40188,"yess":40189,"brice":40190,"rizio":40191,"pelo":40192,"donneinarte":40193,"urable":40194,"investin":40195,"bumping":40196,"rajiv":40197,"sava":40198,"thrower":40199,"forex":40200,"ohhhh":40201,"thrust":40202,"pullman":40203,"rfid":40204,"sepsis":40205,"leed":40206,"fright":40207,"rounding":40208,"neb":40209,"phins":40210,"aisha":40211,"utilizing":40212,"squats":40213,"goldsmith":40214,"jic":40215,"boks":40216,"vaus":40217,"ipo":40218,"exclusion":40219,"tariff":40220,"pokes":40221,"minal":40222,"lands":40223,"enforce":40224,"washingtondc":40225,"orchar":40226,"gx":40227,"marys":40228,"eyour":40229,"aussie":40230,"bakers":40231,"unpopular":40232,"latinos":40233,"large":40234,"putnam":40235,"bolo":40236,"wade":40237,"pelo":40238,"dizz":40239,"obstruction":40240,"flappy":40241,"wearethe":40242,"dependence":40243,"pajama":40244,"ete":40245,"yann":40246,"ewan":40247,"discla":40248,"aay":40249,"karina":40250,"eic":40251,"antrim":40252,"wsoc":40253,"negatively":40254,"kaido":40255,"fotografia":40256,"dhru":40257,"colossal":40258,"mcleod":40259,"kwang":40260,"manipu":40261,"exhilar":40262,"usatoday":40263,"summerslam":40264,"coles":40265,"taproom":40266,"unbeatable":40267,"dema":40268,"ticks":40269,"kling":40270,"fils":40271,"campaigners":40272,"à¸ķ":40273,"brewster":40274,"audubon":40275,"quay":40276,"chs":40277,"kigali":40278,"dler":40279,"strengthens":40280,"somal":40281,"signingday":40282,"golds":40283,"pigment":40284,"orchestral":40285,"gq":40286,"linkin":40287,"ðŁıĩ":40288,"taw":40289,"algarve":40290,"hov":40291,"earle":40292,"goldfish":40293,"amig":40294,"exer":40295,"benin":40296,"druid":40297,"ðŁIJ¸":40298,"shem":40299,"quattro":40300,"mercen":40301,"mente":40302,"incorporating":40303,"bonanza":40304,"statefair":40305,"ende":40306,"conceptions":40307,"ees":40308,"âĻ¥ï¸ıâĻ¥ï¸ı":40309,"dson":40310,"firearm":40311,"orbital":40312,"weh":40313,"multip":40314,"fob":40315,"requiem":40316,"plight":40317,"thouse":40318,"said":40319,"ocre":40320,"remembrance":40321,"nold":40322,"chipping":40323,"bev":40324,"ert":40325,"cathy":40326,"sym":40327,"riggs":40328,"mley":40329,"dialogues":40330,"slender":40331,"howl":40332,"gauteng":40333,"wdw":40334,"tobi":40335,"smokes":40336,"implo":40337,"bpm":40338,"adn":40339,"mombasa":40340,"capsul":40341,"bloomfield":40342,"articul":40343,"cleo":40344,"googled":40345,"fluffy":40346,"lard":40347,"enzyme":40348,"vesti":40349,"ibrahi":40350,"flame":40351,"emea":40352,"outages":40353,"dispropor":40354,"bleak":40355,"ansel":40356,"icker":40357,"stlouis":40358,"stockmarket":40359,"goodfriday":40360,"sault":40361,"stalled":40362,"prom":40363,"epsom":40364,"bé":40365,"these":40366,"sauces":40367,"mew":40368,"litfest":40369,"pred":40370,"reu":40371,"karak":40372,"sienna":40373,"ellin":40374,"biotechnology":40375,"ï¸ıâĥ£-":40376,"tactic":40377,"sain":40378,"pork":40379,"monza":40380,"kaj":40381,"lush":40382,"compartment":40383,"changing":40384,"shraddhakapoor":40385,"foal":40386,"artem":40387,"cuando":40388,"canola":40389,"oriente":40390,"messe":40391,"dited":40392,"brc":40393,"boxer":40394,"bbctwo":40395,"sst":40396,"mentday":40397,"eming":40398,"dewey":40399,"kofi":40400,"âŀĸâŀĸâŀĸâŀĸ":40401,"realization":40402,"smol":40403,"twood":40404,"sanje":40405,"flagstaff":40406,"berwick":40407,"corset":40408,"canary":40409,"whistleblower":40410,"etched":40411,"composing":40412,"squeezed":40413,"bower":40414,"autodesk":40415,"neh":40416,"mathieu":40417,"baja":40418,"ÅĤ":40419,"hydra":40420,"daim":40421,"ameri":40422,"insisted":40423,"merlot":40424,"garros":40425,"heartnews":40426,"gainesville":40427,"cutler":40428,"bode":40429,"ðŁĺīðŁĺī":40430,"lewes":40431,"scountry":40432,"gsa":40433,"usu":40434,"ccm":40435,"godawgs":40436,"pharaoh":40437,"crae":40438,"morley":40439,"hypnoti":40440,"fades":40441,"neurons":40442,"fuzz":40443,"ingco":40444,"highlanders":40445,"stark":40446,"vigne":40447,"packets":40448,"amarillo":40449,"reuben":40450,"insults":40451,"basic":40452,"vector":40453,"nme":40454,"acruz":40455,"tros":40456,"transmitter":40457,"ðŁĺŀ":40458,"interpret":40459,"ðŁĺ²":40460,"prequel":40461,"mcgowan":40462,"dissemin":40463,"ðŁĴĺðŁĴĺ":40464,"masculinity":40465,"indiegamedev":40466,"alive":40467,"tet":40468,"petal":40469,"emailed":40470,"armed":40471,"koo":40472,"heer":40473,"baird":40474,"superjunior":40475,"metropolis":40476,"delavin":40477,"declines":40478,"stitutes":40479,"Ûģ":40480,"ptbo":40481,"glan":40482,"chores":40483,"ealing":40484,"chrissy":40485,"stemc":40486,"vian":40487,"assassinated":40488,"pronounce":40489,"illegals":40490,"discovery":40491,"cavill":40492,"frifotos":40493,"fal":40494,"soi":40495,"sabotage":40496,"tint":40497,"pdc":40498,"ðŁİīðŁİĪ":40499,"ãĤĬãģ":40500,"jio":40501,"endeavor":40502,"insig":40503,"committees":40504,"shearer":40505,"metz":40506,"marrying":40507,"hdd":40508,"gby":40509,"fret":40510,"trish":40511,"pul":40512,"scripted":40513,"saki":40514,"lw":40515,"keye":40516,"shimi":40517,"nanaimo":40518,"cah":40519,"ë":40520,"tempered":40521,"ician":40522,"dugg":40523,"dishwasher":40524,"airfield":40525,"srugby":40526,"grinch":40527,"yst":40528,"rms":40529,"mahatma":40530,"lankan":40531,"discar":40532,"digestion":40533,"nodes":40534,"lls":40535,"omic":40536,"gutter":40537,"tisgarh":40538,"federico":40539,"electionday":40540,"bohe":40541,"mastercard":40542,"fireball":40543,"âľĶï¸ı":40544,"oyster":40545,"pong":40546,"dok":40547,"enroute":40548,"mvc":40549,"beatthe":40550,"alistair":40551,"shub":40552,"shaming":40553,"chernobyl":40554,"ghibli":40555,"thes":40556,"pinion":40557,"dbs":40558,"salts":40559,"iction":40560,"epiph":40561,"ncpol":40562,"inconvenience":40563,"whitley":40564,"inspecting":40565,"woodley":40566,"wiener":40567,"skillet":40568,"noles":40569,"mca":40570,"hina":40571,"asha":40572,"willingness":40573,"wellness":40574,"tamed":40575,"showtime":40576,"disadvantaged":40577,"bernat":40578,"usn":40579,"missionaries":40580,"counselling":40581,"arrogant":40582,"quantitative":40583,"legalization":40584,"hodge":40585,"energyefficiency":40586,"camerondallas":40587,"possessions":40588,"pbb":40589,"harrisburg":40590,"vg":40591,"hinduism":40592,"happythanksgiving":40593,"fib":40594,"reacting":40595,"tweetapicture":40596,"politi":40597,"muppet":40598,"hurrah":40599,"pace":40600,"coastguard":40601,"guarded":40602,"asam":40603,"parry":40604,"forevery":40605,"xq":40606,"oomf":40607,"keanu":40608,"jind":40609,"rist":40610,"customerservice":40611,"sacred":40612,"ðŁĺº":40613,"toner":40614,"occurrence":40615,"matu":40616,"valdez":40617,"redd":40618,"isak":40619,"powerrangers":40620,"peasant":40621,"rajini":40622,"abraham":40623,"emil":40624,"cardo":40625,"tril":40626,"hairstyles":40627,"obsolete":40628,"sampler":40629,"directive":40630,"delavinkisses":40631,"verton":40632,"glos":40633,"spay":40634,"palermo":40635,"comets":40636,"manziel":40637,"chicagof":40638,"skipped":40639,"pictorial":40640,"hant":40641,"bmi":40642,"aol":40643,"reopens":40644,"paddling":40645,"devos":40646,"fraud":40647,"baseline":40648,"queues":40649,"spired":40650,"snare":40651,"euve":40652,"descriptions":40653,"daisies":40654,"caching":40655,"galleria":40656,"trimmed":40657,"stino":40658,"recycla":40659,"icular":40660,"birken":40661,"rawlings":40662,"flix":40663,"chicas":40664,"bgt":40665,"likeli":40666,"argyll":40667,"thelove":40668,"gaston":40669,"blanca":40670,"hak":40671,"fone":40672,"sailormoon":40673,"haci":40674,"imac":40675,"flyn":40676,"decan":40677,"belles":40678,"apic":40679,"zog":40680,"taunton":40681,"constance":40682,"lasagna":40683,"kernel":40684,"inka":40685,"harbor":40686,"collectively":40687,"calculated":40688,"aville":40689,"shilpa":40690,"purdu":40691,"gimm":40692,"funer":40693,"aest":40694,"pembrokeshire":40695,"nightingale":40696,"nunes":40697,"hypertension":40698,"hubert":40699,"sliders":40700,"infertility":40701,"commended":40702,"transatlantic":40703,"metrical":40704,"!!@":40705,"ÅŁ":40706,"ssg":40707,"bacca":40708,"inverted":40709,"funfactfriday":40710,"itans":40711,"album":40712,"acquainted":40713,"rier":40714,"whelan":40715,"sarab":40716,"mue":40717,"snooze":40718,"piff":40719,"agreeing":40720,"spitting":40721,"jermaine":40722,"nye":40723,"âľıï¸ı":40724,"ambush":40725,"zeph":40726,"congreg":40727,"university":40728,"sapp":40729,"wannabe":40730,"patrice":40731,"ibd":40732,"doglo":40733,"fridges":40734,"sund":40735,"kingston":40736,"argon":40737,"kamen":40738,"hardrock":40739,"dsley":40740,"dolores":40741,"ì°":40742,"otaku":40743,"piping":40744,"behaving":40745,"âŃIJï¸ıâŃIJï¸ıâŃIJï¸ı":40746,"bluebird":40747,"ansari":40748,"teapot":40749,"firework":40750,"crop":40751,"logans":40752,"typed":40753,"thickness":40754,"igers":40755,"cfp":40756,"dysfunctional":40757,"contrasting":40758,"etty":40759,"astonmartin":40760,"txst":40761,"dragrace":40762,"attributes":40763,"marathon":40764,"manuscripts":40765,"johnstone":40766,"ðŁĺ±ðŁĺ±":40767,"boer":40768,"ayu":40769,"arugula":40770,"poorest":40771,"condu":40772,"assumption":40773,"anagh":40774,"noh":40775,"delavin":40776,"sitter":40777,"gö":40778,"morow":40779,"kickstart":40780,"comi":40781,"glacial":40782,"ghead":40783,"bain":40784,"kershaw":40785,"endof":40786,"freud":40787,"omat":40788,"iaf":40789,"hug":40790,"signup":40791,"eachother":40792,"definite":40793,"tubing":40794,"shakira":40795,"ðŁijıðŁı½":40796,"uuuu":40797,"swin":40798,"shambles":40799,"olas":40800,"skell":40801,"britain":40802,"knw":40803,"clutter":40804,"omy":40805,"jens":40806,"hanged":40807,"cityscape":40808,"scraps":40809,"unlocking":40810,"deadliest":40811,"erno":40812,"breastcancer":40813,"ait":40814,"inspect":40815,"furi":40816,"ðŁĴĮ":40817,"kud":40818,"jule":40819,"orah":40820,"mids":40821,"mdt":40822,"burgring":40823,"rattle":40824,"pusa":40825,"stalk":40826,"cleans":40827,"issance":40828,"zek":40829,"worthit":40830,"nameis":40831,"muskoka":40832,"councilman":40833,"urbanart":40834,"barrac":40835,"unsolved":40836,"tul":40837,"gita":40838,"whiteboard":40839,"soybeans":40840,"ement":40841,"conti":40842,"saturdaymotivation":40843,"conveniently":40844,"docking":40845,"tado":40846,"âı©":40847,"spino":40848,"puppylove":40849,"pof":40850,"fabricated":40851,"robbers":40852,"adopts":40853,"tified":40854,"kkr":40855,"indulgence":40856,"noticeable":40857,"macquarie":40858,"chapel":40859,"sensual":40860,"kiko":40861,"melanoma":40862,"loretta":40863,"liance":40864,"aben":40865,"splus":40866,"gaal":40867,"acele":40868,"libdems":40869,"comparisons":40870,"ðŁĮµ":40871,"rhythms":40872,"mery":40873,"encapsul":40874,"napier":40875,"ðŁijĮðŁijĮðŁijĮ":40876,"ðŁijIJ":40877,"platz":40878,"fresno":40879,"reformed":40880,"ranbir":40881,"elit":40882,"thebest":40883,"bhushan":40884,"vinnie":40885,"improvised":40886,"sittin":40887,"recreated":40888,"eba":40889,"ecker":40890,"acrob":40891,"ponte":40892,"cord":40893,"giddy":40894,"eurusd":40895,"fever":40896,"intuition":40897,"gari":40898,"dummies":40899,"budweiser":40900,"amendments":40901,"tetra":40902,"schnit":40903,"ayas":40904,"marys":40905,"cist":40906,"kani":40907,"kermit":40908,"ðŁĺ±ðŁĺ±ðŁĺ±":40909,"tinker":40910,"strolling":40911,"divisional":40912,"nigeri":40913,"ominous":40914,"menstrual":40915,"karab":40916,"khy":40917,"bwfc":40918,"panhandle":40919,"lilli":40920,"weller":40921,"strapped":40922,"sonthe":40923,"transferring":40924,"ethereal":40925,"sneaks":40926,"rudol":40927,"gables":40928,"jacking":40929,"cincode":40930,"fortune":40931,"canadiens":40932,"confor":40933,"abnormal":40934,"franklin":40935,"tita":40936,"mula":40937,"persist":40938,"cuties":40939,"kiel":40940,"ðŁĩ±ðŁĩ":40941,"hermann":40942,"awk":40943,"fiasco":40944,"koto":40945,"weta":40946,"hiker":40947,"buddy":40948,"preventive":40949,"mcgraw":40950,"gameboy":40951,"forsyth":40952,"topshop":40953,"siob":40954,"sadh":40955,"intram":40956,"followart":40957,"soaps":40958,"dragonball":40959,"oux":40960,"morrison":40961,"à¹ĥ":40962,"lubric":40963,"adulthood":40964,"morrisons":40965,"âļłï¸ı":40966,"hermo":40967,"taka":40968,"stallone":40969,"misuse":40970,"teamgb":40971,"ragha":40972,"confined":40973,"aty":40974,"homophobic":40975,"nwo":40976,"skynews":40977,"hoya":40978,"acrosse":40979,"wiiu":40980,"purée":40981,"jeddah":40982,"ðŁ¤§":40983,"advisers":40984,"phine":40985,"anis":40986,"scrumptious":40987,"ë°ķ":40988,"cke":40989,"viny":40990,"term":40991,"sdc":40992,"odo":40993,"homeschool":40994,"vasc":40995,"leopards":40996,"deborah":40997,"illicit":40998,"curran":40999,"asroma":41000,"naught":41001,"marig":41002,"brandi":41003,"emp":41004,"ðŁĺįðŁijĮ":41005,"îĮ":41006,"suspend":41007,"luz":41008,"initiation":41009,"schaft":41010,"jensenackles":41011,"crawler":41012,"postdoc":41013,"desks":41014,"trailblazer":41015,"denomin":41016,"trix":41017,"noise":41018,"poet":41019,"±ï¸ı":41020,"smug":41021,"volatile":41022,"proofs":41023,"pharmacist":41024,"sardinia":41025,"mashable":41026,"kimchi":41027,"coed":41028,"schalke":41029,"doodled":41030,"csw":41031,"shur":41032,"rox":41033,"dok":41034,"chrisbrown":41035,"mathematician":41036,"abound":41037,"angelic":41038,"rockford":41039,"dole":41040,"yorkers":41041,"msn":41042,"gman":41043,"xavier":41044,"borrowing":41045,"markings":41046,"longhorn":41047,"kja":41048,"diverted":41049,"mmit":41050,"euphoria":41051,"ayyy":41052,"tea":41053,"pah":41054,"cki":41055,"uncut":41056,"liven":41057,"kyung":41058,"fanart":41059,"mering":41060,"redding":41061,"amovie":41062,"gridi":41063,"cthulhu":41064,"scholarly":41065,"judah":41066,"thbewithyou":41067,"eucalyp":41068,"ðŁIJķ":41069,"hertfordshire":41070,"courtroom":41071,"byu":41072,"auctioned":41073,"please":41074,"marcia":41075,"ê°ĵ":41076,"succeeded":41077,"elas":41078,"arvind":41079,"tlot":41080,"saigon":41081,"rett":41082,"rakesh":41083,"fdny":41084,"asen":41085,"sebring":41086,"gladiators":41087,"youknow":41088,"vlad":41089,"gola":41090,"parap":41091,"ÑĢи":41092,"sabcnews":41093,"oneteam":41094,"ohl":41095,"sune":41096,"rij":41097,"cdc":41098,"stargate":41099,"rundown":41100,"plato":41101,"phc":41102,"chatter":41103,"raviol":41104,"mnf":41105,"mandala":41106,"liet":41107,"à¸ķ":41108,"maria":41109,"hungover":41110,"consolidation":41111,"ferrell":41112,"traditional":41113,"iloveart":41114,"galap":41115,"ðŁıĮ":41116,"quezon":41117,"españa":41118,"ðŁĩ¨ðŁĩŃ":41119,"hobby":41120,"steamboat":41121,"malign":41122,"guillau":41123,"prohi":41124,"itsme":41125,"íĥĢ":41126,"inscription":41127,"alz":41128,"marian":41129,"kade":41130,"mmon":41131,"adjusting":41132,"nests":41133,"internally":41134,"cir":41135,"vikram":41136,"malala":41137,"kph":41138,"felicia":41139,"thereal":41140,"captivity":41141,"atis":41142,"marcorubio":41143,"kaleido":41144,"chev":41145,"manoj":41146,"lemore":41147,"gentri":41148,"vips":41149,"trope":41150,"\"âĢĶ":41151,"pairings":41152,"malnutrition":41153,"fray":41154,"designation":41155,"brunomars":41156,"aze":41157,"torrential":41158,"panzer":41159,"gail":41160,"underthe":41161,"theological":41162,"schizophre":41163,"dazzle":41164,"frederic":41165,"mopar":41166,"adilla":41167,"soggy":41168,"raun":41169,"mediocre":41170,"colorec":41171,"ife":41172,"pinst":41173,"bluef":41174,"²":41175,"worldwater":41176,"giroud":41177,"clarinet":41178,"adolf":41179,"tarantino":41180,"receipts":41181,"assump":41182,"ðŁijŁ":41183,"coffees":41184,"âľĬðŁı¾":41185,"duplex":41186,"sof":41187,"rx":41188,"lino":41189,"timberwolves":41190,"pandit":41191,"motm":41192,"ega":41193,"ayama":41194,"achs":41195,"outsider":41196,"llen":41197,"coer":41198,"tilly":41199,"cheeseburger":41200,"mads":41201,"pledis":41202,"empty":41203,"nationalparks":41204,"aziz":41205,"pmi":41206,"junkies":41207,"fener":41208,"sqn":41209,"ès":41210,"generation":41211,"cleopatra":41212,"bhubanes":41213,"mosques":41214,"tyfree":41215,"poppins":41216,"twc":41217,"orwell":41218,"nage":41219,"kawhi":41220,"hollow":41221,"dalai":41222,"¨¨¨¨":41223,"ouro":41224,"mhealth":41225,"gion":41226,"azo":41227,"visas":41228,"renegade":41229,"reic":41230,"wsop":41231,"ðŁĴļðŁĴĽ":41232,"echel":41233,"toxicity":41234,"mün":41235,"bunk":41236,"stimulating":41237,"asthour":41238,"\\'":41239,"eph":41240,"endemic":41241,"cnbc":41242,"shrinking":41243,"peabody":41244,"michelangelo":41245,"canyon":41246,"wale":41247,"sumi":41248,"siders":41249,"inuit":41250,"?.":41251,"professionalism":41252,"dracing":41253,"platoon":41254,"pons":41255,"outbound":41256,"mapleleafs":41257,"desol":41258,"cency":41259,"athan":41260,"verma":41261,"rubbing":41262,"okan":41263,"ðŁijł":41264,"mullins":41265,"authentic":41266,"Åį":41267,"almanac":41268,"gaia":41269,"bbq":41270,"onimo":41271,"keh":41272,"tya":41273,"touts":41274,"yav":41275,"reposit":41276,",.":41277,"wight":41278,"seeyou":41279,"callof":41280,"donesia":41281,"bargaining":41282,"granth":41283,"sdsu":41284,"amphitheater":41285,"psu":41286,"rewatching":41287,"winetasting":41288,"peakdistrict":41289,"detecting":41290,"thurman":41291,"phee":41292,"èªķ":41293,"umich":41294,"rer":41295,"sculpted":41296,"gole":41297,"namesake":41298,"ðŁĶģ":41299,"servicing":41300,"baugh":41301,"pugh":41302,"pencil":41303,"darth":41304,"munchkin":41305,"atorium":41306,"teners":41307,"suny":41308,"rollingstones":41309,"maging":41310,"starrer":41311,"idris":41312,"feinstein":41313,"agron":41314,"âĺºï¸ıâĺºï¸ı":41315,"supervised":41316,"chameleon":41317,"aggregate":41318,"successive":41319,"mogul":41320,"instyle":41321,"poldark":41322,"custome":41323,"ohiostate":41324,"haya":41325,"cides":41326,"brokerage":41327,"angelou":41328,"fifawwc":41329,"deforestation":41330,"alton":41331,"pamph":41332,"hugged":41333,"hobo":41334,"changeable":41335,"kuber":41336,"burroughs":41337,"demonetisation":41338,"capecod":41339,"versatility":41340,"orice":41341,"leila":41342,"womeninscience":41343,"tua":41344,"hedges":41345,"embarrassment":41346,"alife":41347,"soars":41348,"nighter":41349,"hymn":41350,"gipp":41351,"chasu":41352,"techs":41353,"niall":41354,"killa":41355,"hika":41356,"camels":41357,"value":41358,"¢":41359,"scoops":41360,"mahmoud":41361,"clusive":41362,"adriana":41363,"paco":41364,"ozil":41365,"unas":41366,"translations":41367,"whisperer":41368,"sbi":41369,"buxton":41370,"biotics":41371,"indiffe":41372,"kenney":41373,"klar":41374,"etching":41375,"barrabest":41376,"instability":41377,"seine":41378,"votel":41379,"blogged":41380,"whiskey":41381,"myspace":41382,"tant":41383,"landia":41384,"giveback":41385,"illus":41386,"awak":41387,"acab":41388,"fbloggers":41389,"cloudcomputing":41390,"blatant":41391,"syrians":41392,"bandra":41393,"styn":41394,"anem":41395,"keted":41396,"karthik":41397,"barunsob":41398,"pinot":41399,"gubernat":41400,"gaye":41401,"artiste":41402,"ified":41403,"conventions":41404,"huan":41405,"geniuses":41406,"eeeeee":41407,"folly":41408,"somerville":41409,"pridemonth":41410,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":41411,"chemotherapy":41412,"pauls":41413,"bakar":41414,"ìĦ¸ë¸IJ":41415,"taiwanese":41416,"follo":41417,"css":41418,"reign":41419,"nnnn":41420,"flaun":41421,"catastrophe":41422,"ities":41423,"fragments":41424,"extremists":41425,"ymoun":41426,"carmen":41427,"ezekiel":41428,"connecting":41429,"seh":41430,"manta":41431,"remodeling":41432,"weymouth":41433,"atoms":41434,"cem":41435,"newell":41436,"lumi":41437,"theopen":41438,"moc":41439,"miliband":41440,"gland":41441,"zshq":41442,"maggie":41443,"maniacs":41444,"msp":41445,"ady":41446,"creams":41447,"leanne":41448,"esta":41449,"pyg":41450,"affinity":41451,"prayer":41452,"dunbar":41453,"lightroom":41454,"acadi":41455,"wynonna":41456,"romantic":41457,"statedept":41458,"sickle":41459,"whos":41460,"lamo":41461,"etour":41462,"finity":41463,"shrub":41464,"sharpen":41465,"pundit":41466,"edon":41467,"afore":41468,"mars":41469,"jeffery":41470,"terps":41471,"medallist":41472,"katharine":41473,"accusing":41474,"taz":41475,"royd":41476,"fromhome":41477,"confrontation":41478,"allegh":41479,"ðŁijīðŁijī":41480,"refresher":41481,"ranveer":41482,"neverland":41483,"jojo":41484,"lucrative":41485,"enam":41486,"caver":41487,"paedi":41488,"manjaro":41489,"fluids":41490,"thessal":41491,"oppressed":41492,"muss":41493,"johanna":41494,"Ø®":41495,"cng":41496,"buildthe":41497,"settles":41498,"sith":41499,"fuego":41500,"clamp":41501,"arag":41502,"payer":41503,"tedx":41504,"mandy":41505,"interstellar":41506,"frc":41507,"chand":41508,"bcc":41509,"molo":41510,"lentil":41511,"johansson":41512,"grimsby":41513,"naturelovers":41514,"ðŁļ¨ðŁļ¨ðŁļ¨":41515,"shinde":41516,"xin":41517,"internationaldayof":41518,"transitional":41519,"sata":41520,"caddy":41521,"wod":41522,"ifu":41523,"hays":41524,"hollyo":41525,"jang":41526,"irc":41527,"coim":41528,"gradable":41529,"\"\"":41530,"ðŁį´":41531,"া":41532,"ael":41533,"nyo":41534,"westlake":41535,"timeout":41536,"sofi":41537,"phenomena":41538,"cultivation":41539,"agno":41540,"unarmed":41541,"sot":41542,"conj":41543,"geno":41544,"royalnavy":41545,"nutrition":41546,"fairmont":41547,"tirelessly":41548,"sng":41549,"rety":41550,"mica":41551,"lucent":41552,"sloane":41553,"drool":41554,"rizal":41555,"odell":41556,"criticized":41557,".'\"":41558,"laze":41559,"deserted":41560,"coder":41561,"pras":41562,"lillian":41563,"itinerary":41564,"davy":41565,"anap":41566,"whipping":41567,"hoboken":41568,"kareena":41569,"羣":41570,"vius":41571,"tern":41572,"nantucket":41573,"misunderstood":41574,"bulaga":41575,"stant":41576,"chinook":41577,"zam":41578,"relies":41579,"dss":41580,"edmond":41581,"sketchy":41582,"mell":41583,"fex":41584,"rector":41585,"distill":41586,"daydream":41587,"winemaker":41588,"ripley":41589,"billionaires":41590,"helene":41591,"atif":41592,"culprit":41593,"bertrand":41594,"wouldnt":41595,"mapped":41596,"vak":41597,"gladly":41598,"parliament":41599,"kidlitart":41600,"wareness":41601,"goliath":41602,"âĨĵ":41603,"viewpoint":41604,"tatted":41605,"fuls":41606,"dorsey":41607,"anglers":41608,"lids":41609,"kiya":41610,"bowles":41611,"beh":41612,"bite":41613,"compatibility":41614,"ancestral":41615,"prox":41616,"behaved":41617,"gubernatorial":41618,"chfield":41619,"saban":41620,"zh":41621,"teeny":41622,"shibuya":41623,"holliday":41624,"pancy":41625,"âĿĦï¸ıâĿĦï¸ı":41626,"seungri":41627,"?,":41628,"ðŁĩ¦ðŁĩ·":41629,"imitation":41630,"impactful":41631,"anyi":41632,"genevie":41633,"años":41634,"bateman":41635,"glider":41636,"afar":41637,"rasheed":41638,"effortless":41639,"shwar":41640,"dachsh":41641,"erun":41642,"atos":41643,"kini":41644,"chd":41645,"khaki":41646,"klin":41647,"felicidades":41648,"belo":41649,"asl":41650,"toppers":41651,"finley":41652,"stacey":41653,"rigorous":41654,"karting":41655,"leppard":41656,"carmichael":41657,"beret":41658,"cse":41659,"akhi":41660,"meringue":41661,"aban":41662,"hake":41663,"geri":41664,"erjee":41665,"resto":41666,"commanders":41667,"prit":41668,"flor":41669,"adven":41670,"extermin":41671,"remainder":41672,"åIJ":41673,"esg":41674,"martino":41675,"lullaby":41676,"|@":41677,"mign":41678,"instore":41679,"bigbang":41680,"cordi":41681,"cauley":41682,"antebellum":41683,"dgate":41684,"crock":41685,"spandex":41686,"scaffolding":41687,"oreos":41688,"ê°ĵìĦ¸ë¸IJ":41689,"pomona":41690,"mauro":41691,"universi":41692,"remi":41693,"afootball":41694,"tant":41695,"smalls":41696,"neh":41697,"worldo":41698,"tropical":41699,"morph":41700,"javelin":41701,"glar":41702,"arquitec":41703,"reminiscent":41704,"tubs":41705,"spidey":41706,"makeu":41707,"sylla":41708,"progressives":41709,"blot":41710,"shorten":41711,"keepin":41712,"chak":41713,"angst":41714,"superfood":41715,"decadent":41716,"stony":41717,"neurological":41718,"arboretum":41719,"annak":41720,"fema":41721,"percu":41722,"disrespectful":41723,"smallbiz":41724,"lox":41725,"coom":41726,"csc":41727,"bsbi":41728,"prevalence":41729,"himss":41730,"espan":41731,"moga":41732,"frampton":41733,"skymap":41734,"masse":41735,"leviathan":41736,"().":41737,"nocturnal":41738,"carameli":41739,"angor":41740,"amnesia":41741,"outsiders":41742,"shealth":41743,"rhino":41744,"antag":41745,"agio":41746,"ðŁĴ°ðŁĴ°":41747,"takeme":41748,"kabaddi":41749,"csi":41750,"msh":41751,"cochrane":41752,"thessaloni":41753,"sila":41754,"haus":41755,"dusting":41756,"obese":41757,"macklemore":41758,"manish":41759,"lenin":41760,"mdc":41761,"grown":41762,"sheffield":41763,"srs":41764,"kele":41765,"carson":41766,"chum":41767,"dahlia":41768,"cantore":41769,"oppo":41770,"howling":41771,"cybercrime":41772,"surrealism":41773,"scran":41774,"faiz":41775,"thren":41776,"racists":41777,"rout":41778,"pknot":41779,"semana":41780,"sini":41781,"mccull":41782,"machi":41783,"alfonso":41784,"yb":41785,"sardar":41786,"kendrick":41787,"deng":41788,"recipro":41789,"onf":41790,"doomsday":41791,"bribery":41792,"customiz":41793,"artis":41794,"cpi":41795,"ðŁĻĪðŁĻĪ":41796,"slava":41797,"lette":41798,"ens":41799,"âĿ¤ï¸ıðŁĺĺ":41800,"crayon":41801,"adan":41802,"trc":41803,"migrate":41804,"simpson":41805,"rowers":41806,"kingsley":41807,"farmersmarket":41808,"sheehan":41809,"nephe":41810,"bornon":41811,"carton":41812,"mickey":41813,"allure":41814,"ulu":41815,"slipknot":41816,"hebdo":41817,"guido":41818,"dogcelebration":41819,"onlinemarketing":41820,"accelerating":41821,")..":41822,"originated":41823,"macaroni":41824,"edtech":41825,"outfield":41826,"mitz":41827,"discus":41828,"advertiser":41829,"manor":41830,"hashi":41831,"descrip":41832,"capita":41833,"fulbright":41834,"receptor":41835,"conn":41836,"coney":41837,"spionage":41838,"rattle":41839,"prest":41840,"uli":41841,"blogpost":41842,"ackeray":41843,")â̦":41844,"redvelvet":41845,"matth":41846,"inspiring":41847,"bsd":41848,"kerri":41849,"pocon":41850,"millar":41851,"repur":41852,"accenture":41853,"ä¹":41854,"rambo":41855,"ragnarok":41856,"deleting":41857,"britishmuseum":41858,"patory":41859,"leipzig":41860,"florian":41861,"scifi":41862,"iners":41863,"brate":41864,"yoy":41865,"melissa":41866,"aber":41867,"masa":41868,"pote":41869,"mosquitoes":41870,"transplant":41871,"rpa":41872,";))":41873,"bastille":41874,"ylan":41875,"joyeux":41876,"melodic":41877,"captions":41878,"atrist":41879,"rochdale":41880,"gotti":41881,"pewdie":41882,"cutiesaturday":41883,"whois":41884,"aquaculture":41885,"tiva":41886,"spel":41887,"hess":41888,"haji":41889,"freddie":41890,"coper":41891,"brando":41892,"vk":41893,"photobook":41894,"*,":41895,"mydayin":41896,"michaela":41897,"brunei":41898,"srini":41899,"inte":41900,"ı":41901,"deol":41902,"dfc":41903,"separately":41904,"bund":41905,"vests":41906,"toc":41907,"meck":41908,"reinforced":41909,"constraints":41910,"carroll":41911,"sqft":41912,"rever":41913,"camper":41914,"birdman":41915,"inaction":41916,"generators":41917,"triumphant":41918,"pests":41919,"ovo":41920,"gypt":41921,"alamo":41922,"scaled":41923,"sureshpp":41924,"sdn":41925,"ismo":41926,"gios":41927,")@":41928,"justiceleague":41929,"restaurant":41930,"gabi":41931,"dengue":41932,"nextgen":41933,"exempli":41934,"apex":41935,"inspirational":41936,"downside":41937,"kidz":41938,"upl":41939,"etna":41940,"alvaro":41941,"feldman":41942,"barnet":41943,"mha":41944,"esch":41945,"blooded":41946,">>>>>>>>":41947,"kani":41948,"hofficial":41949,"casablanca":41950,"birds":41951,"tyga":41952,"swamp":41953,"oday":41954,"newcastle":41955,"nbap":41956,"cision":41957,"chools":41958,"aflo":41959,"nep":41960,"monton":41961,"akb":41962,"supermodel":41963,"downtime":41964,"thos":41965,"scwx":41966,"snoopy":41967,"aggreg":41968,"yoke":41969,"norcal":41970,"wett":41971,"prolonged":41972,"metast":41973,"beater":41974,"fta":41975,"tlap":41976,"disgusted":41977,"yh":41978,"voiceover":41979,"itchy":41980,"ipc":41981,"ðŁİ¾":41982,"pheasant":41983,"straits":41984,"rampant":41985,"jg":41986,"fertil":41987,"assures":41988,"fortunes":41989,"salinas":41990,"lizards":41991,"kettle":41992,"ibs":41993,"cynthi":41994,"heg":41995,"mccr":41996,"socceroos":41997,"happenings":41998,"corden":41999,"ðŁĺĤðŁijĮ":42000,"tches":42001,"egret":42002,"wolverines":42003,"congratulated":42004,"hogg":42005,"bottling":42006,"wri":42007,"ferri":42008,"bosch":42009,"afire":42010,"ogden":42011,"sjo":42012,"jdm":42013,"svt":42014,"contex":42015,"tollywood":42016,"mink":42017,"mese":42018,"supersonic":42019,"opoulos":42020,"å¸":42021,"âĶģ":42022,"knuckle":42023,"guise":42024,"gami":42025,"chucky":42026,"zinger":42027,"radial":42028,"complained":42029,"boda":42030,"fetal":42031,"disciplines":42032,"corro":42033,"ðŁĩ®ðŁĩ¹":42034,"opted":42035,"filtration":42036,"adnan":42037,"emcee":42038,"mistre":42039,"insomni":42040,"fergus":42041,"trajec":42042,"ondon":42043,"medtech":42044,"tangerine":42045,"madras":42046,"grue":42047,"cabs":42048,"zhu":42049,"sureshpprabhu":42050,"insulated":42051,"dayswild":42052,"ppm":42053,"bandai":42054,"vday":42055,"sff":42056,"squid":42057,"lothing":42058,"notdead":42059,"expressive":42060,"cull":42061,"alastair":42062,"xu":42063,"upfront":42064,"fishers":42065,"enes":42066,"umd":42067,"dismissal":42068,"stier":42069,"sels":42070,"lust":42071,"reactive":42072,"protester":42073,"eyelashes":42074,"alim":42075,"goode":42076,"greeng":42077,"dair":42078,"compen":42079,"anushka":42080,"prototyping":42081,"mapu":42082,"bearings":42083,"ðŁIJŁ":42084,"forme":42085,"bsbibotany":42086,"timothy":42087,"outskirts":42088,"ambed":42089,"aretha":42090,"wendell":42091,"streaks":42092,"nim":42093,"kpk":42094,"snee":42095,"fitter":42096,"quota":42097,"pate":42098,"winning":42099,"ðŁįŃ":42100,"shopping":42101,"mainst":42102,"culver":42103,"stevie":42104,"mcfadden":42105,"counterparts":42106,"grenfell":42107,"folsom":42108,"dorset":42109,"techcrunch":42110,"â¬ħï¸ı":42111,"tiptuesday":42112,"usl":42113,"trex":42114,"georgie":42115,"ranveerofficial":42116,"licks":42117,"sewn":42118,"kf":42119,"'â̦":42120,"japs":42121,"pate":42122,"orthop":42123,"festa":42124,"stras":42125,"montal":42126,"hammersmith":42127,"foremost":42128,"widows":42129,"madre":42130,"itez":42131,"mitochondri":42132,"ligans":42133,"zona":42134,"caribou":42135,"mss":42136,"andrei":42137,"weatherchannel":42138,"ghc":42139,":...":42140,"taft":42141,"aweather":42142,"alisation":42143,"brutal":42144,"blissful":42145,"nikola":42146,"malicious":42147,"qm":42148,"mpgvip":42149,"brodie":42150,"blitz":42151,"applaud":42152,"dribb":42153,"vague":42154,"doggo":42155,"translating":42156,"interpreted":42157,"hatched":42158,"getyour":42159,"beneficiaries":42160,"sparring":42161,"caesars":42162,"awilliams":42163,"lahat":42164,"broke":42165,"timp":42166,"virtues":42167,"relying":42168,"pietro":42169,"ktn":42170,"icists":42171,"pablo":42172,"loui":42173,"aag":42174,"pnpp":42175,"chast":42176,"pulses":42177,"finish":42178,"usairforce":42179,"typewriter":42180,"thompson":42181,"dogs":42182,"utto":42183,"ãģį":42184,"sandal":42185,"newly":42186,"doge":42187,"zw":42188,"wankers":42189,"negr":42190,"mucha":42191,"determines":42192,"blackfish":42193,"skunk":42194,"mups":42195,"instrument":42196,"phyto":42197,"daystogo":42198,"skinned":42199,"haider":42200,"conten":42201,"ðŁIJ¾ðŁIJ¾":42202,"weiler":42203,"undoubtedly":42204,"chairing":42205,"wallis":42206,"shard":42207,"zindabad":42208,"adult":42209,"absorption":42210,"presto":42211,"deploying":42212,"drummond":42213,"battlefront":42214,"seagulls":42215,"howdy":42216,"judaism":42217,"desde":42218,"partition":42219,"âľĿ":42220,"nology":42221,"nationalbestfriend":42222,"lesnar":42223,"filmfare":42224,"coasts":42225,"christensen":42226,"acan":42227,"mbu":42228,"copped":42229,"rubble":42230,"swc":42231,"funnier":42232,"farther":42233,"whereas":42234,"nanotechnology":42235,"withstand":42236,"pillow":42237,"bowers":42238,"tope":42239,"itly":42240,"confit":42241,"makar":42242,"comforts":42243,"bosh":42244,"clipper":42245,"balla":42246,"stik":42247,"milb":42248,"safeguard":42249,"musique":42250,"easport":42251,"yaz":42252,"padded":42253,"bader":42254,"foreign":42255,"chopin":42256,"archive":42257,"oka":42258,"transporting":42259,"tmltalk":42260,"ajit":42261,"consequence":42262,"scroo":42263,"ffo":42264,"collaborated":42265,"pugchat":42266,"yemi":42267,"javed":42268,"auburn":42269,"oof":42270,"maw":42271,"saucer":42272,"mitigate":42273,"iles":42274,"evangelist":42275,"terie":42276,"recl":42277,"indictment":42278,"cata":42279,"brightness":42280,"maythe":42281,"whimsical":42282,"unlv":42283,"keyword":42284,"cumin":42285,"medway":42286,"westworld":42287,"traw":42288,"imposing":42289,"formity":42290,"coulter":42291,"abz":42292,"nypd":42293,"grassi":42294,"kelsey":42295,"qldpol":42296,"clockwork":42297,"fdr":42298,"dianne":42299,"âĺij":42300,"adh":42301,"pann":42302,"bravely":42303,"aege":42304,"unlawful":42305,"verdi":42306,"pocalypse":42307,"pharo":42308,"karla":42309,"resonance":42310,"mastiff":42311,"ladak":42312,"buu":42313,"mailed":42314,"hii":42315,"crawley":42316,"torrent":42317,"machado":42318,"libyan":42319,"effortlessly":42320,"falsely":42321,"qvist":42322,"keef":42323,"crafthour":42324,"cherished":42325,"valkyrie":42326,"sari":42327,"kalamaz":42328,"behe":42329,"ðŁĮĻ":42330,"thim":42331,"roddy":42332,"coltrane":42333,"butchers":42334,"achim":42335,"wkend":42336,"awkward":42337,"cabrera":42338,":))))":42339,"franc":42340,"declan":42341,"condos":42342,"aja":42343,"pandoramusic":42344,"charter":42345,"phill":42346,"montrose":42347,"hatchback":42348,"handicapp":42349,"greaves":42350,"eucalyptus":42351,"utmost":42352,"tson":42353,"burton":42354,"midwives":42355,"incur":42356,"ðŁĺį#":42357,"mood":42358,"compressed":42359,"toma":42360,"mustang":42361,"mog":42362,"asana":42363,"testic":42364,"shotel":42365,"insol":42366,"corsair":42367,"nhq":42368,"benny":42369,"smma":42370,"kapur":42371,"incon":42372,"jonas":42373,"energies":42374,"donal":42375,"asad":42376,"sez":42377,"npa":42378,"archived":42379,"stimulate":42380,"dop":42381,"hyd":42382,"grieving":42383,"ãĥĪ":42384,"rona":42385,"whyte":42386,"treehouse":42387,"ssell":42388,"sandro":42389,"kobo":42390,"thermost":42391,"seclu":42392,"hiya":42393,"geez":42394,"mamas":42395,"priscilla":42396,"flavoured":42397,"fass":42398,"wold":42399,"makerspace":42400,"cosplay":42401,"ptv":42402,"happyvalentinesday":42403,"sequoia":42404,"lovecraft":42405,"guan":42406,"dtm":42407,"cii":42408,"yokohama":42409,"posthum":42410,"req":42411,"ðŁĶµâļªï¸ı":42412,"galatasar":42413,"dolby":42414,"hamptons":42415,"disturbance":42416,"stonehenge":42417,"okc":42418,"disrupting":42419,"monthsary":42420,"jungle":42421,"headlights":42422,"dustin":42423,"microsof":42424,"happymothersday":42425,"koko":42426,"grazi":42427,"testo":42428,"naidu":42429,"malay":42430,"arial":42431,"rumb":42432,"aboo":42433,"harman":42434,"trape":42435,"spoils":42436,"jeho":42437,"godly":42438,"lockscreen":42439,"zun":42440,"pious":42441,"magento":42442,"lenders":42443,"probable":42444,"corporal":42445,"mour":42446,"awal":42447,"sua":42448,"callme":42449,"tonne":42450,"govin":42451,"devastation":42452,"xj":42453,"gearbox":42454,"warlock":42455,"perme":42456,"itate":42457,"gazaunderattack":42458,"duval":42459,"parasite":42460,"clemente":42461,"leth":42462,"iva":42463,"frozen":42464,"tholes":42465,"tobin":42466,"cairn":42467,"sill":42468,"luckiest":42469,"converts":42470,"stale":42471,"pancra":42472,"europale":42473,"wisdom":42474,"schur":42475,"ì¶":42476,"vertigo":42477,"bij":42478,"ubc":42479,"nure":42480,"righteousness":42481,"mtc":42482,"factory":42483,"verst":42484,"reversed":42485,"huri":42486,"heechul":42487,"faber":42488,"arr":42489,"ulous":42490,"venom":42491,"phat":42492,"greenery":42493,"brady":42494,"æ":42495,":((":42496,"nevergiveup":42497,"disha":42498,"mota":42499,"healthcare":42500,"dunham":42501,"dexpo":42502,"denzel":42503,"bbins":42504,"fics":42505,"wham":42506,"mcg":42507,"elian":42508,"wata":42509,"stralia":42510,"tellu":42511,"pesky":42512,"spinoff":42513,"armoured":42514,"reacted":42515,"dofficial":42516,"tedu":42517,"sagar":42518,"morally":42519,"paralleled":42520,"fios":42521,"downer":42522,"daugh":42523,"redo":42524,"worldcup":42525,"tariq":42526,"barne":42527,"glaciers":42528,"occult":42529,"barbarian":42530,"hermosa":42531,"!!!)":42532,"yur":42533,"internation":42534,"pss":42535,"situ":42536,"pint":42537,"americanair":42538,"swam":42539,"doppler":42540,"ðŁĴĻðŁĴľ":42541,"cincodemayo":42542,"levan":42543,"hellenic":42544,"mcne":42545,"judi":42546,"yuh":42547,"stx":42548,"quare":42549,"ðŁĺĤ.":42550,"stig":42551,"gels":42552,"motley":42553,"hardwork":42554,"eurozone":42555,"ead":42556,"ç¥Ń":42557,"seabir":42558,"cius":42559,"laid":42560,"alpaca":42561,"presumably":42562,"pewdiepie":42563,"booted":42564,"amari":42565,"tamine":42566,"solace":42567,"barrow":42568,"academies":42569,"xian":42570,"omination":42571,"dungeons":42572,"bma":42573,"deity":42574,"aik":42575,"stabil":42576,"hira":42577,"affectionate":42578,"vingne":42579,"newport":42580,"ãħĭãħĭ":42581,"thirds":42582,"retains":42583,"aromatherapy":42584,"skier":42585,"nima":42586,"dope":42587,"cringe":42588,"condomin":42589,"toor":42590,"animator":42591,"saraj":42592,"seascape":42593,"minimalism":42594,"lakeshore":42595,"callaway":42596,"bergman":42597,"à¤Ĺ":42598,"whispering":42599,"stupid":42600,"rightful":42601,"requis":42602,"irn":42603,"seva":42604,"utpol":42605,"tuberculo":42606,"squish":42607,"debut":42608,"governmental":42609,"christine":42610,"allman":42611,"weapon":42612,"sito":42613,"buri":42614,"lolita":42615,"leafy":42616,"fuch":42617,"tinted":42618,"mcken":42619,"ahahaha":42620,"ðŁĩµðŁĩ¹":42621,"repeal":42622,"negan":42623,"ðŁķĬ":42624,"tailgating":42625,"gameinsight":42626,"ðŁıŁï¸ı":42627,"yakuza":42628,"zt":42629,"tiring":42630,"proposing":42631,"bowlers":42632,"traitors":42633,"akshi":42634,"clergy":42635,"cito":42636,"upsets":42637,"tuscal":42638,"symphonic":42639,"silently":42640,"shuff":42641,"blackwell":42642,"ðŁĺĤ)":42643,"kobe":42644,"roberto":42645,"ridg":42646,"dcu":42647,"merino":42648,"ftp":42649,"eastside":42650,".~":42651,"nbl":42652,"mnleg":42653,"tsfor":42654,"fraudul":42655,"capping":42656,"inmy":42657,"gymnast":42658,"stones":42659,"ssin":42660,"tweaks":42661,"shaggy":42662,"oakland":42663,"demsin":42664,"sangria":42665,"mmva":42666,"hennessy":42667,"downton":42668,"rightly":42669,"init":42670,"agave":42671,"oblast":42672,"northeast":42673,"friendship":42674,"dala":42675,"trophy":42676,"ðŁij½":42677,"magin":42678,"margaritas":42679,"ê·":42680,"wwfc":42681,"fash":42682,"dike":42683,"cud":42684,"chart":42685,"ðŁij®":42686,"refugees":42687,"joplin":42688,"ncs":42689,"impy":42690,"firmware":42691,"pascu":42692,"flamin":42693,"healthtech":42694,"bellletstalk":42695,"waka":42696,"olls":42697,"lago":42698,"cowan":42699,"bombardier":42700,"shome":42701,"ðŁĻħ":42702,"mcmaster":42703,"nave":42704,"wells":42705,"uta":42706,"tellers":42707,"misfits":42708,"kapil":42709,"faceoff":42710,"affirm":42711,"apro":42712,"whitepaper":42713,"superyacht":42714,"specimens":42715,"allocated":42716,"...,":42717,"-__":42718,"kaw":42719,"dachshund":42720,"djoker":42721,"swork":42722,"quiere":42723,"orum":42724,"ðŁIJł":42725,"somm":42726,"cmt":42727,"inghour":42728,"skinny":42729,"lgbti":42730,"giggles":42731,"breakaway":42732,"researched":42733,"parity":42734,"myal":42735,"msl":42736,"retained":42737,"sivity":42738,"makeinindia":42739,"solves":42740,"defamation":42741,"waltham":42742,"sriracha":42743,"roadway":42744,"conceptu":42745,"alin":42746,"iwant":42747,"åĪ":42748,"delft":42749,"tenderloin":42750,"gains":42751,"faults":42752,"swire":42753,"stellen":42754,"pollo":42755,"dyne":42756,"bornonthisday":42757,"asdfghj":42758,"sql":42759,"salim":42760,"advises":42761,"voip":42762,"ìĹijìĨ":42763,"untouched":42764,"sheil":42765,"ontario":42766,"uphill":42767,"sobre":42768,"deshi":42769,"novella":42770,"dutton":42771,"crawfish":42772,"اÙĨ":42773,"maa":42774,"twine":42775,"kalin":42776,"ðŁĩµðŁĩŃ":42777,"yess":42778,"brooks":42779,"hoosiers":42780,"tonka":42781,"umbrellas":42782,"ayers":42783,"ateam":42784,"acquiring":42785,"suction":42786,"än":42787,"wies":42788,"tarians":42789,"socio":42790,"mattb":42791,"shepherds":42792,"oso":42793,"charitytuesday":42794,"slogans":42795,"ninjas":42796,"albat":42797,"byte":42798,"bashir":42799,"trampoline":42800,"mydayinla":42801,"ija":42802,"basel":42803,"rory":42804,"goldie":42805,"firec":42806,"unnoticed":42807,"peculiar":42808,"scha":42809,"kerson":42810,"mourns":42811,"liquidity":42812,"quipment":42813,"hibs":42814,"ars":42815,"aeronau":42816,"slideshow":42817,"slabs":42818,"deliciousness":42819,"skitchen":42820,"htafc":42821,"fullerton":42822,"creighton":42823,"aerob":42824,"procrastination":42825,"azores":42826,"whitehall":42827,"ussoccer":42828,"mediation":42829,"djokernole":42830,"andme":42831,"umen":42832,"noxious":42833,"joss":42834,"ilife":42835,"annivers":42836,"sudanese":42837,"etres":42838,"undermine":42839,"wholefoods":42840,"disobe":42841,"kori":42842,"adele":42843,"eliz":42844,"canti":42845,"alon":42846,"gymnasium":42847,"sarkodie":42848,"meteorologist":42849,"ylde":42850,"steen":42851,"stampcollecting":42852,"nasal":42853,"lott":42854,"franks":42855,"exol":42856,"acki":42857,"goodyear":42858,"animalrights":42859,"yles":42860,"violets":42861,"mmes":42862,"sthel":42863,"rapping":42864,"tuscan":42865,"waiver":42866,"turner":42867,"eatlocal":42868,"northeasthour":42869,"animations":42870,"tommorow":42871,"tsh":42872,"ffame":42873,"brae":42874,"petron":42875,"glamour":42876,"bryn":42877,"dcs":42878,"bales":42879,"ðŁĶ¶":42880,"brov":42881,"brev":42882,"bons":42883,"physique":42884,"carne":42885,"xe":42886,"elixir":42887,"volved":42888,"loma":42889,"ìľł":42890,"æĺ":42891,"vanu":42892,"rigs":42893,"balance":42894,"vares":42895,"bonita":42896,"sprinkle":42897,"perfecto":42898,"dion":42899,"leak":42900,"calcutta":42901,"oba":42902,"dma":42903,"cmon":42904,"tuner":42905,"pneumonia":42906,"bogus":42907,"apologe":42908,"clough":42909,"borne":42910,"))))":42911,"revived":42912,"ovarian":42913,"nerf":42914,"clegg":42915,"fanfest":42916,"chou":42917,"realizes":42918,"mcn":42919,"ligu":42920,"legalize":42921,"justsaying":42922,"forster":42923,"bosni":42924,"khi":42925,"indom":42926,"heidel":42927,"encryp":42928,"siss":42929,"eddi":42930,"marbles":42931,"brisbane":42932,"ying":42933,"prepaid":42934,"walsall":42935,"cooperate":42936,"orchestr":42937,"marisa":42938,"howie":42939,"chewy":42940,"brenner":42941,"andromeda":42942,"egan":42943,"stocki":42944,"cavendish":42945,"agan":42946,"bano":42947,"deir":42948,"gog":42949,"blk":42950,"rethinking":42951,"chig":42952,"rheu":42953,"snip":42954,"peng":42955,"seminole":42956,"mswx":42957,"annex":42958,"lynda":42959,"lewishamilton":42960,"cumul":42961,"tbl":42962,"dolphin":42963,"aguero":42964,"............":42965,"prelude":42966,"atour":42967,"granger":42968,"tooting":42969,"rotun":42970,"disar":42971,"homeitems":42972,"dares":42973,"********":42974,"ðŁijĨ":42975,"compreh":42976,"jinx":42977,"aswell":42978,"irie":42979,"circulating":42980,"ðŁIJ¥":42981,"overboard":42982,"cultivate":42983,"rhett":42984,"orienteering":42985,"cak":42986,"balkans":42987,"sitt":42988,"jasmin":42989,"britneyspears":42990,"rotor":42991,"sealing":42992,"gbc":42993,"occi":42994,"fas":42995,"emancip":42996,"comer":42997,"wartime":42998,"tickle":42999,"sonny":43000,"paces":43001,"logg":43002,"atrix":43003,"srp":43004,"gwin":43005,"dobbs":43006,"uzbe":43007,"thewanted":43008,"drush":43009,"extru":43010,"micky":43011,"honorees":43012,"darwin":43013,"redux":43014,"mmj":43015,"rami":43016,"jalapeño":43017,"ioc":43018,"dover":43019,"juju":43020,"whitney":43021,"seng":43022,"enly":43023,"auch":43024,"archipelago":43025,"vigilant":43026,"mangal":43027,"wildest":43028,"paranoid":43029,"hali":43030,"bbly":43031,"sanctioned":43032,"realms":43033,"conco":43034,"uddin":43035,"csk":43036,"playtime":43037,"libra":43038,"savag":43039,"octane":43040,"rectan":43041,"return":43042,"parrish":43043,"morrha":43044,"ccp":43045,"cmu":43046,"sailed":43047,"sevent":43048,"rosie":43049,"piling":43050,"hew":43051,"boarded":43052,"segments":43053,"nephro":43054,"(.":43055,"crats":43056,"bakes":43057,"ðŁį¸":43058,"backtothe":43059,"sibling":43060,"kirkland":43061,"keo":43062,"guwa":43063,"breads":43064,"ðŁĺľðŁĺľ":43065,"tq":43066,"harassed":43067,"gau":43068,"wilbur":43069,"jisoo":43070,"eper":43071,"lisam":43072,"trippin":43073,"shino":43074,"rukh":43075,"beastmode":43076,"choa":43077,"instaweather":43078,"richland":43079,"gari":43080,"fez":43081,"cowboysnation":43082,"fursuit":43083,"krun":43084,"aen":43085,"sycamore":43086,"segun":43087,"entennial":43088,"dih":43089,"oax":43090,"demsinphilly":43091,"ðŁĻĢ":43092,"snhl":43093,"pennies":43094,"passwords":43095,"makin":43096,"tye":43097,"deng":43098,"knigh":43099,"jeeplife":43100,"helpline":43101,"afor":43102,"zzzz":43103,"steamy":43104,"picker":43105,"iterate":43106,"happeningnow":43107,"kib":43108,"bloomberg":43109,"martyrdom":43110,"bully":43111,"assortment":43112,"ahora":43113,"zoe":43114,"noi":43115,"illustri":43116,"agarwal":43117,"psc":43118,"electronica":43119,"recruiter":43120,"gardiner":43121,"radha":43122,"nafta":43123,"dotnet":43124,"piero":43125,"georg":43126,"bels":43127,"ðŁĺĤðŁĺį":43128,"tuberculosis":43129,"runnin":43130,"moris":43131,"hauling":43132,"evoc":43133,"brethren":43134,"shair":43135,"frameworks":43136,"astu":43137,"rigid":43138,"kuma":43139,"kreme":43140,"jinnah":43141,"insurers":43142,"nyu":43143,"fere":43144,"nollywood":43145,"goodvibes":43146,"-...":43147,"toile":43148,"skril":43149,"instaweatherpro":43150,"czech":43151,"pavel":43152,"onepiece":43153,"nikeplus":43154,"filet":43155,"cavity":43156,"ðŁı½âĢįâĻĤï¸ı":43157,"ðŁİ£":43158,"drastic":43159,"dailys":43160,"siamese":43161,"rebu":43162,"osteo":43163,"lark":43164,"fre":43165,"shelling":43166,"pé":43167,"gladys":43168,"ðŁıĢðŁıĢ":43169,"gustave":43170,"submerged":43171,"grandstand":43172,"attu":43173,"wont":43174,"fpv":43175,"bley":43176,"joni":43177,"angames":43178,"weighted":43179,"alou":43180,"श":43181,"lesbians":43182,"fj":43183,"annies":43184,"aml":43185,"doria":43186,"davin":43187,"beta":43188,"canc":43189,"madewithunity":43190,"haj":43191,"badlands":43192,"mul":43193,"bluec":43194,"pawn":43195,"covington":43196,"neurology":43197,"httweets":43198,"dyslexia":43199,"thelove":43200,"neat":43201,"forklift":43202,"automate":43203,"uneven":43204,"montess":43205,"hein":43206,"hag":43207,"relics":43208,"competitiveness":43209,"canelo":43210,"martens":43211,"bulletproof":43212,"skittles":43213,"gya":43214,"primo":43215,"americafirst":43216,"wooo":43217,"abortions":43218,"??!!":43219,"mache":43220,"lders":43221,"rlly":43222,"prelims":43223,"direct":43224,"course":43225,"swain":43226,"supercell":43227,"eccentric":43228,"stingray":43229,"plets":43230,"wilcox":43231,"westin":43232,"okanagan":43233,"kiran":43234,"carbo":43235,"bombings":43236,"rarest":43237,"boh":43238,"gawd":43239,"digg":43240,"moana":43241,"entirety":43242,"enclosed":43243,"dodgeball":43244,"parton":43245,"milkyway":43246,"atr":43247,"thoroughbred":43248,"really":43249,"qantas":43250,"epiphany":43251,"inee":43252,"aerosmith":43253,"spieth":43254,"arthro":43255,"ellini":43256,"dubu":43257,"braving":43258,"âļ½âļ½":43259,"restructuring":43260,"illuminate":43261,"equili":43262,"mpi":43263,"ashton":43264,"ponytail":43265,"mascots":43266,"flattering":43267,"crum":43268,"asta":43269,"à®°":43270,"strangerthings":43271,"barnab":43272,"رÙĬ":43273,"makeshift":43274,"gotcha":43275,"willam":43276,"choirs":43277,"kilometres":43278,"ghosh":43279,"euthan":43280,"dolly":43281,"unning":43282,"thear":43283,"crewe":43284,"wsw":43285,"jace":43286,"dismiss":43287,"kean":43288,"hota":43289,"khat":43290,"~>":43291,"thiru":43292,"rendez":43293,"hartman":43294,"teessi":43295,"casca":43296,"zah":43297,"hydrange":43298,"fod":43299,"awp":43300,"mzansi":43301,"thicker":43302,"nagoya":43303,"neva":43304,"stique":43305,"castel":43306,"damian":43307,"thereby":43308,"jiang":43309,"alek":43310,"musicislife":43311,"raq":43312,"callahan":43313,"gouache":43314,"somaliland":43315,"seanhannity":43316,"raheem":43317,"lose":43318,"elove":43319,"wharton":43320,"rectangular":43321,"illustrating":43322,"harne":43323,"autisma":43324,"scrapped":43325,"elland":43326,"decree":43327,"nagpur":43328,"kipp":43329,"sore":43330,"nmd":43331,"maas":43332,"guna":43333,"gartner":43334,"belli":43335,"thenight":43336,"jeon":43337,"genderequality":43338,"giver":43339,"ael":43340,"garments":43341,"neu":43342,"mardigras":43343,"marsden":43344,"rower":43345,"polluted":43346,"cameraman":43347,"vinod":43348,"beasley":43349,"croc":43350,"jiu":43351,"hollyoaks":43352,"anesthesia":43353,"alles":43354,"steward":43355,"latimes":43356,"ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸ðŁĩºðŁĩ¸":43357,"tician":43358,"goria":43359,"comedic":43360,"ð٤Ķð٤Ķð٤Ķ":43361,"naive":43362,"slions":43363,"łĪ":43364,"burglar":43365,"ðŁĺŃðŁĺŃðŁĺŃðŁĺŃðŁĺŃ":43366,"yorkshi":43367,"señ":43368,"fanboy":43369,"laurel":43370,"incidence":43371,"potomac":43372,"roberta":43373,"presiden":43374,"pryor":43375,"osbourne":43376,"wku":43377,"teme":43378,"palae":43379,"ðŁ¥º":43380,"reboun":43381,"itude":43382,"reddish":43383,"khand":43384,"colonialism":43385,"northcarolina":43386,"ðĿĴ":43387,"mannequin":43388,"ladybird":43389,"tasty":43390,"knowledgeable":43391,"gshore":43392,"ðŁĮĮ":43393,"ன":43394,"quaker":43395,"salzburg":43396,"medalists":43397,"chyna":43398,"bridesmaid":43399,"maori":43400,"rop":43401,"outraged":43402,"inadequate":43403,"truckers":43404,"alana":43405,"ìĿ¼":43406,"rix":43407,"oooooooo":43408,"commandments":43409,"lambeth":43410,"aaj":43411,"ecofriendly":43412,"blaz":43413,"morecambe":43414,"bouncy":43415,"roux":43416,"raided":43417,"mized":43418,"shc":43419,"gawx":43420,"laboratories":43421,"rubs":43422,"restroom":43423,"consultations":43424,"cajun":43425,"virgini":43426,"soir":43427,"revue":43428,"plein":43429,"wager":43430,"ç¹":43431,"wedo":43432,"growingup":43433,"!ðŁĺĬ":43434,"faceted":43435,"sinners":43436,"hovering":43437,"tiene":43438,"seasoning":43439,"anja":43440,"leggo":43441,"ilis":43442,"flax":43443,"devo":43444,"ashram":43445,"matisse":43446,"keri":43447,"gower":43448,"botox":43449,"marshes":43450,"unhcr":43451,"tsm":43452,"optimus":43453,"duni":43454,"stuffs":43455,"sok":43456,"orderly":43457,"nbad":43458,"islamophobia":43459,"ravioli":43460,"faber":43461,"creds":43462,"wonka":43463,"infusion":43464,"overweight":43465,"dailynews":43466,"assimil":43467,"acollege":43468,"medallion":43469,"kilimanjaro":43470,"stiff":43471,"thames":43472,"sunken":43473,"thard":43474,"mydubai":43475,"hilariously":43476,"hannel":43477,"plumber":43478,"fairview":43479,"separating":43480,"rascal":43481,"quien":43482,"necessities":43483,"confederation":43484,"llll":43485,":]":43486,"weaknesses":43487,"bronco":43488,"raffles":43489,"elot":43490,"ãĤ¸ãĥ":43491,"adventcalendar":43492,"ðŁİ¹":43493,"stravel":43494,"tunic":43495,"ksu":43496,"impeach":43497,"espionage":43498,"!-":43499,"diment":43500,"currant":43501,"biode":43502,"commuting":43503,"byron":43504,"ðŁĴĵðŁĴĵ":43505,"shaded":43506,"truro":43507,"crayons":43508,"arne":43509,"hsc":43510,"freaked":43511,"dramati":43512,"fleek":43513,"ucd":43514,"marlborough":43515,"^-":43516,"crossings":43517,"malo":43518,"blackops":43519,"binance":43520,"choked":43521,"cheney":43522,"plo":43523,"gestures":43524,"valedic":43525,"ryanair":43526,"remington":43527,"vcs":43528,"mckee":43529,"ecz":43530,"begs":43531,"nailart":43532,"mayorof":43533,"happyfathersday":43534,"wart":43535,"petitions":43536,"ningly":43537,"cleanenergy":43538,"brox":43539,"slalom":43540,"existent":43541,"abay":43542,"ugliest":43543,"tomp":43544,"stoma":43545,"selby":43546,"goalscorer":43547,"benji":43548,"overwhelmingly":43549,"lans":43550,"semiconductor":43551,"southkorea":43552,"rescheduled":43553,"skyl":43554,"enlisted":43555,"dowski":43556,"sidel":43557,"rosenberg":43558,"nasser":43559,"whitehead":43560,"prius":43561,"harare":43562,"enn":43563,"ryder":43564,"íĤ":43565,"mong":43566,"clasico":43567,"transporter":43568,"potty":43569,"isme":43570,"*****":43571,"vice":43572,"skit":43573,"odessa":43574,"lmp":43575,"hern":43576,"racially":43577,"pinoy":43578,"paraguay":43579,"obituary":43580,"goes":43581,"bucha":43582,"sidewalks":43583,"angular":43584,"unconstitutional":43585,"transitioning":43586,"ibu":43587,"guys":43588,"unpacking":43589,"oooooo":43590,"blackgirl":43591,"bergs":43592,"¯":43593,"wordoftheday":43594,"trumptrain":43595,"thunderbolt":43596,"msi":43597,"fascists":43598,"ब":43599,"tsk":43600,"collapses":43601,"rajesh":43602,"loveislove":43603,"migrating":43604,"setback":43605,"ðŁĺĬâĿ¤ï¸ı":43606,"tels":43607,"safetyfirst":43608,"narrated":43609,"jaejoong":43610,"unanswered":43611,"liqueur":43612,"ennes":43613,"dalgo":43614,"billings":43615,"saltwater":43616,"mermaids":43617,"longs":43618,"clapham":43619,"wearec":43620,"piccollage":43621,"nach":43622,"hace":43623,"poisoned":43624,"loth":43625,"agna":43626,"adelrey":43627,"guardia":43628,"polishing":43629,"peacekeeping":43630,"dall":43631,"pisa":43632,"lapland":43633,"processors":43634,"deandre":43635,"sobs":43636,"ponce":43637,"drains":43638,"cbe":43639,"ðŁİ¥:":43640,"splash":43641,"meatball":43642,"fontana":43643,"worcestershirehour":43644,"nev":43645,"brisk":43646,"bint":43647,"acr":43648,"pox":43649,"cayenne":43650,"skrillex":43651,"jfc":43652,"hahahahahahaha":43653,"glas":43654,"engul":43655,"temporal":43656,"onized":43657,"concre":43658,"compose":43659,"vibrations":43660,"planters":43661,"fert":43662,"criticalrolefanart":43663,"tbli":43664,"schallenge":43665,"huckabee":43666,"municipal":43667,"iambic":43668,"radios":43669,"nevis":43670,"durability":43671,"mccla":43672,"horseback":43673,"institutes":43674,"fulfill":43675,"attach":43676,"ateur":43677,"akan":43678,"resisting":43679,"illumination":43680,"handle":43681,"haircare":43682,"oment":43683,"macleod":43684,"kaiser":43685,"gno":43686,"beardown":43687,"lyf":43688,"glomer":43689,"distortion":43690,"zm":43691,"sank":43692,"roosters":43693,"isnow":43694,"asports":43695,"agen":43696,"woken":43697,"stgeorge":43698,"romper":43699,"myle":43700,"economists":43701,"ruto":43702,"twill":43703,"healthand":43704,"dito":43705,"wsl":43706,"tairp":43707,"prakash":43708,"micheal":43709,"hts":43710,"wrights":43711,"katsu":43712,"fiorentina":43713,"defenseman":43714,"ditch":43715,"varsity":43716,"texanscheer":43717,"baham":43718,"scanned":43719,"weil":43720,"seductive":43721,"ðŁijįðŁı½":43722,"fue":43723,"erwin":43724,"davison":43725,"terran":43726,"moods":43727,"woolf":43728,"resource":43729,"@.":43730,"cush":43731,"ðŁį°":43732,"regression":43733,"curled":43734,"lazer":43735,"joanne":43736,"abbott":43737,"moz":43738,"downers":43739,"mmmmmm":43740,"valentina":43741,"khair":43742,"dreamt":43743,"crook":43744,"chek":43745,"steaming":43746,"nephews":43747,"cleric":43748,"asober":43749,"indefinitely":43750,"wye":43751,"usnews":43752,"joyce":43753,"flushing":43754,"wynonnaearp":43755,"rondo":43756,"kiss":43757,"hotdog":43758,"barns":43759,"saxophon":43760,"farley":43761,"gasp":43762,"decreasing":43763,"alway":43764,"pex":43765,"lsd":43766,"shift":43767,"poutine":43768,"razz":43769,"rescuing":43770,"niko":43771,"hoch":43772,"ccl":43773,"uaap":43774,"nts":43775,"mcar":43776,"ilwx":43777,"conquering":43778,"kettering":43779,"sturdy":43780,"delaying":43781,"stok":43782,"vanished":43783,"cathar":43784,"bingham":43785,"inv":43786,"ichiro":43787,"hemo":43788,"budgeting":43789,"[...]":43790,"bess":43791,"sebastian":43792,"slowed":43793,"ðĿij":43794,"muslim":43795,"stuns":43796,"actonclimate":43797,"vea":43798,"seton":43799,"rosetta":43800,"ount":43801,"hardin":43802,"fluid":43803,"caw":43804,"ðŁ¥Ĥ":43805,"yacht":43806,"unl":43807,"sphy":43808,"provocative":43809,"oric":43810,"isback":43811,"___":43812,"nicolas":43813,"gyan":43814,"loose":43815,"flin":43816,"rebate":43817,":::":43818,"!\"@":43819,"comicon":43820,"sheff":43821,"downstream":43822,"chichester":43823,"beachlife":43824,"momlife":43825,"diabete":43826,"arra":43827,"vane":43828,"oku":43829,"yeo":43830,"mango":43831,"tryout":43832,"appell":43833,"heirs":43834,"arjuna":43835,"ddu":43836,"naveen":43837,"movic":43838,"socialists":43839,"sback":43840,"criterion":43841,"soyuz":43842,"kher":43843,"daz":43844,"yolanda":43845,"wineoclock":43846,"reina":43847,"onew":43848,"leonard":43849,"endez":43850,"ubs":43851,"supportlocal":43852,"facilitated":43853,"caramelized":43854,"bpa":43855,"vuelta":43856,"mytho":43857,"mami":43858,"speare":43859,"nbaplayoffs":43860,"fevre":43861,"nickjonas":43862,"imprint":43863,"cso":43864,"craigslist":43865,"lasalle":43866,"gideon":43867,"hadoop":43868,"disregard":43869,"wud":43870,"tuc":43871,"magee":43872,"acoustics":43873,"taa":43874,"quie":43875,"pola":43876,"crt":43877,"dwyer":43878,"dissec":43879,"capitol":43880,"mention":43881,"knoll":43882,"heigh":43883,"finders":43884,"placements":43885,"lse":43886,"indira":43887,"guri":43888,"madhuridixit":43889,"kingdoms":43890,"iambicpent":43891,"georgina":43892,"jeky":43893,"conflicting":43894,"bayan":43895,"agatha":43896,"uphold":43897,"dron":43898,"vicar":43899,"expat":43900,"peripheral":43901,"pessi":43902,"faf":43903,"ancestor":43904,"?..":43905,"widget":43906,"punc":43907,"commenced":43908,"beavs":43909,"airwaves":43910,"addis":43911,"poa":43912,"desses":43913,"coden":43914,"vue":43915,"rupee":43916,"karin":43917,"spock":43918,"msy":43919,"ะ":43920,"prick":43921,"fillmore":43922,"tification":43923,"thingsto":43924,"sarde":43925,"emile":43926,"pereira":43927,"nad":43928,"brightening":43929,"arresting":43930,"woking":43931,"uscg":43932,"spill":43933,"raspberrypi":43934,"hugo":43935,"itec":43936,"isma":43937,"cufflinks":43938,"optimized":43939,"occ":43940,"miwx":43941,"enka":43942,"elited":43943,"affordable":43944,"sakh":43945,"coronado":43946,"hoh":43947,"atul":43948,"aioli":43949,"jimcantore":43950,"accounted":43951,"vinay":43952,"hermit":43953,"grooves":43954,"ranch":43955,"rilla":43956,"wetter":43957,"outof":43958,"veterin":43959,"nikov":43960,"kian":43961,"fairbanks":43962,"ramapho":43963,"niti":43964,"kko":43965,"rusty":43966,"nestle":43967,"tvxq":43968,"shaheer":43969,"âĿ¤âĿ¤âĿ¤âĿ¤":43970,"pennant":43971,"gemstones":43972,"demdebate":43973,"ðŁIJĬ":43974,"autonews":43975,"supportindiefilm":43976,"macho":43977,"vex":43978,"newsat":43979,"neti":43980,"concessions":43981,"candied":43982,"yofthe":43983,"macau":43984,"dends":43985,"cricketers":43986,"saniti":43987,"mariano":43988,"ghat":43989,"artoftheday":43990,"¡ľ":43991,"egos":43992,"genoa":43993,"chatbots":43994,"brier":43995,"allabout":43996,"monty":43997,"spied":43998,"rtr":43999,"comfort":44000,"snippets":44001,"realtime":44002,"grain":44003,"examined":44004,"enlightening":44005,"ttu":44006,"godbless":44007,"releasethe":44008,"singular":44009,"kians":44010,"haka":44011,"sorren":44012,"defect":44013,"marg":44014,"equities":44015,"dorian":44016,"suka":44017,"perl":44018,"aishwarya":44019,"pullover":44020,"precision":44021,"fairway":44022,"neve":44023,"riveting":44024,"villanova":44025,"encom":44026,"ako":44027,"passionately":44028,"europaleague":44029,"siempre":44030,"xvi":44031,"enlightened":44032,"cfr":44033,"âĺħâĺħâĺħâĺħ":44034,"wasteland":44035,"isf":44036,"newcomers":44037,"emergency":44038,"amphitheatre":44039,"-.":44040,"textbooks":44041,"figurative":44042,"tremb":44043,"pesc":44044,"abhin":44045,"abbot":44046,"acacia":44047,"hards":44048,"porsche":44049,"kauai":44050,"elisa":44051,"carrick":44052,"abou":44053,"ellier":44054,"bech":44055,"neutron":44056,"galapagos":44057,"ruben":44058,"innis":44059,"howto":44060,"nuns":44061,"sabine":44062,"iac":44063,"clinched":44064,"notori":44065,"fives":44066,"cairngor":44067,"peri":44068,"grc":44069,"ðŁĴ¯ðŁĴ¯":44070,"malm":44071,"twelfth":44072,"diff":44073,"routines":44074,"martyn":44075,"linden":44076,"synthesizer":44077,"number":44078,"gamecube":44079,"falkirk":44080,"byzantine":44081,"queuing":44082,"grill":44083,"scalable":44084,"charred":44085,"routing":44086,"herbali":44087,"grizz":44088,"ðŁĺŃðŁĺŃðŁĺŃ":44089,"toll":44090,"terminals":44091,"lpc":44092,"abd":44093,"warmups":44094,"removable":44095,"¯\\":44096,"vigo":44097,"papaya":44098,"neve":44099,"lovingly":44100,"jokers":44101,"ibles":44102,"ssett":44103,"potenti":44104,"pele":44105,"gigi":44106,"sadiq":44107,"legacy":44108,"sono":44109,"rupees":44110,"retarded":44111,"elee":44112,"parr":44113,"fiance":44114,"eyre":44115,"sayers":44116,"pendants":44117,"maknae":44118,"albans":44119,"adapting":44120,"pff":44121,"puberty":44122,"jiu":44123,"ingrad":44124,"hypocrite":44125,"diplomats":44126,"physical":44127,"robby":44128,"bonsai":44129,"ãģ·":44130,"fatt":44131,"catalunya":44132,"âľĸï¸ı":44133,"roma":44134,"moreland":44135,"soe":44136,"conversions":44137,"stlblues":44138,"sholm":44139,"grassy":44140,"prado":44141,"onu":44142,"assaulting":44143,">_":44144,"settes":44145,"disgraceful":44146,"aphra":44147,"âļ½ï¸ıâļ½ï¸ı":44148,"प":44149,"kiln":44150,"goaltender":44151,"sru":44152,"philanthropist":44153,"bals":44154,"thn":44155,"studen":44156,"sandoval":44157,"dogrescue":44158,"elions":44159,"assessed":44160,"largo":44161,"hectares":44162,"shrm":44163,"saif":44164,"cleavage":44165,"noches":44166,"nene":44167,"fatalities":44168,"curing":44169,"cleanser":44170,"ales":44171,"pvp":44172,"southbank":44173,"pizzeria":44174,"marshals":44175,"knife":44176,"andover":44177,"tblightning":44178,"srsly":44179,"oute":44180,"digimon":44181,"timesofindia":44182,"promethe":44183,"lebo":44184,"fsu":44185,"witz":44186,"revere":44187,"manas":44188,"mamba":44189,"chica":44190,"guan":44191,"exhibitor":44192,"csrracing":44193,"dere":44194,"xxxxx":44195,"gusta":44196,"storytime":44197,"stoney":44198,"organics":44199,"andu":44200,"seam":44201,"minogue":44202,"anushkasharma":44203,"aba":44204,"ðŁİĻï¸ı":44205,"ugandan":44206,"chromatic":44207,"assn":44208,"documentaries":44209,"sht":44210,"rupaul":44211,"loyd":44212,"kats":44213,"eus":44214,"itech":44215,"medusa":44216,"panty":44217,"kellogg":44218,"etto":44219,"tallade":44220,"shaa":44221,"dost":44222,"pms":44223,"mariana":44224,"jester":44225,"crooks":44226,"ðŁĶ¬":44227,"mindanao":44228,"indhoven":44229,"ðŁ¤ª":44230,"lexi":44231,"tvn":44232,"janis":44233,"cote":44234,"ãģĨ":44235,"serrano":44236,"iwm":44237,"ðŁIJ¬":44238,"kke":44239,"distributors":44240,"capu":44241,"counterfeit":44242,"campsite":44243,"aggie":44244,"ðŁĺ¼":44245,"chhattisgarh":44246,"~@":44247,"stateu":44248,"sandi":44249,"preventable":44250,"cls":44251,"canne":44252,"mmc":44253,"iver":44254,"saharan":44255,"palis":44256,"nightout":44257,"dos":44258,"apia":44259,"abscbn":44260,"managerial":44261,"arose":44262,"mowx":44263,"arosa":44264,"ðŁĮ³":44265,"underdog":44266,"remover":44267,"astronomers":44268,"lentils":44269,"suscep":44270,"smoother":44271,"pendleton":44272,"faucet":44273,"emory":44274,"dalmati":44275,"afcb":44276,"ticus":44277,"exempt":44278,"enrol":44279,"dheim":44280,"ðŁIJº":44281,"restriction":44282,"starfish":44283,"stow":44284,"snorkel":44285,"thunderbirds":44286,"shead":44287,"homosexual":44288,"dyn":44289,"asli":44290,"andretti":44291,"douche":44292,"domo":44293,"tarmac":44294,"slumber":44295,"pronto":44296,"firstdayof":44297,"miniature":44298,"mariachi":44299,"argus":44300,"recommending":44301,"mobiles":44302,"ince":44303,"illustrious":44304,"orc":44305,"adverts":44306,"grits":44307,"weasel":44308,"pagoda":44309,"overpass":44310,"greys":44311,"maximus":44312,"armagh":44313,"woodland":44314,"sunni":44315,"ðŁĴī":44316,"ëĿ":44317,"tione":44318,"socio":44319,"hos":44320,"ð٤Ĺð٤Ĺ":44321,"windsor":44322,"subsequent":44323,"munchies":44324,"idh":44325,"excluding":44326,"emi":44327,"cuth":44328,"zai":44329,"weekdays":44330,"lawsuits":44331,"barnard":44332,"ت":44333,"petting":44334,"netes":44335,"mulligan":44336,"pharmacists":44337,"raquel":44338,"eton":44339,"cranston":44340,"gilded":44341,"cleary":44342,"ceph":44343,"raa":44344,"pamper":44345,"lombardi":44346,"asin":44347,"sherry":44348,"prod":44349,"forte":44350,"arianism":44351,"buffalobills":44352,"æľ¬":44353,"ðŁĶ¥#":44354,"uuu":44355,"justices":44356,"carina":44357,"natin":44358,"maslow":44359,"drooling":44360,"cognac":44361,"camber":44362,"elong":44363,"rdr":44364,"inen":44365,"convictions":44366,"amuse":44367,"trock":44368,"harmless":44369,"visitation":44370,"genomic":44371,"bland":44372,"benoit":44373,"chimp":44374,"tuscaloosa":44375,"greasy":44376,"xpo":44377,"gilt":44378,"seq":44379,"permitted":44380,"christmaseve":44381,"books":44382,"mue":44383,"oldschool":44384,"humanright":44385,"beati":44386,"ðŁĶĿ":44387,"shat":44388,"sculpting":44389,"hwan":44390,"fernandes":44391,"sciutto":44392,"fuentes":44393,"endeavors":44394,"maidstone":44395,"unparalleled":44396,"shouted":44397,"queenof":44398,"merc":44399,"bandic":44400,"veda":44401,"selangor":44402,"pile":44403,"jahan":44404,"intimidating":44405,"disappears":44406,"clich":44407,"zaha":44408,"wurst":44409,"hiv":44410,"fodils":44411,"cordless":44412,"aaaaaa":44413,"hydra":44414,"belinda":44415,"eels":44416,"buf":44417,"sustaining":44418,"rugbyleague":44419,"noc":44420,"brigitte":44421,"(ðŁĵ¸:":44422,"trombone":44423,"soothe":44424,"smog":44425,"adp":44426,"stable":44427,"ingley":44428,"diagnose":44429,"msg":44430,"wess":44431,"ticketing":44432,"onee":44433,"nswpol":44434,"eup":44435,"autopsy":44436,"adityanath":44437,"sundown":44438,"riverfront":44439,"siya":44440,"pis":44441,"hierarchy":44442,"durango":44443,"dijk":44444,"renshaw":44445,"heaps":44446,"epidemi":44447,"davidbowie":44448,"internetof":44449,"ddi":44450,"nationality":44451,"mbar":44452,"airy":44453,"winder":44454,"walia":44455,"elliott":44456,"cx":44457,"bavarian":44458,"platt":44459,"antw":44460,"wiwx":44461,"softer":44462,"neha":44463,"heller":44464,"thand":44465,"daniela":44466,"boast":44467,"degradation":44468,"ðŁĴ¦ðŁĴ¦":44469,"transforming":44470,"mane":44471,"avut":44472,"ðŁĺĪðŁĺĪ":44473,"voter":44474,"thee":44475,"tate":44476,"puff":44477,"indoor":44478,"soproud":44479,"boyce":44480,"borisjohnson":44481,"waitin":44482,"immunology":44483,"ðŁıĨðŁıĨðŁıĨ":44484,"âĿĮ":44485,"streetfood":44486,"lizasober":44487,"cavalier":44488,"celia":44489,"needle":44490,"motoring":44491,"gato":44492,",)":44493,"rade":44494,"harvest":44495,"tms":44496,"jarpad":44497,"oney":44498,"airmen":44499,"vre":44500,"impairment":44501,"abhishek":44502,"snoop":44503,"lant":44504,"famously":44505,"blou":44506,"sze":44507,"gander":44508,"untouch":44509,"tuf":44510,"deejay":44511,"collateral":44512,"bind":44513,"ðŁļ©":44514,"pinning":44515,"icn":44516,"';":44517,"theeconomist":44518,"ultram":44519,"worldwaterday":44520,"tipoff":44521,"thei":44522,"feeders":44523,"campaign":44524,"scumb":44525,"dayweekend":44526,"yom":44527,"pedic":44528,"hough":44529,"psv":44530,"plin":44531,"onde":44532,"bostonmarathon":44533,"azzy":44534,"*_*":44535,"conley":44536,"thiago":44537,"hooo":44538,"galerie":44539,"lucid":44540,"jett":44541,"glitz":44542,"finalfantasy":44543,"achievers":44544,"yung":44545,"peregrine":44546,"ophi":44547,"dames":44548,"biomar":44549,"âĺĢï¸ıâĺĢï¸ı":44550,"skc":44551,"lics":44552,"flank":44553,"arrahman":44554,"hoof":44555,"upholstery":44556,"tats":44557,"woz":44558,"¿":44559,"snoring":44560,"raer":44561,"lju":44562,"apd":44563,"plating":44564,"kanu":44565,"imation":44566,"fragrances":44567,"mra":44568,"moray":44569,"mott":44570,"immuni":44571,"hearties":44572,"bhopal":44573,"timers":44574,"gata":44575,"colorway":44576,"carnation":44577,"winget":44578,"sighs":44579,"sville":44580,"optimist":44581,"chateau":44582,"olympians":44583,"cio":44584,"singersongwriter":44585,"nyo":44586,"fibers":44587,"burch":44588,"agro":44589,"milne":44590,"igbo":44591,"cramer":44592,"ationals":44593,"danube":44594,"padma":44595,"normani":44596,"enforced":44597,"breck":44598,"boehner":44599,"arden":44600,"surrendered":44601,"prosthetic":44602,"oma":44603,"hailed":44604,"calculations":44605,"wfa":44606,"bib":44607,"fcblive":44608,"fonda":44609,"westcoast":44610,"quests":44611,"friendly":44612,"towie":44613,"fitch":44614,"balot":44615,"stardom":44616,"scratching":44617,"hosa":44618,"thika":44619,"oven":44620,"stroke":44621,"outpost":44622,"pharmaceuticals":44623,"hikari":44624,"muy":44625,"afd":44626,"fallontonight":44627,"squat":44628,"oru":44629,"drained":44630,"chocolat":44631,"민":44632,"worths":44633,"rib":44634,"muj":44635,"thats":44636,"residente":44637,"itel":44638,"boost":44639,"migos":44640,"mulled":44641,"laa":44642,"etsyshop":44643,"donkeys":44644,"mek":44645,"ptc":44646,"flinders":44647,"ehs":44648,"rohit":44649,"muir":44650,"gad":44651,"compositions":44652,"åĨĻ":44653,"combustion":44654,"ikh":44655,"yemeni":44656,"waved":44657,"garci":44658,"akos":44659,"oods":44660,"fusion":44661,"seque":44662,"slan":44663,"plur":44664,"kicchasu":44665,"shenando":44666,"sams":44667,"worlden":44668,"horowitz":44669,"withme":44670,"microbes":44671,"kki":44672,"ðŁĴĶðŁĴĶ":44673,"wsu":44674,"patchwork":44675,"freer":44676,"yaki":44677,"theart":44678,"symbolism":44679,"miler":44680,"btn":44681,"mabu":44682,"sidekick":44683,"motivates":44684,"sagitt":44685,"naturals":44686,"serviced":44687,"psori":44688,"paola":44689,"quig":44690,"ibadan":44691,"giggs":44692,"ë³":44693,"scientology":44694,"sioux":44695,"salamat":44696,"dres":44697,"cadbury":44698,"dhawan":44699,"ción":44700,"_'":44701,"swapping":44702,"mariska":44703,"jamesbond":44704,"explosives":44705,"ayles":44706,"afer":44707,"sagu":44708,"censor":44709,"toma":44710,"jefferson":44711,"ringed":44712,"partist":44713,"irresponsible":44714,"aguilar":44715,"vacay":44716,"equitable":44717,"altrincham":44718,"acur":44719,"manish":44720,"germin":44721,"schooled":44722,"putter":44723,"edad":44724,"naval":44725,"toasty":44726,"solareclipse":44727,"dishu":44728,"coyne":44729,"acco":44730,"muck":44731,"maran":44732,"elos":44733,"lender":44734,"croix":44735,"worthless":44736,"haber":44737,"gunmen":44738,"ðŁįĵ":44739,"zenith":44740,"tenders":44741,"hurst":44742,"holtz":44743,"italians":44744,"carlow":44745,"ucd":44746,"characteristic":44747,"bung":44748,"avl":44749,"uth":44750,"sasia":44751,"rsl":44752,"redman":44753,"neighboring":44754,"greenpeace":44755,"stips":44756,"followparty":44757,"ygk":44758,"enos":44759,"omnibus":44760,"naissance":44761,"chrissy":44762,"secure":44763,"callback":44764,"jihoon":44765,"memory":44766,"blocker":44767,"lanta":44768,"daffodils":44769,"bilt":44770,"fferty":44771,"faust":44772,"iec":44773,"nipples":44774,"sog":44775,"mnd":44776,"jaguar":44777,"boldly":44778,"abpoli":44779,"proposition":44780,"gunsense":44781,"evansville":44782,"cutters":44783,"wego":44784,"doun":44785,"dox":44786,"stallions":44787,"kaj":44788,"shippers":44789,"jawa":44790,"volo":44791,"leven":44792,"paprika":44793,"kovich":44794,"jordi":44795,"inductees":44796,"appalling":44797,"dialysis":44798,"alleviate":44799,"âĢĶâĢĶ":44800,"pieter":44801,"midwi":44802,"qtr":44803,"juliette":44804,"intermission":44805,"hawks":44806,"actment":44807,"oneill":44808,"klin":44809,"vamps":44810,"famous":44811,"could":44812,"automobi":44813,"daan":44814,"westend":44815,"ellip":44816,"nhc":44817,"melanch":44818,"webseries":44819,"tongue":44820,"snatched":44821,"smyth":44822,"tangible":44823,"sli":44824,"easing":44825,"barstool":44826,"overlay":44827,"affordability":44828,"tinged":44829,"teras":44830,"ayush":44831,"wannaone":44832,"rhine":44833,"dana":44834,"shana":44835,"kendal":44836,"fertile":44837,"wir":44838,"repleni":44839,"larvae":44840,"isro":44841,"convos":44842,"abbrevi":44843,"ucc":44844,"hungry":44845,"burrows":44846,"ager":44847,"navi":44848,"matin":44849,"duper":44850,"cern":44851,"madon":44852,"ķï¸ı":44853,"éģ":44854,"tups":44855,"hyatt":44856,"shep":44857,"fridaynight":44858,"wiser":44859,"heidi":44860,"hatton":44861,"pgh":44862,"fountain":44863,"wristbands":44864,"ahmadiyya":44865,"aerial":44866,"subscribed":44867,"solos":44868,"mace":44869,"slayed":44870,"forfe":44871,"dulce":44872,"christmass":44873,"arunjaitley":44874,"violate":44875,"obstru":44876,"nieces":44877,"wvu":44878,"idyl":44879,"faze":44880,"preserves":44881,"infringe":44882,"premiers":44883,"intervals":44884,"agency":44885,"(©":44886,"standalone":44887,"dimes":44888,"boer":44889,"parameters":44890,"getit":44891,"ðŁĺĺðŁĺĺðŁĺĺðŁĺĺ":44892,"tulane":44893,"forgiven":44894,"scoll":44895,"mbps":44896,"smashbros":44897,"robbi":44898,"primavera":44899,"alist":44900,"ghostly":44901,"ayat":44902,"yeats":44903,"impressionist":44904,"earphones":44905,"caulfield":44906,"waikiki":44907,"salute":44908,"scou":44909,"muay":44910,"louisvuitton":44911,"bakhta":44912,"adog":44913,"inventions":44914,"hurd":44915,"foreclo":44916,"streamline":44917,"thalaivar":44918,"chsnews":44919,"willard":44920,"tsn":44921,"europarl":44922,"crusher":44923,"mysore":44924,"grower":44925,"raping":44926,"patti":44927,"gden":44928,"smw":44929,"mufti":44930,"kidman":44931,"abr":44932,"sounders":44933,"skeptical":44934,"ðŁĶİ":44935,"sundar":44936,"ime":44937,"ferg":44938,"featherweight":44939,"arlington":44940,"pasqu":44941,"agazine":44942,"wearable":44943,"natic":44944,"mcclure":44945,"intermitt":44946,"horde":44947,"sixties":44948,"carte":44949,"bhav":44950,"zeal":44951,"experiential":44952,"adorned":44953,"sommer":44954,"enote":44955,"hypothesis":44956,"stinky":44957,"proto":44958,"deadlines":44959,"vogel":44960,"musings":44961,"moncton":44962,"guter":44963,"fle":44964,"acion":44965,"voiceof":44966,"tasha":44967,"inhabitants":44968,"typeface":44969,"sba":44970,"btsx":44971,"ðŁĶĴ":44972,"worx":44973,"uhc":44974,"joko":44975,"cellars":44976,"goro":44977,"continuum":44978,"...&":44979,"weathercee":44980,"hap":44981,"srk":44982,"risers":44983,"lonelyplanet":44984,"unnamed":44985,"coeur":44986,"ðŁįĮ":44987,"theworld":44988,"ilike":44989,"fasten":44990,"amigo":44991,"riba":44992,"ramaphosa":44993,"staffers":44994,"hadley":44995,"??\"":44996,"fiore":44997,"salut":44998,"huff":44999,"bezos":45000,"Ñĭ":45001,"rader":45002,"kamala":45003,"inline":45004,"fillers":45005,"umatic":45006,"allin":45007,"shatter":45008,"rein":45009,"oku":45010,"chases":45011,"flagged":45012,"babymetal":45013,"waterstones":45014,"tsb":45015,"cutout":45016,"ophel":45017,"aama":45018,"rockabilly":45019,"stolic":45020,"jetblue":45021,"ichick":45022,"downton":45023,"uzbekistan":45024,"patna":45025,"laq":45026,"grange":45027,")_/":45028,"subsidi":45029,"scp":45030,"newscast":45031,"itsa":45032,"tweetyour":45033,"emor":45034,"archaeologists":45035,"unification":45036,"porta":45037,"qx":45038,"protectors":45039,"prohib":45040,"charisma":45041,"cartag":45042,"renfre":45043,"sculpt":45044,"guwahati":45045,"dema":45046,"boop":45047,"unfpa":45048,"dexter":45049,"layla":45050,"alleges":45051,"soups":45052,"neveragain":45053,"lys":45054,"calc":45055,"baroness":45056,"visualize":45057,"gerber":45058,"absorbed":45059,"iers":45060,"ahan":45061,"fontein":45062,"detectors":45063,"verstappen":45064,"svc":45065,"formulated":45066,"acdc":45067,"lix":45068,"incompetent":45069,"bhk":45070,"lourdes":45071,"waterhouse":45072,"snowed":45073,"appreciative":45074,"sigma":45075,"lizasoberano":45076,"penned":45077,"paycheck":45078,"tallinn":45079,"fancafe":45080,"parisi":45081,"avalley":45082,"vig":45083,"rufc":45084,"hardship":45085,"socute":45086,"poise":45087,"ì¹":45088,"rothschild":45089,"kly":45090,"????????":45091,"lhp":45092,"ilay":45093,"fhs":45094,"amad":45095,"ideals":45096,"bradbury":45097,"balboa":45098,"nicot":45099,"kidnap":45100,"wolve":45101,"tasmanian":45102,"opt":45103,"matthias":45104,"ãĥ³ãĤ":45105,"supermarkets":45106,"mylittlepony":45107,"melee":45108,"lister":45109,"groun":45110,"fedora":45111,"kindness":45112,"enen":45113,"brahms":45114,"¯\\_(":45115,"roswell":45116,"marlene":45117,"icu":45118,"reformation":45119,"orail":45120,"hebrides":45121,"disparities":45122,"terracotta":45123,"swallows":45124,"reid":45125,"influencing":45126,"fluor":45127,"dene":45128,"tumour":45129,"blondes":45130,"thunderbird":45131,"sheva":45132,"mogadishu":45133,"kab":45134,"creeps":45135,"iving":45136,"eneed":45137,"annoy":45138,"âĶĢ":45139,"intrigue":45140,"enquiry":45141,"araj":45142,"tural":45143,"kubernetes":45144,"endlessly":45145,"dividends":45146,"tora":45147,"tish":45148,"commemorates":45149,"unra":45150,"trib":45151,"ponty":45152,"nem":45153,"dissent":45154,"brewingco":45155,"ðŁĺ½":45156,"normali":45157,"biof":45158,"(...":45159,"chillen":45160,"주":45161,"mellon":45162,"avis":45163,"mccormack":45164,"ingra":45165,"enriched":45166,"customerexperience":45167,"testosterone":45168,"snug":45169,"setti":45170,"geronimo":45171,"inquirer":45172,"breaches":45173,"verything":45174,"blooming":45175,"mura":45176,"dispos":45177,"bide":45178,"deva":45179,"shadesof":45180,"intrin":45181,"shev":45182,"sven":45183,"nayanthara":45184,"ganesha":45185,"cws":45186,"berta":45187,"labelled":45188,"useum":45189,"nicknamed":45190,"mahan":45191,"caruso":45192,"apur":45193,"ðŁijĨ":45194,"wq":45195,"orphanage":45196,"discarded":45197,"magnu":45198,"lue":45199,"jeon":45200,"bridgeport":45201,"pacing":45202,"mercury":45203,"(ðŁĵ¸":45204,"marxist":45205,"amphibious":45206,"transplantation":45207,"stitching":45208,"thenburg":45209,"gradual":45210,"ãĤĮ":45211,"roft":45212,"mails":45213,"inec":45214,"guyana":45215,"doppelg":45216,"vero":45217,"rewrite":45218,"headless":45219,"harbaugh":45220,"gateway":45221,"carsforsale":45222,"swi":45223,"stis":45224,"macht":45225,"unde":45226,"surabaya":45227,"stapleton":45228,"nurturing":45229,"milner":45230,"yao":45231,"lmaoooo":45232,"kosh":45233,"arsenal":45234,"kame":45235,"erry":45236,"arroyo":45237,"dismisses":45238,"rubbed":45239,"rcb":45240,"lewd":45241,"dilu":45242,"andor":45243,"vide":45244,"urin":45245,"intersec":45246,"haar":45247,"alb":45248,"yearswith":45249,"appleton":45250,"éal":45251,"ullivan":45252,"succu":45253,"monterrey":45254,"dmx":45255,"artemis":45256,"ronnie":45257,"farmland":45258,"sfootball":45259,"grotto":45260,"anthi":45261,"ãĢģ":45262,"à®Ł":45263,"vidya":45264,"jimmyfallon":45265,"àµį":45266,"tzer":45267,"gravitational":45268,"wthr":45269,"uhhh":45270,"ehr":45271,"tinker":45272,"tijuana":45273,"scranton":45274,"ramcharan":45275,"barclay":45276,"revan":45277,"msi":45278,"kap":45279,"wrs":45280,"wethenorth":45281,"toral":45282,"satu":45283,"grom":45284,"facep":45285,"erickson":45286,"zyn":45287,"sedge":45288,"oodle":45289,"spursofficial":45290,"dsp":45291,"sicilian":45292,"solihull":45293,"receivers":45294,"ladakh":45295,"hendrick":45296,"theri":45297,"presiding":45298,"mcguinness":45299,"litters":45300,"gunnar":45301,"ghoul":45302,"wib":45303,"ntv":45304,"karo":45305,"frock":45306,"blau":45307,"amplify":45308,"allis":45309,"ullah":45310,"memoirs":45311,"khloe":45312,"interceptions":45313,"petday":45314,"looney":45315,"confin":45316,"chay":45317,"piyushgoyal":45318,"frequencies":45319,"utz":45320,"eventual":45321,"warmly":45322,"oblivion":45323,"anka":45324,"tait":45325,"âĿ¤ï¸ı.":45326,"directorial":45327,"rulers":45328,"princes":45329,"muck":45330,"sturridge":45331,"deuce":45332,"abridged":45333,"baguette":45334,"uncles":45335,"pendu":45336,"minding":45337,"forrester":45338,"avila":45339,"waller":45340,"wallstreet":45341,"mentor":45342,"hino":45343,"highway":45344,"cromwell":45345,"fanartfriday":45346,"mbi":45347,"coyle":45348,"ahi":45349,"trove":45350,"spiegel":45351,"paytm":45352,"mcintosh":45353,"jansen":45354,"niti":45355,"nashville":45356,"leno":45357,"leicestershire":45358,"legos":45359,"dict":45360,"ðŁĵ½":45361,"spad":45362,"beverlyhills":45363,"syrah":45364,"separates":45365,"zain":45366,"unfit":45367,"drags":45368,"tania":45369,"overflowing":45370,"hrithik":45371,"hawthorn":45372,"zani":45373,"macfar":45374,"fide":45375,"totem":45376,"peds":45377,"fundamentally":45378,"calico":45379,"sinner":45380,"jä":45381,"hilde":45382,"dsd":45383,"tenay":45384,"tahit":45385,"milf":45386,"lieb":45387,"informing":45388,"uplift":45389,"rael":45390,"mortgages":45391,"lect":45392,"iiii":45393,"guillaume":45394,"composites":45395,"oldsmobile":45396,"lend":45397,"garth":45398,"commish":45399,"baptized":45400,"scorpions":45401,"rucker":45402,"bringbackour":45403,"alliance":45404,"thalapathy":45405,"tali":45406,"spans":45407,"eridge":45408,"witherspoon":45409,"linda":45410,"skylar":45411,"korn":45412,"homs":45413,"Äį":45414,"silenced":45415,"caffe":45416,"arty":45417,"distinguish":45418,"towed":45419,"pung":45420,"jessica":45421,"earnest":45422,"beaufort":45423,"tama":45424,"studyabroad":45425,"sikhs":45426,"newbie":45427,"navratri":45428,"marble":45429,"lounging":45430,"litter":45431,"dalit":45432,"sosa":45433,"izes":45434,"grade":45435,"compromising":45436,"triton":45437,"detta":45438,"vj":45439,"chauffe":45440,"spectral":45441,"powered":45442,"montessori":45443,"articulate":45444,"halton":45445,"alco":45446,"yey":45447,"mntwins":45448,"acounty":45449,"ðŁijıðŁı¾":45450,"âīĪ":45451,"madmen":45452,"kala":45453,"grum":45454,"chik":45455,"atis":45456,"sume":45457,"akhtar":45458,"jobsearch":45459,"highlighter":45460,"boath":45461,"âĦ¹":45462,"tarzan":45463,"lambo":45464,"âĽĦï¸ı":45465,"oxfam":45466,"dumpster":45467,"pretzels":45468,"macos":45469,"inclined":45470,"factual":45471,"advertisers":45472,"shui":45473,"puree":45474,"mlpfi":45475,"antidote":45476,"capo":45477,"pastr":45478,"mercado":45479,"button":45480,"armin":45481,"agg":45482,"lolla":45483,"horribly":45484,"errands":45485,"christophe":45486,"timesnow":45487,"mondaymotiv":45488,"liss":45489,"scandals":45490,"mci":45491,"disproportion":45492,"âĺİ":45493,"surpass":45494,"samaritan":45495,"sotho":45496,"purest":45497,"flatt":45498,"triviatuesday":45499,"delectable":45500,"leopold":45501,"hermione":45502,"choudhary":45503,"enrich":45504,"¡¡":45505,"subsidiary":45506,"inequalities":45507,"bachelor":45508,"autoimmune":45509,"lakota":45510,"ihop":45511,"adjec":45512,"thesimpsons":45513,"shes":45514,"sek":45515,"gretchen":45516,"upstream":45517,"hinakhan":45518,"copernic":45519,"xtina":45520,"lug":45521,"toughness":45522,"ead":45523,"clipped":45524,"bius":45525,"slv":45526,"fahren":45527,"deepak":45528,"cau":45529,"xan":45530,"immature":45531,"digni":45532,"bobs":45533,"shredding":45534,"buttery":45535,"accommodations":45536,"deven":45537,"chunks":45538,"superleague":45539,"skybet":45540,"kildare":45541,"jeet":45542,"ëį":45543,"cek":45544,"wrecks":45545,"propane":45546,"ohl":45547,"tbd":45548,"quoi":45549,"trumpp":45550,"mimo":45551,"reluctant":45552,"verne":45553,"oic":45554,"magh":45555,"arnau":45556,"sever":45557,"lidge":45558,"stairway":45559,"kicchasudeep":45560,"ðŁĶº":45561,"machining":45562,"aamaadmi":45563,"oti":45564,"cda":45565,"alit":45566,"pany":45567,"installs":45568,"acct":45569,"eshop":45570,"diem":45571,"hardwell":45572,"fulfillment":45573,"scafe":45574,"quack":45575,"extracts":45576,"sweetened":45577,"fighton":45578,"fdi":45579,"dinger":45580,"waltham":45581,"usur":45582,"referees":45583,"seokjin":45584,"grann":45585,"afrin":45586,"thn":45587,"schaf":45588,"parcels":45589,"betis":45590,"amarine":45591,"noman":45592,"khtar":45593,"moritz":45594,"coupling":45595,"barons":45596,"ðŁIJ¸":45597,"ø":45598,"slp":45599,"sadler":45600,"xander":45601,"triad":45602,"mcmillan":45603,"khz":45604,"dividing":45605,"ìĹijìĨĮ":45606,"daryl":45607,"zedd":45608,"leys":45609,"plaques":45610,"fluori":45611,"tipperary":45612,"onnell":45613,"didier":45614,"langford":45615,"imc":45616,"thesun":45617,"birdies":45618,"archa":45619,"yessss":45620,"tdi":45621,"daria":45622,"candace":45623,"altam":45624,"palaces":45625,"chit":45626,"santam":45627,"eventful":45628,"bookof":45629,"adb":45630,"monstax":45631,"creole":45632,"coel":45633,"âĸ½":45634,"wearen":45635,"stennis":45636,"sheath":45637,"atism":45638,"groningen":45639,"mlpfim":45640,"lepre":45641,"wrongly":45642,"rspca":45643,"rendezvous":45644,"acknowledging":45645,"pelvic":45646,"solicitor":45647,"slays":45648,"nuestra":45649,"lod":45650,"islander":45651,"feroci":45652,"fashionshow":45653,"rass":45654,"dgeon":45655,"adolescents":45656,"smashes":45657,"negligence":45658,"grateful":45659,"vedere":45660,"swoop":45661,"ingl":45662,"apolice":45663,"vandalism":45664,"gann":45665,"joao":45666,"disupdates":45667,"zimbabwe":45668,"underage":45669,"radiance":45670,"wof":45671,"bourgeo":45672,"plas":45673,"crani":45674,"ghue":45675,"wreckem":45676,"warrants":45677,"reform":45678,"jimmie":45679,"atwood":45680,"ysl":45681,"neilhimself":45682,"lbj":45683,"iman":45684,"tanto":45685,"noisse":45686,"verbs":45687,"equipo":45688,"altogether":45689,"mament":45690,"lice":45691,"douglass":45692,"tierney":45693,"primed":45694,"jhal":45695,"furnitu":45696,"brazili":45697,"vill":45698,"pastels":45699,"nison":45700,"uff":45701,"paralysis":45702,"jaye":45703,"impo":45704,"ðŁijģ":45705,"strategically":45706,"pakistanis":45707,"wassup":45708,"superbike":45709,"thanku":45710,"truelove":45711,"shaikh":45712,"israelis":45713,"vip":45714,"tog":45715,"lien":45716,"laker":45717,"greyhounds":45718,"culars":45719,"bianchi":45720,"balotelli":45721,"arran":45722,"loos":45723,"strates":45724,"hebron":45725,"arvo":45726,"sunderland":45727,"theal":45728,"tombstone":45729,"sandman":45730,"cpac":45731,"thanksgiving":45732,"lovehim":45733,"latino":45734,"anin":45735,"akaif":45736,"ĭãĤ":45737,"torquay":45738,"diest":45739,"allianz":45740,"ðŁĺķ":45741,"golfclub":45742,"cllr":45743,"walcott":45744,"schnau":45745,"prompted":45746,"nominating":45747,"lennox":45748,"valet":45749,"monro":45750,"mayward":45751,"eph":45752,"ðŁĶĶ":45753,"interoper":45754,"rda":45755,"reflex":45756,"armchair":45757,"ê°ķ":45758,"stripper":45759,"porti":45760,"pharm":45761,"hamza":45762,"nireland":45763,"neue":45764,"hpv":45765,"portfoli":45766,"sunburn":45767,"frisbee":45768,"beal":45769,"baptiste":45770,"xh":45771,"tym":45772,"prati":45773,"overs":45774,"hazrat":45775,"desert":45776,"derry":45777,"usky":45778,"emmett":45779,"acharya":45780,")_/¯":45781,"shud":45782,"maya":45783,"hamill":45784,"raim":45785,"nrc":45786,"fittings":45787,"curvy":45788,"ðŁıĩ":45789,"sterling":45790,"à¥Ģ":45791,"walkin":45792,"shortcuts":45793,"milly":45794,"astur":45795,"alphabe":45796,"pli":45797,"pez":45798,"missyou":45799,"radford":45800,"mlg":45801,"taeyang":45802,"notjustlakes":45803,"dumps":45804,"serendip":45805,"leur":45806,"raving":45807,"ester":45808,"depriv":45809,"abscbn":45810,"ðŁijĩðŁı»":45811,"scarcity":45812,"ocr":45813,"meanings":45814,"capt":45815,"dahl":45816,"fermentation":45817,"brioche":45818,"towin":45819,"outlander":45820,"massimo":45821,"encro":45822,"ðŁ¥³":45823,"built":45824,"potam":45825,"kiri":45826,"tmw":45827,"monitored":45828,"kites":45829,"peoplesvote":45830,"grayson":45831,"íģ¬":45832,"afrika":45833,"adies":45834,"ivote":45835,"gyne":45836,"gannon":45837,"dix":45838,"cmc":45839,"oural":45840,"foxandfriends":45841,"beli":45842,"igne":45843,"glan":45844,"katrinakaif":45845,"copolitics":45846,"qualitative":45847,"psi":45848,"lucci":45849,"discoura":45850,"âĺ®":45851,"kelli":45852,"gautam":45853,"caracas":45854,"realest":45855,"pula":45856,"inus":45857,"hilltop":45858,"makeaw":45859,"attenborough":45860,"twy":45861,"rarity":45862,"peckham":45863,"mahon":45864,"cornelius":45865,"clinicians":45866,"tonline":45867,"tbi":45868,"paradise":45869,"kasi":45870,"inevit":45871,"freshness":45872,"collingwood":45873,"lunatic":45874,"defense":45875,"copd":45876,"infra":45877,"wainwright":45878,"sainsbury":45879,"alabam":45880,"tema":45881,"laco":45882,"checker":45883,"relegated":45884,"trent":45885,"stalks":45886,"huffpost":45887,"bhubaneswar":45888,"astral":45889,"shareyour":45890,"primrose":45891,"hime":45892,"catan":45893,"endment":45894,"endow":45895,"clemens":45896,"maloney":45897,"hilary":45898,"gametime":45899,"denise":45900,"collaborators":45901,"bwo":45902,"radicals":45903,"guetta":45904,"icion":45905,"aua":45906,"snapmatic":45907,"satchel":45908,"excavation":45909,"baseman":45910,"são":45911,"gnation":45912,"feld":45913,"survey":45914,"shahzad":45915,"mast":45916,"anirudhofficial":45917,"trucker":45918,"otago":45919,"geograph":45920,"ethel":45921,"âļ¡ï¸ıâļ¡ï¸ı":45922,"sver":45923,"mutt":45924,"internetofthings":45925,"anchored":45926,"whouse":45927,"bangla":45928,"balmain":45929,"ç¹ĭãģ":45930,"breakfa":45931,"áĢ":45932,"twister":45933,"tetris":45934,"cav":45935,"stags":45936,"gz":45937,"aub":45938,"stormed":45939,"helens":45940,"yarmouth":45941,"stasy":45942,"gustavo":45943,"cosc":45944,"vinson":45945,"upp":45946,"scricket":45947,"assumptions":45948,"appe":45949,"nuh":45950,"uer":45951,"premise":45952,"naga":45953,"eamon":45954,"coronary":45955,"naf":45956,"northside":45957,"elmer":45958,"rotar":45959,"outlining":45960,"elf":45961,"resurg":45962,"katelyn":45963,"incan":45964,"hysteria":45965,"cee":45966,"ambani":45967,"prolly":45968,"ĮãĤĬãģ":45969,"axes":45970,"sanjose":45971,"rembrandt":45972,"magpie":45973,"evenly":45974,"scorsese":45975,"quaint":45976,"fg":45977,"bbuk":45978,"indianfootball":45979,"weareall":45980,"spdwy":45981,"pisces":45982,"ecg":45983,"âĺħâĺħâĺħâĺħâĺħ":45984,"preorders":45985,":|":45986,"nipple":45987,"salazar":45988,"jume":45989,"jailbreak":45990,"minn":45991,"bassett":45992,"zetta":45993,"jeffree":45994,"adjun":45995,"ticon":45996,"sandiego":45997,"drinklocal":45998,"cholera":45999,"solicitors":46000,"obo":46001,"compost":46002,"nian":46003,"wra":46004,"treach":46005,"icic":46006,"professional":46007,"delve":46008,"legate":46009,"historia":46010,"croissant":46011,"connoisse":46012,"namo":46013,"palliative":46014,"chemtrails":46015,"iority":46016,"globalwarming":46017,"comicart":46018,"behavioural":46019,"rested":46020,"lias":46021,"climates":46022,"ŁãģĦ":46023,"rutland":46024,"nourish":46025,"menopause":46026,"hotties":46027,"dementi":46028,"vespa":46029,"melville":46030,"analogue":46031,"tzman":46032,"strung":46033,"imperfect":46034,"glare":46035,"circling":46036,"rosberg":46037,"reco":46038,"ocity":46039,"loire":46040,"embe":46041,"dossier":46042,"neel":46043,"nando":46044,"mea":46045,"galvani":46046,"finesse":46047,"agp":46048,"berkeley":46049,"asim":46050,"âĺºâĺº":46051,"quilted":46052,"ishere":46053,"unmatched":46054,"potion":46055,"forz":46056,"atre":46057,"selfies":46058,"juliana":46059,"ðŁļ¶":46060,"âĸº":46061,"melton":46062,"âłĢâłĢâłĢâłĢâłĢâłĢâłĢâłĢ":46063,"spinrilla":46064,"purcell":46065,"edp":46066,"atleti":46067,"tonyawards":46068,"raja":46069,"progno":46070,"molten":46071,"stuff":46072,"pally":46073,"nobelprize":46074,"âĻ»ï¸ı":46075,"spiritual":46076,"speake":46077,"sasha":46078,"brium":46079,"truss":46080,"criticize":46081,"assassinscreed":46082,"yoruba":46083,"ulo":46084,"fireman":46085,"workinprogress":46086,"efcc":46087,"flares":46088,"robot":46089,"hikers":46090,"cll":46091,"shadowing":46092,"patsy":46093,"lehman":46094,"cns":46095,"å±":46096,"guadal":46097,"à±į":46098,"rape":46099,"rhonda":46100,"parallels":46101,"sonja":46102,"language":46103,"landings":46104,"zola":46105,"cramps":46106,"burning":46107,"appraisal":46108,"jolla":46109,"hamm":46110,"kasa":46111,"gully":46112,"fgo":46113,"ulysses":46114,"ribe":46115,"ðŁĴĦ":46116,"ibu":46117,"etienne":46118,"briar":46119,"finely":46120,"combating":46121,"yql":46122,"gotham":46123,"wechat":46124,"topaz":46125,"primaries":46126,"lse":46127,"izz":46128,"hele":46129,"disponible":46130,"cystic":46131,"belichick":46132,"thrush":46133,"kansascity":46134,"geom":46135,"solidi":46136,"redbubble":46137,"bystand":46138,"cambridgeshire":46139,"parfait":46140,"astle":46141,"owo":46142,"indore":46143,"stomping":46144,"smelly":46145,"ð٤ĸ":46146,"locomo":46147,"admitting":46148,"holme":46149,"clockwise":46150,"minsk":46151,"mcco":46152,"forget":46153,"evp":46154,"camra":46155,"abella":46156,"yotes":46157,"universityof":46158,"méxico":46159,"silverado":46160,"ricket":46161,"crombie":46162,"puj":46163,"eradicate":46164,"delight":46165,"ygo":46166,"glamping":46167,"vica":46168,"duggan":46169,"counters":46170,"cfd":46171,"scour":46172,"reactjs":46173,"puram":46174,"parasites":46175,"inki":46176,"villen":46177,"stella":46178,"limbo":46179,"angas":46180,"kcr":46181,"ðŁĴļðŁĴļðŁĴļ":46182,"vapori":46183,"mumford":46184,"oligar":46185,"à¼":46186,"aloo":46187,"booties":46188,"adr":46189,"kelli":46190,"drummers":46191,"avici":46192,"natureuk":46193,"ronal":46194,"intrac":46195,"unsplash":46196,"leche":46197,"goma":46198,"eline":46199,"enviro":46200,"bionic":46201,"bueno":46202,"mik":46203,"avin":46204,"starling":46205,"empowers":46206,"cakeday":46207,"boycot":46208,"ðŁĴļðŁĴļ":46209,"ðŁĮ¸ðŁĮ¸":46210,"vach":46211,"mci":46212,"fractures":46213,"geri":46214,"sking":46215,"excluded":46216,"luce":46217,"jave":46218,"iggy":46219,"eviden":46220,"akistan":46221,"awn":46222,"morals":46223,"lucifer":46224,"haban":46225,"tumbling":46226,"sundaymotivation":46227,"mosley":46228,"captainamerica":46229,"schicago":46230,"theone":46231,"motd":46232,"dts":46233,"ðŁIJ¼":46234,"repell":46235,"iii":46236,"locust":46237,"geospatial":46238,"mersey":46239,"immerse":46240,"descend":46241,"bernade":46242,"js":46243,"boatsales":46244,"winder":46245,"crank":46246,"singleton":46247,"candidacy":46248,"bena":46249,"ðŁı»âĢį":46250,"highlander":46251,"olt":46252,"kprs":46253,"healthylifestyle":46254,"fourteen":46255,"endthe":46256,"ithaca":46257,"circulated":46258,"rans":46259,"prevalent":46260,"havas":46261,"splendor":46262,"rooster":46263,"kalamazoo":46264,"jewellers":46265,"ennedy":46266,"rousey":46267,"esy":46268,"cannons":46269,"ornamental":46270,"////":46271,"rendon":46272,"winne":46273,"molding":46274,"eidmubarak":46275,"countess":46276,"simona":46277,"hawa":46278,"foes":46279,"duster":46280,"sbu":46281,"portray":46282,"marries":46283,"goodday":46284,"choco":46285,"achiever":46286,"ðŁĺ¹ðŁĺ¹":46287,"preneur":46288,"tramp":46289,"tomi":46290,"nbat":46291,"gardenchat":46292,"farrakhan":46293,"everglades":46294,"abru":46295,"sousa":46296,"sece":46297,"homeswee":46298,"terrestrial":46299,"barit":46300,"sridevi":46301,"olu":46302,"melinda":46303,"frick":46304,"candies":46305,"ðŁĺŃðŁĴķ":46306,"qureshi":46307,"familyfun":46308,"exorcist":46309,"cardinal":46310,"nyt":46311,"diesel":46312,"cumulus":46313,"capricorn":46314,"siology":46315,"lorna":46316,"dougie":46317,"andie":46318,"supersport":46319,"cfl":46320,"пÑĢи":46321,"sayang":46322,"peek":46323,"à¸Ĭ":46324,"lobe":46325,"jem":46326,"inglis":46327,"ggled":46328,"csn":46329,"amnesty":46330,"chups":46331,"baes":46332,"sauer":46333,"ðŁıIJ":46334,"mongolian":46335,"enet":46336,"backstreet":46337,"drilled":46338,"accessing":46339,"ceo":46340,"bse":46341,"aiken":46342,"purr":46343,"worsen":46344,"wheres":46345,"wark":46346,"testifying":46347,"buri":46348,"blast":46349,"awg":46350,"ðŁĵĭ":46351,"redefining":46352,"hearing":46353,"uci":46354,"cmp":46355,"boni":46356,"tailoring":46357,"taji":46358,"nocchi":46359,"emt":46360,"stephenking":46361,"neet":46362,"complains":46363,"campaigner":46364,"luciano":46365,"twilight":46366,"tiesto":46367,"passports":46368,"floyd":46369,"cathedr":46370,"naked":46371,"caregiver":46372,"bcoz":46373,"adecides":46374,"kuri":46375,"lyk":46376,"braries":46377,"drenched":46378,"disclose":46379,"ðŁĴªðŁı½":46380,"leblanc":46381,"jetty":46382,"garty":46383,"chipmun":46384,"bsu":46385,"rhythmic":46386,"icz":46387,"frid":46388,"annex":46389,"amex":46390,"soloist":46391,"lancers":46392,"arrowhead":46393,"specification":46394,"simulated":46395,"nais":46396,"inverte":46397,"bowing":46398,"worship":46399,"fz":46400,"aboss":46401,"shaq":46402,"ì¶ķ":46403,"challengers":46404,"anarch":46405,"aamaadmiparty":46406,"ãħĭãħĭãħĭ":46407,"suffolk":46408,"socorro":46409,"snell":46410,"cladding":46411,"absorbing":46412,"shawa":46413,"participates":46414,"ðŁįĶ":46415,"bookstores":46416,"baku":46417,"seaport":46418,"kojima":46419,"gaby":46420,"packard":46421,"electrician":46422,"letit":46423,"mowing":46424,"fawad":46425,"youngjae":46426,"hotmail":46427,"mening":46428,"urie":46429,"intimacy":46430,"conti":46431,":\")":46432,"lifeisgood":46433,"inciner":46434,"idri":46435,"craziness":46436,"journos":46437,"franchi":46438,"bottlen":46439,"alda":46440,"ffes":46441,"kx":46442,"southwe":46443,"aira":46444,"clayton":46445,"scoti":46446,"fj":46447,"briga":46448,"ð٤ĺðŁı»":46449,"demonstrators":46450,"yz":46451,"stork":46452,"naq":46453,"cascades":46454,"travelchat":46455,"plata":46456,"padma":46457,"franci":46458,"attain":46459,"batgirl":46460,"lombard":46461,"hoos":46462,"ddos":46463,"neonatal":46464,"disclaimer":46465,"rss":46466,"rant":46467,"disen":46468,"texaste":46469,"socal":46470,"fractal":46471,"camry":46472,"strife":46473,"snacking":46474,"muh":46475,"santander":46476,"morons":46477,"graf":46478,"parades":46479,"huston":46480,"drupal":46481,"miento":46482,"kirstel":46483,"hyde":46484,"vomit":46485,"fortified":46486,"sphinx":46487,"dav":46488,"biryani":46489,"winnings":46490,"sbaseball":46491,"merged":46492,"lovelondon":46493,"lingering":46494,"dreambig":46495,"carleton":46496,"livelihood":46497,"django":46498,"astrid":46499,"grids":46500,"downe":46501,"bruised":46502,"sne":46503,"scarecrow":46504,"helium":46505,"fnc":46506,"biggs":46507,"anter":46508,"restorative":46509,"empires":46510,"abdel":46511,"lifestyle":46512,"kiwanis":46513,"colloquium":46514,"meen":46515,"prick":46516,"antique":46517,"zeb":46518,"mimic":46519,"edmonds":46520,"ðŁijĬðŁijĬ":46521,"qing":46522,"ppel":46523,"mcgill":46524,"interpreting":46525,"âŀķ":46526,"rashad":46527,"doka":46528,"narrator":46529,"electromagnetic":46530,"ashby":46531,"saura":46532,"irandeal":46533,"âģīï¸ı":46534,"krishnan":46535,"indi":46536,"ffen":46537,"brea":46538,"osman":46539,"multinational":46540,"chippe":46541,"recruiters":46542,"ausbiz":46543,"pounding":46544,"regen":46545,"cursor":46546,"refusal":46547,"macs":46548,"inak":46549,"axial":46550,"waifu":46551,"upcycled":46552,"hindustan":46553,"cassini":46554,"carlyle":46555,"scratches":46556,"reef":46557,"manatee":46558,"eatery":46559,"ðŁĵ¢":46560,"uncondition":46561,"senpai":46562,"onther":46563,"comicbook":46564,"prosciutto":46565,"demar":46566,"mise":46567,"mage":46568,"freec":46569,"ayesha":46570,"alder":46571,"androidgames":46572,"leyton":46573,"hock":46574,"doorway":46575,"chicagofire":46576,"aaliyah":46577,"swelling":46578,"bix":46579,".ðŁĺĤ":46580,"evankirstel":46581,"torpedo":46582,"konstant":46583,"genevieve":46584,"maia":46585,"hauser":46586,"dotorg":46587,"hideous":46588,"fik":46589,"spraw":46590,"eek":46591,"zappa":46592,"wandered":46593,"''":46594,"rajan":46595,"bambi":46596,"($)":46597,"widening":46598,"toolbox":46599,"sair":46600,"illuminating":46601,"prays":46602,"outpatient":46603,"iw":46604,"dayo":46605,"lob":46606,"swfl":46607,"shades":46608,"gums":46609,"cookin":46610,"kodi":46611,"griffin":46612,"traumati":46613,"stea":46614,"slaughtered":46615,"godbless":46616,"airtime":46617,"pseudo":46618,"bsa":46619,"hauled":46620,"arif":46621,"à¸Ńà¸ĩ":46622,"lel":46623,"wcpo":46624,"militi":46625,"charters":46626,"worlda":46627,"ruk":46628,"kgs":46629,"digitalindia":46630,"isable":46631,"idyllic":46632,"espino":46633,"marietta":46634,"ebo":46635,"teamcanada":46636,"abour":46637,"wilton":46638,"rockstars":46639,"favored":46640,"physic":46641,"wrinkle":46642,"tbr":46643,"dprint":46644,"ballarat":46645,"adal":46646,"zey":46647,"ðŁĺįðŁĶ¥":46648,"tomlin":46649,"mtr":46650,"palsy":46651,"fenerbah":46652,"tighten":46653,"philia":46654,"ironing":46655,"ryu":46656,"bant":46657,"enquire":46658,"cair":46659,"aburger":46660,"trun":46661,"greenberg":46662,"chauhan":46663,"irina":46664,"shani":46665,"trendsetter":46666,"prett":46667,"zafar":46668,"alove":46669,"vici":46670,"panic":46671,"noo":46672,"lustre":46673,"disrupted":46674,"ballis":46675,"sonsof":46676,"monsi":46677,"instac":46678,"akest":46679,"ëĭ¤":46680,"kwame":46681,"horrormovies":46682,"district":46683,"saucy":46684,"mban":46685,"armies":46686,"withdrawn":46687,"medics":46688,"loftus":46689,"eroom":46690,"bekind":46691,"arns":46692,"allon":46693,"unison":46694,"davids":46695,"crat":46696,"nicotine":46697,"soor":46698,"smx":46699,"onco":46700,"cosplaying":46701,"zombies":46702,"harms":46703,"eger":46704,"rosy":46705,"moonshine":46706,"fein":46707,"cett":46708,"dubrov":46709,"regents":46710,"benitez":46711,"ðŁijıðŁı¼ðŁijıðŁı¼":46712,"stec":46713,"malia":46714,"prioritize":46715,"iceland":46716,"ftse":46717,"vamo":46718,"lamont":46719,"homosexuality":46720,"brees":46721,"regui":46722,"cbp":46723,"tej":46724,"skysports":46725,"detergent":46726,"shasta":46727,"derel":46728,"conservancy":46729,"colorized":46730,"accolades":46731,"viso":46732,"showyour":46733,"nanow":46734,"biceps":46735,"usability":46736,"bim":46737,"dailysketch":46738,"pearljam":46739,"strangest":46740,"megadeth":46741,"broadcasts":46742,"barren":46743,"arton":46744,"chriss":46745,"configu":46746,"lures":46747,"isthe":46748,"eul":46749,"railwayana":46750,"globalhealth":46751,"gianni":46752,"uaap":46753,"slum":46754,"consciously":46755,"abre":46756,"nup":46757,"budget":46758,"vada":46759,"esch":46760,"realness":46761,"erased":46762,"thunt":46763,"bez":46764,"armistice":46765,"ðŁij¹":46766,"shrun":46767,"oled":46768,"driverless":46769,"ðŁ¤·ðŁı»âĢįâĻĢï¸ı":46770,"wondr":46771,"skan":46772,"salaam":46773,"motherland":46774,"hwang":46775,"geno":46776,"gangnam":46777,"twright":46778,"endorsing":46779,"enic":46780,"adoration":46781,"paused":46782,"patricks":46783,"docked":46784,"platte":46785,"ffxv":46786,"ethnicity":46787,"autoshow":46788,"sideshow":46789,"afterlife":46790,"relocated":46791,"orphaned":46792,"foodnetwork":46793,"dareto":46794,"andra":46795,"slaps":46796,"vlive":46797,"swims":46798,"reimagined":46799,"mistle":46800,"revise":46801,"reality":46802,"bharti":46803,"ðŁĴĻðŁĴĽ":46804,"latest":46805,"proudest":46806,"grasses":46807,"lanyard":46808,"freshest":46809,"carcinoma":46810,"anomaly":46811,"ziegler":46812,"sumner":46813,"lyrix":46814,"gorg":46815,"isd":46816,"avel":46817,"swildlife":46818,"mesqu":46819,"johncena":46820,"euroleague":46821,"saber":46822,"masterful":46823,"yarra":46824,"cognition":46825,"jacobson":46826,"abolic":46827,"sirloin":46828,"shukla":46829,"mojito":46830,"supere":46831,"stweet":46832,"mez":46833,"esa":46834,"rudolf":46835,"gura":46836,"whereyou":46837,"ttm":46838,"wins":46839,"trustworthy":46840,"nyk":46841,"braden":46842,"tabletop":46843,"goodfood":46844,"eson":46845,"bek":46846,"linguistic":46847,"grays":46848,"chath":46849,"hcs":46850,"moni":46851,"deans":46852,"cussions":46853,"chell":46854,"slows":46855,"hemi":46856,"dapp":46857,"sharpie":46858,"boosters":46859,"aos":46860,"strack":46861,"sedona":46862,"mueller":46863,"hardwick":46864,"ornate":46865,"thora":46866,"salud":46867,"otwol":46868,"chum":46869,"miho":46870,"forage":46871,"thelittle":46872,"tearful":46873,"oneself":46874,"mindy":46875,"smg":46876,"gmbh":46877,"emerald":46878,"ðŁĶ´âļªï¸ı":46879,"tutti":46880,"receptions":46881,"revising":46882,"ibrox":46883,"topeka":46884,"salami":46885,"expanse":46886,"ibooks":46887,"dobson":46888,"clio":46889,"ats":46890,"ðŁļĮ":46891,"moha":46892,"isance":46893,"shutters":46894,"moot":46895,"janine":46896,"marvelcomics":46897,"jordani":46898,"poser":46899,"kenneth":46900,"hyung":46901,"deja":46902,"aseball":46903,"speciality":46904,"euston":46905,"classiccar":46906,"hadith":46907,"ðŁIJī":46908,"chasing":46909,"izo":46910,"grosven":46911,"aglia":46912,"thisdayinhistory":46913,"trow":46914,"omile":46915,"huar":46916,"byn":46917,"saline":46918,"divine":46919,"demonic":46920,"tyran":46921,"handover":46922,"revitalization":46923,"paella":46924,"cryptic":46925,"sedg":46926,"mend":46927,"dunkirk":46928,"bred":46929,"wald":46930,"sportscar":46931,"aard":46932,"wheaton":46933,"daener":46934,"klan":46935,"brt":46936,"bakhtawar":46937,"spires":46938,"schubert":46939,"roti":46940,"polish":46941,"ose":46942,"agame":46943,"wondercon":46944,"protestant":46945,"bosa":46946,"ðŁĺŁ":46947,"dü":46948,"joyride":46949,"gertrude":46950,"âĿĿ":46951,"gila":46952,"vh":46953,"twa":46954,"trav":46955,"swallowed":46956,"starve":46957,"lain":46958,"entren":46959,"reiki":46960,"sukh":46961,"craic":46962,"azu":46963,"webpage":46964,"keefe":46965,"hypothe":46966,"hirsch":46967,"helle":46968,"campground":46969,"wamy":46970,"travi":46971,"shahi":46972,"sandeep":46973,"rui":46974,"hanuman":46975,"dwp":46976,"repository":46977,"noor":46978,"noff":46979,"unreal":46980,"pell":46981,"blackhistory":46982,"harvick":46983,"mascar":46984,"payee":46985,"pasha":46986,"gastronomy":46987,"dÃŃ":46988,"aig":46989,"rosenthal":46990,"openday":46991,"embellished":46992,"ttip":46993,"sunbathing":46994,"gopack":46995,"endome":46996,"ï¸ı#":46997,"invalid":46998,"finalfour":46999,"stfu":47000,"squishy":47001,"rasta":47002,"mosch":47003,"jamesc":47004,"dietrich":47005,"sela":47006,"melb":47007,"elvi":47008,"tdp":47009,"suni":47010,"slit":47011,"jha":47012,"biza":47013,"spiked":47014,"lli":47015,"lillard":47016,"vampi":47017,"synopsis":47018,"azhar":47019,"kendricklamar":47020,"ĮãĤĬãģŁãģĦ":47021,"heartless":47022,"countryfile":47023,"airplay":47024,"arrogance":47025,"pree":47026,"virtuoso":47027,"ãħłãħłãħłãħł":47028,"raju":47029,"lebu":47030,"forward":47031,"tug":47032,"dros":47033,"mondaymotivaton":47034,"concepcion":47035,"thelo":47036,"padi":47037,"looool":47038,"ÑĢод":47039,"itss":47040,"ethical":47041,"enduro":47042,"__:":47043,"expenditure":47044,"monste":47045,"masking":47046,"terriers":47047,"ibis":47048,"ember":47049,"cumple":47050,"punctuation":47051,"piper":47052,"irvin":47053,"adee":47054,"yyyyyy":47055,"flashbacks":47056,"celsius":47057,"donnie":47058,"bogota":47059,"benevol":47060,"thescript":47061,"shilpa":47062,"prose":47063,"findia":47064,"zeke":47065,"neko":47066,"doves":47067,"blueslyrix":47068,"frosh":47069,"soweto":47070,"mplo":47071,"alai":47072,"sabi":47073,"raqqa":47074,"wftv":47075,"stroller":47076,"iansomerhalder":47077,"ðŁĶª":47078,"anon":47079,"moseley":47080,"!?!?":47081,"staking":47082,"moly":47083,"cartri":47084,"csg":47085,"astor":47086,"transcend":47087,"maer":47088,"deux":47089,"cowgirl":47090,"sask":47091,"punter":47092,"maken":47093,"oates":47094,"lovett":47095,"growler":47096,"sagin":47097,"vn":47098,"ssible":47099,"officeofrg":47100,"ymc":47101,"sabar":47102,"faulty":47103,"apha":47104,"akon":47105,"ðŁij«":47106,"snowdon":47107,"aew":47108,"raisethe":47109,"ðĿĵ":47110,"gruesome":47111,"clementine":47112,"sping":47113,"lata":47114,"worldenviron":47115,"mimic":47116,"canaria":47117,"bakhtawarbz":47118,"aoa":47119,"fala":47120,"ãĤŃ":47121,"aviva":47122,"youuuu":47123,"thigh":47124,"ladders":47125,"gumbo":47126,"tzky":47127,"fuzz":47128,"plasticpollution":47129,"estate":47130,"strengthened":47131,"kant":47132,"drin":47133,"calvert":47134,"transformational":47135,"frightened":47136,"maclean":47137,"elitedangerous":47138,"earthy":47139,"tson":47140,"toda":47141,"jnu":47142,"..,":47143,"michal":47144,"iban":47145,"jeong":47146,"isreal":47147,"simcoe":47148,"exclusives":47149,"bluebells":47150,"bene":47151,"teu":47152,"pilsner":47153,"penske":47154,"atheists":47155,"mpu":47156,"cartagena":47157,"ðŁĴĹðŁĴĹ":47158,"millionaires":47159,"kkkk":47160,"itar":47161,"subscriptions":47162,"remote":47163,"mafi":47164,"hinton":47165,"wcc":47166,"hok":47167,"dsb":47168,"ableton":47169,"seventy":47170,"punks":47171,"eindhoven":47172,"shone":47173,"mcfarlane":47174,"limpopo":47175,"emphasi":47176,"ü":47177,"sinfo":47178,"petre":47179,"mangrove":47180,"chino":47181,"bertie":47182,"playlists":47183,"pushawards":47184,"paf":47185,"debbie":47186,"cdo":47187,"rino":47188,"ðŁı¾âĢįâĻĤï¸ı":47189,"folke":47190,"bonnar":47191,"thine":47192,"slan":47193,"halter":47194,"evie":47195,"awsome":47196,"vultures":47197,"sparky":47198,"seizures":47199,"âľĶ":47200,"ramone":47201,"ineffe":47202,"aln":47203,"proctor":47204,"astra":47205,"thevoice":47206,"grote":47207,"scion":47208,"deadline":47209,"amaya":47210,"tainted":47211,"patterned":47212,"exceeding":47213,"crossfit":47214,"kaylee":47215,"dropbox":47216,"rushes":47217,"tackled":47218,"moby":47219,"retrogamer":47220,"ncbd":47221,"benefitting":47222,"shaykh":47223,"guildhall":47224,"gentry":47225,"dreamcast":47226,"dreaded":47227,"bundled":47228,"thaw":47229,"revolving":47230,"npt":47231,"kyliejenner":47232,"imaginative":47233,"roni":47234,"overcame":47235,"familytime":47236,"dsburg":47237,"carnaval":47238,"relationship":47239,"recognizable":47240,"coroner":47241,"hole":47242,"fanfic":47243,"emirates":47244,"burritos":47245,"analyse":47246,"thinner":47247,"nees":47248,"gallipoli":47249,"blr":47250,"catwoman":47251,"-->>":47252,"ault":47253,"adaily":47254,"naughty":47255,"ilio":47256,"solitaire":47257,"mtvbr":47258,"jocelyn":47259,"arunach":47260,"repent":47261,"southgate":47262,"hyacin":47263,"essential":47264,"fenton":47265,"andum":47266,"itor":47267,"gopal":47268,"slinger":47269,"posei":47270,"awil":47271,"wielding":47272,"raila":47273,"elias":47274,"asto":47275,"ä":47276,"tendency":47277,"strata":47278,"kert":47279,"<-":47280,"imacele":47281,"daes":47282,"stimulus":47283,"hanley":47284,"fitnes":47285,"ecstasy":47286,"limous":47287,"hailing":47288,"ð٤Ń":47289,"chiswick":47290,"taries":47291,"slav":47292,"puli":47293,"modernization":47294,"blackmail":47295,"bingham":47296,"hfx":47297,"++":47298,"ðŁĩ®ðŁĩ³":47299,"niv":47300,"wea":47301,"professor":47302,"koff":47303,"bolster":47304,"suave":47305,"sequences":47306,"pepperoni":47307,"notte":47308,"dren":47309,"ãģ¨ç¹ĭãģ":47310,"hsv":47311,"oga":47312,"aptly":47313,"zad":47314,"excelsi":47315,"rinka":47316,"moldova":47317,"minn":47318,"mabel":47319,"conferencing":47320,"basing":47321,"ofer":47322,"obsi":47323,"hamillhimself":47324,"careless":47325,"briefed":47326,"inherent":47327,"parish":47328,"dubnation":47329,"townsville":47330,"sarawak":47331,"geeky":47332,"doncasterisgreat":47333,"wasabi":47334,"gup":47335,"pheno":47336,"drainthe":47337,"carrieunderwood":47338,"bleeds":47339,"bbcworld":47340,"anew":47341,"altaf":47342,"dulwich":47343,"aniston":47344,"wti":47345,"sumatra":47346,"grafton":47347,"bln":47348,"mester":47349,"bodega":47350,"rego":47351,"esq":47352,"anjo":47353,"sumptuous":47354,"maisie":47355,"�":47356,"wilt":47357,"jakob":47358,"elvis":47359,"sepul":47360,"muster":47361,"airpollution":47362,"presidente":47363,"happymonday":47364,"extensively":47365,"flondon":47366,"tls":47367,"playing":47368,"peed":47369,"dinho":47370,"vardy":47371,"pika":47372,"niro":47373,"aucus":47374,"ðŁį¦":47375,"null":47376,"elondon":47377,"juventus":47378,"imagines":47379,"disab":47380,"lito":47381,"dura":47382,"workplaces":47383,"promote":47384,"mccaf":47385,"woodwork":47386,"wawx":47387,"ப":47388,"ttino":47389,"shari":47390,"semper":47391,"bettertogether":47392,"ðŁijĬðŁı»":47393,"zebra":47394,"pondering":47395,"enchil":47396,"hom":47397,"cosmic":47398,"tanz":47399,"mocked":47400,"eccc":47401,"athed":47402,"abolish":47403,"propeller":47404,"parisagreement":47405,"assemblies":47406,"industry":47407,"fraudulent":47408,"pesa":47409,"changmin":47410,"axx":47411,"ðŁĴµ":47412,"irrational":47413,"cusa":47414,"ramadhan":47415,"octavia":47416,"onelove":47417,"jacki":47418,"barak":47419,"taxider":47420,"serious":47421,"nathanfillion":47422,"mcen":47423,"chk":47424,"popart":47425,"gravity":47426,"coppola":47427,"readingfc":47428,"illusions":47429,"jig":47430,"wwx":47431,"resh":47432,"exporting":47433,"buzzard":47434,"âϤ":47435,"pcm":47436,"lanapar":47437,"kos":47438,"aromas":47439,"antalya":47440,"wwdc":47441,"vena":47442,"phila":47443,"ballin":47444,"ðŁijĦ":47445,"quinta":47446,"mao":47447,"fery":47448,"eighty":47449,"sentiments":47450,"safeguarding":47451,"rwa":47452,"puffs":47453,"lucille":47454,"decath":47455,"slu":47456,"nugent":47457,"deter":47458,"brazil":47459,"zeiss":47460,"superbowl":47461,"subsidy":47462,"altern":47463,"hidalgo":47464,"enzymes":47465,"ä½":47466,"tagne":47467,"hairdresser":47468,"adrien":47469,"walkout":47470,"opposes":47471,"cantina":47472,"bedside":47473,"afan":47474,"ðŁĶĹ":47475,"prophetic":47476,"danes":47477,"unsuccessful":47478,"supercharged":47479,"pkk":47480,"exemption":47481,"hartle":47482,"secular":47483,"clipping":47484,"brs":47485,"unitedway":47486,"cnet":47487,"patchy":47488,"hagan":47489,"een":47490,"âļľ":47491,"vara":47492,"sympathi":47493,"nevertrump":47494,"affirmation":47495,"omf":47496,"nycfc":47497,"maja":47498,"surro":47499,"keerth":47500,"upscale":47501,"sandalwood":47502,"monarchy":47503,"knobs":47504,"åĭ":47505,"potholes":47506,"hungergames":47507,"terraces":47508,"nasir":47509,"counsell":47510,"welcometo":47511,"waq":47512,"seaman":47513,"mita":47514,"stunningly":47515,"ontheroad":47516,"inability":47517,")!!":47518,"bongo":47519,"antv":47520,"sput":47521,"worldenvironmentday":47522,"resusc":47523,"ytd":47524,"fim":47525,"eunhyuk":47526,"sachin":47527,"roseanne":47528,"clermont":47529,"apec":47530,"amina":47531,"vening":47532,"nantes":47533,"almost":47534,"sinus":47535,"exas":47536,"tyl":47537,"tien":47538,"plead":47539,"lancs":47540,"burnaby":47541,"rek":47542,"joom":47543,"observers":47544,"discography":47545,"clg":47546,"âϦ":47547,"snack":47548,"rti":47549,"oily":47550,"crystalli":47551,"brute":47552,"webdevelopment":47553,"toppings":47554,"laf":47555,"anis":47556,"adder":47557,"reliving":47558,"carlin":47559,"battleof":47560,"weg":47561,"syrian":47562,"pont":47563,"ndc":47564,"laghate":47565,"yuma":47566,"spp":47567,"piti":47568,"robbing":47569,"marting":47570,"reykja":47571,"rajput":47572,"ncds":47573,"kiewicz":47574,"âĢ¢âĢ¢":47575,"vampire":47576,"substantially":47577,"opioids":47578,"nepali":47579,"kline":47580,"aroo":47581,"understand":47582,"litt":47583,"uit":47584,"thrombo":47585,"saries":47586,"quot":47587,"balling":47588,"ttr":47589,"sgh":47590,"philipp":47591,"brant":47592,"acl":47593,"mello":47594,"whittaker":47595,".;":47596,"defiant":47597,"bgc":47598,"replying":47599,"mirren":47600,"metamorpho":47601,"schwab":47602,"bulge":47603,"utilized":47604,"pickering":47605,"pardon":47606,"dsa":47607,"à¸Ī":47608,"dooley":47609,"cumulative":47610,"л":47611,"urgency":47612,"emir":47613,"+/-":47614,"¦Ī":47615,"otas":47616,"âı³":47617,"stationed":47618,"grapevine":47619,"arac":47620,"karanjohar":47621,"fancy":47622,"saul":47623,"coogs":47624,"lgbtq":47625,"اÙħ":47626,"javi":47627,"ummer":47628,"pll":47629,"denis":47630,"daipur":47631,"puffin":47632,"lewisham":47633,"fandom":47634,"cope":47635,"vesmatter":47636,"sve":47637,"helpless":47638,"deodor":47639,"ostrich":47640,"kazan":47641,"fridaythe":47642,"condor":47643,"vx":47644,"sophomores":47645,"robles":47646,"cutt":47647,"climbers":47648,"리":47649,"sleg":47650,"snf":47651,"macys":47652,"hydrating":47653,"groupe":47654,"poyn":47655,"moulin":47656,"hgtv":47657,"lmfaooo":47658,"sulphur":47659,"asdfghjkl":47660,"annabelle":47661,"humpback":47662,"braved":47663,"viswasam":47664,"multipurpose":47665,"humidi":47666,"escorted":47667,"barbican":47668,"fad":47669,"corsa":47670,"ðŁ¤«":47671,"pippa":47672,"hereto":47673,"cany":47674,"sergi":47675,"orcas":47676,"ovie":47677,"edou":47678,"sany":47679,"globalization":47680,"mancini":47681,"foodtruck":47682,"fis":47683,"defibrill":47684,"schre":47685,"smafia":47686,"lovewins":47687,"laut":47688,"kaka":47689,"hollande":47690,"gameon":47691,"resurgence":47692,"outside":47693,"olympiad":47694,"intan":47695,"abstraction":47696,"rapid":47697,"palom":47698,"calle":47699,"jasmin":47700,"attackers":47701,"swagg":47702,"mitra":47703,"kylo":47704,"ல":47705,"hermitage":47706,"gordo":47707,"eira":47708,"sosfam":47709,"rollout":47710,"excite":47711,"synod":47712,"merrill":47713,"cals":47714,"assa":47715,"livelihoods":47716,"juve":47717,"theblack":47718,"gopackgo":47719,"antlers":47720,"albanian":47721,"woolly":47722,"quiche":47723,"purification":47724,"areth":47725,"smarthome":47726,"nek":47727,"allblacks":47728,"mexicans":47729,"ism":47730,"germs":47731,"complexion":47732,"marck":47733,"ushi":47734,"ðŁIJIJ":47735,"charl":47736,"castic":47737,"tillerson":47738,"giuliani":47739,"biodegradable":47740,"malbec":47741,"bois":47742,"jubil":47743,"imes":47744,"rame":47745,"genetic":47746,"espnu":47747,"chley":47748,"soho":47749,"gopher":47750,"gsc":47751,"buuren":47752,"cube":47753,"bridesmaids":47754,"webinars":47755,"toe":47756,"manipur":47757,"violently":47758,"noticias":47759,"exchanging":47760,"chiev":47761,"replaceable":47762,"muaythai":47763,"buss":47764,"spil":47765,"instalment":47766,"divya":47767,"caitlin":47768,"olim":47769,"filtering":47770,"whirlwind":47771,"stared":47772,"priorit":47773,"pram":47774,"pompeii":47775,"monologue":47776,"kite":47777,"buka":47778,"â̦..":47779,"vaccine":47780,"brero":47781,"wozni":47782,"solent":47783,"referr":47784,"myrt":47785,"gridiron":47786,"galatasaray":47787,"froze":47788,"claremont":47789,"ðŁ¥ĥ":47790,"victorias":47791,"sseldorf":47792,"pastures":47793,"netneutrality":47794,"chor":47795,"ðŁijģ":47796,"ಿ":47797,"weho":47798,"symptom":47799,"josel":47800,"inous":47801,"dragoncon":47802,"powerball":47803,"pte":47804,"fourthofjuly":47805,"ecla":47806,"earbuds":47807,"whereabouts":47808,"saltlife":47809,"deprivation":47810,"chter":47811,"wiggle":47812,"system":47813,"psst":47814,"chaz":47815,"dany":47816,"rimo":47817,"oaxaca":47818,"lanaparrilla":47819,"barcelon":47820,"melancholy":47821,"wayback":47822,"hotro":47823,"nsi":47824,"lilly":47825,"kuro":47826,"jahan":47827,"intellect":47828,"boardgame":47829,"ðŁıĬ":47830,"sneakpeek":47831,"kprc":47832,"jails":47833,"candel":47834,"zanzi":47835,"mortimer":47836,"starch":47837,"rags":47838,"pfa":47839,"longlive":47840,"kart":47841,"girona":47842,"crocker":47843,"christoph":47844,"precautions":47845,"warship":47846,"perm":47847,"parent":47848,"vangogh":47849,"gifford":47850,"allegheny":47851,"rayn":47852,"utm":47853,"stencil":47854,"recalling":47855,"penney":47856,"zazzle":47857,"ìĥĿ":47858,"hinds":47859,"arenas":47860,"nuev":47861,"lawler":47862,"guin":47863,"dothis":47864,"ðŁijķ":47865,"ì¶ķíķĺ":47866,"weg":47867,"tib":47868,"ridin":47869,"complexes":47870,"turbulent":47871,"pesos":47872,"demarcus":47873,"vallarta":47874,"samsun":47875,"kisses":47876,"heinrich":47877,"deportes":47878,"wilms":47879,"urd":47880,"thenext":47881,"inkigayo":47882,"howi":47883,"firsts":47884,"carriage":47885,"cleanliness":47886,"maswar":47887,"isch":47888,"axel":47889,"sizzle":47890,"roadhouse":47891,"frans":47892,"entourage":47893,"cobble":47894,"booth":47895,"benedict":47896,"talon":47897,"fcu":47898,"yearofthe":47899,"rayon":47900,"raidernation":47901,"foyle":47902,"koval":47903,"pianos":47904,"lpg":47905,"burmese":47906,"manure":47907,"geocaching":47908,"coscino":47909,"bnp":47910,"ferra":47911,"strophy":47912,"marais":47913,"cees":47914,"legendof":47915,"katniss":47916,"enoch":47917,"aved":47918,"youknow":47919,"dprk":47920,"ðŁĺ¢ðŁĺ¢":47921,"spun":47922,"prost":47923,"sorrows":47924,"centred":47925,"kea":47926,"galicia":47927,"?ð٤Ķ":47928,"ÑĢода":47929,"bouchard":47930,"ðŁĴĻðŁĴľ":47931,"yui":47932,"seedlings":47933,"jonah":47934,"recovers":47935,"nyrd":47936,"boardroom":47937,"suma":47938,"myjaps":47939,"tung":47940,"shai":47941,"irgc":47942,"elio":47943,"wagons":47944,"kashi":47945,"policemen":47946,"johnnie":47947,"alecoscino":47948,"shopify":47949,"dotted":47950,"detri":47951,"vaw":47952,"tofficial":47953,"inyour":47954,"chalmers":47955,"traced":47956,"novi":47957,"byes":47958,"ariel":47959,"nippon":47960,"lapel":47961,"griez":47962,"bgs":47963,"fooling":47964,"dita":47965,"vijaysethu":47966,"nmwx":47967,"asot":47968,"kranti":47969,"helm":47970,"vedi":47971,"sickest":47972,"mochi":47973,"kabo":47974,"shrubs":47975,"hered":47976,"bsp":47977,"sqm":47978,"hamr":47979,"dulkar":47980,"antha":47981,"nrf":47982,"avoidance":47983,"aten":47984,"publix":47985,"bearers":47986,"nasi":47987,"hap":47988,"hells":47989,"ðŁĸ¥":47990,"ื":47991,"thelastjedi":47992,"ohwx":47993,"ðŁį«":47994,"wahoo":47995,"therese":47996,"recaps":47997,"ssnhq":47998,"birdphotography":47999,"vay":48000,"petti":48001,"paulo":48002,"belvedere":48003,"(*":48004,"grl":48005,"duvet":48006,"cpec":48007,"sait":48008,"porsch":48009,"measurable":48010,"aviators":48011,"fremantle":48012,"breen":48013,"onom":48014,"meand":48015,"lifesaving":48016,"euref":48017,"endon":48018,"embaras":48019,"airasia":48020,"elis":48021,"dunkin":48022,"starmagic":48023,"sill":48024,"portobello":48025,"kiefer":48026,"exe":48027,"muted":48028,"ãģ¦":48029,"wethepeople":48030,"logia":48031,"liberal":48032,"theforceawakens":48033,"mined":48034,"haunts":48035,"freckles":48036,"caretaker":48037,"sindia":48038,"âķIJ":48039,"devlin":48040,"liston":48041,"directioner":48042,"ohn":48043,"figaro":48044,"emmanuel":48045,"dubois":48046,"clones":48047,"bruise":48048,"ðŁİĪðŁİī":48049,"disinfe":48050,"dermatology":48051,"asr":48052,"swatch":48053,"discomfort":48054,"tamanna":48055,"piday":48056,"macken":48057,"katic":48058,"delusional":48059,"shawnee":48060,"gud":48061,"albino":48062,"pali":48063,"dingh":48064,"cucumbers":48065,"coffey":48066,"anticipating":48067,"treasured":48068,"websummit":48069,"sheltered":48070,"savor":48071,"pedagogy":48072,"mgs":48073,"shma":48074,"sbu":48075,"denali":48076,"campos":48077,"bubblegum":48078,"oir":48079,"leaps":48080,"yler":48081,"rone":48082,"sanskrit":48083,"mint":48084,"meatless":48085,"futurist":48086,"dude":48087,"avel":48088,"protested":48089,"squire":48090,"zaki":48091,"szn":48092,"harcourt":48093,"cyclone":48094,"bourdain":48095,"gatherings":48096,"dant":48097,"adventurer":48098,"paragon":48099,"altman":48100,"dding":48101,"banerjee":48102,"snorkeling":48103,"motherwell":48104,"missy":48105,"ender":48106,"glows":48107,"kiwis":48108,"chickpea":48109,"poro":48110,"efron":48111,"appt":48112,"uy":48113,"specified":48114,"gabby":48115,"estrada":48116,"combos":48117,"bourbon":48118,"vini":48119,"varun":48120,"stephani":48121,"keywords":48122,"carvings":48123,"amitabh":48124,"wrought":48125,"twal":48126,"reels":48127,"clubbing":48128,"ubiquit":48129,"crit":48130,"ambedkar":48131,"æĻ":48132,"pruning":48133,"vaccinated":48134,"boeing":48135,"sks":48136,"loona":48137,"hypnosis":48138,"edelman":48139,"phol":48140,"hew":48141,"colosse":48142,"mckinsey":48143,"uon":48144,"tote":48145,"sacrificing":48146,"oxi":48147,"nang":48148,"emu":48149,"пÑĢиÑĢода":48150,"mth":48151,"kerswednesday":48152,"argued":48153,"timelapse":48154,"risking":48155,"regulating":48156,"nigh":48157,"likelihood":48158,"cubic":48159,"auction":48160,"reinfor":48161,"pistor":48162,"noses":48163,"yel":48164,"snuggles":48165,"pei":48166,"jeanette":48167,"taku":48168,"rith":48169,"guyz":48170,"à¸ŀ":48171,"yte":48172,"verted":48173,"paysoff":48174,"jauregui":48175,"hooligans":48176,"procedural":48177,"mib":48178,"hardy":48179,"eleng":48180,"checkers":48181,"alline":48182,"themet":48183,"proudof":48184,"keerthyofficial":48185,"collaborator":48186,"niu":48187,"inflicted":48188,"advani":48189,"retwee":48190,"memoriam":48191,"ficial":48192,"tighter":48193,"salem":48194,"reviewers":48195,"brics":48196,"bendigo":48197,"amell":48198,"turkish":48199,"sushmaswar":48200,"paulson":48201,"palawan":48202,"mollie":48203,"stitcher":48204,"sburgh":48205,"iru":48206,"haydn":48207,"eners":48208,"aroa":48209,"uzzi":48210,"sarajevo":48211,"hela":48212,"apollo":48213,"ninety":48214,"vaca":48215,"spon":48216,"ventu":48217,"jelena":48218,"heifer":48219,"avoids":48220,"spine":48221,"prize":48222,"marist":48223,"recreating":48224,"mede":48225,"wooden":48226,"findlay":48227,"rofl":48228,"ndi":48229,"comprehend":48230,"yugo":48231,"yü":48232,"towork":48233,"ufos":48234,"sonar":48235,"piston":48236,"recording":48237,"tentative":48238,"artforsale":48239,"pellets":48240,"fredo":48241,"ÙĪØ±":48242,"muses":48243,"customization":48244,"profound":48245,"isner":48246,"ideally":48247,"siam":48248,"plankton":48249,"cmdr":48250,"manger":48251,"franken":48252,"customizable":48253,"म":48254,"walkaway":48255,"swivel":48256,"vastly":48257,"noton":48258,"lexa":48259,"exmoor":48260,"zas":48261,"tante":48262,"reductions":48263,"lolly":48264,"hipsters":48265,"benefited":48266,"ë²":48267,"wwwww":48268,"masculine":48269,"fiji":48270,"drey":48271,"phill":48272,"aneous":48273,"nicol":48274,"mendez":48275,"disappro":48276,"chner":48277,"throughs":48278,"shenmue":48279,"eastman":48280,"ðŁIJİ":48281,"yuck":48282,"undertale":48283,"reys":48284,"gobeavs":48285,"engen":48286,"cna":48287,"merr":48288,"birk":48289,"ãģ¨ç¹ĭãģĮãĤĬãģŁãģĦ":48290,"âĥ£@":48291,"ynna":48292,"steed":48293,"offender":48294,"atum":48295,"vanishing":48296,"presidenti":48297,"lovethem":48298,"gnocchi":48299,"friggin":48300,"peril":48301,"madhya":48302,"agne":48303,"deejay":48304,"marnock":48305,"mtb":48306,"foldable":48307,"@___":48308,"standre":48309,"bronx":48310,"bowski":48311,"finite":48312,"crockett":48313,"bsf":48314,"getit":48315,"serenawilliams":48316,"miro":48317,"ignatius":48318,"slay":48319,"rinse":48320,"fondue":48321,"seldom":48322,"smore":48323,"gani":48324,"dyce":48325,"dmitry":48326,"crumb":48327,"latepost":48328,"primark":48329,"ohana":48330,"florals":48331,"doa":48332,"remembranceday":48333,"dds":48334,"azione":48335,"toonami":48336,"airport":48337,"æĿ±":48338,"thad":48339,"fist":48340,"dinesh":48341,"drwho":48342,"adwords":48343,"admirer":48344,"proje":48345,"kyrgyz":48346,"à«":48347,"manifestation":48348,"lewan":48349,"jic":48350,"thibau":48351,"leased":48352,"vanity":48353,"nourished":48354,"nevertheless":48355,"augmente":48356,"fuelled":48357,"chead":48358,"wilshere":48359,"rudi":48360,"pz":48361,"myco":48362,"morro":48363,"herbalife":48364,"hardrock":48365,"deman":48366,"dreality":48367,"spades":48368,"cevic":48369,"bhai":48370,"baron":48371,"ultimatefan":48372,"hounews":48373,"tobi":48374,"strut":48375,"keel":48376,"affiliation":48377,"themasters":48378,"smal":48379,"hue":48380,"esteban":48381,"conv":48382,"omnic":48383,"databases":48384,"cov":48385,"terti":48386,"stg":48387,"snoopdogg":48388,"metabol":48389,"lethbridge":48390,"ðŁı»âĢįâĻĢï¸ı":48391,"yearling":48392,"residentevil":48393,"nwsl":48394,"iyaki":48395,"griezmann":48396,"cous":48397,"ðŁĵĿ:":48398,"torian":48399,"sami":48400,"ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥ðŁĶ¥":48401,"gare":48402,"alliances":48403,"whitfield":48404,"wether":48405,"refining":48406,"coyi":48407,"kraken":48408,"ðŁĺĺâĿ¤":48409,"singularity":48410,"lili":48411,"hns":48412,"boldand":48413,"wawrinka":48414,"misogyny":48415,"lovers":48416,"cq":48417,"bdg":48418,"adona":48419,"garter":48420,"womenof":48421,"scd":48422,"recognising":48423,"muna":48424,"strou":48425,"signalling":48426,"laredo":48427,"hellboy":48428,"aleksand":48429,"unavailable":48430,"pediatric":48431,"asin":48432,"meria":48433,"rishi":48434,"futurism":48435,"wye":48436,"polarized":48437,"ewe":48438,"propel":48439,"informs":48440,"crease":48441,"~\"":48442,"artiston":48443,"likefor":48444,"heidelberg":48445,"erra":48446,"lifein":48447,"lenny":48448,"interrupt":48449,"coherent":48450,"caz":48451,"vickers":48452,"leveled":48453,"fbs":48454,"cabins":48455,"bummed":48456,"apostles":48457,"weh":48458,"tendon":48459,"souvenirs":48460,"infuri":48461,"pierce":48462,"asset":48463,"mlas":48464,"goth":48465,"diggin":48466,"annas":48467,"ylor":48468,"thwaite":48469,"swel":48470,"panera":48471,"murderers":48472,"crooked":48473,"bsgo":48474,"acu":48475,"aon":48476,"rean":48477,"oneof":48478,"kohl":48479,"bloodh":48480,"pesticide":48481,"lostdog":48482,"flexing":48483,"ëĤĺ":48484,"supra":48485,"eternally":48486,"ðŁļĻ":48487,"paolo":48488,"olan":48489,"momo":48490,"iselle":48491,"captainmarvel":48492,"slou":48493,"mistakenly":48494,"akhilesh":48495,"mert":48496,"ilinan":48497,"buon":48498,"balkan":48499,"mirro":48500,"millen":48501,"derail":48502,"damon":48503,"titi":48504,"bios":48505,"redon":48506,"picard":48507,"parte":48508,"ðŁ¤Ł":48509,"غ":48510,"sonics":48511,"firsth":48512,"ddc":48513,"vegans":48514,"turban":48515,"nigan":48516,"lottie":48517,"lyndon":48518,"starbuck":48519,"pinkfloyd":48520,"lifestyles":48521,"amara":48522,"ashe":48523,"rsc":48524,"vala":48525,"smer":48526,"cwgc":48527,"client":48528,"buenas":48529,"jagan":48530,"coops":48531,"ðŁijijðŁijij":48532,"specializes":48533,"snagged":48534,"glar":48535,"bennet":48536,"wildlifewednesday":48537,"bowden":48538,"pik":48539,"artin":48540,"emporium":48541,"arl":48542,"reba":48543,"passer":48544,"disappoints":48545,"additive":48546,"âľĬðŁı½":48547,"bayer":48548,"missoula":48549,"haskell":48550,"commences":48551,"nix":48552,"neman":48553,"exploited":48554,"plasticsurgery":48555,"ccd":48556,"asocial":48557,"vot":48558,"siegel":48559,"froome":48560,"kapam":48561,"fara":48562,"eha":48563,"probes":48564,"mwf":48565,"meeting":48566,"pbb":48567,"akins":48568,"mistletoe":48569,"kingdomhearts":48570,"forkids":48571,"ecr":48572,"bale":48573,"escorts":48574,"adidasoriginals":48575,"kwa":48576,"kts":48577,"halloffame":48578,"ðŁĺį.":48579,"wags":48580,"potted":48581,"owing":48582,"honeycomb":48583,"hefty":48584,"urology":48585,"merle":48586,"bpd":48587,"stripping":48588,"reich":48589,"kstate":48590,"guay":48591,"yonge":48592,"shakti":48593,"gloom":48594,"batt":48595,"sonom":48596,"nery":48597,"elba":48598,"blanks":48599,"helle":48600,"triplets":48601,"bombay":48602,"akarta":48603,"abia":48604,"transmitted":48605,"rolf":48606,"jais":48607,"angularjs":48608,"fierc":48609,"mss":48610,"trace":48611,"à¥ĩ":48612,"tombs":48613,"oldman":48614,"kombucha":48615,"fol":48616,"ehealth":48617,"cereals":48618,"arelli":48619,"inari":48620,"ðŁĴ©":48621,"wol":48622,"liberties":48623,"fawn":48624,"affirm":48625,"nunavut":48626,"hysterical":48627,"kdrama":48628,"artes":48629,"âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢":48630,"valentin":48631,"manslaughter":48632,"gales":48633,"eoin":48634,"energized":48635,"dels":48636,"withdraws":48637,"stles":48638,"sarcastic":48639,"ramesh":48640,"incredibles":48641,"lockhart":48642,"yawn":48643,"ultimatefanlive":48644,"oooooooooooooooo":48645,"muen":48646,"gurudev":48647,"teer":48648,"peeling":48649,"newsnow":48650,"linguistics":48651,"directv":48652,"agend":48653,"unilever":48654,"ruger":48655,"handedly":48656,"erose":48657,"limel":48658,"thec":48659,"royalties":48660,"finishers":48661,"nrg":48662,"mgt":48663,"fidget":48664,"comps":48665,"bacon":48666,"aggressively":48667,"abit":48668,"châ":48669,"tarde":48670,"slugger":48671,"qanda":48672,"greening":48673,"dats":48674,"enslaved":48675,"spector":48676,"oye":48677,"freef":48678,"bhand":48679,"stopbrexit":48680,"misconceptions":48681,"cava":48682,"ðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺįðŁĺį":48683,"multitasking":48684,"housel":48685,"ferreira":48686,"centime":48687,"ankles":48688,"jodh":48689,"helly":48690,"frome":48691,"outtuesday":48692,"narnia":48693,"balaji":48694,"lbloggers":48695,"jyoti":48696,"ðŁįĩ":48697,"lancia":48698,"capri":48699,"yap":48700,"natash":48701,"downfall":48702,".\"âĢĶ":48703,"î":48704,"ligament":48705,"coatings":48706,"aided":48707,"hiko":48708,"falling":48709,"encrypted":48710,"yegfood":48711,"infringement":48712,"cudi":48713,"cep":48714,"ðŁĺįðŁĺĤ":48715,"trad":48716,"superrugby":48717,"edwin":48718,"whiche":48719,"vimeo":48720,"layne":48721,"invigor":48722,"hehe":48723,"dubrovnik":48724,"bieber":48725,"utr":48726,"shaman":48727,"opers":48728,"hamill":48729,"enig":48730,"dif":48731,"arum":48732,"scrapbook":48733,"minh":48734,"divergence":48735,"mckinnon":48736,"lifetime":48737,"guterres":48738,"wille":48739,"pleas":48740,"patty":48741,"micron":48742,"kz":48743,"domaine":48744,"rusher":48745,"mds":48746,"chesney":48747,"screwdriver":48748,"âģ©,":48749,"sledge":48750,"hauer":48751,"chana":48752,"stamina":48753,"sprinkler":48754,"pln":48755,"heff":48756,"bolton":48757,"omon":48758,"carrington":48759,"accordion":48760,"jorge":48761,"interception":48762,"inputs":48763,"gull":48764,"transcription":48765,"vanuatu":48766,"itical":48767,"ethos":48768,"tich":48769,"spacey":48770,"peeking":48771,"umi":48772,"hager":48773,"psychotic":48774,"illian":48775,"illia":48776,"bonnaroo":48777,"anese":48778,"puc":48779,"laghateparth":48780,"enhall":48781,"economical":48782,"dredge":48783,"%-":48784,"uwe":48785,"tubular":48786,"scouncil":48787,"peasants":48788,"fler":48789,"tumbler":48790,"hep":48791,"fordham":48792,"rowley":48793,"initials":48794,"evasion":48795,"ernation":48796,"plugins":48797,"cochran":48798,"cattle":48799,"acidity":48800,"ðŁİĬðŁİī":48801,"regrann":48802,"jumpman":48803,"eface":48804,"xma":48805,"patriarchy":48806,"escobar":48807,"cristian":48808,"tipton":48809,"nueva":48810,"hackney":48811,"backseat":48812,"killarney":48813,"aidan":48814,"stadion":48815,"simultaneous":48816,"idaho":48817,"aje":48818,"uth":48819,"figure":48820,"clos":48821,"burk":48822,"voluntar":48823,"recite":48824,"macfarlane":48825,"curfew":48826,"boudo":48827,"wgn":48828,"stix":48829,"slap":48830,"scratched":48831,"phillip":48832,"journe":48833,"expelled":48834,"waz":48835,"uke":48836,"tatiana":48837,"oue":48838,"hopp":48839,"dimitri":48840,"ðŁĵ£":48841,"matologist":48842,"electrifying":48843,"bluffs":48844,"billsmafia":48845,"azcardinals":48846,"yaa":48847,"xmas":48848,"shara":48849,"rith":48850,"gills":48851,"dres":48852,"barton":48853,"authorization":48854,"imperialism":48855,"homeof":48856,"todo":48857,"footpath":48858,"bandwidth":48859,"visitspain":48860,"mohsin":48861,"erupted":48862,"miki":48863,"insignia":48864,"mikel":48865,"ssh":48866,"gera":48867,"bankholiday":48868,"awan":48869,"tweak":48870,"starcraft":48871,"eal":48872,"construction":48873,"skeletons":48874,"leep":48875,"inem":48876,"barclay":48877,"shipwreck":48878,"monsieur":48879,"yoh":48880,"ront":48881,"formative":48882,"sero":48883,"lep":48884,"horseman":48885,"hoosier":48886,"hazmat":48887,"cylinders":48888,"centi":48889,"ðŁĴ¥ðŁĴ¥ðŁĴ¥":48890,"reem":48891,"naire":48892,"musically":48893,"grasshopper":48894,"estonian":48895,"terminology":48896,"romain":48897,"bloggerrt":48898,"toxin":48899,"stance":48900,"cultivated":48901,"anast":48902,"ðŁIJį":48903,"shimano":48904,"gopher":48905,"enei":48906,"recyclable":48907,"gamification":48908,"fightfor":48909,"cq":48910,"avocados":48911,"keys":48912,"elike":48913,"glycer":48914,"shakur":48915,"mobilization":48916,"galley":48917,"explain":48918,"exchanged":48919,"peth":48920,"obedience":48921,"illage":48922,"ennis":48923,"ãĥŀ":48924,"wiv":48925,"wallabies":48926,"maar":48927,"igers":48928,"fintech":48929,"finalized":48930,"woj":48931,"meaningless":48932,"infield":48933,"onnaise":48934,"eet":48935,"bronte":48936,"passages":48937,"ðŁij§":48938,"strickland":48939,"northernlights":48940,"lomond":48941,"htc":48942,"wray":48943,"shifter":48944,"dialog":48945,"ðŁįį":48946,">>>>>>":48947,"teatime":48948,"stech":48949,"sichuan":48950,"quill":48951,"franca":48952,"complementary":48953,"barrington":48954,"marcus":48955,"malam":48956,"goooo":48957,"forsa":48958,"electra":48959,"afs":48960,"âĹĨ":48961,"trife":48962,"snazzy":48963,"folia":48964,"andolan":48965,"afterdark":48966,"woodson":48967,"strade":48968,"littlest":48969,"ogun":48970,"conwy":48971,"cowards":48972,"ðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤðŁĺĤ":48973,"íĬ¸":48974,"seul":48975,"murphy":48976,"dunks":48977,"kapilshar":48978,"joachim":48979,"womack":48980,"equality":48981,"averages":48982,"aine":48983,"ð٦Ī":48984,"tacular":48985,"disability":48986,"uked":48987,"midcentury":48988,"barthol":48989,"teasers":48990,"tabern":48991,"njcaa":48992,"spout":48993,"opi":48994,"kubball":48995,"blom":48996,"soar":48997,"populism":48998,"methyl":48999,"ðŁijĬðŁı¼":49000,"ospre":49001,"aloils":49002,"ðŁĵĸ":49003,"ðŁĮļ":49004,"xer":49005,"spilling":49006,"publica":49007,"cardam":49008,"adish":49009,"sacha":49010,"pkg":49011,"buda":49012,"lyricist":49013,"ibc":49014,"grump":49015,"hover":49016,"halep":49017,"antibody":49018,"anemone":49019,"âĻ¥âĻ¥âĻ¥âĻ¥":49020,"mcl":49021,"lithograph":49022,"ccu":49023,"sfest":49024,"pathic":49025,"callister":49026,"ottawa":49027,"gunsn":49028,"rutger":49029,"halibut":49030,"envision":49031,"differentiate":49032,"ðŁļĢðŁļĢ":49033,"piran":49034,"latel":49035,"ucn":49036,"troubad":49037,"raine":49038,"fiercely":49039,"learnenglish":49040,"lease":49041,"wexmondays":49042,"emit":49043,"drayton":49044,"burrell":49045,"scubadiving":49046,"holler":49047,"dru":49048,"clocked":49049,"wral":49050,"apro":49051,"translucent":49052,"wbo":49053,"patriarch":49054,"moja":49055,"lannister":49056,"fishery":49057,"nederland":49058,"mildly":49059,"mirai":49060,"mako":49061,"jap":49062,"ðŁĺ©ðŁĺ©ðŁĺ©":49063,"prostatec":49064,"panna":49065,"arama":49066,"undertaking":49067,"tompkins":49068,"neop":49069,"solids":49070,"savoury":49071,"eames":49072,"cutlery":49073,"woodbridge":49074,"steamer":49075,"rizzo":49076,"wildcat":49077,"ratna":49078,"laminated":49079,"kineni":49080,"jalap":49081,"aides":49082,"acknowledges":49083,"?!?!?!":49084,"!ðŁİī":49085,"wafc":49086,"maggio":49087,"haves":49088,"darje":49089,"ofi":49090,"gril":49091,"vasi":49092,"brux":49093,"mohd":49094,"fakespeare":49095,"arnold":49096,"rmb":49097,"forbe":49098,"walleye":49099,"rodi":49100,"therapeutics":49101,"strategi":49102,"obste":49103,"mudder":49104,"downloadable":49105,"ddings":49106,"dca":49107,"asiangames":49108,"campeon":49109,"appropriation":49110,"thcentury":49111,"ramatta":49112,"draped":49113,"bullion":49114,"muc":49115,"onex":49116,"segreg":49117,"ophelia":49118,"bodily":49119,"âĿ¤ðŁĺį":49120,"wizar":49121,"teased":49122,"ademy":49123,"toid":49124,"sura":49125,"lazarus":49126,"snickers":49127,"mase":49128,"loh":49129,"bowed":49130,"biblio":49131,"xchange":49132,"harlan":49133,"ghoshal":49134,"flavorful":49135,"bhagat":49136,"allez":49137,"whichever":49138,"tenstein":49139,"discer":49140,"organiser":49141,"mtg":49142,"dreamliner":49143,"tse":49144,"hokkaido":49145,"mok":49146,"indulgent":49147,"hickman":49148,"blinded":49149,"alyn":49150,"aaaah":49151,"spool":49152,"loughborough":49153,"interpret":49154,"etv":49155,"aristotle":49156,"optimizing":49157,"avicii":49158,"madurai":49159,"juli":49160,"nawaz":49161,"matchups":49162,"abide":49163,"painting":49164,"welling":49165,"veli":49166,"octagon":49167,"inscribed":49168,"poking":49169,"placer":49170,"lifecycle":49171,"kilig":49172,"gsp":49173,"elives":49174,"clements":49175,"nasheed":49176,"mesut":49177,"incarcerated":49178,"distilled":49179,"walang":49180,"delicacy":49181,"delgado":49182,"chez":49183,"chita":49184,"adero":49185,"tux":49186,"patil":49187,"odo":49188,"abhcosmetics":49189,"tvc":49190,"pbc":49191,"inaccurate":49192,"hardworkpaysoff":49193,"baller":49194,"quotation":49195,"merchandising":49196,"gastri":49197,"defenses":49198,"drogba":49199,"bexhill":49200,"bankno":49201,"winona":49202,"sieg":49203,"pgs":49204,"hahahha":49205,"aguchi":49206,"subram":49207,"miracle":49208,"desch":49209,"libre":49210,"bacher":49211,"entine":49212,"bbcradi":49213,"loudest":49214,"rps":49215,"pierc":49216,"fryer":49217,"stormtrooper":49218,"rafaelnadal":49219,"pasco":49220,"exhaustion":49221,"epiconetsy":49222,"rctid":49223,"kellie":49224,"gaines":49225,"dbz":49226,"smriti":49227,"sbridge":49228,"limited":49229,"claw":49230,"technical":49231,"biographical":49232,"adored":49233,"ะ":49234,"exclude":49235,"acadia":49236,"keyboards":49237,"furman":49238,"soca":49239,"suru":49240,"nips":49241,"swaps":49242,"serverless":49243,"rune":49244,"puffy":49245,"northampton":49246,"nishings":49247,"hender":49248,"cartridges":49249,"gunshot":49250,"ðŁĵ¹":49251,"filament":49252,"respondents":49253,"peyton":49254,"mountaineer":49255,"merging":49256,"lifespan":49257,"intimidation":49258,"pafc":49259,"nlwx":49260,"expansive":49261,"purr":49262,"fck":49263,"cae":49264,"atti":49265,"telethon":49266,"sohn":49267,"mendel":49268,"lopes":49269,"dori":49270,"unbroken":49271,"tered":49272,"tastings":49273,"inactive":49274,"disintegr":49275,"tassel":49276,"sharethe":49277,"piano":49278,"islay":49279,"airspace":49280,"zawa":49281,"ricciardo":49282,"mington":49283,"fresher":49284,"curry":49285,"revs":49286,"pharoah":49287,"hmv":49288,"exhilarating":49289,"whoo":49290,"linkin":49291,"krispy":49292,"competency":49293,"stewards":49294,"nebu":49295,"katsu":49296,"admins":49297,"bazar":49298,"asar":49299,"givingback":49300,"ssummit":49301,"songz":49302,"linus":49303,"rajkumar":49304,"farmington":49305,"fantasia":49306,"ðŁĺ´ðŁĺ´":49307,"sobri":49308,"lisse":49309,"barrymore":49310,"prism":49311,"blob":49312,"senew":49313,"monoxide":49314,"expire":49315,"eighteen":49316,"dipper":49317,"xiao":49318,"kilt":49319,"hinch":49320,"bbcsport":49321,"bamboo":49322,"pter":49323,"exal":49324,"ð٦ĭ":49325,"hamlin":49326,"expeditions":49327,"stargazing":49328,"foodsecurity":49329,"wylie":49330,"ulf":49331,"stingly":49332,"onstorm":49333,"loeb":49334,"broome":49335,"bnha":49336,"pancreatic":49337,"elive":49338,"!!!!!!!!!!!":49339,"therapper":49340,"orthopedic":49341,"avengersendgame":49342,"antitrust":49343,"ìļ°":49344,"gote":49345,"omd":49346,"offside":49347,"gyllen":49348,"wineries":49349,"whitewater":49350,"adl":49351,"lupita":49352,"exceeds":49353,"consisted":49354,"chewbacca":49355,"ashleigh":49356,"nhljets":49357,"issan":49358,"shld":49359,"hayat":49360,"cranberries":49361,"ð٤ĺðŁı½":49362,"rockthe":49363,"springtraining":49364,"fallout":49365,"dairyfree":49366,"waj":49367,"undecided":49368,"sown":49369,"rcn":49370,"northwales":49371,"httr":49372,"fumble":49373,"dits":49374,"compelled":49375,"populist":49376,"minted":49377,"blanchett":49378,".''":49379,"propulsion":49380,"milla":49381,"auberg":49382,"hertz":49383,"hta":49384,"udaipur":49385,"serendipity":49386,"aztecs":49387,"alsace":49388,"ðŁIJij":49389,"lun":49390,"shoes":49391,"charli":49392,"garza":49393,"ðŁĴŁ":49394,"probiotics":49395,"foxtv":49396,"olis":49397,"miff":49398,"localized":49399,"diffuser":49400,"sigue":49401,"funko":49402,"rendous":49403,"ðŁĴij":49404,"jekyll":49405,"<|startoftext|>":49406,"<|endoftext|>":49407} diff --git a/test/asset/gpt2_bpe_encoder.json b/test/asset/gpt2_bpe_encoder.json index 1f1d9aaca3..0cf6573561 100644 --- a/test/asset/gpt2_bpe_encoder.json +++ b/test/asset/gpt2_bpe_encoder.json @@ -1 +1 @@ -{"!": 0, "\"": 1, "#": 2, "$": 3, "%": 4, "&": 5, "'": 6, "(": 7, ")": 8, "*": 9, "+": 10, ",": 11, "-": 12, ".": 13, "/": 14, "0": 15, "1": 16, "2": 17, "3": 18, "4": 19, "5": 20, "6": 21, "7": 22, "8": 23, "9": 24, ":": 25, ";": 26, "<": 27, "=": 28, ">": 29, "?": 30, "@": 31, "A": 32, "B": 33, "C": 34, "D": 35, "E": 36, "F": 37, "G": 38, "H": 39, "I": 40, "J": 41, "K": 42, "L": 43, "M": 44, "N": 45, "O": 46, "P": 47, "Q": 48, "R": 49, "S": 50, "T": 51, "U": 52, "V": 53, "W": 54, "X": 55, "Y": 56, "Z": 57, "[": 58, "\\": 59, "]": 60, "^": 61, "_": 62, "`": 63, "a": 64, "b": 65, "c": 66, "d": 67, "e": 68, "f": 69, "g": 70, "h": 71, "i": 72, "j": 73, "k": 74, "l": 75, "m": 76, "n": 77, "o": 78, "p": 79, "q": 80, "r": 81, "s": 82, "t": 83, "u": 84, "v": 85, "w": 86, "x": 87, "y": 88, "z": 89, "{": 90, "|": 91, "}": 92, "~": 93, "\u00a1": 94, "\u00a2": 95, "\u00a3": 96, "\u00a4": 97, "\u00a5": 98, "\u00a6": 99, "\u00a7": 100, "\u00a8": 101, "\u00a9": 102, "\u00aa": 103, "\u00ab": 104, "\u00ac": 105, "\u00ae": 106, "\u00af": 107, "\u00b0": 108, "\u00b1": 109, "\u00b2": 110, "\u00b3": 111, "\u00b4": 112, "\u00b5": 113, "\u00b6": 114, "\u00b7": 115, "\u00b8": 116, "\u00b9": 117, "\u00ba": 118, "\u00bb": 119, "\u00bc": 120, "\u00bd": 121, "\u00be": 122, "\u00bf": 123, "\u00c0": 124, "\u00c1": 125, "\u00c2": 126, "\u00c3": 127, "\u00c4": 128, "\u00c5": 129, "\u00c6": 130, "\u00c7": 131, "\u00c8": 132, "\u00c9": 133, "\u00ca": 134, "\u00cb": 135, "\u00cc": 136, "\u00cd": 137, "\u00ce": 138, "\u00cf": 139, "\u00d0": 140, "\u00d1": 141, "\u00d2": 142, "\u00d3": 143, "\u00d4": 144, "\u00d5": 145, "\u00d6": 146, "\u00d7": 147, "\u00d8": 148, "\u00d9": 149, "\u00da": 150, "\u00db": 151, "\u00dc": 152, "\u00dd": 153, "\u00de": 154, "\u00df": 155, "\u00e0": 156, "\u00e1": 157, "\u00e2": 158, "\u00e3": 159, "\u00e4": 160, "\u00e5": 161, "\u00e6": 162, "\u00e7": 163, "\u00e8": 164, "\u00e9": 165, "\u00ea": 166, "\u00eb": 167, "\u00ec": 168, "\u00ed": 169, "\u00ee": 170, "\u00ef": 171, "\u00f0": 172, "\u00f1": 173, "\u00f2": 174, "\u00f3": 175, "\u00f4": 176, "\u00f5": 177, "\u00f6": 178, "\u00f7": 179, "\u00f8": 180, "\u00f9": 181, "\u00fa": 182, "\u00fb": 183, "\u00fc": 184, "\u00fd": 185, "\u00fe": 186, "\u00ff": 187, "\u0100": 188, "\u0101": 189, "\u0102": 190, "\u0103": 191, "\u0104": 192, "\u0105": 193, "\u0106": 194, "\u0107": 195, "\u0108": 196, "\u0109": 197, "\u010a": 198, "\u010b": 199, "\u010c": 200, "\u010d": 201, "\u010e": 202, "\u010f": 203, "\u0110": 204, "\u0111": 205, "\u0112": 206, "\u0113": 207, "\u0114": 208, "\u0115": 209, "\u0116": 210, "\u0117": 211, "\u0118": 212, "\u0119": 213, "\u011a": 214, "\u011b": 215, "\u011c": 216, "\u011d": 217, "\u011e": 218, "\u011f": 219, "\u0120": 220, "\u0121": 221, "\u0122": 222, "\u0123": 223, "\u0124": 224, "\u0125": 225, "\u0126": 226, "\u0127": 227, "\u0128": 228, "\u0129": 229, "\u012a": 230, "\u012b": 231, "\u012c": 232, "\u012d": 233, "\u012e": 234, "\u012f": 235, "\u0130": 236, "\u0131": 237, "\u0132": 238, "\u0133": 239, "\u0134": 240, "\u0135": 241, "\u0136": 242, "\u0137": 243, "\u0138": 244, "\u0139": 245, "\u013a": 246, "\u013b": 247, "\u013c": 248, "\u013d": 249, "\u013e": 250, "\u013f": 251, "\u0140": 252, "\u0141": 253, "\u0142": 254, "\u0143": 255, "\u0120t": 256, "\u0120a": 257, "he": 258, "in": 259, "re": 260, "on": 261, "\u0120the": 262, "er": 263, "\u0120s": 264, "at": 265, "\u0120w": 266, "\u0120o": 267, "en": 268, "\u0120c": 269, "it": 270, "is": 271, "an": 272, "or": 273, "es": 274, "\u0120b": 275, "ed": 276, "\u0120f": 277, "ing": 278, "\u0120p": 279, "ou": 280, "\u0120an": 281, "al": 282, "ar": 283, "\u0120to": 284, "\u0120m": 285, "\u0120of": 286, "\u0120in": 287, "\u0120d": 288, "\u0120h": 289, "\u0120and": 290, "ic": 291, "as": 292, "le": 293, "\u0120th": 294, "ion": 295, "om": 296, "ll": 297, "ent": 298, "\u0120n": 299, "\u0120l": 300, "st": 301, "\u0120re": 302, "ve": 303, "\u0120e": 304, "ro": 305, "ly": 306, "\u0120be": 307, "\u0120g": 308, "\u0120T": 309, "ct": 310, "\u0120S": 311, "id": 312, "ot": 313, "\u0120I": 314, "ut": 315, "et": 316, "\u0120A": 317, "\u0120is": 318, "\u0120on": 319, "im": 320, "am": 321, "ow": 322, "ay": 323, "ad": 324, "se": 325, "\u0120that": 326, "\u0120C": 327, "ig": 328, "\u0120for": 329, "ac": 330, "\u0120y": 331, "ver": 332, "ur": 333, "\u0120u": 334, "ld": 335, "\u0120st": 336, "\u0120M": 337, "'s": 338, "\u0120he": 339, "\u0120it": 340, "ation": 341, "ith": 342, "ir": 343, "ce": 344, "\u0120you": 345, "il": 346, "\u0120B": 347, "\u0120wh": 348, "ol": 349, "\u0120P": 350, "\u0120with": 351, "\u01201": 352, "ter": 353, "ch": 354, "\u0120as": 355, "\u0120we": 356, "\u0120(": 357, "nd": 358, "ill": 359, "\u0120D": 360, "if": 361, "\u01202": 362, "ag": 363, "ers": 364, "ke": 365, "\u0120\"": 366, "\u0120H": 367, "em": 368, "\u0120con": 369, "\u0120W": 370, "\u0120R": 371, "her": 372, "\u0120was": 373, "\u0120r": 374, "od": 375, "\u0120F": 376, "ul": 377, "ate": 378, "\u0120at": 379, "ri": 380, "pp": 381, "ore": 382, "\u0120The": 383, "\u0120se": 384, "us": 385, "\u0120pro": 386, "\u0120ha": 387, "um": 388, "\u0120are": 389, "\u0120de": 390, "ain": 391, "and": 392, "\u0120or": 393, "igh": 394, "est": 395, "ist": 396, "ab": 397, "rom": 398, "\u0120N": 399, "th": 400, "\u0120com": 401, "\u0120G": 402, "un": 403, "op": 404, "00": 405, "\u0120L": 406, "\u0120not": 407, "ess": 408, "\u0120ex": 409, "\u0120v": 410, "res": 411, "\u0120E": 412, "ew": 413, "ity": 414, "ant": 415, "\u0120by": 416, "el": 417, "os": 418, "ort": 419, "oc": 420, "qu": 421, "\u0120from": 422, "\u0120have": 423, "\u0120su": 424, "ive": 425, "ould": 426, "\u0120sh": 427, "\u0120this": 428, "nt": 429, "ra": 430, "pe": 431, "ight": 432, "art": 433, "ment": 434, "\u0120al": 435, "ust": 436, "end": 437, "--": 438, "all": 439, "\u0120O": 440, "ack": 441, "\u0120ch": 442, "\u0120le": 443, "ies": 444, "red": 445, "ard": 446, "\u00e2\u0122": 447, "out": 448, "\u0120J": 449, "\u0120ab": 450, "ear": 451, "iv": 452, "ally": 453, "our": 454, "ost": 455, "gh": 456, "pt": 457, "\u0120pl": 458, "ast": 459, "\u0120can": 460, "ak": 461, "ome": 462, "ud": 463, "The": 464, "\u0120his": 465, "\u0120do": 466, "\u0120go": 467, "\u0120has": 468, "ge": 469, "'t": 470, "\u0120U": 471, "rou": 472, "\u0120sa": 473, "\u0120j": 474, "\u0120but": 475, "\u0120wor": 476, "\u0120all": 477, "ect": 478, "\u0120k": 479, "ame": 480, "\u0120will": 481, "ok": 482, "\u0120whe": 483, "\u0120they": 484, "ide": 485, "01": 486, "ff": 487, "ich": 488, "pl": 489, "ther": 490, "\u0120tr": 491, "..": 492, "\u0120int": 493, "ie": 494, "ure": 495, "age": 496, "\u0120ne": 497, "ial": 498, "ap": 499, "ine": 500, "ice": 501, "\u0120me": 502, "\u0120out": 503, "ans": 504, "one": 505, "ong": 506, "ions": 507, "\u0120who": 508, "\u0120K": 509, "\u0120up": 510, "\u0120their": 511, "\u0120ad": 512, "\u01203": 513, "\u0120us": 514, "ated": 515, "ous": 516, "\u0120more": 517, "ue": 518, "og": 519, "\u0120St": 520, "ind": 521, "ike": 522, "\u0120so": 523, "ime": 524, "per": 525, ".\"": 526, "ber": 527, "iz": 528, "act": 529, "\u0120one": 530, "\u0120said": 531, "\u0120-": 532, "are": 533, "\u0120your": 534, "cc": 535, "\u0120Th": 536, "\u0120cl": 537, "ep": 538, "ake": 539, "able": 540, "ip": 541, "\u0120cont": 542, "\u0120which": 543, "ia": 544, "\u0120im": 545, "\u0120about": 546, "\u0120were": 547, "very": 548, "ub": 549, "\u0120had": 550, "\u0120en": 551, "\u0120comp": 552, ",\"": 553, "\u0120In": 554, "\u0120un": 555, "\u0120ag": 556, "ire": 557, "ace": 558, "au": 559, "ary": 560, "\u0120would": 561, "ass": 562, "ry": 563, "\u0120\u00e2\u0122": 564, "cl": 565, "ook": 566, "ere": 567, "so": 568, "\u0120V": 569, "ign": 570, "ib": 571, "\u0120off": 572, "\u0120te": 573, "ven": 574, "\u0120Y": 575, "ile": 576, "ose": 577, "ite": 578, "orm": 579, "\u0120201": 580, "\u0120res": 581, "\u0120man": 582, "\u0120per": 583, "\u0120other": 584, "ord": 585, "ult": 586, "\u0120been": 587, "\u0120like": 588, "ase": 589, "ance": 590, "ks": 591, "ays": 592, "own": 593, "ence": 594, "\u0120dis": 595, "ction": 596, "\u0120any": 597, "\u0120app": 598, "\u0120sp": 599, "int": 600, "ress": 601, "ations": 602, "ail": 603, "\u01204": 604, "ical": 605, "\u0120them": 606, "\u0120her": 607, "ount": 608, "\u0120Ch": 609, "\u0120ar": 610, "\u0120if": 611, "\u0120there": 612, "\u0120pe": 613, "\u0120year": 614, "av": 615, "\u0120my": 616, "\u0120some": 617, "\u0120when": 618, "ough": 619, "ach": 620, "\u0120than": 621, "ru": 622, "ond": 623, "ick": 624, "\u0120over": 625, "vel": 626, "\u0120qu": 627, "\u010a\u010a": 628, "\u0120sc": 629, "reat": 630, "ree": 631, "\u0120It": 632, "ound": 633, "port": 634, "\u0120also": 635, "\u0120part": 636, "fter": 637, "\u0120kn": 638, "\u0120bec": 639, "\u0120time": 640, "ens": 641, "\u01205": 642, "ople": 643, "\u0120what": 644, "\u0120no": 645, "du": 646, "mer": 647, "ang": 648, "\u0120new": 649, "----": 650, "\u0120get": 651, "ory": 652, "ition": 653, "ings": 654, "\u0120just": 655, "\u0120into": 656, "\u01200": 657, "ents": 658, "ove": 659, "te": 660, "\u0120people": 661, "\u0120pre": 662, "\u0120its": 663, "\u0120rec": 664, "\u0120tw": 665, "ian": 666, "irst": 667, "ark": 668, "ors": 669, "\u0120work": 670, "ade": 671, "ob": 672, "\u0120she": 673, "\u0120our": 674, "wn": 675, "ink": 676, "lic": 677, "\u012019": 678, "\u0120He": 679, "ish": 680, "nder": 681, "ause": 682, "\u0120him": 683, "ons": 684, "\u0120[": 685, "\u0120ro": 686, "form": 687, "ild": 688, "ates": 689, "vers": 690, "\u0120only": 691, "oll": 692, "\u0120spe": 693, "ck": 694, "ell": 695, "amp": 696, "\u0120acc": 697, "\u0120bl": 698, "ious": 699, "urn": 700, "ft": 701, "ood": 702, "\u0120how": 703, "hed": 704, "\u0120'": 705, "\u0120after": 706, "aw": 707, "\u0120att": 708, "ov": 709, "ne": 710, "\u0120play": 711, "erv": 712, "ict": 713, "\u0120could": 714, "itt": 715, "\u0120am": 716, "\u0120first": 717, "\u01206": 718, "\u0120act": 719, "\u0120$": 720, "ec": 721, "hing": 722, "ual": 723, "ull": 724, "\u0120comm": 725, "oy": 726, "old": 727, "ces": 728, "ater": 729, "\u0120fe": 730, "\u0120bet": 731, "we": 732, "iff": 733, "\u0120two": 734, "ock": 735, "\u0120back": 736, ").": 737, "ident": 738, "\u0120under": 739, "rough": 740, "sel": 741, "xt": 742, "\u0120may": 743, "round": 744, "\u0120po": 745, "ph": 746, "iss": 747, "\u0120des": 748, "\u0120most": 749, "\u0120did": 750, "\u0120add": 751, "ject": 752, "\u0120inc": 753, "fore": 754, "\u0120pol": 755, "ont": 756, "\u0120again": 757, "clud": 758, "tern": 759, "\u0120know": 760, "\u0120need": 761, "\u0120cons": 762, "\u0120co": 763, "\u0120.": 764, "\u0120want": 765, "\u0120see": 766, "\u01207": 767, "ning": 768, "iew": 769, "\u0120This": 770, "ced": 771, "\u0120even": 772, "\u0120ind": 773, "ty": 774, "\u0120We": 775, "ath": 776, "\u0120these": 777, "\u0120pr": 778, "\u0120use": 779, "\u0120because": 780, "\u0120fl": 781, "ng": 782, "\u0120now": 783, "\u0120\u00e2\u0122\u0135": 784, "com": 785, "ise": 786, "\u0120make": 787, "\u0120then": 788, "ower": 789, "\u0120every": 790, "\u0120Un": 791, "\u0120sec": 792, "oss": 793, "uch": 794, "\u0120em": 795, "\u0120=": 796, "\u0120Re": 797, "ied": 798, "rit": 799, "\u0120inv": 800, "lect": 801, "\u0120supp": 802, "ating": 803, "\u0120look": 804, "man": 805, "pect": 806, "\u01208": 807, "row": 808, "\u0120bu": 809, "\u0120where": 810, "ific": 811, "\u0120years": 812, "ily": 813, "\u0120diff": 814, "\u0120should": 815, "\u0120rem": 816, "Th": 817, "In": 818, "\u0120ev": 819, "day": 820, "'re": 821, "rib": 822, "\u0120rel": 823, "ss": 824, "\u0120def": 825, "\u0120right": 826, "\u0120sy": 827, "),": 828, "les": 829, "000": 830, "hen": 831, "\u0120through": 832, "\u0120Tr": 833, "__": 834, "\u0120way": 835, "\u0120don": 836, "\u0120,": 837, "\u012010": 838, "ased": 839, "\u0120ass": 840, "ublic": 841, "\u0120reg": 842, "\u0120And": 843, "ix": 844, "\u0120very": 845, "\u0120includ": 846, "other": 847, "\u0120imp": 848, "oth": 849, "\u0120sub": 850, "\u0120\u00e2\u0122\u0136": 851, "\u0120being": 852, "arg": 853, "\u0120Wh": 854, "==": 855, "ible": 856, "\u0120does": 857, "ange": 858, "ram": 859, "\u01209": 860, "ert": 861, "ps": 862, "ited": 863, "ational": 864, "\u0120br": 865, "\u0120down": 866, "\u0120many": 867, "aking": 868, "\u0120call": 869, "uring": 870, "ities": 871, "\u0120ph": 872, "ics": 873, "als": 874, "\u0120dec": 875, "ative": 876, "ener": 877, "\u0120before": 878, "ility": 879, "\u0120well": 880, "\u0120much": 881, "erson": 882, "\u0120those": 883, "\u0120such": 884, "\u0120ke": 885, "\u0120end": 886, "\u0120But": 887, "ason": 888, "ting": 889, "\u0120long": 890, "ef": 891, "\u0120think": 892, "ys": 893, "\u0120bel": 894, "\u0120sm": 895, "its": 896, "ax": 897, "\u0120own": 898, "\u0120prov": 899, "\u0120set": 900, "ife": 901, "ments": 902, "ble": 903, "ward": 904, "\u0120show": 905, "\u0120pres": 906, "ms": 907, "omet": 908, "\u0120ob": 909, "\u0120say": 910, "\u0120Sh": 911, "ts": 912, "ful": 913, "\u0120eff": 914, "\u0120gu": 915, "\u0120inst": 916, "und": 917, "ren": 918, "cess": 919, "\u0120ent": 920, "\u0120You": 921, "\u0120good": 922, "\u0120start": 923, "ince": 924, "\u0120made": 925, "tt": 926, "stem": 927, "olog": 928, "up": 929, "\u0120|": 930, "ump": 931, "\u0120hel": 932, "vern": 933, "ular": 934, "ually": 935, "\u0120ac": 936, "\u0120mon": 937, "\u0120last": 938, "\u0120200": 939, "10": 940, "\u0120stud": 941, "ures": 942, "\u0120Ar": 943, "self": 944, "ars": 945, "meric": 946, "ues": 947, "cy": 948, "\u0120min": 949, "ollow": 950, "\u0120col": 951, "io": 952, "\u0120mod": 953, "\u0120count": 954, "\u0120Com": 955, "hes": 956, "\u0120fin": 957, "air": 958, "ier": 959, "\u00e2\u0122\u0136": 960, "read": 961, "ank": 962, "atch": 963, "ever": 964, "\u0120str": 965, "\u0120point": 966, "ork": 967, "\u0120New": 968, "\u0120sur": 969, "ool": 970, "alk": 971, "ement": 972, "\u0120used": 973, "ract": 974, "ween": 975, "\u0120same": 976, "oun": 977, "\u0120Al": 978, "ci": 979, "\u0120differe": 980, "\u0120while": 981, "--------": 982, "\u0120game": 983, "cept": 984, "\u0120sim": 985, "...": 986, "\u0120inter": 987, "ek": 988, "\u0120report": 989, "\u0120produ": 990, "\u0120still": 991, "led": 992, "ah": 993, "\u0120here": 994, "\u0120world": 995, "\u0120though": 996, "\u0120num": 997, "arch": 998, "imes": 999, "ale": 1000, "\u0120Se": 1001, "\u0120If": 1002, "//": 1003, "\u0120Le": 1004, "\u0120ret": 1005, "\u0120ref": 1006, "\u0120trans": 1007, "ner": 1008, "ution": 1009, "ters": 1010, "\u0120take": 1011, "\u0120Cl": 1012, "\u0120conf": 1013, "way": 1014, "ave": 1015, "\u0120going": 1016, "\u0120sl": 1017, "ug": 1018, "\u0120Americ": 1019, "\u0120spec": 1020, "\u0120hand": 1021, "\u0120between": 1022, "ists": 1023, "\u0120De": 1024, "oot": 1025, "It": 1026, "\u0120ear": 1027, "\u0120against": 1028, "\u0120high": 1029, "gan": 1030, "az": 1031, "ather": 1032, "\u0120exp": 1033, "\u0120op": 1034, "\u0120ins": 1035, "\u0120gr": 1036, "\u0120help": 1037, "\u0120requ": 1038, "ets": 1039, "ins": 1040, "\u0120Pro": 1041, "ism": 1042, "\u0120found": 1043, "land": 1044, "ata": 1045, "uss": 1046, "ames": 1047, "\u0120person": 1048, "\u0120great": 1049, "pr": 1050, "\u0120sign": 1051, "\u0120An": 1052, "'ve": 1053, "\u0120somet": 1054, "\u0120ser": 1055, "hip": 1056, "\u0120run": 1057, "\u0120:": 1058, "\u0120ter": 1059, "irect": 1060, "\u0120follow": 1061, "\u0120det": 1062, "ices": 1063, "\u0120find": 1064, "12": 1065, "\u0120mem": 1066, "\u0120cr": 1067, "ered": 1068, "ex": 1069, "\u0120ext": 1070, "uth": 1071, "ense": 1072, "co": 1073, "\u0120team": 1074, "ving": 1075, "ouse": 1076, "ash": 1077, "att": 1078, "ved": 1079, "\u0120system": 1080, "\u0120As": 1081, "der": 1082, "ives": 1083, "min": 1084, "\u0120lead": 1085, "\u0120Bl": 1086, "cent": 1087, "\u0120around": 1088, "\u0120govern": 1089, "\u0120cur": 1090, "velop": 1091, "any": 1092, "\u0120cour": 1093, "alth": 1094, "ages": 1095, "ize": 1096, "\u0120car": 1097, "ode": 1098, "\u0120law": 1099, "\u0120read": 1100, "'m": 1101, "con": 1102, "\u0120real": 1103, "\u0120support": 1104, "\u012012": 1105, "....": 1106, "\u0120really": 1107, "ness": 1108, "\u0120fact": 1109, "\u0120day": 1110, "\u0120both": 1111, "ying": 1112, "\u0120serv": 1113, "\u0120For": 1114, "\u0120three": 1115, "\u0120wom": 1116, "\u0120med": 1117, "ody": 1118, "\u0120They": 1119, "50": 1120, "\u0120exper": 1121, "ton": 1122, "\u0120each": 1123, "akes": 1124, "\u0120che": 1125, "\u0120cre": 1126, "ines": 1127, "\u0120rep": 1128, "19": 1129, "gg": 1130, "illion": 1131, "\u0120grou": 1132, "ute": 1133, "ik": 1134, "We": 1135, "get": 1136, "ER": 1137, "\u0120met": 1138, "\u0120says": 1139, "ox": 1140, "\u0120during": 1141, "ern": 1142, "ized": 1143, "ared": 1144, "\u0120fam": 1145, "ically": 1146, "\u0120happ": 1147, "\u0120Is": 1148, "\u0120char": 1149, "med": 1150, "vent": 1151, "\u0120gener": 1152, "ient": 1153, "ple": 1154, "iet": 1155, "rent": 1156, "11": 1157, "ves": 1158, "ption": 1159, "\u012020": 1160, "formation": 1161, "\u0120cor": 1162, "\u0120offic": 1163, "ield": 1164, "\u0120too": 1165, "ision": 1166, "\u0120inf": 1167, "\u0120Z": 1168, "the": 1169, "oad": 1170, "\u0120public": 1171, "\u0120prog": 1172, "ric": 1173, "**": 1174, "\u0120war": 1175, "\u0120power": 1176, "view": 1177, "\u0120few": 1178, "\u0120loc": 1179, "\u0120different": 1180, "\u0120state": 1181, "\u0120head": 1182, "'ll": 1183, "\u0120poss": 1184, "\u0120stat": 1185, "ret": 1186, "ants": 1187, "\u0120val": 1188, "\u0120iss": 1189, "\u0120cle": 1190, "ivers": 1191, "anc": 1192, "\u0120expl": 1193, "\u0120another": 1194, "\u0120Q": 1195, "\u0120av": 1196, "thing": 1197, "nce": 1198, "Wh": 1199, "\u0120child": 1200, "\u0120since": 1201, "ired": 1202, "less": 1203, "\u0120life": 1204, "\u0120develop": 1205, "ittle": 1206, "\u0120dep": 1207, "\u0120pass": 1208, "\u00e3\u0125": 1209, "\u0120turn": 1210, "orn": 1211, "This": 1212, "bers": 1213, "ross": 1214, "\u0120Ad": 1215, "\u0120fr": 1216, "\u0120resp": 1217, "\u0120second": 1218, "oh": 1219, "\u0120/": 1220, "\u0120disc": 1221, "\u0120&": 1222, "\u0120something": 1223, "\u0120comple": 1224, "\u0120ed": 1225, "\u0120fil": 1226, "\u0120month": 1227, "aj": 1228, "uc": 1229, "\u0120government": 1230, "\u0120without": 1231, "\u0120leg": 1232, "\u0120dist": 1233, "\u0120put": 1234, "\u0120quest": 1235, "ann": 1236, "\u0120prot": 1237, "20": 1238, "\u0120never": 1239, "ience": 1240, "\u0120level": 1241, "\u0120art": 1242, "\u0120things": 1243, "\u0120might": 1244, "\u0120effect": 1245, "\u0120contro": 1246, "\u0120cent": 1247, "\u012018": 1248, "\u0120allow": 1249, "\u0120belie": 1250, "chool": 1251, "ott": 1252, "\u0120incre": 1253, "\u0120feel": 1254, "\u0120result": 1255, "\u0120lot": 1256, "\u0120fun": 1257, "ote": 1258, "\u0120ty": 1259, "erest": 1260, "\u0120contin": 1261, "\u0120using": 1262, "\u0120big": 1263, "201": 1264, "\u0120ask": 1265, "\u0120best": 1266, "\u0120)": 1267, "IN": 1268, "\u0120opp": 1269, "30": 1270, "\u0120number": 1271, "iness": 1272, "St": 1273, "lease": 1274, "\u0120ca": 1275, "\u0120must": 1276, "\u0120direct": 1277, "\u0120gl": 1278, "\u0120<": 1279, "\u0120open": 1280, "\u0120post": 1281, "\u0120come": 1282, "\u0120seem": 1283, "ording": 1284, "\u0120week": 1285, "ately": 1286, "ital": 1287, "\u0120el": 1288, "riend": 1289, "\u0120far": 1290, "\u0120tra": 1291, "inal": 1292, "\u0120pri": 1293, "\u0120US": 1294, "\u0120place": 1295, "\u0120form": 1296, "\u0120told": 1297, "\":": 1298, "ains": 1299, "ature": 1300, "\u0120Trump": 1301, "\u0120stand": 1302, "\u0120#": 1303, "ider": 1304, "\u0120Fr": 1305, "\u0120next": 1306, "\u0120soc": 1307, "\u0120pur": 1308, "\u0120let": 1309, "\u0120little": 1310, "\u0120hum": 1311, "\u0120i": 1312, "ron": 1313, "15": 1314, "\u012015": 1315, "\u0120commun": 1316, "\u0120mark": 1317, "\u0120There": 1318, "\u0120wr": 1319, "\u0120That": 1320, "\u0120information": 1321, "ways": 1322, "\u0120bus": 1323, "app": 1324, "\u0120invest": 1325, "me": 1326, "\u0120hard": 1327, "ained": 1328, "ead": 1329, "\u0120import": 1330, "\u0120appro": 1331, "\u0120test": 1332, "\u0120tri": 1333, "\u0120rest": 1334, "osed": 1335, "\u0120full": 1336, "\u0120care": 1337, "\u0120Sp": 1338, "\u0120case": 1339, "ON": 1340, "\u0120sk": 1341, "\u0120less": 1342, "\u0120+": 1343, "\u0120partic": 1344, "\u0120Pl": 1345, "ably": 1346, "uck": 1347, "ished": 1348, "chn": 1349, "be": 1350, "\u0120list": 1351, "ator": 1352, "\u0120top": 1353, "\u0120adv": 1354, "\u0120Be": 1355, "ruct": 1356, "\u0120dem": 1357, "ration": 1358, "ling": 1359, "gy": 1360, "reen": 1361, "ger": 1362, "\u0120home": 1363, "\u0120left": 1364, "\u0120better": 1365, "\u0120data": 1366, "\u012011": 1367, "\u0120attack": 1368, "\u0120proble": 1369, "line": 1370, "ards": 1371, "\u0120beh": 1372, "ral": 1373, "\u0120How": 1374, "\u0120She": 1375, "arge": 1376, "\u0120--": 1377, "://": 1378, "\u0120bro": 1379, "\u0120Ph": 1380, "ats": 1381, "\u0120build": 1382, "ww": 1383, "ided": 1384, "aim": 1385, "ases": 1386, "ency": 1387, "\u0120main": 1388, "ined": 1389, "\u0120including": 1390, "\u0120{": 1391, "\u0120got": 1392, "\u0120interest": 1393, "\u0120keep": 1394, "\u0120X": 1395, "\u0120eas": 1396, "aining": 1397, "\u0120class": 1398, "\u00e2\u0122\u00a6": 1399, "\u0120No": 1400, "\u0120var": 1401, "\u0120small": 1402, "ample": 1403, "AT": 1404, "\u0120ide": 1405, "\u0120So": 1406, "\u0120rece": 1407, "\u0120polit": 1408, "\u0120mov": 1409, "\u0120plan": 1410, "\u0120percent": 1411, "iving": 1412, "\u0120camp": 1413, "\u0120pay": 1414, "14": 1415, "sc": 1416, "ised": 1417, "\u0120unt": 1418, "oney": 1419, "ploy": 1420, "====": 1421, "\u0120didn": 1422, "\u0120Ind": 1423, "els": 1424, "ertain": 1425, "\u0120pos": 1426, "____": 1427, "iver": 1428, "\u0120process": 1429, "\u0120program": 1430, "ified": 1431, "\u0120Rep": 1432, "16": 1433, "uro": 1434, "ology": 1435, "atter": 1436, "ina": 1437, "\u0120name": 1438, "\u0120All": 1439, "\u0120four": 1440, "\u0120return": 1441, "vious": 1442, "bs": 1443, "\u0120called": 1444, "\u0120move": 1445, "\u0120Sc": 1446, "ird": 1447, "\u0120group": 1448, "\u0120bre": 1449, "\u0120men": 1450, "\u0120cap": 1451, "ten": 1452, "ee": 1453, "\u0120dri": 1454, "leg": 1455, "here": 1456, "uthor": 1457, "\u0120pat": 1458, "\u0120current": 1459, "ides": 1460, "\u0120pop": 1461, "to": 1462, "ention": 1463, "\u0120always": 1464, "\u0120mil": 1465, "\u0120women": 1466, "\u012016": 1467, "\u0120old": 1468, "iven": 1469, "raph": 1470, "\u0120Or": 1471, "ror": 1472, "ently": 1473, "\u0120near": 1474, "\u0120Ex": 1475, "ream": 1476, "sh": 1477, "\u012014": 1478, "\u0120free": 1479, "ission": 1480, "stand": 1481, "\u0120Con": 1482, "ality": 1483, "used": 1484, "13": 1485, "\u0120design": 1486, "\u0120change": 1487, "\u0120chang": 1488, "\u0120bo": 1489, "\u0120vis": 1490, "ember": 1491, "\u0120book": 1492, "ready": 1493, "\u0120kill": 1494, "25": 1495, "pped": 1496, "\u0120away": 1497, "\u0120able": 1498, "\u0120country": 1499, "\u0120const": 1500, "arn": 1501, "\u0120order": 1502, "AR": 1503, "ior": 1504, "ium": 1505, "orth": 1506, "18": 1507, "ailable": 1508, "\u0120sw": 1509, "\u0120million": 1510, "\u012013": 1511, "atic": 1512, "ted": 1513, "\u0120Go": 1514, "\u0120oper": 1515, "eng": 1516, "\u0120thing": 1517, "ajor": 1518, "conom": 1519, "\u0120Comm": 1520, "\u0120why": 1521, "ured": 1522, "ural": 1523, "\u0120school": 1524, "by": 1525, "\u0120Mar": 1526, "\u0120aff": 1527, "\u0120days": 1528, "\u0120ann": 1529, "ush": 1530, "ane": 1531, "If": 1532, "eg": 1533, "\u0120prof": 1534, "\u0120health": 1535, "outh": 1536, "But": 1537, "ional": 1538, ".,": 1539, "\u0120sol": 1540, "\u0120already": 1541, "\u012030": 1542, "\u0120charact": 1543, "He": 1544, "\u0120friend": 1545, "ES": 1546, "ians": 1547, "icle": 1548, "'d": 1549, "\u0120On": 1550, "\u0120least": 1551, "\u0120prom": 1552, "\u0120dr": 1553, "\u0120hist": 1554, "ither": 1555, "\u0120est": 1556, "iqu": 1557, "17": 1558, "son": 1559, "\u0120tell": 1560, "\u0120talk": 1561, "ohn": 1562, "oint": 1563, "lection": 1564, "AN": 1565, "\u0120until": 1566, "augh": 1567, "\u0120later": 1568, "\u0120ve": 1569, "\u0120view": 1570, "ending": 1571, "ived": 1572, "\u0120word": 1573, "ware": 1574, "\u0120cost": 1575, "\u0120enough": 1576, "\u0120give": 1577, "\u0120United": 1578, "\u0120techn": 1579, "arent": 1580, "OR": 1581, "\u0120par": 1582, "\u0120Dr": 1583, "\u01202016": 1584, "rist": 1585, "ering": 1586, "\u0120\u00c2": 1587, "\u0120large": 1588, "side": 1589, "acy": 1590, "ccess": 1591, "\u0120win": 1592, "\u0120important": 1593, "\u0120199": 1594, "\u0120doesn": 1595, "\u012017": 1596, "\u0120business": 1597, "\u0120clear": 1598, "\u0120rese": 1599, "\",": 1600, "ury": 1601, "\u0120equ": 1602, "aster": 1603, "alf": 1604, "\u0120American": 1605, "nect": 1606, "\u0120expect": 1607, "iversity": 1608, "\u0120occ": 1609, "\u0120Fl": 1610, "\u0120kind": 1611, "\u0120mean": 1612, "\u0120past": 1613, "\u0120dev": 1614, "\u0120bas": 1615, "let": 1616, "raft": 1617, "\u0120organ": 1618, "\u0120del": 1619, "\u0120perform": 1620, "\u0120story": 1621, "\u0120season": 1622, "\u0120Col": 1623, "\u0120claim": 1624, "\u0120came": 1625, "\u0120within": 1626, "\u0120line": 1627, "\u0120project": 1628, "\u0120At": 1629, "\u0120control": 1630, "ended": 1631, "\u0120Sy": 1632, "\u0120air": 1633, "ization": 1634, "\u0120*": 1635, "ley": 1636, "\u0120money": 1637, "idd": 1638, "You": 1639, "for": 1640, "\u0120family": 1641, "\u0120making": 1642, "\u0120bit": 1643, "\u0120police": 1644, "\u0120happen": 1645, "\u0120vers": 1646, "ony": 1647, "uff": 1648, "\u0120When": 1649, "\u0120sit": 1650, "ideo": 1651, "lf": 1652, "ison": 1653, "\u0120sure": 1654, "gin": 1655, "\u0120appear": 1656, "\u0120light": 1657, "\u0120es": 1658, "of": 1659, "\u0120water": 1660, "\u0120times": 1661, "not": 1662, "\u0120grow": 1663, "\u0120company": 1664, "\u0120Te": 1665, "ows": 1666, "\u0120mar": 1667, "ource": 1668, "iol": 1669, "arm": 1670, "br": 1671, "\u0120example": 1672, "\u0120conc": 1673, "\u0120fore": 1674, "\u0120To": 1675, "pro": 1676, "EN": 1677, "ries": 1678, "\u012025": 1679, "\u0120Can": 1680, "ney": 1681, "\u0120actually": 1682, "\u0120ever": 1683, "urity": 1684, "aken": 1685, "aps": 1686, "\u0120tax": 1687, "\u0120major": 1688, "ama": 1689, "\u0120often": 1690, "eral": 1691, "\u0120human": 1692, "\u0120job": 1693, "ister": 1694, "\u0120available": 1695, "ocr": 1696, "enn": 1697, "aid": 1698, "ivid": 1699, "\u0120record": 1700, "?\"": 1701, "\u0120sing": 1702, "\u0120Am": 1703, "idence": 1704, "\u0120news": 1705, "ster": 1706, "\u0120econom": 1707, "\u0120following": 1708, "\u0120Br": 1709, "ising": 1710, "\u0120hour": 1711, "most": 1712, "ument": 1713, "\u0120sex": 1714, "\u0120desc": 1715, "\u0120become": 1716, "\u0120Ed": 1717, "\u0120took": 1718, "\u0120having": 1719, "\u0120product": 1720, "ault": 1721, "As": 1722, "aring": 1723, "\u0120means": 1724, "\u0120hop": 1725, "une": 1726, "\u0120cho": 1727, "\u0120certain": 1728, "\u0120non": 1729, "\u0120deal": 1730, "24": 1731, "lement": 1732, "oci": 1733, "ene": 1734, "\u0120side": 1735, "\u0120Pr": 1736, "\u0120May": 1737, "\u0120reason": 1738, "ued": 1739, "ched": 1740, "ulation": 1741, "\u0120elect": 1742, "\u0120official": 1743, "\u0120possible": 1744, "\u0120hold": 1745, "ands": 1746, "ots": 1747, "\u0120city": 1748, "ories": 1749, "\u0120sever": 1750, "\u0120children": 1751, "\u0120once": 1752, "\u0120activ": 1753, "ler": 1754, "\u0120night": 1755, "itions": 1756, "\u0120John": 1757, "ape": 1758, "play": 1759, "\u0120done": 1760, "\u0120lim": 1761, "\u0120working": 1762, "\u0120Pres": 1763, "orld": 1764, "eb": 1765, "\u0120Co": 1766, "\u0120body": 1767, "ails": 1768, "utes": 1769, "\u0120Mr": 1770, "\u0120whether": 1771, "\u0120author": 1772, "rop": 1773, "\u0120proper": 1774, "\u0120seen": 1775, ");": 1776, "\u0120fac": 1777, "\u0120Su": 1778, "\u0120cond": 1779, "iting": 1780, "\u0120course": 1781, "\u0120}": 1782, "----------------": 1783, "aign": 1784, "\u0120event": 1785, "\u0120eng": 1786, "\u0120pot": 1787, "\u0120intern": 1788, "iam": 1789, "\u0120short": 1790, "empt": 1791, "\u00e3\u0124": 1792, "\u0120God": 1793, "ilar": 1794, "80": 1795, "\u0120orig": 1796, "IS": 1797, "ourn": 1798, "ability": 1799, "itive": 1800, "\u0120dam": 1801, "\u0120100": 1802, "\u0120press": 1803, "\u0120doing": 1804, "\u0120protect": 1805, "ring": 1806, "\u0120thought": 1807, "\u0120question": 1808, "rew": 1809, "\u0120War": 1810, "\u0120several": 1811, "\u0120State": 1812, "\u0120given": 1813, "\u0120fund": 1814, "\u0120Tw": 1815, "\u0120went": 1816, "ances": 1817, "work": 1818, "por": 1819, "my": 1820, "40": 1821, "\u0120arg": 1822, "artment": 1823, "ustom": 1824, "\u0120polic": 1825, "\u0120meet": 1826, "\u0120creat": 1827, "22": 1828, "\u0120States": 1829, "\u0120games": 1830, "raw": 1831, "uture": 1832, "\u0120understand": 1833, "urs": 1834, "\u0120Ob": 1835, "lish": 1836, "sy": 1837, "\u0120makes": 1838, "\u0120won": 1839, "agon": 1840, "\u0120htt": 1841, "\u0120love": 1842, "ential": 1843, "\u0120complete": 1844, "par": 1845, "\u0120Im": 1846, "AL": 1847, "\u0120account": 1848, "\u00c2\u0142": 1849, "ored": 1850, "vert": 1851, "\u0120ident": 1852, "\u01202015": 1853, "\u0120others": 1854, "\u0120Min": 1855, "iber": 1856, "verage": 1857, "There": 1858, "itional": 1859, "dd": 1860, "\u0120prob": 1861, "\u0120young": 1862, "\u0120along": 1863, "\u0120according": 1864, "\u0120yet": 1865, "\u0120members": 1866, "\u0120What": 1867, "oid": 1868, "\u0120Man": 1869, "And": 1870, "\u0120among": 1871, "ai": 1872, "\u0120employ": 1873, "\u0120Res": 1874, "\u0120>": 1875, "\u0120invol": 1876, "\u0120low": 1877, "af": 1878, "\u0120Car": 1879, "\u0120hig": 1880, "\u0120One": 1881, "\u0120Sec": 1882, "ination": 1883, "\u0120likely": 1884, "\u0120ant": 1885, "aged": 1886, "\u0120Russ": 1887, "\u0120ben": 1888, "\u0120rele": 1889, "For": 1890, "back": 1891, "\u0120Not": 1892, "\u0120president": 1893, "ball": 1894, "\u0120access": 1895, "ividual": 1896, "\u0120Dem": 1897, "\u0120Euro": 1898, "60": 1899, "\u0120known": 1900, "irl": 1901, "\u0120Gr": 1902, "\u0120early": 1903, "use": 1904, "iety": 1905, "\u00e2\u0122\u0135": 1906, "\u0120fight": 1907, "\u0120sent": 1908, "\u0120today": 1909, "\u0120market": 1910, "\".": 1911, "\u0120based": 1912, "\u0120strong": 1913, "urther": 1914, "\u0120deb": 1915, "mber": 1916, "\u0120problem": 1917, "\u0120death": 1918, "\u0120social": 1919, "imate": 1920, "AS": 1921, "ortun": 1922, "\u0120campaign": 1923, "ery": 1924, "Ch": 1925, "\u0120ey": 1926, "ially": 1927, "\u0120mus": 1928, "wh": 1929, "pos": 1930, "\u0120er": 1931, "\u0120saf": 1932, "\u0120months": 1933, "iron": 1934, "\u0120viol": 1935, "\u0120five": 1936, "\u0120stre": 1937, "\u0120players": 1938, "inc": 1939, "ald": 1940, "year": 1941, "aun": 1942, "\u0120success": 1943, "\u0120present": 1944, "erence": 1945, "\u01202014": 1946, "\u0120sugg": 1947, "\u0120particular": 1948, "\u0120try": 1949, "\u0120suggest": 1950, "\u0120Christ": 1951, "ones": 1952, "\u0120priv": 1953, "23": 1954, "\u0120crit": 1955, "\u0120land": 1956, "\u0120local": 1957, "ify": 1958, "29": 1959, "\u0120aut": 1960, "ED": 1961, "\u0120Gu": 1962, "\u0120mult": 1963, "\u0120political": 1964, "\u0120asked": 1965, "\u0120former": 1966, "itter": 1967, "ript": 1968, "\u0120close": 1969, "\u0120pract": 1970, "\u0120York": 1971, "\u0120getting": 1972, "\u0120across": 1973, "\u0120comb": 1974, "\u0120believe": 1975, "\u0120z": 1976, "\u0120toget": 1977, "\u0120together": 1978, "\u0120Cent": 1979, "irc": 1980, "\u0120individual": 1981, "\u0120Mc": 1982, "27": 1983, "isk": 1984, "\u0120Eng": 1985, "\u0120face": 1986, "\u012024": 1987, "\u0120value": 1988, "\u0120area": 1989, "ev": 1990, "\u0120writ": 1991, "\u0120President": 1992, "\u0120vot": 1993, "\u0120key": 1994, "\u0120mom": 1995, "put": 1996, "\u0120anything": 1997, "\u0120experience": 1998, "attle": 1999, "\u0120mind": 2000, "aff": 2001, "omm": 2002, "\u0120future": 2003, "ged": 2004, "\u0120cut": 2005, "\u0120tot": 2006, "itch": 2007, "\u0120video": 2008, "\u0120investig": 2009, "\u0120net": 2010, "\u0120My": 2011, "rict": 2012, "ien": 2013, ".)": 2014, "\u0120impro": 2015, "though": 2016, "wards": 2017, "\u0120connect": 2018, "\u0120Med": 2019, "selves": 2020, "ensive": 2021, "mb": 2022, "ober": 2023, "ators": 2024, "An": 2025, "\u012050": 2026, "\u0120redu": 2027, "resent": 2028, "\u0120above": 2029, "\u0120fre": 2030, "\u0120Europe": 2031, "sw": 2032, "\u0120amount": 2033, "\u0120App": 2034, "\u0120either": 2035, "\u0120milit": 2036, "\u0120anal": 2037, "\u0120fail": 2038, "\u0120En": 2039, "ales": 2040, "\u0120special": 2041, "\u0120black": 2042, "IT": 2043, "cher": 2044, "\u0120looking": 2045, "\u0120fire": 2046, "yn": 2047, "\u0120almost": 2048, "oon": 2049, "\u0120study": 2050, "\u0120miss": 2051, "ches": 2052, "rown": 2053, "\u0120tre": 2054, "\u0120community": 2055, "\u0120media": 2056, "\u0120food": 2057, "\u0120comes": 2058, "\u0120University": 2059, "\u0120single": 2060, "What": 2061, "uly": 2062, "\u0120half": 2063, "ague": 2064, "hod": 2065, "\u0120Republic": 2066, "\u0120started": 2067, "\u0120quick": 2068, "oto": 2069, "book": 2070, "\u0120issue": 2071, "itor": 2072, "\u0120else": 2073, "\u0120consider": 2074, "26": 2075, "rodu": 2076, "\u0120taken": 2077, "28": 2078, "99": 2079, "\u0120With": 2080, "\u0120true": 2081, "\u0120wa": 2082, "\u0120trad": 2083, "\u0120ago": 2084, "\u0120mess": 2085, "ief": 2086, "\u0120added": 2087, "oke": 2088, "\u0120bad": 2089, "\u0120fav": 2090, "33": 2091, "\u0120similar": 2092, "ask": 2093, "\u0120Don": 2094, "\u0120character": 2095, "orts": 2096, "\u0120House": 2097, "\u0120reported": 2098, "\u0120type": 2099, "val": 2100, "iod": 2101, "\u0120However": 2102, "\u0120targ": 2103, "\u0120entire": 2104, "pping": 2105, "\u0120history": 2106, "\u0120live": 2107, "ffic": 2108, "........": 2109, "ederal": 2110, "\u0120trying": 2111, "\u0120discuss": 2112, "\u0120Har": 2113, "aces": 2114, "lished": 2115, "\u0120self": 2116, "osp": 2117, "rest": 2118, "\u0120room": 2119, "elt": 2120, "\u0120fall": 2121, "olution": 2122, "\u0120et": 2123, "\u0120x": 2124, "\u0120isn": 2125, "\u0120idea": 2126, "bo": 2127, "\u0120sound": 2128, "\u0120Dep": 2129, "\u0120someone": 2130, "cially": 2131, "ully": 2132, "\u0120foc": 2133, "\u0120object": 2134, "ift": 2135, "aper": 2136, "\u0120player": 2137, "\u0120rather": 2138, "\u0120service": 2139, "ashing": 2140, "\u0120Do": 2141, "\u0120Part": 2142, "rug": 2143, "mon": 2144, "ply": 2145, "\u0120mor": 2146, "\u0120nothing": 2147, "\u0120provide": 2148, "IC": 2149, "ung": 2150, "\u0120party": 2151, "\u0120exist": 2152, "\u0120mag": 2153, "70": 2154, "\u0120rul": 2155, "\u0120house": 2156, "\u0120behind": 2157, "\u0120however": 2158, "\u0120World": 2159, "\u0120sum": 2160, "\u0120applic": 2161, "\u0120;": 2162, "\u0120function": 2163, "gr": 2164, "\u0120Pol": 2165, "\u0120front": 2166, "200": 2167, "\u0120series": 2168, "\u0120tem": 2169, "\u0120typ": 2170, "ills": 2171, "\u0120opt": 2172, "\u0120points": 2173, "\u0120below": 2174, "itted": 2175, "\u0120specific": 2176, "\u01202017": 2177, "umb": 2178, "\u0120ra": 2179, "\u0120previous": 2180, "\u0120pret": 2181, "reme": 2182, "\u0120custom": 2183, "\u0120court": 2184, "\u0120Me": 2185, "\u0120repl": 2186, "\u0120whole": 2187, "go": 2188, "cer": 2189, "\u0120treat": 2190, "\u0120Act": 2191, "\u0120probably": 2192, "\u0120learn": 2193, "ender": 2194, "\u0120Ass": 2195, "\u0120version": 2196, "now": 2197, "\u0120check": 2198, "\u0120Cal": 2199, "RE": 2200, "minist": 2201, "On": 2202, "ources": 2203, "\u0120benef": 2204, "\u0120doc": 2205, "\u0120deter": 2206, "\u0120enc": 2207, "\u0120super": 2208, "\u0120address": 2209, "\u0120vict": 2210, "\u01202013": 2211, "\u0120meas": 2212, "tr": 2213, "\u0120field": 2214, "When": 2215, "\u0120signific": 2216, "uge": 2217, "\u0120feat": 2218, "\u0120common": 2219, "load": 2220, "\u0120begin": 2221, "\u0120bring": 2222, "\u0120action": 2223, "erman": 2224, "\u0120describ": 2225, "\u0120indust": 2226, "\u0120wanted": 2227, "ried": 2228, "ming": 2229, "\u0120attempt": 2230, "45": 2231, "fer": 2232, "\u0120due": 2233, "ression": 2234, "##": 2235, "\u0120shall": 2236, "\u0120six": 2237, "oo": 2238, "\u0120step": 2239, "\u0120pub": 2240, "\u0120himself": 2241, "\u012023": 2242, "\u0120cop": 2243, "\u0120dest": 2244, "\u0120stop": 2245, "AC": 2246, "ibility": 2247, "\u0120lab": 2248, "icult": 2249, "\u0120hours": 2250, "\u0120create": 2251, "\u0120further": 2252, "\u0120America": 2253, "\u0120City": 2254, "\u0120dou": 2255, "head": 2256, "ST": 2257, "\u0120North": 2258, "cing": 2259, "\u0120national": 2260, "ule": 2261, "\u0120Inst": 2262, "\u0120taking": 2263, "\u0120Qu": 2264, "irt": 2265, "\u0120red": 2266, "\u0120research": 2267, "viron": 2268, "\u0120Ge": 2269, "\u0120break": 2270, "ana": 2271, "\u0120space": 2272, "aterial": 2273, "\u0120recent": 2274, "\u0120Ab": 2275, "\u0120general": 2276, "\u0120hit": 2277, "\u0120period": 2278, "\u0120everything": 2279, "ively": 2280, "\u0120phys": 2281, "\u0120saying": 2282, "anks": 2283, "\u0120cou": 2284, "\u0120cult": 2285, "aced": 2286, "eal": 2287, "uation": 2288, "\u0120coun": 2289, "lu": 2290, "\u0120include": 2291, "\u0120position": 2292, "\u0120After": 2293, "\u0120Canad": 2294, "\u0120Em": 2295, "\u0120imm": 2296, "\u0120Red": 2297, "\u0120pick": 2298, "\u0120compl": 2299, "\u0120matter": 2300, "reg": 2301, "ext": 2302, "angu": 2303, "isc": 2304, "ole": 2305, "aut": 2306, "\u0120compet": 2307, "eed": 2308, "fect": 2309, "\u012021": 2310, "\u0120Sen": 2311, "\u0120These": 2312, "asing": 2313, "\u0120cannot": 2314, "\u0120init": 2315, "\u0120relations": 2316, "ached": 2317, "\u0120bar": 2318, "\u012040": 2319, "\u0120TH": 2320, "\u01202012": 2321, "\u0120vol": 2322, "\u0120ground": 2323, "\u0120security": 2324, "\u0120upd": 2325, "ilt": 2326, "35": 2327, "\u0120concern": 2328, "\u0120Just": 2329, "\u0120white": 2330, "\u0120seems": 2331, "\u0120Her": 2332, "pecially": 2333, "ients": 2334, "\u0120announ": 2335, "\u0120fig": 2336, "ights": 2337, "\u0120stri": 2338, "like": 2339, "ids": 2340, "\u0120sus": 2341, "\u0120watch": 2342, "\u0120\u00e2": 2343, "\u0120wind": 2344, "\u0120Cont": 2345, "\u0120itself": 2346, "\u0120mass": 2347, "Al": 2348, "yle": 2349, "ique": 2350, "\u0120National": 2351, "\u0120abs": 2352, "\u0120pack": 2353, "\u0120outside": 2354, "\u0120anim": 2355, "\u0120pain": 2356, "eter": 2357, "\u0120manag": 2358, "duct": 2359, "ogn": 2360, "\u0120]": 2361, "\u0120Sept": 2362, "sec": 2363, "off": 2364, "\u0120Jan": 2365, "\u0120foot": 2366, "ades": 2367, "\u0120third": 2368, "\u0120mot": 2369, "\u0120evidence": 2370, "inton": 2371, "\u0120threat": 2372, "apt": 2373, "ples": 2374, "cle": 2375, "\u0120lo": 2376, "\u0120decl": 2377, "\u0120item": 2378, "medi": 2379, "\u0120represent": 2380, "omb": 2381, "amer": 2382, "\u0120significant": 2383, "ograph": 2384, "su": 2385, "\u0120cal": 2386, "ires": 2387, "0000": 2388, "ID": 2389, "AM": 2390, "\u0120simply": 2391, "\u0120longer": 2392, "\u0120file": 2393, "OT": 2394, "che": 2395, "So": 2396, "ateg": 2397, "org": 2398, "\u0120His": 2399, "\u0120ener": 2400, "\u0120dom": 2401, "\u0120upon": 2402, "ili": 2403, "\":\"": 2404, "\u0120themselves": 2405, "\u0120coming": 2406, "\u0120quite": 2407, "\u0120difficult": 2408, "\u0120Bar": 2409, "ilities": 2410, "rel": 2411, "ends": 2412, "cial": 2413, "64": 2414, "\u0120woman": 2415, "rap": 2416, "yr": 2417, "\u0120necess": 2418, "ips": 2419, "\u0120text": 2420, "\u0120require": 2421, "\u0120military": 2422, "\u0120review": 2423, "\u0120respons": 2424, "75": 2425, "\u0120subject": 2426, "\u0120instead": 2427, "\u0120issues": 2428, "\u0120gen": 2429, "\",\"": 2430, "\u0120minutes": 2431, "\u0120weap": 2432, "ray": 2433, "amed": 2434, "time": 2435, "bl": 2436, "How": 2437, "\u0120code": 2438, "\u0120Sm": 2439, "\u0120higher": 2440, "\u0120Ste": 2441, "ris": 2442, "\u0120page": 2443, "\u0120students": 2444, "\u0120Intern": 2445, "\u0120method": 2446, "\u0120Aug": 2447, "\u0120Per": 2448, "\u0120Ag": 2449, "\u0120policy": 2450, "\u0120Sw": 2451, "\u0120exec": 2452, "\u0120accept": 2453, "ume": 2454, "ribut": 2455, "\u0120words": 2456, "\u0120final": 2457, "\u0120changes": 2458, "\u0120Democr": 2459, "\u0120friends": 2460, "\u0120respect": 2461, "\u0120ep": 2462, "\u0120compan": 2463, "ivil": 2464, "\u0120damage": 2465, "****": 2466, "ogle": 2467, "vironment": 2468, "\u0120neg": 2469, "ental": 2470, "\u0120ap": 2471, "\u0120total": 2472, "ival": 2473, "!\"": 2474, "lim": 2475, "\u0120needs": 2476, "\u0120agre": 2477, "\u0120development": 2478, "\u0120age": 2479, "iple": 2480, "21": 2481, "\u0120results": 2482, "\u0120Af": 2483, "Sh": 2484, "\u0120gun": 2485, "\u0120Obama": 2486, "roll": 2487, "\u0120@": 2488, "\u0120rights": 2489, "\u0120Brit": 2490, "\u0120running": 2491, "\u0120wasn": 2492, "\u0120port": 2493, "\u0120rate": 2494, "\u0120pretty": 2495, "\u0120target": 2496, "\u0120saw": 2497, "\u0120circ": 2498, "\u0120works": 2499, "icro": 2500, "alt": 2501, "over": 2502, "www": 2503, "That": 2504, "lier": 2505, "\u0120everyone": 2506, "ude": 2507, "\u0120pie": 2508, "iddle": 2509, "rael": 2510, "\u0120rad": 2511, "\u0120block": 2512, "\u0120walk": 2513, "To": 2514, "\u00e3\u0123": 2515, "nes": 2516, "\u0120Aust": 2517, "aul": 2518, "rote": 2519, "\u0120South": 2520, "ession": 2521, "oph": 2522, "\u0120shows": 2523, "\u0120site": 2524, "\u0120jo": 2525, "\u0120risk": 2526, "clus": 2527, "lt": 2528, "\u0120inj": 2529, "iding": 2530, "\u0120Spe": 2531, "\u0120chall": 2532, "irm": 2533, "\u012022": 2534, "itting": 2535, "str": 2536, "\u0120hy": 2537, "LE": 2538, "key": 2539, "\u0120began": 2540, "atur": 2541, "ashington": 2542, "lam": 2543, "\u0120Dav": 2544, "bit": 2545, "\u0120size": 2546, "\u0120Par": 2547, "38": 2548, "ournal": 2549, "face": 2550, "\u0120decision": 2551, "\u0120larg": 2552, "\u0120jud": 2553, "rect": 2554, "\u0120continue": 2555, "\u0120Oct": 2556, "overed": 2557, "\u0120Int": 2558, "========": 2559, "\u0120parent": 2560, "\u0120Will": 2561, "\u0120easy": 2562, "\u0120drug": 2563, "anger": 2564, "\u0120sense": 2565, "\u0120di": 2566, "iday": 2567, "\u0120energy": 2568, "istic": 2569, "\u0120associ": 2570, "arter": 2571, "obal": 2572, "eks": 2573, "\u0120El": 2574, "urch": 2575, "\u0120girl": 2576, "oe": 2577, "itle": 2578, "\u012028": 2579, "\u0120Che": 2580, "\u0120request": 2581, "\u0120soon": 2582, "\u0120host": 2583, "ky": 2584, "\u0120states": 2585, "omes": 2586, "\u0120material": 2587, "lex": 2588, "\u0120moment": 2589, "\u0120answ": 2590, "onse": 2591, "\u0120especially": 2592, "\u0120norm": 2593, "\u0120services": 2594, "pite": 2595, "ran": 2596, "\u0120role": 2597, "44": 2598, "):": 2599, "\u0120cred": 2600, "Cl": 2601, "________": 2602, "\u0120mat": 2603, "\u0120log": 2604, "\u0120Clinton": 2605, "OU": 2606, "\u0120office": 2607, "\u012026": 2608, "\u0120charg": 2609, "\u0120track": 2610, "ma": 2611, "\u0120heart": 2612, "\u0120ball": 2613, "\u0120personal": 2614, "\u0120building": 2615, "na": 2616, "set": 2617, "body": 2618, "\u0120Black": 2619, "\u0120increase": 2620, "itten": 2621, "\u0120needed": 2622, "36": 2623, "32": 2624, "=\"": 2625, "\u0120lost": 2626, "\u0120became": 2627, "\u0120groups": 2628, "\u0120Mus": 2629, "\u0120wrote": 2630, "\u0120Pe": 2631, "\u0120prop": 2632, "joy": 2633, "\u00c3\u00a9": 2634, "\u0120White": 2635, "\u0120dead": 2636, ".'": 2637, "\u0120http": 2638, "\u0120webs": 2639, "OS": 2640, "\u0120inside": 2641, "\u0120wrong": 2642, "\u0120statement": 2643, "\u0120...": 2644, "yl": 2645, "\u0120film": 2646, "\u0120music": 2647, "\u0120share": 2648, "ification": 2649, "\u0120release": 2650, "\u0120forward": 2651, "\u0120stay": 2652, "\u0120comput": 2653, "itte": 2654, "ser": 2655, "\u0120original": 2656, "\u0120card": 2657, "\u0120cand": 2658, "\u0120div": 2659, "atural": 2660, "\u0120favor": 2661, "OM": 2662, "\u0120cases": 2663, "uses": 2664, "\u0120section": 2665, "\u0120leave": 2666, "ging": 2667, "oved": 2668, "\u0120Washington": 2669, "39": 2670, "\u0120Gl": 2671, "\u0120required": 2672, "action": 2673, "apan": 2674, "oor": 2675, "iter": 2676, "\u0120King": 2677, "\u0120countries": 2678, "\u0120German": 2679, "lling": 2680, "\u012027": 2681, "34": 2682, "\u0120questions": 2683, "\u0120prim": 2684, "\u0120cell": 2685, "\u0120shoot": 2686, "\u0120anyone": 2687, "\u0120West": 2688, "\u0120affect": 2689, "epend": 2690, "\u0120online": 2691, "\u0120Israel": 2692, "\u0120September": 2693, "\u0120ability": 2694, "\u0120content": 2695, "ises": 2696, "\u0120reve": 2697, "\u0120laun": 2698, "\u0120indic": 2699, "\u0120force": 2700, "cast": 2701, "\u0120sold": 2702, "aving": 2703, "fl": 2704, "\u0120soft": 2705, "\u0120companies": 2706, "ceed": 2707, "\u0120article": 2708, "\u0120aud": 2709, "\u0120rev": 2710, "\u0120educ": 2711, "\u0120playing": 2712, "05": 2713, "\u0120held": 2714, "ctor": 2715, "\u0120released": 2716, "\u0120federal": 2717, "37": 2718, "\u0120administ": 2719, "\u0120interview": 2720, "\u0120install": 2721, "\u0120received": 2722, "\u0120source": 2723, "uk": 2724, "Ph": 2725, "\u0120serious": 2726, "\u0120created": 2727, "\u0120cause": 2728, "\u0120immedi": 2729, "\u0120defin": 2730, "uel": 2731, "\u0120Department": 2732, "ctions": 2733, "\u0120Cour": 2734, "\u0120Now": 2735, "ze": 2736, "ites": 2737, "itution": 2738, "\u0120late": 2739, "\u0120speak": 2740, "ners": 2741, "\u0120legal": 2742, "ari": 2743, "\u0120Cor": 2744, "\u0120weeks": 2745, "\u0120model": 2746, "\u0120pred": 2747, "\u0120exact": 2748, "BC": 2749, "\u0120By": 2750, "ING": 2751, "osing": 2752, "\u0120takes": 2753, "\u0120regard": 2754, "\u0120opportun": 2755, "\u0120price": 2756, "\u0120198": 2757, "\u0120Apr": 2758, "fully": 2759, "\u0120ord": 2760, "\u0120problems": 2761, "ruction": 2762, "ham": 2763, "\u0120Count": 2764, "lege": 2765, "\u0120leaders": 2766, "ET": 2767, "lev": 2768, "\u0120deep": 2769, "ological": 2770, "ese": 2771, "haps": 2772, "\u0120Some": 2773, "\u0120pers": 2774, "\u0120contract": 2775, "\u0120relationship": 2776, "sp": 2777, "oud": 2778, "\u0120base": 2779, "48": 2780, "mit": 2781, "Ad": 2782, "ancial": 2783, "\u0120consum": 2784, "\u0120potential": 2785, "\u0120langu": 2786, "rem": 2787, "eth": 2788, "\u0120relig": 2789, "ressed": 2790, "66": 2791, "\u0120link": 2792, "\u0120lower": 2793, "ayer": 2794, "\u0120June": 2795, "\u0120fem": 2796, "unt": 2797, "erc": 2798, "urd": 2799, "\u0120contact": 2800, "\u0120ill": 2801, "\u0120mother": 2802, "\u0120estab": 2803, "htt": 2804, "\u0120March": 2805, "\u0120Bro": 2806, "\u0120China": 2807, "\u012029": 2808, "\u0120squ": 2809, "\u0120provided": 2810, "\u0120average": 2811, "asons": 2812, "\u01202011": 2813, "\u0120exam": 2814, "lin": 2815, "55": 2816, "ned": 2817, "\u0120perfect": 2818, "\u0120tou": 2819, "alse": 2820, "ux": 2821, "\u0120buy": 2822, "\u0120shot": 2823, "\u0120collect": 2824, "\u0120phot": 2825, "\u0120played": 2826, "\u0120surpr": 2827, "\u0120officials": 2828, "\u0120simple": 2829, "avy": 2830, "\u0120industry": 2831, "\u0120hands": 2832, "ground": 2833, "\u0120pull": 2834, "\u0120round": 2835, "\u0120user": 2836, "\u0120range": 2837, "uary": 2838, "\u0120private": 2839, "ops": 2840, "ees": 2841, "\u0120ways": 2842, "\u0120Mich": 2843, "\u0120veh": 2844, "\u0120except": 2845, "\u0120terms": 2846, "imum": 2847, "pper": 2848, "ION": 2849, "ores": 2850, "\u0120Dragon": 2851, "oul": 2852, "\u0120den": 2853, "\u0120performance": 2854, "\u0120bill": 2855, "cil": 2856, "47": 2857, "\u0120environment": 2858, "\u0120exc": 2859, "add": 2860, "\u0120worth": 2861, "\u0120pict": 2862, "\u0120chance": 2863, "\u01202018": 2864, "bor": 2865, "\u0120speed": 2866, "iction": 2867, "\u0120alleg": 2868, "\u0120Japan": 2869, "atory": 2870, "reet": 2871, "\u0120match": 2872, "\u0120II": 2873, "\u0120stru": 2874, "order": 2875, "\u0120ste": 2876, "\u0120living": 2877, "\u0120struct": 2878, "ino": 2879, "\u0120separ": 2880, "hern": 2881, "\u0120response": 2882, "\u0120enjoy": 2883, "\u0120via": 2884, "AD": 2885, "uments": 2886, "acebook": 2887, "\u0120member": 2888, "ibr": 2889, "izing": 2890, "\u0120tool": 2891, "\u0120Mon": 2892, "\u0120While": 2893, "hood": 2894, "\u0120Ang": 2895, "\u0120Def": 2896, "\u0120offer": 2897, "Tr": 2898, "aur": 2899, "\u0120turned": 2900, "\u0120July": 2901, "down": 2902, "anced": 2903, "\u0120recently": 2904, "\u0120Ear": 2905, "\u0120ce": 2906, "\u0120Star": 2907, "\u0120Cong": 2908, "rought": 2909, "\u0120blood": 2910, "\u0120hope": 2911, "\u0120comment": 2912, "aint": 2913, "\u0120arri": 2914, "iles": 2915, "\u0120particip": 2916, "ought": 2917, "ription": 2918, "08": 2919, "49": 2920, "\u0120gave": 2921, "\u0120select": 2922, "\u0120killed": 2923, "sych": 2924, "\u0120goes": 2925, "ij": 2926, "\u0120coll": 2927, "\u0120impact": 2928, "atives": 2929, "\u0120Ser": 2930, "09": 2931, "\u0120August": 2932, "\u0120boy": 2933, "de": 2934, "\u0120Des": 2935, "\u0120felt": 2936, "US": 2937, "\u0120expected": 2938, "\u0120image": 2939, "\u0120Mark": 2940, "ccording": 2941, "oice": 2942, "EC": 2943, "\u0120Mag": 2944, "ened": 2945, "hold": 2946, "\u0120Post": 2947, "\u0120prevent": 2948, "No": 2949, "\u0120involved": 2950, "\u0120eyes": 2951, "\u0120quickly": 2952, "At": 2953, "unk": 2954, "\u0120behav": 2955, "\u0120ur": 2956, "\u0120led": 2957, "come": 2958, "ey": 2959, "\u0120candid": 2960, "\u0120earlier": 2961, "\u0120focus": 2962, "ety": 2963, "Pro": 2964, "ledge": 2965, "ixed": 2966, "illed": 2967, "\u0120popular": 2968, "AP": 2969, "\u0120sett": 2970, "light": 2971, "\u0120various": 2972, "inks": 2973, "\u0120levels": 2974, "\u0120road": 2975, "ellig": 2976, "ables": 2977, "hel": 2978, "ittee": 2979, "\u0120Gener": 2980, "ype": 2981, "\u0120heard": 2982, "icles": 2983, "\u0120mis": 2984, "\u0120users": 2985, "\u0120San": 2986, "\u0120improve": 2987, "\u0120father": 2988, "\u0120search": 2989, "They": 2990, "vil": 2991, "\u0120profess": 2992, "\u0120knew": 2993, "\u0120loss": 2994, "\u0120events": 2995, "65": 2996, "\u0120billion": 2997, "07": 2998, "02": 2999, "\u0120News": 3000, "\u0120AM": 3001, "\u0120cover": 3002, "where": 3003, "ension": 3004, "\u0120bott": 3005, "\u0120areas": 3006, "ences": 3007, "ope": 3008, "\u0120Twitter": 3009, "ael": 3010, "\u0120gets": 3011, "\u0120Google": 3012, "\u0120sn": 3013, "iant": 3014, "\u0120vote": 3015, "\u0120nearly": 3016, "\u0120included": 3017, "\u0120recogn": 3018, "zz": 3019, "mm": 3020, "aled": 3021, "\u0120happened": 3022, "04": 3023, "\u0120hot": 3024, "\u0120whose": 3025, "\u0120civil": 3026, "\u0120suff": 3027, "oes": 3028, "itiz": 3029, "\u0120Syri": 3030, "\u0120respond": 3031, "\u0120hon": 3032, "\u0120features": 3033, "\u0120economic": 3034, "\u0120April": 3035, "rim": 3036, "\u0120technology": 3037, "\u0120option": 3038, "aging": 3039, "\u0120purch": 3040, "Re": 3041, "\u0120lat": 3042, "chie": 3043, "isl": 3044, "\u0120recomm": 3045, "uf": 3046, "\u0120training": 3047, "\u0120effects": 3048, "\u0120fast": 3049, "\u01202010": 3050, "\u0120occur": 3051, "\u0120website": 3052, "\u0120email": 3053, "\u0120sens": 3054, "ech": 3055, "\u0120oil": 3056, "\u0120influ": 3057, "\u0120currently": 3058, "\u0120Sch": 3059, "\u0120Add": 3060, "\u0120goal": 3061, "\u0120scient": 3062, "\u0120conv": 3063, "100": 3064, "emy": 3065, "\u0120decided": 3066, "\u0120travel": 3067, "\u0120mention": 3068, "LL": 3069, "03": 3070, "\u0120election": 3071, "\u0120phone": 3072, "\u0120looks": 3073, "\u0120situation": 3074, "\u0120cy": 3075, "\u0120hor": 3076, "bed": 3077, "\u0120Court": 3078, "aily": 3079, "aves": 3080, "\u0120quality": 3081, "\u0120Comp": 3082, "wise": 3083, "\u0120table": 3084, "\u0120staff": 3085, "\u0120Wind": 3086, "ett": 3087, "\u0120tried": 3088, "idered": 3089, "\u0120addition": 3090, "\u0120box": 3091, "\u0120lack": 3092, "arily": 3093, "\u0120wide": 3094, "\u0120mid": 3095, "\u0120board": 3096, "ysis": 3097, "\u0120anti": 3098, "ha": 3099, "\u0120dig": 3100, "ening": 3101, "\u0120dro": 3102, "Con": 3103, "68": 3104, "\u0120slow": 3105, "based": 3106, "sequ": 3107, "\u0120path": 3108, "Ex": 3109, "aker": 3110, "\u0120worked": 3111, "\u0120pen": 3112, "\u0120engine": 3113, "\u0120looked": 3114, "\u0120Super": 3115, "\u0120Serv": 3116, "\u0120victim": 3117, "Un": 3118, "\u0120property": 3119, "\u0120introdu": 3120, "\u0120execut": 3121, "\u0120PM": 3122, "Le": 3123, "\u0120color": 3124, "\u0120More": 3125, "\u012060": 3126, "\u0120network": 3127, "\u0120date": 3128, "cul": 3129, "idge": 3130, "\u0120extra": 3131, "31": 3132, "\u0120sle": 3133, "67": 3134, "\u0120wond": 3135, "\u0120reports": 3136, "just": 3137, "\u0120Austral": 3138, "\u0120capital": 3139, "\u0120ens": 3140, "\u0120command": 3141, "\u0120allowed": 3142, "\u0120prep": 3143, "\u0120capt": 3144, "hib": 3145, "\u0120numbers": 3146, "chan": 3147, "\u0120fair": 3148, "mp": 3149, "oms": 3150, "\u0120reach": 3151, "With": 3152, "tain": 3153, "\u0120broad": 3154, "\u0120couple": 3155, "ecause": 3156, "lying": 3157, "\u0120Feb": 3158, "\u0120screen": 3159, "\u0120lives": 3160, "\u0120prior": 3161, "\u0120Congress": 3162, "Ar": 3163, "\u0120approach": 3164, "\u0120emer": 3165, "aries": 3166, "\u0120Dis": 3167, "serv": 3168, "\u0120Ne": 3169, "\u0120built": 3170, "cies": 3171, "\u0120repe": 3172, "\u0120rules": 3173, "force": 3174, "\u0120Pal": 3175, "\u0120financial": 3176, "\u0120considered": 3177, "\u0120Char": 3178, "nces": 3179, "\u0120IS": 3180, "\u0120brought": 3181, "\u0120bi": 3182, "iers": 3183, "\u0120Sim": 3184, "OP": 3185, "\u0120products": 3186, "\u0120visit": 3187, "\u0120document": 3188, "\u0120conduct": 3189, "\u0120completely": 3190, "ining": 3191, "\u0120Calif": 3192, "ibly": 3193, "\u0120written": 3194, "\u0120TV": 3195, "ements": 3196, "\u0120draw": 3197, "One": 3198, "\u0120published": 3199, "\u0120secret": 3200, "rain": 3201, "het": 3202, "\u0120Facebook": 3203, "onday": 3204, "\u0120Up": 3205, "\u0120sexual": 3206, "\u0120thous": 3207, "\u0120Pat": 3208, "\u0120ess": 3209, "\u0120standard": 3210, "\u0120arm": 3211, "ges": 3212, "ection": 3213, "\u0120fell": 3214, "\u0120foreign": 3215, "ani": 3216, "\u0120Friday": 3217, "\u0120regular": 3218, "inary": 3219, "\u0120increased": 3220, "\u0120usually": 3221, "\u0120demon": 3222, "\u0120dark": 3223, "\u0120additional": 3224, "rol": 3225, "\u0120Of": 3226, "\u0120production": 3227, "!!": 3228, "undred": 3229, "\u0120international": 3230, "idents": 3231, "\u0120Free": 3232, "roup": 3233, "\u0120race": 3234, "\u0120mach": 3235, "\u0120huge": 3236, "All": 3237, "lear": 3238, "ovember": 3239, "\u0120town": 3240, "\u0120attention": 3241, "\u0120Off": 3242, "yond": 3243, "\u0120Then": 3244, "field": 3245, "\u0120terror": 3246, "raz": 3247, "\u0120Bo": 3248, "\u0120meeting": 3249, "\u0120Park": 3250, "\u0120arrest": 3251, "\u0120fear": 3252, "\u0120aw": 3253, "\u0120Val": 3254, "oring": 3255, "',": 3256, "\u0120extreme": 3257, "arr": 3258, "\u0120workers": 3259, "After": 3260, "\u012031": 3261, "net": 3262, "ament": 3263, "\u0120directly": 3264, "\u0120population": 3265, "ube": 3266, "\u0120October": 3267, "\u0120IN": 3268, "\u0120January": 3269, "59": 3270, "\u0120David": 3271, "\u0120cross": 3272, "cember": 3273, "\u0120First": 3274, "\u0120message": 3275, "irit": 3276, "\u0120nation": 3277, "\u0120poll": 3278, "isions": 3279, "\u0120answer": 3280, "ny": 3281, "isode": 3282, "\u0120carry": 3283, "\u0120Russia": 3284, "\u0120hear": 3285, "ength": 3286, "roy": 3287, "\u0120natural": 3288, "inally": 3289, "\u0120dog": 3290, "mitted": 3291, "\u0120trade": 3292, "\u0120subst": 3293, "\u0120multiple": 3294, "\u0120Afric": 3295, "\u0120fans": 3296, "\u0120sort": 3297, "\u0120global": 3298, "ication": 3299, "\u0120Wed": 3300, "ara": 3301, "\u0120achie": 3302, "\u0120language": 3303, "vey": 3304, "\u0120tal": 3305, "\u0120necessary": 3306, "\u0120details": 3307, "\u0120sen": 3308, "\u0120Sund": 3309, "\u0120Reg": 3310, "\u0120Rec": 3311, "06": 3312, "\u0120sil": 3313, "ressive": 3314, "\u0120medical": 3315, "unch": 3316, "ornia": 3317, "\u0120und": 3318, "fort": 3319, "ocks": 3320, "\u0120Monday": 3321, "uesday": 3322, "craft": 3323, "77": 3324, "urt": 3325, "\u0120ver": 3326, "\u0120Hill": 3327, "\u0120receive": 3328, "\u0120morning": 3329, "estern": 3330, "\u0120bank": 3331, "\u0120sat": 3332, "irth": 3333, "\u0120High": 3334, "\u0120device": 3335, "\u0120THE": 3336, "\u0120Center": 3337, "\u0120safe": 3338, "\u0120ple": 3339, "\u0120Canada": 3340, "\u0120systems": 3341, "\u0120assist": 3342, "\u0120surv": 3343, "\u0120battle": 3344, "\u0120Soc": 3345, "vertis": 3346, "She": 3347, "\u0120paper": 3348, "\u0120growth": 3349, "\u0120cast": 3350, "Sc": 3351, "\u0120plans": 3352, "lled": 3353, "\u0120parts": 3354, "\u0120wall": 3355, "\u0120movement": 3356, "\u0120practice": 3357, "imately": 3358, "\u0120display": 3359, "\u0120sometimes": 3360, "omp": 3361, "\u0120Paul": 3362, "\u0120Yes": 3363, "king": 3364, "58": 3365, "oly": 3366, "\u0120son": 3367, "\u0120avoid": 3368, "okes": 3369, "\u0120Jew": 3370, "\u0120towards": 3371, "asc": 3372, "\u0120//": 3373, "\u0120Kore": 3374, "\u0120talking": 3375, "\u0120correct": 3376, "\u0120spent": 3377, "icks": 3378, "iable": 3379, "eared": 3380, "\u0120term": 3381, "\u0120wants": 3382, "oming": 3383, "\u0120ut": 3384, "\u0120doub": 3385, "\u0120forces": 3386, "\u0120please": 3387, "69": 3388, "\u0120November": 3389, "atform": 3390, "ondon": 3391, "\u0120ones": 3392, "\u0120immediately": 3393, "\u0120Russian": 3394, "\u0120Met": 3395, "\u0120deg": 3396, "\u0120parents": 3397, "CH": 3398, "\u0120Americans": 3399, "aly": 3400, "\u0120Mod": 3401, "\u0120shown": 3402, "\u0120conditions": 3403, "\u0120stuff": 3404, "\u0120reb": 3405, "\u0120Your": 3406, "\u0120includes": 3407, "nown": 3408, "\u0120Sam": 3409, "\u0120experien": 3410, "mission": 3411, "\u0120Even": 3412, "aught": 3413, "\u0120announced": 3414, "\u0120Republican": 3415, "\u0120determin": 3416, "\u0120described": 3417, "\u0120County": 3418, "()": 3419, "\u0120door": 3420, "\u0120changed": 3421, "\u0120neigh": 3422, "\u0120Here": 3423, "\u0120clean": 3424, "\u0120pan": 3425, "\u0120December": 3426, "\u0120European": 3427, "iring": 3428, "apter": 3429, "\u0120club": 3430, "\u0120Tuesday": 3431, "\u0120paid": 3432, "\u0120Net": 3433, "\u0120attacks": 3434, "\u0120characters": 3435, "\u0120alone": 3436, "\u0120director": 3437, "dom": 3438, "\u012035": 3439, "\u0120load": 3440, "\u0120rout": 3441, "\u0120California": 3442, "\u0120finally": 3443, "\u0120rac": 3444, "\u0120contr": 3445, "\u0120exactly": 3446, "resh": 3447, "pri": 3448, "\u0120Islam": 3449, "\u0120nature": 3450, "\u0120career": 3451, "\u0120latest": 3452, "\u0120convers": 3453, "\u0120Sl": 3454, "pose": 3455, "cient": 3456, "\u0120Inc": 3457, "ivity": 3458, "88": 3459, "\u0120Att": 3460, "\u0120Mor": 3461, "nesday": 3462, "\u0120weight": 3463, "ken": 3464, "\u0120note": 3465, "\u0120teams": 3466, "\u0120\\": 3467, "airs": 3468, "\u0120Green": 3469, "\u0120hundred": 3470, "onent": 3471, "\u0120streng": 3472, "\u0120consist": 3473, "icated": 3474, "\u0120regul": 3475, "\u0120lic": 3476, "astic": 3477, "\u0120ten": 3478, "ursday": 3479, "elligence": 3480, "ously": 3481, "\u0120UK": 3482, "BI": 3483, "\u0120costs": 3484, "\u0120independ": 3485, "\u0120AP": 3486, "\u0120normal": 3487, "\u0120hom": 3488, "\u0120obvious": 3489, "\u0120swe": 3490, "\u0120star": 3491, "\u0120ready": 3492, "acher": 3493, "\u0120implement": 3494, "gest": 3495, "\u0120song": 3496, "\u0120Get": 3497, "\u0120Lab": 3498, "\u0120interesting": 3499, "using": 3500, "\u0120giving": 3501, "\u0120Sunday": 3502, "\u0120etc": 3503, "\u0120middle": 3504, "\u0120remember": 3505, "right": 3506, "osition": 3507, "utions": 3508, "\u0120max": 3509, "46": 3510, "\u0120yourself": 3511, "\u0120demand": 3512, "\u0120treatment": 3513, "\u0120danger": 3514, "\u0120Cons": 3515, "\u0120guy": 3516, "\u0120British": 3517, "\u0120physical": 3518, "\u0120related": 3519, "\u0120remain": 3520, "\u0120couldn": 3521, "\u0120refer": 3522, "\u0120citiz": 3523, "box": 3524, "ENT": 3525, "board": 3526, "\u0120inn": 3527, "IG": 3528, "ero": 3529, "\u0120Street": 3530, "ospital": 3531, "rench": 3532, "chers": 3533, "\u0120stra": 3534, "OL": 3535, "ager": 3536, "\u0120AN": 3537, "\u0120easily": 3538, "IA": 3539, "enge": 3540, "iny": 3541, "\u0120clos": 3542, "ocked": 3543, "\u0120uses": 3544, "\u0120Coun": 3545, "Im": 3546, "uild": 3547, "??": 3548, "more": 3549, "\u0120ang": 3550, "\u0120write": 3551, "olute": 3552, "57": 3553, "\u0120leader": 3554, "\u0120reading": 3555, "": 3784, "\u0120figure": 3785, "\u0120disapp": 3786, "enty": 3787, "\u0120software": 3788, "\u0120ult": 3789, "\u0120officers": 3790, "New": 3791, "Is": 3792, "\u0120remains": 3793, "\u0120India": 3794, "\u0120psych": 3795, "rief": 3796, "\u0120cat": 3797, "esc": 3798, "\u0120observ": 3799, "\u0120stage": 3800, "\u0120Dark": 3801, "\u0120enter": 3802, "change": 3803, "\u0120passed": 3804, "\u0120despite": 3805, "\u0120Out": 3806, "\u0120movie": 3807, "rs": 3808, "\u0120voice": 3809, "mine": 3810, "\u0120Play": 3811, "\u0120toward": 3812, "\u0120Ter": 3813, "\u0120region": 3814, "\u0120values": 3815, "orters": 3816, "\u0120mount": 3817, "\u0120officer": 3818, "\u0120Other": 3819, "ban": 3820, "\u0120hous": 3821, "wood": 3822, "room": 3823, "IV": 3824, "\u0120Sun": 3825, "see": 3826, "\u0120Over": 3827, "rog": 3828, "90": 3829, "\u0120lay": 3830, "\u0120Tur": 3831, "awn": 3832, "\u0120pressure": 3833, "\u0120Sub": 3834, "\u0120books": 3835, "edom": 3836, "\u0120Sand": 3837, "AA": 3838, "ago": 3839, "\u0120reasons": 3840, "ford": 3841, "\u0120activity": 3842, "UT": 3843, "Now": 3844, "\u0120Senate": 3845, "cell": 3846, "night": 3847, "\u0120calls": 3848, "inter": 3849, "\u0120letter": 3850, "\u0120Rob": 3851, "\u0120Je": 3852, "\u0120choose": 3853, "\u0120Law": 3854, "Get": 3855, "Be": 3856, "\u0120rob": 3857, "\u0120types": 3858, "\u0120platform": 3859, "\u0120quarter": 3860, "RA": 3861, "\u0120Time": 3862, "\u0120maybe": 3863, "\u0120Cr": 3864, "95": 3865, "pre": 3866, "\u0120moving": 3867, "\u0120lif": 3868, "\u0120gold": 3869, "\u0120som": 3870, "\u0120patients": 3871, "\u0120truth": 3872, "\u0120Ke": 3873, "urance": 3874, "antly": 3875, "mar": 3876, "\u0120charge": 3877, "\u0120Great": 3878, "\u0120cele": 3879, "--------------------------------": 3880, "\u0120rock": 3881, "roid": 3882, "ancy": 3883, "\u0120credit": 3884, "aud": 3885, "By": 3886, "\u0120Every": 3887, "\u0120moved": 3888, "inger": 3889, "ribution": 3890, "\u0120names": 3891, "\u0120straight": 3892, "\u0120Health": 3893, "\u0120Well": 3894, "\u0120feature": 3895, "\u0120rule": 3896, "\u0120sche": 3897, "inated": 3898, "\u0120Michael": 3899, "berg": 3900, "41": 3901, "iled": 3902, "band": 3903, "\u0120click": 3904, "\u0120Angel": 3905, "onents": 3906, "\u00c2\u0143": 3907, "\u0120Iraq": 3908, "\u0120Saturday": 3909, "\u0120aware": 3910, "part": 3911, "\u0120pattern": 3912, "OW": 3913, "\u0120Let": 3914, "\u0120grad": 3915, "igned": 3916, "\u0120associated": 3917, "\u0120style": 3918, "no": 3919, "iation": 3920, "aith": 3921, "ilies": 3922, "\u0120stories": 3923, "uration": 3924, "\u0120individuals": 3925, "\u0120\u00e2\u0122\u00a6": 3926, "miss": 3927, "\u0120Associ": 3928, "ishing": 3929, "aby": 3930, "\u0120summer": 3931, "\u0120Ben": 3932, "\u012032": 3933, "\u0120arch": 3934, "uty": 3935, "\u0120Texas": 3936, "hol": 3937, "\u0120fully": 3938, "\u0120mill": 3939, "\u0120followed": 3940, "\u0120Bill": 3941, "\u0120Indian": 3942, "\u0120Secret": 3943, "\u0120Bel": 3944, "\u0120February": 3945, "\u0120jobs": 3946, "\u0120seemed": 3947, "\u0120Govern": 3948, "ipped": 3949, "\u0120reality": 3950, "\u0120lines": 3951, "\u0120park": 3952, "\u0120measure": 3953, "\u0120Our": 3954, "IM": 3955, "\u0120brother": 3956, "\u0120growing": 3957, "\u0120ban": 3958, "\u0120estim": 3959, "\u0120cry": 3960, "\u0120School": 3961, "\u0120mechan": 3962, "\u0120OF": 3963, "\u0120Windows": 3964, "\u0120rates": 3965, "\u0120Oh": 3966, "\u0120positive": 3967, "\u0120culture": 3968, "istics": 3969, "ica": 3970, "\u0120har": 3971, "ya": 3972, "itely": 3973, "ipp": 3974, "\u0120map": 3975, "encies": 3976, "\u0120William": 3977, "II": 3978, "akers": 3979, "56": 3980, "\u0120Mart": 3981, "\u0120Rem": 3982, "\u0120altern": 3983, "itude": 3984, "\u0120coach": 3985, "rowd": 3986, "Don": 3987, "\u0120kids": 3988, "\u0120journal": 3989, "\u0120corpor": 3990, "\u0120false": 3991, "\u0120web": 3992, "\u0120sleep": 3993, "\u0120contain": 3994, "\u0120sto": 3995, "\u0120bed": 3996, "iverse": 3997, "\u0120Rich": 3998, "\u0120Chinese": 3999, "\u0120pun": 4000, "\u0120meant": 4001, "known": 4002, "\u0120notice": 4003, "\u0120favorite": 4004, "aven": 4005, "\u0120condition": 4006, "\u0120purpose": 4007, "))": 4008, "\u0120organization": 4009, "\u0120challeng": 4010, "\u0120manufact": 4011, "\u0120susp": 4012, "\u0120Ac": 4013, "\u0120critic": 4014, "unes": 4015, "uclear": 4016, "\u0120mer": 4017, "vention": 4018, "\u012080": 4019, "\u0120mist": 4020, "\u0120Us": 4021, "\u0120Tor": 4022, "http": 4023, "olf": 4024, "\u0120larger": 4025, "\u0120advant": 4026, "\u0120resear": 4027, "\u0120actions": 4028, "ml": 4029, "\u0120kept": 4030, "\u0120aim": 4031, ",'": 4032, "col": 4033, "\u0120benefits": 4034, "ifying": 4035, "\u0120actual": 4036, "\u0120International": 4037, "\u0120vehicle": 4038, "\u0120chief": 4039, "\u0120efforts": 4040, "\u0120League": 4041, "\u0120Most": 4042, "\u0120wait": 4043, "\u0120adult": 4044, "\u0120overall": 4045, "\u0120speech": 4046, "\u0120highly": 4047, "\u0120female": 4048, "\u0120error": 4049, "\u0120effective": 4050, "54": 4051, "\u0120encour": 4052, "well": 4053, "\u0120failed": 4054, "\u0120conserv": 4055, "\u0120programs": 4056, "\u0120trou": 4057, "\u0120ahead": 4058, "500": 4059, "vertisement": 4060, "IP": 4061, "\u0120Found": 4062, "pir": 4063, "\u0120%": 4064, "\u0120crime": 4065, "ander": 4066, "\u0120location": 4067, "\u0120Iran": 4068, "\u0120behavior": 4069, "azing": 4070, "\u0120rare": 4071, "\u0120emb": 4072, "\u0120caused": 4073, "\u0120ship": 4074, "\u0120active": 4075, "\u0120contribut": 4076, "\u0120green": 4077, "\u0120acqu": 4078, "\u0120reflect": 4079, "venue": 4080, "\u0120firm": 4081, "\u0120birth": 4082, "].": 4083, "\u0120clearly": 4084, "\u0120emot": 4085, "\u0120agency": 4086, "riage": 4087, "\u0120memory": 4088, "98": 4089, "SA": 4090, "\u0120See": 4091, "acing": 4092, "CC": 4093, "\u0120biggest": 4094, "\u0120rap": 4095, "\u0120basic": 4096, "\u0120band": 4097, "eat": 4098, "\u0120suspect": 4099, "\u0120Mac": 4100, "\u012090": 4101, "mark": 4102, "istan": 4103, "\u0120spread": 4104, "ams": 4105, "ki": 4106, "asy": 4107, "rav": 4108, "\u0120Rober": 4109, "\u0120demonstr": 4110, "rated": 4111, "\u0120absolute": 4112, "\u0120places": 4113, "\u0120impl": 4114, "ibrary": 4115, "\u0120cards": 4116, "\u0120destroy": 4117, "\u0120virt": 4118, "vere": 4119, "\u0120appeared": 4120, "yan": 4121, "point": 4122, "\u0120beg": 4123, "\u0120temper": 4124, "spe": 4125, "anted": 4126, "ears": 4127, "\u0120Direct": 4128, "\u0120length": 4129, "\u0120blog": 4130, "amb": 4131, "\u0120integ": 4132, "\u0120resources": 4133, "acc": 4134, "iful": 4135, "\u0120spot": 4136, "\u0120forced": 4137, "\u0120thousands": 4138, "\u0120Minister": 4139, "\u0120qual": 4140, "\u0120French": 4141, "atically": 4142, "\u0120generally": 4143, "\u0120drink": 4144, "\u0120thus": 4145, "IL": 4146, "odes": 4147, "\u0120appropri": 4148, "\u0120Read": 4149, "\u0120whom": 4150, "\u0120eye": 4151, "\u0120college": 4152, "\u012045": 4153, "irection": 4154, "\u0120ensure": 4155, "\u0120apparent": 4156, "iders": 4157, "\u0120religious": 4158, "\u0120minor": 4159, "olic": 4160, "\u0120tro": 4161, "\u0120Why": 4162, "ribute": 4163, "met": 4164, "\u0120primary": 4165, "\u0120developed": 4166, "\u0120peace": 4167, "\u0120skin": 4168, "ste": 4169, "ava": 4170, "\u0120blue": 4171, "\u0120families": 4172, "\u0120ir": 4173, "\u0120apply": 4174, "\u0120inform": 4175, "\u0120Smith": 4176, "CT": 4177, "ii": 4178, "\u0120limit": 4179, "\u0120resist": 4180, "................": 4181, "umn": 4182, "\u0120conflic": 4183, "\u0120twe": 4184, "udd": 4185, "\u0120Tom": 4186, "\u0120liter": 4187, "que": 4188, "bon": 4189, "\u0120hair": 4190, "\u0120eventually": 4191, "\u0120pus": 4192, "\u0120helped": 4193, "\u0120agg": 4194, "orney": 4195, "\u0120Apple": 4196, "\u0120fit": 4197, "\u0120Sur": 4198, "\u0120prem": 4199, "\u0120sales": 4200, "\u0120seconds": 4201, "\u0120strength": 4202, "\u0120feeling": 4203, "\u00bf\u00bd": 4204, "\u0120tour": 4205, "\u0120knows": 4206, "oom": 4207, "\u0120exerc": 4208, "\u0120somew": 4209, "\u00ef\u00bf\u00bd": 4210, ">>": 4211, "\u0120spokes": 4212, "\u0120ideas": 4213, "\u0120regist": 4214, "soft": 4215, "\u0120Del": 4216, "\u0120PC": 4217, "\u0120propos": 4218, "\u0120launch": 4219, "\u0120bottom": 4220, "TH": 4221, "\u0120Please": 4222, "vest": 4223, "itz": 4224, "\u0120Inter": 4225, "\u0120script": 4226, "\u0120rat": 4227, "arning": 4228, "\u0120il": 4229, "\u0120Jer": 4230, "\u0120Are": 4231, "\u0120whatever": 4232, "oken": 4233, "cience": 4234, "\u0120mode": 4235, "\u0120agree": 4236, "\u0120sources": 4237, "\u0120initial": 4238, "\u0120restrict": 4239, "\u0120wonder": 4240, "usion": 4241, "####": 4242, "\u0120Sil": 4243, "ville": 4244, "\u0120burn": 4245, "tw": 4246, "asion": 4247, "\u0120\u00c2\u00a3": 4248, "\u0120nor": 4249, "uing": 4250, "\u0120reached": 4251, "\u0120sun": 4252, "\u0120categ": 4253, "igration": 4254, "\u0120cook": 4255, "\u0120promot": 4256, "\u0120male": 4257, "\u0120climate": 4258, "\u0120fix": 4259, "\u0120alleged": 4260, "UR": 4261, "alled": 4262, "\u0120images": 4263, "Cont": 4264, "ota": 4265, "\u0120schools": 4266, "ios": 4267, "\u0120drop": 4268, "\u0120stream": 4269, "\u0120Mo": 4270, "\u0120previously": 4271, "aling": 4272, "\u0120pet": 4273, "\u0120double": 4274, "\u0120(@": 4275, "annel": 4276, "\u0120default": 4277, "ties": 4278, "\u0120rank": 4279, "\u0120Dec": 4280, "\u0120Council": 4281, "\u0120weapon": 4282, "\u0120stock": 4283, "\u0120analy": 4284, "\u0120Str": 4285, "\u0120picture": 4286, "\u0120Police": 4287, "ference": 4288, "\u0120century": 4289, "\u0120citizens": 4290, "\u0120onto": 4291, "\u0120expand": 4292, "\u0120hero": 4293, "\u0120Sol": 4294, "\u0120wild": 4295, "\u0120update": 4296, "\u0120customers": 4297, "ront": 4298, "def": 4299, "\u0120lik": 4300, "\u0120criminal": 4301, "\u0120Christian": 4302, "SP": 4303, "76": 4304, "\u0120leaving": 4305, "\u0120otherwise": 4306, "\u0120Dist": 4307, "\u0120basis": 4308, "52": 4309, "53": 4310, "icip": 4311, "\u0120Ber": 4312, "\u0120recommend": 4313, "\u0120floor": 4314, "\u0120crowd": 4315, "oles": 4316, "\u012070": 4317, "\u0120central": 4318, "\u0120Ev": 4319, "\u0120dream": 4320, "\u0120download": 4321, "\u0120confir": 4322, "\u0120Thom": 4323, "\u0120window": 4324, "\u0120happens": 4325, "\u0120unit": 4326, "\u0120tend": 4327, "\u0120spl": 4328, "\u0120becomes": 4329, "\u0120fighting": 4330, "\u0120predict": 4331, "\u0120Press": 4332, "\u0120Power": 4333, "\u0120heavy": 4334, "aked": 4335, "\u0120fan": 4336, "orter": 4337, "ategy": 4338, "BA": 4339, "izes": 4340, "\u0120spend": 4341, "Here": 4342, "\u01202007": 4343, "\u0120adop": 4344, "\u0120Ham": 4345, "\u0120football": 4346, "\u0120Port": 4347, "oday": 4348, "51": 4349, "ampions": 4350, "\u0120transfer": 4351, "ht": 4352, "\u012038": 4353, "term": 4354, "acity": 4355, "\u0120bur": 4356, "],": 4357, "ternal": 4358, "rig": 4359, "but": 4360, "\u0120therefore": 4361, "\u0120Because": 4362, "resp": 4363, "rey": 4364, "\u0120mission": 4365, "Some": 4366, "\u0120noted": 4367, "\u0120assum": 4368, "\u0120disease": 4369, "\u0120edit": 4370, "\u0120progress": 4371, "rd": 4372, "\u0120Brown": 4373, "ocal": 4374, "\u0120adding": 4375, "\u0120raised": 4376, "\u0120Any": 4377, "\u0120tick": 4378, "\u0120seeing": 4379, "\u0120People": 4380, "\u0120agreement": 4381, "\u0120server": 4382, "\u0120wat": 4383, "\u0120debate": 4384, "\u0120supposed": 4385, "iling": 4386, "\u0120largest": 4387, "\u0120successful": 4388, "\u0120Pri": 4389, "\u0120Democratic": 4390, "\u0120jump": 4391, "\u0120Syria": 4392, "\u0120owners": 4393, "\u0120offers": 4394, "\u0120shooting": 4395, "\u0120effic": 4396, "sey": 4397, "\u0120haven": 4398, "verse": 4399, "tered": 4400, "\u0120Light": 4401, "imal": 4402, "\u0120Big": 4403, "\u0120defend": 4404, "\u0120beat": 4405, "\u0120records": 4406, "%)": 4407, "\u0120scen": 4408, "\u0120employees": 4409, "\u0120devices": 4410, "hem": 4411, "\u0120commer": 4412, "\u0120Mex": 4413, "\u0120benefit": 4414, "\u0120Prof": 4415, "\u0120illeg": 4416, "\u0120surface": 4417, "\u0120Also": 4418, "\u0120harm": 4419, "ingly": 4420, "wide": 4421, "\u0120Alex": 4422, "\u0120shut": 4423, "\u0120Cur": 4424, "\u0120lose": 4425, "pm": 4426, "\u0120challenge": 4427, "semb": 4428, "\u0120station": 4429, "\u0120intelligence": 4430, "\u0120accur": 4431, "\u0120Flor": 4432, "\u0120requires": 4433, "\u0120Mal": 4434, "bum": 4435, "\u0120hospital": 4436, "\u0120spirit": 4437, "\u0120offered": 4438, "\u0120produce": 4439, "\u0120Commun": 4440, "\u0120creating": 4441, "\u0120cris": 4442, "spect": 4443, "\u0120ended": 4444, "\u0120daily": 4445, "\u0120voters": 4446, "lands": 4447, "ias": 4448, "ih": 4449, "ona": 4450, "\u0120smart": 4451, "\u0120Office": 4452, "\u0120Lord": 4453, "rial": 4454, "\u0120Internet": 4455, "\u0120circum": 4456, "\u0120extremely": 4457, "'.": 4458, "\u0120opinion": 4459, "\u0120Mil": 4460, "\u0120gain": 4461, "BS": 4462, "\u0120Fin": 4463, "yp": 4464, "\u0120useful": 4465, "\u0120budget": 4466, "\u0120comfort": 4467, "isf": 4468, "\u0120background": 4469, "eline": 4470, "\u0120episode": 4471, "\u0120enemy": 4472, "\u0120trial": 4473, "\u0120establish": 4474, "date": 4475, "\u0120Cap": 4476, "\u0120continues": 4477, "\u0120showing": 4478, "\u0120Union": 4479, "with": 4480, "\u0120posted": 4481, "\u0120System": 4482, "\u0120eat": 4483, "rian": 4484, "\u0120rise": 4485, "\u0120Germany": 4486, "ils": 4487, "\u0120signed": 4488, "\u0120vill": 4489, "\u0120grand": 4490, "mor": 4491, "\u0120England": 4492, "\u0120projects": 4493, "umber": 4494, "\u0120conference": 4495, "za": 4496, "\u0120responsible": 4497, "\u0120Arab": 4498, "\u0120learned": 4499, "\u00e2\u0122\u0136\u00e2\u0122\u0136": 4500, "ipping": 4501, "\u0120George": 4502, "OC": 4503, "\u0120returned": 4504, "\u0120Australia": 4505, "\u0120brief": 4506, "Qu": 4507, "\u0120brand": 4508, "illing": 4509, "abled": 4510, "\u0120highest": 4511, "\u0120train": 4512, "\u0120Commission": 4513, "while": 4514, "\u0120nom": 4515, "ception": 4516, "\u0120mut": 4517, "\u0120Blue": 4518, "\u0120incident": 4519, "vant": 4520, "86": 4521, "\u0120ID": 4522, "\u0120nuclear": 4523, "74": 4524, "\u0120Like": 4525, "\u0120RE": 4526, "\u0120Micro": 4527, "li": 4528, "mail": 4529, "\u0120charges": 4530, "89": 4531, "\u0120adjust": 4532, "ado": 4533, "\u0120earth": 4534, "NA": 4535, "\u0120prices": 4536, "PA": 4537, "\u0120draft": 4538, "\u0120runs": 4539, "\u0120candidate": 4540, "enses": 4541, "\u0120management": 4542, "\u0120Phil": 4543, "\u0120Miss": 4544, "\u0120teach": 4545, "gram": 4546, "\u0120understanding": 4547, "ait": 4548, "icago": 4549, "Add": 4550, "\u0120Ep": 4551, "secut": 4552, "\u0120separate": 4553, "\u0120instance": 4554, "\u0120eth": 4555, "\u0120unless": 4556, "********": 4557, "\u0120Fore": 4558, "inate": 4559, "\u0120operations": 4560, "Sp": 4561, "\u0120faith": 4562, "gar": 4563, "\u0120Church": 4564, "ronic": 4565, "\u0120config": 4566, "osure": 4567, "\u0120activities": 4568, "\u0120traditional": 4569, "\u012036": 4570, "\u0120direction": 4571, "\u0120machine": 4572, "\u0120surround": 4573, "\u0120push": 4574, "unction": 4575, "\u0120EU": 4576, "\u0120easier": 4577, "\u0120argument": 4578, "GB": 4579, "\u0120micro": 4580, "\u0120spending": 4581, "izations": 4582, "\u0120theory": 4583, "adow": 4584, "\u0120calling": 4585, "\u0120Last": 4586, "\u0120der": 4587, "\u0120influence": 4588, "\u0120commit": 4589, "\u0120photo": 4590, "\u0120unc": 4591, "istry": 4592, "gn": 4593, "aste": 4594, "acks": 4595, "\u0120disp": 4596, "ady": 4597, "do": 4598, "\u0120Good": 4599, "\u0120`": 4600, "\u0120wish": 4601, "\u0120revealed": 4602, "\u00c2\u0142\u00c2\u0142": 4603, "lig": 4604, "\u0120enforce": 4605, "\u0120Committee": 4606, "\u0120chem": 4607, "\u0120miles": 4608, "\u0120interested": 4609, "\u0120solution": 4610, "icy": 4611, "inct": 4612, "\u0120->": 4613, "\u0120Det": 4614, "\u0120removed": 4615, "\u0120compar": 4616, "eah": 4617, "\u0120plant": 4618, "\u0120Since": 4619, "\u0120achieve": 4620, "\u0120advantage": 4621, "\u0120slightly": 4622, "bing": 4623, "\u0120placed": 4624, "under": 4625, "2015": 4626, "\u0120Mad": 4627, "\u0120tim": 4628, "oses": 4629, "\u0120cru": 4630, "\u0120Rock": 4631, "\u0120mostly": 4632, "\u0120negative": 4633, "\u0120setting": 4634, "\u0120produced": 4635, "\u0120mur": 4636, "\u0120connection": 4637, "\u0120Mer": 4638, "\u0120driver": 4639, "\u0120executive": 4640, "\u0120assault": 4641, "\u0120born": 4642, "\u0120Ver": 4643, "tained": 4644, "\u0120structure": 4645, "\u0120reduce": 4646, "\u0120decades": 4647, "\u0120ded": 4648, "uke": 4649, "\u0120Many": 4650, "idden": 4651, "\u0120league": 4652, "Se": 4653, "\u0120join": 4654, "\u0120disco": 4655, "\u0120die": 4656, "cks": 4657, "actions": 4658, "\u0120assess": 4659, "agn": 4660, "\u0120goals": 4661, "ours": 4662, "IR": 4663, "\u0120senior": 4664, "iller": 4665, "mod": 4666, "ipment": 4667, "ocol": 4668, "uy": 4669, "\u0120Que": 4670, "\u0120parties": 4671, "irgin": 4672, "\u0120learning": 4673, "itable": 4674, "\u0120street": 4675, "\u0120camera": 4676, "App": 4677, "\u0120skills": 4678, "bre": 4679, "cious": 4680, "\u0120celebr": 4681, "\u0120Franc": 4682, "\u0120existing": 4683, "\u0120willing": 4684, "lor": 4685, "\u0120id": 4686, "\u0120Space": 4687, "\u0120critical": 4688, "\u0120La": 4689, "ortunately": 4690, "\u0120serve": 4691, "\u0120cold": 4692, "\u0120species": 4693, "TS": 4694, "\u0120animals": 4695, "\u0120Bay": 4696, "\u0120older": 4697, "\u0120Under": 4698, "estic": 4699, "\u0120Tre": 4700, "\u0120teacher": 4701, "\u0120prefer": 4702, "vis": 4703, "\u0120thread": 4704, "\u0120Matt": 4705, "\u0120manager": 4706, "\u00e3\u0125\u00bb": 4707, "\u0120professional": 4708, "\u0120Vol": 4709, "\u0120notes": 4710, "These": 4711, "ula": 4712, "\u0120fresh": 4713, "ented": 4714, "uzz": 4715, "edy": 4716, "clusion": 4717, "\u0120Rel": 4718, "\u0120doubt": 4719, "EO": 4720, "\u0120opened": 4721, "\u0120Bit": 4722, "Advertisement": 4723, "\u0120guess": 4724, "\u0120UN": 4725, "\u0120sequ": 4726, "\u0120explain": 4727, "otten": 4728, "\u0120attract": 4729, "aks": 4730, "\u0120string": 4731, "\u0120context": 4732, "ossible": 4733, "\u0120Republicans": 4734, "\u0120solid": 4735, "\u0120cities": 4736, "\u0120asking": 4737, "\u0120random": 4738, "ups": 4739, "uries": 4740, "arant": 4741, "dden": 4742, "gl": 4743, "\u0120Florida": 4744, "\u0120depend": 4745, "\u0120Scott": 4746, "\u012033": 4747, "\u0120iT": 4748, "icon": 4749, "\u0120mentioned": 4750, "\u01202000": 4751, "\u0120claimed": 4752, "\u0120definitely": 4753, "ulf": 4754, "\u0120core": 4755, "\u0120opening": 4756, "\u0120Const": 4757, "which": 4758, "\u0120Tra": 4759, "AG": 4760, "72": 4761, "\u0120believed": 4762, "ada": 4763, "\u012048": 4764, "\u0120Security": 4765, "yright": 4766, "\u0120Pet": 4767, "\u0120Lou": 4768, "\u0120holding": 4769, "================": 4770, "\u0120ice": 4771, "\u0120brow": 4772, "\u0120authorities": 4773, "host": 4774, "word": 4775, "\u0120score": 4776, "\u0120Div": 4777, "\u0120cells": 4778, "\u0120transl": 4779, "\u0120neighbor": 4780, "\u0120remove": 4781, "uct": 4782, "\u0120district": 4783, "\u0120According": 4784, "\u0120worse": 4785, "\u0120concerns": 4786, "\u0120presidential": 4787, "\u0120policies": 4788, "\u0120Hall": 4789, "73": 4790, "\u0120hus": 4791, "AY": 4792, "\u01202006": 4793, "\u0120Jud": 4794, "\u0120independent": 4795, "\u0120Justice": 4796, "iliar": 4797, "print": 4798, "ighter": 4799, "\u0120protection": 4800, "zen": 4801, "\u0120sudden": 4802, "house": 4803, "\u0120Jes": 4804, "PR": 4805, "\u0120Inf": 4806, "\u0120bul": 4807, "\u0120_": 4808, "\u0120Service": 4809, "\u0120PR": 4810, "\u0120strategy": 4811, "ffect": 4812, "\u0120girls": 4813, "\u0120missing": 4814, "oyal": 4815, "\u0120Team": 4816, "ulated": 4817, "\u0120dat": 4818, "\u0120politics": 4819, "abor": 4820, "According": 4821, "\u0120spell": 4822, "\u0120graph": 4823, "orthern": 4824, "TC": 4825, "Ab": 4826, "\u0120labor": 4827, "isher": 4828, "\u0120kick": 4829, "\u0120iTunes": 4830, "\u0120steps": 4831, "poses": 4832, "\u0120smaller": 4833, "En": 4834, "bert": 4835, "\u0120roll": 4836, "\u0120researchers": 4837, "\u0120closed": 4838, "\u0120transport": 4839, "\u0120lawy": 4840, "________________": 4841, "\u0120Chicago": 4842, "\u0120aspect": 4843, "\u0120none": 4844, "\u0120marriage": 4845, "96": 4846, "\u0120elements": 4847, "\u0120Fre": 4848, "\u0120Sal": 4849, "\u0120dram": 4850, "FC": 4851, "top": 4852, "equ": 4853, "\u0120hearing": 4854, "\u0120supported": 4855, "\u0120testing": 4856, "cohol": 4857, "\u0120massive": 4858, "\u0120stick": 4859, "\u0120guard": 4860, "isco": 4861, "phone": 4862, "From": 4863, "However": 4864, "\u0120border": 4865, "\u0120copy": 4866, "ography": 4867, "list": 4868, "71": 4869, "\u0120owner": 4870, "class": 4871, "ruit": 4872, "rate": 4873, "\u0120Once": 4874, "\u0120digital": 4875, "\u0120task": 4876, "ERS": 4877, "\u0120incred": 4878, "tes": 4879, "++": 4880, "\u0120France": 4881, "\u0120breat": 4882, "owl": 4883, "\u0120issued": 4884, "\u0120Western": 4885, "\u0120detect": 4886, "\u0120partners": 4887, "\u0120shared": 4888, "\u0120Call": 4889, "\u0120cancer": 4890, "ache": 4891, "ribe": 4892, "\u0120explained": 4893, "\u0120heat": 4894, "{\"": 4895, "\u0120investment": 4896, "\u0120Book": 4897, "\u0120wood": 4898, "\u0120tools": 4899, "\u0120Although": 4900, "\u0120belief": 4901, "\u0120crisis": 4902, "\u0120ge": 4903, "\u0120MP": 4904, "\u0120operation": 4905, "type": 4906, "~~": 4907, "ga": 4908, "\u0120contains": 4909, "anta": 4910, "\u0120express": 4911, "\u0120Group": 4912, "\u0120Journal": 4913, "ka": 4914, "\u0120amb": 4915, "\u0120USA": 4916, "\u0120finding": 4917, "\u0120funding": 4918, "how": 4919, "\u0120established": 4920, "ideos": 4921, "\u0120degree": 4922, "\u0120dangerous": 4923, "anging": 4924, "\u0120freedom": 4925, "pport": 4926, "outhern": 4927, "\u0120church": 4928, "\u0120catch": 4929, "\u0120Two": 4930, "\u0120presence": 4931, "\u0120Guard": 4932, "Up": 4933, "\u0120authority": 4934, "\u0120Project": 4935, "\u0120button": 4936, "\u0120consequ": 4937, "\u0120valid": 4938, "\u0120weak": 4939, "\u0120starts": 4940, "\u0120reference": 4941, "\u0120Mem": 4942, "\")": 4943, "UN": 4944, "orage": 4945, "\u0120Open": 4946, "\u0120collection": 4947, "ym": 4948, "gency": 4949, "\u0120beautiful": 4950, "ros": 4951, "\u0120tells": 4952, "\u0120waiting": 4953, "nel": 4954, "\u0120providing": 4955, "\u0120Democrats": 4956, "\u0120daughter": 4957, "\u0120master": 4958, "\u0120purposes": 4959, "\u0120Japanese": 4960, "\u0120equal": 4961, "\u0120turns": 4962, "\u0120documents": 4963, "\u0120watching": 4964, "Res": 4965, "\u0120ran": 4966, "2014": 4967, "\u0120reject": 4968, "\u0120Korea": 4969, "\u0120victims": 4970, "Level": 4971, "erences": 4972, "\u0120witness": 4973, "\u012034": 4974, "\u0120reform": 4975, "coming": 4976, "\u0120occup": 4977, "\u0120caught": 4978, "\u0120traffic": 4979, "ading": 4980, "\u0120models": 4981, "ario": 4982, "\u0120served": 4983, "\u0120batter": 4984, "uate": 4985, "\u0120Secretary": 4986, "\u0120agreed": 4987, "\u0120truly": 4988, "ynam": 4989, "\u0120Ret": 4990, "\u0120units": 4991, "\u0120Research": 4992, "hand": 4993, "azine": 4994, "\u0120Mike": 4995, "\u0120variety": 4996, "otal": 4997, "\u0120amazing": 4998, "\u0120confirmed": 4999, "\u0120entirely": 5000, "\u0120purchase": 5001, "\u0120element": 5002, "\u0120cash": 5003, "\u0120determine": 5004, "De": 5005, "\u0120cars": 5006, "\u0120Wall": 5007, "\u00e2\u0138": 5008, "\u0120views": 5009, "\u0120drugs": 5010, "\u0120department": 5011, "\u0120Step": 5012, "uit": 5013, "\u012039": 5014, "asure": 5015, "\u0120Class": 5016, "\u0120covered": 5017, "\u0120Bank": 5018, "\u0120mere": 5019, "uana": 5020, "\u0120multi": 5021, "\u0120mix": 5022, "\u0120unlike": 5023, "levision": 5024, "\u0120stopped": 5025, "\u0120sem": 5026, "\u0120Gal": 5027, "ules": 5028, "\u0120wel": 5029, "\u0120Johnson": 5030, "la": 5031, "\u0120skill": 5032, "\u0120becoming": 5033, "rie": 5034, "\u0120appropriate": 5035, "fe": 5036, "ellow": 5037, "\u0120Prot": 5038, "ulate": 5039, "ocation": 5040, "\u0120weekend": 5041, "odies": 5042, "\u0120sites": 5043, "\u0120animal": 5044, "\u0120Tim": 5045, "\u0120scale": 5046, "\u0120charged": 5047, "\u0120instruct": 5048, "illa": 5049, "\u0120methods": 5050, "\u0120cert": 5051, "\u0120judge": 5052, "\u0120Hel": 5053, "\u0120dollars": 5054, "\u0120standing": 5055, "\u0120Squ": 5056, "\u0120debt": 5057, "liam": 5058, "\u0120driving": 5059, "\u0120Sum": 5060, "\u0120Edition": 5061, "\u0120album": 5062, "andon": 5063, "IF": 5064, "\u0120Uk": 5065, "63": 5066, "ader": 5067, "\u0120commercial": 5068, "esh": 5069, "\u0120Government": 5070, "\u0120discovered": 5071, "\u0120output": 5072, "\u0120Hillary": 5073, "\u0120Carol": 5074, "\u01202005": 5075, "\u0120abuse": 5076, "ancing": 5077, "\u0120switch": 5078, "\u0120annual": 5079, "Tw": 5080, "\u0120stated": 5081, "agement": 5082, "inner": 5083, "\u0120democr": 5084, "\u0120residents": 5085, "\u0120allowing": 5086, "\u0120factors": 5087, "odd": 5088, "\u0120fuck": 5089, "emies": 5090, "\u0120occurred": 5091, "oti": 5092, "\u0120north": 5093, "\u0120Public": 5094, "\u0120injury": 5095, "\u0120insurance": 5096, "CL": 5097, "olly": 5098, "\u00e3\u0122": 5099, "\u0120repeated": 5100, "\u0120arms": 5101, "anged": 5102, "\u0120construction": 5103, "\u0120fle": 5104, "PU": 5105, "icians": 5106, "\u0120forms": 5107, "\u0120McC": 5108, "antic": 5109, "\u0120mental": 5110, "pire": 5111, "\u0120equipment": 5112, "\u0120fant": 5113, "\u0120discussion": 5114, "\u0120regarding": 5115, "kin": 5116, "arp": 5117, "\u0120chair": 5118, "ogue": 5119, "\u0120proceed": 5120, "\u0120Id": 5121, "Our": 5122, "\u0120murder": 5123, "Man": 5124, "\u012049": 5125, "asp": 5126, "\u0120supply": 5127, "\u0120input": 5128, "\u0120wealth": 5129, "liament": 5130, "\u0120proced": 5131, "orial": 5132, "\u0120Stat": 5133, "\u0120NFL": 5134, "hens": 5135, "\u0120Institute": 5136, "\u0120putting": 5137, "ournament": 5138, "etic": 5139, "\u0120located": 5140, "\u0120kid": 5141, "eria": 5142, "run": 5143, "\u0120princ": 5144, "\u0120!": 5145, "going": 5146, "\u0120Bet": 5147, "\u0120clot": 5148, "\u0120telling": 5149, "\u0120proposed": 5150, "iot": 5151, "orry": 5152, "\u0120funds": 5153, "gment": 5154, "\u0120Life": 5155, "\u0120baby": 5156, "\u0120Back": 5157, "\u0120spoke": 5158, "Image": 5159, "\u0120earn": 5160, "\u0120AT": 5161, "gu": 5162, "\u0120exchange": 5163, "\u0120Lin": 5164, "oving": 5165, "\u0120pair": 5166, "More": 5167, "azon": 5168, "\u0120arrested": 5169, "\u0120killing": 5170, "can": 5171, "\u0120Card": 5172, "yd": 5173, "\u0120identified": 5174, "\u0120mobile": 5175, "\u0120thanks": 5176, "onym": 5177, "\u0120Form": 5178, "\u0120hundreds": 5179, "\u0120Chris": 5180, "\u0120Cat": 5181, "\u0120trend": 5182, "hat": 5183, "\u0120Av": 5184, "oman": 5185, "\u0120electric": 5186, "\u0120Wil": 5187, "SE": 5188, "Of": 5189, "\u0120restaur": 5190, "oted": 5191, "\u0120trig": 5192, "\u0120nine": 5193, "\u0120bomb": 5194, "Why": 5195, "\u00c2\u00af": 5196, "\u0120coverage": 5197, "\u0120appeal": 5198, "\u0120Robert": 5199, "\u0120Sup": 5200, "\u0120finished": 5201, "\u0120flow": 5202, "\u0120deliver": 5203, "\u0120calcul": 5204, "\u0120photos": 5205, "\u0120phil": 5206, "\u0120pieces": 5207, "\u0120appre": 5208, "kes": 5209, "\u0120rough": 5210, "Do": 5211, "\u0120partner": 5212, "\u0120concerned": 5213, "\u012037": 5214, "\u0120Gen": 5215, "Col": 5216, "ctors": 5217, "\u0120=>": 5218, "state": 5219, "\u0120suggested": 5220, "\u0120Force": 5221, "CE": 5222, "\u0120herself": 5223, "\u0120Plan": 5224, "works": 5225, "ooth": 5226, "rency": 5227, "\u0120corner": 5228, "\u0120husband": 5229, "\u0120internet": 5230, "\u0120Aut": 5231, "ems": 5232, "osen": 5233, "\u0120Atl": 5234, "gen": 5235, "\u0120balance": 5236, "62": 5237, "\u0120sounds": 5238, "text": 5239, "\u0120arr": 5240, "oves": 5241, "\u0120millions": 5242, "\u0120radio": 5243, "\u0120satisf": 5244, "\u0120Dam": 5245, "Mr": 5246, "Go": 5247, "Spe": 5248, "\u0120combat": 5249, "rant": 5250, "\u0120Gree": 5251, "\u0120fuel": 5252, "\u0120distance": 5253, "\u0120tests": 5254, "\u0120decre": 5255, "\u0120Er": 5256, "\u0120managed": 5257, "DS": 5258, "\u0120tit": 5259, "\u0120measures": 5260, "\u0120Liber": 5261, "\u0120attend": 5262, "ashed": 5263, "\u0120Jose": 5264, "\u0120Night": 5265, "dit": 5266, "\u0120Nov": 5267, "\u0120End": 5268, "outs": 5269, "\u0120generation": 5270, "\u0120advoc": 5271, "yth": 5272, "\u0120conversation": 5273, "\u0120Sky": 5274, "active": 5275, "cel": 5276, "rier": 5277, "\u0120Frank": 5278, "\u0120gender": 5279, "\u0120concent": 5280, "\u0120carried": 5281, "anda": 5282, "\u0120Virgin": 5283, "\u0120arrived": 5284, "icide": 5285, "aded": 5286, "\u0120failure": 5287, "\u0120minimum": 5288, "lets": 5289, "\u0120worst": 5290, "\u0120keeping": 5291, "\u0120intended": 5292, "\u0120illegal": 5293, "\u0120subsc": 5294, "\u0120determined": 5295, "\u0120trip": 5296, "Yes": 5297, "\u0120raise": 5298, "\u0120~": 5299, "\u0120feels": 5300, "\u0120package": 5301, "\u0120Jo": 5302, "hi": 5303, "2016": 5304, "real": 5305, "\u0120fra": 5306, "\u0120symb": 5307, "Me": 5308, "ucky": 5309, "pret": 5310, "\u0120Kh": 5311, "\u0120Edit": 5312, "\u0120Web": 5313, "emic": 5314, "\u0120Color": 5315, "\u0120justice": 5316, "Int": 5317, "\u0120farm": 5318, "cknow": 5319, "\">": 5320, "eless": 5321, "\u0120reduced": 5322, "\u0120500": 5323, "xx": 5324, "\u0120Rad": 5325, "\u0120Wood": 5326, "\u0120clin": 5327, "\u0120hyp": 5328, "iler": 5329, "ura": 5330, "kins": 5331, "85": 5332, "61": 5333, "\u0120Their": 5334, "\u0120Mary": 5335, "\u0120san": 5336, "\u0120novel": 5337, "\u0120Who": 5338, "\u0120capacity": 5339, "\u0120impossible": 5340, "\u0120plays": 5341, "\u0120minister": 5342, "ijuana": 5343, "icate": 5344, "\u0120Set": 5345, "\u0120fram": 5346, "\u0120ing": 5347, "\u0120communities": 5348, "\u0120FBI": 5349, "ita": 5350, "\u0120bon": 5351, "\u0120strateg": 5352, "\u0120interests": 5353, "lock": 5354, "gers": 5355, "mas": 5356, "\u0120AND": 5357, "\u0120conflict": 5358, "\u0120requirements": 5359, "\u0120sac": 5360, "\u0120operating": 5361, "ini": 5362, "related": 5363, "\u0120committed": 5364, "\u0120relatively": 5365, "\u0120south": 5366, "\u00c2\u00af\u00c2\u00af": 5367, "\u0120afford": 5368, "\u0120identity": 5369, "\u0120decisions": 5370, "\u0120accused": 5371, "place": 5372, "\u0120victory": 5373, "och": 5374, "iat": 5375, "Name": 5376, "Com": 5377, "tion": 5378, "eds": 5379, "\u0120seek": 5380, "\u0120tight": 5381, "\u0120Images": 5382, "\u0120initi": 5383, "\u0120humans": 5384, "\u0120familiar": 5385, "\u0120audience": 5386, "\u0120internal": 5387, "venture": 5388, "\u0120sides": 5389, "\u0120TO": 5390, "\u0120dim": 5391, "\u0120conclud": 5392, "\u0120appoint": 5393, "\u0120enforcement": 5394, "\u0120Jim": 5395, "\u0120Association": 5396, "\u0120circumst": 5397, "\u0120Canadian": 5398, "\u0120joined": 5399, "\u0120differences": 5400, "\u0120Los": 5401, "\u0120protest": 5402, "\u0120twice": 5403, "win": 5404, "\u0120glass": 5405, "arsh": 5406, "\u0120Army": 5407, "\u0120expression": 5408, "\u0120decide": 5409, "\u0120planning": 5410, "ania": 5411, "\u0120handle": 5412, "\u0120Microsoft": 5413, "\u0120Nor": 5414, "\u0120maximum": 5415, "\u0120Rev": 5416, "\u0120sea": 5417, "\u0120eval": 5418, "\u0120helps": 5419, "ref": 5420, "\u0120bound": 5421, "\u0120mouth": 5422, "\u0120standards": 5423, "\u0120clim": 5424, "\u0120Camp": 5425, "\u0120Fox": 5426, "cles": 5427, "\u0120army": 5428, "\u0120Techn": 5429, "acking": 5430, "xy": 5431, "SS": 5432, "\u012042": 5433, "\u0120bug": 5434, "\u0120Ukrain": 5435, "\u0120Max": 5436, "\u0120Jones": 5437, "\u0120Show": 5438, "lo": 5439, "\u0120planet": 5440, "\u012075": 5441, "\u0120winning": 5442, "\u0120faster": 5443, "\u0120spect": 5444, "\u0120broken": 5445, "TR": 5446, "\u0120defined": 5447, "\u0120healthy": 5448, "\u0120competition": 5449, "https": 5450, "\u0120Island": 5451, "\u0120Fe": 5452, "\u0120announce": 5453, "\u0120Cup": 5454, "\u0120Instead": 5455, "\u0120client": 5456, "\u0120possibly": 5457, "section": 5458, "ocket": 5459, "look": 5460, "\u0120finish": 5461, "\u0120crew": 5462, "\u0120reserv": 5463, "\u0120editor": 5464, "\u0120hate": 5465, "\u0120sale": 5466, "\u0120controvers": 5467, "\u0120pages": 5468, "wing": 5469, "\u0120numer": 5470, "\u0120opposition": 5471, "\u01202004": 5472, "\u0120refuge": 5473, "\u0120flight": 5474, "\u0120apart": 5475, "\u0120Lat": 5476, "Americ": 5477, "\u0120Africa": 5478, "\u0120applications": 5479, "\u0120Palest": 5480, "\u0120Bur": 5481, "\u0120gar": 5482, "\u0120Social": 5483, "\u0120upgr": 5484, "\u0120shape": 5485, "\u0120speaking": 5486, "ansion": 5487, "ao": 5488, "\u0120Sn": 5489, "\u0120worry": 5490, "\u0120Britain": 5491, "Please": 5492, "roud": 5493, "\u0120hun": 5494, "\u0120introduced": 5495, "\u0120diet": 5496, "Ind": 5497, "\u0120Second": 5498, "\u0120functions": 5499, "uts": 5500, "\u0120Each": 5501, "\u0120Jeff": 5502, "\u0120stress": 5503, "\u0120accounts": 5504, "\u0120guarant": 5505, "\u0120Ann": 5506, "edia": 5507, "\u0120honest": 5508, "\u0120tree": 5509, "\u0120African": 5510, "\u0120Bush": 5511, "},": 5512, "\u0120sch": 5513, "\u0120Only": 5514, "\u0120fif": 5515, "igan": 5516, "\u0120exercise": 5517, "\u0120Exp": 5518, "\u0120scientists": 5519, "\u0120legislation": 5520, "\u0120Work": 5521, "\u0120Spr": 5522, "\u00c3\u0124": 5523, "\u0120Human": 5524, "\u0120\u00e8": 5525, "\u0120survey": 5526, "\u0120rich": 5527, "rip": 5528, "\u0120maintain": 5529, "\u0120flo": 5530, "\u0120leadership": 5531, "stream": 5532, "\u0120Islamic": 5533, "\u012001": 5534, "\u0120College": 5535, "\u0120magic": 5536, "\u0120Prime": 5537, "\u0120figures": 5538, "2017": 5539, "inder": 5540, "xual": 5541, "\u0120Dead": 5542, "\u0120absolutely": 5543, "\u0120fourth": 5544, "\u0120presented": 5545, "respond": 5546, "rible": 5547, "\u0120alcohol": 5548, "ato": 5549, "\u0120DE": 5550, "porary": 5551, "\u0120grab": 5552, "\u0120vari": 5553, "\u0120quant": 5554, "\u0120Photo": 5555, "\u0120plus": 5556, "rick": 5557, "arks": 5558, "\u0120alternative": 5559, "\u0120pil": 5560, "\u0120approx": 5561, "that": 5562, "\u0120objects": 5563, "\u0120Ro": 5564, "\u0120Android": 5565, "\u0120significantly": 5566, "\u0120Road": 5567, "kay": 5568, "Read": 5569, "avor": 5570, "\u0120acknow": 5571, "\u0120HD": 5572, "\u0120Sing": 5573, "Or": 5574, "\u0120Mont": 5575, "\u0120uns": 5576, "prof": 5577, "\u0120negoti": 5578, "\u0120Arch": 5579, "iki": 5580, "\u0120television": 5581, "\u0120Jewish": 5582, "\u0120committee": 5583, "\u0120motor": 5584, "\u0120appearance": 5585, "\u0120sitting": 5586, "\u0120strike": 5587, "\u0120Down": 5588, "comp": 5589, "\u0120Hist": 5590, "\u0120fold": 5591, "acement": 5592, "\u0120Louis": 5593, "\u0120belong": 5594, "\u0120\u00e2\u0122\u00a2": 5595, "\u0120mort": 5596, "\u0120prepared": 5597, "\u012064": 5598, "\u0120Master": 5599, "\u0120indeed": 5600, "\u0120Den": 5601, "\u0120rent": 5602, "TA": 5603, "ourney": 5604, "arc": 5605, "Su": 5606, "97": 5607, "\u0120advice": 5608, "\u0120changing": 5609, "\u0120listed": 5610, "\u0120launched": 5611, "isation": 5612, "\u0120Peter": 5613, "ishes": 5614, "\u0120lived": 5615, "\u0120Mel": 5616, "\u0120Supreme": 5617, "\u0120Federal": 5618, "\u0120);": 5619, "ructure": 5620, "\u0120sets": 5621, "\u0120philos": 5622, "uous": 5623, "\u0120\u00c2\u0142": 5624, "\u0120applied": 5625, "\u0120NOT": 5626, "\u0120housing": 5627, "\u0120Mount": 5628, "\u0120odd": 5629, "\u0120sust": 5630, "DA": 5631, "fficient": 5632, "\u0120?": 5633, "olved": 5634, "\u0120powers": 5635, "\u0120thr": 5636, "\u0120remaining": 5637, "\u0120Water": 5638, "LC": 5639, "\u0120causes": 5640, "\u00e3\u0123\u00ae": 5641, "\u0120manner": 5642, "ads": 5643, "\u0120suggests": 5644, "\u0120ends": 5645, "standing": 5646, "fig": 5647, "\u0120Dun": 5648, "idth": 5649, "\u0120gay": 5650, "\u0120termin": 5651, "\u0120Angeles": 5652, "MS": 5653, "\u0120scientific": 5654, "\u0120coal": 5655, "apers": 5656, "bar": 5657, "\u0120Thomas": 5658, "\u0120sym": 5659, "\u0120Run": 5660, "this": 5661, "PC": 5662, "igrants": 5663, "\u0120minute": 5664, "\u0120District": 5665, "cellent": 5666, "\u0120leaves": 5667, "\u0120completed": 5668, "amin": 5669, "\u0120focused": 5670, "\u0120monitor": 5671, "\u0120vehicles": 5672, "MA": 5673, "\u0120Mass": 5674, "\u0120Grand": 5675, "\u0120affected": 5676, "itutional": 5677, "\u0120construct": 5678, "\u0120follows": 5679, "\u0120ton": 5680, "reens": 5681, "\u0120homes": 5682, "\u0120Ext": 5683, "\u0120Level": 5684, "rast": 5685, "\u0120Ir": 5686, "\u0120elim": 5687, "\u0120largely": 5688, "\u0120Joe": 5689, "\u0120votes": 5690, "alls": 5691, "\u0120businesses": 5692, "\u0120Foundation": 5693, "\u0120Central": 5694, "\u0120yards": 5695, "\u0120materials": 5696, "ulner": 5697, "\u0120guide": 5698, "\u0120closer": 5699, "ums": 5700, "\u0120sports": 5701, "eder": 5702, "Just": 5703, "\u0120taxes": 5704, "84": 5705, "\u0120Old": 5706, "\u0120decade": 5707, "ola": 5708, "\u0120vir": 5709, "\u0120dropped": 5710, "\u0120delay": 5711, "itect": 5712, "\u0120secure": 5713, "stein": 5714, "level": 5715, "\u0120treated": 5716, "\u0120filed": 5717, "aine": 5718, "\u0120van": 5719, "\u0120mir": 5720, "\u0120column": 5721, "icted": 5722, "eper": 5723, "\u0120rot": 5724, "\u0120consult": 5725, "\u0120entry": 5726, "\u0120marijuana": 5727, "\u0120Dou": 5728, "\u0120apparently": 5729, "oking": 5730, "clusive": 5731, "\u0120increases": 5732, "ano": 5733, "\u0120specifically": 5734, "\u0120tele": 5735, "ensions": 5736, "\u0120religion": 5737, "abilities": 5738, "\u0120frame": 5739, "\u0120Note": 5740, "\u0120Lee": 5741, "\u0120helping": 5742, "\u0120edge": 5743, "oston": 5744, "\u0120organizations": 5745, "\u00c3\u0125": 5746, "\u0120Both": 5747, "hips": 5748, "\u0120bigger": 5749, "\u0120boost": 5750, "\u0120Stand": 5751, "\u0120row": 5752, "uls": 5753, "abase": 5754, "\u0120rid": 5755, "Let": 5756, "aren": 5757, "rave": 5758, "\u0120stret": 5759, "PD": 5760, "\u0120vision": 5761, "\u0120wearing": 5762, "\u0120appreci": 5763, "\u0120award": 5764, "\u0120Use": 5765, "\u0120factor": 5766, "war": 5767, "ulations": 5768, ")(": 5769, "\u0120god": 5770, "\u0120territ": 5771, "\u0120param": 5772, "asts": 5773, "87": 5774, "\u0120enemies": 5775, "\u0120Games": 5776, "FF": 5777, "\u0120accident": 5778, "Well": 5779, "\u0120Martin": 5780, "TER": 5781, "\u0120ath": 5782, "\u0120Hell": 5783, "\u0120forg": 5784, "\u0120veter": 5785, "\u0120Medic": 5786, "free": 5787, "\u0120stars": 5788, "\u0120expensive": 5789, "\u0120acad": 5790, "rawn": 5791, "\u0120Whe": 5792, "\u0120lock": 5793, "\u0120format": 5794, "\u0120soldiers": 5795, "sm": 5796, "\u0120agent": 5797, "\u0120responsibility": 5798, "ora": 5799, "\u0120Science": 5800, "\u0120rapid": 5801, "\u0120tough": 5802, "\u0120Jesus": 5803, "\u0120believes": 5804, "ML": 5805, "\u0120wear": 5806, "lete": 5807, "\u00c3\u0125\u00c3\u0124": 5808, "\u0120Dri": 5809, "\u0120commission": 5810, "\u0120Bob": 5811, "Oh": 5812, "aped": 5813, "\u0120warm": 5814, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 5815, "\u01202003": 5816, "ortion": 5817, "\u0120hasn": 5818, "uster": 5819, "\u0120univers": 5820, "\u0120Ill": 5821, "\u0120king": 5822, "ologies": 5823, "94": 5824, "\u0120Tem": 5825, "\u0120Mos": 5826, "\u0120patient": 5827, "\u0120Mexico": 5828, "cean": 5829, "\u0120Death": 5830, "\u0120Sanders": 5831, "you": 5832, "\u0120Cast": 5833, "\u0120Company": 5834, "pty": 5835, "\u0120happening": 5836, "FP": 5837, "\u0120Battle": 5838, "\u0120bought": 5839, "Am": 5840, "Mod": 5841, "Us": 5842, "uters": 5843, "\u0120Cre": 5844, "\u0120Those": 5845, "\u012044": 5846, "iser": 5847, "\u0120soul": 5848, "\u0120Top": 5849, "\u0120Harry": 5850, "\u0120Aw": 5851, "\u0120seat": 5852, "ffee": 5853, "\u0120revolution": 5854, "\u0120(\"": 5855, "\u0120During": 5856, "ette": 5857, "\u0120ring": 5858, "\u0120offensive": 5859, "\u0120returns": 5860, "\u0120videos": 5861, "\u0120discl": 5862, "\u0120famous": 5863, "enced": 5864, "\u0120Sign": 5865, "\u0120River": 5866, "\u0120300": 5867, "PM": 5868, "\u0120Bus": 5869, "\u0120CH": 5870, "\u0120candidates": 5871, "arden": 5872, "\u0120percentage": 5873, "\u0120visual": 5874, "\u0120thank": 5875, "\u0120trouble": 5876, "nergy": 5877, "\u01202001": 5878, "\u0120prove": 5879, "ashion": 5880, "\u0120enh": 5881, "\u0120Long": 5882, "UM": 5883, "\u0120connected": 5884, "\u0120possibility": 5885, "Over": 5886, "\u0120expert": 5887, "\u0120library": 5888, "arts": 5889, "\u0120Director": 5890, "\u0120fellow": 5891, "92": 5892, "irty": 5893, "\u0120dry": 5894, "\u0120signs": 5895, "\u0120Love": 5896, "\u0120quiet": 5897, "foot": 5898, "\u0120pure": 5899, "\u0120Hun": 5900, "\u0120filled": 5901, "phas": 5902, "\u0120Elect": 5903, "endment": 5904, "\u0120Expl": 5905, "\u0120unable": 5906, "ns": 5907, "mo": 5908, "\u0120vast": 5909, "obe": 5910, "\u0120identify": 5911, "apping": 5912, "\u0120Carolina": 5913, "gress": 5914, "\u0120prote": 5915, "\u0120fish": 5916, "\u0120circumstances": 5917, "razy": 5918, "\u0120Phot": 5919, "\u0120bodies": 5920, "\u0120Mur": 5921, "\u0120developing": 5922, "\u0120AR": 5923, "\u0120experienced": 5924, "\u0120substant": 5925, "\u0120Board": 5926, "esome": 5927, "\u0120domestic": 5928, "\u0120combined": 5929, "\u0120Put": 5930, "\u0120chemical": 5931, "\u0120Child": 5932, "\u0120pool": 5933, "\u0120Cy": 5934, "\u0120egg": 5935, "cons": 5936, "sters": 5937, "\u0120hurt": 5938, "\u0120markets": 5939, "\u0120conservative": 5940, "\u0120supporters": 5941, "\u0120agencies": 5942, "idel": 5943, "Ob": 5944, "urb": 5945, "\u012043": 5946, "\u0120Defense": 5947, "ye": 5948, "\u0120Ap": 5949, "dule": 5950, "\u0120temperature": 5951, "\u0120conducted": 5952, "\u0120Chief": 5953, "\u0120pulled": 5954, "\u0120fol": 5955, "Last": 5956, "onto": 5957, "osis": 5958, "VER": 5959, "Des": 5960, "\u0120Pan": 5961, "First": 5962, "\u0120advance": 5963, "\u0120license": 5964, "rors": 5965, "\u0120Jon": 5966, "\u0120imagine": 5967, "\u0120hell": 5968, "\u0120fixed": 5969, "\u0120incor": 5970, "osite": 5971, "\u0120Log": 5972, "icken": 5973, "]:": 5974, "\u0120surprise": 5975, "hab": 5976, "\u0120craft": 5977, "olt": 5978, "\u0120Jul": 5979, "\u0120dial": 5980, "\u0120relevant": 5981, "\u0120entered": 5982, "\u0120leads": 5983, "\u0120AD": 5984, "\u0120Clean": 5985, "\u0120pictures": 5986, "essor": 5987, "\u0120alt": 5988, "\u0120paying": 5989, "Per": 5990, "\u0120Market": 5991, "\u0120updates": 5992, "amily": 5993, "\u0120Type": 5994, "\u0120Home": 5995, "\u012055": 5996, "sembly": 5997, "rome": 5998, "83": 5999, "\u0120greatest": 6000, "\u0120height": 6001, "\u0120heav": 6002, "aints": 6003, "\u0120listen": 6004, "aser": 6005, "\u0120SH": 6006, "\u0120capable": 6007, "acle": 6008, "\u0120perspect": 6009, "inating": 6010, "\u0120offering": 6011, "rypt": 6012, "\u0120Develop": 6013, "abin": 6014, "rc": 6015, "\u0120bright": 6016, "alty": 6017, "arrow": 6018, "\u0120suppl": 6019, "inding": 6020, "acked": 6021, "gypt": 6022, "\u0120Another": 6023, "pg": 6024, "\u0120Virginia": 6025, "\u0120Lu": 6026, "\u0120planned": 6027, "\u0120pit": 6028, "\u0120sweet": 6029, "Type": 6030, "\u0120Di": 6031, "\u0120typically": 6032, "\u0120Francisco": 6033, "\u0120prospect": 6034, "\u0120Dan": 6035, "\u0120teen": 6036, "rees": 6037, "\u0120sched": 6038, "\u0120hol": 6039, "\u0120scr": 6040, "\u0120lots": 6041, "life": 6042, "\u0120newsp": 6043, "\u0120forget": 6044, "\u0120None": 6045, "\u0120Middle": 6046, "\u0120Ryan": 6047, "edd": 6048, "\u0120severe": 6049, "\u0120suit": 6050, "ller": 6051, "93": 6052, "\u0120correspond": 6053, "\u0120explos": 6054, "uations": 6055, "\u0120flag": 6056, "game": 6057, "rid": 6058, "\u0120prin": 6059, "\u0120Data": 6060, "\u0120deploy": 6061, "\u0120Enter": 6062, "suit": 6063, "ghan": 6064, "\u0120Men": 6065, "\u0120thoughts": 6066, "\u0120matters": 6067, "\u0120adapt": 6068, "\u0120Ari": 6069, "\u0120fill": 6070, "\u0120forth": 6071, "\u0120sam": 6072, "\u012041": 6073, "\u0120payment": 6074, "\u0120Hor": 6075, "\u0120spring": 6076, "duc": 6077, "\u0120losing": 6078, "\u0120bringing": 6079, "FO": 6080, "ala": 6081, "\u0120distribution": 6082, "hered": 6083, "bour": 6084, "\u0120Israeli": 6085, "oma": 6086, "\u0120combination": 6087, "\u0120plenty": 6088, "VE": 6089, "Can": 6090, "\u0120Haw": 6091, "\u0120perman": 6092, "\u0120Special": 6093, "\u0120tow": 6094, "\u0120seeking": 6095, "\u0120examples": 6096, "\u0120classes": 6097, "cr": 6098, "\u0120beer": 6099, "\u0120moves": 6100, "\u0120IP": 6101, "\u0120Kn": 6102, "\u0120panel": 6103, "Even": 6104, "\u0120properly": 6105, "\u0120ris": 6106, "\u0120plug": 6107, "\u0120estimated": 6108, "Every": 6109, "\u0120defensive": 6110, "agraph": 6111, "\u0120pregn": 6112, "\u0120instit": 6113, "\u0120Vict": 6114, "\u0120volume": 6115, "\u0120positions": 6116, "\u0120links": 6117, "\u0120Program": 6118, "\u0120Week": 6119, "agues": 6120, "\u0120transform": 6121, "ker": 6122, "\u0120CEO": 6123, "\u0120cas": 6124, "\u0120opponent": 6125, "\u0120tweet": 6126, "\u0120Code": 6127, "\u0120shop": 6128, "\u0120fly": 6129, "\u0120talks": 6130, "\u0120bag": 6131, "Phone": 6132, "\u0120aid": 6133, "\u0120plants": 6134, "\u012065": 6135, "\u0120attorney": 6136, "arters": 6137, "quest": 6138, "\u0120Magic": 6139, "\u0120begins": 6140, "\u0120myster": 6141, "\u0120environmental": 6142, "\u0120storage": 6143, "NN": 6144, "\u0120marg": 6145, "\u0120ske": 6146, "\u0120metal": 6147, "elly": 6148, "\u0120ordered": 6149, "\u0120remained": 6150, "\u0120loved": 6151, "\u0120prompt": 6152, "\u0120updated": 6153, "\u0120experts": 6154, "\u0120walking": 6155, "\u0120ancient": 6156, "\u0120performed": 6157, "ATE": 6158, "\u0120neither": 6159, "iency": 6160, "\u0120manufacture": 6161, "\u0120Pak": 6162, "\u0120selected": 6163, "\u0120mine": 6164, "\u0120ultimately": 6165, "\u0120explan": 6166, "\u0120label": 6167, "\u0120Services": 6168, "ributed": 6169, "Trump": 6170, "\u0120syn": 6171, "\u0120Ult": 6172, "SC": 6173, "\u0120meat": 6174, "\u0120giant": 6175, "\u0120Wars": 6176, "\u0120ON": 6177, "\u0120adm": 6178, "\u0120interpret": 6179, "\u0120evening": 6180, "\u0120evil": 6181, "\u0120Boston": 6182, "\u0120Wild": 6183, "\u0120\u00c3": 6184, "\u0120Bitcoin": 6185, "\u0120Amazon": 6186, "Dr": 6187, "\u0120Information": 6188, "\u0120obviously": 6189, "\u0120advanced": 6190, "Photo": 6191, "olar": 6192, "\u0120weather": 6193, "\u0120symbol": 6194, "\u0120sole": 6195, "\u0120potentially": 6196, "oster": 6197, "\u0120originally": 6198, "mun": 6199, "300": 6200, "aze": 6201, "essions": 6202, "\u0120deck": 6203, "\u0120stood": 6204, "\u0120youth": 6205, "\u0120Bern": 6206, "Rep": 6207, "\u0120Test": 6208, "\u0120basically": 6209, "otic": 6210, "\u0120involve": 6211, "olit": 6212, "lyn": 6213, "See": 6214, "\u0120aircraft": 6215, "\u0120confirm": 6216, "EW": 6217, "\u0120messages": 6218, "\u0120Richard": 6219, "\u0120kit": 6220, "\u0120prohib": 6221, "\u0120vulner": 6222, "isters": 6223, "\u0120existence": 6224, "\u0120turning": 6225, "\u0120SP": 6226, "\u0120desire": 6227, "\u0120flat": 6228, "\u0120ment": 6229, "season": 6230, "anges": 6231, "\u0120neighborhood": 6232, "\u0120Lake": 6233, "ATION": 6234, "\u0120pointed": 6235, "bur": 6236, "\u0120innov": 6237, "ucks": 6238, "UL": 6239, "\u0120professor": 6240, "\u0120expressed": 6241, "AB": 6242, "icious": 6243, "\u01202002": 6244, "\u0120Dev": 6245, "\u0120session": 6246, "\u0120bare": 6247, "sen": 6248, "\u0120diss": 6249, "\u0120Cath": 6250, "\u0120Pass": 6251, "\u0120Point": 6252, "\u0120doctor": 6253, "orrow": 6254, "ailed": 6255, "\u0120Rub": 6256, "\u0120DC": 6257, "\u0120Charl": 6258, "person": 6259, "\u0120writer": 6260, "ighters": 6261, "ureau": 6262, "\u0120oblig": 6263, "\u0120recorded": 6264, "\u0120broke": 6265, "\u0120orders": 6266, "ilty": 6267, "\u0120motion": 6268, "inity": 6269, "law": 6270, "adium": 6271, "\u0120immigration": 6272, "\u0120contrast": 6273, "\u0120batt": 6274, "\u0120excellent": 6275, "\u0120technical": 6276, "ami": 6277, "\u0120tun": 6278, "\u0120cloud": 6279, "\u0120Year": 6280, "geon": 6281, "\u0120creation": 6282, "\u0120strange": 6283, "\u0120auth": 6284, "\u0120fort": 6285, "born": 6286, "\u0120extent": 6287, "\u0120Today": 6288, "\u0120Club": 6289, "\u0120rain": 6290, "\u0120sample": 6291, "\u0120accepted": 6292, "\u0120tact": 6293, "\u0120fired": 6294, "\u0120Son": 6295, "\u0120stands": 6296, "\u0120boot": 6297, "\u012047": 6298, "\u0120statements": 6299, "\u0120versions": 6300, "\u0120selling": 6301, "ounded": 6302, "\u01201990": 6303, "\u0120weren": 6304, "\u0120Watch": 6305, "\u0120experiment": 6306, "Post": 6307, "\u0120retail": 6308, "uled": 6309, "Inst": 6310, "unte": 6311, "\u00e3\u0125\u00bc": 6312, "\u0120depart": 6313, "\u0120bond": 6314, "ivery": 6315, "ompl": 6316, "\u0120reaction": 6317, "\u0120Syrian": 6318, "\u0120Pac": 6319, "apped": 6320, "aniel": 6321, "DP": 6322, "\u0120resolution": 6323, "\u0120react": 6324, "\u0120approved": 6325, "onom": 6326, "mond": 6327, "\u0120Offic": 6328, "---": 6329, "\u0120replace": 6330, "\u0120tack": 6331, "\u0120sport": 6332, "\u0120chain": 6333, "\u0120emergency": 6334, "rad": 6335, "\u0120Palestin": 6336, "\u012046": 6337, "\u0120automatically": 6338, "\u0120route": 6339, "\u0120pal": 6340, "\u0120banks": 6341, "\u0120Paris": 6342, "\u0120Media": 6343, "road": 6344, "icing": 6345, "ixt": 6346, "isted": 6347, "\u0120grew": 6348, "\u0120coord": 6349, "\u0120Where": 6350, "omin": 6351, "\u0120subs": 6352, "\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 6353, "\u0120\u00c2\u00b1": 6354, "\u0120corporate": 6355, "\u0120selection": 6356, "noon": 6357, "\u0120Report": 6358, "cs": 6359, "cluding": 6360, "orders": 6361, "anche": 6362, "\u0120Its": 6363, "\u0120slowly": 6364, "\u0120Egypt": 6365, "\u0120Acc": 6366, "\u0120colle": 6367, "iques": 6368, "EX": 6369, "\u0120attempts": 6370, "url": 6371, "\u0120Cross": 6372, "\u0120findings": 6373, "\u0120SC": 6374, "\u0120OR": 6375, "\u0120index": 6376, "ensity": 6377, "\u0120Way": 6378, "\u0120Land": 6379, "\u0120shock": 6380, "dis": 6381, "\u0120dynam": 6382, "\u0120cart": 6383, "mosp": 6384, "Since": 6385, "iest": 6386, "\u0120Boy": 6387, "\u0120storm": 6388, "\u0120Contin": 6389, "2013": 6390, "hew": 6391, "ilit": 6392, "\u0120essential": 6393, "iquid": 6394, "Other": 6395, "ivered": 6396, "\u0120reasonable": 6397, "Act": 6398, "\u0120subsequ": 6399, "\u0120Pack": 6400, "\u0120Fort": 6401, "\u0120considering": 6402, "\u0120university": 6403, "log": 6404, "\u0120married": 6405, "\u0120illust": 6406, "\u0120True": 6407, "\u00a3\u0131": 6408, "\u0120numerous": 6409, "rastructure": 6410, "\u0120seriously": 6411, "\u0120referred": 6412, "ua": 6413, "\u0120consistent": 6414, "onna": 6415, "\u0120Real": 6416, "ruption": 6417, "ciples": 6418, "\u0120facts": 6419, "91": 6420, "otes": 6421, "erg": 6422, "Then": 6423, "\u0120accompl": 6424, "Note": 6425, "\u0120revenue": 6426, "\u0120passing": 6427, "\u0120mal": 6428, "een": 6429, "\u0120Yet": 6430, "\u0120gather": 6431, "terday": 6432, "ework": 6433, "\u0120Author": 6434, "Pe": 6435, "\u0120optim": 6436, "\u0120rub": 6437, "\u0120\u00e8\u00a3\u0131": 6438, "\u0120unknown": 6439, "stone": 6440, "\u0120union": 6441, "olve": 6442, "\u0120opportunities": 6443, "\u0120browser": 6444, "\u0120Wal": 6445, "\u0120Cost": 6446, "\u0120reporting": 6447, "sts": 6448, "pet": 6449, "\u0120sand": 6450, "\u0120suddenly": 6451, "\u0120surprising": 6452, "\u0120VR": 6453, "\u0120somewhat": 6454, "\u0120Bas": 6455, "ulture": 6456, "izz": 6457, "\u0120CD": 6458, "\u0120challenges": 6459, "\u0120settings": 6460, "\u0120experiences": 6461, "\u0120Full": 6462, "\u0120cann": 6463, "\u0120receiving": 6464, "EST": 6465, "\u0120joint": 6466, "\u0120cultural": 6467, "\u0120ast": 6468, "82": 6469, "astern": 6470, "ceived": 6471, "\u0120Cru": 6472, "\u0120bull": 6473, "pired": 6474, "amm": 6475, "\u0120facing": 6476, "power": 6477, "\u0120boss": 6478, "\u0120Hol": 6479, "\u0120instr": 6480, "\u0120increasingly": 6481, "\u0120shift": 6482, "\u0120streets": 6483, "\u0120Williams": 6484, "abb": 6485, "\u0120lie": 6486, "\u0120laugh": 6487, "\u0120Ca": 6488, "PL": 6489, "\u0120adults": 6490, "\u0120customer": 6491, "\u0120obtained": 6492, "\u0120supporting": 6493, "html": 6494, "fire": 6495, "\u0120detailed": 6496, "\u0120picked": 6497, "\u0120Right": 6498, "lder": 6499, "EE": 6500, "stood": 6501, "\u0120Kim": 6502, "\u0120wire": 6503, "\u0120sight": 6504, "\u0120developers": 6505, "\u0120persons": 6506, "\u0120sad": 6507, "\u0120cup": 6508, "\u0120warning": 6509, "\u0120boys": 6510, "long": 6511, "\u0120bird": 6512, "fo": 6513, "\u0120wal": 6514, "\u0120observed": 6515, "\u0120zone": 6516, "iveness": 6517, "\u0120channel": 6518, "cript": 6519, "\u0120refused": 6520, "\u0120Again": 6521, "\u0120suc": 6522, "\u0120spokesman": 6523, "\u0120Ref": 6524, "rite": 6525, "ouston": 6526, "\u00e3\u0125\u00b3": 6527, "\u0120Sher": 6528, "\u0120acts": 6529, "\u0120Name": 6530, "\u0120struggle": 6531, "arry": 6532, "ometimes": 6533, "\u0120discrim": 6534, "HT": 6535, "\u0120category": 6536, "\u0120realize": 6537, "\u0120employee": 6538, "\u0120Afghan": 6539, "enger": 6540, "\u0120guns": 6541, "\u0120Steve": 6542, "\u0120Mot": 6543, "\u0120Ol": 6544, "oked": 6545, "\u0120thick": 6546, "\u0120fairly": 6547, "illy": 6548, "\u0120surve": 6549, "\u0120Mat": 6550, "weight": 6551, "\u00e2\u0136": 6552, "\u0120troops": 6553, "\u0120agents": 6554, "\u0120battery": 6555, "\u0120motiv": 6556, "\u00c3\u00a1": 6557, "Sec": 6558, "den": 6559, "overy": 6560, "LS": 6561, "\u0120flu": 6562, "\u0120confident": 6563, "\u0120Oper": 6564, "\u0120empty": 6565, "\u0120phen": 6566, "\u0120sector": 6567, "\u0120excited": 6568, "\u0120remote": 6569, "aph": 6570, "oen": 6571, "\u0120destroyed": 6572, "\u0120moral": 6573, "\u0120HP": 6574, "\u0120Ron": 6575, "\u0120dress": 6576, "\u0120Bat": 6577, "\u0120lit": 6578, "\u0120MS": 6579, "\u0120af": 6580, "HL": 6581, "rum": 6582, "isms": 6583, "\u0120shouldn": 6584, "\u0120sympt": 6585, "\u0120Toronto": 6586, "hetic": 6587, "\u0120carbon": 6588, "\u0120installed": 6589, "\u0120violent": 6590, "\u0120solar": 6591, "ja": 6592, "\u0120practices": 6593, "\u0120ride": 6594, "\u0120Penn": 6595, "\u0120improved": 6596, "\u0120audio": 6597, "\u0120behavi": 6598, "\u0120PS": 6599, "\u0120eating": 6600, "Data": 6601, "\u0120Review": 6602, "pass": 6603, "claim": 6604, "uated": 6605, "angers": 6606, "chen": 6607, "\u0120properties": 6608, "\u0120anywhere": 6609, "Another": 6610, "\u0120blow": 6611, "\u0120Jackson": 6612, "\u0120proud": 6613, "\u0120plane": 6614, "lines": 6615, "\u0120square": 6616, "\u0120proof": 6617, "ansas": 6618, "\u0120talked": 6619, "makers": 6620, "\u0120sister": 6621, "\u0120holds": 6622, "\u0120resident": 6623, "\u0120==": 6624, "\u0120resistance": 6625, "\u0120split": 6626, "\u0120prosecut": 6627, "\u0120confidence": 6628, "resents": 6629, "\u0120cuts": 6630, "\u0120exception": 6631, "\u0120zero": 6632, "Getty": 6633, "\u0120copyright": 6634, "\u0120totally": 6635, "ormal": 6636, "ifications": 6637, "\u0120Australian": 6638, "\u0120sick": 6639, "\u0120150": 6640, "\u0120household": 6641, "\u0120fees": 6642, "\u0120drivers": 6643, "ogen": 6644, "\u0120NY": 6645, "\u0120necessarily": 6646, "\u0120regulations": 6647, "earing": 6648, "sl": 6649, "\u0120perspective": 6650, "care": 6651, "icial": 6652, "His": 6653, "\u0120escape": 6654, "\u0120surprised": 6655, "\u0120Van": 6656, "urrent": 6657, "\u0120vac": 6658, "81": 6659, "\u0120Thus": 6660, "\u0120emphas": 6661, "\u0120Champions": 6662, "\u0120Ice": 6663, "\u0120narr": 6664, "\u0120heads": 6665, "\u0120causing": 6666, "bel": 6667, "fortunately": 6668, "\u0120Ma": 6669, "\u0120targets": 6670, "cipl": 6671, "\u0120afternoon": 6672, "\u0120adds": 6673, "\u0120Maybe": 6674, "\u0120Four": 6675, "essed": 6676, "plete": 6677, "\u0120usual": 6678, "cho": 6679, "ingu": 6680, "\u0120withd": 6681, "\u0120Energy": 6682, "\u0120Econom": 6683, "OO": 6684, "\u0120articles": 6685, "\u0120injured": 6686, "\u0120manage": 6687, "\u0120explains": 6688, "\u0120diagn": 6689, "Rec": 6690, "atures": 6691, "\u0120linked": 6692, "\u0120discussed": 6693, "\u0120explo": 6694, "\u0120occasion": 6695, "athan": 6696, "\u0120opposite": 6697, "\u0120faces": 6698, "\u0120denied": 6699, "\u0120Knight": 6700, "\u0120nut": 6701, "\u0120approximately": 6702, "\u0120disappoint": 6703, "onymous": 6704, "\u0120Best": 6705, "\u0120Lo": 6706, "\u0120Hy": 6707, "\u0120Aff": 6708, "\u0120voting": 6709, "anwhile": 6710, "\u0120III": 6711, "\u0120institutions": 6712, "agram": 6713, "\u0120Daily": 6714, "\u0120drag": 6715, "\u0120nearby": 6716, "\u0120guilty": 6717, "\u0120conver": 6718, "Pre": 6719, "ship": 6720, "\u0120reward": 6721, "\u0120philosoph": 6722, "\u0120SS": 6723, "ugh": 6724, "\u0120apps": 6725, "friend": 6726, "\u0120upper": 6727, "\u0120advert": 6728, "\u0120snow": 6729, "\u0120frust": 6730, "\u0120ourselves": 6731, "Fr": 6732, "\u0120Die": 6733, "ampion": 6734, "\u0120dismiss": 6735, "\u0120cere": 6736, "\u0120signal": 6737, "from": 6738, "\u0120).": 6739, "\u012052": 6740, "\u0120crimes": 6741, "itors": 6742, "estival": 6743, "useum": 6744, "\u0120council": 6745, "\u0120Saud": 6746, "May": 6747, "\u0120Gun": 6748, "ician": 6749, "ether": 6750, "\u0120sufficient": 6751, "\u0120Hen": 6752, "sole": 6753, "\u0120historical": 6754, "\u0120Far": 6755, "\u0120Turn": 6756, "\u0120pin": 6757, "\u0120succeed": 6758, "mat": 6759, "lymp": 6760, "\u0120tradition": 6761, "\u0120Ok": 6762, "\u0120cro": 6763, "\u0120description": 6764, "alle": 6765, "\u0120sky": 6766, "Te": 6767, "\u0120widely": 6768, "\u0120wave": 6769, "\u0120definition": 6770, "\u0120Jews": 6771, "\u0120cycle": 6772, "\u0120refere": 6773, "\u0120brings": 6774, "usal": 6775, "\u0120alive": 6776, "\u0120frequently": 6777, "\u0120intention": 6778, "\u0120Control": 6779, "lv": 6780, "ystem": 6781, "\u0120privacy": 6782, "gent": 6783, "rence": 6784, "\u0120Quest": 6785, "\u0120Christmas": 6786, "\u0120rail": 6787, "\u0120cooper": 6788, "\u0120tested": 6789, "\u0120Capt": 6790, "asks": 6791, "\u0120comfortable": 6792, "\u0120delivered": 6793, "scape": 6794, "\u0120depth": 6795, "\u0120GOP": 6796, "\u0120writes": 6797, "\u0120assets": 6798, "\u0120sav": 6799, "iments": 6800, "\u0120transition": 6801, "\u0120artist": 6802, "\u0120Look": 6803, "\u0120lob": 6804, "\u0120components": 6805, "arity": 6806, "\u0120walked": 6807, "\u0120root": 6808, "\u0120participants": 6809, "\u0120noticed": 6810, "\u0120resc": 6811, "\u0120nav": 6812, "\u0120Administ": 6813, "da": 6814, "utral": 6815, "plate": 6816, "\u0120importance": 6817, "\u0120assert": 6818, "iously": 6819, "cription": 6820, "\u0120injuries": 6821, "\u0120Check": 6822, "\u0120registered": 6823, "\u0120intent": 6824, "\u0120missed": 6825, "ographic": 6826, "\u0120sentence": 6827, "ounter": 6828, "\u0120assistance": 6829, "evin": 6830, "\u0120database": 6831, "\u0120buildings": 6832, "\u0120classic": 6833, "\u0120thinks": 6834, "\u0120Ohio": 6835, "Pr": 6836, "ugg": 6837, "\u0120fee": 6838, "pan": 6839, "\u0120effectively": 6840, "\u0120facility": 6841, "\u0120bear": 6842, "\u0120chapter": 6843, "\u0120dogs": 6844, "\u0120Columb": 6845, "\u0120latter": 6846, "itial": 6847, "\u0120admitted": 6848, "TV": 6849, "\u0120Georg": 6850, "\u0120posts": 6851, "\\\\": 6852, "\u0120lawyer": 6853, "\u0120equival": 6854, "\u0120mand": 6855, "\u0120controlled": 6856, "\u0120Walk": 6857, "\u0120Andrew": 6858, "\u0120menu": 6859, "amental": 6860, "\u0120protected": 6861, "va": 6862, "\u0120administr": 6863, "oral": 6864, "\u0120rein": 6865, "\u0120Sar": 6866, "\u0120amounts": 6867, "\u0120native": 6868, "\u0120Moon": 6869, "\u0120represents": 6870, "\u0120abandon": 6871, "\u0120carrying": 6872, "\u0120tank": 6873, "mary": 6874, "\u0120declared": 6875, "Tube": 6876, "\u0120hat": 6877, "\u0120punish": 6878, "ellect": 6879, "mes": 6880, "\u0120universe": 6881, "\u0120Rod": 6882, "phy": 6883, "\u0120infrastructure": 6884, "\u012051": 6885, "\u0120opposed": 6886, "ownt": 6887, "ca": 6888, "\u0120Make": 6889, "\u0120hardware": 6890, "\u0120coffee": 6891, "Rel": 6892, "bal": 6893, "world": 6894, "\u0120Saf": 6895, "\u0120Sea": 6896, "inals": 6897, "\u0120owned": 6898, "\u0120hall": 6899, "ersion": 6900, "\u0120describe": 6901, "\u0120Pot": 6902, "\u0120portion": 6903, "\u0120atmosp": 6904, "\u0120governments": 6905, "\u0120depending": 6906, "\u0120offense": 6907, "\u0120trick": 6908, "awa": 6909, "\u0120Line": 6910, "\u0120Vis": 6911, "\u0120Hard": 6912, "\u0120Orig": 6913, "\u0120Click": 6914, "\u0120desk": 6915, "\u0120Valley": 6916, "\u0120Sov": 6917, "\u0120movies": 6918, "\u0120remark": 6919, "\u0120mail": 6920, "\u0120conscious": 6921, "\u0120ruling": 6922, "\u0120Rights": 6923, "\u0120medic": 6924, "hent": 6925, "\u0120Women": 6926, "><": 6927, "\u0120replaced": 6928, "\u0120Prem": 6929, "\u0120Thanks": 6930, "\u0120renew": 6931, "\u0120Ball": 6932, "iform": 6933, "\u0120shots": 6934, "Comm": 6935, "\u0120armed": 6936, "\u0120constant": 6937, "\u0120taste": 6938, "\u0120realized": 6939, "\u0120buff": 6940, "\u0120mo": 6941, "\u0120efficient": 6942, "Most": 6943, "oration": 6944, "ifies": 6945, "\u0120communication": 6946, "\u0120flood": 6947, "\u0120consequences": 6948, "\u0120anyway": 6949, "igg": 6950, "\u0120GM": 6951, "\u0120Thank": 6952, "\u0120iron": 6953, "\u0120evolution": 6954, "\u0120Cop": 6955, "twitter": 6956, "\u012095": 6957, "\u0120relationships": 6958, "adel": 6959, "\u0120Young": 6960, "\u0120proposal": 6961, "ayers": 6962, "uilding": 6963, "\u0120Hot": 6964, "ORE": 6965, "cos": 6966, "\u0120collabor": 6967, "PG": 6968, "axy": 6969, "\u0120knowing": 6970, "\u0120supports": 6971, "owed": 6972, "\u0120controls": 6973, "\u0120merely": 6974, "umer": 6975, "\u0120athlet": 6976, "\u0120fashion": 6977, "path": 6978, "\u0120gift": 6979, "\u0120era": 6980, "AND": 6981, "\u0120kinds": 6982, "\u0120Korean": 6983, "\u0120legit": 6984, "ulous": 6985, "\u0120essentially": 6986, "\u0120therap": 6987, "nic": 6988, "\u0120suffered": 6989, "\u0120hur": 6990, "\u0120promise": 6991, "\u0120excess": 6992, "\u0120overw": 6993, "\u0120prime": 6994, "\u0120Houston": 6995, "erry": 6996, "\u0120Ms": 6997, "RS": 6998, "2012": 6999, "\u0120stores": 7000, "\u0120Olymp": 7001, "\u0120journey": 7002, "Although": 7003, "Sub": 7004, "\u0120Educ": 7005, "\u0120Chapter": 7006, "\u0120requests": 7007, "\u0120consumers": 7008, "\u0120tiny": 7009, "\u0120isol": 7010, "\u0120Fair": 7011, "ba": 7012, "\u0120YOU": 7013, "\u0120crash": 7014, "celer": 7015, "\u0120emotional": 7016, "\u0120goods": 7017, "\u0120elected": 7018, "\u0120moder": 7019, "\u0120Linux": 7020, "\u0120blocks": 7021, "\u0120island": 7022, "\u0120Society": 7023, "\u0120elections": 7024, "\u0120broadcast": 7025, "\u0120cheap": 7026, "\u0120nations": 7027, "\u0120seasons": 7028, "400": 7029, "\u0120waste": 7030, "\u0120Sat": 7031, "\u0120fields": 7032, "employ": 7033, "\u0120profile": 7034, "\u0120authors": 7035, "ALL": 7036, "\u0120Gra": 7037, "west": 7038, "\u0120Ty": 7039, "\u0120deaths": 7040, "\u0120vacc": 7041, "\u0120formed": 7042, "\u0120du": 7043, "\u0120ongoing": 7044, "\u0120Muslims": 7045, "elf": 7046, "igure": 7047, "\u0120assume": 7048, "\u0120Ukraine": 7049, "water": 7050, "\u0120coast": 7051, "\u0120voted": 7052, "gor": 7053, "\u0120AS": 7054, "\u0120Michigan": 7055, "aza": 7056, "\u0120Arm": 7057, "iro": 7058, "\u0120flex": 7059, "asters": 7060, "''": 7061, "\u0120welcome": 7062, "arl": 7063, "\u0120locations": 7064, "igation": 7065, "\u0120Fil": 7066, "\u0120buying": 7067, "\u0120architect": 7068, "\u0120harder": 7069, "\u0120Cub": 7070, "\u0120interface": 7071, "\u0120restaurant": 7072, "\u0120discover": 7073, "\u0120exceed": 7074, "\u0120favour": 7075, "gery": 7076, "\u0120duty": 7077, "\u0120pitch": 7078, "ador": 7079, "\u0120Mach": 7080, "boy": 7081, "\u0120responded": 7082, "\u0120extended": 7083, "hers": 7084, "Many": 7085, "raid": 7086, "ifer": 7087, "\u0120Ins": 7088, "Ser": 7089, "\u0120medium": 7090, "she": 7091, "\u0120Sports": 7092, "\u0120magazine": 7093, "utation": 7094, "\u0120limits": 7095, "\u0120Gall": 7096, "\u0120external": 7097, "razil": 7098, "\u0120younger": 7099, "tle": 7100, "\u0120remind": 7101, "\u0120CON": 7102, "\u0120immediate": 7103, "\u0120hidden": 7104, "\u0120volunte": 7105, "\u0120simpl": 7106, "odcast": 7107, "\u0120phase": 7108, "dr": 7109, "\u0120plot": 7110, "\u0120exposure": 7111, "RI": 7112, "ograp": 7113, "vin": 7114, "anish": 7115, "\u0120Acad": 7116, "\u0120Engine": 7117, "\u0120expansion": 7118, "\u0120Pay": 7119, "Your": 7120, "\u0120pushed": 7121, "\u0120Ell": 7122, "\u0120Head": 7123, "\u0120marketing": 7124, "\u0120AC": 7125, "ket": 7126, "\u0120hits": 7127, "\u0120gro": 7128, "\u0120Age": 7129, "\u0120Scot": 7130, "][": 7131, "\u0120stim": 7132, "\u0120iPhone": 7133, "\u012a\u0134": 7134, "\u0120narrow": 7135, "\u0120Getty": 7136, "\u0120Turkey": 7137, "\u0120perfectly": 7138, "\u0120enable": 7139, "utch": 7140, "\u0120precise": 7141, "\u0120regime": 7142, "\u0120shif": 7143, "\u0120compens": 7144, "gun": 7145, "div": 7146, "\u0120chosen": 7147, "\u0120Ken": 7148, "Any": 7149, "\u0120trees": 7150, "\u0120recommended": 7151, "\u0120Ren": 7152, "uable": 7153, "\u0120HT": 7154, "Follow": 7155, "EG": 7156, "\u0120Hand": 7157, "\u0120Kenn": 7158, "\u0120arguments": 7159, "\u0120exists": 7160, "\u0120bike": 7161, "\u0120Conserv": 7162, "\u0120breaking": 7163, "\u0120Gar": 7164, "\u0120crazy": 7165, "\u0120virtual": 7166, "aylor": 7167, "ixel": 7168, "\u01201980": 7169, "\u0120permission": 7170, "\u0120Series": 7171, "\u0120consumer": 7172, "\u0120closely": 7173, "called": 7174, "\u012054": 7175, "\u0120hopes": 7176, "\u0120array": 7177, "\u0120Win": 7178, "\u0120Labour": 7179, "\u0120spons": 7180, "\u0120Ire": 7181, "\u0120pow": 7182, "\u0120readers": 7183, "\u0120employment": 7184, "\u0120creature": 7185, "\u0120resulting": 7186, "\u0120accurate": 7187, "\u0120moments": 7188, "\u0120argued": 7189, "\u0120ped": 7190, "During": 7191, "\u012053": 7192, "\u0120Tal": 7193, "\u0120sought": 7194, "\u0120suffering": 7195, "\u0120icon": 7196, "lee": 7197, "\u0120($": 7198, "alian": 7199, "\u00c2\u00b0": 7200, "\u0120pra": 7201, "\u0120bonus": 7202, "(\"": 7203, "ko": 7204, "\u0120acting": 7205, "DE": 7206, "fall": 7207, "\u0120comparison": 7208, "\u0120smooth": 7209, "\u0120NAS": 7210, "upp": 7211, "\u0120Joseph": 7212, "eping": 7213, "\u0120Take": 7214, "\u0120Mid": 7215, "\u0120sending": 7216, "fast": 7217, "\u0120Fall": 7218, "\u0120dealing": 7219, "user": 7220, "\u0120Organ": 7221, "Co": 7222, "\u0120attached": 7223, "\u0120sees": 7224, "%.": 7225, "\u0120typical": 7226, "ART": 7227, "\u0120finds": 7228, "\u0120Asia": 7229, "umin": 7230, "\u0120Core": 7231, "\u0120Ent": 7232, "inent": 7233, "uce": 7234, "\u0120Blood": 7235, "\u0120Never": 7236, "\u0120emails": 7237, "\u0120highlight": 7238, "\u0120confront": 7239, "atus": 7240, "uted": 7241, "\u0120unus": 7242, "\u0120topic": 7243, "\u0120Adam": 7244, "\u0120ble": 7245, "ati": 7246, "\u0120understood": 7247, "Set": 7248, "struct": 7249, "TP": 7250, "\u0120mob": 7251, "aa": 7252, "\u0120Start": 7253, "pected": 7254, "sell": 7255, "\u0120dedicated": 7256, "\u0120CA": 7257, "uan": 7258, "\u0120songs": 7259, "escription": 7260, "\u0120tech": 7261, "\u0120rape": 7262, "\u0120aside": 7263, "\u0120grant": 7264, "\u012056": 7265, "sub": 7266, "\u0120argue": 7267, "\u0120containing": 7268, "\u0120schedule": 7269, "\u0120liberal": 7270, "\u0120publicly": 7271, "\u0120heavily": 7272, "\u0120Ut": 7273, "iner": 7274, "\u0120Section": 7275, "\u0120Care": 7276, "weet": 7277, "ls": 7278, "Dis": 7279, "\u00e2\u0136\u0122": 7280, "\u0120Follow": 7281, "Back": 7282, "\u0120IT": 7283, "\u0120bes": 7284, "ji": 7285, "\u0120Hit": 7286, "ested": 7287, "\u0120everybody": 7288, "\u0120Swed": 7289, "\u0120femin": 7290, "\u0120facilities": 7291, "\u0120conven": 7292, "Comp": 7293, "\u0120OS": 7294, "core": 7295, "\u0120anx": 7296, "\u0120division": 7297, "\u0120Cam": 7298, "\u0120Stan": 7299, "mates": 7300, "\u0120explore": 7301, "plom": 7302, "\u0120shares": 7303, "pload": 7304, "anes": 7305, "\u0120ideal": 7306, "eters": 7307, "\u0120Base": 7308, "\u0120plastic": 7309, "\u0120distinct": 7310, "\u0120Network": 7311, "\u0120Seattle": 7312, "\u0120trading": 7313, "ensus": 7314, "intend": 7315, "\u0120exhib": 7316, "\u0120initially": 7317, "\u0120Food": 7318, "\u0120thousand": 7319, "\u0120Business": 7320, "acter": 7321, "\u0120paragraph": 7322, "\u0120roughly": 7323, "\u0120www": 7324, "\u0120creative": 7325, "\u0120Conf": 7326, "\u0120consumption": 7327, "\u0120films": 7328, "agan": 7329, "\u0120obtain": 7330, "\u0120tall": 7331, "\u0120tor": 7332, "\u0120acknowled": 7333, "\u0120grown": 7334, "alo": 7335, "KE": 7336, "\u0120400": 7337, "enders": 7338, "taining": 7339, "UG": 7340, "\u0120suicide": 7341, "\u0120watched": 7342, "\u0120List": 7343, "ali": 7344, "rehens": 7345, "\u0120surrounding": 7346, "\u0120pip": 7347, "\u0120flying": 7348, "\u0120Java": 7349, "ordan": 7350, "\u0120serving": 7351, "inations": 7352, "post": 7353, "\u0120sho": 7354, "Av": 7355, "\u0120jail": 7356, "zy": 7357, "\u01201999": 7358, "\u0120>": 9609, "orous": 9610, "\u0120firms": 9611, "screen": 9612, "una": 9613, "\u0120embarrass": 9614, "ulse": 9615, "\u0120letting": 9616, "\u0120threw": 9617, "iley": 9618, "\u0120channels": 9619, "lan": 9620, "\u0120Vegas": 9621, "\u0120sear": 9622, "\u0120fantastic": 9623, "arre": 9624, "uzzle": 9625, "\u0120Der": 9626, "Those": 9627, "\u0120swing": 9628, "\u0120sheet": 9629, "index": 9630, "cover": 9631, "ogan": 9632, "\u0120variables": 9633, "\u0120Tech": 9634, "\u0120spoken": 9635, "achel": 9636, "\u0120Da": 9637, "\u0120Mountain": 9638, "\u0120loaded": 9639, "\u0120footage": 9640, "version": 9641, "\u0120unl": 9642, "\u0120Phoenix": 9643, "\u0120throwing": 9644, "\u0120firing": 9645, "\u0120tracking": 9646, "\u0120width": 9647, "\u0120struggling": 9648, "rooms": 9649, "otion": 9650, "\u0120monthly": 9651, "\u0120Server": 9652, "\u0120eggs": 9653, "open": 9654, "MC": 9655, "\u01201993": 9656, "\u0120hired": 9657, "\u0120stayed": 9658, "\u0120Allen": 9659, "\u0120stro": 9660, "\u012098": 9661, "step": 9662, "\u0120Turkish": 9663, "\u0120fabric": 9664, "isting": 9665, "\u0120Dom": 9666, "\u0120dates": 9667, "\u0120pron": 9668, "\u0120basketball": 9669, "\u0120lucky": 9670, "\u0120Arabia": 9671, "\u0120assumed": 9672, "esty": 9673, "\u0120affairs": 9674, "\u0120glad": 9675, "\u0120Indeed": 9676, "\u0120FA": 9677, "\u0120Word": 9678, "\u0120joining": 9679, "ifice": 9680, "pread": 9681, "irts": 9682, "\u0120Select": 9683, "\u0120populations": 9684, "aware": 9685, "\u0120nose": 9686, "\u0120complaints": 9687, "start": 9688, "\u0120scoring": 9689, "Thanks": 9690, "\u0120mining": 9691, "\u0120visitors": 9692, "SH": 9693, "\u0120damaged": 9694, "\u0120characteristics": 9695, "\u0120Pent": 9696, "DC": 9697, "\u012083": 9698, "\u0120Six": 9699, "rates": 9700, "\u0120flags": 9701, "\u0120Brew": 9702, "dog": 9703, "Mark": 9704, "////": 9705, "\u0120execution": 9706, "\u0120joke": 9707, "phones": 9708, "\u0120testimony": 9709, "\u0120obst": 9710, "QL": 9711, "\u0120Cut": 9712, "\u0120studied": 9713, "\u0120Nintendo": 9714, "icket": 9715, "\u0120NBC": 9716, "\u0120lad": 9717, "\u0120Bra": 9718, "\u0120Moh": 9719, "\u0120kernel": 9720, "\u0120overwhelming": 9721, "\u0120aged": 9722, "\u0120applicable": 9723, "\u0120Cond": 9724, "\u0120roads": 9725, "\u0120Block": 9726, "made": 9727, "odge": 9728, "\u0120commands": 9729, "\u0120offices": 9730, "veland": 9731, "\u0120tut": 9732, "\u0120receiver": 9733, "\u0120Fro": 9734, "\u0120shopping": 9735, "\u0120iP": 9736, "\u0120Stre": 9737, "\u0120ABC": 9738, "\u0120entertainment": 9739, "\u0120Bow": 9740, "orted": 9741, "Mc": 9742, "\u0120reads": 9743, "grad": 9744, "\u0120Collect": 9745, "\u0120\u00e2\u012a\u0134": 9746, "\u0120Capital": 9747, "ederation": 9748, "\u0120employer": 9749, "\u0120involvement": 9750, "\u0120anxiety": 9751, "alia": 9752, "\u0120roof": 9753, "\u0120Among": 9754, "\u0120Democrat": 9755, "\u0120stats": 9756, "\u0120Vill": 9757, "\u0120constitutional": 9758, "\u0120referring": 9759, "itty": 9760, "\u0120tackle": 9761, "outube": 9762, "\u0120backed": 9763, "\u0120Hong": 9764, "\u0120Broad": 9765, "\u0120ele": 9766, "\u0120Ott": 9767, "\u01201992": 9768, "hour": 9769, "achusetts": 9770, "Cal": 9771, "\u0120defeated": 9772, "\u012081": 9773, "esp": 9774, "\u0120seemingly": 9775, "was": 9776, "\u0120Jenn": 9777, "\u0120Kurd": 9778, "\u0120gene": 9779, "\u0120discount": 9780, "Ret": 9781, "ECT": 9782, "();": 9783, "\u0120clubs": 9784, "\u0120sid": 9785, "\u0120Marsh": 9786, "Check": 9787, "\u0120pp": 9788, "\u0120Eag": 9789, "idespread": 9790, "\u0120beings": 9791, "FT": 9792, "\u0120introduction": 9793, "\u0120Change": 9794, "ARD": 9795, "\u0120110": 9796, "adows": 9797, "ierce": 9798, "\u0120meal": 9799, "author": 9800, "\u0120Bang": 9801, "lahoma": 9802, "\u0120ranks": 9803, "2011": 9804, "????": 9805, "max": 9806, "\u0120collapse": 9807, "\u0120opens": 9808, "\u0120echo": 9809, "\u0120soph": 9810, "\u0120racist": 9811, "\u0120enormous": 9812, "\u0120waves": 9813, "\u0120tap": 9814, "\u0120comprehensive": 9815, ".--": 9816, "\u0120Roy": 9817, "\u0120farmers": 9818, "Related": 9819, "aired": 9820, "rones": 9821, "\u0120Crim": 9822, "\u0120proportion": 9823, "\u0120designs": 9824, "\u0120negotiations": 9825, "\u0120virtually": 9826, "\u0120Batman": 9827, "\u0120warn": 9828, "\u0120legitimate": 9829, "mate": 9830, "\u0120convention": 9831, ",,": 9832, "netic": 9833, "\u0120SD": 9834, "\u0120consistently": 9835, "\u0120compensation": 9836, "\u0120punishment": 9837, "\u0120ye": 9838, "\u0120tie": 9839, "\u0120Bureau": 9840, "irlf": 9841, "\u0120Bu": 9842, "\u0120Aren": 9843, "\u0120Philipp": 9844, "\u0120knife": 9845, "\u0120memories": 9846, "\u0120Ross": 9847, "\u0120angle": 9848, "\u012086": 9849, "\u0120Thunder": 9850, "\u0120rend": 9851, "\u0120Tour": 9852, "\u0120counts": 9853, "sung": 9854, "\u0120Imp": 9855, "\u0120educational": 9856, "\u0120accessible": 9857, "COM": 9858, "\u0120drew": 9859, "yer": 9860, "Gl": 9861, "amine": 9862, "ORT": 9863, "OB": 9864, "IB": 9865, "master": 9866, "\u0120trials": 9867, "ogy": 9868, "har": 9869, "\u0120Trust": 9870, "\u0120preferred": 9871, "irlfriend": 9872, "\u0120Nev": 9873, "\u0120bin": 9874, "\u0120cow": 9875, "Page": 9876, "\u0120signature": 9877, "\u0120BL": 9878, "700": 9879, "\u0120retired": 9880, "\u0120bytes": 9881, "\u0120neighb": 9882, "\u0120Legend": 9883, "\u0120devast": 9884, "\u0120suspected": 9885, "isons": 9886, "\u0120Pok\u00c3\u00a9mon": 9887, "scale": 9888, "\u0120capabilities": 9889, "\u0120revel": 9890, "\u0120cheese": 9891, "dy": 9892, "igrant": 9893, "\u0120failing": 9894, "bits": 9895, "\u0120Heroes": 9896, "\u0120Ghost": 9897, "\u0120Scient": 9898, "\u0120appointed": 9899, "uri": 9900, "\u0120institution": 9901, "\u0120expanded": 9902, "greg": 9903, "\u0120monitoring": 9904, "\u0120podcast": 9905, "\u0120coalition": 9906, "\u012096": 9907, "Jo": 9908, "\u0120stolen": 9909, "\u0120Sab": 9910, "\u0120stops": 9911, "\u0120holiday": 9912, "\u0120intr": 9913, "Car": 9914, "Black": 9915, "\u0120LGBT": 9916, "\u0120warming": 9917, "\u0120Anderson": 9918, "\u012089": 9919, "\u0120producer": 9920, "Med": 9921, "\u0120accuracy": 9922, "\u0120Marvel": 9923, "izabeth": 9924, "\u0120Patrick": 9925, "mony": 9926, "\u0120mini": 9927, "acles": 9928, "\u0120overt": 9929, "they": 9930, "\u0120membership": 9931, "\u0120Ven": 9932, "\u0120exch": 9933, "\u0120removal": 9934, "\u0120Dave": 9935, "TY": 9936, "mad": 9937, "\u0120Find": 9938, "\u0120adequ": 9939, "\u0120ec": 9940, "\u0120teeth": 9941, "\u0120emotion": 9942, "\u0120perm": 9943, "\u0120solely": 9944, "db": 9945, "\u0120extraord": 9946, "IGHT": 9947, "cal": 9948, "\u0120guidelines": 9949, "\u0120dying": 9950, "\u0120suspended": 9951, "\u0120Premier": 9952, "\u0120Anthony": 9953, "elve": 9954, "\u0120dad": 9955, "\u0120Eth": 9956, "\u0120Football": 9957, "\u0120abandoned": 9958, "\u0120<<": 9959, "\u0120march": 9960, "\u0120horror": 9961, "\u00e2\u0122\u00a6\"": 9962, "\u0120childhood": 9963, "\u0120campaigns": 9964, "\u0120lunch": 9965, "\u0120Albert": 9966, "block": 9967, "\u00e2\u0138\u012a\u00e2\u0138\u012a": 9968, "ounding": 9969, "\u0120bone": 9970, "organ": 9971, "aders": 9972, "\u0120Flash": 9973, "\u0120Drive": 9974, "\u0120tonight": 9975, "\u0120wars": 9976, "\u0120FL": 9977, "\u0120formation": 9978, "const": 9979, "News": 9980, "\u0120compe": 9981, "orious": 9982, "\u0120Staff": 9983, "\u0120discussions": 9984, "\u0120Protection": 9985, "\u0120Jam": 9986, "\u0120criteria": 9987, "\u0120installation": 9988, "\u0120accomplish": 9989, "izza": 9990, "\u0120publisher": 9991, "\u0120rescue": 9992, "\u0120Try": 9993, "ULL": 9994, "\u0120Som": 9995, "\u0120Hop": 9996, "oret": 9997, "ths": 9998, "ordon": 9999, "\u0120pocket": 10000, "\u0120Inv": 10001, "Download": 10002, "\u0120Crime": 10003, "\u0120bene": 10004, "\u0120Guide": 10005, "\u0120Assembly": 10006, "\u0120parameters": 10007, "IE": 10008, "\u0120Alexander": 10009, "\u0120concert": 10010, "\u0120Sche": 10011, "\u0120shoes": 10012, "\u0120visiting": 10013, "\u0120recall": 10014, "\u0120bub": 10015, "\u0120rural": 10016, "\u0120concrete": 10017, "\u0120Ros": 10018, "Next": 10019, "Russ": 10020, "\u0120loans": 10021, "\u0120Shield": 10022, "\u0120trem": 10023, "hemat": 10024, "kg": 10025, "\u0120Harris": 10026, "isition": 10027, "\u0120Move": 10028, "\u0120FC": 10029, "\u0120fate": 10030, "\u0120Cho": 10031, "\u0120tired": 10032, "\u0120principal": 10033, "hist": 10034, "iences": 10035, "athy": 10036, "\u0120sevent": 10037, "\u0120mood": 10038, "\u0120strategic": 10039, "\u0120diseases": 10040, "\u0120forum": 10041, "\u0120tempor": 10042, "\u0120headquarters": 10043, "Par": 10044, "ige": 10045, "flix": 10046, "\u0120guitar": 10047, "\u012094": 10048, "Only": 10049, "\u0120releases": 10050, "roph": 10051, "================================": 10052, "\u0120600": 10053, "\u0120Continue": 10054, "igate": 10055, "\u0120Crit": 10056, "system": 10057, "\u0120disabled": 10058, "\u0120unexpected": 10059, "ithub": 10060, "\u0120unclear": 10061, "\u0120Est": 10062, "\u0120contrad": 10063, "\u0120strategies": 10064, "ventures": 10065, "\u0120passage": 10066, "AME": 10067, "\u0120improving": 10068, "\u0120reveals": 10069, "\u0120decrease": 10070, "ova": 10071, "\u0120annoy": 10072, "\u0120Short": 10073, "\u0120Library": 10074, "\u0120cyber": 10075, "nell": 10076, "\u0120Hur": 10077, "\u0120CB": 10078, "\u0120photograp": 10079, "UI": 10080, "\u0120sed": 10081, "Ge": 10082, "\u012087": 10083, "\u0120diverse": 10084, "\u0120encouraged": 10085, "\u0120conspiracy": 10086, "\u0120birds": 10087, "\u0120operator": 10088, "\u0120handful": 10089, "\u0120classified": 10090, "?)": 10091, "\u0120dramatic": 10092, "\u0120investigators": 10093, "ito": 10094, "\u0120widespread": 10095, "\u0120Room": 10096, "----------------------------------------------------------------": 10097, "\u0120collective": 10098, "\u0120journalist": 10099, "String": 10100, "\u0120temperatures": 10101, "ila": 10102, "\u0120guid": 10103, "\u0120inspect": 10104, "\u0120missile": 10105, "\u0120Mayor": 10106, "\u0120manual": 10107, "\u0120simultane": 10108, "\u0120ratings": 10109, "\u0120suck": 10110, "\u012097": 10111, "\u0120universal": 10112, "\u0120pharm": 10113, "\u0120disrupt": 10114, "iano": 10115, "AV": 10116, "\u0120ft": 10117, "\u0120statist": 10118, "olds": 10119, "\u0120Walker": 10120, "php": 10121, "\u0120undert": 10122, "\u0120Las": 10123, "ishop": 10124, "ntil": 10125, "reshold": 10126, "\u0120Whether": 10127, "Ms": 10128, "\u0120deny": 10129, "\u0120Cloud": 10130, "\u0120provider": 10131, "\u0120surviv": 10132, "\u0120Update": 10133, "has": 10134, "\u0120mistakes": 10135, "charge": 10136, "pled": 10137, "rity": 10138, "\u0120node": 10139, "\u0120Massachusetts": 10140, "ools": 10141, "lication": 10142, "\u0120fails": 10143, "emale": 10144, "ori": 10145, "backs": 10146, "\u0120shirt": 10147, "\u0120''": 10148, "\u0120NAT": 10149, "\u0120waters": 10150, "elson": 10151, "\u0120ease": 10152, "\u0120scar": 10153, "\u0120contents": 10154, "mind": 10155, "\u0120contribution": 10156, "\u0120shr": 10157, "\u0120handed": 10158, "\u0120stability": 10159, "\u0120trave": 10160, "Em": 10161, "\u0120mirror": 10162, "123": 10163, "\u0120weigh": 10164, "\u0120fiction": 10165, "ouver": 10166, "istant": 10167, "rition": 10168, "\u0120Fed": 10169, "\u0120physically": 10170, "\u0120stake": 10171, "\u0120Article": 10172, "\u0120Arc": 10173, "\u0120Lewis": 10174, "\u0120Mind": 10175, "\u0120demonstrate": 10176, "\u0120profits": 10177, "vision": 10178, "omic": 10179, "olid": 10180, "\u0120battles": 10181, "\u0120drives": 10182, "\u0120eastern": 10183, "\u0120Sony": 10184, "!!!": 10185, "aration": 10186, "vard": 10187, "\u0120GL": 10188, "portation": 10189, "\u012092": 10190, "\u0120lawmakers": 10191, "\u0120protecting": 10192, "\u0120EPA": 10193, "\u0120yeah": 10194, "\u0120shame": 10195, "olph": 10196, "even": 10197, "xit": 10198, "\u0120attach": 10199, "\u0120representing": 10200, "\u0120obs": 10201, "\u0120Utah": 10202, "iffs": 10203, "\u0120Freedom": 10204, "\u00c3\u00b3": 10205, "AK": 10206, "\u0120incidents": 10207, "itage": 10208, "\u0120viewers": 10209, "cd": 10210, "\u0120mouse": 10211, "\u0120clar": 10212, "\u0120accordance": 10213, "\u0120bot": 10214, "cor": 10215, "\u0120Summer": 10216, "held": 10217, "\u0120innocent": 10218, "\u0120initiative": 10219, "ols": 10220, "________________________________": 10221, "\u0120spots": 10222, "pace": 10223, "\u0120conventional": 10224, "\u0120corporations": 10225, "\u0120blocked": 10226, "HD": 10227, "attered": 10228, "\u0120refers": 10229, "\u0120buck": 10230, "\u0120Digital": 10231, "120": 10232, "\u0120topics": 10233, "TF": 10234, "\u00c4\u0123": 10235, "brid": 10236, "reement": 10237, "\u0120underlying": 10238, "\u0120Member": 10239, "\u0120investigating": 10240, "\u0120pregnancy": 10241, "\u0120touchdown": 10242, "\u0120Band": 10243, "\u0120Caller": 10244, "\u0120instances": 10245, "PP": 10246, "wa": 10247, "Good": 10248, "\u01201991": 10249, "\u0120Cold": 10250, "\u0120fears": 10251, "\u0120remarks": 10252, "\u0128\u0134": 10253, "atal": 10254, "\u0120mit": 10255, "\u0120experiments": 10256, "ipt": 10257, "Color": 10258, "indu": 10259, "Update": 10260, "\u012093": 10261, "Ag": 10262, "\u0120\u00e5": 10263, "ancouver": 10264, "Both": 10265, "\u0120judges": 10266, "Object": 10267, "\u0120stere": 10268, "umbn": 10269, "\u0120participation": 10270, "\u0120Stars": 10271, "\u0120Jere": 10272, "\u0120weekly": 10273, "\u0120Ban": 10274, "\u0120conversations": 10275, "\u0120Pitt": 10276, "uz": 10277, "\u0120Indiana": 10278, "\u0120Kick": 10279, "\u0120infection": 10280, "\u0120heroes": 10281, "\u0120settled": 10282, "\u0120strip": 10283, "\u0120hal": 10284, "\u0120dump": 10285, "\u0120Sci": 10286, "\u0120les": 10287, "\u0120references": 10288, "\u0120URL": 10289, "\u0120Bridge": 10290, "\u0120wanting": 10291, "Force": 10292, "\u0120exclus": 10293, "Meanwhile": 10294, "mn": 10295, "\u0120gentle": 10296, "maker": 10297, "senal": 10298, "\u0120Gro": 10299, "ouri": 10300, "\u0120Rain": 10301, "\u0120Alliance": 10302, "\u0120lift": 10303, "ela": 10304, "SD": 10305, "\u0120Cleveland": 10306, "\u0120ranked": 10307, "\u0120stadium": 10308, "\u0120deadly": 10309, "\u00e4\u00b8": 10310, "\u0120riding": 10311, "aria": 10312, "\u0120Armor": 10313, "\u0120documentation": 10314, "\u0120Greece": 10315, "reek": 10316, "\u0120lens": 10317, "\u0120Sa": 10318, "\u0120gross": 10319, "\u0120Emer": 10320, "agers": 10321, "\u0120Dub": 10322, "\u0120Rh": 10323, "\u0120AMD": 10324, "\u0120arrival": 10325, "\u0120desert": 10326, "\u0120supplement": 10327, "\u0120Resp": 10328, "\u0120knee": 10329, "\u0120margin": 10330, "font": 10331, "ogg": 10332, "2010": 10333, "\u0120Pir": 10334, "\u0120Prom": 10335, "ivals": 10336, "\u0120intake": 10337, "\u0120differently": 10338, "ugs": 10339, "\u0120bits": 10340, "cluded": 10341, "\u0120searching": 10342, "\u0120Du": 10343, "umble": 10344, "\u0120functional": 10345, "\u0120Baltimore": 10346, "\u0120Could": 10347, "\u0120desired": 10348, "\u0120circuit": 10349, "\u0120Lyn": 10350, "\u0120GO": 10351, "\u0120False": 10352, "repre": 10353, "':": 10354, "alties": 10355, "\u0120minim": 10356, "\u0120drove": 10357, "\u0120Should": 10358, "\u0120hip": 10359, "\u0120pros": 10360, "\u0120utility": 10361, "\u0120Nature": 10362, "\u0120Mode": 10363, "President": 10364, "opp": 10365, "rat": 10366, "formance": 10367, "\u0120concentration": 10368, "\u0120font": 10369, "\u0120Bud": 10370, "\u0120amid": 10371, "\u0120revers": 10372, "\u0120ML": 10373, "Bar": 10374, "\u0120interaction": 10375, "\u0120jurisd": 10376, "\u0120spells": 10377, "dep": 10378, "fil": 10379, "\u0120civilians": 10380, "utter": 10381, "\u0120Cooper": 10382, "\u0120Below": 10383, "\u0120entrance": 10384, "\u0120convert": 10385, "\u0120controversy": 10386, "owered": 10387, "\u0120contrary": 10388, "\u0120arc": 10389, "\u0120Executive": 10390, "\u0120Officer": 10391, "\u0120packages": 10392, "\u0120progressive": 10393, "width": 10394, "\u0120reserved": 10395, "vol": 10396, "\u0120Samsung": 10397, "\u0120printed": 10398, "\u0120centers": 10399, "\u0120introduce": 10400, "\u0120Kennedy": 10401, "\u0120odds": 10402, "\u0120surely": 10403, "\u0120independence": 10404, "\u0120passengers": 10405, "reprene": 10406, "\u0120Beh": 10407, "\u0120loves": 10408, "\u0120ESPN": 10409, "\u0120facilit": 10410, "\u0120identical": 10411, "\u0120doct": 10412, "\u0120partnership": 10413, "conf": 10414, "\u0120Hide": 10415, "\u0120confused": 10416, "\u0120Cow": 10417, "Men": 10418, "\u0120wrest": 10419, "\u0120Iraqi": 10420, "\u0120holes": 10421, "\u0120Studies": 10422, "\u0120pregnant": 10423, "hard": 10424, "\u0120signals": 10425, "IX": 10426, "\u0120pulling": 10427, "\u0120graduate": 10428, "\u0120nominee": 10429, "Date": 10430, "\u0120permitted": 10431, "\u0120\u00e2\u0124\u00ac": 10432, "\u0120Oklahoma": 10433, "Start": 10434, "\u0120authorized": 10435, "\u0120alarm": 10436, "\u0120Cos": 10437, "van": 10438, "\u0120generations": 10439, "cular": 10440, "\u0120dragon": 10441, "\u0120Software": 10442, "\u0120Edward": 10443, "\u0120controller": 10444, "Sen": 10445, "gered": 10446, "\u0120Vik": 10447, "\u0120approached": 10448, "Thank": 10449, "\u0120cance": 10450, "\u0120formula": 10451, "\u0120Small": 10452, "\u0120weakness": 10453, "\u0120ramp": 10454, "itudes": 10455, "jud": 10456, "\u0120brilliant": 10457, "\u0120accus": 10458, "source": 10459, "\u0120800": 10460, "\u0120Evil": 10461, "Sw": 10462, "\u0120homeless": 10463, "week": 10464, "iens": 10465, "rics": 10466, "\u0120Third": 10467, "TO": 10468, "\u0120organic": 10469, "\u0120presentation": 10470, "agh": 10471, "\u0120Download": 10472, "vation": 10473, "\u0120assembly": 10474, "orable": 10475, "holders": 10476, "\u0120Bernie": 10477, "\u0120Help": 10478, "\u0120tong": 10479, "\u0120Fight": 10480, "\u0120beach": 10481, "Book": 10482, "\u0120Lic": 10483, "\u0120rush": 10484, "\u0120Round": 10485, "oup": 10486, "\u0120Marx": 10487, "\u0120calculated": 10488, "\u0120Devil": 10489, "\u0120Sarah": 10490, "\u0120occasionally": 10491, "\u0120bullet": 10492, "Available": 10493, "gate": 10494, "\u012091": 10495, "\u0120hosp": 10496, "\u0120promises": 10497, "\u0120HIV": 10498, "\u0120Stadium": 10499, "\u0120Stock": 10500, "\u0120Corporation": 10501, "gage": 10502, "NG": 10503, "\u0120Credit": 10504, "\u0120sne": 10505, "ibl": 10506, "\u0120accum": 10507, "such": 10508, "\u0120terrorists": 10509, "\u0120consciousness": 10510, "\u0120Zh": 10511, "\u0120drama": 10512, "oola": 10513, "piration": 10514, "\u0120labour": 10515, "\u0120Nin": 10516, "\u0120utter": 10517, "\u0120democratic": 10518, "\u0120assass": 10519, "ilation": 10520, "\u0120gest": 10521, "\u0120abroad": 10522, "\u0120metab": 10523, "\u0120sorts": 10524, "\u0120flav": 10525, "UB": 10526, "\u0120mg": 10527, "\u0120Nothing": 10528, "\u0120Od": 10529, "\u0120musical": 10530, "2009": 10531, "\u0120drops": 10532, "ocated": 10533, "ateral": 10534, "000000": 10535, "\u0120gre": 10536, "\u0120equality": 10537, "\u0120burden": 10538, "\u0120vig": 10539, "\u0120Leader": 10540, "------------": 10541, "\u0120ceremony": 10542, "\u0120fighter": 10543, "\u0120actors": 10544, "\u0120\u00e6": 10545, "aman": 10546, "Fi": 10547, "\u0120align": 10548, "puter": 10549, "\u0120elder": 10550, "\u0120NSA": 10551, "\u0120representation": 10552, "\u0120Ontario": 10553, "ITH": 10554, "usalem": 10555, "\u0120harassment": 10556, "itzer": 10557, "\u0120symp": 10558, "\u0120boxes": 10559, "\u0120DR": 10560, "\u0120manifest": 10561, "atre": 10562, "\u0120^": 10563, "\u0120dies": 10564, "leton": 10565, "\u0120missions": 10566, "ethe": 10567, "\u0120resolve": 10568, "\u0120followers": 10569, "\u0120asc": 10570, "\u0120km": 10571, "lord": 10572, "ammed": 10573, "\u0120silent": 10574, "\u0120Associated": 10575, "\u0120timing": 10576, "\u0120prisoners": 10577, "\u0120Kings": 10578, "\u0120Five": 10579, "\u0120tower": 10580, "\u0120approaches": 10581, "\u0120precisely": 10582, "\u0120bureau": 10583, "\u0120Mother": 10584, "\u0120Iss": 10585, "\u0120keyboard": 10586, "itual": 10587, "\u0120funded": 10588, "\u0120staying": 10589, "\u0120psychological": 10590, "\u0120mile": 10591, "\u0120Leon": 10592, "\u0120Barb": 10593, "will": 10594, "\u0120wider": 10595, "\u0120Atlantic": 10596, "\u0120till": 10597, "\u0120Rome": 10598, "rot": 10599, "\u0120accompan": 10600, "\u0120flour": 10601, "aco": 10602, "World": 10603, "\u0120Express": 10604, "\u0120Yu": 10605, "Cor": 10606, "\u0120pleased": 10607, "party": 10608, "\u0120pointing": 10609, "\u0120inflation": 10610, "\u0120roy": 10611, "\u0120),": 10612, "ainer": 10613, "\u0120wedding": 10614, "ormon": 10615, "\u0120requiring": 10616, "\u0120qualified": 10617, "\u0120segment": 10618, "END": 10619, "\u0120sizes": 10620, "eals": 10621, "\u0120corrupt": 10622, "assador": 10623, "\u0120celeb": 10624, "\u0120dreams": 10625, "\u0120Mess": 10626, "\u0120checking": 10627, "\u0120Version": 10628, "\u0120preparing": 10629, "\u0120actively": 10630, "\u0120Diff": 10631, "\u0120lux": 10632, "\u0120Winter": 10633, "acteria": 10634, "\u0120NE": 10635, "\u0120deputy": 10636, "\u0120transgender": 10637, "\u0120summary": 10638, "\u0120inher": 10639, "eries": 10640, "char": 10641, "\u0120Yan": 10642, "\u0120knock": 10643, "\u0120Path": 10644, "\u0120lip": 10645, "roller": 10646, "\u0120impression": 10647, "\u0120celebrate": 10648, "\u0120slide": 10649, "\u0120guests": 10650, "\u0120clip": 10651, "FS": 10652, "\u0120savings": 10653, "\u0120captain": 10654, "\u0120legacy": 10655, "\u0120Denver": 10656, "\u0120wounded": 10657, "taboola": 10658, "ACT": 10659, "\u0120pursue": 10660, "\u0120oxy": 10661, "\u0120q": 10662, "\u0120semi": 10663, "\u0120Need": 10664, "\u0120Affairs": 10665, "\u0120obsc": 10666, "\u0120checked": 10667, "\u0120dual": 10668, "Code": 10669, "\u0120MD": 10670, "lem": 10671, "ulty": 10672, "\u0120\u00c2\u00a9": 10673, "\u0120Elizabeth": 10674, "\u0120centuries": 10675, "arded": 10676, "src": 10677, "\u0120evident": 10678, "ennis": 10679, "atin": 10680, "\u0120unemployment": 10681, "\u0120Mario": 10682, "\u0120intim": 10683, "Christ": 10684, "\u0120biological": 10685, "\u0120soldier": 10686, "\u0120Added": 10687, "\u0120math": 10688, "\u0120Gil": 10689, "\u0120bias": 10690, "\u0120dating": 10691, "\u0120Ocean": 10692, "\u0120mice": 10693, "Mus": 10694, "hire": 10695, "\u0120Tes": 10696, "Server": 10697, "limited": 10698, "Size": 10699, "\u0120meters": 10700, "\u0120rocket": 10701, "essee": 10702, "\u0120certificate": 10703, "\u0120Iranian": 10704, "ASS": 10705, "\u0120grid": 10706, "Dec": 10707, "\u0120rolling": 10708, "commun": 10709, "\u0120Sweden": 10710, "bury": 10711, "\u0120tissue": 10712, "\u0120racism": 10713, "\u0120Local": 10714, "\u0120mystery": 10715, "\u0120examine": 10716, "\u0120stem": 10717, "\u0120sits": 10718, "\u0120hoped": 10719, "oting": 10720, "\u0120dialogue": 10721, "\u0120persu": 10722, "Watch": 10723, "lay": 10724, "MAN": 10725, "\u0120chronic": 10726, "\u0120Portland": 10727, "market": 10728, "\u0120SEC": 10729, "\u0120parallel": 10730, "\u0120scandal": 10731, "\u0120carries": 10732, "\u0120phenomenon": 10733, "human": 10734, "acker": 10735, "\u0120Ox": 10736, "\u0120retirement": 10737, "tainment": 10738, "ovie": 10739, "\u0120Gear": 10740, "\u0120duties": 10741, "\u0120dose": 10742, "\u0120scroll": 10743, "MB": 10744, "inf": 10745, "\u0120sauce": 10746, "\u0120landscape": 10747, "reddit": 10748, "\u0120Championship": 10749, "\u0120Reddit": 10750, "alid": 10751, "\u0120coin": 10752, "\u0120overs": 10753, "\u0120posting": 10754, "about": 10755, "\u0120fel": 10756, "andy": 10757, "\u0120bold": 10758, "\u0120focusing": 10759, "effect": 10760, "GR": 10761, "\u0120deemed": 10762, "\u0120recommendations": 10763, "\u0120stepped": 10764, "\u0120voter": 10765, "\u0120Deep": 10766, "\u0120Instagram": 10767, "\u0120moderate": 10768, "\u0120Maryland": 10769, "\u0120restricted": 10770, "\u0120MB": 10771, "\u0120Chall": 10772, "\u0120tob": 10773, "\u0120cir": 10774, "\u0120Occ": 10775, "\u0120Ever": 10776, "\u0120collaps": 10777, "INFO": 10778, "=-": 10779, "\u0120Pict": 10780, "\u0120Account": 10781, "nc": 10782, "\u0120ought": 10783, "\u0120export": 10784, "\u0120drunk": 10785, "('": 10786, "\u0120wise": 10787, "\u0120Mort": 10788, "necess": 10789, "\u0120ancest": 10790, "\u0120Incre": 10791, "\u0120frequent": 10792, "mir": 10793, "\u0120interpretation": 10794, "\u0120dependent": 10795, "\u0120coins": 10796, "\u0120Bol": 10797, "Video": 10798, "\u0120Justin": 10799, "\u0120fatal": 10800, "\u0120cooking": 10801, "\u0120confusion": 10802, "ipher": 10803, "\u0120custody": 10804, "\u0120Morgan": 10805, "omach": 10806, "\u0120Governor": 10807, "\u0120restaurants": 10808, "eling": 10809, "\u0120acknowledged": 10810, "\u0120ther": 10811, "\u0120genes": 10812, "ching": 10813, "Hey": 10814, "\u0120tactics": 10815, "\u0120Mexican": 10816, "\u0120vend": 10817, "\u0120hes": 10818, "quer": 10819, "\u0120noting": 10820, "\u0120Cameron": 10821, "\u0120targeting": 10822, "rock": 10823, "\u0120credits": 10824, "\u0120emotions": 10825, "\u0120representatives": 10826, "news": 10827, "\u0120legislative": 10828, "\u0120removing": 10829, "\u0120tweeted": 10830, "\u0120Carter": 10831, "\u0120Fixed": 10832, "\u0120forcing": 10833, "\u0120speaker": 10834, "\u0120males": 10835, "\u0120Vietnam": 10836, "lined": 10837, "\u0120concepts": 10838, "\u0120voices": 10839, "oir": 10840, "\u0120Trib": 10841, "Whe": 10842, "\u0120Jerusalem": 10843, "\u0120Sant": 10844, "\u0120cul": 10845, "\u0120lady": 10846, "\u0120Hawai": 10847, "\u0120arts": 10848, "\u0120Inn": 10849, "\u0120Machine": 10850, "\u0120Emperor": 10851, "\u0120slot": 10852, "gly": 10853, "\u0120Process": 10854, "III": 10855, "\u0120athletes": 10856, "\u0120Temple": 10857, "\u0120Represent": 10858, "\u0120presc": 10859, "\u0120tons": 10860, "\u0120golden": 10861, "\u0120punch": 10862, "\u0120GR": 10863, "iverpool": 10864, "\u0120enact": 10865, "\u0120lobby": 10866, "\u0120mos": 10867, "\u0120picking": 10868, "\u0120lifetime": 10869, "\u0120cognitive": 10870, "Each": 10871, "zo": 10872, "\u0120dub": 10873, "\u0120consists": 10874, "oln": 10875, "\u0120festival": 10876, "amous": 10877, "\u0120intellig": 10878, "words": 10879, "\u0120Smart": 10880, "\u0120dele": 10881, "\u0120lapt": 10882, "\u0120magical": 10883, "\u0120Sin": 10884, "bus": 10885, "urities": 10886, "ighth": 10887, "\u0120Ruby": 10888, "\u0120Sure": 10889, "olving": 10890, "\u0120jun": 10891, "OST": 10892, "\u0120imposed": 10893, "\u0120astron": 10894, "\u0120correl": 10895, "\u0120NS": 10896, "\u0120Kit": 10897, "\u0120Future": 10898, "burn": 10899, "\u0120immune": 10900, "ocus": 10901, "\u0120courses": 10902, "\u0120String": 10903, "\u0120lean": 10904, "\u0120ghost": 10905, "\u0120outcomes": 10906, "\u0120expense": 10907, "\u0120everyday": 10908, "\u0120acceptable": 10909, "Ah": 10910, "\u0120equipped": 10911, "\u0120orange": 10912, "FR": 10913, "\u0120Dutch": 10914, "Though": 10915, "\u0120Rank": 10916, "QU": 10917, "\u0120Roberts": 10918, "what": 10919, "rend": 10920, "\u0120disappear": 10921, "\u0120spawn": 10922, "\u0120Lam": 10923, "ois": 10924, "\u0120deserve": 10925, "\u0120minimal": 10926, "\u0120nervous": 10927, "\u0120Would": 10928, "\u0120rook": 10929, "\u0120Vancouver": 10930, "\u0120resign": 10931, "shire": 10932, "\u0120Works": 10933, "\u0120Build": 10934, "\u0120affordable": 10935, "\u0120Gary": 10936, "\u0120Arena": 10937, "\u0120hanging": 10938, "\u0120implications": 10939, "\u0120Song": 10940, "\u0120maintaining": 10941, "\u0120guards": 10942, "CON": 10943, "\u0120derived": 10944, "\u0120executed": 10945, "\u0120theories": 10946, "\u0120quoted": 10947, "\u0120Andre": 10948, "oga": 10949, "seless": 10950, "info": 10951, "\u0120Belg": 10952, "\u0120tears": 10953, "\u0120Surv": 10954, "\u0120birthday": 10955, "igious": 10956, "immer": 10957, "\u0120spectrum": 10958, "\u0120architecture": 10959, "\u0120recruit": 10960, "arma": 10961, "Table": 10962, "\u0120monsters": 10963, "\u0120Gov": 10964, "\u0120destination": 10965, "\u0120attractive": 10966, "\u0120foss": 10967, "\u0120Moreover": 10968, "\u0120presents": 10969, "THE": 10970, "\u0120reply": 10971, "pton": 10972, "\u0120cum": 10973, "\u0120delight": 10974, "\u0120affects": 10975, "\u0120donations": 10976, "\u0120Toy": 10977, "\u0120Him": 10978, "MENT": 10979, "\u0120overcome": 10980, "itched": 10981, "\u0120Fantasy": 10982, "\u0120Hat": 10983, "\u0120Beast": 10984, "bott": 10985, "\u0120investigations": 10986, "Run": 10987, "\u0120hunting": 10988, "di": 10989, "fund": 10990, "\u0120sessions": 10991, "estyle": 10992, "\u0120portray": 10993, "oids": 10994, "Yeah": 10995, "\u0120communicate": 10996, "\u0120comedy": 10997, "\u0120Yang": 10998, "\u0120belt": 10999, "\u0120Marine": 11000, "\u0120predicted": 11001, "Play": 11002, "\u0120importantly": 11003, "\u0120remarkable": 11004, "\u0120eliminate": 11005, "David": 11006, "\u0120bind": 11007, "VID": 11008, "\u0120advocates": 11009, "\u0120Gaza": 11010, "imp": 11011, "DB": 11012, "\u0120Na": 11013, "\u0120Similar": 11014, "IES": 11015, "\u0120charity": 11016, "vas": 11017, "math": 11018, "\u0120\u00e2\u0138": 11019, "oker": 11020, "ndum": 11021, "\u0120caps": 11022, "\u0120Hal": 11023, "2000": 11024, "ean": 11025, "\u0120fleet": 11026, "\u0120recre": 11027, "Right": 11028, "\u0120sleeping": 11029, "ijing": 11030, "kind": 11031, "\u0120designated": 11032, "\u00c3\u00a4": 11033, "\u0120animation": 11034, "kee": 11035, "\u0120Introdu": 11036, "\u0120/>": 11037, "\u0120delayed": 11038, "\u0120tremend": 11039, "\u0120curious": 11040, "Use": 11041, "\u0120lect": 11042, "dam": 11043, "\u0120innovation": 11044, "\u0120Points": 11045, "\u0120loading": 11046, "\u0120dispute": 11047, "ctic": 11048, "irds": 11049, "\u0120BY": 11050, "\u0120nurs": 11051, "\u0120Value": 11052, "IONS": 11053, "\u0120Hum": 11054, "\u0120template": 11055, "mers": 11056, "\u0120appearances": 11057, "\u0120Entertainment": 11058, "\u0120translation": 11059, "\u0120sake": 11060, "\u0120beneath": 11061, "\u0120inhib": 11062, "\u0120euro": 11063, "abetes": 11064, "\u0120studying": 11065, "\u0120Mas": 11066, "\u0120perceived": 11067, "\u0120examined": 11068, "\u0120eager": 11069, "\u0120coaches": 11070, "\u0120imper": 11071, "chi": 11072, "\u0120produces": 11073, "\").": 11074, "\u0120Everyone": 11075, "\u0120municip": 11076, "\u0120girlfriend": 11077, "\u0120hire": 11078, "\u0120Vice": 11079, "\u0120suitable": 11080, "opy": 11081, "\u0120inequ": 11082, "\u0120Duke": 11083, "fish": 11084, "first": 11085, "\u0120Obs": 11086, "\u0120interior": 11087, "\u0120Bruce": 11088, "\u0120Ry": 11089, "\u0120analys": 11090, "\u0120considerable": 11091, "\u0120forecast": 11092, "\u0120fert": 11093, "orship": 11094, "\u0120Drug": 11095, "\u0120ALL": 11096, ":\"": 11097, "thur": 11098, "\u0120Mail": 11099, "\u0120ballot": 11100, "\u0120instantly": 11101, "\u0120Channel": 11102, "\u0120picks": 11103, "\u01201989": 11104, "\u0120tent": 11105, "oli": 11106, "\u0120civilian": 11107, "bling": 11108, "ello": 11109, "bu": 11110, "\u0120inch": 11111, "\u0120logo": 11112, "\u0120cooperation": 11113, "\u0120walks": 11114, "\u0120investments": 11115, "\u0120imprison": 11116, "\u0120Festival": 11117, "\u0120Ky": 11118, "\u0120legally": 11119, "\u0120gri": 11120, "charg": 11121, "Sl": 11122, "\u0120threatening": 11123, "duction": 11124, "flow": 11125, "\u0120dismissed": 11126, "ibraries": 11127, "cap": 11128, "ele": 11129, "\u0120McG": 11130, "\u0120Harvard": 11131, "\u0120Conservative": 11132, "\u0120CBS": 11133, "png": 11134, "\u0120roots": 11135, "\u0120Having": 11136, "umbled": 11137, "\u0120Fun": 11138, "\\/": 11139, "\u0120Search": 11140, "plex": 11141, "\u0120discussing": 11142, "\u0120continu": 11143, "\u0120Tai": 11144, "\u0120Wik": 11145, "Free": 11146, "fit": 11147, "\u0120refuse": 11148, "\u0120managing": 11149, "\u0120synd": 11150, "ipedia": 11151, "walk": 11152, "\u0120professionals": 11153, "\u0120guidance": 11154, "\u0120universities": 11155, "\u0120assemb": 11156, "untu": 11157, "Finally": 11158, "ASE": 11159, "\u0120Auto": 11160, "\u0120Had": 11161, "\u0120anniversary": 11162, "LD": 11163, "\u0120Dur": 11164, "\u0120Ultimate": 11165, "ihad": 11166, "product": 11167, "\u0120transit": 11168, "\u0120restore": 11169, "\u0120explaining": 11170, "\u0120asset": 11171, "\u0120transferred": 11172, "\u0120burst": 11173, "apolis": 11174, "\u0120Magazine": 11175, "\u0120Cra": 11176, "\u0120BR": 11177, "gged": 11178, "\u0120HE": 11179, "Mich": 11180, "bet": 11181, "\u0120Lady": 11182, "ylum": 11183, "erves": 11184, "\u0120meets": 11185, "white": 11186, "Log": 11187, "\u0120corresponding": 11188, "\u0120insisted": 11189, "GG": 11190, "\u0120surrounded": 11191, "\u0120tens": 11192, "\u0120lane": 11193, "\u0120coinc": 11194, "home": 11195, "\u0120existed": 11196, "ected": 11197, "\u0120Double": 11198, "lamm": 11199, "\u0120skept": 11200, "exp": 11201, "\u0120perception": 11202, "iev": 11203, "\u0120Being": 11204, "oft": 11205, "\u0120adopt": 11206, ".:": 11207, "];": 11208, "Windows": 11209, "\u0120satellite": 11210, "ASH": 11211, "\u0120infant": 11212, "description": 11213, "\u0120Meanwhile": 11214, "cm": 11215, "oca": 11216, "\u0120Treat": 11217, "actor": 11218, "\u0120tobacco": 11219, "\u0120Norm": 11220, "emption": 11221, "\u0120flesh": 11222, "\u0120je": 11223, "oop": 11224, "\u0120Heaven": 11225, "\u0120beating": 11226, "anim": 11227, "\u0120gathering": 11228, "\u0120cultiv": 11229, "GO": 11230, "abe": 11231, "\u0120Jonathan": 11232, "\u0120Safety": 11233, "\u0120badly": 11234, "prot": 11235, "\u0120choosing": 11236, "\u0120contacted": 11237, "\u0120quit": 11238, "\u0120distur": 11239, "\u0120stir": 11240, "\u0120token": 11241, "Det": 11242, "\u0120Pa": 11243, "\u0120functionality": 11244, "003": 11245, "some": 11246, "\u0120limitations": 11247, "\u0120meth": 11248, "build": 11249, "config": 11250, "NT": 11251, "rell": 11252, "blem": 11253, "\u0120Mom": 11254, "\u0120veterans": 11255, "\u0120Hu": 11256, "\u0120trends": 11257, "arer": 11258, "\u0120Given": 11259, "\u0120Caption": 11260, "may": 11261, "AST": 11262, "\u0120wondering": 11263, "\u0120Clark": 11264, "normal": 11265, "\u0120separated": 11266, "\u0120desp": 11267, "stic": 11268, "brew": 11269, "\u0120relating": 11270, "\u0120Nik": 11271, "\u0120Farm": 11272, "\u0120enthusi": 11273, "good": 11274, "deb": 11275, "\u0120activist": 11276, "\u0120mart": 11277, "\u0120explosion": 11278, "\u0120Economic": 11279, "Link": 11280, "\u0120insight": 11281, "\u0120convenient": 11282, "\u0120counterpart": 11283, "support": 11284, "\u0120Virt": 11285, "agen": 11286, "\u0120Tennessee": 11287, "\u0120Simon": 11288, "\u0120Award": 11289, "OCK": 11290, "\u0120Figure": 11291, "\u0120overseas": 11292, "\u0120pride": 11293, "\u0120Cas": 11294, "note": 11295, "mg": 11296, "Current": 11297, "\u0120displays": 11298, "content": 11299, "\u0120traveling": 11300, "\u0120hospitals": 11301, "\u0120Financial": 11302, "\u0120Past": 11303, "\u0120defendant": 11304, "\u0120streaming": 11305, "mble": 11306, "\u0120Berlin": 11307, "uki": 11308, "\u0120distribut": 11309, "\u0120antib": 11310, "\u0120chocolate": 11311, "\u0120Castle": 11312, "\u0120interrupt": 11313, "\u0120Row": 11314, "\u0120conversion": 11315, "\u0120bugs": 11316, "\u0120Rather": 11317, "liest": 11318, "LY": 11319, "\u0120Jean": 11320, "common": 11321, "akh": 11322, "\u0120130": 11323, "otton": 11324, "\u0120Dean": 11325, "\u0120amendment": 11326, "\u0120gameplay": 11327, "\u0120Warren": 11328, "oda": 11329, "\u0120highlights": 11330, "\u0120irre": 11331, "\u0120NATO": 11332, "\u0120balls": 11333, "\u0120demanding": 11334, "URE": 11335, "\u0120Luke": 11336, "Figure": 11337, "stop": 11338, "onia": 11339, "zone": 11340, "izers": 11341, "\u0120WR": 11342, "\u0120awarded": 11343, "\u0120regulatory": 11344, "\u0120Hart": 11345, "\u0120SN": 11346, "pling": 11347, "\u0120sour": 11348, "\u0120Pixel": 11349, "usive": 11350, "\u0120fet": 11351, "\u0120Sent": 11352, "\u0120automatic": 11353, "\u0120fer": 11354, "vernment": 11355, "\u0120Khan": 11356, "TON": 11357, "father": 11358, "\u0120extraordinary": 11359, "throp": 11360, "\u0120Python": 11361, "\u0120GPU": 11362, "\u0120sexually": 11363, "\u0120desktop": 11364, "itivity": 11365, "\u0120Antonio": 11366, "\u0120orient": 11367, "\u0120ears": 11368, "obby": 11369, "ouses": 11370, "vertisements": 11371, "\u0120manufacturers": 11372, "icient": 11373, "minute": 11374, "\u0120conviction": 11375, "\u0120garden": 11376, "public": 11377, "\u0120satisfied": 11378, "fold": 11379, "OK": 11380, "\u0120inhab": 11381, "\u0120Think": 11382, "\u0120programme": 11383, "\u0120stomach": 11384, "\u0120coordin": 11385, "\u0120holy": 11386, "\u0120threshold": 11387, "\u0120rhet": 11388, "\u0120serial": 11389, "\u0120employers": 11390, "\u0120Everything": 11391, "rah": 11392, "\u0120bother": 11393, "\u0120brands": 11394, "Value": 11395, "\u0120Ted": 11396, "\u0120Planet": 11397, "\u0120pink": 11398, "\u0120Furthermore": 11399, "sa": 11400, "PE": 11401, "reck": 11402, "\u0120USD": 11403, "otte": 11404, "\u0120&&": 11405, "\u0120landed": 11406, "gets": 11407, "\u0120producers": 11408, "\u0120healthcare": 11409, "\u0120dominant": 11410, "\u0120destro": 11411, "\u0120amended": 11412, "chron": 11413, "\u0120fits": 11414, "\u0120Syd": 11415, "\u0120Authority": 11416, "ATCH": 11417, "\u0120fights": 11418, "\u0120LLC": 11419, "\u0120---": 11420, "\u0120Corp": 11421, "\u0120toxic": 11422, "specific": 11423, "\u0120Corn": 11424, "\u0120Chel": 11425, "\u0120telephone": 11426, "\u0120Pant": 11427, "\u0120mysterious": 11428, "aunch": 11429, "odox": 11430, "media": 11431, "\u0120witnesses": 11432, "agu": 11433, "\u0120questioned": 11434, "\u0120Brexit": 11435, "\u0120Remember": 11436, "enez": 11437, "\u0120endorse": 11438, "iatric": 11439, "\u0120Ident": 11440, "\u0120ridiculous": 11441, "110": 11442, "\u0120prayer": 11443, "\u0120scientist": 11444, "\u01201950": 11445, "\u0120Aqu": 11446, "\u0120underground": 11447, "\u0120UFC": 11448, "mare": 11449, "\u0120Later": 11450, "wich": 11451, "\u0120subscrib": 11452, "\u0120hosts": 11453, "\u0120err": 11454, "\u0120grants": 11455, "antom": 11456, "\u0120summon": 11457, "early": 11458, "\u0120Clear": 11459, "\u0120Prim": 11460, "\u0120suspension": 11461, "\u0120guaranteed": 11462, "apper": 11463, "\u0120rice": 11464, "\u0120Sean": 11465, "\u0120Shin": 11466, "\u0120referendum": 11467, "\u0120fled": 11468, "rust": 11469, "\u0120360": 11470, "tery": 11471, "\u0120shocked": 11472, "BR": 11473, "\u0120Oil": 11474, "\u0120Allah": 11475, "\u0120partly": 11476, "\u0120ignor": 11477, "\u0120transmission": 11478, "\u0120homosexual": 11479, "iversal": 11480, "\u0120hopefully": 11481, "\u00e3\u0124\u00a4": 11482, "\u0120lesson": 11483, "Leg": 11484, "\u0120..": 11485, "Yet": 11486, "table": 11487, "appropri": 11488, "rett": 11489, "\u0120boards": 11490, "\u0120incorrect": 11491, "\u0120bacteria": 11492, "aru": 11493, "amac": 11494, "\u0120snap": 11495, ".'\"": 11496, "\u0120parad": 11497, "tem": 11498, "heart": 11499, "\u0120availability": 11500, "\u0120wisdom": 11501, "\u0120(+": 11502, "\u0120priest": 11503, "\u0120\u00c2\u0142\u0120\u00c2\u0142": 11504, "Open": 11505, "\u0120span": 11506, "\u0120parameter": 11507, "\u0120convince": 11508, "\u0120(%)": 11509, "rac": 11510, "\u0120fo": 11511, "\u0120safely": 11512, "\u0120converted": 11513, "\u0120Olympic": 11514, "\u0120reserve": 11515, "\u0120healing": 11516, "\u0120Mine": 11517, "Max": 11518, "\u0120inherent": 11519, "\u0120Graham": 11520, "\u0120integrated": 11521, "Dem": 11522, "\u0120pipeline": 11523, "\u0120applying": 11524, "\u0120embed": 11525, "\u0120Charlie": 11526, "\u0120cave": 11527, "2008": 11528, "\u0120consensus": 11529, "\u0120rewards": 11530, "Pal": 11531, "\u0120HTML": 11532, "\u0120popularity": 11533, "looking": 11534, "\u0120Sword": 11535, "\u0120Arts": 11536, "')": 11537, "\u0120electron": 11538, "clusions": 11539, "\u0120integrity": 11540, "\u0120exclusively": 11541, "\u0120grace": 11542, "\u0120torture": 11543, "\u0120burned": 11544, "two": 11545, "\u0120180": 11546, "Produ": 11547, "\u0120entreprene": 11548, "raphics": 11549, "\u0120gym": 11550, "ricane": 11551, "\u0120Tam": 11552, "\u0120administrative": 11553, "\u0120manufacturer": 11554, "\u0120vel": 11555, "\u0120Ni": 11556, "\u0120isolated": 11557, "\u0120Medicine": 11558, "\u0120backup": 11559, "\u0120promoting": 11560, "\u0120commander": 11561, "\u0120flee": 11562, "\u0120Russell": 11563, "\u0120forgotten": 11564, "\u0120Missouri": 11565, "\u0120residence": 11566, "mons": 11567, "\u0120resemb": 11568, "\u0120wand": 11569, "\u0120meaningful": 11570, "PT": 11571, "\u0120bol": 11572, "\u0120helic": 11573, "\u0120wealthy": 11574, "\u0120rifle": 11575, "strong": 11576, "rowing": 11577, "plan": 11578, "asury": 11579, "\u00e2\u0122\u00a6.": 11580, "\u0120expanding": 11581, "\u0120Hamilton": 11582, "\u0120receives": 11583, "SI": 11584, "eatures": 11585, "\u0120Anim": 11586, "REE": 11587, "Put": 11588, "\u0120briefly": 11589, "rive": 11590, "\u0120stimul": 11591, "\u0120``(": 11592, "\u0120__": 11593, "\u0120chip": 11594, "\u0120haz": 11595, "\u0120prize": 11596, "\u0120Things": 11597, "ACE": 11598, "ulin": 11599, "dict": 11600, "oku": 11601, "\u0120associate": 11602, "ockets": 11603, "youtube": 11604, "Story": 11605, "ategory": 11606, "\u0120mild": 11607, "ailing": 11608, "\u0120Ye": 11609, "Orig": 11610, "\u0120Ka": 11611, "orig": 11612, "\u0120propaganda": 11613, "\u0120anonymous": 11614, "\u0120struggled": 11615, "\u0120outrage": 11616, "ATED": 11617, "\u0120Beijing": 11618, "rary": 11619, "\u0120leather": 11620, "\u0120worlds": 11621, "\u0120broader": 11622, "125": 11623, "idal": 11624, "\u0120Better": 11625, "\u0120tear": 11626, "Ext": 11627, "\u0120proposals": 11628, "\u0120iter": 11629, "\u0120Squad": 11630, "\u0120volunt": 11631, "mi": 11632, "Did": 11633, "\u0120Pu": 11634, "pin": 11635, "\u0120speakers": 11636, "\u0120borders": 11637, "\u0120figured": 11638, "='": 11639, "\u0120simultaneously": 11640, "aeda": 11641, "\u0120charging": 11642, "\u0120urged": 11643, "\u0120conj": 11644, "256": 11645, "\u0120Gordon": 11646, "merce": 11647, "\u0120documentary": 11648, "Share": 11649, "itol": 11650, "ONE": 11651, "\u0120Garden": 11652, "hatt": 11653, "\u0120Thompson": 11654, "aneous": 11655, "apore": 11656, "\u0120tanks": 11657, "\u0120lessons": 11658, "track": 11659, "\u0120outstanding": 11660, "\u0120volunteers": 11661, "\u0120spray": 11662, "\u0120managers": 11663, "large": 11664, "\u0120camps": 11665, "\u0120artificial": 11666, "\u0120Ru": 11667, "\u0120bags": 11668, "thal": 11669, "\u0120compatible": 11670, "\u0120Blade": 11671, "\u0120fed": 11672, "\u0120argues": 11673, "FI": 11674, "\u0120unfair": 11675, "\u0120corn": 11676, "\u0120offset": 11677, "\u0120directions": 11678, "\u0120disappointed": 11679, "\u0120Convention": 11680, "\u0120viewing": 11681, "ME": 11682, "ocity": 11683, "\u0120towns": 11684, "\u0120layers": 11685, "\u0120rolled": 11686, "\u0120jumped": 11687, "\u0120attribute": 11688, "\u0120unnecess": 11689, "incoln": 11690, "\u0120suppose": 11691, "\u0120Nether": 11692, "cha": 11693, "\u0120buried": 11694, "\u0120sixth": 11695, "Ben": 11696, "ressing": 11697, "OUR": 11698, "\u0120wound": 11699, "\u0120cycl": 11700, "\u0120mechanisms": 11701, "\u0120congressional": 11702, "\u0120Element": 11703, "\u0120agreements": 11704, "\u0120decor": 11705, "\u0120closest": 11706, "\u0120Mit": 11707, "Google": 11708, "}}": 11709, "\u0120mixture": 11710, "\u0120fluid": 11711, "Sign": 11712, "\u0120Scholar": 11713, "\u0120pist": 11714, "asket": 11715, "abling": 11716, "\u0120racing": 11717, "hero": 11718, "riel": 11719, "assy": 11720, "\u0120cheaper": 11721, "ben": 11722, "\u0120vertical": 11723, "amacare": 11724, "\u0120Reading": 11725, "gments": 11726, "\u0120helicop": 11727, "\u0120sacrifice": 11728, "aya": 11729, "paren": 11730, "VA": 11731, "\u0120Les": 11732, "\u0120Studio": 11733, "\u0120violations": 11734, "\u0120Anna": 11735, "acer": 11736, "\u00e9\u00be": 11737, "\u0120Rat": 11738, "\u0120Beck": 11739, "\u0120Dick": 11740, "\u0120ACT": 11741, "\u0120composition": 11742, "\u0120texture": 11743, "\u0120Own": 11744, "\u0120smartphone": 11745, "\u0120NA": 11746, "\u0120forb": 11747, "import": 11748, "\u0120defending": 11749, "ilst": 11750, "rer": 11751, "\u0120oh": 11752, "\u0120Jeremy": 11753, "\u0120banking": 11754, "ceptions": 11755, "\u0120respective": 11756, "/.": 11757, "\u0120drinks": 11758, "\u0120Wi": 11759, "\u0120bands": 11760, "\u0120Liverpool": 11761, "\u0120grip": 11762, "\u0120Buy": 11763, "\u0120openly": 11764, "\u0120reviewed": 11765, "pert": 11766, "\u0120verify": 11767, "\u0120Cole": 11768, "\u0120Wales": 11769, "MO": 11770, "\u0120unpre": 11771, "\u0120shelter": 11772, "\u0120Imperial": 11773, "\u0120gui": 11774, "\u0120Dak": 11775, "\u0120suggestions": 11776, "\u0120explicitly": 11777, "\u0120slave": 11778, "\u0120blockchain": 11779, "\u0120competing": 11780, "\u0120promising": 11781, "SON": 11782, "\u0120soccer": 11783, "\u0120constitution": 11784, "429": 11785, "\u0120distract": 11786, "\u0120User": 11787, "esides": 11788, "\u0120Method": 11789, "\u0120Tokyo": 11790, "\u0120accompanied": 11791, "Client": 11792, "sur": 11793, "alog": 11794, "\u0120identification": 11795, "\u0120invasion": 11796, "asma": 11797, "\u0120industries": 11798, "ppers": 11799, "\u0120subtle": 11800, "\u0120Unit": 11801, "natural": 11802, "\u0120survived": 11803, "\u0120flaw": 11804, "\u013a\u0127": 11805, "\u0120Holl": 11806, "\u0120deficit": 11807, "\u0120tutorial": 11808, "\u0120Chance": 11809, "\u0120arguing": 11810, "\u0120contemporary": 11811, "\u0120integration": 11812, "forward": 11813, "\u0120tum": 11814, "itis": 11815, "\u0120hiding": 11816, "\u0120Domin": 11817, "\u0120Tan": 11818, "\u0120Building": 11819, "\u0120Vin": 11820, "\u0120spokesperson": 11821, "\u0120Notes": 11822, "\u0120emerging": 11823, "\u0120preparation": 11824, "\u0120prost": 11825, "\u0120suspects": 11826, "\u0120autonom": 11827, "Description": 11828, "\u0120dealt": 11829, "\u0120Pear": 11830, "\u0120steady": 11831, "\u0120decreased": 11832, "\u0120sovere": 11833, "\u0120Clin": 11834, "\u0120gradually": 11835, "orses": 11836, "\u0120WAR": 11837, "Serv": 11838, "\u00e3\u0124\u00a2": 11839, "hr": 11840, "\u0120dirty": 11841, "\u0120Barn": 11842, "\u0120BC": 11843, "\u0120dil": 11844, "\u0120calendar": 11845, "\u0120compliance": 11846, "\u0120chamber": 11847, "bb": 11848, "\u0120passenger": 11849, "ateful": 11850, "\u0120Title": 11851, "\u0120Sydney": 11852, "\u0120Got": 11853, "\u0120darkness": 11854, "\u0120defect": 11855, "\u0120packed": 11856, "assion": 11857, "\u0120gods": 11858, "\u0120harsh": 11859, "ICK": 11860, "leans": 11861, "\u0120algorithm": 11862, "\u0120oxygen": 11863, "\u0120visits": 11864, "\u0120blade": 11865, "\u0120kilomet": 11866, "\u0120Kentucky": 11867, "\u0120killer": 11868, "Pack": 11869, "enny": 11870, "\u0120divine": 11871, "\u0120nomination": 11872, "being": 11873, "\u0120engines": 11874, "\u0120cats": 11875, "\u0120buffer": 11876, "\u0120Phill": 11877, "\u0120traff": 11878, "AGE": 11879, "\u0120tongue": 11880, "\u0120radiation": 11881, "erer": 11882, "mem": 11883, "\u0120Explicit": 11884, "\u00e9\u00be\u012f": 11885, "\u0120couples": 11886, "\u0120physics": 11887, "\u0120McK": 11888, "\u0120politically": 11889, "awks": 11890, "\u0120Bloom": 11891, "\u0120worship": 11892, "eger": 11893, "uter": 11894, "\u0120FO": 11895, "\u0120mathemat": 11896, "\u0120sentenced": 11897, "\u0120disk": 11898, "\u0120Marg": 11899, "\u0120/*": 11900, "PI": 11901, "\u0120optional": 11902, "\u0120babies": 11903, "\u0120seeds": 11904, "\u0120Scottish": 11905, "\u0120thy": 11906, "]]": 11907, "\u0120Hitler": 11908, "PH": 11909, "ngth": 11910, "\u0120recovered": 11911, "inge": 11912, "\u0120powder": 11913, "\u0120lips": 11914, "\u0120designer": 11915, "\u0120disorders": 11916, "\u0120courage": 11917, "\u0120chaos": 11918, "\"},{\"": 11919, "\u0120carrier": 11920, "bably": 11921, "High": 11922, "\u0120RT": 11923, "esity": 11924, "len": 11925, "\u0120routes": 11926, "uating": 11927, "Fil": 11928, "NOT": 11929, "wall": 11930, "sburgh": 11931, "\u0120engaging": 11932, "\u0120JavaScript": 11933, "orer": 11934, "lihood": 11935, "\u0120unions": 11936, "\u0120Federation": 11937, "\u0120Tesla": 11938, "\u0120completion": 11939, "\u0120Ta": 11940, "\u0120privilege": 11941, "\u0120Orange": 11942, "\u0120neur": 11943, "parency": 11944, "\u0120bones": 11945, "\u0120titled": 11946, "\u0120prosecutors": 11947, "\u0120ME": 11948, "\u0120engineer": 11949, "\u0120Universe": 11950, "\u0120Hig": 11951, "nie": 11952, "oard": 11953, "\u0120hearts": 11954, "\u0120Gre": 11955, "ussion": 11956, "\u0120ministry": 11957, "\u0120penet": 11958, "\u0120Nut": 11959, "\u0120Ow": 11960, "\u0120XP": 11961, "instein": 11962, "\u0120bulk": 11963, "System": 11964, "icism": 11965, "\u0120Marketable": 11966, "\u0120preval": 11967, "\u0120poster": 11968, "\u0120attending": 11969, "urable": 11970, "\u0120licensed": 11971, "\u0120Gh": 11972, "etry": 11973, "\u0120Tradable": 11974, "\u0120blast": 11975, "\u00e0\u00a4": 11976, "\u0120Titan": 11977, "elled": 11978, "die": 11979, "Have": 11980, "\u0120Flame": 11981, "\u0120profound": 11982, "\u0120participating": 11983, "\u0120anime": 11984, "\u0120Ess": 11985, "\u0120specify": 11986, "\u0120regarded": 11987, "\u0120Spell": 11988, "\u0120sons": 11989, "owned": 11990, "\u0120merc": 11991, "\u0120experimental": 11992, "lando": 11993, "hs": 11994, "\u0120Dungeon": 11995, "inos": 11996, "\u0120comply": 11997, "\u0120Systems": 11998, "arth": 11999, "\u0120seized": 12000, "local": 12001, "\u0120Girls": 12002, "udo": 12003, "oned": 12004, "\u0120Fle": 12005, "\u0120constructed": 12006, "\u0120hosted": 12007, "\u0120scared": 12008, "actic": 12009, "\u0120Islands": 12010, "\u0120MORE": 12011, "\u0120bless": 12012, "\u0120blocking": 12013, "\u0120chips": 12014, "\u0120evac": 12015, "Ps": 12016, "\u0120corporation": 12017, "\u0120ox": 12018, "\u0120lighting": 12019, "\u0120neighbors": 12020, "\u0120Ub": 12021, "aro": 12022, "\u0120beef": 12023, "\u0120Uber": 12024, "Facebook": 12025, "armed": 12026, "itate": 12027, "\u0120Rating": 12028, "\u0120Quick": 12029, "\u0120occupied": 12030, "\u0120aims": 12031, "\u0120Additionally": 12032, "\u0120Interest": 12033, "\u0120dramatically": 12034, "\u0120heal": 12035, "\u0120painting": 12036, "\u0120engineers": 12037, "MM": 12038, "\u0120Must": 12039, "\u0120quantity": 12040, "Paul": 12041, "\u0120earnings": 12042, "\u0120Posts": 12043, "stra": 12044, "\u00e3\u0125\u00bc\u00e3\u0125": 12045, "\u0120stance": 12046, "\u0120dropping": 12047, "script": 12048, "\u0120dressed": 12049, "Make": 12050, "\u0120justify": 12051, "\u0120Ltd": 12052, "\u0120prompted": 12053, "\u0120scrut": 12054, "\u0120speeds": 12055, "\u0120Giants": 12056, "omer": 12057, "\u0120Editor": 12058, "\u0120describing": 12059, "\u0120Lie": 12060, "mented": 12061, "\u0120nowhere": 12062, "ocaly": 12063, "\u0120instruction": 12064, "fortable": 12065, "\u0120entities": 12066, "\u0120cm": 12067, "\u0120Natural": 12068, "\u0120inquiry": 12069, "\u0120pressed": 12070, "izont": 12071, "forced": 12072, "\u0120raises": 12073, "\u0120Netflix": 12074, "\u0120Side": 12075, "\u0120outer": 12076, "\u0120amongst": 12077, "ims": 12078, "owski": 12079, "\u0120climb": 12080, "never": 12081, "\u0120combine": 12082, "ding": 12083, "\u0120compr": 12084, "\u0120significance": 12085, "\u0120remembered": 12086, "\u0120Nevada": 12087, "\u0120Tel": 12088, "\u0120Scar": 12089, "\u0120Warriors": 12090, "\u0120Jane": 12091, "\u0120coup": 12092, "bas": 12093, "\u0120terminal": 12094, ",-": 12095, "OH": 12096, "\u0120tension": 12097, "\u0120wings": 12098, "\u0120Myster": 12099, "\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 12100, "\u0120Unlike": 12101, "valid": 12102, "vironments": 12103, "\u0120Ali": 12104, "\u0120naked": 12105, "books": 12106, "\u0120Mun": 12107, "\u0120Gulf": 12108, "\u0120density": 12109, "\u0120dimin": 12110, "\u0120desperate": 12111, "\u0120presidency": 12112, "\u01201986": 12113, "hy": 12114, "IND": 12115, "\u0120unlock": 12116, "imens": 12117, "\u0120handled": 12118, "\u0120Eb": 12119, "\u0120disappeared": 12120, "\u0120genre": 12121, "\u01201988": 12122, "\u0120determination": 12123, "Stream": 12124, "iko": 12125, "apters": 12126, "\u0120acknowledge": 12127, "Jan": 12128, "\u0120capitalism": 12129, "Pat": 12130, "\u01202020": 12131, "\u0120painful": 12132, "\u0120curve": 12133, "\u0120bombs": 12134, "storm": 12135, "\u0120Metal": 12136, "encer": 12137, "\u0120Fig": 12138, "\u0120Aaron": 12139, "anches": 12140, "\u0120inspiration": 12141, "\u0120exhaust": 12142, "tains": 12143, "ashi": 12144, "\u0120descript": 12145, "\u0120ritual": 12146, "\u0120Chelsea": 12147, "\u0120promotion": 12148, "\u0120Hung": 12149, "\u0120Ward": 12150, "iva": 12151, "\u0120ET": 12152, "\u0120toss": 12153, "allow": 12154, "\u0120Francis": 12155, "Dep": 12156, "\u0120happiness": 12157, "\u0120Glass": 12158, "\u0120beta": 12159, "\u0120strengthen": 12160, "NE": 12161, "oa": 12162, "\u0120buttons": 12163, "\u0120Murray": 12164, "\u0120kicked": 12165, "Quest": 12166, "\u0120Talk": 12167, "\u0120Several": 12168, "\u0120Zero": 12169, "\u0120drone": 12170, "ulk": 12171, "\u0120cam": 12172, "\u0120Mobile": 12173, "\u0120preventing": 12174, "\u0120retro": 12175, "\u0120Ax": 12176, "\u0120cruel": 12177, "\u0120float": 12178, ".),": 12179, "\u0120filing": 12180, "\u0120Grant": 12181, "\u0120Bor": 12182, "\u0120rib": 12183, "\u0120championship": 12184, "\u0120Merc": 12185, "\u0120styles": 12186, "\u0120cake": 12187, "\u0120builds": 12188, "\u0120Self": 12189, "iox": 12190, "\u0120epic": 12191, "oyd": 12192, "Bel": 12193, "\u0120Stew": 12194, ".(": 12195, "ahu": 12196, "\u0120Beyond": 12197, "\u0120outs": 12198, "\u0120solo": 12199, "\u0120Tree": 12200, "\u0120preserve": 12201, "\u0120tub": 12202, "ARE": 12203, "roc": 12204, "\u0120Impro": 12205, "\u0120Wright": 12206, "\u0120bund": 12207, "\u0120traged": 12208, "\u0120occasional": 12209, "bian": 12210, "Second": 12211, "rons": 12212, "\u0120interactions": 12213, "formed": 12214, "sing": 12215, "\u0120owns": 12216, "\u0120hockey": 12217, "General": 12218, "\u0120logical": 12219, "\u0120expend": 12220, "\u0120escal": 12221, "\u0120Griff": 12222, "\u0120Crown": 12223, "\u0120Reserve": 12224, "\u0120stopping": 12225, "\u0120excuse": 12226, "second": 12227, "\u0120operated": 12228, "\u0120reaches": 12229, "\u0120Malays": 12230, "\u0120pollution": 12231, "\u0120Brooklyn": 12232, "\u0120delete": 12233, "\u0120hash": 12234, "Block": 12235, "aha": 12236, "\u00e2\u0122\u00b3": 12237, "\u0120shorter": 12238, "piece": 12239, ">>>": 13163, "\u0120Mormon": 13164, "tor": 13165, "\u0120particles": 13166, "\u0120Bart": 13167, "ryption": 13168, "\u0120admin": 13169, "\u0120squee": 13170, "VIDIA": 13171, "\u0120creator": 13172, "iameter": 13173, "icular": 13174, "NBC": 13175, "\u0120grabbed": 13176, "\u0120nodd": 13177, "\u0120rated": 13178, "\u0120rotation": 13179, "\u0120grasp": 13180, "\u0120excessive": 13181, "\u0120EC": 13182, "\u0120Whit": 13183, "\u0120inventory": 13184, "aults": 13185, "\u0120FB": 13186, "\u0120ecosystem": 13187, "\u0120billions": 13188, "\u0120venture": 13189, "named": 13190, "\u0120defender": 13191, "oute": 13192, "Instead": 13193, "irable": 13194, "War": 13195, "\u0120assumption": 13196, "\u0120bite": 13197, "\u0120earthqu": 13198, "tail": 13199, "space": 13200, "\u0120gifts": 13201, "boys": 13202, "\u0120inevitable": 13203, "\u0120structural": 13204, "\u0120beneficial": 13205, "\u0120compelling": 13206, "hole": 13207, "ervation": 13208, "\u0120coat": 13209, "oj": 13210, "incarn": 13211, "\u0120Years": 13212, "\u0120determining": 13213, "\u0120rhetoric": 13214, "\u0120boundaries": 13215, "\u0120whites": 13216, "Ant": 13217, "addy": 13218, ")-": 13219, "raham": 13220, "etermin": 13221, "\u0120harvest": 13222, "\u0120Conc": 13223, "\u0120laptop": 13224, "\u0120Match": 13225, "\u0120enjoying": 13226, "cca": 13227, "ollar": 13228, "\u0120trips": 13229, "\u0120addiction": 13230, "\u0120Sak": 13231, "\u0120powered": 13232, "\u0120cous": 13233, "\u0120Russians": 13234, "iere": 13235, "\u0120retrie": 13236, "quality": 13237, "\u0120differ": 13238, "\u0120kingdom": 13239, "\u0120Laur": 13240, "\u0120Capitol": 13241, "\u0120conclusions": 13242, "\u0120Altern": 13243, "\u0120Nav": 13244, "\u0120transparent": 13245, "BER": 13246, "Group": 13247, "\u0120Complete": 13248, "\u0120infer": 13249, "\u0120intrig": 13250, "\u0120insane": 13251, "RO": 13252, "ophob": 13253, "isen": 13254, "qual": 13255, "Michael": 13256, "\u0120museum": 13257, "\u0120Pope": 13258, "\u0120reset": 13259, "rative": 13260, "five": 13261, "\u0120aggreg": 13262, "ittees": 13263, "ository": 13264, "\u0120carb": 13265, "\u0120Record": 13266, "\u0120decides": 13267, "\u0120Fix": 13268, "\u0120exceptions": 13269, "\u0120Commissioner": 13270, "uns": 13271, "\u0120Environmental": 13272, "\u0120legendary": 13273, "istence": 13274, "\u0120tunnel": 13275, "km": 13276, "\u0120insult": 13277, "\u0120troll": 13278, "\u0120shake": 13279, "\u0120detention": 13280, "ques": 13281, "\u0120Chrome": 13282, "\u0120Files": 13283, "\u0120subt": 13284, "\u0120prospects": 13285, "\u0120prol": 13286, "render": 13287, "proof": 13288, "\u0120performances": 13289, "Str": 13290, "\u0120href": 13291, "ername": 13292, "\u0120achievement": 13293, "\u0120fut": 13294, "Full": 13295, "\u0120Leban": 13296, "google": 13297, "\u00e3\u0125\u012a": 13298, "ampa": 13299, "Maybe": 13300, "\u0120projected": 13301, "\u0120Emb": 13302, "\u0120colleg": 13303, "\u0120awards": 13304, "\u0120\u00e2\u0136": 13305, "Gold": 13306, "\u0120Blake": 13307, "\u0120Raj": 13308, "ifting": 13309, "\u0120pending": 13310, "\u0120instinct": 13311, "\u0120developments": 13312, "Connect": 13313, "\u0120Mand": 13314, "\u0120WITH": 13315, "\u0120Philippines": 13316, "profile": 13317, "\u0120altogether": 13318, "\u0120Bund": 13319, "\u0120TD": 13320, "oooo": 13321, "amped": 13322, "iph": 13323, "\u0120steam": 13324, "\u0120oldest": 13325, "\u0120detection": 13326, "ulpt": 13327, "\u0120\u00e7": 13328, "\u0120Wayne": 13329, "2006": 13330, "fa": 13331, "\u0120circles": 13332, "\u0120Fu": 13333, "\u0120donors": 13334, "appropriate": 13335, "\u0120Dakota": 13336, "jamin": 13337, "\u0120motivated": 13338, "\u0120purchases": 13339, "\u0120Louisiana": 13340, "\u0120Spl": 13341, "\u0120globe": 13342, "\u0120105": 13343, "zip": 13344, "call": 13345, "\u0120departments": 13346, "\u0120sustainable": 13347, "105": 13348, "\u0120OP": 13349, "ifiers": 13350, "\u0120prevented": 13351, "\u0120incomp": 13352, "\u0120Commander": 13353, "\u0120dominated": 13354, "\u0120\u00c2\u00bb": 13355, "\u0120invested": 13356, "\u0120complexity": 13357, "\u0120incl": 13358, "\u0120ensuring": 13359, "\u0120realm": 13360, "ync": 13361, "\u0120Independent": 13362, "rained": 13363, "\u0120Jen": 13364, "\u0120Flight": 13365, "\u0120athe": 13366, "\u0120speculation": 13367, "\u0120TE": 13368, "ocate": 13369, "tic": 13370, "\u0120plaint": 13371, "herry": 13372, "\u0120toy": 13373, "\u0120111": 13374, "\u0120plates": 13375, "status": 13376, "\u0120Isa": 13377, "\u0120devoted": 13378, "Cop": 13379, "\u0120ES": 13380, "255": 13381, "urrency": 13382, "Main": 13383, "\u0120slaves": 13384, "\u0120pepper": 13385, "\u0120quotes": 13386, "\u0120ceiling": 13387, "\u0120Fish": 13388, "\u0120transformation": 13389, "\u0120fraction": 13390, "\u0120advantages": 13391, "\u0120toile": 13392, "\u0120stunning": 13393, "\u0120moist": 13394, "breaking": 13395, "si": 13396, "\u0120Location": 13397, "\u0120Medium": 13398, "\u0120texts": 13399, "\u0120ugly": 13400, "\u0120bio": 13401, ".\u00e2\u0122\u0136": 13402, "\u0120Based": 13403, "\u0120trains": 13404, "\u0120Wing": 13405, "\u0120Ancient": 13406, "\u0120Records": 13407, "\u0120Hope": 13408, "Special": 13409, "adesh": 13410, "obi": 13411, "[/": 13412, "\u0120temporarily": 13413, "Ver": 13414, "hu": 13415, "oser": 13416, "\u0120overnight": 13417, "\u0120mamm": 13418, "\u0120Treasury": 13419, "\u0120Venezuel": 13420, "\u0120Mega": 13421, "\u0120tar": 13422, "\u0120expects": 13423, "black": 13424, "orph": 13425, "\\\\\\\\": 13426, "\u0120acceptance": 13427, "\u0120radar": 13428, "sis": 13429, "\u0120junior": 13430, "\u0120frames": 13431, "\u0120observation": 13432, "acies": 13433, "Power": 13434, "\u0120Advanced": 13435, "Mag": 13436, "ologically": 13437, "\u0120Mechan": 13438, "\u0120sentences": 13439, "\u0120analysts": 13440, "aughters": 13441, "forcement": 13442, "\u0120vague": 13443, "\u0120clause": 13444, "\u0120directors": 13445, "\u0120evaluate": 13446, "\u0120cabinet": 13447, "Matt": 13448, "\u0120Classic": 13449, "Ang": 13450, "\u0120cler": 13451, "\u0120Buck": 13452, "\u0120researcher": 13453, "\u0120160": 13454, "\u0120poorly": 13455, "\u0120experiencing": 13456, "\u0120Ped": 13457, "\u0120Manhattan": 13458, "\u0120freed": 13459, "\u0120themes": 13460, "advant": 13461, "\u0120nin": 13462, "\u0120praise": 13463, "104": 13464, "\u0120Libya": 13465, "best": 13466, "\u0120trusted": 13467, "\u0120cease": 13468, "\u0120dign": 13469, "Direct": 13470, "\u0120bombing": 13471, "\u0120migration": 13472, "\u0120Sciences": 13473, "\u0120municipal": 13474, "\u0120Average": 13475, "\u0120glory": 13476, "\u0120revealing": 13477, "\u0120arena": 13478, "\u0120uncertainty": 13479, "\u0120battlefield": 13480, "iao": 13481, "God": 13482, "\u0120cinem": 13483, "rape": 13484, "elle": 13485, "apons": 13486, "\u0120listing": 13487, "\u0120waited": 13488, "\u0120spotted": 13489, "keley": 13490, "\u0120Audio": 13491, "eor": 13492, "arding": 13493, "idding": 13494, "igma": 13495, "\u0120Neg": 13496, "\u0120lone": 13497, "\u0120----": 13498, "exe": 13499, "deg": 13500, "\u0120transf": 13501, "\u0120wash": 13502, "\u0120slavery": 13503, "\u0120exploring": 13504, "\u0120WW": 13505, "atson": 13506, "\u0120encl": 13507, "lies": 13508, "\u0120Creek": 13509, "\u0120wooden": 13510, "Manager": 13511, "\u0120Brand": 13512, "ummy": 13513, "\u0120Arthur": 13514, "\u0120bureaucr": 13515, "\u0120blend": 13516, "arians": 13517, "Further": 13518, "\u0120supposedly": 13519, "\u0120winds": 13520, "\u01201979": 13521, "\u0120gravity": 13522, "\u0120analyses": 13523, "\u0120Travel": 13524, "\u0120Veter": 13525, "\u0120dumb": 13526, "\u0120alternate": 13527, "gal": 13528, "\u0120consumed": 13529, "\u0120effectiveness": 13530, ".''": 13531, "\u0120paths": 13532, "onda": 13533, "LA": 13534, "\u0120Strong": 13535, "\u0120enables": 13536, "\u0120escaped": 13537, "\u0120\"\"": 13538, "\u0120112": 13539, "\u01201983": 13540, "\u0120smiled": 13541, "\u0120tendency": 13542, "Fire": 13543, "\u0120pars": 13544, "\u0120Roc": 13545, "\u0120lake": 13546, "\u0120fitness": 13547, "\u0120Ath": 13548, "\u0120Horn": 13549, "\u0120hier": 13550, "\u0120impose": 13551, "mother": 13552, "\u0120pension": 13553, "icut": 13554, "borne": 13555, "iciary": 13556, "._": 13557, "\u0120SU": 13558, "\u0120polar": 13559, "isy": 13560, "engu": 13561, "itialized": 13562, "ATA": 13563, "write": 13564, "\u0120exercises": 13565, "\u0120Diamond": 13566, "otypes": 13567, "\u0120harmful": 13568, "onz": 13569, "\u0120printing": 13570, "story": 13571, "\u0120expertise": 13572, "\u0120Ger": 13573, "\u0120tragedy": 13574, "\u0120Fly": 13575, "\u0120divid": 13576, "ampire": 13577, "stock": 13578, "Mem": 13579, "\u0120reign": 13580, "\u0120unve": 13581, "\u0120amend": 13582, "\u0120Prophet": 13583, "\u0120mutual": 13584, "\u0120Fac": 13585, "\u0120replacing": 13586, "Har": 13587, "\u0120Circuit": 13588, "\u0120throat": 13589, "\u0120Shot": 13590, "\u0120batteries": 13591, "\u0120toll": 13592, "\u0120addressing": 13593, "\u0120Medicaid": 13594, "\u0120pupp": 13595, "\u0120Nar": 13596, "olk": 13597, "\u0120equity": 13598, "MR": 13599, "\u0120Hispan": 13600, "\u0120Large": 13601, "mid": 13602, "Dev": 13603, "\u0120exped": 13604, "\u0120demo": 13605, "\u0120Marshall": 13606, "ergus": 13607, "\u0120fiber": 13608, "\u0120divorce": 13609, "\u0120Create": 13610, "\u0120slower": 13611, "\u0120Parker": 13612, "\u0120Student": 13613, "\u0120Training": 13614, "Return": 13615, "\u0120Tru": 13616, "\u0120cub": 13617, "\u0120Reached": 13618, "\u0120panic": 13619, "\u0120quarters": 13620, "\u0120rect": 13621, "\u0120treating": 13622, "\u0120rats": 13623, "\u0120Christianity": 13624, "oler": 13625, "\u0120sacred": 13626, "\u0120declare": 13627, "ulative": 13628, "eting": 13629, "\u0120delivering": 13630, "estone": 13631, "\u0120tel": 13632, "\u0120Larry": 13633, "\u0120meta": 13634, "accept": 13635, "artz": 13636, "\u0120Roger": 13637, "handed": 13638, "\u0120header": 13639, "\u0120trapped": 13640, "\u0120Century": 13641, "\u0120knocked": 13642, "\u0120Oxford": 13643, "\u0120survivors": 13644, "bot": 13645, "\u0120demonstration": 13646, "\u0120dirt": 13647, "\u0120assists": 13648, "OME": 13649, "\u0120Draft": 13650, "ortunate": 13651, "folio": 13652, "pered": 13653, "usters": 13654, "gt": 13655, "\u0120Lock": 13656, "\u0120judicial": 13657, "verted": 13658, "\u0120secured": 13659, "outing": 13660, "\u0120Books": 13661, "\u0120hosting": 13662, "\u0120lifted": 13663, "length": 13664, "\u0120jer": 13665, "\u0120wheels": 13666, "\u0120Range": 13667, "umbnails": 13668, "\u0120diagnosis": 13669, "tech": 13670, "\u0120Stewart": 13671, "\u0120Pract": 13672, "\u0120nationwide": 13673, "\u0120dear": 13674, "\u0120obligations": 13675, "\u0120grows": 13676, "\u0120mandatory": 13677, "\u0120suspicious": 13678, "!'": 13679, "Apr": 13680, "Great": 13681, "\u0120mortgage": 13682, "\u0120prosecutor": 13683, "\u0120editorial": 13684, "\u0120Kr": 13685, "\u0120processed": 13686, "ungle": 13687, "\u0120flexibility": 13688, "Earlier": 13689, "\u0120Cart": 13690, "\u0120Sug": 13691, "\u0120focuses": 13692, "\u0120startup": 13693, "\u0120breach": 13694, "\u0120Tob": 13695, "cycle": 13696, "\u00e3\u0122\u012e": 13697, "rose": 13698, "\u0120bizarre": 13699, "\u00e3\u0122\u012f": 13700, "\u0120vegetables": 13701, "$$": 13702, "\u0120retreat": 13703, "oshi": 13704, "\u0120Shop": 13705, "\u0120Ground": 13706, "\u0120Stop": 13707, "\u0120Hawaii": 13708, "\u0120Ay": 13709, "Perhaps": 13710, "\u0120Beaut": 13711, "uffer": 13712, "enna": 13713, "\u0120productivity": 13714, "Fixed": 13715, "control": 13716, "\u0120absent": 13717, "\u0120Campaign": 13718, "Green": 13719, "\u0120identifying": 13720, "\u0120regret": 13721, "\u0120promoted": 13722, "\u0120Seven": 13723, "\u0120eru": 13724, "neath": 13725, "aughed": 13726, "\u0120Pin": 13727, "\u0120Living": 13728, "Cost": 13729, "omatic": 13730, "mega": 13731, "\u0120Nig": 13732, "ocy": 13733, "\u0120inbox": 13734, "\u0120empire": 13735, "\u0120horizont": 13736, "\u0120branches": 13737, "\u0120metaph": 13738, "Active": 13739, "edi": 13740, "\u0120Film": 13741, "\u0120Something": 13742, "\u0120mods": 13743, "incial": 13744, "\u0120Original": 13745, "Gen": 13746, "\u0120spirits": 13747, "\u0120earning": 13748, "Hist": 13749, "\u0120riders": 13750, "\u0120sacrific": 13751, "MT": 13752, "\u0120VA": 13753, "\u0120Salt": 13754, "\u0120occupation": 13755, "\u0120Mi": 13756, "\u0120disg": 13757, "lict": 13758, "\u0120nit": 13759, "\u0120nodes": 13760, "eem": 13761, "\u0120Pier": 13762, "\u0120hatred": 13763, "psy": 13764, "\u00e3\u0125\u012b": 13765, "\u0120theater": 13766, "\u0120sophisticated": 13767, "\u0120defended": 13768, "\u0120besides": 13769, "\u0120thoroughly": 13770, "\u0120Medicare": 13771, "\u0120blamed": 13772, "arently": 13773, "\u0120crying": 13774, "FOR": 13775, "priv": 13776, "\u0120singing": 13777, "\u0120Il": 13778, "\u0120cute": 13779, "oided": 13780, "olitical": 13781, "\u0120Neuro": 13782, "\u00e5\u00a4": 13783, "\u0120donation": 13784, "\u0120Eagles": 13785, "\u0120Give": 13786, "Tom": 13787, "\u0120substantially": 13788, "\u0120License": 13789, "\u0120Ja": 13790, "\u0120grey": 13791, "\u0120Animal": 13792, "\u0120ER": 13793, "\u0120Und": 13794, "\u0120keen": 13795, "\u0120conclude": 13796, "\u0120Mississippi": 13797, "Engine": 13798, "\u0120Studios": 13799, "Press": 13800, "overs": 13801, "llers": 13802, "\u0120350": 13803, "\u0120Rangers": 13804, "\u0120rou": 13805, "erto": 13806, "Ep": 13807, "issa": 13808, "ivan": 13809, "\u0120seal": 13810, "\u0120Regist": 13811, "display": 13812, "\u0120weaken": 13813, "uum": 13814, "\u0120Commons": 13815, "\u0120Say": 13816, "\u0120cultures": 13817, "\u0120laughed": 13818, "\u0120slip": 13819, "\u0120treatments": 13820, "izable": 13821, "mart": 13822, "\u0120Rice": 13823, "\u0120beast": 13824, "\u0120obesity": 13825, "\u0120Laure": 13826, "iga": 13827, "Which": 13828, "holder": 13829, "\u0120elderly": 13830, "\u0120pays": 13831, "\u0120complained": 13832, "\u0120crop": 13833, "\u0120proc": 13834, "\u0120explosive": 13835, "\u0120Fan": 13836, "\u0120Arsenal": 13837, "Author": 13838, "eful": 13839, "\u0120meals": 13840, "\u0120(-": 13841, "idays": 13842, "\u0120imagination": 13843, "\u0120annually": 13844, "\u0120ms": 13845, "asures": 13846, "Head": 13847, "ikh": 13848, "matic": 13849, "\u0120boyfriend": 13850, "\u0120Computer": 13851, "\u0120bump": 13852, "\u0120surge": 13853, "\u0120Craig": 13854, "\u0120Kirk": 13855, "Del": 13856, "mediate": 13857, "\u0120scenarios": 13858, "\u0120Mut": 13859, "\u0120Stream": 13860, "\u0120competitors": 13861, "\u00d9\u0126": 13862, "\u0120Stanford": 13863, "\u0120Resources": 13864, "azed": 13865, "bage": 13866, "\u0120organis": 13867, "\u0120Release": 13868, "\u0120separately": 13869, "\u0120habits": 13870, "\u0120measurements": 13871, "\u0120Close": 13872, "\u0120accompany": 13873, "\u0120gly": 13874, "\u0120tang": 13875, "\u0120Rou": 13876, "\u0120plugin": 13877, "\u0120convey": 13878, "\u0120Challenge": 13879, "oots": 13880, "jan": 13881, "\u0120curs": 13882, "\u0120Relations": 13883, "keeper": 13884, "\u0120approaching": 13885, "ping": 13886, "Speaking": 13887, "\u0120arrangement": 13888, "\u0120VI": 13889, "arettes": 13890, "\u0120affecting": 13891, "\u0120permits": 13892, "because": 13893, "\u0120useless": 13894, "\u0120Hus": 13895, "!!!!": 13896, "\u0120destroying": 13897, "Unfortunately": 13898, "\u0120fascinating": 13899, "Sem": 13900, "\u0120electoral": 13901, "\u0120transparency": 13902, "\u0120Chaos": 13903, "\u0120volunteer": 13904, "\u0120statistical": 13905, "\u0120activated": 13906, "rox": 13907, "Web": 13908, "HE": 13909, "\u0120Hampshire": 13910, "isive": 13911, "Map": 13912, "\u0120trash": 13913, "\u0120Lawrence": 13914, "stick": 13915, "Cr": 13916, "\u0120rings": 13917, "EXT": 13918, "\u0120operational": 13919, "opes": 13920, "Does": 13921, "\u0120Evans": 13922, "\u0120witnessed": 13923, "Port": 13924, "\u0120launching": 13925, "econom": 13926, "wear": 13927, "\u0120Particip": 13928, "umm": 13929, "cules": 13930, "\u0120RAM": 13931, "\u0120Tun": 13932, "\u0120assured": 13933, "\u0120binary": 13934, "\u0120betray": 13935, "\u0120exploration": 13936, "\u0120Fel": 13937, "\u0120admission": 13938, "itated": 13939, "Sy": 13940, "\u0120avoided": 13941, "\u0120Simulator": 13942, "\u0120celebrated": 13943, "\u0120Electric": 13944, "\u00a5\u0140": 13945, "\u0120cluster": 13946, "itzerland": 13947, "health": 13948, "Line": 13949, "\u0120Nash": 13950, "aton": 13951, "\u0120spare": 13952, "\u0120enterprise": 13953, "\u0120DIS": 13954, "cludes": 13955, "\u0120flights": 13956, "\u0120regards": 13957, "\u0120\u00c3\u0139": 13958, "half": 13959, "\u0120trucks": 13960, "\u0120contacts": 13961, "\u0120uncons": 13962, "\u0120Climate": 13963, "\u0120immense": 13964, "NEW": 13965, "occ": 13966, "ective": 13967, "\u0120embod": 13968, "\u0120patrol": 13969, "\u0120beside": 13970, "\u0120viable": 13971, "\u0120creep": 13972, "\u0120triggered": 13973, "verning": 13974, "\u0120comparable": 13975, "ql": 13976, "\u0120gaining": 13977, "asses": 13978, "\u0120();": 13979, "\u0120Grey": 13980, "\u0120MLS": 13981, "sized": 13982, "\u0120prosper": 13983, "\"?": 13984, "\u0120polling": 13985, "\u0120shar": 13986, "\u0120RC": 13987, "\u0120firearm": 13988, "orient": 13989, "\u0120fence": 13990, "\u0120variations": 13991, "giving": 13992, "\u0120Pi": 13993, "ospel": 13994, "\u0120pledge": 13995, "\u0120cure": 13996, "\u0120spy": 13997, "\u0120violated": 13998, "\u0120rushed": 13999, "\u0120stroke": 14000, "\u0120Blog": 14001, "sels": 14002, "\u0120Ec": 14003, ",''": 14004, "\u0120pale": 14005, "\u0120Collins": 14006, "terror": 14007, "\u0120Canadians": 14008, "\u0120tune": 14009, "\u0120laboratory": 14010, "\u0120nons": 14011, "tarian": 14012, "\u0120disability": 14013, "\u0120Gam": 14014, "\u0120singer": 14015, "alg": 14016, "\u0120Senior": 14017, "\u0120traded": 14018, "\u0120Warrior": 14019, "\u0120infring": 14020, "\u0120Franklin": 14021, "\u0120strain": 14022, "\u0120Swedish": 14023, "\u0120seventh": 14024, "\u0120Benn": 14025, "\u0120Tell": 14026, "\u0120syndrome": 14027, "\u0120wondered": 14028, "iden": 14029, "++++": 14030, "igo": 14031, "\u0120purple": 14032, "\u0120journalism": 14033, "\u0120rebel": 14034, "\u0120fu": 14035, "blog": 14036, "\u0120invite": 14037, "rencies": 14038, "\u0120Contact": 14039, "Israel": 14040, "\u0120Content": 14041, "\u0120cheer": 14042, "\u0120bedroom": 14043, "\u0120Engineering": 14044, "\u0120Queens": 14045, "\u0120dwell": 14046, "\u0120PlayStation": 14047, "\u0120Dim": 14048, "\u0120Colon": 14049, "lr": 14050, "\u0120operates": 14051, "\u0120motivation": 14052, "USA": 14053, "astered": 14054, "Core": 14055, "\u0120Truth": 14056, "olo": 14057, "OSE": 14058, "\u0120Memory": 14059, "\u0120predec": 14060, "\u0120anarch": 14061, "\u01201920": 14062, "\u0120Yam": 14063, "\u00c3\u00a8": 14064, "bid": 14065, "\u0120grateful": 14066, "\u0120excitement": 14067, "\u0120treasure": 14068, "\u0120longest": 14069, "ctive": 14070, "\u0120deserves": 14071, "\u0120reserves": 14072, "\u0120cops": 14073, "\u0120Ottawa": 14074, "\u0120Egyptian": 14075, "anked": 14076, "\u0120artif": 14077, "\u0120hypothesis": 14078, ":/": 14079, "\u0120purchasing": 14080, "\u0120lovely": 14081, "HP": 14082, "\u0120divide": 14083, "\u0120strictly": 14084, "\u0120questioning": 14085, "\u0120taxpayers": 14086, "\u0120Joy": 14087, "\u0120rolls": 14088, "\u0120Heavy": 14089, "\u0120ports": 14090, "\u0120magnetic": 14091, "\u0120inflamm": 14092, "\u0120brush": 14093, "tics": 14094, "\u00e2\u012a\u0134": 14095, "\u0120bottles": 14096, "ppy": 14097, "\u0120padd": 14098, "\u00e3\u0124\u00af": 14099, "million": 14100, "\u0120devastating": 14101, "\u0120compiled": 14102, "\u0120medication": 14103, "\u0120twelve": 14104, "\u0120Perry": 14105, "Space": 14106, "imb": 14107, "your": 14108, "\u0120leaked": 14109, "\u0120Tar": 14110, "\u0120unity": 14111, "\u0120infected": 14112, "\u0120traveled": 14113, "IDE": 14114, "\u0120McDonald": 14115, "txt": 14116, "\u0120Princ": 14117, "\u0120interven": 14118, "\u0120Taiwan": 14119, "\u0120Pow": 14120, "\u0120bearing": 14121, "\u0120Thread": 14122, "\u0120zones": 14123, "izards": 14124, "unks": 14125, "Chapter": 14126, "llor": 14127, "\u0120\u00c2\u00b7": 14128, "\u0120wounds": 14129, "\u0120discretion": 14130, "\u0120succeeded": 14131, "iking": 14132, "\u0120iconic": 14133, "Call": 14134, "\u0120screening": 14135, "\u0120Mis": 14136, "icts": 14137, "\u0120ministers": 14138, "\u0120separation": 14139, "Player": 14140, "\u0120bip": 14141, "\u0120beloved": 14142, "\u0120counting": 14143, "\u0120Eye": 14144, "around": 14145, "inging": 14146, "\u0120tablet": 14147, "\u0120offence": 14148, "inance": 14149, "have": 14150, "\u0120Info": 14151, "\u0120Ninja": 14152, "\u0120protective": 14153, "\u0120Cass": 14154, "Mac": 14155, "\u0120Quality": 14156, "North": 14157, "\u0120ic": 14158, "\u0120Cuba": 14159, "\u0120Chronicle": 14160, "\u0120Property": 14161, "\u0120fastest": 14162, "otos": 14163, "\u0120Germ": 14164, "OWN": 14165, "\u0120boom": 14166, "\u0120Stanley": 14167, "erguson": 14168, "\u0120clever": 14169, "\u0120enters": 14170, "mode": 14171, "terior": 14172, "\u0120Sens": 14173, "\u0120linear": 14174, "ARK": 14175, "\u0120comparing": 14176, "\u0120purely": 14177, "\u0120safer": 14178, "\u0120Potter": 14179, "\u0120cups": 14180, "RT": 14181, "\u0120gluc": 14182, "\u0120attributed": 14183, "\u0120dupl": 14184, "\u0120Pap": 14185, "\u0120precious": 14186, "\u0120pa": 14187, "ictionary": 14188, "\u0120Tig": 14189, "\u0120Too": 14190, "olutions": 14191, "stan": 14192, "\u0120robots": 14193, "\u0120lobb": 14194, "\u0120statute": 14195, "\u0120prevention": 14196, "western": 14197, "160": 14198, "\u0120Active": 14199, "\u0120Maria": 14200, "hal": 14201, "None": 14202, "ellar": 14203, "\u0120KB": 14204, "\u0120Partners": 14205, "\u0120Single": 14206, "\u0120Following": 14207, "ango": 14208, "acious": 14209, "\u0120thou": 14210, "\u0120kg": 14211, "\u0120influential": 14212, "\u0120Friends": 14213, "Sur": 14214, "ainted": 14215, "\u0120forums": 14216, "\u0120starter": 14217, "\u0120citizenship": 14218, "\u0120Election": 14219, "onge": 14220, "otation": 14221, "osph": 14222, ";;;;": 14223, "utical": 14224, "pur": 14225, "eren": 14226, "\u0120accusations": 14227, "bitious": 14228, "abbit": 14229, "\u0120Ord": 14230, "Posted": 14231, "irk": 14232, "\u0120sensitivity": 14233, "iche": 14234, "\u0120Amy": 14235, "\u0120Fab": 14236, "\u0120summit": 14237, "\u0120pedest": 14238, "\u0120rubber": 14239, "\u0120agricultural": 14240, "\u0120cancel": 14241, "AE": 14242, "\u0120inaug": 14243, "\u0120contam": 14244, "\u0120firmly": 14245, "iw": 14246, "stage": 14247, "\u0120Kan": 14248, "\u0120tier": 14249, "\u0120invention": 14250, "\u0120translated": 14251, "\u0120Rules": 14252, "Box": 14253, "Twitter": 14254, "IDS": 14255, "\u0120pizza": 14256, "\u0120debug": 14257, "\u0120Drop": 14258, "vs": 14259, "\u0120horses": 14260, "big": 14261, "\u0120boring": 14262, "\u0120hood": 14263, "\u0120McCain": 14264, "atched": 14265, "\u0120Bros": 14266, "\u0120skip": 14267, "\u0120essay": 14268, "stat": 14269, "\u0120Legends": 14270, "\u0120ammunition": 14271, "auc": 14272, "\u0120shooter": 14273, "\u0120unh": 14274, "\u0120supplied": 14275, "\u0120generic": 14276, "\u0120SK": 14277, "iban": 14278, "yrics": 14279, "\u0120255": 14280, "\u0120climbing": 14281, "Former": 14282, "\u0120flip": 14283, "\u0120jumping": 14284, "\u0120frustration": 14285, "\u0120Terry": 14286, "\u0120neighborhoods": 14287, "\u0120median": 14288, "bean": 14289, "\u0120brains": 14290, "Following": 14291, "\u0120shaped": 14292, "\u0120draws": 14293, "\u0120altered": 14294, "Jack": 14295, "\u0120recipes": 14296, "\u0120skilled": 14297, "wealth": 14298, "achi": 14299, "election": 14300, "\u0120behaviors": 14301, "deals": 14302, "\u0120Until": 14303, "Fe": 14304, "\u0120declaration": 14305, "marks": 14306, "\u0120Between": 14307, "celona": 14308, "\u0120reson": 14309, "\u0120bubble": 14310, "Among": 14311, "\u0120imperial": 14312, "GS": 14313, "\u0120feminist": 14314, "2005": 14315, "\u0120Kyle": 14316, "\u0120accounting": 14317, "\u0120Tele": 14318, "\u0120Tyr": 14319, "\u0120connecting": 14320, "\u0120rehab": 14321, "\u0120Pred": 14322, "sim": 14323, "\u0120meantime": 14324, "\u0120physician": 14325, "MW": 14326, "\u0120Campbell": 14327, "\u0120Brandon": 14328, "\u0120contributing": 14329, "\u0120Rule": 14330, "\u0120Weight": 14331, "\u0120Nap": 14332, "\u0120interactive": 14333, "\u0120vag": 14334, "\u0120helmet": 14335, "\u0120Comb": 14336, "four": 14337, "\u0120shipped": 14338, "\u0120completing": 14339, "\u0120PD": 14340, "PDATE": 14341, "\u0120spreading": 14342, "\u0120scary": 14343, "erving": 14344, "\u0120Gas": 14345, "\u0120frank": 14346, "school": 14347, "\u0120romantic": 14348, "\u0120stabil": 14349, "Rob": 14350, "\u0120accurately": 14351, "\u0120acute": 14352, "\u0120Hann": 14353, "\u0120symbols": 14354, "\u0120civilization": 14355, "\u0120AW": 14356, "\u0120lightning": 14357, "\u0120considers": 14358, "\u0120venue": 14359, "\u0120\u00d7": 14360, "\u0120oven": 14361, "\u0120SF": 14362, "his": 14363, "\u0120nu": 14364, "\u0120Learn": 14365, "\u0120peoples": 14366, "\u0120std": 14367, "\u0120slee": 14368, "\u0120slic": 14369, "\u0120Statistics": 14370, "\u0120corners": 14371, "\u0120Baker": 14372, "\u0120:)": 14373, "mentation": 14374, "olver": 14375, "\u0120laughing": 14376, "\u0120Todd": 14377, "onde": 14378, "\u0120Hills": 14379, "\u0120nuts": 14380, "\u0120Woman": 14381, "plane": 14382, "\u0120liver": 14383, "\u0120Inside": 14384, "Sorry": 14385, "\u0120agrees": 14386, "\u0120fundament": 14387, "\u0120Fisher": 14388, "\u0120auction": 14389, "\u0120threads": 14390, "glas": 14391, "\u0120Basic": 14392, "\u0120Nat": 14393, "\u0120lacking": 14394, "\u0120celebration": 14395, "ju": 14396, "\u0120silly": 14397, "Euro": 14398, "\u0120tatt": 14399, "ighty": 14400, "controlled": 14401, "Test": 14402, "\u0120Singh": 14403, "\u0120rage": 14404, "\u0120rhyth": 14405, "offic": 14406, "\u0120Phantom": 14407, "\u0120headlines": 14408, "\u0120responding": 14409, "\u0120Morning": 14410, "\u0120vitamin": 14411, "\u0120boots": 14412, "\u0120Site": 14413, "alin": 14414, "pi": 14415, "\u0120viral": 14416, "\u0120UC": 14417, "DER": 14418, "\u0120Sex": 14419, "\u0120stocks": 14420, "current": 14421, "\u0120churches": 14422, "\u0120Rare": 14423, "\u0120Murphy": 14424, "\u0120denial": 14425, "\u0120Gaming": 14426, "\u0120toug": 14427, "\u0120nick": 14428, "\u0120makers": 14429, "\u0120Ronald": 14430, "\u0120generous": 14431, "\u0120Doc": 14432, "\u0120Morris": 14433, "\u0120transformed": 14434, "\u0120Normal": 14435, "\u0120104": 14436, "\u0120Kickstarter": 14437, "\u0120Upon": 14438, "Online": 14439, "\u0120IRS": 14440, "\u0120wrap": 14441, "\u0120loving": 14442, "\u0120arrives": 14443, "\u0120Due": 14444, "\u0120heter": 14445, "\u0120Made": 14446, "\u0120rental": 14447, "\u0120belongs": 14448, "\u0120attorneys": 14449, "\u0120crops": 14450, "\u0120matched": 14451, "ulum": 14452, "oline": 14453, "109": 14454, "\u0120dispar": 14455, "\u0120buyers": 14456, "\u0120Cambridge": 14457, "\u0120ethics": 14458, "roups": 14459, "\u0120justified": 14460, "\u0120marginal": 14461, "\u0120respected": 14462, "winning": 14463, "\u0120nodded": 14464, "\u0120Serge": 14465, "\u0120Former": 14466, "Craft": 14467, "################": 14468, "\u0120Warner": 14469, "\u0120dash": 14470, "ete": 14471, "\u0120entert": 14472, "\u0120Escape": 14473, "outheast": 14474, "\u0120knees": 14475, "\u0120Bomb": 14476, "\u0120rug": 14477, "Pass": 14478, "\u0120attitudes": 14479, "government": 14480, "\u0120Prior": 14481, "\u0120qualities": 14482, "\u0120notification": 14483, "\u0120Phone": 14484, "lie": 14485, "\u0120anticipated": 14486, "\u0120Combat": 14487, "\u0120Barry": 14488, "\u01201982": 14489, "Users": 14490, "oner": 14491, "\u0120computing": 14492, "\u0120Connecticut": 14493, "\u0120lesser": 14494, "\u0120peers": 14495, "\u0120Cu": 14496, "\u0120technically": 14497, "\u0120submission": 14498, "\u0120Universal": 14499, "\u0120manually": 14500, "ourge": 14501, "\u0120respondents": 14502, "\u0120BTC": 14503, "\u0120Host": 14504, "\u0120fare": 14505, "\u0120Bird": 14506, "\u0120receipt": 14507, "also": 14508, "\u0120jack": 14509, "\u0120agriculture": 14510, "\u0120skull": 14511, "\u0120!=": 14512, "\u0120passive": 14513, "\u0120CI": 14514, "\u0120societies": 14515, "\u0120reminded": 14516, "\u0120interference": 14517, "Buy": 14518, "\u0120\u00e2\u013e": 14519, "gon": 14520, "\u0120scrutiny": 14521, "\u0120Witch": 14522, "\u0120conducting": 14523, "\u0120\u00e3\u0125": 14524, "\u0120exchanges": 14525, "\u0120Mitchell": 14526, "\u0120inhabit": 14527, "\u0120twist": 14528, "BD": 14529, "\u0120wherever": 14530, "groupon": 14531, "\u0120jokes": 14532, "\u0120Benjamin": 14533, "\u0120Random": 14534, "frame": 14535, "\u0120Lions": 14536, "\u0120highlighted": 14537, "\u0120Arkansas": 14538, "Ent": 14539, "\u0120pile": 14540, "\u0120prelim": 14541, "gs": 14542, "minded": 14543, "\u0120felony": 14544, "\u0120GA": 14545, "\u0120Luck": 14546, "\u0120practically": 14547, "\u0120Bos": 14548, "\u0120actress": 14549, "Dam": 14550, "\u0120Bou": 14551, "\u0120visa": 14552, "\u0120embedded": 14553, "\u0120hybrid": 14554, "\u0120earliest": 14555, "\u0120sooner": 14556, "social": 14557, "\u0120HA": 14558, "\u0120steep": 14559, "\u0120disadvant": 14560, "\u0120exploit": 14561, "\u0120Egg": 14562, "\u0120Ultra": 14563, "\u0120necessity": 14564, "Local": 14565, "iege": 14566, "\u0120dated": 14567, "\u0120masses": 14568, "\u0120subscription": 14569, "pless": 14570, "\u0120anonym": 14571, "\u0120presumably": 14572, "Blue": 14573, "Their": 14574, "asketball": 14575, "\u0120Philip": 14576, "\u0120comed": 14577, "loaded": 14578, "rane": 14579, "\u0120reflection": 14580, "China": 14581, "\u0120extends": 14582, "\u0120forming": 14583, "\u0120unders": 14584, "2001": 14585, "\u0120grat": 14586, "\u0120concentrations": 14587, "\u0120insulin": 14588, "\u0120secular": 14589, "\u0120whilst": 14590, "\u0120winners": 14591, "Advertisements": 14592, "\u0120deliberately": 14593, "\u0120Working": 14594, "\u0120sink": 14595, "etics": 14596, "dale": 14597, "\u0120mandate": 14598, "\u0120gram": 14599, "\u0120vacation": 14600, "\u0120warnings": 14601, "ripp": 14602, "\u0120THAT": 14603, "\u0120commentary": 14604, "\u0120intu": 14605, "\u0120aest": 14606, "\u0120reasoning": 14607, "\u0120breakdown": 14608, "\u0120Zombie": 14609, "\u0120-->": 14610, "\u0120Political": 14611, "cott": 14612, "\u0120thrust": 14613, "\u0120technological": 14614, "\u0120deciding": 14615, "\u0120trafficking": 14616, "Long": 14617, "Welcome": 14618, "prising": 14619, "\u0120Communications": 14620, "\u0120endors": 14621, "\u0120swift": 14622, "\u0120metabol": 14623, "coins": 14624, "resa": 14625, "\u0120HTTP": 14626, "\u0120enroll": 14627, "\u0120Happy": 14628, "usr": 14629, "intage": 14630, "\u0120[\"": 14631, "uably": 14632, "\u0120Material": 14633, "\u0120repeal": 14634, "Sept": 14635, "kh": 14636, "\u0120Modi": 14637, "\u0120underneath": 14638, "\u0120IL": 14639, "shore": 14640, "\u0120diagnosed": 14641, "aceutical": 14642, "\u0120shower": 14643, "aux": 14644, "\u0120Switch": 14645, "\u0120Strength": 14646, "\u0120jihad": 14647, "national": 14648, "\u0120trauma": 14649, "ussy": 14650, "oni": 14651, "\u0120consolid": 14652, "\u0120calories": 14653, "\u0120Flynn": 14654, "agged": 14655, "168": 14656, "\u0120Pink": 14657, "\u0120fulfill": 14658, "\u0120chains": 14659, "\u0120notably": 14660, "\u0120AV": 14661, "Life": 14662, "\u0120Chuck": 14663, "mus": 14664, "\u0120Urban": 14665, "\u0120Hend": 14666, "\u0120deposit": 14667, "\u0120Sad": 14668, "\u0120affair": 14669, "ORK": 14670, "ieval": 14671, "\u0120FDA": 14672, "\u0120trop": 14673, "\u0120Overall": 14674, "\u0120virtue": 14675, "\u0120satisfaction": 14676, "aund": 14677, "\u0120lun": 14678, "\u0120Switzerland": 14679, "\u0120Operation": 14680, "process": 14681, "\u0120shook": 14682, "\u0120counties": 14683, "leased": 14684, "\u0120Charlotte": 14685, "112": 14686, "\u0120transcript": 14687, "\u0120redd": 14688, "push": 14689, "\u0120Hey": 14690, "\u0120Analysis": 14691, "[\"": 14692, "\u0120alternatives": 14693, "ardless": 14694, "\u0120eleph": 14695, "\u0120prejud": 14696, "\u0120Leaf": 14697, "Having": 14698, "\u0120Hub": 14699, "\u0120expressions": 14700, "\u0120Volume": 14701, "\u0120shocking": 14702, "\u0120Reds": 14703, "\u0120readily": 14704, "\u0120planets": 14705, "adata": 14706, "\u0120collapsed": 14707, "\u0120Madrid": 14708, "\u0120irrit": 14709, "ipper": 14710, "\u0120Enc": 14711, "\u0120Wire": 14712, "\u0120buzz": 14713, "\u0120GP": 14714, "asha": 14715, "\u0120accidentally": 14716, "uru": 14717, "\u0120frustrated": 14718, "\u0120SA": 14719, "\u0120hungry": 14720, "\u0120Huff": 14721, "\u0120labels": 14722, "anto": 14723, "\u0120EP": 14724, "\u0120barriers": 14725, ")|": 14726, "\u0120Berkeley": 14727, "\u0120Jets": 14728, "\u0120pairs": 14729, "\u0120Lan": 14730, "James": 14731, "\u0120Bear": 14732, "\u0120humor": 14733, "\u0120Liberty": 14734, "\u0120magnitude": 14735, "\u0120aging": 14736, "\u0120Mason": 14737, "\u0120friendship": 14738, "umbling": 14739, "\u0120emerge": 14740, "\u0120newspapers": 14741, "\u0120ambitious": 14742, "\u0120Richards": 14743, "aternal": 14744, "\u01201981": 14745, "\u0120cookies": 14746, "\u0120sculpt": 14747, "\u0120pursuit": 14748, "Location": 14749, "\u0120scripts": 14750, "pc": 14751, "\u0120arrangements": 14752, "\u0120diameter": 14753, "\u0120loses": 14754, "amation": 14755, "\u0120liqu": 14756, "\u0120Jake": 14757, "arette": 14758, "\u0120understands": 14759, "\u0120Zen": 14760, "vm": 14761, "\u0120approve": 14762, "\u0120wip": 14763, "\u0120ultra": 14764, "\u0120intend": 14765, "\u0120DI": 14766, "ascular": 14767, "\u0120stays": 14768, "\u0120Kor": 14769, "\u0120Kl": 14770, "\u0120investing": 14771, "La": 14772, "\u0120believing": 14773, "bad": 14774, "mouth": 14775, "\u0120taxpayer": 14776, "\u00e3\u0125\u0125": 14777, "\u0120Quebec": 14778, "\u0120lap": 14779, "\u0120Swiss": 14780, "drop": 14781, "\u0120drain": 14782, "iri": 14783, "etc": 14784, "ften": 14785, "\u0120Nex": 14786, "\u0120straw": 14787, "\u0120screaming": 14788, "\u0120counted": 14789, "\u0120damaging": 14790, "\u0120ambassador": 14791, "century": 14792, "\u0120prox": 14793, "\u0120arrests": 14794, "uv": 14795, "ilateral": 14796, "\u0120Charg": 14797, "\u0120prescribed": 14798, "\u0120independently": 14799, "\u0120fierce": 14800, "\u0120Baby": 14801, "\u0120brave": 14802, "\u0120suits": 14803, "=>": 14804, "\u0120baseline": 14805, "\u0120Rate": 14806, "\u0120islands": 14807, "\u0120((": 14808, "green": 14809, "ixels": 14810, "\u0120namely": 14811, "\u0120Village": 14812, "than": 14813, "amy": 14814, "Version": 14815, "gmail": 14816, "entials": 14817, "\u0120Sud": 14818, "\u0120Melbourne": 14819, "\u0120arriving": 14820, "\u0120quantum": 14821, "eff": 14822, "ropolitan": 14823, "Tri": 14824, "\u0120funeral": 14825, "\u0120IR": 14826, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 14827, "\u0120Cob": 14828, "itably": 14829, "\u0120turb": 14830, "\u0120combo": 14831, "Review": 14832, "\u0120deployment": 14833, "uity": 14834, "\u0120Bott": 14835, "\u0120invisible": 14836, "\u0120rendering": 14837, "\u0120unlocked": 14838, "\u0120aqu": 14839, "\u0120Vladimir": 14840, "\u0120pad": 14841, "\u0120Brain": 14842, "\u0120Legacy": 14843, "dragon": 14844, "\u0120Kurdish": 14845, "\u0120sounded": 14846, "\u0120detained": 14847, "\u0120DM": 14848, "gary": 14849, "\u0120daughters": 14850, "\u0120disturbing": 14851, "uka": 14852, "\u0120Parad": 14853, "\u0120tast": 14854, "\u0120unfortunate": 14855, "\u0120ul": 14856, "emin": 14857, "\u0120attendance": 14858, "trl": 14859, "\u0120parks": 14860, "\u0120Memorial": 14861, "\u0120Alice": 14862, "othy": 14863, "guard": 14864, "\u0120Dise": 14865, "\u0120Shan": 14866, "\u0120Forum": 14867, "Rich": 14868, "\u0120shifted": 14869, "uez": 14870, "\u0120lighter": 14871, "\u0120Magn": 14872, "\u0120cod": 14873, "Sch": 14874, "hammad": 14875, "Pub": 14876, "350": 14877, "\u0120Pokemon": 14878, "\u0120prototype": 14879, "\u0120unre": 14880, "Base": 14881, "\u0120Students": 14882, "\u0120Reply": 14883, "\u0120Communist": 14884, "\u0120gau": 14885, "\u0120Tyler": 14886, "IZ": 14887, "\u0120participated": 14888, "\u0120suprem": 14889, "\u0120Details": 14890, "\u0120vessels": 14891, "rod": 14892, "\u0120tribe": 14893, "keep": 14894, "\u0120assumptions": 14895, "\u0120pound": 14896, "\u0120crude": 14897, "\u0120Available": 14898, "\u0120swimming": 14899, "\u0120inclusion": 14900, "\u0120advances": 14901, "culation": 14902, "\u0120conservation": 14903, "\u0120overd": 14904, "\u0120Buffalo": 14905, "Article": 14906, "edge": 14907, "\u0120awa": 14908, "\u0120Madison": 14909, "\u0120sidew": 14910, "\u0120catast": 14911, "\u0120Krist": 14912, "ucle": 14913, "\u0120Highway": 14914, "\u0120Terror": 14915, "\u0120activation": 14916, "\u0120unconscious": 14917, "\u0120Satan": 14918, "\u0120Susan": 14919, "illery": 14920, "\u0120arranged": 14921, "iop": 14922, "\u0120rumors": 14923, "urring": 14924, "think": 14925, "\u0120Keith": 14926, "\u0120Kind": 14927, "\u0120avoiding": 14928, "byn": 14929, "nut": 14930, "\u0120Speaker": 14931, "rus": 14932, "names": 14933, "\u0120guilt": 14934, "\u0120Olympics": 14935, "\u0120sail": 14936, "\u0120Mes": 14937, "levant": 14938, "\u0120Columbus": 14939, "aft": 14940, "City": 14941, "South": 14942, "\u0120Harvey": 14943, "\u0120Pun": 14944, "Several": 14945, "\u0120mentally": 14946, "\u0120impress": 14947, "mount": 14948, "\u0120Ubuntu": 14949, "\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136": 14950, "\u0120Superman": 14951, "\u0120MPs": 14952, "\u0120intentions": 14953, "\u0120Racing": 14954, "\u0120likelihood": 14955, "\u0120240": 14956, "Total": 14957, "\u0120toys": 14958, "\u0120Watson": 14959, "\u0120urge": 14960, "Lear": 14961, "\u0120Paper": 14962, "\u0120occurring": 14963, "\u0120Beng": 14964, "\u0120Cert": 14965, "\u0120stones": 14966, "Tim": 14967, "\u0120Twin": 14968, "zb": 14969, "\u0120Dynam": 14970, "\u0120politician": 14971, "kens": 14972, "\u0120Enterprise": 14973, "UTERS": 14974, "\u0120abol": 14975, "\u0120refresh": 14976, "\u0120arbitrary": 14977, "pection": 14978, "\u0120troubles": 14979, "\u0120});": 14980, "tv": 14981, "\u0120pilots": 14982, "\u0120distribute": 14983, "\u0120audit": 14984, "\u0120pause": 14985, "original": 14986, "\u0120rivals": 14987, "\u00c2\u00a3": 14988, "Fig": 14989, "TL": 14990, "abil": 14991, "rying": 14992, "Lin": 14993, "ioned": 14994, "lon": 14995, "\u0120fancy": 14996, "\u0120crashed": 14997, "\u0120tract": 14998, "\u0120shed": 14999, "\u0120consume": 15000, "Based": 15001, "download": 15002, "init": 15003, "\u0120voltage": 15004, "Introdu": 15005, "\u0120condemned": 15006, "\u0120Finance": 15007, "respect": 15008, "\u0120excluded": 15009, "\u0120establishing": 15010, "heric": 15011, "\u0120heritage": 15012, "\u0120spectacular": 15013, "\u0120unst": 15014, "\u0120Snowden": 15015, "\u0120Lane": 15016, "San": 15017, "\u0120protections": 15018, "struction": 15019, "incinn": 15020, "\u0120macro": 15021, "Custom": 15022, "iosity": 15023, "\u0120esp": 15024, "\u0120functioning": 15025, "\u0120mush": 15026, "\u0120puzzle": 15027, "\u0120ethical": 15028, "Mal": 15029, "\u0120governing": 15030, "\u0120Ferguson": 15031, "\u0120restored": 15032, "\u0120stressed": 15033, "\u0120Counter": 15034, "\u0120Kas": 15035, "clip": 15036, "ANS": 15037, "\u0120seiz": 15038, "UK": 15039, "byss": 15040, "oldown": 15041, "api": 15042, "\u0120permanently": 15043, "ounters": 15044, "West": 15045, "Through": 15046, "Light": 15047, "atoes": 15048, "\u0120neat": 15049, "\u0120cord": 15050, "urer": 15051, "\u0120severely": 15052, "\u0120Aven": 15053, "\u0120interrog": 15054, "\u0120triple": 15055, "Given": 15056, "Number": 15057, "\u0120arise": 15058, "\u0120sher": 15059, "plant": 15060, "\u0120flower": 15061, "\u0120Cou": 15062, "\u0120ate": 15063, "\u0120newer": 15064, "bul": 15065, "\u0120meanwhile": 15066, "\u0120Lair": 15067, "\u0120adjustment": 15068, "\u0120Copyright": 15069, "\u0120divers": 15070, "iological": 15071, "\u0120gamers": 15072, "oat": 15073, "\u0120historically": 15074, "\u0120analog": 15075, "\u0120longtime": 15076, "\u0120prescription": 15077, "\u0120Mist": 15078, "\u0120Hyper": 15079, "\u0120Maine": 15080, "\u0120Deity": 15081, "\u0120multipl": 15082, "\u0120Reincarn": 15083, "\u0120Hyd": 15084, "\u0120Pic": 15085, "Sil": 15086, "rants": 15087, "\u0120Cris": 15088, ".;": 15089, "({": 15090, "ependence": 15091, "\u0120recy": 15092, "ateur": 15093, "\u0120quad": 15094, "\u0120glob": 15095, "\u0120conced": 15096, "team": 15097, "\u0120capitalist": 15098, "\u0120Lot": 15099, "\u0120royal": 15100, "\u0120Cyber": 15101, "\u0120blacks": 15102, "metic": 15103, "riv": 15104, "\u0120Danny": 15105, "\u0120spo": 15106, "\u0120RO": 15107, "\u0120animated": 15108, "rypted": 15109, "\u0120Deputy": 15110, "\u0120rendered": 15111, "FE": 15112, "\u0120streak": 15113, "\u0120clouds": 15114, "\u0120Doug": 15115, "~~~~~~~~": 15116, "\u0120discour": 15117, "\u0120Veh": 15118, "\u0120psychology": 15119, "\u0120Journey": 15120, "\u0120crystal": 15121, "\u0120Frost": 15122, "\u0120suspicion": 15123, "\u0120relate": 15124, "orus": 15125, "\u0120Crypt": 15126, "\u0120NVIDIA": 15127, "comed": 15128, "uting": 15129, "incinnati": 15130, "\u0120vulnerability": 15131, "ostic": 15132, "\u0120isolation": 15133, "\u0120cooling": 15134, "\u0120Coalition": 15135, "\u0120119": 15136, "Four": 15137, "\u0120Deal": 15138, "\u0120\u00e2\u012b": 15139, "semble": 15140, "rament": 15141, "\u0120Barcelona": 15142, "\u0120102": 15143, "\u0120cocaine": 15144, "ocalypse": 15145, "Feb": 15146, "ogenic": 15147, "\u0120mutation": 15148, "\u0120cryptoc": 15149, "\u0120Kel": 15150, "\u0120Git": 15151, "ais": 15152, "\u0120sisters": 15153, "ANK": 15154, "\u0120activate": 15155, "Ter": 15156, "\u0120dread": 15157, "ylon": 15158, "\u0120propri": 15159, "Aust": 15160, "\u0120Default": 15161, "\u0120outdoor": 15162, "\u0120sheer": 15163, "ceive": 15164, "\u0120gently": 15165, "\u00d0\u00be": 15166, "Program": 15167, "\u0120\u00e2\u0128\u0134": 15168, "\u0120vegan": 15169, "\u0120Crus": 15170, "\u0120responsibilities": 15171, "\u0120HR": 15172, "OLD": 15173, "\u0120prevents": 15174, "\u0120stiff": 15175, "\u0120Were": 15176, "\u0120athletic": 15177, "\u0120Score": 15178, "\u0120):": 15179, "\u0120columns": 15180, "\u0120Loc": 15181, "available": 15182, "\u0120Fram": 15183, "\u0120Sessions": 15184, "\u0120companion": 15185, "\u0120packs": 15186, "140": 15187, "\u0120Knights": 15188, "\u0120fart": 15189, "\u0120streams": 15190, "\u0120shore": 15191, "\u0120appeals": 15192, "\u0120Performance": 15193, "haul": 15194, "\u0120Stra": 15195, "\u0120Nag": 15196, "103": 15197, "\u0120Transportation": 15198, "BB": 15199, "Ev": 15200, "zan": 15201, "Public": 15202, "\u0120twin": 15203, "ulsion": 15204, "Mult": 15205, "\u0120electro": 15206, "\u0120statue": 15207, "ationally": 15208, "\u0120Nort": 15209, "\u0120inspection": 15210, "/*": 15211, "igue": 15212, "\u0120compassion": 15213, "\u0120Tales": 15214, "\u0120Stein": 15215, "\u0120Screen": 15216, "\u0120Bug": 15217, "\u0120Lion": 15218, "girl": 15219, "\u0120withdrawal": 15220, "\u0120objectives": 15221, "\u0120bloody": 15222, "\u0120preliminary": 15223, "\u0120jacket": 15224, "\u0120dimensions": 15225, "\u0120Cool": 15226, "\u0120Occup": 15227, "\u0120wreck": 15228, "\u0120doubled": 15229, "anking": 15230, "\u01201975": 15231, "\u0120glasses": 15232, "\u0120Wang": 15233, "prov": 15234, "Path": 15235, "connected": 15236, "\u0120Multi": 15237, "\u0120Norway": 15238, "agonist": 15239, "\u0120feared": 15240, "\u0120touching": 15241, "\u0120arguably": 15242, "\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af": 15243, "\u0120NCAA": 15244, "chem": 15245, "\u0120spat": 15246, "\u0120WWE": 15247, "\u0120Cel": 15248, "igger": 15249, "\u0120attacker": 15250, "\u0120Join": 15251, "object": 15252, "etta": 15253, "\u0120eliminated": 15254, "det": 15255, "\u0120destruct": 15256, "\u0120Lucas": 15257, "ctuary": 15258, "180": 15259, "\u0120Brady": 15260, "\u0120Blues": 15261, "Bay": 15262, "aukee": 15263, "\u0120timeline": 15264, "\u0120delegates": 15265, "written": 15266, "ufficient": 15267, "\u0120shapes": 15268, "Copyright": 15269, "ouble": 15270, "service": 15271, "\u0120pione": 15272, "\u0120colleges": 15273, "\u0120rows": 15274, "\u0120spite": 15275, "\u0120assessed": 15276, "360": 15277, "\u0120lease": 15278, "\u0120confidential": 15279, "cker": 15280, "\u0120Manning": 15281, "\u0120Voice": 15282, "\u0120sealed": 15283, "\u0120calculate": 15284, "NO": 15285, "\u0120Assistant": 15286, "\u0120teenager": 15287, "ulent": 15288, "atherine": 15289, "\u0120mock": 15290, "\u0120diamond": 15291, "\u0120fest": 15292, "\u0120switched": 15293, "\u0120resume": 15294, "\u0120Puerto": 15295, "\u0120lanes": 15296, "iration": 15297, "\u0120Similarly": 15298, "\u0120rod": 15299, "\u0120Sel": 15300, "\u0120Palace": 15301, "\u0120Limited": 15302, "eous": 15303, "\u0120variant": 15304, "\u0120ward": 15305, "\u0120))": 15306, "Show": 15307, "OOK": 15308, "Alex": 15309, "\u0120Nep": 15310, "bris": 15311, "\u0120Wikipedia": 15312, "\u0120exceptional": 15313, "\u0120manages": 15314, "\u0120Draw": 15315, "Again": 15316, "\u0120copper": 15317, "utt": 15318, "\u0120exports": 15319, "\u0120portfolio": 15320, "\u0120elevated": 15321, "Rated": 15322, "\u0120Otherwise": 15323, "\u0120Tact": 15324, "\u0120Shel": 15325, "\u0120TX": 15326, "\"\u00e2\u0122\u0136": 15327, "\u0120resur": 15328, "\u0120Wa": 15329, "venant": 15330, "\u0120monetary": 15331, "people": 15332, "Email": 15333, "\u0120fifty": 15334, "\u0120Sweet": 15335, "\u0120Malaysia": 15336, "\u0120confusing": 15337, "\u0120Rio": 15338, "uda": 15339, "utenant": 15340, "\");": 15341, "\u0120praised": 15342, "\u0120volumes": 15343, "turn": 15344, "\u0120mature": 15345, "\u0120nonprofit": 15346, "\u0120passionate": 15347, "\u0120Private": 15348, "\u0120103": 15349, "\u0120descend": 15350, "\u00e7\u00a5\u0140": 15351, "uffy": 15352, "headed": 15353, "Whether": 15354, "rien": 15355, "zech": 15356, "beit": 15357, "\u0120chrom": 15358, "\u0120McM": 15359, "\u0120dancing": 15360, "\u0120eleg": 15361, "\u0120Noticed": 15362, "115": 15363, "\u0120advocacy": 15364, "ENTS": 15365, "ambling": 15366, "\u0120Minor": 15367, "\u0120Finn": 15368, "\u0120priorities": 15369, "\u0120thereof": 15370, "\u0120Stage": 15371, "\u0120Rogers": 15372, "\u0120substitute": 15373, "\u0120Jar": 15374, "\u0120Jefferson": 15375, "\u0120lightly": 15376, "102": 15377, "\u0120Lisa": 15378, "uits": 15379, "ysical": 15380, "\u0120shifts": 15381, "\u0120drones": 15382, "\u0120workplace": 15383, "\u0120resid": 15384, "ensed": 15385, "ahn": 15386, "\u0120preferences": 15387, "server": 15388, "\u0120debates": 15389, "doc": 15390, "\u0120Gods": 15391, "\u0120helicopter": 15392, "\u0120honour": 15393, "\u0120considerably": 15394, "eded": 15395, "\u0120Female": 15396, "\u0120Anne": 15397, "\u0120reun": 15398, "\u0120Face": 15399, "\u0120Hallow": 15400, "\u0120Budget": 15401, "\u0120condemn": 15402, "\u0120tender": 15403, "Prof": 15404, "ocratic": 15405, "\u0120Turner": 15406, "\u0120Agric": 15407, "\u01201976": 15408, "\u0120apt": 15409, "disc": 15410, "\u0120Fighter": 15411, "\u0120Aur": 15412, "\u0120garbage": 15413, "input": 15414, "\u0120Karl": 15415, "\u0120Oliver": 15416, "\u0120Language": 15417, "kn": 15418, "Non": 15419, "\u0120Clar": 15420, "\u0120traditions": 15421, "\u0120advertisement": 15422, "\u0120Sor": 15423, "\u0120archive": 15424, "\u0120villages": 15425, "750": 15426, "\u0120implementing": 15427, "waukee": 15428, "\u0120dietary": 15429, "\u0120switching": 15430, "Republic": 15431, "\u0120velocity": 15432, "\u0120cit": 15433, "\u0120Awards": 15434, "\u0120financing": 15435, "\u0120lasted": 15436, ")]": 15437, "\u0120reminder": 15438, "Person": 15439, "\u0120precision": 15440, "\u0120designers": 15441, "\u0120Fried": 15442, "\u0120Border": 15443, "\u0120tragic": 15444, "\u0120wield": 15445, "\u0120initiatives": 15446, "\u0120Tank": 15447, "wer": 15448, "\u0120joins": 15449, "Ro": 15450, "inery": 15451, "\u0120arrow": 15452, "\u0120generating": 15453, "founder": 15454, "\u0120searches": 15455, "\u0120randomly": 15456, "Access": 15457, "\u0120batch": 15458, "\u0120posed": 15459, "lat": 15460, "\u0120pursuing": 15461, "asa": 15462, "\u0120testified": 15463, "forming": 15464, "\u0120Shar": 15465, "wiki": 15466, "\u0120Either": 15467, "Sometimes": 15468, "\u0120senators": 15469, "\u0120Johnny": 15470, "\u0120Taliban": 15471, "\u0120GPS": 15472, "\":\"/": 15473, "\u00e3\u0123\u00ae\u00e5": 15474, "\u0120analyzed": 15475, "\u0120Rubio": 15476, "\u0120Movement": 15477, "opard": 15478, "iii": 15479, "Stand": 15480, "fight": 15481, "\u0120ignoring": 15482, "iang": 15483, "\u0120GN": 15484, "soever": 15485, "\u0120STAT": 15486, "\u0120refusing": 15487, "\u0120sweat": 15488, "\u0120bay": 15489, "PORT": 15490, "irmed": 15491, "aky": 15492, "\u0120dispro": 15493, "\u0120labeled": 15494, "\u0120108": 15495, "Hello": 15496, "\u0120pleasant": 15497, "aba": 15498, "\u0120triumph": 15499, "\u0120aboard": 15500, "\u0120incom": 15501, "\u0120Crow": 15502, "lett": 15503, "\u0120folk": 15504, "\u0120chase": 15505, "``": 15506, "\u0120Brus": 15507, "\u0120teens": 15508, "cue": 15509, "\u0120terrain": 15510, "hyd": 15511, "ilight": 15512, "ORY": 15513, "Support": 15514, "ews": 15515, "lli": 15516, "raints": 15517, "\u0120Cand": 15518, "\u0120abused": 15519, "achment": 15520, "larg": 15521, "Bas": 15522, "\u0120Cancer": 15523, "\u01201978": 15524, "\u0120supporter": 15525, "access": 15526, "\u0120Termin": 15527, "\u0120Tampa": 15528, "\u0120ANY": 15529, "\u0120newest": 15530, "\u0120Criminal": 15531, "edu": 15532, "\u01201930": 15533, "\u0120admits": 15534, "\u0120ende": 15535, "\u0120failures": 15536, "urate": 15537, "fulness": 15538, "cycl": 15539, "\u0120Subject": 15540, "\u0120infinite": 15541, "three": 15542, "WA": 15543, "pit": 15544, "\u0120Install": 15545, "Rad": 15546, "iliation": 15547, "GM": 15548, "\u0120continent": 15549, "\u0120accommodate": 15550, "\u0120Clay": 15551, "\u0120pup": 15552, "\u0120Function": 15553, "\u0120hammer": 15554, "\u0120Alberta": 15555, "\u0120revised": 15556, "\u0120minorities": 15557, "\u0120measurement": 15558, "Connell": 15559, "\u0120disable": 15560, "\u0120Mix": 15561, "Incre": 15562, "\u0120fork": 15563, "\u0120Rosen": 15564, "\u0120implies": 15565, "umblr": 15566, "ANG": 15567, "\u0120proteins": 15568, "\u0120aggression": 15569, "\u0120facilitate": 15570, "SN": 15571, "\u0120illegally": 15572, "uer": 15573, "\u0120academ": 15574, "\u0120puzz": 15575, "\u0120Shift": 15576, "pay": 15577, "ollo": 15578, "\u0120audiences": 15579, "Build": 15580, "\u0120noble": 15581, "\u0120syntax": 15582, "\u00e2\u013a\u0127": 15583, "\u0120beam": 15584, "\u0120Bed": 15585, "\u0120Ald": 15586, "\u0120origins": 15587, "video": 15588, "\u01201977": 15589, "\u0120Assault": 15590, "\u0120garage": 15591, "Team": 15592, "\u0120verdict": 15593, "\u0120dwar": 15594, "\u0120Virtual": 15595, "event": 15596, "Keep": 15597, "\u0120sentiment": 15598, "\u0120wildlife": 15599, "shirt": 15600, "\u0120burg": 15601, "\u0120recommendation": 15602, "represent": 15603, "\u0120gallery": 15604, "owners": 15605, "\u0120scholar": 15606, "\u0120convenience": 15607, "\u0120Swift": 15608, "\u0120convinc": 15609, "Cap": 15610, "\u0120warfare": 15611, "\u0120Visual": 15612, "\u0120constitute": 15613, "\u0120abort": 15614, "\u0120Weather": 15615, "\u0120Looking": 15616, "\u0120Hem": 15617, "\u0120martial": 15618, "\u0120incoming": 15619, "etition": 15620, "\u0120tolerance": 15621, "\u0120Created": 15622, "\u0120flows": 15623, "\u0120Elder": 15624, "\u0120souls": 15625, "\u0120foul": 15626, "\u0120Pain": 15627, "\u0120CAN": 15628, "\u0120220": 15629, "bc": 15630, "hend": 15631, "\u0120genius": 15632, "Real": 15633, "\u0120Wr": 15634, "ometer": 15635, "pad": 15636, "\u0120limiting": 15637, "\u0120Si": 15638, "\u0120Lore": 15639, "\u0120Adventures": 15640, "\u0120varied": 15641, "Disc": 15642, "fin": 15643, "\u0120Personal": 15644, "Chris": 15645, "\u0120invented": 15646, "\u0120dive": 15647, "\u0120Rise": 15648, "\u0120oz": 15649, "\u0120Comics": 15650, "\u0120expose": 15651, "\u0120Reb": 15652, "letters": 15653, "site": 15654, "imated": 15655, "\u0120hacking": 15656, "\u0120educated": 15657, "\u0120Nobody": 15658, "\u0120depri": 15659, "\u0120incentive": 15660, "\u00e3\u0124\u00b7": 15661, "\u0120oversight": 15662, "\u0120tribes": 15663, "\u0120Belgium": 15664, "\u0120licensing": 15665, "ourt": 15666, "Product": 15667, "ahl": 15668, "\u0120Gem": 15669, "\u0120specialist": 15670, "\u0120cra": 15671, "anners": 15672, "\u0120Corbyn": 15673, "\u01201973": 15674, "READ": 15675, "\u0120summar": 15676, "\u0120overlook": 15677, "\u0120Application": 15678, "\u0120inappropriate": 15679, "\u0120downloaded": 15680, "Que": 15681, "\u0120Bears": 15682, "\u0120thumb": 15683, "\u0120Character": 15684, "\u0120Reincarnated": 15685, "\u0120Sid": 15686, "\u0120demonstrates": 15687, "sky": 15688, "\u0120Bloomberg": 15689, "\u0120Array": 15690, "\u0120Results": 15691, "\u0120Fourth": 15692, "\u0120EDT": 15693, "\u0120Oscar": 15694, "cend": 15695, "\u0120106": 15696, "\u0120NULL": 15697, "\u0120HERE": 15698, "match": 15699, "\u0120Brun": 15700, "\u0120glucose": 15701, "ieg": 15702, "egu": 15703, "\u0120certified": 15704, "\u0120relie": 15705, "\u0120humanitarian": 15706, "\u0120prayers": 15707, "King": 15708, "\u0120nan": 15709, "hou": 15710, "108": 15711, "ulu": 15712, "\u0120renewable": 15713, "\u0120distinguish": 15714, "\u0120dense": 15715, "\u0120Vent": 15716, "\u0120Package": 15717, "\u0120Boss": 15718, "\u0120editors": 15719, "\u0120migr": 15720, "Tra": 15721, "\u0120Peters": 15722, "\u0120Arctic": 15723, "2004": 15724, "\u0120Cape": 15725, "\u0120locally": 15726, "\u0120lasting": 15727, "\u0120handy": 15728, ".).": 15729, "Pan": 15730, "\u0120RES": 15731, "Index": 15732, "\u0120tensions": 15733, "\u0120formerly": 15734, "\u0120ideological": 15735, "\u0120sensors": 15736, "\u0120dealers": 15737, "\u0120defines": 15738, "Sk": 15739, "\u0120proceeds": 15740, "\u0120proxy": 15741, "azines": 15742, "\u0120Bash": 15743, "\u0120Pad": 15744, "\u0120Craft": 15745, "ealous": 15746, "\u0120sheets": 15747, "ometry": 15748, "June": 15749, "clock": 15750, "TT": 15751, "\u0120Theatre": 15752, "\u0120Buzz": 15753, "\u0120chapters": 15754, "\u0120millenn": 15755, "\u0120dough": 15756, "\u0120Congressional": 15757, "\u0120imagined": 15758, "avior": 15759, "\u0120clinic": 15760, "\u01201945": 15761, "\u0120holder": 15762, "root": 15763, "olester": 15764, "\u0120restart": 15765, "BN": 15766, "\u0120Hamas": 15767, "\u0120Job": 15768, "\u0120orb": 15769, "\u0120ram": 15770, "\u0120disclose": 15771, "\u0120translate": 15772, "\u0120immigrant": 15773, "\u0120annoying": 15774, "\u0120treaty": 15775, "anium": 15776, "\u0120Tea": 15777, "\u0120Legion": 15778, "\u0120crowds": 15779, "\u0120Bec": 15780, "\u0120Aer": 15781, "ohyd": 15782, "Bro": 15783, "Looking": 15784, "\u0120lbs": 15785, "\u0120aggress": 15786, "\u0120seam": 15787, "\u0120intercept": 15788, "\u0120MI": 15789, "mercial": 15790, "activ": 15791, "\u0120Cit": 15792, "\u0120dimension": 15793, "\u0120consistency": 15794, "\u0120rushing": 15795, "\u0120Douglas": 15796, "\u0120trim": 15797, "Install": 15798, "icker": 15799, "\u0120shy": 15800, "106": 15801, "\u0120mentions": 15802, "pelled": 15803, "\u0120Tak": 15804, "cost": 15805, "\u0120classroom": 15806, "\u0120fortune": 15807, "driven": 15808, "\u0120unle": 15809, "\u0120Wheel": 15810, "\u0120investor": 15811, "\u0120Masters": 15812, "kit": 15813, "\u0120associations": 15814, "\u0120Evolution": 15815, "oping": 15816, "uscript": 15817, "\u0120provincial": 15818, "\u0120Walter": 15819, "avi": 15820, "SO": 15821, "\u0120unlimited": 15822, "English": 15823, "\u0120Cards": 15824, "\u0120Ebola": 15825, "nered": 15826, "\u0120revenge": 15827, "\u0120outright": 15828, "umper": 15829, "\u0120fitting": 15830, "\u0120Solid": 15831, "\u0120formally": 15832, "\u0120problematic": 15833, "\u0120hazard": 15834, "\u0120encryption": 15835, "\u0120straightforward": 15836, "\u0120AK": 15837, "\u0120pse": 15838, "\u0120Orb": 15839, "\u0120Chamber": 15840, "\u0120Mak": 15841, "Contents": 15842, "\u0120loyalty": 15843, "\u0120lyrics": 15844, "\u0120Sym": 15845, "\u0120welcomed": 15846, "\u0120cooked": 15847, "\u0120monop": 15848, "\u0120nurse": 15849, "\u0120misleading": 15850, "\u0120eternal": 15851, "\u0120shifting": 15852, "\u0120+=": 15853, "Vis": 15854, "\u0120institutional": 15855, "illary": 15856, "\u0120pant": 15857, "VERT": 15858, "\u0120ACC": 15859, "\u0120Enh": 15860, "\u0120incon": 15861, "\u0120REUTERS": 15862, "\u0120donated": 15863, "\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6": 15864, "Intern": 15865, "\u0120exhibit": 15866, "\u0120tire": 15867, "\u0120Ric": 15868, "\u0120Champion": 15869, "\u0120Muhammad": 15870, "NING": 15871, "\u0120Soccer": 15872, "\u0120mobility": 15873, "\u0120varying": 15874, "\u0120Movie": 15875, "\u0120lord": 15876, "oak": 15877, "Field": 15878, "\u0120vector": 15879, "usions": 15880, "\u0120scrap": 15881, "\u0120enabling": 15882, "make": 15883, "Tor": 15884, ".*": 15885, "||": 15886, "\u0120Website": 15887, "\u0120NPC": 15888, "\u0120socialist": 15889, "\u0120Billy": 15890, "\u0120Additional": 15891, "\u0120cargo": 15892, "\u0120farms": 15893, "\u0120Soon": 15894, "\u0120Prize": 15895, "\u0120midnight": 15896, "\u0120900": 15897, "seen": 15898, "\u0120Spot": 15899, "\u0120sheep": 15900, "\u0120sponsored": 15901, "\u0120Hi": 15902, "\u0120Jump": 15903, "\u01201967": 15904, "Microsoft": 15905, "\u0120Agent": 15906, "\u0120charts": 15907, "dir": 15908, "\u0120adjacent": 15909, "\u0120tricks": 15910, "\u0120manga": 15911, "\u0120exagger": 15912, "/>": 15913, "football": 15914, "\u0120FCC": 15915, "GC": 15916, "\u0120Tier": 15917, "andra": 15918, "OUND": 15919, "%),": 15920, "\u0120fruits": 15921, "VC": 15922, "\u0120AA": 15923, "Rober": 15924, "\u0120midst": 15925, "\u00e2\u0139": 15926, "anka": 15927, "\u0120legislature": 15928, "\u0120Neil": 15929, "\u0120tourists": 15930, "\"\"": 15931, "\u0120Warning": 15932, "\u0120Nevertheless": 15933, "\u0120Official": 15934, "\u0120Whatever": 15935, "\u0120mold": 15936, "\u0120drafted": 15937, "\u0120substances": 15938, "\u0120breed": 15939, "\u0120tags": 15940, "\u0120Task": 15941, "\u0120verb": 15942, "\u0120manufactured": 15943, "comments": 15944, "\u0120Polish": 15945, "Prov": 15946, "\u0120determines": 15947, "Obama": 15948, "kers": 15949, "\u0120utterly": 15950, "\u0120sect": 15951, "sche": 15952, "\u0120Gates": 15953, "\u0120Chap": 15954, "\u0120aluminum": 15955, "\u0120zombie": 15956, "\u0120Touch": 15957, "\u0120UP": 15958, "\u0120satisfy": 15959, "\u0120predomin": 15960, "ascript": 15961, "\u0120elaborate": 15962, "\u01201968": 15963, "\u0120measuring": 15964, "\u0120Vari": 15965, "anyahu": 15966, "\u0120sir": 15967, "ulates": 15968, "idges": 15969, "ickets": 15970, "\u0120Spencer": 15971, "TM": 15972, "oubted": 15973, "\u0120prey": 15974, "\u0120installing": 15975, "\u0120Cab": 15976, "reed": 15977, "reated": 15978, "Supp": 15979, "\u0120wrist": 15980, "\u0120Kerry": 15981, "107": 15982, "\u0120Kle": 15983, "\u0120Rachel": 15984, "\u0120cotton": 15985, "\u0120ARE": 15986, "\u0120Ele": 15987, "Control": 15988, "\u0120loads": 15989, "\u0120Dod": 15990, "anas": 15991, "bone": 15992, "\u0120classical": 15993, "\u0120Regional": 15994, "\u0120Integ": 15995, "VM": 15996, "\u0120desires": 15997, "\u0120autism": 15998, "supported": 15999, "\u0120Message": 16000, "\u0120compact": 16001, "writer": 16002, "\u0120109": 16003, "\u0120Hurricane": 16004, "cision": 16005, "\u0120cycles": 16006, "\u0120drill": 16007, "\u0120colleague": 16008, "\u0120maker": 16009, "German": 16010, "\u0120mistaken": 16011, "Sun": 16012, "\u0120Gay": 16013, "\u0120whatsoever": 16014, "\u0120sells": 16015, "\u0120Airl": 16016, "liv": 16017, "\u0120Option": 16018, "\u0120solved": 16019, "\u0120sectors": 16020, "\u0120horizontal": 16021, "\u0120equation": 16022, "\u0120Skill": 16023, "\u0120Bio": 16024, "gement": 16025, "\u0120Snap": 16026, "\u0120Legal": 16027, "\u0120trademark": 16028, "\u0120makeup": 16029, "\u0120assembled": 16030, "\u0120saves": 16031, "\u0120Halloween": 16032, "\u0120Vermont": 16033, "\u0120FROM": 16034, "\u0120farming": 16035, "\u0120Podcast": 16036, "acceptable": 16037, "\u0120Higher": 16038, "\u0120asleep": 16039, "ullivan": 16040, "\u0120referen": 16041, "\u0120Lev": 16042, "\u0120bullets": 16043, "oko": 16044, "HC": 16045, "\u0120stairs": 16046, "\u0120maintains": 16047, "\u0120Lower": 16048, "\u0120Vi": 16049, "\u0120marine": 16050, "\u0120acres": 16051, "\u0120coordinator": 16052, "\u0120Joh": 16053, "\u0120counterparts": 16054, "\u0120Brothers": 16055, "\u0120indict": 16056, "bra": 16057, "\u0120chunk": 16058, "\u0120cents": 16059, "Home": 16060, "\u0120Month": 16061, "\u0120accordingly": 16062, "ifles": 16063, "\u0120Germans": 16064, "\u0120Syn": 16065, "Hub": 16066, "\u0120eyeb": 16067, "\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122": 16068, "\u0120ranges": 16069, "\u0120Holland": 16070, "\u0120Robot": 16071, "fc": 16072, "Mike": 16073, "\u0120plasma": 16074, "\u0120swap": 16075, "\u0120athlete": 16076, "\u0120Rams": 16077, ",'\"": 16078, "\u0120infections": 16079, "\u0120corrid": 16080, "\u0120vib": 16081, "\u0120patches": 16082, "\u0120traditionally": 16083, "\u0120revelation": 16084, "\u0120sweep": 16085, "\u0120glance": 16086, "\u0120inex": 16087, "2003": 16088, "\u0120Raw": 16089, "working": 16090, "osures": 16091, "\u0120Dat": 16092, "\u0120Lynch": 16093, "\u0120leverage": 16094, "\u0120Reid": 16095, "\u0120correlation": 16096, "iances": 16097, "avascript": 16098, "\u0120repository": 16099, "retty": 16100, "\u01201972": 16101, "240": 16102, "\u0120oun": 16103, "pol": 16104, "\u0120Reed": 16105, "\u0120tactical": 16106, "isite": 16107, "Apple": 16108, "\u0120Quinn": 16109, "\u0120raped": 16110, "illo": 16111, "Europe": 16112, "\u0120algorithms": 16113, "\u0120Rodrig": 16114, "iu": 16115, "\u0120illum": 16116, "\u0120fame": 16117, "\u0120introducing": 16118, "\u0120delays": 16119, "\u0120Raiders": 16120, "\u0120whistle": 16121, "\u0120novels": 16122, "\u0120Really": 16123, "\u0120deriv": 16124, "\u0120publications": 16125, "\u0120Neither": 16126, "\u0120Commerce": 16127, "\u0120aston": 16128, "language": 16129, "Notes": 16130, "\u0120Roth": 16131, "\u0120Fear": 16132, "\u0120mate": 16133, "\u0120parade": 16134, "\u0120QB": 16135, "\u0120maneu": 16136, "\u0120Cincinnati": 16137, "mitting": 16138, "\u0120waist": 16139, "\u0120Rew": 16140, "\u0120discont": 16141, "\u00d0\u00b0": 16142, "\u0120staring": 16143, "\u0120alias": 16144, "\u0120securities": 16145, "\u0120toilet": 16146, "\u0120Jedi": 16147, "\u0120unlaw": 16148, "vised": 16149, "////////": 16150, "](": 16151, "\u0120Weiss": 16152, "\u0120prest": 16153, "\u0120Compan": 16154, "\u0120memo": 16155, "\u0120Grace": 16156, "July": 16157, "\u0120Elite": 16158, "center": 16159, "\u0120Stay": 16160, "\u0120galaxy": 16161, "\u0120tooth": 16162, "\u0120Settings": 16163, "\u0120subjected": 16164, "\u00e3\u0124\u00a6": 16165, "\u0120lineback": 16166, "\u0120retailers": 16167, "\u0120Want": 16168, "\u0120dangers": 16169, "Air": 16170, "\u0120voluntary": 16171, "eway": 16172, "\u0120interpreted": 16173, "otine": 16174, "\u00c3\u00a7": 16175, "\u0120pel": 16176, "Service": 16177, "\u0120Eventually": 16178, "\u0120careers": 16179, "\u0120threaten": 16180, "\u0120memor": 16181, "\u0120Bradley": 16182, "ancies": 16183, "sn": 16184, "\u0120Unknown": 16185, "National": 16186, "\u0120shadows": 16187, "ailand": 16188, "\u0120Dash": 16189, "Everyone": 16190, "izzard": 16191, "March": 16192, "=(": 16193, "\u0120pulls": 16194, "\u0120stranger": 16195, "\u0120backwards": 16196, "\u0120Bernard": 16197, "imensional": 16198, "\u0120chron": 16199, "\u0120theoretical": 16200, "ktop": 16201, "\u0120ware": 16202, "\u0120Investig": 16203, "\u0120Initi": 16204, "\u0120Operations": 16205, "oven": 16206, "ocide": 16207, "*/": 16208, "\u0120flames": 16209, "\u0120Cash": 16210, "shit": 16211, "\u0120cab": 16212, "\u0120Analy": 16213, "\u0120Seah": 16214, "\u0120defining": 16215, "\u0120ordering": 16216, "\u0120immun": 16217, "\u0120persistent": 16218, "ACH": 16219, "Russian": 16220, "mans": 16221, "\u0120hind": 16222, "\u0120photography": 16223, "\u00c2\u00a9": 16224, "\u0120hug": 16225, "\u0120107": 16226, "\u0120Hence": 16227, "iots": 16228, "udeau": 16229, "\u0120subsidies": 16230, "\u0120routinely": 16231, "\u0120Device": 16232, "itic": 16233, "\u0120disgust": 16234, "lander": 16235, "\u01201940": 16236, "\u0120assignment": 16237, "\u0120Besides": 16238, "wick": 16239, "\u0120Dust": 16240, "usc": 16241, "structed": 16242, "111": 16243, "develop": 16244, "\u0120fond": 16245, "\u0120intersection": 16246, "\u0120dignity": 16247, "\u0120commissioner": 16248, "Without": 16249, "reach": 16250, "\u0120cartoon": 16251, "\u0120scales": 16252, "\u00e3\u0125\u0143": 16253, "FIG": 16254, "\u0120surveys": 16255, "\u0120Indonesia": 16256, "\u0120artwork": 16257, "\u0120unch": 16258, "\u0120cycling": 16259, "unct": 16260, "auer": 16261, "orate": 16262, "\u0120Obviously": 16263, "\u0120characterized": 16264, "feld": 16265, "\u0120affirm": 16266, "\u0120innings": 16267, "\u0120\u00e9": 16268, "\u0120aliens": 16269, "\u0120cloth": 16270, "etooth": 16271, "\u0120Certain": 16272, "\u00c2\u00a7": 16273, "\u0120digest": 16274, "know": 16275, "\u0120XL": 16276, "\u0120predictions": 16277, "\u0120din": 16278, "WAR": 16279, "\u0120aftermath": 16280, "Example": 16281, "\u0120Success": 16282, "\u0120Thr": 16283, "IGN": 16284, "\u0120miner": 16285, "Bus": 16286, "\u0120clarity": 16287, "heimer": 16288, "\u0120OUT": 16289, "\u0120Send": 16290, "\u0120Circle": 16291, "\u0120Diet": 16292, "\u0120pronounced": 16293, "\u0120creators": 16294, "\u0120earthquake": 16295, "attery": 16296, "geons": 16297, "\u0120od": 16298, "\u0120laying": 16299, "orp": 16300, "Ult": 16301, "project": 16302, "\u0120undermin": 16303, "\u0120sequel": 16304, "Sam": 16305, "\u0120Darkness": 16306, "\u0120reception": 16307, "bull": 16308, "YS": 16309, "\u0120Vir": 16310, "\u0120sequences": 16311, "\u0120Coin": 16312, "\u0120outfit": 16313, "\u0120Wait": 16314, "119": 16315, "\u0120delivers": 16316, "......": 16317, "\u0120blown": 16318, "\u0120Esc": 16319, "\u0120Math": 16320, "perm": 16321, "\u0120Ul": 16322, "\u0120glim": 16323, "\u0120facial": 16324, "\u0120greenhouse": 16325, "\u0120tokens": 16326, "/-": 16327, "\u0120Annual": 16328, "\u0120ONE": 16329, "\u0120teenage": 16330, "\u0120Physical": 16331, "\u0120Lang": 16332, "\u0120Celt": 16333, "\u0120sued": 16334, "ividually": 16335, "\u0120patience": 16336, "chair": 16337, "regular": 16338, "\u0120aug": 16339, "inv": 16340, "except": 16341, "\u0120Lil": 16342, "\u0120nest": 16343, "fd": 16344, "sum": 16345, "\u0120Chase": 16346, "Russia": 16347, "\u0120Jennifer": 16348, "\u0120offseason": 16349, "Overall": 16350, "Fore": 16351, "\u0120riot": 16352, "Aud": 16353, "former": 16354, "\u0120defenders": 16355, "\u0120CT": 16356, "iotic": 16357, "ribly": 16358, "\u0120automated": 16359, "\u0120penis": 16360, "\u0120insist": 16361, "\u0120diagram": 16362, "\u0120SQL": 16363, "\u0120Garc": 16364, "\u0120witch": 16365, "client": 16366, "ierra": 16367, "ambers": 16368, "\u0120recount": 16369, "far": 16370, "Very": 16371, "osterone": 16372, "\u0120appreciated": 16373, "\u0120Perfect": 16374, "Section": 16375, "\u0120doses": 16376, "ocaust": 16377, "\u0120costly": 16378, "\u0120grams": 16379, "\u0120Shi": 16380, "\u0120wrestling": 16381, "\u01201971": 16382, "\u0120trophy": 16383, "\u0120nerve": 16384, "\u0120Kaz": 16385, "\u0120Experience": 16386, "\u0120pledged": 16387, "\u0120playback": 16388, "\u0120creativity": 16389, "bye": 16390, "\u0120attackers": 16391, "\u0120holders": 16392, "\u0120Coach": 16393, "\u0120PhD": 16394, "\u0120transfers": 16395, "\u0120colored": 16396, "\u0120Hindu": 16397, "\u0120drown": 16398, "\u0120listened": 16399, "\u0120WA": 16400, "iasm": 16401, "PO": 16402, "\u0120appealing": 16403, "\u0120disclosed": 16404, "\u0120Chicken": 16405, "agging": 16406, "\u0120pleaded": 16407, "\u0120navigation": 16408, "\u0120Returns": 16409, "\u0120[[": 16410, "ROR": 16411, "EA": 16412, "\u0120photographer": 16413, "\u0120Rider": 16414, "ippers": 16415, "\u0120slice": 16416, "\u0120erect": 16417, "\u0120hed": 16418, "issance": 16419, "\u0120Vikings": 16420, "urious": 16421, "\u0120appet": 16422, "oubtedly": 16423, "Child": 16424, "\u0120authentic": 16425, "oos": 16426, "\u0120Making": 16427, "\u0120announcing": 16428, "\u0120bod": 16429, "\u0120meter": 16430, "\u0120Nine": 16431, "\u0120Rogue": 16432, "\u0120workforce": 16433, "\u0120renewed": 16434, "\u0120organisations": 16435, "acs": 16436, "PLE": 16437, "Short": 16438, "\u0120compounds": 16439, "\u0120Visit": 16440, "\u0120envelop": 16441, "earth": 16442, "\u0120supportive": 16443, "ggle": 16444, "\u0120Brussels": 16445, "\u0120Guild": 16446, "Create": 16447, "REL": 16448, "\u0120averaged": 16449, "\u01201969": 16450, "riages": 16451, "\u0120lengthy": 16452, "\u0120forgot": 16453, "Okay": 16454, "\u0120Erd": 16455, "\u0120dealer": 16456, "\u0120recession": 16457, "DD": 16458, "\u0120desperately": 16459, "\u0120hunger": 16460, "\u0120sticks": 16461, "\u0120mph": 16462, "\u0120Faith": 16463, "\u0120intentionally": 16464, "\u0120demol": 16465, "ueller": 16466, "\u0120Sale": 16467, "\u0120debris": 16468, "spring": 16469, "\u0120leap": 16470, ">>>>": 16471, "\u0120containers": 16472, "selling": 16473, "ranean": 16474, "attering": 16475, "\u0120commented": 16476, "\u0120CM": 16477, "onut": 16478, "\u0120woods": 16479, "especially": 16480, "\u0120organize": 16481, "ivic": 16482, "\u0120Woods": 16483, "anga": 16484, "squ": 16485, "\u0120maj": 16486, "amon": 16487, "\u0120axis": 16488, "\u01201974": 16489, "\u0120Denmark": 16490, "\u0120warrior": 16491, "\u0120Pand": 16492, "\u0120outlined": 16493, "\u0120BO": 16494, "insula": 16495, "zilla": 16496, "ebook": 16497, "\u0120dare": 16498, "\u0120searched": 16499, "\u0120navigate": 16500, "Sn": 16501, "writing": 16502, "\u0120united": 16503, "Japan": 16504, "\u0120Hebrew": 16505, "\u0120flame": 16506, "\u0120relies": 16507, "\u0120catching": 16508, "\u0120Sho": 16509, "\u0120imprisonment": 16510, "\u0120pockets": 16511, "\u0120closure": 16512, "\u0120Fam": 16513, "tim": 16514, "adequ": 16515, "Activity": 16516, "\u0120recruiting": 16517, "\u0120WATCH": 16518, "\u0120Argentina": 16519, "dest": 16520, "\u0120apologize": 16521, "oro": 16522, "\u0120lacks": 16523, "\u0120tuned": 16524, "\u0120Griffin": 16525, "\u0120infamous": 16526, "\u0120celebrity": 16527, "sson": 16528, "\u0120----------------------------------------------------------------": 16529, "\u0120Isis": 16530, "\u0120Display": 16531, "\u0120credibility": 16532, "\u0120economies": 16533, "\u0120headline": 16534, "\u0120Cowboys": 16535, "\u0120indef": 16536, "\u0120lately": 16537, "\u0120incentives": 16538, "button": 16539, "\u0120Mob": 16540, "Aut": 16541, "\u0120resigned": 16542, "\u0120Om": 16543, "camp": 16544, "\u0120profiles": 16545, "\u0120schemes": 16546, "olphins": 16547, "ayed": 16548, "Clinton": 16549, "enh": 16550, "\u0120Yahoo": 16551, "\u0120abst": 16552, "\u0120ank": 16553, "suits": 16554, "\u0120wished": 16555, "\u0120Marco": 16556, "udden": 16557, "\u0120sphere": 16558, "\u0120Bishop": 16559, "\u0120incorporated": 16560, "\u0120Plant": 16561, "114": 16562, "\u0120hated": 16563, "pic": 16564, "\u0120donate": 16565, "\u0120lined": 16566, "\u0120beans": 16567, "\u0120stealing": 16568, "\u0120costume": 16569, "\u0120sheriff": 16570, "\u0120forty": 16571, "\u0120intact": 16572, "\u0120adapted": 16573, "\u0120travelling": 16574, "bart": 16575, "\u0120nicely": 16576, "\u0120dried": 16577, "\u0120scal": 16578, "osity": 16579, "NOTE": 16580, "\u0120Bh": 16581, "\u0120Broncos": 16582, "\u0120Ign": 16583, "\u0120intimate": 16584, "\u0120chemistry": 16585, "\u0120optimal": 16586, "Deb": 16587, "\u0120Generation": 16588, "\u0120],": 16589, "ichi": 16590, "\u0120Wii": 16591, "\u0120YOUR": 16592, "ventions": 16593, "Write": 16594, "\u0120popul": 16595, "unning": 16596, "\u0120Wor": 16597, "Vol": 16598, "\u0120queen": 16599, "heads": 16600, "KK": 16601, "\u0120analyze": 16602, "opic": 16603, "earchers": 16604, "\u0120dot": 16605, "legraph": 16606, "astically": 16607, "\u0120upgrades": 16608, "\u0120cares": 16609, "\u0120extending": 16610, "\u0120freeze": 16611, "\u0120inability": 16612, "\u0120organs": 16613, "\u0120pretend": 16614, "\u0120outlet": 16615, "113": 16616, "olan": 16617, "\u0120Mall": 16618, "uling": 16619, "talk": 16620, "\u0120expressing": 16621, "\u0120Always": 16622, "\u0120Begin": 16623, "files": 16624, "\u0120licenses": 16625, "%%": 16626, "\u0120Mitt": 16627, "\u0120filters": 16628, "\u0120Milwaukee": 16629, "GN": 16630, "\u0120unfold": 16631, "Mo": 16632, "\u0120nutrition": 16633, "ppo": 16634, "Bo": 16635, "\u0120founding": 16636, "\u0120undermine": 16637, "\u0120easiest": 16638, "\u0120Czech": 16639, "\u0120Mack": 16640, "\u0120sexuality": 16641, "\u0120Nixon": 16642, "Win": 16643, "\u0120Arn": 16644, "\u0120Kin": 16645, "\u00e3\u0124\u00a3": 16646, "icer": 16647, "\u0120fortun": 16648, "\u0120surfaces": 16649, "aghd": 16650, "\u0120carriers": 16651, "\u0120PART": 16652, "\u0120Tib": 16653, "\u0120interval": 16654, "\u0120frustrating": 16655, "\u0120Ship": 16656, "\u0120Armed": 16657, "ffe": 16658, "\u0120boats": 16659, "\u0120Abraham": 16660, "inis": 16661, "\u0120suited": 16662, "thread": 16663, "iov": 16664, "abul": 16665, "\u0120Venezuela": 16666, "\u0120tom": 16667, "super": 16668, "\u0120castle": 16669, "although": 16670, "ioxide": 16671, "eches": 16672, "\u0120evolutionary": 16673, "\u0120negotiate": 16674, "\u0120confronted": 16675, "Remember": 16676, "\u0120170": 16677, "Such": 16678, "\u0120911": 16679, "mult": 16680, "\u0120Abyss": 16681, "urry": 16682, "kees": 16683, "spec": 16684, "\u0120Barbara": 16685, "\u0120belonging": 16686, "\u0120villain": 16687, "istani": 16688, "\u0120accountable": 16689, "\u0120portions": 16690, "\u0120Decl": 16691, "Ur": 16692, "\u0120Kate": 16693, "gre": 16694, "\u0120magazines": 16695, "UCK": 16696, "\u0120regulate": 16697, "omon": 16698, "\u0120Almost": 16699, "\u0120overview": 16700, "\u0120scram": 16701, "\u0120loot": 16702, "\u0120Fitz": 16703, "\u0120characteristic": 16704, "\u0120Snake": 16705, "say": 16706, "\u0120Rico": 16707, "\u0120trait": 16708, "\u0120Joined": 16709, "aucus": 16710, "\u0120adaptation": 16711, "\u0120Airlines": 16712, "\u0120archae": 16713, "\u0120Ide": 16714, "\u0120bikes": 16715, "\u0120literary": 16716, "\u0120influences": 16717, "\u0120Used": 16718, "Creat": 16719, "\u0120plea": 16720, "\u0120Defence": 16721, "\u0120Assass": 16722, "\u0120pond": 16723, "ULT": 16724, ")\"": 16725, "\u0120evaluated": 16726, "\u0120obtaining": 16727, "\u0120demographic": 16728, "\u0120vigil": 16729, "aley": 16730, "\u0120spouse": 16731, "\u0120Seahawks": 16732, "respons": 16733, "\u0120Belt": 16734, "umatic": 16735, "\u0120rises": 16736, "runner": 16737, "\u0120Michelle": 16738, "\u0120potent": 16739, "race": 16740, "\u0120PAC": 16741, "Find": 16742, "olesterol": 16743, "ISS": 16744, "\u0120Introduced": 16745, "resses": 16746, "ignment": 16747, "Os": 16748, "\u0120Tu": 16749, "\u0120Dex": 16750, "icides": 16751, "\u0120sparked": 16752, "\u0120Laura": 16753, "\u0120Bryant": 16754, "\u0120smiling": 16755, "\u0120Nexus": 16756, "\u0120defendants": 16757, "\u0120Catal": 16758, "\u0120dishes": 16759, "shaped": 16760, "\u0120prolong": 16761, "mt": 16762, "($": 16763, "\u00e3\u0122\u0124": 16764, "\u0120calculations": 16765, "\u0120Same": 16766, "\u0120piv": 16767, "HH": 16768, "\u0120cancelled": 16769, "\u0120grin": 16770, "\u0120territories": 16771, "istically": 16772, "Come": 16773, "\u0120Parent": 16774, "Project": 16775, "\u0120neglig": 16776, "\u0120Privacy": 16777, "\u0120ammo": 16778, "LECT": 16779, "olutely": 16780, "\u0120Epic": 16781, "\u0120misunder": 16782, "wal": 16783, "April": 16784, "mos": 16785, "pathy": 16786, "\u0120Carson": 16787, "\u0120albums": 16788, "\u0120Easy": 16789, "\u0120pistol": 16790, "<<": 16791, "\u0120\\(": 16792, "target": 16793, "help": 16794, "\u0120interpre": 16795, "conscious": 16796, "\u0120Housing": 16797, "\u0120Joint": 16798, "127": 16799, "\u0120beers": 16800, "science": 16801, "\u0120Firefox": 16802, "effective": 16803, "\u0120Cabin": 16804, "\u0120Okay": 16805, "\u0120Applic": 16806, "\u0120spacecraft": 16807, "\u0120SR": 16808, "vet": 16809, "\u0120Strange": 16810, "SB": 16811, "\u0120corps": 16812, "iberal": 16813, "efficient": 16814, "\u0120prevalence": 16815, "\u0120economists": 16816, "118": 16817, "Thread": 16818, "ordable": 16819, "ODE": 16820, "\u0120Cant": 16821, "=-=-": 16822, "ifiable": 16823, "\u0120Around": 16824, "\u0120pole": 16825, "\u0120willingness": 16826, "CLA": 16827, "\u0120Kid": 16828, "\u0120complement": 16829, "\u0120scattered": 16830, "\u0120inmates": 16831, "\u0120bleeding": 16832, "every": 16833, "\u0120queue": 16834, "\u0120Train": 16835, "\u0120hij": 16836, "\u0120melee": 16837, "pleted": 16838, "\u0120digit": 16839, "\u0120gem": 16840, "official": 16841, "\u0120lifting": 16842, "\u00d0\u00b5": 16843, "Requ": 16844, "itutes": 16845, "\u0120packaging": 16846, "\u0120Workers": 16847, "hran": 16848, "\u0120Lebanon": 16849, "olesc": 16850, "\u0120punished": 16851, "\u0120Juan": 16852, "\u0120jam": 16853, "\u0120Document": 16854, "\u0120mapping": 16855, "icates": 16856, "\u0120inevitably": 16857, "\u0120vanilla": 16858, "\u0120Ton": 16859, "\u0120watches": 16860, "\u0120leagues": 16861, "\u0120initiated": 16862, "degree": 16863, "portion": 16864, "\u0120recalls": 16865, "\u0120ruin": 16866, "\u0120melt": 16867, "IAN": 16868, "\u0120hem": 16869, "Exp": 16870, "\u0120baking": 16871, "\u0120Colomb": 16872, "atible": 16873, "\u0120radius": 16874, "plug": 16875, "\u0120IF": 16876, "etically": 16877, "\u0120fict": 16878, "HER": 16879, "\u0120Tap": 16880, "atinum": 16881, "\u0120ink": 16882, "\u0120coh": 16883, "\u0120Wizard": 16884, "both": 16885, "tex": 16886, "\u0120spends": 16887, "\u0120Currently": 16888, "\u0120Pit": 16889, "\u0120neurons": 16890, "ignt": 16891, "\u0120rall": 16892, "\u0120buses": 16893, "building": 16894, "\u0120adjustments": 16895, "\u0120cried": 16896, "iblical": 16897, "atted": 16898, "\u0120Zion": 16899, "\u0120Matter": 16900, "\u0120meditation": 16901, "\u0120Dennis": 16902, "\u0120ours": 16903, "\u0120Tab": 16904, "\u0120rankings": 16905, "ortal": 16906, "\u0120advers": 16907, "\u0120surrender": 16908, "\u0120Gob": 16909, "cium": 16910, "omas": 16911, "imeter": 16912, "\u0120multiplayer": 16913, "\u0120heroin": 16914, "\u0120optimistic": 16915, "\u0120indicator": 16916, "\u0120Brig": 16917, "\u0120grocery": 16918, "\u0120applicant": 16919, "\u0120Rocket": 16920, "vid": 16921, "Exception": 16922, "pent": 16923, "\u0120organizing": 16924, "\u0120encounters": 16925, "\u0120TOD": 16926, "\u0120jewel": 16927, "Save": 16928, "\u0120Christie": 16929, "\u0120heating": 16930, "\u0120lazy": 16931, "\u0120CP": 16932, "\u0120cousin": 16933, "Config": 16934, "\u0120regener": 16935, "\u0120nearest": 16936, "\u0120achieving": 16937, "ENS": 16938, "throw": 16939, "\u0120Richmond": 16940, "antle": 16941, "2002": 16942, "\u0120anten": 16943, "bird": 16944, "133": 16945, "\u0120narc": 16946, "raint": 16947, "unny": 16948, "\u0120Hispanic": 16949, "ournaments": 16950, "\u0120prophe": 16951, "\u0120Thailand": 16952, "\u0120Ti": 16953, "\u0120injection": 16954, "\u0120inherit": 16955, "ravis": 16956, "\u0120medi": 16957, "\u0120whoever": 16958, "\u0120DEBUG": 16959, "GP": 16960, "\u0120Hud": 16961, "Card": 16962, "prom": 16963, "\u0120por": 16964, "\u0120overhead": 16965, "Law": 16966, "\u0120violate": 16967, "\u0120heated": 16968, "\u0120descriptions": 16969, "\u0120achievements": 16970, "\u0120Beer": 16971, "\u0120Quant": 16972, "Was": 16973, "\u0120eighth": 16974, "\u0120Iv": 16975, "\u0120specialized": 16976, "UPDATE": 16977, "\u0120Delta": 16978, "Pop": 16979, "Jul": 16980, "\u0120Ask": 16981, "ophy": 16982, "\u0120newsletters": 16983, "\u0120Tool": 16984, "\u0120gard": 16985, "\u0120Confeder": 16986, "\u0120GMT": 16987, "\u0120Abbott": 16988, "\u0120immunity": 16989, "\u0120VM": 16990, "Islam": 16991, "\u0120implicit": 16992, "wd": 16993, "\u01201944": 16994, "ravity": 16995, "ometric": 16996, "\u0120surviving": 16997, "urai": 16998, "\u0120Prison": 16999, "\u0120rust": 17000, "\u0120Sketch": 17001, "\u0120bees": 17002, "\u0120Theory": 17003, "\u0120merit": 17004, "Tex": 17005, "chat": 17006, "\u0120mim": 17007, "\u0120paste": 17008, "\u0120Koch": 17009, "\u0120ignorance": 17010, "\u0120Shoot": 17011, "\u0120basement": 17012, "United": 17013, "\u0120Advis": 17014, "height": 17015, "\u0120foster": 17016, "\u0120detain": 17017, "information": 17018, "\u0120neural": 17019, "';": 17020, "\u0120proves": 17021, "allery": 17022, "\u0120invitation": 17023, "umbers": 17024, "\u0120cattle": 17025, "\u0120bicycle": 17026, "zi": 17027, "\u0120consultant": 17028, "\u0120apology": 17029, "\u0120Tiger": 17030, "\u0120123": 17031, "999": 17032, "\u0120individually": 17033, "rt": 17034, "igion": 17035, "\u0120Brazilian": 17036, "\u0120disturb": 17037, "\u0120entrepreneurs": 17038, "\u0120forests": 17039, "cerpt": 17040, "plates": 17041, "pher": 17042, "clipse": 17043, "\u0120twitter": 17044, "\u0120acids": 17045, "ographical": 17046, "hum": 17047, "\u0120Bald": 17048, "ifully": 17049, "\u0120compiler": 17050, "\u0120DA": 17051, "\u0120donor": 17052, "asi": 17053, "\u0120tribal": 17054, "lash": 17055, "\u0120Config": 17056, "\u0120applicants": 17057, "\u0120salaries": 17058, "135": 17059, "Putin": 17060, "\u0120Focus": 17061, "irs": 17062, "\u0120misconduct": 17063, "\u0120Haz": 17064, "\u0120eaten": 17065, "Mobile": 17066, "Muslim": 17067, "\u0120Marcus": 17068, "viol": 17069, "\u0120favorable": 17070, "\u0120stub": 17071, "adin": 17072, "\u0120Hob": 17073, "\u0120faithful": 17074, "\u0120electronics": 17075, "\u0120vacuum": 17076, "wait": 17077, "backed": 17078, "economic": 17079, "dist": 17080, "\u0120tenure": 17081, "\u0120sincere": 17082, "\u0120Together": 17083, "\u0120Wave": 17084, "\u0120progression": 17085, "\u0120denying": 17086, "\u0120distress": 17087, "braska": 17088, "third": 17089, "\u0120mixing": 17090, "\u0120colonial": 17091, "\u0120privately": 17092, "\u0120unrest": 17093, "aternity": 17094, "\u0120premises": 17095, "anti": 17096, "gregation": 17097, "\u0120licence": 17098, "\u0120Hind": 17099, "\u0120Samuel": 17100, "\u0120convincing": 17101, "\u0120Ace": 17102, "\u0120Rust": 17103, "\u0120Netanyahu": 17104, "\u0120handles": 17105, "\u0120Patch": 17106, "oriented": 17107, "aho": 17108, "\u0120Gonz": 17109, "\u0120hackers": 17110, "claimer": 17111, "\u0120customs": 17112, "\u0120Gran": 17113, "fighters": 17114, "\u0120luc": 17115, "\u0120manuscript": 17116, "arenthood": 17117, "\u0120devil": 17118, "\u0120warriors": 17119, "\u0120offenders": 17120, "William": 17121, "\u0120holidays": 17122, "\u0120nightmare": 17123, "\u0120lever": 17124, "ifferent": 17125, "Stat": 17126, "\u0120exhibition": 17127, "puted": 17128, "\u0120Pure": 17129, "\u0120alpha": 17130, "\u0120enthusiasm": 17131, "\u0120Representatives": 17132, "EAR": 17133, "\u0120Typ": 17134, "\u0120wheat": 17135, "\u0120Alf": 17136, "\u0120correction": 17137, "\u0120evangel": 17138, "ATT": 17139, "Miss": 17140, "\u0120soup": 17141, "\u0120implied": 17142, "param": 17143, "\u0120sexy": 17144, "\u0120Lux": 17145, "\u0120republic": 17146, "patch": 17147, "ablish": 17148, "\u0120icons": 17149, "\u0120fathers": 17150, "\u0120GET": 17151, "\u0120Carib": 17152, "\u0120regulated": 17153, "\u0120Cohen": 17154, "\u0120Bobby": 17155, "\u0120ner": 17156, "\u0120bent": 17157, "ventory": 17158, "\u0120Along": 17159, "\u0120EST": 17160, "\u0120Wallace": 17161, "\u0120murders": 17162, "rise": 17163, "kell": 17164, "\u0120Commonwealth": 17165, "\u0120nasty": 17166, "eta": 17167, "\u0120MIT": 17168, "\u0120administered": 17169, "\u0120genuinely": 17170, "Editor": 17171, "nick": 17172, "\u0120hydro": 17173, "********************************": 17174, "\u0120Ble": 17175, "\u0120fines": 17176, "\u0120gorge": 17177, "ausible": 17178, "rh": 17179, "\u0120apple": 17180, "mentioned": 17181, "\u0120rope": 17182, "otyp": 17183, "HR": 17184, "\u0120disappointing": 17185, "\u0120cage": 17186, "nik": 17187, "\u0120doubts": 17188, "\u0120FREE": 17189, "prints": 17190, "\u0120MUST": 17191, "\u0120vendors": 17192, "\u0120Inqu": 17193, "\u0120liberals": 17194, "\u0120contractor": 17195, "\u0120upside": 17196, "children": 17197, "\u0120tricky": 17198, "\u0120regulators": 17199, "charged": 17200, "liter": 17201, "\u0120***": 17202, "\u0120rebell": 17203, "lang": 17204, "\u0120locals": 17205, "\u0120physicians": 17206, "\u0120hey": 17207, "arse": 17208, "tm": 17209, "\u0120Lex": 17210, "\u0120behavioral": 17211, "successful": 17212, "FX": 17213, "\u0120brick": 17214, "ovic": 17215, "\u0120conform": 17216, "\u0120reviewing": 17217, "\u0120insights": 17218, "\u0120biology": 17219, "\u0120Remove": 17220, "\u0120Extra": 17221, "\u0120committing": 17222, "induced": 17223, "ignty": 17224, "igm": 17225, "\u0120atomic": 17226, "Common": 17227, "\u0120EM": 17228, "\u0120Pere": 17229, "\u0120Items": 17230, "eh": 17231, "\u0120preserved": 17232, "\u0120Hood": 17233, "\u0120prisoner": 17234, "\u0120bankruptcy": 17235, "\u0120gren": 17236, "ushes": 17237, "\u0120exploitation": 17238, "\u0120signatures": 17239, "\u0120finan": 17240, "],\"": 17241, "\u0120MR": 17242, "\u0120meg": 17243, "remlin": 17244, "\u0120musicians": 17245, "\u0120selecting": 17246, "\u0120examining": 17247, "INK": 17248, "lated": 17249, "Hi": 17250, "\u0120artic": 17251, "\u0120pets": 17252, "\u0120impair": 17253, "\u0120MAN": 17254, "\u0120tablets": 17255, "include": 17256, "Range": 17257, "\u0120caut": 17258, "\u0120logs": 17259, "\u0120mounting": 17260, "\u0120unaware": 17261, "\u0120dynamics": 17262, "\u0120Palestine": 17263, "\u0120Quarter": 17264, "\u0120Purple": 17265, "\u0120ma": 17266, "\u0120Import": 17267, "\u0120collections": 17268, "ciation": 17269, "\u0120successor": 17270, "\u0120clone": 17271, "\u0120aiming": 17272, "\u0120possessed": 17273, "\u0120sticking": 17274, "\u0120shaking": 17275, "\u0120locate": 17276, "\u0120Hockey": 17277, "Turn": 17278, "170": 17279, "\u0120fifteen": 17280, "\u0120Harrison": 17281, "\u0120continuously": 17282, "\u0120TC": 17283, "\u0120Valent": 17284, "\u0120Rescue": 17285, "\u0120bypass": 17286, "amount": 17287, "\u0120mast": 17288, "\u0120protects": 17289, "\u0120artistic": 17290, "\u0120sometime": 17291, "\u0120shoe": 17292, "\u0120shouted": 17293, "ificant": 17294, "etitive": 17295, "\u0120Register": 17296, "\u0120Jin": 17297, "\u0120concentrated": 17298, "lington": 17299, "onies": 17300, "\u0120generator": 17301, "yrim": 17302, "\u0120Armen": 17303, "\u0120clearing": 17304, "ido": 17305, "\u0120TW": 17306, "alph": 17307, "\u0120ladies": 17308, "Hard": 17309, "\u0120dialog": 17310, "\u0120inputs": 17311, "\u00e6\u013e": 17312, "\u0120poses": 17313, "\u0120slots": 17314, "\u0120Premium": 17315, "\u0120leaks": 17316, "\u0120bosses": 17317, "\u0120113": 17318, "course": 17319, "Acc": 17320, "\u0120Newton": 17321, "\u0120Austria": 17322, "\u0120Mage": 17323, "\u0120teaches": 17324, "abad": 17325, "\u0120wears": 17326, "\u0120cyl": 17327, "\u0120curse": 17328, "\u0120Sales": 17329, "\u0120Wings": 17330, "\u0120psy": 17331, "\u0120gaps": 17332, "\u0120Iceland": 17333, "\u0120Pinterest": 17334, "\u0120landlord": 17335, "\u0120definitions": 17336, "\u0120Ker": 17337, "\u0120sufficiently": 17338, "\u0120Pence": 17339, "\u0120Architect": 17340, "\u0120surpass": 17341, "\u0120114": 17342, "\u0120superhero": 17343, "\u0120Disease": 17344, "\u0120priests": 17345, "\u0120Culture": 17346, "\u0120definitive": 17347, "\u0120secretly": 17348, "\u0120Dance": 17349, "install": 17350, "chief": 17351, "\u0120Jessica": 17352, "Would": 17353, "Updated": 17354, "\u0120locker": 17355, "\u0120Kay": 17356, "\u0120memorial": 17357, "\u00e8\u00a6": 17358, "fat": 17359, "\u0120disgu": 17360, "\u0120flavors": 17361, "\u0120Baseball": 17362, "\u0120Resistance": 17363, "\u0120kicks": 17364, "\u0120env": 17365, "\u0120teenagers": 17366, "Dark": 17367, "\u0120CAR": 17368, "\u0120halt": 17369, "\u0120LG": 17370, "\u0120Gabriel": 17371, "\u0120fever": 17372, "\u0120satur": 17373, "\u0120mall": 17374, "\u0120affiliate": 17375, "\u0120Sleep": 17376, "\u0120Specific": 17377, "\u0120Vel": 17378, "\u0120jar": 17379, "\u0120Sacred": 17380, "\u0120Edwards": 17381, "\u0120ACL": 17382, "\u0120retained": 17383, "\u0120Giant": 17384, "\u0120limitation": 17385, "inces": 17386, "\u0120refusal": 17387, "\u0120Tale": 17388, "\u0120Butler": 17389, "\u0120accidents": 17390, "\u0120CSS": 17391, "\u0120imported": 17392, "\u0120Copy": 17393, "\u00ce\u00b1": 17394, "ERT": 17395, "zel": 17396, "\u0120divisions": 17397, "hots": 17398, "\u0120Alb": 17399, "\u0120DS": 17400, "Loader": 17401, "Washington": 17402, "atisf": 17403, "\u0120Creative": 17404, "\\.": 17405, "\u0120Autom": 17406, "redict": 17407, "\u0120receptor": 17408, "\u0120Carlos": 17409, "Method": 17410, "oka": 17411, "\u0120malicious": 17412, "\u0120stepping": 17413, ",[": 17414, "\u0120Dad": 17415, "\u0120attraction": 17416, "\u0120Effects": 17417, "\u0120Pirate": 17418, "\u0120Cer": 17419, "\u0120Industry": 17420, "\u0120Rud": 17421, "\u0120charter": 17422, "\u0120dining": 17423, "\u0120insists": 17424, "\u0120configure": 17425, "\u0120(#": 17426, "\u0120Simple": 17427, "\u0120Scroll": 17428, "UTC": 17429, "175": 17430, "\u0120Kon": 17431, "\u0120marketplace": 17432, "\u0120\u00e3\u0124": 17433, "\u0120refres": 17434, "\u0120gates": 17435, "erred": 17436, "\u0120Pod": 17437, "\u0120behave": 17438, "Frank": 17439, "node": 17440, "\u0120endorsed": 17441, "hett": 17442, "asive": 17443, "\u0120Homeland": 17444, "\u0120rides": 17445, "\u0120Leave": 17446, "erness": 17447, "\u0120flooding": 17448, "AFP": 17449, "\u0120risen": 17450, "\u0120continually": 17451, "\u0120unanim": 17452, "\u0120Contract": 17453, "\u0120Pas": 17454, "\u0120guided": 17455, "\u0120Chile": 17456, "bd": 17457, "\u0120succ": 17458, "ptic": 17459, "\u0120committees": 17460, "\u0120Luther": 17461, "\u0120Anyone": 17462, "\u0120sab": 17463, "124": 17464, "\u0120pixel": 17465, "\u0120Bak": 17466, "\u0120Tag": 17467, "\u0120Bennett": 17468, "Enter": 17469, "small": 17470, "\u0120Presidential": 17471, "\u0120pul": 17472, "\u0120contrace": 17473, "archive": 17474, "\u0120coastal": 17475, "\u0120Kids": 17476, "192": 17477, "\u00e2\u0122\u00b2": 17478, "icky": 17479, "INGTON": 17480, "\u0120wolf": 17481, "\u0120Stalin": 17482, "Tur": 17483, "idget": 17484, "amas": 17485, "\u0120Unless": 17486, "\u0120sponsor": 17487, "\u0120morph": 17488, "\u0120Choose": 17489, "\u0120runner": 17490, "\u0120unbel": 17491, "\u0120mud": 17492, "\u0120Mana": 17493, "\u0120dubbed": 17494, "\u0120godd": 17495, "urers": 17496, "window": 17497, "\u0120relied": 17498, "\u0120celebrating": 17499, "osc": 17500, "\u0120135": 17501, "\u0120lobbying": 17502, "\u0120incomplete": 17503, "\u0120restriction": 17504, "\u0120incap": 17505, "itus": 17506, "\u0120expectation": 17507, "\u0120Apollo": 17508, "\u0120intens": 17509, "\u0120sync": 17510, "GH": 17511, "\u0120manipulation": 17512, "BY": 17513, "\u0120spear": 17514, "\u0120breasts": 17515, "\u0120volcan": 17516, "ilia": 17517, "Material": 17518, "\u0120formats": 17519, "\u0120Bast": 17520, "\u0120parliamentary": 17521, "\u0120snake": 17522, "\u0120servants": 17523, "\u0120Trudeau": 17524, "\u0120Grim": 17525, "\u0120Arabic": 17526, "\u0120SCP": 17527, "\u0120Boys": 17528, "station": 17529, "\u0120prospective": 17530, "orde": 17531, "initialized": 17532, "\u0120bored": 17533, "ABLE": 17534, "\u0120accessed": 17535, "\u0120taxi": 17536, "\u0120Shell": 17537, "aiden": 17538, "ursed": 17539, "inates": 17540, "\u0120Insurance": 17541, "\u0120Pete": 17542, "September": 17543, "650": 17544, "\u0120adventures": 17545, "\u0120Cover": 17546, "\u0120tribute": 17547, "\u0120sketch": 17548, "\u0120empower": 17549, "\u0120\u00d8": 17550, "\u0120Glenn": 17551, "\u0120Daw": 17552, "=\\\"": 17553, "\u0120Politics": 17554, "\u0120guides": 17555, "\u0120dioxide": 17556, "\u0120Gore": 17557, "\u0120Bright": 17558, "\u0120Sierra": 17559, "\u0120valued": 17560, "cond": 17561, "\u0120pointer": 17562, "Select": 17563, "\u0120risky": 17564, "\u0120absorb": 17565, "images": 17566, "\u0120refuses": 17567, "\u0120bonuses": 17568, "___": 17569, "\u0120hilar": 17570, "\u0120Features": 17571, "220": 17572, "\u0120Collector": 17573, "Foot": 17574, "\u01201964": 17575, "culus": 17576, "\u0120dawn": 17577, "\u0120workout": 17578, "\u0120LO": 17579, "\u0120philosophical": 17580, "\u0120Sandy": 17581, "\u0120Youth": 17582, "\u0120liable": 17583, "Af": 17584, "blue": 17585, "\u0120overturn": 17586, "lessness": 17587, "\u0120Tribune": 17588, "\u0120Ing": 17589, "\u0120factories": 17590, "\u0120catches": 17591, "\u0120prone": 17592, "\u0120matrix": 17593, "\u0120login": 17594, "\u0120inacc": 17595, "\u0120exert": 17596, "sys": 17597, "\u0120needle": 17598, "\u0120Qur": 17599, "\u0120notified": 17600, "oulder": 17601, "tx": 17602, "\u0120reminds": 17603, "\u0120publishers": 17604, "\u0120nort": 17605, "\u0120git": 17606, "\u0120flies": 17607, "\u0120Emily": 17608, "\u0120flowing": 17609, "\u0120Alien": 17610, "\u0120Strateg": 17611, "\u0120hardest": 17612, "\u0120modification": 17613, "API": 17614, "\u0120MY": 17615, "\u0120crashes": 17616, "stairs": 17617, "number": 17618, "\u0120urging": 17619, "channel": 17620, "\u0120Falcon": 17621, "\u0120inhabitants": 17622, "\u0120terrifying": 17623, "\u0120utilize": 17624, "\u0120banner": 17625, "\u0120cigarettes": 17626, "\u0120senses": 17627, "\u0120Holmes": 17628, "\u0120practition": 17629, "\u0120Phillips": 17630, "otto": 17631, "\u0120compile": 17632, "Model": 17633, "\u0120Ko": 17634, "\u0120[]": 17635, "Americans": 17636, "\u0120Terms": 17637, "\u0120medications": 17638, "\u0120Ana": 17639, "\u0120fundamentally": 17640, "\u0120Notice": 17641, "\u0120weaker": 17642, "\u01200000": 17643, "\u0120garlic": 17644, "\u0120outbreak": 17645, "\u0120economist": 17646, "\u0120Birth": 17647, "\u0120obstacles": 17648, "arcer": 17649, "\u0120Orthodox": 17650, "\u0120placebo": 17651, "\u0120Crew": 17652, "aspberry": 17653, "\u0120Angels": 17654, "\u0120discharge": 17655, "\u0120destructive": 17656, "117": 17657, "\u0120Rising": 17658, "\u0120dairy": 17659, "late": 17660, "\u0120collision": 17661, "\u0120Tigers": 17662, "eanor": 17663, "ocumented": 17664, "\u0120Invalid": 17665, "\u0120dont": 17666, "\u0120Liter": 17667, "\u0120Va": 17668, "\u0120hydrogen": 17669, "\u0120variants": 17670, "\u0120Browns": 17671, "\u01201965": 17672, "\u0120indigenous": 17673, "\u0120trades": 17674, "\u0120remainder": 17675, "\u0120swept": 17676, "\u0120Impact": 17677, "\u0120redist": 17678, "\u0120unint": 17679, "graduate": 17680, "\u00e3\u0125\u0137": 17681, "\u0120WILL": 17682, "\u00e3\u0123\u00ae\u00e7": 17683, "\u0120Critical": 17684, "\u0120fisher": 17685, "\u0120vicious": 17686, "\u0120reversed": 17687, "Year": 17688, "\u0120Sox": 17689, "\u0120shootings": 17690, "\u0120filming": 17691, "\u0120touchdowns": 17692, "aires": 17693, "mel": 17694, "\u0120grandfather": 17695, "\u0120affection": 17696, "ingle": 17697, "\u0120overly": 17698, "Additional": 17699, "\u0120supreme": 17700, "\u0120Grad": 17701, "\u0120sporting": 17702, "\u0120mercy": 17703, "\u0120Brooks": 17704, "ounty": 17705, "\u0120performs": 17706, "\u0120tightly": 17707, "\u0120demons": 17708, "\u0120killings": 17709, "\u0120faction": 17710, "\u0120Nova": 17711, "auts": 17712, "\u0120undoubtedly": 17713, "arin": 17714, "\u0120underway": 17715, "rak": 17716, "\u0120liv": 17717, "\u0120Region": 17718, "\u0120briefing": 17719, "sers": 17720, "cloud": 17721, "\u0120Mik": 17722, "usp": 17723, "\u0120prediction": 17724, "azor": 17725, "\u0120portable": 17726, "\u0120Gand": 17727, "\u0120presenting": 17728, "\u01201080": 17729, "\u00c2\u00bb": 17730, "ushi": 17731, "\u0120Spark": 17732, "thereum": 17733, "\u0120justification": 17734, "\u0120Ny": 17735, "\u0120contractors": 17736, "mingham": 17737, "\u0120Style": 17738, "\u00e5\u0127": 17739, "\u0120Chronicles": 17740, "\u0120Picture": 17741, "\u0120proving": 17742, "\u0120wives": 17743, "sett": 17744, "\u0120molecules": 17745, "\u0120Fairy": 17746, "\u0120consisting": 17747, "\u0120pier": 17748, "alone": 17749, "inition": 17750, "\u0120nucle": 17751, "json": 17752, "\u0120gotta": 17753, "\u0120mobil": 17754, "\u0120verbal": 17755, "arium": 17756, "\u0120monument": 17757, "ucked": 17758, "\u0120256": 17759, "Tech": 17760, "minecraft": 17761, "\u0120Track": 17762, "\u0120tile": 17763, "\u0120compatibility": 17764, "asis": 17765, "\u0120sadd": 17766, "\u0120instructed": 17767, "\u0120Mueller": 17768, "\u0120lethal": 17769, "\u0120hormone": 17770, "\u0120orche": 17771, "else": 17772, "\u0120skelet": 17773, "\u0120entertaining": 17774, "\u0120minimize": 17775, "again": 17776, "\u0120undergo": 17777, "\u0120constraints": 17778, "\u0120cigarette": 17779, "\u0120Islamist": 17780, "\u0120travels": 17781, "\u0120Panthers": 17782, "lings": 17783, "Care": 17784, "\u0120lawsuits": 17785, "uras": 17786, "\u0120cryst": 17787, "\u0120lowered": 17788, "\u0120aerial": 17789, "\u0120combinations": 17790, "\u0120haun": 17791, "\u0120cha": 17792, "\u0120vine": 17793, "\u0120quantities": 17794, "\u0120linking": 17795, "bank": 17796, "\u0120soy": 17797, "Bill": 17798, "\u0120Angela": 17799, "\u0120recipient": 17800, "\u0120Protest": 17801, "\u0120socket": 17802, "\u0120solidarity": 17803, "\u0120\u00e2\u0128": 17804, "mill": 17805, "\u0120varies": 17806, "\u0120Pakistani": 17807, "Dragon": 17808, "\u0120une": 17809, "\u0120horizon": 17810, "\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142": 17811, "\u0120provinces": 17812, "\u0120frankly": 17813, "\u0120enacted": 17814, "notes": 17815, "['": 17816, "\u0120192": 17817, "ocracy": 17818, "\u0120endorsement": 17819, "\u0120overtime": 17820, "True": 17821, "Lab": 17822, "licted": 17823, "\u0120DNC": 17824, "\u0120beats": 17825, "\u0120Jamie": 17826, "152": 17827, "\u0120INT": 17828, "Contact": 17829, "\u0120accounted": 17830, "hash": 17831, "\u0120Packers": 17832, "pires": 17833, "\u0120lesbian": 17834, "\u0120amendments": 17835, "\u0120hopeful": 17836, "\u0120Finland": 17837, "\u0120spotlight": 17838, "\u0120configured": 17839, "\u0120troubled": 17840, "\u0120gaze": 17841, "\u0120Calgary": 17842, "\u0120reliability": 17843, "\u0120insurg": 17844, "swer": 17845, "buy": 17846, "\u0120Skin": 17847, "\u0120pixels": 17848, "\u0120handgun": 17849, "\u0120paras": 17850, "\u0120categor": 17851, "\u0120EL": 17852, "\u0120Rex": 17853, "Indeed": 17854, "\u0120kinda": 17855, "\u0120conjunction": 17856, "\u0120Bryan": 17857, "\u0120Manufact": 17858, "yang": 17859, "Plus": 17860, "SQL": 17861, "ishment": 17862, "\u0120dominate": 17863, "\u0120nail": 17864, "\u0120oath": 17865, "\u0120erupt": 17866, "\u0120Fine": 17867, "itbart": 17868, "\u0120Chip": 17869, "\u0120Abd": 17870, "\u0120Nam": 17871, "\u0120buyer": 17872, "\u0120dissent": 17873, "Leaks": 17874, "Contin": 17875, "\u0120rider": 17876, "\u0120Someone": 17877, "\u0120illusion": 17878, "cin": 17879, "\u0120Boeing": 17880, "\u0120inadequ": 17881, "ovation": 17882, "iants": 17883, "\u0120rebuild": 17884, "450": 17885, "\u0120Destiny": 17886, "SW": 17887, "\u0120Till": 17888, "Hit": 17889, "iaz": 17890, "\u0120Bangl": 17891, "achers": 17892, "\u0120Reform": 17893, "\u0120segments": 17894, "\u0120systematic": 17895, "dc": 17896, "\u0120Conservatives": 17897, "\u0120portal": 17898, "hor": 17899, "\u0120Dragonbound": 17900, "\u0120dragged": 17901, "omo": 17902, "\u0120thee": 17903, "advert": 17904, "\u0120Reports": 17905, "\u0120Et": 17906, "\u0120barrels": 17907, "August": 17908, "\u0120comparisons": 17909, "\u0120hex": 17910, "\u0120anthrop": 17911, "\"[": 17912, "borough": 17913, "abi": 17914, "\u0120pictured": 17915, "playing": 17916, "\u0120Address": 17917, "\u0120Mirror": 17918, "Smith": 17919, "\u0120tires": 17920, "\u0120NPR": 17921, "AAAA": 17922, "\u0120classification": 17923, "\u0120Than": 17924, "\u0120Harm": 17925, "\u0120RA": 17926, "\u0120rejection": 17927, "mination": 17928, "\u0120ranged": 17929, "\u0120Falls": 17930, "DI": 17931, "Host": 17932, "\u00e3\u0124\u00b4": 17933, "\u0120Example": 17934, "listed": 17935, "thirds": 17936, "\u0120safegu": 17937, "brand": 17938, "\u0120probable": 17939, "Canada": 17940, "ITION": 17941, "\u0120Qaeda": 17942, "\u0120chick": 17943, "\u0120imports": 17944, "hit": 17945, "loc": 17946, "WW": 17947, "\u0120blew": 17948, "\u0120anytime": 17949, "\u0120wholes": 17950, "iked": 17951, "\u0120calculation": 17952, "create": 17953, "\u0120Ori": 17954, "\u0120upgraded": 17955, "\u0120appar": 17956, "utory": 17957, "\u0120Mol": 17958, "Brit": 17959, "\u0120Jong": 17960, "INAL": 17961, "\u0120Starting": 17962, "\u0120dice": 17963, "urtle": 17964, "\u0120relying": 17965, "closure": 17966, "\u0120profitable": 17967, "\u0120slaughter": 17968, "\u0120Manual": 17969, "caster": 17970, "\u0120\"$": 17971, "\u0120feather": 17972, "\u0120Simply": 17973, "ieves": 17974, "\u0120deterior": 17975, "\u0120PCI": 17976, "\u0120stamp": 17977, "\u0120flaws": 17978, "\u0120shade": 17979, "hammer": 17980, "\u0120passport": 17981, "\u0120conting": 17982, "amel": 17983, "\u0120observers": 17984, "\u0120neglect": 17985, "\u0120RB": 17986, "\u0120Brotherhood": 17987, "\u0120skeptical": 17988, "family": 17989, "usk": 17990, "\u0120emotionally": 17991, "\u00e2\u013b": 17992, "\u0120Beta": 17993, "asonable": 17994, "idity": 17995, "\u0120Mul": 17996, "\u0120kicking": 17997, "\u0120Carm": 17998, "ollah": 17999, "VERTIS": 18000, "\u0120Athen": 18001, "\u0120ladder": 18002, "\u0120Bullet": 18003, "\u00e5\u00a3": 18004, "0001": 18005, "\u0120Wildlife": 18006, "\u0120Mask": 18007, "\u0120Nan": 18008, "Rev": 18009, "\u0120unacceptable": 18010, "legal": 18011, "\u0120crowded": 18012, "agi": 18013, "\u0120Cox": 18014, "je": 18015, "\u0120morality": 18016, "\u0120fuels": 18017, "\u0120cables": 18018, "\u0120mankind": 18019, "\u0120Caribbean": 18020, "\u0120anchor": 18021, "\u0120byte": 18022, "\u0120Often": 18023, "\u0120Oz": 18024, "\u0120crafted": 18025, "\u0120historian": 18026, "\u0120Wu": 18027, "\u0120towers": 18028, "\u0120Citizens": 18029, "\u0120helm": 18030, "\u0120credentials": 18031, "\u0120singular": 18032, "\u0120Jesse": 18033, "\u0120tackles": 18034, "\u0120contempt": 18035, "\u0120afore": 18036, "\u0120Shadows": 18037, "\u0120nil": 18038, "\u0120urgent": 18039, "apple": 18040, "blood": 18041, "\u0120von": 18042, "\u0120offline": 18043, "\u0120breathe": 18044, "\u0120jumps": 18045, "\u0120irrelevant": 18046, "oxic": 18047, "omal": 18048, "important": 18049, "Jim": 18050, "\u0120gloves": 18051, "arming": 18052, "depth": 18053, "\u0120talents": 18054, "ookie": 18055, "\u0120SB": 18056, "\u0120palm": 18057, "uffs": 18058, "esta": 18059, "IGH": 18060, "\u0120canon": 18061, "\u0120Verizon": 18062, "\u0120Ple": 18063, "\u0120coupled": 18064, "velt": 18065, "\u0120fundraising": 18066, "\u0120Getting": 18067, "\u0120DLC": 18068, "\u0120mathematical": 18069, "\u0120HS": 18070, "\u0120Cardinals": 18071, "telling": 18072, "\u0120sponsors": 18073, "\u0120\u00cf": 18074, "\u0120Bulls": 18075, "option": 18076, "\u0120propose": 18077, "\u0120memorable": 18078, "\u0120embraced": 18079, "\u0120declining": 18080, "Health": 18081, "eda": 18082, "\u0120};": 18083, "\u0120spam": 18084, "mile": 18085, "\u0120pitcher": 18086, "\u0120Eight": 18087, "\u0120caring": 18088, "utic": 18089, "role": 18090, "\u0120airline": 18091, "ernandez": 18092, "\u0120Athlet": 18093, "\u0120certification": 18094, "uxe": 18095, "riger": 18096, "\u0120empir": 18097, "\u0120sensation": 18098, "\u0120dism": 18099, "\u0120bolt": 18100, "\u0120evolve": 18101, "House": 18102, "\u0120consultation": 18103, "\u0120Duty": 18104, "\u0120touches": 18105, "\u0120Nathan": 18106, "\u0120faint": 18107, "had": 18108, "\"(": 18109, "\u0120Consumer": 18110, "\u0120Extreme": 18111, "\u0120127": 18112, "\u0120Herm": 18113, "\u0120Sacrament": 18114, "izoph": 18115, "\u0120anxious": 18116, "ulously": 18117, "\u0120socially": 18118, "\u0120UTC": 18119, "\u0120solving": 18120, "\u0120Letter": 18121, "History": 18122, "educ": 18123, "Price": 18124, "));": 18125, "\u0120reload": 18126, "amic": 18127, "\u0120pork": 18128, "\u0120discourse": 18129, "\u0120tournaments": 18130, "airo": 18131, "\u0120Kur": 18132, "\u0120Costa": 18133, "\u0120violating": 18134, "\u0120interfere": 18135, "\u0120recreational": 18136, "uffle": 18137, "\u0120speeches": 18138, "\u0120needing": 18139, "\u0120remembers": 18140, "\u0120credited": 18141, "nia": 18142, "focused": 18143, "amera": 18144, "\u0120bru": 18145, "umbs": 18146, "\u0120Cuban": 18147, "\u0120preceding": 18148, "\u0120nonsense": 18149, "acial": 18150, "\u0120smartphones": 18151, "\u0120Stories": 18152, "Sports": 18153, "\u0120Emergency": 18154, "ouncing": 18155, "efined": 18156, "\u0120ber": 18157, "\u0120consulting": 18158, "\u0120masters": 18159, "heastern": 18160, ".\"[": 18161, "\u0120Running": 18162, "\u0120suscept": 18163, "\u0120Feng": 18164, "America": 18165, "prises": 18166, "stitial": 18167, "\u0120Weekly": 18168, "\u0120Greater": 18169, "modules": 18170, "ifter": 18171, "Graphics": 18172, "uler": 18173, "\u0120wholly": 18174, "\u0120suppress": 18175, "\u0120concealed": 18176, "\u0120happily": 18177, "\u0120accepts": 18178, "\u0120Enjoy": 18179, "\u0120rivers": 18180, "\u0120Except": 18181, "225": 18182, "\u0120NHS": 18183, "\u0120McConnell": 18184, "\u0120pussy": 18185, "ferred": 18186, "utable": 18187, "\u0120attain": 18188, "\u0120>=": 18189, "\u0120deposits": 18190, "rophic": 18191, "\u0120notorious": 18192, "\u0120Shaw": 18193, "ilitation": 18194, "\u0120epidemic": 18195, "allic": 18196, "\u0120smallest": 18197, "ovich": 18198, "\u0120accessories": 18199, "perties": 18200, "\u0120surplus": 18201, "\u0120Mech": 18202, "\u0120ambig": 18203, "\u0120Immigration": 18204, "\u0120chim": 18205, "eval": 18206, "\u0120practicing": 18207, "\u0120Mystery": 18208, "\u0120domains": 18209, "\u0120Silicon": 18210, "apps": 18211, "\u0120kilometers": 18212, "ea": 18213, "\u0120Smash": 18214, "\u0120warranty": 18215, "\u0120nost": 18216, "sil": 18217, "rev": 18218, "Jon": 18219, "\u0120Dublin": 18220, "\u0120tastes": 18221, "\u0120bout": 18222, "great": 18223, "error": 18224, "\u0120switches": 18225, "\u0120Bapt": 18226, "DO": 18227, "oki": 18228, "\u0120sourced": 18229, "produ": 18230, "\u0120attachment": 18231, "\u0120Issue": 18232, "\u0120Question": 18233, "Join": 18234, "\u0120fitted": 18235, "\u0120unlawful": 18236, "^^": 18237, "erek": 18238, "\u0120authentication": 18239, "\u0120stole": 18240, "\u0120accountability": 18241, "label": 18242, "Search": 18243, "\u0120albeit": 18244, "atican": 18245, "funded": 18246, "\u0120Adding": 18247, "\u0120IQ": 18248, "\u0120submar": 18249, "lit": 18250, "aque": 18251, "\u0120Learning": 18252, "\u0120integer": 18253, "Master": 18254, "\u0120Chrom": 18255, "\u0120premier": 18256, "Op": 18257, "\u0120Liu": 18258, "\u0120blessed": 18259, "\u0120Globe": 18260, "\u0120Response": 18261, "\u0120legitim": 18262, "\u0120Merkel": 18263, "\u0120disposal": 18264, "\u00c2\u00b4": 18265, "\u0120gauge": 18266, "peat": 18267, "\u0120induced": 18268, "\u0120questionable": 18269, "arthy": 18270, "\u0120Vit": 18271, "\u0120Feed": 18272, "Until": 18273, "Ut": 18274, "worthy": 18275, "RY": 18276, "\u0120Herald": 18277, "\u0120Hammer": 18278, "\u0120medal": 18279, "\u0120Rivers": 18280, "\u0120Hack": 18281, "\u0120clarify": 18282, "\u0120tracked": 18283, "\u0120autonomous": 18284, "\u0120tenant": 18285, "\u0120Qatar": 18286, "erie": 18287, "\u0120grim": 18288, "\u0120Monitor": 18289, "\u0120resistant": 18290, "\u0120Spec": 18291, "\u0120Wells": 18292, "NAS": 18293, "148": 18294, "\u0120miners": 18295, "iotics": 18296, "\u0120misses": 18297, "116": 18298, "gian": 18299, "git": 18300, "\u0120Eyes": 18301, "pres": 18302, "\u0120graduated": 18303, "\u0120angel": 18304, "\u0120synchron": 18305, "\u0120efficiently": 18306, "\u0120transmitted": 18307, "Harry": 18308, "\u0120globally": 18309, "ENCE": 18310, "\u0120Montana": 18311, "raged": 18312, "\u0120Prevention": 18313, "\u0120piss": 18314, "\u0120Ll": 18315, "\u0120shelf": 18316, "\u0120BJP": 18317, "\u0120Testament": 18318, "\u0120Late": 18319, "iker": 18320, "\u0120Happ": 18321, "\u0120Julian": 18322, "hall": 18323, "\u0120spont": 18324, "\u0120shutdown": 18325, "\u0120inconsistent": 18326, "\u0120subscribers": 18327, "\u0120skeleton": 18328, "\u0120Nebraska": 18329, "\u0120inspire": 18330, "\u0120Void": 18331, "Feed": 18332, "\u0120angles": 18333, "\u0120Springs": 18334, "\u0120benchmark": 18335, "\u0120vaccines": 18336, "izophren": 18337, "sexual": 18338, "uffed": 18339, "\u0120shine": 18340, "\u0120Kath": 18341, "\u0120gesture": 18342, "inea": 18343, "\u0120rip": 18344, "\u0120oppression": 18345, "\u0120conscience": 18346, "bt": 18347, "\u0120Lum": 18348, "\u0120incidence": 18349, "\u0120Fa": 18350, "wr": 18351, "\u0120mineral": 18352, "\u0120Spurs": 18353, "alky": 18354, "\u0120thunder": 18355, "\u0120opio": 18356, "Being": 18357, "\u0120Palm": 18358, "\u0120wasted": 18359, "\u0120lb": 18360, "iaries": 18361, "\u0120Initiative": 18362, "\u0120curric": 18363, "\u0120marker": 18364, "\u0120McL": 18365, "\u0120extensions": 18366, "\u0120Pv": 18367, "\u0120Arms": 18368, "\u0120offerings": 18369, "\u0120defenses": 18370, "\u0120vendor": 18371, "\u0120contradict": 18372, "\u0120Colin": 18373, "\u0120reddit": 18374, "\u0120peripher": 18375, "122": 18376, "\u0120sins": 18377, "Edit": 18378, "ICT": 18379, "Soft": 18380, "\u0120Shah": 18381, "\u0120administrator": 18382, "\u0120Trip": 18383, "\u0120pornography": 18384, "\u0120tuition": 18385, "inence": 18386, "\u0120Progress": 18387, "\u0120catalog": 18388, "\u0120suite": 18389, "\u0120hike": 18390, "\u0120reproductive": 18391, "engine": 18392, "\u0120drought": 18393, "\u0120Noah": 18394, "\u0120230": 18395, "\u0120dude": 18396, "\u0120relaxed": 18397, "\u0120partition": 18398, "\u0120participant": 18399, "\u0120telesc": 18400, "\u0120feas": 18401, "\u0120FF": 18402, "owner": 18403, "\u0120sweeping": 18404, "\u0120lenses": 18405, "\u0120matchup": 18406, "\u0120Repl": 18407, "ournals": 18408, "\u0120credible": 18409, "\u0120grandmother": 18410, "\u0120thermal": 18411, "\u0120subscribing": 18412, "\u0120identities": 18413, "colm": 18414, "UCT": 18415, "\u0120reluctant": 18416, "users": 18417, "\u0120Cort": 18418, "\u0120assisted": 18419, "OSS": 18420, "ATIONS": 18421, "ISH": 18422, "\u0120pharmaceutical": 18423, "icable": 18424, "adian": 18425, "\u0120Sonic": 18426, "\u0120Fury": 18427, "\u0120Mong": 18428, "AH": 18429, "\u0120Psychology": 18430, "\u0120phosph": 18431, "\u0120treats": 18432, "\u0143\u0136": 18433, "\u0120steadily": 18434, "\u0120Hello": 18435, "\u0120relates": 18436, "\u0120clue": 18437, "Expl": 18438, "auth": 18439, "\u0120revision": 18440, "\u0120eld": 18441, "osion": 18442, "\u0120bron": 18443, "144": 18444, "rikes": 18445, "\u0120mines": 18446, "\u0120blanket": 18447, "\u0120Fail": 18448, "eled": 18449, "\u0120Imagine": 18450, "\u0120Planned": 18451, "aic": 18452, "Request": 18453, "Mad": 18454, "\u0120Horse": 18455, "\u0120Eagle": 18456, "\u0120capac": 18457, "157": 18458, "\u0120ling": 18459, "\u0120Nice": 18460, "\u0120Parenthood": 18461, "minster": 18462, "ogs": 18463, "ensitive": 18464, "Nothing": 18465, "\u0120carn": 18466, "Fin": 18467, "\u0120PE": 18468, "\u0120rifles": 18469, "\u0120LP": 18470, "Sand": 18471, "\u0120guiActive": 18472, "\u0120tourist": 18473, "CNN": 18474, "\u0120unveiled": 18475, "\u0120predecessor": 18476, "}{": 18477, "uber": 18478, "\u0120offshore": 18479, "\u0120optical": 18480, "\u0120Rot": 18481, "\u0120Pearl": 18482, "eton": 18483, "\u0120stared": 18484, "\u0120farther": 18485, "atility": 18486, "contin": 18487, "\u0120Gy": 18488, "\u0120Foster": 18489, "\u0120Coc": 18490, "rients": 18491, "\u0120designing": 18492, "\u0120Economy": 18493, "ONG": 18494, "Women": 18495, "\u0120Nancy": 18496, "erver": 18497, "\u0120mascul": 18498, "\u0120casualties": 18499, "\u0120225": 18500, "\u0120Sullivan": 18501, "\u0120Choice": 18502, "\u0120aster": 18503, "ws": 18504, "\u0120hotels": 18505, "\u0120considerations": 18506, "\u0120couch": 18507, "\u0120Strip": 18508, "\u0120Gn": 18509, "\u0120manipulate": 18510, "lied": 18511, "\u0120synthetic": 18512, "\u0120assaulted": 18513, "\u0120offenses": 18514, "\u0120Drake": 18515, "\u0120impe": 18516, "October": 18517, "\u0120Heritage": 18518, "hl": 18519, "\u0120Blair": 18520, "Unlike": 18521, "\u0120grief": 18522, "\u0120450": 18523, "\u0120opted": 18524, "\u0120resignation": 18525, "ilo": 18526, "\u0120verse": 18527, "\u0120Tomb": 18528, "\u0120upt": 18529, "\u0120aired": 18530, "\u0120Hook": 18531, "\u0120MLB": 18532, "\u0120assumes": 18533, "outed": 18534, "\u0120Vers": 18535, "\u0120inferior": 18536, "\u0120bundle": 18537, "\u0120DNS": 18538, "ographer": 18539, "\u0120multip": 18540, "\u0120Souls": 18541, "\u0120illustrated": 18542, "\u0120tactic": 18543, "\u0120dressing": 18544, "\u0120duo": 18545, "Conf": 18546, "\u0120relent": 18547, "\u0120cant": 18548, "\u0120scarce": 18549, "\u0120candy": 18550, "\u0120CF": 18551, "\u0120affiliated": 18552, "\u0120sprint": 18553, "ylan": 18554, "\u0120Garcia": 18555, "\u0120junk": 18556, "Print": 18557, "exec": 18558, "Crit": 18559, "\u0120portrait": 18560, "iries": 18561, "\u0120OFF": 18562, "\u0120disputes": 18563, "WR": 18564, "Love": 18565, "\u00e3\u0123\u0126": 18566, "\u0120Reyn": 18567, "\u0120hipp": 18568, "opath": 18569, "\u0120floors": 18570, "\u0120Feel": 18571, "\u0120worries": 18572, "\u0120settlements": 18573, "\u0120Pos": 18574, "\u0120mosque": 18575, "\u0120finals": 18576, "\u0120crushed": 18577, "\u0120Probably": 18578, "\u0120Bot": 18579, "\u0120Mans": 18580, "\u0120Period": 18581, "\u0120sovereignty": 18582, "\u0120seller": 18583, "\u0120apost": 18584, "\u0120amateur": 18585, "\u0120dorm": 18586, "\u0120consuming": 18587, "\u0120armour": 18588, "\u0120Roose": 18589, "\u0120intensive": 18590, "\u0120eliminating": 18591, "\u0120Sunni": 18592, "\u0120Aleppo": 18593, "jin": 18594, "\u0120advise": 18595, "pal": 18596, "\u0120Halo": 18597, "\u0120descent": 18598, "\u0120simpler": 18599, "\u0120booth": 18600, "STR": 18601, "Later": 18602, "\u0120Cave": 18603, "===": 18604, "\u0120mol": 18605, "\u0120fist": 18606, "\u0120shotgun": 18607, "supp": 18608, "\u0120robbery": 18609, "Effect": 18610, "\u0120obscure": 18611, "\u0120Professional": 18612, "\u0120embassy": 18613, "\u0120militant": 18614, "\u0120incarcer": 18615, "\u0120generates": 18616, "\u0120launches": 18617, "\u0120administrators": 18618, "\u0120shaft": 18619, "\u0120circular": 18620, "\u0120freshman": 18621, "\u0120Wes": 18622, "\u0120Joel": 18623, "\u0120Drew": 18624, "\u0120Duncan": 18625, "\u0120Apparently": 18626, "sight": 18627, "\u0120Internal": 18628, "\u0120Individual": 18629, "\u0120FE": 18630, "\u0120bore": 18631, "\u0120Mt": 18632, "\u0120broadly": 18633, "\u0120Options": 18634, "ountain": 18635, "ipes": 18636, "\u0120Videos": 18637, "204": 18638, "\u0120hills": 18639, "\u0120simulation": 18640, "\u0120disappointment": 18641, "itan": 18642, "\u0120Laboratory": 18643, "\u0120upward": 18644, "\u0120boundary": 18645, "\u0120darker": 18646, "hart": 18647, "\u0120dominance": 18648, "Cong": 18649, "\u0120Oracle": 18650, "\u0120Lords": 18651, "\u0120scholarship": 18652, "\u0120Vincent": 18653, "ede": 18654, "\u0120Rah": 18655, "\u0120encourages": 18656, "rov": 18657, "\u0120quo": 18658, "\u0120premise": 18659, "\u0120Crisis": 18660, "\u0120Holocaust": 18661, "\u0120rhythm": 18662, "\u0120metric": 18663, "club": 18664, "\u0120transported": 18665, "\u0120nod": 18666, "\u0120Pist": 18667, "\u0120ancestors": 18668, "\u0120Freder": 18669, "thumbnails": 18670, "\u0120CE": 18671, "OND": 18672, "Phil": 18673, "venge": 18674, "\u0120Products": 18675, "castle": 18676, "\u0120qualifying": 18677, "\u0120Karen": 18678, "VERTISEMENT": 18679, "\u0120mighty": 18680, "\u0120explanations": 18681, "\u0120fixing": 18682, "Di": 18683, "\u0120declaring": 18684, "\u0120anonymity": 18685, "\u0120juven": 18686, "\u0120Nord": 18687, "\u0120Doom": 18688, "\u0120Actually": 18689, "Ok": 18690, "phis": 18691, "\u0120Desert": 18692, "\u0120116": 18693, "IK": 18694, "\u0120FM": 18695, "\u0120incomes": 18696, "VEL": 18697, "okers": 18698, "\u0120pecul": 18699, "\u0120lightweight": 18700, "gue": 18701, "\u0120accent": 18702, "\u0120increment": 18703, "\u0120Chan": 18704, "\u0120complaining": 18705, "\u0120Baghd": 18706, "\u0120midfielder": 18707, "\u0120overhaul": 18708, "Process": 18709, "\u0120Hollow": 18710, "\u0120Titans": 18711, "Small": 18712, "manuel": 18713, "\u0120Unity": 18714, "\u0120Events": 18715, "Sty": 18716, "\u0120disproportion": 18717, "nesty": 18718, "enes": 18719, "\u0120Cod": 18720, "\u0120demonstrations": 18721, "\u0120Crimson": 18722, "\u0120OH": 18723, "\u0120enrolled": 18724, "\u0120cel": 18725, "\u0120Brett": 18726, "\u0120aide": 18727, "\u0120heels": 18728, "\u0120broadband": 18729, "\u0120marking": 18730, "\u0120wizard": 18731, "\u0120NJ": 18732, "\u0120Chiefs": 18733, "\u0120ingredient": 18734, "\u0120dug": 18735, "\u0120Shut": 18736, "urchase": 18737, "endor": 18738, "\u0120farmer": 18739, "\u0120Goldman": 18740, "129": 18741, "155": 18742, "Order": 18743, "\u0120lion": 18744, "iably": 18745, "\u0120stain": 18746, "array": 18747, "ilitary": 18748, "\u0120FAQ": 18749, "\u0120exploded": 18750, "\u0120McCarthy": 18751, "\u0120Tweet": 18752, "\u0120Greens": 18753, "eking": 18754, "ln": 18755, "ensen": 18756, "\u0120motorcycle": 18757, "\u0120particle": 18758, "\u0120cholesterol": 18759, "Bron": 18760, "\u0120stair": 18761, "\u0120oxid": 18762, "\u0120desirable": 18763, "ibles": 18764, "\u0120theor": 18765, "forcing": 18766, "\u0120promotional": 18767, "ovo": 18768, "boot": 18769, "\u0120Bonus": 18770, "rawling": 18771, "\u0120shortage": 18772, "\u0120Psy": 18773, "\u0120recruited": 18774, "\u0120infants": 18775, "\u0120testosterone": 18776, "\u0120deduct": 18777, "\u0120distinctive": 18778, "\u0120firmware": 18779, "built": 18780, "145": 18781, "\u0120explored": 18782, "\u0120factions": 18783, "\u0120vide": 18784, "\u0120tattoo": 18785, "\u0120financially": 18786, "\u0120fatigue": 18787, "\u0120proceeding": 18788, "constitutional": 18789, "\u0120miser": 18790, "\u0120chairs": 18791, "gging": 18792, "ipple": 18793, "\u0120dent": 18794, "\u0120disreg": 18795, "\u00e7\u0136": 18796, "stant": 18797, "llo": 18798, "bps": 18799, "akening": 18800, "\u0120abnormal": 18801, "\u0120ERA": 18802, "\u00e5\u00a3\u00ab": 18803, "\u0120HBO": 18804, "\u0120MAR": 18805, "\u0120concess": 18806, "\u0120servant": 18807, "\u0120aspir": 18808, "lav": 18809, "\u0120Panel": 18810, "amo": 18811, "\u0120precip": 18812, "\u0120recordings": 18813, "\u0120proceeded": 18814, "\u0120colony": 18815, "\u0120Tang": 18816, "ablo": 18817, "\u0120stripped": 18818, "Left": 18819, "too": 18820, "\u0120potatoes": 18821, "\u0120finest": 18822, "%).": 18823, "\u0120crap": 18824, "\u0120Zach": 18825, "abases": 18826, "\u0120Goth": 18827, "\u0120billionaire": 18828, "wolf": 18829, "\u0120sanction": 18830, "SK": 18831, "\u0120logged": 18832, "Po": 18833, "eyed": 18834, "unal": 18835, "\u0120cricket": 18836, "\u0120armies": 18837, "\u0120uncovered": 18838, "Cloud": 18839, "\u00c3\u00b3n": 18840, "\u0120rebounds": 18841, "\u0120mes": 18842, "Oper": 18843, "Pac": 18844, "\u0120nationally": 18845, "\u0120inserted": 18846, "pict": 18847, "\u0120governance": 18848, "\u00d0\u00b8": 18849, "\u0120privileges": 18850, "GET": 18851, "\u0120favorites": 18852, "imity": 18853, "\u0120lover": 18854, "them": 18855, "empl": 18856, "\u0120gorgeous": 18857, "Ann": 18858, "\u0120slipped": 18859, "\u0120veto": 18860, "Bob": 18861, "\u0120slim": 18862, "ucc": 18863, "\u0120Fame": 18864, "uddenly": 18865, "\u0120denies": 18866, "\u0120Maur": 18867, "\u0120distances": 18868, "\u0120wanna": 18869, "tar": 18870, "\u0120SER": 18871, "\u0120\u00e2\u012a": 18872, "\u0120lemon": 18873, "athetic": 18874, "\u0120literal": 18875, "\u0120distinguished": 18876, "\u0120answering": 18877, "GI": 18878, "\u0120religions": 18879, "\u0120Philos": 18880, "\u0120Lay": 18881, "\u0120compos": 18882, "irements": 18883, "\u0120Kos": 18884, "inez": 18885, "rolling": 18886, "\u0120youngest": 18887, "andise": 18888, "\u0120Born": 18889, "\u0120altar": 18890, "amina": 18891, "\u0120Boot": 18892, "voc": 18893, "\u0120digging": 18894, "\u0120pressures": 18895, "\u0120len": 18896, "264": 18897, "\u0120assassination": 18898, "\u0120Birmingham": 18899, "\u0120Myth": 18900, "\u0120sovereign": 18901, "\u0120Artist": 18902, "\u0120Photograph": 18903, "\u0120depicted": 18904, "\u0120dispens": 18905, "orthy": 18906, "\u0120ambul": 18907, "integ": 18908, "\u0120Cele": 18909, "\u0120Tibet": 18910, "\u0120hierarchy": 18911, "\u0120cu": 18912, "\u0120preseason": 18913, "\u0120Peterson": 18914, "\u0120colours": 18915, "\u0120worrying": 18916, "\u0120backers": 18917, "\u0120Palmer": 18918, "\u0120\u00ce\u00bc": 18919, "\u0120contributor": 18920, "\u0120hearings": 18921, "\u0120urine": 18922, "\u0120\u00d9": 18923, "ourgeois": 18924, "Similar": 18925, "\u0120Zimmer": 18926, "something": 18927, "\u0120USC": 18928, "\u0120strengths": 18929, "\u0120FI": 18930, "\u0120logging": 18931, "Asked": 18932, "\u0120Thai": 18933, "inqu": 18934, "\u0120Walt": 18935, "\u0120crews": 18936, "itism": 18937, "301": 18938, "\u0120sharply": 18939, "umed": 18940, "\u0120redirect": 18941, "rators": 18942, "Inf": 18943, "\u0120Weapons": 18944, "\u0120teasp": 18945, "1999": 18946, "Live": 18947, "\u0120Especially": 18948, "\u0120Ster": 18949, "\u0120Veterans": 18950, "\u0120intro": 18951, "otherapy": 18952, "\u0120malware": 18953, "\u0120breeding": 18954, "\u0120molecular": 18955, "\u0120Route": 18956, "\u0120Comment": 18957, "ochem": 18958, "\u0120ain": 18959, "Season": 18960, "\u0120linebacker": 18961, "\u00c4\u00ab": 18962, "\u0120Economics": 18963, "esar": 18964, "\u0120Lives": 18965, "\u0120Emma": 18966, "\u0120kin": 18967, "\u0120Territ": 18968, "\u0120planted": 18969, "oton": 18970, "\u0120Butter": 18971, "\u0120Spons": 18972, "PER": 18973, "\u0120dungeon": 18974, "\u0120symbolic": 18975, "\u0120filmed": 18976, "\u0120diets": 18977, "\u0120concludes": 18978, "\u0120certainty": 18979, "\u0120Format": 18980, "\u0120strangers": 18981, "format": 18982, "\u0120Phase": 18983, "\u0120copied": 18984, "\u0120metres": 18985, "lda": 18986, "\u0120Users": 18987, "\u0120deliberate": 18988, "\u0120washed": 18989, "\u0120Lance": 18990, "imation": 18991, "\u0120improper": 18992, "\u0120Genesis": 18993, "ickr": 18994, "\u0120Kush": 18995, "\u0120realise": 18996, "\u0120embarrassing": 18997, "alking": 18998, "bucks": 18999, "\u0120verified": 19000, "\u0120outline": 19001, "years": 19002, "\u0120Income": 19003, "202": 19004, "\u0120zombies": 19005, "Final": 19006, "\u0120Millenn": 19007, "\u0120modifications": 19008, "\u0120Vision": 19009, "\u0120Moses": 19010, "verb": 19011, "iterranean": 19012, "\u0120Jet": 19013, "\u0120naval": 19014, "\u0120Agg": 19015, "\u0120url": 19016, "\u0120victories": 19017, "\u0120nonetheless": 19018, "\u0120injust": 19019, "\u0120Fact": 19020, "\u00e7\u013c": 19021, "\u0120insufficient": 19022, "review": 19023, "facebook": 19024, "\u0120negotiating": 19025, "\u0120guarantees": 19026, "imen": 19027, "utenberg": 19028, "\u0120gambling": 19029, "\u0120congr": 19030, "Loading": 19031, "\u0120nevertheless": 19032, "\u0120presidents": 19033, "\u0120Industrial": 19034, "\u0120118": 19035, "\u0120poured": 19036, "\u0120Tory": 19037, "\u0120175": 19038, "\u0120:=": 19039, "Scott": 19040, "angered": 19041, "Tok": 19042, "\u0120organizers": 19043, "Mat": 19044, "\u0120Growth": 19045, "\u0120adul": 19046, "\u0120ensures": 19047, "\u0120117": 19048, "\u00e9\u00be\u012f\u00e5": 19049, "\u0120massacre": 19050, "\u0120grades": 19051, "before": 19052, "ADVERTISEMENT": 19053, "\u0120Slow": 19054, "\u0120MMA": 19055, "\u00e2\u0122\u0136\"": 19056, "\u0120Vatican": 19057, "Qaeda": 19058, "\u0120owe": 19059, "6666": 19060, "\u0120Sorry": 19061, "\u0120Grass": 19062, "\u0120backgrounds": 19063, "\u0120exhausted": 19064, "\u0120clan": 19065, "\u0120compromised": 19066, "\u0120Elf": 19067, "\u0120Isaac": 19068, "enson": 19069, "Invest": 19070, "IFA": 19071, "\u0120interrupted": 19072, "\u00e3\u0125\u012b\u00e3\u0125\u00a9": 19073, "\u0120twisted": 19074, "\u0120Dragons": 19075, "Mode": 19076, "\u0120Kremlin": 19077, "\u0120fertil": 19078, "heres": 19079, "phan": 19080, "\u0120Node": 19081, "fed": 19082, "\u0120Orc": 19083, "\u0120unwilling": 19084, "Cent": 19085, "\u0120priorit": 19086, "\u0120graduates": 19087, "\u0120subjective": 19088, "\u0120issuing": 19089, "\u0120Lt": 19090, "\u0120viewer": 19091, "\u0120woke": 19092, "Thus": 19093, "brook": 19094, "\u0120depressed": 19095, "\u0120bracket": 19096, "\u0120Gor": 19097, "\u0120Fighting": 19098, "\u0120striker": 19099, "Report": 19100, "\u0120Portugal": 19101, "\u0120neo": 19102, "wed": 19103, "199": 19104, "\u0120fleeing": 19105, "shadow": 19106, "identified": 19107, "USE": 19108, "Steam": 19109, "\u0120stretched": 19110, "\u0120revelations": 19111, "arted": 19112, "\u0120Dw": 19113, "\u0120alignment": 19114, "eston": 19115, "\u0120Jared": 19116, "Sep": 19117, "\u0120blogs": 19118, "update": 19119, "gom": 19120, "risk": 19121, "\u0120clash": 19122, "\u0120Hour": 19123, "\u0120runtime": 19124, "\u0120unwanted": 19125, "\u0120scam": 19126, "\u0120rack": 19127, "\u0120enlight": 19128, "onest": 19129, "\u0120Ferr": 19130, "\u0120convictions": 19131, "\u0120piano": 19132, "\u0120circulation": 19133, "\u0120Welcome": 19134, "\u0120backlash": 19135, "\u0120Wade": 19136, "\u0120receivers": 19137, "otive": 19138, "Jeff": 19139, "\u0120networking": 19140, "\u0120Prep": 19141, "\u0120Explorer": 19142, "\u0120lecture": 19143, "\u0120uploaded": 19144, "\u0120Meat": 19145, "BLE": 19146, "\u0120Nazis": 19147, "\u0120Synd": 19148, "stud": 19149, "roots": 19150, "rians": 19151, "\u0120portrayed": 19152, "\u0120??": 19153, "\u0120Buddha": 19154, "sun": 19155, "Robert": 19156, "\u0120Complex": 19157, "\u0120oversee": 19158, "\u0120stealth": 19159, "Title": 19160, "\u0120Jobs": 19161, "\u0120Kum": 19162, "\u0120appreciation": 19163, "\u0120MOD": 19164, "\u0120basics": 19165, "\u0120clips": 19166, "\u0120nursing": 19167, "\u0120proposition": 19168, "\u0120realised": 19169, "\u0120NYC": 19170, "\u0120allocated": 19171, "rium": 19172, "aran": 19173, "\u0120Production": 19174, "\u0120Vote": 19175, "\u0120smugg": 19176, "\u0120hunter": 19177, "azer": 19178, "\u0120Changes": 19179, "\u0120fluct": 19180, "yon": 19181, "Array": 19182, "\u0120kits": 19183, "Water": 19184, "\u0120uncommon": 19185, "\u0120resting": 19186, "ells": 19187, "would": 19188, "\u0120pursued": 19189, "\u0120assertion": 19190, "ometown": 19191, "\u0120Mosul": 19192, "\u0120Platform": 19193, "iolet": 19194, "\u0120shareholders": 19195, "\u0120trails": 19196, "Pay": 19197, "\u0120Enforcement": 19198, "types": 19199, "\u0120Anonymous": 19200, "\u0120satisfying": 19201, "ilogy": 19202, "\u0120('": 19203, "wave": 19204, "city": 19205, "Steve": 19206, "\u0120confrontation": 19207, "\u0120Eld": 19208, "Capt": 19209, "ahan": 19210, "htm": 19211, "\u0120Ctrl": 19212, "ONS": 19213, "230": 19214, "ifa": 19215, "holding": 19216, "\u0120delicate": 19217, "\u0120jaw": 19218, "\u0120Going": 19219, "orum": 19220, "Sal": 19221, "\u0120dull": 19222, "\u0120Beth": 19223, "\u0120prisons": 19224, "\u0120ego": 19225, "\u0120Elsa": 19226, "avorite": 19227, "\u0120Gang": 19228, "\u0120Nuclear": 19229, "\u0120spider": 19230, "atsu": 19231, "\u0120sampling": 19232, "\u0120absorbed": 19233, "\u0120Pharm": 19234, "ieth": 19235, "\u0120bucket": 19236, "\u0120Recomm": 19237, "OF": 19238, "\u0120Factory": 19239, "ANCE": 19240, "\u0120bacter": 19241, "Has": 19242, "\u0120Observ": 19243, "121": 19244, "\u0120premiere": 19245, "Develop": 19246, "\u0120currencies": 19247, "Cast": 19248, "\u0120accompanying": 19249, "\u0120Nashville": 19250, "\u0120fatty": 19251, "\u0120Brend": 19252, "\u0120locks": 19253, "\u0120centered": 19254, "\u0120UT": 19255, "aughs": 19256, "orie": 19257, "\u0120Affordable": 19258, "vance": 19259, "DL": 19260, "emet": 19261, "\u0120throne": 19262, "\u0120Bluetooth": 19263, "\u0120naming": 19264, "ifts": 19265, "ADE": 19266, "\u0120corrected": 19267, "\u0120promptly": 19268, "\u0120STR": 19269, "\u0120genome": 19270, "\u0120cope": 19271, "\u0120valley": 19272, "\u0120rounded": 19273, "\u0120Kend": 19274, "alion": 19275, "pers": 19276, "\u0120tourism": 19277, "\u0120stark": 19278, "vl": 19279, "\u0120blowing": 19280, "\u0120Schedule": 19281, "std": 19282, "\u0120unhappy": 19283, "\u0120litigation": 19284, "cedes": 19285, "\u0120android": 19286, "\u0120integral": 19287, "erers": 19288, "uded": 19289, "tax": 19290, "\u0120reiter": 19291, "\u0120Motors": 19292, "ociated": 19293, "\u0120wonders": 19294, "\u0120Apost": 19295, "ucking": 19296, "\u0120Roosevelt": 19297, "fram": 19298, "\u0120yields": 19299, "\u0120constitutes": 19300, "awk": 19301, "Interest": 19302, "\u0120interim": 19303, "\u0120breakthrough": 19304, "\u0120Cher": 19305, "\u0120prosec": 19306, "\u0120Dj": 19307, "\u0120MT": 19308, "Resp": 19309, "\u0120PT": 19310, "\u0120sperm": 19311, "edit": 19312, "BT": 19313, "Linux": 19314, "country": 19315, "league": 19316, "\u0120dick": 19317, "\u0120oct": 19318, "\u0120inserting": 19319, "\u0120scra": 19320, "\u0120Brewing": 19321, "\u01201966": 19322, "\u0120runners": 19323, "\u0120plun": 19324, "idy": 19325, "\u0120Dian": 19326, "\u0120dysfunction": 19327, "\u0120exclusion": 19328, "\u0120disgr": 19329, "\u0120incorporate": 19330, "\u0120reconc": 19331, "\u0120nominated": 19332, "\u0120Archer": 19333, "draw": 19334, "achelor": 19335, "\u0120writings": 19336, "\u0120shallow": 19337, "\u0120hast": 19338, "\u0120BMW": 19339, "\u0120RS": 19340, "\u0120thigh": 19341, "\u01201963": 19342, "\u0120lamb": 19343, "\u0120favored": 19344, "agle": 19345, "\u0120cooler": 19346, "\u0120Hours": 19347, "\u0120GU": 19348, "\u0120Origin": 19349, "\u0120glimpse": 19350, "--------------------": 19351, "Lim": 19352, "\u0120cheek": 19353, "\u0120jealous": 19354, "-'": 19355, "\u0120harness": 19356, "\u0120Poison": 19357, "\u0120disabilities": 19358, "neapolis": 19359, "\u0120outlook": 19360, "\u0120notify": 19361, "\u0120Indianapolis": 19362, "\u0120abrupt": 19363, "nsic": 19364, "\u0120encrypted": 19365, "\u0120forfe": 19366, "reath": 19367, "\u0120rabb": 19368, "\u0120foundations": 19369, "\u0120compliment": 19370, "\u0120Interview": 19371, "\u0120Swe": 19372, "\u0120adolesc": 19373, "\u0120monitors": 19374, "\u0120Sacramento": 19375, "\u0120timely": 19376, "\u0120contempl": 19377, "\u0120positioned": 19378, "\u0120posters": 19379, "phies": 19380, "iovascular": 19381, "void": 19382, "\u0120Fifth": 19383, "\u0120investigative": 19384, "OUN": 19385, "\u0120integrate": 19386, "\u0120INC": 19387, "isha": 19388, "iblings": 19389, "\u0120Request": 19390, "\u0120Rodriguez": 19391, "\u0120slides": 19392, "\u0120DX": 19393, "\u0120feminism": 19394, "\u0120datas": 19395, "\u0120bend": 19396, "irus": 19397, "\u0120Nigeria": 19398, "Fox": 19399, "Change": 19400, "\u0120airplane": 19401, "\u0120Laden": 19402, "\u0120publicity": 19403, "ixty": 19404, "\u0120commitments": 19405, "\u0120aggregate": 19406, "\u0120displaying": 19407, "\u0120Arrow": 19408, "\u0120122": 19409, "\u0120respects": 19410, "android": 19411, "six": 19412, "\u0120Sha": 19413, "\u0120restoration": 19414, ")\\": 19415, "WS": 19416, "oys": 19417, "\u0120illustrate": 19418, "without": 19419, "126": 19420, "\u0120\u00e2\u0136\u0124": 19421, "\u0120pickup": 19422, "nels": 19423, "\u0120....": 19424, "food": 19425, "\u0120Fen": 19426, ")?": 19427, "\u0120phenomena": 19428, "\u0120companions": 19429, "\u0120Write": 19430, "\u0120spill": 19431, "\u0120bridges": 19432, "\u0120Updated": 19433, "\u0120Fo": 19434, "\u0120insects": 19435, "ASHINGTON": 19436, "\u0120scare": 19437, "iltr": 19438, "\u0120Zhang": 19439, "\u0120severity": 19440, "\u0120indul": 19441, "149": 19442, "\u0120Coffee": 19443, "\u0120norms": 19444, "\u0120pulse": 19445, "\u0120FT": 19446, "\u0120horrific": 19447, "\u0120Destroy": 19448, "\u0120JSON": 19449, "\u0120olive": 19450, "\u0120discusses": 19451, "Rest": 19452, "Elect": 19453, "\u0120Winn": 19454, "\u0120Surviv": 19455, "\u0120Hait": 19456, "Sure": 19457, "oped": 19458, "\u0120rooted": 19459, "\u0120Ske": 19460, "\u0120Bronze": 19461, "\u0120lol": 19462, "Default": 19463, "\u0120commodity": 19464, "redited": 19465, "\u0120libertarian": 19466, "\u0120forbidden": 19467, "\u0120gran": 19468, "\u00e0\u00a8": 19469, "\u0120lag": 19470, "enz": 19471, "drive": 19472, "\u0120mathematics": 19473, "\u0120wires": 19474, "\u0120critically": 19475, "\u0120carbohyd": 19476, "\u0120Chancellor": 19477, "\u0120Eddie": 19478, "\u0120banning": 19479, "\u0120Fri": 19480, "\u0120complications": 19481, "etric": 19482, "\u0120Bangladesh": 19483, "\u0120bandwidth": 19484, "Stop": 19485, "\u0120Originally": 19486, "\u0120halfway": 19487, "ynasty": 19488, "shine": 19489, "\u0120tales": 19490, "rities": 19491, "avier": 19492, "\u0120spinning": 19493, "\u0120WHO": 19494, "\u0120neighbourhood": 19495, "bach": 19496, "\u0120commerce": 19497, "\u0120Sle": 19498, "BU": 19499, "\u0120entrepreneur": 19500, "\u0120peculiar": 19501, "\u0120Comments": 19502, "fre": 19503, "320": 19504, "ICS": 19505, "\u0120imagery": 19506, "\u0120Canon": 19507, "\u0120Electronic": 19508, "short": 19509, "((": 19510, "Dig": 19511, "\u0120commem": 19512, "uced": 19513, "\u0120inclined": 19514, "\u0120Summon": 19515, "\u0120cliff": 19516, "\u0120Mediterranean": 19517, "\u0120poetry": 19518, "\u0120prosperity": 19519, "\u0120Rece": 19520, "\u0120pills": 19521, "member": 19522, "\u0120finale": 19523, "unc": 19524, "\u0120Gig": 19525, "\u00e4\u00bd": 19526, "\u0120lod": 19527, "\u0120backward": 19528, "-+": 19529, "\u0120Forward": 19530, "\u0120thri": 19531, "sure": 19532, "\u0120soap": 19533, "\u0120FX": 19534, "RES": 19535, "\u0120Sexual": 19536, "oulos": 19537, "\u0120foolish": 19538, "\u0120righteous": 19539, "\u0120coff": 19540, "terrorism": 19541, "ustain": 19542, "oter": 19543, "\u0120abuses": 19544, "next": 19545, "\u0120abusive": 19546, "\u0120thereafter": 19547, "\u0120prohibition": 19548, "\u0120SUP": 19549, "\u0120dip": 19550, "\u0120ripped": 19551, "\u0120inherited": 19552, "\u0120bats": 19553, "stru": 19554, "GT": 19555, "\u0120flawed": 19556, "phabet": 19557, "\u0120fog": 19558, "doors": 19559, "\u0120imaging": 19560, "\u0120digits": 19561, "\u0120Hungary": 19562, "\u0120arrog": 19563, "\u0120teachings": 19564, "\u0120protocols": 19565, "\u0120Banks": 19566, "\u00e0\u00b8": 19567, "pound": 19568, "\u0120Curt": 19569, ".\")": 19570, "./": 19571, "\u0120exemption": 19572, "endix": 19573, "\u0120Mull": 19574, "\u0120improves": 19575, "\u0120Gamer": 19576, "dimensional": 19577, "Icon": 19578, "\u0120Margaret": 19579, "Status": 19580, "dates": 19581, "\u0120intends": 19582, "\u0120depict": 19583, "\u0120parked": 19584, "Joe": 19585, "\u0120Marines": 19586, "chnology": 19587, "!).": 19588, "\u0120judged": 19589, "\u0120weights": 19590, "Ray": 19591, "\u0120apartments": 19592, "hester": 19593, "\u0120reinforce": 19594, "\u0120offender": 19595, "occup": 19596, "\u0120sore": 19597, "ept": 19598, "\u0120PHP": 19599, "\u0120Brow": 19600, "\u0120authorization": 19601, "\u0120Risk": 19602, "\u0120Delaware": 19603, "\u0120QU": 19604, "\u0120notifications": 19605, "\u0120sunlight": 19606, "\u0120exclude": 19607, "dat": 19608, "\u0120mesh": 19609, "\u0120Sudan": 19610, "\u0120belonged": 19611, "\u0120subway": 19612, "\u0120noon": 19613, "\u0120Interior": 19614, "olics": 19615, "\u0120Lakers": 19616, "\u0120coding": 19617, "Disclaimer": 19618, "Calif": 19619, "Old": 19620, "\u0120disl": 19621, "?????": 19622, "\u0120confirms": 19623, "\u0120recruitment": 19624, "\u0120homicide": 19625, "Consider": 19626, "\u0120Jeffrey": 19627, "fty": 19628, "};": 19629, "\u0120objection": 19630, "doing": 19631, "\u0120Leo": 19632, "Want": 19633, "\u0120glow": 19634, "\u0120Clarke": 19635, "\u0120Norman": 19636, "\u0120verification": 19637, "\u0120packet": 19638, "\u0120Formula": 19639, "\u0120plag": 19640, "esville": 19641, "\u0120shouting": 19642, "\u0120ov": 19643, "\u0120REC": 19644, "\u0120Bub": 19645, "\u0120ninth": 19646, "\u0120energ": 19647, "\u0120validity": 19648, "\u0120ups": 19649, "jack": 19650, "\u0120neighboring": 19651, "\u0120Nec": 19652, "eworks": 19653, "\u0120Hab": 19654, "arez": 19655, "\u0120spine": 19656, "\u0120eventual": 19657, "\u0120Leaders": 19658, "\u0120Carn": 19659, "\u0120probation": 19660, "\u0120romance": 19661, "msg": 19662, "\u0120Mechanical": 19663, "ERY": 19664, "Rock": 19665, "\u0120partisan": 19666, "Node": 19667, "assets": 19668, "minent": 19669, "\u0120foreigners": 19670, "\u0120testify": 19671, "\u0120Usually": 19672, "lords": 19673, "\u0120Gren": 19674, "\u0120Powell": 19675, "BIL": 19676, "\u0120sr": 19677, "\u0120addict": 19678, "\u0120shells": 19679, "\u0120sigh": 19680, "\u0120Yale": 19681, "ternity": 19682, "\u0120750": 19683, "EU": 19684, "\u0120Rifle": 19685, "\u0120patron": 19686, "ema": 19687, "\u0120Bannon": 19688, "anity": 19689, "\u0120tropical": 19690, "\u0120VII": 19691, "cross": 19692, "Everything": 19693, "\u0120ISO": 19694, "\u0120humble": 19695, "assing": 19696, "\u0120FIG": 19697, "\u0120updating": 19698, "yson": 19699, "\u0120calcium": 19700, "\u0120competent": 19701, "\u0120steering": 19702, "Prot": 19703, "\u0120SY": 19704, "\u0120Finals": 19705, "\u0120Rug": 19706, "159": 19707, "137": 19708, "\u0120Golf": 19709, "\u0120126": 19710, "\u0120accommodation": 19711, "\u0120Hughes": 19712, "\u0120aesthetic": 19713, "artisan": 19714, "\u0120Twilight": 19715, "\u0120prince": 19716, "\u0120Agriculture": 19717, "\u0120Disco": 19718, "\u0120precedent": 19719, "\u0120typing": 19720, "authorized": 19721, "Option": 19722, "\u0120Aub": 19723, "lishes": 19724, "acht": 19725, "mag": 19726, "Peter": 19727, "\u0120UFO": 19728, "monton": 19729, "\u0120Lith": 19730, "\u0120arom": 19731, "\u0120securing": 19732, "\u0120confined": 19733, "private": 19734, "\u0120swords": 19735, "\u0120markers": 19736, "\u0120metabolic": 19737, "select": 19738, "\u0120Curse": 19739, "\u0120Ot": 19740, "gressive": 19741, "\u0120incumb": 19742, "\u0120Saga": 19743, "\u0120priced": 19744, "\u0120clearance": 19745, "Content": 19746, "\u0120drilling": 19747, "\u0120notices": 19748, "\u0120bourgeois": 19749, "\u0120vest": 19750, "\u0120cookie": 19751, "\u0120Guardians": 19752, "rys": 19753, "inyl": 19754, "\u0120124": 19755, "\u0120plausible": 19756, "ongh": 19757, "\u0120Odin": 19758, "\u0120conception": 19759, "\u0120Yuk": 19760, "\u0120Baghdad": 19761, "\u0120Flag": 19762, "Austral": 19763, "\u0120IBM": 19764, "\u0120internationally": 19765, "\u0120WikiLeaks": 19766, "IED": 19767, "\u0120cyn": 19768, "\u0120chooses": 19769, "\u0120Pill": 19770, "\u0120combining": 19771, "\u0120radi": 19772, "\u0120Mohammed": 19773, "defense": 19774, "atching": 19775, "Subject": 19776, "iciency": 19777, "Frame": 19778, "\u0120{\"": 19779, "\u0120chess": 19780, "\u0120timer": 19781, "190": 19782, "\u0120tin": 19783, "\u0120ordinance": 19784, "emetery": 19785, "\u0120accusing": 19786, "\u0120noticeable": 19787, "\u0120centres": 19788, "\u0120lid": 19789, "\u0120Mills": 19790, "imgur": 19791, "\u0120zoom": 19792, "ergic": 19793, "\u0120compression": 19794, "prim": 19795, "find": 19796, "\u0120surg": 19797, "\u0120pand": 19798, "\u0120Kee": 19799, "\u0120Chad": 19800, "cellence": 19801, "oyle": 19802, "\u0120socialism": 19803, "\u0120Travis": 19804, "\u0120MHz": 19805, "\u0120guild": 19806, "ALLY": 19807, "\u0120Subscribe": 19808, "\u0120Related": 19809, "\u0120occurrence": 19810, "itching": 19811, "\u0120fictional": 19812, "\u0120crush": 19813, "\u0120EA": 19814, "cod": 19815, "mix": 19816, "\u0120Triple": 19817, "\u0120retrieve": 19818, "\u0120stimulus": 19819, "\u0120psychiat": 19820, "\u0120Door": 19821, "\u0120homosexuality": 19822, "\u0120elementary": 19823, "\u0120cellular": 19824, "idian": 19825, "\u0120Laun": 19826, "\u0120intriguing": 19827, "\u0120foam": 19828, "\u0120Bass": 19829, "idi": 19830, "itsu": 19831, "\u0120assure": 19832, "\u0120congrat": 19833, "\u0120businessman": 19834, "\u0120Boost": 19835, "close": 19836, "\u0120lied": 19837, "\u0120sciences": 19838, "\u0120Omega": 19839, "\u0120Graphics": 19840, "\u0120<=": 19841, "spoken": 19842, "\u0120connectivity": 19843, "Saturday": 19844, "\u0120Avengers": 19845, "\u0120toggle": 19846, "\u0120ankle": 19847, "\u0120nationalist": 19848, "model": 19849, "\u0120Pool": 19850, "ophobia": 19851, "Var": 19852, "\u0120Mons": 19853, "atories": 19854, "\u0120aggressively": 19855, "Clear": 19856, "Forge": 19857, "acters": 19858, "\u0120hedge": 19859, "\u0120pipes": 19860, "\u0120blunt": 19861, "\u0120sq": 19862, "\u0120remotely": 19863, "Wed": 19864, "asers": 19865, "\u0120refriger": 19866, "\u0120tiles": 19867, "\u0120rescued": 19868, "\u0120comprised": 19869, "insky": 19870, "\u0120manif": 19871, "avanaugh": 19872, "\u0120prolifer": 19873, "\u0120aligned": 19874, "xml": 19875, "\u0120triv": 19876, "\u0120coordination": 19877, "\u0120PER": 19878, "\u0120Quote": 19879, "134": 19880, "bf": 19881, "\u0120Saw": 19882, "\u0120termination": 19883, "\u0120190": 19884, "\u0120additions": 19885, "\u0120trio": 19886, "\u0120projections": 19887, "\u0120positively": 19888, "\u0120inclusive": 19889, "\u0120membr": 19890, "1990": 19891, "older": 19892, "\u0120practiced": 19893, "inkle": 19894, "Arch": 19895, "\u0120starters": 19896, "arius": 19897, "\u0120intermediate": 19898, "\u0120Benef": 19899, "\u0120Killer": 19900, "\u0120interventions": 19901, "\u0120Kil": 19902, "\u0120Flying": 19903, "Inv": 19904, "\u0120premature": 19905, "\u0120psychiatric": 19906, "\u0120indie": 19907, "\u0120collar": 19908, "\u0120Rainbow": 19909, "afi": 19910, "\u0120disruption": 19911, "\u0120FOX": 19912, "casting": 19913, "\u0120misdem": 19914, "cro": 19915, "\u0120wipe": 19916, "ardon": 19917, "\u0120bast": 19918, "\u0120Tommy": 19919, "\u0120Representative": 19920, "\u0120belly": 19921, "\u0120PO": 19922, "\u0120Breitbart": 19923, "132": 19924, "\u0120messaging": 19925, "Should": 19926, "References": 19927, "\u0120GRE": 19928, "istical": 19929, "LP": 19930, "\u0120Cav": 19931, "\u0120Crazy": 19932, "\u0120intuitive": 19933, "keeping": 19934, "\u0120Moss": 19935, "\u0120discontin": 19936, "\u0120Module": 19937, "\u0120unrelated": 19938, "\u0120Practice": 19939, "\u0120Transport": 19940, "\u0120statistically": 19941, "orns": 19942, "\u0120sized": 19943, "pu": 19944, "\u0120caf": 19945, "\u0120Worlds": 19946, "\u0120Rodgers": 19947, "\u0120Lun": 19948, "\u0120Comic": 19949, "living": 19950, "\u0120cared": 19951, "\u0120climbed": 19952, "){": 19953, "\u0120consisted": 19954, "\u0120medieval": 19955, "folk": 19956, "\u0120hacked": 19957, "\u0120dire": 19958, "\u0120Hermione": 19959, "\u0120tended": 19960, "ceans": 19961, "Daniel": 19962, "went": 19963, "\u0120legislators": 19964, "\u0120redes": 19965, "games": 19966, "\u0120gn": 19967, "amiliar": 19968, "\u0120++": 19969, "ggy": 19970, "threat": 19971, "\u0120magnet": 19972, "\u0120perceive": 19973, "\u0120zip": 19974, "\u0120indictment": 19975, "\u0120critique": 19976, "gard": 19977, "\u0120Safe": 19978, "\u0120Cream": 19979, "\u0120advent": 19980, "oba": 19981, "\u0120vowed": 19982, "ousands": 19983, "\u0120ski": 19984, "\u0120abortions": 19985, "uart": 19986, "\u0120stunned": 19987, "\u0120advancing": 19988, "\u0120lacked": 19989, "\u0120\\\"": 19990, "\u0120schizophren": 19991, "\u0120elegant": 19992, "\u0120conferences": 19993, "\u0120canceled": 19994, "\u0120Hudson": 19995, "\u0120Hopefully": 19996, "\u0120trump": 19997, "\u0120frequencies": 19998, "\u0120meteor": 19999, "\u0120Junior": 20000, "\u0120Fleet": 20001, "\u0120Malcolm": 20002, "\u0120Tools": 20003, "\u0120........": 20004, "\u0120hobby": 20005, "\u0120Europeans": 20006, "\u01201500": 20007, "\u0120Into": 20008, "\u0120sway": 20009, "\u0120Appro": 20010, "\u0120Compl": 20011, "Community": 20012, "\u0120tide": 20013, "\u0120Summit": 20014, "\u00e4\u00bb": 20015, "\u0120intervals": 20016, "\u0120Ether": 20017, "\u0120habitat": 20018, "\u0120Stevens": 20019, "lishing": 20020, "\u0120Domain": 20021, "\u0120triggers": 20022, "\u0120chasing": 20023, "\u0120charm": 20024, "\u0120Flower": 20025, "itored": 20026, "\u0120blessing": 20027, "\u0120textures": 20028, "Five": 20029, "\u0120liquor": 20030, "RP": 20031, "FIN": 20032, "\u01201962": 20033, "CAR": 20034, "Unknown": 20035, "\u0120resil": 20036, "\u0120Lily": 20037, "\u0120abundance": 20038, "\u0120predictable": 20039, "rar": 20040, "\u0120bullshit": 20041, "leen": 20042, "chet": 20043, "Mor": 20044, "Much": 20045, "\u00e4\u00b9": 20046, "\u0120emphasized": 20047, "\u0120crust": 20048, "\u0120primitive": 20049, "\u0120enjoyable": 20050, "\u0120Pictures": 20051, "\u0120teammate": 20052, "pler": 20053, "\u0120Tol": 20054, "\u0120Kane": 20055, "\u0120summoned": 20056, "thy": 20057, "rama": 20058, "\u0120Honda": 20059, "\u0120realizing": 20060, "\u0120quicker": 20061, "\u0120concentrate": 20062, "clear": 20063, "\u0120210": 20064, "\u0120Erdogan": 20065, "aris": 20066, "\u0120responds": 20067, "\u0120BI": 20068, "\u0120eligibility": 20069, "\u0120pushes": 20070, "\u0120Idaho": 20071, "\u0120aggrav": 20072, "\u0120ruins": 20073, "urations": 20074, "\u0120bans": 20075, "\u0120anat": 20076, "share": 20077, "\u0120grind": 20078, "hin": 20079, "umen": 20080, "\u0120utilities": 20081, "\u0120Yankees": 20082, "\u0120databases": 20083, "\u0120DD": 20084, "\u0120displaced": 20085, "\u0120dependencies": 20086, "\u0120stimulation": 20087, "hun": 20088, "houses": 20089, "\u0120Pretty": 20090, "\u0120Ravens": 20091, "\u0120TODAY": 20092, "\u0120associates": 20093, "\u0120therape": 20094, "cled": 20095, "\u0120deer": 20096, "\u0120repairs": 20097, "rentice": 20098, "\u0120receptors": 20099, "\u0120remed": 20100, "\u0120Ce": 20101, "\u0120marriages": 20102, "\u0120ballots": 20103, "\u0120Soldier": 20104, "\u0120hilarious": 20105, "opl": 20106, "138": 20107, "\u0120inherently": 20108, "\u0120ignorant": 20109, "\u0120bounce": 20110, "\u0120Easter": 20111, "RELATED": 20112, "\u0120Currency": 20113, "EV": 20114, "\u00e3\u0125\u0140": 20115, "\u0120Lead": 20116, "\u0120deceased": 20117, "Brien": 20118, "\u0120Musk": 20119, "JS": 20120, "\u0120merge": 20121, "hearted": 20122, "creat": 20123, "mitt": 20124, "mund": 20125, "\u0120\u00e2\u0122\u012d": 20126, "\u0120Bag": 20127, "\u0120projection": 20128, "\u0120java": 20129, "\u0120Standards": 20130, "\u0120Leonard": 20131, "\u0120coconut": 20132, "\u0120Population": 20133, "\u0120traject": 20134, "\u0120imply": 20135, "\u0120curiosity": 20136, "\u0120DB": 20137, "\u0120Fresh": 20138, "\u0120Por": 20139, "\u0120heavier": 20140, "neys": 20141, "gomery": 20142, "\u0120deserved": 20143, "\u0120phrases": 20144, "\u0120GC": 20145, "\u0120yeast": 20146, "desc": 20147, "Death": 20148, "\u0120reboot": 20149, "\u0120metadata": 20150, "ICAL": 20151, "\u0120repay": 20152, "\u0120Independence": 20153, "\u0120suburban": 20154, "icals": 20155, "\u0120atop": 20156, "\u0120allocation": 20157, "generation": 20158, "\u0120Gram": 20159, "\u0120moisture": 20160, "\u0120pine": 20161, "\u0120Liberals": 20162, "\u0120aides": 20163, "\u0120underest": 20164, "\u0120Berry": 20165, "\u0120ceremon": 20166, "370": 20167, "astrous": 20168, "\u0120Pirates": 20169, "\u0120tense": 20170, "\u0120Industries": 20171, "\u0120Appeals": 20172, "\u0120Near": 20173, "\u0120\u00e8\u00a3\u0131\u00e7": 20174, "\u0120lovers": 20175, "\u0120CAP": 20176, "\u0120Craw": 20177, "\u0120giants": 20178, "\u0120efficacy": 20179, "Element": 20180, "\u0120Behavior": 20181, "\u0120Toyota": 20182, "\u0120intest": 20183, "Priv": 20184, "AI": 20185, "\u0120maneuver": 20186, "\u0120perfection": 20187, "\u0120bang": 20188, "paper": 20189, "rill": 20190, "George": 20191, "border": 20192, "inters": 20193, "\u0120Seth": 20194, "\u0120clues": 20195, "\u0120Levi": 20196, "\u0120Revenue": 20197, "147": 20198, "\u0120vapor": 20199, "\u0120fortunate": 20200, "\u0120threatens": 20201, "\u0120vet": 20202, "\u0120dependency": 20203, "ersed": 20204, "article": 20205, "\u0120Blizzard": 20206, "\u0120chlor": 20207, "\u0120minus": 20208, "\u0120Bills": 20209, "\u0120cryptocurrency": 20210, "\u0120metabolism": 20211, "tering": 20212, "\u0120pestic": 20213, "steps": 20214, "\u0120Treasure": 20215, "racted": 20216, "\u0120Constant": 20217, "\u0120temp": 20218, "139": 20219, "\u0120Detective": 20220, "urally": 20221, "\u0120recovering": 20222, "\u0120cortex": 20223, "\u0120144": 20224, "closed": 20225, "\u0120prejudice": 20226, "aunted": 20227, "\u0120storms": 20228, "\u0120NOW": 20229, "\u0120machinery": 20230, "Address": 20231, "\u0120compelled": 20232, "270": 20233, "\u0120despair": 20234, "bane": 20235, "\u0120vegetable": 20236, "\u0120beds": 20237, "Learn": 20238, "\u0120colorful": 20239, "\u0120spike": 20240, "\u0120margins": 20241, "\u0120sympathy": 20242, "\u0120workshop": 20243, "\u0120CBC": 20244, "Sat": 20245, "\u0120burns": 20246, "\u0120Gender": 20247, "\u0120129": 20248, "\u0120Cable": 20249, "\u0120debts": 20250, "\u0120Theresa": 20251, "\u0120reflecting": 20252, "\u0120airst": 20253, "\u0120rim": 20254, "ramid": 20255, "\u0120weaknesses": 20256, "Writ": 20257, "oggle": 20258, "ti": 20259, "\u0120Charge": 20260, "\u0120weighed": 20261, "\u0120(.": 20262, "\u0120laughter": 20263, "\u0120router": 20264, "\u0120Democracy": 20265, "Dear": 20266, "\u0120hasht": 20267, "\u0120dy": 20268, "\u0120hints": 20269, "running": 20270, "\u0120finishes": 20271, "arus": 20272, "Mass": 20273, "result": 20274, "ascus": 20275, "\u0120vintage": 20276, "\u0120conqu": 20277, "\u0120wildly": 20278, "acist": 20279, "\u0120lingu": 20280, "\u0120protagonist": 20281, "strom": 20282, "teenth": 20283, "\u0120Solo": 20284, "mac": 20285, "filled": 20286, "\u0120renown": 20287, "itives": 20288, "\u0120motive": 20289, "\u0120Antar": 20290, "\u0120Mann": 20291, "\u0120Adjust": 20292, "\u0120rockets": 20293, "\u0120troubling": 20294, "ei": 20295, "\u0120organisms": 20296, "assis": 20297, "Christian": 20298, "\u0120145": 20299, "\u0120Hass": 20300, "\u0120swall": 20301, "\u0120wax": 20302, "\u0120Survival": 20303, "VS": 20304, "\u0120Murd": 20305, "vd": 20306, "standard": 20307, "\u0120dragons": 20308, "\u0120acceleration": 20309, "rational": 20310, "final": 20311, "\u0120paired": 20312, "\u0120Ethereum": 20313, "\u0120interfaces": 20314, "\u0120resent": 20315, "\u0120artifacts": 20316, "\u00c5\u00ab": 20317, "arel": 20318, "\u0120competitor": 20319, "\u0120Nicholas": 20320, "\u0120Surface": 20321, "cpp": 20322, "\u0120Tot": 20323, "\u0120economically": 20324, "\u0120organised": 20325, "\u0120enforced": 20326, "inho": 20327, "\u0120varieties": 20328, "\u0120abdom": 20329, "\u0120Bailey": 20330, "idav": 20331, "\u0120Salv": 20332, "paid": 20333, "\u0120altitude": 20334, "essert": 20335, "\u0120Gutenberg": 20336, "area": 20337, "opoulos": 20338, "\u0120professors": 20339, "iggs": 20340, "\u0120Fate": 20341, "hey": 20342, "\u01203000": 20343, "Dist": 20344, "\u0120twins": 20345, "cill": 20346, "\u0120Maps": 20347, "\u0120traps": 20348, "\u0120weed": 20349, "\u0120Kiss": 20350, "\u0120yoga": 20351, "\u0120recipients": 20352, "\u0120Westminster": 20353, "\u0120pools": 20354, "\u0120Walmart": 20355, "188": 20356, "\u0120Schools": 20357, "attack": 20358, "\u0120ARM": 20359, "paragraph": 20360, "Warning": 20361, "jl": 20362, "\u0120selfish": 20363, "anchez": 20364, "\u0120Heights": 20365, "Fre": 20366, "\u0120Soph": 20367, "\u0120--------------------------------": 20368, "tml": 20369, "333": 20370, "\u0120raids": 20371, "\u0120satellites": 20372, "KEY": 20373, "\u0120lasts": 20374, "\u00d1\u0124": 20375, "Ins": 20376, "\u0120Dame": 20377, "\u0120unpredict": 20378, "///": 20379, "ghai": 20380, "\u0120artillery": 20381, "\u0120cruise": 20382, "\u0120gel": 20383, "\u0120Cabinet": 20384, "\u0120blows": 20385, "\u0120Esp": 20386, "\u0120proximity": 20387, "othe": 20388, "\u0120Skills": 20389, "\u0120Upper": 20390, "obo": 20391, "\u0120NDP": 20392, "\u0120enjoys": 20393, "\u0120repeating": 20394, "\u0120Construction": 20395, "\u0120Questions": 20396, "Hillary": 20397, "\u0120uint": 20398, "\u0120processors": 20399, "\u0120Gibson": 20400, "\u0120Multiple": 20401, "qa": 20402, "\u0120Bom": 20403, "\u0120Miles": 20404, "ventional": 20405, "\u0120hurts": 20406, "skin": 20407, "\u0120AIDS": 20408, "\u0120advisers": 20409, "\u0120Root": 20410, "\u0120methodology": 20411, "\u0120Dale": 20412, "\u0120deton": 20413, "\u0120Knowledge": 20414, "sequently": 20415, "\u0120121": 20416, "\u0120connects": 20417, "Cy": 20418, "\u0120Danger": 20419, "\u0120contributors": 20420, "\u0120Bent": 20421, "\u0120brass": 20422, "\u0120Guns": 20423, "into": 20424, "\u0120Fortune": 20425, "\u0120broker": 20426, "balance": 20427, "\u0120lengths": 20428, "\u0120vic": 20429, "\u0120averaging": 20430, "\u0120appropriately": 20431, "\u0120Camera": 20432, "\u0120sandwich": 20433, "\u0120CDC": 20434, "\u0120coordinate": 20435, "\u0120navig": 20436, "\u0120goodness": 20437, "laim": 20438, "\u0120brake": 20439, "\u0120extremist": 20440, "\u0120Wake": 20441, "\u0120Mend": 20442, "\u0120Tiny": 20443, "\u0120COL": 20444, "\u0120RF": 20445, "\u0120Dual": 20446, "\u0120Wine": 20447, "Case": 20448, "\u0120refined": 20449, "\u0120lamp": 20450, "Lead": 20451, "\u0120bapt": 20452, "\u0120Carb": 20453, "\u0120Sadd": 20454, "\u0120Minneapolis": 20455, "PDF": 20456, "Early": 20457, "\u0120Hidden": 20458, "Its": 20459, "\u0120TIME": 20460, "\u0120pap": 20461, "\u0120commissioned": 20462, "\u0120Few": 20463, "\u0120Colts": 20464, "\u0120Bren": 20465, "\u0120bothered": 20466, "\u0120likewise": 20467, "Exper": 20468, "\u0120Schw": 20469, "cry": 20470, "nn": 20471, "\u0120Mitch": 20472, "imon": 20473, "MG": 20474, "bm": 20475, "UMP": 20476, "rays": 20477, "\u0120registry": 20478, "\u0120270": 20479, "achine": 20480, "rella": 20481, "anting": 20482, "00000": 20483, "\u0120ruined": 20484, "spot": 20485, "\u0120ta": 20486, "\u0120maximize": 20487, "\u0120inconven": 20488, "Dead": 20489, "Human": 20490, "Enabled": 20491, "\u0120Marie": 20492, "\u0120chill": 20493, "\u0120Paradise": 20494, "\u0120starring": 20495, "\u0120Latino": 20496, "\u0120Protocol": 20497, "\u0120EVER": 20498, "\u0120suppliers": 20499, "message": 20500, "\u0120Brock": 20501, "\u0120serum": 20502, "\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a": 20503, "\u0120encomp": 20504, "\u0120ambition": 20505, "uese": 20506, "\u0120arrows": 20507, "Andrew": 20508, "\u0120antenna": 20509, "\u01201961": 20510, "\u0120Bark": 20511, "\u0120bool": 20512, "\u00e3\u0124\u00aa": 20513, "\u0120Storage": 20514, "\u0120railway": 20515, "\u0120tougher": 20516, "\u0120Cad": 20517, "\u0120washing": 20518, "Py": 20519, "']": 20520, "embed": 20521, "\u0120Memphis": 20522, "ackle": 20523, "\u0120famously": 20524, "\u0120Fortunately": 20525, "ovies": 20526, "\u0120mindset": 20527, "\u0120sneak": 20528, "\u0120Dh": 20529, "RAW": 20530, "\u0120Simpson": 20531, "\u0120livest": 20532, "\u0120landmark": 20533, "\u0120cement": 20534, "Low": 20535, "\u0120thrilled": 20536, "\u0120Course": 20537, "inel": 20538, "\u0120chuck": 20539, "idate": 20540, "global": 20541, "\u0120whit": 20542, "\u0120\u00ef\u00bf\u00bd": 20543, "adays": 20544, "ski": 20545, "\u0120SV": 20546, "\u0120viruses": 20547, "306": 20548, "\u0120Respons": 20549, "\u0120theaters": 20550, "\u0120Branch": 20551, "\u0120Geneva": 20552, "\u0120MK": 20553, "\u0120unbeliev": 20554, "\u0120communist": 20555, "Original": 20556, "\u0120Received": 20557, "\u0120Transfer": 20558, "\u0120Arg": 20559, "Input": 20560, "\u0120Strategy": 20561, "\u0120palace": 20562, "thening": 20563, "Dri": 20564, "\u0120sentencing": 20565, "umbnail": 20566, "\u0120pins": 20567, "recy": 20568, "\u0120siblings": 20569, "Getting": 20570, "\u0120BU": 20571, "\u0120Northwest": 20572, "\u0120prolonged": 20573, "\u0120Sakura": 20574, "Comb": 20575, "\u0120Bour": 20576, "\u0120inadequate": 20577, "\u0120Kash": 20578, "\u0120username": 20579, "\u0120Improve": 20580, "\u0120battling": 20581, "\u0120MAC": 20582, "\u0120curriculum": 20583, "\u0120soda": 20584, "\u0120Cannon": 20585, "\u0120sensible": 20586, "spons": 20587, "December": 20588, "\u0120wicked": 20589, "\u0120Pengu": 20590, "\u0120dictators": 20591, "\u0120Hearts": 20592, "ogyn": 20593, "\u0120similarities": 20594, "\u0120Stats": 20595, "\u0120hollow": 20596, "itations": 20597, "\":[": 20598, "\u0120hover": 20599, "\u0120Listen": 20600, "sch": 20601, "Sund": 20602, "\u0120cad": 20603, "\u0120Parks": 20604, "\u0120lur": 20605, "\u0120hype": 20606, "\u0120Lem": 20607, "NAME": 20608, "isure": 20609, "Friday": 20610, "\u0120shoots": 20611, "\u0120closes": 20612, "\u0120db": 20613, "\u0120Ridge": 20614, "\u0120Different": 20615, "\u0120replies": 20616, "\u0120Broadway": 20617, "opers": 20618, "\u0120intoler": 20619, "\u0120Zeus": 20620, "akespe": 20621, "\u0120proprietary": 20622, "\u0120requesting": 20623, "\u0120controllers": 20624, "\u0120MIN": 20625, "imedia": 20626, "becca": 20627, "\u0120expans": 20628, "\u0120oils": 20629, "Bot": 20630, "\u0120Chand": 20631, "\u0120printer": 20632, "\u0120topped": 20633, "\u0120POL": 20634, "\u0120Earlier": 20635, "Social": 20636, "avin": 20637, "\u0120decreases": 20638, "\u0120Seb": 20639, "\u0120specifications": 20640, "\u0120Blast": 20641, "\u0120Kurt": 20642, "\u0120freel": 20643, "Brown": 20644, "\u0120dilig": 20645, "roe": 20646, "\u0120Problem": 20647, "\u0120Quad": 20648, "\u0120decentral": 20649, "\u0120Vector": 20650, "anut": 20651, "\u0120plugins": 20652, "\u0120Gregory": 20653, "\u0120fucked": 20654, "elines": 20655, "\u0120Ambassador": 20656, "take": 20657, "\u0120cleans": 20658, "ongyang": 20659, "Anonymous": 20660, "stro": 20661, "\"}": 20662, "aline": 20663, "\u0120Odd": 20664, "\u0120Eug": 20665, "216": 20666, "\u0120boil": 20667, "\u0120Powers": 20668, "\u0120nurses": 20669, "Obviously": 20670, "\u0120Technical": 20671, "\u0120exceeded": 20672, "ORS": 20673, "\u0120extremists": 20674, "\u0120traces": 20675, "expl": 20676, "\u0120comr": 20677, "\u0120Sach": 20678, ")/": 20679, "\u0120masks": 20680, "\u0120sci": 20681, "Bon": 20682, "\u0120regression": 20683, "wegian": 20684, "\u0120advisor": 20685, "itures": 20686, "\u0120Vo": 20687, "example": 20688, "\u0120Instruct": 20689, "\u0120siege": 20690, "\u0120reductions": 20691, "ptr": 20692, "\u0120statutory": 20693, "\u0120removes": 20694, "\u0120puck": 20695, "redits": 20696, "\u0120bee": 20697, "\u0120salad": 20698, "\u0120promotions": 20699, "\u0120Joshua": 20700, "withstanding": 20701, "ETH": 20702, "\u0120Cha": 20703, "imus": 20704, "\u0120expenditure": 20705, "aunting": 20706, "\u0120delighted": 20707, "\u0120155": 20708, "beh": 20709, "\u0120carpet": 20710, "\u0120Spart": 20711, "\u0120jungle": 20712, "lists": 20713, "\u0120bullying": 20714, "\u0120Nobel": 20715, "\u0120Glen": 20716, "\u0120referenced": 20717, "\u0120introduces": 20718, "sein": 20719, "\u0120chopped": 20720, "glass": 20721, "\u0120Wrest": 20722, "\u0120neutrality": 20723, "\u0120\u00e2\u013b": 20724, "\u0120investigator": 20725, "\u0120shelves": 20726, "\u0120unconstitutional": 20727, "\u0120reproduction": 20728, "\u0120merchant": 20729, "mia": 20730, "\u0120metrics": 20731, "\u0120explosives": 20732, "\u0120Sonia": 20733, "\u0120bodily": 20734, "\u0120thickness": 20735, "\u0120predominantly": 20736, "\u0120Ability": 20737, "\u0120monitored": 20738, "ICH": 20739, "\u0120].": 20740, "\u0120Martinez": 20741, "\u0120visibility": 20742, "\u0120queries": 20743, "\u0120genocide": 20744, "\u0120Warfare": 20745, "Query": 20746, "\u0120studios": 20747, "\u0120embry": 20748, "\u0120corridor": 20749, "\u0120cleaned": 20750, "complete": 20751, "\u0120MH": 20752, "\u0120enrollment": 20753, "INGS": 20754, "\u0120impacted": 20755, "\u0120disastrous": 20756, "\u0120Yun": 20757, "\u0120Claire": 20758, "\u0120Basically": 20759, "yt": 20760, "usterity": 20761, "\u0120indirectly": 20762, "wik": 20763, "\u0120dod": 20764, "\u0120Carr": 20765, "\u0120amp": 20766, "\u0120prohibit": 20767, "\u0120Initial": 20768, "\u0120Rd": 20769, "iji": 20770, "\u0120educate": 20771, "corn": 20772, "iott": 20773, "\u0120Beauty": 20774, "\u0120detective": 20775, "\u0120Conn": 20776, "since": 20777, "\u0120stagger": 20778, "\u0120obese": 20779, "\u0120bree": 20780, "ologic": 20781, "isse": 20782, "walker": 20783, "\u0120blades": 20784, "\u0120lawful": 20785, "func": 20786, "\u0120Behind": 20787, "\u0120appetite": 20788, "\u0120(*": 20789, "\u0120tennis": 20790, "\u0120offspring": 20791, "\u0120jets": 20792, "\u0120structured": 20793, "\u0120aforementioned": 20794, "Nov": 20795, "\u0120scaling": 20796, "fill": 20797, "\u0120stew": 20798, "\u0120curb": 20799, "\u0120Stephan": 20800, "edIn": 20801, "SF": 20802, "obic": 20803, "\u00e9\u0143\u0136": 20804, "oug": 20805, "\u0120MM": 20806, "\u0120genetically": 20807, "opez": 20808, "136": 20809, "\u0120umb": 20810, "ancers": 20811, "\u0120cohort": 20812, "\u0120merchandise": 20813, "\u0120imposing": 20814, "\u0120Legislature": 20815, "\u0120Archive": 20816, "ivia": 20817, "\u0120Naval": 20818, "\u0120offences": 20819, "\u0120miracle": 20820, "\u0120snapped": 20821, "\u0120foes": 20822, "\u0120extensively": 20823, "\u0120Raf": 20824, "\u0120cater": 20825, "edience": 20826, "Kit": 20827, "\u0120Bin": 20828, "\u0120recommends": 20829, "\u0120Cities": 20830, "\u0120rigid": 20831, "\u0120READ": 20832, "\u0120Noble": 20833, "\u0120Tian": 20834, "\u0120certificates": 20835, "antis": 20836, "oiler": 20837, "\u0120Buddhist": 20838, "did": 20839, "\u0120surveyed": 20840, "\u0120downward": 20841, "\u0120prints": 20842, "\u0120Motion": 20843, "ronics": 20844, "\u0120Sans": 20845, "ossibly": 20846, "uctions": 20847, "\u0120colonies": 20848, "\u0120Danish": 20849, "unit": 20850, "\u0120spoil": 20851, "\u0120advisory": 20852, "berries": 20853, "Plan": 20854, "\u0120specification": 20855, "ophers": 20856, "\u0120Resource": 20857, "\u0120shirts": 20858, "prisingly": 20859, "communications": 20860, "\u0120trivial": 20861, "\u0120mentioning": 20862, "isexual": 20863, "\u0120supplements": 20864, "\u0120supervision": 20865, "BP": 20866, "vor": 20867, "\u0120wit": 20868, "\u0120cooldown": 20869, "\u0120plaintiff": 20870, "\u0120Reviews": 20871, "\u0120Sri": 20872, "\u0120Mint": 20873, "\u0120Sugar": 20874, "\u0120afterward": 20875, "\u0120Priest": 20876, "\u0120Investment": 20877, "ogene": 20878, "\u0120Taking": 20879, "\u0120stretching": 20880, "\u0120inflammation": 20881, "\u0120Tehran": 20882, "\u0120lining": 20883, "\u0120freezing": 20884, "\u0120Entity": 20885, "\u0120inspiring": 20886, "special": 20887, "price": 20888, "\u0120sue": 20889, "\u0120Porter": 20890, "ounge": 20891, "ETA": 20892, "\u0120Derek": 20893, "\u0120Luis": 20894, "uo": 20895, "ymph": 20896, "\u0120exterior": 20897, "ihil": 20898, "\u0120Ashley": 20899, "inator": 20900, "\u0120nutrients": 20901, "\u0120Thrones": 20902, "\u0120finances": 20903, "\u0120Inspect": 20904, "\u0120specially": 20905, "\u0120Required": 20906, "\u0120PTS": 20907, "\u0120Violence": 20908, "ointed": 20909, "shots": 20910, "\u0120excerpt": 20911, "coon": 20912, "INS": 20913, "\u0120Gri": 20914, "\u0120recognised": 20915, "Week": 20916, "Young": 20917, "\u0120vom": 20918, "isle": 20919, "\u0120Curry": 20920, "\u0120Buddh": 20921, "\u0120notebook": 20922, "\u0120durable": 20923, "/?": 20924, "\u0120Gad": 20925, "\u0120Pupp": 20926, "\u0120forgive": 20927, "park": 20928, "\u0120personalities": 20929, "analysis": 20930, "clamation": 20931, "\u0120elevator": 20932, "\u0120warehouse": 20933, "\u0120Role": 20934, "unn": 20935, "\u0120illustration": 20936, "\u0120Scan": 20937, "\u0120atmospheric": 20938, "Import": 20939, "ANC": 20940, "ricted": 20941, "fu": 20942, "010": 20943, "\u0120arche": 20944, "\u0120rewarded": 20945, "akespeare": 20946, "\u0120internally": 20947, "\u0120RBI": 20948, "alker": 20949, "\u0120elephant": 20950, "owitz": 20951, "\u0120Pizza": 20952, "\u0120bipartisan": 20953, "\u00c3\u00a9s": 20954, "\u0120slowed": 20955, "\u0120Stark": 20956, "\u0120override": 20957, "OUS": 20958, "\u0120320": 20959, "undreds": 20960, "\u0120Deck": 20961, "\u0120Census": 20962, "bee": 20963, "146": 20964, "otor": 20965, "\u0120ip": 20966, "\u0120ub": 20967, "ocations": 20968, "\u0120Button": 20969, "rice": 20970, "\u0120cripp": 20971, "fff": 20972, "\u0120originated": 20973, "\u0120overwhelmed": 20974, "appa": 20975, "\u0120foremost": 20976, "\u00e2\u0122\u0133": 20977, "\u0120LEG": 20978, "release": 20979, "eatured": 20980, "atches": 20981, "\u0120reps": 20982, "\u0120lending": 20983, "\u0120Reference": 20984, "\u0120Client": 20985, "165": 20986, "venth": 20987, "Complete": 20988, "\u0120Patrol": 20989, "\u0120sworn": 20990, "cam": 20991, "\u0120shuttle": 20992, "\u0120Ralph": 20993, "\u0120hometown": 20994, "-,": 20995, "onal": 20996, "\u0120BP": 20997, "\u00e5\u0131": 20998, "\u0120persuade": 20999, "\u0120Alexand": 21000, "\u0120combines": 21001, "\u0120vivid": 21002, "\u0120Lag": 21003, "\u0120encoding": 21004, "\u0120salvation": 21005, "wen": 21006, "\u0120Recovery": 21007, "iya": 21008, "University": 21009, "\u0120Biden": 21010, "\u0120budgets": 21011, "\u0120Texans": 21012, "fits": 21013, "\u0120honored": 21014, "\u0120python": 21015, "TD": 21016, "###": 21017, "clone": 21018, "\u0120blink": 21019, "\u0120Liquid": 21020, "\u0120unemployed": 21021, "\u0120clashes": 21022, "\u0120Counsel": 21023, "\u0120directing": 21024, "\u0120punct": 21025, "\u0120Falcons": 21026, "\u0120shark": 21027, "\u0120Damascus": 21028, "\u0120jeans": 21029, "\u0120embark": 21030, "\u0120seize": 21031, "\u0120upwards": 21032, "280": 21033, "\u0120Ez": 21034, "\u0120Anything": 21035, "\u0120exotic": 21036, "lower": 21037, "\u0120Creator": 21038, "\u0120Um": 21039, "\u0120suburbs": 21040, "berger": 21041, "\u0120Wend": 21042, "\u0120mint": 21043, "\u0120XX": 21044, "\u0120Dro": 21045, "\u0120suffers": 21046, "\u0120herb": 21047, "tree": 21048, "\u0120fragile": 21049, "\u0120flooded": 21050, "\u0120Alcohol": 21051, "olean": 21052, "nyder": 21053, "\u0120KO": 21054, "Fram": 21055, "\u0120136": 21056, "\u0120owed": 21057, "\u0120Melee": 21058, "\u0120Hash": 21059, "\u0120whisk": 21060, "\u0120sudo": 21061, "rr": 21062, "Quick": 21063, "appro": 21064, "\u0120ii": 21065, "\u0120Examples": 21066, "hee": 21067, "\u0120promotes": 21068, "perature": 21069, "kar": 21070, "\u0120Honor": 21071, "\u0120sodium": 21072, "\u0120Lif": 21073, "rosso": 21074, "intendent": 21075, "\u0120correspondent": 21076, "Found": 21077, "secret": 21078, "\u0120identifies": 21079, "agne": 21080, "\u0120lou": 21081, "\u0120PP": 21082, "\u0120coincidence": 21083, "move": 21084, "\u0120militia": 21085, "\u0120infiltr": 21086, "\u0120Primary": 21087, "\u0120pitching": 21088, "\u0120Ib": 21089, "\u0120GOOD": 21090, "\u00e3\u0124\u00b8": 21091, "\u0120Wizards": 21092, "iral": 21093, "\u0120Venus": 21094, "RR": 21095, "\u0120\u00e2\u0122\u0137": 21096, "\u0120Casey": 21097, "\u0120sadly": 21098, "\u0120admire": 21099, "\u0120embarrassed": 21100, "cb": 21101, "Mel": 21102, "\u0120tubes": 21103, "\u0120beautifully": 21104, "\u0120Queensland": 21105, "Below": 21106, "rez": 21107, "quet": 21108, "pleasant": 21109, "\u0120\u00c2\u00ab": 21110, "Camp": 21111, "\u0120decisive": 21112, "1998": 21113, "\u0120Lamb": 21114, "utton": 21115, "hn": 21116, "\u0120Jagu": 21117, "aunder": 21118, "\u0120Cord": 21119, "\u0120clerk": 21120, "\u0120caffe": 21121, "\u0120wiped": 21122, "\u0120reim": 21123, "\u0120Mountains": 21124, "\u0120imprisoned": 21125, "\u0120develops": 21126, "\u0120Pra": 21127, "\u0120modeling": 21128, "Anyone": 21129, "ancel": 21130, "\u0120Sit": 21131, "\u0120shields": 21132, "\u0120lawn": 21133, "\u0120cardiovascular": 21134, "\u0120demonstrating": 21135, "\u0120parse": 21136, "\u0120Israelis": 21137, "\u0120euros": 21138, "143": 21139, "\u0120glorious": 21140, "inski": 21141, "ecd": 21142, "\u0120conditioning": 21143, "\u0120helpless": 21144, "\u0120microsc": 21145, "\u0120Harbor": 21146, "\u0120stakes": 21147, "\u0120260": 21148, "\u0120unequ": 21149, "\u0120Floyd": 21150, "\u0120damp": 21151, "\u0120apparatus": 21152, "\u0120Laws": 21153, "\u0120counters": 21154, "\u0120induce": 21155, "atable": 21156, "\u0120Ahmed": 21157, "\u0120slam": 21158, "November": 21159, "\u0120persist": 21160, "\u0120imminent": 21161, "\u00c3\u00a1n": 21162, "\u0120shred": 21163, "\u0120phases": 21164, "\u0120Edmonton": 21165, "\u0120Armstrong": 21166, "\u0120Meet": 21167, "\u0120Kitty": 21168, "\u00d1\u0122": 21169, "circ": 21170, "\u0120Adult": 21171, "\u0120arose": 21172, "\u0120Xen": 21173, "Dan": 21174, "gow": 21175, "\u0120superf": 21176, "\u0120Admir": 21177, "\u0120endure": 21178, "\u0120keyword": 21179, "yrus": 21180, "\u0120yarn": 21181, "\u0120pathway": 21182, "\u0120Hopkins": 21183, "midt": 21184, "\u0120censorship": 21185, "dependent": 21186, "\u0120instructor": 21187, "Sources": 21188, "\u0120toe": 21189, "\u0120balloon": 21190, "Nob": 21191, "\u0120swear": 21192, "\u0120Castro": 21193, "\u0120gloss": 21194, "\u0120Kavanaugh": 21195, "\u0120remarkably": 21196, "Photos": 21197, "\u0120Nom": 21198, "\u0120Southeast": 21199, "yers": 21200, "\u0120validation": 21201, "\u0120cannon": 21202, "\u0120Victory": 21203, "\u0120Pierre": 21204, "\u0120cautious": 21205, "Audio": 21206, "\u0120fetch": 21207, "\u0120Gift": 21208, "\u0120Hyp": 21209, "\u0120remedy": 21210, "ZE": 21211, "\u0120scent": 21212, "\u0120beard": 21213, "\u0120Rut": 21214, "-\"": 21215, "\u0120patents": 21216, "Hy": 21217, "\u0120unjust": 21218, "\u0120potato": 21219, "\u0120forthcoming": 21220, "\u0120chef": 21221, "\u0120Rift": 21222, "affe": 21223, "\u0120ROM": 21224, "\u0120Launch": 21225, "\u0120pads": 21226, "\u0120Neo": 21227, "\u0120onset": 21228, "\u0120squeeze": 21229, "safe": 21230, "\u0120prefix": 21231, "\u0120TM": 21232, "\u0120Nearly": 21233, "\u0120Clinical": 21234, "\u0120Mental": 21235, "otiation": 21236, "\u0120Unic": 21237, "antry": 21238, "\u0120Cir": 21239, "\u0120epit": 21240, "\u00c3\u00a6": 21241, "\u0120extracted": 21242, "versely": 21243, "riad": 21244, "\u0120strains": 21245, "\u0120tops": 21246, "\u0120poem": 21247, "\u0120Randy": 21248, "\u0120Maple": 21249, "THER": 21250, "upiter": 21251, "\u0120SSD": 21252, "\u013c\u00e9": 21253, "\u0120uncon": 21254, "pering": 21255, "\u0120slept": 21256, "iners": 21257, "\u0120underwater": 21258, "\u0120Evidence": 21259, "gone": 21260, "205": 21261, "\u0120historians": 21262, "\u0120synthesis": 21263, "\u0120frog": 21264, "basketball": 21265, "\u0120vibrant": 21266, "\u0120subord": 21267, "\u0120365": 21268, "\u0120Dial": 21269, "\u0120cooperate": 21270, "HAHA": 21271, "\u0120greeted": 21272, "158": 21273, "\u0120jazz": 21274, "\u0120intox": 21275, "\u0120Walking": 21276, "\u0120supervisor": 21277, "\u0120Fusion": 21278, "\u0120Mercedes": 21279, "send": 21280, "Ham": 21281, "sd": 21282, "nl": 21283, "\u0120tours": 21284, "\u0120FIFA": 21285, "\u0120culp": 21286, "gd": 21287, "304": 21288, "\u0120pleas": 21289, "\u0120illustrates": 21290, "\u0120Colombia": 21291, "\u0120highlighting": 21292, "\u0120Summary": 21293, "\u0120exposing": 21294, "\u0120Dru": 21295, "\u0120irony": 21296, "ritional": 21297, "\u0120Carroll": 21298, "\u0120Ellis": 21299, "Pict": 21300, "\u0120Rapt": 21301, "\u0120adapter": 21302, "\u0120unm": 21303, "\u0120corpse": 21304, "\u0120celebrities": 21305, "Den": 21306, "atum": 21307, "\u0120Apocalypse": 21308, "\u0120Wag": 21309, "lining": 21310, "\u0120hormones": 21311, "Rub": 21312, "\u0120Xi": 21313, "\u0120Vaults": 21314, "208": 21315, "alkyrie": 21316, "inosaur": 21317, "\u0120feeds": 21318, "vity": 21319, "\u0120defeating": 21320, "Wait": 21321, "\u0120emphasize": 21322, "\u0120Steelers": 21323, "yrinth": 21324, "leys": 21325, "\u0120Whenever": 21326, "Currently": 21327, "\u0120Clock": 21328, "\u0120collectively": 21329, "anyon": 21330, "\u0120JP": 21331, "\u0120mentality": 21332, "\u0120downloads": 21333, "\u0120surroundings": 21334, "\u0120Barnes": 21335, "\u0120flagship": 21336, "\u0120indicators": 21337, "\u0120grapp": 21338, "January": 21339, "\u0120Elemental": 21340, "\u0120Athena": 21341, "ibal": 21342, "\u0120sights": 21343, "\u0120capita": 21344, "\u0120Treaty": 21345, "\u0120voiced": 21346, "\u0120Gaz": 21347, "lette": 21348, "\u0120ya": 21349, "\u0120expired": 21350, "Legend": 21351, "Hot": 21352, "nature": 21353, "\u0120unstable": 21354, "\u0120280": 21355, "\u00c3\u00ba": 21356, "Comment": 21357, "ALE": 21358, "\u0120quests": 21359, "\u0120handler": 21360, "nis": 21361, "\u0120versatile": 21362, "\u0120conceal": 21363, "engeance": 21364, "\u0120Interactive": 21365, "\u0120obsessed": 21366, "\u0120Dogs": 21367, "\u0120cracked": 21368, "Sound": 21369, "sv": 21370, "\u0120Dylan": 21371, "roads": 21372, "fx": 21373, "\u0120Catholics": 21374, "\u0120Hag": 21375, "\u0120slammed": 21376, "\u0120glowing": 21377, "sale": 21378, "\u0120tissues": 21379, "\u0120Chi": 21380, "nee": 21381, "\u0120cher": 21382, "sic": 21383, "urrection": 21384, "\u0120bacon": 21385, "ulatory": 21386, ").\"": 21387, "\u0120irregular": 21388, "FORM": 21389, "assed": 21390, "\u0120intentional": 21391, "\u0120compensate": 21392, "\u0120Speaking": 21393, "\u0120Sets": 21394, "153": 21395, "\u0120conventions": 21396, "bands": 21397, "emade": 21398, "\u0120ecc": 21399, "\u0120Winston": 21400, "\u0120Assassin": 21401, "\u0120Belgian": 21402, "\u0120dependence": 21403, "\u0120niche": 21404, "\u0120bark": 21405, "\u0120Jazz": 21406, "\u0120disadvantage": 21407, "\u0120gasoline": 21408, "\u0120165": 21409, "\u00e7\u013c\u0126": 21410, "essa": 21411, "module": 21412, "angular": 21413, "OY": 21414, "\u0120Treatment": 21415, "itas": 21416, "olation": 21417, "\u0120Arnold": 21418, "\u0120feud": 21419, "\u0120Nest": 21420, "\u0120theatre": 21421, "ewater": 21422, "\u0120minors": 21423, "olicy": 21424, "\u0120Haven": 21425, "division": 21426, "\u0120trunk": 21427, "Far": 21428, "\u0120Pull": 21429, "\u0120capturing": 21430, "\u01201800": 21431, "\u0120Teen": 21432, "\u0120exempl": 21433, "\u0120clinics": 21434, "\u0120Burg": 21435, "\u0120substit": 21436, "\u0120payload": 21437, "\u0120Lav": 21438, "\u0120Troy": 21439, "\u0120Witness": 21440, "\u0120fragments": 21441, "\u0120passwords": 21442, "\u0120gospel": 21443, "\u0120Gin": 21444, "\u0120tenants": 21445, "olith": 21446, "Six": 21447, "Previous": 21448, "\u0120Ages": 21449, "\u0120Darwin": 21450, "\u0120blat": 21451, "\u0120empathy": 21452, "smith": 21453, "bag": 21454, "\u0120Echo": 21455, "\u0120Camb": 21456, "\u0120Madd": 21457, "\u0120Boo": 21458, "\u0120rede": 21459, "\u0120Burning": 21460, "\u0120smoothly": 21461, "\u0120Adrian": 21462, "\u0120Vampire": 21463, "\u0120Monsters": 21464, "steam": 21465, "Style": 21466, "Ma": 21467, "rea": 21468, "\u0120Dwar": 21469, "alyst": 21470, "ursor": 21471, "\u0120elimination": 21472, "\u0120crypto": 21473, "cht": 21474, "\u0120Eternal": 21475, "\u00e2\u0122\u00a6]": 21476, "\u0120Sorce": 21477, "Ill": 21478, "NER": 21479, "\u0120uh": 21480, "Conclusion": 21481, "wage": 21482, "\u0120respir": 21483, "\u0120reminis": 21484, "hetical": 21485, "\u0120gy": 21486, "\u0120utilized": 21487, "icidal": 21488, "\u01201900": 21489, "\u0120hunters": 21490, "\u0120Swan": 21491, "\u0120React": 21492, "\u0120visitor": 21493, "\u0120Thanksgiving": 21494, "308": 21495, "Posts": 21496, "\u0120hips": 21497, "1997": 21498, "omers": 21499, "\u0120knocking": 21500, "\u0120Vehicle": 21501, "\u0120til": 21502, "\u0120138": 21503, "\u0120mi": 21504, "\u0120Investigation": 21505, "\u0120Kenya": 21506, "\u0120casino": 21507, "\u0120motives": 21508, "\u0120regain": 21509, "rex": 21510, "\u0120weekends": 21511, "\u0120stabbed": 21512, "boro": 21513, "\u0120exploited": 21514, "\u0120HAVE": 21515, "\u0120Television": 21516, "cock": 21517, "\u0120preparations": 21518, "\u0120endeav": 21519, "\u0120Remote": 21520, "\u0120Maker": 21521, "\u0120Produ": 21522, "\u0120Evan": 21523, "\u0120informational": 21524, "\u0120Louisville": 21525, "154": 21526, "\u0120Dreams": 21527, "\u0120plots": 21528, "\u0120Runner": 21529, "\u0120hurting": 21530, "\u0120academy": 21531, "\u0120Montgomery": 21532, "nm": 21533, "\u0120Lanc": 21534, "\u0120Alz": 21535, "210": 21536, "elong": 21537, "\u0120retailer": 21538, "\u0120arising": 21539, "\u0120rebellion": 21540, "\u0120blonde": 21541, "played": 21542, "\u0120instrumental": 21543, "Cross": 21544, "\u0120retention": 21545, "\u0120therapeutic": 21546, "\u0120seas": 21547, "\u0120infantry": 21548, "\u0120Clint": 21549, "\u0120prompting": 21550, "\u0120bitch": 21551, "\u0120stems": 21552, "\u0120Kra": 21553, "\u0120thesis": 21554, "\u0120Bog": 21555, "rued": 21556, "\u0120kings": 21557, "\u0120clay": 21558, "ificent": 21559, "\u0120YES": 21560, "\u0120Thing": 21561, "\u0120Cubs": 21562, "veyard": 21563, "elsh": 21564, "inarily": 21565, "\u0120Ey": 21566, "\u0120Rolling": 21567, "\u0120evolving": 21568, "India": 21569, "\u0120recognizes": 21570, "\u0120graduation": 21571, "isers": 21572, "\u0120fertility": 21573, "\u0120Milan": 21574, "Command": 21575, "\u0120boxing": 21576, "\u01201943": 21577, "\u0120gluten": 21578, "\u0120Emir": 21579, "\u0120idol": 21580, "\u0120conceived": 21581, "\u0120Creation": 21582, "Merit": 21583, "uddy": 21584, "ussions": 21585, "\u0120Lieutenant": 21586, "ietal": 21587, "\u0120unchanged": 21588, "\u0120Scale": 21589, "\u0120Crimea": 21590, "balls": 21591, "atorial": 21592, "\u0120depths": 21593, "\u0120empirical": 21594, "\u0120transm": 21595, "\u0120unsafe": 21596, "missible": 21597, "comfort": 21598, "156": 21599, "\u0120mechanic": 21600, "002": 21601, "lins": 21602, "\u0120smoked": 21603, "Pos": 21604, "\u0120slowing": 21605, "\u0120lav": 21606, "Texas": 21607, "\u0120cheating": 21608, "\u0120Metropolitan": 21609, "ethyl": 21610, "\u0120discovering": 21611, "asse": 21612, "\u0120pencil": 21613, "\u0120Pyongyang": 21614, "\u0120closet": 21615, "\u0120Sheet": 21616, "\u0120Entry": 21617, "oustic": 21618, "\u0120myst": 21619, "erate": 21620, "ariat": 21621, "\u0120minerals": 21622, "\u0120musician": 21623, "\u0120Pul": 21624, "\u0120Maz": 21625, "249": 21626, "\u0120permissions": 21627, "\u0120iv": 21628, "enary": 21629, "ickers": 21630, "\u0120Bing": 21631, "hea": 21632, "enable": 21633, "\u0120griev": 21634, "\u0120asserted": 21635, "\u0120Colonel": 21636, "\u0120affidav": 21637, "wo": 21638, "\u0120seated": 21639, "\u0120Ride": 21640, "\u0120paintings": 21641, "\u0120Pix": 21642, "\u0120137": 21643, "ishi": 21644, "umbai": 21645, "gotten": 21646, "\u0120Earl": 21647, "\u0120inning": 21648, "\u0120census": 21649, "\u0120travelled": 21650, "\u0120Consult": 21651, "185": 21652, "bind": 21653, "\u0120simplicity": 21654, "\u0120overlooked": 21655, "\u0120Helpful": 21656, "\u0120monkey": 21657, "\u0120overwhelmingly": 21658, "Blood": 21659, "\u0120Flint": 21660, "\u0120Jama": 21661, "\u0120Present": 21662, "\u0120Rage": 21663, "\u0120TA": 21664, "ptive": 21665, "\u0120turnout": 21666, "wald": 21667, "\u0120Dolphins": 21668, "\u0120VPN": 21669, "\u0120onion": 21670, "\u0120crafting": 21671, "mma": 21672, "\u0120Mercury": 21673, "\u0120arrange": 21674, "\u0120alerts": 21675, "\u0120OT": 21676, "zbollah": 21677, "\u0120gases": 21678, "\u0120Richardson": 21679, "sal": 21680, "lar": 21681, "\u0120frost": 21682, "\u0120lowering": 21683, "\u0120acclaim": 21684, "\u0120startups": 21685, "\u0120Gain": 21686, "essment": 21687, "\u0120guardian": 21688, "\u00e4\u00ba\u00ba": 21689, "\u0120Pie": 21690, "\u0120Links": 21691, "\u0120merits": 21692, "\u0120awake": 21693, "\u0120parental": 21694, "\u0120exceeds": 21695, "\u0120idle": 21696, "\u0120Pilot": 21697, "\u0120eBay": 21698, "\u0120Accept": 21699, "ipeg": 21700, "Cam": 21701, "\u0120Kot": 21702, "\u0120traders": 21703, "olitics": 21704, "unker": 21705, "\u0120Pale": 21706, "osi": 21707, "anmar": 21708, "\u01201947": 21709, "\u0120Fell": 21710, "estial": 21711, "itating": 21712, "GF": 21713, "\u0120Sr": 21714, "ifted": 21715, "\u0120connector": 21716, "\u0120Bone": 21717, "illes": 21718, "260": 21719, "hma": 21720, "\u0120overlap": 21721, "\u0120GitHub": 21722, "\u0120cleaner": 21723, "\u0120Baptist": 21724, "\u0120WAS": 21725, "\u0120lungs": 21726, "\u00d1\u0123": 21727, "\u0120BUT": 21728, "\u0120cite": 21729, "\u0120pitched": 21730, "reatment": 21731, "\u0120trophies": 21732, "\u0120Nu": 21733, "386": 21734, "\u0120Pride": 21735, "\u0120attendees": 21736, "[]": 21737, "179": 21738, "\u0120spatial": 21739, "\u0120prizes": 21740, "\u0120Religion": 21741, "\u0120showcase": 21742, "\u0120Category": 21743, "vidia": 21744, "Target": 21745, "Property": 21746, "?,": 21747, "\u0120fusion": 21748, "pie": 21749, "\u0120UCLA": 21750, "\u0120soundtrack": 21751, "\u0120princess": 21752, "\u0120Caval": 21753, "should": 21754, "\u0120limbs": 21755, "Background": 21756, "\u0120lonely": 21757, "\u0120cores": 21758, "\u0120Tail": 21759, "sheet": 21760, "\u0120132": 21761, "Ra": 21762, "\u00e3\u0124\u00ab": 21763, "\u0120Bolt": 21764, "\u0120booked": 21765, "\u0120administer": 21766, "\u0120equals": 21767, "wy": 21768, "\u0120observing": 21769, "\u0120Baron": 21770, "\u0120Adobe": 21771, "\u0120virgin": 21772, "\u0120Socialist": 21773, "Move": 21774, "ghazi": 21775, "\u0120Linda": 21776, "212": 21777, "\u0120brewing": 21778, "\u0120merchants": 21779, "burse": 21780, "\u0120divor": 21781, "\u0120metals": 21782, "\u0120Ner": 21783, "\u0120sums": 21784, "\u0120Enemy": 21785, "\u0120envision": 21786, "\u0120granting": 21787, "\u0120Honey": 21788, "\u0120Skyrim": 21789, "\u0120socio": 21790, "graded": 21791, "\u0120selective": 21792, "WASHINGTON": 21793, "\u01201948": 21794, "\u0120Sirius": 21795, "\u0120Gross": 21796, "activity": 21797, "\u0120Ivan": 21798, "\u0120furious": 21799, "BSD": 21800, "\u0120Previous": 21801, "\u0120responsive": 21802, "\u0120charitable": 21803, "\u0120leaning": 21804, "\u0120Pew": 21805, "\u0120violates": 21806, "\\\\\\\\\\\\\\\\": 21807, "\u0120Coming": 21808, "wire": 21809, "\u0120poet": 21810, "\u0120resolutions": 21811, "command": 21812, "\u0120Portuguese": 21813, "\u0120nickname": 21814, "\u0120deaf": 21815, "February": 21816, "\u0120recognise": 21817, "\u0120entirety": 21818, "\u0120seasonal": 21819, "placed": 21820, "\u0120Telegraph": 21821, "\u0120microphone": 21822, "ouring": 21823, "\u0120grains": 21824, "\u0120governed": 21825, "\u0120postp": 21826, "\u0120Waters": 21827, "inement": 21828, "\u0120undocumented": 21829, "\u0120Comcast": 21830, "\u0120fox": 21831, "\u0120assaults": 21832, "reon": 21833, "many": 21834, "\u0120Jenkins": 21835, "\u0120Anyway": 21836, "\u0120assessments": 21837, "\u0120downs": 21838, "\u0120Mouse": 21839, "\u0120superb": 21840, "kt": 21841, "\u0120Dow": 21842, "\u0120taxation": 21843, "401": 21844, "\u0120smiles": 21845, "\u0120undertaken": 21846, "\u0120exh": 21847, "\u0120enthusiastic": 21848, "\u0120twent": 21849, "\u0120governmental": 21850, "\u0120autonomy": 21851, "\u0120Technologies": 21852, "\u0120Chain": 21853, "\u0120prevalent": 21854, "fb": 21855, "\u0120nicotine": 21856, "ogram": 21857, "job": 21858, "\u0120awaiting": 21859, "\u0120Menu": 21860, "\u0120deputies": 21861, "kov": 21862, "ishops": 21863, "Button": 21864, "\u0120Shanghai": 21865, "\u0120diesel": 21866, "\u0120Duck": 21867, "Ryan": 21868, "\u0120PCs": 21869, "NF": 21870, "jury": 21871, "ente": 21872, "\u0120inaccurate": 21873, "eddy": 21874, "Whatever": 21875, "\u0120showc": 21876, "\u0120Nad": 21877, "odus": 21878, "etr": 21879, "\u0120plaintiffs": 21880, "\u0120WOR": 21881, "\u0120Assange": 21882, "\u0120privat": 21883, "\u0120premiums": 21884, "\u0120tam": 21885, "URL": 21886, "\u0120elites": 21887, "\u0120Ranger": 21888, "ottenham": 21889, "\u0120Hoff": 21890, "\u0120Athens": 21891, "\u0120definite": 21892, "\u0120sighed": 21893, "\u0120evenly": 21894, "211": 21895, "\u0120Amber": 21896, "akia": 21897, "\u0120mailing": 21898, "\u0120crashing": 21899, "\u0120Confederate": 21900, "rugged": 21901, "Wal": 21902, "\u0120Depths": 21903, "\u0120juvenile": 21904, "\u0120reactor": 21905, "Introduction": 21906, "\u0120Deluxe": 21907, "1995": 21908, "\u0120Sanchez": 21909, "\u0120Mead": 21910, "ivable": 21911, ":-": 21912, "\u0120Planning": 21913, "\u0120Trap": 21914, "quin": 21915, "\u0120Protect": 21916, "vered": 21917, "Information": 21918, "\u0120kidney": 21919, "innamon": 21920, "las": 21921, "\u0120policing": 21922, "\u0120tolerate": 21923, "\u0120Qi": 21924, "\u0120biased": 21925, "Fort": 21926, "\u0120Ki": 21927, "save": 21928, "\u0120privileged": 21929, "\u0120beasts": 21930, "\u0120Glas": 21931, "\u0120Cinem": 21932, "\u0120comeback": 21933, "Sunday": 21934, "\u0120extinction": 21935, "hops": 21936, "\u0120transmit": 21937, "\u0120doubles": 21938, "\u0120Flat": 21939, "167": 21940, "\u0120disputed": 21941, "\u0120injustice": 21942, "foo": 21943, "Vict": 21944, "roleum": 21945, "\u0120Julie": 21946, "Context": 21947, "\u0120Rarity": 21948, "issue": 21949, "Component": 21950, "\u0120counseling": 21951, "anne": 21952, "dark": 21953, "\u0120objections": 21954, "uilt": 21955, "\u0120gast": 21956, "\u0120plac": 21957, "\u0120unused": 21958, "\u00e3\u0125\u0129": 21959, "\u0120Trial": 21960, "\u0120Jas": 21961, "hedral": 21962, "obb": 21963, "\u0120temporal": 21964, "\u0120PRO": 21965, "\u0120NW": 21966, "\u0120Anniversary": 21967, "Large": 21968, "\u0120therm": 21969, "\u0120david": 21970, "\u0120systemic": 21971, "\u0120Shir": 21972, "mut": 21973, "\u0120Nept": 21974, "address": 21975, "\u0120scanning": 21976, "\u0120understandable": 21977, "\u0120canvas": 21978, "Cat": 21979, "\u0120Zoo": 21980, "\u0120angels": 21981, "LO": 21982, "\u0120Statement": 21983, "\u0120Sig": 21984, "ovable": 21985, "\u0120Away": 21986, "sharing": 21987, "ocrats": 21988, "stated": 21989, "\u0120weighing": 21990, "Nor": 21991, "wild": 21992, "Bey": 21993, "\u0120astonishing": 21994, "\u0120Reynolds": 21995, "\u0120opener": 21996, "\u0120trainer": 21997, "\u0120surgical": 21998, "pn": 21999, "\u0120adjusting": 22000, "wheel": 22001, "\u0120frown": 22002, "ervative": 22003, "\u0120suspend": 22004, "Within": 22005, "tein": 22006, "\u0120obstacle": 22007, "\u0120liberties": 22008, "ymes": 22009, "\u0120uranium": 22010, "ansom": 22011, "anol": 22012, "uba": 22013, "\u0120Loss": 22014, "\u0120arous": 22015, "\u0120Henderson": 22016, "Wow": 22017, "spl": 22018, "cur": 22019, "\u0120\u00c2\u0143": 22020, "\u0120theirs": 22021, "Damage": 22022, "\u0120downloading": 22023, "\u0120discern": 22024, "\u0120Sto": 22025, "\u0120Fla": 22026, "\u0120hath": 22027, "\u0120Aj": 22028, "\u0120unpleasant": 22029, "European": 22030, "expensive": 22031, "\u0120screenshot": 22032, "\u0120UV": 22033, "\u0120allied": 22034, "\u0120Persian": 22035, "\u0120monopoly": 22036, "\u0120atom": 22037, "\u0120Redskins": 22038, "\"><": 22039, "\u0120cancell": 22040, "\u0120cinema": 22041, "131": 22042, "fair": 22043, "\u0120Alfred": 22044, "\u0120duck": 22045, "args": 22046, "223": 22047, "\u0120ISI": 22048, "\u0120signaling": 22049, "inar": 22050, "\u0120laughs": 22051, "\u0120forwards": 22052, "\u0120reckless": 22053, "\u0120listeners": 22054, "ativity": 22055, "\u0120vastly": 22056, "nant": 22057, "Less": 22058, "\u0120Hunting": 22059, "\u0120Scientific": 22060, "ITED": 22061, "\u0120knight": 22062, "\u0120HTC": 22063, "usa": 22064, "tmp": 22065, "\u0120rude": 22066, "\u0120Legendary": 22067, "\u0120arises": 22068, "Bad": 22069, "\u0120Claim": 22070, "peg": 22071, "\u0120realities": 22072, "Think": 22073, "\u0120\u00c2\u00b0": 22074, "\u0120rode": 22075, "\u0120strive": 22076, "\u0120anecd": 22077, "\u0120shorts": 22078, "\u0120hypothes": 22079, "\u0120coordinated": 22080, "\u0120Gandhi": 22081, "\u0120FPS": 22082, "RED": 22083, "\u0120susceptible": 22084, "\u0120shrink": 22085, "\u0120Chart": 22086, "Help": 22087, "\u0120ion": 22088, "deep": 22089, "ribes": 22090, "\u0120Kai": 22091, "\u0120Customer": 22092, "Summary": 22093, "\u0120cough": 22094, "wife": 22095, "\u0120lend": 22096, "\u0120positioning": 22097, "\u0120lottery": 22098, "\u0120Canyon": 22099, "\u0120fade": 22100, "\u0120bronze": 22101, "\u0120Kenny": 22102, "\u0120boasts": 22103, "\u0120Enhanced": 22104, "record": 22105, "\u0120emergence": 22106, "\u0120akin": 22107, "\u0120Bert": 22108, "itous": 22109, "\u00e2\u0138\u0133": 22110, "\u0120stip": 22111, "\u0120exchanged": 22112, "omore": 22113, "alsh": 22114, "\u0120reservoir": 22115, "\u0120standpoint": 22116, "WM": 22117, "\u0120initiate": 22118, "\u0120decay": 22119, "\u0120brewery": 22120, "\u0120terribly": 22121, "\u0120mortal": 22122, "levard": 22123, "\u0120revis": 22124, "NI": 22125, "elo": 22126, "\u0120confess": 22127, "\u0120MSNBC": 22128, "\u0120submissions": 22129, "Controller": 22130, "\u0120202": 22131, "\u0120Ruth": 22132, "});": 22133, "\u0120Azure": 22134, "\u0120.\"": 22135, "206": 22136, "\u0120Marketing": 22137, "\u0120laund": 22138, "iencies": 22139, "\u0120renowned": 22140, "\u0120Trou": 22141, "\u0120NGO": 22142, "blems": 22143, "\u0120terrified": 22144, "\u0120warns": 22145, "\u0120pert": 22146, "\u0120unsure": 22147, "480": 22148, "alez": 22149, "ultz": 22150, "\u0120Outside": 22151, "\u0120styl": 22152, "\u0120Underground": 22153, "\u0120panc": 22154, "\u0120dictionary": 22155, "\u0120foe": 22156, "riminal": 22157, "\u0120Norwegian": 22158, "\u0120jailed": 22159, "\u0120maternal": 22160, "\u00c3\u00a9e": 22161, "\u0120Lucy": 22162, "cop": 22163, "Cho": 22164, "\u0120unsigned": 22165, "\u0120Zelda": 22166, "\u0120Insider": 22167, "\u0120Continued": 22168, "\u0120133": 22169, "\u0120Naruto": 22170, "\u0120Majority": 22171, "169": 22172, "\u0120Wo": 22173, "\u00e3\u0124\u0135": 22174, "\u0120pastor": 22175, "\u0120informal": 22176, "\u00d0\u00bd": 22177, "anthrop": 22178, "join": 22179, "\u00e3\u0123\u0139": 22180, "itational": 22181, "NP": 22182, "\u0120Writing": 22183, "fn": 22184, "\u0120Bever": 22185, "195": 22186, "\u0120yelling": 22187, "\u0120drastically": 22188, "\u0120eject": 22189, "\u0120neut": 22190, "\u0120thrive": 22191, "\u0120Frequ": 22192, "oux": 22193, "\u0120possesses": 22194, "\u0120Senators": 22195, "\u0120DES": 22196, "\u0120Shakespeare": 22197, "\u0120Franco": 22198, "\u0120LB": 22199, "uchi": 22200, "\u0120incarn": 22201, "\u0120founders": 22202, "Function": 22203, "\u0120brightness": 22204, "\u0120BT": 22205, "\u0120whale": 22206, "\u0120Theater": 22207, "mass": 22208, "\u0120Doll": 22209, "Something": 22210, "\u0120echoed": 22211, "\u0120Hex": 22212, "crit": 22213, "afia": 22214, "\u0120goddess": 22215, "\u0120eleven": 22216, "\u0120Preview": 22217, "\u0120Aurora": 22218, "\u0120401": 22219, "ulsive": 22220, "\u0120Logan": 22221, "inburgh": 22222, "\u0120Centers": 22223, "\u0120ONLY": 22224, "\u0120Aid": 22225, "\u0120paradox": 22226, "\u0120hurd": 22227, "\u0120LC": 22228, "Due": 22229, "court": 22230, "\u0120offended": 22231, "\u0120evaluating": 22232, "\u0120Matthews": 22233, "\u0120tomb": 22234, "\u0120payroll": 22235, "\u0120extraction": 22236, "\u0120Hands": 22237, "ifi": 22238, "\u0120supernatural": 22239, "\u0120COMM": 22240, "]=": 22241, "dogs": 22242, "\u0120512": 22243, "\u0120Meeting": 22244, "Richard": 22245, "\u0120Maximum": 22246, "\u0120ideals": 22247, "Things": 22248, "mand": 22249, "\u0120Regardless": 22250, "\u0120humili": 22251, "buffer": 22252, "Little": 22253, "\u0120Dani": 22254, "\u0120Nak": 22255, "\u0120liberation": 22256, "\u0120Abe": 22257, "\u0120OL": 22258, "\u0120stuffed": 22259, "aca": 22260, "inda": 22261, "raphic": 22262, "\u0120mosqu": 22263, "\u0120campaigning": 22264, "\u0120occupy": 22265, "Squ": 22266, "rina": 22267, "\u0120Wel": 22268, "\u0120VS": 22269, "\u0120physic": 22270, "\u0120puls": 22271, "rint": 22272, "oaded": 22273, "ETF": 22274, "\u0120Archives": 22275, "\u0120venues": 22276, "hner": 22277, "\u0120Turbo": 22278, "\u0120lust": 22279, "\u0120appealed": 22280, "quez": 22281, "ilib": 22282, "\u0120Timothy": 22283, "\u0120omn": 22284, "dro": 22285, "\u0120obsession": 22286, "\u0120Savage": 22287, "1996": 22288, "Global": 22289, "Jes": 22290, "214": 22291, "\u0120sliding": 22292, "\u0120disappro": 22293, "\u0120Magical": 22294, "\u0120voluntarily": 22295, "gb": 22296, "aney": 22297, "\u0120prophet": 22298, "\u0120Rein": 22299, "\u0120Julia": 22300, "\u0120Worth": 22301, "aurus": 22302, "\u0120bounds": 22303, "ieu": 22304, ")))": 22305, "\u0120crore": 22306, "\u0120Citizen": 22307, "Sky": 22308, "\u0120columnist": 22309, "\u0120seekers": 22310, "ondo": 22311, "ISA": 22312, "\u0120Length": 22313, "\u0120nostalg": 22314, "\u0120newcom": 22315, "\u0120detrim": 22316, "entric": 22317, "375": 22318, "\u0120GE": 22319, "\u0120autop": 22320, "\u0120academics": 22321, "AppData": 22322, "\u0120Shen": 22323, "\u0120idiot": 22324, "\u0120Transit": 22325, "\u0120teaspoon": 22326, "Wil": 22327, "KO": 22328, "\u0120Comedy": 22329, ">,": 22330, "\u0120populated": 22331, "WD": 22332, "\u0120pigs": 22333, "\u0120Oculus": 22334, "\u0120sympathetic": 22335, "\u0120marathon": 22336, "198": 22337, "\u0120seizure": 22338, "sided": 22339, "\u0120dop": 22340, "irtual": 22341, "Land": 22342, "\u0120Floor": 22343, "osaurs": 22344, "...]": 22345, "\u0120los": 22346, "\u0120subsidiary": 22347, "EY": 22348, "\u0120Parts": 22349, "\u0120Stef": 22350, "\u0120Judiciary": 22351, "\u0120134": 22352, "\u0120mirrors": 22353, "\u0120ket": 22354, "times": 22355, "\u0120neurolog": 22356, "\u0120cav": 22357, "\u0120Guest": 22358, "\u0120tumor": 22359, "scill": 22360, "\u0120Lloyd": 22361, "Est": 22362, "\u0120clearer": 22363, "\u0120stereotypes": 22364, "\u0120dur": 22365, "nothing": 22366, "Reddit": 22367, "\u0120negotiated": 22368, "------------------------": 22369, "235": 22370, "\u0120flown": 22371, "\u0120Seoul": 22372, "\u0120Resident": 22373, "\u0120SCH": 22374, "\u0120disappearance": 22375, "\u0120Vince": 22376, "grown": 22377, "\u0120grabs": 22378, "ril": 22379, "\u0120Infinite": 22380, "\u0120Twenty": 22381, "\u0120pedestrian": 22382, "\u0120jersey": 22383, "\u0120Fur": 22384, "\u0120Infinity": 22385, "\u0120Elliott": 22386, "\u0120mentor": 22387, "\u0120morally": 22388, "\u0120obey": 22389, "secure": 22390, "iffe": 22391, "\u0120antibiotics": 22392, "angled": 22393, "\u0120Freeman": 22394, "\u0120Introduction": 22395, "Jun": 22396, "\u0120marsh": 22397, "icans": 22398, "\u0120EVENTS": 22399, "ochond": 22400, "Wall": 22401, "iculty": 22402, "\u0120misdemeanor": 22403, "\u0120ly": 22404, "Thomas": 22405, "\u0120Resolution": 22406, "\u0120animations": 22407, "\u0120Dry": 22408, "\u0120intercourse": 22409, "\u0120Newcastle": 22410, "\u0120Hog": 22411, "\u0120Equipment": 22412, "177": 22413, "\u0120territorial": 22414, "\u0120archives": 22415, "203": 22416, "Filter": 22417, "\u0120Munich": 22418, "\u0120commanded": 22419, "\u0120Wand": 22420, "\u0120pitches": 22421, "\u0120Croat": 22422, "\u0120ratios": 22423, "\u0120Mits": 22424, "\u0120accumulated": 22425, "\u0120Specifically": 22426, "\u0120gentleman": 22427, "acerb": 22428, "\u0120penn": 22429, "\u0120aka": 22430, "\u0120Fuk": 22431, "\u0120intervene": 22432, "\u0120Refuge": 22433, "\u0120Alzheimer": 22434, "\u0120succession": 22435, "ohan": 22436, "does": 22437, "Lord": 22438, "\u0120separat": 22439, "\u0120correspondence": 22440, "\u0120shiny": 22441, "Prior": 22442, "\u0120sulf": 22443, "\u0120miserable": 22444, "\u0120dedication": 22445, "().": 22446, "\u0120specialists": 22447, "\u0120defects": 22448, "\u0120Cult": 22449, "\u0120Xia": 22450, "\u0120jeopard": 22451, "\u0120Ore": 22452, "Ability": 22453, "\u0120lear": 22454, "\u0120ambitions": 22455, "\u0120BMI": 22456, "\u0120Arabs": 22457, "\u01201942": 22458, "\u0120preservation": 22459, "ificate": 22460, "\u0120ashamed": 22461, "loss": 22462, "\u0120Restaur": 22463, "\u0120resemble": 22464, "\u0120enrich": 22465, "\u0120KN": 22466, "\u0120Clan": 22467, "float": 22468, "\u0120playable": 22469, "ITT": 22470, "\u0120harmony": 22471, "arrison": 22472, "\u0120Weinstein": 22473, "were": 22474, "\u0120poisoning": 22475, "\u0120Comput": 22476, "\u0120WordPress": 22477, "major": 22478, "\u0120Valve": 22479, "Fan": 22480, "\u0120Throw": 22481, "\u0120Romans": 22482, "\u0120Depression": 22483, "ados": 22484, "\u0120tortured": 22485, "\u0120balancing": 22486, "bottom": 22487, "\u0120acquiring": 22488, "\u0120Monte": 22489, "ardi": 22490, "\u0120aura": 22491, "\u0120##": 22492, "\u0120Standing": 22493, "\u0120Atlas": 22494, "CF": 22495, "\u0120intrins": 22496, "\u0120Benghazi": 22497, "\u0120camping": 22498, "\u0120tapped": 22499, "blade": 22500, "strous": 22501, "\u0120Rabb": 22502, "\u0120Written": 22503, "tip": 22504, "\u0120Neigh": 22505, "sterdam": 22506, "\u0120Allow": 22507, "\u0120Healing": 22508, "\u0120Rhod": 22509, "num": 22510, "\u0120caffeine": 22511, "\u0120Percent": 22512, "\u0120boo": 22513, "\u0120apples": 22514, "305": 22515, "\u0120welcoming": 22516, "\u0120applaud": 22517, "\u0120austerity": 22518, "\u00c2\u00b1": 22519, "\u0120Reality": 22520, "efe": 22521, "\u00e5\u00ae": 22522, "\u0120sucks": 22523, "\u0120tabs": 22524, "\u0120PayPal": 22525, "\u0120backpack": 22526, "\u0120gifted": 22527, "abulary": 22528, "\u0120Scout": 22529, "irteen": 22530, "\u0120chin": 22531, "\u0120omitted": 22532, "\u0120negatively": 22533, "\u0120accessing": 22534, "\u0120Earn": 22535, "\u0120ambulance": 22536, "\u0120headphones": 22537, "\u0120205": 22538, "\u0120Refresh": 22539, "president": 22540, "\u0120Kitchen": 22541, "\u0120Entered": 22542, "\u0120Snyder": 22543, "005": 22544, "omical": 22545, "\u0120borrowed": 22546, "\u0120Nem": 22547, "\u0120aviation": 22548, "\u0120stall": 22549, "rimination": 22550, "\u0120uniforms": 22551, "itime": 22552, "\u0120Simmons": 22553, "energy": 22554, "ablished": 22555, "yy": 22556, "qualified": 22557, "\u0120rallies": 22558, "\u0120Stuart": 22559, "flight": 22560, "\u0120gangs": 22561, "rag": 22562, "\u0120vault": 22563, "lux": 22564, "\u0120Compar": 22565, "\u0120designation": 22566, "209": 22567, "\u0120Jos": 22568, "dollar": 22569, "zero": 22570, "\u0120wells": 22571, "303": 22572, "\u0120constituents": 22573, "\u0120heck": 22574, "\u0120cows": 22575, "\u0120commanders": 22576, "\u0120differential": 22577, "\u0120Catherine": 22578, "299": 22579, "\u0120valve": 22580, "\u0120brace": 22581, "\u0120perspectives": 22582, "cert": 22583, "fact": 22584, "icularly": 22585, "\u0120McN": 22586, "planes": 22587, "\u0120intric": 22588, "\u0120peas": 22589, "ovan": 22590, "\u0120tossed": 22591, "retch": 22592, "\u0120Lopez": 22593, "\u0120unfamiliar": 22594, "death": 22595, "\u0120Apart": 22596, "\u0120Chang": 22597, "\u0120relieved": 22598, "rophe": 22599, "\u0120airports": 22600, "\u0120freak": 22601, "util": 22602, "Mill": 22603, "\u0120Chin": 22604, "\u0120Owen": 22605, "male": 22606, "\u0120Broken": 22607, "\u0120Winds": 22608, "rob": 22609, "rising": 22610, "\u0120firefighters": 22611, "\u0120authoritarian": 22612, "\u0120148": 22613, "Bitcoin": 22614, "external": 22615, "\u0120browsers": 22616, "ichever": 22617, "orian": 22618, "\u0120unb": 22619, "\u0120poke": 22620, "\u0120Zot": 22621, "Mid": 22622, "\u0120Popular": 22623, "\u0120covert": 22624, "\u0120contributes": 22625, "\u0120650": 22626, "\u0120contention": 22627, "Gate": 22628, "\u0120consoles": 22629, "\u0120chromos": 22630, "\u0120IX": 22631, "\u0120visually": 22632, "\u0120Eisen": 22633, "\u0120jewelry": 22634, "\u0120delegation": 22635, "\u0120accelerate": 22636, "\u0120Riley": 22637, "\u0120slope": 22638, "\u0120indoor": 22639, "itially": 22640, "\u0120hugely": 22641, "\u0120tunnels": 22642, "\u0120fined": 22643, "\u0120directive": 22644, "\u0120forehead": 22645, "ustomed": 22646, "\u0120skate": 22647, "Music": 22648, "gas": 22649, "\u0120recognizing": 22650, "ambo": 22651, "\u0120overweight": 22652, "\u0120Grade": 22653, "\u00d9\u012c": 22654, "\u0120sounding": 22655, "\u0120locking": 22656, "\u0120REM": 22657, "Store": 22658, "\u0120excav": 22659, "\u0120Likewise": 22660, "\u0120Lights": 22661, "\u0120elbow": 22662, "\u0120Supply": 22663, "wic": 22664, "\u0120handsome": 22665, "1994": 22666, "Coll": 22667, "\u0120adequately": 22668, "\u0120Associate": 22669, "\u0120strips": 22670, "\u0120crackdown": 22671, "\u0120marvel": 22672, "\u0120Kun": 22673, "\u0120passages": 22674, "@@@@": 22675, "\u0120Tall": 22676, "\u0120thoughtful": 22677, "namese": 22678, "\u0120prostitution": 22679, "business": 22680, "\u0120ballistic": 22681, "personal": 22682, "cig": 22683, "izational": 22684, "Round": 22685, "\u0120\u00c2\u0142\u0120\u00c2\u0142\u0120\u00c2\u0142\u0120\u00c2\u0142": 22686, "\u0120Coleman": 22687, "\u0120admitting": 22688, "\u0120Plug": 22689, "\u0120bitcoins": 22690, "\u0120Suz": 22691, "\u0120fairness": 22692, "\u0120supplier": 22693, "\u0120catastrophic": 22694, "\u0120Helen": 22695, "oqu": 22696, "Marc": 22697, "\u0120Articles": 22698, "gie": 22699, "\u0120endangered": 22700, "\u0120destiny": 22701, "\u0120Volt": 22702, "olia": 22703, "axis": 22704, "\u0120cheat": 22705, "\u0120unified": 22706, "ICO": 22707, "quote": 22708, "302": 22709, "\u0120Sed": 22710, "\u0120suppression": 22711, "\u0120analyzing": 22712, "\u0120squat": 22713, "\u0120figuring": 22714, "\u0120coordinates": 22715, "\u0120chunks": 22716, "\u01201946": 22717, "\u0120subp": 22718, "\u0120wiki": 22719, "\u0120Forbes": 22720, "\u0120Jupiter": 22721, "\u0120Erik": 22722, "imer": 22723, "\u0120Commercial": 22724, "\\)": 22725, "\u0120legitimacy": 22726, "\u0120dental": 22727, "\u0120Mean": 22728, "\u0120deficits": 22729, "550": 22730, "Originally": 22731, "\u0120Horror": 22732, "\u0120contamination": 22733, "llah": 22734, "\u0120confisc": 22735, "\u0120Clare": 22736, "TB": 22737, "\u0120Failed": 22738, "aned": 22739, "\u0120ruler": 22740, "\u0120Controller": 22741, "\u0120feminists": 22742, "Fix": 22743, "gay": 22744, "207": 22745, "\u0120rabbit": 22746, "Third": 22747, "owntown": 22748, "\u0120glue": 22749, "\u0120volatile": 22750, "\u0120shining": 22751, "\u0120foll": 22752, "\u0120impaired": 22753, "\u0120supers": 22754, "\u00e6\u012a": 22755, "\u0120clutch": 22756, "\u013c\u00e9\u0128\u0134": 22757, "\u0120prolet": 22758, "\u0120(!": 22759, "\u0120yelled": 22760, "\u0120Kiev": 22761, "\u0120Ern": 22762, "\u0120Shock": 22763, "KB": 22764, "\u0120situated": 22765, "query": 22766, "\u0120Nas": 22767, "\u0120annex": 22768, "character": 22769, "\u0120Holiday": 22770, "\u0120automation": 22771, "\u0120Jill": 22772, "\u0120Remastered": 22773, "\u0120linem": 22774, "\u0120wilderness": 22775, "\u0120Horizon": 22776, "\u0120Guinea": 22777, "AZ": 22778, "\u0120mainland": 22779, "\u0120secrecy": 22780, "LEASE": 22781, "\u0120punk": 22782, "\u0120Province": 22783, "(),": 22784, "Speed": 22785, "\u0120handing": 22786, "\u0120Sebast": 22787, "Sir": 22788, "rase": 22789, "\u0120journals": 22790, "\u0120congest": 22791, "\u0120Tut": 22792, "irrel": 22793, "\u0120schizophrenia": 22794, "\u0120misogyn": 22795, "healthy": 22796, "Iron": 22797, "\u0120reacted": 22798, "-$": 22799, "252": 22800, "\u0120plural": 22801, "\u0120plum": 22802, "\u0120bargain": 22803, "\u0120grounded": 22804, "finder": 22805, "\u0120disse": 22806, "\u0120Laz": 22807, "OOD": 22808, "\u0120atroc": 22809, "Factory": 22810, "\u0120minions": 22811, "\u0120ori": 22812, "\u0120Brave": 22813, "\u0120PRE": 22814, "\u0120Myanmar": 22815, "\u0120Hod": 22816, "\u0120expedition": 22817, "\u0120explode": 22818, "\u0120Coord": 22819, "\u0120extr": 22820, "\u0120Brief": 22821, "\u0120ADHD": 22822, "\u0120hardcore": 22823, "feeding": 22824, "\u0120dile": 22825, "\u0120Fruit": 22826, "\u0120vaccination": 22827, "\u0120Mao": 22828, "osphere": 22829, "\u0120contests": 22830, "-|": 22831, "\u0120fren": 22832, "isphere": 22833, "Rom": 22834, "\u0120Sharp": 22835, "\u0120Trend": 22836, "\u0120disconnect": 22837, "\u00e2\u0122\u00a2\u00e2\u0122\u00a2": 22838, "\u0120persecution": 22839, "Earth": 22840, "\u0120healthier": 22841, "384": 22842, "\u0120cob": 22843, "\u0120Trinity": 22844, "OWS": 22845, "ANN": 22846, "\u0120specialty": 22847, "\u0120gru": 22848, "\u0120cooperative": 22849, "why": 22850, "Starting": 22851, "\u0120Issues": 22852, "stre": 22853, "ensor": 22854, "\u0120185": 22855, "Adv": 22856, "!?": 22857, "\u0120Revel": 22858, "emia": 22859, "\u0120Hulk": 22860, "\u0120celebrations": 22861, "\u0120Sou": 22862, "raud": 22863, "\u0120Klein": 22864, "\u0120unreal": 22865, "context": 22866, "\u0120partnerships": 22867, "\u0120adopting": 22868, "tical": 22869, "\u0120splash": 22870, "\u0120Hezbollah": 22871, "category": 22872, "cyclop": 22873, "xton": 22874, "\u0120Dot": 22875, "urdy": 22876, "tz": 22877, "\u0120envelope": 22878, "\u0120NL": 22879, "\u00e2\u0137": 22880, "\u0120wherein": 22881, "Spec": 22882, "184": 22883, "\u0120telev": 22884, "aliation": 22885, "\u0120myths": 22886, "\u00e5\u00b0": 22887, "\u0120rigorous": 22888, "\u0120communicating": 22889, "\u0120observer": 22890, "\u0120rehe": 22891, "\u0120Wash": 22892, "\u0120apologized": 22893, "\u0120Tin": 22894, "\u0120expenditures": 22895, "workers": 22896, "document": 22897, "\u0120hesitate": 22898, "\u0120Lenin": 22899, "\u0120unpredictable": 22900, "\u0120renewal": 22901, "cler": 22902, "okia": 22903, "\u0120CONT": 22904, "\u0120postseason": 22905, "Tokens": 22906, "\u0120exacerb": 22907, "\u0120betting": 22908, "\u0120147": 22909, "\u0120elevation": 22910, "Wood": 22911, "\u0120Solomon": 22912, "194": 22913, "004": 22914, "output": 22915, "\u0120redund": 22916, "\u0120Mumbai": 22917, "\u0120pH": 22918, "\u0120reproduce": 22919, "\u0120Duration": 22920, "MAX": 22921, "\u0120bog": 22922, "CBS": 22923, "\u0120Balance": 22924, "\u0120Sgt": 22925, "\u0120Recent": 22926, "\u0120cd": 22927, "\u0120popped": 22928, "\u0120incompet": 22929, "prop": 22930, "ayan": 22931, "guy": 22932, "Pacific": 22933, "\u0120tyr": 22934, "\u0120{{": 22935, "\u0120Mystic": 22936, "\u0120Dana": 22937, "\u0120masturb": 22938, "\u0120geometry": 22939, "\u00c3\u00a2": 22940, "\u0120Correct": 22941, "\u0120trajectory": 22942, "\u0120distracted": 22943, "\u0120foo": 22944, "\u0120Welsh": 22945, "Luc": 22946, "mith": 22947, "\u0120rugby": 22948, "\u0120respiratory": 22949, "\u0120triangle": 22950, "\u0120215": 22951, "\u0120undergraduate": 22952, "\u0120Superior": 22953, "changing": 22954, "_-": 22955, "\u0120rightly": 22956, "\u0120referee": 22957, "\u0120lucrative": 22958, "\u0120unauthorized": 22959, "\u0120resembles": 22960, "\u0120GNU": 22961, "\u0120Derby": 22962, "\u0120pathways": 22963, "\u0120Led": 22964, "\u0120endurance": 22965, "\u0120stint": 22966, "\u0120collector": 22967, "Fast": 22968, "\u0120dots": 22969, "\u0120nationals": 22970, "\u0120Securities": 22971, "\u0120whip": 22972, "Param": 22973, "\u0120learns": 22974, "Magic": 22975, "\u0120detailing": 22976, "moon": 22977, "\u0120broadcasting": 22978, "\u0120baked": 22979, "265": 22980, "holm": 22981, "\u0120Sah": 22982, "\u0120Hussein": 22983, "\u0120Courtesy": 22984, "174": 22985, "\u0120146": 22986, "\u0120geographic": 22987, "peace": 22988, "\u0120judging": 22989, "\u0120Stern": 22990, "Bur": 22991, "\u0120storyline": 22992, "Gun": 22993, "\u0120Stick": 22994, "245": 22995, "307": 22996, "\u00e3\u0124\u00b4\u00e3\u0125\u00b3": 22997, "\u0120Administrator": 22998, "\u0120burnt": 22999, "\u0120pave": 23000, "choes": 23001, "Exec": 23002, "\u0120campuses": 23003, "Result": 23004, "\u0120mutations": 23005, "\u0120Charter": 23006, "\u0120captures": 23007, "\u0120compares": 23008, "\u0120badge": 23009, "Scient": 23010, "\u0120erad": 23011, "iery": 23012, "oi": 23013, "ettes": 23014, "\u0120Estate": 23015, "\u0120strap": 23016, "\u0120proudly": 23017, "\u0120fried": 23018, "\u0120withdrawn": 23019, "\u0120Voy": 23020, "phony": 23021, "Items": 23022, "\u0120Pierce": 23023, "bard": 23024, "\u0120annotation": 23025, "anton": 23026, "illon": 23027, "Impro": 23028, "...)": 23029, "\u0120happier": 23030, "------": 23031, "adjust": 23032, "\u0120staffers": 23033, "\u0120activism": 23034, "\u0120perf": 23035, "\u0120alright": 23036, "Need": 23037, "\u0120commence": 23038, "\u0120opioid": 23039, "\u0120Amanda": 23040, "Es": 23041, "\u0120Pars": 23042, "\u0120Kaw": 23043, "Works": 23044, "248": 23045, "\u0120indo": 23046, "tc": 23047, "endant": 23048, "\u0120Moto": 23049, "\u0120legalization": 23050, "OTE": 23051, "\u0120tasked": 23052, "\u0120tsp": 23053, "\u0120ACTIONS": 23054, "166": 23055, "\u0120refreshing": 23056, "\u0120NR": 23057, "\u0120Perez": 23058, "\u0120infringement": 23059, "SY": 23060, "Listen": 23061, "inning": 23062, "ku": 23063, "\u0120rotate": 23064, "program": 23065, "arah": 23066, "Design": 23067, "\u0120(\u00c2\u00a3": 23068, "\u0120storing": 23069, "\u0120warrants": 23070, "\u0120judgement": 23071, "\u0120Brist": 23072, "usually": 23073, "photo": 23074, "\u0120Ran": 23075, "\u0120Pine": 23076, "\u0120outrageous": 23077, "\u0120Valentine": 23078, "luence": 23079, "\u0120Everybody": 23080, "Altern": 23081, "\u0120relevance": 23082, "\u0120terminated": 23083, "\u0120dessert": 23084, "\u0120fulfilled": 23085, "\u0120prosecuted": 23086, "\u0120Words": 23087, "\u0120migrant": 23088, "\u0120cultivation": 23089, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 23090, "idelity": 23091, "\u0120Vern": 23092, "\u0120Login": 23093, "\u0120metaphor": 23094, "\u0120Tip": 23095, "\u0120recruits": 23096, "\u0120Pig": 23097, "ribing": 23098, "\u0120enthusiasts": 23099, "exper": 23100, "\u0120frightening": 23101, "\u0120Hair": 23102, "anson": 23103, "strate": 23104, "\u0120hi": 23105, "Height": 23106, "\u0120owning": 23107, "none": 23108, "\u0120dislike": 23109, "\u0120knives": 23110, "pherd": 23111, "\u0120loudly": 23112, "\u0120APIs": 23113, "Display": 23114, "\u0120Lac": 23115, "\u0120USS": 23116, "abl": 23117, "verages": 23118, "Jew": 23119, "\u0120172": 23120, "\u0120Historical": 23121, "atoon": 23122, "\u0120Physics": 23123, "intern": 23124, "\u0120warmth": 23125, "\u0120topp": 23126, "DM": 23127, "\u0120gunman": 23128, "\u0120emperor": 23129, "odi": 23130, "\u00e3\u0125\u00a3": 23131, "inatory": 23132, "\u0120Rib": 23133, "\u0120131": 23134, "\u0120Saturn": 23135, "\u0120Shining": 23136, "\u0120waking": 23137, "Quotes": 23138, "\u0120comedian": 23139, "enberg": 23140, "\u00c2\u00bd": 23141, "\u0120believers": 23142, "\u0120paperwork": 23143, "custom": 23144, "\u0120lev": 23145, "\u0120lament": 23146, "\u0120pouring": 23147, "222": 23148, "political": 23149, "\u0120Supplement": 23150, "maid": 23151, "\u0120cruelty": 23152, "\u0120tread": 23153, "ysics": 23154, "Aw": 23155, "rites": 23156, "\u0120modifier": 23157, "\u0120Position": 23158, "Adam": 23159, "lb": 23160, "ubs": 23161, "\u0120imperfect": 23162, "\u0120clusters": 23163, "\u0120Engineer": 23164, "\u0120Cherry": 23165, "\u0120inauguration": 23166, "\u0120Sau": 23167, "\u0120embodiment": 23168, "\u0120Uncle": 23169, "\u0120overr": 23170, "\u0120explosions": 23171, "cule": 23172, "\u0120Princeton": 23173, "\u0120Andrea": 23174, "\u0120incorrectly": 23175, "\u0120earnest": 23176, "\u0120pilgr": 23177, "\u0120Sprint": 23178, "\u0120sleeve": 23179, "\u0120hears": 23180, "\u0120Amazing": 23181, "\u0120browsing": 23182, "agin": 23183, "\u0120homeland": 23184, "\u0120haw": 23185, "\u0120diving": 23186, "istered": 23187, "178": 23188, "\u0120bargaining": 23189, "\u0120Arcade": 23190, "\u0120delegate": 23191, "terson": 23192, "................................................................": 23193, "\u0120Jacksonville": 23194, "275": 23195, "\u0120stagn": 23196, "\u0120adam": 23197, "\u0120Sherman": 23198, "CB": 23199, "\u0120suburb": 23200, "\u0120Foods": 23201, "\u0120converting": 23202, "\u0120Arist": 23203, "\u0120chambers": 23204, "love": 23205, "\u0120amino": 23206, "\u0120Gan": 23207, "\u0120madness": 23208, "mc": 23209, "\u0120USE": 23210, "defined": 23211, "\u0120ultr": 23212, "indust": 23213, "\u0120wolves": 23214, "lance": 23215, "Additionally": 23216, "\u0120cracks": 23217, "asia": 23218, "\u0120Reason": 23219, "\u0120Pump": 23220, "\u0120accidental": 23221, "\u0120Laser": 23222, "\u0120Rid": 23223, "\u0120initialized": 23224, "elli": 23225, "\u0120unnamed": 23226, "\u0120noun": 23227, "\u0120Passed": 23228, "\u0120hostage": 23229, "\u0120Ethiop": 23230, "shirts": 23231, "\u0120unrel": 23232, "\u0120Embassy": 23233, "\u01201941": 23234, "\u0120atoms": 23235, "\u0120purported": 23236, "164": 23237, "\u0120Fi": 23238, "\u0120gallons": 23239, "\u0120Monica": 23240, "\u0120pg": 23241, "enment": 23242, "\u0120sorted": 23243, "\u0120Gospel": 23244, "\u0120heights": 23245, "\u0120traced": 23246, "\u0120undergoing": 23247, "Shell": 23248, "\u0120sacks": 23249, "\u0120proportions": 23250, "\u0120halluc": 23251, "Font": 23252, "acet": 23253, "\u0120warmer": 23254, "\u0120INTER": 23255, "\u0120grabbing": 23256, "Plug": 23257, "\u0120realization": 23258, "\u0120Burke": 23259, "\u0120enchant": 23260, "ATER": 23261, "\u0120Seed": 23262, "\u0120abundant": 23263, "FM": 23264, "\u0120civic": 23265, "Vs": 23266, "isi": 23267, "\u0120vow": 23268, "\u0120reper": 23269, "\u0120Partnership": 23270, "\u0120penetration": 23271, "\u0120axe": 23272, "\u0120shattered": 23273, "\u0120Zombies": 23274, "\u0120vinyl": 23275, "\u0120Alert": 23276, "eon": 23277, "\u0120obliged": 23278, "\u0120Illust": 23279, "\u0120Plaza": 23280, "\u0120Frontier": 23281, "\u0120davidjl": 23282, "\u0120Serial": 23283, "\u0120Hav": 23284, "\u0120Nutrition": 23285, "Bi": 23286, "\u0120\u00e2\u0138\u012a": 23287, "\u0120Jays": 23288, "linux": 23289, "\u0120hurry": 23290, "\u0120voy": 23291, "\u0120hopeless": 23292, "\u0120Stealth": 23293, "\u0120\u00e3\u0123": 23294, "essors": 23295, "ttle": 23296, "borg": 23297, "\u0120Safari": 23298, "fell": 23299, "\u0120wary": 23300, "due": 23301, "\u0120Above": 23302, "Ha": 23303, "ELL": 23304, "\u0120notor": 23305, "\u0120Won": 23306, "Too": 23307, "\u0120occupations": 23308, "\u0120possessions": 23309, "\u0120inviting": 23310, "\u0120predators": 23311, "\u0120accelerated": 23312, "\u0120157": 23313, "uterte": 23314, "\u0120Cube": 23315, "east": 23316, "account": 23317, "Give": 23318, "\u0120transplant": 23319, "redients": 23320, "idable": 23321, "\u0120screenshots": 23322, "\u0120Gund": 23323, "\u0120FS": 23324, "\u0120travelers": 23325, "\u0120sensory": 23326, "\u0120Fiat": 23327, "\u0120Rockets": 23328, "\u0130\u012d": 23329, "_{": 23330, "Friend": 23331, "\u0120charming": 23332, "ALS": 23333, "\u0120enjoyment": 23334, "mph": 23335, "\u01205000": 23336, "\u0120REG": 23337, "\u00d9\u0128": 23338, "bia": 23339, "\u0120compilation": 23340, "rost": 23341, "\u0120VP": 23342, "\u0120Schne": 23343, "2019": 23344, "\u0120copying": 23345, "MORE": 23346, "\u0120Flore": 23347, "falls": 23348, "215": 23349, "total": 23350, "\u0120disciples": 23351, "double": 23352, "\u0120exceeding": 23353, "\u0120smashed": 23354, "\u0120conceptual": 23355, "\u0120Romania": 23356, "\u0120Brent": 23357, "\u0120ICE": 23358, "\u0120Tou": 23359, "\u0120grap": 23360, "\u0120nails": 23361, "189": 23362, "\u00e3\u0125\u013a": 23363, "\u0120procure": 23364, "eur": 23365, "\u0120confirming": 23366, "\u0120Cec": 23367, "awi": 23368, "\u0120Eden": 23369, "\u0120ng": 23370, "\u0120engineered": 23371, "atics": 23372, "\u0120hooked": 23373, "\u0120disgusting": 23374, "\u0120Murder": 23375, "\u00e3\u0124\u00bf": 23376, "Library": 23377, "\u0120168": 23378, "Almost": 23379, "hematic": 23380, "Menu": 23381, "\u0120Notre": 23382, "\u0120Jur": 23383, "\u0120kidnapped": 23384, "\u0120hacker": 23385, "\u0120Jade": 23386, "\u0120creepy": 23387, "\u0120drawings": 23388, "\u0120Sponsor": 23389, "\u0120cyclists": 23390, "\u0120Goblin": 23391, "\u0120optimized": 23392, "\u0120staged": 23393, "\u0120McD": 23394, "between": 23395, "Age": 23396, "eno": 23397, "Sex": 23398, "\u0120Wide": 23399, "nings": 23400, "avis": 23401, "\u0120incapable": 23402, "\u0120Kob": 23403, "\u0120rewarding": 23404, "\u0120Lone": 23405, "olescent": 23406, "\u0120contracted": 23407, "\u0120sticky": 23408, "Jose": 23409, "Ball": 23410, "fest": 23411, "\u0120Input": 23412, "\u0120Recently": 23413, "\u0120tomat": 23414, "square": 23415, "Application": 23416, "\u0120nitrogen": 23417, "\u0120duplicate": 23418, "\u0120Recon": 23419, "\u0120Dear": 23420, "London": 23421, "\u0120intra": 23422, "\u0120dock": 23423, "\u0120outreach": 23424, "\u0120Million": 23425, "\u0120mammals": 23426, "ampton": 23427, "VAL": 23428, "\u0120snaps": 23429, "\u0120dos": 23430, "\u0120Whole": 23431, "\u0120Ready": 23432, "Try": 23433, "\u0120Winnipeg": 23434, "earance": 23435, "\u0120incurred": 23436, "renched": 23437, "\u0120NSW": 23438, "ilot": 23439, "raine": 23440, "\u0120cube": 23441, "got": 23442, "\u0120runway": 23443, "etermined": 23444, "\u0120Hawks": 23445, "\u0120survivor": 23446, "\u0120Wish": 23447, "\u0120Din": 23448, "\u0120DEF": 23449, "\u0120Vault": 23450, "187": 23451, "\u0120mushrooms": 23452, "\u0120crisp": 23453, "bey": 23454, "\u0120Discovery": 23455, "\u0120developmental": 23456, "\u0120paradigm": 23457, "\u0120chaotic": 23458, "\u0120Tsu": 23459, "\u0120333": 23460, "bons": 23461, "\u0120bacterial": 23462, "\u0120commits": 23463, "\u0120cosmic": 23464, "\u0120mega": 23465, "ocative": 23466, "\u0120Paint": 23467, "ophobic": 23468, "\u0120vain": 23469, "\u0120carved": 23470, "\u0120Thief": 23471, "\u0120Gul": 23472, "owship": 23473, "\u0120cites": 23474, "\u0120Edinburgh": 23475, "\u0120diminished": 23476, "\u0120acknowledges": 23477, "\u0120Kills": 23478, "\u0120microw": 23479, "\u0120Hera": 23480, "\u0120seniors": 23481, "\u0120whereby": 23482, "Hop": 23483, "atron": 23484, "\u0120unavailable": 23485, "\u0120Nate": 23486, "\u0120480": 23487, "\u0120slated": 23488, "\u0120Rebecca": 23489, "\u0120Battery": 23490, "\u0120grammar": 23491, "\u0120headset": 23492, "\u0120cursor": 23493, "\u0120excluding": 23494, "anye": 23495, "aundering": 23496, "ebin": 23497, "\u0120feasible": 23498, "\u0120Publishing": 23499, "\u0120Labs": 23500, "\u0120Cliff": 23501, "\u0120Ferrari": 23502, "\u0120pac": 23503, "visible": 23504, "marked": 23505, "pell": 23506, "\u0120polite": 23507, "\u0120staggering": 23508, "\u0120Galactic": 23509, "\u0120superst": 23510, "\u0120paran": 23511, "\u0120Officers": 23512, "\u00e3\u0122\u0123": 23513, "\u0120specifics": 23514, "ulus": 23515, "239": 23516, "\u0120Paste": 23517, "AMP": 23518, "\u0120Panama": 23519, "\u0120Delete": 23520, "anguard": 23521, "restrial": 23522, "\u0120heroic": 23523, "\u0120Dy": 23524, "\u00d8\u00a7\u00d9\u0126": 23525, "\u0120incumbent": 23526, "\u0120crunch": 23527, "tro": 23528, "\u0120scoop": 23529, "\u0120blogger": 23530, "\u0120sellers": 23531, "uren": 23532, "\u0120medicines": 23533, "\u0120Caps": 23534, "\u0120Animation": 23535, "oxy": 23536, "\u0120outward": 23537, "\u0120inquiries": 23538, "229": 23539, "\u0120psychologist": 23540, "\u0120Sask": 23541, "evil": 23542, "\u0120contaminated": 23543, "\u00e3\u0124\u00a8": 23544, "herence": 23545, "\u0120branded": 23546, "\u0120Abdul": 23547, "zh": 23548, "\u0120paragraphs": 23549, "\u0120mins": 23550, "\u0120correlated": 23551, "erb": 23552, "\u0120impart": 23553, "\u0120milestone": 23554, "\u0120Solutions": 23555, "otle": 23556, "\u0120undercover": 23557, "\u0120marched": 23558, "\u0120Chargers": 23559, "fax": 23560, "\u0120Secrets": 23561, "\u0120ruth": 23562, "weather": 23563, "\u0120feminine": 23564, "\u0120sham": 23565, "\u0120prestigious": 23566, "iggins": 23567, "\u0120sung": 23568, "history": 23569, "ettle": 23570, "ggie": 23571, "\u0120outdated": 23572, "oland": 23573, "\u0120perceptions": 23574, "\u0120Session": 23575, "\u0120Dodgers": 23576, "uj": 23577, "\u0120END": 23578, "Doc": 23579, "\u0120deficiency": 23580, "Grand": 23581, "\u0120Joker": 23582, "\u0120retrospect": 23583, "\u0120diagnostic": 23584, "\u0120harmless": 23585, "\u0120rogue": 23586, "\u0120Aval": 23587, "Equ": 23588, "\u0120transc": 23589, "\u0120Robertson": 23590, "\u0120Depending": 23591, "\u0120Burns": 23592, "ivo": 23593, "\u0120hostility": 23594, "Features": 23595, "\u0135\u013a": 23596, "\u0120discomfort": 23597, "\u0120LCD": 23598, "specified": 23599, "\u0120Expect": 23600, "340": 23601, "\u0120imperative": 23602, "\u0120Regular": 23603, "Chinese": 23604, "\u0120statewide": 23605, "\u0120symm": 23606, "\u0120loops": 23607, "\u0120autumn": 23608, "Nick": 23609, "\u0120shaping": 23610, "\u0120quot": 23611, "\u0120cherry": 23612, "\u0120Crossref": 23613, "\u00e8\u00a6\u013c\u00e9\u0128\u0134": 23614, "Standard": 23615, "heed": 23616, "\u0120Dell": 23617, "\u0120Vietnamese": 23618, "\u0120ost": 23619, "\u0120Valkyrie": 23620, "OA": 23621, "Assad": 23622, "\u0120rebound": 23623, "\u0120Traffic": 23624, "places": 23625, "\u00e6\u013a": 23626, "\u0120Buc": 23627, "172": 23628, "\u0120shelters": 23629, "\u0120insisting": 23630, "\u0120Certainly": 23631, "\u0120Kenneth": 23632, "\u0120TCP": 23633, "\u0120penal": 23634, "\u0120Replay": 23635, "heard": 23636, "\u0120dialect": 23637, "iza": 23638, "\u0120FY": 23639, "itcher": 23640, "\u0120DL": 23641, "\u0120spiral": 23642, "\u0120quarterbacks": 23643, "\u0120hull": 23644, "\u0120google": 23645, "\u0120todd": 23646, "\u0120Sterling": 23647, "\u0120Plate": 23648, "\u0120spying": 23649, "mbol": 23650, "\u0120Realm": 23651, "\u0120Proced": 23652, "\u0120Crash": 23653, "\u0120terminate": 23654, "\u0120protesting": 23655, "Center": 23656, "guided": 23657, "\u0120uncover": 23658, "\u0120boycott": 23659, "\u0120realizes": 23660, "sound": 23661, "\u0120pretending": 23662, "\u0120Vas": 23663, "1980": 23664, "\u0120framed": 23665, "\u0120139": 23666, "\u0120descended": 23667, "\u0120rehabilitation": 23668, "\u0120borrowing": 23669, "\u0120Buch": 23670, "\u0120blur": 23671, "Ron": 23672, "\u0120Frozen": 23673, "enza": 23674, "Chief": 23675, "\u0120Poor": 23676, "\u0120translates": 23677, "MIN": 23678, "\u0120212": 23679, "JECT": 23680, "\u0120erupted": 23681, "\u0120successes": 23682, "SEC": 23683, "\u0120plague": 23684, "\u0120gems": 23685, "doms": 23686, "\u0120stretches": 23687, "\u0120Spy": 23688, "\u0120storytelling": 23689, "Credit": 23690, "\u0120Push": 23691, "\u0120traction": 23692, "\u0120ineffective": 23693, "\u0120Luna": 23694, "\u0120tapes": 23695, "\u0120analytics": 23696, "ercise": 23697, "\u0120programmes": 23698, "\u0120Carbon": 23699, "\u0120behold": 23700, "heavy": 23701, "\u0120Conservation": 23702, "\u0120FIR": 23703, "\u0120sack": 23704, "termin": 23705, "ricks": 23706, "\u0120housed": 23707, "\u0120unusually": 23708, "Ice": 23709, "\u0120executing": 23710, "\u0120Moroc": 23711, "eday": 23712, "\u0120editions": 23713, "\u0120smarter": 23714, "\u0120BA": 23715, "\u0120outlaw": 23716, "\u0120vanished": 23717, "iba": 23718, "ALSE": 23719, "\u0120Silva": 23720, "238": 23721, "Could": 23722, "\u0120philosopher": 23723, "\u0120evacuated": 23724, "Secret": 23725, "142": 23726, "\u0120visas": 23727, "\u00e3\u0124\u00ac": 23728, "\u0120Malt": 23729, "\u0120Clearly": 23730, "\u0120Niger": 23731, "\u0120Cairo": 23732, "\u0120Fist": 23733, "380": 23734, "\u0120XML": 23735, "auto": 23736, "itant": 23737, "\u0120reinforced": 23738, "Record": 23739, "\u0120Survivor": 23740, "GHz": 23741, "\u0120screws": 23742, "parents": 23743, "\u0120oceans": 23744, "mares": 23745, "\u0120brakes": 23746, "vasive": 23747, "\u0120hello": 23748, "\u0120SIM": 23749, "rimp": 23750, "\u0120ore": 23751, "\u0120Armour": 23752, "247": 23753, "\u0120terrific": 23754, "\u0120tones": 23755, "141": 23756, "\u0120Minutes": 23757, "Episode": 23758, "\u0120curves": 23759, "\u0120inflammatory": 23760, "\u0120batting": 23761, "\u0120Beautiful": 23762, "Lay": 23763, "\u0120unpop": 23764, "vable": 23765, "\u0120riots": 23766, "\u0120Tactics": 23767, "baugh": 23768, "\u0120Cock": 23769, "\u0120orgasm": 23770, "\u0120Sas": 23771, "\u0120constructor": 23772, "etz": 23773, "Gov": 23774, "\u0120antagon": 23775, "\u0120theat": 23776, "\u0120deeds": 23777, "hao": 23778, "cuts": 23779, "\u0120McCl": 23780, "\u0120um": 23781, "\u0120Scientists": 23782, "\u0120grassroots": 23783, "yssey": 23784, "\"]=>": 23785, "\u0120surfaced": 23786, "\u0120shades": 23787, "\u0120neighbours": 23788, "\u0120advertis": 23789, "oya": 23790, "\u0120merged": 23791, "Upon": 23792, "\u0120gad": 23793, "\u0120anticipate": 23794, "Anyway": 23795, "\u0120slogan": 23796, "\u0120disrespect": 23797, "Iran": 23798, "\u0120TB": 23799, "acted": 23800, "\u0120subpoen": 23801, "mediately": 23802, "OOOO": 23803, "\u0120waiver": 23804, "\u0120vulnerabilities": 23805, "ottesville": 23806, "\u0120Huffington": 23807, "Josh": 23808, "\u0120DH": 23809, "Monday": 23810, "\u0120Ellen": 23811, "Know": 23812, "xon": 23813, "items": 23814, "228": 23815, "\u0120fills": 23816, "\u0120Nike": 23817, "\u0120cumulative": 23818, "andals": 23819, "Ir": 23820, "\u0120\u00ec": 23821, "\u0120friction": 23822, "igator": 23823, "\u0120scans": 23824, "\u0120Vienna": 23825, "ldom": 23826, "\u0120performers": 23827, "Prim": 23828, "\u0120bidding": 23829, "Mur": 23830, "\u0120leaned": 23831, "\u0120Prix": 23832, "alks": 23833, "\u0120[\u00e2\u0122\u00a6]": 23834, "\u0120Twitch": 23835, "\u0120Developer": 23836, "\u0120Gir": 23837, "\u0120callback": 23838, "Abstract": 23839, "\u0120accustomed": 23840, "\u0120freedoms": 23841, "\u0120PG": 23842, "uracy": 23843, "\u0120lump": 23844, "isman": 23845, ",,,,": 23846, "1992": 23847, "\u0120RED": 23848, "\u0120worm": 23849, "Match": 23850, "\u0120Platinum": 23851, "IJ": 23852, "\u0120Owner": 23853, "Trivia": 23854, "compl": 23855, "\u0120newborn": 23856, "\u0120fantas": 23857, "Own": 23858, "\u01201959": 23859, "\u0120sympath": 23860, "\u0120ubiqu": 23861, "\u0120outputs": 23862, "\u0120allev": 23863, "\u0120prag": 23864, "Kevin": 23865, "\u0120favors": 23866, "\u0120burial": 23867, "\u0120nurt": 23868, "solete": 23869, "cache": 23870, "\u0120156": 23871, "\u0120unlocks": 23872, "techn": 23873, "Making": 23874, "\u0120conquer": 23875, "adic": 23876, "\u00e6\u0138": 23877, "\u0120elf": 23878, "\u0120electorate": 23879, "\u0120Kurds": 23880, "\u0120Stack": 23881, "\u0120Samurai": 23882, "\u0120\u00e2\u013a\u0127": 23883, "\u0120{}": 23884, "\u0120Said": 23885, "\u0120Fallout": 23886, "\u0120kindness": 23887, "\u0120Customs": 23888, "\u0120Boulevard": 23889, "\u0120helicopters": 23890, "otics": 23891, "\u0120Veget": 23892, "comment": 23893, "\u0120criticised": 23894, "\u0120polished": 23895, "\u0120Remix": 23896, "\u0120Cultural": 23897, "\u0120recons": 23898, "\u0120doi": 23899, "atem": 23900, "Screen": 23901, "\u0120barred": 23902, "Comments": 23903, "\u0120Generally": 23904, "\u0120slap": 23905, "720": 23906, "Vari": 23907, "pine": 23908, "\u0120empt": 23909, "\u0120hats": 23910, "\u0120Playing": 23911, "lab": 23912, "average": 23913, "forms": 23914, "\u0120Cotton": 23915, "\u0120cans": 23916, "\u0120DON": 23917, "\u0120Somalia": 23918, "Crypt": 23919, "\u0120Increases": 23920, "Ever": 23921, "modern": 23922, "\u0120surgeon": 23923, "3000": 23924, "\u0120randomized": 23925, "================================================================": 23926, "Bern": 23927, "impl": 23928, "\u0120COR": 23929, "\u0120proclaim": 23930, "thouse": 23931, "\u0120toes": 23932, "\u0120ample": 23933, "\u0120preserving": 23934, "\u0120disbel": 23935, "grand": 23936, "Besides": 23937, "\u0120silk": 23938, "\u0120Pattern": 23939, "hm": 23940, "\u0120enterprises": 23941, "\u0120affidavit": 23942, "\u0120Advisory": 23943, "\u0120advertised": 23944, "\u0120Religious": 23945, "sections": 23946, "psych": 23947, "\u0120Fields": 23948, "aways": 23949, "\u0120hashtag": 23950, "\u0120Nightmare": 23951, "\u0120vampire": 23952, "\u0120forensic": 23953, "rossover": 23954, "nar": 23955, "\u0120navy": 23956, "\u0120vacant": 23957, "\u0120Duel": 23958, "\u0120hallway": 23959, "\u0120facebook": 23960, "identally": 23961, "\u0120NRA": 23962, "\u0120matt": 23963, "\u0120hurricane": 23964, "\u0120Kirby": 23965, "\u0120Puzzle": 23966, "\u0120skirt": 23967, "oust": 23968, "dullah": 23969, "\u0120analogy": 23970, "inion": 23971, "\u0120tomatoes": 23972, "\u0120NV": 23973, "\u0120Peak": 23974, "\u0120Meyer": 23975, "\u0120appointments": 23976, "\u0120masc": 23977, "\u0120alley": 23978, "rehend": 23979, "\u0120charities": 23980, "\u0120undo": 23981, "\u0120destinations": 23982, "\u0120Testing": 23983, "\">\"": 24618, "cats": 24619, "*.": 24620, "\u0120gestures": 24621, "general": 24622, "League": 24623, "\u0120packets": 24624, "\u0120Inspector": 24625, "\u0120Berg": 24626, "\u0120fraudulent": 24627, "\u0120criticize": 24628, "Fun": 24629, "\u0120blaming": 24630, "ndra": 24631, "\u0120slash": 24632, "\u0120Eston": 24633, "\u0120proposing": 24634, "\u0120whales": 24635, "\u0120therapist": 24636, "\u0120subset": 24637, "\u0120leisure": 24638, "ELD": 24639, "\u0120CVE": 24640, "\u0120Activity": 24641, "\u0120culmin": 24642, "shop": 24643, "\u0120DAY": 24644, "ischer": 24645, "\u0120Admiral": 24646, "\u0120Attacks": 24647, "\u01201958": 24648, "\u0120memoir": 24649, "\u0120folded": 24650, "\u0120sexist": 24651, "\u0120153": 24652, "\u0120LI": 24653, "\u0120readings": 24654, "\u0120embarrassment": 24655, "\u0120Employment": 24656, "wart": 24657, "chin": 24658, "\u0120continuation": 24659, "lia": 24660, "Recently": 24661, "\u0120duel": 24662, "\u0120evacuation": 24663, "\u0120Kashmir": 24664, "\u0120disposition": 24665, "\u0120Rig": 24666, "\u0120bolts": 24667, "\u0120insurers": 24668, "467": 24669, "Mex": 24670, "\u0120retaliation": 24671, "\u0120misery": 24672, "\u0120unreasonable": 24673, "raining": 24674, "Imm": 24675, "\u0120PU": 24676, "emer": 24677, "\u0120genital": 24678, "\u00e3\u0124\u00b3": 24679, "\u0120Candy": 24680, "\u0120onions": 24681, "\u0120Patt": 24682, "liner": 24683, "\u0120conceded": 24684, "\u0120fa": 24685, "\u0120forc": 24686, "\u0120Hernandez": 24687, "\u0120Geoff": 24688, "debian": 24689, "\u0120Teams": 24690, "\u0120cries": 24691, "\u0120homeowners": 24692, "237": 24693, "ABC": 24694, "\u0120stitch": 24695, "\u0120statistic": 24696, "\u0120headers": 24697, "\u0120Biology": 24698, "\u0120motors": 24699, "\u0120GEN": 24700, "\u0120Lip": 24701, "\u0120hates": 24702, "\u0120heel": 24703, "Self": 24704, "ipl": 24705, "EDIT": 24706, "orting": 24707, "\u0120annot": 24708, "\u0120Speech": 24709, "oldemort": 24710, "\u0120Javascript": 24711, "\u0120LeBron": 24712, "\u0120footprint": 24713, "\u0120fn": 24714, "\u0120seizures": 24715, "nas": 24716, "hide": 24717, "\u01201954": 24718, "\u0120Bee": 24719, "\u0120Declaration": 24720, "\u0120Katie": 24721, "\u0120reservations": 24722, "NR": 24723, "female": 24724, "\u0120saturated": 24725, "\u0120biblical": 24726, "\u0120trolls": 24727, "Device": 24728, "photos": 24729, "\u0120drums": 24730, "\u00e3\u0125\u012b\u00e3\u0125\u00a9\u00e3\u0124\u00b4\u00e3\u0125\u00b3": 24731, "Night": 24732, "fighter": 24733, "\u0120Hak": 24734, "riber": 24735, "\u0120cush": 24736, "\u0120disciplinary": 24737, "baum": 24738, "\u0120GH": 24739, "\u0120Schmidt": 24740, "ilibrium": 24741, "\u0120sixty": 24742, "\u0120Kushner": 24743, "rots": 24744, "\u0120pund": 24745, "\u0120Rac": 24746, "\u0120springs": 24747, "\u0120conve": 24748, "Business": 24749, "Fall": 24750, "\u0120qualifications": 24751, "\u0120verses": 24752, "\u0120narciss": 24753, "\u0120Koh": 24754, "\u0120Wow": 24755, "\u0120Charlottesville": 24756, "edo": 24757, "\u0120interrogation": 24758, "\u0120Wool": 24759, "365": 24760, "Brian": 24761, "\u0120\u00e2\u013e\u0135": 24762, "\u0120alleges": 24763, "onds": 24764, "idation": 24765, "\u0120Jackie": 24766, "yu": 24767, "\u0120lakes": 24768, "\u0120worthwhile": 24769, "\u0120crystals": 24770, "\u0120Juda": 24771, "\u0120comprehend": 24772, "\u0120flush": 24773, "\u0120absorption": 24774, "\u0120OC": 24775, "\u0120frightened": 24776, "\u0120Chocolate": 24777, "Martin": 24778, "\u0120buys": 24779, "\u0120bucks": 24780, "\u0120appell": 24781, "\u0120Championships": 24782, "\u0120listener": 24783, "\u0120Defensive": 24784, "\u0120cz": 24785, "uds": 24786, "\u0120Mate": 24787, "\u0120replay": 24788, "\u0120decorated": 24789, "\u0120sunk": 24790, "\u0120VIP": 24791, "\u0120Ank": 24792, "\u0120195": 24793, "aaaa": 24794, "Nobody": 24795, "\u0120Milk": 24796, "\u0120Gur": 24797, "\u0120Mk": 24798, "\u0120Sara": 24799, "\u0120seating": 24800, "\u0120Wid": 24801, "Track": 24802, "\u0120employs": 24803, "\u0120gigantic": 24804, "APP": 24805, "\u00e3\u0124\u00a7": 24806, "inventory": 24807, "\u0120towel": 24808, "atche": 24809, "lasting": 24810, "\u0120TL": 24811, "\u0120latency": 24812, "\u0120kne": 24813, "Ber": 24814, "meaning": 24815, "\u0120upheld": 24816, "\u0120playground": 24817, "\u0120mant": 24818, "Side": 24819, "\u0120stereo": 24820, "\u0120northwest": 24821, "\u0120exceptionally": 24822, "\u0120rays": 24823, "\u0120recurring": 24824, "Drive": 24825, "\u0120upright": 24826, "\u0120abduct": 24827, "\u0120Marathon": 24828, "\u0120goodbye": 24829, "\u0120alphabet": 24830, "hp": 24831, "\u0120courtroom": 24832, "rington": 24833, "othing": 24834, "Tag": 24835, "\u0120diplomats": 24836, "\u0120barbar": 24837, "\u0120Aqua": 24838, "183": 24839, "3333": 24840, "\u0120maturity": 24841, "\u0120instability": 24842, "\u0120Apache": 24843, "\u0120===": 24844, "\u0120fasting": 24845, "\u0120Grid": 24846, "ModLoader": 24847, "\u0120152": 24848, "Abs": 24849, "\u0120Operating": 24850, "etti": 24851, "\u0120acquaint": 24852, "Donnell": 24853, "\u0120Kem": 24854, "\u0120Forge": 24855, "\u0120armored": 24856, "Mil": 24857, "\u0120philosophers": 24858, "invest": 24859, "Players": 24860, "\u00e2\u012a": 24861, "\u0120myriad": 24862, "\u0120comrades": 24863, "Rot": 24864, "\u0120remembering": 24865, "\u0120corresponds": 24866, "\u0120programmers": 24867, "\u0120Lynn": 24868, "\u0120olig": 24869, "\u0120coherent": 24870, "ynchron": 24871, "\u0120Chemical": 24872, "\u0120jugg": 24873, "pair": 24874, "posts": 24875, "Eye": 24876, "\u0120Inner": 24877, "\u0120semester": 24878, "ottest": 24879, "\u0120Emirates": 24880, "ricanes": 24881, "orously": 24882, "mits": 24883, "\u0120Wis": 24884, "\u0120dodge": 24885, "location": 24886, "\u0120faded": 24887, "Amazon": 24888, "\u0120Proceed": 24889, "\u0120INFO": 24890, "journal": 24891, "\u0120Truck": 24892, "Ten": 24893, "\u0120217": 24894, "\u0120statutes": 24895, "mobile": 24896, "\u0120Types": 24897, "Recomm": 24898, "buster": 24899, "pex": 24900, "\u0120legends": 24901, "\u0120headache": 24902, "faced": 24903, "\u0120WiFi": 24904, "ifty": 24905, "\u0120HER": 24906, "\u0120circuits": 24907, "ERROR": 24908, "226": 24909, "olin": 24910, "\u0120cylinder": 24911, "ospace": 24912, "ikers": 24913, "Prem": 24914, "Quant": 24915, "\u0120conflicting": 24916, "\u0120slightest": 24917, "\u0120forged": 24918, "ionage": 24919, "Stephen": 24920, "\u0120Kub": 24921, "\u0120Opportun": 24922, "\u0120Heal": 24923, "\u0120blo": 24924, "\u0120rulers": 24925, "\u0120huh": 24926, "\u0120submarine": 24927, "fy": 24928, "asser": 24929, "\u0120allowance": 24930, "\u0120Kasich": 24931, "\u0120Tas": 24932, "\u0120Australians": 24933, "ForgeModLoader": 24934, "\u0120\u00e2\u0128\u0133": 24935, "\u0120Matrix": 24936, "amins": 24937, "\u01201200": 24938, "\u0120Acqu": 24939, "236": 24940, "Document": 24941, "\u0120Breaking": 24942, "193": 24943, "\u0120Subst": 24944, "\u0120Roller": 24945, "\u0120Properties": 24946, "\u0120NI": 24947, "tier": 24948, "\u0120crushing": 24949, "\u0120advocating": 24950, "Furthermore": 24951, "keepers": 24952, "\u0120sexism": 24953, "xd": 24954, "\u0120caller": 24955, "\u0120Sense": 24956, "chieve": 24957, "\u0120TF": 24958, "\u0120fueled": 24959, "\u0120reminiscent": 24960, "\u0120obsess": 24961, "urst": 24962, "\u0120uphold": 24963, "\u0120Fans": 24964, "hetics": 24965, "\u0120\u00e2\u0139": 24966, "\u0120Bath": 24967, "\u0120beverage": 24968, "\u0120oscill": 24969, "254": 24970, "\u0120poles": 24971, "\u0120gradual": 24972, "\u0120exting": 24973, "\u0120Suff": 24974, "\u0120Suddenly": 24975, "\u0120liking": 24976, "\u01201949": 24977, "unciation": 24978, "amination": 24979, "\u0120Omar": 24980, "\u0120LV": 24981, "\u0120Consequently": 24982, "\u0120synthes": 24983, "\u0120GIF": 24984, "\u0120pains": 24985, "\u0120interacting": 24986, "uously": 24987, "incre": 24988, "\u0120rumor": 24989, "\u0120Scientology": 24990, "197": 24991, "\u0120Zig": 24992, "\u0120spelling": 24993, "\u0120ASS": 24994, "\u0120extingu": 24995, "mson": 24996, "\u0120gh": 24997, "\u0120remarked": 24998, "\u0120Strategic": 24999, "\u0120MON": 25000, "\u00e5\u00a5": 25001, "gae": 25002, "\u0120WHAT": 25003, "Eric": 25004, "\u0120Campus": 25005, "\u0120methane": 25006, "\u0120imagin": 25007, "JUST": 25008, "\u0120Alm": 25009, "XT": 25010, "iq": 25011, "\u0120RSS": 25012, "\u0120wrongdoing": 25013, "atta": 25014, "\u0120bigot": 25015, "\u0120demonstrators": 25016, "\u0120Calvin": 25017, "\u0120Villa": 25018, "\u0120membrane": 25019, "\u0120Awesome": 25020, "\u0120benefic": 25021, "268": 25022, "\u0120magnificent": 25023, "\u0120Lots": 25024, "Greg": 25025, "\u0120Boris": 25026, "\u0120detainees": 25027, "\u0120Herman": 25028, "\u0120whispered": 25029, "\u0120awe": 25030, "Professor": 25031, "funding": 25032, "\u0120physiological": 25033, "\u0120Destruction": 25034, "\u0120limb": 25035, "\u0120manipulated": 25036, "\u0120bubbles": 25037, "\u0120pseud": 25038, "\u0120hydra": 25039, "\u0120Bristol": 25040, "\u0120stellar": 25041, "\u0120Expansion": 25042, "\u0120Kell": 25043, "\u0120Interestingly": 25044, "\u0120mans": 25045, "\u0120dragging": 25046, "\u0120ecological": 25047, "\u0120Fit": 25048, "\u0120gent": 25049, "\u0120benefited": 25050, "\u0120Haiti": 25051, "\u0120polyg": 25052, "\u00e3\u0125\u0130": 25053, "\u01202030": 25054, "\u0120prow": 25055, "\u0120reconstruction": 25056, "\u0120wast": 25057, "\u0120psychic": 25058, "\u0120Greeks": 25059, "Handler": 25060, "162": 25061, "\u0120Pulse": 25062, "\u0120solicit": 25063, "\u0120sys": 25064, "\u0120influx": 25065, "\u0120Gentle": 25066, "percent": 25067, "\u0120proliferation": 25068, "\u0120taxable": 25069, "\u0120disregard": 25070, "\u0120escaping": 25071, "\u0120ginger": 25072, "\u0120withstand": 25073, "\u0120devastated": 25074, "\u0120Dew": 25075, "series": 25076, "\u0120injected": 25077, "elaide": 25078, "\u0120turnover": 25079, "heat": 25080, "\u013b\u0124": 25081, "Happy": 25082, "\u0120Silent": 25083, "\u00e3\u0124\u0143": 25084, "ivism": 25085, "\u0120irrational": 25086, "AMA": 25087, "\u0120reef": 25088, "rub": 25089, "\u0120162": 25090, "\u0120bankers": 25091, "\u0120Ethics": 25092, "vv": 25093, "\u0120criticisms": 25094, "Kn": 25095, "186": 25096, "Movie": 25097, "\u0120Tories": 25098, "\u0120nood": 25099, "\u0120distortion": 25100, "False": 25101, "odore": 25102, "\u0120tasty": 25103, "Research": 25104, "\u0120UID": 25105, "-)": 25106, "\u0120divorced": 25107, "\u0120MU": 25108, "\u0120Hayes": 25109, "\u0120Isn": 25110, "iani": 25111, "\u0120HQ": 25112, "\u0120\"#": 25113, "ignant": 25114, "\u0120traumatic": 25115, "\u0120Ling": 25116, "Hun": 25117, "\u0120sabot": 25118, "online": 25119, "random": 25120, "\u0120renamed": 25121, "rared": 25122, "KA": 25123, "dead": 25124, "\u00c3\u00a9t": 25125, "\u0120Assistance": 25126, "\u0120seaf": 25127, "++++++++": 25128, "\u0120seldom": 25129, "\u0120Webb": 25130, "\u0120boolean": 25131, "ulet": 25132, "\u0120refrain": 25133, "\u0120DIY": 25134, "rule": 25135, "\u0120shutting": 25136, "\u0120utilizing": 25137, "loading": 25138, "\u0120Param": 25139, "coal": 25140, "ooter": 25141, "\u0120attracting": 25142, "\u0120Dol": 25143, "\u0120hers": 25144, "agnetic": 25145, "\u0120Reach": 25146, "imo": 25147, "\u0120discarded": 25148, "\u0120Pip": 25149, "015": 25150, "\u00c3\u00bcr": 25151, "\u0120mug": 25152, "Imagine": 25153, "COL": 25154, "\u0120cursed": 25155, "\u0120Shows": 25156, "\u0120Curtis": 25157, "\u0120Sachs": 25158, "speaking": 25159, "\u0120Vista": 25160, "\u0120Framework": 25161, "ongo": 25162, "\u0120subreddit": 25163, "\u0120crus": 25164, "\u0120Oval": 25165, "Row": 25166, "growing": 25167, "\u0120installment": 25168, "\u0120glac": 25169, "\u0120Advance": 25170, "ECK": 25171, "\u0120LGBTQ": 25172, "LEY": 25173, "\u0120acet": 25174, "\u0120successive": 25175, "\u0120Nicole": 25176, "\u01201957": 25177, "Quote": 25178, "\u0120circumstance": 25179, "ackets": 25180, "\u0120142": 25181, "ortium": 25182, "\u0120guessed": 25183, "\u0120Frame": 25184, "\u0120perpetrators": 25185, "\u0120Aviation": 25186, "\u0120Bench": 25187, "\u0120handc": 25188, "Ap": 25189, "\u01201956": 25190, "259": 25191, "rand": 25192, "NetMessage": 25193, "din": 25194, "urtles": 25195, "hig": 25196, "\u0120VIII": 25197, "ffiti": 25198, "\u0120Swords": 25199, "bial": 25200, "\u0120kidnapping": 25201, "device": 25202, "\u0120barn": 25203, "\u0120Eli": 25204, "aucas": 25205, "Send": 25206, "Constructed": 25207, "\u0120\u00c2\u00bd": 25208, "\u0120needles": 25209, "\u0120advertisements": 25210, "\u0120vou": 25211, "\u0120exhibited": 25212, "\u0120Fortress": 25213, "Ask": 25214, "Berry": 25215, "TYPE": 25216, "\u0120cancers": 25217, "umping": 25218, "\u0120Territory": 25219, "\u0120prud": 25220, "\u0120nas": 25221, "\u0120atheist": 25222, "\u0120balances": 25223, "\u00e3\u0123\u0141": 25224, "\u0120Shawn": 25225, "&&": 25226, "\u0120landsc": 25227, "\u0120RGB": 25228, "\u0120petty": 25229, "\u0120excellence": 25230, "\u0120translations": 25231, "\u0120parcel": 25232, "\u0120Chev": 25233, "East": 25234, "\u0120Output": 25235, "imi": 25236, "\u0120ambient": 25237, "\u0120Threat": 25238, "\u0120villains": 25239, "\u0120550": 25240, "ICA": 25241, "\u0120taller": 25242, "\u0120leaking": 25243, "cup": 25244, "\u0120polish": 25245, "\u0120infectious": 25246, "\u0120KC": 25247, "\u0120@@": 25248, "background": 25249, "\u0120bureaucracy": 25250, "\u0120Sai": 25251, "unless": 25252, "itious": 25253, "\u0120Skype": 25254, "Atl": 25255, "IDENT": 25256, "008": 25257, "\u0120hypocr": 25258, "\u0120pitchers": 25259, "\u0120guessing": 25260, "\u0120FINAL": 25261, "Between": 25262, "\u0120villagers": 25263, "\u0120252": 25264, "fashion": 25265, "\u0120Tunis": 25266, "Beh": 25267, "\u0120Exc": 25268, "\u0120MID": 25269, "288": 25270, "\u0120Haskell": 25271, "196": 25272, "\u0120NOR": 25273, "\u0120specs": 25274, "\u0120invari": 25275, "\u0120glut": 25276, "\u0120Cars": 25277, "\u0120impulse": 25278, "\u0120honors": 25279, "gel": 25280, "\u0120jurisdictions": 25281, "\u0120Bundle": 25282, "ulas": 25283, "California": 25284, "\u0120Increase": 25285, "\u0120pear": 25286, "\u0120singles": 25287, "\u0120cues": 25288, "\u0120underwent": 25289, "\u0120WS": 25290, "\u0120exaggerated": 25291, "\u0120dubious": 25292, "\u0120flashing": 25293, "LOG": 25294, ")].": 25295, "Journal": 25296, "tg": 25297, "Van": 25298, "\u0120Istanbul": 25299, "\u0120Insp": 25300, "\u0120Franken": 25301, "Draw": 25302, "\u0120sadness": 25303, "\u0120ironic": 25304, "\u0120Fry": 25305, "xc": 25306, "\u0120164": 25307, "isch": 25308, "Way": 25309, "\u0120Protestant": 25310, "horn": 25311, "\u0120unaff": 25312, "\u0120Viv": 25313, "illas": 25314, "\u0120Productions": 25315, "\u0120Hogan": 25316, "\u0120perimeter": 25317, "\u0120Sisters": 25318, "\u0120spontaneous": 25319, "\u0120downside": 25320, "\u0120descendants": 25321, "\u0120orn": 25322, "worm": 25323, "Japanese": 25324, "\u01201955": 25325, "\u0120151": 25326, "\u0120Doing": 25327, "elsen": 25328, "umbles": 25329, "\u0120radically": 25330, "\u0120Drum": 25331, "\u0120Bach": 25332, "\u0120liabilities": 25333, "\u0120OB": 25334, "\u0120Elementary": 25335, "\u0120meme": 25336, "ynes": 25337, "\u0120fingerprint": 25338, "\u0120Grab": 25339, "\u0120undertake": 25340, "Members": 25341, "\u0120Reader": 25342, "\u0120Sims": 25343, "god": 25344, "\u0120hypothetical": 25345, "scient": 25346, "\u0120AJ": 25347, "\u0120charism": 25348, "\u0120admissions": 25349, "\u0120Missile": 25350, "trade": 25351, "\u0120exercising": 25352, "\u0120Background": 25353, "Written": 25354, "\u0120vocals": 25355, "whether": 25356, "\u0120vi": 25357, "\u0120Winner": 25358, "\u0120litter": 25359, "\u0120Shooting": 25360, "STEM": 25361, "\u00e3\u0124\u00a1": 25362, "\u0120AFL": 25363, "\u0120variability": 25364, "\u0120eats": 25365, "\u0120DPS": 25366, "brow": 25367, "\u0120elephants": 25368, "\u0120strat": 25369, "\u0120\u00c5": 25370, "\u0120settlers": 25371, "Matthew": 25372, "\u0120inadvert": 25373, "HI": 25374, "\u0120IMF": 25375, "\u0120Goal": 25376, "\u0120nerves": 25377, "Johnson": 25378, "eye": 25379, "ablishment": 25380, "Thursday": 25381, "BILITY": 25382, "Had": 25383, "amoto": 25384, "hetamine": 25385, "eps": 25386, "\u0120mitochond": 25387, "\u0120compressed": 25388, "\u0120Trevor": 25389, "\u0120Animals": 25390, "Tool": 25391, "Lock": 25392, "\u0120tweak": 25393, "\u0120pinch": 25394, "\u0120cancellation": 25395, "Pot": 25396, "\u0120focal": 25397, "\u0120Astron": 25398, "173": 25399, "\u0120ASC": 25400, "\u0120OTHER": 25401, "umni": 25402, "\u0120demise": 25403, "dl": 25404, "\u00d9\u0127": 25405, "Semitism": 25406, "\u0120cracking": 25407, "\u0120collaborative": 25408, "\u0120explores": 25409, "sql": 25410, "\u0120herbs": 25411, "\u0120configurations": 25412, "mis": 25413, "\u0120Result": 25414, "acey": 25415, "\u0120Smoke": 25416, "\u0120sanct": 25417, "elia": 25418, "\u0120degener": 25419, "\u0120deepest": 25420, "\u0120screamed": 25421, "\u0120nap": 25422, "Software": 25423, "\u0120STAR": 25424, "EF": 25425, "\u0120Xin": 25426, "sponsored": 25427, "manship": 25428, "233": 25429, "\u0120primaries": 25430, "\u0120filtering": 25431, "\u0120assemble": 25432, "mil": 25433, "\u0120Myers": 25434, "bows": 25435, "\u0120punched": 25436, "Mic": 25437, "\u0120innovations": 25438, "\u0120func": 25439, "ando": 25440, "\u0120fracking": 25441, "\u0120Vul": 25442, "\u00d0\u00be\u00d0": 25443, "oshop": 25444, "\u0120Immun": 25445, "\u0120settling": 25446, "\u0120adolescents": 25447, "\u0120rebuilding": 25448, "\u0120transforming": 25449, "\u0120parole": 25450, "\u0120harbor": 25451, "\u0120booking": 25452, "otional": 25453, "ongevity": 25454, "\u0120Yo": 25455, "bug": 25456, "\u0120emerges": 25457, "\u0120Methods": 25458, "\u0120Chu": 25459, "Pres": 25460, "\u0120Dungeons": 25461, "\u0120trailing": 25462, "\u0120Rum": 25463, "\u0120Hugh": 25464, "\u00e5\u00a4\u00a9": 25465, "\u0120Era": 25466, "\u0120Battles": 25467, "Results": 25468, "\u0120Trading": 25469, "\u0120versa": 25470, "css": 25471, "axies": 25472, "heet": 25473, "\u0120greed": 25474, "1989": 25475, "\u0120gardens": 25476, "\u0120contingent": 25477, "Park": 25478, "\u0120Leafs": 25479, "hook": 25480, "robe": 25481, "\u0120diplomacy": 25482, "\u0120Fuel": 25483, "\u0120Invasion": 25484, "\u0120upgrading": 25485, "Male": 25486, "\u0120elic": 25487, "\u0120relentless": 25488, "\u0120Covenant": 25489, "apesh": 25490, "\u0120Trop": 25491, "Ty": 25492, "production": 25493, "arty": 25494, "\u0120punches": 25495, "ako": 25496, "cyclopedia": 25497, "\u0120Rabbit": 25498, "\u0120HDMI": 25499, "\u0120141": 25500, "\u0120foil": 25501, "ItemImage": 25502, "\u0120FG": 25503, "\u0120implementations": 25504, "\u0120Pom": 25505, "ixtures": 25506, "\u0120await": 25507, "\u0120330": 25508, "amus": 25509, "\u0120umbrella": 25510, "\u0120foresee": 25511, "separ": 25512, "\u0120circumcision": 25513, "\u0120peripheral": 25514, "Say": 25515, "\u0120Expert": 25516, "Inc": 25517, "\u0120withdrew": 25518, "\u0120Anders": 25519, "fried": 25520, "\u0120radioactive": 25521, "\u0120Opening": 25522, "\u0120boarding": 25523, "\u0120ND": 25524, "\u0120overthrow": 25525, "Activ": 25526, "WP": 25527, "\u0120Acts": 25528, "\u00d7\u013b": 25529, "\u0120motions": 25530, "vic": 25531, "\u0120Mighty": 25532, "\u0120Defender": 25533, "aer": 25534, "\u0120thankful": 25535, "\u0120Killing": 25536, "\u0120Bris": 25537, "moil": 25538, "\u0120predicting": 25539, "266": 25540, "choice": 25541, "\u0120killers": 25542, "\u0120incub": 25543, "\u0120Chest": 25544, "athering": 25545, "\u0120proclaimed": 25546, "flower": 25547, "ossom": 25548, "umbledore": 25549, "\u0120Cycling": 25550, "\u0120Occupy": 25551, "AGES": 25552, "Pen": 25553, "\u0120Yug": 25554, "\u0120packaged": 25555, "\u0120heightened": 25556, "cot": 25557, "stack": 25558, "Cond": 25559, "\u0120stamps": 25560, "mage": 25561, "\u0120persuaded": 25562, "\u0120ensl": 25563, "\u0120Cardinal": 25564, "\u0120solitary": 25565, "\u0120possessing": 25566, "\u0120Cork": 25567, "\u0120evid": 25568, "\u0120Tay": 25569, "\u0120blues": 25570, "\u0120extremism": 25571, "\u0120lunar": 25572, "\u0120clown": 25573, "Techn": 25574, "\u0120festivals": 25575, "\u0120PvP": 25576, "\u0120Lar": 25577, "\u0120consequently": 25578, "present": 25579, "\u0120someday": 25580, "\u00e7\u0130\u012d": 25581, "\u0120Meteor": 25582, "\u0120touring": 25583, "culture": 25584, "\u0120beaches": 25585, "Ship": 25586, "cause": 25587, "\u0120Flood": 25588, "\u00e3\u0125\u00af": 25589, "\u0120purity": 25590, "those": 25591, "\u0120emission": 25592, "bolt": 25593, "\u0120chord": 25594, "\u0120Scripture": 25595, "Lu": 25596, "\u0120${": 25597, "created": 25598, "Others": 25599, "258": 25600, "\u0120elemental": 25601, "\u0120annoyed": 25602, "\u0120AE": 25603, "dan": 25604, "\u0120Sag": 25605, "Researchers": 25606, "\u0120fairy": 25607, "\u00e2\u0122\u0135\u00e2\u0122\u0135": 25608, "============": 25609, "Smart": 25610, "GGGG": 25611, "\u0120skeletons": 25612, "\u0120pupils": 25613, "linked": 25614, "\u0120urgency": 25615, "enabled": 25616, "\u0120Fuck": 25617, "\u0120councill": 25618, "rab": 25619, "UAL": 25620, "TI": 25621, "\u0120lifes": 25622, "\u0120confessed": 25623, "Bug": 25624, "\u0120harmon": 25625, "\u0120CONFIG": 25626, "\u0120Neutral": 25627, "Double": 25628, "\u0120staple": 25629, "\u0120SHA": 25630, "British": 25631, "\u0120SNP": 25632, "ATOR": 25633, "oco": 25634, "\u0120swinging": 25635, "gex": 25636, "oleon": 25637, "plain": 25638, "\u0120Missing": 25639, "\u0120Trophy": 25640, "vari": 25641, "ranch": 25642, "\u0120301": 25643, "440": 25644, "0000000000000000": 25645, "\u0120restoring": 25646, "\u0120haul": 25647, "ucing": 25648, "nerg": 25649, "\u0120futures": 25650, "\u0120strategist": 25651, "question": 25652, "\u0120lateral": 25653, "\u0120Bard": 25654, "\u0120sor": 25655, "\u0120Rhodes": 25656, "\u0120Downtown": 25657, "?????-": 25658, "\u0120Lit": 25659, "\u0120Bened": 25660, "\u0120coil": 25661, "street": 25662, "\u0120Portal": 25663, "FILE": 25664, "\u0120Gru": 25665, "*,": 25666, "231": 25667, "neum": 25668, "\u0120sucked": 25669, "\u0120rapper": 25670, "\u0120tendencies": 25671, "\u0120Lauren": 25672, "cellaneous": 25673, "267": 25674, "\u0120browse": 25675, "\u0120overc": 25676, "header": 25677, "oise": 25678, "\u0120beet": 25679, "\u0120Gle": 25680, "Stay": 25681, "\u0120mum": 25682, "\u0120typed": 25683, "\u0120discounts": 25684, "Talk": 25685, "\u0120Og": 25686, "existing": 25687, "\u0120Sell": 25688, "uph": 25689, "CI": 25690, "\u0120Austrian": 25691, "\u0120Warm": 25692, "\u0120dismissal": 25693, "\u0120averages": 25694, "camera": 25695, "\u0120allegiance": 25696, "LAN": 25697, "=\"#": 25698, "\u0120commentators": 25699, "\u0120Setting": 25700, "\u0120Midwest": 25701, "\u0120pharmac": 25702, "\u0120EXP": 25703, "\u0120stainless": 25704, "Chicago": 25705, "\u0120tan": 25706, "244": 25707, "\u0120countryside": 25708, "\u0120Vac": 25709, "295": 25710, "\u0120pinned": 25711, "\u0120crises": 25712, "\u0120standardized": 25713, "Task": 25714, "\u0120Jail": 25715, "\u0120Docker": 25716, "colored": 25717, "forth": 25718, "\"},": 25719, "\u0120patrons": 25720, "\u0120spice": 25721, "\u0120mourn": 25722, "\u0120Mood": 25723, "\u0120laundry": 25724, "\u0120equip": 25725, "\u0120Mole": 25726, "yll": 25727, "\u0120THC": 25728, "nation": 25729, "\u0120Sherlock": 25730, "\u0120issu": 25731, "\u0120Kre": 25732, "\u0120Americas": 25733, "\u0120AAA": 25734, "\u0120systematically": 25735, "\u0120contra": 25736, "\u0120Sally": 25737, "\u0120rationale": 25738, "\u0120carriage": 25739, "\u0120peaks": 25740, "\u0120contradiction": 25741, "ensation": 25742, "\u0120Failure": 25743, "\u0120props": 25744, "\u0120namespace": 25745, "\u0120cove": 25746, "fields": 25747, "\u00e3\u0124\u012d": 25748, "\u0120wool": 25749, "\u0120Catch": 25750, "\u0120presumed": 25751, "\u0120Diana": 25752, "ragon": 25753, "igi": 25754, "\u0120hamm": 25755, "\u0120stunt": 25756, "\u0120GUI": 25757, "\u0120Observatory": 25758, "\u0120Shore": 25759, "\u0120smells": 25760, "annah": 25761, "\u0120cockpit": 25762, "\u0120Duterte": 25763, "850": 25764, "\u0120oppressed": 25765, "breaker": 25766, "\u0120Contribut": 25767, "\u0120Peru": 25768, "\u0120Monsanto": 25769, "\u0120Attempt": 25770, "\u0120commanding": 25771, "\u0120fridge": 25772, "\u0120Rin": 25773, "\u0120Chess": 25774, "uality": 25775, "\u0120ol": 25776, "Republican": 25777, "\u0120Glory": 25778, "\u0120WIN": 25779, ".......": 25780, "agent": 25781, "reading": 25782, "\u0120inh": 25783, "Jones": 25784, "\u0120clicks": 25785, "alan": 25786, "\u0120[];": 25787, "\u0120Majesty": 25788, "\u0120Ced": 25789, "opus": 25790, "atel": 25791, "\u00c3\u00aa": 25792, "ARC": 25793, "\u0120Ecuador": 25794, "\u00e3\u0125\u0142": 25795, "\u0120Kuro": 25796, "\u0120rituals": 25797, "\u0120captive": 25798, "\u0120ounce": 25799, "\u0120disagreement": 25800, "\u0120slog": 25801, "fuel": 25802, "Pet": 25803, "Mail": 25804, "\u0120exercised": 25805, "\u0120solic": 25806, "\u0120rainfall": 25807, "\u0120devotion": 25808, "\u0120Assessment": 25809, "\u0120robotic": 25810, "options": 25811, "\u0120RP": 25812, "\u0120Families": 25813, "\u0120Flames": 25814, "\u0120assignments": 25815, "007": 25816, "akedown": 25817, "\u0120vocabulary": 25818, "Reilly": 25819, "\u0120caval": 25820, "gars": 25821, "\u0120suppressed": 25822, "\u0120SET": 25823, "\u0120Johns": 25824, "\u0120warp": 25825, "broken": 25826, "\u0120statues": 25827, "\u0120advocated": 25828, "\u0120275": 25829, "\u0120peril": 25830, "omorph": 25831, "\u0120Femin": 25832, "perfect": 25833, "\u0120hatch": 25834, "Lib": 25835, "512": 25836, "\u0120lifelong": 25837, "313": 25838, "\u0120cheeks": 25839, "\u0120numbered": 25840, "\u0120Mug": 25841, "Body": 25842, "ravel": 25843, "Weight": 25844, "\u0120Jak": 25845, "\u0120Heath": 25846, "\u0120kissing": 25847, "\u0120JUST": 25848, "\u0120waving": 25849, "upload": 25850, "\u0120insider": 25851, "\u0120Progressive": 25852, "\u0120Filter": 25853, "tta": 25854, "\u0120Beam": 25855, "\u0120violently": 25856, "ipation": 25857, "\u0120skepticism": 25858, "\u01201918": 25859, "\u0120Annie": 25860, "\u0120SI": 25861, "\u0120genetics": 25862, "\u0120onboard": 25863, "atl": 25864, "\u0120Friedman": 25865, "\u0120Bri": 25866, "ceptive": 25867, "\u0120pirate": 25868, "\u0120Reporter": 25869, "278": 25870, "\u0120mythology": 25871, "\u0120eclipse": 25872, "\u0120skins": 25873, "\u0120glyph": 25874, "ingham": 25875, "Files": 25876, "Cour": 25877, "women": 25878, "\u0120regimes": 25879, "\u0120photographed": 25880, "Kat": 25881, "\u0120MAX": 25882, "Officials": 25883, "\u0120unexpectedly": 25884, "\u0120impressions": 25885, "Front": 25886, ";;;;;;;;": 25887, "\u0120supremacy": 25888, "\u0120sang": 25889, "\u0120aggravated": 25890, "\u0120abruptly": 25891, "\u0120Sector": 25892, "\u0120excuses": 25893, "\u0120costing": 25894, "idepress": 25895, "Stack": 25896, "\u0120RNA": 25897, "obil": 25898, "\u0120ghosts": 25899, "ldon": 25900, "atibility": 25901, "Topics": 25902, "\u0120reimburse": 25903, "\u0120HM": 25904, "\u0120Deg": 25905, "\u0120thief": 25906, "yet": 25907, "ogenesis": 25908, "leaning": 25909, "\u0120Kol": 25910, "\u0120Basketball": 25911, "\u0120fi": 25912, "\u0120Seeing": 25913, "\u0120recycling": 25914, "\u0120[-": 25915, "Congress": 25916, "\u0120lectures": 25917, "Psy": 25918, "\u0120nep": 25919, "\u0120maid": 25920, "\u0120oriented": 25921, "AX": 25922, "\u0120respectful": 25923, "rene": 25924, "flush": 25925, "\u0120Unloaded": 25926, "request": 25927, "grid": 25928, "\u0120Alternatively": 25929, "\u0120Hugo": 25930, "\u0120decree": 25931, "\u0120Buddhism": 25932, "andum": 25933, "Android": 25934, "\u0120Congo": 25935, "\u0120Joyce": 25936, "\u0120acknowledging": 25937, "hesive": 25938, "\u0120Tomorrow": 25939, "\u0120Hiro": 25940, "thren": 25941, "\u0120Maced": 25942, "\u0120hoax": 25943, "\u0120Increased": 25944, "\u0120Pradesh": 25945, "Wild": 25946, "______": 25947, "161": 25948, "\u0120aunt": 25949, "\u0120distributing": 25950, "\u0120Tucker": 25951, "\u0120SSL": 25952, "\u0120Wolves": 25953, "Building": 25954, "oult": 25955, "\u0120Luo": 25956, "\u0120Yas": 25957, "\u0120Spir": 25958, "\u0120Shape": 25959, "\u0120Cambod": 25960, "\u0120IPv": 25961, "\u0120ml": 25962, "\u0120extrad": 25963, "390": 25964, "\u0120Penny": 25965, "dream": 25966, "\u0120stationed": 25967, "optional": 25968, "eworthy": 25969, ".": 26700, "\u0120Workshop": 26701, "\u0120Retail": 26702, "\u0120Avatar": 26703, "625": 26704, "Na": 26705, "\u0120VC": 26706, "\u0120Secure": 26707, "MY": 26708, "1988": 26709, "ossip": 26710, "\u0120prostate": 26711, "\u0120unden": 26712, "\u0120gamer": 26713, "\u0120Contents": 26714, "\u0120Warhammer": 26715, "\u0120Sentinel": 26716, "310": 26717, "\u0120segregation": 26718, "\u0120Flex": 26719, "\u0120MAY": 26720, "\u0120drills": 26721, "\u0120Drugs": 26722, "Islamic": 26723, "\u0120spur": 26724, "\u0120cafe": 26725, "\u0120imaginary": 26726, "\u0120guiding": 26727, "\u0120swings": 26728, "\u0120Theme": 26729, "oby": 26730, "\u0120nud": 26731, "\u0120begging": 26732, "\u0120strongh": 26733, "\u0120rejecting": 26734, "\u0120pedestrians": 26735, "\u0120Prospect": 26736, "Rare": 26737, "sle": 26738, "\u0120concessions": 26739, "\u0120Constitutional": 26740, "\u0120beams": 26741, "\u0120fibers": 26742, "poon": 26743, "\u0120instincts": 26744, "property": 26745, "\u0120BIG": 26746, "Sanders": 26747, "imates": 26748, "\u0120coating": 26749, "\u0120corpses": 26750, "\u0120TRUE": 26751, "checked": 26752, "\u0120166": 26753, "Ash": 26754, "\u0120JS": 26755, "\u0120Fiction": 26756, "\u0120communal": 26757, "\u0120energetic": 26758, "oooooooo": 26759, "\u0120nowadays": 26760, "ILD": 26761, "ibo": 26762, "\u0120SUV": 26763, "Ren": 26764, "\u0120dwelling": 26765, "Silver": 26766, "\u0120tally": 26767, "\u0120Moving": 26768, "\u0120coward": 26769, "\u0120generals": 26770, "\u0120horns": 26771, "\u0120circulated": 26772, "\u0120robbed": 26773, "\u0120Unlimited": 26774, "\u0120harassed": 26775, "\u0120inhibit": 26776, "\u0120composer": 26777, "\u0120Spotify": 26778, "\u0120spreads": 26779, "364": 26780, "\u0120suicidal": 26781, "\u0120noises": 26782, "\u0120Stur": 26783, "\u0120saga": 26784, "\u0120Kag": 26785, "iso": 26786, "\u0120theoretically": 26787, "Money": 26788, "\u0120similarity": 26789, "\u0120sliced": 26790, "utils": 26791, "inges": 26792, "\"-": 26793, "\u0120anth": 26794, "\u0120imped": 26795, "Module": 26796, "Throughout": 26797, "\u0120menus": 26798, "committee": 26799, "andi": 26800, "obj": 26801, "inav": 26802, "fired": 26803, "\u0120Abdullah": 26804, "\u0120undead": 26805, "\u0120fonts": 26806, "Hold": 26807, "ENG": 26808, "\u0120sustainability": 26809, "\u0120flick": 26810, "\u0120razor": 26811, "\u0120Fest": 26812, "\u0120Characters": 26813, "\u0120wording": 26814, "\u0120populist": 26815, "\u0120criticizing": 26816, "\u0120muse": 26817, "vine": 26818, "\u0120cardboard": 26819, "\u0120kindly": 26820, "\u0120fringe": 26821, "\u0120Theft": 26822, "icultural": 26823, "\u0120governors": 26824, "\u0120\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 26825, "\u0120163": 26826, "\u0120timeout": 26827, "\u0120Auth": 26828, "Children": 26829, "AU": 26830, "\u0120redemption": 26831, "\u0120Alger": 26832, "\u01201914": 26833, "\u0120waved": 26834, "\u0120astronauts": 26835, "ograms": 26836, "\u0120swamp": 26837, "\u0120Finnish": 26838, "\u0120candle": 26839, "\u0120tonnes": 26840, "utm": 26841, "\u0120ray": 26842, "\u0120spun": 26843, "\u0120fearful": 26844, "articles": 26845, "\u0120caus": 26846, "orically": 26847, "\u0120Requires": 26848, "\u0120Gol": 26849, "\u0120pope": 26850, "\u0120inaugural": 26851, "\u0120gle": 26852, "ADA": 26853, "\u0120ISIL": 26854, "\u0120Offensive": 26855, "\u0120watchdog": 26856, "\u0120balcon": 26857, "entity": 26858, "\u0120Hoo": 26859, "\u0120gallon": 26860, "ACC": 26861, "\u0120doubling": 26862, "\u0120implication": 26863, "\u0120Sight": 26864, "\u0120doctr": 26865, "-------": 26866, "\u0120\\\\": 26867, "\u0120malt": 26868, "Roll": 26869, "\u0120\u00e2\u012b\u00a5": 26870, "\u0120recap": 26871, "adding": 26872, "uces": 26873, "\u0120Bend": 26874, "figure": 26875, "\u0120turkey": 26876, "\u0120societal": 26877, "\u0120Tickets": 26878, "\u0120commercially": 26879, "\u0120spicy": 26880, "\u0120216": 26881, "\u0120Ramp": 26882, "\u0120superiority": 26883, "\u00c3\u00af": 26884, "\u0120Tracker": 26885, "Carl": 26886, "\u0120Coy": 26887, "\u0120Patriot": 26888, "\u0120consulted": 26889, "\u0120listings": 26890, "\u0120slew": 26891, "reenshot": 26892, "\u0120Gone": 26893, "\u0120[...]": 26894, "309": 26895, "\u0120hottest": 26896, "\u00d8\u00b1": 26897, "\u0120rocky": 26898, "\u0120Diaz": 26899, "\u0120massage": 26900, "\u0120paraly": 26901, "\u0120pony": 26902, "Az": 26903, "\u0120cartridge": 26904, "\u0120NZ": 26905, "\u0120snack": 26906, "\u0120Lamar": 26907, "plement": 26908, "\u0120Leslie": 26909, "\u0120mater": 26910, "\u0120snipp": 26911, "246": 26912, "\u0120jointly": 26913, "\u0120Brisbane": 26914, "\u0120iPod": 26915, "\u0120pumping": 26916, "\u0120goat": 26917, "\u0120Sharon": 26918, "ealing": 26919, "\u0120coron": 26920, "\u0120anomal": 26921, "rahim": 26922, "\u0120Connection": 26923, "\u0120sculpture": 26924, "\u0120scheduling": 26925, "\u0120Daddy": 26926, "athing": 26927, "\u0120eyebrows": 26928, "\u0120curved": 26929, "\u0120sentiments": 26930, "\u0120drafting": 26931, "Drop": 26932, "([": 26933, "\u0120nominal": 26934, "\u0120Leadership": 26935, "\u0120Grow": 26936, "\u0120176": 26937, "\u0120constructive": 26938, "ivation": 26939, "\u0120corrupted": 26940, "gerald": 26941, "\u0120Cros": 26942, "\u0120Chester": 26943, "\u0120Lap": 26944, "\u00e3\u0123\u00aa": 26945, "OTH": 26946, "DATA": 26947, "\u0120almond": 26948, "probably": 26949, "Imp": 26950, "\u0120feast": 26951, "\u0120Warcraft": 26952, "Flor": 26953, "\u0120checkpoint": 26954, "\u0120transcription": 26955, "\u0120204": 26956, "\u0120tweaks": 26957, "\u0120relieve": 26958, "Science": 26959, "\u0120performer": 26960, "Zone": 26961, "\u0120turmoil": 26962, "igated": 26963, "hibit": 26964, "\u0120Cafe": 26965, "themed": 26966, "\u0120fluor": 26967, "bench": 26968, "\u0120decom": 26969, "\u0120Unt": 26970, "\u0120Barrett": 26971, "\u0120Facts": 26972, "\u0120tasting": 26973, "\u0120PTSD": 26974, "\u0120Seal": 26975, "\u0120Judaism": 26976, "\u0120Dynamic": 26977, "\u0120Cors": 26978, "Ve": 26979, "\u0120Ming": 26980, "\u0120Transform": 26981, "von": 26982, "\u0120Defenders": 26983, "\u0120Tactical": 26984, "\u0120Von": 26985, "\u0120Univers": 26986, "\u0120distorted": 26987, "\u0120Breath": 26988, "?'\"": 26989, "\u0120agon": 26990, "\u0120Deadly": 26991, "\u0120lan": 26992, "\u0120Cycle": 26993, "orned": 26994, "\u0120reliably": 26995, "\u0120glor": 26996, "\u0120Monkey": 26997, "\u00e3\u0125\u00a1": 26998, "\u0120adren": 26999, "\u0120microwave": 27000, "\u0120Alban": 27001, "ircraft": 27002, "digit": 27003, "smart": 27004, "\u0120Dread": 27005, "\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af": 27006, "{{": 27007, "\u0120Rochester": 27008, "\u0120simplified": 27009, "\u0120inflicted": 27010, "\u0120takeover": 27011, "\u0120yourselves": 27012, "aditional": 27013, "\u0120muscular": 27014, "KS": 27015, "\u0120ingen": 27016, "Tax": 27017, "\u0120Feature": 27018, "277": 27019, "\u0120cruc": 27020, "\u0120crate": 27021, "\u0120unidentified": 27022, "\u0120acclaimed": 27023, "\u0120Manga": 27024, "\u0120Frances": 27025, "\u0120Nepal": 27026, "\u0120Gerald": 27027, "\u0120Kuwait": 27028, "\u0120slain": 27029, "\u0120Heb": 27030, "\u0120Goku": 27031, "\u00e3\u0123\u00ae\u00e6": 27032, "286": 27033, "Mrs": 27034, "\u0120Cody": 27035, "\u0120Sanctuary": 27036, "016": 27037, "\u0120dismant": 27038, "\u0120dataset": 27039, "\u0120Hond": 27040, "buck": 27041, "\u0120Patterson": 27042, "\u0120palette": 27043, "\u0120GD": 27044, "icol": 27045, "\u0120Lodge": 27046, "\u0120planetary": 27047, "akin": 27048, "\u0120Registered": 27049, "abwe": 27050, "\u0120Petersburg": 27051, "\u0120hailed": 27052, "\u0120Piece": 27053, "Sche": 27054, "\u0120DOJ": 27055, "\u0120enumer": 27056, "181": 27057, "\u0120Observer": 27058, "\u0120Bold": 27059, "founded": 27060, "commerce": 27061, "\u0120exploits": 27062, "\u0120Finding": 27063, "URN": 27064, "\u0120Sne": 27065, "\u0120Acid": 27066, "ayette": 27067, "\u0120Values": 27068, "\u0120drastic": 27069, "\u0120architectural": 27070, "\u0120\".": 27071, "\u00d7\u0137": 27072, "umped": 27073, "\u0120wrapping": 27074, "\u0120widow": 27075, "\u0120Slayer": 27076, "lace": 27077, "once": 27078, "Germany": 27079, "avoid": 27080, "\u0120temples": 27081, "PAR": 27082, "\u00c3\u00b4": 27083, "\u0120Lucifer": 27084, "\u0120Flickr": 27085, "lov": 27086, "forces": 27087, "\u0120scouting": 27088, "\u0120louder": 27089, "tesy": 27090, "\u0120beforehand": 27091, "\u00c4\u0135": 27092, "\u0120Neon": 27093, "\u0120Wol": 27094, "\u0120Typically": 27095, "\u0120Politico": 27096, "-+-+": 27097, "\u0120builder": 27098, "\u0120derive": 27099, "Kill": 27100, "\u0120poker": 27101, "\u0120ambiguous": 27102, "\u0120lifts": 27103, "\u0120cyt": 27104, "\u0120ribs": 27105, "oodle": 27106, "\u0120Sounds": 27107, "hair": 27108, "\u0120Syndrome": 27109, "tf": 27110, "\u0120proportional": 27111, "uid": 27112, "\u0120pertaining": 27113, "\u0120Kindle": 27114, "\u0120Negro": 27115, "\u0120reiterated": 27116, "\u0120Tonight": 27117, "oths": 27118, "\u0120Cornell": 27119, "\u0120owing": 27120, "\u0120208": 27121, "elfare": 27122, "ocating": 27123, "\u0120Birds": 27124, "Subscribe": 27125, "\u0120essays": 27126, "\u0120burdens": 27127, "\u0120illustrations": 27128, "arious": 27129, "ERAL": 27130, "\u0120Calcul": 27131, "\u0120xen": 27132, "\u0120LinkedIn": 27133, "\u0120Jung": 27134, "\u0120redesign": 27135, "Connor": 27136, "296": 27137, "\u0120reversal": 27138, "\u0120Adelaide": 27139, "\u0120LL": 27140, "\u0120sinking": 27141, "\u0120gum": 27142, "USH": 27143, "capt": 27144, "\u0120Grimm": 27145, "\u0120footsteps": 27146, "\u0120CBD": 27147, "ispers": 27148, "\u0120prose": 27149, "Wednesday": 27150, "\u0120Movies": 27151, "edin": 27152, "\u0120overturned": 27153, "\u0120contentious": 27154, "USB": 27155, "~~~~~~~~~~~~~~~~": 27156, "\u0120Copper": 27157, "\u0120pointless": 27158, "NV": 27159, "values": 27160, "olphin": 27161, "dain": 27162, "\u0120deposited": 27163, "\u0120GW": 27164, "\u0120preceded": 27165, "\u0120Cla": 27166, "\u0120Golem": 27167, "\u0120Nim": 27168, "\u0120\u00ce\u00b2": 27169, "\u0120Engineers": 27170, "middle": 27171, "\u0120flatt": 27172, "operative": 27173, "\u0120councils": 27174, "imbabwe": 27175, "elin": 27176, "\u0120stressful": 27177, "\u0120LD": 27178, "\u0120resh": 27179, "lake": 27180, "\u0120wheelchair": 27181, "\u0120Alternative": 27182, "\u0120optimize": 27183, "operation": 27184, "\u0120peek": 27185, "\u0120oneself": 27186, "igil": 27187, "\u0120transitions": 27188, "opathy": 27189, "blank": 27190, "\u0120169": 27191, "171": 27192, "________________________________________________________________": 27193, "\u0120laundering": 27194, "Enc": 27195, "\u0120DEC": 27196, "\u0120workouts": 27197, "\u0120spikes": 27198, "\u0120dinosaurs": 27199, "\u0120discriminatory": 27200, "Pool": 27201, "Rather": 27202, "385": 27203, "RNA": 27204, "testers": 27205, "eto": 27206, "\u0120Identity": 27207, "\u0120vein": 27208, "\u0120Burton": 27209, "\u0120arcade": 27210, "420": 27211, "Ultimately": 27212, "\u0120Sadly": 27213, "\u00c3\u00b0": 27214, "pill": 27215, "\u0120cubic": 27216, "\u0120Spectrum": 27217, "these": 27218, "states": 27219, "\u0120unofficial": 27220, "hawks": 27221, "\u0120EVERY": 27222, "\u0120rainbow": 27223, "\u0120incarceration": 27224, "anding": 27225, "\u0120syll": 27226, "\u0120Everton": 27227, "\u0120179": 27228, "\u0120Serbia": 27229, "\u0120189": 27230, "meter": 27231, "\u0120Mickey": 27232, "\u0120antiqu": 27233, "\u0120factual": 27234, "neck": 27235, "\u0120Nare": 27236, "norm": 27237, "must": 27238, "\u0120highways": 27239, "\u0120glam": 27240, "\u0120dividing": 27241, "\u0120Squadron": 27242, "\u0120Martha": 27243, "\u0120births": 27244, "Cover": 27245, "////////////////": 27246, "\u0120Wong": 27247, "Phot": 27248, "\u0120ALS": 27249, "rio": 27250, "\u0120Nonetheless": 27251, "\u0120Lemon": 27252, "\u0120206": 27253, "\u0120EE": 27254, "\u0120derivative": 27255, "\u0120WWII": 27256, "vote": 27257, "\u0120therein": 27258, "\u0120separating": 27259, "446": 27260, "sync": 27261, "\u0120Streets": 27262, "\u0120ratt": 27263, "\u0120municipality": 27264, "\u0120Shortly": 27265, "\u0120monk": 27266, "),\"": 27267, "\u0120scrub": 27268, "\u0120operatives": 27269, "Neither": 27270, "Place": 27271, "\u0120Limit": 27272, "Female": 27273, "\u0120Actor": 27274, "Character": 27275, "\u0120constituted": 27276, "357": 27277, "\u0120protested": 27278, "\u0120Straw": 27279, "\u0120Height": 27280, "ilda": 27281, "\u0120Typh": 27282, "\u0120floods": 27283, "\u0120cosmetic": 27284, "WAY": 27285, "perture": 27286, "upon": 27287, "tons": 27288, "essing": 27289, "\u0120Pocket": 27290, "\u0120rooft": 27291, "\u0120Caucas": 27292, "\u0120antidepress": 27293, "\u0120incompatible": 27294, "ECD": 27295, "\u0120opera": 27296, "\u0120Contest": 27297, "\u0120generators": 27298, "lime": 27299, "Defense": 27300, "1987": 27301, "forum": 27302, "\u0120savage": 27303, "\u0120Hungarian": 27304, "nz": 27305, "\u0120metallic": 27306, "\u0120expelled": 27307, "\u0120residency": 27308, "\u0120dresses": 27309, "666": 27310, "\u0120Clement": 27311, "fires": 27312, "Category": 27313, "\u0120geek": 27314, "alis": 27315, "\u0120cemetery": 27316, "educated": 27317, "\u0120crawl": 27318, "\u0120Unable": 27319, "\u0120Tyson": 27320, "akis": 27321, "\u0120pardon": 27322, "\u0120Wra": 27323, "\u0120strengthened": 27324, "\u0120Fors": 27325, "335": 27326, "\u0120HC": 27327, "\u0120Mond": 27328, "\u0120visuals": 27329, "\u0120Beatles": 27330, "ettlement": 27331, "\u0120\u00ef": 27332, "gro": 27333, "\u0120bash": 27334, "\u0120poorest": 27335, "\u0120excel": 27336, "\u0120aspirations": 27337, "\u0120Municip": 27338, "ensible": 27339, "\u0120ceremonies": 27340, "\u0120intimidation": 27341, "\u0120CONTR": 27342, "beck": 27343, "\u0120Kap": 27344, "asu": 27345, "\u0120trademarks": 27346, "\u0120Sew": 27347, "\u0120Competition": 27348, "network": 27349, "\u0120Arri": 27350, "\u0120Tet": 27351, "Roaming": 27352, "WC": 27353, "Dat": 27354, "\u0120sob": 27355, "\u0120pairing": 27356, "\u0120overdose": 27357, "SAY": 27358, "aber": 27359, "\u0120revolt": 27360, "\u0120Fah": 27361, "acting": 27362, "eq": 27363, "estation": 27364, "Fight": 27365, "\u0120Marks": 27366, "273": 27367, "\u0120178": 27368, "Raw": 27369, "\u00e3\u0123\u012d": 27370, "349": 27371, "blocks": 27372, "\u0120verge": 27373, "estine": 27374, "\u0120Podesta": 27375, "\u0120invasive": 27376, "\u0120profoundly": 27377, "\u0120Ao": 27378, "each": 27379, "\u0120lest": 27380, "interpret": 27381, "\u0120shrinking": 27382, "\u0120errone": 27383, "\u0120chees": 27384, "lys": 27385, "\u0120Ivy": 27386, "\u0120Directory": 27387, "\u0120hinted": 27388, "VICE": 27389, "\u0120contacting": 27390, "\u0120Gent": 27391, "hei": 27392, "\u0120labeling": 27393, "\u0120mercury": 27394, "\u0120Lite": 27395, "\u0120expires": 27396, "\u0120destabil": 27397, "ritis": 27398, "cu": 27399, "\u0120feathers": 27400, "\u0120steer": 27401, "\u0120programmed": 27402, "\u0120Vader": 27403, "Going": 27404, "\u0120Elim": 27405, "\u0120yo": 27406, "\u0120Miche": 27407, "\u0120203": 27408, "\u0120sleeves": 27409, "\u0120bully": 27410, "\u0120Humans": 27411, "368": 27412, "\u0120compress": 27413, "\u0120Banner": 27414, "ARS": 27415, "\u0120awhile": 27416, "\u0120calib": 27417, "\u0120sponsorship": 27418, "\u0120Difficulty": 27419, "\u0120Papers": 27420, "\u0120identifier": 27421, "}.": 27422, "\u0120yog": 27423, "\u0120Shia": 27424, "\u0120cleanup": 27425, "\u0120vibe": 27426, "introdu": 27427, "imming": 27428, "Australia": 27429, "\u0120outlines": 27430, "\u0120Youtube": 27431, "train": 27432, "\u0120Makes": 27433, "\u0120deported": 27434, "\u0120centr": 27435, "\u0120Dug": 27436, "\u0120Boulder": 27437, "\u0120Buffy": 27438, "\u0120injunction": 27439, "\u0120Harley": 27440, "\u0120Groups": 27441, "\u0120Dumbledore": 27442, "\u0120Clara": 27443, "\u0120\"-": 27444, "\u0120sacrificed": 27445, "eph": 27446, "Shadow": 27447, "ibling": 27448, "\u0120freelance": 27449, "\u0120evidently": 27450, "phal": 27451, "\u0120retains": 27452, "Mir": 27453, "\u0120finite": 27454, "dar": 27455, "\u0120Cous": 27456, "\u0120repaired": 27457, "\u0120periodic": 27458, "\u0120championships": 27459, "\u0120asteroid": 27460, "blind": 27461, "\u0120expressly": 27462, "\u0120Astros": 27463, "\u0120scaled": 27464, "\u0120geographical": 27465, "\u0120Rapids": 27466, "Enjoy": 27467, "\u0120elastic": 27468, "\u0120Mohamed": 27469, "Market": 27470, "begin": 27471, "\u0120discovers": 27472, "\u0120telecommunications": 27473, "\u0120scanner": 27474, "\u0120enlarge": 27475, "\u0120sharks": 27476, "\u0120psychedel": 27477, "\u0120Rouge": 27478, "\u0120snapshot": 27479, "isine": 27480, "XP": 27481, "\u0120pesticides": 27482, "\u0120LSD": 27483, "\u0120Distribution": 27484, "really": 27485, "\u0120degradation": 27486, "\u0120disguise": 27487, "\u0120biom": 27488, "\u0120EXT": 27489, "\u0120equations": 27490, "\u0120hazards": 27491, "\u0120Compared": 27492, ")*": 27493, "\u0120virtues": 27494, "\u0120elders": 27495, "\u0120enhancing": 27496, "\u0120Across": 27497, "eros": 27498, "angling": 27499, "\u0120combust": 27500, "ucci": 27501, "\u0120concussion": 27502, "\u0120contraception": 27503, "\u0120Kang": 27504, "\u0120expresses": 27505, "\u0120aux": 27506, "\u0120Pione": 27507, "\u0120exhibits": 27508, "Debug": 27509, "OTAL": 27510, "\u0120Already": 27511, "\u0120Wheeler": 27512, "\u0120expands": 27513, "?:": 27514, "\u0120reconciliation": 27515, "\u0120pirates": 27516, "\u0120purse": 27517, "\u0120discourage": 27518, "\u0120spectacle": 27519, "Rank": 27520, "\u0120wraps": 27521, "\u0120Thought": 27522, "\u0120impending": 27523, "Opp": 27524, "\u0120Anglo": 27525, "\u0120EUR": 27526, "\u0120screwed": 27527, "retched": 27528, "\u0120encouragement": 27529, "models": 27530, "\u0120confuse": 27531, "mmm": 27532, "\u0120Vitamin": 27533, "\u00e2\u0138\u0133\u00e2\u0138\u0133": 27534, "Cru": 27535, "\u0120knights": 27536, "\u0120discard": 27537, "\u0120bishops": 27538, "\u0120Wear": 27539, "\u0120Garrett": 27540, "kan": 27541, "\u00e3\u0125\u0141": 27542, "\u0120masculine": 27543, "capital": 27544, "\u0120Aus": 27545, "\u0120fatally": 27546, "thanks": 27547, "\u0120AU": 27548, "\u0120Gut": 27549, "1200": 27550, "\u012000000000": 27551, "\u0120surrog": 27552, "\u0120BIOS": 27553, "raits": 27554, "\u0120Watts": 27555, "\u0120resurrection": 27556, "\u0120Electoral": 27557, "\u0120Tips": 27558, "4000": 27559, "\u0120nutrient": 27560, "\u0120depicting": 27561, "\u0120sprink": 27562, "\u0120muff": 27563, "\u0120LIM": 27564, "\u0120Sample": 27565, "psc": 27566, "ibi": 27567, "generated": 27568, "\u0120specimens": 27569, "\u0120dissatisf": 27570, "\u0120tailored": 27571, "\u0120holdings": 27572, "\u0120Monthly": 27573, "\u0120Eat": 27574, "poons": 27575, "\u0120nec": 27576, "\u0120Cage": 27577, "\u0120Lotus": 27578, "\u0120Lantern": 27579, "\u0120frontier": 27580, "\u0120pensions": 27581, "\u0120joked": 27582, "\u0120Hardy": 27583, "=-=-=-=-": 27584, "rade": 27585, "UID": 27586, "\u0120rails": 27587, "\u0120emit": 27588, "\u0120slate": 27589, "\u0120smug": 27590, "\u0120spit": 27591, "\u0120Calls": 27592, "\u0120Jacobs": 27593, "feat": 27594, "\u0120UE": 27595, "\u0120restruct": 27596, "\u0120regeneration": 27597, "\u0120energies": 27598, "\u0120Connor": 27599, "OHN": 27600, "\u0120Cheese": 27601, "\u0120ger": 27602, "\u0120resurrect": 27603, "management": 27604, "NW": 27605, "\u0120presently": 27606, "\u0120Bruins": 27607, "Member": 27608, "\u0120Mang": 27609, "idan": 27610, "\u0120boosting": 27611, "wyn": 27612, "+.": 27613, "requisite": 27614, "\u0120NYPD": 27615, "\u0120Megan": 27616, "\u0120Conditions": 27617, "\u0120pics": 27618, "nesium": 27619, "\u0120Rash": 27620, "\u0120174": 27621, "\u0120Ducks": 27622, "\u0120embro": 27623, "zu": 27624, "onian": 27625, "religious": 27626, "\u0120craz": 27627, "\u0120ACA": 27628, "\u0120Zucker": 27629, "EMA": 27630, "\u0120Pros": 27631, "Weapon": 27632, "\u0120Knox": 27633, "\u0120Arduino": 27634, "\u0120stove": 27635, "\u0120heavens": 27636, "\u0120Purchase": 27637, "\u0120herd": 27638, "\u0120fundraiser": 27639, "Digital": 27640, "5000": 27641, "\u0120proponents": 27642, "/\u00e2\u0122\u012d": 27643, "\u0120jelly": 27644, "\u0120Visa": 27645, "\u0120monks": 27646, "\u0120advancement": 27647, "\u0120Wer": 27648, "\u0120187": 27649, "eus": 27650, "ertility": 27651, "\u0120fetal": 27652, "\u01201936": 27653, "Lo": 27654, "\u0120outfits": 27655, "\u0120staircase": 27656, "bomb": 27657, "\u0120customized": 27658, "clair": 27659, "Tree": 27660, "\u0120mapped": 27661, "\u0120Considering": 27662, "\u0120Torres": 27663, "\u0120methyl": 27664, "\u0120approximate": 27665, "\u0120doom": 27666, "\u0120Hansen": 27667, "\u0120crossover": 27668, "\u0120standalone": 27669, "\u00e4\u00bc": 27670, "\u0120invites": 27671, "\u0120graveyard": 27672, "\u0120hp": 27673, "DonaldTrump": 27674, "\u0120escort": 27675, "Gar": 27676, "\u0120predecessors": 27677, "\u0120hay": 27678, "\u0120enzyme": 27679, "\u0120Straight": 27680, "visors": 27681, "Ing": 27682, "aneously": 27683, "\u0120Applied": 27684, "\u0120fec": 27685, "\u0120Durant": 27686, "\u0120outspoken": 27687, "orb": 27688, "\u0120zeal": 27689, "\u0120disgrace": 27690, "').": 27691, "\u0120Cheng": 27692, "289": 27693, "\u0120Rena": 27694, "\u0120Suicide": 27695, "294": 27696, "\u0120outraged": 27697, "\u0120Newman": 27698, "\u0120Nvidia": 27699, "\u0120Aber": 27700, "\u0120Bers": 27701, "\u0120recreation": 27702, "Window": 27703, "\u0120DP": 27704, "xe": 27705, "\u0120pedoph": 27706, "\u0120fallout": 27707, "amboo": 27708, "\u0120presentations": 27709, "\u0120Apps": 27710, "\u0120html": 27711, "345": 27712, "\u0120XXX": 27713, "\u0120rubbing": 27714, "\u0120Leather": 27715, "\u0120humidity": 27716, "seys": 27717, "established": 27718, "\u0120Units": 27719, "646": 27720, "\u0120respectable": 27721, "Auto": 27722, "\u0120thriving": 27723, "\u0120Innovation": 27724, "angs": 27725, "Extra": 27726, "regulation": 27727, "298": 27728, "pick": 27729, "Examples": 27730, "\u0120CJ": 27731, "Attack": 27732, "\u0120dracon": 27733, "LT": 27734, "\u0120sticker": 27735, "rers": 27736, "\u0120sunny": 27737, "Iss": 27738, "regulated": 27739, "dim": 27740, "\u0120Abstract": 27741, "\u0120husbands": 27742, "Office": 27743, "omination": 27744, "itars": 27745, "ANGE": 27746, "ascal": 27747, "\u0120Kris": 27748, "\u0120Infantry": 27749, "\u0120malf": 27750, "\u0120Athe": 27751, "\u0120Rally": 27752, "balanced": 27753, "........................": 27754, "OUP": 27755, "\u0120molecule": 27756, "metics": 27757, "\u0120Split": 27758, "\u0120Instructions": 27759, "\u0120Nights": 27760, "cards": 27761, "\u0120tug": 27762, "\u0120cone": 27763, "\u00e5\u0143": 27764, "\u0120tx": 27765, "\u0120Discussion": 27766, "\u0120catastrophe": 27767, "ppe": 27768, "gio": 27769, "\u0120communism": 27770, "\u0120halted": 27771, "\u0120Guant": 27772, "clean": 27773, "\u0120Sched": 27774, "\u0120Kanye": 27775, "\u0120wander": 27776, "\u0120Seriously": 27777, "\u0120188": 27778, "ennial": 27779, "follow": 27780, "productive": 27781, "\u0120Flow": 27782, "\u0120Sail": 27783, "\u0120craw": 27784, "\u0120simulations": 27785, "oru": 27786, "angles": 27787, "\u0120Nolan": 27788, "\u0120menstru": 27789, "470": 27790, "\u0120207": 27791, "aja": 27792, "\u0120casually": 27793, "boarding": 27794, "\u0120222": 27795, "ovy": 27796, "\u0120Numbers": 27797, "umat": 27798, "OE": 27799, "287": 27800, "\u0120Clemson": 27801, "\u0120certs": 27802, "\u0120slid": 27803, "\u0120Tribe": 27804, "\u0120toast": 27805, "\u0120fortunes": 27806, "\u0120fals": 27807, "\u0120Committees": 27808, "\u0120gp": 27809, "\u0120fiery": 27810, "\u0120Nets": 27811, "\u0120Anime": 27812, "Package": 27813, "\u0120Compare": 27814, "laughter": 27815, "infect": 27816, "\u0120atrocities": 27817, "\u0120justices": 27818, "\u0120insults": 27819, "\u0120Vernon": 27820, "\u0120shaken": 27821, "\u0120persona": 27822, "estamp": 27823, "367": 27824, "brain": 27825, "\u0120experimenting": 27826, "Ken": 27827, "\u0120Electronics": 27828, "\u0120161": 27829, "domain": 27830, "\u0120graphical": 27831, "bishop": 27832, "\u0120whopping": 27833, "\u0120Evangel": 27834, "\u0120advertisers": 27835, "\u0120Spear": 27836, "\u0120bids": 27837, "\u0120destroys": 27838, "utz": 27839, "\u0120undersc": 27840, "\u0120ADD": 27841, "\u0120ants": 27842, "\u0120Cum": 27843, "ipples": 27844, "\u0120Fill": 27845, "\u0120glanced": 27846, "\u0120indicted": 27847, "\u0120Eff": 27848, "\u0120miscon": 27849, "\u0120Desktop": 27850, "\u0120abide": 27851, "\u00e3\u0125\u0122": 27852, "\u0120Io": 27853, "\u0120Coul": 27854, "\u0120capsule": 27855, "\u0120Chrys": 27856, "MON": 27857, "\u0120undes": 27858, "\u0120IRA": 27859, "\u0120citation": 27860, "\u0120dictate": 27861, "\u0120Networks": 27862, "\u0120Conflict": 27863, "\u0120Stuff": 27864, "xa": 27865, "isec": 27866, "\u0120Chemistry": 27867, "\u0120quarterly": 27868, "Williams": 27869, "anan": 27870, "Opt": 27871, "\u0120Alexandria": 27872, "outheastern": 27873, "\u0120Springfield": 27874, "\u0120Blacks": 27875, "\u0120geography": 27876, "242": 27877, "\u0120utmost": 27878, "\u0120Exxon": 27879, "abouts": 27880, "EVA": 27881, "\u0120Enable": 27882, "\u0120Barr": 27883, "\u0120disagreed": 27884, "\u0120Cyprus": 27885, "\u0120dementia": 27886, "\u0120labs": 27887, "\u0120ubiquitous": 27888, "\u0120LOVE": 27889, "\u0120consolidated": 27890, "sr": 27891, "\u0120creamy": 27892, "\u0120Timber": 27893, "Regardless": 27894, "\u0120Certificate": 27895, "\u0120\"...": 27896, "ogenous": 27897, "Captain": 27898, "\u0120insulting": 27899, "\u0120Soros": 27900, "\u0120Instr": 27901, "\u0120Bulgaria": 27902, "better": 27903, "\u0120sucking": 27904, "\u0120Davidson": 27905, "atz": 27906, "\u0120collateral": 27907, "gif": 27908, "\u0120plagued": 27909, "\u0120Cancel": 27910, "\u0120Gardner": 27911, "RB": 27912, "\u0120sixteen": 27913, "Remove": 27914, "uristic": 27915, "cook": 27916, "Rod": 27917, "\u0120comprising": 27918, "fle": 27919, ")\u00e2\u0122\u0136": 27920, "\u0120Viking": 27921, "growth": 27922, "agonal": 27923, "\u0120srf": 27924, "afety": 27925, "mot": 27926, "Nearly": 27927, "stown": 27928, "\u0120Factor": 27929, "\u0120automobile": 27930, "\u0120procedural": 27931, "mask": 27932, "ampires": 27933, "\u0120disappears": 27934, "jab": 27935, "315": 27936, "\u01201951": 27937, "needed": 27938, "\u0120daring": 27939, "leader": 27940, "\u0120podium": 27941, "\u0120unhealthy": 27942, "\u0120mund": 27943, "\u0120pyramid": 27944, "ocre": 27945, "\u0120kissed": 27946, "\u0120dreamed": 27947, "\u0120Fantastic": 27948, "\u0120Gly": 27949, "\u00e5\u012c": 27950, "\u0120greatness": 27951, "\u0120spices": 27952, "\u0120metropolitan": 27953, "\u0120compuls": 27954, "iets": 27955, "1016": 27956, "\u0120Sham": 27957, "\u0120Pyr": 27958, "flies": 27959, "\u0120Midnight": 27960, "\u0120swallowed": 27961, "\u0120genres": 27962, "\u0120Lucky": 27963, "\u0120Rewards": 27964, "\u0120dispatch": 27965, "\u0120IPA": 27966, "\u0120Apply": 27967, "\u0120aven": 27968, "alities": 27969, "312": 27970, "things": 27971, "\u0120().": 27972, "\u0120mates": 27973, "\u0120Sz": 27974, "\u0120COP": 27975, "olate": 27976, "OFF": 27977, "\u0120recharge": 27978, "caps": 27979, "\u0120Yorker": 27980, "icone": 27981, "\u0120galaxies": 27982, "ileaks": 27983, "Dave": 27984, "\u0120Puzz": 27985, "\u0120Celtic": 27986, "\u0120AFC": 27987, "276": 27988, "\u0120Sons": 27989, "\u0120affirmative": 27990, "Hor": 27991, "\u0120tutorials": 27992, "\u0120CITY": 27993, "\u0120Rosa": 27994, "\u0120Extension": 27995, "Series": 27996, "\u0120fats": 27997, "\u0120rab": 27998, "lis": 27999, "\u0120unic": 28000, "\u0120eve": 28001, "\u0120Spin": 28002, "\u0120adulthood": 28003, "typ": 28004, "\u0120sectarian": 28005, "\u0120checkout": 28006, "\u0120Cycl": 28007, "Single": 28008, "\u0120martyr": 28009, "\u0120chilling": 28010, "888": 28011, "oufl": 28012, "\u0120];": 28013, "\u0120congestion": 28014, "mk": 28015, "\u0120Whereas": 28016, "\u01201938": 28017, "urrencies": 28018, "erion": 28019, "\u0120boast": 28020, "\u0120Patients": 28021, "\u0120chap": 28022, "\u0120BD": 28023, "realDonaldTrump": 28024, "\u0120examines": 28025, "hov": 28026, "\u0120startling": 28027, "\u0120Babylon": 28028, "wid": 28029, "omew": 28030, "brance": 28031, "\u0120Odyssey": 28032, "wig": 28033, "\u0120torch": 28034, "\u0120Vox": 28035, "\u0120Moz": 28036, "\u0120Troll": 28037, "\u0120Ans": 28038, "Similarly": 28039, "\u0120Ful": 28040, "006": 28041, "Unless": 28042, "\u0120Alone": 28043, "stead": 28044, "\u0120Publisher": 28045, "rights": 28046, "tu": 28047, "\u0120Doesn": 28048, "\u0120professionally": 28049, "\u0120clo": 28050, "icz": 28051, "\u0120steals": 28052, "\u0120\u00e1": 28053, "1986": 28054, "\u0120sturdy": 28055, "\u0120Johann": 28056, "\u0120medals": 28057, "\u0120filings": 28058, "\u0120Fraser": 28059, "done": 28060, "\u0120multinational": 28061, "\u0120feder": 28062, "\u0120worthless": 28063, "\u0120pest": 28064, "Yesterday": 28065, "ankind": 28066, "\u0120gays": 28067, "\u0120borne": 28068, "\u0120POS": 28069, "Picture": 28070, "\u0120percentages": 28071, "251": 28072, "rame": 28073, "\u0120potions": 28074, "AMD": 28075, "\u0120Lebanese": 28076, "\u0120rang": 28077, "\u0120LSU": 28078, "ongs": 28079, "\u0120peninsula": 28080, "\u0120Clause": 28081, "ALK": 28082, "oha": 28083, "\u0120MacBook": 28084, "\u0120unanimous": 28085, "\u0120lenders": 28086, "\u0120hangs": 28087, "\u0120franchises": 28088, "orers": 28089, "\u0120Updates": 28090, "\u0120isolate": 28091, "andro": 28092, "Soon": 28093, "\u0120disruptive": 28094, "\u0120Surve": 28095, "\u0120stitches": 28096, "\u0120Scorp": 28097, "\u0120Dominion": 28098, "\u0120supplying": 28099, "Arg": 28100, "\u0120turret": 28101, "\u0120Luk": 28102, "\u0120brackets": 28103, "*)": 28104, "\u0120Revolutionary": 28105, "\u0120Honest": 28106, "\u0120noticing": 28107, "\u0120Shannon": 28108, "\u0120afforded": 28109, "\u0120tha": 28110, "\u0120Janet": 28111, "!--": 28112, "\u0120Narendra": 28113, "\u0120Plot": 28114, "Hol": 28115, "sever": 28116, "eenth": 28117, "\u0120obstruction": 28118, "\u01201024": 28119, "staff": 28120, "jas": 28121, "orget": 28122, "scenes": 28123, "laughs": 28124, "\u0120Fargo": 28125, "crime": 28126, "\u0120orchestr": 28127, "\u0120delet": 28128, "iliary": 28129, "rieved": 28130, "\u0120militar": 28131, "\u0120Greene": 28132, "\u00e2\u0139\u0131": 28133, "\u00e3\u0123\u00a6": 28134, "\u0120Guards": 28135, "\u0120unleashed": 28136, "\u0120Weber": 28137, "\u0120adjustable": 28138, "\u0120caliber": 28139, "\u0120motivations": 28140, "\u0120\u00c3\u0142": 28141, "mAh": 28142, "\u0120Lanka": 28143, "handle": 28144, "\u0120pent": 28145, "\u0120Rav": 28146, "\u0120Angular": 28147, "\u0120Kau": 28148, "umbing": 28149, "\u0120philanthrop": 28150, "\u0120dehyd": 28151, "\u0120toxicity": 28152, "eer": 28153, "\u0120YORK": 28154, "witz": 28155, "\u00e5\u00bc": 28156, "\u0120IE": 28157, "community": 28158, "\u0120AH": 28159, "\u0120retali": 28160, "\u0120massively": 28161, "\u0120Daniels": 28162, "\u0120DEL": 28163, "\u0120carcin": 28164, "Url": 28165, "\u0120routing": 28166, "\u0120NPCs": 28167, "\u0120RAF": 28168, "ryce": 28169, "\u0120waived": 28170, "\u0120Guatem": 28171, "Everybody": 28172, "\u0120covenant": 28173, "\u0120173": 28174, "\u0120relaxing": 28175, "\u0120quart": 28176, "almost": 28177, "\u0120guarded": 28178, "\u0120Soldiers": 28179, "\u0120PLAY": 28180, "\u0120outgoing": 28181, "LAND": 28182, "\u0120rewrite": 28183, "\u0120MOV": 28184, "\u0120Imper": 28185, "\u0120Solution": 28186, "\u0120phenomenal": 28187, "\u0120longevity": 28188, "\u0120impat": 28189, "\u0120Nissan": 28190, "irie": 28191, "\u0120odor": 28192, "\u0120Zar": 28193, "oks": 28194, "\u0120militias": 28195, "\u0120SPEC": 28196, "\u0120tolerated": 28197, "arser": 28198, "\u0120Bradford": 28199, "+,": 28200, "\u0120surreal": 28201, "sf": 28202, "Canadian": 28203, "\u0120resemblance": 28204, "\u0120carbohydrate": 28205, "VIEW": 28206, "\u0120accessory": 28207, "meal": 28208, "largest": 28209, "iegel": 28210, "Someone": 28211, "\u0120toughest": 28212, "oso": 28213, "\u0120funnel": 28214, "\u0120condemnation": 28215, "luent": 28216, "\u0120wired": 28217, "\u0120Sunset": 28218, "Jesus": 28219, "\u0120PST": 28220, "\u0120Pages": 28221, "\u0120Tycoon": 28222, "\u0120PF": 28223, "\u0120selections": 28224, "\u0120\u00e0\u00a4": 28225, "partisan": 28226, "\u0120highs": 28227, "\u0120Rune": 28228, "\u0120crafts": 28229, "lead": 28230, "\u0120Parents": 28231, "\u0120reclaim": 28232, "eker": 28233, "\u0120Allied": 28234, "aeper": 28235, "\u0120looming": 28236, "\u0120beneficiaries": 28237, "\u0120Hull": 28238, "Students": 28239, "Jewish": 28240, "dj": 28241, "\u0120pact": 28242, "template": 28243, "\u0120Officials": 28244, "\u0120Baylor": 28245, "\u0120hemp": 28246, "\u0120youths": 28247, "\u0120Levels": 28248, "\u0120Xiao": 28249, "\u0120Ches": 28250, "\u0120endeavor": 28251, "\u0120Removed": 28252, "\u0120hippocamp": 28253, "Hell": 28254, "\u00e3\u0124\u012c": 28255, "805": 28256, "\u0120dinosaur": 28257, "\u0120Wrath": 28258, "\u0120Indonesian": 28259, "\u0120calculator": 28260, "\u0120Dictionary": 28261, "\u0120420": 28262, "\u0120MAG": 28263, "(_": 28264, "!,": 28265, "tarians": 28266, "\u0120restricting": 28267, "racuse": 28268, "\u0120weekday": 28269, "OUNT": 28270, "\u0120shrugged": 28271, "leground": 28272, "\u0120bald": 28273, "\u0120Doctors": 28274, "\u0120touted": 28275, "\u0120Maxwell": 28276, "\u0120214": 28277, "\u0120diplomat": 28278, "\u0120repression": 28279, "\u0120constituency": 28280, "vice": 28281, "ranked": 28282, "\u0120Napoleon": 28283, "gang": 28284, "\u0120Forever": 28285, "tun": 28286, "\u0120bulb": 28287, "\u0120PDT": 28288, "\u0120Cisco": 28289, "VEN": 28290, "\u0120resumed": 28291, "Steven": 28292, "\u0120Manitoba": 28293, "\u0120fabulous": 28294, "\u0120Agents": 28295, "1984": 28296, "\u0120amusing": 28297, "\u0120Mysteries": 28298, "\u0120orthodox": 28299, "floor": 28300, "\u0120questionnaire": 28301, "\u0120penetrate": 28302, "\u0120filmmakers": 28303, "\u0120Unc": 28304, "\u0120stamped": 28305, "\u0120thirteen": 28306, "\u0120outfield": 28307, "\u0120forwarded": 28308, "\u0120appra": 28309, "\u0120aided": 28310, "try": 28311, "\u0120unfocused": 28312, "\u0120Liz": 28313, "\u0120Wendy": 28314, "\u0120Scene": 28315, "Charg": 28316, "\u0120rejects": 28317, "\u0120leftist": 28318, "\u0120Providence": 28319, "\u0120Brid": 28320, "regn": 28321, "\u0120prophecy": 28322, "\u0120LIVE": 28323, "499": 28324, "\u0120forge": 28325, "\u0120FML": 28326, "\u0120intrinsic": 28327, "\u0120Frog": 28328, "\u0120wont": 28329, "\u0120Holt": 28330, "\u0120famed": 28331, "CLUS": 28332, "aepernick": 28333, "\u0120Hate": 28334, "\u0120Cay": 28335, "\u0120registering": 28336, "ortality": 28337, "ropy": 28338, "ocalyptic": 28339, "aan": 28340, "nav": 28341, "\u0120fascist": 28342, "IFIED": 28343, "\u0120implicated": 28344, "\u0120Resort": 28345, "\u0120Chandler": 28346, "\u0120Brick": 28347, "Pin": 28348, "ysc": 28349, "Usage": 28350, "\u0120Helm": 28351, "usra": 28352, "\u00e2\u013a\u0127\u00e2\u013a\u0127": 28353, "\u0120Abbas": 28354, "\u0120unanimously": 28355, "\u0120keeper": 28356, "\u0120addicted": 28357, "???": 28358, "\u0120helmets": 28359, "\u0120antioxid": 28360, "apsed": 28361, "808": 28362, "giene": 28363, "\u0120waits": 28364, "\u0120minion": 28365, "raved": 28366, "\u0120Porsche": 28367, "\u0120dreaming": 28368, "\u0120171": 28369, "\u0120Cain": 28370, "\u0120unfor": 28371, "asso": 28372, "\u0120Configuration": 28373, "kun": 28374, "hardt": 28375, "\u0120nested": 28376, "\u0120LDS": 28377, "LES": 28378, "\u0120tying": 28379, "enos": 28380, "\u0120cue": 28381, "\u0120Marqu": 28382, "skirts": 28383, "\u0120clicked": 28384, "\u0120expiration": 28385, "\u0120Accordingly": 28386, "\u0120WC": 28387, "\u0120blessings": 28388, "\u0120addictive": 28389, "\u0120Narr": 28390, "yx": 28391, "\u0120Jaguars": 28392, "\u0120rents": 28393, "\u0120Siber": 28394, "\u0120tipped": 28395, "ousse": 28396, "\u0120Fitzgerald": 28397, "\u0120hierarch": 28398, "outine": 28399, "\u0120wavelength": 28400, ">.": 28401, "chid": 28402, "\u0120Processing": 28403, "/+": 28404, "ranking": 28405, "Easy": 28406, "\u0120Construct": 28407, "\u0120tet": 28408, "insured": 28409, "HUD": 28410, "\u0120quoting": 28411, "\u0120communicated": 28412, "inx": 28413, "\u0120inmate": 28414, "\u0120erected": 28415, "\u0120Absolutely": 28416, "\u0120Surely": 28417, "\u0120unim": 28418, "\u0120Throne": 28419, "heid": 28420, "\u0120claws": 28421, "\u0120superstar": 28422, "\u0120Lenn": 28423, "\u0120Whis": 28424, "Uk": 28425, "abol": 28426, "\u0120sket": 28427, "\u0120Niet": 28428, "\u0120perks": 28429, "\u0120affinity": 28430, "\u0120openings": 28431, "phasis": 28432, "\u0120discriminate": 28433, "Tip": 28434, "vc": 28435, "\u0120grinding": 28436, "\u0120Jenny": 28437, "\u0120asthma": 28438, "holes": 28439, "\u0120Homer": 28440, "\u0120registers": 28441, "\u0120Glad": 28442, "\u0120creations": 28443, "\u0120lithium": 28444, "\u0120applause": 28445, "until": 28446, "Justice": 28447, "\u0120Turks": 28448, "\u0120scandals": 28449, "\u0120bake": 28450, "tank": 28451, "Mech": 28452, "\u0120Means": 28453, "\u0120Maid": 28454, "Republicans": 28455, "isal": 28456, "windows": 28457, "\u0120Santos": 28458, "\u0120vegetation": 28459, "338": 28460, "tri": 28461, "\u0120flux": 28462, "insert": 28463, "\u0120clarified": 28464, "\u0120mortg": 28465, "\u0120Chim": 28466, "\u0120Tort": 28467, "\u0120disclaim": 28468, "metal": 28469, "\u0120Aside": 28470, "\u0120induction": 28471, "\u0120infl": 28472, "\u0120atheists": 28473, "amph": 28474, "\u0120ether": 28475, "\u0120Vital": 28476, "\u0120Built": 28477, "Mind": 28478, "\u0120weaponry": 28479, "SET": 28480, "\u0120186": 28481, "admin": 28482, "gam": 28483, "contract": 28484, "afa": 28485, "\u0120derivatives": 28486, "\u0120snacks": 28487, "\u0120churn": 28488, "Econom": 28489, "\u0120capped": 28490, "\u0120Understanding": 28491, "\u0120Hers": 28492, "\u0120Iz": 28493, "\u0120duct": 28494, "IENT": 28495, "aughty": 28496, "\u0120\u00e2\u013e\u0136": 28497, "\u0120NP": 28498, "\u0120sailing": 28499, "Initialized": 28500, "\u0120ted": 28501, "\u0120reactors": 28502, "\u0120Lomb": 28503, "\u0120choke": 28504, "\u0120Worm": 28505, "\u0120admiration": 28506, "\u0120swung": 28507, "ensibly": 28508, "\u0120rash": 28509, "\u0120Goals": 28510, "\u0120Important": 28511, "Shot": 28512, "\u0120Ras": 28513, "\u0120trainers": 28514, "\u0120Bun": 28515, "Working": 28516, "\u0120harmed": 28517, "\u0120Pandora": 28518, "\u0120LTE": 28519, "\u0120mushroom": 28520, "\u0120CHAR": 28521, "\u0120Fee": 28522, "\u0120Moy": 28523, "Born": 28524, "oliberal": 28525, "\u0120Martial": 28526, "\u0120gentlemen": 28527, "\u0120lingering": 28528, "Official": 28529, "\u0120graffiti": 28530, "\u0120Names": 28531, "Der": 28532, "\u0120quint": 28533, "istrate": 28534, "azeera": 28535, "\u0120NOTICE": 28536, "\u0120Florence": 28537, "\u0120payable": 28538, "\u0120depicts": 28539, "\u0120Species": 28540, "Heart": 28541, "\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122": 28542, "\u0120enclosed": 28543, "Increases": 28544, "Daily": 28545, "\u0120Lis": 28546, "\u0120enactment": 28547, "\u0120Bacon": 28548, "\u0120Steele": 28549, "demand": 28550, "\u0120183": 28551, "\u0120mouths": 28552, "\u0120stranded": 28553, "\u0120enhancement": 28554, "011": 28555, "\u0120Whats": 28556, "\u0120healed": 28557, "eny": 28558, "\u0120Rab": 28559, "\u0120340": 28560, "\u0120Labyrinth": 28561, "roach": 28562, "\u0120Yosh": 28563, "\u0120Clippers": 28564, "\u0120concerts": 28565, "Internet": 28566, "355": 28567, "\u0120stickers": 28568, "\u0120termed": 28569, "\u0120Axe": 28570, "\u0120grandparents": 28571, "France": 28572, "\u0120Clim": 28573, "\u0120Uh": 28574, "ulic": 28575, "\u0120thrill": 28576, "centric": 28577, "\u0120Overview": 28578, "\u0120Conduct": 28579, "\u0120substantive": 28580, "\u0120182": 28581, "mur": 28582, "\u0120stray": 28583, "\u0120Coff": 28584, "\u0120repetitive": 28585, "\u0120Forgotten": 28586, "\u0120qualification": 28587, "ewitness": 28588, "\u0120Zimbabwe": 28589, "\u0120simulated": 28590, "\u0120JD": 28591, "253": 28592, "\u0120Ware": 28593, "\u0120unsc": 28594, "Times": 28595, "\u0120summons": 28596, "\u0120disconnected": 28597, "\u0120184": 28598, "cius": 28599, "\u0120Gujar": 28600, "odka": 28601, "\u0120erase": 28602, "\u0120Tobacco": 28603, "elected": 28604, "\u0120uncont": 28605, "\u0120Shepard": 28606, "\u0120Lamp": 28607, "\u0120alerted": 28608, "\u0120operative": 28609, "arna": 28610, "uint": 28611, "\u0120negligence": 28612, "acements": 28613, "\u0120supra": 28614, "\u0120prevail": 28615, "\u0120Shark": 28616, "\u0120belts": 28617, "\u00e3\u0123\u00ab": 28618, "\u0120tighter": 28619, "Engineers": 28620, "\u0120inactive": 28621, "\u0120exponent": 28622, "\u0120Willie": 28623, "aples": 28624, "\u0120heir": 28625, "\u0120Hits": 28626, "iann": 28627, "\u0120Says": 28628, "\u0120currents": 28629, "\u0120Bengal": 28630, "\u0120arist": 28631, "Buffer": 28632, "\u0120breeze": 28633, "\u0120Wesley": 28634, "Cola": 28635, "\u0120pronoun": 28636, "\u0120deed": 28637, "\u0120Kling": 28638, "\u0120oft": 28639, "\u0120inflict": 28640, "\u0120punishing": 28641, "\u0120nm": 28642, "iku": 28643, "ODUCT": 28644, "014": 28645, "\u0120subsidy": 28646, "\u0120DEA": 28647, "\u0120Herbert": 28648, "\u0120Jal": 28649, "Bank": 28650, "\u0120deferred": 28651, "\u0120shipment": 28652, "Bott": 28653, "\u0120alle": 28654, "bearing": 28655, "HTML": 28656, "Offline": 28657, "\u0120213": 28658, "\u0120scrolling": 28659, "\u0120scanned": 28660, "\u0120Libyan": 28661, "\u0120TOP": 28662, "chrom": 28663, "dt": 28664, "column": 28665, "PsyNetMessage": 28666, "Zero": 28667, "\u0120torso": 28668, "050": 28669, "\u00e2\u0137\u0132": 28670, "\u0120imperson": 28671, "\u0120Schwartz": 28672, "udic": 28673, "\u0120pissed": 28674, "\u0120Sapp": 28675, "257": 28676, "\u0120ISPs": 28677, "ogl": 28678, "\u0120supervised": 28679, "\u0120adolescent": 28680, "\u0120attained": 28681, "\u0120Delivery": 28682, "\u0120Bunny": 28683, "\u01201937": 28684, "\u0120miniature": 28685, "\u0120os": 28686, "\u0120370": 28687, "608": 28688, "\u0120Mourinho": 28689, "\u0120innate": 28690, "\u0120tempo": 28691, "\u0120NM": 28692, "\u0120Fallen": 28693, "009": 28694, "\u0120provocative": 28695, "Streamer": 28696, "\u0120Benedict": 28697, "\u0120Bolshe": 28698, "\u0120turtle": 28699, "\u0120PCB": 28700, "\u0120Equal": 28701, "Director": 28702, "\u0120Rend": 28703, "\u0120fluids": 28704, "Authorities": 28705, "\u0120cousins": 28706, "requency": 28707, "\u0120Neighbor": 28708, "sets": 28709, "shared": 28710, "Charles": 28711, "password": 28712, "\u0120gears": 28713, "\u0120211": 28714, "\u0120Hardware": 28715, "rika": 28716, "\u0120upstream": 28717, "Hom": 28718, "\u0120disproportionately": 28719, "ivities": 28720, "\u0120undefined": 28721, "\u0120electrons": 28722, "\u0120commemor": 28723, "Eventually": 28724, "\u0120><": 28725, "\u0120irresponsible": 28726, "218": 28727, "\u0120Released": 28728, "\u0120OVER": 28729, "\u0120IGN": 28730, "\u0120Bread": 28731, "stellar": 28732, "\u0120Sage": 28733, "tted": 28734, "damage": 28735, "edition": 28736, "\u0120Prec": 28737, "\u0120lime": 28738, "\u0120confinement": 28739, "\u0120calorie": 28740, "weapon": 28741, "\u0120differing": 28742, "\u0120Sina": 28743, "mys": 28744, "amd": 28745, "\u0120intricate": 28746, "kk": 28747, "\u0120PAT": 28748, "\u00c3\u00a3o": 28749, "stones": 28750, "links": 28751, "\u0120ranch": 28752, "Semitic": 28753, "\u0120differentiate": 28754, "\u0120Singer": 28755, "occupied": 28756, "\u0120fortress": 28757, "cmd": 28758, "\u0120interception": 28759, "\u0120Ankara": 28760, "\u0120rept": 28761, "\u0120Solitaire": 28762, "\u0120remake": 28763, "pred": 28764, "\u0120dared": 28765, "autions": 28766, "\u0120BACK": 28767, "Running": 28768, "\u0120debugging": 28769, "\u0120graphs": 28770, "399": 28771, "\u0120Nigel": 28772, "\u0120bun": 28773, "\u0120pillow": 28774, "\u0120progressed": 28775, "fashioned": 28776, "\u0120obedience": 28777, "ERN": 28778, "\u0120rehears": 28779, "Cell": 28780, "tl": 28781, "Sher": 28782, "\u0120herald": 28783, "\u0120Payment": 28784, "\u0120Cory": 28785, "\u0120Dept": 28786, "\u0120repent": 28787, "\u0120Weak": 28788, "uckland": 28789, "\u0120pleasing": 28790, "\u0120shortages": 28791, "\u0120jurors": 28792, "\u0120Kab": 28793, "qqa": 28794, "Anti": 28795, "\u0120wow": 28796, "\u0120RCMP": 28797, "\u0120tsun": 28798, "\u0120Sic": 28799, "\u0120comprises": 28800, "\u0120spies": 28801, "\u0120precinct": 28802, "nu": 28803, "\u0120urges": 28804, "\u0120timed": 28805, "\u0120stripes": 28806, "\u0120Boots": 28807, "\u0120yen": 28808, "Advanced": 28809, "\u0120discrete": 28810, "\u0120Archangel": 28811, "employment": 28812, "Diff": 28813, "\u0120monuments": 28814, "\u0120209": 28815, "worker": 28816, "\u0120196": 28817, "\u0120Ig": 28818, "utterstock": 28819, "TPS": 28820, "Jac": 28821, "\u0120homelessness": 28822, "\u0120commentator": 28823, "\u0120racially": 28824, "fing": 28825, "seed": 28826, "Ele": 28827, "ellation": 28828, "\u0120ethanol": 28829, "\u0120parish": 28830, "\u0120Dong": 28831, "\u0120Awakening": 28832, "\u0120deviation": 28833, "\u0120Bearing": 28834, "\u0120Tsuk": 28835, "\u0120recess": 28836, "\u0120lymph": 28837, "\u0120Cannabis": 28838, "\u00e5\u013e": 28839, "\u0120NEWS": 28840, "\u0120dra": 28841, "\u0120Stefan": 28842, "\u0120Wrong": 28843, "\u0120SAM": 28844, "\u0120loosely": 28845, "\u0120interpreter": 28846, "\u0120Plain": 28847, "Government": 28848, "\u0120bigotry": 28849, "\u0120grenades": 28850, "avez": 28851, "pictured": 28852, "\u0120mandated": 28853, "\u0120Monk": 28854, "\u0120Pedro": 28855, "\u0120lava": 28856, "274": 28857, "\u0120cynical": 28858, "\u0120Scrolls": 28859, "locks": 28860, "Mp": 28861, "\u0120congregation": 28862, "ornings": 28863, "phil": 28864, "\u0120Ibid": 28865, "\u0120ferv": 28866, "\u0120disappearing": 28867, "\u0120arrogant": 28868, "syn": 28869, "\u0120Maver": 28870, "\u0120Suit": 28871, "241": 28872, "\u0120abbre": 28873, "ackers": 28874, "Pa": 28875, "\u0120Yel": 28876, "Whenever": 28877, "\u0120235": 28878, "\u0120Vine": 28879, "\u0120Anat": 28880, "\u0120extinct": 28881, "LET": 28882, "\u0120executable": 28883, "VERS": 28884, "oxide": 28885, "DNA": 28886, "\u0120Prel": 28887, "\u0120resentment": 28888, "\u0120comprise": 28889, "\u0120Aviv": 28890, "\u0120interceptions": 28891, "\u0120prolific": 28892, "INA": 28893, "\u0120Erin": 28894, "thought": 28895, "219": 28896, "\u0120Psychiatry": 28897, "unky": 28898, "chemist": 28899, "Ho": 28900, "\u0120McCoy": 28901, "\u0120bricks": 28902, "Los": 28903, "rily": 28904, "\u0120USSR": 28905, "\u0120rud": 28906, "\u0120laud": 28907, "\u0120Wise": 28908, "\u0120Emerald": 28909, "\u0120revived": 28910, "\u0120damned": 28911, "\u0120Repair": 28912, "idem": 28913, "ctica": 28914, "\u0120patriarch": 28915, "\u0120Nurs": 28916, "meg": 28917, "\u0120cheapest": 28918, "reements": 28919, "empty": 28920, "\u0120Celebr": 28921, "\u0120deprivation": 28922, "chanted": 28923, "\u0120Thumbnails": 28924, "Energy": 28925, "\u0120Ethan": 28926, "\u0120Qing": 28927, "\u0120opposes": 28928, "WIND": 28929, "vik": 28930, "\u0120Mau": 28931, "\u0120SUB": 28932, "667": 28933, "GRE": 28934, "\u0120Volunte": 28935, "nton": 28936, "Cook": 28937, "\u00e5\u0132": 28938, "esque": 28939, "\u0120plummet": 28940, "\u0120suing": 28941, "\u0120pronounce": 28942, "\u0120resisting": 28943, "\u0120Fishing": 28944, "\u0120Trials": 28945, "\u0120yell": 28946, "\u0120310": 28947, "\u0120induct": 28948, "\u0120personalized": 28949, "often": 28950, "Reb": 28951, "EMBER": 28952, "\u0120viewpoint": 28953, "\u0120existential": 28954, "())": 28955, "remove": 28956, "MENTS": 28957, "lasses": 28958, "\u0120evapor": 28959, "\u0120aisle": 28960, "meta": 28961, "\u0120reflective": 28962, "\u0120entitlement": 28963, "\u0120devised": 28964, "music": 28965, "ascade": 28966, "\u0120winding": 28967, "offset": 28968, "\u0120accessibility": 28969, "kered": 28970, "Better": 28971, "\u0120Johnston": 28972, "thinking": 28973, "Snow": 28974, "\u0120Croatia": 28975, "\u0120Atomic": 28976, "271": 28977, "348": 28978, "\u0120textbook": 28979, "\u0120Sixth": 28980, "\u0120\u00d8\u00a7\u00d9\u0126": 28981, "\u0120slider": 28982, "\u0120Burger": 28983, "bol": 28984, "Sync": 28985, "\u0120grandchildren": 28986, "\u0120cerv": 28987, "+)": 28988, "\u0120eternity": 28989, "\u0120tweeting": 28990, "\u0120speculative": 28991, "\u0120pivotal": 28992, "\u0120WP": 28993, "\u0120TER": 28994, "ynamic": 28995, "\u0120upl": 28996, "\u0120Cats": 28997, "perhaps": 28998, "\u0120classmates": 28999, "\u0120blatant": 29000, "'-": 29001, "\u0120lakh": 29002, "antine": 29003, "\u0120Borg": 29004, "iom": 29005, "/(": 29006, "\u0120Athletic": 29007, "\u0120sar": 29008, "OTA": 29009, "\u0120Hoffman": 29010, "Nevertheless": 29011, "\u0120adorable": 29012, "\u0120spawned": 29013, "Associated": 29014, "\u0120Domestic": 29015, "\u0120implant": 29016, "\u0120Luxem": 29017, "\u0120Kens": 29018, "\u0120pumps": 29019, "\u0120SAT": 29020, "Attributes": 29021, "509": 29022, "avour": 29023, "\u0120centralized": 29024, "\u0120TN": 29025, "\u0120freshly": 29026, "\u0120Achieve": 29027, "\u0120outsiders": 29028, "herty": 29029, "\u0120Ree": 29030, "\u0120Towers": 29031, "\u0120Dart": 29032, "akable": 29033, "\u0120mp": 29034, "\u0120Heavenly": 29035, "\u0120ripe": 29036, "\u0120Caroline": 29037, "ryan": 29038, "\u0120classics": 29039, "\u0120retiring": 29040, "\u0120228": 29041, "\u0120ah": 29042, "\u0120dealings": 29043, "\u0120punching": 29044, "\u0120Chapman": 29045, "Options": 29046, "maxwell": 29047, "volume": 29048, "\u0120stal": 29049, "\u0120exported": 29050, "\u0120Quite": 29051, "\u0120numerical": 29052, "Burn": 29053, "Fact": 29054, "\u0120Keystone": 29055, "\u0120trending": 29056, "\u0120altering": 29057, "\u0120Africans": 29058, "478": 29059, "\u0120MN": 29060, "\u0120Knock": 29061, "\u0120temptation": 29062, "\u0120prestige": 29063, "Overview": 29064, "\u0120Traditional": 29065, "\u0120Bahrain": 29066, "Private": 29067, "\u0120HOU": 29068, "\u0120barr": 29069, "\u0120Tat": 29070, "Cube": 29071, "USD": 29072, "\u0120Grande": 29073, "\u0120Gat": 29074, "\u0120Flo": 29075, "\u0120resides": 29076, "\u0120indec": 29077, "volent": 29078, "\u0120perpetual": 29079, "ubes": 29080, "\u0120worldview": 29081, "\u0120Quantum": 29082, "\u0120filtered": 29083, "\u0120ensu": 29084, "orgetown": 29085, "ERSON": 29086, "\u0120Mild": 29087, "379": 29088, "OTT": 29089, "\u00c3\u00a5": 29090, "\u0120vitamins": 29091, "\u0120ribbon": 29092, "\u0120sincerely": 29093, "\u0120Hin": 29094, "\u0120eighteen": 29095, "\u0120contradictory": 29096, "\u0120glaring": 29097, "\u0120expectancy": 29098, "\u0120conspir": 29099, "\u0120monstrous": 29100, "\u0120380": 29101, "reci": 29102, "\u0120handic": 29103, "\u0120pumped": 29104, "\u0120indicative": 29105, "\u0120rapp": 29106, "\u0120avail": 29107, "\u0120LEGO": 29108, "\u0120Marijuana": 29109, "1985": 29110, "erton": 29111, "\u0120twentieth": 29112, "################################": 29113, "\u0120Swamp": 29114, "\u0120valuation": 29115, "\u0120affiliates": 29116, "adjusted": 29117, "\u0120Facility": 29118, "262": 29119, "\u0120enzymes": 29120, "itudinal": 29121, "\u0120imprint": 29122, "Site": 29123, "\u0120installer": 29124, "\u0120TRA": 29125, "mology": 29126, "linear": 29127, "\u0120Collective": 29128, "igating": 29129, "\u0120Token": 29130, "\u0120speculated": 29131, "KN": 29132, "\u0120Cly": 29133, "ority": 29134, "\u0120defer": 29135, "\u0120inspectors": 29136, "approved": 29137, "RM": 29138, "\u0120Suns": 29139, "\u0120informing": 29140, "\u0120Syracuse": 29141, "ibli": 29142, "765": 29143, "\u0120glove": 29144, "\u0120authorize": 29145, "\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6": 29146, "\u0120Cruise": 29147, "\u0120contracting": 29148, "shell": 29149, "IFE": 29150, "\u0120Jewel": 29151, "pract": 29152, "\u0120Photoshop": 29153, "\u0120Knowing": 29154, "harm": 29155, "\u0120attractions": 29156, "adan": 29157, "etus": 29158, "018": 29159, "wagen": 29160, "Alt": 29161, "\u0120multiply": 29162, "\u0120equilibrium": 29163, ":{": 29164, "\u0120Fighters": 29165, "\u0120Edgar": 29166, "\u0120fourteen": 29167, "Govern": 29168, "\u0120misuse": 29169, "\u0120abusing": 29170, "\u0120ancestry": 29171, "ramer": 29172, "644": 29173, "\u0120worms": 29174, "\u0120thicker": 29175, "\u0120Combine": 29176, "\u0120peasants": 29177, "\u0120vind": 29178, "\u0120conquest": 29179, "\u0120mocked": 29180, "\u0120cinnamon": 29181, "\u0120Cald": 29182, "\u0120Gallup": 29183, "\u0120avoidance": 29184, "\u0120incarnation": 29185, "\u0120Strat": 29186, "\u0120tasted": 29187, "enta": 29188, "\u0120Neal": 29189, "pared": 29190, "\u0120terminology": 29191, "jection": 29192, "Scientists": 29193, "\u0120INS": 29194, "\u0120Dee": 29195, "\u0120directories": 29196, "Road": 29197, "\u0120Shap": 29198, "bright": 29199, "\u0120Directors": 29200, "\u0120Column": 29201, "\u0120bob": 29202, "\u0120preferably": 29203, "\u0120glitch": 29204, "furt": 29205, "\u0120eg": 29206, "idis": 29207, "CBC": 29208, "\u0120surrendered": 29209, "\u0120testament": 29210, "336": 29211, "uggest": 29212, "\u0120Nil": 29213, "another": 29214, "\u0120pathetic": 29215, "\u0120Donna": 29216, "\u0120218": 29217, "\u0120Avery": 29218, "\u0120whiskey": 29219, "\u0120fixture": 29220, "\u0120Conquest": 29221, "\u0120bets": 29222, "Occ": 29223, "\u0120Leicester": 29224, "].\"": 29225, "\u0120));": 29226, "\u0120flashes": 29227, "456": 29228, "\u0120masked": 29229, "gebra": 29230, "\u0120computed": 29231, "chel": 29232, "auder": 29233, "\u0120defeats": 29234, "\u0120Liberation": 29235, "\u0120Osama": 29236, "\u0120Vive": 29237, "Changes": 29238, "Channel": 29239, "\u0120tariffs": 29240, "\u0120mage": 29241, "\u0120Sax": 29242, "\u0120inadvertently": 29243, "\u0120CRE": 29244, "\u0120Reaper": 29245, "inky": 29246, "grading": 29247, "\u0120stereotyp": 29248, "\u0120curl": 29249, "\u0120FANT": 29250, "\u0120frameworks": 29251, "Mom": 29252, "\u0120Anch": 29253, "\u0120flavour": 29254, "carbon": 29255, "\u0120permitting": 29256, "letcher": 29257, "\u0120Mozilla": 29258, "\u0120Parking": 29259, "\u0120Champ": 29260, "Scroll": 29261, "\u0120murderer": 29262, "\u0120rested": 29263, "\u0120owes": 29264, "\u0120Poss": 29265, "ADD": 29266, "IFF": 29267, "resolution": 29268, "\u0120Mining": 29269, "\u0120comparative": 29270, "Dim": 29271, "\u0120neighbouring": 29272, "\u0120AST": 29273, "\u0120Toxic": 29274, "\u0120biases": 29275, "\u0120gunfire": 29276, "urous": 29277, "\u0120Moment": 29278, "1983": 29279, "\u0120pervasive": 29280, "ttp": 29281, "\u0120Normally": 29282, "rir": 29283, "Sarah": 29284, "\u0120Albany": 29285, "\u0120unsett": 29286, "\u0120SMS": 29287, "ipers": 29288, "layer": 29289, "\u0120Whites": 29290, "uple": 29291, "\u0120turbo": 29292, "\u0120Leeds": 29293, "\u0120thats": 29294, "\u0120Miner": 29295, "MER": 29296, "\u0120Reign": 29297, "\u0120perme": 29298, "\u0120Blitz": 29299, "\u01201934": 29300, "\u0120intimidating": 29301, "tube": 29302, "\u0120eccentric": 29303, "abolic": 29304, "boxes": 29305, "\u0120Associates": 29306, "votes": 29307, "\u0120simulate": 29308, "umbo": 29309, "astery": 29310, "\u0120shipments": 29311, "FFFF": 29312, "anth": 29313, "\u0120seasoned": 29314, "\u0120experimentation": 29315, "\u00e2\u0138\u0142": 29316, "laws": 29317, "Meet": 29318, "iddles": 29319, "antics": 29320, "Rating": 29321, "ISIS": 29322, "hift": 29323, "\u0120fronts": 29324, "buf": 29325, "017": 29326, "\u0120unatt": 29327, "\u0120Dil": 29328, "leases": 29329, "\u0120Gardens": 29330, "777": 29331, "touch": 29332, "vell": 29333, "458": 29334, "\u0120=====": 29335, "saving": 29336, "\u0120erosion": 29337, "\u0120Quin": 29338, "\u0120earns": 29339, "\u0120accomplishment": 29340, "\u0120Wei": 29341, "\u0120<[": 29342, "_____": 29343, "\u0120irrig": 29344, "\u0120Teddy": 29345, "\u0120conquered": 29346, "\u0120Armored": 29347, "\u0120asserts": 29348, "\u0120manipulating": 29349, "r\u00c3\u00a9": 29350, "\u0120transcripts": 29351, "Gallery": 29352, "\u0120plotting": 29353, "Neil": 29354, "\u0120betrayal": 29355, "loader": 29356, "\u0120Sul": 29357, "\u0120displacement": 29358, "\u0120royalty": 29359, "\u0120WI": 29360, "heit": 29361, "\u0120Devices": 29362, "allel": 29363, "\u0120municipalities": 29364, "\u0120canal": 29365, "Stars": 29366, "\u0120UAE": 29367, "\u0120\"\u00e2\u0122\u00a6": 29368, "\u0120CU": 29369, "above": 29370, "\u0120resonance": 29371, "\u0120guiActiveUn": 29372, "added": 29373, "\u0120Braves": 29374, "\u0120Ibn": 29375, "\u0120hereby": 29376, "\u0120BRE": 29377, "\u0120shareholder": 29378, "\u0120Hir": 29379, "\u0120Ji": 29380, "\u0120strangely": 29381, "\u0120admired": 29382, "\u0120plight": 29383, "\u0120bachelor": 29384, "\u0120Pole": 29385, "ciplinary": 29386, "Tony": 29387, "\u0120Armenian": 29388, "\u0120unman": 29389, "\u0120Zionist": 29390, "Stage": 29391, "iscover": 29392, "\u0120automotive": 29393, "\u0120sidelines": 29394, "\u0120slick": 29395, "\u0120Renaissance": 29396, "\u0120FUN": 29397, "Images": 29398, "\u0120Haj": 29399, "\u0120ping": 29400, "\u0120shortcut": 29401, "\u0120Blvd": 29402, "\u0120Looks": 29403, "\u0120bursts": 29404, "\u0120clamp": 29405, "\u0120mish": 29406, "\u0120sorting": 29407, "\u0120patriot": 29408, "\u0120correctness": 29409, "\u0120Scandinav": 29410, "\u0120Cavaliers": 29411, "python": 29412, "azar": 29413, "\u0120375": 29414, "\u0120Jaune": 29415, "409": 29416, "\u0120detrimental": 29417, "\u0120stabbing": 29418, "\u0120poisoned": 29419, "\u0120fountain": 29420, "ocent": 29421, "orst": 29422, "\u0120Mari": 29423, "\u0120rains": 29424, "\u0120Overs": 29425, "\u0120Institution": 29426, "udget": 29427, "AMY": 29428, "tale": 29429, "\u0120KR": 29430, "\u0120Prices": 29431, "\u0120headaches": 29432, "\u0120landsl": 29433, "\u0120Aura": 29434, "Bonus": 29435, "\u0120Zhao": 29436, "\u0120Hip": 29437, "\u0120hops": 29438, "\u0120Kurdistan": 29439, "\u0120exploiting": 29440, "ryn": 29441, "\u0120hypocrisy": 29442, "opening": 29443, "\u0120gunshot": 29444, "\u0120wed": 29445, "interstitial": 29446, "Interstitial": 29447, "\u0120amen": 29448, "Breaking": 29449, "\u0120marketed": 29450, "Wire": 29451, "\u0120Crowd": 29452, "Continue": 29453, "\u0120Known": 29454, "\u0120Effective": 29455, "orean": 29456, "izons": 29457, "Joseph": 29458, "\u0120escalation": 29459, "username": 29460, "\u0120curtain": 29461, "ATES": 29462, "\u0120PAR": 29463, "\u0120Miy": 29464, "\u0120counterfe": 29465, "lene": 29466, "\u0120contenders": 29467, "daily": 29468, "\u0120Asc": 29469, "\u0120Phillip": 29470, "mostly": 29471, "\u0120filename": 29472, "hene": 29473, "\u0120resembling": 29474, "\u0120staging": 29475, "\u0120Chloe": 29476, "\u0120wiring": 29477, "Hon": 29478, "\u0120Renew": 29479, "ottage": 29480, "\u0120Hybrid": 29481, "much": 29482, "\u0120strokes": 29483, "\u0120policymakers": 29484, "APTER": 29485, "\u0120Arkham": 29486, "plot": 29487, "\u0120assistants": 29488, "\u0120deport": 29489, "\u0120Sega": 29490, "\u0120influenza": 29491, "\u0120Cursed": 29492, "\u0120Kobe": 29493, "\u0120skinny": 29494, "Provider": 29495, "\u0120Rip": 29496, "\u0120incremental": 29497, "products": 29498, "BF": 29499, "\u0120dome": 29500, "\u0120Credits": 29501, "\u0120losers": 29502, "ints": 29503, "\u0120Betty": 29504, "\u0120Talent": 29505, "\u0120DAM": 29506, "Lv": 29507, "Ess": 29508, "\u0120dens": 29509, "temp": 29510, "Judge": 29511, "odic": 29512, "\u0120'(": 29513, "URES": 29514, "etsk": 29515, "VO": 29516, "\u0120retrieved": 29517, "\u0120architects": 29518, "\u00d9\u0129": 29519, "\u0120ethic": 29520, "\u0120Secondary": 29521, "stocks": 29522, "adia": 29523, "\u0120325": 29524, "\u0120Opinion": 29525, "\u0120simultaneous": 29526, "\u0120dizz": 29527, "ulp": 29528, "\u0120smuggling": 29529, "ippery": 29530, "Random": 29531, "facing": 29532, "\u0120Das": 29533, "\u0120stockp": 29534, "\u0120disclosures": 29535, "pointer": 29536, "\u0120coral": 29537, "\u0120Selection": 29538, "\u0120Pike": 29539, "ivalent": 29540, "\u0120ruthless": 29541, "\u0120Rim": 29542, "\u0120ensuing": 29543, "\u0120Experiment": 29544, "\u0120congressman": 29545, "\u0120believer": 29546, "\u0120unspecified": 29547, "\u0120Mord": 29548, "\u0120knowledgeable": 29549, "\u0120VERY": 29550, "TX": 29551, "\u0120straps": 29552, "\u0120turf": 29553, "apeshifter": 29554, "\u0120marital": 29555, "\u0120flock": 29556, "\u00e3\u0123\u0128": 29557, "263": 29558, "AMES": 29559, "\u0120Opposition": 29560, "\u0120treasures": 29561, "\u0120GOD": 29562, "\u0120modeled": 29563, "\u0120WORLD": 29564, "\u0120([": 29565, "\u0120Usage": 29566, "HF": 29567, "\u0120$(": 29568, "ussed": 29569, "\u0120pioneer": 29570, "Eight": 29571, "parse": 29572, "bread": 29573, "ritz": 29574, "\u0120Miranda": 29575, "\u0120Kant": 29576, "++)": 29577, "oren": 29578, "\u0120provoked": 29579, "\u0120breeds": 29580, "\u0120Includes": 29581, "\u0120Pastebin": 29582, "\u0120Flip": 29583, "Java": 29584, "\u0120brink": 29585, "\u0120rumored": 29586, "\u0120unseen": 29587, "\u0120garnered": 29588, "\u0120Defin": 29589, "alted": 29590, "\u0120tattoos": 29591, "\u0120hesitation": 29592, "isitions": 29593, "\u0120Weaver": 29594, "\u0120Reporting": 29595, "\u0120therapies": 29596, "\u0120consultants": 29597, "\u0120residual": 29598, "\u0120Mali": 29599, "\u0120Roma": 29600, "iago": 29601, "\u0120Residents": 29602, "ubi": 29603, "\u0120remedies": 29604, "\u0120adaptive": 29605, "\u0120Alive": 29606, "\u0120Barcl": 29607, "\u0120wallets": 29608, "crypt": 29609, "etermination": 29610, "\u0120Pelosi": 29611, "\u0120slipping": 29612, "otonin": 29613, "\u0120alliances": 29614, "patrick": 29615, "iris": 29616, "\u0120orth": 29617, "\u0120Perkins": 29618, "\u0120DeV": 29619, "\u0120Gets": 29620, "\u0120drying": 29621, "gee": 29622, "forest": 29623, "\u0120Forget": 29624, "orem": 29625, "339": 29626, "\u0120vaguely": 29627, "\u0120Dion": 29628, "\u0120Porn": 29629, "\u0120HOW": 29630, "\u0120pneum": 29631, "\u0120rubble": 29632, "\u0120Taste": 29633, "encia": 29634, "\u0120Gel": 29635, "\u0120dst": 29636, "\u0120245": 29637, "\u0120Morocco": 29638, "inflamm": 29639, "\u0120Twins": 29640, "\u0120bots": 29641, "daughter": 29642, "\u0120Balk": 29643, "\u0120brethren": 29644, "\u0120logos": 29645, "\u0120gobl": 29646, "fps": 29647, "\u0120subdivision": 29648, "\u0120pawn": 29649, "\u0120squeezed": 29650, "\u0120morale": 29651, "\u0120DW": 29652, "'\"": 29653, "\u0120knot": 29654, "ooky": 29655, "\u0120divisive": 29656, "\u0120boosted": 29657, "chy": 29658, "\u00e3\u0125\u0132": 29659, "ifact": 29660, "\u0120newcomers": 29661, "\u0120Wrestling": 29662, "\u0120scouts": 29663, "wolves": 29664, "Rat": 29665, "\u0120nineteenth": 29666, "\u0120Osborne": 29667, "Stats": 29668, "\u0120empowered": 29669, "\u0120psychopath": 29670, "\u0120OEM": 29671, "uggage": 29672, "\u0120PK": 29673, "\u0120Mohammad": 29674, "Pak": 29675, "\u0120anarchists": 29676, "\u0120Extract": 29677, "esthes": 29678, "\u0120Stockholm": 29679, "loo": 29680, "\u0120Graph": 29681, "\u0120deploying": 29682, "\u0120Stranger": 29683, "\u0120Mold": 29684, "\u0120staffer": 29685, "\u0120discounted": 29686, "uckle": 29687, "please": 29688, "\u0120Landing": 29689, "\u00c3\u0143a": 29690, "\u0120193": 29691, "\u0120ante": 29692, "\u0120repetition": 29693, "\u0120+/-": 29694, "\u0120parody": 29695, "\u0120lively": 29696, "AAA": 29697, "\u0120Horus": 29698, "\u0120pits": 29699, "inders": 29700, "LOC": 29701, "\u0120Venice": 29702, "406": 29703, "\u0120Discover": 29704, "\u00e2\u0128": 29705, "ellectual": 29706, "\u0120pens": 29707, "\u0120eyel": 29708, "iguous": 29709, "Impl": 29710, "\u0120joking": 29711, "\u0120inval": 29712, "\u0120Belfast": 29713, "\u0120creditors": 29714, "\u0120Skywalker": 29715, "ovsky": 29716, "\u0120ceasefire": 29717, "\u0120seals": 29718, "isoft": 29719, ")).": 29720, "\u0120Felix": 29721, "ITS": 29722, "\u0120tresp": 29723, "\u0120Blockchain": 29724, "eware": 29725, "\u0120Schwar": 29726, "enne": 29727, "mounted": 29728, "\u0120Beacon": 29729, "lesh": 29730, "\u0120immensely": 29731, "\u0120cheering": 29732, "Employ": 29733, "scene": 29734, "ishly": 29735, "atchewan": 29736, "\u0120Nicolas": 29737, "\u0120drained": 29738, "\u0120Exit": 29739, "\u0120Azerb": 29740, "jun": 29741, "\u0120floated": 29742, "uania": 29743, "Deep": 29744, "\u0120superv": 29745, "\u0120mystical": 29746, "\u0120Dollar": 29747, "\u0120Apostle": 29748, "\u0120REL": 29749, "\u0120Provided": 29750, "\u0120Bucks": 29751, "\u00e3\u0125\u00b4": 29752, "cutting": 29753, "\u0120enhancements": 29754, "\u0120Penguins": 29755, "\u0120Isaiah": 29756, "\u0120jerk": 29757, "\u0120Wyn": 29758, "\u0120stalled": 29759, "\u0120cryptocurrencies": 29760, "\u0120Roland": 29761, "single": 29762, "\u0120lumin": 29763, "\u0120Fellow": 29764, "\u0120Capacity": 29765, "\u0120Kazakh": 29766, "WN": 29767, "\u0120financed": 29768, "389": 29769, "\u0120tid": 29770, "\u0120collusion": 29771, "\u0120Myr": 29772, "\u00ee\u0122": 29773, "Senator": 29774, "\u0120pediatric": 29775, "\u0120neatly": 29776, "\u0120sandwiches": 29777, "\u0120Architecture": 29778, "\u0120tucked": 29779, "\u0120balcony": 29780, "\u0120earthquakes": 29781, "quire": 29782, "Future": 29783, "\u0120hefty": 29784, "\u00e9\u0139": 29785, "\u0120specializes": 29786, "\u0120stresses": 29787, "\u0120sender": 29788, "\u0120misunderstanding": 29789, "\u0120epile": 29790, "\u0120provoke": 29791, "\u0120Colors": 29792, "\u0120dismay": 29793, "uko": 29794, "[_": 29795, "586": 29796, "neutral": 29797, "\u0120donating": 29798, "\u0120Randall": 29799, "Multi": 29800, "\u0120conveniently": 29801, "\u0120Sung": 29802, "\u0120Coca": 29803, "\u0120tents": 29804, "\u0120Acceler": 29805, "\u0120partnered": 29806, "272": 29807, "irming": 29808, "\u0120BAS": 29809, "sometimes": 29810, "\u0120objected": 29811, "ubric": 29812, "posed": 29813, "LCS": 29814, "grass": 29815, "\u0120attributable": 29816, "VIS": 29817, "Israeli": 29818, "\u0120repeats": 29819, "\u0120RM": 29820, "vag": 29821, "uta": 29822, "inous": 29823, "\u0120inert": 29824, "\u0120Miguel": 29825, "\u00e6\u0143": 29826, "\u0120Hawaiian": 29827, "Board": 29828, "\u0120artific": 29829, "\u0120Azerbai": 29830, "asio": 29831, "\u0120Rent": 29832, "AIN": 29833, "\u0120appliances": 29834, "\u0120nationality": 29835, "\u0120asshole": 29836, "\u0120Neb": 29837, "\u0120notch": 29838, "hani": 29839, "\u0120Bride": 29840, "Availability": 29841, "\u0120intercepted": 29842, "\u0120continental": 29843, "\u0120swelling": 29844, "\u0120Perspect": 29845, "bies": 29846, ".<": 29847, "ithmetic": 29848, "\u0120Lara": 29849, "\u0120tempting": 29850, "addr": 29851, "\u0120overseeing": 29852, "clad": 29853, "\u0120DV": 29854, "\u0120Gingrich": 29855, "\u0120mun": 29856, "\u0120Appropri": 29857, "\u0120alterations": 29858, "\u0120Patreon": 29859, "\u0120havoc": 29860, "\u0120disciplines": 29861, "\u0120notoriously": 29862, "akuya": 29863, "ieri": 29864, "?).": 29865, "\u0120Went": 29866, "\u0120silicon": 29867, "\u0120tremb": 29868, "Container": 29869, "Known": 29870, "\u0120mortar": 29871, "este": 29872, "icka": 29873, "Arthur": 29874, "\u0120Previously": 29875, "\u0120Marty": 29876, "\u0120sparse": 29877, "gins": 29878, "\u0120inward": 29879, "\u0120Participant": 29880, "Copy": 29881, "\u0120Misc": 29882, "\u0120antibiotic": 29883, "\u0120Retro": 29884, "\u0120elusive": 29885, "\u0120assail": 29886, "\u0120Battalion": 29887, "\u0120Bought": 29888, "\u0120diminish": 29889, "\u0120Europa": 29890, "session": 29891, "\u0120Dangerous": 29892, "iesel": 29893, "\u0120disbelief": 29894, "\u0120blasts": 29895, "extreme": 29896, "\u0120Boyd": 29897, "\u0120Projects": 29898, "\u0120Guys": 29899, "\u0120undergone": 29900, "\u0120grill": 29901, "\u0120Dwight": 29902, "\u0120197": 29903, "USER": 29904, "\u0120filesystem": 29905, "\u0120clocks": 29906, "Taylor": 29907, "\u0120wrapper": 29908, "\u0120folding": 29909, "ousand": 29910, "\u0120Philippine": 29911, "ATIONAL": 29912, "\u0120Perth": 29913, "\u0120ashes": 29914, "\u0120accumulate": 29915, "\u0120Gateway": 29916, "Shop": 29917, "orkshire": 29918, "Han": 29919, "\u0120Barrel": 29920, "\u0120Leh": 29921, "\u0120XV": 29922, "\u0120whim": 29923, "\u0120repo": 29924, "\u0120CG": 29925, "\u0120Mam": 29926, "\u0120incorporating": 29927, "\u0120bailout": 29928, "\u0120linguistic": 29929, "\u0120disinteg": 29930, "CLE": 29931, "\u0120cinematic": 29932, "\u0120Fiber": 29933, "Syn": 29934, "ilion": 29935, "\u0120Compos": 29936, "chens": 29937, "\u0120neoc": 29938, "\u0120boiled": 29939, "FINE": 29940, "ono": 29941, "uncle": 29942, "iken": 29943, "\u0120BM": 29944, "\u00ce\u00b9": 29945, "\u0120receipts": 29946, "\u0120disposed": 29947, "\u0120Thirty": 29948, "\u0120Rough": 29949, "\u0120ABS": 29950, "\u0120notwithstanding": 29951, "ollen": 29952, "#$": 29953, "\u0120unreliable": 29954, "\u0120bloom": 29955, "\u0120mediocre": 29956, "\u0120tram": 29957, "\u0120Tasman": 29958, "\u0120shakes": 29959, "\u0120manifesto": 29960, "\u0120MW": 29961, "\u0120satisfactory": 29962, "\u0120shores": 29963, "\u0120computation": 29964, "\u0120assertions": 29965, "ormons": 29966, "arag": 29967, "abit": 29968, "Democrats": 29969, "\u0120Loot": 29970, "\u0120Volks": 29971, "haired": 29972, "\u0120gravitational": 29973, "Sing": 29974, "\u0120Miz": 29975, "\u0120throttle": 29976, "\u0120tyranny": 29977, "\u0120Views": 29978, "\u0120robber": 29979, "\u0120Minority": 29980, "\u0120shrine": 29981, "scope": 29982, "purpose": 29983, "\u0120nucleus": 29984, "ourcing": 29985, "\u0120USDA": 29986, "\u0120DHS": 29987, "wra": 29988, "\u0120Bowie": 29989, "Scale": 29990, "\u0120BEL": 29991, "xi": 29992, "Iter": 29993, "\u0120(),": 29994, "wright": 29995, "\u0120sailors": 29996, "oused": 29997, "NASA": 29998, "\u0120Proof": 29999, "\u0120Mineral": 30000, "token": 30001, "\u0120FD": 30002, "Rew": 30003, "\u0120ell": 30004, "630": 30005, "\u0120chancellor": 30006, "\u0120Gos": 30007, "\u0120amounted": 30008, "\u0120Recre": 30009, "omez": 30010, "\u0120Optim": 30011, "\u0120Olive": 30012, "\u0120tracker": 30013, "owler": 30014, "\u0120Unique": 30015, "Root": 30016, "\u0120maritime": 30017, "\u0120Quran": 30018, "\u0120Adapt": 30019, "\u0120ecosystems": 30020, "\u0120Repeat": 30021, "\u0120Soy": 30022, "\u0120IMP": 30023, "\u0120graduating": 30024, "andem": 30025, "Pur": 30026, "\u0120Reset": 30027, "\u0120Trick": 30028, "\u0120Philly": 30029, "\u0120Tue": 30030, "\u0120Malaysian": 30031, "\u0120climax": 30032, "\u0120bury": 30033, "\u0120conspic": 30034, "\u0120Southampton": 30035, "\u0120Flowers": 30036, "\u0120escorted": 30037, "\u0120Educational": 30038, "\u0120IRC": 30039, "\u0120brutally": 30040, "eating": 30041, "\u0120pillar": 30042, "\u0120Sang": 30043, "\u0120Jude": 30044, "arling": 30045, "\u0120Amnesty": 30046, "\u0120reminding": 30047, "\u0120Administrative": 30048, "hesda": 30049, "\u0120flashed": 30050, "\u0120PBS": 30051, "perate": 30052, "feature": 30053, "\u0120swipe": 30054, "\u0120graves": 30055, "oultry": 30056, "261": 30057, "breaks": 30058, "\u0120Guer": 30059, "\u0120shrimp": 30060, "\u0120Voting": 30061, "quist": 30062, "\u0120analytical": 30063, "\u0120tablespoons": 30064, "\u0120SOU": 30065, "\u0120researched": 30066, "\u0120disrupted": 30067, "\u0120jour": 30068, "\u0120replica": 30069, "\u0120cartoons": 30070, "bians": 30071, "})": 30072, "copy": 30073, "Got": 30074, "ouched": 30075, "PUT": 30076, "\u0120swarm": 30077, "notations": 30078, "said": 30079, "\u0120rebuilt": 30080, "\u0120collaborate": 30081, "\u0120raging": 30082, "\u0120nar": 30083, "\u0120demographics": 30084, "\u0120DDR": 30085, "\u0120distrust": 30086, "ossier": 30087, "\u0120Kro": 30088, "\u0120pumpkin": 30089, "\u0120regrets": 30090, "\u0120fatalities": 30091, "\u0120Lens": 30092, "\u0120Ole": 30093, "pd": 30094, "\u0120puppet": 30095, "\u0120Outlook": 30096, "\u0120Stam": 30097, "Ol": 30098, "Fair": 30099, "UU": 30100, "\u0120rewritten": 30101, "\u00c4\u00b1": 30102, "\u0120fascinated": 30103, "\u0120vectors": 30104, "\u0120tribunal": 30105, "uay": 30106, "\u0120Mats": 30107, "\u0120Coins": 30108, "[[": 30109, "\u0120181": 30110, "\u0120renders": 30111, "\u0120Kaepernick": 30112, "\u0120espionage": 30113, "\u0120summ": 30114, "\u0120ditch": 30115, "Account": 30116, "\u0120spreadsheet": 30117, "\u0120mutant": 30118, "past": 30119, "407": 30120, "\u0120dye": 30121, "\u0120initiation": 30122, "\u01204000": 30123, "\u0120punishable": 30124, "\u0120thinner": 30125, "\u0120Khal": 30126, "\u0120intermedi": 30127, "Dun": 30128, "\u0120Gotham": 30129, "\u0120eagerly": 30130, "\u0120vaginal": 30131, "powers": 30132, "VW": 30133, "\u0120WATCHED": 30134, "\u0120predator": 30135, "amsung": 30136, "\u0120disparity": 30137, "\u0120[*": 30138, "\u0120amph": 30139, "\u0120outskirts": 30140, "\u0120Spirits": 30141, "\u0120skeletal": 30142, "\u00d0\u00bb": 30143, "\u0120Rear": 30144, "\u0120issuance": 30145, "\u0120Logic": 30146, "released": 30147, "ZZ": 30148, "\u0120Bound": 30149, "Entry": 30150, "\u0120exits": 30151, "isol": 30152, "\u0120Founder": 30153, "\u0120wre": 30154, "\u0120Greenland": 30155, "\u0120MMO": 30156, "taker": 30157, "INC": 30158, "\u00e3\u0123\u00be": 30159, "\u0120hourly": 30160, "henko": 30161, "\u0120fantasies": 30162, "\u0120disob": 30163, "\u0120demolition": 30164, "\u00e3\u0125\u012d": 30165, "\u0120enlisted": 30166, "ratulations": 30167, "\u0120misguided": 30168, "\u0120ensured": 30169, "\u0120discouraged": 30170, "mort": 30171, "\u0120flank": 30172, "\u0120cess": 30173, "\u0120reacts": 30174, "\u0120Sere": 30175, "sensitive": 30176, "\u0120Serpent": 30177, "assad": 30178, "\u0120247": 30179, "\u0120calmly": 30180, "busters": 30181, "\u0120bleed": 30182, "\u0120Stro": 30183, "\u0120amusement": 30184, "\u0120Antarctica": 30185, "\u0120scept": 30186, "\u0120Gaw": 30187, "aq": 30188, "asonic": 30189, "\u0120sprawling": 30190, "native": 30191, "aturated": 30192, "\u0120Battlefield": 30193, "IVERS": 30194, "EB": 30195, "\u0120Gems": 30196, "\u0120Northwestern": 30197, "\u0120Films": 30198, "\u0120Automatic": 30199, "\u0120apprehend": 30200, "\u00e3\u0123\u00a8": 30201, "\u0120guiName": 30202, "\u0120backend": 30203, "\u0120evidenced": 30204, "geant": 30205, "012": 30206, "\u0120Siege": 30207, "\u0120externalTo": 30208, "\u0120unfocusedRange": 30209, "\u0120guiActiveUnfocused": 30210, "\u0120guiIcon": 30211, "\u0120externalToEVA": 30212, "\u0120externalToEVAOnly": 30213, "Fri": 30214, "chard": 30215, "enaries": 30216, "\u0120chiefs": 30217, "\u0120cf": 30218, "\u0120HUD": 30219, "\u0120corrobor": 30220, "\u0120dB": 30221, "\u0120Taken": 30222, "\u0120Patricia": 30223, "rail": 30224, "\u0120Charm": 30225, "\u0120Libertarian": 30226, "rieve": 30227, "Personal": 30228, "\u0120OUR": 30229, "geries": 30230, "\u0120dumping": 30231, "\u0120neurological": 30232, "itimate": 30233, "\u0120Clintons": 30234, "rafted": 30235, "\u0120Molly": 30236, "\u0120terminals": 30237, "register": 30238, "\u0120flare": 30239, "\u0120encoded": 30240, "\u0120autopsy": 30241, "pel": 30242, "machine": 30243, "\u0120exemptions": 30244, "\u0120Royals": 30245, "distance": 30246, "\u0120drafts": 30247, "\u0120lame": 30248, "\u0120Cunning": 30249, "\u0120spouses": 30250, "\u0120Markets": 30251, "\u0120Carrier": 30252, "\u0120implying": 30253, "\u0120Yak": 30254, "sid": 30255, "\u0120loser": 30256, "\u0120vigilant": 30257, "\u0120impeachment": 30258, "\u0120augmented": 30259, "\u0120Employees": 30260, "\u0120unintended": 30261, "ternally": 30262, "\u0120Watt": 30263, "\u0120recognizable": 30264, "essim": 30265, "\u00e6\u013f": 30266, "\u0120coated": 30267, "rha": 30268, "\u0120lieutenant": 30269, "\u0120Legislation": 30270, "published": 30271, "444": 30272, "013": 30273, "\u0120ideally": 30274, "\u0120Password": 30275, "\u0120simplify": 30276, "\u0120Meta": 30277, "\u0120MRI": 30278, "\u0120pleading": 30279, "organized": 30280, "handler": 30281, "\u0120unravel": 30282, "correct": 30283, "\u0120icy": 30284, "\u0120paranoid": 30285, "\u0120passer": 30286, "\u0120inspections": 30287, "ofer": 30288, "\u0120Healthcare": 30289, "283": 30290, "\u0120Brut": 30291, "iola": 30292, "forge": 30293, "\u0120Medieval": 30294, "MSN": 30295, "ievers": 30296, "\u0120Programming": 30297, "\u00e5\u012b": 30298, "\u0120223": 30299, "mu": 30300, "\u0120CLE": 30301, "uga": 30302, "\u0120shoppers": 30303, "\u0120informative": 30304, "\u0120Plans": 30305, "\u0120supplementation": 30306, "\u0120Tests": 30307, "tyard": 30308, "ocytes": 30309, "\u0120Vega": 30310, "\u0120Gujarat": 30311, "ermanent": 30312, "Except": 30313, "\u0120LOT": 30314, "alla": 30315, "\u0120Cumm": 30316, "\u0120Osw": 30317, "\u0120venom": 30318, "\u0120Debt": 30319, "\u0120DOWN": 30320, "\u0120reunion": 30321, "\u0120muc": 30322, "\u0120Relief": 30323, "\u0120geop": 30324, "\u0120\u00f0\u0141\u013a": 30325, "alogue": 30326, "Anth": 30327, "echo": 30328, "\u0120corros": 30329, "\u0120replication": 30330, "\u0120Blazing": 30331, "\u0120Daughter": 30332, "\u0120inflic": 30333, "\u0120Lindsey": 30334, "\u00d9\u012a": 30335, "284": 30336, "Exit": 30337, "\u0120gloom": 30338, "TAIN": 30339, "\u0120undermining": 30340, "\u0120advising": 30341, "hidden": 30342, "\u0120overflow": 30343, "\u0120gor": 30344, "urdue": 30345, "\u0120echoes": 30346, "enhagen": 30347, "\u0120impuls": 30348, "drug": 30349, "cash": 30350, "\u0120async": 30351, "\u0120mirac": 30352, "atts": 30353, "punk": 30354, "\u0120pivot": 30355, "\u0120Legislative": 30356, "\u0120bloggers": 30357, "\u0120Claw": 30358, "sburg": 30359, "dyl": 30360, "\u0120Recommend": 30361, "\u0120verte": 30362, "\u0120prohibiting": 30363, "\u0120Panther": 30364, "Jonathan": 30365, "\u0120omin": 30366, "\u0120hateful": 30367, "281": 30368, "\u0120Orche": 30369, "\u0120Murdoch": 30370, "downs": 30371, "\u0120asymm": 30372, "GER": 30373, "Always": 30374, "\u0120informs": 30375, "\u0120WM": 30376, "\u0120Pony": 30377, "\u0120Appendix": 30378, "\u0120Arlington": 30379, "Jam": 30380, "\u0120medicinal": 30381, "\u0120Slam": 30382, "ITIES": 30383, "\u0120reaff": 30384, "\u0120Ri": 30385, "FG": 30386, "Spring": 30387, "bool": 30388, "\u0120thighs": 30389, "\u0120markings": 30390, "\u0120Raqqa": 30391, "\u0120Lak": 30392, "poll": 30393, "tsky": 30394, "\u0120Morty": 30395, "\u0120Definition": 30396, "\u0120debunk": 30397, "endered": 30398, "\u0120Leone": 30399, "avers": 30400, "\u0120mortgages": 30401, "Apparently": 30402, "Nic": 30403, "haus": 30404, "\u0120Thousands": 30405, "auld": 30406, "\u0120mash": 30407, "shoot": 30408, "\u0120diarr": 30409, "\u0120consciously": 30410, "Hero": 30411, "eas": 30412, "\u0120Naturally": 30413, "\u0120Destroyer": 30414, "\u0120dashboard": 30415, "services": 30416, "Rog": 30417, "\u0120millennials": 30418, "\u0120invade": 30419, "-(": 30420, "\u0120commissions": 30421, "\u0120Auckland": 30422, "\u0120broadcasts": 30423, "\u0120frontal": 30424, "\u0120crank": 30425, "\u0120Historic": 30426, "\u0120rumours": 30427, "CTV": 30428, "\u0120steril": 30429, "\u0120booster": 30430, "rocket": 30431, "\u00e3\u0124\u00bc": 30432, "utsche": 30433, "\u0120PI": 30434, "\u0120233": 30435, "\u0120Producer": 30436, "\u0120Analytics": 30437, "\u0120invaluable": 30438, "\u0120unintention": 30439, "\u0120CY": 30440, "\u0120scrutin": 30441, "\u0120gigg": 30442, "\u0120engulf": 30443, "\u0120proletariat": 30444, "\u0120hacks": 30445, "\u0120Hew": 30446, "arak": 30447, "\u0120Slime": 30448, "ielding": 30449, "agher": 30450, "\u0120Elliot": 30451, "\u0120telecom": 30452, "\u0120219": 30453, "ultan": 30454, "\u0120Arbor": 30455, "\u0120Scouts": 30456, "Ban": 30457, "\u0120lifespan": 30458, "\u0120blasp": 30459, "388": 30460, "\u0120judiciary": 30461, "\u0120Continental": 30462, "asking": 30463, "McC": 30464, "LED": 30465, "\u0120baggage": 30466, "\u0120Sorcerer": 30467, "\u0120remnants": 30468, "\u0120Griffith": 30469, "etsu": 30470, "\u0120Subaru": 30471, "\u0120Personality": 30472, "designed": 30473, "ushima": 30474, "agnar": 30475, "\u0120recoil": 30476, "\u0120passions": 30477, "\\\":": 30478, "\u0120tee": 30479, "\u0120abolition": 30480, "\u0120Creating": 30481, "jac": 30482, "\u0120194": 30483, "019": 30484, "\u0120pillars": 30485, "riched": 30486, "/\"": 30487, "tk": 30488, "\u0120livelihood": 30489, "\u0120roasted": 30490, "ahon": 30491, "\u0120Hutch": 30492, "assert": 30493, "\u0120dividend": 30494, "\u0120knit": 30495, "\u0120daunting": 30496, "\u0120disturbance": 30497, "\u0120shale": 30498, "\u0120cultivated": 30499, "\u0120refrigerator": 30500, "LB": 30501, "\u0120NET": 30502, "\u0120commercials": 30503, "\u0120thinkers": 30504, "455": 30505, "\u0120chop": 30506, "Broad": 30507, "\u0120suspicions": 30508, "\u0120tagged": 30509, "lifting": 30510, "\u0120stylish": 30511, "\u0120Shields": 30512, "Shortly": 30513, "\u0120tails": 30514, "Auth": 30515, "STE": 30516, "\u0120GAME": 30517, "\u0120seism": 30518, "\u0120Kis": 30519, "ologne": 30520, "\u0120cowork": 30521, "\u0120forcibly": 30522, "\u0120thyroid": 30523, "\u0120PB": 30524, "ANE": 30525, "married": 30526, "horse": 30527, "\u0120polymer": 30528, "\u0120Chal": 30529, "odor": 30530, "DEBUG": 30531, "\u0120Context": 30532, "\u0120bliss": 30533, "\u0120pinpoint": 30534, "\u0120Mathemat": 30535, "legram": 30536, "\u0120Weekend": 30537, "\u0120labelled": 30538, "\u0120bart": 30539, "itles": 30540, "\u0120estrogen": 30541, "\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136": 30542, "\"'": 30543, "\u0120visibly": 30544, "\u0120outsider": 30545, "aida": 30546, "Area": 30547, "\u0120dissemin": 30548, "\u0120dishonest": 30549, "\u0120Closed": 30550, "\u0120Bulletin": 30551, "\u0120Ramsey": 30552, "sword": 30553, "\u0120XI": 30554, "ourced": 30555, "Same": 30556, "346": 30557, "\u0120Repe": 30558, "\u0120Kou": 30559, "cake": 30560, "emis": 30561, "Cache": 30562, "\u0120Meaning": 30563, "\u0120Enlight": 30564, "onomy": 30565, "\u0120manifestation": 30566, "sworth": 30567, "Jay": 30568, "\u0120chore": 30569, "\u00c3\u00b6r": 30570, "Dream": 30571, "\u0120sanctioned": 30572, "\u0120culturally": 30573, "\u0120Ara": 30574, "Nav": 30575, "\u0120theological": 30576, "\u0120strut": 30577, "\u0120VO": 30578, "\u0120Handbook": 30579, "\u0120constructing": 30580, "\u0120\u00c2\u00b6": 30581, "\u0120Benefits": 30582, "\u0120Psychological": 30583, "sac": 30584, "\u00e5\u00b8": 30585, "policy": 30586, "\u0120Matters": 30587, "\u0120Reported": 30588, "\u0120Byte": 30589, "\u0120vitro": 30590, "\u0120Maiden": 30591, "\u0120lam": 30592, "\u0120Jennings": 30593, "\u0120garment": 30594, "\u0120Rutgers": 30595, "\u0120Stafford": 30596, "\u0120Wellington": 30597, "\u0120intermitt": 30598, "\u0120npm": 30599, "\u0120ordeal": 30600, "\u0120plugged": 30601, "ooming": 30602, "inished": 30603, "framework": 30604, "\u0120timber": 30605, "\u0120cass": 30606, "\u0120850": 30607, "iless": 30608, "\u0120Redux": 30609, "768": 30610, "Stre": 30611, "\u0120surpassed": 30612, "whel": 30613, "\u0120parallels": 30614, "\u0120veil": 30615, "\u0120GI": 30616, "\u0120REST": 30617, "\u0120readiness": 30618, "sort": 30619, "\u0120modifying": 30620, "\u0120Slate": 30621, "ruff": 30622, "\u0120marble": 30623, "\u0120infrared": 30624, "\u0120auditor": 30625, "\u0120FANTASY": 30626, "\u0120Poverty": 30627, "\u0120SPD": 30628, "\u0120\"(": 30629, "Ky": 30630, "RAY": 30631, "\u0120executions": 30632, "\u0120Beverly": 30633, "\u0120Marxism": 30634, "\u0120Burst": 30635, "\u0120Kali": 30636, "estones": 30637, "Clearly": 30638, "Ell": 30639, "\u00e3\u0123\u00a7": 30640, "\u0120Proceedings": 30641, "Token": 30642, "IFIC": 30643, "\u00c3\u00b1a": 30644, "Central": 30645, "\u0120Haley": 30646, "\u0120Drama": 30647, "\u0120formations": 30648, "ORN": 30649, "Books": 30650, "\u0120dominating": 30651, "\u0120Flyers": 30652, "\u0120Companion": 30653, "\u0120disciplined": 30654, "\u0120Yugoslav": 30655, "\u0120Spells": 30656, "\u0120vengeance": 30657, "\u0120landlords": 30658, "Len": 30659, "\u0120Ogre": 30660, "anoia": 30661, "\u0120piercing": 30662, "\u0120congreg": 30663, "\u0120scorer": 30664, "obia": 30665, "\u0120nickel": 30666, "\u0120Learns": 30667, "\u0120rejo": 30668, "\u0120masterpiece": 30669, "Flash": 30670, "\u0120inhabited": 30671, "\u0120OpenGL": 30672, "\u0120Dud": 30673, "\u0120ICO": 30674, "\u0120arter": 30675, "\u0120plur": 30676, "\u0120mastery": 30677, "\u0120longstanding": 30678, "sted": 30679, "\u0120wines": 30680, "\u0120televised": 30681, "\u0120Shrine": 30682, "\u0120Bayern": 30683, "\u0120\u00e2\u0135\u013a": 30684, "\u0120enclosure": 30685, "john": 30686, "\u0120prophets": 30687, "\u0120Resurrection": 30688, "\u0120Orders": 30689, "\u0120uneven": 30690, "rals": 30691, "\u0120dwind": 30692, "\u0120Lah": 30693, "\u0120Sloven": 30694, "378": 30695, "\u0120insistence": 30696, "affle": 30697, "\u0120Clone": 30698, "\u0120hardship": 30699, "\u0120Congressman": 30700, "\u0120plead": 30701, "\u0120reviewers": 30702, "\u0120cured": 30703, "\u01201935": 30704, "asley": 30705, "fake": 30706, "\u0120Thinking": 30707, "ydia": 30708, "PART": 30709, "\u0120Dota": 30710, "oit": 30711, "\u0120whipped": 30712, "\u0120bouncing": 30713, "\u0120Hispanics": 30714, "comings": 30715, "\u0120cannabin": 30716, "\u0120Chambers": 30717, "\u0120Zack": 30718, "Optional": 30719, "\u0120coats": 30720, "\u0120prowess": 30721, "\u0120Norton": 30722, "\u0120plainly": 30723, "\u0120freight": 30724, "\u0120inhibition": 30725, "\u0120clam": 30726, "\u0120303": 30727, "kef": 30728, "aleigh": 30729, "Luke": 30730, "\u0120psycho": 30731, "atorium": 30732, "MED": 30733, "\u0120treaties": 30734, "\u0120indisc": 30735, "\u0120dc": 30736, "OPS": 30737, "\u0120resilient": 30738, "\u0120Interstate": 30739, "\u0120slack": 30740, "\u0120mundane": 30741, "\u0120establishes": 30742, "359": 30743, "\u0120strained": 30744, "\u0120nond": 30745, "Sus": 30746, "\u0120caste": 30747, "arate": 30748, "ieving": 30749, "\u0120unfairly": 30750, "\u0120parser": 30751, "onial": 30752, "ursive": 30753, "Via": 30754, "\u0120Otto": 30755, "\u0120Authorities": 30756, "stroke": 30757, "KR": 30758, "\u0120Mercy": 30759, "\u0120furnished": 30760, "\u0120outset": 30761, "\u0120metic": 30762, "1982": 30763, "olithic": 30764, "\u0120Tent": 30765, "ogical": 30766, "\u0120Aircraft": 30767, "\u0120hides": 30768, "\u0120Became": 30769, "\u0120educators": 30770, "reaching": 30771, "\u0120volatility": 30772, "\u0120toddler": 30773, "\u0120NASCAR": 30774, "\u0120Twelve": 30775, "\u0120Highlights": 30776, "\u0120grape": 30777, "\u0120splits": 30778, "\u0120peasant": 30779, "\u0120reneg": 30780, "\u0120MSI": 30781, "Temp": 30782, "stars": 30783, "\u0120trek": 30784, "\u0120Hyde": 30785, "binding": 30786, "\u0120realism": 30787, "\u0120oxide": 30788, "\u0120Hos": 30789, "\u0120mounts": 30790, "\u0120biting": 30791, "\u0120collapsing": 30792, "\u0120postal": 30793, "\u0120museums": 30794, "\u0120detached": 30795, "\u0120respecting": 30796, "\u0120monopol": 30797, "\u0120workflow": 30798, "\u0120Cake": 30799, "Template": 30800, "\u0120Organisation": 30801, "\u0120persistence": 30802, "369": 30803, "Coming": 30804, "Brad": 30805, "\u0120redundant": 30806, "\u0120GTA": 30807, "\u0120bending": 30808, "\u0120revoked": 30809, "\u0120offending": 30810, "\u0120framing": 30811, "\u0120printf": 30812, "Commun": 30813, "members": 30814, "Outside": 30815, "\u0120construed": 30816, "\u0120coded": 30817, "FORE": 30818, "\u0120chast": 30819, "Chat": 30820, "Indian": 30821, "\u0120Yard": 30822, "?!\"": 30823, "\u0120Ports": 30824, "\u0120Xavier": 30825, "\u0120RET": 30826, "'.\"": 30827, "\u0120Boat": 30828, "ivated": 30829, "icht": 30830, "umerable": 30831, "Ds": 30832, "\u0120Dunn": 30833, "\u0120coffin": 30834, "\u0120securely": 30835, "\u0120Raptors": 30836, "\u0120Bes": 30837, "Installation": 30838, "\u0120inception": 30839, "\u0120Healthy": 30840, "endants": 30841, "\u0120psychologists": 30842, "\u0120Sheikh": 30843, "cultural": 30844, "\u0120BlackBerry": 30845, "shift": 30846, "Fred": 30847, "oche": 30848, "\u0120cakes": 30849, "\u0120SEO": 30850, "\u0120Gian": 30851, "\u0120Asians": 30852, "ogging": 30853, "element": 30854, "\u0120pundits": 30855, "\u0120Vaugh": 30856, "\u0120Gavin": 30857, "\u0120hitter": 30858, "\u0120drowned": 30859, "\u0120chalk": 30860, "\u0120Zika": 30861, "\u0120measles": 30862, "802": 30863, "\u00e2\u0122\u00a6..": 30864, "\u0120AWS": 30865, "]\"": 30866, "\u0120distort": 30867, "\u0120Mast": 30868, "\u0120antibodies": 30869, "\u0120Mash": 30870, "Memory": 30871, "\u0120Uganda": 30872, "\u0120Prob": 30873, "\u0120vomiting": 30874, "\u0120Turns": 30875, "\u0120occupying": 30876, "\u0120evasion": 30877, "\u0120Therapy": 30878, "\u0120promo": 30879, "\u0120electr": 30880, "\u0120blueprint": 30881, "\u0120Dre": 30882, "priced": 30883, "\u0120Depot": 30884, "\u0120alleviate": 30885, "\u0120Somali": 30886, "marg": 30887, "nine": 30888, "\u0120nostalgia": 30889, "\u0120Shepherd": 30890, "\u0120cavalry": 30891, "\u0120torped": 30892, "\u0120Bloody": 30893, "xb": 30894, "\u0120sank": 30895, "\u0120goalt": 30896, "reportprint": 30897, "embedreportprint": 30898, "cloneembedreportprint": 30899, "\u0120Initially": 30900, "\u0120Fischer": 30901, "\u0120noteworthy": 30902, "cern": 30903, "\u0120inefficient": 30904, "rawdownload": 30905, "rawdownloadcloneembedreportprint": 30906, "cation": 30907, "\u0120Dynasty": 30908, "lag": 30909, "DES": 30910, "\u0120distinctly": 30911, "\u0120Estonia": 30912, "\u0120openness": 30913, "\u0120gossip": 30914, "ruck": 30915, "Width": 30916, "\u0120Ibrahim": 30917, "\u0120petroleum": 30918, "\u0120avatar": 30919, "\u0120Hed": 30920, "atha": 30921, "\u0120Hogwarts": 30922, "\u0120caves": 30923, "678": 30924, "\u0120safeguard": 30925, "\u0120Mog": 30926, "isson": 30927, "\u0120Durham": 30928, "slaught": 30929, "\u0120Graduate": 30930, "\u0120subconscious": 30931, "\u0120Excellent": 30932, "\u0120Dum": 30933, "-----": 30934, "\u0120piles": 30935, "\u0120WORK": 30936, "\u0120Garn": 30937, "\u0120Fol": 30938, "\u0120ATM": 30939, "\u0120avoids": 30940, "\u0120Tul": 30941, "\u0120bleak": 30942, "ELY": 30943, "ivist": 30944, "lightly": 30945, "Pers": 30946, "\u0120Dob": 30947, "\u0120LS": 30948, "\u0120insanity": 30949, "\u00ce\u00b5": 30950, "atalie": 30951, "Enlarge": 30952, "\u0120twists": 30953, "\u0120faulty": 30954, "\u0120piracy": 30955, "\u0120impover": 30956, "\u0120rugged": 30957, "\u0120Fashion": 30958, "\u0120sands": 30959, "'?": 30960, "swick": 30961, "\u0120natives": 30962, "\u0120hen": 30963, "\u0120Noise": 30964, "\u00e3\u0125\u0139": 30965, "\u0120greens": 30966, "\u0120freezer": 30967, "\u0120dynasty": 30968, "\u0120Fathers": 30969, "\u0120Newark": 30970, "\u0120archaeological": 30971, "\u0120ot": 30972, "obar": 30973, "\u0120blockade": 30974, "\u0120allerg": 30975, "LV": 30976, "\u0120debit": 30977, "\u0120RFC": 30978, "\u0120Milton": 30979, "\u0120Pressure": 30980, "\u0120willingly": 30981, "\u0120disproportionate": 30982, "\u0120oppressive": 30983, "\u0120diamonds": 30984, "\u0120belongings": 30985, "1970": 30986, "\u0120bells": 30987, "\u0120imperialism": 30988, "\u0120227": 30989, "\u0120exploding": 30990, "\u0120Eclipse": 30991, "\u01201919": 30992, "\u0120rant": 30993, "\u0120nominations": 30994, "347": 30995, "\u0120peacefully": 30996, "rica": 30997, "\u0120FUCK": 30998, "\u0120vibration": 30999, "malink": 31000, "\u0120ropes": 31001, "\u0120Ivanka": 31002, "\u0120Brewery": 31003, "\u0120Booker": 31004, "\u0120Owens": 31005, "goers": 31006, "Services": 31007, "\u0120Snape": 31008, "\u0120191": 31009, "395": 31010, "\u0120299": 31011, "justice": 31012, "\u0120bri": 31013, "\u0120discs": 31014, "\u0120prominently": 31015, "\u0120vulgar": 31016, "\u0120skipping": 31017, "lves": 31018, "\u0120tsunami": 31019, "374": 31020, "\u0120Urug": 31021, "\u0120Eid": 31022, "recated": 31023, "phen": 31024, "\u0120faults": 31025, "\u0120Started": 31026, "950": 31027, "\u0120pi": 31028, "\u0120detector": 31029, "\u0120bastard": 31030, "\u0120validated": 31031, "SpaceEngineers": 31032, "OURCE": 31033, "\u0120(~": 31034, "\u0120unsur": 31035, "\u0120affirmed": 31036, "\u0120fascism": 31037, "\u0120resolving": 31038, "\u0120Chavez": 31039, "\u0120Cyn": 31040, "\u0120detract": 31041, "Lost": 31042, "\u0120rigged": 31043, "\u0120homage": 31044, "\u0120Bruno": 31045, "555": 31046, "eca": 31047, "\u0120presses": 31048, "\u0120humour": 31049, "\u0120spacing": 31050, "\u0120'/": 31051, "olkien": 31052, "Coun": 31053, "OPER": 31054, "Tre": 31055, "Son": 31056, "\u0120Cambodia": 31057, "ierre": 31058, "mong": 31059, "ozy": 31060, "\u0120liquidity": 31061, "\u0120Soviets": 31062, "\u0120Fernando": 31063, "\u0120229": 31064, "\u0120slug": 31065, "\u0120Catalan": 31066, "electric": 31067, "\u0120scenery": 31068, "\u0120Hearth": 31069, "\u0120constrained": 31070, "\u0120goalie": 31071, "\u0120Guidelines": 31072, "\u0120Ammo": 31073, "\u0120Pearson": 31074, "\u0120taxed": 31075, "\u0120fetus": 31076, "Response": 31077, "\u0120Alexis": 31078, "thia": 31079, "Guy": 31080, "\u0120reconstruct": 31081, "\u0120extremes": 31082, "\u0120concluding": 31083, "\u0120Peg": 31084, "ooks": 31085, "\u0120deductions": 31086, "Rose": 31087, "\u0120groundbreaking": 31088, "\u0120Targ": 31089, "\u00e3\u0125\u0123": 31090, "\u0120Reve": 31091, "resource": 31092, "\u0120moons": 31093, "\u0120electromagnetic": 31094, "\u0120amidst": 31095, "\u0120Viktor": 31096, "NESS": 31097, "BACK": 31098, "\u0120commute": 31099, "\u0120Anaheim": 31100, "\u0120fluctuations": 31101, "640": 31102, "\u0120noodles": 31103, "\u0120Copenhagen": 31104, "\u0120Tide": 31105, "\u0120Grizz": 31106, "\u0120SEE": 31107, "\u0120pipelines": 31108, "\u0120scars": 31109, "endo": 31110, "agus": 31111, "\u0120ETF": 31112, "/#": 31113, "\u0120Become": 31114, "448": 31115, "\u0120visc": 31116, "\u0120Recommended": 31117, "\u0120jumper": 31118, "\u0120cognition": 31119, "\u0120assassin": 31120, "\u0120witnessing": 31121, "\u0120Setup": 31122, "\u0120lac": 31123, "vim": 31124, "ISM": 31125, "pages": 31126, "SSL": 31127, "358": 31128, "\u0120adject": 31129, "industrial": 31130, "lore": 31131, "chery": 31132, "\u0120glitter": 31133, "\u0120calf": 31134, "Florida": 31135, "\u0120spoilers": 31136, "\u0120succeeds": 31137, "\u0120chanting": 31138, "\u0120slogans": 31139, "\u0120Tracy": 31140, "Visit": 31141, "rology": 31142, "\u0120mornings": 31143, "\u0120lineage": 31144, "\u0120sip": 31145, "\u0120intensely": 31146, "\u0120flourish": 31147, "\u0120Sleeping": 31148, "\u0120Fem": 31149, "orpor": 31150, "\u0120Klan": 31151, "\u0120Darth": 31152, "hack": 31153, "\u0120Nielsen": 31154, "\u0120tumors": 31155, "\u0120procurement": 31156, "\u0120Yorkshire": 31157, "\u0120raided": 31158, "KY": 31159, "Anna": 31160, "\u0120//[": 31161, "\u0120Disorder": 31162, "\u0120Mustang": 31163, "\u0120Wen": 31164, "\u0120Trying": 31165, "sq": 31166, "\u0120deliveries": 31167, "\u0120shutter": 31168, "\u0120cerebral": 31169, "\u0120bipolar": 31170, "\u0120CN": 31171, "lass": 31172, "jet": 31173, "\u0120debating": 31174, ">:": 31175, "\u0120eagle": 31176, "grades": 31177, "\u0120Dixon": 31178, "UGC": 31179, "MAS": 31180, "\u0120Draco": 31181, "\u0120Machines": 31182, "affer": 31183, "\u0120eman": 31184, "\u00c2\u00b2": 31185, "pron": 31186, "\u0120Gym": 31187, "\u0120comparatively": 31188, "\u0120Tribunal": 31189, "PRO": 31190, "\u0120lex": 31191, "\u0120fertile": 31192, "\u0120depressing": 31193, "\u0120superficial": 31194, "essential": 31195, "\u0120Hunters": 31196, "gp": 31197, "\u0120prominence": 31198, "Liber": 31199, "\u0120Ancest": 31200, "otechnology": 31201, "\u0120mocking": 31202, "\u0120Traff": 31203, "\u0138\u013c": 31204, "Medium": 31205, "Iraq": 31206, "\u0120psychiatrist": 31207, "Quantity": 31208, "\u0120Lect": 31209, "\u0120noisy": 31210, "520": 31211, "GY": 31212, "\u0120slapped": 31213, "\u0120MTV": 31214, "\u0120para": 31215, "pull": 31216, "Multiple": 31217, "asher": 31218, "\u0120nour": 31219, "\u0120Seg": 31220, "Spell": 31221, "vous": 31222, "ordial": 31223, "Senior": 31224, "\u0120Goldberg": 31225, "\u0120Plasma": 31226, "need": 31227, "\u0120messenger": 31228, "eret": 31229, "\u0120teamed": 31230, "\u0120literacy": 31231, "\u0120Leah": 31232, "\u0120Doyle": 31233, "\u0120emitted": 31234, "UX": 31235, "\u0120evade": 31236, "\u0120maze": 31237, "\u0120wrongly": 31238, "\u0120Lars": 31239, "\u0120stereotype": 31240, "\u0120pledges": 31241, "\u0120aroma": 31242, "\u0120MET": 31243, "\u0120acre": 31244, "\u0120OD": 31245, "\u0120ff": 31246, "\u0120breweries": 31247, "\u0120Hilton": 31248, "undle": 31249, "\u0120Kak": 31250, "\u0120Thankfully": 31251, "\u0120Canucks": 31252, "inctions": 31253, "\u0120Appears": 31254, "\u0120coer": 31255, "\u0120undermined": 31256, "rovers": 31257, "Andre": 31258, "\u0120blaze": 31259, "umers": 31260, "\u0120famine": 31261, "amphetamine": 31262, "ulkan": 31263, "Amount": 31264, "\u0120desperation": 31265, "wikipedia": 31266, "development": 31267, "\u0120Corinth": 31268, "ussia": 31269, "Jackson": 31270, "LI": 31271, "Native": 31272, "Rs": 31273, "Ohio": 31274, "\u0120Kathleen": 31275, "Fortunately": 31276, "\u0120attendant": 31277, "\u0120Preferred": 31278, "\u0120Didn": 31279, "\u0120Vs": 31280, "Mis": 31281, "\u0120respondent": 31282, "\u0120boun": 31283, "stable": 31284, "\u0120paved": 31285, "\u0120unexpl": 31286, "\u0120Cheney": 31287, "LM": 31288, "\u0120Cull": 31289, "blown": 31290, "\u0120confronting": 31291, "ocese": 31292, "serving": 31293, "Wi": 31294, "\u0120Lithuania": 31295, "anni": 31296, "\u0120stalk": 31297, "hd": 31298, "\u0120vener": 31299, "APH": 31300, "ynchronous": 31301, "URR": 31302, "umably": 31303, "historic": 31304, "Half": 31305, "Hay": 31306, "\u0120resilience": 31307, "spection": 31308, "\u0120abandoning": 31309, "Obs": 31310, "\u0120Debbie": 31311, "\u0120gradient": 31312, "\u0120Plaint": 31313, "\u0120Canal": 31314, "ARCH": 31315, "\u0120expansive": 31316, "\u0120fung": 31317, "\u0120bounced": 31318, "Und": 31319, "\u0120precautions": 31320, "\u0120clarification": 31321, "\u0120dagger": 31322, "\u0120grips": 31323, "\u0120\u00c2\u00b5": 31324, "\u0120Rivera": 31325, "\u0120Undead": 31326, "isites": 31327, "\u0120FIRST": 31328, "\u00c3\u00b1o": 31329, "audi": 31330, "\u0120hostages": 31331, "\u0120compliant": 31332, "\u0120alumni": 31333, "Seven": 31334, "\u0120cybersecurity": 31335, "either": 31336, "Collect": 31337, "\u0120invariably": 31338, "\u0120Soci": 31339, "\u0120lawmaker": 31340, "\u0120ale": 31341, "\u0120Personally": 31342, "Nazi": 31343, "\u0120customization": 31344, "\u0120Proc": 31345, "\u0120Saskatchewan": 31346, "eaturing": 31347, "\u0120spared": 31348, "\u0120discontinued": 31349, "\u0120computational": 31350, "\u0120Motorola": 31351, "\u0120supremacist": 31352, "governmental": 31353, "\u0120paradise": 31354, "\u0120Downing": 31355, "\u0120Nikon": 31356, "\u0120catalyst": 31357, "berra": 31358, "Toronto": 31359, "875": 31360, "beta": 31361, "\u0120Macron": 31362, "\u0120unrealistic": 31363, "vector": 31364, "\u0120Vehicles": 31365, "itiveness": 31366, "\u0120RV": 31367, "\u0120Colbert": 31368, "sin": 31369, "oji": 31370, "entin": 31371, "\u0120Krish": 31372, "hello": 31373, "ffield": 31374, "oky": 31375, "\u0120Tate": 31376, "\u0120maple": 31377, "\u0120aids": 31378, "chemical": 31379, "334": 31380, "nuts": 31381, "\u0120Warp": 31382, "\u0120xx": 31383, "\u0120Robb": 31384, "umerous": 31385, "_-_": 31386, "ftime": 31387, "\u0120VW": 31388, "\u0120winger": 31389, "\u0120Dome": 31390, "tools": 31391, "\u0120PV": 31392, "\u0120Georgetown": 31393, "\u0120geared": 31394, "\u0120jihadists": 31395, "\u0120cp": 31396, "\u0120steroids": 31397, "Mother": 31398, "clerosis": 31399, "\u0120DRM": 31400, "nesia": 31401, "\u0120linger": 31402, "\u0120immersive": 31403, "\u0120COUN": 31404, "\u0120outweigh": 31405, "ensual": 31406, "Band": 31407, "\u0120transforms": 31408, "matched": 31409, "psons": 31410, "\u0120Judicial": 31411, "factor": 31412, "\u0120referral": 31413, "\u0120oddly": 31414, "\u0120Wenger": 31415, "Bring": 31416, "\u0120Bows": 31417, "602": 31418, "ICLE": 31419, "\u0120lions": 31420, "\u0120Academic": 31421, "\u0120Thorn": 31422, "\u0120Raider": 31423, "kefeller": 31424, "Storage": 31425, "Lower": 31426, "\u0120Ort": 31427, "\u0120Equality": 31428, "ALT": 31429, "\u0120SOC": 31430, "Types": 31431, "\u0120lyn": 31432, "\u0120Asset": 31433, "coat": 31434, "TPP": 31435, "CVE": 31436, "\u0120Pioneer": 31437, "application": 31438, "Modern": 31439, "\u0120HK": 31440, "Environment": 31441, "Alright": 31442, "Rain": 31443, "IPP": 31444, "\u0120Shiite": 31445, "\u0120mound": 31446, "\u0120Abilities": 31447, "condition": 31448, "Staff": 31449, "\u0120competence": 31450, "\u0120Moor": 31451, "\u0120Diablo": 31452, "\u0120withheld": 31453, "\u0120ostensibly": 31454, "\u0120Brom": 31455, "\u0120msg": 31456, "\u0120denomin": 31457, "\u0120References": 31458, "\u0120FP": 31459, "\u0120plunged": 31460, "\u0120pamph": 31461, "moving": 31462, "central": 31463, "\u0120downright": 31464, "\u0120fading": 31465, "Tal": 31466, "Typ": 31467, "\u0120Thy": 31468, "ukes": 31469, "ithe": 31470, "\u0120ove": 31471, "\u0120battled": 31472, "\u0120seafood": 31473, "\u0120figur": 31474, "\u0120RD": 31475, "crop": 31476, "\u0120squads": 31477, "{\\": 31478, "\u00e0\u00b9": 31479, "\u0120Eh": 31480, "\u0120interviewing": 31481, "\u0120Qin": 31482, "\u0120aspiring": 31483, "PLIC": 31484, "\u0120clauses": 31485, "\u0120Gast": 31486, "\u0120Nir": 31487, "\u0120luggage": 31488, "\u0120hose": 31489, "\u0120systemd": 31490, "\u0120descending": 31491, "\u0120Revised": 31492, "\u0120Rails": 31493, "align": 31494, "709": 31495, "337": 31496, "\u0120fug": 31497, "charging": 31498, "tags": 31499, "\u0120uter": 31500, "kish": 31501, "WARNING": 31502, "490": 31503, "profits": 31504, "\u0120voyage": 31505, "\u0120ace": 31506, "\u0120Vanguard": 31507, "\u0120Tanks": 31508, "\u0120Muk": 31509, "\u0120226": 31510, "Safe": 31511, "Armor": 31512, "\u0120volcanic": 31513, "\u0120womb": 31514, "\u0120MIL": 31515, "\u0120beginner": 31516, "\u0120Recogn": 31517, "\u0120AAP": 31518, "PLAY": 31519, ")!": 31520, "\u0120detecting": 31521, "cn": 31522, "\u0120breaches": 31523, "Basically": 31524, "\u0120Pag": 31525, "\u0120Municipal": 31526, "\u0120Indie": 31527, "\u0120Laf": 31528, "\u0120Disable": 31529, "\u0120Olson": 31530, "\u0120restrained": 31531, "\u0120rulings": 31532, "\u0120humane": 31533, "events": 31534, "\u0120Cinema": 31535, "displayText": 31536, "\u0120Hatch": 31537, "actionDate": 31538, "onnaissance": 31539, "\u0120assaulting": 31540, "\u0120Lug": 31541, "CHAT": 31542, "\u0120vigorous": 31543, "\u0120Perse": 31544, "\u0120intolerance": 31545, "\u0120Snapchat": 31546, "\u0120Sharks": 31547, "\u0120dummy": 31548, "\u0120Diagn": 31549, "\u0120Guitar": 31550, "imeters": 31551, "403": 31552, "REG": 31553, "Ax": 31554, "\u0120separates": 31555, "\u0120Mahm": 31556, "\u0120tv": 31557, "jah": 31558, "OOL": 31559, "Circ": 31560, "\u0120Windsor": 31561, "ussian": 31562, "\u0120intuition": 31563, "\u0120disdain": 31564, "\u0120Donovan": 31565, "\u0120221": 31566, "Emb": 31567, "\u0120condemning": 31568, "\u0120generosity": 31569, "zzy": 31570, "\u0120panties": 31571, "\u0120Prevent": 31572, "ActionCode": 31573, "ANA": 31574, "342": 31575, "externalActionCode": 31576, "\u0120specifying": 31577, "\u0120crystall": 31578, "Jere": 31579, "\u0120rupt": 31580, "\u0120Apprentice": 31581, "\u0120profiling": 31582, "\u00d0\u00ba": 31583, "Strike": 31584, "\u0120sideline": 31585, "\u0120obligated": 31586, "\u0120occult": 31587, "\u0120bureaucratic": 31588, "antically": 31589, "rupted": 31590, "negative": 31591, "\u0120Ethiopia": 31592, "\u0120Civic": 31593, "\u0120insiders": 31594, "eligible": 31595, "\u0120TVs": 31596, "\u0120BAR": 31597, "\u0120TI": 31598, "iologist": 31599, "\u0120AIR": 31600, "\u0120substituted": 31601, "Arab": 31602, "\u0120Saul": 31603, "\u0120Yog": 31604, "prem": 31605, "\u0120builders": 31606, "\u0120stationary": 31607, "\u0120doubtful": 31608, "\u0120vigorously": 31609, "\u0120thrilling": 31610, "Physical": 31611, "\u0120Carey": 31612, "\u0120Hydra": 31613, "geoning": 31614, "\u0120Sly": 31615, "yton": 31616, "\u0120borrowers": 31617, "\u0120Parkinson": 31618, "\u0120\u00eb": 31619, "\u0120Jamaica": 31620, "\u0120satir": 31621, "\u0120insurgents": 31622, "\u0120Firm": 31623, "\u0120isot": 31624, "\u0120Karn": 31625, "ourning": 31626, "akens": 31627, "docs": 31628, "little": 31629, "\u0120Monaco": 31630, "CLASS": 31631, "Turkey": 31632, "Ly": 31633, "\u0120Conan": 31634, "assic": 31635, "\u0120starred": 31636, "\u0120Pacers": 31637, "eties": 31638, "\u0120tipping": 31639, "Moon": 31640, "\u0120Rw": 31641, "same": 31642, "\u0120cavity": 31643, "\u0120goof": 31644, "\u0120Zo": 31645, "Shock": 31646, "ummer": 31647, "\u0120emphasizes": 31648, "\u0120regrett": 31649, "\u0120novelty": 31650, "\u0120envy": 31651, "\u0120Passive": 31652, "rw": 31653, "505": 31654, "\u0120indifferent": 31655, "\u0120Rica": 31656, "\u0120Himself": 31657, "\u0120Freddie": 31658, "\u0120adip": 31659, "\u00e4\u00b8\u0122": 31660, "\u0120breakout": 31661, "\u0120hurried": 31662, "\u0120Huang": 31663, "\u0120Disk": 31664, "\u0120roaming": 31665, "?????-?????-": 31666, "UV": 31667, "\u0120Ricky": 31668, "\u0120Sigma": 31669, "\u0120marginalized": 31670, "\u0120edits": 31671, "\u0120304": 31672, "memory": 31673, "\u0120specimen": 31674, "293": 31675, "\u00e3\u0123\u00af": 31676, "\u0120vertically": 31677, "\u0120audition": 31678, "\u0120Heck": 31679, "\u0120caster": 31680, "\u0120Holdings": 31681, "adal": 31682, "\u0120Cron": 31683, "\u0120Liam": 31684, "\u0120deflect": 31685, "Pick": 31686, "\u0120Debug": 31687, "REF": 31688, "\u0120versatility": 31689, "othes": 31690, "classified": 31691, "\u0120Mahar": 31692, "\u0120Hort": 31693, "Counter": 31694, "stasy": 31695, "noticed": 31696, "331": 31697, "\u0120Shim": 31698, "fuck": 31699, "\u0120Bie": 31700, "\u0120airing": 31701, "\u0120Protein": 31702, "\u0120Holding": 31703, "\u0120spectators": 31704, "iliated": 31705, "\u0120Thatcher": 31706, "nosis": 31707, "\u00e3\u0125\u00bc\u00e3\u0125\u00b3": 31708, "Tele": 31709, "Boston": 31710, "\u0120Templ": 31711, "stay": 31712, "\u0120declarations": 31713, "479": 31714, "Volume": 31715, "\u0120Designer": 31716, "\u0120Overwatch": 31717, "idae": 31718, "\u0120onwards": 31719, "\u0120nets": 31720, "\u0120Manila": 31721, "particularly": 31722, "\u0120politic": 31723, "oother": 31724, "\u0120portraits": 31725, "\u0120pavement": 31726, "cffff": 31727, "\u0120saints": 31728, "\u0120beginners": 31729, "ESPN": 31730, "\u0120shortcomings": 31731, "\u00e2\u0137\u0132\u00e2\u0137\u0132": 31732, "\u0120comet": 31733, "\u0120Organic": 31734, "quel": 31735, "\u0120hospitalized": 31736, "Break": 31737, "\u0120peel": 31738, "dylib": 31739, "aspx": 31740, "urances": 31741, "\u0120TIM": 31742, "Pg": 31743, "\u0120readable": 31744, "\u0120Malik": 31745, "\u0120muzzle": 31746, "\u0120benchmarks": 31747, "dal": 31748, "\u0120Vacc": 31749, "\u0120Hicks": 31750, "609": 31751, "\u0120Biblical": 31752, "heng": 31753, "\u0120overload": 31754, "\u0120Civilization": 31755, "\u0120immoral": 31756, "\u0120fries": 31757, "\u00e3\u0124\u0134": 31758, "\u0120reproduced": 31759, "\u0120formulation": 31760, "jug": 31761, "irez": 31762, "gear": 31763, "\u0120coached": 31764, "MpServer": 31765, "\u0120SJ": 31766, "\u0120Kw": 31767, "Init": 31768, "deal": 31769, "\u0120Oro": 31770, "\u0120Loki": 31771, "\u0120Songs": 31772, "\u0120232": 31773, "\u0120Louise": 31774, "asionally": 31775, "\u0120uncond": 31776, "ollywood": 31777, "\u0120progressives": 31778, "\u0120Enough": 31779, "\u0120Doe": 31780, "\u0120wreckage": 31781, "\u0120brushed": 31782, "\u0120BaseType": 31783, "\u0120zoning": 31784, "ishable": 31785, "hetically": 31786, "\u0120Caucus": 31787, "\u0120Hue": 31788, "\u0120karma": 31789, "\u0120Sporting": 31790, "\u0120trader": 31791, "\u0120seeming": 31792, "\u0120Capture": 31793, "430": 31794, "bish": 31795, "\u0120tunes": 31796, "\u0120indoors": 31797, "\u0120Sphere": 31798, "\u0120Dancing": 31799, "TERN": 31800, "\u0120nob": 31801, "\u0120GST": 31802, "maps": 31803, "\u0120peppers": 31804, "Fit": 31805, "\u0120oversees": 31806, "\u0120Rabbi": 31807, "\u0120Ruler": 31808, "vertising": 31809, "office": 31810, "xxx": 31811, "\u0120raft": 31812, "Changed": 31813, "\u0120textbooks": 31814, "Links": 31815, "\u0120Omn": 31816, "\u00e3\u0122\u0133": 31817, "\u0120inconvenience": 31818, "\u0120Donetsk": 31819, "=~": 31820, "\u0120implicitly": 31821, "\u0120boosts": 31822, "\u0120Bones": 31823, "\u0120Boom": 31824, "Courtesy": 31825, "\u0120sensational": 31826, "ANY": 31827, "\u0120greedy": 31828, "eden": 31829, "\u0120inexper": 31830, "\u0120Ler": 31831, "\u0120Vale": 31832, "\u0120tighten": 31833, "\u0120EAR": 31834, "\u0120Num": 31835, "\u0120ancestor": 31836, "Sent": 31837, "\u0120Horde": 31838, "urgical": 31839, "allah": 31840, "\u0120sap": 31841, "amba": 31842, "\u0120Spread": 31843, "twitch": 31844, "\u0120grandson": 31845, "\u0120fracture": 31846, "\u0120moderator": 31847, "\u0120Seventh": 31848, "\u0120Reverse": 31849, "\u0120estimation": 31850, "Choose": 31851, "\u0120parach": 31852, "\u0120barric": 31853, "\u00e3\u0122\u0132": 31854, "\u0120compass": 31855, "\u0120allergic": 31856, "\u00e2\u0122\u0137": 31857, "OTHER": 31858, "errilla": 31859, "\u0120wagon": 31860, "\u0120zinc": 31861, "\u0120rubbed": 31862, "\u0120Fuller": 31863, "\u0120Luxembourg": 31864, "\u0120Hoover": 31865, "\u0120liar": 31866, "\u0120Evening": 31867, "\u0120Cobb": 31868, "esteem": 31869, "\u0120selector": 31870, "\u0120Brawl": 31871, "isance": 31872, "\u0120Ek": 31873, "\u0120troop": 31874, "\u0120guts": 31875, "\u0120Appeal": 31876, "\u0120Tibetan": 31877, "\u0120routines": 31878, "\u0120Ment": 31879, "\u0120summarized": 31880, "steamapps": 31881, "\u0120tranqu": 31882, "\u01201929": 31883, "oran": 31884, "\u0120Authent": 31885, "\u0120gmaxwell": 31886, "\u0120apprehens": 31887, "\u0120poems": 31888, "\u0120sausage": 31889, "\u0120Webster": 31890, "urus": 31891, "\u0120themed": 31892, "\u0120lounge": 31893, "\u0120charger": 31894, "Spoiler": 31895, "\u0120spilled": 31896, "hog": 31897, "\u0120Sunder": 31898, "\u0120Ain": 31899, "\u0120Angry": 31900, "\u0120disqual": 31901, "\u0120Frequency": 31902, "\u0120Ethernet": 31903, "\u0120helper": 31904, "Percent": 31905, "\u0120horrifying": 31906, "\u0120ail": 31907, "\u0120Allan": 31908, "EEE": 31909, "\u0120Crossing": 31910, "449": 31911, "\u0120holog": 31912, "\u0120Puzzles": 31913, "\u0120Goes": 31914, "erenn": 31915, "604": 31916, "\u00e3\u0123\u0131": 31917, "\u0120Rafael": 31918, "\u0120atten": 31919, "\u0120Emanuel": 31920, "\u0120upro": 31921, "\u0120Susp": 31922, "Psych": 31923, "\u0120Trainer": 31924, "\u0120NES": 31925, "\u0120Hunts": 31926, "becue": 31927, "\u0120counselor": 31928, "Rule": 31929, "\u0120toxins": 31930, "\u0120banners": 31931, "rifice": 31932, "\u0120greeting": 31933, "\u0120frenzy": 31934, "\u0120allocate": 31935, "\u0120*)": 31936, "expr": 31937, "503": 31938, "\u0120Chick": 31939, "\u0120Torn": 31940, "\u0120consolidation": 31941, "\u0120Fletcher": 31942, "switch": 31943, "frac": 31944, "clips": 31945, "\u0120McKin": 31946, "\u0120Lunar": 31947, "Month": 31948, "ITCH": 31949, "\u0120scholarly": 31950, "raped": 31951, "398": 31952, "\u01201910": 31953, "\u0120egreg": 31954, "\u0120insecure": 31955, "\u0120victorious": 31956, "cffffcc": 31957, "\u0120singled": 31958, "\u0120elves": 31959, "\u0120Wond": 31960, "burst": 31961, "\u0120camoufl": 31962, "\u0120BLACK": 31963, "\u0120conditioned": 31964, "\u00e7\u012b": 31965, "answered": 31966, "\u0120compulsory": 31967, "ascist": 31968, "\u0120podcasts": 31969, "\u0120Frankfurt": 31970, "bnb": 31971, "\u0120neoliberal": 31972, "\u0120Keyboard": 31973, "\u0120Belle": 31974, "warm": 31975, "\u0120trusts": 31976, "\u0120insured": 31977, "\u0120Bucc": 31978, "usable": 31979, "607": 31980, "\u0120Plains": 31981, "\u01201890": 31982, "\u0120sabotage": 31983, "\u0120lodged": 31984, "felt": 31985, "\u0120ga": 31986, "\u0120Narc": 31987, "\u0120Salem": 31988, "\u0120seventy": 31989, "\u0120Blank": 31990, "pocket": 31991, "\u0120whisper": 31992, "\u0120mating": 31993, "omics": 31994, "\u0120Salman": 31995, "\u0120Kad": 31996, "\u0120angered": 31997, "\u0120collisions": 31998, "\u0120extraordinarily": 31999, "\u0120coercion": 32000, "Ghost": 32001, "birds": 32002, "\u00e8\u0122": 32003, "kok": 32004, "\u0120permissible": 32005, "avorable": 32006, "\u0120pointers": 32007, "\u0120dissip": 32008, "aci": 32009, "\u0120theatrical": 32010, "\u0120Cosmic": 32011, "\u0120forgetting": 32012, "\u0120finalized": 32013, "\u00e5\u00a4\u00a7": 32014, "yout": 32015, "library": 32016, "\u0120booming": 32017, "\u0120Believe": 32018, "\u0120Teacher": 32019, "\u0120Liv": 32020, "\u0120GOODMAN": 32021, "\u0120Dominican": 32022, "ORED": 32023, "\u0120Parties": 32024, "\u0120precipitation": 32025, "\u0120Slot": 32026, "Roy": 32027, "\u0120Combined": 32028, "\u0120integrating": 32029, "\u0120chrome": 32030, "\u0120intestinal": 32031, "\u0120Rebell": 32032, "\u0120matchups": 32033, "\u0120blockbuster": 32034, "\u0120Loren": 32035, "\u0120Levy": 32036, "\u0120preaching": 32037, "\u0120Sending": 32038, "\u0120Purpose": 32039, "rax": 32040, "fif": 32041, "\u0120authoritative": 32042, "\u0120PET": 32043, "astical": 32044, "\u0120dishon": 32045, "\u0120chatting": 32046, "\u0120\"$:/": 32047, "Connection": 32048, "\u0120recreate": 32049, "\u0120delinqu": 32050, "\u0120broth": 32051, "\u0120Dirty": 32052, "\u0120Admin": 32053, "zman": 32054, "\u0120scholarships": 32055, "\u0120253": 32056, "contact": 32057, "alsa": 32058, "767": 32059, "creen": 32060, "abbage": 32061, "\u01201915": 32062, "\u0120blended": 32063, "\u0120alarmed": 32064, "Language": 32065, "356": 32066, "\u0120blends": 32067, "\u0120Changed": 32068, "Wolf": 32069, "\u0120hepat": 32070, "Creating": 32071, "\u0120persecut": 32072, "\u0120sweetness": 32073, "arte": 32074, "\u0120forfeiture": 32075, "\u0120Roberto": 32076, "impro": 32077, "NFL": 32078, "\u0120Magnet": 32079, "Detailed": 32080, "\u0120insignificant": 32081, "\u0120POLIT": 32082, "\u0120BBQ": 32083, "\u0120CPS": 32084, "\u0120seaw": 32085, "aminer": 32086, "mL": 32087, "endif": 32088, "finals": 32089, "\u0120265": 32090, "uish": 32091, "\u0120})": 32092, "\u0120Problems": 32093, "\u0120emblem": 32094, "\u0120seriousness": 32095, "\u0120parsing": 32096, "\u0120substitution": 32097, "\u0120pressured": 32098, "\u0120recycled": 32099, "aleb": 32100, "Ruby": 32101, "\u0120proficiency": 32102, "Driver": 32103, "\u0120Wester": 32104, ":'": 32105, "AFTA": 32106, "\u0120mantle": 32107, "\u0120Clayton": 32108, "flag": 32109, "\u0120practitioner": 32110, "covered": 32111, "\u0120Struct": 32112, "addafi": 32113, "425": 32114, "\u0120Township": 32115, "\u0120Hydro": 32116, "Louis": 32117, "343": 32118, "\u0120condo": 32119, "\u0120Tao": 32120, "\u0120utilization": 32121, "\u0120nausea": 32122, "\u0120Dems": 32123, "ridges": 32124, "pause": 32125, "\u0120formulas": 32126, "\u0120challenger": 32127, "376": 32128, "\u0120defective": 32129, "\u0120Railway": 32130, "\u0120PubMed": 32131, "\u0120yogurt": 32132, "lbs": 32133, "\u0120Norfolk": 32134, "OPE": 32135, "\u0120Moody": 32136, "\u0120distributor": 32137, "\u0120scrolls": 32138, "\u0120extracts": 32139, "Stan": 32140, "\u0120viability": 32141, "\u0120exposes": 32142, "\u0120starvation": 32143, "\u0120Steps": 32144, "\u0120Dodd": 32145, "few": 32146, "STD": 32147, "332": 32148, "\u0120closures": 32149, "\u0120complementary": 32150, "\u0120Sasha": 32151, "umpy": 32152, "\u0120monet": 32153, "\u0120articulate": 32154, "\u0120Doct": 32155, "killer": 32156, "\u0120scrim": 32157, "\u0120264": 32158, "\u0120prostitutes": 32159, "\u0120severed": 32160, "\u0120attachments": 32161, "\u0120cooled": 32162, "Lev": 32163, "\u0120Falk": 32164, "fail": 32165, "\u0120policeman": 32166, "\u0120Dag": 32167, "\u0120prayed": 32168, "\u0120Kernel": 32169, "\u0120clut": 32170, "\u0120cath": 32171, "\u0120anomaly": 32172, "Storm": 32173, "emaker": 32174, "\u0120Breakfast": 32175, "uli": 32176, "oire": 32177, "JJ": 32178, "hz": 32179, "Operation": 32180, "\u0120Sick": 32181, "354": 32182, "\u0120Guatemala": 32183, "Rate": 32184, "\u0120exposures": 32185, "faces": 32186, "\u0120Archae": 32187, "raf": 32188, "\u0120Mia": 32189, "\u01202025": 32190, "\u0120opaque": 32191, "\u0120disguised": 32192, "\u0120Headquarters": 32193, "Sah": 32194, "\u0120pots": 32195, "978": 32196, "\u0120Malf": 32197, "\u0120frowned": 32198, "\u0120poisonous": 32199, "\u0120Convers": 32200, "eeks": 32201, "\u0120crab": 32202, ".\"\"": 32203, "\u0120treason": 32204, "\u0120ranc": 32205, "\u0120escalating": 32206, "\u0120warr": 32207, "\u0120mobs": 32208, "\u0120lamps": 32209, "\u0120Sunshine": 32210, "\u0120Brunswick": 32211, "Phones": 32212, "\u0120spelled": 32213, "\u0120Skip": 32214, "\u01202050": 32215, "\u01201911": 32216, "\u0120Pluto": 32217, "\u0120Amend": 32218, "\u0120meats": 32219, "387": 32220, "\u0120stomp": 32221, "\u0120Zhou": 32222, "\u0120Leviathan": 32223, "\u0120Hazard": 32224, "adv": 32225, "\u0120Orwell": 32226, "\u0120aloud": 32227, "\u0120bumper": 32228, "\u0120Anarch": 32229, "ubuntu": 32230, "\u0120Serious": 32231, "fitting": 32232, "\u0120Optional": 32233, "\u0120Cecil": 32234, "REAM": 32235, "\u0120serotonin": 32236, "\u0120cultivate": 32237, "agogue": 32238, "}\\": 32239, "\u0120mosques": 32240, "\u0120Sunny": 32241, "\u0120reactive": 32242, "revolution": 32243, "\u0120Lup": 32244, "\u0120Fedora": 32245, "\u0120defenseman": 32246, "\u0120VID": 32247, "istine": 32248, "\u0120drowning": 32249, "\u0120Broadcasting": 32250, "\u0120thriller": 32251, "\u0120Scy": 32252, "\u0120accelerating": 32253, "\u0120directs": 32254, "odied": 32255, "bike": 32256, "duration": 32257, "\u0120painfully": 32258, "Redd": 32259, "\u0120productions": 32260, "\u0120gag": 32261, "\u0120whist": 32262, "\u0120sock": 32263, "\u0120infinitely": 32264, "\u0120Concern": 32265, "\u0120Citadel": 32266, "\u0120lieu": 32267, "\u0120candles": 32268, "ogeneous": 32269, "arger": 32270, "\u0120heavenly": 32271, "inflammatory": 32272, "Performance": 32273, "Cs": 32274, "ructose": 32275, "azaki": 32276, "\u0120pessim": 32277, "\u0120inference": 32278, "\u0120powd": 32279, "\u0120Zoe": 32280, "\u0120paints": 32281, "\u0120dazz": 32282, "pta": 32283, "-----------": 32284, "\u0120inspir": 32285, "\u0120Experimental": 32286, "\u0120Knife": 32287, "regor": 32288, "bors": 32289, "\u0120showers": 32290, "romeda": 32291, "\u0120saint": 32292, "\u0120benign": 32293, "\u0120Jiang": 32294, "\u0120envisioned": 32295, "\u0120shroud": 32296, "IFT": 32297, "HO": 32298, "\u0120shuff": 32299, "\u0120ICC": 32300, "\u0120segreg": 32301, "\u0120revisit": 32302, "ighthouse": 32303, "Li": 32304, "\u0120substrate": 32305, "\u0120Seas": 32306, "\u0120Reward": 32307, "\u0120Hep": 32308, "\u0120Brass": 32309, "sbm": 32310, "\u0120eliminates": 32311, "\u0120stamina": 32312, "\u0120VAT": 32313, "\u0120Loan": 32314, "\u0120constraint": 32315, "\u0120appropriated": 32316, "\u0120pes": 32317, "\u0120ALE": 32318, "ranging": 32319, "\u0120404": 32320, "392": 32321, "\u0120intellectuals": 32322, "achu": 32323, "\u0120restructuring": 32324, "\u0120Levin": 32325, "\u0120runes": 32326, "\u0120delightful": 32327, "\u0120carbohydrates": 32328, "\u0120Models": 32329, "\u0120Expo": 32330, "\u0120transporting": 32331, "alloc": 32332, "\u0120ringing": 32333, "Samsung": 32334, "\u0120scarcely": 32335, "\u0120URLs": 32336, "\u0120MAS": 32337, "\u0120prototypes": 32338, "\u0120narrator": 32339, "\u0120CPUs": 32340, "cdn": 32341, "\u0120Barton": 32342, "\u0120decidedly": 32343, "\u0120Shu": 32344, "ixir": 32345, "ocious": 32346, "\u0120Myst": 32347, "Nintendo": 32348, "\u0120reuse": 32349, "\u0120forgiven": 32350, "Few": 32351, "inical": 32352, "nat": 32353, "\u0120seamless": 32354, "\u0120Eva": 32355, "\u0120EVE": 32356, "\u0120JO": 32357, "landers": 32358, "\u0120softer": 32359, "negie": 32360, "\u0120transient": 32361, "\u0120orbital": 32362, "\u0120fulfil": 32363, "\u0120Kom": 32364, "Hopefully": 32365, "\u0120dynamically": 32366, "\u0120Hunger": 32367, "\u00e5\u013d": 32368, "\u0120Armenia": 32369, "elman": 32370, "berto": 32371, "\u0120pige": 32372, "\u0120IDs": 32373, "limit": 32374, "\u0120veins": 32375, "\u0120soaring": 32376, "packs": 32377, "Golden": 32378, "\u0120Crab": 32379, "istor": 32380, "\u0120RPM": 32381, "\u0120$$": 32382, "gression": 32383, "\u0120jihadist": 32384, "\u0120gamble": 32385, "\u0120careg": 32386, "\u0120inflated": 32387, "Face": 32388, "\u0120Firearms": 32389, "\u0120Emmanuel": 32390, "\u00e2\u013f": 32391, "\u0120shocks": 32392, "grab": 32393, "\u0120splend": 32394, "\u0120HPV": 32395, "abortion": 32396, "Above": 32397, "Entity": 32398, "players": 32399, "\u0120commenced": 32400, "ulence": 32401, "\u0120fulfillment": 32402, "\u0120embodiments": 32403, "\u0120Welfare": 32404, "\u0120hail": 32405, "\u0120<@": 32406, "tten": 32407, "\u0120catcher": 32408, "\u0120Jazeera": 32409, "\u0120volcano": 32410, "\u0120stabilize": 32411, "\u0120Handler": 32412, "\u0120intensified": 32413, "\u0120Abrams": 32414, "\u0120humiliation": 32415, "paced": 32416, "605": 32417, "\u0120CentOS": 32418, "Specific": 32419, "\u0120heed": 32420, "\u0120CAM": 32421, "\u0120Galile": 32422, "Die": 32423, "\u0120abolished": 32424, "\u0120Thomson": 32425, "\u0120Teachers": 32426, "\u0120Wass": 32427, "jong": 32428, "\u0120ISBN": 32429, "\u0120Allies": 32430, "shake": 32431, "\u00e5\u00b7": 32432, "vict": 32433, "Howard": 32434, "\u0120deem": 32435, "\u0120exceedingly": 32436, "\u0120Smartstocks": 32437, "ibe": 32438, "\u0120doorway": 32439, "\u0120competed": 32440, "igmat": 32441, "\u0120nationalists": 32442, "\u0120groom": 32443, "\u0120Keen": 32444, "\u0120disposable": 32445, "decl": 32446, "\u0120Tolkien": 32447, "\u0120Scheme": 32448, "\u0120biod": 32449, "\u0120avid": 32450, "\u0120Elon": 32451, "agar": 32452, "\u0120TSA": 32453, "Roman": 32454, "\u0120artificially": 32455, "\u0120advisors": 32456, "XL": 32457, "\u0120Inferno": 32458, "366": 32459, "\u0120tedious": 32460, "\u0120Photography": 32461, "\u0120Carrie": 32462, "\u0120trope": 32463, "\u0120Sandra": 32464, "\u0120decimal": 32465, "Queen": 32466, "\u0120Gundam": 32467, "\u0120OM": 32468, "otech": 32469, "NBA": 32470, "\u01201932": 32471, "\u0120entrenched": 32472, "\u0120Marion": 32473, "\u0120fraternity": 32474, "Labour": 32475, "Henry": 32476, "\u0120latitude": 32477, "Either": 32478, "\u0120enhances": 32479, "\u0120Potential": 32480, "\u0120shines": 32481, "idad": 32482, "\u0120breadth": 32483, "\u0120capacities": 32484, "\u0120\u00f0\u0141\u013b\u0124": 32485, "\u0120Bronx": 32486, "\u0120sexes": 32487, "\u0120differentiation": 32488, "\u0120heavyweight": 32489, "\u0120Taj": 32490, "dra": 32491, "\u0120migrate": 32492, "\u0120exhaustion": 32493, "\u0120RUN": 32494, "elsius": 32495, "\u0120Cuomo": 32496, "\u0120guitars": 32497, "\u0120clones": 32498, "\u0120Somew": 32499, "\u0120Pry": 32500, "-------------": 32501, "\u0120warranted": 32502, "cycles": 32503, "\u0120salvage": 32504, "\u0120disks": 32505, "RANT": 32506, "\u0120NGOs": 32507, "\u0120Martian": 32508, "\":[{\"": 32509, "\u0120addicts": 32510, "ojure": 32511, "illet": 32512, "\u0120amazingly": 32513, "artments": 32514, "pixel": 32515, "\u0120GPUs": 32516, "Layout": 32517, "\u00e8\u00a3": 32518, "\u0120Tamil": 32519, "\u0120Basil": 32520, "\u0120impartial": 32521, "\u0120Structure": 32522, "fork": 32523, "bryce": 32524, "\u0120ridge": 32525, "\u0120Hamburg": 32526, "rious": 32527, "\u0120blitz": 32528, "cigarettes": 32529, "\u0120canned": 32530, "402": 32531, "\u0120ironically": 32532, "\u0120compassionate": 32533, "\u0120Hawkins": 32534, ".#": 32535, "\u0120Cathedral": 32536, "\u0120rallied": 32537, "internal": 32538, "\u0120quota": 32539, "stakes": 32540, "TEXT": 32541, "mom": 32542, "\u0120completes": 32543, "\u0120238": 32544, "\u0120shrug": 32545, "\u00e3\u0125\u0133": 32546, "\u0120Ninth": 32547, "\u0120revise": 32548, "\u0120Provider": 32549, "\u0120treacher": 32550, "\u0120quasi": 32551, "\u0120PRES": 32552, "\u0120deposition": 32553, "\u0120confidentiality": 32554, "issors": 32555, "\u0120imbalance": 32556, "\u0120spanning": 32557, "\u0120angular": 32558, "\u0120Cul": 32559, "communication": 32560, "\u0120Nora": 32561, "\u0120Genius": 32562, "opter": 32563, "\u0120sacked": 32564, "Spot": 32565, "\u0120finely": 32566, "\u0120CHR": 32567, "282": 32568, "waves": 32569, "Palest": 32570, "\u0120Rohing": 32571, "NL": 32572, "\u00e8\u00bf": 32573, "\u0120shitty": 32574, "\u0120Scalia": 32575, "475": 32576, "Progress": 32577, "\u0120referencing": 32578, "\u0120classrooms": 32579, "abee": 32580, "\u0120sod": 32581, "hesion": 32582, "708": 32583, "\u0120Zuckerberg": 32584, "\u0120Finish": 32585, "\u0120Scotia": 32586, "\u0120Savior": 32587, "\u0120Installation": 32588, "antha": 32589, "(-": 32590, "\u0120302": 32591, "\u0120Punk": 32592, "\u0120crater": 32593, "youtu": 32594, "\u0120roast": 32595, "\u0120influencing": 32596, "\u0120dup": 32597, "\u0120JR": 32598, "\u0120Grav": 32599, "\u0120stature": 32600, "\u0120bathrooms": 32601, "Aside": 32602, "Wiki": 32603, "mean": 32604, "\u0120Zak": 32605, "\u0120Ones": 32606, "\u0120Nath": 32607, "\u0120hypert": 32608, "\u0120commencement": 32609, "Civil": 32610, "\u0120moderately": 32611, "\u0120distributors": 32612, "\u0120breastfeeding": 32613, "\u0120980": 32614, "\u0120Sik": 32615, "\u0120Cig": 32616, "\u0120AMER": 32617, "RIP": 32618, "\u0120Career": 32619, "usting": 32620, "\u0120messed": 32621, "\u0120eh": 32622, "\u0120Jensen": 32623, "/$": 32624, "\u0120blackmail": 32625, "\u0120conversions": 32626, "\u0120scientifically": 32627, "\u0120mantra": 32628, "paying": 32629, "\u0120ivory": 32630, "\u0120Courts": 32631, "OUGH": 32632, "auntlet": 32633, "Serial": 32634, "Brow": 32635, "\u0120Hundreds": 32636, "323": 32637, "\u0120pee": 32638, "\u0120linux": 32639, "\u0120submer": 32640, "\u0120Principal": 32641, "485": 32642, "\u0120DSL": 32643, "\u0120Cousins": 32644, "\u0120doctrines": 32645, "\u0120Athletics": 32646, "\u0120315": 32647, "\u0120Karma": 32648, "\u0120attent": 32649, "urger": 32650, "\u0120prescribe": 32651, "\u0120encaps": 32652, "\u0120Came": 32653, "\u0120secretive": 32654, "\u0120Crimes": 32655, "dn": 32656, "Clean": 32657, "\u0120Egyptians": 32658, "\u0120Carpenter": 32659, "\u0120ll": 32660, "Hum": 32661, "\u0120Milo": 32662, "\u0120capitalists": 32663, "\u0120briefed": 32664, "Twe": 32665, "\u0120Basin": 32666, "elvet": 32667, "Mos": 32668, "\u0120plunge": 32669, "\u0120Kaiser": 32670, "\u0120Fuj": 32671, "illin": 32672, "\u0120safeguards": 32673, "\u0120oste": 32674, "\u0120Opportunity": 32675, "\u0120Mafia": 32676, "\u0120Calling": 32677, "apa": 32678, "urban": 32679, "brush": 32680, "illard": 32681, "c\u00c3\u00a9": 32682, "intelligence": 32683, "\u0120Lob": 32684, "\u0120Druid": 32685, "\u0120smoother": 32686, "\u0120footing": 32687, "\u0120motorists": 32688, "arcity": 32689, "\u0120masculinity": 32690, "\u0120mism": 32691, "\u0120abdominal": 32692, "\u0120Tavern": 32693, "\u0120Roh": 32694, "\u0120escapes": 32695, "signed": 32696, "Anthony": 32697, "\u0120sacrificing": 32698, "\u0120intimacy": 32699, "\u0120anterior": 32700, "\u0120Kod": 32701, "\u0120motif": 32702, "\u0120graz": 32703, "\u0120visualization": 32704, "\u0120guitarist": 32705, "\u0120Trotsky": 32706, "magic": 32707, "Dar": 32708, "\u0120Mori": 32709, "\u0120wards": 32710, "\u0120toilets": 32711, "lest": 32712, "\u0120teleport": 32713, "\u0120Sundays": 32714, "\u0120Plat": 32715, "ETS": 32716, "\u0120eSports": 32717, "Patrick": 32718, "\u0120Katherine": 32719, "enko": 32720, "\u0120hassle": 32721, "\u0120Mick": 32722, "ggles": 32723, "\u0120hob": 32724, "aintain": 32725, "\u0120airborne": 32726, "\u0120spans": 32727, "\u0120chili": 32728, "\u0120aperture": 32729, "\u0120volunteered": 32730, "\u0120Incident": 32731, "\u0120Fres": 32732, "\u0120Veteran": 32733, "aughtered": 32734, "ingo": 32735, "\u0120uninsured": 32736, "CLOSE": 32737, "\u0120fuse": 32738, "\u0120erotic": 32739, "\u0120advertise": 32740, "raising": 32741, "Texture": 32742, "\u0120attends": 32743, "\u0120REAL": 32744, "uddled": 32745, "\u0120smoot": 32746, "\u0120305": 32747, "\u0120Willis": 32748, "\u0120blond": 32749, "Analysis": 32750, "\u0120VT": 32751, "onica": 32752, "\u0120stronghold": 32753, "RF": 32754, "NM": 32755, ".>>": 32756, "\u0120prosperous": 32757, "\u0120boasted": 32758, "292": 32759, "\u0120Manufacturing": 32760, "PRESS": 32761, "gren": 32762, "\u0120pharmacy": 32763, "\u0120Rockefeller": 32764, "kai": 32765, "\u0120thumbs": 32766, "\u0120Hut": 32767, "\u0120motherboard": 32768, "\u0120guardians": 32769, "\u0120Alter": 32770, "llular": 32771, "\u0120shack": 32772, "\u0120wisely": 32773, "\u0120backbone": 32774, "erva": 32775, "\u0120suicides": 32776, "\u0120McGregor": 32777, "ijah": 32778, "Emer": 32779, "\u0120Brav": 32780, "\u0120designate": 32781, "POST": 32782, "produced": 32783, "\u0120cleansing": 32784, "irlwind": 32785, "existent": 32786, "\u0120Humph": 32787, "\u0120Payne": 32788, "\u0120vested": 32789, "\u00c5\u00a1": 32790, "\u0120stringent": 32791, "iona": 32792, "\u0120unsub": 32793, "\u0120summed": 32794, "\u0120Hercules": 32795, "subject": 32796, "\u0120Ragnar": 32797, "\u0120Nos": 32798, "\u0120characterization": 32799, "\u0120savvy": 32800, "\u0120Dawson": 32801, "\u0120Casino": 32802, "\u0120fri": 32803, "\u0120Barrier": 32804, "\u0120misinformation": 32805, "\u0120insulation": 32806, "\u0120corridors": 32807, "\u0120airplanes": 32808, "\u0120Noct": 32809, "ahi": 32810, "\u01201916": 32811, "kb": 32812, "armac": 32813, "\u0120shun": 32814, "\u0120schema": 32815, "\u0120horrified": 32816, "\u0120239": 32817, "aunders": 32818, "NB": 32819, "iates": 32820, "erity": 32821, "\u0120Shard": 32822, "\u0120rarity": 32823, "\u0120grouped": 32824, "\u0120Ghana": 32825, "against": 32826, "\u0120Biological": 32827, "\u0120Aware": 32828, "owell": 32829, "\u00cf\u0126": 32830, "\u0120Beau": 32831, "shaw": 32832, "Hack": 32833, "\u0120Julius": 32834, "USS": 32835, "olson": 32836, "auna": 32837, "cru": 32838, "\u0120Maurice": 32839, "\u0120Ik": 32840, "\u0120sequencing": 32841, "\u0120radicals": 32842, "\u0120(?,": 32843, "virtual": 32844, "\u0120anyways": 32845, "\u0120reperc": 32846, "\u0120handlers": 32847, "\u0120hesitant": 32848, "\u00e9\u0125": 32849, "\u0120MF": 32850, "plementation": 32851, "associated": 32852, "\u0120campaigned": 32853, "\u0120Yue": 32854, "utations": 32855, "\u0120Yoga": 32856, "\u0120simmer": 32857, "\u0120rods": 32858, "\u0120melody": 32859, "\u0120convoy": 32860, "videos": 32861, "\u0120screened": 32862, "Neg": 32863, "ochemical": 32864, "\u0120())": 32865, "\u0120ultras": 32866, "\u0120antip": 32867, "\u0120Islanders": 32868, "704": 32869, "\u0120fetish": 32870, "\u0120ridiculously": 32871, "\u0120Kart": 32872, "\u0120mitochondrial": 32873, "\u0120interfering": 32874, "Builder": 32875, "\u0120overfl": 32876, "\u0120acne": 32877, "\u0120Mud": 32878, "\u0120Kerr": 32879, "flex": 32880, "\u0120Postal": 32881, "\u0120Baltic": 32882, "477": 32883, "\u0120Persons": 32884, "ourage": 32885, "HB": 32886, "\u0120Muse": 32887, "\u0120Immortal": 32888, "\u0120Driving": 32889, "\u0120petitions": 32890, "\u0120subscript": 32891, "\u0120sorce": 32892, "\u0120Processor": 32893, "uton": 32894, "Sony": 32895, "\u0120phon": 32896, "\u0120raced": 32897, "\u0120Anthrop": 32898, "\u0120daytime": 32899, "\u0120Exercise": 32900, "Adding": 32901, "\u0120engages": 32902, "\u0120Qualcomm": 32903, "\u0120miracles": 32904, "\u0120memes": 32905, "\u0120Drink": 32906, "\u0120Orioles": 32907, "\u0120hairs": 32908, "\u0120Polar": 32909, "athom": 32910, "\u0120slippery": 32911, "\u0120Remy": 32912, "\u0120caramel": 32913, "\u0120YEAR": 32914, "\u0120alk": 32915, "Ign": 32916, "aution": 32917, "\u0120Merlin": 32918, "\u0120Cran": 32919, "\u0120apologies": 32920, "\u0120410": 32921, "\u0120outing": 32922, "\u0120Memories": 32923, "appointed": 32924, "\u0120countered": 32925, "uld": 32926, "posing": 32927, "\u0120firewall": 32928, "\u0120Wast": 32929, "\u0120Wet": 32930, "worked": 32931, "seller": 32932, "\u0120repealed": 32933, "ereo": 32934, "assuming": 32935, "BLIC": 32936, "mite": 32937, "\u0120CEOs": 32938, "\u0120Chapel": 32939, "elligent": 32940, "________________________": 32941, "Dog": 32942, "\u0120wart": 32943, "\u0120subscriber": 32944, "sports": 32945, "\u0120begged": 32946, "\u0120MV": 32947, "\u0120semif": 32948, "ethical": 32949, "\u0120preach": 32950, "\u0120revital": 32951, "\u0120punitive": 32952, "\u0120shortcuts": 32953, "\u0120instituted": 32954, "\u0120Warsaw": 32955, "\u0120abdomen": 32956, "\u0120KING": 32957, "\u0120superintendent": 32958, "\u0120fry": 32959, "\u0120Geo": 32960, "TOR": 32961, "\u0120contradictions": 32962, "aptic": 32963, "\u0120landscapes": 32964, "bugs": 32965, "\u0120clust": 32966, "\u0120volley": 32967, "cribed": 32968, "\u0120tandem": 32969, "\u0120robes": 32970, "WHAT": 32971, "\u0120promoter": 32972, "\u0120eloqu": 32973, "reviewed": 32974, "\u0120DK": 32975, "\u0120Plato": 32976, "\u0120fps": 32977, "Tank": 32978, "\u0120Derrick": 32979, "\u0120prioritize": 32980, "asper": 32981, "\u0120Honduras": 32982, "\u0120Completed": 32983, "nec": 32984, "\u0120mog": 32985, "nir": 32986, "\u0120Mayo": 32987, "DEF": 32988, "stall": 32989, "inness": 32990, "\u0120Volkswagen": 32991, "\u0120precaution": 32992, "\u0120Mell": 32993, "iak": 32994, "istries": 32995, "\u0120248": 32996, "\u0120overlapping": 32997, "Senate": 32998, "\u0120Enhance": 32999, "resy": 33000, "racial": 33001, "ORTS": 33002, "\u0120Mormons": 33003, "Strong": 33004, "\u0120Coch": 33005, "Mexico": 33006, "\u0120Maduro": 33007, "\u0120jars": 33008, "\u0120cane": 33009, "Wik": 33010, "olla": 33011, "ifference": 33012, "\u0120physicist": 33013, "\u0120Maggie": 33014, "\u0120285": 33015, "\u0120depiction": 33016, "\u0120McLaren": 33017, "Ju": 33018, "\u0120slows": 33019, "\u0120commissioners": 33020, "\u0120Willow": 33021, "\u0120Explos": 33022, "hovah": 33023, "\u0120technician": 33024, "\u0120homicides": 33025, "\u0120Flav": 33026, "\u0120Truman": 33027, "\u012010000": 33028, "uctor": 33029, "\u0120shader": 33030, "Newsletter": 33031, "457": 33032, "\u0120rever": 33033, "\u0120hardened": 33034, "\u0120whereabouts": 33035, "\u0120redevelop": 33036, "\u0120carbs": 33037, "\u0120travers": 33038, "\u0120squirrel": 33039, "\u0120follower": 33040, "\u0120sings": 33041, "508": 33042, "\u0120rabbits": 33043, "emonium": 33044, "\u0120documenting": 33045, "\u0120misunderstood": 33046, ")'": 33047, "Rick": 33048, "ggies": 33049, "\u0120premie": 33050, "\u0120skating": 33051, "\u0120passports": 33052, "\u0120fists": 33053, "ageddon": 33054, "Haw": 33055, "ACP": 33056, "080": 33057, "\u0120Thoughts": 33058, "\u0120Carlson": 33059, "\u0120priesthood": 33060, "hua": 33061, "\u0120dungeons": 33062, "\u0120Loans": 33063, "\u0120antis": 33064, "\u0120familiarity": 33065, "\u0120Sabb": 33066, "opal": 33067, "\u0120Ink": 33068, "strike": 33069, "\u0120cram": 33070, "\u0120legalized": 33071, "\u0120cuisine": 33072, "\u0120fibre": 33073, "Travel": 33074, "\u0120Monument": 33075, "ODY": 33076, "ethy": 33077, "\u0120interstate": 33078, "\u0120PUR": 33079, "emporary": 33080, "\u0120Arabian": 33081, "developed": 33082, "\u0120saddle": 33083, "\u0120github": 33084, "\u0120Offer": 33085, "\u0120ISP": 33086, "rolet": 33087, "\u0120SUPER": 33088, "\u0120Denis": 33089, "\u0120multiplier": 33090, "\u0120stirred": 33091, "Interestingly": 33092, "\u0120customary": 33093, "\u0120billed": 33094, "hex": 33095, "\u0120multiplied": 33096, "\u0120flipping": 33097, "\u0120Crosby": 33098, "\u0120fundamentals": 33099, "iae": 33100, "\u0120Played": 33101, "\u0120Atom": 33102, "amazon": 33103, "\u0120Flam": 33104, "eez": 33105, "activated": 33106, "\u0120tablespoon": 33107, "\u0120liberalism": 33108, "\u0120Palin": 33109, "\u0120Patel": 33110, "Num": 33111, "\u0120TAM": 33112, "\u0120surn": 33113, "\u0120Reloaded": 33114, "\u0120coined": 33115, "\"],": 33116, "\u0120Clash": 33117, "\u0120Agu": 33118, "\u0120pragmatic": 33119, "\u0120Activate": 33120, "\u0120802": 33121, "\u0120trailers": 33122, "\u0120silhou": 33123, "\u0120probes": 33124, "\u0120circus": 33125, "\u0120Bain": 33126, "\u0120Lindsay": 33127, "\u0120Abbey": 33128, "Delivery": 33129, "\u0120concession": 33130, "\u0120gastro": 33131, "\u0120Sprite": 33132, "\u00c4\u0141": 33133, "andel": 33134, "\u0120gimm": 33135, "\u0120autobi": 33136, "\u0120Turtle": 33137, "\u0120wonderfully": 33138, "\u0120Haram": 33139, "\u0120Worldwide": 33140, "\u0120Handle": 33141, "\u0120theorists": 33142, "\u0120sleek": 33143, "\u0120Zhu": 33144, "ographically": 33145, "EGA": 33146, "\u0120Owners": 33147, "aths": 33148, "\u0120Antarctic": 33149, "natal": 33150, "=\"\"": 33151, "flags": 33152, "````": 33153, "\u0120sul": 33154, "Kh": 33155, "\u0120potassium": 33156, "\u0120lineman": 33157, "\u0120cereal": 33158, "\u0120Seasons": 33159, "\u01202022": 33160, "\u0120mathematic": 33161, "\u0120astronomers": 33162, "professional": 33163, "\u0120fares": 33164, "cknowled": 33165, "\u0120chi": 33166, "\u0120youngsters": 33167, "\u0120mistakenly": 33168, "\u0120hemisphere": 33169, "\u0120Divinity": 33170, "rone": 33171, "\u0120\",": 33172, "rings": 33173, "\u0120attracts": 33174, "vana": 33175, "\u00e5\u00b9": 33176, "CAP": 33177, "\u0120playlist": 33178, "\u0120porch": 33179, "\u00e3\u0123\u00a3": 33180, "\u0120incorporates": 33181, "\u0120soak": 33182, "\u0120asserting": 33183, "\u0120Terrorism": 33184, "\u0120Pablo": 33185, "Ja": 33186, "cester": 33187, "\u0120fearing": 33188, "\u0120Prayer": 33189, "\u0120escalated": 33190, "GW": 33191, "\u0120robe": 33192, "\u0120Brighton": 33193, "acists": 33194, "\u0120Symphony": 33195, "\u0120Dwarf": 33196, "\u0120Parade": 33197, "\u0120Lego": 33198, "\u0120inexpl": 33199, "\u0120lords": 33200, "leaf": 33201, "RAG": 33202, "liber": 33203, "\u0120cigars": 33204, "\u0120Jehovah": 33205, "606": 33206, "WINDOWS": 33207, "\u0120Liberia": 33208, "ebus": 33209, "Heavy": 33210, "\u0120lubric": 33211, "\u0120RW": 33212, "anguages": 33213, "\u0120narrowed": 33214, "computer": 33215, "\u0120Ember": 33216, "\u0120murdering": 33217, "\u0120downstream": 33218, "\u0120Tuls": 33219, "\u0120Tables": 33220, "Topic": 33221, "\u0120Accuracy": 33222, "=/": 33223, "lost": 33224, "\u0120Rei": 33225, "\u0120progresses": 33226, "bear": 33227, "\u0120establishments": 33228, "Justin": 33229, "\u0120Peach": 33230, "\u0120Gomez": 33231, "\u00e5\u00bf": 33232, "\u0120Triangle": 33233, "Ident": 33234, "\u0120Hive": 33235, "Resources": 33236, "\u0120mixes": 33237, "\u0120Assuming": 33238, "Mu": 33239, "\u0120hypoc": 33240, "\u0120sane": 33241, "\u0120Wan": 33242, "idious": 33243, "Success": 33244, "\u0120io": 33245, "Angel": 33246, "\u0120dangerously": 33247, "\u0120Creature": 33248, "WORK": 33249, ":[": 33250, "\u0120Katrina": 33251, "Listener": 33252, "Miller": 33253, "\u0120Idlib": 33254, "hang": 33255, "\u0120circumvent": 33256, "href": 33257, "\u0120celestial": 33258, "\u0120Weeks": 33259, "\u0120Pug": 33260, "\u0120Dalton": 33261, "\u0120subpoena": 33262, "uku": 33263, "\u0120persisted": 33264, "pei": 33265, "olding": 33266, "\u0120Documents": 33267, "\u0120Hast": 33268, "\u0120CENT": 33269, "\u0120primer": 33270, "\u0120synonymous": 33271, "\u0120nib": 33272, "ombs": 33273, "\u0120notation": 33274, "\u0120Dish": 33275, "\u0120Atmosp": 33276, "\u0120forbid": 33277, "\u0120ANG": 33278, "pattern": 33279, "los": 33280, "\u0120projectiles": 33281, "brown": 33282, ".\",": 33283, "\u0120Venom": 33284, "\u0120fiercely": 33285, "ublished": 33286, "\u0120Uran": 33287, "\u0120Nicarag": 33288, "410": 33289, "\u0120CAL": 33290, "OTOS": 33291, "\u0120Miracle": 33292, "\u0120Enchant": 33293, "\u0120guarding": 33294, "append": 33295, "Attach": 33296, "\u0120leveled": 33297, "\u0120condoms": 33298, "ihilation": 33299, "649": 33300, "\u0120nightmares": 33301, "\u0120THEY": 33302, "\u0120START": 33303, "\u0120Kinn": 33304, "\u0120roommate": 33305, "\u0120hygiene": 33306, "opping": 33307, "Job": 33308, "\u0120lvl": 33309, "\u0120VER": 33310, "\u0120Keeping": 33311, "abetic": 33312, "\u0120formatting": 33313, "erala": 33314, "\u0120revisions": 33315, "\u0120resurg": 33316, "Tel": 33317, "\u0120Goodman": 33318, "353": 33319, "pod": 33320, "\u0120indisp": 33321, "\u0120Translation": 33322, "\u0120gown": 33323, "\u0120Mund": 33324, "\u0120cis": 33325, "\u0120bystand": 33326, "collect": 33327, "\u0120Punjab": 33328, "actively": 33329, "\u0120Gamb": 33330, "tell": 33331, "\u0120importing": 33332, "gencies": 33333, "\u0120locom": 33334, "\u0120Brill": 33335, "Holy": 33336, "\u0120Berger": 33337, "\u0120showdown": 33338, "\u0120responders": 33339, "ILY": 33340, "\u0120takedown": 33341, "leted": 33342, "\u0120mattered": 33343, "\u0120predictive": 33344, "\u0120overlay": 33345, "GPU": 33346, "\u0120Vick": 33347, "\u0120conveyed": 33348, "Tab": 33349, "peer": 33350, "Scan": 33351, "\u0120defensively": 33352, "vae": 33353, "\u0120approving": 33354, "\u0120tiers": 33355, "\u0120Via": 33356, "querade": 33357, "\u0120Saudis": 33358, "\u0120demolished": 33359, "\u0120Prophe": 33360, "\u0120mono": 33361, "\u0120hospitality": 33362, "HAM": 33363, "\u0120Ariel": 33364, "MOD": 33365, "\u0120Torah": 33366, "\u0120blah": 33367, "\u0120Belarus": 33368, "erential": 33369, "\u0120Tuc": 33370, "\u0120banker": 33371, "397": 33372, "\u0120mosquit": 33373, "\u0120Scientist": 33374, "\u0120Musical": 33375, "\u0120hust": 33376, "Shift": 33377, "\u0120torment": 33378, "\u0120standoff": 33379, "Educ": 33380, "\u0120Fog": 33381, "\u0120amplifier": 33382, "Shape": 33383, "Instance": 33384, "\u0120Critics": 33385, "\u0120daemon": 33386, "Houston": 33387, "\u0120mattress": 33388, "\u0120IDF": 33389, "\u0120obscene": 33390, "\u0120Amer": 33391, "hetti": 33392, "\u0120compiling": 33393, "352": 33394, "verett": 33395, "\u0120Reduction": 33396, "istration": 33397, "\u0120Blessed": 33398, "\u0120Bachelor": 33399, "316": 33400, "\u0120prank": 33401, "\u0120Vulcan": 33402, "dding": 33403, "\u0120mourning": 33404, "\u0120Quint": 33405, "\u0120Blaster": 33406, "testing": 33407, "\u0120sediment": 33408, ">>>": 33409, "\u0120Eternity": 33410, "\u0120WHERE": 33411, "\u0120Maze": 33412, "\u0120reacting": 33413, "\u0120Alv": 33414, "omsday": 33415, "\u0120CRA": 33416, "\u0120translator": 33417, "\u0120bogus": 33418, "atu": 33419, "Website": 33420, "olls": 33421, "\u0120baptism": 33422, "\u0120sibling": 33423, "\u0120Autumn": 33424, "vez": 33425, "\u00e3\u0123\u00ae\u00e9": 33426, "guards": 33427, "Georg": 33428, "assadors": 33429, "\u0120Freud": 33430, "\u0120continents": 33431, "\u0120Registry": 33432, "Bernie": 33433, "\u0138\u013c\u00e5\u00a3\u00ab": 33434, "\u0120tolerant": 33435, "\u0120UW": 33436, "\u0120horribly": 33437, "995": 33438, "\u0120MIDI": 33439, "\u0120impatient": 33440, "ocado": 33441, "eri": 33442, "\u0120Worst": 33443, "\u0120Norris": 33444, "\u0120Talking": 33445, "\u0120defends": 33446, "ensable": 33447, "\u01202021": 33448, "\u0120anatomy": 33449, "Lew": 33450, "\u0120drawer": 33451, "\u0120Canberra": 33452, "\u0120patriotic": 33453, "\u00e9\u00be\u012f\u00e5\u0138\u013c\u00e5\u00a3\u00ab": 33454, "\u0120Avg": 33455, "ARM": 33456, "\u0120undisclosed": 33457, "\u0120farewell": 33458, "459": 33459, "bable": 33460, "\u0120Allison": 33461, "OLOG": 33462, "\u0120conco": 33463, "tight": 33464, "\u0120ACPI": 33465, "\u0120Mines": 33466, "lich": 33467, "\u0120\u00e2\u0136\u013e": 33468, "represented": 33469, "200000": 33470, "\u0120enthusiast": 33471, "OTS": 33472, "bil": 33473, "\u0120Ingredients": 33474, "\u0120inventor": 33475, "\u0120MySQL": 33476, "\u00c2\u0142\u00c2\u0142\u00c2\u0142": 33477, "\u0120ABOUT": 33478, "within": 33479, "\u0120mk": 33480, "Bul": 33481, "\u0120Fake": 33482, "\u0120draconian": 33483, "Wa": 33484, "helm": 33485, "\u0120Terran": 33486, "erville": 33487, "\u0120commonplace": 33488, "SIZE": 33489, "\u0120\"<": 33490, "replace": 33491, "ographs": 33492, "\u0120SELECT": 33493, "incible": 33494, "\u0120Mostly": 33495, "\u0120Sheffield": 33496, "\u0120IDE": 33497, "uggle": 33498, "\u0120citations": 33499, "hurst": 33500, "\u0120Unix": 33501, "\u0120unleash": 33502, "\u0120Piper": 33503, "\u0120Nano": 33504, "\u0120succumb": 33505, "\u0120reluctance": 33506, "\u01202500": 33507, "\u0120Merchant": 33508, "\u0120wiret": 33509, "\u0120combos": 33510, "\u0120Birthday": 33511, "\u0120charcoal": 33512, "\u0120UPS": 33513, "\u0120Fairfax": 33514, "\u0120driveway": 33515, "\u0120Tek": 33516, "\u0120Pitch": 33517, "overe": 33518, "\u0120technicians": 33519, "\u0120Actual": 33520, "flation": 33521, "\u0120Fiscal": 33522, "\u0120Empty": 33523, "anamo": 33524, "\u0120magnesium": 33525, "\u0120slut": 33526, "\u0120growers": 33527, "Investigators": 33528, "():": 33529, "\u0120Satellite": 33530, "\u0120Keynes": 33531, "missive": 33532, "lane": 33533, "\u0120borough": 33534, "344": 33535, "\u0120TEAM": 33536, "\u0120Bethesda": 33537, "CV": 33538, "hower": 33539, "\u0120RAD": 33540, "\u0120chant": 33541, "\u0120Riy": 33542, "\u0120compositions": 33543, "\u0120mildly": 33544, "\u0120meddling": 33545, "\u0120agility": 33546, "aneers": 33547, "501": 33548, "\u0120synth": 33549, "linger": 33550, "291": 33551, "\u0120exclaimed": 33552, "Party": 33553, "\u0120contamin": 33554, "\u0120Manor": 33555, "\u0120Respond": 33556, "\u0120praising": 33557, "\u0120manners": 33558, "fleet": 33559, "Summer": 33560, "\u0120Lynd": 33561, "\u0120Definitely": 33562, "grim": 33563, "\u0120bowling": 33564, "stri": 33565, "\u00e7\u013d": 33566, "ynt": 33567, "\u0120mandates": 33568, "DIV": 33569, "\u0120reconcile": 33570, "views": 33571, "\u0120Damon": 33572, "vette": 33573, "Flo": 33574, "\u0120Greatest": 33575, "ilon": 33576, "icia": 33577, "\u0120portrayal": 33578, "\u0120cushion": 33579, "504": 33580, "1979": 33581, "ossal": 33582, "Applic": 33583, "scription": 33584, "\u0120mitigation": 33585, "ATS": 33586, "pac": 33587, "\u0120erased": 33588, "\u0120deficiencies": 33589, "\u0120Hollande": 33590, "\u0120Xu": 33591, "\u0120bred": 33592, "\u0120pregnancies": 33593, "femin": 33594, "\u0120emph": 33595, "\u0120planners": 33596, "\u0120outper": 33597, "uttering": 33598, "\u0120perpetrator": 33599, "\u0120motto": 33600, "\u0120Ellison": 33601, "\u0120NEVER": 33602, "\u0120admittedly": 33603, "ARI": 33604, "\u0120Azerbaijan": 33605, "\u0120millisec": 33606, "\u0120combustion": 33607, "\u0120Bottle": 33608, "\u0120Lund": 33609, "\u0120Ps": 33610, "\u0120Dress": 33611, "\u0120fabricated": 33612, "\u0120battered": 33613, "\u0120sidel": 33614, "\u0120Notting": 33615, "Foreign": 33616, "\u0120Jerome": 33617, "020": 33618, "\u0120Arbit": 33619, "\u0120knots": 33620, "\u0120RIGHT": 33621, "Moving": 33622, "\u00e3\u0123\u013b": 33623, "\u0120surgeries": 33624, "\u0120courthouse": 33625, "\u0120mastered": 33626, "\u0120hovering": 33627, "\u0120Bran": 33628, "\u0120Alison": 33629, "\u0120safest": 33630, "military": 33631, "\u0120bullied": 33632, "\u0120barrage": 33633, "Reader": 33634, "ESE": 33635, "\u0120Geographic": 33636, "Tools": 33637, "314": 33638, "\u0120Geek": 33639, "roth": 33640, "glers": 33641, "\u0120FIN": 33642, "\u00cf\u0123": 33643, "\u0120Aston": 33644, "altern": 33645, "488": 33646, "\u0120veterin": 33647, "Gamer": 33648, "\u0120intel": 33649, "renches": 33650, "Shield": 33651, "\u0120amnesty": 33652, "\u0120Bhar": 33653, "\u0120piled": 33654, "\u0120honorable": 33655, "\u0120Institutes": 33656, "\u0120soaked": 33657, "\u0120coma": 33658, "\u0120EFF": 33659, "341": 33660, "bytes": 33661, "\u0120Gmail": 33662, "lein": 33663, "\u0120Canadiens": 33664, "material": 33665, "Il": 33666, "\u0120instructors": 33667, "\u0120KY": 33668, "\u0120conceive": 33669, "ubb": 33670, "\u0120Possible": 33671, "\u0120easing": 33672, "\u0120Christina": 33673, "\u0120caric": 33674, "\u0120HDR": 33675, "ROM": 33676, "\u0120shovel": 33677, "delete": 33678, "\u0120puff": 33679, "\u0120Changing": 33680, "\u0120seamlessly": 33681, "Attribute": 33682, "\u0120acquisitions": 33683, "akery": 33684, "\u0120EF": 33685, "\u0120autistic": 33686, "\u0120Takes": 33687, "\u0120Powder": 33688, "\u0120Stir": 33689, "510": 33690, "\u0120Bubble": 33691, "settings": 33692, "\u0120Fowler": 33693, "\u0120mustard": 33694, "\u0120moreover": 33695, "\u0120copyrighted": 33696, "\u0120LEDs": 33697, "1500": 33698, "\u00e6\u012b": 33699, "\u0120HIS": 33700, "enf": 33701, "\u0120custod": 33702, "\u0120Huck": 33703, "Gi": 33704, "\u0120img": 33705, "Answer": 33706, "Ct": 33707, "jay": 33708, "\u0120Infrastructure": 33709, "\u0120federally": 33710, "Loc": 33711, "\u0120microbes": 33712, "\u0120overrun": 33713, "dds": 33714, "otent": 33715, "adiator": 33716, ">>>>>>>>": 33717, "\u0120tornado": 33718, "\u0120adjud": 33719, "\u0120intrigued": 33720, "\u0120si": 33721, "\u0120Revelation": 33722, "progress": 33723, "\u0120burglary": 33724, "\u0120Saiyan": 33725, "\u0120Kathy": 33726, "\u0120serpent": 33727, "\u0120Andreas": 33728, "\u0120compel": 33729, "essler": 33730, "\u0120Plastic": 33731, "\u0120Advent": 33732, "\u0120Positive": 33733, "\u0120Qt": 33734, "\u0120Hindus": 33735, "registered": 33736, "ularity": 33737, "\u0120righteousness": 33738, "\u0120demonic": 33739, "uitive": 33740, "\u0120BDS": 33741, "\u0120Gregg": 33742, "cia": 33743, "\u0120Crusade": 33744, "\u0120Sinai": 33745, "WARE": 33746, "+(": 33747, "\u0120mell": 33748, "\u0120derail": 33749, "yards": 33750, "Ast": 33751, "\u0120noticeably": 33752, "\u0120Ober": 33753, "Ram": 33754, "\u0120unnoticed": 33755, "\u0120seq": 33756, "avage": 33757, "Ts": 33758, "\u0120640": 33759, "\u0120concede": 33760, "\u0120])": 33761, "Fill": 33762, "\u0120captivity": 33763, "\u0120Improvement": 33764, "\u0120Crusader": 33765, "araoh": 33766, "MAP": 33767, "\u00e6\u0139": 33768, "\u0120stride": 33769, "always": 33770, "Fly": 33771, "Nit": 33772, "\u0120algae": 33773, "\u0120Cooking": 33774, "\u0120Doors": 33775, "Malley": 33776, "\u0120policemen": 33777, "\u00e3\u0123\u012f": 33778, "\u0120astronaut": 33779, "accessible": 33780, "495": 33781, "\u0120RAW": 33782, "cliffe": 33783, "udicrous": 33784, "\u0120depended": 33785, "alach": 33786, "\u0120ventures": 33787, "rake": 33788, "\u0120tits": 33789, "\u0120Hou": 33790, "\u0120condom": 33791, "ormonal": 33792, "\u0120indent": 33793, "\u0120uploading": 33794, "Footnote": 33795, "Important": 33796, "\u0120271": 33797, "\u0120mindful": 33798, "\u0120contends": 33799, "Cra": 33800, "\u0120calibr": 33801, "\u0120OECD": 33802, "plugin": 33803, "Fat": 33804, "\u0120ISS": 33805, "\u0120Dynamics": 33806, "ansen": 33807, "686": 33808, "'),": 33809, "\u0120sprite": 33810, "\u0120handheld": 33811, "\u0120Hipp": 33812, "=~=~": 33813, "Trust": 33814, "\u0120semantics": 33815, "\u0120Bundes": 33816, "\u0120Reno": 33817, "\u0120Literature": 33818, "sense": 33819, "Gary": 33820, "\u0120Aeg": 33821, "\u0120Trin": 33822, "EEK": 33823, "\u0120cleric": 33824, "\u0120SSH": 33825, "\u0120christ": 33826, "\u0120invading": 33827, "ibu": 33828, "\u0120enum": 33829, "aura": 33830, "\u0120allege": 33831, "\u0120Incredible": 33832, "BBC": 33833, "\u0120thru": 33834, "\u0120sailed": 33835, "\u0120emulate": 33836, "\u0120insecurity": 33837, "\u0120crou": 33838, "\u0120accommodations": 33839, "\u0120incompetent": 33840, "\u0120slips": 33841, "\u0120Earthqu": 33842, "sama": 33843, "ILLE": 33844, "\u0120iPhones": 33845, "asaki": 33846, "\u0120bye": 33847, "\u0120ard": 33848, "\u0120extras": 33849, "\u0120slaughtered": 33850, "\u0120crowdfunding": 33851, "resso": 33852, "\u0120filib": 33853, "\u0120ERROR": 33854, "\u0120TLS": 33855, "egg": 33856, "\u0120Ital": 33857, "\u0120enlist": 33858, "\u0120Catalonia": 33859, "\u0120Scots": 33860, "\u0120sergeant": 33861, "\u0120dissolve": 33862, "NH": 33863, "\u0120standings": 33864, "rique": 33865, "IQ": 33866, "\u0120beneficiary": 33867, "\u0120aquarium": 33868, "YouTube": 33869, "\u0120PowerShell": 33870, "\u0120brightest": 33871, "\u0120Warrant": 33872, "Sold": 33873, "Writing": 33874, "\u0120beginnings": 33875, "\u0120Reserved": 33876, "\u0120Latinos": 33877, "heading": 33878, "\u0120440": 33879, "\u0120rooftop": 33880, "ATING": 33881, "\u0120390": 33882, "VPN": 33883, "Gs": 33884, "kernel": 33885, "turned": 33886, "\u0120preferable": 33887, "\u0120turnovers": 33888, "\u0120Hels": 33889, "Sa": 33890, "\u0120Shinji": 33891, "veh": 33892, "\u0120MODULE": 33893, "Viol": 33894, "\u0120exiting": 33895, "\u0120jab": 33896, "\u0120Vanilla": 33897, "\u0120acron": 33898, "\u0120Gap": 33899, "bern": 33900, "Ak": 33901, "\u0120McGu": 33902, "\u0120endlessly": 33903, "\u0120Farage": 33904, "\u0120Noel": 33905, "Va": 33906, "MK": 33907, "\u0120brute": 33908, "\u0120Kru": 33909, "\u0120ESV": 33910, "\u0120Olivia": 33911, "\u00e2\u0122\u0142": 33912, "\u0120Kaf": 33913, "\u0120trusting": 33914, "\u0120hots": 33915, "324": 33916, "\u0120malaria": 33917, "\u0120json": 33918, "\u0120pounding": 33919, "ortment": 33920, "Country": 33921, "\u0120postponed": 33922, "\u0120unequiv": 33923, "?),": 33924, "\u0120Rooney": 33925, "udding": 33926, "\u0120Leap": 33927, "urrence": 33928, "shapeshifter": 33929, "\u0120HAS": 33930, "osate": 33931, "\u0120cavern": 33932, "\u0120conservatism": 33933, "\u0120BAD": 33934, "\u0120mileage": 33935, "\u0120arresting": 33936, "Vaults": 33937, "\u0120mixer": 33938, "Democratic": 33939, "\u0120Benson": 33940, "\u0120authored": 33941, "8000": 33942, "\u0120proactive": 33943, "\u0120Spiritual": 33944, "tre": 33945, "\u0120incarcerated": 33946, "\u0120Sort": 33947, "\u0120peaked": 33948, "\u0120wielding": 33949, "reciation": 33950, "\u00d7\u013b\u00d7": 33951, "Patch": 33952, "\u0120Emmy": 33953, "\u0120exqu": 33954, "tto": 33955, "\u0120Ratio": 33956, "\u0120Picks": 33957, "\u0120Gry": 33958, "phant": 33959, "\u0120fret": 33960, "\u0120ethn": 33961, "\u0120archived": 33962, "%-": 33963, "cases": 33964, "\u0120Blaze": 33965, "\u0120imb": 33966, "cv": 33967, "yss": 33968, "imony": 33969, "\u0120countdown": 33970, "\u0120awakening": 33971, "\u0120Tunisia": 33972, "\u0120Refer": 33973, "\u0120MJ": 33974, "\u0120unnatural": 33975, "\u0120Carnegie": 33976, "izen": 33977, "\u0120Nuggets": 33978, "hess": 33979, "\u0120evils": 33980, "647": 33981, "\u0120introductory": 33982, "loving": 33983, "\u0120McMahon": 33984, "\u0120ambiguity": 33985, "Label": 33986, "\u0120Almighty": 33987, "\u0120coloring": 33988, "\u0120Claus": 33989, "setting": 33990, "NULL": 33991, "\u0120Favorite": 33992, "\u0120SIG": 33993, ">(": 33994, "\u0120Shiva": 33995, "\u0120Mayer": 33996, "\u0120stormed": 33997, "\u0120Coverage": 33998, "weapons": 33999, "igham": 34000, "\u0120unanswered": 34001, "\u0120leve": 34002, "\u0120coy": 34003, "cas": 34004, "bags": 34005, "asured": 34006, "Seattle": 34007, "\u0120Santorum": 34008, "serious": 34009, "\u0120courageous": 34010, "\u0120Soup": 34011, "\u0120confiscated": 34012, "\u0120///": 34013, "\u0120unconventional": 34014, "\u0120moms": 34015, "\u0120Rohingya": 34016, "\u0120Orchestra": 34017, "\u0120Potion": 34018, "\u0120discredit": 34019, "\u0120FIL": 34020, "fixed": 34021, "\u0120Deer": 34022, "doi": 34023, "\u0120Dimension": 34024, "\u0120bureaucrats": 34025, "eteen": 34026, "\u0120actionGroup": 34027, "ohm": 34028, "\u0120bumps": 34029, "\u0120Utility": 34030, "\u0120submarines": 34031, "renheit": 34032, "research": 34033, "\u0120Shapiro": 34034, "\u0120sketches": 34035, "\u0120deceptive": 34036, "\u0120Vil": 34037, "esame": 34038, "\u0120Essentially": 34039, "\u0120rampage": 34040, "isky": 34041, "\u0120muttered": 34042, "thritis": 34043, "\u0120236": 34044, "fet": 34045, "bars": 34046, "\u0120pupil": 34047, "\u0120Thou": 34048, "oS": 34049, "song": 34050, "\u0120fractured": 34051, "\u0120revert": 34052, "picture": 34053, "\u0120criterion": 34054, "usher": 34055, "\u0120repercussions": 34056, "\u0120Vintage": 34057, "\u0120Superintendent": 34058, "Officers": 34059, "\u0120flagged": 34060, "\u0120blames": 34061, "\u0120inverse": 34062, "ographers": 34063, "\u0120makeshift": 34064, "\u0120devoid": 34065, "\u0120fossils": 34066, "\u0120Aristotle": 34067, "\u0120Funds": 34068, "\u0120depleted": 34069, "\u0120Flu": 34070, "\u0120Yuan": 34071, "\u0120woes": 34072, "\u0120lipid": 34073, "\u0120situ": 34074, "requisites": 34075, "\u0120furnish": 34076, "\u0120Samar": 34077, "\u0120shameful": 34078, "\u0120adversely": 34079, "\u0120adept": 34080, "\u0120remorse": 34081, "\u0120murderous": 34082, "uckles": 34083, "\u0120ESL": 34084, "\u0120314": 34085, "sent": 34086, "\u0120redef": 34087, "\u0120Cache": 34088, "\u0120Purs": 34089, "igans": 34090, "\u0120460": 34091, "\u0120prescriptions": 34092, "\u0120fres": 34093, "Fuck": 34094, "ocrates": 34095, "Twenty": 34096, "\u0120Weird": 34097, "\u0120Toggle": 34098, "\u0120Called": 34099, "itizens": 34100, "\u0120poultry": 34101, "\u0120harvesting": 34102, "\u00e3\u0124\u00a6\u00e3\u0124\u00b9": 34103, "Bottom": 34104, "\u0120cautioned": 34105, "tn": 34106, "396": 34107, "\u0120Nikki": 34108, "\u0120evaluations": 34109, "\u0120harassing": 34110, "\u0120bindings": 34111, "\u0120Monetary": 34112, "\u0120hitters": 34113, "\u0120adversary": 34114, "unts": 34115, "\u0120setback": 34116, "\u0120encrypt": 34117, "\u0120Cait": 34118, "\u0120lows": 34119, "enges": 34120, "\u0120Norn": 34121, "\u0120bulbs": 34122, "\u0120bottled": 34123, "\u0120Voyager": 34124, "317": 34125, "\u0120spheres": 34126, "politics": 34127, "\u0120subtract": 34128, "\u0120sensations": 34129, "\u0120appalling": 34130, "\u0120316": 34131, "\u0120environmentally": 34132, "\u0120STEM": 34133, "\u0120publishes": 34134, "560": 34135, "\u0120diligence": 34136, "484": 34137, "\u0120advises": 34138, "\u0120petrol": 34139, "\u0120imagining": 34140, "\u0120patrols": 34141, "\u0120Integer": 34142, "\u0120Ashes": 34143, "actus": 34144, "\u0120Radiant": 34145, "\u0120LT": 34146, "itability": 34147, "htaking": 34148, "Setting": 34149, "\u0120nuanced": 34150, "\u0120Reef": 34151, "\u0120Developers": 34152, "Ni": 34153, "pieces": 34154, "990": 34155, "License": 34156, "\u0120lowers": 34157, "\u0120Ottoman": 34158, "327": 34159, "ooo": 34160, "\u0120quitting": 34161, "markets": 34162, "Behind": 34163, "\u0120basin": 34164, "\u0120docs": 34165, "anie": 34166, "flash": 34167, "ctl": 34168, "\u0120civilized": 34169, "\u0120Fukushima": 34170, "\"],\"": 34171, "\u0120KS": 34172, "\u0120Honestly": 34173, "arat": 34174, "\u0120constructs": 34175, "\u0120Lans": 34176, "\u0120Dire": 34177, "\u0120LIKE": 34178, "\u0120Trouble": 34179, "\u0120withholding": 34180, "\u0120Oblivion": 34181, "\u0120sanity": 34182, "anya": 34183, "Const": 34184, "\u0120grocer": 34185, "\u0120Celsius": 34186, "\u0120recounted": 34187, "\u0120Wife": 34188, "Border": 34189, "atered": 34190, "happy": 34191, "\u0120spoiler": 34192, "\u0120logically": 34193, "Hall": 34194, "\u0120succeeding": 34195, "\u0120polymorph": 34196, "\u0120axes": 34197, "\u0120Shotgun": 34198, "\u0120Slim": 34199, "\u0120Principles": 34200, "\u0120Leth": 34201, "arta": 34202, "\u0120scor": 34203, "Screenshot": 34204, "\u0120relaxation": 34205, "#$#$": 34206, "\u0120deterrent": 34207, "iddy": 34208, "\u0120powerless": 34209, "\u0120lesbians": 34210, "\u0120chords": 34211, "\u0120Edited": 34212, "selected": 34213, "\u0120separatists": 34214, "0002": 34215, "\u0120airspace": 34216, "\u0120turnaround": 34217, "\u0120cunning": 34218, "PATH": 34219, "Poly": 34220, "\u0120bombed": 34221, "\u0120tion": 34222, "xs": 34223, "\u0120withhold": 34224, "\u0120waged": 34225, "\u0120Liberties": 34226, "Flag": 34227, "\u0120comforting": 34228, "454": 34229, "\u0120Iris": 34230, "arers": 34231, "\u0120rag": 34232, "\u0120relocated": 34233, "\u0120Guarant": 34234, "\u0120strategically": 34235, "\u0120gamma": 34236, "uberty": 34237, "\u0120Lockheed": 34238, "gres": 34239, "\u0120grilled": 34240, "\u0120Lowe": 34241, "stats": 34242, "\u0120Rocks": 34243, "\u0120sensing": 34244, "\u0120renting": 34245, "\u0120Geological": 34246, "\u00d8\u00a7\u00d8": 34247, "otrop": 34248, "\u0120sew": 34249, "\u0120improperly": 34250, "486": 34251, "\u0120\u00e2\u0138\u0142": 34252, "\u0120starving": 34253, "\u0120Bj": 34254, "Discussion": 34255, "328": 34256, "\u0120Combo": 34257, "\u0120Fixes": 34258, "NAT": 34259, "\u0120striving": 34260, "thora": 34261, "\u0120harvested": 34262, "\u0120Ping": 34263, "\u0120playful": 34264, "\u0120avenues": 34265, "\u0120occupational": 34266, "\u0120wakes": 34267, "\u0120Courier": 34268, "\u0120drummer": 34269, "\u0120Browser": 34270, "\u0120Houth": 34271, "itu": 34272, "\u0120apparel": 34273, "paste": 34274, "\u0120hunted": 34275, "\u0120Secondly": 34276, "lain": 34277, "XY": 34278, "\u0120PIN": 34279, "icons": 34280, "\u0120cocktails": 34281, "\u0120sizable": 34282, "\u0120hurdles": 34283, "estinal": 34284, "\u0120Recreation": 34285, "\u0120eco": 34286, "648": 34287, "\u0120Died": 34288, "mint": 34289, "\u0120fingerprints": 34290, "\u0120dispose": 34291, "\u0120Bosnia": 34292, "tsy": 34293, "2200": 34294, "\u0120inspected": 34295, "\u0120Fou": 34296, "\u0120fuss": 34297, "\u0120ambush": 34298, "\u0120Rak": 34299, "\u0120manifested": 34300, "Prosecut": 34301, "\u0120suffice": 34302, "rences": 34303, "\u0120compensated": 34304, "\u0120Cyrus": 34305, "\u0120genus": 34306, "\u0120Wolverine": 34307, "\u0120Trends": 34308, "\u0120hikes": 34309, "\u0120Seen": 34310, "\u0120enrol": 34311, "Cold": 34312, "\u0120politely": 34313, "\u0120Slav": 34314, "\u0120Rupert": 34315, "\u0120eyewitness": 34316, "\u0120Alto": 34317, "\u0120uncomp": 34318, "\u0120posterior": 34319, "Must": 34320, "\u0120Herz": 34321, "\u0120progressively": 34322, "\u0120234": 34323, "\u0120indifference": 34324, "\u0120Cunningham": 34325, "\u0120academia": 34326, "\u0120sewer": 34327, "\u0120astounding": 34328, "\u0120AES": 34329, "rather": 34330, "\u0120eldest": 34331, "\u0120climbs": 34332, "\u0120Adds": 34333, "\u0120outcry": 34334, "\u0120contag": 34335, "\u0120Houses": 34336, "\u0120pept": 34337, "\u0120Melania": 34338, "interested": 34339, "\u0120UCH": 34340, "\u0120Roots": 34341, "\u0120Hubbard": 34342, "\u0120TBD": 34343, "\u0120Romanian": 34344, "filename": 34345, "Stone": 34346, "\u0120Impl": 34347, "\u0120chromosome": 34348, "Cle": 34349, "dx": 34350, "\u0120scrambled": 34351, "\u0120Pt": 34352, "\u0120242": 34353, "OPLE": 34354, "\u0120tremendously": 34355, "Street": 34356, "\u0120craving": 34357, "\u0120bundled": 34358, "\u0120RG": 34359, "pipe": 34360, "\u0120injuring": 34361, "\u0120arcane": 34362, "Particip": 34363, "\u0120Heroic": 34364, "sty": 34365, "\u0120topping": 34366, "\u0120Tempest": 34367, "rentices": 34368, "bh": 34369, "\u0120paranoia": 34370, "\u0120Unicode": 34371, "\u0120egregious": 34372, "\u0120\\'": 34373, "\u0120Oswald": 34374, "\u0120gravel": 34375, "\u0120Simpsons": 34376, "\u0120bland": 34377, "\u0120Guantanamo": 34378, "Writer": 34379, "liners": 34380, "\u0120Dice": 34381, "JC": 34382, "\u0120parity": 34383, "\u0120sided": 34384, "\u0120237": 34385, "\u0120Pyrrha": 34386, "atters": 34387, "dk": 34388, "Fine": 34389, "compan": 34390, "\u0120formulated": 34391, "\u0120Idol": 34392, "ilers": 34393, "hemoth": 34394, "\u0120Fav": 34395, "\u0120intrusion": 34396, "\u0120carrots": 34397, "\u0120Layer": 34398, "\u0120Hacker": 34399, "\u0120----------------": 34400, "\u0120moderation": 34401, "\u00e9\u0123": 34402, "ococ": 34403, "\u0120characterize": 34404, "\u0120Teresa": 34405, "\u0120socioeconomic": 34406, "\u0120perk": 34407, "\u0120Participation": 34408, "training": 34409, "\u0120Paulo": 34410, "phys": 34411, "\u0120trustworthy": 34412, "\u0120embodied": 34413, "\u0120Merch": 34414, "currency": 34415, "\u0120Priority": 34416, "\u0120teasing": 34417, "\u0120absorbing": 34418, "\u0120unfinished": 34419, "\u0120Comparison": 34420, "\u0120disple": 34421, "writers": 34422, "\u0120professions": 34423, "\u0120Penguin": 34424, "\u0120angrily": 34425, "\u0120LINK": 34426, "688": 34427, "\u0120Correspond": 34428, "\u0120prevailed": 34429, "\u0120cartel": 34430, "lp": 34431, "asms": 34432, "\u0120Redemption": 34433, "\u0120Islamists": 34434, "effects": 34435, "dose": 34436, "\u0120Latter": 34437, "\u0120Halifax": 34438, "\u0120vas": 34439, "\u0120Topics": 34440, "\u0120Named": 34441, "advertising": 34442, "zza": 34443, "ICES": 34444, "\u0120retarded": 34445, "achable": 34446, "\u0120Puppet": 34447, "\u0120ItemLevel": 34448, "\u0120retract": 34449, "\u0120identifiable": 34450, "Aaron": 34451, "\u0120Buster": 34452, "sol": 34453, "helle": 34454, "assemb": 34455, "Hope": 34456, "ranged": 34457, "Ba": 34458, "\u0120Purch": 34459, "\u00e9\u0122": 34460, "\u0120Siri": 34461, "\u0120arrivals": 34462, "\u01201912": 34463, "\u0120shortened": 34464, "\u0120312": 34465, "\u0120discrepancy": 34466, "\u0120Temperature": 34467, "\u0120Walton": 34468, "\u0120kinderg": 34469, "polit": 34470, "\u0120remix": 34471, "\u0120connectors": 34472, "\u00e3\u0125\u013a\u00e3\u0125\u00a9": 34473, "\u0120Kazakhstan": 34474, "dominated": 34475, "\u0120sugars": 34476, "imble": 34477, "\u0120Panic": 34478, "\u0120Demand": 34479, "\u0120Colony": 34480, "onen": 34481, "\u0120MER": 34482, "775": 34483, "uria": 34484, "azaar": 34485, "\u0120Degree": 34486, "Pri": 34487, "\u0120sunshine": 34488, "\u0120251": 34489, "\u0120psychedelic": 34490, "\u0120digitally": 34491, "\u0120Braun": 34492, "\u0120shimmer": 34493, "\u0120shave": 34494, "\u0120Telesc": 34495, "\u0120Astral": 34496, "\u0120Venezuelan": 34497, "\u0120OG": 34498, "\u0120crawling": 34499, "Integ": 34500, "\u0120Feather": 34501, "\u0120unfolding": 34502, "\u0120appropriation": 34503, "\u0120\u00e8\u00a3\u0131\u00e8": 34504, "\u0120Mobility": 34505, "\u0120Ney": 34506, "-.": 34507, "bilt": 34508, "LIN": 34509, "\u0120Tube": 34510, "\u0120Conversely": 34511, "\u0120keyboards": 34512, "\u0120Cao": 34513, "\u0120overth": 34514, "\u0120laure": 34515, ">>\\": 34516, "\u0120Viper": 34517, "acha": 34518, "Offset": 34519, "\u0120Raleigh": 34520, "\u0120Jae": 34521, "Jordan": 34522, "jp": 34523, "\u0120totalitarian": 34524, "Connector": 34525, "\u0120observes": 34526, "\u0120Spartan": 34527, "\u0120Immediately": 34528, "\u0120Scal": 34529, "Cool": 34530, "\u0120taps": 34531, "\u0120roar": 34532, "Past": 34533, "\u0120chars": 34534, "\u0120Bender": 34535, "\u0120Sheldon": 34536, "\u0120painter": 34537, "\u0120beacon": 34538, "\u0120Creatures": 34539, "\u0120downturn": 34540, "\u0120hinder": 34541, "\u0120Andromeda": 34542, "\u00c3\u013d": 34543, "ccoli": 34544, "\u0120Fitness": 34545, "etrical": 34546, "\u0120utilizes": 34547, "\u0120senate": 34548, "\u0120ensemble": 34549, "\u0120cheers": 34550, "TW": 34551, "\u0120affluent": 34552, "kil": 34553, "rylic": 34554, "ordering": 34555, "Computer": 34556, "\u0120gruesome": 34557, "ostics": 34558, "\u0120Ubisoft": 34559, "\u0120Kelley": 34560, "\u0120wrench": 34561, "\u0120bourgeoisie": 34562, "IBLE": 34563, "\u0120Preston": 34564, "worn": 34565, "arist": 34566, "reating": 34567, "\u0120stained": 34568, "arine": 34569, "\u0120slime": 34570, "ENN": 34571, "\u0120chests": 34572, "\u0120groundwater": 34573, "annot": 34574, "\u0120Tray": 34575, "\u0120Locke": 34576, "\u0120CTR": 34577, "\u0120dudes": 34578, "\u0120External": 34579, "\u0120Decoder": 34580, "\u0120paramed": 34581, "\u0120Medline": 34582, "809": 34583, "\u0120Dinner": 34584, "rupal": 34585, "gz": 34586, "\u0120Gum": 34587, "\u0120Demo": 34588, "jee": 34589, "\u0120dh": 34590, "berman": 34591, "archs": 34592, "\u0120enqu": 34593, "\u0120Epstein": 34594, "\u0120devastation": 34595, "\u0120friendships": 34596, "\u0120Ard": 34597, "\u0120231": 34598, "\u0120Rubin": 34599, "\u0120Distance": 34600, "\u0120spurred": 34601, "\u0120dossier": 34602, "\u0120overlooking": 34603, "\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\": 34604, "Forest": 34605, "\u0120Comes": 34606, "\\\",": 34607, "\u0120Iranians": 34608, "\u0120fixtures": 34609, "Laughs": 34610, "\u0120curry": 34611, "\u0120Kingston": 34612, "\u0120squash": 34613, "\u0120catalogue": 34614, "\u0120abnormalities": 34615, "\u0120digestive": 34616, ".........": 34617, "\u0120subordinate": 34618, "ogly": 34619, "\u0120249": 34620, "Middle": 34621, "\u0120massac": 34622, "\u0120burgers": 34623, "\u0120downstairs": 34624, "\u01201931": 34625, "394": 34626, "\u0120VG": 34627, "\u0120lasers": 34628, "\u0120Sikh": 34629, "\u0120Alexa": 34630, "derived": 34631, "\u0120cyclist": 34632, "\u00e3\u0123\u00ae\u00e9\u0143\u0136": 34633, "oneliness": 34634, "!!!!!!!!": 34635, "\u0120buffs": 34636, "legate": 34637, "\u0120raping": 34638, "\u0120recommending": 34639, "rored": 34640, "\u0120multicultural": 34641, "unique": 34642, "\u0120businessmen": 34643, "\u0120uneasy": 34644, "\u0120MAP": 34645, "\u0120dispersed": 34646, "cipline": 34647, "Jess": 34648, "\u0120Kerala": 34649, "\u00e5\u00a7": 34650, "\u0120abstraction": 34651, "Surv": 34652, "Uh": 34653, "\u0120printers": 34654, "ija": 34655, "owder": 34656, "\u0120analogous": 34657, "\u0120ASP": 34658, "afer": 34659, "\u0120unfolded": 34660, "\u0120leveling": 34661, "\u0120breached": 34662, "\u0120Hearing": 34663, "\u0120nat": 34664, "\u0120translating": 34665, "critical": 34666, "\u0120antagonist": 34667, "\u0120Yesterday": 34668, "\u0120fuzzy": 34669, "wash": 34670, "mere": 34671, "\u0120bewild": 34672, "\u0120Mae": 34673, "Virgin": 34674, "phrase": 34675, "\u0120signaled": 34676, "\u0120HIGH": 34677, "\u0120protester": 34678, "\u0120garner": 34679, "unknown": 34680, "\u0120kay": 34681, "\u0120abducted": 34682, "\u0120stalking": 34683, "amn": 34684, "\u0120deserving": 34685, "\u0120Riv": 34686, "\u0120Jorge": 34687, "\u0120scratching": 34688, "\u0120Saving": 34689, "iping": 34690, "\u0120tease": 34691, "\u0120missionary": 34692, "\u0120Morrow": 34693, "TIME": 34694, "Present": 34695, "\u0120chemotherapy": 34696, "terness": 34697, "\u0120Homes": 34698, "\u0120Purdue": 34699, "\u0120staunch": 34700, "\u0120Whitney": 34701, "\u0120THERE": 34702, "\u00ce\u00bc": 34703, "iatus": 34704, "\u0120Ernest": 34705, "\u0120Deploy": 34706, "\u0120coveted": 34707, "FML": 34708, "\u0120Dialogue": 34709, "\u0120exited": 34710, "fruit": 34711, "\u0120nerd": 34712, "\":\"\",\"": 34713, "\u0120vivo": 34714, "ruly": 34715, "460": 34716, "\u0120Amen": 34717, "rehensible": 34718, "\u0120\u00e2\u013a": 34719, "DIR": 34720, "\u0120adherence": 34721, "\u0120chew": 34722, "\u0120Coke": 34723, "\u0120Sergei": 34724, "digital": 34725, "\u0120Neck": 34726, "gently": 34727, "enthal": 34728, "/)": 34729, "\u0120weary": 34730, "\u0120guise": 34731, "\u0120Concord": 34732, "\u0120Onion": 34733, "atcher": 34734, "\u0120binge": 34735, "\u0120Directive": 34736, "\u0120manned": 34737, "ansk": 34738, "\u0120illusions": 34739, "\u0120billionaires": 34740, "383": 34741, "olyn": 34742, "odynamic": 34743, "\u0120Wheat": 34744, "\u0120Alic": 34745, "\u0120coloured": 34746, "\u0120NAFTA": 34747, "abo": 34748, "\u0120macros": 34749, "independent": 34750, "sweet": 34751, "\u0120spac": 34752, "\u0120Kabul": 34753, "\u0120\u00c4": 34754, "eme": 34755, "\u0120dictated": 34756, "\u0120shouts": 34757, "={": 34758, "\u0120ripping": 34759, "\u0120Shay": 34760, "\u0120Cricket": 34761, "directed": 34762, "\u0120analysed": 34763, "\u0120WARRANT": 34764, "agons": 34765, "\u0120Blazers": 34766, "\u0120cheered": 34767, "\u0120arithmetic": 34768, "\u0120Tanz": 34769, "373": 34770, "\u0120Flags": 34771, "\u0120295": 34772, "\u0120witches": 34773, "\u0120Included": 34774, "\u0120Gained": 34775, "\u0120Blades": 34776, "Gam": 34777, "\u0120Samantha": 34778, "\u0120Atlantis": 34779, "\u0120Pratt": 34780, "\u0120spoiled": 34781, "\u0120IB": 34782, "\u0120Ramirez": 34783, "Probably": 34784, "rero": 34785, "\u0120Ng": 34786, "\u0120Warlock": 34787, "tp": 34788, "\u0120overhe": 34789, "\u0120administrations": 34790, "\u0120tint": 34791, "\u0120regiment": 34792, "\u0120pistols": 34793, "\u0120blankets": 34794, "\u0120epist": 34795, "\u0120bowls": 34796, "\u0120hydraulic": 34797, "\u0120dean": 34798, "\u0120jung": 34799, "\u0120ascend": 34800, "705": 34801, "\u0120Santiago": 34802, "\u00c3\u00ae": 34803, "\u0120unavoid": 34804, "\u0120Shaman": 34805, "reb": 34806, "\u0120stemming": 34807, "998": 34808, "\u0120MG": 34809, "sticks": 34810, "esthesia": 34811, "ERO": 34812, "\u0120morbid": 34813, "\u0120Grill": 34814, "\u0120Poe": 34815, "anyl": 34816, "\u0120deleting": 34817, "\u0120Surveillance": 34818, "\u0120directives": 34819, "\u0120iterations": 34820, "\u0120Rox": 34821, "\u0120Milky": 34822, "Father": 34823, "\u0120patented": 34824, "447": 34825, "\u0120precursor": 34826, "\u0120maiden": 34827, "\u0120Phen": 34828, "\u0120Vegan": 34829, "\u0120Patent": 34830, "Kelly": 34831, "Redditor": 34832, "\u0120nods": 34833, "\u0120ventilation": 34834, "\u0120Schwarz": 34835, "\u0120wizards": 34836, "\u0120ominous": 34837, "\u0120Heads": 34838, "\u0120BG": 34839, "\u0120lumber": 34840, "\u0120Spiel": 34841, "\u0120isEnabled": 34842, "\u0120ancestral": 34843, "\u0120Ships": 34844, "\u0120wrestler": 34845, "phi": 34846, "\u0120yuan": 34847, "\u0120Rebellion": 34848, "\u0120iceberg": 34849, "\u0120magically": 34850, "\u0120diversion": 34851, "arro": 34852, "ythm": 34853, "\u0120Riders": 34854, "\u0120Robbie": 34855, "\u0120Kara": 34856, "\u0120Maintenance": 34857, "\u0120Herb": 34858, "\u0120harms": 34859, "packed": 34860, "\u0120Feinstein": 34861, "\u0120marrying": 34862, "\u0120blending": 34863, "\u0120Rates": 34864, "\u01201880": 34865, "\u0120wrink": 34866, "\u0120Unch": 34867, "\u0120Torch": 34868, "described": 34869, "\u0120humanoid": 34870, "ilitating": 34871, "\u0120Conv": 34872, "\u0120Feld": 34873, "IGHTS": 34874, "\u0120whistleblower": 34875, "ortmund": 34876, "etsy": 34877, "arrett": 34878, "\u0120Mono": 34879, "\u0120Ike": 34880, "\u0120CNBC": 34881, "\u0120WAY": 34882, "\u0120MDMA": 34883, "\u0120Individuals": 34884, "\u0120supplemental": 34885, "\u0120powerhouse": 34886, "\u0120Stru": 34887, "Focus": 34888, "aphael": 34889, "\u0120Colleg": 34890, "atti": 34891, "ZA": 34892, "\u0120perenn": 34893, "\u0120Signature": 34894, "\u0120Rodney": 34895, "\u0120cubes": 34896, "iddled": 34897, "\u0120Dante": 34898, "\u0120INV": 34899, "ilingual": 34900, "\u0120Cth": 34901, "\u0120sofa": 34902, "\u0120intimidate": 34903, "\u0120Roe": 34904, "\u0120Diplom": 34905, "\u0120Countries": 34906, "ayson": 34907, "\u0120extradition": 34908, "\u0120disabling": 34909, "\u0120Cardiff": 34910, "\u0120memorandum": 34911, "\u0120Trace": 34912, "\u0120???": 34913, "sector": 34914, "\u0120Rouhani": 34915, "\u0120Yates": 34916, "\u0120Freeze": 34917, "\u0120bladder": 34918, "Motor": 34919, "\u0120Promise": 34920, "antasy": 34921, "\u0120foreseeable": 34922, "\u0120Cologne": 34923, "container": 34924, "\u0120Trees": 34925, "\u0120Gors": 34926, "\u0120Sinclair": 34927, "\u0120barring": 34928, "keye": 34929, "\u0120slashed": 34930, "\u0120Statistical": 34931, "\u00e9\u0129": 34932, "\u0120\u00e2\u0138\u00ba": 34933, "Allows": 34934, "\u0120humility": 34935, "\u0120drilled": 34936, "\u0120Furn": 34937, "443": 34938, "\u0120sewage": 34939, "\u0120homepage": 34940, "\u0120courtyard": 34941, "\u0120vile": 34942, "\u0120subsidiaries": 34943, "ajo": 34944, "directory": 34945, "\u0120ammon": 34946, "Vers": 34947, "charges": 34948, "\u0120}}": 34949, "\u0120Chains": 34950, "\u0120246": 34951, "nob": 34952, "\u0120percept": 34953, "\u0120grit": 34954, "\u0120fishermen": 34955, "\u0120Iraqis": 34956, "\u0120DISTR": 34957, "\u0120FULL": 34958, "\u0120Evaluation": 34959, "graph": 34960, "atial": 34961, "\u0120cooperating": 34962, "\u0120melan": 34963, "\u0120enlightened": 34964, "\u0120ali": 34965, "tailed": 34966, "\u0120salute": 34967, "\u0120weakest": 34968, "\u0120Bulldogs": 34969, "UA": 34970, "\u0120Alloy": 34971, "\u0120semen": 34972, "ocene": 34973, "\u0120Williamson": 34974, "spr": 34975, ",\u00e2\u0122\u0136": 34976, "\u0120GF": 34977, "ittens": 34978, "Beat": 34979, "\u0120Junk": 34980, "iphate": 34981, "\u0120Farmers": 34982, "\u0120Bitcoins": 34983, "igers": 34984, "dh": 34985, "\u0120Loyal": 34986, "payer": 34987, "\u0120entertained": 34988, "\u0120penned": 34989, "\u0120coupon": 34990, "Queue": 34991, "\u0120weakening": 34992, "carry": 34993, "\u0120underestimate": 34994, "\u0120shootout": 34995, "\u0120charismatic": 34996, "\u0120Procedure": 34997, "\u0120prudent": 34998, "inances": 34999, "\u0120riches": 35000, "\u0120cortical": 35001, "\u0120strides": 35002, "\u0120drib": 35003, "\u0120Oilers": 35004, "540": 35005, "\u0120Perform": 35006, "\u0120Bangkok": 35007, "\u0120euth": 35008, "SER": 35009, "\u0120simplistic": 35010, "tops": 35011, "campaign": 35012, "Quality": 35013, "\u0120impoverished": 35014, "\u0120Eisenhower": 35015, "\u0120augment": 35016, "\u0120Harden": 35017, "\u0120intervened": 35018, "\u0120listens": 35019, "\u0120Kok": 35020, "\u0120sage": 35021, "\u0120rubbish": 35022, "\u0120Ded": 35023, "\u0120mull": 35024, "pelling": 35025, "\u0120videot": 35026, "Production": 35027, "DJ": 35028, "miah": 35029, "\u0120adaptations": 35030, "\u0120medically": 35031, "\u0120boarded": 35032, "\u0120arrogance": 35033, "\u0120scrapped": 35034, "\u0120oppress": 35035, "FORMATION": 35036, "\u0120junction": 35037, "415": 35038, "EEEE": 35039, "Skill": 35040, "\u0120subdu": 35041, "\u0120Suggest": 35042, "\u0120Pett": 35043, "\u0120lett": 35044, "\u0120Manip": 35045, "\u0120Caf": 35046, "\u0120Cooperation": 35047, "Ther": 35048, "\u0120regained": 35049, "\u00b6\u00e6": 35050, "reflect": 35051, "\u0120thugs": 35052, "\u0120Shelby": 35053, "\u0120dictates": 35054, "\u0120Weiner": 35055, "\u0120Hale": 35056, "\u0120battleground": 35057, "schild": 35058, "\u0120condol": 35059, "hunt": 35060, "ositories": 35061, "\u0120accuses": 35062, "Filename": 35063, "\u0120shri": 35064, "\u0120motivate": 35065, "\u0120reflections": 35066, "Null": 35067, "\u0120Lobby": 35068, "\u00a5\u00b5": 35069, "\u0120SATA": 35070, "\u0120Backup": 35071, "\u00d1\u0125": 35072, "nin": 35073, "\u0120Correction": 35074, "\u0120juicy": 35075, "utra": 35076, "\u0120Pric": 35077, "\u0120restraining": 35078, "\u0120Airbnb": 35079, "\u0120Arrest": 35080, "\u0120appropriations": 35081, "\u0120slopes": 35082, "\u0120manslaughter": 35083, "\u0120workings": 35084, "\u0120Huss": 35085, "\u0120Frey": 35086, "Leave": 35087, "\u0120Harmony": 35088, "\u0120Feder": 35089, "\u0120430": 35090, "\u0120trench": 35091, "\u0120gladly": 35092, "\u0120bullpen": 35093, "\u0120Gau": 35094, "bones": 35095, "\u0120groove": 35096, "\u0120pretext": 35097, "\u00e3\u0127\u012d": 35098, "\u0120transmitter": 35099, "\u0120Component": 35100, "\u0120underage": 35101, "\u0120Empires": 35102, "Tile": 35103, "\u0120oy": 35104, "\u0120Marvin": 35105, "\u0120CAS": 35106, "\u0120bloss": 35107, "\u0120replicated": 35108, "\u0120Mariners": 35109, "Marcus": 35110, "\u0120Blocks": 35111, "\u0120liberated": 35112, "\u0120butterfly": 35113, "Feel": 35114, "\u0120fermentation": 35115, "\u0120youtube": 35116, "\u0120offend": 35117, "\u0120Term": 35118, "resist": 35119, "\u0120cessation": 35120, "\u0120insurgency": 35121, "\u0120bir": 35122, "\u0120Raise": 35123, "595": 35124, "\u0120hypotheses": 35125, "502": 35126, "\u0120plaque": 35127, "ocrat": 35128, "\u0120jackets": 35129, "\u0120HuffPost": 35130, "among": 35131, "\u0120confer": 35132, "487": 35133, "\u0120Lilly": 35134, "\u0120adapting": 35135, "\u0120Fay": 35136, "\u0120shoved": 35137, "vec": 35138, "\u0120refine": 35139, "\u0120gon": 35140, "\u0120gunmen": 35141, "zai": 35142, "\u0120Shuttle": 35143, "\u0120Izan": 35144, "\u01201913": 35145, "\u0120plethora": 35146, "\u00c2\u00b7\u00c2\u00b7": 35147, "\u0120510": 35148, "\u0120puberty": 35149, "\u0120241": 35150, "\u0120Wealth": 35151, "\u0120Alma": 35152, "\u0120MEM": 35153, "\u0120Adults": 35154, "Cas": 35155, "prison": 35156, "Race": 35157, "\u0120waterproof": 35158, "\u0120athleticism": 35159, "\u0120capitalize": 35160, "\u0120Juice": 35161, "\u0120illuminated": 35162, "\u0120Pascal": 35163, "\u0120irritation": 35164, "\u0120Witnesses": 35165, "adle": 35166, "\u0120Astro": 35167, "\u0120fax": 35168, "\u0120Elvis": 35169, "Primary": 35170, "\u0120Lich": 35171, "\u0120Elves": 35172, "\u0120residing": 35173, "\u0120stumble": 35174, "319": 35175, "\u0120PKK": 35176, "\u0120adversaries": 35177, "DOS": 35178, "\u0120Ritual": 35179, "\u0120smear": 35180, "\u0120arson": 35181, "idental": 35182, "\u0120scant": 35183, "\u0120monarchy": 35184, "\u0120halftime": 35185, "\u0120residue": 35186, "\u0120indign": 35187, "\u0120Shaun": 35188, "\u0120Elm": 35189, "auri": 35190, "Aff": 35191, "WATCH": 35192, "\u0120Lyon": 35193, "helps": 35194, "361": 35195, "\u0120lobbyist": 35196, "\u0120diminishing": 35197, "\u0120outbreaks": 35198, "\u0120goats": 35199, "favorite": 35200, "\u0120Nah": 35201, "sonian": 35202, "\u0120Booster": 35203, "\u0120sandbox": 35204, "\u0120Fare": 35205, "\u0120Malta": 35206, "\u0120attRot": 35207, "\u0120MOR": 35208, "lde": 35209, "\u0120navigating": 35210, "Touch": 35211, "\u0120untrue": 35212, "\u0120Disaster": 35213, "\u0120ludicrous": 35214, "Password": 35215, "\u0120JFK": 35216, "blogspot": 35217, "416": 35218, "\u0120UNDER": 35219, "ernal": 35220, "\u0120delaying": 35221, "TOP": 35222, "\u0120implants": 35223, "\u0120AVG": 35224, "\u0120Huge": 35225, "attr": 35226, "\u0120journalistic": 35227, "\u0120Peyton": 35228, "\u0120IA": 35229, "Rap": 35230, "goal": 35231, "\u0120Programme": 35232, "\u0120smashing": 35233, "wives": 35234, "println": 35235, "\u0120Plague": 35236, "inus": 35237, "EEP": 35238, "\u0120cruiser": 35239, "\u0120Parish": 35240, "uminium": 35241, "\u0120occupants": 35242, "\u0120Jihad": 35243, "mop": 35244, "\u0120pint": 35245, "\u0120hect": 35246, "\u0120Mecca": 35247, "director": 35248, "\u0120Funding": 35249, "\u0120Mixed": 35250, "\u0120stag": 35251, "Tier": 35252, "\u0120gust": 35253, "\u0120brightly": 35254, "orsi": 35255, "\u0120uphill": 35256, "RD": 35257, "\u0120lesions": 35258, "\u0120Bundy": 35259, "livious": 35260, "\u0120biologist": 35261, "\u0120Faculty": 35262, "\u0120Authorization": 35263, "\u0120244": 35264, "Allow": 35265, "\u00ef\u00b8": 35266, "\u0120Giul": 35267, "\u0120pertinent": 35268, "otaur": 35269, "esse": 35270, "\u0120Roof": 35271, "\u0120unmanned": 35272, "351": 35273, "\u0120Shak": 35274, "\u0120Orient": 35275, "\u0120endanger": 35276, "Dir": 35277, "\u0120replen": 35278, "edient": 35279, "\u0120tailor": 35280, "\u0120gadgets": 35281, "\u0120audible": 35282, "\u00e2\u013a\u0128": 35283, "Nice": 35284, "\u0120bombard": 35285, "\u0120Rape": 35286, "\u0120defiance": 35287, "\u0120TWO": 35288, "\u0120Filipino": 35289, "\u0120unaffected": 35290, "ervatives": 35291, "\u0120soared": 35292, "\u0120Bolton": 35293, "\u0120compromising": 35294, "\u0120Brewers": 35295, "RAL": 35296, "\u0120AHL": 35297, "icycle": 35298, "\u0120vampires": 35299, "\u0120dipped": 35300, "oyer": 35301, "\u0120XIII": 35302, "\u0120sideways": 35303, "\u0120Waste": 35304, "\u0120Diss": 35305, "\u0120\u00e2\u0136\u013e\u00e2\u0136\u0122\u00e2\u0136\u0122": 35306, "$.": 35307, "\u0120habitats": 35308, "\u0120Beef": 35309, "truth": 35310, "trained": 35311, "split": 35312, "Rus": 35313, "Andy": 35314, "\u0120Bram": 35315, "REP": 35316, "pid": 35317, "\u00e8\u00a3\u0127": 35318, "\u0120Mutant": 35319, "Anim": 35320, "\u0120Marina": 35321, "\u0120futile": 35322, "highest": 35323, "frequency": 35324, "\u0120epilepsy": 35325, "\u0120coping": 35326, "\u0120concise": 35327, "\u0120tracing": 35328, "\u0120SUN": 35329, "panel": 35330, "\u0120Sophie": 35331, "\u0120Crowley": 35332, "\u0120Adolf": 35333, "\u0120Shooter": 35334, "\u0120shaky": 35335, "\u0120IG": 35336, "\u0120Lies": 35337, "\u0120Barber": 35338, "pkg": 35339, "\u0120uptake": 35340, "\u0120predatory": 35341, "ULTS": 35342, "/**": 35343, "\u0120intoxicated": 35344, "\u0120Westbrook": 35345, "odder": 35346, "hement": 35347, "\u0120baseman": 35348, "APD": 35349, "storage": 35350, "\u0120Fifty": 35351, "editor": 35352, "GEN": 35353, "UTION": 35354, "irting": 35355, "\u0120sewing": 35356, "rift": 35357, "\u0120agony": 35358, "\u0120Sands": 35359, "\u0120254": 35360, "Cash": 35361, "\u0120lodge": 35362, "\u0120punt": 35363, "Natural": 35364, "\u0120Ideas": 35365, "\u0120erroneous": 35366, "\u0120Sensor": 35367, "\u0120Hannity": 35368, "\u01201921": 35369, "\u0120mould": 35370, "\u0120Gon": 35371, "kaya": 35372, "\u0120anonymously": 35373, "\u0120KEY": 35374, "\u0120simulator": 35375, "Winter": 35376, "\u0120streamed": 35377, "507": 35378, "?\",": 35379, "\u0120teased": 35380, "\u0120coefficient": 35381, "\u0120wartime": 35382, "\u0120THR": 35383, "''.": 35384, "\u0120Banking": 35385, "mpire": 35386, "\u0120fandom": 35387, "\u0120lia": 35388, "Ga": 35389, "\u0120downhill": 35390, "\u0120interpreting": 35391, "Individual": 35392, "Norm": 35393, "\u0120jealousy": 35394, "bitcoin": 35395, "\u0120pleasures": 35396, "\u0120Toys": 35397, "\u0120Chevrolet": 35398, "\u0120Advisor": 35399, "IZE": 35400, "\u0120receptions": 35401, "706": 35402, "Cro": 35403, "\u0120262": 35404, "\u0120citrus": 35405, "iru": 35406, "Reviewer": 35407, "jected": 35408, "UES": 35409, "anz": 35410, "1981": 35411, "\u0120Worker": 35412, "\u0120complied": 35413, "orescent": 35414, "continental": 35415, "Ton": 35416, "\u0120Prism": 35417, "\u0120Sheep": 35418, "\u0120288": 35419, "nox": 35420, "\u0120Vog": 35421, "Ord": 35422, "\u0120realms": 35423, "tek": 35424, "\u0120irrigation": 35425, "\u0120bicycles": 35426, "\u0120electronically": 35427, "poly": 35428, "tall": 35429, "());": 35430, "\u0120aesthetics": 35431, "\u0120Integrated": 35432, "Explore": 35433, "\u0120dunk": 35434, "476": 35435, "pain": 35436, "\u0120Jacques": 35437, "\u0120Dmit": 35438, "Frames": 35439, "\u0120reunited": 35440, "\u0120humid": 35441, "Dro": 35442, "Political": 35443, "\u0120youthful": 35444, "\u0120entails": 35445, "\u0120mosquito": 35446, "363": 35447, "species": 35448, "\u0120coordinating": 35449, "\u0120Mayhem": 35450, "\u0120Magnus": 35451, "Mount": 35452, "Improved": 35453, "\u0120STATE": 35454, "ATTLE": 35455, "\u0120flowed": 35456, "\u0120tackled": 35457, "\u0120fashioned": 35458, "\u0120reorgan": 35459, "ivari": 35460, "finger": 35461, "\u0120reluctantly": 35462, "etting": 35463, "\u0120Vand": 35464, "young": 35465, "\u0120Garland": 35466, "\u0120presumption": 35467, "\u0120amenities": 35468, "\u0120Pleasant": 35469, "onential": 35470, "\u0120Oxy": 35471, "\u0120morals": 35472, "\u0120Yah": 35473, "Ready": 35474, "Simon": 35475, "Enh": 35476, "Demon": 35477, "\u0120clich": 35478, "Monitor": 35479, "\u0120DU": 35480, "\u0120welcomes": 35481, "\u0120standout": 35482, "\u0120dreadful": 35483, "\u0120bananas": 35484, "\u0120balloons": 35485, "hooting": 35486, "basic": 35487, "\u0120suffix": 35488, "\u0120duly": 35489, "cano": 35490, "Chain": 35491, "atos": 35492, "\u0120geopolitical": 35493, "\u0120(&": 35494, "\u0120Gemini": 35495, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 35496, "\u0120acquitted": 35497, "Luck": 35498, "protect": 35499, "1024": 35500, "\u0120scarcity": 35501, "\u0120mindfulness": 35502, "ecided": 35503, "DN": 35504, "prime": 35505, "\u0120Presidents": 35506, "\u0120VIDEO": 35507, "\u0120(\u00e2\u012a\u0134": 35508, "addock": 35509, "NOR": 35510, "\u0120Pru": 35511, "pun": 35512, "\u0120LOL": 35513, "))))": 35514, "\u0120Liqu": 35515, "\u0120SAS": 35516, "\u0120styling": 35517, "\u0120punishments": 35518, "\u0120numb": 35519, "\u0120ascertain": 35520, "\u0120Rockies": 35521, "flu": 35522, "Thumbnail": 35523, "\u0120perpetrated": 35524, "\u0120Semi": 35525, "\u0120disarm": 35526, "\u0120Older": 35527, "\u0120Exception": 35528, "\u0120exponentially": 35529, "\u0120Communities": 35530, "\u0120abolish": 35531, "\u0120Partner": 35532, "ptoms": 35533, "\u0120777": 35534, "\u0120Foley": 35535, "\u0120Cases": 35536, "\u0120grease": 35537, "\u0120Rebirth": 35538, "Ground": 35539, "\u0120;)": 35540, "\u0120Doctrine": 35541, "ikini": 35542, "Ye": 35543, "\u0120Blossom": 35544, "\u0120persists": 35545, "bill": 35546, "\u0120infusion": 35547, "\u0120buddies": 35548, "911": 35549, "\u0120Patient": 35550, "\u0120demos": 35551, "\u0120acquaintance": 35552, "\u0120Paw": 35553, "atari": 35554, "\u0120xml": 35555, "\u0120fascination": 35556, "\u0120Serve": 35557, "\u00cf\u0124": 35558, "branded": 35559, "\u0120az": 35560, "Returns": 35561, "\u0120overshadow": 35562, "\u0120roam": 35563, "\u0120speedy": 35564, "numbered": 35565, "helial": 35566, "\u0120disciple": 35567, "\u0120assurances": 35568, "given": 35569, "pecting": 35570, "\u0120Natalie": 35571, "\u00e7\u0136\u00b0": 35572, "\u0120mosquitoes": 35573, "rotein": 35574, "\u0120numeric": 35575, "\u0120independents": 35576, "\u0120transitional": 35577, "\u0120reactionary": 35578, "\u0120Mechdragon": 35579, "doctor": 35580, "\u0120shortest": 35581, "\u0120sequential": 35582, "\u0120Bac": 35583, "\u0120Accounts": 35584, "\u00e3\u0123\u012e": 35585, "achy": 35586, "ractive": 35587, "\u0120Regiment": 35588, "\u0120breathtaking": 35589, "fficiency": 35590, "\u0120Bates": 35591, "\u0120311": 35592, "\u0120wardrobe": 35593, "fts": 35594, "\u0120Berk": 35595, "Simply": 35596, "\u0120Riverside": 35597, "ivering": 35598, "idential": 35599, "lucent": 35600, "\u0120enriched": 35601, "\u0120Conver": 35602, "\u0120Giving": 35603, "\u00e3\u0125\u013b": 35604, "\u0120legalize": 35605, "\u0120FTC": 35606, "\u0120freaking": 35607, "Mix": 35608, "\u0120terrestrial": 35609, "esian": 35610, "cients": 35611, "Wing": 35612, "LOAD": 35613, "\u0120ledge": 35614, "\u0120Violent": 35615, "\u0120Metall": 35616, "\u0120308": 35617, "\u0120southeastern": 35618, "hetto": 35619, "Meat": 35620, "\u0120slowdown": 35621, "\u0120retreated": 35622, "Jeremy": 35623, "endas": 35624, "*****": 35625, "eric": 35626, "\u0120reins": 35627, "oppable": 35628, "\u0120Humanity": 35629, "earances": 35630, "rigan": 35631, "Camera": 35632, "\u0120waivers": 35633, "soc": 35634, "\u0120alteration": 35635, "transform": 35636, "\u0120Cemetery": 35637, "506": 35638, "\u0120indefinite": 35639, "\u0120stimulating": 35640, "yg": 35641, "603": 35642, "\u0120Sop": 35643, "\u0120descriptive": 35644, "Phase": 35645, "\u0120Edmund": 35646, "\u0120pneumonia": 35647, "ventus": 35648, "Amb": 35649, "\u0120laboratories": 35650, "\u0120Exclusive": 35651, "ugar": 35652, "Were": 35653, "\u0120malfunction": 35654, "\u0120homosexuals": 35655, "\u0120-------": 35656, "uni": 35657, "\u0120turbines": 35658, "\u0120Equity": 35659, "Du": 35660, "\u0120minded": 35661, "\u0120RH": 35662, "\u0120Blackhawks": 35663, "\u0120feats": 35664, "\u01201700": 35665, "repl": 35666, "362": 35667, "laden": 35668, "\u0120indispensable": 35669, "lyss": 35670, "tti": 35671, "\u0120reel": 35672, "\u0120diverted": 35673, "\u0120likeness": 35674, "\u0120subscriptions": 35675, "\u0120fingert": 35676, "\u0120filthy": 35677, "destruct": 35678, "draft": 35679, "\u0120Bernardino": 35680, "launch": 35681, "\u0120perplex": 35682, "\u0120SUM": 35683, "carb": 35684, "\u0120sweater": 35685, "\u0120Venture": 35686, "\u0120Jag": 35687, "\u0120Celeb": 35688, "\u0120Voters": 35689, "\u0120steadfast": 35690, "\u0120athletics": 35691, "\u0120Hanson": 35692, "\u0120Drac": 35693, "Tracker": 35694, "\u0120commend": 35695, "\u0120Presidency": 35696, "\u0120DID": 35697, "informed": 35698, "\u0120webpage": 35699, "Pretty": 35700, "\u0120forcefully": 35701, "\u00e3\u0125\u0125\u00e3\u0124\u00af": 35702, "\u0120relocation": 35703, "\u0120satire": 35704, "\u00e2\u012b": 35705, "\u0120Sunderland": 35706, "\u00e6\u0126": 35707, "Voice": 35708, "????????": 35709, "\u0120informant": 35710, "\u0120bowel": 35711, "\u0120Uniform": 35712, "\u0120...\"": 35713, "\u0120purge": 35714, "\u0120picnic": 35715, "\u0120Umb": 35716, "\u0120UPDATE": 35717, "\u0120Sapphire": 35718, "\u0120Stall": 35719, "learn": 35720, "\u0120objectively": 35721, "\u0120obliter": 35722, "\u0120loophole": 35723, "\u0120journeys": 35724, "\u0120omission": 35725, "Pros": 35726, "\u0120Sidney": 35727, "ploma": 35728, "\u0120sprayed": 35729, "\u0120guru": 35730, "\u0120traitor": 35731, "\u0120timet": 35732, "\u0120snapping": 35733, "\u0120Sevent": 35734, "urnal": 35735, "\u0120Ukip": 35736, "\u0120bowed": 35737, "poral": 35738, "liberal": 35739, "Ros": 35740, "Questions": 35741, "iOS": 35742, "\u0120summarize": 35743, "STAT": 35744, "\u01201850": 35745, "apest": 35746, "\u0120lender": 35747, "\u0120Variable": 35748, "bringing": 35749, "\u0120LORD": 35750, ",)": 35751, "\u0120collapses": 35752, "xiety": 35753, "\u0120Ned": 35754, "YD": 35755, "\u0120Scha": 35756, "\u0120antibody": 35757, "\u0120disband": 35758, "yre": 35759, "illusion": 35760, "\u0120rover": 35761, "shed": 35762, "\u0120Hirosh": 35763, "cci": 35764, "\u0120calam": 35765, "\u0120Morton": 35766, "Pinterest": 35767, "\u01201928": 35768, "\u0120Euras": 35769, "ordes": 35770, "\u0120fences": 35771, "\u0120Inventory": 35772, "\u0120Valencia": 35773, "\u0120Ud": 35774, "\u0120Tiff": 35775, "\u0120sque": 35776, "\u0120quotation": 35777, "\u0120troublesome": 35778, "erker": 35779, "QUEST": 35780, "\u0120Kingdoms": 35781, "south": 35782, "\u0120levy": 35783, "Prince": 35784, "\u0120Sting": 35785, "\u0120nicknamed": 35786, "\u0120appe": 35787, "\u0120photographic": 35788, "\u0120corpus": 35789, "reference": 35790, "\u0120Trog": 35791, "Unt": 35792, ")=(": 35793, "\u0120Latvia": 35794, "\u0120activating": 35795, "\u0120licensee": 35796, "\u0120disparities": 35797, "\u0120Newsletter": 35798, "\u00e3\u0125\u0125\u00e3\u0125\u012a": 35799, "\u0120freeing": 35800, "\u0120Jeep": 35801, "\u0120Perception": 35802, "insk": 35803, "\u0120silicone": 35804, "\u0120Hayden": 35805, "Lean": 35806, "\u0120Suzuki": 35807, "ibrarian": 35808, "668": 35809, "\u0120spor": 35810, "\u0120correlations": 35811, "aghetti": 35812, "\u0120tuber": 35813, "\u0120IPCC": 35814, "ilus": 35815, "\u0120Vu": 35816, "\u0120wealthiest": 35817, "\u0120Carbuncle": 35818, "anza": 35819, "\u0120fooled": 35820, "\u0120Zur": 35821, "\u0120daddy": 35822, "rano": 35823, "ilian": 35824, "\u0120knockout": 35825, "fman": 35826, "required": 35827, "\u0120Wikileaks": 35828, "\u0120Duffy": 35829, "ONT": 35830, "\u0120insol": 35831, "\u0120Objects": 35832, "\u0120bou": 35833, "\u0120Nordic": 35834, "\u0120Insert": 35835, "scan": 35836, "\u0120dancers": 35837, "\u0120idiots": 35838, "majority": 35839, "\u0120Neville": 35840, "\u0120FreeBSD": 35841, "\u0120tart": 35842, "panic": 35843, "690": 35844, "\u0120cocoa": 35845, "\u0120sampled": 35846, "\u0120lookup": 35847, "Indust": 35848, "\u0120injections": 35849, "genre": 35850, "\u0120au": 35851, "\u0120roadway": 35852, "\u0120genitals": 35853, "Kind": 35854, "\u0120Examiner": 35855, "\u0120Yaz": 35856, "Fresh": 35857, "\u0120paralysis": 35858, "\u0120Aluminum": 35859, "\u0120reap": 35860, "ok\u00c3\u00a9": 35861, "\u0120sloppy": 35862, "\u0120Tunnel": 35863, "posium": 35864, "nery": 35865, "enic": 35866, "\u0120herbal": 35867, "\u0120Outer": 35868, "\u0120Builder": 35869, "\u0120incur": 35870, "\u0120ideologies": 35871, "\u0120backups": 35872, "consuming": 35873, "\u0120Detect": 35874, "deck": 35875, "\u0120KNOW": 35876, "\u0120Gret": 35877, "\u0120MIC": 35878, "\u0120toughness": 35879, "\u0120Exhibit": 35880, "\u0120hive": 35881, "Les": 35882, "\u0120SCHOOL": 35883, "\u0120Atari": 35884, "alde": 35885, "\u0120Null": 35886, "andestine": 35887, "mouse": 35888, "\u0120brigade": 35889, "489": 35890, "\u0120revol": 35891, "\u0120Lawson": 35892, "\u0120Wah": 35893, "opoly": 35894, "ebted": 35895, "\u0120Saunders": 35896, "\u0120313": 35897, "\u0120Winc": 35898, "\u0120taboo": 35899, "\u0120Helmet": 35900, "\u0120wedge": 35901, "chip": 35902, "\u0120Tina": 35903, "bg": 35904, "\u0120infuri": 35905, "rn": 35906, "\u0120anomalies": 35907, "\u0120Sync": 35908, "\u0120Exam": 35909, "\u0120Commit": 35910, "\u0120Diary": 35911, "\u0120ALSO": 35912, "\u0120Debor": 35913, "omedical": 35914, "\u0120comprehension": 35915, "655": 35916, "\u0120empowering": 35917, "\u0120ire": 35918, "\u0120juices": 35919, "\u0120ETH": 35920, "\u0120Boxing": 35921, "=\"/": 35922, "\u0120facilitated": 35923, "poke": 35924, "\u0120Parsons": 35925, "\u0120Moder": 35926, "travel": 35927, "\u0120civilizations": 35928, "\u0120libertarians": 35929, "\u0120rune": 35930, "\u0120Clarks": 35931, "athed": 35932, "\u0120campaigners": 35933, "\u0120Dispatch": 35934, "\u0120Fahrenheit": 35935, "\u0120Capcom": 35936, "----------": 35937, "\u0120lace": 35938, "\u0120draining": 35939, "\u0120liner": 35940, "\u0120Artificial": 35941, "\u00c3\u00a9n": 35942, "task": 35943, "]).": 35944, "\u0120GMO": 35945, "\u0120Operator": 35946, "ordinary": 35947, "\u0120Influence": 35948, "\u0120Ups": 35949, "\u0120potency": 35950, "ussen": 35951, "ospons": 35952, "\u0120Swim": 35953, "\u0120Deadline": 35954, "Unity": 35955, "\u0120culinary": 35956, "\u0120enlightenment": 35957, "\u0120wearer": 35958, "\u0120mined": 35959, "\u0120ply": 35960, "\u0120incest": 35961, "\u0120DVDs": 35962, "Walk": 35963, "BTC": 35964, "Trade": 35965, "\u0120deval": 35966, "iband": 35967, "\u0120Oversight": 35968, "Palestinian": 35969, "\u0120dart": 35970, "\u0120mul": 35971, "LR": 35972, "\u0120removable": 35973, "\u0120Realms": 35974, "\u00ec\u013f": 35975, "\u0120miscar": 35976, "\u0120Vulkan": 35977, "685": 35978, "\u00c3\u00a8re": 35979, "\u0120Sap": 35980, "\u0120merging": 35981, "\u0120Carly": 35982, "chester": 35983, "\u0120brisk": 35984, "\u0120luxurious": 35985, "\u0120Generator": 35986, "\u0120bitterness": 35987, "\u0120edible": 35988, "\u0120243": 35989, "TG": 35990, "\u0120rectangle": 35991, "WithNo": 35992, "below": 35993, "Jenn": 35994, "\u0120darkest": 35995, "\u0120hitch": 35996, "\u0120dosage": 35997, "\u0120scaven": 35998, "\u0120Keller": 35999, "\u0120Illustrated": 36000, "Certainly": 36001, "\u0120Mavericks": 36002, "Marginal": 36003, "\u0120diarrhea": 36004, "\u0120enormously": 36005, "\u0120999": 36006, "shr": 36007, "quart": 36008, "\u0120adamant": 36009, "\u0120Mew": 36010, "\u0120renovation": 36011, "\u0120cervical": 36012, "\u0120Percentage": 36013, "eners": 36014, "\u0120Kimber": 36015, "\u0120floats": 36016, "\u0120dex": 36017, "\u0120Witcher": 36018, "\u0120Swansea": 36019, "dm": 36020, "\u0120salty": 36021, "yellow": 36022, "\u0120cape": 36023, "\u0120Drain": 36024, "\u0120Paula": 36025, "\u0120Toledo": 36026, "lesi": 36027, "Magazine": 36028, "\u0120Wick": 36029, "\u0120Mn": 36030, "\u0120Ack": 36031, "\u0120Riding": 36032, "ASON": 36033, "\u0120homophobic": 36034, "ARP": 36035, "\u0120wandered": 36036, "CPU": 36037, "oodoo": 36038, "\u0120Pipe": 36039, "\u0120tightening": 36040, "\u0120Butt": 36041, "318": 36042, "\u0120deserted": 36043, "Session": 36044, "\u0120facilitating": 36045, "Jump": 36046, "\u0120emergencies": 36047, "OWER": 36048, "\u0120exhaustive": 36049, "\u0120AFTER": 36050, "\u0120heartbeat": 36051, "\u0120Label": 36052, "acky": 36053, "\u0120Certified": 36054, "iltration": 36055, "Ze": 36056, "\u0120Utt": 36057, "\u01201300": 36058, "\u0120presume": 36059, "\u0120Disp": 36060, "\u0120surged": 36061, "\u0120dolls": 36062, "Columb": 36063, "\u0120chimpan": 36064, "\u0120Razor": 36065, "\u0120ticks": 36066, "\u0120councillor": 36067, "\u0120pilgrimage": 36068, "\u0120Rebels": 36069, "\u0120QC": 36070, "\u0120Auction": 36071, "xia": 36072, "ikk": 36073, "bred": 36074, "\u0120insertion": 36075, "\u0120coarse": 36076, "dB": 36077, "SEE": 36078, "\u0120Zap": 36079, "\u0120Foo": 36080, "\u0120contempor": 36081, "\u0120Quarterly": 36082, "otions": 36083, "\u0120Alchemist": 36084, "\u0120Trey": 36085, "\u0120Duo": 36086, "Sweet": 36087, "804": 36088, "\u0120Giov": 36089, "\u0120funn": 36090, "Nin": 36091, "hoff": 36092, "\u0120ramifications": 36093, "\u01201922": 36094, "\u0120Experts": 36095, "azes": 36096, "\u0120garments": 36097, "arial": 36098, "\u0120Nab": 36099, "\u0120257": 36100, "\u0120Ved": 36101, "\u0120humorous": 36102, "\u0120Pompe": 36103, "\u0120nylon": 36104, "\u0120lurking": 36105, "\u0120Sergey": 36106, "\u0120Mattis": 36107, "\u0120misogyny": 36108, "\u0120Components": 36109, "\u0120Watching": 36110, "\u0120Folk": 36111, "ractical": 36112, "Bush": 36113, "\u0120taped": 36114, "\u0120grouping": 36115, "\u0120beads": 36116, "\u01202048": 36117, "\u0120condu": 36118, "querque": 36119, "Reading": 36120, "\u0120grievances": 36121, "Ultra": 36122, "\u0120endpoint": 36123, "Hig": 36124, "\u0120Static": 36125, "\u0120Scarborough": 36126, "Lua": 36127, "\u0120Messi": 36128, "aqu": 36129, "\u0120PsyNet": 36130, "\u0120Rudd": 36131, "\u0120avenue": 36132, "vp": 36133, "Jer": 36134, "\u0120shady": 36135, "\u0120Resist": 36136, "\u0120Artemis": 36137, "\u0120careless": 36138, "\u0120brokers": 36139, "\u0120temperament": 36140, "\u0120520": 36141, "Tags": 36142, "\u0120Turning": 36143, "\u0120uttered": 36144, "\u0120pedd": 36145, "\u0120improvised": 36146, "\u0120:(": 36147, "\u0120tabl": 36148, "\u0120plains": 36149, "1600": 36150, "pressure": 36151, "\u0120Essence": 36152, "margin": 36153, "friends": 36154, "\u0120Restoration": 36155, "\u0120pollut": 36156, "\u0120Poker": 36157, "\u0120Augustine": 36158, "\u0120CIS": 36159, "\u0120SEAL": 36160, "orama": 36161, "\u0120thwart": 36162, "seek": 36163, "\u0120pagan": 36164, "\u00c2\u00ba": 36165, "cpu": 36166, "\u0120garn": 36167, "\u0120assortment": 36168, "\u0120ILCS": 36169, "tower": 36170, "Recommended": 36171, "\u0120unborn": 36172, "\u0120RandomRedditor": 36173, "\u0120RandomRedditorWithNo": 36174, "\u0120paralyzed": 36175, "\u0120eruption": 36176, "\u0120intersect": 36177, "\u0120Stoke": 36178, "\u0120Sco": 36179, "Bind": 36180, "\u00e5\u00be": 36181, "\u0120PNG": 36182, "\u0120Negative": 36183, "\u0120NOAA": 36184, "Leon": 36185, "\u0120alloy": 36186, "\u0120Lama": 36187, "\u0120Diversity": 36188, "575": 36189, "\u0120underestimated": 36190, "\u0120Scor": 36191, "\u0120mural": 36192, "\u0120busted": 36193, "soon": 36194, "lif": 36195, "\u0120nonex": 36196, "\u0120allergy": 36197, "\u0120Underworld": 36198, "\u0120Rays": 36199, "\u0120Blasio": 36200, "\u0120hrs": 36201, "\u0120Dir": 36202, "\u0120327": 36203, "byter": 36204, "\u0120replacements": 36205, "\u0120activates": 36206, "rived": 36207, "MH": 36208, "\u0120pans": 36209, "\u0120HI": 36210, "\u0120longitudinal": 36211, "\u0120nuisance": 36212, "aler": 36213, "\u0120swell": 36214, "\u0120Signed": 36215, "sci": 36216, "\u0120Isles": 36217, "\u0120AGA": 36218, "\u0120defiant": 36219, "\u0120sonic": 36220, "ocon": 36221, "KC": 36222, "\u0120Aim": 36223, "tie": 36224, "ahah": 36225, "\u0120mL": 36226, "DX": 36227, "\u0120bisc": 36228, "\u0120Billboard": 36229, "\u0120SYSTEM": 36230, "NEY": 36231, "gaard": 36232, "\u0120distressed": 36233, "formerly": 36234, "Alan": 36235, "\u0120chefs": 36236, "\u0120optics": 36237, "\u0120Comet": 36238, "\u0120AMC": 36239, "\u0120redesigned": 36240, "irmation": 36241, "\u0120sightings": 36242, "382": 36243, "311": 36244, "\u0120WB": 36245, "\u0120contraction": 36246, "\u0120TOTAL": 36247, "Dual": 36248, "\u0120startled": 36249, "\u0120understandably": 36250, "\u0120sunglasses": 36251, "ETHOD": 36252, "\u0120docker": 36253, "\u0120surfing": 36254, "\u0120HEL": 36255, "\u0120Slack": 36256, "tones": 36257, "\u0120shalt": 36258, "Visual": 36259, "498": 36260, "Department": 36261, "cussion": 36262, "\u0120unrestricted": 36263, "\u0120tad": 36264, "\u0120rename": 36265, "employed": 36266, "\u0120educating": 36267, "\u0120grinned": 36268, "bedroom": 36269, "\u0120Activities": 36270, "\u0120Velvet": 36271, "\u0120SWAT": 36272, "\u0120shuffle": 36273, "igor": 36274, "\u0120saturation": 36275, "Finding": 36276, "cream": 36277, "icter": 36278, "\u0120vodka": 36279, "tracking": 36280, "tec": 36281, "\u0120foreground": 36282, "iesta": 36283, "\u0120vehement": 36284, "\u0120ECB": 36285, "\u0120Tie": 36286, "Ey": 36287, "\u0120turtles": 36288, "\u0120Railroad": 36289, "\u0120Katz": 36290, "\u0120Frames": 36291, "\u0120menace": 36292, "\u0120Fellowship": 36293, "\u0120Essential": 36294, "uggish": 36295, "\u0120drip": 36296, "chwitz": 36297, "\u0120Kyoto": 36298, "sb": 36299, "\u0120Nina": 36300, "Parameter": 36301, "\u0120alarms": 36302, "\u0120Claud": 36303, "\u0120pioneering": 36304, "\u0120chiefly": 36305, "\u0120Scream": 36306, "Collection": 36307, "\u0120thankfully": 36308, "\u0120Ronaldo": 36309, "\u00e5\u0143\u0132": 36310, "strip": 36311, "\u0120Disneyland": 36312, "commercial": 36313, "Seeing": 36314, "Soul": 36315, "\u0120evacuate": 36316, "\u0120civ": 36317, "\u0120Ashe": 36318, "\u0120divides": 36319, "\u0120Dagger": 36320, "rehensive": 36321, "\u0120berries": 36322, "\u0120DF": 36323, "\u0120sushi": 36324, "\u0120plurality": 36325, "WI": 36326, "\u0120disadvantaged": 36327, "\u0120battalion": 36328, "obiles": 36329, "451": 36330, "\u0120cling": 36331, "\u0120undeniable": 36332, "\u0120Lounge": 36333, "\u0120haunt": 36334, "phe": 36335, "\u0120quantify": 36336, "\u0120differed": 36337, "\u0120[*]": 36338, "\u0120Viz": 36339, "cum": 36340, "slave": 36341, "\u0120videog": 36342, "\u0120quar": 36343, "\u0120bundles": 36344, "\u0120Alonso": 36345, "tackle": 36346, "\u0120neuronal": 36347, "\u0120landslide": 36348, "confirmed": 36349, "\u0120Depth": 36350, "\u0120renewables": 36351, "Bear": 36352, "\u0120Macedonia": 36353, "\u0120jerseys": 36354, "\u0120bunk": 36355, "\u0120Spawn": 36356, "\u0120Controls": 36357, "\u0120Buchanan": 36358, "\u0120robotics": 36359, "\u0120emphasizing": 36360, "\u0120Tutorial": 36361, "hyp": 36362, "iston": 36363, "\u0120monumental": 36364, "\u00e6\u00b0": 36365, "\u0120Carry": 36366, "\u0120tbsp": 36367, "enance": 36368, "Hill": 36369, "arthed": 36370, "\u0120rotten": 36371, "Dean": 36372, "\u0120twisting": 36373, "\u0120goodwill": 36374, "\u0120immersion": 36375, "Living": 36376, "\u0120brushes": 36377, "\u0120CGI": 36378, "\u0120Atk": 36379, "traditional": 36380, "\u0120phantom": 36381, "\u0120Stamina": 36382, "\u0120expansions": 36383, "\u0120Marin": 36384, "\u0120embarked": 36385, "\u0120Eg": 36386, "intestinal": 36387, "\u0120PEOPLE": 36388, "\u0120Booth": 36389, "\u0120Appalach": 36390, "\u0120relegated": 36391, "VT": 36392, "MIT": 36393, "\u0120muster": 36394, "\u0120withdrawing": 36395, "\u0120microscope": 36396, "\u0120Gathering": 36397, "\u0120Crescent": 36398, "\u0120Argentine": 36399, "\u0120Decre": 36400, "\u0120Dominic": 36401, "\u0120buds": 36402, "antage": 36403, "\u0120Ion": 36404, "\u0120widened": 36405, "ONSORED": 36406, "\u0120Gloves": 36407, "iannopoulos": 36408, "razen": 36409, "feel": 36410, "\u0120repayment": 36411, "\u0120hindsight": 36412, "\u0120REALLY": 36413, "\u0120Pistol": 36414, "\u0120Brah": 36415, "\u0120watts": 36416, "\u0120survives": 36417, "\u0120flurry": 36418, "issy": 36419, "Alert": 36420, "\u0120Uruguay": 36421, "Phoenix": 36422, "Slow": 36423, "\u0120Grave": 36424, "\u0120Fir": 36425, "\u0120manageable": 36426, "\u0120tariff": 36427, "\u0120UDP": 36428, "\u0120Pistons": 36429, "\u0120Nigerian": 36430, "\u0120strikeouts": 36431, "\u0120cosmetics": 36432, "whelming": 36433, "fab": 36434, "cape": 36435, "proxy": 36436, "\u0120rethink": 36437, "\u0120overcoming": 36438, "simple": 36439, "\u0120woo": 36440, "\u0120distracting": 36441, "\u0120Stanton": 36442, "\u0120Tulsa": 36443, "\u0120Dock": 36444, "659": 36445, "\u0120discord": 36446, "\u0120Emacs": 36447, "\u0120Ves": 36448, "\u0120ROB": 36449, "\u0120reassuring": 36450, "\u0120consortium": 36451, "Muslims": 36452, "321": 36453, "\u0120prompts": 36454, "sei": 36455, "\u0120Hitch": 36456, "imposed": 36457, "\u0120Fool": 36458, "\u0120indiscrim": 36459, "wrong": 36460, "buquerque": 36461, "Davis": 36462, "!]": 36463, "\u0120timeless": 36464, "\u0120NEED": 36465, "\u0120pesticide": 36466, "\u0120rallying": 36467, "\u0120Calder": 36468, "\u0120\u00e5\u00a4": 36469, "\u0120xp": 36470, "\u0120Unle": 36471, "\u0120Export": 36472, "luaj": 36473, "Buff": 36474, ")[": 36937, "\u0120sqor": 36938, "Saudi": 36939, "\u0120istg": 36940, "\u0120indulge": 36941, "proc": 36942, "\u0120disgusted": 36943, "\u0120compounded": 36944, "\u0120nem": 36945, "\u0120schooling": 36946, "\u0120Cure": 36947, "processing": 36948, "Sol": 36949, "\u0120proverb": 36950, "itized": 36951, "\u0120Alvarez": 36952, "\u0120scarf": 36953, "\u0120rectangular": 36954, "reve": 36955, "\u0120hormonal": 36956, "\u0120Stress": 36957, "itizen": 36958, "\u0120425": 36959, "girls": 36960, "\u0120Noir": 36961, "\u0120Rapp": 36962, "\u0120marches": 36963, "church": 36964, "\u0120Uses": 36965, "\u0120405": 36966, "\u0120Berm": 36967, "\u0120ordinances": 36968, "\u0120Judgment": 36969, "Charges": 36970, "\u0120Zin": 36971, "\u0120dusty": 36972, "\u0120strawberries": 36973, "\u0120perce": 36974, "\u0120Thur": 36975, "\u0120Deborah": 36976, "netflix": 36977, "\u0120Lambert": 36978, "\u0120amused": 36979, "\u0120Guang": 36980, "YOU": 36981, "RGB": 36982, "\u0120CCTV": 36983, "\u0120fiat": 36984, "rang": 36985, "\u0120federation": 36986, "\u0120Mant": 36987, "\u0120Bust": 36988, "\u0120Mare": 36989, "respective": 36990, "\u0120Migration": 36991, "\u0120BIT": 36992, "590": 36993, "\u0120patriotism": 36994, "\u0120outlining": 36995, "region": 36996, "\u0120Jos\u00c3\u00a9": 36997, "\u0120blasting": 36998, "\u0120Ezra": 36999, "Bs": 37000, "\u0120undermines": 37001, "\u0120Smooth": 37002, "\u0120clashed": 37003, "radio": 37004, "\u0120transitioning": 37005, "\u0120Buccaneers": 37006, "\u0120Owl": 37007, "\u0120plugs": 37008, "\u0120hiatus": 37009, "\u0120Pinball": 37010, "\u0120mig": 37011, "\u0120Nutr": 37012, "\u0120Wolfe": 37013, "\u0120integers": 37014, "\u0120orbits": 37015, "\u0120Edwin": 37016, "\u0120DirectX": 37017, "bite": 37018, "\u0120blazing": 37019, "vr": 37020, "Edge": 37021, "\u0120PID": 37022, "exit": 37023, "\u0120Comed": 37024, "\u0120Pathfinder": 37025, "\u0120Guid": 37026, "\u0120Signs": 37027, "\u0120Zer": 37028, "\u0120Agenda": 37029, "\u0120reimbursement": 37030, "Mesh": 37031, "iPhone": 37032, "\u0120Marcos": 37033, "\u0120Sites": 37034, "hate": 37035, "enburg": 37036, "\u0120sockets": 37037, "pend": 37038, "Batman": 37039, "vir": 37040, "\u0120SHOW": 37041, "\u0120provisional": 37042, "conn": 37043, "\u0120Deaths": 37044, "ATIVE": 37045, "Profile": 37046, "sym": 37047, "JA": 37048, "\u0120ninja": 37049, "installed": 37050, "idates": 37051, "ebra": 37052, "\u0120Omaha": 37053, "\u0120seizing": 37054, "\u0120Beasts": 37055, "\u0120salts": 37056, "Mission": 37057, "Generally": 37058, "\u0120Trilogy": 37059, "heon": 37060, "legates": 37061, "\u0120dime": 37062, "\u0120faire": 37063, "parable": 37064, "Graph": 37065, "\u0120totaling": 37066, "\u0120diagrams": 37067, "\u0120Yanuk": 37068, "plet": 37069, "\u0120Meh": 37070, "\u0120mythical": 37071, "\u0120Stephens": 37072, "autical": 37073, "ochemistry": 37074, "\u0120kilograms": 37075, "\u0120elbows": 37076, "ancock": 37077, "\u0120BCE": 37078, "\u0120Prague": 37079, "\u0120improv": 37080, "\u0120Devin": 37081, "\u0120\"\\": 37082, "paralle": 37083, "\u0120supremacists": 37084, "\u0120Billion": 37085, "\u0120regimen": 37086, "innacle": 37087, "\u0120requisite": 37088, "angan": 37089, "\u0120Burlington": 37090, "ainment": 37091, "\u0120Objective": 37092, "omsky": 37093, "GV": 37094, "\u0120unilateral": 37095, "\u0120tc": 37096, "\u0120hires": 37097, "mental": 37098, "\u0120involuntary": 37099, "\u0120transpl": 37100, "\u0120ASCII": 37101, "\u00c2\u00a8": 37102, "Events": 37103, "\u0120doubted": 37104, "\u0120Kaplan": 37105, "\u0120Courage": 37106, "igon": 37107, "\u0120Managing": 37108, "\u0120Tart": 37109, "\u0120falsehood": 37110, "\u0120Violet": 37111, "\u0120airs": 37112, "\u0120fertilizer": 37113, "Britain": 37114, "\u0120aquatic": 37115, "ouf": 37116, "Words": 37117, "\u0120Hartford": 37118, "\u0120evenings": 37119, "\u0120Vengeance": 37120, "quite": 37121, "Gall": 37122, "\u0120Pret": 37123, "\u0120pdf": 37124, "\u0120LM": 37125, "\u0120Sochi": 37126, "\u0120Intercept": 37127, "920": 37128, "\u0120profitability": 37129, "\u0120Idle": 37130, "\u0120MacDonald": 37131, "\u0120Establishment": 37132, "umsy": 37133, "\u0120gatherings": 37134, "\u0120Naj": 37135, "Charlie": 37136, "\u0120ascent": 37137, "\u0120Protector": 37138, "\u0120algebra": 37139, "\u0120bios": 37140, "forums": 37141, "ELS": 37142, "Introduced": 37143, "\u0120335": 37144, "\u0120astronomy": 37145, "Contribut": 37146, "\u0120Polic": 37147, "Platform": 37148, "\u0120containment": 37149, "wrap": 37150, "\u0120coronary": 37151, "\u0120Jelly": 37152, "manager": 37153, "\u0120heartbreaking": 37154, "cair": 37155, "\u0120Chero": 37156, "cgi": 37157, "Medical": 37158, "\u0120Accountability": 37159, "!!\"": 37160, "ophile": 37161, "\u0120psychotic": 37162, "\u0120Restrict": 37163, "\u0120equitable": 37164, "issues": 37165, "\u01201905": 37166, "\u0120Nek": 37167, "cised": 37168, "\u0120Tracking": 37169, "\u0120ozone": 37170, "\u0120cooker": 37171, "rosis": 37172, "\u0120reopen": 37173, "\u0120infinity": 37174, "\u0120Pharmaceutical": 37175, "ensional": 37176, "Attempt": 37177, "\u0120Rory": 37178, "Marco": 37179, "\u0120awaits": 37180, "HOW": 37181, "treated": 37182, "\u0120bolst": 37183, "\u0120revered": 37184, "\u0120pods": 37185, "oppers": 37186, "0010": 37187, "\u0120amplitude": 37188, "rican": 37189, "SPONSORED": 37190, "\u0120trousers": 37191, "\u0120halves": 37192, "\u0120Kaine": 37193, "\u0120Cutler": 37194, "\u0120AUTH": 37195, "\u0120splendid": 37196, "\u0120preventive": 37197, "\u0120Dudley": 37198, "ifacts": 37199, "uminati": 37200, "\u0120Yin": 37201, "\u0120admon": 37202, "\u0120Vag": 37203, "\u0120inverted": 37204, "\u0120hastily": 37205, "\u0120Hague": 37206, "Lyn": 37207, "\u0120ledger": 37208, "\u0120astronomical": 37209, "getting": 37210, "\u0120circa": 37211, "\u0120Cic": 37212, "\u0120Tennis": 37213, "Limited": 37214, "\u0120dru": 37215, "\u0120BYU": 37216, "\u0120travellers": 37217, "\u0120pane": 37218, "\u0120Intro": 37219, "\u0120patiently": 37220, "\u0120aiding": 37221, "\u0120loos": 37222, "\u0120Tough": 37223, "\u0120293": 37224, "\u0120consumes": 37225, "SourceFile": 37226, "\u0120\"\"\"": 37227, "\u0120bonding": 37228, "\u0120tilted": 37229, "\u0120menstrual": 37230, "\u0120Celestial": 37231, "ULAR": 37232, "Plugin": 37233, "\u0120risking": 37234, "Naz": 37235, "\u0120Riyadh": 37236, "\u0120accredited": 37237, "\u0120skirm": 37238, "\u00e9\u013d": 37239, "\u0120examiner": 37240, "\u0120messing": 37241, "\u0120nearing": 37242, "\u0120Chern": 37243, "\u0120Beckham": 37244, "\u0120swapped": 37245, "\u0120goose": 37246, "Kay": 37247, "\u0120lofty": 37248, "\u0120Wallet": 37249, "\u0120['": 37250, "\u0120apocalypse": 37251, "\u0120bamboo": 37252, "\u0120SPACE": 37253, "\u0120Elena": 37254, "\u0120306": 37255, "acons": 37256, "\u0120tightened": 37257, "\u0120adolescence": 37258, "\u0120rainy": 37259, "\u0120vandalism": 37260, "\u0120Newtown": 37261, "\u0120conject": 37262, "cakes": 37263, "\u0120cheated": 37264, "\u0120moderators": 37265, "params": 37266, "EFF": 37267, "\u0120deceit": 37268, "\u0120STL": 37269, "\u0120Tanzania": 37270, "\u0120RI": 37271, "\u01201923": 37272, "\u0120Exile": 37273, "thel": 37274, "\u0120theolog": 37275, "\u0120quirky": 37276, "\u0120Irvine": 37277, "\u0120needy": 37278, "oris": 37279, "Um": 37280, "Ka": 37281, "\u0120mailbox": 37282, "322": 37283, "\u0120bos": 37284, "\u0120Petra": 37285, "KING": 37286, "\u0120enlarged": 37287, "Often": 37288, "\u0120badass": 37289, "\u0120343": 37290, "\u0120Places": 37291, "\u0120CAD": 37292, "\u0120pristine": 37293, "\u0120intervening": 37294, "direction": 37295, "\u0120laz": 37296, "\u0120DSM": 37297, "\u0120projecting": 37298, "\u0120Funk": 37299, "agog": 37300, "payment": 37301, "nov": 37302, "\u0120chatter": 37303, "ARB": 37304, "\u0120examinations": 37305, "\u0120Household": 37306, "\u0120Gus": 37307, "Ford": 37308, "414": 37309, "Boss": 37310, "\u0120mystic": 37311, "\u0120leaps": 37312, "\u0120Bav": 37313, "ulz": 37314, "budget": 37315, "Football": 37316, "\u0120subsidized": 37317, "\u0120firsthand": 37318, "\u0120coincide": 37319, "ocular": 37320, "Conn": 37321, "\u0120Collabor": 37322, "\u0120fools": 37323, "amura": 37324, "ahar": 37325, "rists": 37326, "\u0120swollen": 37327, "\u0120expended": 37328, "\u0120Pau": 37329, "sup": 37330, "\u0120spar": 37331, "\u0120keynote": 37332, "suff": 37333, "\u0120unequal": 37334, "\u0120progressing": 37335, "strings": 37336, "\u0120Gamergate": 37337, "Disney": 37338, "\u0120Eleven": 37339, "omnia": 37340, "\u0120scripted": 37341, "\u0120earners": 37342, "brother": 37343, "\u0120Enabled": 37344, "\u00e6\u00b3": 37345, "\u0120larvae": 37346, "\u0120LOC": 37347, "mess": 37348, "Wilson": 37349, "\u0120Template": 37350, "successfully": 37351, "\u0120paramount": 37352, "\u0120camouflage": 37353, "\u0120binds": 37354, "\u0120Quiet": 37355, "\u0120Shutterstock": 37356, "rush": 37357, "\u0120mascot": 37358, "fortune": 37359, "\u0120Colt": 37360, "\u0120Beyon": 37361, "habi": 37362, "\u0120hairc": 37363, "\u0120267": 37364, "\u0120Deus": 37365, "\u0120twitch": 37366, "\u0120concentrating": 37367, "\u0120nipples": 37368, "cible": 37369, "\u0120gir": 37370, "NZ": 37371, "Math": 37372, "nih": 37373, "Required": 37374, "\u0120ponder": 37375, "\u0120SAN": 37376, "\u0120weddings": 37377, "\u0120loneliness": 37378, "NES": 37379, "\u0120Mahjong": 37380, "695": 37381, "addle": 37382, "\u0120Garner": 37383, "\u0120COUR": 37384, "Bridge": 37385, "\u0120spree": 37386, "\u0120Caldwell": 37387, "\u0120bribery": 37388, "\u0120\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 37389, "plugins": 37390, "\u0120racket": 37391, "\u0120champagne": 37392, "versible": 37393, "Vote": 37394, "\u0120modifiers": 37395, "Mayor": 37396, "680": 37397, "\u0120assemblies": 37398, "\u0120Sultan": 37399, "\u0120Ning": 37400, "\u0120Ladies": 37401, "\u0120sulfur": 37402, "\u0120orbs": 37403, "\u0120-----": 37404, "_______": 37405, "\u0120Journalism": 37406, "\u0120esports": 37407, "\u0120lush": 37408, "\u0120hue": 37409, "\u0120spectral": 37410, "Honest": 37411, "\u00e3\u0125\u0131": 37412, "\u0120bushes": 37413, "\u0120reinforcement": 37414, "\u0120reopened": 37415, "\u0120Wheels": 37416, "\u0120Morg": 37417, "rieving": 37418, "\u0120auxiliary": 37419, "\u0120jQuery": 37420, "\u0120BAT": 37421, "tesque": 37422, "\u0120vertex": 37423, "pure": 37424, "frey": 37425, "\u00e3\u0124\u00ba": 37426, "dos": 37427, "\u0120typh": 37428, "\u0120cull": 37429, "\u0120eq": 37430, "\u0120decon": 37431, "\u0120tossing": 37432, "\u0120disparate": 37433, "\u0120Brigham": 37434, "printf": 37435, "ledged": 37436, "\u0120sund": 37437, "\u0120cozy": 37438, "\u0120hepatitis": 37439, "performing": 37440, "\u0120aval": 37441, "\u0120GG": 37442, "future": 37443, "\u0120petertodd": 37444, "\u0120Kosovo": 37445, "\u0120magnets": 37446, "Already": 37447, "\u0120Edison": 37448, "\u0120Ceres": 37449, "\u0120RAID": 37450, "\u0120brilliance": 37451, "576": 37452, "\u0120derives": 37453, "\u0120hypertension": 37454, "\u0120\u00ce\u0136": 37455, "\u0120lambda": 37456, "\u0120flair": 37457, "\u0120missionaries": 37458, "\u0120rapes": 37459, "\u0120Starter": 37460, "\u0120Months": 37461, "\u0120defy": 37462, "\u0120seismic": 37463, "\u0120Raphael": 37464, "\u0120eurozone": 37465, "656": 37466, "zsche": 37467, "\u0120scratched": 37468, "\u0120bows": 37469, "\u0120Lennon": 37470, "\u0120Gaia": 37471, "\u0120dripping": 37472, "facts": 37473, "Ale": 37474, "\u0120frogs": 37475, "\u0120Breast": 37476, "ogeneity": 37477, "\u0120Prosecutor": 37478, "\u0120amplified": 37479, "\u0120Hodg": 37480, "\u0120Fn": 37481, "Thousands": 37482, "\u0120NIH": 37483, "\u0120Monitoring": 37484, "FTWARE": 37485, "\u0120Priebus": 37486, "\u0120Growing": 37487, "hunter": 37488, "\u0120diagnose": 37489, "\u0120Mald": 37490, "\u0120LR": 37491, "\u0120crowned": 37492, "\u0120bursting": 37493, "\u0120dissolution": 37494, "javascript": 37495, "\u0120usefulness": 37496, "\u0120Execution": 37497, ":(": 37498, "\u0120Ivory": 37499, "aah": 37500, "\u0120persecuted": 37501, "violence": 37502, "istas": 37503, "\u0120Crate": 37504, "\u0120impulses": 37505, "\u0120Spani": 37506, "edes": 37507, "Handle": 37508, "\u0120Zerg": 37509, "thinkable": 37510, "Lastly": 37511, "\u0120spontaneously": 37512, "\u0120inconvenient": 37513, "\u0120dismissing": 37514, "\u0120plotted": 37515, "\u0120eighty": 37516, "\u0120737": 37517, "rish": 37518, "\u0120Thornton": 37519, "atham": 37520, "\u0120sitcom": 37521, "Ven": 37522, "Recipe": 37523, "tel": 37524, "lund": 37525, "\u0120clears": 37526, "\u0120Sasuke": 37527, "\u0120258": 37528, "\u0120opting": 37529, "\u0120enraged": 37530, "esthetic": 37531, "\u0120Ae": 37532, "uchs": 37533, "Prep": 37534, "Flow": 37535, "\u0120runoff": 37536, "\u0120Eating": 37537, "\u0120Giles": 37538, "\u0120Acting": 37539, "resources": 37540, "ibaba": 37541, "\u0120rpm": 37542, "\u0120skewed": 37543, "\u0120Blanc": 37544, "\u0120Sakuya": 37545, "\u0120hotter": 37546, "\u01201924": 37547, "opian": 37548, "cko": 37549, "\u0120crumbling": 37550, "\u0120captains": 37551, "\u0120Appropriations": 37552, "leaders": 37553, "dropping": 37554, "anuts": 37555, "\u0120reversing": 37556, "\u0120Pose": 37557, "\u0120Sek": 37558, "Scot": 37559, "\u0120Idea": 37560, "cise": 37561, "\u0120Slovenia": 37562, "\u0120317": 37563, "Doctor": 37564, "\u0120crocod": 37565, "aldi": 37566, "Sea": 37567, "\u0120Farrell": 37568, "\u0120mercenaries": 37569, "\u0120RNC": 37570, "\u0120Guess": 37571, "\u0120pacing": 37572, "Machine": 37573, "StreamerBot": 37574, "\u0120Charity": 37575, "\u0120298": 37576, "\u0120cannons": 37577, "\u0120Toby": 37578, "TPPStreamerBot": 37579, "\u0120Passion": 37580, "cfg": 37581, "Thom": 37582, "\u0120badges": 37583, "\u0120Bernstein": 37584, ".\u00e2\u0122\u0135": 37585, "\u0120POP": 37586, "\u0120Conj": 37587, "\u0120initialization": 37588, "\u0120biodiversity": 37589, "Dub": 37590, "\u0120feudal": 37591, "\u0120disclaimer": 37592, "\u0120crow": 37593, "\u0120ignition": 37594, "arf": 37595, "SHA": 37596, "\u0120kHz": 37597, "hazard": 37598, "\u0120Artists": 37599, "oeuv": 37600, "679": 37601, "\u0120Rudy": 37602, "Nine": 37603, "\u0120Ramadan": 37604, "\u00e5\u00bd": 37605, "itto": 37606, "\u0120adrenaline": 37607, "Cert": 37608, "\u0120smelled": 37609, "\u0120impunity": 37610, "\u0120agendas": 37611, "\u0120Reborn": 37612, "\u0120Concent": 37613, "\u0120Seems": 37614, "\u0120omega": 37615, "\u0120Dustin": 37616, "\u0120backer": 37617, "\u0120Sauce": 37618, "\u0120Boyle": 37619, "WIN": 37620, "\u0120spins": 37621, "\u0120pauses": 37622, "upt": 37623, "\u0120shredded": 37624, "\u0120strapped": 37625, "\u0120Corruption": 37626, "\u0120scratches": 37627, "\u0120ni": 37628, "\u0120attire": 37629, "\u0120SAF": 37630, "FactoryReloaded": 37631, "\u0120IPS": 37632, "\u0120(%": 37633, "\u0120seminar": 37634, "focus": 37635, "civil": 37636, "\u01201860": 37637, "intosh": 37638, "\u0120continual": 37639, "\u0120abbrevi": 37640, "\u0120Sok": 37641, "ocobo": 37642, "XM": 37643, "\u0120frantic": 37644, "\u0120unavoidable": 37645, "\u0120artery": 37646, "\u0120annotations": 37647, "bath": 37648, "Climate": 37649, "\u0120dors": 37650, "\u0120Slide": 37651, "coord": 37652, "\u0120Reload": 37653, "\u0120LDL": 37654, "\u0120Lovecraft": 37655, "\u0120unimagin": 37656, "\u0120resembled": 37657, "\u0120barracks": 37658, "np": 37659, "\u0120surrogate": 37660, "\u0120categorized": 37661, "\u00e3\u0124\u00a9": 37662, "\u0120vaccinated": 37663, "\u0120drainage": 37664, "\u0120indist": 37665, "\u0120WhatsApp": 37666, "\u01201870": 37667, "olerance": 37668, "invoke": 37669, "amorph": 37670, "\u0120reconnect": 37671, "\u0120emanc": 37672, "\u0120blindness": 37673, "\u01201280": 37674, "internet": 37675, "collar": 37676, "\u0120altru": 37677, "\u0120abyss": 37678, "\u0120TRI": 37679, "657": 37680, "\u0120infused": 37681, "HEAD": 37682, "\u0120forestry": 37683, "\u0120Woody": 37684, "\u0120Ci": 37685, "wi": 37686, "sam": 37687, "784": 37688, "holiday": 37689, "\u0120mogul": 37690, "\u0120Fees": 37691, "\u0120DEN": 37692, "Internal": 37693, "urbed": 37694, "fusc": 37695, "atom": 37696, "\u0120Illusion": 37697, "\u0120polled": 37698, "\u0120flap": 37699, "\u0120coax": 37700, "LGBT": 37701, "Analy": 37702, "\u0120Sections": 37703, "\u0120Californ": 37704, "emn": 37705, "\u0120hither": 37706, "\u0120NIGHT": 37707, "\u0120nailed": 37708, "\u0120Pipeline": 37709, "391": 37710, "oof": 37711, "\u0120Primal": 37712, "verend": 37713, "\u0120slashing": 37714, "\u0120retri": 37715, "aviour": 37716, "\u0120departing": 37717, "gil": 37718, "ISC": 37719, "\u0120midway": 37720, "\u0120ultrasound": 37721, "\u0120behaving": 37722, "\u0120Tara": 37723, "classes": 37724, "Virtual": 37725, "\u0120Colonial": 37726, "\u0120stripping": 37727, "\u0120orchestrated": 37728, "\u0120Graves": 37729, "452": 37730, "\u0120Ironically": 37731, "\u0120Writers": 37732, "\u0120lends": 37733, "\u0120Manz": 37734, "\u0120raven": 37735, "\u0120oxidative": 37736, "\u0120266": 37737, "ELF": 37738, "actually": 37739, "ascar": 37740, "Draft": 37741, "\u0120favourable": 37742, "\u0120humiliating": 37743, "\u0120fidelity": 37744, "\u0120Hof": 37745, "\u0120Xuan": 37746, "496": 37747, "\u0120layered": 37748, "atis": 37749, "790": 37750, "\u0120paycheck": 37751, "iton": 37752, "Kar": 37753, "\u0120VMware": 37754, "\u0120Farmer": 37755, "\u0120servic": 37756, "glomer": 37757, "\u0120slump": 37758, "\u0120Fabric": 37759, "\u0120DOC": 37760, "esting": 37761, "\u0120reassure": 37762, "\u0120phyl": 37763, "volt": 37764, "itory": 37765, "Rules": 37766, "\u0120oxidation": 37767, "\u0120prized": 37768, "\u0120mistress": 37769, "\u0120Django": 37770, "WARN": 37771, "\u00e5\u0133": 37772, "\u0120encode": 37773, "\u0120Feedback": 37774, "\u0120stupidity": 37775, "Ian": 37776, "\u0120Yugoslavia": 37777, "\u00d7\u00a8": 37778, "acl": 37779, "UTE": 37780, "1977": 37781, "\u0120qualifies": 37782, "\u0120pulses": 37783, "pretty": 37784, "\u0120froze": 37785, "\u0120ss": 37786, "Iterator": 37787, "\u0120urgently": 37788, "\u0120mailed": 37789, "\u0120Cham": 37790, "\u0120sustaining": 37791, "\u0120basil": 37792, "\u0120puppies": 37793, "ilant": 37794, "\u0120PLEASE": 37795, "lap": 37796, "aceous": 37797, "Fear": 37798, "\u0120Mastery": 37799, "automatic": 37800, "\u0120TAG": 37801, "\u0120antim": 37802, "agles": 37803, "473": 37804, "frames": 37805, "\u0120whispers": 37806, "\u0120Whoever": 37807, "\u0120bravery": 37808, "\u0120UKIP": 37809, "ractions": 37810, "\"\"\"": 37811, "\u0120tame": 37812, "\u0120parted": 37813, "everything": 37814, "CONT": 37815, "\u0120indebted": 37816, "\u0120addr": 37817, "rek": 37818, "IRED": 37819, "\u0120eminent": 37820, "clinton": 37821, "\u0120ousted": 37822, "\u0120reviewer": 37823, "\u0120meltdown": 37824, "\u0120rearr": 37825, "\u0120Yao": 37826, "thereal": 37827, "abyte": 37828, "\u0120stumbling": 37829, "\u0120batches": 37830, "\u0120259": 37831, "\u0120contraceptive": 37832, "\u0120prostitute": 37833, "ensis": 37834, "Decl": 37835, "\u0120Strikes": 37836, "Military": 37837, "\u0120Oath": 37838, "vacc": 37839, "ppings": 37840, "052": 37841, "\u0120partName": 37842, "amping": 37843, "Reports": 37844, "KI": 37845, "CHR": 37846, "\u0120subtly": 37847, "swers": 37848, "Blake": 37849, "usual": 37850, "\u0120contestants": 37851, "\u0120cartridges": 37852, "\u0120GREAT": 37853, "\u0120blush": 37854, "\u0120\u00e2\u0122\u00ba": 37855, "472": 37856, "\u0120reasoned": 37857, "\u00e3\u0125\u00a4": 37858, "paralleled": 37859, "\u0120dyn": 37860, "agate": 37861, "\u0120nightly": 37862, "\u00e5\u0128": 37863, "556": 37864, "\u0120semantic": 37865, "\u0120Advoc": 37866, "\u0120!!": 37867, "\u0120disagrees": 37868, "\u0120BW": 37869, "Veh": 37870, "\u0120harming": 37871, "\u0120embraces": 37872, "\u0120strives": 37873, "\u0120inland": 37874, "\u0120Kard": 37875, "\u0120heats": 37876, "\u0120Ginny": 37877, "utan": 37878, "ernaut": 37879, "ylene": 37880, "\u0120Elev": 37881, "JD": 37882, "\u0120hars": 37883, "\u0120Starr": 37884, "\u0120skysc": 37885, "\u0120collaborators": 37886, "Usually": 37887, "\u0120revolutions": 37888, "\u0120STATS": 37889, "\u0120dismantle": 37890, "\u0120confidently": 37891, "\u0120kinetic": 37892, "Ali": 37893, "\u0120percentile": 37894, "\u0120extracting": 37895, "illian": 37896, "estead": 37897, "\u0120physicists": 37898, "\u0120Marshal": 37899, "\u0120fellowship": 37900, "\u0120dashed": 37901, "\u0120UR": 37902, "\u0120Sioux": 37903, "\u0120Compact": 37904, "amide": 37905, "Python": 37906, "\u0120Leigh": 37907, "\u0120Pharmac": 37908, "istrates": 37909, "herical": 37910, "\u0120fue": 37911, "\u0120Emin": 37912, "\u0120({": 37913, "\u0120Neighborhood": 37914, "\u0120disrupting": 37915, "\u0120Dup": 37916, "\u0120gland": 37917, "\u0120Sev": 37918, "\u0120Marian": 37919, "argon": 37920, "\u0120Dund": 37921, "\u0120": 46904, "\u0120Philips": 46905, "\u0120Kafka": 46906, "\u0120upheaval": 46907, "\u0120sentimental": 46908, "\u0120sax": 46909, "\u0120Akira": 46910, "serial": 46911, "Matrix": 46912, "\u0120electing": 46913, "\u0120commenter": 46914, "\u0120Nebula": 46915, "plets": 46916, "\u0120Nadu": 46917, "\u0120Adren": 46918, "\u0120enshr": 46919, "\u0120RAND": 46920, "financial": 46921, "\u0120Clyde": 46922, "utherford": 46923, "\u0120signage": 46924, "\u0120deline": 46925, "\u0120phosphate": 46926, "roversial": 46927, "fascist": 46928, "\u0120Vall": 46929, "\u0120Bethlehem": 46930, "\u0120fors": 46931, "\u0120english": 46932, "Solid": 46933, "Nature": 46934, "\u0120va": 46935, "\u0120Guests": 46936, "\u0120tantal": 46937, "\u0120autoimmune": 46938, ";;;;;;;;;;;;": 46939, "\u0120Totally": 46940, "\u0120Ov": 46941, "\u0120defences": 46942, "\u0120Coconut": 46943, "\u0120tranquil": 46944, "\u0120ploy": 46945, "\u0120flavours": 46946, "\u0120Flask": 46947, "\u00e3\u0124\u00a8\u00e3\u0125\u00ab": 46948, "\u0120Weston": 46949, "\u0120Volvo": 46950, "870": 46951, "\u0120microphones": 46952, "verbal": 46953, "RPG": 46954, "\u0120iii": 46955, ";}": 46956, "028": 46957, "\u0120headlined": 46958, "\u0120primed": 46959, "\u0120hoard": 46960, "\u0120Shad": 46961, "\u0120ENTER": 46962, "\u0120triangular": 46963, "\u0120capit": 46964, "lik": 46965, "\u0120Ancients": 46966, "\u0120lash": 46967, "\u0120convol": 46968, "\u0120colonel": 46969, "enemy": 46970, "Gra": 46971, "\u0120pubs": 46972, "utters": 46973, "\u0120assigns": 46974, "\u0120Penet": 46975, "\u0120Monstrous": 46976, "\u0120Bowen": 46977, "ilver": 46978, "Haunted": 46979, "\u0120Ding": 46980, "started": 46981, "plin": 46982, "\u0120contaminants": 46983, "\u0120DOE": 46984, "ffen": 46985, "\u0120Technician": 46986, "Ry": 46987, "\u0120robbers": 46988, "\u0120hotline": 46989, "\u0120Guardiola": 46990, "\u0120Kaufman": 46991, "rower": 46992, "\u0120Dresden": 46993, "\u0120Alpine": 46994, "Elf": 46995, "\u0120fmt": 46996, "\u0120Sard": 46997, "urses": 46998, "gpu": 46999, "Unix": 47000, "\u0120unequivocally": 47001, "\u0120Citizenship": 47002, "quad": 47003, "mire": 47004, "\u0120Sweeney": 47005, "Battery": 47006, "615": 47007, "\u0120pancakes": 47008, "\u0120oats": 47009, "Maps": 47010, "\u0120Contrast": 47011, "mbudsman": 47012, "\u0120EPS": 47013, "\u0120subcommittee": 47014, "\u0120sourcing": 47015, "\u0120sizing": 47016, "\u0120Buffer": 47017, "\u0120Mandatory": 47018, "\u0120moderates": 47019, "\u0120Patterns": 47020, "\u0120Chocobo": 47021, "\u0120Zan": 47022, "\u0120STATES": 47023, "\u0120Judging": 47024, "\u0120Inher": 47025, "*:": 47026, "\u0120bil": 47027, "\u0120Yen": 47028, "\u0120exhilar": 47029, "ollower": 47030, "zers": 47031, "\u0120snug": 47032, "maximum": 47033, "\u0120despicable": 47034, "\u0120PACK": 47035, "\u0120Annex": 47036, "\u0120sarcastic": 47037, "\u0120latex": 47038, "\u0120tamp": 47039, "\u0120Sao": 47040, "bah": 47041, "\u0120Reverend": 47042, "\u0120Chinatown": 47043, "\u0120AUT": 47044, "documented": 47045, "\u0120GABA": 47046, "\u0120Canaan": 47047, "\u0120\u00d9\u0127": 47048, "\u0120governs": 47049, "prev": 47050, "Esc": 47051, "\u0120Estimates": 47052, "OSP": 47053, "\u0120endeavour": 47054, "\u0120Closing": 47055, "ometime": 47056, "everyone": 47057, "\u0120worsen": 47058, "\u0120scanners": 47059, "\u0120deviations": 47060, "\u0120Robotics": 47061, "\u0120Compton": 47062, "\u0120sorcerer": 47063, "\u0120endogenous": 47064, "\u0120emulation": 47065, "\u0120Piercing": 47066, "\u0120Aph": 47067, "\u0120Socket": 47068, "\u0120bould": 47069, "\u0120OU": 47070, "\u0120Borderlands": 47071, "\u01201863": 47072, "Gordon": 47073, "\u0120WTO": 47074, "\u0120restricts": 47075, "\u0120mosaic": 47076, "\u0120melodies": 47077, "\u00e7\u0126": 47078, "Tar": 47079, "\u0120disson": 47080, "\u0120Provides": 47081, "\u0120......": 47082, "bek": 47083, "FIX": 47084, "\u0120broom": 47085, "anship": 47086, "Doctors": 47087, "\u0120nerds": 47088, "\u0120Regions": 47089, "naissance": 47090, "\u0120mete": 47091, "\u0120crept": 47092, "plings": 47093, "\u0120girlfriends": 47094, "knit": 47095, "igent": 47096, "owe": 47097, "\u0120ushered": 47098, "\u0120Baz": 47099, "Mobil": 47100, "434": 47101, "\u0120Presents": 47102, "origin": 47103, "\u0120insomnia": 47104, "\u0120Aux": 47105, "439": 47106, "\u0120Chili": 47107, "irsch": 47108, "GAME": 47109, "\u0120gestation": 47110, "algia": 47111, "romising": 47112, "$,": 47113, "crow": 47114, "\u0120Inspection": 47115, "atomic": 47116, "Relations": 47117, "JOHN": 47118, "roman": 47119, "\u0120Clockwork": 47120, "\u0120Bakr": 47121, "mone": 47122, "MET": 47123, "\u0120thirsty": 47124, "\u0120bc": 47125, "\u0120faculties": 47126, "Rum": 47127, "\u0120nuance": 47128, "\u0120Darius": 47129, "pleting": 47130, "fters": 47131, "etchup": 47132, "Registration": 47133, "\u0120KE": 47134, "Rah": 47135, "\u0120preferential": 47136, "\u0120Lash": 47137, "\u0120HH": 47138, "Valid": 47139, "\u0120NAV": 47140, "\u0120starve": 47141, "\u0120Gong": 47142, "zynski": 47143, "\u0120Actress": 47144, "\u0120wik": 47145, "\u0120unaccompanied": 47146, "lvl": 47147, "Bride": 47148, "ADS": 47149, "\u0120Commando": 47150, "\u0120Vaughn": 47151, "Wallet": 47152, "\u0120hopping": 47153, "\u0120Vie": 47154, "\u0120caveats": 47155, "\u0120alas": 47156, "ifled": 47157, "abuse": 47158, "661": 47159, "\u0120ibn": 47160, "\u0120gul": 47161, "\u0120robbing": 47162, "til": 47163, "ILA": 47164, "\u0120mitigating": 47165, "\u0120aptly": 47166, "\u0120tyrant": 47167, "\u0120midday": 47168, "\u0120Gilmore": 47169, "\u0120Decker": 47170, "\u0120\u00c2\u00a7\u00c2\u00a7": 47171, "partial": 47172, "Exactly": 47173, "\u0120phenotype": 47174, "\u0120[+]": 47175, "\u0120Plex": 47176, "\u0120Ips": 47177, "versions": 47178, "\u0120ebook": 47179, "\u0120chic": 47180, "gross": 47181, "\":\"\"},{\"": 47182, "\u0120Surprisingly": 47183, "Morgan": 47184, "\u0120residues": 47185, "\u0120Confederation": 47186, "infeld": 47187, "\u0120lyr": 47188, "moderate": 47189, "\u0120perpendicular": 47190, "VK": 47191, "\u0120synchronized": 47192, "\u0120refreshed": 47193, "\u0120adore": 47194, "\u0120Torment": 47195, "olina": 47196, "\u01202600": 47197, "ItemTracker": 47198, "\u0120pies": 47199, "\u0120FAT": 47200, "\u0120RHP": 47201, "048": 47202, "\u0120RESP": 47203, "\u0120BJ": 47204, "allows": 47205, "Pand": 47206, "\u0120unwelcome": 47207, "\u0120Voc": 47208, "\u0120Bastard": 47209, "\u0120OW": 47210, "\u0120LAR": 47211, "\u0120Healer": 47212, "Environmental": 47213, "\u0120Kenyan": 47214, "\u0120Trance": 47215, "\u0120Pats": 47216, "\u0120aliases": 47217, "\u0120Garfield": 47218, "\u0120campaigner": 47219, "\u0120advancements": 47220, "\u0120Okinawa": 47221, "\u0120Coh": 47222, "owsky": 47223, "\u0120starved": 47224, "\u0120sizeable": 47225, "\u0120:-)": 47226, "\u0120mRNA": 47227, "\u0120suspensions": 47228, "istar": 47229, "Scotland": 47230, "Prin": 47231, "------------------------------------------------": 47232, "\u0120502": 47233, "\u0120teaspoons": 47234, "\u01201050": 47235, "\u0120coercive": 47236, "\u0120Masonic": 47237, "edded": 47238, "\u0120Passenger": 47239, "\u0120latt": 47240, "\u0120braces": 47241, "\u0120Steal": 47242, "\u0120NYT": 47243, "\u0120Kats": 47244, "\u0120Celest": 47245, "aez": 47246, "Tu": 47247, "\u0120Coulter": 47248, "\u00f0\u0141\u013a": 47249, "Flickr": 47250, "\u0120Wilmington": 47251, "iths": 47252, "++;": 47253, "\u0120vending": 47254, "\u0120negro": 47255, "\u0120Phi": 47256, "\u0120Yellowstone": 47257, "Callback": 47258, "\u0120shampoo": 47259, "\u0120Shades": 47260, "wat": 47261, "\u0120superhuman": 47262, "\u0120ridiculed": 47263, "\u0120holiest": 47264, "ombo": 47265, "\u0120interns": 47266, "\u0120hone": 47267, "\u0120Paragu": 47268, "URI": 47269, "\u0120dangling": 47270, "\u00e3\u0124\u00bb": 47271, "sov": 47272, "ictional": 47273, "availability": 47274, "\u0120revocation": 47275, "\u0120dow": 47276, "inic": 47277, "\u0120THEIR": 47278, "\u0120iso": 47279, "\u0120outings": 47280, "\u0120Lethal": 47281, "\u0120)))": 47282, "\u0120inaccur": 47283, "\u0120outlandish": 47284, "\u0120anus": 47285, "letico": 47286, "idon": 47287, "lol": 47288, "\u0120unregulated": 47289, "\u0120succumbed": 47290, "\u0120cuff": 47291, "\u0120Wasteland": 47292, "letal": 47293, "\u0120substr": 47294, "\u0120coffers": 47295, "\u0120automakers": 47296, "ovi": 47297, "\u0120Xue": 47298, "\u0120Daytona": 47299, "\u0120jarring": 47300, "\u0120fumes": 47301, "\u0120disbanded": 47302, "zik": 47303, "itton": 47304, "\u0120strikingly": 47305, "\u0120spores": 47306, "Adapter": 47307, ".):": 47308, "\u0120Lyndon": 47309, "ivalry": 47310, "\u0120orally": 47311, "\u0120tumultuous": 47312, "\u0120displeasure": 47313, "\u0120cones": 47314, "orrect": 47315, "\u0120appease": 47316, "\u0120derby": 47317, "\u0120Tripoli": 47318, "\u0120Aless": 47319, "\u0120poked": 47320, "\u0120Guilty": 47321, "vP": 47322, "Enough": 47323, "\u0120originals": 47324, "699": 47325, "\u0120rabbi": 47326, "\u0120proverbial": 47327, "\u0120postpone": 47328, "elope": 47329, "\u0120Misty": 47330, "\u0120staffed": 47331, "\u0120Unemployment": 47332, "reditary": 47333, "\u0120diligent": 47334, "recomm": 47335, "measures": 47336, "asin": 47337, "825": 47338, "\u0120ponds": 47339, "\u0120mmol": 47340, "\u0120SAR": 47341, "\u0120CARE": 47342, "\u0120371": 47343, "\u0120clenched": 47344, "\u0120Corsair": 47345, "\u0120caricature": 47346, "zn": 47347, "attach": 47348, "\u0120Schro": 47349, "speak": 47350, "painted": 47351, "\u0120Suc": 47352, "\u0120ENT": 47353, "\u0120cellul": 47354, "\u0120Paid": 47355, "diagn": 47356, "WHERE": 47357, "\u0120texted": 47358, "Barn": 47359, "\u0120retracted": 47360, "\u0120Referred": 47361, "Sav": 47362, "\u0120upkeep": 47363, "\u0120workplaces": 47364, "\u0120Tokens": 47365, "\u0120amplify": 47366, "clinical": 47367, "\u0120multic": 47368, "mberg": 47369, "\u0120convoluted": 47370, "Region": 47371, "565": 47372, "\u0120Topic": 47373, "\u0120snail": 47374, "\u0120saline": 47375, "\u0120insurrection": 47376, "\u0120Petr": 47377, "forts": 47378, "BAT": 47379, "\u0120Navajo": 47380, "\u0120rudimentary": 47381, "\u0120Laksh": 47382, "ONDON": 47383, "Measure": 47384, "\u0120transformer": 47385, "\u0120Goddard": 47386, "\u0120coincides": 47387, "irin": 47388, "Rex": 47389, "\u0120Bok": 47390, "quit": 47391, "\u0120shotguns": 47392, "\u0120proletarian": 47393, "\u0120scorp": 47394, "\u0120Ada": 47395, "514": 47396, "\u0120slander": 47397, "recorded": 47398, "\u0120embell": 47399, "risome": 47400, "\u0120apologizing": 47401, "\u0120Mulcair": 47402, "\u0120Gibraltar": 47403, "Cla": 47404, "\u0120allot": 47405, "\u0120Attention": 47406, "\u0120433": 47407, "leave": 47408, "\u0120whine": 47409, "\u0120Issa": 47410, "\u0120Faust": 47411, "\u0120Barron": 47412, "heny": 47413, "\u0120victimized": 47414, "Jews": 47415, "\u0120nurturing": 47416, "ettel": 47417, "Winged": 47418, "\u0120Subtle": 47419, "\u0120flavorful": 47420, "\u0120Reps": 47421, "enged": 47422, "callback": 47423, "\u0120directional": 47424, "\u0120clasp": 47425, "\u0120Directions": 47426, "planet": 47427, "iculture": 47428, "Helper": 47429, "icion": 47430, "acia": 47431, "\u0120\u00e7\u00a5\u0140": 47432, "\u0120surges": 47433, "\u0120canoe": 47434, "\u0120Premiership": 47435, "been": 47436, "\u0120defied": 47437, "\u0120Trooper": 47438, "\u0120tripod": 47439, "\u0120gasp": 47440, "\u0120Euph": 47441, "\u0120Ads": 47442, "vernight": 47443, "highly": 47444, "Role": 47445, "\u0120entangled": 47446, "\u0120Zeit": 47447, "618": 47448, "\u0120Rusty": 47449, "\u0120havens": 47450, "\u0120Vaughan": 47451, "HAEL": 47452, "\u0120SERVICE": 47453, "/,": 47454, "\u0120stricken": 47455, "\u0120delusions": 47456, "\u0120bis": 47457, "\u0120Haf": 47458, "\u0120gratification": 47459, "\u0120enticing": 47460, "UNCH": 47461, "Adams": 47462, "\u0120OLED": 47463, "\u0120Beetle": 47464, "\u01201899": 47465, "\u0120SOFTWARE": 47466, "ategor": 47467, "VL": 47468, "\u0120Totem": 47469, "\u0120Gators": 47470, "ATURES": 47471, "\u0120impedance": 47472, "Registered": 47473, "\u0120Cary": 47474, "\u0120Aerial": 47475, "onne": 47476, "enium": 47477, "\u0120dred": 47478, "\u0120Beg": 47479, "\u0120concurrently": 47480, "\u0120superpower": 47481, "\u0120Xan": 47482, "jew": 47483, "imester": 47484, "\u0120Dickinson": 47485, "\u00e2\u0136\u0123": 47486, "Fla": 47487, "\u0120pree": 47488, "\u0120Rollins": 47489, "\u00a9\u00b6\u00e6": 47490, "\u0120denomination": 47491, "\u0120Lana": 47492, "516": 47493, "\u0120inciting": 47494, "scribed": 47495, "juries": 47496, "\u0120Wonders": 47497, "approximately": 47498, "\u0120suspending": 47499, "\u0120mountainous": 47500, "\u0120Laugh": 47501, "oidal": 47502, "Ns": 47503, "Detect": 47504, ")=": 47505, "\u0120Luthor": 47506, "\u0120Schwarzenegger": 47507, "\u0120Muller": 47508, "\u0120Devi": 47509, "ecycle": 47510, "Jar": 47511, "613": 47512, "\u0120Longh": 47513, "Bah": 47514, "\u0120SPORTS": 47515, "nw": 47516, "\u0120refinement": 47517, "\u0120waterways": 47518, "\u0120diner": 47519, "Blade": 47520, "683": 47521, "Fac": 47522, "\u0120initials": 47523, "\u0120rog": 47524, "\u0120paranormal": 47525, "BUT": 47526, "\u0120[(": 47527, "\u0120Swanson": 47528, "\u0120Mesh": 47529, "\u00e2\u0138\u00ac": 47530, "Improve": 47531, "\u0120Radiation": 47532, "\u0120Esther": 47533, "\u0120Esk": 47534, "\u0120Aly": 47535, "iky": 47536, "\u0120irrad": 47537, "\u0120Buckingham": 47538, "\u0120refill": 47539, "\u0120._": 47540, "Repe": 47541, "CONCLUS": 47542, "\u0120differentiated": 47543, "\u0120chirop": 47544, "\u0120Atkins": 47545, "Pattern": 47546, "\u0120excise": 47547, "\u0120cabal": 47548, "NSA": 47549, "\u0120STA": 47550, "\u0120SIL": 47551, "\u0120Paraly": 47552, "\u0120rye": 47553, "\u0120Howell": 47554, "\u0120Countdown": 47555, "nesses": 47556, "alysed": 47557, "\u0120resize": 47558, "\u00e3\u0124\u00bd": 47559, "\u0120budgetary": 47560, "\u0120Stras": 47561, "wang": 47562, "\u0120apiece": 47563, "\u0120precincts": 47564, "\u0120peach": 47565, "\u0120skyline": 47566, "\u0120353": 47567, "popular": 47568, "Appearances": 47569, "\u0120Mechanics": 47570, "\u0120DevOnline": 47571, "Sullivan": 47572, "Zen": 47573, "\u0120pu": 47574, "opolis": 47575, "544": 47576, "\u0120deform": 47577, "\u0120counteract": 47578, "\u0120Lange": 47579, "\u0120417": 47580, "Console": 47581, "774": 47582, "\u0120nodding": 47583, "\u0120populism": 47584, "\u0120hep": 47585, "\u0120counselling": 47586, "compliance": 47587, "UFF": 47588, "\u0120undeniably": 47589, "\u0120railing": 47590, "\u0120Horowitz": 47591, "\u0120Simone": 47592, "\u0120Bungie": 47593, "\u0120ak": 47594, "\u0120Talks": 47595, "xff": 47596, "flake": 47597, "Crash": 47598, "\u0120sweaty": 47599, "\u0120banquet": 47600, "\u0120OFFIC": 47601, "\u0120inventive": 47602, "\u0120astronomer": 47603, "\u0120Stamford": 47604, "\u0120Scare": 47605, "\u0120GREEN": 47606, "olicited": 47607, "\u0120rusher": 47608, "\u0120centrist": 47609, "ighting": 47610, "\u0120subclass": 47611, "\u0120disav": 47612, "\u0120defund": 47613, "\u0120Nanto": 47614, "ociate": 47615, "mast": 47616, "\u0120pacif": 47617, "\u0120mend": 47618, "eers": 47619, "immigration": 47620, "ESSION": 47621, "\u0120numbering": 47622, "\u0120laughable": 47623, "\u0120Ended": 47624, "viation": 47625, "emark": 47626, "Pitt": 47627, "\u0120meticulous": 47628, "\u0120LF": 47629, "\u0120congratulated": 47630, "\u0120Birch": 47631, "\u0120swayed": 47632, "\u0120semifinals": 47633, "\u0120humankind": 47634, "matter": 47635, "\u0120Equip": 47636, "opausal": 47637, "Said": 47638, "\u0120Layout": 47639, "\u0120voicing": 47640, "\u0120thug": 47641, "\u0120pornographic": 47642, "IPS": 47643, "\u0120moaning": 47644, "\u0120grievance": 47645, "\u0120confessions": 47646, "escal": 47647, "TEXTURE": 47648, "Authent": 47649, "osaurus": 47650, "Purchase": 47651, "\u0120relegation": 47652, "alter": 47653, "\u0120\u00c2\u0142\u00c2\u0142": 47654, "\u0120riddled": 47655, "\u0120ogre": 47656, "\u0120Lowell": 47657, "Occup": 47658, "Eat": 47659, "\u0120Hyder": 47660, "\u0120Adviser": 47661, "Commerce": 47662, "Hunt": 47663, "\u0120Orth": 47664, "\u0120Competitive": 47665, "\u0120CLA": 47666, "CDC": 47667, "\u0120salads": 47668, "Fle": 47669, "\u0120industrialized": 47670, "`,": 47671, "\u0120OWN": 47672, "\u0120beck": 47673, "\u0120Particularly": 47674, "oubt": 47675, "\u0120mM": 47676, "\u0120Hussain": 47677, "\u0120Chennai": 47678, "\u0120920": 47679, "\u0120appointing": 47680, "\u0120Cullen": 47681, ",,,,,,,,": 47682, "\u0120pores": 47683, "verified": 47684, "\u0120biochemical": 47685, "emate": 47686, "\u0120cowardly": 47687, "\u0120Helsinki": 47688, "\u0120Ethiopian": 47689, "SOURCE": 47690, "ERC": 47691, "estro": 47692, "\u0120biotech": 47693, "\u0120Sour": 47694, "\u0120brewer": 47695, "Bloomberg": 47696, "\u0120intensify": 47697, "Glass": 47698, "anco": 47699, "\u0120FDR": 47700, "greSQL": 47701, "\u0120Fires": 47702, "\u00a9\u00b6\u00e6\u00a5\u00b5": 47703, "eco": 47704, "1001": 47705, "\u0120Homeless": 47706, "\u0120instantaneous": 47707, "\u0120Haste": 47708, "igel": 47709, "Diamond": 47710, "\u0120paving": 47711, "\u0120landfill": 47712, "\u0120dads": 47713, "houn": 47714, ":]": 47715, "\u0120incendiary": 47716, "\u0120Livingston": 47717, "\u0120Hilbert": 47718, "\u0120Checks": 47719, "styles": 47720, "inators": 47721, "\u0120Clive": 47722, "phrine": 47723, "\u0120chimpanzees": 47724, "\u0120pall": 47725, "\u0120JM": 47726, "\u0120Aadhaar": 47727, "\u00f0\u013f": 47728, "\u0120achievable": 47729, "disabled": 47730, "PET": 47731, "OOOOOOOO": 47732, "Mot": 47733, "\u0120intangible": 47734, "\u0120ballet": 47735, "\u0120Webs": 47736, "\u0120Estimated": 47737, "Effects": 47738, "\u0120bailed": 47739, "Joshua": 47740, "\u0120turbulence": 47741, "\u0120occupant": 47742, "\u0120Daylight": 47743, "\u0120361": 47744, "meet": 47745, "\u0120statically": 47746, "\u0120onlook": 47747, "\u0120ki": 47748, "illegal": 47749, "\u0120velvet": 47750, "\u0120dehydration": 47751, "\u0120acquies": 47752, "\u0120Rez": 47753, "akura": 47754, "\u0120Upton": 47755, "atro": 47756, "\u0120incomprehensible": 47757, "\u0120backdoor": 47758, "\u0120Rhino": 47759, "727": 47760, "\u0120maths": 47761, ")+": 47762, "\u0120heresy": 47763, "\u0120df": 47764, "\u0120Roche": 47765, "\u0120Lydia": 47766, "\u0120pancreat": 47767, "reply": 47768, "arrell": 47769, "\u0120solicitation": 47770, "\u0120circadian": 47771, "BIP": 47772, "\u0120foray": 47773, "\u0120cryptic": 47774, "izu": 47775, "imeo": 47776, "\u0120Tomato": 47777, "\u0120Homs": 47778, "examination": 47779, "\u0120quarry": 47780, "\u0120Valiant": 47781, "\u0120Jericho": 47782, "\u0120INCLUD": 47783, "\u01201840": 47784, "519": 47785, "\u0120resists": 47786, "\u0120snapshots": 47787, "\u0120Spur": 47788, "\u0120Antiqu": 47789, "Login": 47790, "\u0120bestselling": 47791, "\u0120antic": 47792, "\u0120Sutherland": 47793, "\u00e3\u0124\u00a2\u00e3\u0125\u00ab": 47794, "\u0120~/": 47795, "\u0120Parm": 47796, "\u00e8\u0125": 47797, "Pages": 47798, "intensity": 47799, "\u0120immobil": 47800, "\u01201865": 47801, "zzo": 47802, "\u0120nifty": 47803, "\u0120fentanyl": 47804, "\u0120Preservation": 47805, "ophen": 47806, "\u0120darts": 47807, "\u0120Dinosaur": 47808, "pointers": 47809, "\u0120Rite": 47810, "suggest": 47811, "awareness": 47812, "\u0120Sheridan": 47813, "\u0120stances": 47814, "\u0120sorcery": 47815, "\u0120perjury": 47816, "\u0120Nikola": 47817, "iever": 47818, "\u0120fiance": 47819, "\u0120Jordanian": 47820, "\u0120Balloon": 47821, "\u0120nab": 47822, "\u0120kb": 47823, "\u0120humanities": 47824, "\u0120Tanaka": 47825, "hillary": 47826, "\u0120consultancy": 47827, "\u0120Zub": 47828, "\u0120remission": 47829, "\u0120confid": 47830, "CHQ": 47831, "\u0120Fug": 47832, "\u0120improvis": 47833, "Yep": 47834, "/_": 47835, "\u0120unwillingness": 47836, "\u0120portfolios": 47837, "055": 47838, "\u0120Instructor": 47839, "aiman": 47840, "\u0120claimants": 47841, "Mbps": 47842, "\u0120Bye": 47843, "received": 47844, "Tweet": 47845, "\u0120indemn": 47846, "riz": 47847, "amara": 47848, "Nat": 47849, "\u0120evaluates": 47850, "\u0120Lur": 47851, "epad": 47852, "FOX": 47853, "\u0120Thro": 47854, "\u0120rusty": 47855, "\u0120bedrock": 47856, "\u0120Oprah": 47857, "JB": 47858, "\u0120manipulative": 47859, "\u0120willful": 47860, "\u0120relapse": 47861, "\u0120extant": 47862, "Theme": 47863, "Sensor": 47864, "\u0120Stability": 47865, "govern": 47866, "\u0120poppy": 47867, "\u0120knack": 47868, "\u0120insulated": 47869, "\u0120Tile": 47870, "\u0120Extrem": 47871, "\u0120untold": 47872, "\u0120converge": 47873, "\u0120refuel": 47874, "igroup": 47875, "\u0120distortions": 47876, "\u0120ravaged": 47877, "\u0120mechanically": 47878, "\u0120Reilly": 47879, "\u0120Nose": 47880, "\u0120Incarnation": 47881, "\u0120Becky": 47882, "abbling": 47883, "\u0120taco": 47884, "\u0120rake": 47885, "\u0120melancholy": 47886, "\u0120illustrious": 47887, "\u0120Dartmouth": 47888, "Guide": 47889, "\u0120Razer": 47890, "\u0120Benz": 47891, "Ultimate": 47892, "\u0120Surprise": 47893, "\u0120pageant": 47894, "offer": 47895, "Whoever": 47896, "\u0120wiser": 47897, "\u0120chemist": 47898, "\u0120HELL": 47899, "\u0120Bulk": 47900, "\u0120plutonium": 47901, "\u0120COVER": 47902, "\u00d6\u00bc": 47903, "failed": 47904, "\u0120tirelessly": 47905, "\u0120infertility": 47906, "\u0120Trident": 47907, "\u0120Showtime": 47908, "\u0120Civ": 47909, "Vice": 47910, "requires": 47911, "ittance": 47912, "\u0120uncontrolled": 47913, "interesting": 47914, "561": 47915, "\u0120innovate": 47916, "ategic": 47917, "Lie": 47918, "\u0120Selling": 47919, "Ul": 47920, "\u0120savior": 47921, "\u0120Tosh": 47922, "\u0120swast": 47923, "PASS": 47924, "\u0120rink": 47925, "\u0120cardio": 47926, "\u0120Iro": 47927, "udi": 47928, "\u0120vantage": 47929, "\u0120vans": 47930, "\u0120Ni\u00c3\u00b1o": 47931, "+=": 47932, "\u0120propagate": 47933, "": 49029, "\u0120leukemia": 49030, "\u0120eluc": 49031, "\u0120announcer": 49032, "\u0120Lithuan": 49033, "\u0120Armageddon": 49034, "\u00e5\u0129": 49035, "Lenin": 49036, "\u0120Ruk": 49037, "\u0120pepp": 49038, "\u0120Romantic": 49039, "\u0120PIT": 49040, "\u0120Interstellar": 49041, "\u0120Atkinson": 49042, "Raid": 49043, "Js": 49044, "Goal": 49045, "Course": 49046, "\u0120vanishing": 49047, "esley": 49048, "\u0120Rounds": 49049, "Elsa": 49050, "593": 49051, "\u0120redundancy": 49052, "\u0120STAND": 49053, "\u0120prophetic": 49054, "\u0120habitable": 49055, "ryu": 49056, "\u0120faintly": 49057, "MODE": 49058, "\u0120flanked": 49059, "IRC": 49060, "Awesome": 49061, "\u0120spurious": 49062, "\u0120Zah": 49063, "\u0120MSG": 49064, "\u0120shading": 49065, "\u0120motivational": 49066, "\u0120Santana": 49067, "\u0120SPR": 49068, "\u0120excruciating": 49069, "omial": 49070, "\u0120Miko": 49071, "\u0120Leopard": 49072, "Abyss": 49073, "\u0120[|": 49074, "dirty": 49075, "\u0120baths": 49076, "\u0120demoral": 49077, "andre": 49078, "PB": 49079, "\u0120unification": 49080, "\u0120sacrament": 49081, "\u0120[&": 49082, "\u0120priceless": 49083, "\u0120gelatin": 49084, "\u0120emanating": 49085, "\u0120Allaah": 49086, "986": 49087, "\u0120outburst": 49088, "\u0120eras": 49089, "\u0120XVI": 49090, "\u0120SPI": 49091, "Ott": 49092, "\u0120Lazarus": 49093, "PLIED": 49094, "Flying": 49095, "blogs": 49096, "Wisconsin": 49097, "Raven": 49098, "\u0120rebate": 49099, "\u0120creeps": 49100, "\u0120Span": 49101, "\u0120Painter": 49102, "\u0120Kira": 49103, "\u0120Amos": 49104, "\u0120Corvette": 49105, "Consumer": 49106, "\u0120Recover": 49107, "cki": 49108, "\u0120pesky": 49109, "\u0120Invention": 49110, "Companies": 49111, "\u0120challengers": 49112, "ademic": 49113, "\u0120Ukrainians": 49114, "\u0120Neurolog": 49115, "\u0120Forsaken": 49116, "\u0120entrants": 49117, "\u0120embattled": 49118, "\u0120defunct": 49119, "\u0120Glacier": 49120, "\u0120poisons": 49121, "\u0120Horses": 49122, "makes": 49123, "\u0120Dirt": 49124, "\u0120423": 49125, "hhh": 49126, "\u0120Transformation": 49127, "QUIRE": 49128, "..................": 49129, "\u0120traveller": 49130, "\u0120Sexy": 49131, "\u0120Kern": 49132, "ipolar": 49133, "\u0120ransomware": 49134, "oooooooooooooooo": 49135, "Ec": 49136, "ruby": 49137, "Professional": 49138, "\u0120Outbreak": 49139, "argument": 49140, "Grey": 49141, "\u0120Fifa": 49142, "\u0120CHO": 49143, "\u0120FORM": 49144, "\u0120Amtrak": 49145, "-[": 49146, "\u0120cradle": 49147, "\u0120antioxidants": 49148, "\u00e3\u0123\u00ae\u00e5\u00ae": 49149, "736": 49150, "\u0120NASL": 49151, "\u0120Contributions": 49152, "Indiana": 49153, "\u0120STEP": 49154, "CSS": 49155, "\u0120salient": 49156, "\u0120allocations": 49157, "yrights": 49158, "\u0120mashed": 49159, "\u0120Cutter": 49160, "Sexual": 49161, "\u0120pounded": 49162, "\u0120fanbase": 49163, "\u0120casc": 49164, "\u0120Transparency": 49165, "\u0120analytic": 49166, "\u0120Summoner": 49167, "\u00d7\u0140": 49168, "\u0120ADC": 49169, "detail": 49170, "\u0120vanquished": 49171, "\u0120crabs": 49172, "arie": 49173, "Destroy": 49174, "\u0120Sack": 49175, "\u0120transistor": 49176, "Alabama": 49177, "\u0120Koen": 49178, "\u0120Fisheries": 49179, "cone": 49180, "\u0120annexed": 49181, "\u0120MGM": 49182, "esa": 49183, "\u0120faked": 49184, "\u0120Congratulations": 49185, "\u0120hindered": 49186, "\u0120correctional": 49187, "\u0120ITV": 49188, "leeve": 49189, "\u0120inappropriately": 49190, "licks": 49191, "\u0120trespass": 49192, "\u0120paws": 49193, "\u0120negotiator": 49194, "\u0120Christensen": 49195, "limits": 49196, "\u0120Dianne": 49197, "\u0120elegance": 49198, "\u0120Contracts": 49199, "anke": 49200, "Obj": 49201, "\u0120vigilance": 49202, "\u0120castles": 49203, "\u0120NAD": 49204, "\u0120Holo": 49205, "\u0120emphatically": 49206, "\u0120Titus": 49207, "\u0120Serving": 49208, "\u0120Richie": 49209, "\u0120Pigs": 49210, "568": 49211, "\u0120animosity": 49212, "\u0120Attributes": 49213, "\u0120Uriel": 49214, "MQ": 49215, "myra": 49216, "\u0120Applicant": 49217, "\u0120psychiatrists": 49218, "\u0120Vij": 49219, "\u0120Abby": 49220, "agree": 49221, "Push": 49222, "\u0120kWh": 49223, "hiba": 49224, "\u0120incite": 49225, "\u0120Weasley": 49226, "\u0120Taxi": 49227, "ministic": 49228, "hyper": 49229, "\u0120Farn": 49230, "\u0120601": 49231, "\u0120Nationwide": 49232, "Fake": 49233, "952": 49234, "\u0120maize": 49235, "\u0120interacted": 49236, "\u0120transitioned": 49237, "\u0120parasitic": 49238, "\u0120harmonic": 49239, "\u0120decaying": 49240, "\u0120baseless": 49241, "nsics": 49242, "\u0120transpired": 49243, "\u0120abundantly": 49244, "\u0120Forensic": 49245, "\u0120treadmill": 49246, "\u0120Jav": 49247, "aband": 49248, "\u0120sshd": 49249, "\u0120frontman": 49250, "\u0120Jakarta": 49251, "oller": 49252, "drops": 49253, "\u0120SERVICES": 49254, "romptu": 49255, "ophical": 49256, "hospital": 49257, "bledon": 49258, "645": 49259, "\u0120midrange": 49260, "\u0120EVENT": 49261, "culated": 49262, "rawled": 49263, "\u0120perched": 49264, "\u0120overboard": 49265, "\u0120Peel": 49266, "\u0120Pwr": 49267, "\u0120Carth": 49268, "\u0120COMPLE": 49269, "coe": 49270, "shall": 49271, "\u0120deterrence": 49272, "METHOD": 49273, "\u0120Absent": 49274, "MEN": 49275, "\u0120sill": 49276, "\u0120LEVEL": 49277, "York": 49278, "\u0120sinners": 49279, "\u0120OPEC": 49280, "\u0120Nur": 49281, "\u0120Designs": 49282, "selection": 49283, "\u0120unworthy": 49284, "CHA": 49285, "\u0120strengthens": 49286, "883": 49287, "edly": 49288, "\u0120slicing": 49289, "\u0120malnutrition": 49290, "\u0120filmmaking": 49291, "\u0120Polk": 49292, "urated": 49293, "\u0120421": 49294, "breakers": 49295, "!'\"": 49296, "\u0120wetlands": 49297, "\u0120Discrimination": 49298, "\u0120allowable": 49299, "\u0120steered": 49300, "\u0120Sicily": 49301, "SAM": 49302, "\u0120mustache": 49303, "\u0120mids": 49304, "\u0120clipped": 49305, "\u0120circulate": 49306, "\u0120brittle": 49307, "\u0120Buildings": 49308, "raised": 49309, "\u0120Roundup": 49310, "\u0120wealthier": 49311, "\u0120overwrite": 49312, "\u0120overpowered": 49313, "\u0120Gerrard": 49314, "sites": 49315, "PDATED": 49316, "\u0120acutely": 49317, "\u0120Gamble": 49318, "\u0120pim": 49319, "\u0120Kus": 49320, "Typically": 49321, "Deploy": 49322, "\u0120Moroccan": 49323, "potion": 49324, "combe": 49325, "\u0120vigilante": 49326, "\u0120363": 49327, "Stew": 49328, "\u0120Bagg": 49329, "\u0120resided": 49330, "\u0120Spo": 49331, "\u0120remnant": 49332, "\u0120emptiness": 49333, "brainer": 49334, "\u0120outpatient": 49335, "priority": 49336, "\u0120leptin": 49337, "\u0120Payton": 49338, "\u0120Gleaming": 49339, "\u0120Shed": 49340, "\u0120Polo": 49341, "\u0120Mormonism": 49342, "restricted": 49343, "arlane": 49344, "wx": 49345, "\u0120creatine": 49346, "\u0120Anon": 49347, "\u0120STUD": 49348, "\u0120JUL": 49349, "\u0120Tee": 49350, "528": 49351, "089": 49352, "\u0120hatched": 49353, "Dispatch": 49354, "\u0120Composite": 49355, "\u0120451": 49356, "puff": 49357, "\u0120XCOM": 49358, "\u0120Orn": 49359, "\u0120THANK": 49360, "ENDED": 49361, "\u0120Asheville": 49362, "\u0120\u00c3\u013e": 49363, "\u0120mango": 49364, "\u0120Slightly": 49365, "worldly": 49366, "\u0120Wander": 49367, "\u0120Expand": 49368, "\u0120Chr": 49369, "Mist": 49370, "\u0120orthodoxy": 49371, "\u0120UNESCO": 49372, "regate": 49373, "Elsewhere": 49374, "kie": 49375, "irled": 49376, "\u0120topple": 49377, "\u0120adoptive": 49378, "\u0120Legs": 49379, "dress": 49380, "\u0120Sagan": 49381, "bare": 49382, "\u0120Glou": 49383, "Crunch": 49384, "\u0120helpers": 49385, "\u0120chronically": 49386, "\u0120Huma": 49387, "10000": 49388, "\u0120accommodating": 49389, "\u00e4\u00ba\u0136": 49390, "\u0120wrinkles": 49391, "\u0120dodged": 49392, "fourth": 49393, "\u0120precon": 49394, "\u0120compressor": 49395, "\u0120Kare": 49396, "\u0120evict": 49397, "\u0120Warwick": 49398, "imar": 49399, "\u0120modernization": 49400, "\u0120bandwagon": 49401, "\u0120refuted": 49402, "\u0120netted": 49403, "\u0120Naples": 49404, "\u0120Genie": 49405, "perors": 49406, "\u0120fielded": 49407, "\u0120dere": 49408, "\u0120Parables": 49409, "lees": 49410, "\u0120trout": 49411, "aspers": 49412, "\u0120nihil": 49413, "\u0120happiest": 49414, "\u0120floppy": 49415, "\u0120Loft": 49416, "\u0120Heard": 49417, "\u0120unison": 49418, "\u0120lug": 49419, "\u0120Redmond": 49420, "classic": 49421, "Supporters": 49422, "SHIP": 49423, "GMT": 49424, "\u0120fuelled": 49425, "\u00e7\u0132": 49426, "\u0120dd": 49427, "\u0120Eminem": 49428, "\u01201897": 49429, "NYSE": 49430, "\u0120secretaries": 49431, "\u0120FIA": 49432, "\u0120Canaveral": 49433, "Favorite": 49434, "\u0120pomp": 49435, "\u0120detainee": 49436, "ership": 49437, "aimon": 49438, "iour": 49439, "\u0120Apex": 49440, "\u0120plantations": 49441, "amia": 49442, "acion": 49443, "Rust": 49444, "\u0120towed": 49445, "\u0120Truly": 49446, "577": 49447, "\u0120sheltered": 49448, "rider": 49449, "Wo": 49450, "\u0120lair": 49451, "\u0120Intelligent": 49452, "improve": 49453, "matically": 49454, "\u0120etiquette": 49455, "adra": 49456, "allo": 49457, "\u0120Juno": 49458, "anything": 49459, "\u0120Struggle": 49460, "\u0120Predict": 49461, "\u0120Grimes": 49462, "\u0120AMERICA": 49463, "ctx": 49464, "\u0120Situation": 49465, "WOOD": 49466, "\u0120soluble": 49467, "meier": 49468, "\u0120intolerable": 49469, "angering": 49470, "\u0120uninterrupted": 49471, "\u0120tooltip": 49472, "\u0120interrogated": 49473, "\u0120gunned": 49474, "\u0120Sneak": 49475, "\u00e6\u0143\u00a6": 49476, "\u0120tether": 49477, "\u0120crumble": 49478, "Lens": 49479, "\u0120clustered": 49480, "\u0120Syl": 49481, "\u0120Hasan": 49482, "\u0120dystopian": 49483, "wana": 49484, "\u0120joystick": 49485, "\u0120Thib": 49486, "ammu": 49487, "Tomorrow": 49488, "546": 49489, "\u0120overcame": 49490, "\u0120minimized": 49491, "ceptor": 49492, "Runner": 49493, "ENGTH": 49494, "\u0120Brenda": 49495, "\u0120Achievements": 49496, "\u0120torches": 49497, "\u0120rapport": 49498, "\u0120Investigator": 49499, "\u0120Handling": 49500, "relation": 49501, "grey": 49502, "815": 49503, "\u0120kcal": 49504, "\u0120Commands": 49505, "dq": 49506, "\u0120curls": 49507, "\u0120bearer": 49508, "\u0120cynicism": 49509, "itri": 49510, "\u0120Useful": 49511, "Bee": 49512, "DCS": 49513, "\u0120abras": 49514, "Pract": 49515, "BILITIES": 49516, "712": 49517, "\u0120debugger": 49518, "\u0120debtor": 49519, "\u0120Lia": 49520, "\u0120Kers": 49521, "\u0120exacerbate": 49522, "\u0120Stacy": 49523, "\u0120Bland": 49524, "\u0120Scenes": 49525, "\u0120branching": 49526, "\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a": 49527, "apeake": 49528, "\u0120salsa": 49529, "\u0120mishand": 49530, "\u0120Konami": 49531, "\u0120Nib": 49532, "\u0120anecdote": 49533, "\u0120agreeable": 49534, "\u00cf\u012b": 49535, "\u0120Nathaniel": 49536, "\u0120Heisman": 49537, "\u0120Beware": 49538, "\u01201886": 49539, "spective": 49540, "691": 49541, "522": 49542, "\u0120inhibits": 49543, "\u0120hashing": 49544, "\u01201889": 49545, "\u00e5\u00b0\u0128": 49546, "vich": 49547, "Pure": 49548, "\u0120solidly": 49549, "\u0120aspirin": 49550, "imaru": 49551, "\u0120streetcar": 49552, "\u0120UCS": 49553, "\u0120Judd": 49554, "\u0120flashbacks": 49555, "pins": 49556, "\u01201440": 49557, "\u0120UNHCR": 49558, "\u0120Symptoms": 49559, "TIT": 49560, "538": 49561, "Fra": 49562, "%);": 49563, "\u0120ooz": 49564, "\u0120curfew": 49565, "\u0120calmed": 49566, "\u0120participates": 49567, "TeX": 49568, "\u0120nonsensical": 49569, "\u0120fullback": 49570, "\u0120DeL": 49571, "monkey": 49572, "hari": 49573, "\u0120metabolites": 49574, "\u0120looted": 49575, "\u0120ALWAYS": 49576, "\u0120BCC": 49577, "Lt": 49578, "ochet": 49579, "Bone": 49580, "\u0120vetoed": 49581, "\u0120gcc": 49582, "\u0120CLICK": 49583, "\u01201888": 49584, "saf": 49585, "\u0120stiffness": 49586, "\u0120lowly": 49587, "\u0120Geh": 49588, "verson": 49589, "orset": 49590, "\u0120unforeseen": 49591, "\u0120anesthesia": 49592, "\u0120Optical": 49593, "\u0120reconstructed": 49594, "\u0120Tup": 49595, "shows": 49596, "NEWS": 49597, "\u0120Newspaper": 49598, "\u0120ASA": 49599, "tera": 49600, "Numbers": 49601, "\u0120inexplicable": 49602, "\u00d7\u0133": 49603, "\u0120hardness": 49604, "untarily": 49605, "\u0120Acer": 49606, "gradient": 49607, "ARDIS": 49608, "\u0120woodland": 49609, "\u0120metaphors": 49610, "\u0120Wembley": 49611, "\u0120Pavel": 49612, "philis": 49613, "\u0120rewriting": 49614, "\u0120perceptual": 49615, "\u01201070": 49616, "worms": 49617, "\u0120Downs": 49618, "\u0120unsurprisingly": 49619, "\u0120tagging": 49620, "flame": 49621, "\u0120litres": 49622, "\u0120bounces": 49623, "\u0120Babe": 49624, "shut": 49625, "\u0120overdoses": 49626, "\u0120Sheila": 49627, "\u0120Chau": 49628, "\u0120Bless": 49629, "Capture": 49630, "\u0120Significant": 49631, "\u0120Scion": 49632, "\u0120389": 49633, "\u0120McH": 49634, "\u0120Titanium": 49635, "\u0120Meal": 49636, "ameda": 49637, "agents": 49638, "aggressive": 49639, "Billy": 49640, "763": 49641, "\u0120Saying": 49642, "DERR": 49643, "itone": 49644, "Collins": 49645, "Bound": 49646, "\u0120bolted": 49647, "\u0120DMCA": 49648, "953": 49649, "\u0120uniqueness": 49650, "\u0120epigen": 49651, "unci": 49652, "antam": 49653, "\u0120reckoning": 49654, "chairs": 49655, "OGR": 49656, "\u0120Senegal": 49657, "\u01201862": 49658, "relevant": 49659, "\u0120\u00c2\u00af": 49660, "\u0120pharmacies": 49661, "\u0120Geral": 49662, "vier": 49663, "Yan": 49664, "ORPG": 49665, "\u0120rabid": 49666, "bending": 49667, "\u0120UNITED": 49668, "\u0120465": 49669, "Assembly": 49670, "\u0120weep": 49671, "\u0120behest": 49672, "\u0120Mothers": 49673, "\u0120Jace": 49674, "hid": 49675, "\u0120whirlwind": 49676, "\u0120UNIVERS": 49677, "\u0120utopian": 49678, "\u0120kidnap": 49679, "Philipp": 49680, "Kin": 49681, "893": 49682, "\u0120livestream": 49683, "\u0120MISS": 49684, "\u0120subversive": 49685, "\u0120Techniques": 49686, "\u0120JUSTICE": 49687, "\u0120BASE": 49688, "\u0120387": 49689, "\u0120assailants": 49690, "\u0120Hardcore": 49691, "\u0120sprinkled": 49692, "\u0120Pse": 49693, "\u00e9\u013c": 49694, "printed": 49695, "\u0120Hau": 49696, "ORGE": 49697, "\u0120TOUR": 49698, "\u0120laced": 49699, "\u0120itch": 49700, "Giving": 49701, "\u0120ported": 49702, "781": 49703, "////////////////////////////////": 49704, "breeding": 49705, "\u0120logger": 49706, "\u0120HOL": 49707, "innie": 49708, "Firstly": 49709, "\u0120embryonic": 49710, "\u0120delegated": 49711, "pai": 49712, "OIL": 49713, "\u0120centrally": 49714, "\u0120Rx": 49715, "\u0120Scouting": 49716, "Dutch": 49717, "\u0120hereditary": 49718, "\u0120Cruiser": 49719, "sat": 49720, "529": 49721, "\u0120Marriott": 49722, "othermal": 49723, "\u0120prohibitions": 49724, "Earn": 49725, "\u0120Stab": 49726, "\u0120Colleges": 49727, "\u0120Belief": 49728, "stretched": 49729, "\u0120LH": 49730, "\u0120EntityItem": 49731, "CIA": 49732, "\u0120unrem": 49733, "\u0120laureate": 49734, "\u0120denominations": 49735, "summary": 49736, "hler": 49737, "Spect": 49738, "\u0120Klaus": 49739, "\u0120Beans": 49740, "\u0120insur": 49741, "\u0120PAX": 49742, "\u0120fielder": 49743, "\u0120Vet": 49744, "\u0120Sparrow": 49745, "zie": 49746, "\u0120SQ": 49747, "\u0120Mondays": 49748, "\u0120Offline": 49749, "\u0120Lerner": 49750, "\u0120Extensions": 49751, "Ireland": 49752, "\u0120patronage": 49753, "\u0120contrasted": 49754, "\u0120Mania": 49755, "hirt": 49756, "Moscow": 49757, "\u0120condemns": 49758, "\u0120Ange": 49759, "\u0120composing": 49760, "\u0120Pepe": 49761, "\u0120Paddock": 49762, "\u0120heterogeneity": 49763, "\u0120ideologically": 49764, "\u0120fishes": 49765, "\u0120cursing": 49766, "\u0120Rutherford": 49767, "\u0120Floating": 49768, "\u0120Amelia": 49769, "Tea": 49770, "Synopsis": 49771, "\u0120stunts": 49772, "\u0120bead": 49773, "\u0120stocking": 49774, "\u0120MILL": 49775, "obook": 49776, "massive": 49777, "\\<": 49778, "\u0120hump": 49779, "\u0120Preferences": 49780, "EngineDebug": 49781, "geist": 49782, "\u0120Nieto": 49783, "omever": 49784, "ishy": 49785, "evaluate": 49786, "colonial": 49787, "Alternative": 49788, "\u0120GoPro": 49789, "\u0120Vortex": 49790, "\u0120NETWORK": 49791, "ansky": 49792, "Secure": 49793, "\u0120Thrust": 49794, "Snake": 49795, "\u0120parcels": 49796, "\u0120samurai": 49797, "\u0120actresses": 49798, "Nap": 49799, "MF": 49800, "iferation": 49801, "Beer": 49802, "523": 49803, "\u0120Ily": 49804, "ointment": 49805, "Ping": 49806, "\u0120striped": 49807, "\u0120Mellon": 49808, "ossession": 49809, "\u0120neutron": 49810, "endium": 49811, "\u0120aph": 49812, "\u0120Flavoring": 49813, "\u0120383": 49814, "\u0120responsiveness": 49815, "\u0120Jindal": 49816, "\u0120Hitchcock": 49817, "Denver": 49818, "\u0120DRAGON": 49819, "smanship": 49820, "\u0120Dupl": 49821, "\u0120sly": 49822, "\u0120webcam": 49823, "\u0120Twain": 49824, "\u0120Darling": 49825, "iliate": 49826, "consumer": 49827, "DIT": 49828, "\u0120namesake": 49829, "\u0120unorthodox": 49830, "\u0120funer": 49831, "\u0120PLoS": 49832, "\u0120CONTROL": 49833, "ozyg": 49834, "oglobin": 49835, "FACE": 49836, "ERG": 49837, "\u0120Dia": 49838, "\u0120Fiesta": 49839, "cele": 49840, "034": 49841, "\u0120enclave": 49842, "\u00e2\u0138\u00ac\u00e2\u0138\u00ac": 49843, "onement": 49844, "alist": 49845, "Mand": 49846, "\u0120homegrown": 49847, "\u0120Fancy": 49848, "\u0120conceptions": 49849, "\u0120Contains": 49850, "ureen": 49851, "\u0120reiterate": 49852, "\u0120meager": 49853, "\u0120installments": 49854, "Spawn": 49855, "627": 49856, "\u0120photoc": 49857, "\u0120Cabrera": 49858, "\u0120Rosenthal": 49859, "\u0120Lansing": 49860, "isner": 49861, "\u0120invests": 49862, "\u0120UFOs": 49863, "EXP": 49864, "Hardware": 49865, "\u0120tragically": 49866, "\u0120concedes": 49867, "ieft": 49868, "cham": 49869, "borgh": 49870, "\u0120Schr": 49871, "\u0120Melanie": 49872, "\u0120Hoy": 49873, "\u0120visitation": 49874, "\u0120idiosyncr": 49875, "\u0120fractions": 49876, "\u0120foreskin": 49877, "obos": 49878, "\u0120poaching": 49879, "\u0120VIEW": 49880, "\u0120stimulates": 49881, "\u0120Gork": 49882, "canon": 49883, "MIC": 49884, "\u0120Nemesis": 49885, "\u0120Indra": 49886, "\u0120DMV": 49887, "\u0120529": 49888, "\u0120inspecting": 49889, "\u0120grandma": 49890, "\u0120Whedon": 49891, "\u0120Shant": 49892, "\u0120Purg": 49893, "ikan": 49894, "\u0120Teg": 49895, "\u0120CLR": 49896, "zac": 49897, "Victoria": 49898, "\u0120Verify": 49899, "ionics": 49900, "\u0120partying": 49901, "\u0120Mou": 49902, "colour": 49903, "\u0120testimonies": 49904, "lations": 49905, "\u0120pressuring": 49906, "hiro": 49907, "acers": 49908, "\u0120fid": 49909, "angler": 49910, "\u0120CSI": 49911, "\u0120hereafter": 49912, "\u0120dissidents": 49913, "reporting": 49914, "iphany": 49915, "chev": 49916, "\u0120solitude": 49917, "\u0120lobe": 49918, "\u0120indis": 49919, "\u0120credential": 49920, "recent": 49921, "adult": 49922, "\u0120Nirvana": 49923, "\u0120Franchise": 49924, "Layer": 49925, "Hyp": 49926, "\u0120Berkshire": 49927, "\u0120wills": 49928, "tif": 49929, "\u0120totem": 49930, "\u0120Judah": 49931, "repair": 49932, "Instant": 49933, "548": 49934, "\u0120embassies": 49935, "\u0120bottleneck": 49936, "\u0120bount": 49937, "\u0120typew": 49938, "\u0120Alvin": 49939, "jing": 49940, "imilar": 49941, "Rush": 49942, "\u0120brim": 49943, "\u0120HELP": 49944, "Aim": 49945, "]'": 49946, "\u0120passively": 49947, "\u0120bounded": 49948, "\u0120Rated": 49949, "\u0120criminality": 49950, "\u0120biomark": 49951, "\u0120dispatcher": 49952, "\u0120Towards": 49953, "\u0120+++": 49954, "righteous": 49955, "frog": 49956, "\u0120Panc": 49957, "Carter": 49958, "032": 49959, "\u00e6\u00a9\u0141": 49960, "\u0120ultraviolet": 49961, "\u0120Licensed": 49962, "\u0120Tata": 49963, "\u0120Blessing": 49964, "\u0120GAM": 49965, "\u0120chemically": 49966, "\u0120Seaf": 49967, "\u0120RELE": 49968, "\u0120Mercenary": 49969, "capitalist": 49970, "\u0120formulations": 49971, "\u0120annihilation": 49972, "\u0120Verb": 49973, "\u0120Argon": 49974, "\u0120unloaded": 49975, "\u0120morphed": 49976, "\u0120conquering": 49977, "backer": 49978, "IELD": 49979, "\u0120thefts": 49980, "\u0120frontrunner": 49981, "\u0120Royale": 49982, "\u0120Fundamental": 49983, "elight": 49984, "Chip": 49985, "necessary": 49986, "ayn": 49987, "\u0120Slip": 49988, "\u0120448": 49989, "cerned": 49990, "Pause": 49991, "\u0120shockingly": 49992, "\u0120ABV": 49993, "\u0120composure": 49994, "733": 49995, "\u0120Motorsport": 49996, "ahime": 49997, "Murray": 49998, "Mach": 49999, "\u0120grids": 50000, "\u0120debian": 50001, "\u0120furthermore": 50002, "\u0120dexterity": 50003, "\u0120Collections": 50004, "oslov": 50005, "ilage": 50006, "bj": 50007, "\u0120Monteneg": 50008, "\u0120strutConnector": 50009, "\u0120massacres": 50010, "\u0120briefs": 50011, "fetched": 50012, "uvian": 50013, "olition": 50014, "Failure": 50015, "emonic": 50016, "\u0120flared": 50017, "\u0120claimant": 50018, "\u0120cures": 50019, "\u0120giveaways": 50020, "\u0120Substance": 50021, "alions": 50022, "\u0120cringe": 50023, "\u0120Kul": 50024, "\u0120aristocracy": 50025, "\u0120Ulster": 50026, "olated": 50027, "housing": 50028, "\u0120MIS": 50029, "\u0120glared": 50030, "\u0120Wilhelm": 50031, "needs": 50032, "lambda": 50033, "builders": 50034, "\u0120VIS": 50035, "\u0120radiator": 50036, "\u0120Ghostbusters": 50037, "\u0120436": 50038, "actual": 50039, "\u0120herds": 50040, "\u00c3\u00a7a": 50041, "watching": 50042, "\u0120countering": 50043, "Charge": 50044, "\u0120charred": 50045, "\u0120warheads": 50046, "\u0120iodine": 50047, "\u0120Macy": 50048, "041": 50049, "\u0120departures": 50050, "\u0120Sins": 50051, "\u0120dyed": 50052, "\u0120Concepts": 50053, "gado": 50054, "713": 50055, "\u0120quotations": 50056, "\u0120gist": 50057, "\u0120Christy": 50058, "\u0120antigen": 50059, "\u0120Hemp": 50060, "\u0120Drawn": 50061, "\u0120Barg": 50062, "ezvous": 50063, "\u0120paternity": 50064, "\u0120ardu": 50065, "\u0120Anchorage": 50066, "\u0120Rik": 50067, "\u0120overloaded": 50068, "\u0120Username": 50069, "\u0120Tammy": 50070, "\u0120Nau": 50071, "\u0120Cellular": 50072, "\u0120waning": 50073, "\u0120rodent": 50074, "\u0120Worcester": 50075, "ilts": 50076, "\u0120Tad": 50077, "\u0120dwellings": 50078, "\u0120bullish": 50079, "431": 50080, "\u0120retaliate": 50081, "\u0120migraine": 50082, "\u0120Chevron": 50083, "CHECK": 50084, "\u0120donkey": 50085, "crim": 50086, "SPA": 50087, "\u0120Analog": 50088, "\u0120marquee": 50089, "\u0120Haas": 50090, "Bir": 50091, "\u0120GDDR": 50092, "\u0120Downloads": 50093, "\u0120willpower": 50094, "\u0120Forth": 50095, "\u0120Recorded": 50096, "\u0120impossibility": 50097, "\u0120Logged": 50098, "\u0120Franks": 50099, "\u0120Ratt": 50100, "initions": 50101, "\u0120cleaners": 50102, "\u0120sorely": 50103, "\u0120flickering": 50104, "\u0120Examination": 50105, "catching": 50106, "alloween": 50107, "Msg": 50108, "\u0120dunno": 50109, "Fa": 50110, "\u0120dysph": 50111, "crazy": 50112, ".''.": 50113, "\u0120mainline": 50114, "\u0120cs": 50115, "\u0120ptr": 50116, "\u0120Wally": 50117, "igun": 50118, "951": 50119, "\u0120Bigfoot": 50120, "fights": 50121, "\u0120retrieving": 50122, "Jr": 50123, "\u0120duplication": 50124, "\u0120Explan": 50125, "\u0120relational": 50126, "\u0120quaint": 50127, "\u0120biscuits": 50128, "\u0120ado": 50129, "\u0120shudder": 50130, "\u0120antidote": 50131, "blooded": 50132, "ksh": 50133, "\u0120sauces": 50134, "\u0120reinvest": 50135, "\u0120dispensary": 50136, "\u0120Diver": 50137, "\u01209000": 50138, "student": 50139, "\u0120insepar": 50140, "escap": 50141, "\u0120toddlers": 50142, "\u0120GPIO": 50143, "\u0120Assignment": 50144, "headers": 50145, "\u0120lackluster": 50146, "\u0120aback": 50147, "956": 50148, "\u0120toolbar": 50149, "745": 50150, "\u0120oust": 50151, "\u0120contemplation": 50152, "\u0120PRESIDENT": 50153, "\u0120458": 50154, "======": 50155, "\u0120guaranteeing": 50156, "\u0120Heist": 50157, "\u0120Cannes": 50158, "\u013b\u00bd": 50159, "\u0120collaborator": 50160, "\u0120Amp": 50161, "\u0120gou": 50162, "\u0120SHALL": 50163, "stories": 50164, "783": 50165, "\u0120mobilized": 50166, "\u0120brood": 50167, "\u0120LU": 50168, "\u0120\u00f0\u0141\u0133": 50169, "\u0120refin": 50170, "\u0120Anthropology": 50171, "vind": 50172, "illi": 50173, "\u0120warranties": 50174, "\u0120Babel": 50175, "\u0120swath": 50176, "\u0120caches": 50177, "\u0120antagonists": 50178, "artifacts": 50179, "\u0120hotly": 50180, "\u0120Starts": 50181, "\u0120G\u00c3\u00b6": 50182, "zag": 50183, "!!!!!": 50184, "\u0120scourge": 50185, "\u0120conspiring": 50186, "ruits": 50187, "reverse": 50188, "\u0120Sheen": 50189, "\u0120Jesuit": 50190, "\u0120Giovanni": 50191, "adies": 50192, "\u0120buttocks": 50193, "earcher": 50194, "acan": 50195, "\u0120volleyball": 50196, "\u0120shrouded": 50197, "\u0120scoreboard": 50198, "bats": 50199, "\u0120IPM": 50200, "\u0120asses": 50201, "\u0120deregulation": 50202, "\u0120Telegram": 50203, "\u0120Reboot": 50204, "\u01207000": 50205, "\u0120Canary": 50206, "\u0120kernels": 50207, "\u0120Fran\u00c3\u00a7ois": 50208, "\u0120Duff": 50209, "\u0120Pon": 50210, "\u0120Leica": 50211, "\u0120Garmin": 50212, "\u0120orphans": 50213, "\u0120Claudia": 50214, "\u0120calendars": 50215, "\u0120Leilan": 50216, "ento": 50217, "Rocket": 50218, "\u0120brunch": 50219, "\u0120Hawking": 50220, "ainers": 50221, "\u0120sensibilities": 50222, "\u0120kW": 50223, "\u0120Kand": 50224, "\u0120reclaimed": 50225, "\u0120interestingly": 50226, "\u00d7\u00a9": 50227, "romy": 50228, "JM": 50229, "\u0120Enhancement": 50230, "bush": 50231, "Skip": 50232, "\u0120rappers": 50233, "\u0120gazing": 50234, "pedia": 50235, "athlon": 50236, "Revolution": 50237, "\u0120snipers": 50238, "\u0120reverted": 50239, "\u0120conglomerate": 50240, "Terry": 50241, "794": 50242, "\u0120harsher": 50243, "\u0120desolate": 50244, "\u0120Hitman": 50245, "Commission": 50246, "\u0120(/": 50247, "\u00e2\u0122\u00a6.\"": 50248, "Compar": 50249, "\u0120amplification": 50250, "ominated": 50251, "\u0120regress": 50252, "\u0120Collider": 50253, "\u0120informants": 50254, "\u0120gazed": 50255, "<|endoftext|>": 50256} \ No newline at end of file +{"!": 0, "\"": 1, "#": 2, "$": 3, "%": 4, "&": 5, "'": 6, "(": 7, ")": 8, "*": 9, "+": 10, ",": 11, "-": 12, ".": 13, "/": 14, "0": 15, "1": 16, "2": 17, "3": 18, "4": 19, "5": 20, "6": 21, "7": 22, "8": 23, "9": 24, ":": 25, ";": 26, "<": 27, "=": 28, ">": 29, "?": 30, "@": 31, "A": 32, "B": 33, "C": 34, "D": 35, "E": 36, "F": 37, "G": 38, "H": 39, "I": 40, "J": 41, "K": 42, "L": 43, "M": 44, "N": 45, "O": 46, "P": 47, "Q": 48, "R": 49, "S": 50, "T": 51, "U": 52, "V": 53, "W": 54, "X": 55, "Y": 56, "Z": 57, "[": 58, "\\": 59, "]": 60, "^": 61, "_": 62, "`": 63, "a": 64, "b": 65, "c": 66, "d": 67, "e": 68, "f": 69, "g": 70, "h": 71, "i": 72, "j": 73, "k": 74, "l": 75, "m": 76, "n": 77, "o": 78, "p": 79, "q": 80, "r": 81, "s": 82, "t": 83, "u": 84, "v": 85, "w": 86, "x": 87, "y": 88, "z": 89, "{": 90, "|": 91, "}": 92, "~": 93, "\u00a1": 94, "\u00a2": 95, "\u00a3": 96, "\u00a4": 97, "\u00a5": 98, "\u00a6": 99, "\u00a7": 100, "\u00a8": 101, "\u00a9": 102, "\u00aa": 103, "\u00ab": 104, "\u00ac": 105, "\u00ae": 106, "\u00af": 107, "\u00b0": 108, "\u00b1": 109, "\u00b2": 110, "\u00b3": 111, "\u00b4": 112, "\u00b5": 113, "\u00b6": 114, "\u00b7": 115, "\u00b8": 116, "\u00b9": 117, "\u00ba": 118, "\u00bb": 119, "\u00bc": 120, "\u00bd": 121, "\u00be": 122, "\u00bf": 123, "\u00c0": 124, "\u00c1": 125, "\u00c2": 126, "\u00c3": 127, "\u00c4": 128, "\u00c5": 129, "\u00c6": 130, "\u00c7": 131, "\u00c8": 132, "\u00c9": 133, "\u00ca": 134, "\u00cb": 135, "\u00cc": 136, "\u00cd": 137, "\u00ce": 138, "\u00cf": 139, "\u00d0": 140, "\u00d1": 141, "\u00d2": 142, "\u00d3": 143, "\u00d4": 144, "\u00d5": 145, "\u00d6": 146, "\u00d7": 147, "\u00d8": 148, "\u00d9": 149, "\u00da": 150, "\u00db": 151, "\u00dc": 152, "\u00dd": 153, "\u00de": 154, "\u00df": 155, "\u00e0": 156, "\u00e1": 157, "\u00e2": 158, "\u00e3": 159, "\u00e4": 160, "\u00e5": 161, "\u00e6": 162, "\u00e7": 163, "\u00e8": 164, "\u00e9": 165, "\u00ea": 166, "\u00eb": 167, "\u00ec": 168, "\u00ed": 169, "\u00ee": 170, "\u00ef": 171, "\u00f0": 172, "\u00f1": 173, "\u00f2": 174, "\u00f3": 175, "\u00f4": 176, "\u00f5": 177, "\u00f6": 178, "\u00f7": 179, "\u00f8": 180, "\u00f9": 181, "\u00fa": 182, "\u00fb": 183, "\u00fc": 184, "\u00fd": 185, "\u00fe": 186, "\u00ff": 187, "\u0100": 188, "\u0101": 189, "\u0102": 190, "\u0103": 191, "\u0104": 192, "\u0105": 193, "\u0106": 194, "\u0107": 195, "\u0108": 196, "\u0109": 197, "\u010a": 198, "\u010b": 199, "\u010c": 200, "\u010d": 201, "\u010e": 202, "\u010f": 203, "\u0110": 204, "\u0111": 205, "\u0112": 206, "\u0113": 207, "\u0114": 208, "\u0115": 209, "\u0116": 210, "\u0117": 211, "\u0118": 212, "\u0119": 213, "\u011a": 214, "\u011b": 215, "\u011c": 216, "\u011d": 217, "\u011e": 218, "\u011f": 219, "\u0120": 220, "\u0121": 221, "\u0122": 222, "\u0123": 223, "\u0124": 224, "\u0125": 225, "\u0126": 226, "\u0127": 227, "\u0128": 228, "\u0129": 229, "\u012a": 230, "\u012b": 231, "\u012c": 232, "\u012d": 233, "\u012e": 234, "\u012f": 235, "\u0130": 236, "\u0131": 237, "\u0132": 238, "\u0133": 239, "\u0134": 240, "\u0135": 241, "\u0136": 242, "\u0137": 243, "\u0138": 244, "\u0139": 245, "\u013a": 246, "\u013b": 247, "\u013c": 248, "\u013d": 249, "\u013e": 250, "\u013f": 251, "\u0140": 252, "\u0141": 253, "\u0142": 254, "\u0143": 255, "\u0120t": 256, "\u0120a": 257, "he": 258, "in": 259, "re": 260, "on": 261, "\u0120the": 262, "er": 263, "\u0120s": 264, "at": 265, "\u0120w": 266, "\u0120o": 267, "en": 268, "\u0120c": 269, "it": 270, "is": 271, "an": 272, "or": 273, "es": 274, "\u0120b": 275, "ed": 276, "\u0120f": 277, "ing": 278, "\u0120p": 279, "ou": 280, "\u0120an": 281, "al": 282, "ar": 283, "\u0120to": 284, "\u0120m": 285, "\u0120of": 286, "\u0120in": 287, "\u0120d": 288, "\u0120h": 289, "\u0120and": 290, "ic": 291, "as": 292, "le": 293, "\u0120th": 294, "ion": 295, "om": 296, "ll": 297, "ent": 298, "\u0120n": 299, "\u0120l": 300, "st": 301, "\u0120re": 302, "ve": 303, "\u0120e": 304, "ro": 305, "ly": 306, "\u0120be": 307, "\u0120g": 308, "\u0120T": 309, "ct": 310, "\u0120S": 311, "id": 312, "ot": 313, "\u0120I": 314, "ut": 315, "et": 316, "\u0120A": 317, "\u0120is": 318, "\u0120on": 319, "im": 320, "am": 321, "ow": 322, "ay": 323, "ad": 324, "se": 325, "\u0120that": 326, "\u0120C": 327, "ig": 328, "\u0120for": 329, "ac": 330, "\u0120y": 331, "ver": 332, "ur": 333, "\u0120u": 334, "ld": 335, "\u0120st": 336, "\u0120M": 337, "'s": 338, "\u0120he": 339, "\u0120it": 340, "ation": 341, "ith": 342, "ir": 343, "ce": 344, "\u0120you": 345, "il": 346, "\u0120B": 347, "\u0120wh": 348, "ol": 349, "\u0120P": 350, "\u0120with": 351, "\u01201": 352, "ter": 353, "ch": 354, "\u0120as": 355, "\u0120we": 356, "\u0120(": 357, "nd": 358, "ill": 359, "\u0120D": 360, "if": 361, "\u01202": 362, "ag": 363, "ers": 364, "ke": 365, "\u0120\"": 366, "\u0120H": 367, "em": 368, "\u0120con": 369, "\u0120W": 370, "\u0120R": 371, "her": 372, "\u0120was": 373, "\u0120r": 374, "od": 375, "\u0120F": 376, "ul": 377, "ate": 378, "\u0120at": 379, "ri": 380, "pp": 381, "ore": 382, "\u0120The": 383, "\u0120se": 384, "us": 385, "\u0120pro": 386, "\u0120ha": 387, "um": 388, "\u0120are": 389, "\u0120de": 390, "ain": 391, "and": 392, "\u0120or": 393, "igh": 394, "est": 395, "ist": 396, "ab": 397, "rom": 398, "\u0120N": 399, "th": 400, "\u0120com": 401, "\u0120G": 402, "un": 403, "op": 404, "00": 405, "\u0120L": 406, "\u0120not": 407, "ess": 408, "\u0120ex": 409, "\u0120v": 410, "res": 411, "\u0120E": 412, "ew": 413, "ity": 414, "ant": 415, "\u0120by": 416, "el": 417, "os": 418, "ort": 419, "oc": 420, "qu": 421, "\u0120from": 422, "\u0120have": 423, "\u0120su": 424, "ive": 425, "ould": 426, "\u0120sh": 427, "\u0120this": 428, "nt": 429, "ra": 430, "pe": 431, "ight": 432, "art": 433, "ment": 434, "\u0120al": 435, "ust": 436, "end": 437, "--": 438, "all": 439, "\u0120O": 440, "ack": 441, "\u0120ch": 442, "\u0120le": 443, "ies": 444, "red": 445, "ard": 446, "\u00e2\u0122": 447, "out": 448, "\u0120J": 449, "\u0120ab": 450, "ear": 451, "iv": 452, "ally": 453, "our": 454, "ost": 455, "gh": 456, "pt": 457, "\u0120pl": 458, "ast": 459, "\u0120can": 460, "ak": 461, "ome": 462, "ud": 463, "The": 464, "\u0120his": 465, "\u0120do": 466, "\u0120go": 467, "\u0120has": 468, "ge": 469, "'t": 470, "\u0120U": 471, "rou": 472, "\u0120sa": 473, "\u0120j": 474, "\u0120but": 475, "\u0120wor": 476, "\u0120all": 477, "ect": 478, "\u0120k": 479, "ame": 480, "\u0120will": 481, "ok": 482, "\u0120whe": 483, "\u0120they": 484, "ide": 485, "01": 486, "ff": 487, "ich": 488, "pl": 489, "ther": 490, "\u0120tr": 491, "..": 492, "\u0120int": 493, "ie": 494, "ure": 495, "age": 496, "\u0120ne": 497, "ial": 498, "ap": 499, "ine": 500, "ice": 501, "\u0120me": 502, "\u0120out": 503, "ans": 504, "one": 505, "ong": 506, "ions": 507, "\u0120who": 508, "\u0120K": 509, "\u0120up": 510, "\u0120their": 511, "\u0120ad": 512, "\u01203": 513, "\u0120us": 514, "ated": 515, "ous": 516, "\u0120more": 517, "ue": 518, "og": 519, "\u0120St": 520, "ind": 521, "ike": 522, "\u0120so": 523, "ime": 524, "per": 525, ".\"": 526, "ber": 527, "iz": 528, "act": 529, "\u0120one": 530, "\u0120said": 531, "\u0120-": 532, "are": 533, "\u0120your": 534, "cc": 535, "\u0120Th": 536, "\u0120cl": 537, "ep": 538, "ake": 539, "able": 540, "ip": 541, "\u0120cont": 542, "\u0120which": 543, "ia": 544, "\u0120im": 545, "\u0120about": 546, "\u0120were": 547, "very": 548, "ub": 549, "\u0120had": 550, "\u0120en": 551, "\u0120comp": 552, ",\"": 553, "\u0120In": 554, "\u0120un": 555, "\u0120ag": 556, "ire": 557, "ace": 558, "au": 559, "ary": 560, "\u0120would": 561, "ass": 562, "ry": 563, "\u0120\u00e2\u0122": 564, "cl": 565, "ook": 566, "ere": 567, "so": 568, "\u0120V": 569, "ign": 570, "ib": 571, "\u0120off": 572, "\u0120te": 573, "ven": 574, "\u0120Y": 575, "ile": 576, "ose": 577, "ite": 578, "orm": 579, "\u0120201": 580, "\u0120res": 581, "\u0120man": 582, "\u0120per": 583, "\u0120other": 584, "ord": 585, "ult": 586, "\u0120been": 587, "\u0120like": 588, "ase": 589, "ance": 590, "ks": 591, "ays": 592, "own": 593, "ence": 594, "\u0120dis": 595, "ction": 596, "\u0120any": 597, "\u0120app": 598, "\u0120sp": 599, "int": 600, "ress": 601, "ations": 602, "ail": 603, "\u01204": 604, "ical": 605, "\u0120them": 606, "\u0120her": 607, "ount": 608, "\u0120Ch": 609, "\u0120ar": 610, "\u0120if": 611, "\u0120there": 612, "\u0120pe": 613, "\u0120year": 614, "av": 615, "\u0120my": 616, "\u0120some": 617, "\u0120when": 618, "ough": 619, "ach": 620, "\u0120than": 621, "ru": 622, "ond": 623, "ick": 624, "\u0120over": 625, "vel": 626, "\u0120qu": 627, "\u010a\u010a": 628, "\u0120sc": 629, "reat": 630, "ree": 631, "\u0120It": 632, "ound": 633, "port": 634, "\u0120also": 635, "\u0120part": 636, "fter": 637, "\u0120kn": 638, "\u0120bec": 639, "\u0120time": 640, "ens": 641, "\u01205": 642, "ople": 643, "\u0120what": 644, "\u0120no": 645, "du": 646, "mer": 647, "ang": 648, "\u0120new": 649, "----": 650, "\u0120get": 651, "ory": 652, "ition": 653, "ings": 654, "\u0120just": 655, "\u0120into": 656, "\u01200": 657, "ents": 658, "ove": 659, "te": 660, "\u0120people": 661, "\u0120pre": 662, "\u0120its": 663, "\u0120rec": 664, "\u0120tw": 665, "ian": 666, "irst": 667, "ark": 668, "ors": 669, "\u0120work": 670, "ade": 671, "ob": 672, "\u0120she": 673, "\u0120our": 674, "wn": 675, "ink": 676, "lic": 677, "\u012019": 678, "\u0120He": 679, "ish": 680, "nder": 681, "ause": 682, "\u0120him": 683, "ons": 684, "\u0120[": 685, "\u0120ro": 686, "form": 687, "ild": 688, "ates": 689, "vers": 690, "\u0120only": 691, "oll": 692, "\u0120spe": 693, "ck": 694, "ell": 695, "amp": 696, "\u0120acc": 697, "\u0120bl": 698, "ious": 699, "urn": 700, "ft": 701, "ood": 702, "\u0120how": 703, "hed": 704, "\u0120'": 705, "\u0120after": 706, "aw": 707, "\u0120att": 708, "ov": 709, "ne": 710, "\u0120play": 711, "erv": 712, "ict": 713, "\u0120could": 714, "itt": 715, "\u0120am": 716, "\u0120first": 717, "\u01206": 718, "\u0120act": 719, "\u0120$": 720, "ec": 721, "hing": 722, "ual": 723, "ull": 724, "\u0120comm": 725, "oy": 726, "old": 727, "ces": 728, "ater": 729, "\u0120fe": 730, "\u0120bet": 731, "we": 732, "iff": 733, "\u0120two": 734, "ock": 735, "\u0120back": 736, ").": 737, "ident": 738, "\u0120under": 739, "rough": 740, "sel": 741, "xt": 742, "\u0120may": 743, "round": 744, "\u0120po": 745, "ph": 746, "iss": 747, "\u0120des": 748, "\u0120most": 749, "\u0120did": 750, "\u0120add": 751, "ject": 752, "\u0120inc": 753, "fore": 754, "\u0120pol": 755, "ont": 756, "\u0120again": 757, "clud": 758, "tern": 759, "\u0120know": 760, "\u0120need": 761, "\u0120cons": 762, "\u0120co": 763, "\u0120.": 764, "\u0120want": 765, "\u0120see": 766, "\u01207": 767, "ning": 768, "iew": 769, "\u0120This": 770, "ced": 771, "\u0120even": 772, "\u0120ind": 773, "ty": 774, "\u0120We": 775, "ath": 776, "\u0120these": 777, "\u0120pr": 778, "\u0120use": 779, "\u0120because": 780, "\u0120fl": 781, "ng": 782, "\u0120now": 783, "\u0120\u00e2\u0122\u0135": 784, "com": 785, "ise": 786, "\u0120make": 787, "\u0120then": 788, "ower": 789, "\u0120every": 790, "\u0120Un": 791, "\u0120sec": 792, "oss": 793, "uch": 794, "\u0120em": 795, "\u0120=": 796, "\u0120Re": 797, "ied": 798, "rit": 799, "\u0120inv": 800, "lect": 801, "\u0120supp": 802, "ating": 803, "\u0120look": 804, "man": 805, "pect": 806, "\u01208": 807, "row": 808, "\u0120bu": 809, "\u0120where": 810, "ific": 811, "\u0120years": 812, "ily": 813, "\u0120diff": 814, "\u0120should": 815, "\u0120rem": 816, "Th": 817, "In": 818, "\u0120ev": 819, "day": 820, "'re": 821, "rib": 822, "\u0120rel": 823, "ss": 824, "\u0120def": 825, "\u0120right": 826, "\u0120sy": 827, "),": 828, "les": 829, "000": 830, "hen": 831, "\u0120through": 832, "\u0120Tr": 833, "__": 834, "\u0120way": 835, "\u0120don": 836, "\u0120,": 837, "\u012010": 838, "ased": 839, "\u0120ass": 840, "ublic": 841, "\u0120reg": 842, "\u0120And": 843, "ix": 844, "\u0120very": 845, "\u0120includ": 846, "other": 847, "\u0120imp": 848, "oth": 849, "\u0120sub": 850, "\u0120\u00e2\u0122\u0136": 851, "\u0120being": 852, "arg": 853, "\u0120Wh": 854, "==": 855, "ible": 856, "\u0120does": 857, "ange": 858, "ram": 859, "\u01209": 860, "ert": 861, "ps": 862, "ited": 863, "ational": 864, "\u0120br": 865, "\u0120down": 866, "\u0120many": 867, "aking": 868, "\u0120call": 869, "uring": 870, "ities": 871, "\u0120ph": 872, "ics": 873, "als": 874, "\u0120dec": 875, "ative": 876, "ener": 877, "\u0120before": 878, "ility": 879, "\u0120well": 880, "\u0120much": 881, "erson": 882, "\u0120those": 883, "\u0120such": 884, "\u0120ke": 885, "\u0120end": 886, "\u0120But": 887, "ason": 888, "ting": 889, "\u0120long": 890, "ef": 891, "\u0120think": 892, "ys": 893, "\u0120bel": 894, "\u0120sm": 895, "its": 896, "ax": 897, "\u0120own": 898, "\u0120prov": 899, "\u0120set": 900, "ife": 901, "ments": 902, "ble": 903, "ward": 904, "\u0120show": 905, "\u0120pres": 906, "ms": 907, "omet": 908, "\u0120ob": 909, "\u0120say": 910, "\u0120Sh": 911, "ts": 912, "ful": 913, "\u0120eff": 914, "\u0120gu": 915, "\u0120inst": 916, "und": 917, "ren": 918, "cess": 919, "\u0120ent": 920, "\u0120You": 921, "\u0120good": 922, "\u0120start": 923, "ince": 924, "\u0120made": 925, "tt": 926, "stem": 927, "olog": 928, "up": 929, "\u0120|": 930, "ump": 931, "\u0120hel": 932, "vern": 933, "ular": 934, "ually": 935, "\u0120ac": 936, "\u0120mon": 937, "\u0120last": 938, "\u0120200": 939, "10": 940, "\u0120stud": 941, "ures": 942, "\u0120Ar": 943, "self": 944, "ars": 945, "meric": 946, "ues": 947, "cy": 948, "\u0120min": 949, "ollow": 950, "\u0120col": 951, "io": 952, "\u0120mod": 953, "\u0120count": 954, "\u0120Com": 955, "hes": 956, "\u0120fin": 957, "air": 958, "ier": 959, "\u00e2\u0122\u0136": 960, "read": 961, "ank": 962, "atch": 963, "ever": 964, "\u0120str": 965, "\u0120point": 966, "ork": 967, "\u0120New": 968, "\u0120sur": 969, "ool": 970, "alk": 971, "ement": 972, "\u0120used": 973, "ract": 974, "ween": 975, "\u0120same": 976, "oun": 977, "\u0120Al": 978, "ci": 979, "\u0120differe": 980, "\u0120while": 981, "--------": 982, "\u0120game": 983, "cept": 984, "\u0120sim": 985, "...": 986, "\u0120inter": 987, "ek": 988, "\u0120report": 989, "\u0120produ": 990, "\u0120still": 991, "led": 992, "ah": 993, "\u0120here": 994, "\u0120world": 995, "\u0120though": 996, "\u0120num": 997, "arch": 998, "imes": 999, "ale": 1000, "\u0120Se": 1001, "\u0120If": 1002, "//": 1003, "\u0120Le": 1004, "\u0120ret": 1005, "\u0120ref": 1006, "\u0120trans": 1007, "ner": 1008, "ution": 1009, "ters": 1010, "\u0120take": 1011, "\u0120Cl": 1012, "\u0120conf": 1013, "way": 1014, "ave": 1015, "\u0120going": 1016, "\u0120sl": 1017, "ug": 1018, "\u0120Americ": 1019, "\u0120spec": 1020, "\u0120hand": 1021, "\u0120between": 1022, "ists": 1023, "\u0120De": 1024, "oot": 1025, "It": 1026, "\u0120ear": 1027, "\u0120against": 1028, "\u0120high": 1029, "gan": 1030, "az": 1031, "ather": 1032, "\u0120exp": 1033, "\u0120op": 1034, "\u0120ins": 1035, "\u0120gr": 1036, "\u0120help": 1037, "\u0120requ": 1038, "ets": 1039, "ins": 1040, "\u0120Pro": 1041, "ism": 1042, "\u0120found": 1043, "land": 1044, "ata": 1045, "uss": 1046, "ames": 1047, "\u0120person": 1048, "\u0120great": 1049, "pr": 1050, "\u0120sign": 1051, "\u0120An": 1052, "'ve": 1053, "\u0120somet": 1054, "\u0120ser": 1055, "hip": 1056, "\u0120run": 1057, "\u0120:": 1058, "\u0120ter": 1059, "irect": 1060, "\u0120follow": 1061, "\u0120det": 1062, "ices": 1063, "\u0120find": 1064, "12": 1065, "\u0120mem": 1066, "\u0120cr": 1067, "ered": 1068, "ex": 1069, "\u0120ext": 1070, "uth": 1071, "ense": 1072, "co": 1073, "\u0120team": 1074, "ving": 1075, "ouse": 1076, "ash": 1077, "att": 1078, "ved": 1079, "\u0120system": 1080, "\u0120As": 1081, "der": 1082, "ives": 1083, "min": 1084, "\u0120lead": 1085, "\u0120Bl": 1086, "cent": 1087, "\u0120around": 1088, "\u0120govern": 1089, "\u0120cur": 1090, "velop": 1091, "any": 1092, "\u0120cour": 1093, "alth": 1094, "ages": 1095, "ize": 1096, "\u0120car": 1097, "ode": 1098, "\u0120law": 1099, "\u0120read": 1100, "'m": 1101, "con": 1102, "\u0120real": 1103, "\u0120support": 1104, "\u012012": 1105, "....": 1106, "\u0120really": 1107, "ness": 1108, "\u0120fact": 1109, "\u0120day": 1110, "\u0120both": 1111, "ying": 1112, "\u0120serv": 1113, "\u0120For": 1114, "\u0120three": 1115, "\u0120wom": 1116, "\u0120med": 1117, "ody": 1118, "\u0120They": 1119, "50": 1120, "\u0120exper": 1121, "ton": 1122, "\u0120each": 1123, "akes": 1124, "\u0120che": 1125, "\u0120cre": 1126, "ines": 1127, "\u0120rep": 1128, "19": 1129, "gg": 1130, "illion": 1131, "\u0120grou": 1132, "ute": 1133, "ik": 1134, "We": 1135, "get": 1136, "ER": 1137, "\u0120met": 1138, "\u0120says": 1139, "ox": 1140, "\u0120during": 1141, "ern": 1142, "ized": 1143, "ared": 1144, "\u0120fam": 1145, "ically": 1146, "\u0120happ": 1147, "\u0120Is": 1148, "\u0120char": 1149, "med": 1150, "vent": 1151, "\u0120gener": 1152, "ient": 1153, "ple": 1154, "iet": 1155, "rent": 1156, "11": 1157, "ves": 1158, "ption": 1159, "\u012020": 1160, "formation": 1161, "\u0120cor": 1162, "\u0120offic": 1163, "ield": 1164, "\u0120too": 1165, "ision": 1166, "\u0120inf": 1167, "\u0120Z": 1168, "the": 1169, "oad": 1170, "\u0120public": 1171, "\u0120prog": 1172, "ric": 1173, "**": 1174, "\u0120war": 1175, "\u0120power": 1176, "view": 1177, "\u0120few": 1178, "\u0120loc": 1179, "\u0120different": 1180, "\u0120state": 1181, "\u0120head": 1182, "'ll": 1183, "\u0120poss": 1184, "\u0120stat": 1185, "ret": 1186, "ants": 1187, "\u0120val": 1188, "\u0120iss": 1189, "\u0120cle": 1190, "ivers": 1191, "anc": 1192, "\u0120expl": 1193, "\u0120another": 1194, "\u0120Q": 1195, "\u0120av": 1196, "thing": 1197, "nce": 1198, "Wh": 1199, "\u0120child": 1200, "\u0120since": 1201, "ired": 1202, "less": 1203, "\u0120life": 1204, "\u0120develop": 1205, "ittle": 1206, "\u0120dep": 1207, "\u0120pass": 1208, "\u00e3\u0125": 1209, "\u0120turn": 1210, "orn": 1211, "This": 1212, "bers": 1213, "ross": 1214, "\u0120Ad": 1215, "\u0120fr": 1216, "\u0120resp": 1217, "\u0120second": 1218, "oh": 1219, "\u0120/": 1220, "\u0120disc": 1221, "\u0120&": 1222, "\u0120something": 1223, "\u0120comple": 1224, "\u0120ed": 1225, "\u0120fil": 1226, "\u0120month": 1227, "aj": 1228, "uc": 1229, "\u0120government": 1230, "\u0120without": 1231, "\u0120leg": 1232, "\u0120dist": 1233, "\u0120put": 1234, "\u0120quest": 1235, "ann": 1236, "\u0120prot": 1237, "20": 1238, "\u0120never": 1239, "ience": 1240, "\u0120level": 1241, "\u0120art": 1242, "\u0120things": 1243, "\u0120might": 1244, "\u0120effect": 1245, "\u0120contro": 1246, "\u0120cent": 1247, "\u012018": 1248, "\u0120allow": 1249, "\u0120belie": 1250, "chool": 1251, "ott": 1252, "\u0120incre": 1253, "\u0120feel": 1254, "\u0120result": 1255, "\u0120lot": 1256, "\u0120fun": 1257, "ote": 1258, "\u0120ty": 1259, "erest": 1260, "\u0120contin": 1261, "\u0120using": 1262, "\u0120big": 1263, "201": 1264, "\u0120ask": 1265, "\u0120best": 1266, "\u0120)": 1267, "IN": 1268, "\u0120opp": 1269, "30": 1270, "\u0120number": 1271, "iness": 1272, "St": 1273, "lease": 1274, "\u0120ca": 1275, "\u0120must": 1276, "\u0120direct": 1277, "\u0120gl": 1278, "\u0120<": 1279, "\u0120open": 1280, "\u0120post": 1281, "\u0120come": 1282, "\u0120seem": 1283, "ording": 1284, "\u0120week": 1285, "ately": 1286, "ital": 1287, "\u0120el": 1288, "riend": 1289, "\u0120far": 1290, "\u0120tra": 1291, "inal": 1292, "\u0120pri": 1293, "\u0120US": 1294, "\u0120place": 1295, "\u0120form": 1296, "\u0120told": 1297, "\":": 1298, "ains": 1299, "ature": 1300, "\u0120Trump": 1301, "\u0120stand": 1302, "\u0120#": 1303, "ider": 1304, "\u0120Fr": 1305, "\u0120next": 1306, "\u0120soc": 1307, "\u0120pur": 1308, "\u0120let": 1309, "\u0120little": 1310, "\u0120hum": 1311, "\u0120i": 1312, "ron": 1313, "15": 1314, "\u012015": 1315, "\u0120commun": 1316, "\u0120mark": 1317, "\u0120There": 1318, "\u0120wr": 1319, "\u0120That": 1320, "\u0120information": 1321, "ways": 1322, "\u0120bus": 1323, "app": 1324, "\u0120invest": 1325, "me": 1326, "\u0120hard": 1327, "ained": 1328, "ead": 1329, "\u0120import": 1330, "\u0120appro": 1331, "\u0120test": 1332, "\u0120tri": 1333, "\u0120rest": 1334, "osed": 1335, "\u0120full": 1336, "\u0120care": 1337, "\u0120Sp": 1338, "\u0120case": 1339, "ON": 1340, "\u0120sk": 1341, "\u0120less": 1342, "\u0120+": 1343, "\u0120partic": 1344, "\u0120Pl": 1345, "ably": 1346, "uck": 1347, "ished": 1348, "chn": 1349, "be": 1350, "\u0120list": 1351, "ator": 1352, "\u0120top": 1353, "\u0120adv": 1354, "\u0120Be": 1355, "ruct": 1356, "\u0120dem": 1357, "ration": 1358, "ling": 1359, "gy": 1360, "reen": 1361, "ger": 1362, "\u0120home": 1363, "\u0120left": 1364, "\u0120better": 1365, "\u0120data": 1366, "\u012011": 1367, "\u0120attack": 1368, "\u0120proble": 1369, "line": 1370, "ards": 1371, "\u0120beh": 1372, "ral": 1373, "\u0120How": 1374, "\u0120She": 1375, "arge": 1376, "\u0120--": 1377, "://": 1378, "\u0120bro": 1379, "\u0120Ph": 1380, "ats": 1381, "\u0120build": 1382, "ww": 1383, "ided": 1384, "aim": 1385, "ases": 1386, "ency": 1387, "\u0120main": 1388, "ined": 1389, "\u0120including": 1390, "\u0120{": 1391, "\u0120got": 1392, "\u0120interest": 1393, "\u0120keep": 1394, "\u0120X": 1395, "\u0120eas": 1396, "aining": 1397, "\u0120class": 1398, "\u00e2\u0122\u00a6": 1399, "\u0120No": 1400, "\u0120var": 1401, "\u0120small": 1402, "ample": 1403, "AT": 1404, "\u0120ide": 1405, "\u0120So": 1406, "\u0120rece": 1407, "\u0120polit": 1408, "\u0120mov": 1409, "\u0120plan": 1410, "\u0120percent": 1411, "iving": 1412, "\u0120camp": 1413, "\u0120pay": 1414, "14": 1415, "sc": 1416, "ised": 1417, "\u0120unt": 1418, "oney": 1419, "ploy": 1420, "====": 1421, "\u0120didn": 1422, "\u0120Ind": 1423, "els": 1424, "ertain": 1425, "\u0120pos": 1426, "____": 1427, "iver": 1428, "\u0120process": 1429, "\u0120program": 1430, "ified": 1431, "\u0120Rep": 1432, "16": 1433, "uro": 1434, "ology": 1435, "atter": 1436, "ina": 1437, "\u0120name": 1438, "\u0120All": 1439, "\u0120four": 1440, "\u0120return": 1441, "vious": 1442, "bs": 1443, "\u0120called": 1444, "\u0120move": 1445, "\u0120Sc": 1446, "ird": 1447, "\u0120group": 1448, "\u0120bre": 1449, "\u0120men": 1450, "\u0120cap": 1451, "ten": 1452, "ee": 1453, "\u0120dri": 1454, "leg": 1455, "here": 1456, "uthor": 1457, "\u0120pat": 1458, "\u0120current": 1459, "ides": 1460, "\u0120pop": 1461, "to": 1462, "ention": 1463, "\u0120always": 1464, "\u0120mil": 1465, "\u0120women": 1466, "\u012016": 1467, "\u0120old": 1468, "iven": 1469, "raph": 1470, "\u0120Or": 1471, "ror": 1472, "ently": 1473, "\u0120near": 1474, "\u0120Ex": 1475, "ream": 1476, "sh": 1477, "\u012014": 1478, "\u0120free": 1479, "ission": 1480, "stand": 1481, "\u0120Con": 1482, "ality": 1483, "used": 1484, "13": 1485, "\u0120design": 1486, "\u0120change": 1487, "\u0120chang": 1488, "\u0120bo": 1489, "\u0120vis": 1490, "ember": 1491, "\u0120book": 1492, "ready": 1493, "\u0120kill": 1494, "25": 1495, "pped": 1496, "\u0120away": 1497, "\u0120able": 1498, "\u0120country": 1499, "\u0120const": 1500, "arn": 1501, "\u0120order": 1502, "AR": 1503, "ior": 1504, "ium": 1505, "orth": 1506, "18": 1507, "ailable": 1508, "\u0120sw": 1509, "\u0120million": 1510, "\u012013": 1511, "atic": 1512, "ted": 1513, "\u0120Go": 1514, "\u0120oper": 1515, "eng": 1516, "\u0120thing": 1517, "ajor": 1518, "conom": 1519, "\u0120Comm": 1520, "\u0120why": 1521, "ured": 1522, "ural": 1523, "\u0120school": 1524, "by": 1525, "\u0120Mar": 1526, "\u0120aff": 1527, "\u0120days": 1528, "\u0120ann": 1529, "ush": 1530, "ane": 1531, "If": 1532, "eg": 1533, "\u0120prof": 1534, "\u0120health": 1535, "outh": 1536, "But": 1537, "ional": 1538, ".,": 1539, "\u0120sol": 1540, "\u0120already": 1541, "\u012030": 1542, "\u0120charact": 1543, "He": 1544, "\u0120friend": 1545, "ES": 1546, "ians": 1547, "icle": 1548, "'d": 1549, "\u0120On": 1550, "\u0120least": 1551, "\u0120prom": 1552, "\u0120dr": 1553, "\u0120hist": 1554, "ither": 1555, "\u0120est": 1556, "iqu": 1557, "17": 1558, "son": 1559, "\u0120tell": 1560, "\u0120talk": 1561, "ohn": 1562, "oint": 1563, "lection": 1564, "AN": 1565, "\u0120until": 1566, "augh": 1567, "\u0120later": 1568, "\u0120ve": 1569, "\u0120view": 1570, "ending": 1571, "ived": 1572, "\u0120word": 1573, "ware": 1574, "\u0120cost": 1575, "\u0120enough": 1576, "\u0120give": 1577, "\u0120United": 1578, "\u0120techn": 1579, "arent": 1580, "OR": 1581, "\u0120par": 1582, "\u0120Dr": 1583, "\u01202016": 1584, "rist": 1585, "ering": 1586, "\u0120\u00c2": 1587, "\u0120large": 1588, "side": 1589, "acy": 1590, "ccess": 1591, "\u0120win": 1592, "\u0120important": 1593, "\u0120199": 1594, "\u0120doesn": 1595, "\u012017": 1596, "\u0120business": 1597, "\u0120clear": 1598, "\u0120rese": 1599, "\",": 1600, "ury": 1601, "\u0120equ": 1602, "aster": 1603, "alf": 1604, "\u0120American": 1605, "nect": 1606, "\u0120expect": 1607, "iversity": 1608, "\u0120occ": 1609, "\u0120Fl": 1610, "\u0120kind": 1611, "\u0120mean": 1612, "\u0120past": 1613, "\u0120dev": 1614, "\u0120bas": 1615, "let": 1616, "raft": 1617, "\u0120organ": 1618, "\u0120del": 1619, "\u0120perform": 1620, "\u0120story": 1621, "\u0120season": 1622, "\u0120Col": 1623, "\u0120claim": 1624, "\u0120came": 1625, "\u0120within": 1626, "\u0120line": 1627, "\u0120project": 1628, "\u0120At": 1629, "\u0120control": 1630, "ended": 1631, "\u0120Sy": 1632, "\u0120air": 1633, "ization": 1634, "\u0120*": 1635, "ley": 1636, "\u0120money": 1637, "idd": 1638, "You": 1639, "for": 1640, "\u0120family": 1641, "\u0120making": 1642, "\u0120bit": 1643, "\u0120police": 1644, "\u0120happen": 1645, "\u0120vers": 1646, "ony": 1647, "uff": 1648, "\u0120When": 1649, "\u0120sit": 1650, "ideo": 1651, "lf": 1652, "ison": 1653, "\u0120sure": 1654, "gin": 1655, "\u0120appear": 1656, "\u0120light": 1657, "\u0120es": 1658, "of": 1659, "\u0120water": 1660, "\u0120times": 1661, "not": 1662, "\u0120grow": 1663, "\u0120company": 1664, "\u0120Te": 1665, "ows": 1666, "\u0120mar": 1667, "ource": 1668, "iol": 1669, "arm": 1670, "br": 1671, "\u0120example": 1672, "\u0120conc": 1673, "\u0120fore": 1674, "\u0120To": 1675, "pro": 1676, "EN": 1677, "ries": 1678, "\u012025": 1679, "\u0120Can": 1680, "ney": 1681, "\u0120actually": 1682, "\u0120ever": 1683, "urity": 1684, "aken": 1685, "aps": 1686, "\u0120tax": 1687, "\u0120major": 1688, "ama": 1689, "\u0120often": 1690, "eral": 1691, "\u0120human": 1692, "\u0120job": 1693, "ister": 1694, "\u0120available": 1695, "ocr": 1696, "enn": 1697, "aid": 1698, "ivid": 1699, "\u0120record": 1700, "?\"": 1701, "\u0120sing": 1702, "\u0120Am": 1703, "idence": 1704, "\u0120news": 1705, "ster": 1706, "\u0120econom": 1707, "\u0120following": 1708, "\u0120Br": 1709, "ising": 1710, "\u0120hour": 1711, "most": 1712, "ument": 1713, "\u0120sex": 1714, "\u0120desc": 1715, "\u0120become": 1716, "\u0120Ed": 1717, "\u0120took": 1718, "\u0120having": 1719, "\u0120product": 1720, "ault": 1721, "As": 1722, "aring": 1723, "\u0120means": 1724, "\u0120hop": 1725, "une": 1726, "\u0120cho": 1727, "\u0120certain": 1728, "\u0120non": 1729, "\u0120deal": 1730, "24": 1731, "lement": 1732, "oci": 1733, "ene": 1734, "\u0120side": 1735, "\u0120Pr": 1736, "\u0120May": 1737, "\u0120reason": 1738, "ued": 1739, "ched": 1740, "ulation": 1741, "\u0120elect": 1742, "\u0120official": 1743, "\u0120possible": 1744, "\u0120hold": 1745, "ands": 1746, "ots": 1747, "\u0120city": 1748, "ories": 1749, "\u0120sever": 1750, "\u0120children": 1751, "\u0120once": 1752, "\u0120activ": 1753, "ler": 1754, "\u0120night": 1755, "itions": 1756, "\u0120John": 1757, "ape": 1758, "play": 1759, "\u0120done": 1760, "\u0120lim": 1761, "\u0120working": 1762, "\u0120Pres": 1763, "orld": 1764, "eb": 1765, "\u0120Co": 1766, "\u0120body": 1767, "ails": 1768, "utes": 1769, "\u0120Mr": 1770, "\u0120whether": 1771, "\u0120author": 1772, "rop": 1773, "\u0120proper": 1774, "\u0120seen": 1775, ");": 1776, "\u0120fac": 1777, "\u0120Su": 1778, "\u0120cond": 1779, "iting": 1780, "\u0120course": 1781, "\u0120}": 1782, "----------------": 1783, "aign": 1784, "\u0120event": 1785, "\u0120eng": 1786, "\u0120pot": 1787, "\u0120intern": 1788, "iam": 1789, "\u0120short": 1790, "empt": 1791, "\u00e3\u0124": 1792, "\u0120God": 1793, "ilar": 1794, "80": 1795, "\u0120orig": 1796, "IS": 1797, "ourn": 1798, "ability": 1799, "itive": 1800, "\u0120dam": 1801, "\u0120100": 1802, "\u0120press": 1803, "\u0120doing": 1804, "\u0120protect": 1805, "ring": 1806, "\u0120thought": 1807, "\u0120question": 1808, "rew": 1809, "\u0120War": 1810, "\u0120several": 1811, "\u0120State": 1812, "\u0120given": 1813, "\u0120fund": 1814, "\u0120Tw": 1815, "\u0120went": 1816, "ances": 1817, "work": 1818, "por": 1819, "my": 1820, "40": 1821, "\u0120arg": 1822, "artment": 1823, "ustom": 1824, "\u0120polic": 1825, "\u0120meet": 1826, "\u0120creat": 1827, "22": 1828, "\u0120States": 1829, "\u0120games": 1830, "raw": 1831, "uture": 1832, "\u0120understand": 1833, "urs": 1834, "\u0120Ob": 1835, "lish": 1836, "sy": 1837, "\u0120makes": 1838, "\u0120won": 1839, "agon": 1840, "\u0120htt": 1841, "\u0120love": 1842, "ential": 1843, "\u0120complete": 1844, "par": 1845, "\u0120Im": 1846, "AL": 1847, "\u0120account": 1848, "\u00c2\u0142": 1849, "ored": 1850, "vert": 1851, "\u0120ident": 1852, "\u01202015": 1853, "\u0120others": 1854, "\u0120Min": 1855, "iber": 1856, "verage": 1857, "There": 1858, "itional": 1859, "dd": 1860, "\u0120prob": 1861, "\u0120young": 1862, "\u0120along": 1863, "\u0120according": 1864, "\u0120yet": 1865, "\u0120members": 1866, "\u0120What": 1867, "oid": 1868, "\u0120Man": 1869, "And": 1870, "\u0120among": 1871, "ai": 1872, "\u0120employ": 1873, "\u0120Res": 1874, "\u0120>": 1875, "\u0120invol": 1876, "\u0120low": 1877, "af": 1878, "\u0120Car": 1879, "\u0120hig": 1880, "\u0120One": 1881, "\u0120Sec": 1882, "ination": 1883, "\u0120likely": 1884, "\u0120ant": 1885, "aged": 1886, "\u0120Russ": 1887, "\u0120ben": 1888, "\u0120rele": 1889, "For": 1890, "back": 1891, "\u0120Not": 1892, "\u0120president": 1893, "ball": 1894, "\u0120access": 1895, "ividual": 1896, "\u0120Dem": 1897, "\u0120Euro": 1898, "60": 1899, "\u0120known": 1900, "irl": 1901, "\u0120Gr": 1902, "\u0120early": 1903, "use": 1904, "iety": 1905, "\u00e2\u0122\u0135": 1906, "\u0120fight": 1907, "\u0120sent": 1908, "\u0120today": 1909, "\u0120market": 1910, "\".": 1911, "\u0120based": 1912, "\u0120strong": 1913, "urther": 1914, "\u0120deb": 1915, "mber": 1916, "\u0120problem": 1917, "\u0120death": 1918, "\u0120social": 1919, "imate": 1920, "AS": 1921, "ortun": 1922, "\u0120campaign": 1923, "ery": 1924, "Ch": 1925, "\u0120ey": 1926, "ially": 1927, "\u0120mus": 1928, "wh": 1929, "pos": 1930, "\u0120er": 1931, "\u0120saf": 1932, "\u0120months": 1933, "iron": 1934, "\u0120viol": 1935, "\u0120five": 1936, "\u0120stre": 1937, "\u0120players": 1938, "inc": 1939, "ald": 1940, "year": 1941, "aun": 1942, "\u0120success": 1943, "\u0120present": 1944, "erence": 1945, "\u01202014": 1946, "\u0120sugg": 1947, "\u0120particular": 1948, "\u0120try": 1949, "\u0120suggest": 1950, "\u0120Christ": 1951, "ones": 1952, "\u0120priv": 1953, "23": 1954, "\u0120crit": 1955, "\u0120land": 1956, "\u0120local": 1957, "ify": 1958, "29": 1959, "\u0120aut": 1960, "ED": 1961, "\u0120Gu": 1962, "\u0120mult": 1963, "\u0120political": 1964, "\u0120asked": 1965, "\u0120former": 1966, "itter": 1967, "ript": 1968, "\u0120close": 1969, "\u0120pract": 1970, "\u0120York": 1971, "\u0120getting": 1972, "\u0120across": 1973, "\u0120comb": 1974, "\u0120believe": 1975, "\u0120z": 1976, "\u0120toget": 1977, "\u0120together": 1978, "\u0120Cent": 1979, "irc": 1980, "\u0120individual": 1981, "\u0120Mc": 1982, "27": 1983, "isk": 1984, "\u0120Eng": 1985, "\u0120face": 1986, "\u012024": 1987, "\u0120value": 1988, "\u0120area": 1989, "ev": 1990, "\u0120writ": 1991, "\u0120President": 1992, "\u0120vot": 1993, "\u0120key": 1994, "\u0120mom": 1995, "put": 1996, "\u0120anything": 1997, "\u0120experience": 1998, "attle": 1999, "\u0120mind": 2000, "aff": 2001, "omm": 2002, "\u0120future": 2003, "ged": 2004, "\u0120cut": 2005, "\u0120tot": 2006, "itch": 2007, "\u0120video": 2008, "\u0120investig": 2009, "\u0120net": 2010, "\u0120My": 2011, "rict": 2012, "ien": 2013, ".)": 2014, "\u0120impro": 2015, "though": 2016, "wards": 2017, "\u0120connect": 2018, "\u0120Med": 2019, "selves": 2020, "ensive": 2021, "mb": 2022, "ober": 2023, "ators": 2024, "An": 2025, "\u012050": 2026, "\u0120redu": 2027, "resent": 2028, "\u0120above": 2029, "\u0120fre": 2030, "\u0120Europe": 2031, "sw": 2032, "\u0120amount": 2033, "\u0120App": 2034, "\u0120either": 2035, "\u0120milit": 2036, "\u0120anal": 2037, "\u0120fail": 2038, "\u0120En": 2039, "ales": 2040, "\u0120special": 2041, "\u0120black": 2042, "IT": 2043, "cher": 2044, "\u0120looking": 2045, "\u0120fire": 2046, "yn": 2047, "\u0120almost": 2048, "oon": 2049, "\u0120study": 2050, "\u0120miss": 2051, "ches": 2052, "rown": 2053, "\u0120tre": 2054, "\u0120community": 2055, "\u0120media": 2056, "\u0120food": 2057, "\u0120comes": 2058, "\u0120University": 2059, "\u0120single": 2060, "What": 2061, "uly": 2062, "\u0120half": 2063, "ague": 2064, "hod": 2065, "\u0120Republic": 2066, "\u0120started": 2067, "\u0120quick": 2068, "oto": 2069, "book": 2070, "\u0120issue": 2071, "itor": 2072, "\u0120else": 2073, "\u0120consider": 2074, "26": 2075, "rodu": 2076, "\u0120taken": 2077, "28": 2078, "99": 2079, "\u0120With": 2080, "\u0120true": 2081, "\u0120wa": 2082, "\u0120trad": 2083, "\u0120ago": 2084, "\u0120mess": 2085, "ief": 2086, "\u0120added": 2087, "oke": 2088, "\u0120bad": 2089, "\u0120fav": 2090, "33": 2091, "\u0120similar": 2092, "ask": 2093, "\u0120Don": 2094, "\u0120character": 2095, "orts": 2096, "\u0120House": 2097, "\u0120reported": 2098, "\u0120type": 2099, "val": 2100, "iod": 2101, "\u0120However": 2102, "\u0120targ": 2103, "\u0120entire": 2104, "pping": 2105, "\u0120history": 2106, "\u0120live": 2107, "ffic": 2108, "........": 2109, "ederal": 2110, "\u0120trying": 2111, "\u0120discuss": 2112, "\u0120Har": 2113, "aces": 2114, "lished": 2115, "\u0120self": 2116, "osp": 2117, "rest": 2118, "\u0120room": 2119, "elt": 2120, "\u0120fall": 2121, "olution": 2122, "\u0120et": 2123, "\u0120x": 2124, "\u0120isn": 2125, "\u0120idea": 2126, "bo": 2127, "\u0120sound": 2128, "\u0120Dep": 2129, "\u0120someone": 2130, "cially": 2131, "ully": 2132, "\u0120foc": 2133, "\u0120object": 2134, "ift": 2135, "aper": 2136, "\u0120player": 2137, "\u0120rather": 2138, "\u0120service": 2139, "ashing": 2140, "\u0120Do": 2141, "\u0120Part": 2142, "rug": 2143, "mon": 2144, "ply": 2145, "\u0120mor": 2146, "\u0120nothing": 2147, "\u0120provide": 2148, "IC": 2149, "ung": 2150, "\u0120party": 2151, "\u0120exist": 2152, "\u0120mag": 2153, "70": 2154, "\u0120rul": 2155, "\u0120house": 2156, "\u0120behind": 2157, "\u0120however": 2158, "\u0120World": 2159, "\u0120sum": 2160, "\u0120applic": 2161, "\u0120;": 2162, "\u0120function": 2163, "gr": 2164, "\u0120Pol": 2165, "\u0120front": 2166, "200": 2167, "\u0120series": 2168, "\u0120tem": 2169, "\u0120typ": 2170, "ills": 2171, "\u0120opt": 2172, "\u0120points": 2173, "\u0120below": 2174, "itted": 2175, "\u0120specific": 2176, "\u01202017": 2177, "umb": 2178, "\u0120ra": 2179, "\u0120previous": 2180, "\u0120pret": 2181, "reme": 2182, "\u0120custom": 2183, "\u0120court": 2184, "\u0120Me": 2185, "\u0120repl": 2186, "\u0120whole": 2187, "go": 2188, "cer": 2189, "\u0120treat": 2190, "\u0120Act": 2191, "\u0120probably": 2192, "\u0120learn": 2193, "ender": 2194, "\u0120Ass": 2195, "\u0120version": 2196, "now": 2197, "\u0120check": 2198, "\u0120Cal": 2199, "RE": 2200, "minist": 2201, "On": 2202, "ources": 2203, "\u0120benef": 2204, "\u0120doc": 2205, "\u0120deter": 2206, "\u0120enc": 2207, "\u0120super": 2208, "\u0120address": 2209, "\u0120vict": 2210, "\u01202013": 2211, "\u0120meas": 2212, "tr": 2213, "\u0120field": 2214, "When": 2215, "\u0120signific": 2216, "uge": 2217, "\u0120feat": 2218, "\u0120common": 2219, "load": 2220, "\u0120begin": 2221, "\u0120bring": 2222, "\u0120action": 2223, "erman": 2224, "\u0120describ": 2225, "\u0120indust": 2226, "\u0120wanted": 2227, "ried": 2228, "ming": 2229, "\u0120attempt": 2230, "45": 2231, "fer": 2232, "\u0120due": 2233, "ression": 2234, "##": 2235, "\u0120shall": 2236, "\u0120six": 2237, "oo": 2238, "\u0120step": 2239, "\u0120pub": 2240, "\u0120himself": 2241, "\u012023": 2242, "\u0120cop": 2243, "\u0120dest": 2244, "\u0120stop": 2245, "AC": 2246, "ibility": 2247, "\u0120lab": 2248, "icult": 2249, "\u0120hours": 2250, "\u0120create": 2251, "\u0120further": 2252, "\u0120America": 2253, "\u0120City": 2254, "\u0120dou": 2255, "head": 2256, "ST": 2257, "\u0120North": 2258, "cing": 2259, "\u0120national": 2260, "ule": 2261, "\u0120Inst": 2262, "\u0120taking": 2263, "\u0120Qu": 2264, "irt": 2265, "\u0120red": 2266, "\u0120research": 2267, "viron": 2268, "\u0120Ge": 2269, "\u0120break": 2270, "ana": 2271, "\u0120space": 2272, "aterial": 2273, "\u0120recent": 2274, "\u0120Ab": 2275, "\u0120general": 2276, "\u0120hit": 2277, "\u0120period": 2278, "\u0120everything": 2279, "ively": 2280, "\u0120phys": 2281, "\u0120saying": 2282, "anks": 2283, "\u0120cou": 2284, "\u0120cult": 2285, "aced": 2286, "eal": 2287, "uation": 2288, "\u0120coun": 2289, "lu": 2290, "\u0120include": 2291, "\u0120position": 2292, "\u0120After": 2293, "\u0120Canad": 2294, "\u0120Em": 2295, "\u0120imm": 2296, "\u0120Red": 2297, "\u0120pick": 2298, "\u0120compl": 2299, "\u0120matter": 2300, "reg": 2301, "ext": 2302, "angu": 2303, "isc": 2304, "ole": 2305, "aut": 2306, "\u0120compet": 2307, "eed": 2308, "fect": 2309, "\u012021": 2310, "\u0120Sen": 2311, "\u0120These": 2312, "asing": 2313, "\u0120cannot": 2314, "\u0120init": 2315, "\u0120relations": 2316, "ached": 2317, "\u0120bar": 2318, "\u012040": 2319, "\u0120TH": 2320, "\u01202012": 2321, "\u0120vol": 2322, "\u0120ground": 2323, "\u0120security": 2324, "\u0120upd": 2325, "ilt": 2326, "35": 2327, "\u0120concern": 2328, "\u0120Just": 2329, "\u0120white": 2330, "\u0120seems": 2331, "\u0120Her": 2332, "pecially": 2333, "ients": 2334, "\u0120announ": 2335, "\u0120fig": 2336, "ights": 2337, "\u0120stri": 2338, "like": 2339, "ids": 2340, "\u0120sus": 2341, "\u0120watch": 2342, "\u0120\u00e2": 2343, "\u0120wind": 2344, "\u0120Cont": 2345, "\u0120itself": 2346, "\u0120mass": 2347, "Al": 2348, "yle": 2349, "ique": 2350, "\u0120National": 2351, "\u0120abs": 2352, "\u0120pack": 2353, "\u0120outside": 2354, "\u0120anim": 2355, "\u0120pain": 2356, "eter": 2357, "\u0120manag": 2358, "duct": 2359, "ogn": 2360, "\u0120]": 2361, "\u0120Sept": 2362, "sec": 2363, "off": 2364, "\u0120Jan": 2365, "\u0120foot": 2366, "ades": 2367, "\u0120third": 2368, "\u0120mot": 2369, "\u0120evidence": 2370, "inton": 2371, "\u0120threat": 2372, "apt": 2373, "ples": 2374, "cle": 2375, "\u0120lo": 2376, "\u0120decl": 2377, "\u0120item": 2378, "medi": 2379, "\u0120represent": 2380, "omb": 2381, "amer": 2382, "\u0120significant": 2383, "ograph": 2384, "su": 2385, "\u0120cal": 2386, "ires": 2387, "0000": 2388, "ID": 2389, "AM": 2390, "\u0120simply": 2391, "\u0120longer": 2392, "\u0120file": 2393, "OT": 2394, "che": 2395, "So": 2396, "ateg": 2397, "org": 2398, "\u0120His": 2399, "\u0120ener": 2400, "\u0120dom": 2401, "\u0120upon": 2402, "ili": 2403, "\":\"": 2404, "\u0120themselves": 2405, "\u0120coming": 2406, "\u0120quite": 2407, "\u0120difficult": 2408, "\u0120Bar": 2409, "ilities": 2410, "rel": 2411, "ends": 2412, "cial": 2413, "64": 2414, "\u0120woman": 2415, "rap": 2416, "yr": 2417, "\u0120necess": 2418, "ips": 2419, "\u0120text": 2420, "\u0120require": 2421, "\u0120military": 2422, "\u0120review": 2423, "\u0120respons": 2424, "75": 2425, "\u0120subject": 2426, "\u0120instead": 2427, "\u0120issues": 2428, "\u0120gen": 2429, "\",\"": 2430, "\u0120minutes": 2431, "\u0120weap": 2432, "ray": 2433, "amed": 2434, "time": 2435, "bl": 2436, "How": 2437, "\u0120code": 2438, "\u0120Sm": 2439, "\u0120higher": 2440, "\u0120Ste": 2441, "ris": 2442, "\u0120page": 2443, "\u0120students": 2444, "\u0120Intern": 2445, "\u0120method": 2446, "\u0120Aug": 2447, "\u0120Per": 2448, "\u0120Ag": 2449, "\u0120policy": 2450, "\u0120Sw": 2451, "\u0120exec": 2452, "\u0120accept": 2453, "ume": 2454, "ribut": 2455, "\u0120words": 2456, "\u0120final": 2457, "\u0120changes": 2458, "\u0120Democr": 2459, "\u0120friends": 2460, "\u0120respect": 2461, "\u0120ep": 2462, "\u0120compan": 2463, "ivil": 2464, "\u0120damage": 2465, "****": 2466, "ogle": 2467, "vironment": 2468, "\u0120neg": 2469, "ental": 2470, "\u0120ap": 2471, "\u0120total": 2472, "ival": 2473, "!\"": 2474, "lim": 2475, "\u0120needs": 2476, "\u0120agre": 2477, "\u0120development": 2478, "\u0120age": 2479, "iple": 2480, "21": 2481, "\u0120results": 2482, "\u0120Af": 2483, "Sh": 2484, "\u0120gun": 2485, "\u0120Obama": 2486, "roll": 2487, "\u0120@": 2488, "\u0120rights": 2489, "\u0120Brit": 2490, "\u0120running": 2491, "\u0120wasn": 2492, "\u0120port": 2493, "\u0120rate": 2494, "\u0120pretty": 2495, "\u0120target": 2496, "\u0120saw": 2497, "\u0120circ": 2498, "\u0120works": 2499, "icro": 2500, "alt": 2501, "over": 2502, "www": 2503, "That": 2504, "lier": 2505, "\u0120everyone": 2506, "ude": 2507, "\u0120pie": 2508, "iddle": 2509, "rael": 2510, "\u0120rad": 2511, "\u0120block": 2512, "\u0120walk": 2513, "To": 2514, "\u00e3\u0123": 2515, "nes": 2516, "\u0120Aust": 2517, "aul": 2518, "rote": 2519, "\u0120South": 2520, "ession": 2521, "oph": 2522, "\u0120shows": 2523, "\u0120site": 2524, "\u0120jo": 2525, "\u0120risk": 2526, "clus": 2527, "lt": 2528, "\u0120inj": 2529, "iding": 2530, "\u0120Spe": 2531, "\u0120chall": 2532, "irm": 2533, "\u012022": 2534, "itting": 2535, "str": 2536, "\u0120hy": 2537, "LE": 2538, "key": 2539, "\u0120began": 2540, "atur": 2541, "ashington": 2542, "lam": 2543, "\u0120Dav": 2544, "bit": 2545, "\u0120size": 2546, "\u0120Par": 2547, "38": 2548, "ournal": 2549, "face": 2550, "\u0120decision": 2551, "\u0120larg": 2552, "\u0120jud": 2553, "rect": 2554, "\u0120continue": 2555, "\u0120Oct": 2556, "overed": 2557, "\u0120Int": 2558, "========": 2559, "\u0120parent": 2560, "\u0120Will": 2561, "\u0120easy": 2562, "\u0120drug": 2563, "anger": 2564, "\u0120sense": 2565, "\u0120di": 2566, "iday": 2567, "\u0120energy": 2568, "istic": 2569, "\u0120associ": 2570, "arter": 2571, "obal": 2572, "eks": 2573, "\u0120El": 2574, "urch": 2575, "\u0120girl": 2576, "oe": 2577, "itle": 2578, "\u012028": 2579, "\u0120Che": 2580, "\u0120request": 2581, "\u0120soon": 2582, "\u0120host": 2583, "ky": 2584, "\u0120states": 2585, "omes": 2586, "\u0120material": 2587, "lex": 2588, "\u0120moment": 2589, "\u0120answ": 2590, "onse": 2591, "\u0120especially": 2592, "\u0120norm": 2593, "\u0120services": 2594, "pite": 2595, "ran": 2596, "\u0120role": 2597, "44": 2598, "):": 2599, "\u0120cred": 2600, "Cl": 2601, "________": 2602, "\u0120mat": 2603, "\u0120log": 2604, "\u0120Clinton": 2605, "OU": 2606, "\u0120office": 2607, "\u012026": 2608, "\u0120charg": 2609, "\u0120track": 2610, "ma": 2611, "\u0120heart": 2612, "\u0120ball": 2613, "\u0120personal": 2614, "\u0120building": 2615, "na": 2616, "set": 2617, "body": 2618, "\u0120Black": 2619, "\u0120increase": 2620, "itten": 2621, "\u0120needed": 2622, "36": 2623, "32": 2624, "=\"": 2625, "\u0120lost": 2626, "\u0120became": 2627, "\u0120groups": 2628, "\u0120Mus": 2629, "\u0120wrote": 2630, "\u0120Pe": 2631, "\u0120prop": 2632, "joy": 2633, "\u00c3\u00a9": 2634, "\u0120White": 2635, "\u0120dead": 2636, ".'": 2637, "\u0120http": 2638, "\u0120webs": 2639, "OS": 2640, "\u0120inside": 2641, "\u0120wrong": 2642, "\u0120statement": 2643, "\u0120...": 2644, "yl": 2645, "\u0120film": 2646, "\u0120music": 2647, "\u0120share": 2648, "ification": 2649, "\u0120release": 2650, "\u0120forward": 2651, "\u0120stay": 2652, "\u0120comput": 2653, "itte": 2654, "ser": 2655, "\u0120original": 2656, "\u0120card": 2657, "\u0120cand": 2658, "\u0120div": 2659, "atural": 2660, "\u0120favor": 2661, "OM": 2662, "\u0120cases": 2663, "uses": 2664, "\u0120section": 2665, "\u0120leave": 2666, "ging": 2667, "oved": 2668, "\u0120Washington": 2669, "39": 2670, "\u0120Gl": 2671, "\u0120required": 2672, "action": 2673, "apan": 2674, "oor": 2675, "iter": 2676, "\u0120King": 2677, "\u0120countries": 2678, "\u0120German": 2679, "lling": 2680, "\u012027": 2681, "34": 2682, "\u0120questions": 2683, "\u0120prim": 2684, "\u0120cell": 2685, "\u0120shoot": 2686, "\u0120anyone": 2687, "\u0120West": 2688, "\u0120affect": 2689, "epend": 2690, "\u0120online": 2691, "\u0120Israel": 2692, "\u0120September": 2693, "\u0120ability": 2694, "\u0120content": 2695, "ises": 2696, "\u0120reve": 2697, "\u0120laun": 2698, "\u0120indic": 2699, "\u0120force": 2700, "cast": 2701, "\u0120sold": 2702, "aving": 2703, "fl": 2704, "\u0120soft": 2705, "\u0120companies": 2706, "ceed": 2707, "\u0120article": 2708, "\u0120aud": 2709, "\u0120rev": 2710, "\u0120educ": 2711, "\u0120playing": 2712, "05": 2713, "\u0120held": 2714, "ctor": 2715, "\u0120released": 2716, "\u0120federal": 2717, "37": 2718, "\u0120administ": 2719, "\u0120interview": 2720, "\u0120install": 2721, "\u0120received": 2722, "\u0120source": 2723, "uk": 2724, "Ph": 2725, "\u0120serious": 2726, "\u0120created": 2727, "\u0120cause": 2728, "\u0120immedi": 2729, "\u0120defin": 2730, "uel": 2731, "\u0120Department": 2732, "ctions": 2733, "\u0120Cour": 2734, "\u0120Now": 2735, "ze": 2736, "ites": 2737, "itution": 2738, "\u0120late": 2739, "\u0120speak": 2740, "ners": 2741, "\u0120legal": 2742, "ari": 2743, "\u0120Cor": 2744, "\u0120weeks": 2745, "\u0120model": 2746, "\u0120pred": 2747, "\u0120exact": 2748, "BC": 2749, "\u0120By": 2750, "ING": 2751, "osing": 2752, "\u0120takes": 2753, "\u0120regard": 2754, "\u0120opportun": 2755, "\u0120price": 2756, "\u0120198": 2757, "\u0120Apr": 2758, "fully": 2759, "\u0120ord": 2760, "\u0120problems": 2761, "ruction": 2762, "ham": 2763, "\u0120Count": 2764, "lege": 2765, "\u0120leaders": 2766, "ET": 2767, "lev": 2768, "\u0120deep": 2769, "ological": 2770, "ese": 2771, "haps": 2772, "\u0120Some": 2773, "\u0120pers": 2774, "\u0120contract": 2775, "\u0120relationship": 2776, "sp": 2777, "oud": 2778, "\u0120base": 2779, "48": 2780, "mit": 2781, "Ad": 2782, "ancial": 2783, "\u0120consum": 2784, "\u0120potential": 2785, "\u0120langu": 2786, "rem": 2787, "eth": 2788, "\u0120relig": 2789, "ressed": 2790, "66": 2791, "\u0120link": 2792, "\u0120lower": 2793, "ayer": 2794, "\u0120June": 2795, "\u0120fem": 2796, "unt": 2797, "erc": 2798, "urd": 2799, "\u0120contact": 2800, "\u0120ill": 2801, "\u0120mother": 2802, "\u0120estab": 2803, "htt": 2804, "\u0120March": 2805, "\u0120Bro": 2806, "\u0120China": 2807, "\u012029": 2808, "\u0120squ": 2809, "\u0120provided": 2810, "\u0120average": 2811, "asons": 2812, "\u01202011": 2813, "\u0120exam": 2814, "lin": 2815, "55": 2816, "ned": 2817, "\u0120perfect": 2818, "\u0120tou": 2819, "alse": 2820, "ux": 2821, "\u0120buy": 2822, "\u0120shot": 2823, "\u0120collect": 2824, "\u0120phot": 2825, "\u0120played": 2826, "\u0120surpr": 2827, "\u0120officials": 2828, "\u0120simple": 2829, "avy": 2830, "\u0120industry": 2831, "\u0120hands": 2832, "ground": 2833, "\u0120pull": 2834, "\u0120round": 2835, "\u0120user": 2836, "\u0120range": 2837, "uary": 2838, "\u0120private": 2839, "ops": 2840, "ees": 2841, "\u0120ways": 2842, "\u0120Mich": 2843, "\u0120veh": 2844, "\u0120except": 2845, "\u0120terms": 2846, "imum": 2847, "pper": 2848, "ION": 2849, "ores": 2850, "\u0120Dragon": 2851, "oul": 2852, "\u0120den": 2853, "\u0120performance": 2854, "\u0120bill": 2855, "cil": 2856, "47": 2857, "\u0120environment": 2858, "\u0120exc": 2859, "add": 2860, "\u0120worth": 2861, "\u0120pict": 2862, "\u0120chance": 2863, "\u01202018": 2864, "bor": 2865, "\u0120speed": 2866, "iction": 2867, "\u0120alleg": 2868, "\u0120Japan": 2869, "atory": 2870, "reet": 2871, "\u0120match": 2872, "\u0120II": 2873, "\u0120stru": 2874, "order": 2875, "\u0120ste": 2876, "\u0120living": 2877, "\u0120struct": 2878, "ino": 2879, "\u0120separ": 2880, "hern": 2881, "\u0120response": 2882, "\u0120enjoy": 2883, "\u0120via": 2884, "AD": 2885, "uments": 2886, "acebook": 2887, "\u0120member": 2888, "ibr": 2889, "izing": 2890, "\u0120tool": 2891, "\u0120Mon": 2892, "\u0120While": 2893, "hood": 2894, "\u0120Ang": 2895, "\u0120Def": 2896, "\u0120offer": 2897, "Tr": 2898, "aur": 2899, "\u0120turned": 2900, "\u0120July": 2901, "down": 2902, "anced": 2903, "\u0120recently": 2904, "\u0120Ear": 2905, "\u0120ce": 2906, "\u0120Star": 2907, "\u0120Cong": 2908, "rought": 2909, "\u0120blood": 2910, "\u0120hope": 2911, "\u0120comment": 2912, "aint": 2913, "\u0120arri": 2914, "iles": 2915, "\u0120particip": 2916, "ought": 2917, "ription": 2918, "08": 2919, "49": 2920, "\u0120gave": 2921, "\u0120select": 2922, "\u0120killed": 2923, "sych": 2924, "\u0120goes": 2925, "ij": 2926, "\u0120coll": 2927, "\u0120impact": 2928, "atives": 2929, "\u0120Ser": 2930, "09": 2931, "\u0120August": 2932, "\u0120boy": 2933, "de": 2934, "\u0120Des": 2935, "\u0120felt": 2936, "US": 2937, "\u0120expected": 2938, "\u0120image": 2939, "\u0120Mark": 2940, "ccording": 2941, "oice": 2942, "EC": 2943, "\u0120Mag": 2944, "ened": 2945, "hold": 2946, "\u0120Post": 2947, "\u0120prevent": 2948, "No": 2949, "\u0120involved": 2950, "\u0120eyes": 2951, "\u0120quickly": 2952, "At": 2953, "unk": 2954, "\u0120behav": 2955, "\u0120ur": 2956, "\u0120led": 2957, "come": 2958, "ey": 2959, "\u0120candid": 2960, "\u0120earlier": 2961, "\u0120focus": 2962, "ety": 2963, "Pro": 2964, "ledge": 2965, "ixed": 2966, "illed": 2967, "\u0120popular": 2968, "AP": 2969, "\u0120sett": 2970, "light": 2971, "\u0120various": 2972, "inks": 2973, "\u0120levels": 2974, "\u0120road": 2975, "ellig": 2976, "ables": 2977, "hel": 2978, "ittee": 2979, "\u0120Gener": 2980, "ype": 2981, "\u0120heard": 2982, "icles": 2983, "\u0120mis": 2984, "\u0120users": 2985, "\u0120San": 2986, "\u0120improve": 2987, "\u0120father": 2988, "\u0120search": 2989, "They": 2990, "vil": 2991, "\u0120profess": 2992, "\u0120knew": 2993, "\u0120loss": 2994, "\u0120events": 2995, "65": 2996, "\u0120billion": 2997, "07": 2998, "02": 2999, "\u0120News": 3000, "\u0120AM": 3001, "\u0120cover": 3002, "where": 3003, "ension": 3004, "\u0120bott": 3005, "\u0120areas": 3006, "ences": 3007, "ope": 3008, "\u0120Twitter": 3009, "ael": 3010, "\u0120gets": 3011, "\u0120Google": 3012, "\u0120sn": 3013, "iant": 3014, "\u0120vote": 3015, "\u0120nearly": 3016, "\u0120included": 3017, "\u0120recogn": 3018, "zz": 3019, "mm": 3020, "aled": 3021, "\u0120happened": 3022, "04": 3023, "\u0120hot": 3024, "\u0120whose": 3025, "\u0120civil": 3026, "\u0120suff": 3027, "oes": 3028, "itiz": 3029, "\u0120Syri": 3030, "\u0120respond": 3031, "\u0120hon": 3032, "\u0120features": 3033, "\u0120economic": 3034, "\u0120April": 3035, "rim": 3036, "\u0120technology": 3037, "\u0120option": 3038, "aging": 3039, "\u0120purch": 3040, "Re": 3041, "\u0120lat": 3042, "chie": 3043, "isl": 3044, "\u0120recomm": 3045, "uf": 3046, "\u0120training": 3047, "\u0120effects": 3048, "\u0120fast": 3049, "\u01202010": 3050, "\u0120occur": 3051, "\u0120website": 3052, "\u0120email": 3053, "\u0120sens": 3054, "ech": 3055, "\u0120oil": 3056, "\u0120influ": 3057, "\u0120currently": 3058, "\u0120Sch": 3059, "\u0120Add": 3060, "\u0120goal": 3061, "\u0120scient": 3062, "\u0120conv": 3063, "100": 3064, "emy": 3065, "\u0120decided": 3066, "\u0120travel": 3067, "\u0120mention": 3068, "LL": 3069, "03": 3070, "\u0120election": 3071, "\u0120phone": 3072, "\u0120looks": 3073, "\u0120situation": 3074, "\u0120cy": 3075, "\u0120hor": 3076, "bed": 3077, "\u0120Court": 3078, "aily": 3079, "aves": 3080, "\u0120quality": 3081, "\u0120Comp": 3082, "wise": 3083, "\u0120table": 3084, "\u0120staff": 3085, "\u0120Wind": 3086, "ett": 3087, "\u0120tried": 3088, "idered": 3089, "\u0120addition": 3090, "\u0120box": 3091, "\u0120lack": 3092, "arily": 3093, "\u0120wide": 3094, "\u0120mid": 3095, "\u0120board": 3096, "ysis": 3097, "\u0120anti": 3098, "ha": 3099, "\u0120dig": 3100, "ening": 3101, "\u0120dro": 3102, "Con": 3103, "68": 3104, "\u0120slow": 3105, "based": 3106, "sequ": 3107, "\u0120path": 3108, "Ex": 3109, "aker": 3110, "\u0120worked": 3111, "\u0120pen": 3112, "\u0120engine": 3113, "\u0120looked": 3114, "\u0120Super": 3115, "\u0120Serv": 3116, "\u0120victim": 3117, "Un": 3118, "\u0120property": 3119, "\u0120introdu": 3120, "\u0120execut": 3121, "\u0120PM": 3122, "Le": 3123, "\u0120color": 3124, "\u0120More": 3125, "\u012060": 3126, "\u0120network": 3127, "\u0120date": 3128, "cul": 3129, "idge": 3130, "\u0120extra": 3131, "31": 3132, "\u0120sle": 3133, "67": 3134, "\u0120wond": 3135, "\u0120reports": 3136, "just": 3137, "\u0120Austral": 3138, "\u0120capital": 3139, "\u0120ens": 3140, "\u0120command": 3141, "\u0120allowed": 3142, "\u0120prep": 3143, "\u0120capt": 3144, "hib": 3145, "\u0120numbers": 3146, "chan": 3147, "\u0120fair": 3148, "mp": 3149, "oms": 3150, "\u0120reach": 3151, "With": 3152, "tain": 3153, "\u0120broad": 3154, "\u0120couple": 3155, "ecause": 3156, "lying": 3157, "\u0120Feb": 3158, "\u0120screen": 3159, "\u0120lives": 3160, "\u0120prior": 3161, "\u0120Congress": 3162, "Ar": 3163, "\u0120approach": 3164, "\u0120emer": 3165, "aries": 3166, "\u0120Dis": 3167, "serv": 3168, "\u0120Ne": 3169, "\u0120built": 3170, "cies": 3171, "\u0120repe": 3172, "\u0120rules": 3173, "force": 3174, "\u0120Pal": 3175, "\u0120financial": 3176, "\u0120considered": 3177, "\u0120Char": 3178, "nces": 3179, "\u0120IS": 3180, "\u0120brought": 3181, "\u0120bi": 3182, "iers": 3183, "\u0120Sim": 3184, "OP": 3185, "\u0120products": 3186, "\u0120visit": 3187, "\u0120document": 3188, "\u0120conduct": 3189, "\u0120completely": 3190, "ining": 3191, "\u0120Calif": 3192, "ibly": 3193, "\u0120written": 3194, "\u0120TV": 3195, "ements": 3196, "\u0120draw": 3197, "One": 3198, "\u0120published": 3199, "\u0120secret": 3200, "rain": 3201, "het": 3202, "\u0120Facebook": 3203, "onday": 3204, "\u0120Up": 3205, "\u0120sexual": 3206, "\u0120thous": 3207, "\u0120Pat": 3208, "\u0120ess": 3209, "\u0120standard": 3210, "\u0120arm": 3211, "ges": 3212, "ection": 3213, "\u0120fell": 3214, "\u0120foreign": 3215, "ani": 3216, "\u0120Friday": 3217, "\u0120regular": 3218, "inary": 3219, "\u0120increased": 3220, "\u0120usually": 3221, "\u0120demon": 3222, "\u0120dark": 3223, "\u0120additional": 3224, "rol": 3225, "\u0120Of": 3226, "\u0120production": 3227, "!!": 3228, "undred": 3229, "\u0120international": 3230, "idents": 3231, "\u0120Free": 3232, "roup": 3233, "\u0120race": 3234, "\u0120mach": 3235, "\u0120huge": 3236, "All": 3237, "lear": 3238, "ovember": 3239, "\u0120town": 3240, "\u0120attention": 3241, "\u0120Off": 3242, "yond": 3243, "\u0120Then": 3244, "field": 3245, "\u0120terror": 3246, "raz": 3247, "\u0120Bo": 3248, "\u0120meeting": 3249, "\u0120Park": 3250, "\u0120arrest": 3251, "\u0120fear": 3252, "\u0120aw": 3253, "\u0120Val": 3254, "oring": 3255, "',": 3256, "\u0120extreme": 3257, "arr": 3258, "\u0120workers": 3259, "After": 3260, "\u012031": 3261, "net": 3262, "ament": 3263, "\u0120directly": 3264, "\u0120population": 3265, "ube": 3266, "\u0120October": 3267, "\u0120IN": 3268, "\u0120January": 3269, "59": 3270, "\u0120David": 3271, "\u0120cross": 3272, "cember": 3273, "\u0120First": 3274, "\u0120message": 3275, "irit": 3276, "\u0120nation": 3277, "\u0120poll": 3278, "isions": 3279, "\u0120answer": 3280, "ny": 3281, "isode": 3282, "\u0120carry": 3283, "\u0120Russia": 3284, "\u0120hear": 3285, "ength": 3286, "roy": 3287, "\u0120natural": 3288, "inally": 3289, "\u0120dog": 3290, "mitted": 3291, "\u0120trade": 3292, "\u0120subst": 3293, "\u0120multiple": 3294, "\u0120Afric": 3295, "\u0120fans": 3296, "\u0120sort": 3297, "\u0120global": 3298, "ication": 3299, "\u0120Wed": 3300, "ara": 3301, "\u0120achie": 3302, "\u0120language": 3303, "vey": 3304, "\u0120tal": 3305, "\u0120necessary": 3306, "\u0120details": 3307, "\u0120sen": 3308, "\u0120Sund": 3309, "\u0120Reg": 3310, "\u0120Rec": 3311, "06": 3312, "\u0120sil": 3313, "ressive": 3314, "\u0120medical": 3315, "unch": 3316, "ornia": 3317, "\u0120und": 3318, "fort": 3319, "ocks": 3320, "\u0120Monday": 3321, "uesday": 3322, "craft": 3323, "77": 3324, "urt": 3325, "\u0120ver": 3326, "\u0120Hill": 3327, "\u0120receive": 3328, "\u0120morning": 3329, "estern": 3330, "\u0120bank": 3331, "\u0120sat": 3332, "irth": 3333, "\u0120High": 3334, "\u0120device": 3335, "\u0120THE": 3336, "\u0120Center": 3337, "\u0120safe": 3338, "\u0120ple": 3339, "\u0120Canada": 3340, "\u0120systems": 3341, "\u0120assist": 3342, "\u0120surv": 3343, "\u0120battle": 3344, "\u0120Soc": 3345, "vertis": 3346, "She": 3347, "\u0120paper": 3348, "\u0120growth": 3349, "\u0120cast": 3350, "Sc": 3351, "\u0120plans": 3352, "lled": 3353, "\u0120parts": 3354, "\u0120wall": 3355, "\u0120movement": 3356, "\u0120practice": 3357, "imately": 3358, "\u0120display": 3359, "\u0120sometimes": 3360, "omp": 3361, "\u0120Paul": 3362, "\u0120Yes": 3363, "king": 3364, "58": 3365, "oly": 3366, "\u0120son": 3367, "\u0120avoid": 3368, "okes": 3369, "\u0120Jew": 3370, "\u0120towards": 3371, "asc": 3372, "\u0120//": 3373, "\u0120Kore": 3374, "\u0120talking": 3375, "\u0120correct": 3376, "\u0120spent": 3377, "icks": 3378, "iable": 3379, "eared": 3380, "\u0120term": 3381, "\u0120wants": 3382, "oming": 3383, "\u0120ut": 3384, "\u0120doub": 3385, "\u0120forces": 3386, "\u0120please": 3387, "69": 3388, "\u0120November": 3389, "atform": 3390, "ondon": 3391, "\u0120ones": 3392, "\u0120immediately": 3393, "\u0120Russian": 3394, "\u0120Met": 3395, "\u0120deg": 3396, "\u0120parents": 3397, "CH": 3398, "\u0120Americans": 3399, "aly": 3400, "\u0120Mod": 3401, "\u0120shown": 3402, "\u0120conditions": 3403, "\u0120stuff": 3404, "\u0120reb": 3405, "\u0120Your": 3406, "\u0120includes": 3407, "nown": 3408, "\u0120Sam": 3409, "\u0120experien": 3410, "mission": 3411, "\u0120Even": 3412, "aught": 3413, "\u0120announced": 3414, "\u0120Republican": 3415, "\u0120determin": 3416, "\u0120described": 3417, "\u0120County": 3418, "()": 3419, "\u0120door": 3420, "\u0120changed": 3421, "\u0120neigh": 3422, "\u0120Here": 3423, "\u0120clean": 3424, "\u0120pan": 3425, "\u0120December": 3426, "\u0120European": 3427, "iring": 3428, "apter": 3429, "\u0120club": 3430, "\u0120Tuesday": 3431, "\u0120paid": 3432, "\u0120Net": 3433, "\u0120attacks": 3434, "\u0120characters": 3435, "\u0120alone": 3436, "\u0120director": 3437, "dom": 3438, "\u012035": 3439, "\u0120load": 3440, "\u0120rout": 3441, "\u0120California": 3442, "\u0120finally": 3443, "\u0120rac": 3444, "\u0120contr": 3445, "\u0120exactly": 3446, "resh": 3447, "pri": 3448, "\u0120Islam": 3449, "\u0120nature": 3450, "\u0120career": 3451, "\u0120latest": 3452, "\u0120convers": 3453, "\u0120Sl": 3454, "pose": 3455, "cient": 3456, "\u0120Inc": 3457, "ivity": 3458, "88": 3459, "\u0120Att": 3460, "\u0120Mor": 3461, "nesday": 3462, "\u0120weight": 3463, "ken": 3464, "\u0120note": 3465, "\u0120teams": 3466, "\u0120\\": 3467, "airs": 3468, "\u0120Green": 3469, "\u0120hundred": 3470, "onent": 3471, "\u0120streng": 3472, "\u0120consist": 3473, "icated": 3474, "\u0120regul": 3475, "\u0120lic": 3476, "astic": 3477, "\u0120ten": 3478, "ursday": 3479, "elligence": 3480, "ously": 3481, "\u0120UK": 3482, "BI": 3483, "\u0120costs": 3484, "\u0120independ": 3485, "\u0120AP": 3486, "\u0120normal": 3487, "\u0120hom": 3488, "\u0120obvious": 3489, "\u0120swe": 3490, "\u0120star": 3491, "\u0120ready": 3492, "acher": 3493, "\u0120implement": 3494, "gest": 3495, "\u0120song": 3496, "\u0120Get": 3497, "\u0120Lab": 3498, "\u0120interesting": 3499, "using": 3500, "\u0120giving": 3501, "\u0120Sunday": 3502, "\u0120etc": 3503, "\u0120middle": 3504, "\u0120remember": 3505, "right": 3506, "osition": 3507, "utions": 3508, "\u0120max": 3509, "46": 3510, "\u0120yourself": 3511, "\u0120demand": 3512, "\u0120treatment": 3513, "\u0120danger": 3514, "\u0120Cons": 3515, "\u0120guy": 3516, "\u0120British": 3517, "\u0120physical": 3518, "\u0120related": 3519, "\u0120remain": 3520, "\u0120couldn": 3521, "\u0120refer": 3522, "\u0120citiz": 3523, "box": 3524, "ENT": 3525, "board": 3526, "\u0120inn": 3527, "IG": 3528, "ero": 3529, "\u0120Street": 3530, "ospital": 3531, "rench": 3532, "chers": 3533, "\u0120stra": 3534, "OL": 3535, "ager": 3536, "\u0120AN": 3537, "\u0120easily": 3538, "IA": 3539, "enge": 3540, "iny": 3541, "\u0120clos": 3542, "ocked": 3543, "\u0120uses": 3544, "\u0120Coun": 3545, "Im": 3546, "uild": 3547, "??": 3548, "more": 3549, "\u0120ang": 3550, "\u0120write": 3551, "olute": 3552, "57": 3553, "\u0120leader": 3554, "\u0120reading": 3555, "": 3784, "\u0120figure": 3785, "\u0120disapp": 3786, "enty": 3787, "\u0120software": 3788, "\u0120ult": 3789, "\u0120officers": 3790, "New": 3791, "Is": 3792, "\u0120remains": 3793, "\u0120India": 3794, "\u0120psych": 3795, "rief": 3796, "\u0120cat": 3797, "esc": 3798, "\u0120observ": 3799, "\u0120stage": 3800, "\u0120Dark": 3801, "\u0120enter": 3802, "change": 3803, "\u0120passed": 3804, "\u0120despite": 3805, "\u0120Out": 3806, "\u0120movie": 3807, "rs": 3808, "\u0120voice": 3809, "mine": 3810, "\u0120Play": 3811, "\u0120toward": 3812, "\u0120Ter": 3813, "\u0120region": 3814, "\u0120values": 3815, "orters": 3816, "\u0120mount": 3817, "\u0120officer": 3818, "\u0120Other": 3819, "ban": 3820, "\u0120hous": 3821, "wood": 3822, "room": 3823, "IV": 3824, "\u0120Sun": 3825, "see": 3826, "\u0120Over": 3827, "rog": 3828, "90": 3829, "\u0120lay": 3830, "\u0120Tur": 3831, "awn": 3832, "\u0120pressure": 3833, "\u0120Sub": 3834, "\u0120books": 3835, "edom": 3836, "\u0120Sand": 3837, "AA": 3838, "ago": 3839, "\u0120reasons": 3840, "ford": 3841, "\u0120activity": 3842, "UT": 3843, "Now": 3844, "\u0120Senate": 3845, "cell": 3846, "night": 3847, "\u0120calls": 3848, "inter": 3849, "\u0120letter": 3850, "\u0120Rob": 3851, "\u0120Je": 3852, "\u0120choose": 3853, "\u0120Law": 3854, "Get": 3855, "Be": 3856, "\u0120rob": 3857, "\u0120types": 3858, "\u0120platform": 3859, "\u0120quarter": 3860, "RA": 3861, "\u0120Time": 3862, "\u0120maybe": 3863, "\u0120Cr": 3864, "95": 3865, "pre": 3866, "\u0120moving": 3867, "\u0120lif": 3868, "\u0120gold": 3869, "\u0120som": 3870, "\u0120patients": 3871, "\u0120truth": 3872, "\u0120Ke": 3873, "urance": 3874, "antly": 3875, "mar": 3876, "\u0120charge": 3877, "\u0120Great": 3878, "\u0120cele": 3879, "--------------------------------": 3880, "\u0120rock": 3881, "roid": 3882, "ancy": 3883, "\u0120credit": 3884, "aud": 3885, "By": 3886, "\u0120Every": 3887, "\u0120moved": 3888, "inger": 3889, "ribution": 3890, "\u0120names": 3891, "\u0120straight": 3892, "\u0120Health": 3893, "\u0120Well": 3894, "\u0120feature": 3895, "\u0120rule": 3896, "\u0120sche": 3897, "inated": 3898, "\u0120Michael": 3899, "berg": 3900, "41": 3901, "iled": 3902, "band": 3903, "\u0120click": 3904, "\u0120Angel": 3905, "onents": 3906, "\u00c2\u0143": 3907, "\u0120Iraq": 3908, "\u0120Saturday": 3909, "\u0120aware": 3910, "part": 3911, "\u0120pattern": 3912, "OW": 3913, "\u0120Let": 3914, "\u0120grad": 3915, "igned": 3916, "\u0120associated": 3917, "\u0120style": 3918, "no": 3919, "iation": 3920, "aith": 3921, "ilies": 3922, "\u0120stories": 3923, "uration": 3924, "\u0120individuals": 3925, "\u0120\u00e2\u0122\u00a6": 3926, "miss": 3927, "\u0120Associ": 3928, "ishing": 3929, "aby": 3930, "\u0120summer": 3931, "\u0120Ben": 3932, "\u012032": 3933, "\u0120arch": 3934, "uty": 3935, "\u0120Texas": 3936, "hol": 3937, "\u0120fully": 3938, "\u0120mill": 3939, "\u0120followed": 3940, "\u0120Bill": 3941, "\u0120Indian": 3942, "\u0120Secret": 3943, "\u0120Bel": 3944, "\u0120February": 3945, "\u0120jobs": 3946, "\u0120seemed": 3947, "\u0120Govern": 3948, "ipped": 3949, "\u0120reality": 3950, "\u0120lines": 3951, "\u0120park": 3952, "\u0120measure": 3953, "\u0120Our": 3954, "IM": 3955, "\u0120brother": 3956, "\u0120growing": 3957, "\u0120ban": 3958, "\u0120estim": 3959, "\u0120cry": 3960, "\u0120School": 3961, "\u0120mechan": 3962, "\u0120OF": 3963, "\u0120Windows": 3964, "\u0120rates": 3965, "\u0120Oh": 3966, "\u0120positive": 3967, "\u0120culture": 3968, "istics": 3969, "ica": 3970, "\u0120har": 3971, "ya": 3972, "itely": 3973, "ipp": 3974, "\u0120map": 3975, "encies": 3976, "\u0120William": 3977, "II": 3978, "akers": 3979, "56": 3980, "\u0120Mart": 3981, "\u0120Rem": 3982, "\u0120altern": 3983, "itude": 3984, "\u0120coach": 3985, "rowd": 3986, "Don": 3987, "\u0120kids": 3988, "\u0120journal": 3989, "\u0120corpor": 3990, "\u0120false": 3991, "\u0120web": 3992, "\u0120sleep": 3993, "\u0120contain": 3994, "\u0120sto": 3995, "\u0120bed": 3996, "iverse": 3997, "\u0120Rich": 3998, "\u0120Chinese": 3999, "\u0120pun": 4000, "\u0120meant": 4001, "known": 4002, "\u0120notice": 4003, "\u0120favorite": 4004, "aven": 4005, "\u0120condition": 4006, "\u0120purpose": 4007, "))": 4008, "\u0120organization": 4009, "\u0120challeng": 4010, "\u0120manufact": 4011, "\u0120susp": 4012, "\u0120Ac": 4013, "\u0120critic": 4014, "unes": 4015, "uclear": 4016, "\u0120mer": 4017, "vention": 4018, "\u012080": 4019, "\u0120mist": 4020, "\u0120Us": 4021, "\u0120Tor": 4022, "http": 4023, "olf": 4024, "\u0120larger": 4025, "\u0120advant": 4026, "\u0120resear": 4027, "\u0120actions": 4028, "ml": 4029, "\u0120kept": 4030, "\u0120aim": 4031, ",'": 4032, "col": 4033, "\u0120benefits": 4034, "ifying": 4035, "\u0120actual": 4036, "\u0120International": 4037, "\u0120vehicle": 4038, "\u0120chief": 4039, "\u0120efforts": 4040, "\u0120League": 4041, "\u0120Most": 4042, "\u0120wait": 4043, "\u0120adult": 4044, "\u0120overall": 4045, "\u0120speech": 4046, "\u0120highly": 4047, "\u0120female": 4048, "\u0120error": 4049, "\u0120effective": 4050, "54": 4051, "\u0120encour": 4052, "well": 4053, "\u0120failed": 4054, "\u0120conserv": 4055, "\u0120programs": 4056, "\u0120trou": 4057, "\u0120ahead": 4058, "500": 4059, "vertisement": 4060, "IP": 4061, "\u0120Found": 4062, "pir": 4063, "\u0120%": 4064, "\u0120crime": 4065, "ander": 4066, "\u0120location": 4067, "\u0120Iran": 4068, "\u0120behavior": 4069, "azing": 4070, "\u0120rare": 4071, "\u0120emb": 4072, "\u0120caused": 4073, "\u0120ship": 4074, "\u0120active": 4075, "\u0120contribut": 4076, "\u0120green": 4077, "\u0120acqu": 4078, "\u0120reflect": 4079, "venue": 4080, "\u0120firm": 4081, "\u0120birth": 4082, "].": 4083, "\u0120clearly": 4084, "\u0120emot": 4085, "\u0120agency": 4086, "riage": 4087, "\u0120memory": 4088, "98": 4089, "SA": 4090, "\u0120See": 4091, "acing": 4092, "CC": 4093, "\u0120biggest": 4094, "\u0120rap": 4095, "\u0120basic": 4096, "\u0120band": 4097, "eat": 4098, "\u0120suspect": 4099, "\u0120Mac": 4100, "\u012090": 4101, "mark": 4102, "istan": 4103, "\u0120spread": 4104, "ams": 4105, "ki": 4106, "asy": 4107, "rav": 4108, "\u0120Rober": 4109, "\u0120demonstr": 4110, "rated": 4111, "\u0120absolute": 4112, "\u0120places": 4113, "\u0120impl": 4114, "ibrary": 4115, "\u0120cards": 4116, "\u0120destroy": 4117, "\u0120virt": 4118, "vere": 4119, "\u0120appeared": 4120, "yan": 4121, "point": 4122, "\u0120beg": 4123, "\u0120temper": 4124, "spe": 4125, "anted": 4126, "ears": 4127, "\u0120Direct": 4128, "\u0120length": 4129, "\u0120blog": 4130, "amb": 4131, "\u0120integ": 4132, "\u0120resources": 4133, "acc": 4134, "iful": 4135, "\u0120spot": 4136, "\u0120forced": 4137, "\u0120thousands": 4138, "\u0120Minister": 4139, "\u0120qual": 4140, "\u0120French": 4141, "atically": 4142, "\u0120generally": 4143, "\u0120drink": 4144, "\u0120thus": 4145, "IL": 4146, "odes": 4147, "\u0120appropri": 4148, "\u0120Read": 4149, "\u0120whom": 4150, "\u0120eye": 4151, "\u0120college": 4152, "\u012045": 4153, "irection": 4154, "\u0120ensure": 4155, "\u0120apparent": 4156, "iders": 4157, "\u0120religious": 4158, "\u0120minor": 4159, "olic": 4160, "\u0120tro": 4161, "\u0120Why": 4162, "ribute": 4163, "met": 4164, "\u0120primary": 4165, "\u0120developed": 4166, "\u0120peace": 4167, "\u0120skin": 4168, "ste": 4169, "ava": 4170, "\u0120blue": 4171, "\u0120families": 4172, "\u0120ir": 4173, "\u0120apply": 4174, "\u0120inform": 4175, "\u0120Smith": 4176, "CT": 4177, "ii": 4178, "\u0120limit": 4179, "\u0120resist": 4180, "................": 4181, "umn": 4182, "\u0120conflic": 4183, "\u0120twe": 4184, "udd": 4185, "\u0120Tom": 4186, "\u0120liter": 4187, "que": 4188, "bon": 4189, "\u0120hair": 4190, "\u0120eventually": 4191, "\u0120pus": 4192, "\u0120helped": 4193, "\u0120agg": 4194, "orney": 4195, "\u0120Apple": 4196, "\u0120fit": 4197, "\u0120Sur": 4198, "\u0120prem": 4199, "\u0120sales": 4200, "\u0120seconds": 4201, "\u0120strength": 4202, "\u0120feeling": 4203, "\u00bf\u00bd": 4204, "\u0120tour": 4205, "\u0120knows": 4206, "oom": 4207, "\u0120exerc": 4208, "\u0120somew": 4209, "\u00ef\u00bf\u00bd": 4210, ">>": 4211, "\u0120spokes": 4212, "\u0120ideas": 4213, "\u0120regist": 4214, "soft": 4215, "\u0120Del": 4216, "\u0120PC": 4217, "\u0120propos": 4218, "\u0120launch": 4219, "\u0120bottom": 4220, "TH": 4221, "\u0120Please": 4222, "vest": 4223, "itz": 4224, "\u0120Inter": 4225, "\u0120script": 4226, "\u0120rat": 4227, "arning": 4228, "\u0120il": 4229, "\u0120Jer": 4230, "\u0120Are": 4231, "\u0120whatever": 4232, "oken": 4233, "cience": 4234, "\u0120mode": 4235, "\u0120agree": 4236, "\u0120sources": 4237, "\u0120initial": 4238, "\u0120restrict": 4239, "\u0120wonder": 4240, "usion": 4241, "####": 4242, "\u0120Sil": 4243, "ville": 4244, "\u0120burn": 4245, "tw": 4246, "asion": 4247, "\u0120\u00c2\u00a3": 4248, "\u0120nor": 4249, "uing": 4250, "\u0120reached": 4251, "\u0120sun": 4252, "\u0120categ": 4253, "igration": 4254, "\u0120cook": 4255, "\u0120promot": 4256, "\u0120male": 4257, "\u0120climate": 4258, "\u0120fix": 4259, "\u0120alleged": 4260, "UR": 4261, "alled": 4262, "\u0120images": 4263, "Cont": 4264, "ota": 4265, "\u0120schools": 4266, "ios": 4267, "\u0120drop": 4268, "\u0120stream": 4269, "\u0120Mo": 4270, "\u0120previously": 4271, "aling": 4272, "\u0120pet": 4273, "\u0120double": 4274, "\u0120(@": 4275, "annel": 4276, "\u0120default": 4277, "ties": 4278, "\u0120rank": 4279, "\u0120Dec": 4280, "\u0120Council": 4281, "\u0120weapon": 4282, "\u0120stock": 4283, "\u0120analy": 4284, "\u0120Str": 4285, "\u0120picture": 4286, "\u0120Police": 4287, "ference": 4288, "\u0120century": 4289, "\u0120citizens": 4290, "\u0120onto": 4291, "\u0120expand": 4292, "\u0120hero": 4293, "\u0120Sol": 4294, "\u0120wild": 4295, "\u0120update": 4296, "\u0120customers": 4297, "ront": 4298, "def": 4299, "\u0120lik": 4300, "\u0120criminal": 4301, "\u0120Christian": 4302, "SP": 4303, "76": 4304, "\u0120leaving": 4305, "\u0120otherwise": 4306, "\u0120Dist": 4307, "\u0120basis": 4308, "52": 4309, "53": 4310, "icip": 4311, "\u0120Ber": 4312, "\u0120recommend": 4313, "\u0120floor": 4314, "\u0120crowd": 4315, "oles": 4316, "\u012070": 4317, "\u0120central": 4318, "\u0120Ev": 4319, "\u0120dream": 4320, "\u0120download": 4321, "\u0120confir": 4322, "\u0120Thom": 4323, "\u0120window": 4324, "\u0120happens": 4325, "\u0120unit": 4326, "\u0120tend": 4327, "\u0120spl": 4328, "\u0120becomes": 4329, "\u0120fighting": 4330, "\u0120predict": 4331, "\u0120Press": 4332, "\u0120Power": 4333, "\u0120heavy": 4334, "aked": 4335, "\u0120fan": 4336, "orter": 4337, "ategy": 4338, "BA": 4339, "izes": 4340, "\u0120spend": 4341, "Here": 4342, "\u01202007": 4343, "\u0120adop": 4344, "\u0120Ham": 4345, "\u0120football": 4346, "\u0120Port": 4347, "oday": 4348, "51": 4349, "ampions": 4350, "\u0120transfer": 4351, "ht": 4352, "\u012038": 4353, "term": 4354, "acity": 4355, "\u0120bur": 4356, "],": 4357, "ternal": 4358, "rig": 4359, "but": 4360, "\u0120therefore": 4361, "\u0120Because": 4362, "resp": 4363, "rey": 4364, "\u0120mission": 4365, "Some": 4366, "\u0120noted": 4367, "\u0120assum": 4368, "\u0120disease": 4369, "\u0120edit": 4370, "\u0120progress": 4371, "rd": 4372, "\u0120Brown": 4373, "ocal": 4374, "\u0120adding": 4375, "\u0120raised": 4376, "\u0120Any": 4377, "\u0120tick": 4378, "\u0120seeing": 4379, "\u0120People": 4380, "\u0120agreement": 4381, "\u0120server": 4382, "\u0120wat": 4383, "\u0120debate": 4384, "\u0120supposed": 4385, "iling": 4386, "\u0120largest": 4387, "\u0120successful": 4388, "\u0120Pri": 4389, "\u0120Democratic": 4390, "\u0120jump": 4391, "\u0120Syria": 4392, "\u0120owners": 4393, "\u0120offers": 4394, "\u0120shooting": 4395, "\u0120effic": 4396, "sey": 4397, "\u0120haven": 4398, "verse": 4399, "tered": 4400, "\u0120Light": 4401, "imal": 4402, "\u0120Big": 4403, "\u0120defend": 4404, "\u0120beat": 4405, "\u0120records": 4406, "%)": 4407, "\u0120scen": 4408, "\u0120employees": 4409, "\u0120devices": 4410, "hem": 4411, "\u0120commer": 4412, "\u0120Mex": 4413, "\u0120benefit": 4414, "\u0120Prof": 4415, "\u0120illeg": 4416, "\u0120surface": 4417, "\u0120Also": 4418, "\u0120harm": 4419, "ingly": 4420, "wide": 4421, "\u0120Alex": 4422, "\u0120shut": 4423, "\u0120Cur": 4424, "\u0120lose": 4425, "pm": 4426, "\u0120challenge": 4427, "semb": 4428, "\u0120station": 4429, "\u0120intelligence": 4430, "\u0120accur": 4431, "\u0120Flor": 4432, "\u0120requires": 4433, "\u0120Mal": 4434, "bum": 4435, "\u0120hospital": 4436, "\u0120spirit": 4437, "\u0120offered": 4438, "\u0120produce": 4439, "\u0120Commun": 4440, "\u0120creating": 4441, "\u0120cris": 4442, "spect": 4443, "\u0120ended": 4444, "\u0120daily": 4445, "\u0120voters": 4446, "lands": 4447, "ias": 4448, "ih": 4449, "ona": 4450, "\u0120smart": 4451, "\u0120Office": 4452, "\u0120Lord": 4453, "rial": 4454, "\u0120Internet": 4455, "\u0120circum": 4456, "\u0120extremely": 4457, "'.": 4458, "\u0120opinion": 4459, "\u0120Mil": 4460, "\u0120gain": 4461, "BS": 4462, "\u0120Fin": 4463, "yp": 4464, "\u0120useful": 4465, "\u0120budget": 4466, "\u0120comfort": 4467, "isf": 4468, "\u0120background": 4469, "eline": 4470, "\u0120episode": 4471, "\u0120enemy": 4472, "\u0120trial": 4473, "\u0120establish": 4474, "date": 4475, "\u0120Cap": 4476, "\u0120continues": 4477, "\u0120showing": 4478, "\u0120Union": 4479, "with": 4480, "\u0120posted": 4481, "\u0120System": 4482, "\u0120eat": 4483, "rian": 4484, "\u0120rise": 4485, "\u0120Germany": 4486, "ils": 4487, "\u0120signed": 4488, "\u0120vill": 4489, "\u0120grand": 4490, "mor": 4491, "\u0120England": 4492, "\u0120projects": 4493, "umber": 4494, "\u0120conference": 4495, "za": 4496, "\u0120responsible": 4497, "\u0120Arab": 4498, "\u0120learned": 4499, "\u00e2\u0122\u0136\u00e2\u0122\u0136": 4500, "ipping": 4501, "\u0120George": 4502, "OC": 4503, "\u0120returned": 4504, "\u0120Australia": 4505, "\u0120brief": 4506, "Qu": 4507, "\u0120brand": 4508, "illing": 4509, "abled": 4510, "\u0120highest": 4511, "\u0120train": 4512, "\u0120Commission": 4513, "while": 4514, "\u0120nom": 4515, "ception": 4516, "\u0120mut": 4517, "\u0120Blue": 4518, "\u0120incident": 4519, "vant": 4520, "86": 4521, "\u0120ID": 4522, "\u0120nuclear": 4523, "74": 4524, "\u0120Like": 4525, "\u0120RE": 4526, "\u0120Micro": 4527, "li": 4528, "mail": 4529, "\u0120charges": 4530, "89": 4531, "\u0120adjust": 4532, "ado": 4533, "\u0120earth": 4534, "NA": 4535, "\u0120prices": 4536, "PA": 4537, "\u0120draft": 4538, "\u0120runs": 4539, "\u0120candidate": 4540, "enses": 4541, "\u0120management": 4542, "\u0120Phil": 4543, "\u0120Miss": 4544, "\u0120teach": 4545, "gram": 4546, "\u0120understanding": 4547, "ait": 4548, "icago": 4549, "Add": 4550, "\u0120Ep": 4551, "secut": 4552, "\u0120separate": 4553, "\u0120instance": 4554, "\u0120eth": 4555, "\u0120unless": 4556, "********": 4557, "\u0120Fore": 4558, "inate": 4559, "\u0120operations": 4560, "Sp": 4561, "\u0120faith": 4562, "gar": 4563, "\u0120Church": 4564, "ronic": 4565, "\u0120config": 4566, "osure": 4567, "\u0120activities": 4568, "\u0120traditional": 4569, "\u012036": 4570, "\u0120direction": 4571, "\u0120machine": 4572, "\u0120surround": 4573, "\u0120push": 4574, "unction": 4575, "\u0120EU": 4576, "\u0120easier": 4577, "\u0120argument": 4578, "GB": 4579, "\u0120micro": 4580, "\u0120spending": 4581, "izations": 4582, "\u0120theory": 4583, "adow": 4584, "\u0120calling": 4585, "\u0120Last": 4586, "\u0120der": 4587, "\u0120influence": 4588, "\u0120commit": 4589, "\u0120photo": 4590, "\u0120unc": 4591, "istry": 4592, "gn": 4593, "aste": 4594, "acks": 4595, "\u0120disp": 4596, "ady": 4597, "do": 4598, "\u0120Good": 4599, "\u0120`": 4600, "\u0120wish": 4601, "\u0120revealed": 4602, "\u00c2\u0142\u00c2\u0142": 4603, "lig": 4604, "\u0120enforce": 4605, "\u0120Committee": 4606, "\u0120chem": 4607, "\u0120miles": 4608, "\u0120interested": 4609, "\u0120solution": 4610, "icy": 4611, "inct": 4612, "\u0120->": 4613, "\u0120Det": 4614, "\u0120removed": 4615, "\u0120compar": 4616, "eah": 4617, "\u0120plant": 4618, "\u0120Since": 4619, "\u0120achieve": 4620, "\u0120advantage": 4621, "\u0120slightly": 4622, "bing": 4623, "\u0120placed": 4624, "under": 4625, "2015": 4626, "\u0120Mad": 4627, "\u0120tim": 4628, "oses": 4629, "\u0120cru": 4630, "\u0120Rock": 4631, "\u0120mostly": 4632, "\u0120negative": 4633, "\u0120setting": 4634, "\u0120produced": 4635, "\u0120mur": 4636, "\u0120connection": 4637, "\u0120Mer": 4638, "\u0120driver": 4639, "\u0120executive": 4640, "\u0120assault": 4641, "\u0120born": 4642, "\u0120Ver": 4643, "tained": 4644, "\u0120structure": 4645, "\u0120reduce": 4646, "\u0120decades": 4647, "\u0120ded": 4648, "uke": 4649, "\u0120Many": 4650, "idden": 4651, "\u0120league": 4652, "Se": 4653, "\u0120join": 4654, "\u0120disco": 4655, "\u0120die": 4656, "cks": 4657, "actions": 4658, "\u0120assess": 4659, "agn": 4660, "\u0120goals": 4661, "ours": 4662, "IR": 4663, "\u0120senior": 4664, "iller": 4665, "mod": 4666, "ipment": 4667, "ocol": 4668, "uy": 4669, "\u0120Que": 4670, "\u0120parties": 4671, "irgin": 4672, "\u0120learning": 4673, "itable": 4674, "\u0120street": 4675, "\u0120camera": 4676, "App": 4677, "\u0120skills": 4678, "bre": 4679, "cious": 4680, "\u0120celebr": 4681, "\u0120Franc": 4682, "\u0120existing": 4683, "\u0120willing": 4684, "lor": 4685, "\u0120id": 4686, "\u0120Space": 4687, "\u0120critical": 4688, "\u0120La": 4689, "ortunately": 4690, "\u0120serve": 4691, "\u0120cold": 4692, "\u0120species": 4693, "TS": 4694, "\u0120animals": 4695, "\u0120Bay": 4696, "\u0120older": 4697, "\u0120Under": 4698, "estic": 4699, "\u0120Tre": 4700, "\u0120teacher": 4701, "\u0120prefer": 4702, "vis": 4703, "\u0120thread": 4704, "\u0120Matt": 4705, "\u0120manager": 4706, "\u00e3\u0125\u00bb": 4707, "\u0120professional": 4708, "\u0120Vol": 4709, "\u0120notes": 4710, "These": 4711, "ula": 4712, "\u0120fresh": 4713, "ented": 4714, "uzz": 4715, "edy": 4716, "clusion": 4717, "\u0120Rel": 4718, "\u0120doubt": 4719, "EO": 4720, "\u0120opened": 4721, "\u0120Bit": 4722, "Advertisement": 4723, "\u0120guess": 4724, "\u0120UN": 4725, "\u0120sequ": 4726, "\u0120explain": 4727, "otten": 4728, "\u0120attract": 4729, "aks": 4730, "\u0120string": 4731, "\u0120context": 4732, "ossible": 4733, "\u0120Republicans": 4734, "\u0120solid": 4735, "\u0120cities": 4736, "\u0120asking": 4737, "\u0120random": 4738, "ups": 4739, "uries": 4740, "arant": 4741, "dden": 4742, "gl": 4743, "\u0120Florida": 4744, "\u0120depend": 4745, "\u0120Scott": 4746, "\u012033": 4747, "\u0120iT": 4748, "icon": 4749, "\u0120mentioned": 4750, "\u01202000": 4751, "\u0120claimed": 4752, "\u0120definitely": 4753, "ulf": 4754, "\u0120core": 4755, "\u0120opening": 4756, "\u0120Const": 4757, "which": 4758, "\u0120Tra": 4759, "AG": 4760, "72": 4761, "\u0120believed": 4762, "ada": 4763, "\u012048": 4764, "\u0120Security": 4765, "yright": 4766, "\u0120Pet": 4767, "\u0120Lou": 4768, "\u0120holding": 4769, "================": 4770, "\u0120ice": 4771, "\u0120brow": 4772, "\u0120authorities": 4773, "host": 4774, "word": 4775, "\u0120score": 4776, "\u0120Div": 4777, "\u0120cells": 4778, "\u0120transl": 4779, "\u0120neighbor": 4780, "\u0120remove": 4781, "uct": 4782, "\u0120district": 4783, "\u0120According": 4784, "\u0120worse": 4785, "\u0120concerns": 4786, "\u0120presidential": 4787, "\u0120policies": 4788, "\u0120Hall": 4789, "73": 4790, "\u0120hus": 4791, "AY": 4792, "\u01202006": 4793, "\u0120Jud": 4794, "\u0120independent": 4795, "\u0120Justice": 4796, "iliar": 4797, "print": 4798, "ighter": 4799, "\u0120protection": 4800, "zen": 4801, "\u0120sudden": 4802, "house": 4803, "\u0120Jes": 4804, "PR": 4805, "\u0120Inf": 4806, "\u0120bul": 4807, "\u0120_": 4808, "\u0120Service": 4809, "\u0120PR": 4810, "\u0120strategy": 4811, "ffect": 4812, "\u0120girls": 4813, "\u0120missing": 4814, "oyal": 4815, "\u0120Team": 4816, "ulated": 4817, "\u0120dat": 4818, "\u0120politics": 4819, "abor": 4820, "According": 4821, "\u0120spell": 4822, "\u0120graph": 4823, "orthern": 4824, "TC": 4825, "Ab": 4826, "\u0120labor": 4827, "isher": 4828, "\u0120kick": 4829, "\u0120iTunes": 4830, "\u0120steps": 4831, "poses": 4832, "\u0120smaller": 4833, "En": 4834, "bert": 4835, "\u0120roll": 4836, "\u0120researchers": 4837, "\u0120closed": 4838, "\u0120transport": 4839, "\u0120lawy": 4840, "________________": 4841, "\u0120Chicago": 4842, "\u0120aspect": 4843, "\u0120none": 4844, "\u0120marriage": 4845, "96": 4846, "\u0120elements": 4847, "\u0120Fre": 4848, "\u0120Sal": 4849, "\u0120dram": 4850, "FC": 4851, "top": 4852, "equ": 4853, "\u0120hearing": 4854, "\u0120supported": 4855, "\u0120testing": 4856, "cohol": 4857, "\u0120massive": 4858, "\u0120stick": 4859, "\u0120guard": 4860, "isco": 4861, "phone": 4862, "From": 4863, "However": 4864, "\u0120border": 4865, "\u0120copy": 4866, "ography": 4867, "list": 4868, "71": 4869, "\u0120owner": 4870, "class": 4871, "ruit": 4872, "rate": 4873, "\u0120Once": 4874, "\u0120digital": 4875, "\u0120task": 4876, "ERS": 4877, "\u0120incred": 4878, "tes": 4879, "++": 4880, "\u0120France": 4881, "\u0120breat": 4882, "owl": 4883, "\u0120issued": 4884, "\u0120Western": 4885, "\u0120detect": 4886, "\u0120partners": 4887, "\u0120shared": 4888, "\u0120Call": 4889, "\u0120cancer": 4890, "ache": 4891, "ribe": 4892, "\u0120explained": 4893, "\u0120heat": 4894, "{\"": 4895, "\u0120investment": 4896, "\u0120Book": 4897, "\u0120wood": 4898, "\u0120tools": 4899, "\u0120Although": 4900, "\u0120belief": 4901, "\u0120crisis": 4902, "\u0120ge": 4903, "\u0120MP": 4904, "\u0120operation": 4905, "type": 4906, "~~": 4907, "ga": 4908, "\u0120contains": 4909, "anta": 4910, "\u0120express": 4911, "\u0120Group": 4912, "\u0120Journal": 4913, "ka": 4914, "\u0120amb": 4915, "\u0120USA": 4916, "\u0120finding": 4917, "\u0120funding": 4918, "how": 4919, "\u0120established": 4920, "ideos": 4921, "\u0120degree": 4922, "\u0120dangerous": 4923, "anging": 4924, "\u0120freedom": 4925, "pport": 4926, "outhern": 4927, "\u0120church": 4928, "\u0120catch": 4929, "\u0120Two": 4930, "\u0120presence": 4931, "\u0120Guard": 4932, "Up": 4933, "\u0120authority": 4934, "\u0120Project": 4935, "\u0120button": 4936, "\u0120consequ": 4937, "\u0120valid": 4938, "\u0120weak": 4939, "\u0120starts": 4940, "\u0120reference": 4941, "\u0120Mem": 4942, "\")": 4943, "UN": 4944, "orage": 4945, "\u0120Open": 4946, "\u0120collection": 4947, "ym": 4948, "gency": 4949, "\u0120beautiful": 4950, "ros": 4951, "\u0120tells": 4952, "\u0120waiting": 4953, "nel": 4954, "\u0120providing": 4955, "\u0120Democrats": 4956, "\u0120daughter": 4957, "\u0120master": 4958, "\u0120purposes": 4959, "\u0120Japanese": 4960, "\u0120equal": 4961, "\u0120turns": 4962, "\u0120documents": 4963, "\u0120watching": 4964, "Res": 4965, "\u0120ran": 4966, "2014": 4967, "\u0120reject": 4968, "\u0120Korea": 4969, "\u0120victims": 4970, "Level": 4971, "erences": 4972, "\u0120witness": 4973, "\u012034": 4974, "\u0120reform": 4975, "coming": 4976, "\u0120occup": 4977, "\u0120caught": 4978, "\u0120traffic": 4979, "ading": 4980, "\u0120models": 4981, "ario": 4982, "\u0120served": 4983, "\u0120batter": 4984, "uate": 4985, "\u0120Secretary": 4986, "\u0120agreed": 4987, "\u0120truly": 4988, "ynam": 4989, "\u0120Ret": 4990, "\u0120units": 4991, "\u0120Research": 4992, "hand": 4993, "azine": 4994, "\u0120Mike": 4995, "\u0120variety": 4996, "otal": 4997, "\u0120amazing": 4998, "\u0120confirmed": 4999, "\u0120entirely": 5000, "\u0120purchase": 5001, "\u0120element": 5002, "\u0120cash": 5003, "\u0120determine": 5004, "De": 5005, "\u0120cars": 5006, "\u0120Wall": 5007, "\u00e2\u0138": 5008, "\u0120views": 5009, "\u0120drugs": 5010, "\u0120department": 5011, "\u0120Step": 5012, "uit": 5013, "\u012039": 5014, "asure": 5015, "\u0120Class": 5016, "\u0120covered": 5017, "\u0120Bank": 5018, "\u0120mere": 5019, "uana": 5020, "\u0120multi": 5021, "\u0120mix": 5022, "\u0120unlike": 5023, "levision": 5024, "\u0120stopped": 5025, "\u0120sem": 5026, "\u0120Gal": 5027, "ules": 5028, "\u0120wel": 5029, "\u0120Johnson": 5030, "la": 5031, "\u0120skill": 5032, "\u0120becoming": 5033, "rie": 5034, "\u0120appropriate": 5035, "fe": 5036, "ellow": 5037, "\u0120Prot": 5038, "ulate": 5039, "ocation": 5040, "\u0120weekend": 5041, "odies": 5042, "\u0120sites": 5043, "\u0120animal": 5044, "\u0120Tim": 5045, "\u0120scale": 5046, "\u0120charged": 5047, "\u0120instruct": 5048, "illa": 5049, "\u0120methods": 5050, "\u0120cert": 5051, "\u0120judge": 5052, "\u0120Hel": 5053, "\u0120dollars": 5054, "\u0120standing": 5055, "\u0120Squ": 5056, "\u0120debt": 5057, "liam": 5058, "\u0120driving": 5059, "\u0120Sum": 5060, "\u0120Edition": 5061, "\u0120album": 5062, "andon": 5063, "IF": 5064, "\u0120Uk": 5065, "63": 5066, "ader": 5067, "\u0120commercial": 5068, "esh": 5069, "\u0120Government": 5070, "\u0120discovered": 5071, "\u0120output": 5072, "\u0120Hillary": 5073, "\u0120Carol": 5074, "\u01202005": 5075, "\u0120abuse": 5076, "ancing": 5077, "\u0120switch": 5078, "\u0120annual": 5079, "Tw": 5080, "\u0120stated": 5081, "agement": 5082, "inner": 5083, "\u0120democr": 5084, "\u0120residents": 5085, "\u0120allowing": 5086, "\u0120factors": 5087, "odd": 5088, "\u0120fuck": 5089, "emies": 5090, "\u0120occurred": 5091, "oti": 5092, "\u0120north": 5093, "\u0120Public": 5094, "\u0120injury": 5095, "\u0120insurance": 5096, "CL": 5097, "olly": 5098, "\u00e3\u0122": 5099, "\u0120repeated": 5100, "\u0120arms": 5101, "anged": 5102, "\u0120construction": 5103, "\u0120fle": 5104, "PU": 5105, "icians": 5106, "\u0120forms": 5107, "\u0120McC": 5108, "antic": 5109, "\u0120mental": 5110, "pire": 5111, "\u0120equipment": 5112, "\u0120fant": 5113, "\u0120discussion": 5114, "\u0120regarding": 5115, "kin": 5116, "arp": 5117, "\u0120chair": 5118, "ogue": 5119, "\u0120proceed": 5120, "\u0120Id": 5121, "Our": 5122, "\u0120murder": 5123, "Man": 5124, "\u012049": 5125, "asp": 5126, "\u0120supply": 5127, "\u0120input": 5128, "\u0120wealth": 5129, "liament": 5130, "\u0120proced": 5131, "orial": 5132, "\u0120Stat": 5133, "\u0120NFL": 5134, "hens": 5135, "\u0120Institute": 5136, "\u0120putting": 5137, "ournament": 5138, "etic": 5139, "\u0120located": 5140, "\u0120kid": 5141, "eria": 5142, "run": 5143, "\u0120princ": 5144, "\u0120!": 5145, "going": 5146, "\u0120Bet": 5147, "\u0120clot": 5148, "\u0120telling": 5149, "\u0120proposed": 5150, "iot": 5151, "orry": 5152, "\u0120funds": 5153, "gment": 5154, "\u0120Life": 5155, "\u0120baby": 5156, "\u0120Back": 5157, "\u0120spoke": 5158, "Image": 5159, "\u0120earn": 5160, "\u0120AT": 5161, "gu": 5162, "\u0120exchange": 5163, "\u0120Lin": 5164, "oving": 5165, "\u0120pair": 5166, "More": 5167, "azon": 5168, "\u0120arrested": 5169, "\u0120killing": 5170, "can": 5171, "\u0120Card": 5172, "yd": 5173, "\u0120identified": 5174, "\u0120mobile": 5175, "\u0120thanks": 5176, "onym": 5177, "\u0120Form": 5178, "\u0120hundreds": 5179, "\u0120Chris": 5180, "\u0120Cat": 5181, "\u0120trend": 5182, "hat": 5183, "\u0120Av": 5184, "oman": 5185, "\u0120electric": 5186, "\u0120Wil": 5187, "SE": 5188, "Of": 5189, "\u0120restaur": 5190, "oted": 5191, "\u0120trig": 5192, "\u0120nine": 5193, "\u0120bomb": 5194, "Why": 5195, "\u00c2\u00af": 5196, "\u0120coverage": 5197, "\u0120appeal": 5198, "\u0120Robert": 5199, "\u0120Sup": 5200, "\u0120finished": 5201, "\u0120flow": 5202, "\u0120deliver": 5203, "\u0120calcul": 5204, "\u0120photos": 5205, "\u0120phil": 5206, "\u0120pieces": 5207, "\u0120appre": 5208, "kes": 5209, "\u0120rough": 5210, "Do": 5211, "\u0120partner": 5212, "\u0120concerned": 5213, "\u012037": 5214, "\u0120Gen": 5215, "Col": 5216, "ctors": 5217, "\u0120=>": 5218, "state": 5219, "\u0120suggested": 5220, "\u0120Force": 5221, "CE": 5222, "\u0120herself": 5223, "\u0120Plan": 5224, "works": 5225, "ooth": 5226, "rency": 5227, "\u0120corner": 5228, "\u0120husband": 5229, "\u0120internet": 5230, "\u0120Aut": 5231, "ems": 5232, "osen": 5233, "\u0120Atl": 5234, "gen": 5235, "\u0120balance": 5236, "62": 5237, "\u0120sounds": 5238, "text": 5239, "\u0120arr": 5240, "oves": 5241, "\u0120millions": 5242, "\u0120radio": 5243, "\u0120satisf": 5244, "\u0120Dam": 5245, "Mr": 5246, "Go": 5247, "Spe": 5248, "\u0120combat": 5249, "rant": 5250, "\u0120Gree": 5251, "\u0120fuel": 5252, "\u0120distance": 5253, "\u0120tests": 5254, "\u0120decre": 5255, "\u0120Er": 5256, "\u0120managed": 5257, "DS": 5258, "\u0120tit": 5259, "\u0120measures": 5260, "\u0120Liber": 5261, "\u0120attend": 5262, "ashed": 5263, "\u0120Jose": 5264, "\u0120Night": 5265, "dit": 5266, "\u0120Nov": 5267, "\u0120End": 5268, "outs": 5269, "\u0120generation": 5270, "\u0120advoc": 5271, "yth": 5272, "\u0120conversation": 5273, "\u0120Sky": 5274, "active": 5275, "cel": 5276, "rier": 5277, "\u0120Frank": 5278, "\u0120gender": 5279, "\u0120concent": 5280, "\u0120carried": 5281, "anda": 5282, "\u0120Virgin": 5283, "\u0120arrived": 5284, "icide": 5285, "aded": 5286, "\u0120failure": 5287, "\u0120minimum": 5288, "lets": 5289, "\u0120worst": 5290, "\u0120keeping": 5291, "\u0120intended": 5292, "\u0120illegal": 5293, "\u0120subsc": 5294, "\u0120determined": 5295, "\u0120trip": 5296, "Yes": 5297, "\u0120raise": 5298, "\u0120~": 5299, "\u0120feels": 5300, "\u0120package": 5301, "\u0120Jo": 5302, "hi": 5303, "2016": 5304, "real": 5305, "\u0120fra": 5306, "\u0120symb": 5307, "Me": 5308, "ucky": 5309, "pret": 5310, "\u0120Kh": 5311, "\u0120Edit": 5312, "\u0120Web": 5313, "emic": 5314, "\u0120Color": 5315, "\u0120justice": 5316, "Int": 5317, "\u0120farm": 5318, "cknow": 5319, "\">": 5320, "eless": 5321, "\u0120reduced": 5322, "\u0120500": 5323, "xx": 5324, "\u0120Rad": 5325, "\u0120Wood": 5326, "\u0120clin": 5327, "\u0120hyp": 5328, "iler": 5329, "ura": 5330, "kins": 5331, "85": 5332, "61": 5333, "\u0120Their": 5334, "\u0120Mary": 5335, "\u0120san": 5336, "\u0120novel": 5337, "\u0120Who": 5338, "\u0120capacity": 5339, "\u0120impossible": 5340, "\u0120plays": 5341, "\u0120minister": 5342, "ijuana": 5343, "icate": 5344, "\u0120Set": 5345, "\u0120fram": 5346, "\u0120ing": 5347, "\u0120communities": 5348, "\u0120FBI": 5349, "ita": 5350, "\u0120bon": 5351, "\u0120strateg": 5352, "\u0120interests": 5353, "lock": 5354, "gers": 5355, "mas": 5356, "\u0120AND": 5357, "\u0120conflict": 5358, "\u0120requirements": 5359, "\u0120sac": 5360, "\u0120operating": 5361, "ini": 5362, "related": 5363, "\u0120committed": 5364, "\u0120relatively": 5365, "\u0120south": 5366, "\u00c2\u00af\u00c2\u00af": 5367, "\u0120afford": 5368, "\u0120identity": 5369, "\u0120decisions": 5370, "\u0120accused": 5371, "place": 5372, "\u0120victory": 5373, "och": 5374, "iat": 5375, "Name": 5376, "Com": 5377, "tion": 5378, "eds": 5379, "\u0120seek": 5380, "\u0120tight": 5381, "\u0120Images": 5382, "\u0120initi": 5383, "\u0120humans": 5384, "\u0120familiar": 5385, "\u0120audience": 5386, "\u0120internal": 5387, "venture": 5388, "\u0120sides": 5389, "\u0120TO": 5390, "\u0120dim": 5391, "\u0120conclud": 5392, "\u0120appoint": 5393, "\u0120enforcement": 5394, "\u0120Jim": 5395, "\u0120Association": 5396, "\u0120circumst": 5397, "\u0120Canadian": 5398, "\u0120joined": 5399, "\u0120differences": 5400, "\u0120Los": 5401, "\u0120protest": 5402, "\u0120twice": 5403, "win": 5404, "\u0120glass": 5405, "arsh": 5406, "\u0120Army": 5407, "\u0120expression": 5408, "\u0120decide": 5409, "\u0120planning": 5410, "ania": 5411, "\u0120handle": 5412, "\u0120Microsoft": 5413, "\u0120Nor": 5414, "\u0120maximum": 5415, "\u0120Rev": 5416, "\u0120sea": 5417, "\u0120eval": 5418, "\u0120helps": 5419, "ref": 5420, "\u0120bound": 5421, "\u0120mouth": 5422, "\u0120standards": 5423, "\u0120clim": 5424, "\u0120Camp": 5425, "\u0120Fox": 5426, "cles": 5427, "\u0120army": 5428, "\u0120Techn": 5429, "acking": 5430, "xy": 5431, "SS": 5432, "\u012042": 5433, "\u0120bug": 5434, "\u0120Ukrain": 5435, "\u0120Max": 5436, "\u0120Jones": 5437, "\u0120Show": 5438, "lo": 5439, "\u0120planet": 5440, "\u012075": 5441, "\u0120winning": 5442, "\u0120faster": 5443, "\u0120spect": 5444, "\u0120broken": 5445, "TR": 5446, "\u0120defined": 5447, "\u0120healthy": 5448, "\u0120competition": 5449, "https": 5450, "\u0120Island": 5451, "\u0120Fe": 5452, "\u0120announce": 5453, "\u0120Cup": 5454, "\u0120Instead": 5455, "\u0120client": 5456, "\u0120possibly": 5457, "section": 5458, "ocket": 5459, "look": 5460, "\u0120finish": 5461, "\u0120crew": 5462, "\u0120reserv": 5463, "\u0120editor": 5464, "\u0120hate": 5465, "\u0120sale": 5466, "\u0120controvers": 5467, "\u0120pages": 5468, "wing": 5469, "\u0120numer": 5470, "\u0120opposition": 5471, "\u01202004": 5472, "\u0120refuge": 5473, "\u0120flight": 5474, "\u0120apart": 5475, "\u0120Lat": 5476, "Americ": 5477, "\u0120Africa": 5478, "\u0120applications": 5479, "\u0120Palest": 5480, "\u0120Bur": 5481, "\u0120gar": 5482, "\u0120Social": 5483, "\u0120upgr": 5484, "\u0120shape": 5485, "\u0120speaking": 5486, "ansion": 5487, "ao": 5488, "\u0120Sn": 5489, "\u0120worry": 5490, "\u0120Britain": 5491, "Please": 5492, "roud": 5493, "\u0120hun": 5494, "\u0120introduced": 5495, "\u0120diet": 5496, "Ind": 5497, "\u0120Second": 5498, "\u0120functions": 5499, "uts": 5500, "\u0120Each": 5501, "\u0120Jeff": 5502, "\u0120stress": 5503, "\u0120accounts": 5504, "\u0120guarant": 5505, "\u0120Ann": 5506, "edia": 5507, "\u0120honest": 5508, "\u0120tree": 5509, "\u0120African": 5510, "\u0120Bush": 5511, "},": 5512, "\u0120sch": 5513, "\u0120Only": 5514, "\u0120fif": 5515, "igan": 5516, "\u0120exercise": 5517, "\u0120Exp": 5518, "\u0120scientists": 5519, "\u0120legislation": 5520, "\u0120Work": 5521, "\u0120Spr": 5522, "\u00c3\u0124": 5523, "\u0120Human": 5524, "\u0120\u00e8": 5525, "\u0120survey": 5526, "\u0120rich": 5527, "rip": 5528, "\u0120maintain": 5529, "\u0120flo": 5530, "\u0120leadership": 5531, "stream": 5532, "\u0120Islamic": 5533, "\u012001": 5534, "\u0120College": 5535, "\u0120magic": 5536, "\u0120Prime": 5537, "\u0120figures": 5538, "2017": 5539, "inder": 5540, "xual": 5541, "\u0120Dead": 5542, "\u0120absolutely": 5543, "\u0120fourth": 5544, "\u0120presented": 5545, "respond": 5546, "rible": 5547, "\u0120alcohol": 5548, "ato": 5549, "\u0120DE": 5550, "porary": 5551, "\u0120grab": 5552, "\u0120vari": 5553, "\u0120quant": 5554, "\u0120Photo": 5555, "\u0120plus": 5556, "rick": 5557, "arks": 5558, "\u0120alternative": 5559, "\u0120pil": 5560, "\u0120approx": 5561, "that": 5562, "\u0120objects": 5563, "\u0120Ro": 5564, "\u0120Android": 5565, "\u0120significantly": 5566, "\u0120Road": 5567, "kay": 5568, "Read": 5569, "avor": 5570, "\u0120acknow": 5571, "\u0120HD": 5572, "\u0120Sing": 5573, "Or": 5574, "\u0120Mont": 5575, "\u0120uns": 5576, "prof": 5577, "\u0120negoti": 5578, "\u0120Arch": 5579, "iki": 5580, "\u0120television": 5581, "\u0120Jewish": 5582, "\u0120committee": 5583, "\u0120motor": 5584, "\u0120appearance": 5585, "\u0120sitting": 5586, "\u0120strike": 5587, "\u0120Down": 5588, "comp": 5589, "\u0120Hist": 5590, "\u0120fold": 5591, "acement": 5592, "\u0120Louis": 5593, "\u0120belong": 5594, "\u0120\u00e2\u0122\u00a2": 5595, "\u0120mort": 5596, "\u0120prepared": 5597, "\u012064": 5598, "\u0120Master": 5599, "\u0120indeed": 5600, "\u0120Den": 5601, "\u0120rent": 5602, "TA": 5603, "ourney": 5604, "arc": 5605, "Su": 5606, "97": 5607, "\u0120advice": 5608, "\u0120changing": 5609, "\u0120listed": 5610, "\u0120launched": 5611, "isation": 5612, "\u0120Peter": 5613, "ishes": 5614, "\u0120lived": 5615, "\u0120Mel": 5616, "\u0120Supreme": 5617, "\u0120Federal": 5618, "\u0120);": 5619, "ructure": 5620, "\u0120sets": 5621, "\u0120philos": 5622, "uous": 5623, "\u0120\u00c2\u0142": 5624, "\u0120applied": 5625, "\u0120NOT": 5626, "\u0120housing": 5627, "\u0120Mount": 5628, "\u0120odd": 5629, "\u0120sust": 5630, "DA": 5631, "fficient": 5632, "\u0120?": 5633, "olved": 5634, "\u0120powers": 5635, "\u0120thr": 5636, "\u0120remaining": 5637, "\u0120Water": 5638, "LC": 5639, "\u0120causes": 5640, "\u00e3\u0123\u00ae": 5641, "\u0120manner": 5642, "ads": 5643, "\u0120suggests": 5644, "\u0120ends": 5645, "standing": 5646, "fig": 5647, "\u0120Dun": 5648, "idth": 5649, "\u0120gay": 5650, "\u0120termin": 5651, "\u0120Angeles": 5652, "MS": 5653, "\u0120scientific": 5654, "\u0120coal": 5655, "apers": 5656, "bar": 5657, "\u0120Thomas": 5658, "\u0120sym": 5659, "\u0120Run": 5660, "this": 5661, "PC": 5662, "igrants": 5663, "\u0120minute": 5664, "\u0120District": 5665, "cellent": 5666, "\u0120leaves": 5667, "\u0120completed": 5668, "amin": 5669, "\u0120focused": 5670, "\u0120monitor": 5671, "\u0120vehicles": 5672, "MA": 5673, "\u0120Mass": 5674, "\u0120Grand": 5675, "\u0120affected": 5676, "itutional": 5677, "\u0120construct": 5678, "\u0120follows": 5679, "\u0120ton": 5680, "reens": 5681, "\u0120homes": 5682, "\u0120Ext": 5683, "\u0120Level": 5684, "rast": 5685, "\u0120Ir": 5686, "\u0120elim": 5687, "\u0120largely": 5688, "\u0120Joe": 5689, "\u0120votes": 5690, "alls": 5691, "\u0120businesses": 5692, "\u0120Foundation": 5693, "\u0120Central": 5694, "\u0120yards": 5695, "\u0120materials": 5696, "ulner": 5697, "\u0120guide": 5698, "\u0120closer": 5699, "ums": 5700, "\u0120sports": 5701, "eder": 5702, "Just": 5703, "\u0120taxes": 5704, "84": 5705, "\u0120Old": 5706, "\u0120decade": 5707, "ola": 5708, "\u0120vir": 5709, "\u0120dropped": 5710, "\u0120delay": 5711, "itect": 5712, "\u0120secure": 5713, "stein": 5714, "level": 5715, "\u0120treated": 5716, "\u0120filed": 5717, "aine": 5718, "\u0120van": 5719, "\u0120mir": 5720, "\u0120column": 5721, "icted": 5722, "eper": 5723, "\u0120rot": 5724, "\u0120consult": 5725, "\u0120entry": 5726, "\u0120marijuana": 5727, "\u0120Dou": 5728, "\u0120apparently": 5729, "oking": 5730, "clusive": 5731, "\u0120increases": 5732, "ano": 5733, "\u0120specifically": 5734, "\u0120tele": 5735, "ensions": 5736, "\u0120religion": 5737, "abilities": 5738, "\u0120frame": 5739, "\u0120Note": 5740, "\u0120Lee": 5741, "\u0120helping": 5742, "\u0120edge": 5743, "oston": 5744, "\u0120organizations": 5745, "\u00c3\u0125": 5746, "\u0120Both": 5747, "hips": 5748, "\u0120bigger": 5749, "\u0120boost": 5750, "\u0120Stand": 5751, "\u0120row": 5752, "uls": 5753, "abase": 5754, "\u0120rid": 5755, "Let": 5756, "aren": 5757, "rave": 5758, "\u0120stret": 5759, "PD": 5760, "\u0120vision": 5761, "\u0120wearing": 5762, "\u0120appreci": 5763, "\u0120award": 5764, "\u0120Use": 5765, "\u0120factor": 5766, "war": 5767, "ulations": 5768, ")(": 5769, "\u0120god": 5770, "\u0120territ": 5771, "\u0120param": 5772, "asts": 5773, "87": 5774, "\u0120enemies": 5775, "\u0120Games": 5776, "FF": 5777, "\u0120accident": 5778, "Well": 5779, "\u0120Martin": 5780, "TER": 5781, "\u0120ath": 5782, "\u0120Hell": 5783, "\u0120forg": 5784, "\u0120veter": 5785, "\u0120Medic": 5786, "free": 5787, "\u0120stars": 5788, "\u0120expensive": 5789, "\u0120acad": 5790, "rawn": 5791, "\u0120Whe": 5792, "\u0120lock": 5793, "\u0120format": 5794, "\u0120soldiers": 5795, "sm": 5796, "\u0120agent": 5797, "\u0120responsibility": 5798, "ora": 5799, "\u0120Science": 5800, "\u0120rapid": 5801, "\u0120tough": 5802, "\u0120Jesus": 5803, "\u0120believes": 5804, "ML": 5805, "\u0120wear": 5806, "lete": 5807, "\u00c3\u0125\u00c3\u0124": 5808, "\u0120Dri": 5809, "\u0120commission": 5810, "\u0120Bob": 5811, "Oh": 5812, "aped": 5813, "\u0120warm": 5814, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 5815, "\u01202003": 5816, "ortion": 5817, "\u0120hasn": 5818, "uster": 5819, "\u0120univers": 5820, "\u0120Ill": 5821, "\u0120king": 5822, "ologies": 5823, "94": 5824, "\u0120Tem": 5825, "\u0120Mos": 5826, "\u0120patient": 5827, "\u0120Mexico": 5828, "cean": 5829, "\u0120Death": 5830, "\u0120Sanders": 5831, "you": 5832, "\u0120Cast": 5833, "\u0120Company": 5834, "pty": 5835, "\u0120happening": 5836, "FP": 5837, "\u0120Battle": 5838, "\u0120bought": 5839, "Am": 5840, "Mod": 5841, "Us": 5842, "uters": 5843, "\u0120Cre": 5844, "\u0120Those": 5845, "\u012044": 5846, "iser": 5847, "\u0120soul": 5848, "\u0120Top": 5849, "\u0120Harry": 5850, "\u0120Aw": 5851, "\u0120seat": 5852, "ffee": 5853, "\u0120revolution": 5854, "\u0120(\"": 5855, "\u0120During": 5856, "ette": 5857, "\u0120ring": 5858, "\u0120offensive": 5859, "\u0120returns": 5860, "\u0120videos": 5861, "\u0120discl": 5862, "\u0120famous": 5863, "enced": 5864, "\u0120Sign": 5865, "\u0120River": 5866, "\u0120300": 5867, "PM": 5868, "\u0120Bus": 5869, "\u0120CH": 5870, "\u0120candidates": 5871, "arden": 5872, "\u0120percentage": 5873, "\u0120visual": 5874, "\u0120thank": 5875, "\u0120trouble": 5876, "nergy": 5877, "\u01202001": 5878, "\u0120prove": 5879, "ashion": 5880, "\u0120enh": 5881, "\u0120Long": 5882, "UM": 5883, "\u0120connected": 5884, "\u0120possibility": 5885, "Over": 5886, "\u0120expert": 5887, "\u0120library": 5888, "arts": 5889, "\u0120Director": 5890, "\u0120fellow": 5891, "92": 5892, "irty": 5893, "\u0120dry": 5894, "\u0120signs": 5895, "\u0120Love": 5896, "\u0120quiet": 5897, "foot": 5898, "\u0120pure": 5899, "\u0120Hun": 5900, "\u0120filled": 5901, "phas": 5902, "\u0120Elect": 5903, "endment": 5904, "\u0120Expl": 5905, "\u0120unable": 5906, "ns": 5907, "mo": 5908, "\u0120vast": 5909, "obe": 5910, "\u0120identify": 5911, "apping": 5912, "\u0120Carolina": 5913, "gress": 5914, "\u0120prote": 5915, "\u0120fish": 5916, "\u0120circumstances": 5917, "razy": 5918, "\u0120Phot": 5919, "\u0120bodies": 5920, "\u0120Mur": 5921, "\u0120developing": 5922, "\u0120AR": 5923, "\u0120experienced": 5924, "\u0120substant": 5925, "\u0120Board": 5926, "esome": 5927, "\u0120domestic": 5928, "\u0120combined": 5929, "\u0120Put": 5930, "\u0120chemical": 5931, "\u0120Child": 5932, "\u0120pool": 5933, "\u0120Cy": 5934, "\u0120egg": 5935, "cons": 5936, "sters": 5937, "\u0120hurt": 5938, "\u0120markets": 5939, "\u0120conservative": 5940, "\u0120supporters": 5941, "\u0120agencies": 5942, "idel": 5943, "Ob": 5944, "urb": 5945, "\u012043": 5946, "\u0120Defense": 5947, "ye": 5948, "\u0120Ap": 5949, "dule": 5950, "\u0120temperature": 5951, "\u0120conducted": 5952, "\u0120Chief": 5953, "\u0120pulled": 5954, "\u0120fol": 5955, "Last": 5956, "onto": 5957, "osis": 5958, "VER": 5959, "Des": 5960, "\u0120Pan": 5961, "First": 5962, "\u0120advance": 5963, "\u0120license": 5964, "rors": 5965, "\u0120Jon": 5966, "\u0120imagine": 5967, "\u0120hell": 5968, "\u0120fixed": 5969, "\u0120incor": 5970, "osite": 5971, "\u0120Log": 5972, "icken": 5973, "]:": 5974, "\u0120surprise": 5975, "hab": 5976, "\u0120craft": 5977, "olt": 5978, "\u0120Jul": 5979, "\u0120dial": 5980, "\u0120relevant": 5981, "\u0120entered": 5982, "\u0120leads": 5983, "\u0120AD": 5984, "\u0120Clean": 5985, "\u0120pictures": 5986, "essor": 5987, "\u0120alt": 5988, "\u0120paying": 5989, "Per": 5990, "\u0120Market": 5991, "\u0120updates": 5992, "amily": 5993, "\u0120Type": 5994, "\u0120Home": 5995, "\u012055": 5996, "sembly": 5997, "rome": 5998, "83": 5999, "\u0120greatest": 6000, "\u0120height": 6001, "\u0120heav": 6002, "aints": 6003, "\u0120listen": 6004, "aser": 6005, "\u0120SH": 6006, "\u0120capable": 6007, "acle": 6008, "\u0120perspect": 6009, "inating": 6010, "\u0120offering": 6011, "rypt": 6012, "\u0120Develop": 6013, "abin": 6014, "rc": 6015, "\u0120bright": 6016, "alty": 6017, "arrow": 6018, "\u0120suppl": 6019, "inding": 6020, "acked": 6021, "gypt": 6022, "\u0120Another": 6023, "pg": 6024, "\u0120Virginia": 6025, "\u0120Lu": 6026, "\u0120planned": 6027, "\u0120pit": 6028, "\u0120sweet": 6029, "Type": 6030, "\u0120Di": 6031, "\u0120typically": 6032, "\u0120Francisco": 6033, "\u0120prospect": 6034, "\u0120Dan": 6035, "\u0120teen": 6036, "rees": 6037, "\u0120sched": 6038, "\u0120hol": 6039, "\u0120scr": 6040, "\u0120lots": 6041, "life": 6042, "\u0120newsp": 6043, "\u0120forget": 6044, "\u0120None": 6045, "\u0120Middle": 6046, "\u0120Ryan": 6047, "edd": 6048, "\u0120severe": 6049, "\u0120suit": 6050, "ller": 6051, "93": 6052, "\u0120correspond": 6053, "\u0120explos": 6054, "uations": 6055, "\u0120flag": 6056, "game": 6057, "rid": 6058, "\u0120prin": 6059, "\u0120Data": 6060, "\u0120deploy": 6061, "\u0120Enter": 6062, "suit": 6063, "ghan": 6064, "\u0120Men": 6065, "\u0120thoughts": 6066, "\u0120matters": 6067, "\u0120adapt": 6068, "\u0120Ari": 6069, "\u0120fill": 6070, "\u0120forth": 6071, "\u0120sam": 6072, "\u012041": 6073, "\u0120payment": 6074, "\u0120Hor": 6075, "\u0120spring": 6076, "duc": 6077, "\u0120losing": 6078, "\u0120bringing": 6079, "FO": 6080, "ala": 6081, "\u0120distribution": 6082, "hered": 6083, "bour": 6084, "\u0120Israeli": 6085, "oma": 6086, "\u0120combination": 6087, "\u0120plenty": 6088, "VE": 6089, "Can": 6090, "\u0120Haw": 6091, "\u0120perman": 6092, "\u0120Special": 6093, "\u0120tow": 6094, "\u0120seeking": 6095, "\u0120examples": 6096, "\u0120classes": 6097, "cr": 6098, "\u0120beer": 6099, "\u0120moves": 6100, "\u0120IP": 6101, "\u0120Kn": 6102, "\u0120panel": 6103, "Even": 6104, "\u0120properly": 6105, "\u0120ris": 6106, "\u0120plug": 6107, "\u0120estimated": 6108, "Every": 6109, "\u0120defensive": 6110, "agraph": 6111, "\u0120pregn": 6112, "\u0120instit": 6113, "\u0120Vict": 6114, "\u0120volume": 6115, "\u0120positions": 6116, "\u0120links": 6117, "\u0120Program": 6118, "\u0120Week": 6119, "agues": 6120, "\u0120transform": 6121, "ker": 6122, "\u0120CEO": 6123, "\u0120cas": 6124, "\u0120opponent": 6125, "\u0120tweet": 6126, "\u0120Code": 6127, "\u0120shop": 6128, "\u0120fly": 6129, "\u0120talks": 6130, "\u0120bag": 6131, "Phone": 6132, "\u0120aid": 6133, "\u0120plants": 6134, "\u012065": 6135, "\u0120attorney": 6136, "arters": 6137, "quest": 6138, "\u0120Magic": 6139, "\u0120begins": 6140, "\u0120myster": 6141, "\u0120environmental": 6142, "\u0120storage": 6143, "NN": 6144, "\u0120marg": 6145, "\u0120ske": 6146, "\u0120metal": 6147, "elly": 6148, "\u0120ordered": 6149, "\u0120remained": 6150, "\u0120loved": 6151, "\u0120prompt": 6152, "\u0120updated": 6153, "\u0120experts": 6154, "\u0120walking": 6155, "\u0120ancient": 6156, "\u0120performed": 6157, "ATE": 6158, "\u0120neither": 6159, "iency": 6160, "\u0120manufacture": 6161, "\u0120Pak": 6162, "\u0120selected": 6163, "\u0120mine": 6164, "\u0120ultimately": 6165, "\u0120explan": 6166, "\u0120label": 6167, "\u0120Services": 6168, "ributed": 6169, "Trump": 6170, "\u0120syn": 6171, "\u0120Ult": 6172, "SC": 6173, "\u0120meat": 6174, "\u0120giant": 6175, "\u0120Wars": 6176, "\u0120ON": 6177, "\u0120adm": 6178, "\u0120interpret": 6179, "\u0120evening": 6180, "\u0120evil": 6181, "\u0120Boston": 6182, "\u0120Wild": 6183, "\u0120\u00c3": 6184, "\u0120Bitcoin": 6185, "\u0120Amazon": 6186, "Dr": 6187, "\u0120Information": 6188, "\u0120obviously": 6189, "\u0120advanced": 6190, "Photo": 6191, "olar": 6192, "\u0120weather": 6193, "\u0120symbol": 6194, "\u0120sole": 6195, "\u0120potentially": 6196, "oster": 6197, "\u0120originally": 6198, "mun": 6199, "300": 6200, "aze": 6201, "essions": 6202, "\u0120deck": 6203, "\u0120stood": 6204, "\u0120youth": 6205, "\u0120Bern": 6206, "Rep": 6207, "\u0120Test": 6208, "\u0120basically": 6209, "otic": 6210, "\u0120involve": 6211, "olit": 6212, "lyn": 6213, "See": 6214, "\u0120aircraft": 6215, "\u0120confirm": 6216, "EW": 6217, "\u0120messages": 6218, "\u0120Richard": 6219, "\u0120kit": 6220, "\u0120prohib": 6221, "\u0120vulner": 6222, "isters": 6223, "\u0120existence": 6224, "\u0120turning": 6225, "\u0120SP": 6226, "\u0120desire": 6227, "\u0120flat": 6228, "\u0120ment": 6229, "season": 6230, "anges": 6231, "\u0120neighborhood": 6232, "\u0120Lake": 6233, "ATION": 6234, "\u0120pointed": 6235, "bur": 6236, "\u0120innov": 6237, "ucks": 6238, "UL": 6239, "\u0120professor": 6240, "\u0120expressed": 6241, "AB": 6242, "icious": 6243, "\u01202002": 6244, "\u0120Dev": 6245, "\u0120session": 6246, "\u0120bare": 6247, "sen": 6248, "\u0120diss": 6249, "\u0120Cath": 6250, "\u0120Pass": 6251, "\u0120Point": 6252, "\u0120doctor": 6253, "orrow": 6254, "ailed": 6255, "\u0120Rub": 6256, "\u0120DC": 6257, "\u0120Charl": 6258, "person": 6259, "\u0120writer": 6260, "ighters": 6261, "ureau": 6262, "\u0120oblig": 6263, "\u0120recorded": 6264, "\u0120broke": 6265, "\u0120orders": 6266, "ilty": 6267, "\u0120motion": 6268, "inity": 6269, "law": 6270, "adium": 6271, "\u0120immigration": 6272, "\u0120contrast": 6273, "\u0120batt": 6274, "\u0120excellent": 6275, "\u0120technical": 6276, "ami": 6277, "\u0120tun": 6278, "\u0120cloud": 6279, "\u0120Year": 6280, "geon": 6281, "\u0120creation": 6282, "\u0120strange": 6283, "\u0120auth": 6284, "\u0120fort": 6285, "born": 6286, "\u0120extent": 6287, "\u0120Today": 6288, "\u0120Club": 6289, "\u0120rain": 6290, "\u0120sample": 6291, "\u0120accepted": 6292, "\u0120tact": 6293, "\u0120fired": 6294, "\u0120Son": 6295, "\u0120stands": 6296, "\u0120boot": 6297, "\u012047": 6298, "\u0120statements": 6299, "\u0120versions": 6300, "\u0120selling": 6301, "ounded": 6302, "\u01201990": 6303, "\u0120weren": 6304, "\u0120Watch": 6305, "\u0120experiment": 6306, "Post": 6307, "\u0120retail": 6308, "uled": 6309, "Inst": 6310, "unte": 6311, "\u00e3\u0125\u00bc": 6312, "\u0120depart": 6313, "\u0120bond": 6314, "ivery": 6315, "ompl": 6316, "\u0120reaction": 6317, "\u0120Syrian": 6318, "\u0120Pac": 6319, "apped": 6320, "aniel": 6321, "DP": 6322, "\u0120resolution": 6323, "\u0120react": 6324, "\u0120approved": 6325, "onom": 6326, "mond": 6327, "\u0120Offic": 6328, "---": 6329, "\u0120replace": 6330, "\u0120tack": 6331, "\u0120sport": 6332, "\u0120chain": 6333, "\u0120emergency": 6334, "rad": 6335, "\u0120Palestin": 6336, "\u012046": 6337, "\u0120automatically": 6338, "\u0120route": 6339, "\u0120pal": 6340, "\u0120banks": 6341, "\u0120Paris": 6342, "\u0120Media": 6343, "road": 6344, "icing": 6345, "ixt": 6346, "isted": 6347, "\u0120grew": 6348, "\u0120coord": 6349, "\u0120Where": 6350, "omin": 6351, "\u0120subs": 6352, "\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 6353, "\u0120\u00c2\u00b1": 6354, "\u0120corporate": 6355, "\u0120selection": 6356, "noon": 6357, "\u0120Report": 6358, "cs": 6359, "cluding": 6360, "orders": 6361, "anche": 6362, "\u0120Its": 6363, "\u0120slowly": 6364, "\u0120Egypt": 6365, "\u0120Acc": 6366, "\u0120colle": 6367, "iques": 6368, "EX": 6369, "\u0120attempts": 6370, "url": 6371, "\u0120Cross": 6372, "\u0120findings": 6373, "\u0120SC": 6374, "\u0120OR": 6375, "\u0120index": 6376, "ensity": 6377, "\u0120Way": 6378, "\u0120Land": 6379, "\u0120shock": 6380, "dis": 6381, "\u0120dynam": 6382, "\u0120cart": 6383, "mosp": 6384, "Since": 6385, "iest": 6386, "\u0120Boy": 6387, "\u0120storm": 6388, "\u0120Contin": 6389, "2013": 6390, "hew": 6391, "ilit": 6392, "\u0120essential": 6393, "iquid": 6394, "Other": 6395, "ivered": 6396, "\u0120reasonable": 6397, "Act": 6398, "\u0120subsequ": 6399, "\u0120Pack": 6400, "\u0120Fort": 6401, "\u0120considering": 6402, "\u0120university": 6403, "log": 6404, "\u0120married": 6405, "\u0120illust": 6406, "\u0120True": 6407, "\u00a3\u0131": 6408, "\u0120numerous": 6409, "rastructure": 6410, "\u0120seriously": 6411, "\u0120referred": 6412, "ua": 6413, "\u0120consistent": 6414, "onna": 6415, "\u0120Real": 6416, "ruption": 6417, "ciples": 6418, "\u0120facts": 6419, "91": 6420, "otes": 6421, "erg": 6422, "Then": 6423, "\u0120accompl": 6424, "Note": 6425, "\u0120revenue": 6426, "\u0120passing": 6427, "\u0120mal": 6428, "een": 6429, "\u0120Yet": 6430, "\u0120gather": 6431, "terday": 6432, "ework": 6433, "\u0120Author": 6434, "Pe": 6435, "\u0120optim": 6436, "\u0120rub": 6437, "\u0120\u00e8\u00a3\u0131": 6438, "\u0120unknown": 6439, "stone": 6440, "\u0120union": 6441, "olve": 6442, "\u0120opportunities": 6443, "\u0120browser": 6444, "\u0120Wal": 6445, "\u0120Cost": 6446, "\u0120reporting": 6447, "sts": 6448, "pet": 6449, "\u0120sand": 6450, "\u0120suddenly": 6451, "\u0120surprising": 6452, "\u0120VR": 6453, "\u0120somewhat": 6454, "\u0120Bas": 6455, "ulture": 6456, "izz": 6457, "\u0120CD": 6458, "\u0120challenges": 6459, "\u0120settings": 6460, "\u0120experiences": 6461, "\u0120Full": 6462, "\u0120cann": 6463, "\u0120receiving": 6464, "EST": 6465, "\u0120joint": 6466, "\u0120cultural": 6467, "\u0120ast": 6468, "82": 6469, "astern": 6470, "ceived": 6471, "\u0120Cru": 6472, "\u0120bull": 6473, "pired": 6474, "amm": 6475, "\u0120facing": 6476, "power": 6477, "\u0120boss": 6478, "\u0120Hol": 6479, "\u0120instr": 6480, "\u0120increasingly": 6481, "\u0120shift": 6482, "\u0120streets": 6483, "\u0120Williams": 6484, "abb": 6485, "\u0120lie": 6486, "\u0120laugh": 6487, "\u0120Ca": 6488, "PL": 6489, "\u0120adults": 6490, "\u0120customer": 6491, "\u0120obtained": 6492, "\u0120supporting": 6493, "html": 6494, "fire": 6495, "\u0120detailed": 6496, "\u0120picked": 6497, "\u0120Right": 6498, "lder": 6499, "EE": 6500, "stood": 6501, "\u0120Kim": 6502, "\u0120wire": 6503, "\u0120sight": 6504, "\u0120developers": 6505, "\u0120persons": 6506, "\u0120sad": 6507, "\u0120cup": 6508, "\u0120warning": 6509, "\u0120boys": 6510, "long": 6511, "\u0120bird": 6512, "fo": 6513, "\u0120wal": 6514, "\u0120observed": 6515, "\u0120zone": 6516, "iveness": 6517, "\u0120channel": 6518, "cript": 6519, "\u0120refused": 6520, "\u0120Again": 6521, "\u0120suc": 6522, "\u0120spokesman": 6523, "\u0120Ref": 6524, "rite": 6525, "ouston": 6526, "\u00e3\u0125\u00b3": 6527, "\u0120Sher": 6528, "\u0120acts": 6529, "\u0120Name": 6530, "\u0120struggle": 6531, "arry": 6532, "ometimes": 6533, "\u0120discrim": 6534, "HT": 6535, "\u0120category": 6536, "\u0120realize": 6537, "\u0120employee": 6538, "\u0120Afghan": 6539, "enger": 6540, "\u0120guns": 6541, "\u0120Steve": 6542, "\u0120Mot": 6543, "\u0120Ol": 6544, "oked": 6545, "\u0120thick": 6546, "\u0120fairly": 6547, "illy": 6548, "\u0120surve": 6549, "\u0120Mat": 6550, "weight": 6551, "\u00e2\u0136": 6552, "\u0120troops": 6553, "\u0120agents": 6554, "\u0120battery": 6555, "\u0120motiv": 6556, "\u00c3\u00a1": 6557, "Sec": 6558, "den": 6559, "overy": 6560, "LS": 6561, "\u0120flu": 6562, "\u0120confident": 6563, "\u0120Oper": 6564, "\u0120empty": 6565, "\u0120phen": 6566, "\u0120sector": 6567, "\u0120excited": 6568, "\u0120remote": 6569, "aph": 6570, "oen": 6571, "\u0120destroyed": 6572, "\u0120moral": 6573, "\u0120HP": 6574, "\u0120Ron": 6575, "\u0120dress": 6576, "\u0120Bat": 6577, "\u0120lit": 6578, "\u0120MS": 6579, "\u0120af": 6580, "HL": 6581, "rum": 6582, "isms": 6583, "\u0120shouldn": 6584, "\u0120sympt": 6585, "\u0120Toronto": 6586, "hetic": 6587, "\u0120carbon": 6588, "\u0120installed": 6589, "\u0120violent": 6590, "\u0120solar": 6591, "ja": 6592, "\u0120practices": 6593, "\u0120ride": 6594, "\u0120Penn": 6595, "\u0120improved": 6596, "\u0120audio": 6597, "\u0120behavi": 6598, "\u0120PS": 6599, "\u0120eating": 6600, "Data": 6601, "\u0120Review": 6602, "pass": 6603, "claim": 6604, "uated": 6605, "angers": 6606, "chen": 6607, "\u0120properties": 6608, "\u0120anywhere": 6609, "Another": 6610, "\u0120blow": 6611, "\u0120Jackson": 6612, "\u0120proud": 6613, "\u0120plane": 6614, "lines": 6615, "\u0120square": 6616, "\u0120proof": 6617, "ansas": 6618, "\u0120talked": 6619, "makers": 6620, "\u0120sister": 6621, "\u0120holds": 6622, "\u0120resident": 6623, "\u0120==": 6624, "\u0120resistance": 6625, "\u0120split": 6626, "\u0120prosecut": 6627, "\u0120confidence": 6628, "resents": 6629, "\u0120cuts": 6630, "\u0120exception": 6631, "\u0120zero": 6632, "Getty": 6633, "\u0120copyright": 6634, "\u0120totally": 6635, "ormal": 6636, "ifications": 6637, "\u0120Australian": 6638, "\u0120sick": 6639, "\u0120150": 6640, "\u0120household": 6641, "\u0120fees": 6642, "\u0120drivers": 6643, "ogen": 6644, "\u0120NY": 6645, "\u0120necessarily": 6646, "\u0120regulations": 6647, "earing": 6648, "sl": 6649, "\u0120perspective": 6650, "care": 6651, "icial": 6652, "His": 6653, "\u0120escape": 6654, "\u0120surprised": 6655, "\u0120Van": 6656, "urrent": 6657, "\u0120vac": 6658, "81": 6659, "\u0120Thus": 6660, "\u0120emphas": 6661, "\u0120Champions": 6662, "\u0120Ice": 6663, "\u0120narr": 6664, "\u0120heads": 6665, "\u0120causing": 6666, "bel": 6667, "fortunately": 6668, "\u0120Ma": 6669, "\u0120targets": 6670, "cipl": 6671, "\u0120afternoon": 6672, "\u0120adds": 6673, "\u0120Maybe": 6674, "\u0120Four": 6675, "essed": 6676, "plete": 6677, "\u0120usual": 6678, "cho": 6679, "ingu": 6680, "\u0120withd": 6681, "\u0120Energy": 6682, "\u0120Econom": 6683, "OO": 6684, "\u0120articles": 6685, "\u0120injured": 6686, "\u0120manage": 6687, "\u0120explains": 6688, "\u0120diagn": 6689, "Rec": 6690, "atures": 6691, "\u0120linked": 6692, "\u0120discussed": 6693, "\u0120explo": 6694, "\u0120occasion": 6695, "athan": 6696, "\u0120opposite": 6697, "\u0120faces": 6698, "\u0120denied": 6699, "\u0120Knight": 6700, "\u0120nut": 6701, "\u0120approximately": 6702, "\u0120disappoint": 6703, "onymous": 6704, "\u0120Best": 6705, "\u0120Lo": 6706, "\u0120Hy": 6707, "\u0120Aff": 6708, "\u0120voting": 6709, "anwhile": 6710, "\u0120III": 6711, "\u0120institutions": 6712, "agram": 6713, "\u0120Daily": 6714, "\u0120drag": 6715, "\u0120nearby": 6716, "\u0120guilty": 6717, "\u0120conver": 6718, "Pre": 6719, "ship": 6720, "\u0120reward": 6721, "\u0120philosoph": 6722, "\u0120SS": 6723, "ugh": 6724, "\u0120apps": 6725, "friend": 6726, "\u0120upper": 6727, "\u0120advert": 6728, "\u0120snow": 6729, "\u0120frust": 6730, "\u0120ourselves": 6731, "Fr": 6732, "\u0120Die": 6733, "ampion": 6734, "\u0120dismiss": 6735, "\u0120cere": 6736, "\u0120signal": 6737, "from": 6738, "\u0120).": 6739, "\u012052": 6740, "\u0120crimes": 6741, "itors": 6742, "estival": 6743, "useum": 6744, "\u0120council": 6745, "\u0120Saud": 6746, "May": 6747, "\u0120Gun": 6748, "ician": 6749, "ether": 6750, "\u0120sufficient": 6751, "\u0120Hen": 6752, "sole": 6753, "\u0120historical": 6754, "\u0120Far": 6755, "\u0120Turn": 6756, "\u0120pin": 6757, "\u0120succeed": 6758, "mat": 6759, "lymp": 6760, "\u0120tradition": 6761, "\u0120Ok": 6762, "\u0120cro": 6763, "\u0120description": 6764, "alle": 6765, "\u0120sky": 6766, "Te": 6767, "\u0120widely": 6768, "\u0120wave": 6769, "\u0120definition": 6770, "\u0120Jews": 6771, "\u0120cycle": 6772, "\u0120refere": 6773, "\u0120brings": 6774, "usal": 6775, "\u0120alive": 6776, "\u0120frequently": 6777, "\u0120intention": 6778, "\u0120Control": 6779, "lv": 6780, "ystem": 6781, "\u0120privacy": 6782, "gent": 6783, "rence": 6784, "\u0120Quest": 6785, "\u0120Christmas": 6786, "\u0120rail": 6787, "\u0120cooper": 6788, "\u0120tested": 6789, "\u0120Capt": 6790, "asks": 6791, "\u0120comfortable": 6792, "\u0120delivered": 6793, "scape": 6794, "\u0120depth": 6795, "\u0120GOP": 6796, "\u0120writes": 6797, "\u0120assets": 6798, "\u0120sav": 6799, "iments": 6800, "\u0120transition": 6801, "\u0120artist": 6802, "\u0120Look": 6803, "\u0120lob": 6804, "\u0120components": 6805, "arity": 6806, "\u0120walked": 6807, "\u0120root": 6808, "\u0120participants": 6809, "\u0120noticed": 6810, "\u0120resc": 6811, "\u0120nav": 6812, "\u0120Administ": 6813, "da": 6814, "utral": 6815, "plate": 6816, "\u0120importance": 6817, "\u0120assert": 6818, "iously": 6819, "cription": 6820, "\u0120injuries": 6821, "\u0120Check": 6822, "\u0120registered": 6823, "\u0120intent": 6824, "\u0120missed": 6825, "ographic": 6826, "\u0120sentence": 6827, "ounter": 6828, "\u0120assistance": 6829, "evin": 6830, "\u0120database": 6831, "\u0120buildings": 6832, "\u0120classic": 6833, "\u0120thinks": 6834, "\u0120Ohio": 6835, "Pr": 6836, "ugg": 6837, "\u0120fee": 6838, "pan": 6839, "\u0120effectively": 6840, "\u0120facility": 6841, "\u0120bear": 6842, "\u0120chapter": 6843, "\u0120dogs": 6844, "\u0120Columb": 6845, "\u0120latter": 6846, "itial": 6847, "\u0120admitted": 6848, "TV": 6849, "\u0120Georg": 6850, "\u0120posts": 6851, "\\\\": 6852, "\u0120lawyer": 6853, "\u0120equival": 6854, "\u0120mand": 6855, "\u0120controlled": 6856, "\u0120Walk": 6857, "\u0120Andrew": 6858, "\u0120menu": 6859, "amental": 6860, "\u0120protected": 6861, "va": 6862, "\u0120administr": 6863, "oral": 6864, "\u0120rein": 6865, "\u0120Sar": 6866, "\u0120amounts": 6867, "\u0120native": 6868, "\u0120Moon": 6869, "\u0120represents": 6870, "\u0120abandon": 6871, "\u0120carrying": 6872, "\u0120tank": 6873, "mary": 6874, "\u0120declared": 6875, "Tube": 6876, "\u0120hat": 6877, "\u0120punish": 6878, "ellect": 6879, "mes": 6880, "\u0120universe": 6881, "\u0120Rod": 6882, "phy": 6883, "\u0120infrastructure": 6884, "\u012051": 6885, "\u0120opposed": 6886, "ownt": 6887, "ca": 6888, "\u0120Make": 6889, "\u0120hardware": 6890, "\u0120coffee": 6891, "Rel": 6892, "bal": 6893, "world": 6894, "\u0120Saf": 6895, "\u0120Sea": 6896, "inals": 6897, "\u0120owned": 6898, "\u0120hall": 6899, "ersion": 6900, "\u0120describe": 6901, "\u0120Pot": 6902, "\u0120portion": 6903, "\u0120atmosp": 6904, "\u0120governments": 6905, "\u0120depending": 6906, "\u0120offense": 6907, "\u0120trick": 6908, "awa": 6909, "\u0120Line": 6910, "\u0120Vis": 6911, "\u0120Hard": 6912, "\u0120Orig": 6913, "\u0120Click": 6914, "\u0120desk": 6915, "\u0120Valley": 6916, "\u0120Sov": 6917, "\u0120movies": 6918, "\u0120remark": 6919, "\u0120mail": 6920, "\u0120conscious": 6921, "\u0120ruling": 6922, "\u0120Rights": 6923, "\u0120medic": 6924, "hent": 6925, "\u0120Women": 6926, "><": 6927, "\u0120replaced": 6928, "\u0120Prem": 6929, "\u0120Thanks": 6930, "\u0120renew": 6931, "\u0120Ball": 6932, "iform": 6933, "\u0120shots": 6934, "Comm": 6935, "\u0120armed": 6936, "\u0120constant": 6937, "\u0120taste": 6938, "\u0120realized": 6939, "\u0120buff": 6940, "\u0120mo": 6941, "\u0120efficient": 6942, "Most": 6943, "oration": 6944, "ifies": 6945, "\u0120communication": 6946, "\u0120flood": 6947, "\u0120consequences": 6948, "\u0120anyway": 6949, "igg": 6950, "\u0120GM": 6951, "\u0120Thank": 6952, "\u0120iron": 6953, "\u0120evolution": 6954, "\u0120Cop": 6955, "twitter": 6956, "\u012095": 6957, "\u0120relationships": 6958, "adel": 6959, "\u0120Young": 6960, "\u0120proposal": 6961, "ayers": 6962, "uilding": 6963, "\u0120Hot": 6964, "ORE": 6965, "cos": 6966, "\u0120collabor": 6967, "PG": 6968, "axy": 6969, "\u0120knowing": 6970, "\u0120supports": 6971, "owed": 6972, "\u0120controls": 6973, "\u0120merely": 6974, "umer": 6975, "\u0120athlet": 6976, "\u0120fashion": 6977, "path": 6978, "\u0120gift": 6979, "\u0120era": 6980, "AND": 6981, "\u0120kinds": 6982, "\u0120Korean": 6983, "\u0120legit": 6984, "ulous": 6985, "\u0120essentially": 6986, "\u0120therap": 6987, "nic": 6988, "\u0120suffered": 6989, "\u0120hur": 6990, "\u0120promise": 6991, "\u0120excess": 6992, "\u0120overw": 6993, "\u0120prime": 6994, "\u0120Houston": 6995, "erry": 6996, "\u0120Ms": 6997, "RS": 6998, "2012": 6999, "\u0120stores": 7000, "\u0120Olymp": 7001, "\u0120journey": 7002, "Although": 7003, "Sub": 7004, "\u0120Educ": 7005, "\u0120Chapter": 7006, "\u0120requests": 7007, "\u0120consumers": 7008, "\u0120tiny": 7009, "\u0120isol": 7010, "\u0120Fair": 7011, "ba": 7012, "\u0120YOU": 7013, "\u0120crash": 7014, "celer": 7015, "\u0120emotional": 7016, "\u0120goods": 7017, "\u0120elected": 7018, "\u0120moder": 7019, "\u0120Linux": 7020, "\u0120blocks": 7021, "\u0120island": 7022, "\u0120Society": 7023, "\u0120elections": 7024, "\u0120broadcast": 7025, "\u0120cheap": 7026, "\u0120nations": 7027, "\u0120seasons": 7028, "400": 7029, "\u0120waste": 7030, "\u0120Sat": 7031, "\u0120fields": 7032, "employ": 7033, "\u0120profile": 7034, "\u0120authors": 7035, "ALL": 7036, "\u0120Gra": 7037, "west": 7038, "\u0120Ty": 7039, "\u0120deaths": 7040, "\u0120vacc": 7041, "\u0120formed": 7042, "\u0120du": 7043, "\u0120ongoing": 7044, "\u0120Muslims": 7045, "elf": 7046, "igure": 7047, "\u0120assume": 7048, "\u0120Ukraine": 7049, "water": 7050, "\u0120coast": 7051, "\u0120voted": 7052, "gor": 7053, "\u0120AS": 7054, "\u0120Michigan": 7055, "aza": 7056, "\u0120Arm": 7057, "iro": 7058, "\u0120flex": 7059, "asters": 7060, "''": 7061, "\u0120welcome": 7062, "arl": 7063, "\u0120locations": 7064, "igation": 7065, "\u0120Fil": 7066, "\u0120buying": 7067, "\u0120architect": 7068, "\u0120harder": 7069, "\u0120Cub": 7070, "\u0120interface": 7071, "\u0120restaurant": 7072, "\u0120discover": 7073, "\u0120exceed": 7074, "\u0120favour": 7075, "gery": 7076, "\u0120duty": 7077, "\u0120pitch": 7078, "ador": 7079, "\u0120Mach": 7080, "boy": 7081, "\u0120responded": 7082, "\u0120extended": 7083, "hers": 7084, "Many": 7085, "raid": 7086, "ifer": 7087, "\u0120Ins": 7088, "Ser": 7089, "\u0120medium": 7090, "she": 7091, "\u0120Sports": 7092, "\u0120magazine": 7093, "utation": 7094, "\u0120limits": 7095, "\u0120Gall": 7096, "\u0120external": 7097, "razil": 7098, "\u0120younger": 7099, "tle": 7100, "\u0120remind": 7101, "\u0120CON": 7102, "\u0120immediate": 7103, "\u0120hidden": 7104, "\u0120volunte": 7105, "\u0120simpl": 7106, "odcast": 7107, "\u0120phase": 7108, "dr": 7109, "\u0120plot": 7110, "\u0120exposure": 7111, "RI": 7112, "ograp": 7113, "vin": 7114, "anish": 7115, "\u0120Acad": 7116, "\u0120Engine": 7117, "\u0120expansion": 7118, "\u0120Pay": 7119, "Your": 7120, "\u0120pushed": 7121, "\u0120Ell": 7122, "\u0120Head": 7123, "\u0120marketing": 7124, "\u0120AC": 7125, "ket": 7126, "\u0120hits": 7127, "\u0120gro": 7128, "\u0120Age": 7129, "\u0120Scot": 7130, "][": 7131, "\u0120stim": 7132, "\u0120iPhone": 7133, "\u012a\u0134": 7134, "\u0120narrow": 7135, "\u0120Getty": 7136, "\u0120Turkey": 7137, "\u0120perfectly": 7138, "\u0120enable": 7139, "utch": 7140, "\u0120precise": 7141, "\u0120regime": 7142, "\u0120shif": 7143, "\u0120compens": 7144, "gun": 7145, "div": 7146, "\u0120chosen": 7147, "\u0120Ken": 7148, "Any": 7149, "\u0120trees": 7150, "\u0120recommended": 7151, "\u0120Ren": 7152, "uable": 7153, "\u0120HT": 7154, "Follow": 7155, "EG": 7156, "\u0120Hand": 7157, "\u0120Kenn": 7158, "\u0120arguments": 7159, "\u0120exists": 7160, "\u0120bike": 7161, "\u0120Conserv": 7162, "\u0120breaking": 7163, "\u0120Gar": 7164, "\u0120crazy": 7165, "\u0120virtual": 7166, "aylor": 7167, "ixel": 7168, "\u01201980": 7169, "\u0120permission": 7170, "\u0120Series": 7171, "\u0120consumer": 7172, "\u0120closely": 7173, "called": 7174, "\u012054": 7175, "\u0120hopes": 7176, "\u0120array": 7177, "\u0120Win": 7178, "\u0120Labour": 7179, "\u0120spons": 7180, "\u0120Ire": 7181, "\u0120pow": 7182, "\u0120readers": 7183, "\u0120employment": 7184, "\u0120creature": 7185, "\u0120resulting": 7186, "\u0120accurate": 7187, "\u0120moments": 7188, "\u0120argued": 7189, "\u0120ped": 7190, "During": 7191, "\u012053": 7192, "\u0120Tal": 7193, "\u0120sought": 7194, "\u0120suffering": 7195, "\u0120icon": 7196, "lee": 7197, "\u0120($": 7198, "alian": 7199, "\u00c2\u00b0": 7200, "\u0120pra": 7201, "\u0120bonus": 7202, "(\"": 7203, "ko": 7204, "\u0120acting": 7205, "DE": 7206, "fall": 7207, "\u0120comparison": 7208, "\u0120smooth": 7209, "\u0120NAS": 7210, "upp": 7211, "\u0120Joseph": 7212, "eping": 7213, "\u0120Take": 7214, "\u0120Mid": 7215, "\u0120sending": 7216, "fast": 7217, "\u0120Fall": 7218, "\u0120dealing": 7219, "user": 7220, "\u0120Organ": 7221, "Co": 7222, "\u0120attached": 7223, "\u0120sees": 7224, "%.": 7225, "\u0120typical": 7226, "ART": 7227, "\u0120finds": 7228, "\u0120Asia": 7229, "umin": 7230, "\u0120Core": 7231, "\u0120Ent": 7232, "inent": 7233, "uce": 7234, "\u0120Blood": 7235, "\u0120Never": 7236, "\u0120emails": 7237, "\u0120highlight": 7238, "\u0120confront": 7239, "atus": 7240, "uted": 7241, "\u0120unus": 7242, "\u0120topic": 7243, "\u0120Adam": 7244, "\u0120ble": 7245, "ati": 7246, "\u0120understood": 7247, "Set": 7248, "struct": 7249, "TP": 7250, "\u0120mob": 7251, "aa": 7252, "\u0120Start": 7253, "pected": 7254, "sell": 7255, "\u0120dedicated": 7256, "\u0120CA": 7257, "uan": 7258, "\u0120songs": 7259, "escription": 7260, "\u0120tech": 7261, "\u0120rape": 7262, "\u0120aside": 7263, "\u0120grant": 7264, "\u012056": 7265, "sub": 7266, "\u0120argue": 7267, "\u0120containing": 7268, "\u0120schedule": 7269, "\u0120liberal": 7270, "\u0120publicly": 7271, "\u0120heavily": 7272, "\u0120Ut": 7273, "iner": 7274, "\u0120Section": 7275, "\u0120Care": 7276, "weet": 7277, "ls": 7278, "Dis": 7279, "\u00e2\u0136\u0122": 7280, "\u0120Follow": 7281, "Back": 7282, "\u0120IT": 7283, "\u0120bes": 7284, "ji": 7285, "\u0120Hit": 7286, "ested": 7287, "\u0120everybody": 7288, "\u0120Swed": 7289, "\u0120femin": 7290, "\u0120facilities": 7291, "\u0120conven": 7292, "Comp": 7293, "\u0120OS": 7294, "core": 7295, "\u0120anx": 7296, "\u0120division": 7297, "\u0120Cam": 7298, "\u0120Stan": 7299, "mates": 7300, "\u0120explore": 7301, "plom": 7302, "\u0120shares": 7303, "pload": 7304, "anes": 7305, "\u0120ideal": 7306, "eters": 7307, "\u0120Base": 7308, "\u0120plastic": 7309, "\u0120distinct": 7310, "\u0120Network": 7311, "\u0120Seattle": 7312, "\u0120trading": 7313, "ensus": 7314, "intend": 7315, "\u0120exhib": 7316, "\u0120initially": 7317, "\u0120Food": 7318, "\u0120thousand": 7319, "\u0120Business": 7320, "acter": 7321, "\u0120paragraph": 7322, "\u0120roughly": 7323, "\u0120www": 7324, "\u0120creative": 7325, "\u0120Conf": 7326, "\u0120consumption": 7327, "\u0120films": 7328, "agan": 7329, "\u0120obtain": 7330, "\u0120tall": 7331, "\u0120tor": 7332, "\u0120acknowled": 7333, "\u0120grown": 7334, "alo": 7335, "KE": 7336, "\u0120400": 7337, "enders": 7338, "taining": 7339, "UG": 7340, "\u0120suicide": 7341, "\u0120watched": 7342, "\u0120List": 7343, "ali": 7344, "rehens": 7345, "\u0120surrounding": 7346, "\u0120pip": 7347, "\u0120flying": 7348, "\u0120Java": 7349, "ordan": 7350, "\u0120serving": 7351, "inations": 7352, "post": 7353, "\u0120sho": 7354, "Av": 7355, "\u0120jail": 7356, "zy": 7357, "\u01201999": 7358, "\u0120>": 9609, "orous": 9610, "\u0120firms": 9611, "screen": 9612, "una": 9613, "\u0120embarrass": 9614, "ulse": 9615, "\u0120letting": 9616, "\u0120threw": 9617, "iley": 9618, "\u0120channels": 9619, "lan": 9620, "\u0120Vegas": 9621, "\u0120sear": 9622, "\u0120fantastic": 9623, "arre": 9624, "uzzle": 9625, "\u0120Der": 9626, "Those": 9627, "\u0120swing": 9628, "\u0120sheet": 9629, "index": 9630, "cover": 9631, "ogan": 9632, "\u0120variables": 9633, "\u0120Tech": 9634, "\u0120spoken": 9635, "achel": 9636, "\u0120Da": 9637, "\u0120Mountain": 9638, "\u0120loaded": 9639, "\u0120footage": 9640, "version": 9641, "\u0120unl": 9642, "\u0120Phoenix": 9643, "\u0120throwing": 9644, "\u0120firing": 9645, "\u0120tracking": 9646, "\u0120width": 9647, "\u0120struggling": 9648, "rooms": 9649, "otion": 9650, "\u0120monthly": 9651, "\u0120Server": 9652, "\u0120eggs": 9653, "open": 9654, "MC": 9655, "\u01201993": 9656, "\u0120hired": 9657, "\u0120stayed": 9658, "\u0120Allen": 9659, "\u0120stro": 9660, "\u012098": 9661, "step": 9662, "\u0120Turkish": 9663, "\u0120fabric": 9664, "isting": 9665, "\u0120Dom": 9666, "\u0120dates": 9667, "\u0120pron": 9668, "\u0120basketball": 9669, "\u0120lucky": 9670, "\u0120Arabia": 9671, "\u0120assumed": 9672, "esty": 9673, "\u0120affairs": 9674, "\u0120glad": 9675, "\u0120Indeed": 9676, "\u0120FA": 9677, "\u0120Word": 9678, "\u0120joining": 9679, "ifice": 9680, "pread": 9681, "irts": 9682, "\u0120Select": 9683, "\u0120populations": 9684, "aware": 9685, "\u0120nose": 9686, "\u0120complaints": 9687, "start": 9688, "\u0120scoring": 9689, "Thanks": 9690, "\u0120mining": 9691, "\u0120visitors": 9692, "SH": 9693, "\u0120damaged": 9694, "\u0120characteristics": 9695, "\u0120Pent": 9696, "DC": 9697, "\u012083": 9698, "\u0120Six": 9699, "rates": 9700, "\u0120flags": 9701, "\u0120Brew": 9702, "dog": 9703, "Mark": 9704, "////": 9705, "\u0120execution": 9706, "\u0120joke": 9707, "phones": 9708, "\u0120testimony": 9709, "\u0120obst": 9710, "QL": 9711, "\u0120Cut": 9712, "\u0120studied": 9713, "\u0120Nintendo": 9714, "icket": 9715, "\u0120NBC": 9716, "\u0120lad": 9717, "\u0120Bra": 9718, "\u0120Moh": 9719, "\u0120kernel": 9720, "\u0120overwhelming": 9721, "\u0120aged": 9722, "\u0120applicable": 9723, "\u0120Cond": 9724, "\u0120roads": 9725, "\u0120Block": 9726, "made": 9727, "odge": 9728, "\u0120commands": 9729, "\u0120offices": 9730, "veland": 9731, "\u0120tut": 9732, "\u0120receiver": 9733, "\u0120Fro": 9734, "\u0120shopping": 9735, "\u0120iP": 9736, "\u0120Stre": 9737, "\u0120ABC": 9738, "\u0120entertainment": 9739, "\u0120Bow": 9740, "orted": 9741, "Mc": 9742, "\u0120reads": 9743, "grad": 9744, "\u0120Collect": 9745, "\u0120\u00e2\u012a\u0134": 9746, "\u0120Capital": 9747, "ederation": 9748, "\u0120employer": 9749, "\u0120involvement": 9750, "\u0120anxiety": 9751, "alia": 9752, "\u0120roof": 9753, "\u0120Among": 9754, "\u0120Democrat": 9755, "\u0120stats": 9756, "\u0120Vill": 9757, "\u0120constitutional": 9758, "\u0120referring": 9759, "itty": 9760, "\u0120tackle": 9761, "outube": 9762, "\u0120backed": 9763, "\u0120Hong": 9764, "\u0120Broad": 9765, "\u0120ele": 9766, "\u0120Ott": 9767, "\u01201992": 9768, "hour": 9769, "achusetts": 9770, "Cal": 9771, "\u0120defeated": 9772, "\u012081": 9773, "esp": 9774, "\u0120seemingly": 9775, "was": 9776, "\u0120Jenn": 9777, "\u0120Kurd": 9778, "\u0120gene": 9779, "\u0120discount": 9780, "Ret": 9781, "ECT": 9782, "();": 9783, "\u0120clubs": 9784, "\u0120sid": 9785, "\u0120Marsh": 9786, "Check": 9787, "\u0120pp": 9788, "\u0120Eag": 9789, "idespread": 9790, "\u0120beings": 9791, "FT": 9792, "\u0120introduction": 9793, "\u0120Change": 9794, "ARD": 9795, "\u0120110": 9796, "adows": 9797, "ierce": 9798, "\u0120meal": 9799, "author": 9800, "\u0120Bang": 9801, "lahoma": 9802, "\u0120ranks": 9803, "2011": 9804, "????": 9805, "max": 9806, "\u0120collapse": 9807, "\u0120opens": 9808, "\u0120echo": 9809, "\u0120soph": 9810, "\u0120racist": 9811, "\u0120enormous": 9812, "\u0120waves": 9813, "\u0120tap": 9814, "\u0120comprehensive": 9815, ".--": 9816, "\u0120Roy": 9817, "\u0120farmers": 9818, "Related": 9819, "aired": 9820, "rones": 9821, "\u0120Crim": 9822, "\u0120proportion": 9823, "\u0120designs": 9824, "\u0120negotiations": 9825, "\u0120virtually": 9826, "\u0120Batman": 9827, "\u0120warn": 9828, "\u0120legitimate": 9829, "mate": 9830, "\u0120convention": 9831, ",,": 9832, "netic": 9833, "\u0120SD": 9834, "\u0120consistently": 9835, "\u0120compensation": 9836, "\u0120punishment": 9837, "\u0120ye": 9838, "\u0120tie": 9839, "\u0120Bureau": 9840, "irlf": 9841, "\u0120Bu": 9842, "\u0120Aren": 9843, "\u0120Philipp": 9844, "\u0120knife": 9845, "\u0120memories": 9846, "\u0120Ross": 9847, "\u0120angle": 9848, "\u012086": 9849, "\u0120Thunder": 9850, "\u0120rend": 9851, "\u0120Tour": 9852, "\u0120counts": 9853, "sung": 9854, "\u0120Imp": 9855, "\u0120educational": 9856, "\u0120accessible": 9857, "COM": 9858, "\u0120drew": 9859, "yer": 9860, "Gl": 9861, "amine": 9862, "ORT": 9863, "OB": 9864, "IB": 9865, "master": 9866, "\u0120trials": 9867, "ogy": 9868, "har": 9869, "\u0120Trust": 9870, "\u0120preferred": 9871, "irlfriend": 9872, "\u0120Nev": 9873, "\u0120bin": 9874, "\u0120cow": 9875, "Page": 9876, "\u0120signature": 9877, "\u0120BL": 9878, "700": 9879, "\u0120retired": 9880, "\u0120bytes": 9881, "\u0120neighb": 9882, "\u0120Legend": 9883, "\u0120devast": 9884, "\u0120suspected": 9885, "isons": 9886, "\u0120Pok\u00c3\u00a9mon": 9887, "scale": 9888, "\u0120capabilities": 9889, "\u0120revel": 9890, "\u0120cheese": 9891, "dy": 9892, "igrant": 9893, "\u0120failing": 9894, "bits": 9895, "\u0120Heroes": 9896, "\u0120Ghost": 9897, "\u0120Scient": 9898, "\u0120appointed": 9899, "uri": 9900, "\u0120institution": 9901, "\u0120expanded": 9902, "greg": 9903, "\u0120monitoring": 9904, "\u0120podcast": 9905, "\u0120coalition": 9906, "\u012096": 9907, "Jo": 9908, "\u0120stolen": 9909, "\u0120Sab": 9910, "\u0120stops": 9911, "\u0120holiday": 9912, "\u0120intr": 9913, "Car": 9914, "Black": 9915, "\u0120LGBT": 9916, "\u0120warming": 9917, "\u0120Anderson": 9918, "\u012089": 9919, "\u0120producer": 9920, "Med": 9921, "\u0120accuracy": 9922, "\u0120Marvel": 9923, "izabeth": 9924, "\u0120Patrick": 9925, "mony": 9926, "\u0120mini": 9927, "acles": 9928, "\u0120overt": 9929, "they": 9930, "\u0120membership": 9931, "\u0120Ven": 9932, "\u0120exch": 9933, "\u0120removal": 9934, "\u0120Dave": 9935, "TY": 9936, "mad": 9937, "\u0120Find": 9938, "\u0120adequ": 9939, "\u0120ec": 9940, "\u0120teeth": 9941, "\u0120emotion": 9942, "\u0120perm": 9943, "\u0120solely": 9944, "db": 9945, "\u0120extraord": 9946, "IGHT": 9947, "cal": 9948, "\u0120guidelines": 9949, "\u0120dying": 9950, "\u0120suspended": 9951, "\u0120Premier": 9952, "\u0120Anthony": 9953, "elve": 9954, "\u0120dad": 9955, "\u0120Eth": 9956, "\u0120Football": 9957, "\u0120abandoned": 9958, "\u0120<<": 9959, "\u0120march": 9960, "\u0120horror": 9961, "\u00e2\u0122\u00a6\"": 9962, "\u0120childhood": 9963, "\u0120campaigns": 9964, "\u0120lunch": 9965, "\u0120Albert": 9966, "block": 9967, "\u00e2\u0138\u012a\u00e2\u0138\u012a": 9968, "ounding": 9969, "\u0120bone": 9970, "organ": 9971, "aders": 9972, "\u0120Flash": 9973, "\u0120Drive": 9974, "\u0120tonight": 9975, "\u0120wars": 9976, "\u0120FL": 9977, "\u0120formation": 9978, "const": 9979, "News": 9980, "\u0120compe": 9981, "orious": 9982, "\u0120Staff": 9983, "\u0120discussions": 9984, "\u0120Protection": 9985, "\u0120Jam": 9986, "\u0120criteria": 9987, "\u0120installation": 9988, "\u0120accomplish": 9989, "izza": 9990, "\u0120publisher": 9991, "\u0120rescue": 9992, "\u0120Try": 9993, "ULL": 9994, "\u0120Som": 9995, "\u0120Hop": 9996, "oret": 9997, "ths": 9998, "ordon": 9999, "\u0120pocket": 10000, "\u0120Inv": 10001, "Download": 10002, "\u0120Crime": 10003, "\u0120bene": 10004, "\u0120Guide": 10005, "\u0120Assembly": 10006, "\u0120parameters": 10007, "IE": 10008, "\u0120Alexander": 10009, "\u0120concert": 10010, "\u0120Sche": 10011, "\u0120shoes": 10012, "\u0120visiting": 10013, "\u0120recall": 10014, "\u0120bub": 10015, "\u0120rural": 10016, "\u0120concrete": 10017, "\u0120Ros": 10018, "Next": 10019, "Russ": 10020, "\u0120loans": 10021, "\u0120Shield": 10022, "\u0120trem": 10023, "hemat": 10024, "kg": 10025, "\u0120Harris": 10026, "isition": 10027, "\u0120Move": 10028, "\u0120FC": 10029, "\u0120fate": 10030, "\u0120Cho": 10031, "\u0120tired": 10032, "\u0120principal": 10033, "hist": 10034, "iences": 10035, "athy": 10036, "\u0120sevent": 10037, "\u0120mood": 10038, "\u0120strategic": 10039, "\u0120diseases": 10040, "\u0120forum": 10041, "\u0120tempor": 10042, "\u0120headquarters": 10043, "Par": 10044, "ige": 10045, "flix": 10046, "\u0120guitar": 10047, "\u012094": 10048, "Only": 10049, "\u0120releases": 10050, "roph": 10051, "================================": 10052, "\u0120600": 10053, "\u0120Continue": 10054, "igate": 10055, "\u0120Crit": 10056, "system": 10057, "\u0120disabled": 10058, "\u0120unexpected": 10059, "ithub": 10060, "\u0120unclear": 10061, "\u0120Est": 10062, "\u0120contrad": 10063, "\u0120strategies": 10064, "ventures": 10065, "\u0120passage": 10066, "AME": 10067, "\u0120improving": 10068, "\u0120reveals": 10069, "\u0120decrease": 10070, "ova": 10071, "\u0120annoy": 10072, "\u0120Short": 10073, "\u0120Library": 10074, "\u0120cyber": 10075, "nell": 10076, "\u0120Hur": 10077, "\u0120CB": 10078, "\u0120photograp": 10079, "UI": 10080, "\u0120sed": 10081, "Ge": 10082, "\u012087": 10083, "\u0120diverse": 10084, "\u0120encouraged": 10085, "\u0120conspiracy": 10086, "\u0120birds": 10087, "\u0120operator": 10088, "\u0120handful": 10089, "\u0120classified": 10090, "?)": 10091, "\u0120dramatic": 10092, "\u0120investigators": 10093, "ito": 10094, "\u0120widespread": 10095, "\u0120Room": 10096, "----------------------------------------------------------------": 10097, "\u0120collective": 10098, "\u0120journalist": 10099, "String": 10100, "\u0120temperatures": 10101, "ila": 10102, "\u0120guid": 10103, "\u0120inspect": 10104, "\u0120missile": 10105, "\u0120Mayor": 10106, "\u0120manual": 10107, "\u0120simultane": 10108, "\u0120ratings": 10109, "\u0120suck": 10110, "\u012097": 10111, "\u0120universal": 10112, "\u0120pharm": 10113, "\u0120disrupt": 10114, "iano": 10115, "AV": 10116, "\u0120ft": 10117, "\u0120statist": 10118, "olds": 10119, "\u0120Walker": 10120, "php": 10121, "\u0120undert": 10122, "\u0120Las": 10123, "ishop": 10124, "ntil": 10125, "reshold": 10126, "\u0120Whether": 10127, "Ms": 10128, "\u0120deny": 10129, "\u0120Cloud": 10130, "\u0120provider": 10131, "\u0120surviv": 10132, "\u0120Update": 10133, "has": 10134, "\u0120mistakes": 10135, "charge": 10136, "pled": 10137, "rity": 10138, "\u0120node": 10139, "\u0120Massachusetts": 10140, "ools": 10141, "lication": 10142, "\u0120fails": 10143, "emale": 10144, "ori": 10145, "backs": 10146, "\u0120shirt": 10147, "\u0120''": 10148, "\u0120NAT": 10149, "\u0120waters": 10150, "elson": 10151, "\u0120ease": 10152, "\u0120scar": 10153, "\u0120contents": 10154, "mind": 10155, "\u0120contribution": 10156, "\u0120shr": 10157, "\u0120handed": 10158, "\u0120stability": 10159, "\u0120trave": 10160, "Em": 10161, "\u0120mirror": 10162, "123": 10163, "\u0120weigh": 10164, "\u0120fiction": 10165, "ouver": 10166, "istant": 10167, "rition": 10168, "\u0120Fed": 10169, "\u0120physically": 10170, "\u0120stake": 10171, "\u0120Article": 10172, "\u0120Arc": 10173, "\u0120Lewis": 10174, "\u0120Mind": 10175, "\u0120demonstrate": 10176, "\u0120profits": 10177, "vision": 10178, "omic": 10179, "olid": 10180, "\u0120battles": 10181, "\u0120drives": 10182, "\u0120eastern": 10183, "\u0120Sony": 10184, "!!!": 10185, "aration": 10186, "vard": 10187, "\u0120GL": 10188, "portation": 10189, "\u012092": 10190, "\u0120lawmakers": 10191, "\u0120protecting": 10192, "\u0120EPA": 10193, "\u0120yeah": 10194, "\u0120shame": 10195, "olph": 10196, "even": 10197, "xit": 10198, "\u0120attach": 10199, "\u0120representing": 10200, "\u0120obs": 10201, "\u0120Utah": 10202, "iffs": 10203, "\u0120Freedom": 10204, "\u00c3\u00b3": 10205, "AK": 10206, "\u0120incidents": 10207, "itage": 10208, "\u0120viewers": 10209, "cd": 10210, "\u0120mouse": 10211, "\u0120clar": 10212, "\u0120accordance": 10213, "\u0120bot": 10214, "cor": 10215, "\u0120Summer": 10216, "held": 10217, "\u0120innocent": 10218, "\u0120initiative": 10219, "ols": 10220, "________________________________": 10221, "\u0120spots": 10222, "pace": 10223, "\u0120conventional": 10224, "\u0120corporations": 10225, "\u0120blocked": 10226, "HD": 10227, "attered": 10228, "\u0120refers": 10229, "\u0120buck": 10230, "\u0120Digital": 10231, "120": 10232, "\u0120topics": 10233, "TF": 10234, "\u00c4\u0123": 10235, "brid": 10236, "reement": 10237, "\u0120underlying": 10238, "\u0120Member": 10239, "\u0120investigating": 10240, "\u0120pregnancy": 10241, "\u0120touchdown": 10242, "\u0120Band": 10243, "\u0120Caller": 10244, "\u0120instances": 10245, "PP": 10246, "wa": 10247, "Good": 10248, "\u01201991": 10249, "\u0120Cold": 10250, "\u0120fears": 10251, "\u0120remarks": 10252, "\u0128\u0134": 10253, "atal": 10254, "\u0120mit": 10255, "\u0120experiments": 10256, "ipt": 10257, "Color": 10258, "indu": 10259, "Update": 10260, "\u012093": 10261, "Ag": 10262, "\u0120\u00e5": 10263, "ancouver": 10264, "Both": 10265, "\u0120judges": 10266, "Object": 10267, "\u0120stere": 10268, "umbn": 10269, "\u0120participation": 10270, "\u0120Stars": 10271, "\u0120Jere": 10272, "\u0120weekly": 10273, "\u0120Ban": 10274, "\u0120conversations": 10275, "\u0120Pitt": 10276, "uz": 10277, "\u0120Indiana": 10278, "\u0120Kick": 10279, "\u0120infection": 10280, "\u0120heroes": 10281, "\u0120settled": 10282, "\u0120strip": 10283, "\u0120hal": 10284, "\u0120dump": 10285, "\u0120Sci": 10286, "\u0120les": 10287, "\u0120references": 10288, "\u0120URL": 10289, "\u0120Bridge": 10290, "\u0120wanting": 10291, "Force": 10292, "\u0120exclus": 10293, "Meanwhile": 10294, "mn": 10295, "\u0120gentle": 10296, "maker": 10297, "senal": 10298, "\u0120Gro": 10299, "ouri": 10300, "\u0120Rain": 10301, "\u0120Alliance": 10302, "\u0120lift": 10303, "ela": 10304, "SD": 10305, "\u0120Cleveland": 10306, "\u0120ranked": 10307, "\u0120stadium": 10308, "\u0120deadly": 10309, "\u00e4\u00b8": 10310, "\u0120riding": 10311, "aria": 10312, "\u0120Armor": 10313, "\u0120documentation": 10314, "\u0120Greece": 10315, "reek": 10316, "\u0120lens": 10317, "\u0120Sa": 10318, "\u0120gross": 10319, "\u0120Emer": 10320, "agers": 10321, "\u0120Dub": 10322, "\u0120Rh": 10323, "\u0120AMD": 10324, "\u0120arrival": 10325, "\u0120desert": 10326, "\u0120supplement": 10327, "\u0120Resp": 10328, "\u0120knee": 10329, "\u0120margin": 10330, "font": 10331, "ogg": 10332, "2010": 10333, "\u0120Pir": 10334, "\u0120Prom": 10335, "ivals": 10336, "\u0120intake": 10337, "\u0120differently": 10338, "ugs": 10339, "\u0120bits": 10340, "cluded": 10341, "\u0120searching": 10342, "\u0120Du": 10343, "umble": 10344, "\u0120functional": 10345, "\u0120Baltimore": 10346, "\u0120Could": 10347, "\u0120desired": 10348, "\u0120circuit": 10349, "\u0120Lyn": 10350, "\u0120GO": 10351, "\u0120False": 10352, "repre": 10353, "':": 10354, "alties": 10355, "\u0120minim": 10356, "\u0120drove": 10357, "\u0120Should": 10358, "\u0120hip": 10359, "\u0120pros": 10360, "\u0120utility": 10361, "\u0120Nature": 10362, "\u0120Mode": 10363, "President": 10364, "opp": 10365, "rat": 10366, "formance": 10367, "\u0120concentration": 10368, "\u0120font": 10369, "\u0120Bud": 10370, "\u0120amid": 10371, "\u0120revers": 10372, "\u0120ML": 10373, "Bar": 10374, "\u0120interaction": 10375, "\u0120jurisd": 10376, "\u0120spells": 10377, "dep": 10378, "fil": 10379, "\u0120civilians": 10380, "utter": 10381, "\u0120Cooper": 10382, "\u0120Below": 10383, "\u0120entrance": 10384, "\u0120convert": 10385, "\u0120controversy": 10386, "owered": 10387, "\u0120contrary": 10388, "\u0120arc": 10389, "\u0120Executive": 10390, "\u0120Officer": 10391, "\u0120packages": 10392, "\u0120progressive": 10393, "width": 10394, "\u0120reserved": 10395, "vol": 10396, "\u0120Samsung": 10397, "\u0120printed": 10398, "\u0120centers": 10399, "\u0120introduce": 10400, "\u0120Kennedy": 10401, "\u0120odds": 10402, "\u0120surely": 10403, "\u0120independence": 10404, "\u0120passengers": 10405, "reprene": 10406, "\u0120Beh": 10407, "\u0120loves": 10408, "\u0120ESPN": 10409, "\u0120facilit": 10410, "\u0120identical": 10411, "\u0120doct": 10412, "\u0120partnership": 10413, "conf": 10414, "\u0120Hide": 10415, "\u0120confused": 10416, "\u0120Cow": 10417, "Men": 10418, "\u0120wrest": 10419, "\u0120Iraqi": 10420, "\u0120holes": 10421, "\u0120Studies": 10422, "\u0120pregnant": 10423, "hard": 10424, "\u0120signals": 10425, "IX": 10426, "\u0120pulling": 10427, "\u0120graduate": 10428, "\u0120nominee": 10429, "Date": 10430, "\u0120permitted": 10431, "\u0120\u00e2\u0124\u00ac": 10432, "\u0120Oklahoma": 10433, "Start": 10434, "\u0120authorized": 10435, "\u0120alarm": 10436, "\u0120Cos": 10437, "van": 10438, "\u0120generations": 10439, "cular": 10440, "\u0120dragon": 10441, "\u0120Software": 10442, "\u0120Edward": 10443, "\u0120controller": 10444, "Sen": 10445, "gered": 10446, "\u0120Vik": 10447, "\u0120approached": 10448, "Thank": 10449, "\u0120cance": 10450, "\u0120formula": 10451, "\u0120Small": 10452, "\u0120weakness": 10453, "\u0120ramp": 10454, "itudes": 10455, "jud": 10456, "\u0120brilliant": 10457, "\u0120accus": 10458, "source": 10459, "\u0120800": 10460, "\u0120Evil": 10461, "Sw": 10462, "\u0120homeless": 10463, "week": 10464, "iens": 10465, "rics": 10466, "\u0120Third": 10467, "TO": 10468, "\u0120organic": 10469, "\u0120presentation": 10470, "agh": 10471, "\u0120Download": 10472, "vation": 10473, "\u0120assembly": 10474, "orable": 10475, "holders": 10476, "\u0120Bernie": 10477, "\u0120Help": 10478, "\u0120tong": 10479, "\u0120Fight": 10480, "\u0120beach": 10481, "Book": 10482, "\u0120Lic": 10483, "\u0120rush": 10484, "\u0120Round": 10485, "oup": 10486, "\u0120Marx": 10487, "\u0120calculated": 10488, "\u0120Devil": 10489, "\u0120Sarah": 10490, "\u0120occasionally": 10491, "\u0120bullet": 10492, "Available": 10493, "gate": 10494, "\u012091": 10495, "\u0120hosp": 10496, "\u0120promises": 10497, "\u0120HIV": 10498, "\u0120Stadium": 10499, "\u0120Stock": 10500, "\u0120Corporation": 10501, "gage": 10502, "NG": 10503, "\u0120Credit": 10504, "\u0120sne": 10505, "ibl": 10506, "\u0120accum": 10507, "such": 10508, "\u0120terrorists": 10509, "\u0120consciousness": 10510, "\u0120Zh": 10511, "\u0120drama": 10512, "oola": 10513, "piration": 10514, "\u0120labour": 10515, "\u0120Nin": 10516, "\u0120utter": 10517, "\u0120democratic": 10518, "\u0120assass": 10519, "ilation": 10520, "\u0120gest": 10521, "\u0120abroad": 10522, "\u0120metab": 10523, "\u0120sorts": 10524, "\u0120flav": 10525, "UB": 10526, "\u0120mg": 10527, "\u0120Nothing": 10528, "\u0120Od": 10529, "\u0120musical": 10530, "2009": 10531, "\u0120drops": 10532, "ocated": 10533, "ateral": 10534, "000000": 10535, "\u0120gre": 10536, "\u0120equality": 10537, "\u0120burden": 10538, "\u0120vig": 10539, "\u0120Leader": 10540, "------------": 10541, "\u0120ceremony": 10542, "\u0120fighter": 10543, "\u0120actors": 10544, "\u0120\u00e6": 10545, "aman": 10546, "Fi": 10547, "\u0120align": 10548, "puter": 10549, "\u0120elder": 10550, "\u0120NSA": 10551, "\u0120representation": 10552, "\u0120Ontario": 10553, "ITH": 10554, "usalem": 10555, "\u0120harassment": 10556, "itzer": 10557, "\u0120symp": 10558, "\u0120boxes": 10559, "\u0120DR": 10560, "\u0120manifest": 10561, "atre": 10562, "\u0120^": 10563, "\u0120dies": 10564, "leton": 10565, "\u0120missions": 10566, "ethe": 10567, "\u0120resolve": 10568, "\u0120followers": 10569, "\u0120asc": 10570, "\u0120km": 10571, "lord": 10572, "ammed": 10573, "\u0120silent": 10574, "\u0120Associated": 10575, "\u0120timing": 10576, "\u0120prisoners": 10577, "\u0120Kings": 10578, "\u0120Five": 10579, "\u0120tower": 10580, "\u0120approaches": 10581, "\u0120precisely": 10582, "\u0120bureau": 10583, "\u0120Mother": 10584, "\u0120Iss": 10585, "\u0120keyboard": 10586, "itual": 10587, "\u0120funded": 10588, "\u0120staying": 10589, "\u0120psychological": 10590, "\u0120mile": 10591, "\u0120Leon": 10592, "\u0120Barb": 10593, "will": 10594, "\u0120wider": 10595, "\u0120Atlantic": 10596, "\u0120till": 10597, "\u0120Rome": 10598, "rot": 10599, "\u0120accompan": 10600, "\u0120flour": 10601, "aco": 10602, "World": 10603, "\u0120Express": 10604, "\u0120Yu": 10605, "Cor": 10606, "\u0120pleased": 10607, "party": 10608, "\u0120pointing": 10609, "\u0120inflation": 10610, "\u0120roy": 10611, "\u0120),": 10612, "ainer": 10613, "\u0120wedding": 10614, "ormon": 10615, "\u0120requiring": 10616, "\u0120qualified": 10617, "\u0120segment": 10618, "END": 10619, "\u0120sizes": 10620, "eals": 10621, "\u0120corrupt": 10622, "assador": 10623, "\u0120celeb": 10624, "\u0120dreams": 10625, "\u0120Mess": 10626, "\u0120checking": 10627, "\u0120Version": 10628, "\u0120preparing": 10629, "\u0120actively": 10630, "\u0120Diff": 10631, "\u0120lux": 10632, "\u0120Winter": 10633, "acteria": 10634, "\u0120NE": 10635, "\u0120deputy": 10636, "\u0120transgender": 10637, "\u0120summary": 10638, "\u0120inher": 10639, "eries": 10640, "char": 10641, "\u0120Yan": 10642, "\u0120knock": 10643, "\u0120Path": 10644, "\u0120lip": 10645, "roller": 10646, "\u0120impression": 10647, "\u0120celebrate": 10648, "\u0120slide": 10649, "\u0120guests": 10650, "\u0120clip": 10651, "FS": 10652, "\u0120savings": 10653, "\u0120captain": 10654, "\u0120legacy": 10655, "\u0120Denver": 10656, "\u0120wounded": 10657, "taboola": 10658, "ACT": 10659, "\u0120pursue": 10660, "\u0120oxy": 10661, "\u0120q": 10662, "\u0120semi": 10663, "\u0120Need": 10664, "\u0120Affairs": 10665, "\u0120obsc": 10666, "\u0120checked": 10667, "\u0120dual": 10668, "Code": 10669, "\u0120MD": 10670, "lem": 10671, "ulty": 10672, "\u0120\u00c2\u00a9": 10673, "\u0120Elizabeth": 10674, "\u0120centuries": 10675, "arded": 10676, "src": 10677, "\u0120evident": 10678, "ennis": 10679, "atin": 10680, "\u0120unemployment": 10681, "\u0120Mario": 10682, "\u0120intim": 10683, "Christ": 10684, "\u0120biological": 10685, "\u0120soldier": 10686, "\u0120Added": 10687, "\u0120math": 10688, "\u0120Gil": 10689, "\u0120bias": 10690, "\u0120dating": 10691, "\u0120Ocean": 10692, "\u0120mice": 10693, "Mus": 10694, "hire": 10695, "\u0120Tes": 10696, "Server": 10697, "limited": 10698, "Size": 10699, "\u0120meters": 10700, "\u0120rocket": 10701, "essee": 10702, "\u0120certificate": 10703, "\u0120Iranian": 10704, "ASS": 10705, "\u0120grid": 10706, "Dec": 10707, "\u0120rolling": 10708, "commun": 10709, "\u0120Sweden": 10710, "bury": 10711, "\u0120tissue": 10712, "\u0120racism": 10713, "\u0120Local": 10714, "\u0120mystery": 10715, "\u0120examine": 10716, "\u0120stem": 10717, "\u0120sits": 10718, "\u0120hoped": 10719, "oting": 10720, "\u0120dialogue": 10721, "\u0120persu": 10722, "Watch": 10723, "lay": 10724, "MAN": 10725, "\u0120chronic": 10726, "\u0120Portland": 10727, "market": 10728, "\u0120SEC": 10729, "\u0120parallel": 10730, "\u0120scandal": 10731, "\u0120carries": 10732, "\u0120phenomenon": 10733, "human": 10734, "acker": 10735, "\u0120Ox": 10736, "\u0120retirement": 10737, "tainment": 10738, "ovie": 10739, "\u0120Gear": 10740, "\u0120duties": 10741, "\u0120dose": 10742, "\u0120scroll": 10743, "MB": 10744, "inf": 10745, "\u0120sauce": 10746, "\u0120landscape": 10747, "reddit": 10748, "\u0120Championship": 10749, "\u0120Reddit": 10750, "alid": 10751, "\u0120coin": 10752, "\u0120overs": 10753, "\u0120posting": 10754, "about": 10755, "\u0120fel": 10756, "andy": 10757, "\u0120bold": 10758, "\u0120focusing": 10759, "effect": 10760, "GR": 10761, "\u0120deemed": 10762, "\u0120recommendations": 10763, "\u0120stepped": 10764, "\u0120voter": 10765, "\u0120Deep": 10766, "\u0120Instagram": 10767, "\u0120moderate": 10768, "\u0120Maryland": 10769, "\u0120restricted": 10770, "\u0120MB": 10771, "\u0120Chall": 10772, "\u0120tob": 10773, "\u0120cir": 10774, "\u0120Occ": 10775, "\u0120Ever": 10776, "\u0120collaps": 10777, "INFO": 10778, "=-": 10779, "\u0120Pict": 10780, "\u0120Account": 10781, "nc": 10782, "\u0120ought": 10783, "\u0120export": 10784, "\u0120drunk": 10785, "('": 10786, "\u0120wise": 10787, "\u0120Mort": 10788, "necess": 10789, "\u0120ancest": 10790, "\u0120Incre": 10791, "\u0120frequent": 10792, "mir": 10793, "\u0120interpretation": 10794, "\u0120dependent": 10795, "\u0120coins": 10796, "\u0120Bol": 10797, "Video": 10798, "\u0120Justin": 10799, "\u0120fatal": 10800, "\u0120cooking": 10801, "\u0120confusion": 10802, "ipher": 10803, "\u0120custody": 10804, "\u0120Morgan": 10805, "omach": 10806, "\u0120Governor": 10807, "\u0120restaurants": 10808, "eling": 10809, "\u0120acknowledged": 10810, "\u0120ther": 10811, "\u0120genes": 10812, "ching": 10813, "Hey": 10814, "\u0120tactics": 10815, "\u0120Mexican": 10816, "\u0120vend": 10817, "\u0120hes": 10818, "quer": 10819, "\u0120noting": 10820, "\u0120Cameron": 10821, "\u0120targeting": 10822, "rock": 10823, "\u0120credits": 10824, "\u0120emotions": 10825, "\u0120representatives": 10826, "news": 10827, "\u0120legislative": 10828, "\u0120removing": 10829, "\u0120tweeted": 10830, "\u0120Carter": 10831, "\u0120Fixed": 10832, "\u0120forcing": 10833, "\u0120speaker": 10834, "\u0120males": 10835, "\u0120Vietnam": 10836, "lined": 10837, "\u0120concepts": 10838, "\u0120voices": 10839, "oir": 10840, "\u0120Trib": 10841, "Whe": 10842, "\u0120Jerusalem": 10843, "\u0120Sant": 10844, "\u0120cul": 10845, "\u0120lady": 10846, "\u0120Hawai": 10847, "\u0120arts": 10848, "\u0120Inn": 10849, "\u0120Machine": 10850, "\u0120Emperor": 10851, "\u0120slot": 10852, "gly": 10853, "\u0120Process": 10854, "III": 10855, "\u0120athletes": 10856, "\u0120Temple": 10857, "\u0120Represent": 10858, "\u0120presc": 10859, "\u0120tons": 10860, "\u0120golden": 10861, "\u0120punch": 10862, "\u0120GR": 10863, "iverpool": 10864, "\u0120enact": 10865, "\u0120lobby": 10866, "\u0120mos": 10867, "\u0120picking": 10868, "\u0120lifetime": 10869, "\u0120cognitive": 10870, "Each": 10871, "zo": 10872, "\u0120dub": 10873, "\u0120consists": 10874, "oln": 10875, "\u0120festival": 10876, "amous": 10877, "\u0120intellig": 10878, "words": 10879, "\u0120Smart": 10880, "\u0120dele": 10881, "\u0120lapt": 10882, "\u0120magical": 10883, "\u0120Sin": 10884, "bus": 10885, "urities": 10886, "ighth": 10887, "\u0120Ruby": 10888, "\u0120Sure": 10889, "olving": 10890, "\u0120jun": 10891, "OST": 10892, "\u0120imposed": 10893, "\u0120astron": 10894, "\u0120correl": 10895, "\u0120NS": 10896, "\u0120Kit": 10897, "\u0120Future": 10898, "burn": 10899, "\u0120immune": 10900, "ocus": 10901, "\u0120courses": 10902, "\u0120String": 10903, "\u0120lean": 10904, "\u0120ghost": 10905, "\u0120outcomes": 10906, "\u0120expense": 10907, "\u0120everyday": 10908, "\u0120acceptable": 10909, "Ah": 10910, "\u0120equipped": 10911, "\u0120orange": 10912, "FR": 10913, "\u0120Dutch": 10914, "Though": 10915, "\u0120Rank": 10916, "QU": 10917, "\u0120Roberts": 10918, "what": 10919, "rend": 10920, "\u0120disappear": 10921, "\u0120spawn": 10922, "\u0120Lam": 10923, "ois": 10924, "\u0120deserve": 10925, "\u0120minimal": 10926, "\u0120nervous": 10927, "\u0120Would": 10928, "\u0120rook": 10929, "\u0120Vancouver": 10930, "\u0120resign": 10931, "shire": 10932, "\u0120Works": 10933, "\u0120Build": 10934, "\u0120affordable": 10935, "\u0120Gary": 10936, "\u0120Arena": 10937, "\u0120hanging": 10938, "\u0120implications": 10939, "\u0120Song": 10940, "\u0120maintaining": 10941, "\u0120guards": 10942, "CON": 10943, "\u0120derived": 10944, "\u0120executed": 10945, "\u0120theories": 10946, "\u0120quoted": 10947, "\u0120Andre": 10948, "oga": 10949, "seless": 10950, "info": 10951, "\u0120Belg": 10952, "\u0120tears": 10953, "\u0120Surv": 10954, "\u0120birthday": 10955, "igious": 10956, "immer": 10957, "\u0120spectrum": 10958, "\u0120architecture": 10959, "\u0120recruit": 10960, "arma": 10961, "Table": 10962, "\u0120monsters": 10963, "\u0120Gov": 10964, "\u0120destination": 10965, "\u0120attractive": 10966, "\u0120foss": 10967, "\u0120Moreover": 10968, "\u0120presents": 10969, "THE": 10970, "\u0120reply": 10971, "pton": 10972, "\u0120cum": 10973, "\u0120delight": 10974, "\u0120affects": 10975, "\u0120donations": 10976, "\u0120Toy": 10977, "\u0120Him": 10978, "MENT": 10979, "\u0120overcome": 10980, "itched": 10981, "\u0120Fantasy": 10982, "\u0120Hat": 10983, "\u0120Beast": 10984, "bott": 10985, "\u0120investigations": 10986, "Run": 10987, "\u0120hunting": 10988, "di": 10989, "fund": 10990, "\u0120sessions": 10991, "estyle": 10992, "\u0120portray": 10993, "oids": 10994, "Yeah": 10995, "\u0120communicate": 10996, "\u0120comedy": 10997, "\u0120Yang": 10998, "\u0120belt": 10999, "\u0120Marine": 11000, "\u0120predicted": 11001, "Play": 11002, "\u0120importantly": 11003, "\u0120remarkable": 11004, "\u0120eliminate": 11005, "David": 11006, "\u0120bind": 11007, "VID": 11008, "\u0120advocates": 11009, "\u0120Gaza": 11010, "imp": 11011, "DB": 11012, "\u0120Na": 11013, "\u0120Similar": 11014, "IES": 11015, "\u0120charity": 11016, "vas": 11017, "math": 11018, "\u0120\u00e2\u0138": 11019, "oker": 11020, "ndum": 11021, "\u0120caps": 11022, "\u0120Hal": 11023, "2000": 11024, "ean": 11025, "\u0120fleet": 11026, "\u0120recre": 11027, "Right": 11028, "\u0120sleeping": 11029, "ijing": 11030, "kind": 11031, "\u0120designated": 11032, "\u00c3\u00a4": 11033, "\u0120animation": 11034, "kee": 11035, "\u0120Introdu": 11036, "\u0120/>": 11037, "\u0120delayed": 11038, "\u0120tremend": 11039, "\u0120curious": 11040, "Use": 11041, "\u0120lect": 11042, "dam": 11043, "\u0120innovation": 11044, "\u0120Points": 11045, "\u0120loading": 11046, "\u0120dispute": 11047, "ctic": 11048, "irds": 11049, "\u0120BY": 11050, "\u0120nurs": 11051, "\u0120Value": 11052, "IONS": 11053, "\u0120Hum": 11054, "\u0120template": 11055, "mers": 11056, "\u0120appearances": 11057, "\u0120Entertainment": 11058, "\u0120translation": 11059, "\u0120sake": 11060, "\u0120beneath": 11061, "\u0120inhib": 11062, "\u0120euro": 11063, "abetes": 11064, "\u0120studying": 11065, "\u0120Mas": 11066, "\u0120perceived": 11067, "\u0120examined": 11068, "\u0120eager": 11069, "\u0120coaches": 11070, "\u0120imper": 11071, "chi": 11072, "\u0120produces": 11073, "\").": 11074, "\u0120Everyone": 11075, "\u0120municip": 11076, "\u0120girlfriend": 11077, "\u0120hire": 11078, "\u0120Vice": 11079, "\u0120suitable": 11080, "opy": 11081, "\u0120inequ": 11082, "\u0120Duke": 11083, "fish": 11084, "first": 11085, "\u0120Obs": 11086, "\u0120interior": 11087, "\u0120Bruce": 11088, "\u0120Ry": 11089, "\u0120analys": 11090, "\u0120considerable": 11091, "\u0120forecast": 11092, "\u0120fert": 11093, "orship": 11094, "\u0120Drug": 11095, "\u0120ALL": 11096, ":\"": 11097, "thur": 11098, "\u0120Mail": 11099, "\u0120ballot": 11100, "\u0120instantly": 11101, "\u0120Channel": 11102, "\u0120picks": 11103, "\u01201989": 11104, "\u0120tent": 11105, "oli": 11106, "\u0120civilian": 11107, "bling": 11108, "ello": 11109, "bu": 11110, "\u0120inch": 11111, "\u0120logo": 11112, "\u0120cooperation": 11113, "\u0120walks": 11114, "\u0120investments": 11115, "\u0120imprison": 11116, "\u0120Festival": 11117, "\u0120Ky": 11118, "\u0120legally": 11119, "\u0120gri": 11120, "charg": 11121, "Sl": 11122, "\u0120threatening": 11123, "duction": 11124, "flow": 11125, "\u0120dismissed": 11126, "ibraries": 11127, "cap": 11128, "ele": 11129, "\u0120McG": 11130, "\u0120Harvard": 11131, "\u0120Conservative": 11132, "\u0120CBS": 11133, "png": 11134, "\u0120roots": 11135, "\u0120Having": 11136, "umbled": 11137, "\u0120Fun": 11138, "\\/": 11139, "\u0120Search": 11140, "plex": 11141, "\u0120discussing": 11142, "\u0120continu": 11143, "\u0120Tai": 11144, "\u0120Wik": 11145, "Free": 11146, "fit": 11147, "\u0120refuse": 11148, "\u0120managing": 11149, "\u0120synd": 11150, "ipedia": 11151, "walk": 11152, "\u0120professionals": 11153, "\u0120guidance": 11154, "\u0120universities": 11155, "\u0120assemb": 11156, "untu": 11157, "Finally": 11158, "ASE": 11159, "\u0120Auto": 11160, "\u0120Had": 11161, "\u0120anniversary": 11162, "LD": 11163, "\u0120Dur": 11164, "\u0120Ultimate": 11165, "ihad": 11166, "product": 11167, "\u0120transit": 11168, "\u0120restore": 11169, "\u0120explaining": 11170, "\u0120asset": 11171, "\u0120transferred": 11172, "\u0120burst": 11173, "apolis": 11174, "\u0120Magazine": 11175, "\u0120Cra": 11176, "\u0120BR": 11177, "gged": 11178, "\u0120HE": 11179, "Mich": 11180, "bet": 11181, "\u0120Lady": 11182, "ylum": 11183, "erves": 11184, "\u0120meets": 11185, "white": 11186, "Log": 11187, "\u0120corresponding": 11188, "\u0120insisted": 11189, "GG": 11190, "\u0120surrounded": 11191, "\u0120tens": 11192, "\u0120lane": 11193, "\u0120coinc": 11194, "home": 11195, "\u0120existed": 11196, "ected": 11197, "\u0120Double": 11198, "lamm": 11199, "\u0120skept": 11200, "exp": 11201, "\u0120perception": 11202, "iev": 11203, "\u0120Being": 11204, "oft": 11205, "\u0120adopt": 11206, ".:": 11207, "];": 11208, "Windows": 11209, "\u0120satellite": 11210, "ASH": 11211, "\u0120infant": 11212, "description": 11213, "\u0120Meanwhile": 11214, "cm": 11215, "oca": 11216, "\u0120Treat": 11217, "actor": 11218, "\u0120tobacco": 11219, "\u0120Norm": 11220, "emption": 11221, "\u0120flesh": 11222, "\u0120je": 11223, "oop": 11224, "\u0120Heaven": 11225, "\u0120beating": 11226, "anim": 11227, "\u0120gathering": 11228, "\u0120cultiv": 11229, "GO": 11230, "abe": 11231, "\u0120Jonathan": 11232, "\u0120Safety": 11233, "\u0120badly": 11234, "prot": 11235, "\u0120choosing": 11236, "\u0120contacted": 11237, "\u0120quit": 11238, "\u0120distur": 11239, "\u0120stir": 11240, "\u0120token": 11241, "Det": 11242, "\u0120Pa": 11243, "\u0120functionality": 11244, "003": 11245, "some": 11246, "\u0120limitations": 11247, "\u0120meth": 11248, "build": 11249, "config": 11250, "NT": 11251, "rell": 11252, "blem": 11253, "\u0120Mom": 11254, "\u0120veterans": 11255, "\u0120Hu": 11256, "\u0120trends": 11257, "arer": 11258, "\u0120Given": 11259, "\u0120Caption": 11260, "may": 11261, "AST": 11262, "\u0120wondering": 11263, "\u0120Clark": 11264, "normal": 11265, "\u0120separated": 11266, "\u0120desp": 11267, "stic": 11268, "brew": 11269, "\u0120relating": 11270, "\u0120Nik": 11271, "\u0120Farm": 11272, "\u0120enthusi": 11273, "good": 11274, "deb": 11275, "\u0120activist": 11276, "\u0120mart": 11277, "\u0120explosion": 11278, "\u0120Economic": 11279, "Link": 11280, "\u0120insight": 11281, "\u0120convenient": 11282, "\u0120counterpart": 11283, "support": 11284, "\u0120Virt": 11285, "agen": 11286, "\u0120Tennessee": 11287, "\u0120Simon": 11288, "\u0120Award": 11289, "OCK": 11290, "\u0120Figure": 11291, "\u0120overseas": 11292, "\u0120pride": 11293, "\u0120Cas": 11294, "note": 11295, "mg": 11296, "Current": 11297, "\u0120displays": 11298, "content": 11299, "\u0120traveling": 11300, "\u0120hospitals": 11301, "\u0120Financial": 11302, "\u0120Past": 11303, "\u0120defendant": 11304, "\u0120streaming": 11305, "mble": 11306, "\u0120Berlin": 11307, "uki": 11308, "\u0120distribut": 11309, "\u0120antib": 11310, "\u0120chocolate": 11311, "\u0120Castle": 11312, "\u0120interrupt": 11313, "\u0120Row": 11314, "\u0120conversion": 11315, "\u0120bugs": 11316, "\u0120Rather": 11317, "liest": 11318, "LY": 11319, "\u0120Jean": 11320, "common": 11321, "akh": 11322, "\u0120130": 11323, "otton": 11324, "\u0120Dean": 11325, "\u0120amendment": 11326, "\u0120gameplay": 11327, "\u0120Warren": 11328, "oda": 11329, "\u0120highlights": 11330, "\u0120irre": 11331, "\u0120NATO": 11332, "\u0120balls": 11333, "\u0120demanding": 11334, "URE": 11335, "\u0120Luke": 11336, "Figure": 11337, "stop": 11338, "onia": 11339, "zone": 11340, "izers": 11341, "\u0120WR": 11342, "\u0120awarded": 11343, "\u0120regulatory": 11344, "\u0120Hart": 11345, "\u0120SN": 11346, "pling": 11347, "\u0120sour": 11348, "\u0120Pixel": 11349, "usive": 11350, "\u0120fet": 11351, "\u0120Sent": 11352, "\u0120automatic": 11353, "\u0120fer": 11354, "vernment": 11355, "\u0120Khan": 11356, "TON": 11357, "father": 11358, "\u0120extraordinary": 11359, "throp": 11360, "\u0120Python": 11361, "\u0120GPU": 11362, "\u0120sexually": 11363, "\u0120desktop": 11364, "itivity": 11365, "\u0120Antonio": 11366, "\u0120orient": 11367, "\u0120ears": 11368, "obby": 11369, "ouses": 11370, "vertisements": 11371, "\u0120manufacturers": 11372, "icient": 11373, "minute": 11374, "\u0120conviction": 11375, "\u0120garden": 11376, "public": 11377, "\u0120satisfied": 11378, "fold": 11379, "OK": 11380, "\u0120inhab": 11381, "\u0120Think": 11382, "\u0120programme": 11383, "\u0120stomach": 11384, "\u0120coordin": 11385, "\u0120holy": 11386, "\u0120threshold": 11387, "\u0120rhet": 11388, "\u0120serial": 11389, "\u0120employers": 11390, "\u0120Everything": 11391, "rah": 11392, "\u0120bother": 11393, "\u0120brands": 11394, "Value": 11395, "\u0120Ted": 11396, "\u0120Planet": 11397, "\u0120pink": 11398, "\u0120Furthermore": 11399, "sa": 11400, "PE": 11401, "reck": 11402, "\u0120USD": 11403, "otte": 11404, "\u0120&&": 11405, "\u0120landed": 11406, "gets": 11407, "\u0120producers": 11408, "\u0120healthcare": 11409, "\u0120dominant": 11410, "\u0120destro": 11411, "\u0120amended": 11412, "chron": 11413, "\u0120fits": 11414, "\u0120Syd": 11415, "\u0120Authority": 11416, "ATCH": 11417, "\u0120fights": 11418, "\u0120LLC": 11419, "\u0120---": 11420, "\u0120Corp": 11421, "\u0120toxic": 11422, "specific": 11423, "\u0120Corn": 11424, "\u0120Chel": 11425, "\u0120telephone": 11426, "\u0120Pant": 11427, "\u0120mysterious": 11428, "aunch": 11429, "odox": 11430, "media": 11431, "\u0120witnesses": 11432, "agu": 11433, "\u0120questioned": 11434, "\u0120Brexit": 11435, "\u0120Remember": 11436, "enez": 11437, "\u0120endorse": 11438, "iatric": 11439, "\u0120Ident": 11440, "\u0120ridiculous": 11441, "110": 11442, "\u0120prayer": 11443, "\u0120scientist": 11444, "\u01201950": 11445, "\u0120Aqu": 11446, "\u0120underground": 11447, "\u0120UFC": 11448, "mare": 11449, "\u0120Later": 11450, "wich": 11451, "\u0120subscrib": 11452, "\u0120hosts": 11453, "\u0120err": 11454, "\u0120grants": 11455, "antom": 11456, "\u0120summon": 11457, "early": 11458, "\u0120Clear": 11459, "\u0120Prim": 11460, "\u0120suspension": 11461, "\u0120guaranteed": 11462, "apper": 11463, "\u0120rice": 11464, "\u0120Sean": 11465, "\u0120Shin": 11466, "\u0120referendum": 11467, "\u0120fled": 11468, "rust": 11469, "\u0120360": 11470, "tery": 11471, "\u0120shocked": 11472, "BR": 11473, "\u0120Oil": 11474, "\u0120Allah": 11475, "\u0120partly": 11476, "\u0120ignor": 11477, "\u0120transmission": 11478, "\u0120homosexual": 11479, "iversal": 11480, "\u0120hopefully": 11481, "\u00e3\u0124\u00a4": 11482, "\u0120lesson": 11483, "Leg": 11484, "\u0120..": 11485, "Yet": 11486, "table": 11487, "appropri": 11488, "rett": 11489, "\u0120boards": 11490, "\u0120incorrect": 11491, "\u0120bacteria": 11492, "aru": 11493, "amac": 11494, "\u0120snap": 11495, ".'\"": 11496, "\u0120parad": 11497, "tem": 11498, "heart": 11499, "\u0120availability": 11500, "\u0120wisdom": 11501, "\u0120(+": 11502, "\u0120priest": 11503, "\u0120\u00c2\u0142\u0120\u00c2\u0142": 11504, "Open": 11505, "\u0120span": 11506, "\u0120parameter": 11507, "\u0120convince": 11508, "\u0120(%)": 11509, "rac": 11510, "\u0120fo": 11511, "\u0120safely": 11512, "\u0120converted": 11513, "\u0120Olympic": 11514, "\u0120reserve": 11515, "\u0120healing": 11516, "\u0120Mine": 11517, "Max": 11518, "\u0120inherent": 11519, "\u0120Graham": 11520, "\u0120integrated": 11521, "Dem": 11522, "\u0120pipeline": 11523, "\u0120applying": 11524, "\u0120embed": 11525, "\u0120Charlie": 11526, "\u0120cave": 11527, "2008": 11528, "\u0120consensus": 11529, "\u0120rewards": 11530, "Pal": 11531, "\u0120HTML": 11532, "\u0120popularity": 11533, "looking": 11534, "\u0120Sword": 11535, "\u0120Arts": 11536, "')": 11537, "\u0120electron": 11538, "clusions": 11539, "\u0120integrity": 11540, "\u0120exclusively": 11541, "\u0120grace": 11542, "\u0120torture": 11543, "\u0120burned": 11544, "two": 11545, "\u0120180": 11546, "Produ": 11547, "\u0120entreprene": 11548, "raphics": 11549, "\u0120gym": 11550, "ricane": 11551, "\u0120Tam": 11552, "\u0120administrative": 11553, "\u0120manufacturer": 11554, "\u0120vel": 11555, "\u0120Ni": 11556, "\u0120isolated": 11557, "\u0120Medicine": 11558, "\u0120backup": 11559, "\u0120promoting": 11560, "\u0120commander": 11561, "\u0120flee": 11562, "\u0120Russell": 11563, "\u0120forgotten": 11564, "\u0120Missouri": 11565, "\u0120residence": 11566, "mons": 11567, "\u0120resemb": 11568, "\u0120wand": 11569, "\u0120meaningful": 11570, "PT": 11571, "\u0120bol": 11572, "\u0120helic": 11573, "\u0120wealthy": 11574, "\u0120rifle": 11575, "strong": 11576, "rowing": 11577, "plan": 11578, "asury": 11579, "\u00e2\u0122\u00a6.": 11580, "\u0120expanding": 11581, "\u0120Hamilton": 11582, "\u0120receives": 11583, "SI": 11584, "eatures": 11585, "\u0120Anim": 11586, "REE": 11587, "Put": 11588, "\u0120briefly": 11589, "rive": 11590, "\u0120stimul": 11591, "\u0120``(": 11592, "\u0120__": 11593, "\u0120chip": 11594, "\u0120haz": 11595, "\u0120prize": 11596, "\u0120Things": 11597, "ACE": 11598, "ulin": 11599, "dict": 11600, "oku": 11601, "\u0120associate": 11602, "ockets": 11603, "youtube": 11604, "Story": 11605, "ategory": 11606, "\u0120mild": 11607, "ailing": 11608, "\u0120Ye": 11609, "Orig": 11610, "\u0120Ka": 11611, "orig": 11612, "\u0120propaganda": 11613, "\u0120anonymous": 11614, "\u0120struggled": 11615, "\u0120outrage": 11616, "ATED": 11617, "\u0120Beijing": 11618, "rary": 11619, "\u0120leather": 11620, "\u0120worlds": 11621, "\u0120broader": 11622, "125": 11623, "idal": 11624, "\u0120Better": 11625, "\u0120tear": 11626, "Ext": 11627, "\u0120proposals": 11628, "\u0120iter": 11629, "\u0120Squad": 11630, "\u0120volunt": 11631, "mi": 11632, "Did": 11633, "\u0120Pu": 11634, "pin": 11635, "\u0120speakers": 11636, "\u0120borders": 11637, "\u0120figured": 11638, "='": 11639, "\u0120simultaneously": 11640, "aeda": 11641, "\u0120charging": 11642, "\u0120urged": 11643, "\u0120conj": 11644, "256": 11645, "\u0120Gordon": 11646, "merce": 11647, "\u0120documentary": 11648, "Share": 11649, "itol": 11650, "ONE": 11651, "\u0120Garden": 11652, "hatt": 11653, "\u0120Thompson": 11654, "aneous": 11655, "apore": 11656, "\u0120tanks": 11657, "\u0120lessons": 11658, "track": 11659, "\u0120outstanding": 11660, "\u0120volunteers": 11661, "\u0120spray": 11662, "\u0120managers": 11663, "large": 11664, "\u0120camps": 11665, "\u0120artificial": 11666, "\u0120Ru": 11667, "\u0120bags": 11668, "thal": 11669, "\u0120compatible": 11670, "\u0120Blade": 11671, "\u0120fed": 11672, "\u0120argues": 11673, "FI": 11674, "\u0120unfair": 11675, "\u0120corn": 11676, "\u0120offset": 11677, "\u0120directions": 11678, "\u0120disappointed": 11679, "\u0120Convention": 11680, "\u0120viewing": 11681, "ME": 11682, "ocity": 11683, "\u0120towns": 11684, "\u0120layers": 11685, "\u0120rolled": 11686, "\u0120jumped": 11687, "\u0120attribute": 11688, "\u0120unnecess": 11689, "incoln": 11690, "\u0120suppose": 11691, "\u0120Nether": 11692, "cha": 11693, "\u0120buried": 11694, "\u0120sixth": 11695, "Ben": 11696, "ressing": 11697, "OUR": 11698, "\u0120wound": 11699, "\u0120cycl": 11700, "\u0120mechanisms": 11701, "\u0120congressional": 11702, "\u0120Element": 11703, "\u0120agreements": 11704, "\u0120decor": 11705, "\u0120closest": 11706, "\u0120Mit": 11707, "Google": 11708, "}}": 11709, "\u0120mixture": 11710, "\u0120fluid": 11711, "Sign": 11712, "\u0120Scholar": 11713, "\u0120pist": 11714, "asket": 11715, "abling": 11716, "\u0120racing": 11717, "hero": 11718, "riel": 11719, "assy": 11720, "\u0120cheaper": 11721, "ben": 11722, "\u0120vertical": 11723, "amacare": 11724, "\u0120Reading": 11725, "gments": 11726, "\u0120helicop": 11727, "\u0120sacrifice": 11728, "aya": 11729, "paren": 11730, "VA": 11731, "\u0120Les": 11732, "\u0120Studio": 11733, "\u0120violations": 11734, "\u0120Anna": 11735, "acer": 11736, "\u00e9\u00be": 11737, "\u0120Rat": 11738, "\u0120Beck": 11739, "\u0120Dick": 11740, "\u0120ACT": 11741, "\u0120composition": 11742, "\u0120texture": 11743, "\u0120Own": 11744, "\u0120smartphone": 11745, "\u0120NA": 11746, "\u0120forb": 11747, "import": 11748, "\u0120defending": 11749, "ilst": 11750, "rer": 11751, "\u0120oh": 11752, "\u0120Jeremy": 11753, "\u0120banking": 11754, "ceptions": 11755, "\u0120respective": 11756, "/.": 11757, "\u0120drinks": 11758, "\u0120Wi": 11759, "\u0120bands": 11760, "\u0120Liverpool": 11761, "\u0120grip": 11762, "\u0120Buy": 11763, "\u0120openly": 11764, "\u0120reviewed": 11765, "pert": 11766, "\u0120verify": 11767, "\u0120Cole": 11768, "\u0120Wales": 11769, "MO": 11770, "\u0120unpre": 11771, "\u0120shelter": 11772, "\u0120Imperial": 11773, "\u0120gui": 11774, "\u0120Dak": 11775, "\u0120suggestions": 11776, "\u0120explicitly": 11777, "\u0120slave": 11778, "\u0120blockchain": 11779, "\u0120competing": 11780, "\u0120promising": 11781, "SON": 11782, "\u0120soccer": 11783, "\u0120constitution": 11784, "429": 11785, "\u0120distract": 11786, "\u0120User": 11787, "esides": 11788, "\u0120Method": 11789, "\u0120Tokyo": 11790, "\u0120accompanied": 11791, "Client": 11792, "sur": 11793, "alog": 11794, "\u0120identification": 11795, "\u0120invasion": 11796, "asma": 11797, "\u0120industries": 11798, "ppers": 11799, "\u0120subtle": 11800, "\u0120Unit": 11801, "natural": 11802, "\u0120survived": 11803, "\u0120flaw": 11804, "\u013a\u0127": 11805, "\u0120Holl": 11806, "\u0120deficit": 11807, "\u0120tutorial": 11808, "\u0120Chance": 11809, "\u0120arguing": 11810, "\u0120contemporary": 11811, "\u0120integration": 11812, "forward": 11813, "\u0120tum": 11814, "itis": 11815, "\u0120hiding": 11816, "\u0120Domin": 11817, "\u0120Tan": 11818, "\u0120Building": 11819, "\u0120Vin": 11820, "\u0120spokesperson": 11821, "\u0120Notes": 11822, "\u0120emerging": 11823, "\u0120preparation": 11824, "\u0120prost": 11825, "\u0120suspects": 11826, "\u0120autonom": 11827, "Description": 11828, "\u0120dealt": 11829, "\u0120Pear": 11830, "\u0120steady": 11831, "\u0120decreased": 11832, "\u0120sovere": 11833, "\u0120Clin": 11834, "\u0120gradually": 11835, "orses": 11836, "\u0120WAR": 11837, "Serv": 11838, "\u00e3\u0124\u00a2": 11839, "hr": 11840, "\u0120dirty": 11841, "\u0120Barn": 11842, "\u0120BC": 11843, "\u0120dil": 11844, "\u0120calendar": 11845, "\u0120compliance": 11846, "\u0120chamber": 11847, "bb": 11848, "\u0120passenger": 11849, "ateful": 11850, "\u0120Title": 11851, "\u0120Sydney": 11852, "\u0120Got": 11853, "\u0120darkness": 11854, "\u0120defect": 11855, "\u0120packed": 11856, "assion": 11857, "\u0120gods": 11858, "\u0120harsh": 11859, "ICK": 11860, "leans": 11861, "\u0120algorithm": 11862, "\u0120oxygen": 11863, "\u0120visits": 11864, "\u0120blade": 11865, "\u0120kilomet": 11866, "\u0120Kentucky": 11867, "\u0120killer": 11868, "Pack": 11869, "enny": 11870, "\u0120divine": 11871, "\u0120nomination": 11872, "being": 11873, "\u0120engines": 11874, "\u0120cats": 11875, "\u0120buffer": 11876, "\u0120Phill": 11877, "\u0120traff": 11878, "AGE": 11879, "\u0120tongue": 11880, "\u0120radiation": 11881, "erer": 11882, "mem": 11883, "\u0120Explicit": 11884, "\u00e9\u00be\u012f": 11885, "\u0120couples": 11886, "\u0120physics": 11887, "\u0120McK": 11888, "\u0120politically": 11889, "awks": 11890, "\u0120Bloom": 11891, "\u0120worship": 11892, "eger": 11893, "uter": 11894, "\u0120FO": 11895, "\u0120mathemat": 11896, "\u0120sentenced": 11897, "\u0120disk": 11898, "\u0120Marg": 11899, "\u0120/*": 11900, "PI": 11901, "\u0120optional": 11902, "\u0120babies": 11903, "\u0120seeds": 11904, "\u0120Scottish": 11905, "\u0120thy": 11906, "]]": 11907, "\u0120Hitler": 11908, "PH": 11909, "ngth": 11910, "\u0120recovered": 11911, "inge": 11912, "\u0120powder": 11913, "\u0120lips": 11914, "\u0120designer": 11915, "\u0120disorders": 11916, "\u0120courage": 11917, "\u0120chaos": 11918, "\"},{\"": 11919, "\u0120carrier": 11920, "bably": 11921, "High": 11922, "\u0120RT": 11923, "esity": 11924, "len": 11925, "\u0120routes": 11926, "uating": 11927, "Fil": 11928, "NOT": 11929, "wall": 11930, "sburgh": 11931, "\u0120engaging": 11932, "\u0120JavaScript": 11933, "orer": 11934, "lihood": 11935, "\u0120unions": 11936, "\u0120Federation": 11937, "\u0120Tesla": 11938, "\u0120completion": 11939, "\u0120Ta": 11940, "\u0120privilege": 11941, "\u0120Orange": 11942, "\u0120neur": 11943, "parency": 11944, "\u0120bones": 11945, "\u0120titled": 11946, "\u0120prosecutors": 11947, "\u0120ME": 11948, "\u0120engineer": 11949, "\u0120Universe": 11950, "\u0120Hig": 11951, "nie": 11952, "oard": 11953, "\u0120hearts": 11954, "\u0120Gre": 11955, "ussion": 11956, "\u0120ministry": 11957, "\u0120penet": 11958, "\u0120Nut": 11959, "\u0120Ow": 11960, "\u0120XP": 11961, "instein": 11962, "\u0120bulk": 11963, "System": 11964, "icism": 11965, "\u0120Marketable": 11966, "\u0120preval": 11967, "\u0120poster": 11968, "\u0120attending": 11969, "urable": 11970, "\u0120licensed": 11971, "\u0120Gh": 11972, "etry": 11973, "\u0120Tradable": 11974, "\u0120blast": 11975, "\u00e0\u00a4": 11976, "\u0120Titan": 11977, "elled": 11978, "die": 11979, "Have": 11980, "\u0120Flame": 11981, "\u0120profound": 11982, "\u0120participating": 11983, "\u0120anime": 11984, "\u0120Ess": 11985, "\u0120specify": 11986, "\u0120regarded": 11987, "\u0120Spell": 11988, "\u0120sons": 11989, "owned": 11990, "\u0120merc": 11991, "\u0120experimental": 11992, "lando": 11993, "hs": 11994, "\u0120Dungeon": 11995, "inos": 11996, "\u0120comply": 11997, "\u0120Systems": 11998, "arth": 11999, "\u0120seized": 12000, "local": 12001, "\u0120Girls": 12002, "udo": 12003, "oned": 12004, "\u0120Fle": 12005, "\u0120constructed": 12006, "\u0120hosted": 12007, "\u0120scared": 12008, "actic": 12009, "\u0120Islands": 12010, "\u0120MORE": 12011, "\u0120bless": 12012, "\u0120blocking": 12013, "\u0120chips": 12014, "\u0120evac": 12015, "Ps": 12016, "\u0120corporation": 12017, "\u0120ox": 12018, "\u0120lighting": 12019, "\u0120neighbors": 12020, "\u0120Ub": 12021, "aro": 12022, "\u0120beef": 12023, "\u0120Uber": 12024, "Facebook": 12025, "armed": 12026, "itate": 12027, "\u0120Rating": 12028, "\u0120Quick": 12029, "\u0120occupied": 12030, "\u0120aims": 12031, "\u0120Additionally": 12032, "\u0120Interest": 12033, "\u0120dramatically": 12034, "\u0120heal": 12035, "\u0120painting": 12036, "\u0120engineers": 12037, "MM": 12038, "\u0120Must": 12039, "\u0120quantity": 12040, "Paul": 12041, "\u0120earnings": 12042, "\u0120Posts": 12043, "stra": 12044, "\u00e3\u0125\u00bc\u00e3\u0125": 12045, "\u0120stance": 12046, "\u0120dropping": 12047, "script": 12048, "\u0120dressed": 12049, "Make": 12050, "\u0120justify": 12051, "\u0120Ltd": 12052, "\u0120prompted": 12053, "\u0120scrut": 12054, "\u0120speeds": 12055, "\u0120Giants": 12056, "omer": 12057, "\u0120Editor": 12058, "\u0120describing": 12059, "\u0120Lie": 12060, "mented": 12061, "\u0120nowhere": 12062, "ocaly": 12063, "\u0120instruction": 12064, "fortable": 12065, "\u0120entities": 12066, "\u0120cm": 12067, "\u0120Natural": 12068, "\u0120inquiry": 12069, "\u0120pressed": 12070, "izont": 12071, "forced": 12072, "\u0120raises": 12073, "\u0120Netflix": 12074, "\u0120Side": 12075, "\u0120outer": 12076, "\u0120amongst": 12077, "ims": 12078, "owski": 12079, "\u0120climb": 12080, "never": 12081, "\u0120combine": 12082, "ding": 12083, "\u0120compr": 12084, "\u0120significance": 12085, "\u0120remembered": 12086, "\u0120Nevada": 12087, "\u0120Tel": 12088, "\u0120Scar": 12089, "\u0120Warriors": 12090, "\u0120Jane": 12091, "\u0120coup": 12092, "bas": 12093, "\u0120terminal": 12094, ",-": 12095, "OH": 12096, "\u0120tension": 12097, "\u0120wings": 12098, "\u0120Myster": 12099, "\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 12100, "\u0120Unlike": 12101, "valid": 12102, "vironments": 12103, "\u0120Ali": 12104, "\u0120naked": 12105, "books": 12106, "\u0120Mun": 12107, "\u0120Gulf": 12108, "\u0120density": 12109, "\u0120dimin": 12110, "\u0120desperate": 12111, "\u0120presidency": 12112, "\u01201986": 12113, "hy": 12114, "IND": 12115, "\u0120unlock": 12116, "imens": 12117, "\u0120handled": 12118, "\u0120Eb": 12119, "\u0120disappeared": 12120, "\u0120genre": 12121, "\u01201988": 12122, "\u0120determination": 12123, "Stream": 12124, "iko": 12125, "apters": 12126, "\u0120acknowledge": 12127, "Jan": 12128, "\u0120capitalism": 12129, "Pat": 12130, "\u01202020": 12131, "\u0120painful": 12132, "\u0120curve": 12133, "\u0120bombs": 12134, "storm": 12135, "\u0120Metal": 12136, "encer": 12137, "\u0120Fig": 12138, "\u0120Aaron": 12139, "anches": 12140, "\u0120inspiration": 12141, "\u0120exhaust": 12142, "tains": 12143, "ashi": 12144, "\u0120descript": 12145, "\u0120ritual": 12146, "\u0120Chelsea": 12147, "\u0120promotion": 12148, "\u0120Hung": 12149, "\u0120Ward": 12150, "iva": 12151, "\u0120ET": 12152, "\u0120toss": 12153, "allow": 12154, "\u0120Francis": 12155, "Dep": 12156, "\u0120happiness": 12157, "\u0120Glass": 12158, "\u0120beta": 12159, "\u0120strengthen": 12160, "NE": 12161, "oa": 12162, "\u0120buttons": 12163, "\u0120Murray": 12164, "\u0120kicked": 12165, "Quest": 12166, "\u0120Talk": 12167, "\u0120Several": 12168, "\u0120Zero": 12169, "\u0120drone": 12170, "ulk": 12171, "\u0120cam": 12172, "\u0120Mobile": 12173, "\u0120preventing": 12174, "\u0120retro": 12175, "\u0120Ax": 12176, "\u0120cruel": 12177, "\u0120float": 12178, ".),": 12179, "\u0120filing": 12180, "\u0120Grant": 12181, "\u0120Bor": 12182, "\u0120rib": 12183, "\u0120championship": 12184, "\u0120Merc": 12185, "\u0120styles": 12186, "\u0120cake": 12187, "\u0120builds": 12188, "\u0120Self": 12189, "iox": 12190, "\u0120epic": 12191, "oyd": 12192, "Bel": 12193, "\u0120Stew": 12194, ".(": 12195, "ahu": 12196, "\u0120Beyond": 12197, "\u0120outs": 12198, "\u0120solo": 12199, "\u0120Tree": 12200, "\u0120preserve": 12201, "\u0120tub": 12202, "ARE": 12203, "roc": 12204, "\u0120Impro": 12205, "\u0120Wright": 12206, "\u0120bund": 12207, "\u0120traged": 12208, "\u0120occasional": 12209, "bian": 12210, "Second": 12211, "rons": 12212, "\u0120interactions": 12213, "formed": 12214, "sing": 12215, "\u0120owns": 12216, "\u0120hockey": 12217, "General": 12218, "\u0120logical": 12219, "\u0120expend": 12220, "\u0120escal": 12221, "\u0120Griff": 12222, "\u0120Crown": 12223, "\u0120Reserve": 12224, "\u0120stopping": 12225, "\u0120excuse": 12226, "second": 12227, "\u0120operated": 12228, "\u0120reaches": 12229, "\u0120Malays": 12230, "\u0120pollution": 12231, "\u0120Brooklyn": 12232, "\u0120delete": 12233, "\u0120hash": 12234, "Block": 12235, "aha": 12236, "\u00e2\u0122\u00b3": 12237, "\u0120shorter": 12238, "piece": 12239, ">>>": 13163, "\u0120Mormon": 13164, "tor": 13165, "\u0120particles": 13166, "\u0120Bart": 13167, "ryption": 13168, "\u0120admin": 13169, "\u0120squee": 13170, "VIDIA": 13171, "\u0120creator": 13172, "iameter": 13173, "icular": 13174, "NBC": 13175, "\u0120grabbed": 13176, "\u0120nodd": 13177, "\u0120rated": 13178, "\u0120rotation": 13179, "\u0120grasp": 13180, "\u0120excessive": 13181, "\u0120EC": 13182, "\u0120Whit": 13183, "\u0120inventory": 13184, "aults": 13185, "\u0120FB": 13186, "\u0120ecosystem": 13187, "\u0120billions": 13188, "\u0120venture": 13189, "named": 13190, "\u0120defender": 13191, "oute": 13192, "Instead": 13193, "irable": 13194, "War": 13195, "\u0120assumption": 13196, "\u0120bite": 13197, "\u0120earthqu": 13198, "tail": 13199, "space": 13200, "\u0120gifts": 13201, "boys": 13202, "\u0120inevitable": 13203, "\u0120structural": 13204, "\u0120beneficial": 13205, "\u0120compelling": 13206, "hole": 13207, "ervation": 13208, "\u0120coat": 13209, "oj": 13210, "incarn": 13211, "\u0120Years": 13212, "\u0120determining": 13213, "\u0120rhetoric": 13214, "\u0120boundaries": 13215, "\u0120whites": 13216, "Ant": 13217, "addy": 13218, ")-": 13219, "raham": 13220, "etermin": 13221, "\u0120harvest": 13222, "\u0120Conc": 13223, "\u0120laptop": 13224, "\u0120Match": 13225, "\u0120enjoying": 13226, "cca": 13227, "ollar": 13228, "\u0120trips": 13229, "\u0120addiction": 13230, "\u0120Sak": 13231, "\u0120powered": 13232, "\u0120cous": 13233, "\u0120Russians": 13234, "iere": 13235, "\u0120retrie": 13236, "quality": 13237, "\u0120differ": 13238, "\u0120kingdom": 13239, "\u0120Laur": 13240, "\u0120Capitol": 13241, "\u0120conclusions": 13242, "\u0120Altern": 13243, "\u0120Nav": 13244, "\u0120transparent": 13245, "BER": 13246, "Group": 13247, "\u0120Complete": 13248, "\u0120infer": 13249, "\u0120intrig": 13250, "\u0120insane": 13251, "RO": 13252, "ophob": 13253, "isen": 13254, "qual": 13255, "Michael": 13256, "\u0120museum": 13257, "\u0120Pope": 13258, "\u0120reset": 13259, "rative": 13260, "five": 13261, "\u0120aggreg": 13262, "ittees": 13263, "ository": 13264, "\u0120carb": 13265, "\u0120Record": 13266, "\u0120decides": 13267, "\u0120Fix": 13268, "\u0120exceptions": 13269, "\u0120Commissioner": 13270, "uns": 13271, "\u0120Environmental": 13272, "\u0120legendary": 13273, "istence": 13274, "\u0120tunnel": 13275, "km": 13276, "\u0120insult": 13277, "\u0120troll": 13278, "\u0120shake": 13279, "\u0120detention": 13280, "ques": 13281, "\u0120Chrome": 13282, "\u0120Files": 13283, "\u0120subt": 13284, "\u0120prospects": 13285, "\u0120prol": 13286, "render": 13287, "proof": 13288, "\u0120performances": 13289, "Str": 13290, "\u0120href": 13291, "ername": 13292, "\u0120achievement": 13293, "\u0120fut": 13294, "Full": 13295, "\u0120Leban": 13296, "google": 13297, "\u00e3\u0125\u012a": 13298, "ampa": 13299, "Maybe": 13300, "\u0120projected": 13301, "\u0120Emb": 13302, "\u0120colleg": 13303, "\u0120awards": 13304, "\u0120\u00e2\u0136": 13305, "Gold": 13306, "\u0120Blake": 13307, "\u0120Raj": 13308, "ifting": 13309, "\u0120pending": 13310, "\u0120instinct": 13311, "\u0120developments": 13312, "Connect": 13313, "\u0120Mand": 13314, "\u0120WITH": 13315, "\u0120Philippines": 13316, "profile": 13317, "\u0120altogether": 13318, "\u0120Bund": 13319, "\u0120TD": 13320, "oooo": 13321, "amped": 13322, "iph": 13323, "\u0120steam": 13324, "\u0120oldest": 13325, "\u0120detection": 13326, "ulpt": 13327, "\u0120\u00e7": 13328, "\u0120Wayne": 13329, "2006": 13330, "fa": 13331, "\u0120circles": 13332, "\u0120Fu": 13333, "\u0120donors": 13334, "appropriate": 13335, "\u0120Dakota": 13336, "jamin": 13337, "\u0120motivated": 13338, "\u0120purchases": 13339, "\u0120Louisiana": 13340, "\u0120Spl": 13341, "\u0120globe": 13342, "\u0120105": 13343, "zip": 13344, "call": 13345, "\u0120departments": 13346, "\u0120sustainable": 13347, "105": 13348, "\u0120OP": 13349, "ifiers": 13350, "\u0120prevented": 13351, "\u0120incomp": 13352, "\u0120Commander": 13353, "\u0120dominated": 13354, "\u0120\u00c2\u00bb": 13355, "\u0120invested": 13356, "\u0120complexity": 13357, "\u0120incl": 13358, "\u0120ensuring": 13359, "\u0120realm": 13360, "ync": 13361, "\u0120Independent": 13362, "rained": 13363, "\u0120Jen": 13364, "\u0120Flight": 13365, "\u0120athe": 13366, "\u0120speculation": 13367, "\u0120TE": 13368, "ocate": 13369, "tic": 13370, "\u0120plaint": 13371, "herry": 13372, "\u0120toy": 13373, "\u0120111": 13374, "\u0120plates": 13375, "status": 13376, "\u0120Isa": 13377, "\u0120devoted": 13378, "Cop": 13379, "\u0120ES": 13380, "255": 13381, "urrency": 13382, "Main": 13383, "\u0120slaves": 13384, "\u0120pepper": 13385, "\u0120quotes": 13386, "\u0120ceiling": 13387, "\u0120Fish": 13388, "\u0120transformation": 13389, "\u0120fraction": 13390, "\u0120advantages": 13391, "\u0120toile": 13392, "\u0120stunning": 13393, "\u0120moist": 13394, "breaking": 13395, "si": 13396, "\u0120Location": 13397, "\u0120Medium": 13398, "\u0120texts": 13399, "\u0120ugly": 13400, "\u0120bio": 13401, ".\u00e2\u0122\u0136": 13402, "\u0120Based": 13403, "\u0120trains": 13404, "\u0120Wing": 13405, "\u0120Ancient": 13406, "\u0120Records": 13407, "\u0120Hope": 13408, "Special": 13409, "adesh": 13410, "obi": 13411, "[/": 13412, "\u0120temporarily": 13413, "Ver": 13414, "hu": 13415, "oser": 13416, "\u0120overnight": 13417, "\u0120mamm": 13418, "\u0120Treasury": 13419, "\u0120Venezuel": 13420, "\u0120Mega": 13421, "\u0120tar": 13422, "\u0120expects": 13423, "black": 13424, "orph": 13425, "\\\\\\\\": 13426, "\u0120acceptance": 13427, "\u0120radar": 13428, "sis": 13429, "\u0120junior": 13430, "\u0120frames": 13431, "\u0120observation": 13432, "acies": 13433, "Power": 13434, "\u0120Advanced": 13435, "Mag": 13436, "ologically": 13437, "\u0120Mechan": 13438, "\u0120sentences": 13439, "\u0120analysts": 13440, "aughters": 13441, "forcement": 13442, "\u0120vague": 13443, "\u0120clause": 13444, "\u0120directors": 13445, "\u0120evaluate": 13446, "\u0120cabinet": 13447, "Matt": 13448, "\u0120Classic": 13449, "Ang": 13450, "\u0120cler": 13451, "\u0120Buck": 13452, "\u0120researcher": 13453, "\u0120160": 13454, "\u0120poorly": 13455, "\u0120experiencing": 13456, "\u0120Ped": 13457, "\u0120Manhattan": 13458, "\u0120freed": 13459, "\u0120themes": 13460, "advant": 13461, "\u0120nin": 13462, "\u0120praise": 13463, "104": 13464, "\u0120Libya": 13465, "best": 13466, "\u0120trusted": 13467, "\u0120cease": 13468, "\u0120dign": 13469, "Direct": 13470, "\u0120bombing": 13471, "\u0120migration": 13472, "\u0120Sciences": 13473, "\u0120municipal": 13474, "\u0120Average": 13475, "\u0120glory": 13476, "\u0120revealing": 13477, "\u0120arena": 13478, "\u0120uncertainty": 13479, "\u0120battlefield": 13480, "iao": 13481, "God": 13482, "\u0120cinem": 13483, "rape": 13484, "elle": 13485, "apons": 13486, "\u0120listing": 13487, "\u0120waited": 13488, "\u0120spotted": 13489, "keley": 13490, "\u0120Audio": 13491, "eor": 13492, "arding": 13493, "idding": 13494, "igma": 13495, "\u0120Neg": 13496, "\u0120lone": 13497, "\u0120----": 13498, "exe": 13499, "deg": 13500, "\u0120transf": 13501, "\u0120wash": 13502, "\u0120slavery": 13503, "\u0120exploring": 13504, "\u0120WW": 13505, "atson": 13506, "\u0120encl": 13507, "lies": 13508, "\u0120Creek": 13509, "\u0120wooden": 13510, "Manager": 13511, "\u0120Brand": 13512, "ummy": 13513, "\u0120Arthur": 13514, "\u0120bureaucr": 13515, "\u0120blend": 13516, "arians": 13517, "Further": 13518, "\u0120supposedly": 13519, "\u0120winds": 13520, "\u01201979": 13521, "\u0120gravity": 13522, "\u0120analyses": 13523, "\u0120Travel": 13524, "\u0120Veter": 13525, "\u0120dumb": 13526, "\u0120alternate": 13527, "gal": 13528, "\u0120consumed": 13529, "\u0120effectiveness": 13530, ".''": 13531, "\u0120paths": 13532, "onda": 13533, "LA": 13534, "\u0120Strong": 13535, "\u0120enables": 13536, "\u0120escaped": 13537, "\u0120\"\"": 13538, "\u0120112": 13539, "\u01201983": 13540, "\u0120smiled": 13541, "\u0120tendency": 13542, "Fire": 13543, "\u0120pars": 13544, "\u0120Roc": 13545, "\u0120lake": 13546, "\u0120fitness": 13547, "\u0120Ath": 13548, "\u0120Horn": 13549, "\u0120hier": 13550, "\u0120impose": 13551, "mother": 13552, "\u0120pension": 13553, "icut": 13554, "borne": 13555, "iciary": 13556, "._": 13557, "\u0120SU": 13558, "\u0120polar": 13559, "isy": 13560, "engu": 13561, "itialized": 13562, "ATA": 13563, "write": 13564, "\u0120exercises": 13565, "\u0120Diamond": 13566, "otypes": 13567, "\u0120harmful": 13568, "onz": 13569, "\u0120printing": 13570, "story": 13571, "\u0120expertise": 13572, "\u0120Ger": 13573, "\u0120tragedy": 13574, "\u0120Fly": 13575, "\u0120divid": 13576, "ampire": 13577, "stock": 13578, "Mem": 13579, "\u0120reign": 13580, "\u0120unve": 13581, "\u0120amend": 13582, "\u0120Prophet": 13583, "\u0120mutual": 13584, "\u0120Fac": 13585, "\u0120replacing": 13586, "Har": 13587, "\u0120Circuit": 13588, "\u0120throat": 13589, "\u0120Shot": 13590, "\u0120batteries": 13591, "\u0120toll": 13592, "\u0120addressing": 13593, "\u0120Medicaid": 13594, "\u0120pupp": 13595, "\u0120Nar": 13596, "olk": 13597, "\u0120equity": 13598, "MR": 13599, "\u0120Hispan": 13600, "\u0120Large": 13601, "mid": 13602, "Dev": 13603, "\u0120exped": 13604, "\u0120demo": 13605, "\u0120Marshall": 13606, "ergus": 13607, "\u0120fiber": 13608, "\u0120divorce": 13609, "\u0120Create": 13610, "\u0120slower": 13611, "\u0120Parker": 13612, "\u0120Student": 13613, "\u0120Training": 13614, "Return": 13615, "\u0120Tru": 13616, "\u0120cub": 13617, "\u0120Reached": 13618, "\u0120panic": 13619, "\u0120quarters": 13620, "\u0120rect": 13621, "\u0120treating": 13622, "\u0120rats": 13623, "\u0120Christianity": 13624, "oler": 13625, "\u0120sacred": 13626, "\u0120declare": 13627, "ulative": 13628, "eting": 13629, "\u0120delivering": 13630, "estone": 13631, "\u0120tel": 13632, "\u0120Larry": 13633, "\u0120meta": 13634, "accept": 13635, "artz": 13636, "\u0120Roger": 13637, "handed": 13638, "\u0120header": 13639, "\u0120trapped": 13640, "\u0120Century": 13641, "\u0120knocked": 13642, "\u0120Oxford": 13643, "\u0120survivors": 13644, "bot": 13645, "\u0120demonstration": 13646, "\u0120dirt": 13647, "\u0120assists": 13648, "OME": 13649, "\u0120Draft": 13650, "ortunate": 13651, "folio": 13652, "pered": 13653, "usters": 13654, "gt": 13655, "\u0120Lock": 13656, "\u0120judicial": 13657, "verted": 13658, "\u0120secured": 13659, "outing": 13660, "\u0120Books": 13661, "\u0120hosting": 13662, "\u0120lifted": 13663, "length": 13664, "\u0120jer": 13665, "\u0120wheels": 13666, "\u0120Range": 13667, "umbnails": 13668, "\u0120diagnosis": 13669, "tech": 13670, "\u0120Stewart": 13671, "\u0120Pract": 13672, "\u0120nationwide": 13673, "\u0120dear": 13674, "\u0120obligations": 13675, "\u0120grows": 13676, "\u0120mandatory": 13677, "\u0120suspicious": 13678, "!'": 13679, "Apr": 13680, "Great": 13681, "\u0120mortgage": 13682, "\u0120prosecutor": 13683, "\u0120editorial": 13684, "\u0120Kr": 13685, "\u0120processed": 13686, "ungle": 13687, "\u0120flexibility": 13688, "Earlier": 13689, "\u0120Cart": 13690, "\u0120Sug": 13691, "\u0120focuses": 13692, "\u0120startup": 13693, "\u0120breach": 13694, "\u0120Tob": 13695, "cycle": 13696, "\u00e3\u0122\u012e": 13697, "rose": 13698, "\u0120bizarre": 13699, "\u00e3\u0122\u012f": 13700, "\u0120vegetables": 13701, "$$": 13702, "\u0120retreat": 13703, "oshi": 13704, "\u0120Shop": 13705, "\u0120Ground": 13706, "\u0120Stop": 13707, "\u0120Hawaii": 13708, "\u0120Ay": 13709, "Perhaps": 13710, "\u0120Beaut": 13711, "uffer": 13712, "enna": 13713, "\u0120productivity": 13714, "Fixed": 13715, "control": 13716, "\u0120absent": 13717, "\u0120Campaign": 13718, "Green": 13719, "\u0120identifying": 13720, "\u0120regret": 13721, "\u0120promoted": 13722, "\u0120Seven": 13723, "\u0120eru": 13724, "neath": 13725, "aughed": 13726, "\u0120Pin": 13727, "\u0120Living": 13728, "Cost": 13729, "omatic": 13730, "mega": 13731, "\u0120Nig": 13732, "ocy": 13733, "\u0120inbox": 13734, "\u0120empire": 13735, "\u0120horizont": 13736, "\u0120branches": 13737, "\u0120metaph": 13738, "Active": 13739, "edi": 13740, "\u0120Film": 13741, "\u0120Something": 13742, "\u0120mods": 13743, "incial": 13744, "\u0120Original": 13745, "Gen": 13746, "\u0120spirits": 13747, "\u0120earning": 13748, "Hist": 13749, "\u0120riders": 13750, "\u0120sacrific": 13751, "MT": 13752, "\u0120VA": 13753, "\u0120Salt": 13754, "\u0120occupation": 13755, "\u0120Mi": 13756, "\u0120disg": 13757, "lict": 13758, "\u0120nit": 13759, "\u0120nodes": 13760, "eem": 13761, "\u0120Pier": 13762, "\u0120hatred": 13763, "psy": 13764, "\u00e3\u0125\u012b": 13765, "\u0120theater": 13766, "\u0120sophisticated": 13767, "\u0120defended": 13768, "\u0120besides": 13769, "\u0120thoroughly": 13770, "\u0120Medicare": 13771, "\u0120blamed": 13772, "arently": 13773, "\u0120crying": 13774, "FOR": 13775, "priv": 13776, "\u0120singing": 13777, "\u0120Il": 13778, "\u0120cute": 13779, "oided": 13780, "olitical": 13781, "\u0120Neuro": 13782, "\u00e5\u00a4": 13783, "\u0120donation": 13784, "\u0120Eagles": 13785, "\u0120Give": 13786, "Tom": 13787, "\u0120substantially": 13788, "\u0120License": 13789, "\u0120Ja": 13790, "\u0120grey": 13791, "\u0120Animal": 13792, "\u0120ER": 13793, "\u0120Und": 13794, "\u0120keen": 13795, "\u0120conclude": 13796, "\u0120Mississippi": 13797, "Engine": 13798, "\u0120Studios": 13799, "Press": 13800, "overs": 13801, "llers": 13802, "\u0120350": 13803, "\u0120Rangers": 13804, "\u0120rou": 13805, "erto": 13806, "Ep": 13807, "issa": 13808, "ivan": 13809, "\u0120seal": 13810, "\u0120Regist": 13811, "display": 13812, "\u0120weaken": 13813, "uum": 13814, "\u0120Commons": 13815, "\u0120Say": 13816, "\u0120cultures": 13817, "\u0120laughed": 13818, "\u0120slip": 13819, "\u0120treatments": 13820, "izable": 13821, "mart": 13822, "\u0120Rice": 13823, "\u0120beast": 13824, "\u0120obesity": 13825, "\u0120Laure": 13826, "iga": 13827, "Which": 13828, "holder": 13829, "\u0120elderly": 13830, "\u0120pays": 13831, "\u0120complained": 13832, "\u0120crop": 13833, "\u0120proc": 13834, "\u0120explosive": 13835, "\u0120Fan": 13836, "\u0120Arsenal": 13837, "Author": 13838, "eful": 13839, "\u0120meals": 13840, "\u0120(-": 13841, "idays": 13842, "\u0120imagination": 13843, "\u0120annually": 13844, "\u0120ms": 13845, "asures": 13846, "Head": 13847, "ikh": 13848, "matic": 13849, "\u0120boyfriend": 13850, "\u0120Computer": 13851, "\u0120bump": 13852, "\u0120surge": 13853, "\u0120Craig": 13854, "\u0120Kirk": 13855, "Del": 13856, "mediate": 13857, "\u0120scenarios": 13858, "\u0120Mut": 13859, "\u0120Stream": 13860, "\u0120competitors": 13861, "\u00d9\u0126": 13862, "\u0120Stanford": 13863, "\u0120Resources": 13864, "azed": 13865, "bage": 13866, "\u0120organis": 13867, "\u0120Release": 13868, "\u0120separately": 13869, "\u0120habits": 13870, "\u0120measurements": 13871, "\u0120Close": 13872, "\u0120accompany": 13873, "\u0120gly": 13874, "\u0120tang": 13875, "\u0120Rou": 13876, "\u0120plugin": 13877, "\u0120convey": 13878, "\u0120Challenge": 13879, "oots": 13880, "jan": 13881, "\u0120curs": 13882, "\u0120Relations": 13883, "keeper": 13884, "\u0120approaching": 13885, "ping": 13886, "Speaking": 13887, "\u0120arrangement": 13888, "\u0120VI": 13889, "arettes": 13890, "\u0120affecting": 13891, "\u0120permits": 13892, "because": 13893, "\u0120useless": 13894, "\u0120Hus": 13895, "!!!!": 13896, "\u0120destroying": 13897, "Unfortunately": 13898, "\u0120fascinating": 13899, "Sem": 13900, "\u0120electoral": 13901, "\u0120transparency": 13902, "\u0120Chaos": 13903, "\u0120volunteer": 13904, "\u0120statistical": 13905, "\u0120activated": 13906, "rox": 13907, "Web": 13908, "HE": 13909, "\u0120Hampshire": 13910, "isive": 13911, "Map": 13912, "\u0120trash": 13913, "\u0120Lawrence": 13914, "stick": 13915, "Cr": 13916, "\u0120rings": 13917, "EXT": 13918, "\u0120operational": 13919, "opes": 13920, "Does": 13921, "\u0120Evans": 13922, "\u0120witnessed": 13923, "Port": 13924, "\u0120launching": 13925, "econom": 13926, "wear": 13927, "\u0120Particip": 13928, "umm": 13929, "cules": 13930, "\u0120RAM": 13931, "\u0120Tun": 13932, "\u0120assured": 13933, "\u0120binary": 13934, "\u0120betray": 13935, "\u0120exploration": 13936, "\u0120Fel": 13937, "\u0120admission": 13938, "itated": 13939, "Sy": 13940, "\u0120avoided": 13941, "\u0120Simulator": 13942, "\u0120celebrated": 13943, "\u0120Electric": 13944, "\u00a5\u0140": 13945, "\u0120cluster": 13946, "itzerland": 13947, "health": 13948, "Line": 13949, "\u0120Nash": 13950, "aton": 13951, "\u0120spare": 13952, "\u0120enterprise": 13953, "\u0120DIS": 13954, "cludes": 13955, "\u0120flights": 13956, "\u0120regards": 13957, "\u0120\u00c3\u0139": 13958, "half": 13959, "\u0120trucks": 13960, "\u0120contacts": 13961, "\u0120uncons": 13962, "\u0120Climate": 13963, "\u0120immense": 13964, "NEW": 13965, "occ": 13966, "ective": 13967, "\u0120embod": 13968, "\u0120patrol": 13969, "\u0120beside": 13970, "\u0120viable": 13971, "\u0120creep": 13972, "\u0120triggered": 13973, "verning": 13974, "\u0120comparable": 13975, "ql": 13976, "\u0120gaining": 13977, "asses": 13978, "\u0120();": 13979, "\u0120Grey": 13980, "\u0120MLS": 13981, "sized": 13982, "\u0120prosper": 13983, "\"?": 13984, "\u0120polling": 13985, "\u0120shar": 13986, "\u0120RC": 13987, "\u0120firearm": 13988, "orient": 13989, "\u0120fence": 13990, "\u0120variations": 13991, "giving": 13992, "\u0120Pi": 13993, "ospel": 13994, "\u0120pledge": 13995, "\u0120cure": 13996, "\u0120spy": 13997, "\u0120violated": 13998, "\u0120rushed": 13999, "\u0120stroke": 14000, "\u0120Blog": 14001, "sels": 14002, "\u0120Ec": 14003, ",''": 14004, "\u0120pale": 14005, "\u0120Collins": 14006, "terror": 14007, "\u0120Canadians": 14008, "\u0120tune": 14009, "\u0120laboratory": 14010, "\u0120nons": 14011, "tarian": 14012, "\u0120disability": 14013, "\u0120Gam": 14014, "\u0120singer": 14015, "alg": 14016, "\u0120Senior": 14017, "\u0120traded": 14018, "\u0120Warrior": 14019, "\u0120infring": 14020, "\u0120Franklin": 14021, "\u0120strain": 14022, "\u0120Swedish": 14023, "\u0120seventh": 14024, "\u0120Benn": 14025, "\u0120Tell": 14026, "\u0120syndrome": 14027, "\u0120wondered": 14028, "iden": 14029, "++++": 14030, "igo": 14031, "\u0120purple": 14032, "\u0120journalism": 14033, "\u0120rebel": 14034, "\u0120fu": 14035, "blog": 14036, "\u0120invite": 14037, "rencies": 14038, "\u0120Contact": 14039, "Israel": 14040, "\u0120Content": 14041, "\u0120cheer": 14042, "\u0120bedroom": 14043, "\u0120Engineering": 14044, "\u0120Queens": 14045, "\u0120dwell": 14046, "\u0120PlayStation": 14047, "\u0120Dim": 14048, "\u0120Colon": 14049, "lr": 14050, "\u0120operates": 14051, "\u0120motivation": 14052, "USA": 14053, "astered": 14054, "Core": 14055, "\u0120Truth": 14056, "olo": 14057, "OSE": 14058, "\u0120Memory": 14059, "\u0120predec": 14060, "\u0120anarch": 14061, "\u01201920": 14062, "\u0120Yam": 14063, "\u00c3\u00a8": 14064, "bid": 14065, "\u0120grateful": 14066, "\u0120excitement": 14067, "\u0120treasure": 14068, "\u0120longest": 14069, "ctive": 14070, "\u0120deserves": 14071, "\u0120reserves": 14072, "\u0120cops": 14073, "\u0120Ottawa": 14074, "\u0120Egyptian": 14075, "anked": 14076, "\u0120artif": 14077, "\u0120hypothesis": 14078, ":/": 14079, "\u0120purchasing": 14080, "\u0120lovely": 14081, "HP": 14082, "\u0120divide": 14083, "\u0120strictly": 14084, "\u0120questioning": 14085, "\u0120taxpayers": 14086, "\u0120Joy": 14087, "\u0120rolls": 14088, "\u0120Heavy": 14089, "\u0120ports": 14090, "\u0120magnetic": 14091, "\u0120inflamm": 14092, "\u0120brush": 14093, "tics": 14094, "\u00e2\u012a\u0134": 14095, "\u0120bottles": 14096, "ppy": 14097, "\u0120padd": 14098, "\u00e3\u0124\u00af": 14099, "million": 14100, "\u0120devastating": 14101, "\u0120compiled": 14102, "\u0120medication": 14103, "\u0120twelve": 14104, "\u0120Perry": 14105, "Space": 14106, "imb": 14107, "your": 14108, "\u0120leaked": 14109, "\u0120Tar": 14110, "\u0120unity": 14111, "\u0120infected": 14112, "\u0120traveled": 14113, "IDE": 14114, "\u0120McDonald": 14115, "txt": 14116, "\u0120Princ": 14117, "\u0120interven": 14118, "\u0120Taiwan": 14119, "\u0120Pow": 14120, "\u0120bearing": 14121, "\u0120Thread": 14122, "\u0120zones": 14123, "izards": 14124, "unks": 14125, "Chapter": 14126, "llor": 14127, "\u0120\u00c2\u00b7": 14128, "\u0120wounds": 14129, "\u0120discretion": 14130, "\u0120succeeded": 14131, "iking": 14132, "\u0120iconic": 14133, "Call": 14134, "\u0120screening": 14135, "\u0120Mis": 14136, "icts": 14137, "\u0120ministers": 14138, "\u0120separation": 14139, "Player": 14140, "\u0120bip": 14141, "\u0120beloved": 14142, "\u0120counting": 14143, "\u0120Eye": 14144, "around": 14145, "inging": 14146, "\u0120tablet": 14147, "\u0120offence": 14148, "inance": 14149, "have": 14150, "\u0120Info": 14151, "\u0120Ninja": 14152, "\u0120protective": 14153, "\u0120Cass": 14154, "Mac": 14155, "\u0120Quality": 14156, "North": 14157, "\u0120ic": 14158, "\u0120Cuba": 14159, "\u0120Chronicle": 14160, "\u0120Property": 14161, "\u0120fastest": 14162, "otos": 14163, "\u0120Germ": 14164, "OWN": 14165, "\u0120boom": 14166, "\u0120Stanley": 14167, "erguson": 14168, "\u0120clever": 14169, "\u0120enters": 14170, "mode": 14171, "terior": 14172, "\u0120Sens": 14173, "\u0120linear": 14174, "ARK": 14175, "\u0120comparing": 14176, "\u0120purely": 14177, "\u0120safer": 14178, "\u0120Potter": 14179, "\u0120cups": 14180, "RT": 14181, "\u0120gluc": 14182, "\u0120attributed": 14183, "\u0120dupl": 14184, "\u0120Pap": 14185, "\u0120precious": 14186, "\u0120pa": 14187, "ictionary": 14188, "\u0120Tig": 14189, "\u0120Too": 14190, "olutions": 14191, "stan": 14192, "\u0120robots": 14193, "\u0120lobb": 14194, "\u0120statute": 14195, "\u0120prevention": 14196, "western": 14197, "160": 14198, "\u0120Active": 14199, "\u0120Maria": 14200, "hal": 14201, "None": 14202, "ellar": 14203, "\u0120KB": 14204, "\u0120Partners": 14205, "\u0120Single": 14206, "\u0120Following": 14207, "ango": 14208, "acious": 14209, "\u0120thou": 14210, "\u0120kg": 14211, "\u0120influential": 14212, "\u0120Friends": 14213, "Sur": 14214, "ainted": 14215, "\u0120forums": 14216, "\u0120starter": 14217, "\u0120citizenship": 14218, "\u0120Election": 14219, "onge": 14220, "otation": 14221, "osph": 14222, ";;;;": 14223, "utical": 14224, "pur": 14225, "eren": 14226, "\u0120accusations": 14227, "bitious": 14228, "abbit": 14229, "\u0120Ord": 14230, "Posted": 14231, "irk": 14232, "\u0120sensitivity": 14233, "iche": 14234, "\u0120Amy": 14235, "\u0120Fab": 14236, "\u0120summit": 14237, "\u0120pedest": 14238, "\u0120rubber": 14239, "\u0120agricultural": 14240, "\u0120cancel": 14241, "AE": 14242, "\u0120inaug": 14243, "\u0120contam": 14244, "\u0120firmly": 14245, "iw": 14246, "stage": 14247, "\u0120Kan": 14248, "\u0120tier": 14249, "\u0120invention": 14250, "\u0120translated": 14251, "\u0120Rules": 14252, "Box": 14253, "Twitter": 14254, "IDS": 14255, "\u0120pizza": 14256, "\u0120debug": 14257, "\u0120Drop": 14258, "vs": 14259, "\u0120horses": 14260, "big": 14261, "\u0120boring": 14262, "\u0120hood": 14263, "\u0120McCain": 14264, "atched": 14265, "\u0120Bros": 14266, "\u0120skip": 14267, "\u0120essay": 14268, "stat": 14269, "\u0120Legends": 14270, "\u0120ammunition": 14271, "auc": 14272, "\u0120shooter": 14273, "\u0120unh": 14274, "\u0120supplied": 14275, "\u0120generic": 14276, "\u0120SK": 14277, "iban": 14278, "yrics": 14279, "\u0120255": 14280, "\u0120climbing": 14281, "Former": 14282, "\u0120flip": 14283, "\u0120jumping": 14284, "\u0120frustration": 14285, "\u0120Terry": 14286, "\u0120neighborhoods": 14287, "\u0120median": 14288, "bean": 14289, "\u0120brains": 14290, "Following": 14291, "\u0120shaped": 14292, "\u0120draws": 14293, "\u0120altered": 14294, "Jack": 14295, "\u0120recipes": 14296, "\u0120skilled": 14297, "wealth": 14298, "achi": 14299, "election": 14300, "\u0120behaviors": 14301, "deals": 14302, "\u0120Until": 14303, "Fe": 14304, "\u0120declaration": 14305, "marks": 14306, "\u0120Between": 14307, "celona": 14308, "\u0120reson": 14309, "\u0120bubble": 14310, "Among": 14311, "\u0120imperial": 14312, "GS": 14313, "\u0120feminist": 14314, "2005": 14315, "\u0120Kyle": 14316, "\u0120accounting": 14317, "\u0120Tele": 14318, "\u0120Tyr": 14319, "\u0120connecting": 14320, "\u0120rehab": 14321, "\u0120Pred": 14322, "sim": 14323, "\u0120meantime": 14324, "\u0120physician": 14325, "MW": 14326, "\u0120Campbell": 14327, "\u0120Brandon": 14328, "\u0120contributing": 14329, "\u0120Rule": 14330, "\u0120Weight": 14331, "\u0120Nap": 14332, "\u0120interactive": 14333, "\u0120vag": 14334, "\u0120helmet": 14335, "\u0120Comb": 14336, "four": 14337, "\u0120shipped": 14338, "\u0120completing": 14339, "\u0120PD": 14340, "PDATE": 14341, "\u0120spreading": 14342, "\u0120scary": 14343, "erving": 14344, "\u0120Gas": 14345, "\u0120frank": 14346, "school": 14347, "\u0120romantic": 14348, "\u0120stabil": 14349, "Rob": 14350, "\u0120accurately": 14351, "\u0120acute": 14352, "\u0120Hann": 14353, "\u0120symbols": 14354, "\u0120civilization": 14355, "\u0120AW": 14356, "\u0120lightning": 14357, "\u0120considers": 14358, "\u0120venue": 14359, "\u0120\u00d7": 14360, "\u0120oven": 14361, "\u0120SF": 14362, "his": 14363, "\u0120nu": 14364, "\u0120Learn": 14365, "\u0120peoples": 14366, "\u0120std": 14367, "\u0120slee": 14368, "\u0120slic": 14369, "\u0120Statistics": 14370, "\u0120corners": 14371, "\u0120Baker": 14372, "\u0120:)": 14373, "mentation": 14374, "olver": 14375, "\u0120laughing": 14376, "\u0120Todd": 14377, "onde": 14378, "\u0120Hills": 14379, "\u0120nuts": 14380, "\u0120Woman": 14381, "plane": 14382, "\u0120liver": 14383, "\u0120Inside": 14384, "Sorry": 14385, "\u0120agrees": 14386, "\u0120fundament": 14387, "\u0120Fisher": 14388, "\u0120auction": 14389, "\u0120threads": 14390, "glas": 14391, "\u0120Basic": 14392, "\u0120Nat": 14393, "\u0120lacking": 14394, "\u0120celebration": 14395, "ju": 14396, "\u0120silly": 14397, "Euro": 14398, "\u0120tatt": 14399, "ighty": 14400, "controlled": 14401, "Test": 14402, "\u0120Singh": 14403, "\u0120rage": 14404, "\u0120rhyth": 14405, "offic": 14406, "\u0120Phantom": 14407, "\u0120headlines": 14408, "\u0120responding": 14409, "\u0120Morning": 14410, "\u0120vitamin": 14411, "\u0120boots": 14412, "\u0120Site": 14413, "alin": 14414, "pi": 14415, "\u0120viral": 14416, "\u0120UC": 14417, "DER": 14418, "\u0120Sex": 14419, "\u0120stocks": 14420, "current": 14421, "\u0120churches": 14422, "\u0120Rare": 14423, "\u0120Murphy": 14424, "\u0120denial": 14425, "\u0120Gaming": 14426, "\u0120toug": 14427, "\u0120nick": 14428, "\u0120makers": 14429, "\u0120Ronald": 14430, "\u0120generous": 14431, "\u0120Doc": 14432, "\u0120Morris": 14433, "\u0120transformed": 14434, "\u0120Normal": 14435, "\u0120104": 14436, "\u0120Kickstarter": 14437, "\u0120Upon": 14438, "Online": 14439, "\u0120IRS": 14440, "\u0120wrap": 14441, "\u0120loving": 14442, "\u0120arrives": 14443, "\u0120Due": 14444, "\u0120heter": 14445, "\u0120Made": 14446, "\u0120rental": 14447, "\u0120belongs": 14448, "\u0120attorneys": 14449, "\u0120crops": 14450, "\u0120matched": 14451, "ulum": 14452, "oline": 14453, "109": 14454, "\u0120dispar": 14455, "\u0120buyers": 14456, "\u0120Cambridge": 14457, "\u0120ethics": 14458, "roups": 14459, "\u0120justified": 14460, "\u0120marginal": 14461, "\u0120respected": 14462, "winning": 14463, "\u0120nodded": 14464, "\u0120Serge": 14465, "\u0120Former": 14466, "Craft": 14467, "################": 14468, "\u0120Warner": 14469, "\u0120dash": 14470, "ete": 14471, "\u0120entert": 14472, "\u0120Escape": 14473, "outheast": 14474, "\u0120knees": 14475, "\u0120Bomb": 14476, "\u0120rug": 14477, "Pass": 14478, "\u0120attitudes": 14479, "government": 14480, "\u0120Prior": 14481, "\u0120qualities": 14482, "\u0120notification": 14483, "\u0120Phone": 14484, "lie": 14485, "\u0120anticipated": 14486, "\u0120Combat": 14487, "\u0120Barry": 14488, "\u01201982": 14489, "Users": 14490, "oner": 14491, "\u0120computing": 14492, "\u0120Connecticut": 14493, "\u0120lesser": 14494, "\u0120peers": 14495, "\u0120Cu": 14496, "\u0120technically": 14497, "\u0120submission": 14498, "\u0120Universal": 14499, "\u0120manually": 14500, "ourge": 14501, "\u0120respondents": 14502, "\u0120BTC": 14503, "\u0120Host": 14504, "\u0120fare": 14505, "\u0120Bird": 14506, "\u0120receipt": 14507, "also": 14508, "\u0120jack": 14509, "\u0120agriculture": 14510, "\u0120skull": 14511, "\u0120!=": 14512, "\u0120passive": 14513, "\u0120CI": 14514, "\u0120societies": 14515, "\u0120reminded": 14516, "\u0120interference": 14517, "Buy": 14518, "\u0120\u00e2\u013e": 14519, "gon": 14520, "\u0120scrutiny": 14521, "\u0120Witch": 14522, "\u0120conducting": 14523, "\u0120\u00e3\u0125": 14524, "\u0120exchanges": 14525, "\u0120Mitchell": 14526, "\u0120inhabit": 14527, "\u0120twist": 14528, "BD": 14529, "\u0120wherever": 14530, "groupon": 14531, "\u0120jokes": 14532, "\u0120Benjamin": 14533, "\u0120Random": 14534, "frame": 14535, "\u0120Lions": 14536, "\u0120highlighted": 14537, "\u0120Arkansas": 14538, "Ent": 14539, "\u0120pile": 14540, "\u0120prelim": 14541, "gs": 14542, "minded": 14543, "\u0120felony": 14544, "\u0120GA": 14545, "\u0120Luck": 14546, "\u0120practically": 14547, "\u0120Bos": 14548, "\u0120actress": 14549, "Dam": 14550, "\u0120Bou": 14551, "\u0120visa": 14552, "\u0120embedded": 14553, "\u0120hybrid": 14554, "\u0120earliest": 14555, "\u0120sooner": 14556, "social": 14557, "\u0120HA": 14558, "\u0120steep": 14559, "\u0120disadvant": 14560, "\u0120exploit": 14561, "\u0120Egg": 14562, "\u0120Ultra": 14563, "\u0120necessity": 14564, "Local": 14565, "iege": 14566, "\u0120dated": 14567, "\u0120masses": 14568, "\u0120subscription": 14569, "pless": 14570, "\u0120anonym": 14571, "\u0120presumably": 14572, "Blue": 14573, "Their": 14574, "asketball": 14575, "\u0120Philip": 14576, "\u0120comed": 14577, "loaded": 14578, "rane": 14579, "\u0120reflection": 14580, "China": 14581, "\u0120extends": 14582, "\u0120forming": 14583, "\u0120unders": 14584, "2001": 14585, "\u0120grat": 14586, "\u0120concentrations": 14587, "\u0120insulin": 14588, "\u0120secular": 14589, "\u0120whilst": 14590, "\u0120winners": 14591, "Advertisements": 14592, "\u0120deliberately": 14593, "\u0120Working": 14594, "\u0120sink": 14595, "etics": 14596, "dale": 14597, "\u0120mandate": 14598, "\u0120gram": 14599, "\u0120vacation": 14600, "\u0120warnings": 14601, "ripp": 14602, "\u0120THAT": 14603, "\u0120commentary": 14604, "\u0120intu": 14605, "\u0120aest": 14606, "\u0120reasoning": 14607, "\u0120breakdown": 14608, "\u0120Zombie": 14609, "\u0120-->": 14610, "\u0120Political": 14611, "cott": 14612, "\u0120thrust": 14613, "\u0120technological": 14614, "\u0120deciding": 14615, "\u0120trafficking": 14616, "Long": 14617, "Welcome": 14618, "prising": 14619, "\u0120Communications": 14620, "\u0120endors": 14621, "\u0120swift": 14622, "\u0120metabol": 14623, "coins": 14624, "resa": 14625, "\u0120HTTP": 14626, "\u0120enroll": 14627, "\u0120Happy": 14628, "usr": 14629, "intage": 14630, "\u0120[\"": 14631, "uably": 14632, "\u0120Material": 14633, "\u0120repeal": 14634, "Sept": 14635, "kh": 14636, "\u0120Modi": 14637, "\u0120underneath": 14638, "\u0120IL": 14639, "shore": 14640, "\u0120diagnosed": 14641, "aceutical": 14642, "\u0120shower": 14643, "aux": 14644, "\u0120Switch": 14645, "\u0120Strength": 14646, "\u0120jihad": 14647, "national": 14648, "\u0120trauma": 14649, "ussy": 14650, "oni": 14651, "\u0120consolid": 14652, "\u0120calories": 14653, "\u0120Flynn": 14654, "agged": 14655, "168": 14656, "\u0120Pink": 14657, "\u0120fulfill": 14658, "\u0120chains": 14659, "\u0120notably": 14660, "\u0120AV": 14661, "Life": 14662, "\u0120Chuck": 14663, "mus": 14664, "\u0120Urban": 14665, "\u0120Hend": 14666, "\u0120deposit": 14667, "\u0120Sad": 14668, "\u0120affair": 14669, "ORK": 14670, "ieval": 14671, "\u0120FDA": 14672, "\u0120trop": 14673, "\u0120Overall": 14674, "\u0120virtue": 14675, "\u0120satisfaction": 14676, "aund": 14677, "\u0120lun": 14678, "\u0120Switzerland": 14679, "\u0120Operation": 14680, "process": 14681, "\u0120shook": 14682, "\u0120counties": 14683, "leased": 14684, "\u0120Charlotte": 14685, "112": 14686, "\u0120transcript": 14687, "\u0120redd": 14688, "push": 14689, "\u0120Hey": 14690, "\u0120Analysis": 14691, "[\"": 14692, "\u0120alternatives": 14693, "ardless": 14694, "\u0120eleph": 14695, "\u0120prejud": 14696, "\u0120Leaf": 14697, "Having": 14698, "\u0120Hub": 14699, "\u0120expressions": 14700, "\u0120Volume": 14701, "\u0120shocking": 14702, "\u0120Reds": 14703, "\u0120readily": 14704, "\u0120planets": 14705, "adata": 14706, "\u0120collapsed": 14707, "\u0120Madrid": 14708, "\u0120irrit": 14709, "ipper": 14710, "\u0120Enc": 14711, "\u0120Wire": 14712, "\u0120buzz": 14713, "\u0120GP": 14714, "asha": 14715, "\u0120accidentally": 14716, "uru": 14717, "\u0120frustrated": 14718, "\u0120SA": 14719, "\u0120hungry": 14720, "\u0120Huff": 14721, "\u0120labels": 14722, "anto": 14723, "\u0120EP": 14724, "\u0120barriers": 14725, ")|": 14726, "\u0120Berkeley": 14727, "\u0120Jets": 14728, "\u0120pairs": 14729, "\u0120Lan": 14730, "James": 14731, "\u0120Bear": 14732, "\u0120humor": 14733, "\u0120Liberty": 14734, "\u0120magnitude": 14735, "\u0120aging": 14736, "\u0120Mason": 14737, "\u0120friendship": 14738, "umbling": 14739, "\u0120emerge": 14740, "\u0120newspapers": 14741, "\u0120ambitious": 14742, "\u0120Richards": 14743, "aternal": 14744, "\u01201981": 14745, "\u0120cookies": 14746, "\u0120sculpt": 14747, "\u0120pursuit": 14748, "Location": 14749, "\u0120scripts": 14750, "pc": 14751, "\u0120arrangements": 14752, "\u0120diameter": 14753, "\u0120loses": 14754, "amation": 14755, "\u0120liqu": 14756, "\u0120Jake": 14757, "arette": 14758, "\u0120understands": 14759, "\u0120Zen": 14760, "vm": 14761, "\u0120approve": 14762, "\u0120wip": 14763, "\u0120ultra": 14764, "\u0120intend": 14765, "\u0120DI": 14766, "ascular": 14767, "\u0120stays": 14768, "\u0120Kor": 14769, "\u0120Kl": 14770, "\u0120investing": 14771, "La": 14772, "\u0120believing": 14773, "bad": 14774, "mouth": 14775, "\u0120taxpayer": 14776, "\u00e3\u0125\u0125": 14777, "\u0120Quebec": 14778, "\u0120lap": 14779, "\u0120Swiss": 14780, "drop": 14781, "\u0120drain": 14782, "iri": 14783, "etc": 14784, "ften": 14785, "\u0120Nex": 14786, "\u0120straw": 14787, "\u0120screaming": 14788, "\u0120counted": 14789, "\u0120damaging": 14790, "\u0120ambassador": 14791, "century": 14792, "\u0120prox": 14793, "\u0120arrests": 14794, "uv": 14795, "ilateral": 14796, "\u0120Charg": 14797, "\u0120prescribed": 14798, "\u0120independently": 14799, "\u0120fierce": 14800, "\u0120Baby": 14801, "\u0120brave": 14802, "\u0120suits": 14803, "=>": 14804, "\u0120baseline": 14805, "\u0120Rate": 14806, "\u0120islands": 14807, "\u0120((": 14808, "green": 14809, "ixels": 14810, "\u0120namely": 14811, "\u0120Village": 14812, "than": 14813, "amy": 14814, "Version": 14815, "gmail": 14816, "entials": 14817, "\u0120Sud": 14818, "\u0120Melbourne": 14819, "\u0120arriving": 14820, "\u0120quantum": 14821, "eff": 14822, "ropolitan": 14823, "Tri": 14824, "\u0120funeral": 14825, "\u0120IR": 14826, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 14827, "\u0120Cob": 14828, "itably": 14829, "\u0120turb": 14830, "\u0120combo": 14831, "Review": 14832, "\u0120deployment": 14833, "uity": 14834, "\u0120Bott": 14835, "\u0120invisible": 14836, "\u0120rendering": 14837, "\u0120unlocked": 14838, "\u0120aqu": 14839, "\u0120Vladimir": 14840, "\u0120pad": 14841, "\u0120Brain": 14842, "\u0120Legacy": 14843, "dragon": 14844, "\u0120Kurdish": 14845, "\u0120sounded": 14846, "\u0120detained": 14847, "\u0120DM": 14848, "gary": 14849, "\u0120daughters": 14850, "\u0120disturbing": 14851, "uka": 14852, "\u0120Parad": 14853, "\u0120tast": 14854, "\u0120unfortunate": 14855, "\u0120ul": 14856, "emin": 14857, "\u0120attendance": 14858, "trl": 14859, "\u0120parks": 14860, "\u0120Memorial": 14861, "\u0120Alice": 14862, "othy": 14863, "guard": 14864, "\u0120Dise": 14865, "\u0120Shan": 14866, "\u0120Forum": 14867, "Rich": 14868, "\u0120shifted": 14869, "uez": 14870, "\u0120lighter": 14871, "\u0120Magn": 14872, "\u0120cod": 14873, "Sch": 14874, "hammad": 14875, "Pub": 14876, "350": 14877, "\u0120Pokemon": 14878, "\u0120prototype": 14879, "\u0120unre": 14880, "Base": 14881, "\u0120Students": 14882, "\u0120Reply": 14883, "\u0120Communist": 14884, "\u0120gau": 14885, "\u0120Tyler": 14886, "IZ": 14887, "\u0120participated": 14888, "\u0120suprem": 14889, "\u0120Details": 14890, "\u0120vessels": 14891, "rod": 14892, "\u0120tribe": 14893, "keep": 14894, "\u0120assumptions": 14895, "\u0120pound": 14896, "\u0120crude": 14897, "\u0120Available": 14898, "\u0120swimming": 14899, "\u0120inclusion": 14900, "\u0120advances": 14901, "culation": 14902, "\u0120conservation": 14903, "\u0120overd": 14904, "\u0120Buffalo": 14905, "Article": 14906, "edge": 14907, "\u0120awa": 14908, "\u0120Madison": 14909, "\u0120sidew": 14910, "\u0120catast": 14911, "\u0120Krist": 14912, "ucle": 14913, "\u0120Highway": 14914, "\u0120Terror": 14915, "\u0120activation": 14916, "\u0120unconscious": 14917, "\u0120Satan": 14918, "\u0120Susan": 14919, "illery": 14920, "\u0120arranged": 14921, "iop": 14922, "\u0120rumors": 14923, "urring": 14924, "think": 14925, "\u0120Keith": 14926, "\u0120Kind": 14927, "\u0120avoiding": 14928, "byn": 14929, "nut": 14930, "\u0120Speaker": 14931, "rus": 14932, "names": 14933, "\u0120guilt": 14934, "\u0120Olympics": 14935, "\u0120sail": 14936, "\u0120Mes": 14937, "levant": 14938, "\u0120Columbus": 14939, "aft": 14940, "City": 14941, "South": 14942, "\u0120Harvey": 14943, "\u0120Pun": 14944, "Several": 14945, "\u0120mentally": 14946, "\u0120impress": 14947, "mount": 14948, "\u0120Ubuntu": 14949, "\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136": 14950, "\u0120Superman": 14951, "\u0120MPs": 14952, "\u0120intentions": 14953, "\u0120Racing": 14954, "\u0120likelihood": 14955, "\u0120240": 14956, "Total": 14957, "\u0120toys": 14958, "\u0120Watson": 14959, "\u0120urge": 14960, "Lear": 14961, "\u0120Paper": 14962, "\u0120occurring": 14963, "\u0120Beng": 14964, "\u0120Cert": 14965, "\u0120stones": 14966, "Tim": 14967, "\u0120Twin": 14968, "zb": 14969, "\u0120Dynam": 14970, "\u0120politician": 14971, "kens": 14972, "\u0120Enterprise": 14973, "UTERS": 14974, "\u0120abol": 14975, "\u0120refresh": 14976, "\u0120arbitrary": 14977, "pection": 14978, "\u0120troubles": 14979, "\u0120});": 14980, "tv": 14981, "\u0120pilots": 14982, "\u0120distribute": 14983, "\u0120audit": 14984, "\u0120pause": 14985, "original": 14986, "\u0120rivals": 14987, "\u00c2\u00a3": 14988, "Fig": 14989, "TL": 14990, "abil": 14991, "rying": 14992, "Lin": 14993, "ioned": 14994, "lon": 14995, "\u0120fancy": 14996, "\u0120crashed": 14997, "\u0120tract": 14998, "\u0120shed": 14999, "\u0120consume": 15000, "Based": 15001, "download": 15002, "init": 15003, "\u0120voltage": 15004, "Introdu": 15005, "\u0120condemned": 15006, "\u0120Finance": 15007, "respect": 15008, "\u0120excluded": 15009, "\u0120establishing": 15010, "heric": 15011, "\u0120heritage": 15012, "\u0120spectacular": 15013, "\u0120unst": 15014, "\u0120Snowden": 15015, "\u0120Lane": 15016, "San": 15017, "\u0120protections": 15018, "struction": 15019, "incinn": 15020, "\u0120macro": 15021, "Custom": 15022, "iosity": 15023, "\u0120esp": 15024, "\u0120functioning": 15025, "\u0120mush": 15026, "\u0120puzzle": 15027, "\u0120ethical": 15028, "Mal": 15029, "\u0120governing": 15030, "\u0120Ferguson": 15031, "\u0120restored": 15032, "\u0120stressed": 15033, "\u0120Counter": 15034, "\u0120Kas": 15035, "clip": 15036, "ANS": 15037, "\u0120seiz": 15038, "UK": 15039, "byss": 15040, "oldown": 15041, "api": 15042, "\u0120permanently": 15043, "ounters": 15044, "West": 15045, "Through": 15046, "Light": 15047, "atoes": 15048, "\u0120neat": 15049, "\u0120cord": 15050, "urer": 15051, "\u0120severely": 15052, "\u0120Aven": 15053, "\u0120interrog": 15054, "\u0120triple": 15055, "Given": 15056, "Number": 15057, "\u0120arise": 15058, "\u0120sher": 15059, "plant": 15060, "\u0120flower": 15061, "\u0120Cou": 15062, "\u0120ate": 15063, "\u0120newer": 15064, "bul": 15065, "\u0120meanwhile": 15066, "\u0120Lair": 15067, "\u0120adjustment": 15068, "\u0120Copyright": 15069, "\u0120divers": 15070, "iological": 15071, "\u0120gamers": 15072, "oat": 15073, "\u0120historically": 15074, "\u0120analog": 15075, "\u0120longtime": 15076, "\u0120prescription": 15077, "\u0120Mist": 15078, "\u0120Hyper": 15079, "\u0120Maine": 15080, "\u0120Deity": 15081, "\u0120multipl": 15082, "\u0120Reincarn": 15083, "\u0120Hyd": 15084, "\u0120Pic": 15085, "Sil": 15086, "rants": 15087, "\u0120Cris": 15088, ".;": 15089, "({": 15090, "ependence": 15091, "\u0120recy": 15092, "ateur": 15093, "\u0120quad": 15094, "\u0120glob": 15095, "\u0120conced": 15096, "team": 15097, "\u0120capitalist": 15098, "\u0120Lot": 15099, "\u0120royal": 15100, "\u0120Cyber": 15101, "\u0120blacks": 15102, "metic": 15103, "riv": 15104, "\u0120Danny": 15105, "\u0120spo": 15106, "\u0120RO": 15107, "\u0120animated": 15108, "rypted": 15109, "\u0120Deputy": 15110, "\u0120rendered": 15111, "FE": 15112, "\u0120streak": 15113, "\u0120clouds": 15114, "\u0120Doug": 15115, "~~~~~~~~": 15116, "\u0120discour": 15117, "\u0120Veh": 15118, "\u0120psychology": 15119, "\u0120Journey": 15120, "\u0120crystal": 15121, "\u0120Frost": 15122, "\u0120suspicion": 15123, "\u0120relate": 15124, "orus": 15125, "\u0120Crypt": 15126, "\u0120NVIDIA": 15127, "comed": 15128, "uting": 15129, "incinnati": 15130, "\u0120vulnerability": 15131, "ostic": 15132, "\u0120isolation": 15133, "\u0120cooling": 15134, "\u0120Coalition": 15135, "\u0120119": 15136, "Four": 15137, "\u0120Deal": 15138, "\u0120\u00e2\u012b": 15139, "semble": 15140, "rament": 15141, "\u0120Barcelona": 15142, "\u0120102": 15143, "\u0120cocaine": 15144, "ocalypse": 15145, "Feb": 15146, "ogenic": 15147, "\u0120mutation": 15148, "\u0120cryptoc": 15149, "\u0120Kel": 15150, "\u0120Git": 15151, "ais": 15152, "\u0120sisters": 15153, "ANK": 15154, "\u0120activate": 15155, "Ter": 15156, "\u0120dread": 15157, "ylon": 15158, "\u0120propri": 15159, "Aust": 15160, "\u0120Default": 15161, "\u0120outdoor": 15162, "\u0120sheer": 15163, "ceive": 15164, "\u0120gently": 15165, "\u00d0\u00be": 15166, "Program": 15167, "\u0120\u00e2\u0128\u0134": 15168, "\u0120vegan": 15169, "\u0120Crus": 15170, "\u0120responsibilities": 15171, "\u0120HR": 15172, "OLD": 15173, "\u0120prevents": 15174, "\u0120stiff": 15175, "\u0120Were": 15176, "\u0120athletic": 15177, "\u0120Score": 15178, "\u0120):": 15179, "\u0120columns": 15180, "\u0120Loc": 15181, "available": 15182, "\u0120Fram": 15183, "\u0120Sessions": 15184, "\u0120companion": 15185, "\u0120packs": 15186, "140": 15187, "\u0120Knights": 15188, "\u0120fart": 15189, "\u0120streams": 15190, "\u0120shore": 15191, "\u0120appeals": 15192, "\u0120Performance": 15193, "haul": 15194, "\u0120Stra": 15195, "\u0120Nag": 15196, "103": 15197, "\u0120Transportation": 15198, "BB": 15199, "Ev": 15200, "zan": 15201, "Public": 15202, "\u0120twin": 15203, "ulsion": 15204, "Mult": 15205, "\u0120electro": 15206, "\u0120statue": 15207, "ationally": 15208, "\u0120Nort": 15209, "\u0120inspection": 15210, "/*": 15211, "igue": 15212, "\u0120compassion": 15213, "\u0120Tales": 15214, "\u0120Stein": 15215, "\u0120Screen": 15216, "\u0120Bug": 15217, "\u0120Lion": 15218, "girl": 15219, "\u0120withdrawal": 15220, "\u0120objectives": 15221, "\u0120bloody": 15222, "\u0120preliminary": 15223, "\u0120jacket": 15224, "\u0120dimensions": 15225, "\u0120Cool": 15226, "\u0120Occup": 15227, "\u0120wreck": 15228, "\u0120doubled": 15229, "anking": 15230, "\u01201975": 15231, "\u0120glasses": 15232, "\u0120Wang": 15233, "prov": 15234, "Path": 15235, "connected": 15236, "\u0120Multi": 15237, "\u0120Norway": 15238, "agonist": 15239, "\u0120feared": 15240, "\u0120touching": 15241, "\u0120arguably": 15242, "\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af": 15243, "\u0120NCAA": 15244, "chem": 15245, "\u0120spat": 15246, "\u0120WWE": 15247, "\u0120Cel": 15248, "igger": 15249, "\u0120attacker": 15250, "\u0120Join": 15251, "object": 15252, "etta": 15253, "\u0120eliminated": 15254, "det": 15255, "\u0120destruct": 15256, "\u0120Lucas": 15257, "ctuary": 15258, "180": 15259, "\u0120Brady": 15260, "\u0120Blues": 15261, "Bay": 15262, "aukee": 15263, "\u0120timeline": 15264, "\u0120delegates": 15265, "written": 15266, "ufficient": 15267, "\u0120shapes": 15268, "Copyright": 15269, "ouble": 15270, "service": 15271, "\u0120pione": 15272, "\u0120colleges": 15273, "\u0120rows": 15274, "\u0120spite": 15275, "\u0120assessed": 15276, "360": 15277, "\u0120lease": 15278, "\u0120confidential": 15279, "cker": 15280, "\u0120Manning": 15281, "\u0120Voice": 15282, "\u0120sealed": 15283, "\u0120calculate": 15284, "NO": 15285, "\u0120Assistant": 15286, "\u0120teenager": 15287, "ulent": 15288, "atherine": 15289, "\u0120mock": 15290, "\u0120diamond": 15291, "\u0120fest": 15292, "\u0120switched": 15293, "\u0120resume": 15294, "\u0120Puerto": 15295, "\u0120lanes": 15296, "iration": 15297, "\u0120Similarly": 15298, "\u0120rod": 15299, "\u0120Sel": 15300, "\u0120Palace": 15301, "\u0120Limited": 15302, "eous": 15303, "\u0120variant": 15304, "\u0120ward": 15305, "\u0120))": 15306, "Show": 15307, "OOK": 15308, "Alex": 15309, "\u0120Nep": 15310, "bris": 15311, "\u0120Wikipedia": 15312, "\u0120exceptional": 15313, "\u0120manages": 15314, "\u0120Draw": 15315, "Again": 15316, "\u0120copper": 15317, "utt": 15318, "\u0120exports": 15319, "\u0120portfolio": 15320, "\u0120elevated": 15321, "Rated": 15322, "\u0120Otherwise": 15323, "\u0120Tact": 15324, "\u0120Shel": 15325, "\u0120TX": 15326, "\"\u00e2\u0122\u0136": 15327, "\u0120resur": 15328, "\u0120Wa": 15329, "venant": 15330, "\u0120monetary": 15331, "people": 15332, "Email": 15333, "\u0120fifty": 15334, "\u0120Sweet": 15335, "\u0120Malaysia": 15336, "\u0120confusing": 15337, "\u0120Rio": 15338, "uda": 15339, "utenant": 15340, "\");": 15341, "\u0120praised": 15342, "\u0120volumes": 15343, "turn": 15344, "\u0120mature": 15345, "\u0120nonprofit": 15346, "\u0120passionate": 15347, "\u0120Private": 15348, "\u0120103": 15349, "\u0120descend": 15350, "\u00e7\u00a5\u0140": 15351, "uffy": 15352, "headed": 15353, "Whether": 15354, "rien": 15355, "zech": 15356, "beit": 15357, "\u0120chrom": 15358, "\u0120McM": 15359, "\u0120dancing": 15360, "\u0120eleg": 15361, "\u0120Noticed": 15362, "115": 15363, "\u0120advocacy": 15364, "ENTS": 15365, "ambling": 15366, "\u0120Minor": 15367, "\u0120Finn": 15368, "\u0120priorities": 15369, "\u0120thereof": 15370, "\u0120Stage": 15371, "\u0120Rogers": 15372, "\u0120substitute": 15373, "\u0120Jar": 15374, "\u0120Jefferson": 15375, "\u0120lightly": 15376, "102": 15377, "\u0120Lisa": 15378, "uits": 15379, "ysical": 15380, "\u0120shifts": 15381, "\u0120drones": 15382, "\u0120workplace": 15383, "\u0120resid": 15384, "ensed": 15385, "ahn": 15386, "\u0120preferences": 15387, "server": 15388, "\u0120debates": 15389, "doc": 15390, "\u0120Gods": 15391, "\u0120helicopter": 15392, "\u0120honour": 15393, "\u0120considerably": 15394, "eded": 15395, "\u0120Female": 15396, "\u0120Anne": 15397, "\u0120reun": 15398, "\u0120Face": 15399, "\u0120Hallow": 15400, "\u0120Budget": 15401, "\u0120condemn": 15402, "\u0120tender": 15403, "Prof": 15404, "ocratic": 15405, "\u0120Turner": 15406, "\u0120Agric": 15407, "\u01201976": 15408, "\u0120apt": 15409, "disc": 15410, "\u0120Fighter": 15411, "\u0120Aur": 15412, "\u0120garbage": 15413, "input": 15414, "\u0120Karl": 15415, "\u0120Oliver": 15416, "\u0120Language": 15417, "kn": 15418, "Non": 15419, "\u0120Clar": 15420, "\u0120traditions": 15421, "\u0120advertisement": 15422, "\u0120Sor": 15423, "\u0120archive": 15424, "\u0120villages": 15425, "750": 15426, "\u0120implementing": 15427, "waukee": 15428, "\u0120dietary": 15429, "\u0120switching": 15430, "Republic": 15431, "\u0120velocity": 15432, "\u0120cit": 15433, "\u0120Awards": 15434, "\u0120financing": 15435, "\u0120lasted": 15436, ")]": 15437, "\u0120reminder": 15438, "Person": 15439, "\u0120precision": 15440, "\u0120designers": 15441, "\u0120Fried": 15442, "\u0120Border": 15443, "\u0120tragic": 15444, "\u0120wield": 15445, "\u0120initiatives": 15446, "\u0120Tank": 15447, "wer": 15448, "\u0120joins": 15449, "Ro": 15450, "inery": 15451, "\u0120arrow": 15452, "\u0120generating": 15453, "founder": 15454, "\u0120searches": 15455, "\u0120randomly": 15456, "Access": 15457, "\u0120batch": 15458, "\u0120posed": 15459, "lat": 15460, "\u0120pursuing": 15461, "asa": 15462, "\u0120testified": 15463, "forming": 15464, "\u0120Shar": 15465, "wiki": 15466, "\u0120Either": 15467, "Sometimes": 15468, "\u0120senators": 15469, "\u0120Johnny": 15470, "\u0120Taliban": 15471, "\u0120GPS": 15472, "\":\"/": 15473, "\u00e3\u0123\u00ae\u00e5": 15474, "\u0120analyzed": 15475, "\u0120Rubio": 15476, "\u0120Movement": 15477, "opard": 15478, "iii": 15479, "Stand": 15480, "fight": 15481, "\u0120ignoring": 15482, "iang": 15483, "\u0120GN": 15484, "soever": 15485, "\u0120STAT": 15486, "\u0120refusing": 15487, "\u0120sweat": 15488, "\u0120bay": 15489, "PORT": 15490, "irmed": 15491, "aky": 15492, "\u0120dispro": 15493, "\u0120labeled": 15494, "\u0120108": 15495, "Hello": 15496, "\u0120pleasant": 15497, "aba": 15498, "\u0120triumph": 15499, "\u0120aboard": 15500, "\u0120incom": 15501, "\u0120Crow": 15502, "lett": 15503, "\u0120folk": 15504, "\u0120chase": 15505, "``": 15506, "\u0120Brus": 15507, "\u0120teens": 15508, "cue": 15509, "\u0120terrain": 15510, "hyd": 15511, "ilight": 15512, "ORY": 15513, "Support": 15514, "ews": 15515, "lli": 15516, "raints": 15517, "\u0120Cand": 15518, "\u0120abused": 15519, "achment": 15520, "larg": 15521, "Bas": 15522, "\u0120Cancer": 15523, "\u01201978": 15524, "\u0120supporter": 15525, "access": 15526, "\u0120Termin": 15527, "\u0120Tampa": 15528, "\u0120ANY": 15529, "\u0120newest": 15530, "\u0120Criminal": 15531, "edu": 15532, "\u01201930": 15533, "\u0120admits": 15534, "\u0120ende": 15535, "\u0120failures": 15536, "urate": 15537, "fulness": 15538, "cycl": 15539, "\u0120Subject": 15540, "\u0120infinite": 15541, "three": 15542, "WA": 15543, "pit": 15544, "\u0120Install": 15545, "Rad": 15546, "iliation": 15547, "GM": 15548, "\u0120continent": 15549, "\u0120accommodate": 15550, "\u0120Clay": 15551, "\u0120pup": 15552, "\u0120Function": 15553, "\u0120hammer": 15554, "\u0120Alberta": 15555, "\u0120revised": 15556, "\u0120minorities": 15557, "\u0120measurement": 15558, "Connell": 15559, "\u0120disable": 15560, "\u0120Mix": 15561, "Incre": 15562, "\u0120fork": 15563, "\u0120Rosen": 15564, "\u0120implies": 15565, "umblr": 15566, "ANG": 15567, "\u0120proteins": 15568, "\u0120aggression": 15569, "\u0120facilitate": 15570, "SN": 15571, "\u0120illegally": 15572, "uer": 15573, "\u0120academ": 15574, "\u0120puzz": 15575, "\u0120Shift": 15576, "pay": 15577, "ollo": 15578, "\u0120audiences": 15579, "Build": 15580, "\u0120noble": 15581, "\u0120syntax": 15582, "\u00e2\u013a\u0127": 15583, "\u0120beam": 15584, "\u0120Bed": 15585, "\u0120Ald": 15586, "\u0120origins": 15587, "video": 15588, "\u01201977": 15589, "\u0120Assault": 15590, "\u0120garage": 15591, "Team": 15592, "\u0120verdict": 15593, "\u0120dwar": 15594, "\u0120Virtual": 15595, "event": 15596, "Keep": 15597, "\u0120sentiment": 15598, "\u0120wildlife": 15599, "shirt": 15600, "\u0120burg": 15601, "\u0120recommendation": 15602, "represent": 15603, "\u0120gallery": 15604, "owners": 15605, "\u0120scholar": 15606, "\u0120convenience": 15607, "\u0120Swift": 15608, "\u0120convinc": 15609, "Cap": 15610, "\u0120warfare": 15611, "\u0120Visual": 15612, "\u0120constitute": 15613, "\u0120abort": 15614, "\u0120Weather": 15615, "\u0120Looking": 15616, "\u0120Hem": 15617, "\u0120martial": 15618, "\u0120incoming": 15619, "etition": 15620, "\u0120tolerance": 15621, "\u0120Created": 15622, "\u0120flows": 15623, "\u0120Elder": 15624, "\u0120souls": 15625, "\u0120foul": 15626, "\u0120Pain": 15627, "\u0120CAN": 15628, "\u0120220": 15629, "bc": 15630, "hend": 15631, "\u0120genius": 15632, "Real": 15633, "\u0120Wr": 15634, "ometer": 15635, "pad": 15636, "\u0120limiting": 15637, "\u0120Si": 15638, "\u0120Lore": 15639, "\u0120Adventures": 15640, "\u0120varied": 15641, "Disc": 15642, "fin": 15643, "\u0120Personal": 15644, "Chris": 15645, "\u0120invented": 15646, "\u0120dive": 15647, "\u0120Rise": 15648, "\u0120oz": 15649, "\u0120Comics": 15650, "\u0120expose": 15651, "\u0120Reb": 15652, "letters": 15653, "site": 15654, "imated": 15655, "\u0120hacking": 15656, "\u0120educated": 15657, "\u0120Nobody": 15658, "\u0120depri": 15659, "\u0120incentive": 15660, "\u00e3\u0124\u00b7": 15661, "\u0120oversight": 15662, "\u0120tribes": 15663, "\u0120Belgium": 15664, "\u0120licensing": 15665, "ourt": 15666, "Product": 15667, "ahl": 15668, "\u0120Gem": 15669, "\u0120specialist": 15670, "\u0120cra": 15671, "anners": 15672, "\u0120Corbyn": 15673, "\u01201973": 15674, "READ": 15675, "\u0120summar": 15676, "\u0120overlook": 15677, "\u0120Application": 15678, "\u0120inappropriate": 15679, "\u0120downloaded": 15680, "Que": 15681, "\u0120Bears": 15682, "\u0120thumb": 15683, "\u0120Character": 15684, "\u0120Reincarnated": 15685, "\u0120Sid": 15686, "\u0120demonstrates": 15687, "sky": 15688, "\u0120Bloomberg": 15689, "\u0120Array": 15690, "\u0120Results": 15691, "\u0120Fourth": 15692, "\u0120EDT": 15693, "\u0120Oscar": 15694, "cend": 15695, "\u0120106": 15696, "\u0120NULL": 15697, "\u0120HERE": 15698, "match": 15699, "\u0120Brun": 15700, "\u0120glucose": 15701, "ieg": 15702, "egu": 15703, "\u0120certified": 15704, "\u0120relie": 15705, "\u0120humanitarian": 15706, "\u0120prayers": 15707, "King": 15708, "\u0120nan": 15709, "hou": 15710, "108": 15711, "ulu": 15712, "\u0120renewable": 15713, "\u0120distinguish": 15714, "\u0120dense": 15715, "\u0120Vent": 15716, "\u0120Package": 15717, "\u0120Boss": 15718, "\u0120editors": 15719, "\u0120migr": 15720, "Tra": 15721, "\u0120Peters": 15722, "\u0120Arctic": 15723, "2004": 15724, "\u0120Cape": 15725, "\u0120locally": 15726, "\u0120lasting": 15727, "\u0120handy": 15728, ".).": 15729, "Pan": 15730, "\u0120RES": 15731, "Index": 15732, "\u0120tensions": 15733, "\u0120formerly": 15734, "\u0120ideological": 15735, "\u0120sensors": 15736, "\u0120dealers": 15737, "\u0120defines": 15738, "Sk": 15739, "\u0120proceeds": 15740, "\u0120proxy": 15741, "azines": 15742, "\u0120Bash": 15743, "\u0120Pad": 15744, "\u0120Craft": 15745, "ealous": 15746, "\u0120sheets": 15747, "ometry": 15748, "June": 15749, "clock": 15750, "TT": 15751, "\u0120Theatre": 15752, "\u0120Buzz": 15753, "\u0120chapters": 15754, "\u0120millenn": 15755, "\u0120dough": 15756, "\u0120Congressional": 15757, "\u0120imagined": 15758, "avior": 15759, "\u0120clinic": 15760, "\u01201945": 15761, "\u0120holder": 15762, "root": 15763, "olester": 15764, "\u0120restart": 15765, "BN": 15766, "\u0120Hamas": 15767, "\u0120Job": 15768, "\u0120orb": 15769, "\u0120ram": 15770, "\u0120disclose": 15771, "\u0120translate": 15772, "\u0120immigrant": 15773, "\u0120annoying": 15774, "\u0120treaty": 15775, "anium": 15776, "\u0120Tea": 15777, "\u0120Legion": 15778, "\u0120crowds": 15779, "\u0120Bec": 15780, "\u0120Aer": 15781, "ohyd": 15782, "Bro": 15783, "Looking": 15784, "\u0120lbs": 15785, "\u0120aggress": 15786, "\u0120seam": 15787, "\u0120intercept": 15788, "\u0120MI": 15789, "mercial": 15790, "activ": 15791, "\u0120Cit": 15792, "\u0120dimension": 15793, "\u0120consistency": 15794, "\u0120rushing": 15795, "\u0120Douglas": 15796, "\u0120trim": 15797, "Install": 15798, "icker": 15799, "\u0120shy": 15800, "106": 15801, "\u0120mentions": 15802, "pelled": 15803, "\u0120Tak": 15804, "cost": 15805, "\u0120classroom": 15806, "\u0120fortune": 15807, "driven": 15808, "\u0120unle": 15809, "\u0120Wheel": 15810, "\u0120investor": 15811, "\u0120Masters": 15812, "kit": 15813, "\u0120associations": 15814, "\u0120Evolution": 15815, "oping": 15816, "uscript": 15817, "\u0120provincial": 15818, "\u0120Walter": 15819, "avi": 15820, "SO": 15821, "\u0120unlimited": 15822, "English": 15823, "\u0120Cards": 15824, "\u0120Ebola": 15825, "nered": 15826, "\u0120revenge": 15827, "\u0120outright": 15828, "umper": 15829, "\u0120fitting": 15830, "\u0120Solid": 15831, "\u0120formally": 15832, "\u0120problematic": 15833, "\u0120hazard": 15834, "\u0120encryption": 15835, "\u0120straightforward": 15836, "\u0120AK": 15837, "\u0120pse": 15838, "\u0120Orb": 15839, "\u0120Chamber": 15840, "\u0120Mak": 15841, "Contents": 15842, "\u0120loyalty": 15843, "\u0120lyrics": 15844, "\u0120Sym": 15845, "\u0120welcomed": 15846, "\u0120cooked": 15847, "\u0120monop": 15848, "\u0120nurse": 15849, "\u0120misleading": 15850, "\u0120eternal": 15851, "\u0120shifting": 15852, "\u0120+=": 15853, "Vis": 15854, "\u0120institutional": 15855, "illary": 15856, "\u0120pant": 15857, "VERT": 15858, "\u0120ACC": 15859, "\u0120Enh": 15860, "\u0120incon": 15861, "\u0120REUTERS": 15862, "\u0120donated": 15863, "\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6": 15864, "Intern": 15865, "\u0120exhibit": 15866, "\u0120tire": 15867, "\u0120Ric": 15868, "\u0120Champion": 15869, "\u0120Muhammad": 15870, "NING": 15871, "\u0120Soccer": 15872, "\u0120mobility": 15873, "\u0120varying": 15874, "\u0120Movie": 15875, "\u0120lord": 15876, "oak": 15877, "Field": 15878, "\u0120vector": 15879, "usions": 15880, "\u0120scrap": 15881, "\u0120enabling": 15882, "make": 15883, "Tor": 15884, ".*": 15885, "||": 15886, "\u0120Website": 15887, "\u0120NPC": 15888, "\u0120socialist": 15889, "\u0120Billy": 15890, "\u0120Additional": 15891, "\u0120cargo": 15892, "\u0120farms": 15893, "\u0120Soon": 15894, "\u0120Prize": 15895, "\u0120midnight": 15896, "\u0120900": 15897, "seen": 15898, "\u0120Spot": 15899, "\u0120sheep": 15900, "\u0120sponsored": 15901, "\u0120Hi": 15902, "\u0120Jump": 15903, "\u01201967": 15904, "Microsoft": 15905, "\u0120Agent": 15906, "\u0120charts": 15907, "dir": 15908, "\u0120adjacent": 15909, "\u0120tricks": 15910, "\u0120manga": 15911, "\u0120exagger": 15912, "/>": 15913, "football": 15914, "\u0120FCC": 15915, "GC": 15916, "\u0120Tier": 15917, "andra": 15918, "OUND": 15919, "%),": 15920, "\u0120fruits": 15921, "VC": 15922, "\u0120AA": 15923, "Rober": 15924, "\u0120midst": 15925, "\u00e2\u0139": 15926, "anka": 15927, "\u0120legislature": 15928, "\u0120Neil": 15929, "\u0120tourists": 15930, "\"\"": 15931, "\u0120Warning": 15932, "\u0120Nevertheless": 15933, "\u0120Official": 15934, "\u0120Whatever": 15935, "\u0120mold": 15936, "\u0120drafted": 15937, "\u0120substances": 15938, "\u0120breed": 15939, "\u0120tags": 15940, "\u0120Task": 15941, "\u0120verb": 15942, "\u0120manufactured": 15943, "comments": 15944, "\u0120Polish": 15945, "Prov": 15946, "\u0120determines": 15947, "Obama": 15948, "kers": 15949, "\u0120utterly": 15950, "\u0120sect": 15951, "sche": 15952, "\u0120Gates": 15953, "\u0120Chap": 15954, "\u0120aluminum": 15955, "\u0120zombie": 15956, "\u0120Touch": 15957, "\u0120UP": 15958, "\u0120satisfy": 15959, "\u0120predomin": 15960, "ascript": 15961, "\u0120elaborate": 15962, "\u01201968": 15963, "\u0120measuring": 15964, "\u0120Vari": 15965, "anyahu": 15966, "\u0120sir": 15967, "ulates": 15968, "idges": 15969, "ickets": 15970, "\u0120Spencer": 15971, "TM": 15972, "oubted": 15973, "\u0120prey": 15974, "\u0120installing": 15975, "\u0120Cab": 15976, "reed": 15977, "reated": 15978, "Supp": 15979, "\u0120wrist": 15980, "\u0120Kerry": 15981, "107": 15982, "\u0120Kle": 15983, "\u0120Rachel": 15984, "\u0120cotton": 15985, "\u0120ARE": 15986, "\u0120Ele": 15987, "Control": 15988, "\u0120loads": 15989, "\u0120Dod": 15990, "anas": 15991, "bone": 15992, "\u0120classical": 15993, "\u0120Regional": 15994, "\u0120Integ": 15995, "VM": 15996, "\u0120desires": 15997, "\u0120autism": 15998, "supported": 15999, "\u0120Message": 16000, "\u0120compact": 16001, "writer": 16002, "\u0120109": 16003, "\u0120Hurricane": 16004, "cision": 16005, "\u0120cycles": 16006, "\u0120drill": 16007, "\u0120colleague": 16008, "\u0120maker": 16009, "German": 16010, "\u0120mistaken": 16011, "Sun": 16012, "\u0120Gay": 16013, "\u0120whatsoever": 16014, "\u0120sells": 16015, "\u0120Airl": 16016, "liv": 16017, "\u0120Option": 16018, "\u0120solved": 16019, "\u0120sectors": 16020, "\u0120horizontal": 16021, "\u0120equation": 16022, "\u0120Skill": 16023, "\u0120Bio": 16024, "gement": 16025, "\u0120Snap": 16026, "\u0120Legal": 16027, "\u0120trademark": 16028, "\u0120makeup": 16029, "\u0120assembled": 16030, "\u0120saves": 16031, "\u0120Halloween": 16032, "\u0120Vermont": 16033, "\u0120FROM": 16034, "\u0120farming": 16035, "\u0120Podcast": 16036, "acceptable": 16037, "\u0120Higher": 16038, "\u0120asleep": 16039, "ullivan": 16040, "\u0120referen": 16041, "\u0120Lev": 16042, "\u0120bullets": 16043, "oko": 16044, "HC": 16045, "\u0120stairs": 16046, "\u0120maintains": 16047, "\u0120Lower": 16048, "\u0120Vi": 16049, "\u0120marine": 16050, "\u0120acres": 16051, "\u0120coordinator": 16052, "\u0120Joh": 16053, "\u0120counterparts": 16054, "\u0120Brothers": 16055, "\u0120indict": 16056, "bra": 16057, "\u0120chunk": 16058, "\u0120cents": 16059, "Home": 16060, "\u0120Month": 16061, "\u0120accordingly": 16062, "ifles": 16063, "\u0120Germans": 16064, "\u0120Syn": 16065, "Hub": 16066, "\u0120eyeb": 16067, "\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122": 16068, "\u0120ranges": 16069, "\u0120Holland": 16070, "\u0120Robot": 16071, "fc": 16072, "Mike": 16073, "\u0120plasma": 16074, "\u0120swap": 16075, "\u0120athlete": 16076, "\u0120Rams": 16077, ",'\"": 16078, "\u0120infections": 16079, "\u0120corrid": 16080, "\u0120vib": 16081, "\u0120patches": 16082, "\u0120traditionally": 16083, "\u0120revelation": 16084, "\u0120sweep": 16085, "\u0120glance": 16086, "\u0120inex": 16087, "2003": 16088, "\u0120Raw": 16089, "working": 16090, "osures": 16091, "\u0120Dat": 16092, "\u0120Lynch": 16093, "\u0120leverage": 16094, "\u0120Reid": 16095, "\u0120correlation": 16096, "iances": 16097, "avascript": 16098, "\u0120repository": 16099, "retty": 16100, "\u01201972": 16101, "240": 16102, "\u0120oun": 16103, "pol": 16104, "\u0120Reed": 16105, "\u0120tactical": 16106, "isite": 16107, "Apple": 16108, "\u0120Quinn": 16109, "\u0120raped": 16110, "illo": 16111, "Europe": 16112, "\u0120algorithms": 16113, "\u0120Rodrig": 16114, "iu": 16115, "\u0120illum": 16116, "\u0120fame": 16117, "\u0120introducing": 16118, "\u0120delays": 16119, "\u0120Raiders": 16120, "\u0120whistle": 16121, "\u0120novels": 16122, "\u0120Really": 16123, "\u0120deriv": 16124, "\u0120publications": 16125, "\u0120Neither": 16126, "\u0120Commerce": 16127, "\u0120aston": 16128, "language": 16129, "Notes": 16130, "\u0120Roth": 16131, "\u0120Fear": 16132, "\u0120mate": 16133, "\u0120parade": 16134, "\u0120QB": 16135, "\u0120maneu": 16136, "\u0120Cincinnati": 16137, "mitting": 16138, "\u0120waist": 16139, "\u0120Rew": 16140, "\u0120discont": 16141, "\u00d0\u00b0": 16142, "\u0120staring": 16143, "\u0120alias": 16144, "\u0120securities": 16145, "\u0120toilet": 16146, "\u0120Jedi": 16147, "\u0120unlaw": 16148, "vised": 16149, "////////": 16150, "](": 16151, "\u0120Weiss": 16152, "\u0120prest": 16153, "\u0120Compan": 16154, "\u0120memo": 16155, "\u0120Grace": 16156, "July": 16157, "\u0120Elite": 16158, "center": 16159, "\u0120Stay": 16160, "\u0120galaxy": 16161, "\u0120tooth": 16162, "\u0120Settings": 16163, "\u0120subjected": 16164, "\u00e3\u0124\u00a6": 16165, "\u0120lineback": 16166, "\u0120retailers": 16167, "\u0120Want": 16168, "\u0120dangers": 16169, "Air": 16170, "\u0120voluntary": 16171, "eway": 16172, "\u0120interpreted": 16173, "otine": 16174, "\u00c3\u00a7": 16175, "\u0120pel": 16176, "Service": 16177, "\u0120Eventually": 16178, "\u0120careers": 16179, "\u0120threaten": 16180, "\u0120memor": 16181, "\u0120Bradley": 16182, "ancies": 16183, "sn": 16184, "\u0120Unknown": 16185, "National": 16186, "\u0120shadows": 16187, "ailand": 16188, "\u0120Dash": 16189, "Everyone": 16190, "izzard": 16191, "March": 16192, "=(": 16193, "\u0120pulls": 16194, "\u0120stranger": 16195, "\u0120backwards": 16196, "\u0120Bernard": 16197, "imensional": 16198, "\u0120chron": 16199, "\u0120theoretical": 16200, "ktop": 16201, "\u0120ware": 16202, "\u0120Investig": 16203, "\u0120Initi": 16204, "\u0120Operations": 16205, "oven": 16206, "ocide": 16207, "*/": 16208, "\u0120flames": 16209, "\u0120Cash": 16210, "shit": 16211, "\u0120cab": 16212, "\u0120Analy": 16213, "\u0120Seah": 16214, "\u0120defining": 16215, "\u0120ordering": 16216, "\u0120immun": 16217, "\u0120persistent": 16218, "ACH": 16219, "Russian": 16220, "mans": 16221, "\u0120hind": 16222, "\u0120photography": 16223, "\u00c2\u00a9": 16224, "\u0120hug": 16225, "\u0120107": 16226, "\u0120Hence": 16227, "iots": 16228, "udeau": 16229, "\u0120subsidies": 16230, "\u0120routinely": 16231, "\u0120Device": 16232, "itic": 16233, "\u0120disgust": 16234, "lander": 16235, "\u01201940": 16236, "\u0120assignment": 16237, "\u0120Besides": 16238, "wick": 16239, "\u0120Dust": 16240, "usc": 16241, "structed": 16242, "111": 16243, "develop": 16244, "\u0120fond": 16245, "\u0120intersection": 16246, "\u0120dignity": 16247, "\u0120commissioner": 16248, "Without": 16249, "reach": 16250, "\u0120cartoon": 16251, "\u0120scales": 16252, "\u00e3\u0125\u0143": 16253, "FIG": 16254, "\u0120surveys": 16255, "\u0120Indonesia": 16256, "\u0120artwork": 16257, "\u0120unch": 16258, "\u0120cycling": 16259, "unct": 16260, "auer": 16261, "orate": 16262, "\u0120Obviously": 16263, "\u0120characterized": 16264, "feld": 16265, "\u0120affirm": 16266, "\u0120innings": 16267, "\u0120\u00e9": 16268, "\u0120aliens": 16269, "\u0120cloth": 16270, "etooth": 16271, "\u0120Certain": 16272, "\u00c2\u00a7": 16273, "\u0120digest": 16274, "know": 16275, "\u0120XL": 16276, "\u0120predictions": 16277, "\u0120din": 16278, "WAR": 16279, "\u0120aftermath": 16280, "Example": 16281, "\u0120Success": 16282, "\u0120Thr": 16283, "IGN": 16284, "\u0120miner": 16285, "Bus": 16286, "\u0120clarity": 16287, "heimer": 16288, "\u0120OUT": 16289, "\u0120Send": 16290, "\u0120Circle": 16291, "\u0120Diet": 16292, "\u0120pronounced": 16293, "\u0120creators": 16294, "\u0120earthquake": 16295, "attery": 16296, "geons": 16297, "\u0120od": 16298, "\u0120laying": 16299, "orp": 16300, "Ult": 16301, "project": 16302, "\u0120undermin": 16303, "\u0120sequel": 16304, "Sam": 16305, "\u0120Darkness": 16306, "\u0120reception": 16307, "bull": 16308, "YS": 16309, "\u0120Vir": 16310, "\u0120sequences": 16311, "\u0120Coin": 16312, "\u0120outfit": 16313, "\u0120Wait": 16314, "119": 16315, "\u0120delivers": 16316, "......": 16317, "\u0120blown": 16318, "\u0120Esc": 16319, "\u0120Math": 16320, "perm": 16321, "\u0120Ul": 16322, "\u0120glim": 16323, "\u0120facial": 16324, "\u0120greenhouse": 16325, "\u0120tokens": 16326, "/-": 16327, "\u0120Annual": 16328, "\u0120ONE": 16329, "\u0120teenage": 16330, "\u0120Physical": 16331, "\u0120Lang": 16332, "\u0120Celt": 16333, "\u0120sued": 16334, "ividually": 16335, "\u0120patience": 16336, "chair": 16337, "regular": 16338, "\u0120aug": 16339, "inv": 16340, "except": 16341, "\u0120Lil": 16342, "\u0120nest": 16343, "fd": 16344, "sum": 16345, "\u0120Chase": 16346, "Russia": 16347, "\u0120Jennifer": 16348, "\u0120offseason": 16349, "Overall": 16350, "Fore": 16351, "\u0120riot": 16352, "Aud": 16353, "former": 16354, "\u0120defenders": 16355, "\u0120CT": 16356, "iotic": 16357, "ribly": 16358, "\u0120automated": 16359, "\u0120penis": 16360, "\u0120insist": 16361, "\u0120diagram": 16362, "\u0120SQL": 16363, "\u0120Garc": 16364, "\u0120witch": 16365, "client": 16366, "ierra": 16367, "ambers": 16368, "\u0120recount": 16369, "far": 16370, "Very": 16371, "osterone": 16372, "\u0120appreciated": 16373, "\u0120Perfect": 16374, "Section": 16375, "\u0120doses": 16376, "ocaust": 16377, "\u0120costly": 16378, "\u0120grams": 16379, "\u0120Shi": 16380, "\u0120wrestling": 16381, "\u01201971": 16382, "\u0120trophy": 16383, "\u0120nerve": 16384, "\u0120Kaz": 16385, "\u0120Experience": 16386, "\u0120pledged": 16387, "\u0120playback": 16388, "\u0120creativity": 16389, "bye": 16390, "\u0120attackers": 16391, "\u0120holders": 16392, "\u0120Coach": 16393, "\u0120PhD": 16394, "\u0120transfers": 16395, "\u0120colored": 16396, "\u0120Hindu": 16397, "\u0120drown": 16398, "\u0120listened": 16399, "\u0120WA": 16400, "iasm": 16401, "PO": 16402, "\u0120appealing": 16403, "\u0120disclosed": 16404, "\u0120Chicken": 16405, "agging": 16406, "\u0120pleaded": 16407, "\u0120navigation": 16408, "\u0120Returns": 16409, "\u0120[[": 16410, "ROR": 16411, "EA": 16412, "\u0120photographer": 16413, "\u0120Rider": 16414, "ippers": 16415, "\u0120slice": 16416, "\u0120erect": 16417, "\u0120hed": 16418, "issance": 16419, "\u0120Vikings": 16420, "urious": 16421, "\u0120appet": 16422, "oubtedly": 16423, "Child": 16424, "\u0120authentic": 16425, "oos": 16426, "\u0120Making": 16427, "\u0120announcing": 16428, "\u0120bod": 16429, "\u0120meter": 16430, "\u0120Nine": 16431, "\u0120Rogue": 16432, "\u0120workforce": 16433, "\u0120renewed": 16434, "\u0120organisations": 16435, "acs": 16436, "PLE": 16437, "Short": 16438, "\u0120compounds": 16439, "\u0120Visit": 16440, "\u0120envelop": 16441, "earth": 16442, "\u0120supportive": 16443, "ggle": 16444, "\u0120Brussels": 16445, "\u0120Guild": 16446, "Create": 16447, "REL": 16448, "\u0120averaged": 16449, "\u01201969": 16450, "riages": 16451, "\u0120lengthy": 16452, "\u0120forgot": 16453, "Okay": 16454, "\u0120Erd": 16455, "\u0120dealer": 16456, "\u0120recession": 16457, "DD": 16458, "\u0120desperately": 16459, "\u0120hunger": 16460, "\u0120sticks": 16461, "\u0120mph": 16462, "\u0120Faith": 16463, "\u0120intentionally": 16464, "\u0120demol": 16465, "ueller": 16466, "\u0120Sale": 16467, "\u0120debris": 16468, "spring": 16469, "\u0120leap": 16470, ">>>>": 16471, "\u0120containers": 16472, "selling": 16473, "ranean": 16474, "attering": 16475, "\u0120commented": 16476, "\u0120CM": 16477, "onut": 16478, "\u0120woods": 16479, "especially": 16480, "\u0120organize": 16481, "ivic": 16482, "\u0120Woods": 16483, "anga": 16484, "squ": 16485, "\u0120maj": 16486, "amon": 16487, "\u0120axis": 16488, "\u01201974": 16489, "\u0120Denmark": 16490, "\u0120warrior": 16491, "\u0120Pand": 16492, "\u0120outlined": 16493, "\u0120BO": 16494, "insula": 16495, "zilla": 16496, "ebook": 16497, "\u0120dare": 16498, "\u0120searched": 16499, "\u0120navigate": 16500, "Sn": 16501, "writing": 16502, "\u0120united": 16503, "Japan": 16504, "\u0120Hebrew": 16505, "\u0120flame": 16506, "\u0120relies": 16507, "\u0120catching": 16508, "\u0120Sho": 16509, "\u0120imprisonment": 16510, "\u0120pockets": 16511, "\u0120closure": 16512, "\u0120Fam": 16513, "tim": 16514, "adequ": 16515, "Activity": 16516, "\u0120recruiting": 16517, "\u0120WATCH": 16518, "\u0120Argentina": 16519, "dest": 16520, "\u0120apologize": 16521, "oro": 16522, "\u0120lacks": 16523, "\u0120tuned": 16524, "\u0120Griffin": 16525, "\u0120infamous": 16526, "\u0120celebrity": 16527, "sson": 16528, "\u0120----------------------------------------------------------------": 16529, "\u0120Isis": 16530, "\u0120Display": 16531, "\u0120credibility": 16532, "\u0120economies": 16533, "\u0120headline": 16534, "\u0120Cowboys": 16535, "\u0120indef": 16536, "\u0120lately": 16537, "\u0120incentives": 16538, "button": 16539, "\u0120Mob": 16540, "Aut": 16541, "\u0120resigned": 16542, "\u0120Om": 16543, "camp": 16544, "\u0120profiles": 16545, "\u0120schemes": 16546, "olphins": 16547, "ayed": 16548, "Clinton": 16549, "enh": 16550, "\u0120Yahoo": 16551, "\u0120abst": 16552, "\u0120ank": 16553, "suits": 16554, "\u0120wished": 16555, "\u0120Marco": 16556, "udden": 16557, "\u0120sphere": 16558, "\u0120Bishop": 16559, "\u0120incorporated": 16560, "\u0120Plant": 16561, "114": 16562, "\u0120hated": 16563, "pic": 16564, "\u0120donate": 16565, "\u0120lined": 16566, "\u0120beans": 16567, "\u0120stealing": 16568, "\u0120costume": 16569, "\u0120sheriff": 16570, "\u0120forty": 16571, "\u0120intact": 16572, "\u0120adapted": 16573, "\u0120travelling": 16574, "bart": 16575, "\u0120nicely": 16576, "\u0120dried": 16577, "\u0120scal": 16578, "osity": 16579, "NOTE": 16580, "\u0120Bh": 16581, "\u0120Broncos": 16582, "\u0120Ign": 16583, "\u0120intimate": 16584, "\u0120chemistry": 16585, "\u0120optimal": 16586, "Deb": 16587, "\u0120Generation": 16588, "\u0120],": 16589, "ichi": 16590, "\u0120Wii": 16591, "\u0120YOUR": 16592, "ventions": 16593, "Write": 16594, "\u0120popul": 16595, "unning": 16596, "\u0120Wor": 16597, "Vol": 16598, "\u0120queen": 16599, "heads": 16600, "KK": 16601, "\u0120analyze": 16602, "opic": 16603, "earchers": 16604, "\u0120dot": 16605, "legraph": 16606, "astically": 16607, "\u0120upgrades": 16608, "\u0120cares": 16609, "\u0120extending": 16610, "\u0120freeze": 16611, "\u0120inability": 16612, "\u0120organs": 16613, "\u0120pretend": 16614, "\u0120outlet": 16615, "113": 16616, "olan": 16617, "\u0120Mall": 16618, "uling": 16619, "talk": 16620, "\u0120expressing": 16621, "\u0120Always": 16622, "\u0120Begin": 16623, "files": 16624, "\u0120licenses": 16625, "%%": 16626, "\u0120Mitt": 16627, "\u0120filters": 16628, "\u0120Milwaukee": 16629, "GN": 16630, "\u0120unfold": 16631, "Mo": 16632, "\u0120nutrition": 16633, "ppo": 16634, "Bo": 16635, "\u0120founding": 16636, "\u0120undermine": 16637, "\u0120easiest": 16638, "\u0120Czech": 16639, "\u0120Mack": 16640, "\u0120sexuality": 16641, "\u0120Nixon": 16642, "Win": 16643, "\u0120Arn": 16644, "\u0120Kin": 16645, "\u00e3\u0124\u00a3": 16646, "icer": 16647, "\u0120fortun": 16648, "\u0120surfaces": 16649, "aghd": 16650, "\u0120carriers": 16651, "\u0120PART": 16652, "\u0120Tib": 16653, "\u0120interval": 16654, "\u0120frustrating": 16655, "\u0120Ship": 16656, "\u0120Armed": 16657, "ffe": 16658, "\u0120boats": 16659, "\u0120Abraham": 16660, "inis": 16661, "\u0120suited": 16662, "thread": 16663, "iov": 16664, "abul": 16665, "\u0120Venezuela": 16666, "\u0120tom": 16667, "super": 16668, "\u0120castle": 16669, "although": 16670, "ioxide": 16671, "eches": 16672, "\u0120evolutionary": 16673, "\u0120negotiate": 16674, "\u0120confronted": 16675, "Remember": 16676, "\u0120170": 16677, "Such": 16678, "\u0120911": 16679, "mult": 16680, "\u0120Abyss": 16681, "urry": 16682, "kees": 16683, "spec": 16684, "\u0120Barbara": 16685, "\u0120belonging": 16686, "\u0120villain": 16687, "istani": 16688, "\u0120accountable": 16689, "\u0120portions": 16690, "\u0120Decl": 16691, "Ur": 16692, "\u0120Kate": 16693, "gre": 16694, "\u0120magazines": 16695, "UCK": 16696, "\u0120regulate": 16697, "omon": 16698, "\u0120Almost": 16699, "\u0120overview": 16700, "\u0120scram": 16701, "\u0120loot": 16702, "\u0120Fitz": 16703, "\u0120characteristic": 16704, "\u0120Snake": 16705, "say": 16706, "\u0120Rico": 16707, "\u0120trait": 16708, "\u0120Joined": 16709, "aucus": 16710, "\u0120adaptation": 16711, "\u0120Airlines": 16712, "\u0120archae": 16713, "\u0120Ide": 16714, "\u0120bikes": 16715, "\u0120literary": 16716, "\u0120influences": 16717, "\u0120Used": 16718, "Creat": 16719, "\u0120plea": 16720, "\u0120Defence": 16721, "\u0120Assass": 16722, "\u0120pond": 16723, "ULT": 16724, ")\"": 16725, "\u0120evaluated": 16726, "\u0120obtaining": 16727, "\u0120demographic": 16728, "\u0120vigil": 16729, "aley": 16730, "\u0120spouse": 16731, "\u0120Seahawks": 16732, "respons": 16733, "\u0120Belt": 16734, "umatic": 16735, "\u0120rises": 16736, "runner": 16737, "\u0120Michelle": 16738, "\u0120potent": 16739, "race": 16740, "\u0120PAC": 16741, "Find": 16742, "olesterol": 16743, "ISS": 16744, "\u0120Introduced": 16745, "resses": 16746, "ignment": 16747, "Os": 16748, "\u0120Tu": 16749, "\u0120Dex": 16750, "icides": 16751, "\u0120sparked": 16752, "\u0120Laura": 16753, "\u0120Bryant": 16754, "\u0120smiling": 16755, "\u0120Nexus": 16756, "\u0120defendants": 16757, "\u0120Catal": 16758, "\u0120dishes": 16759, "shaped": 16760, "\u0120prolong": 16761, "mt": 16762, "($": 16763, "\u00e3\u0122\u0124": 16764, "\u0120calculations": 16765, "\u0120Same": 16766, "\u0120piv": 16767, "HH": 16768, "\u0120cancelled": 16769, "\u0120grin": 16770, "\u0120territories": 16771, "istically": 16772, "Come": 16773, "\u0120Parent": 16774, "Project": 16775, "\u0120neglig": 16776, "\u0120Privacy": 16777, "\u0120ammo": 16778, "LECT": 16779, "olutely": 16780, "\u0120Epic": 16781, "\u0120misunder": 16782, "wal": 16783, "April": 16784, "mos": 16785, "pathy": 16786, "\u0120Carson": 16787, "\u0120albums": 16788, "\u0120Easy": 16789, "\u0120pistol": 16790, "<<": 16791, "\u0120\\(": 16792, "target": 16793, "help": 16794, "\u0120interpre": 16795, "conscious": 16796, "\u0120Housing": 16797, "\u0120Joint": 16798, "127": 16799, "\u0120beers": 16800, "science": 16801, "\u0120Firefox": 16802, "effective": 16803, "\u0120Cabin": 16804, "\u0120Okay": 16805, "\u0120Applic": 16806, "\u0120spacecraft": 16807, "\u0120SR": 16808, "vet": 16809, "\u0120Strange": 16810, "SB": 16811, "\u0120corps": 16812, "iberal": 16813, "efficient": 16814, "\u0120prevalence": 16815, "\u0120economists": 16816, "118": 16817, "Thread": 16818, "ordable": 16819, "ODE": 16820, "\u0120Cant": 16821, "=-=-": 16822, "ifiable": 16823, "\u0120Around": 16824, "\u0120pole": 16825, "\u0120willingness": 16826, "CLA": 16827, "\u0120Kid": 16828, "\u0120complement": 16829, "\u0120scattered": 16830, "\u0120inmates": 16831, "\u0120bleeding": 16832, "every": 16833, "\u0120queue": 16834, "\u0120Train": 16835, "\u0120hij": 16836, "\u0120melee": 16837, "pleted": 16838, "\u0120digit": 16839, "\u0120gem": 16840, "official": 16841, "\u0120lifting": 16842, "\u00d0\u00b5": 16843, "Requ": 16844, "itutes": 16845, "\u0120packaging": 16846, "\u0120Workers": 16847, "hran": 16848, "\u0120Lebanon": 16849, "olesc": 16850, "\u0120punished": 16851, "\u0120Juan": 16852, "\u0120jam": 16853, "\u0120Document": 16854, "\u0120mapping": 16855, "icates": 16856, "\u0120inevitably": 16857, "\u0120vanilla": 16858, "\u0120Ton": 16859, "\u0120watches": 16860, "\u0120leagues": 16861, "\u0120initiated": 16862, "degree": 16863, "portion": 16864, "\u0120recalls": 16865, "\u0120ruin": 16866, "\u0120melt": 16867, "IAN": 16868, "\u0120hem": 16869, "Exp": 16870, "\u0120baking": 16871, "\u0120Colomb": 16872, "atible": 16873, "\u0120radius": 16874, "plug": 16875, "\u0120IF": 16876, "etically": 16877, "\u0120fict": 16878, "HER": 16879, "\u0120Tap": 16880, "atinum": 16881, "\u0120ink": 16882, "\u0120coh": 16883, "\u0120Wizard": 16884, "both": 16885, "tex": 16886, "\u0120spends": 16887, "\u0120Currently": 16888, "\u0120Pit": 16889, "\u0120neurons": 16890, "ignt": 16891, "\u0120rall": 16892, "\u0120buses": 16893, "building": 16894, "\u0120adjustments": 16895, "\u0120cried": 16896, "iblical": 16897, "atted": 16898, "\u0120Zion": 16899, "\u0120Matter": 16900, "\u0120meditation": 16901, "\u0120Dennis": 16902, "\u0120ours": 16903, "\u0120Tab": 16904, "\u0120rankings": 16905, "ortal": 16906, "\u0120advers": 16907, "\u0120surrender": 16908, "\u0120Gob": 16909, "cium": 16910, "omas": 16911, "imeter": 16912, "\u0120multiplayer": 16913, "\u0120heroin": 16914, "\u0120optimistic": 16915, "\u0120indicator": 16916, "\u0120Brig": 16917, "\u0120grocery": 16918, "\u0120applicant": 16919, "\u0120Rocket": 16920, "vid": 16921, "Exception": 16922, "pent": 16923, "\u0120organizing": 16924, "\u0120encounters": 16925, "\u0120TOD": 16926, "\u0120jewel": 16927, "Save": 16928, "\u0120Christie": 16929, "\u0120heating": 16930, "\u0120lazy": 16931, "\u0120CP": 16932, "\u0120cousin": 16933, "Config": 16934, "\u0120regener": 16935, "\u0120nearest": 16936, "\u0120achieving": 16937, "ENS": 16938, "throw": 16939, "\u0120Richmond": 16940, "antle": 16941, "2002": 16942, "\u0120anten": 16943, "bird": 16944, "133": 16945, "\u0120narc": 16946, "raint": 16947, "unny": 16948, "\u0120Hispanic": 16949, "ournaments": 16950, "\u0120prophe": 16951, "\u0120Thailand": 16952, "\u0120Ti": 16953, "\u0120injection": 16954, "\u0120inherit": 16955, "ravis": 16956, "\u0120medi": 16957, "\u0120whoever": 16958, "\u0120DEBUG": 16959, "GP": 16960, "\u0120Hud": 16961, "Card": 16962, "prom": 16963, "\u0120por": 16964, "\u0120overhead": 16965, "Law": 16966, "\u0120violate": 16967, "\u0120heated": 16968, "\u0120descriptions": 16969, "\u0120achievements": 16970, "\u0120Beer": 16971, "\u0120Quant": 16972, "Was": 16973, "\u0120eighth": 16974, "\u0120Iv": 16975, "\u0120specialized": 16976, "UPDATE": 16977, "\u0120Delta": 16978, "Pop": 16979, "Jul": 16980, "\u0120Ask": 16981, "ophy": 16982, "\u0120newsletters": 16983, "\u0120Tool": 16984, "\u0120gard": 16985, "\u0120Confeder": 16986, "\u0120GMT": 16987, "\u0120Abbott": 16988, "\u0120immunity": 16989, "\u0120VM": 16990, "Islam": 16991, "\u0120implicit": 16992, "wd": 16993, "\u01201944": 16994, "ravity": 16995, "ometric": 16996, "\u0120surviving": 16997, "urai": 16998, "\u0120Prison": 16999, "\u0120rust": 17000, "\u0120Sketch": 17001, "\u0120bees": 17002, "\u0120Theory": 17003, "\u0120merit": 17004, "Tex": 17005, "chat": 17006, "\u0120mim": 17007, "\u0120paste": 17008, "\u0120Koch": 17009, "\u0120ignorance": 17010, "\u0120Shoot": 17011, "\u0120basement": 17012, "United": 17013, "\u0120Advis": 17014, "height": 17015, "\u0120foster": 17016, "\u0120detain": 17017, "information": 17018, "\u0120neural": 17019, "';": 17020, "\u0120proves": 17021, "allery": 17022, "\u0120invitation": 17023, "umbers": 17024, "\u0120cattle": 17025, "\u0120bicycle": 17026, "zi": 17027, "\u0120consultant": 17028, "\u0120apology": 17029, "\u0120Tiger": 17030, "\u0120123": 17031, "999": 17032, "\u0120individually": 17033, "rt": 17034, "igion": 17035, "\u0120Brazilian": 17036, "\u0120disturb": 17037, "\u0120entrepreneurs": 17038, "\u0120forests": 17039, "cerpt": 17040, "plates": 17041, "pher": 17042, "clipse": 17043, "\u0120twitter": 17044, "\u0120acids": 17045, "ographical": 17046, "hum": 17047, "\u0120Bald": 17048, "ifully": 17049, "\u0120compiler": 17050, "\u0120DA": 17051, "\u0120donor": 17052, "asi": 17053, "\u0120tribal": 17054, "lash": 17055, "\u0120Config": 17056, "\u0120applicants": 17057, "\u0120salaries": 17058, "135": 17059, "Putin": 17060, "\u0120Focus": 17061, "irs": 17062, "\u0120misconduct": 17063, "\u0120Haz": 17064, "\u0120eaten": 17065, "Mobile": 17066, "Muslim": 17067, "\u0120Marcus": 17068, "viol": 17069, "\u0120favorable": 17070, "\u0120stub": 17071, "adin": 17072, "\u0120Hob": 17073, "\u0120faithful": 17074, "\u0120electronics": 17075, "\u0120vacuum": 17076, "wait": 17077, "backed": 17078, "economic": 17079, "dist": 17080, "\u0120tenure": 17081, "\u0120sincere": 17082, "\u0120Together": 17083, "\u0120Wave": 17084, "\u0120progression": 17085, "\u0120denying": 17086, "\u0120distress": 17087, "braska": 17088, "third": 17089, "\u0120mixing": 17090, "\u0120colonial": 17091, "\u0120privately": 17092, "\u0120unrest": 17093, "aternity": 17094, "\u0120premises": 17095, "anti": 17096, "gregation": 17097, "\u0120licence": 17098, "\u0120Hind": 17099, "\u0120Samuel": 17100, "\u0120convincing": 17101, "\u0120Ace": 17102, "\u0120Rust": 17103, "\u0120Netanyahu": 17104, "\u0120handles": 17105, "\u0120Patch": 17106, "oriented": 17107, "aho": 17108, "\u0120Gonz": 17109, "\u0120hackers": 17110, "claimer": 17111, "\u0120customs": 17112, "\u0120Gran": 17113, "fighters": 17114, "\u0120luc": 17115, "\u0120manuscript": 17116, "arenthood": 17117, "\u0120devil": 17118, "\u0120warriors": 17119, "\u0120offenders": 17120, "William": 17121, "\u0120holidays": 17122, "\u0120nightmare": 17123, "\u0120lever": 17124, "ifferent": 17125, "Stat": 17126, "\u0120exhibition": 17127, "puted": 17128, "\u0120Pure": 17129, "\u0120alpha": 17130, "\u0120enthusiasm": 17131, "\u0120Representatives": 17132, "EAR": 17133, "\u0120Typ": 17134, "\u0120wheat": 17135, "\u0120Alf": 17136, "\u0120correction": 17137, "\u0120evangel": 17138, "ATT": 17139, "Miss": 17140, "\u0120soup": 17141, "\u0120implied": 17142, "param": 17143, "\u0120sexy": 17144, "\u0120Lux": 17145, "\u0120republic": 17146, "patch": 17147, "ablish": 17148, "\u0120icons": 17149, "\u0120fathers": 17150, "\u0120GET": 17151, "\u0120Carib": 17152, "\u0120regulated": 17153, "\u0120Cohen": 17154, "\u0120Bobby": 17155, "\u0120ner": 17156, "\u0120bent": 17157, "ventory": 17158, "\u0120Along": 17159, "\u0120EST": 17160, "\u0120Wallace": 17161, "\u0120murders": 17162, "rise": 17163, "kell": 17164, "\u0120Commonwealth": 17165, "\u0120nasty": 17166, "eta": 17167, "\u0120MIT": 17168, "\u0120administered": 17169, "\u0120genuinely": 17170, "Editor": 17171, "nick": 17172, "\u0120hydro": 17173, "********************************": 17174, "\u0120Ble": 17175, "\u0120fines": 17176, "\u0120gorge": 17177, "ausible": 17178, "rh": 17179, "\u0120apple": 17180, "mentioned": 17181, "\u0120rope": 17182, "otyp": 17183, "HR": 17184, "\u0120disappointing": 17185, "\u0120cage": 17186, "nik": 17187, "\u0120doubts": 17188, "\u0120FREE": 17189, "prints": 17190, "\u0120MUST": 17191, "\u0120vendors": 17192, "\u0120Inqu": 17193, "\u0120liberals": 17194, "\u0120contractor": 17195, "\u0120upside": 17196, "children": 17197, "\u0120tricky": 17198, "\u0120regulators": 17199, "charged": 17200, "liter": 17201, "\u0120***": 17202, "\u0120rebell": 17203, "lang": 17204, "\u0120locals": 17205, "\u0120physicians": 17206, "\u0120hey": 17207, "arse": 17208, "tm": 17209, "\u0120Lex": 17210, "\u0120behavioral": 17211, "successful": 17212, "FX": 17213, "\u0120brick": 17214, "ovic": 17215, "\u0120conform": 17216, "\u0120reviewing": 17217, "\u0120insights": 17218, "\u0120biology": 17219, "\u0120Remove": 17220, "\u0120Extra": 17221, "\u0120committing": 17222, "induced": 17223, "ignty": 17224, "igm": 17225, "\u0120atomic": 17226, "Common": 17227, "\u0120EM": 17228, "\u0120Pere": 17229, "\u0120Items": 17230, "eh": 17231, "\u0120preserved": 17232, "\u0120Hood": 17233, "\u0120prisoner": 17234, "\u0120bankruptcy": 17235, "\u0120gren": 17236, "ushes": 17237, "\u0120exploitation": 17238, "\u0120signatures": 17239, "\u0120finan": 17240, "],\"": 17241, "\u0120MR": 17242, "\u0120meg": 17243, "remlin": 17244, "\u0120musicians": 17245, "\u0120selecting": 17246, "\u0120examining": 17247, "INK": 17248, "lated": 17249, "Hi": 17250, "\u0120artic": 17251, "\u0120pets": 17252, "\u0120impair": 17253, "\u0120MAN": 17254, "\u0120tablets": 17255, "include": 17256, "Range": 17257, "\u0120caut": 17258, "\u0120logs": 17259, "\u0120mounting": 17260, "\u0120unaware": 17261, "\u0120dynamics": 17262, "\u0120Palestine": 17263, "\u0120Quarter": 17264, "\u0120Purple": 17265, "\u0120ma": 17266, "\u0120Import": 17267, "\u0120collections": 17268, "ciation": 17269, "\u0120successor": 17270, "\u0120clone": 17271, "\u0120aiming": 17272, "\u0120possessed": 17273, "\u0120sticking": 17274, "\u0120shaking": 17275, "\u0120locate": 17276, "\u0120Hockey": 17277, "Turn": 17278, "170": 17279, "\u0120fifteen": 17280, "\u0120Harrison": 17281, "\u0120continuously": 17282, "\u0120TC": 17283, "\u0120Valent": 17284, "\u0120Rescue": 17285, "\u0120bypass": 17286, "amount": 17287, "\u0120mast": 17288, "\u0120protects": 17289, "\u0120artistic": 17290, "\u0120sometime": 17291, "\u0120shoe": 17292, "\u0120shouted": 17293, "ificant": 17294, "etitive": 17295, "\u0120Register": 17296, "\u0120Jin": 17297, "\u0120concentrated": 17298, "lington": 17299, "onies": 17300, "\u0120generator": 17301, "yrim": 17302, "\u0120Armen": 17303, "\u0120clearing": 17304, "ido": 17305, "\u0120TW": 17306, "alph": 17307, "\u0120ladies": 17308, "Hard": 17309, "\u0120dialog": 17310, "\u0120inputs": 17311, "\u00e6\u013e": 17312, "\u0120poses": 17313, "\u0120slots": 17314, "\u0120Premium": 17315, "\u0120leaks": 17316, "\u0120bosses": 17317, "\u0120113": 17318, "course": 17319, "Acc": 17320, "\u0120Newton": 17321, "\u0120Austria": 17322, "\u0120Mage": 17323, "\u0120teaches": 17324, "abad": 17325, "\u0120wears": 17326, "\u0120cyl": 17327, "\u0120curse": 17328, "\u0120Sales": 17329, "\u0120Wings": 17330, "\u0120psy": 17331, "\u0120gaps": 17332, "\u0120Iceland": 17333, "\u0120Pinterest": 17334, "\u0120landlord": 17335, "\u0120definitions": 17336, "\u0120Ker": 17337, "\u0120sufficiently": 17338, "\u0120Pence": 17339, "\u0120Architect": 17340, "\u0120surpass": 17341, "\u0120114": 17342, "\u0120superhero": 17343, "\u0120Disease": 17344, "\u0120priests": 17345, "\u0120Culture": 17346, "\u0120definitive": 17347, "\u0120secretly": 17348, "\u0120Dance": 17349, "install": 17350, "chief": 17351, "\u0120Jessica": 17352, "Would": 17353, "Updated": 17354, "\u0120locker": 17355, "\u0120Kay": 17356, "\u0120memorial": 17357, "\u00e8\u00a6": 17358, "fat": 17359, "\u0120disgu": 17360, "\u0120flavors": 17361, "\u0120Baseball": 17362, "\u0120Resistance": 17363, "\u0120kicks": 17364, "\u0120env": 17365, "\u0120teenagers": 17366, "Dark": 17367, "\u0120CAR": 17368, "\u0120halt": 17369, "\u0120LG": 17370, "\u0120Gabriel": 17371, "\u0120fever": 17372, "\u0120satur": 17373, "\u0120mall": 17374, "\u0120affiliate": 17375, "\u0120Sleep": 17376, "\u0120Specific": 17377, "\u0120Vel": 17378, "\u0120jar": 17379, "\u0120Sacred": 17380, "\u0120Edwards": 17381, "\u0120ACL": 17382, "\u0120retained": 17383, "\u0120Giant": 17384, "\u0120limitation": 17385, "inces": 17386, "\u0120refusal": 17387, "\u0120Tale": 17388, "\u0120Butler": 17389, "\u0120accidents": 17390, "\u0120CSS": 17391, "\u0120imported": 17392, "\u0120Copy": 17393, "\u00ce\u00b1": 17394, "ERT": 17395, "zel": 17396, "\u0120divisions": 17397, "hots": 17398, "\u0120Alb": 17399, "\u0120DS": 17400, "Loader": 17401, "Washington": 17402, "atisf": 17403, "\u0120Creative": 17404, "\\.": 17405, "\u0120Autom": 17406, "redict": 17407, "\u0120receptor": 17408, "\u0120Carlos": 17409, "Method": 17410, "oka": 17411, "\u0120malicious": 17412, "\u0120stepping": 17413, ",[": 17414, "\u0120Dad": 17415, "\u0120attraction": 17416, "\u0120Effects": 17417, "\u0120Pirate": 17418, "\u0120Cer": 17419, "\u0120Industry": 17420, "\u0120Rud": 17421, "\u0120charter": 17422, "\u0120dining": 17423, "\u0120insists": 17424, "\u0120configure": 17425, "\u0120(#": 17426, "\u0120Simple": 17427, "\u0120Scroll": 17428, "UTC": 17429, "175": 17430, "\u0120Kon": 17431, "\u0120marketplace": 17432, "\u0120\u00e3\u0124": 17433, "\u0120refres": 17434, "\u0120gates": 17435, "erred": 17436, "\u0120Pod": 17437, "\u0120behave": 17438, "Frank": 17439, "node": 17440, "\u0120endorsed": 17441, "hett": 17442, "asive": 17443, "\u0120Homeland": 17444, "\u0120rides": 17445, "\u0120Leave": 17446, "erness": 17447, "\u0120flooding": 17448, "AFP": 17449, "\u0120risen": 17450, "\u0120continually": 17451, "\u0120unanim": 17452, "\u0120Contract": 17453, "\u0120Pas": 17454, "\u0120guided": 17455, "\u0120Chile": 17456, "bd": 17457, "\u0120succ": 17458, "ptic": 17459, "\u0120committees": 17460, "\u0120Luther": 17461, "\u0120Anyone": 17462, "\u0120sab": 17463, "124": 17464, "\u0120pixel": 17465, "\u0120Bak": 17466, "\u0120Tag": 17467, "\u0120Bennett": 17468, "Enter": 17469, "small": 17470, "\u0120Presidential": 17471, "\u0120pul": 17472, "\u0120contrace": 17473, "archive": 17474, "\u0120coastal": 17475, "\u0120Kids": 17476, "192": 17477, "\u00e2\u0122\u00b2": 17478, "icky": 17479, "INGTON": 17480, "\u0120wolf": 17481, "\u0120Stalin": 17482, "Tur": 17483, "idget": 17484, "amas": 17485, "\u0120Unless": 17486, "\u0120sponsor": 17487, "\u0120morph": 17488, "\u0120Choose": 17489, "\u0120runner": 17490, "\u0120unbel": 17491, "\u0120mud": 17492, "\u0120Mana": 17493, "\u0120dubbed": 17494, "\u0120godd": 17495, "urers": 17496, "window": 17497, "\u0120relied": 17498, "\u0120celebrating": 17499, "osc": 17500, "\u0120135": 17501, "\u0120lobbying": 17502, "\u0120incomplete": 17503, "\u0120restriction": 17504, "\u0120incap": 17505, "itus": 17506, "\u0120expectation": 17507, "\u0120Apollo": 17508, "\u0120intens": 17509, "\u0120sync": 17510, "GH": 17511, "\u0120manipulation": 17512, "BY": 17513, "\u0120spear": 17514, "\u0120breasts": 17515, "\u0120volcan": 17516, "ilia": 17517, "Material": 17518, "\u0120formats": 17519, "\u0120Bast": 17520, "\u0120parliamentary": 17521, "\u0120snake": 17522, "\u0120servants": 17523, "\u0120Trudeau": 17524, "\u0120Grim": 17525, "\u0120Arabic": 17526, "\u0120SCP": 17527, "\u0120Boys": 17528, "station": 17529, "\u0120prospective": 17530, "orde": 17531, "initialized": 17532, "\u0120bored": 17533, "ABLE": 17534, "\u0120accessed": 17535, "\u0120taxi": 17536, "\u0120Shell": 17537, "aiden": 17538, "ursed": 17539, "inates": 17540, "\u0120Insurance": 17541, "\u0120Pete": 17542, "September": 17543, "650": 17544, "\u0120adventures": 17545, "\u0120Cover": 17546, "\u0120tribute": 17547, "\u0120sketch": 17548, "\u0120empower": 17549, "\u0120\u00d8": 17550, "\u0120Glenn": 17551, "\u0120Daw": 17552, "=\\\"": 17553, "\u0120Politics": 17554, "\u0120guides": 17555, "\u0120dioxide": 17556, "\u0120Gore": 17557, "\u0120Bright": 17558, "\u0120Sierra": 17559, "\u0120valued": 17560, "cond": 17561, "\u0120pointer": 17562, "Select": 17563, "\u0120risky": 17564, "\u0120absorb": 17565, "images": 17566, "\u0120refuses": 17567, "\u0120bonuses": 17568, "___": 17569, "\u0120hilar": 17570, "\u0120Features": 17571, "220": 17572, "\u0120Collector": 17573, "Foot": 17574, "\u01201964": 17575, "culus": 17576, "\u0120dawn": 17577, "\u0120workout": 17578, "\u0120LO": 17579, "\u0120philosophical": 17580, "\u0120Sandy": 17581, "\u0120Youth": 17582, "\u0120liable": 17583, "Af": 17584, "blue": 17585, "\u0120overturn": 17586, "lessness": 17587, "\u0120Tribune": 17588, "\u0120Ing": 17589, "\u0120factories": 17590, "\u0120catches": 17591, "\u0120prone": 17592, "\u0120matrix": 17593, "\u0120login": 17594, "\u0120inacc": 17595, "\u0120exert": 17596, "sys": 17597, "\u0120needle": 17598, "\u0120Qur": 17599, "\u0120notified": 17600, "oulder": 17601, "tx": 17602, "\u0120reminds": 17603, "\u0120publishers": 17604, "\u0120nort": 17605, "\u0120git": 17606, "\u0120flies": 17607, "\u0120Emily": 17608, "\u0120flowing": 17609, "\u0120Alien": 17610, "\u0120Strateg": 17611, "\u0120hardest": 17612, "\u0120modification": 17613, "API": 17614, "\u0120MY": 17615, "\u0120crashes": 17616, "stairs": 17617, "number": 17618, "\u0120urging": 17619, "channel": 17620, "\u0120Falcon": 17621, "\u0120inhabitants": 17622, "\u0120terrifying": 17623, "\u0120utilize": 17624, "\u0120banner": 17625, "\u0120cigarettes": 17626, "\u0120senses": 17627, "\u0120Holmes": 17628, "\u0120practition": 17629, "\u0120Phillips": 17630, "otto": 17631, "\u0120compile": 17632, "Model": 17633, "\u0120Ko": 17634, "\u0120[]": 17635, "Americans": 17636, "\u0120Terms": 17637, "\u0120medications": 17638, "\u0120Ana": 17639, "\u0120fundamentally": 17640, "\u0120Notice": 17641, "\u0120weaker": 17642, "\u01200000": 17643, "\u0120garlic": 17644, "\u0120outbreak": 17645, "\u0120economist": 17646, "\u0120Birth": 17647, "\u0120obstacles": 17648, "arcer": 17649, "\u0120Orthodox": 17650, "\u0120placebo": 17651, "\u0120Crew": 17652, "aspberry": 17653, "\u0120Angels": 17654, "\u0120discharge": 17655, "\u0120destructive": 17656, "117": 17657, "\u0120Rising": 17658, "\u0120dairy": 17659, "late": 17660, "\u0120collision": 17661, "\u0120Tigers": 17662, "eanor": 17663, "ocumented": 17664, "\u0120Invalid": 17665, "\u0120dont": 17666, "\u0120Liter": 17667, "\u0120Va": 17668, "\u0120hydrogen": 17669, "\u0120variants": 17670, "\u0120Browns": 17671, "\u01201965": 17672, "\u0120indigenous": 17673, "\u0120trades": 17674, "\u0120remainder": 17675, "\u0120swept": 17676, "\u0120Impact": 17677, "\u0120redist": 17678, "\u0120unint": 17679, "graduate": 17680, "\u00e3\u0125\u0137": 17681, "\u0120WILL": 17682, "\u00e3\u0123\u00ae\u00e7": 17683, "\u0120Critical": 17684, "\u0120fisher": 17685, "\u0120vicious": 17686, "\u0120reversed": 17687, "Year": 17688, "\u0120Sox": 17689, "\u0120shootings": 17690, "\u0120filming": 17691, "\u0120touchdowns": 17692, "aires": 17693, "mel": 17694, "\u0120grandfather": 17695, "\u0120affection": 17696, "ingle": 17697, "\u0120overly": 17698, "Additional": 17699, "\u0120supreme": 17700, "\u0120Grad": 17701, "\u0120sporting": 17702, "\u0120mercy": 17703, "\u0120Brooks": 17704, "ounty": 17705, "\u0120performs": 17706, "\u0120tightly": 17707, "\u0120demons": 17708, "\u0120killings": 17709, "\u0120faction": 17710, "\u0120Nova": 17711, "auts": 17712, "\u0120undoubtedly": 17713, "arin": 17714, "\u0120underway": 17715, "rak": 17716, "\u0120liv": 17717, "\u0120Region": 17718, "\u0120briefing": 17719, "sers": 17720, "cloud": 17721, "\u0120Mik": 17722, "usp": 17723, "\u0120prediction": 17724, "azor": 17725, "\u0120portable": 17726, "\u0120Gand": 17727, "\u0120presenting": 17728, "\u01201080": 17729, "\u00c2\u00bb": 17730, "ushi": 17731, "\u0120Spark": 17732, "thereum": 17733, "\u0120justification": 17734, "\u0120Ny": 17735, "\u0120contractors": 17736, "mingham": 17737, "\u0120Style": 17738, "\u00e5\u0127": 17739, "\u0120Chronicles": 17740, "\u0120Picture": 17741, "\u0120proving": 17742, "\u0120wives": 17743, "sett": 17744, "\u0120molecules": 17745, "\u0120Fairy": 17746, "\u0120consisting": 17747, "\u0120pier": 17748, "alone": 17749, "inition": 17750, "\u0120nucle": 17751, "json": 17752, "\u0120gotta": 17753, "\u0120mobil": 17754, "\u0120verbal": 17755, "arium": 17756, "\u0120monument": 17757, "ucked": 17758, "\u0120256": 17759, "Tech": 17760, "minecraft": 17761, "\u0120Track": 17762, "\u0120tile": 17763, "\u0120compatibility": 17764, "asis": 17765, "\u0120sadd": 17766, "\u0120instructed": 17767, "\u0120Mueller": 17768, "\u0120lethal": 17769, "\u0120hormone": 17770, "\u0120orche": 17771, "else": 17772, "\u0120skelet": 17773, "\u0120entertaining": 17774, "\u0120minimize": 17775, "again": 17776, "\u0120undergo": 17777, "\u0120constraints": 17778, "\u0120cigarette": 17779, "\u0120Islamist": 17780, "\u0120travels": 17781, "\u0120Panthers": 17782, "lings": 17783, "Care": 17784, "\u0120lawsuits": 17785, "uras": 17786, "\u0120cryst": 17787, "\u0120lowered": 17788, "\u0120aerial": 17789, "\u0120combinations": 17790, "\u0120haun": 17791, "\u0120cha": 17792, "\u0120vine": 17793, "\u0120quantities": 17794, "\u0120linking": 17795, "bank": 17796, "\u0120soy": 17797, "Bill": 17798, "\u0120Angela": 17799, "\u0120recipient": 17800, "\u0120Protest": 17801, "\u0120socket": 17802, "\u0120solidarity": 17803, "\u0120\u00e2\u0128": 17804, "mill": 17805, "\u0120varies": 17806, "\u0120Pakistani": 17807, "Dragon": 17808, "\u0120une": 17809, "\u0120horizon": 17810, "\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142\u00c2\u0142": 17811, "\u0120provinces": 17812, "\u0120frankly": 17813, "\u0120enacted": 17814, "notes": 17815, "['": 17816, "\u0120192": 17817, "ocracy": 17818, "\u0120endorsement": 17819, "\u0120overtime": 17820, "True": 17821, "Lab": 17822, "licted": 17823, "\u0120DNC": 17824, "\u0120beats": 17825, "\u0120Jamie": 17826, "152": 17827, "\u0120INT": 17828, "Contact": 17829, "\u0120accounted": 17830, "hash": 17831, "\u0120Packers": 17832, "pires": 17833, "\u0120lesbian": 17834, "\u0120amendments": 17835, "\u0120hopeful": 17836, "\u0120Finland": 17837, "\u0120spotlight": 17838, "\u0120configured": 17839, "\u0120troubled": 17840, "\u0120gaze": 17841, "\u0120Calgary": 17842, "\u0120reliability": 17843, "\u0120insurg": 17844, "swer": 17845, "buy": 17846, "\u0120Skin": 17847, "\u0120pixels": 17848, "\u0120handgun": 17849, "\u0120paras": 17850, "\u0120categor": 17851, "\u0120EL": 17852, "\u0120Rex": 17853, "Indeed": 17854, "\u0120kinda": 17855, "\u0120conjunction": 17856, "\u0120Bryan": 17857, "\u0120Manufact": 17858, "yang": 17859, "Plus": 17860, "SQL": 17861, "ishment": 17862, "\u0120dominate": 17863, "\u0120nail": 17864, "\u0120oath": 17865, "\u0120erupt": 17866, "\u0120Fine": 17867, "itbart": 17868, "\u0120Chip": 17869, "\u0120Abd": 17870, "\u0120Nam": 17871, "\u0120buyer": 17872, "\u0120dissent": 17873, "Leaks": 17874, "Contin": 17875, "\u0120rider": 17876, "\u0120Someone": 17877, "\u0120illusion": 17878, "cin": 17879, "\u0120Boeing": 17880, "\u0120inadequ": 17881, "ovation": 17882, "iants": 17883, "\u0120rebuild": 17884, "450": 17885, "\u0120Destiny": 17886, "SW": 17887, "\u0120Till": 17888, "Hit": 17889, "iaz": 17890, "\u0120Bangl": 17891, "achers": 17892, "\u0120Reform": 17893, "\u0120segments": 17894, "\u0120systematic": 17895, "dc": 17896, "\u0120Conservatives": 17897, "\u0120portal": 17898, "hor": 17899, "\u0120Dragonbound": 17900, "\u0120dragged": 17901, "omo": 17902, "\u0120thee": 17903, "advert": 17904, "\u0120Reports": 17905, "\u0120Et": 17906, "\u0120barrels": 17907, "August": 17908, "\u0120comparisons": 17909, "\u0120hex": 17910, "\u0120anthrop": 17911, "\"[": 17912, "borough": 17913, "abi": 17914, "\u0120pictured": 17915, "playing": 17916, "\u0120Address": 17917, "\u0120Mirror": 17918, "Smith": 17919, "\u0120tires": 17920, "\u0120NPR": 17921, "AAAA": 17922, "\u0120classification": 17923, "\u0120Than": 17924, "\u0120Harm": 17925, "\u0120RA": 17926, "\u0120rejection": 17927, "mination": 17928, "\u0120ranged": 17929, "\u0120Falls": 17930, "DI": 17931, "Host": 17932, "\u00e3\u0124\u00b4": 17933, "\u0120Example": 17934, "listed": 17935, "thirds": 17936, "\u0120safegu": 17937, "brand": 17938, "\u0120probable": 17939, "Canada": 17940, "ITION": 17941, "\u0120Qaeda": 17942, "\u0120chick": 17943, "\u0120imports": 17944, "hit": 17945, "loc": 17946, "WW": 17947, "\u0120blew": 17948, "\u0120anytime": 17949, "\u0120wholes": 17950, "iked": 17951, "\u0120calculation": 17952, "create": 17953, "\u0120Ori": 17954, "\u0120upgraded": 17955, "\u0120appar": 17956, "utory": 17957, "\u0120Mol": 17958, "Brit": 17959, "\u0120Jong": 17960, "INAL": 17961, "\u0120Starting": 17962, "\u0120dice": 17963, "urtle": 17964, "\u0120relying": 17965, "closure": 17966, "\u0120profitable": 17967, "\u0120slaughter": 17968, "\u0120Manual": 17969, "caster": 17970, "\u0120\"$": 17971, "\u0120feather": 17972, "\u0120Simply": 17973, "ieves": 17974, "\u0120deterior": 17975, "\u0120PCI": 17976, "\u0120stamp": 17977, "\u0120flaws": 17978, "\u0120shade": 17979, "hammer": 17980, "\u0120passport": 17981, "\u0120conting": 17982, "amel": 17983, "\u0120observers": 17984, "\u0120neglect": 17985, "\u0120RB": 17986, "\u0120Brotherhood": 17987, "\u0120skeptical": 17988, "family": 17989, "usk": 17990, "\u0120emotionally": 17991, "\u00e2\u013b": 17992, "\u0120Beta": 17993, "asonable": 17994, "idity": 17995, "\u0120Mul": 17996, "\u0120kicking": 17997, "\u0120Carm": 17998, "ollah": 17999, "VERTIS": 18000, "\u0120Athen": 18001, "\u0120ladder": 18002, "\u0120Bullet": 18003, "\u00e5\u00a3": 18004, "0001": 18005, "\u0120Wildlife": 18006, "\u0120Mask": 18007, "\u0120Nan": 18008, "Rev": 18009, "\u0120unacceptable": 18010, "legal": 18011, "\u0120crowded": 18012, "agi": 18013, "\u0120Cox": 18014, "je": 18015, "\u0120morality": 18016, "\u0120fuels": 18017, "\u0120cables": 18018, "\u0120mankind": 18019, "\u0120Caribbean": 18020, "\u0120anchor": 18021, "\u0120byte": 18022, "\u0120Often": 18023, "\u0120Oz": 18024, "\u0120crafted": 18025, "\u0120historian": 18026, "\u0120Wu": 18027, "\u0120towers": 18028, "\u0120Citizens": 18029, "\u0120helm": 18030, "\u0120credentials": 18031, "\u0120singular": 18032, "\u0120Jesse": 18033, "\u0120tackles": 18034, "\u0120contempt": 18035, "\u0120afore": 18036, "\u0120Shadows": 18037, "\u0120nil": 18038, "\u0120urgent": 18039, "apple": 18040, "blood": 18041, "\u0120von": 18042, "\u0120offline": 18043, "\u0120breathe": 18044, "\u0120jumps": 18045, "\u0120irrelevant": 18046, "oxic": 18047, "omal": 18048, "important": 18049, "Jim": 18050, "\u0120gloves": 18051, "arming": 18052, "depth": 18053, "\u0120talents": 18054, "ookie": 18055, "\u0120SB": 18056, "\u0120palm": 18057, "uffs": 18058, "esta": 18059, "IGH": 18060, "\u0120canon": 18061, "\u0120Verizon": 18062, "\u0120Ple": 18063, "\u0120coupled": 18064, "velt": 18065, "\u0120fundraising": 18066, "\u0120Getting": 18067, "\u0120DLC": 18068, "\u0120mathematical": 18069, "\u0120HS": 18070, "\u0120Cardinals": 18071, "telling": 18072, "\u0120sponsors": 18073, "\u0120\u00cf": 18074, "\u0120Bulls": 18075, "option": 18076, "\u0120propose": 18077, "\u0120memorable": 18078, "\u0120embraced": 18079, "\u0120declining": 18080, "Health": 18081, "eda": 18082, "\u0120};": 18083, "\u0120spam": 18084, "mile": 18085, "\u0120pitcher": 18086, "\u0120Eight": 18087, "\u0120caring": 18088, "utic": 18089, "role": 18090, "\u0120airline": 18091, "ernandez": 18092, "\u0120Athlet": 18093, "\u0120certification": 18094, "uxe": 18095, "riger": 18096, "\u0120empir": 18097, "\u0120sensation": 18098, "\u0120dism": 18099, "\u0120bolt": 18100, "\u0120evolve": 18101, "House": 18102, "\u0120consultation": 18103, "\u0120Duty": 18104, "\u0120touches": 18105, "\u0120Nathan": 18106, "\u0120faint": 18107, "had": 18108, "\"(": 18109, "\u0120Consumer": 18110, "\u0120Extreme": 18111, "\u0120127": 18112, "\u0120Herm": 18113, "\u0120Sacrament": 18114, "izoph": 18115, "\u0120anxious": 18116, "ulously": 18117, "\u0120socially": 18118, "\u0120UTC": 18119, "\u0120solving": 18120, "\u0120Letter": 18121, "History": 18122, "educ": 18123, "Price": 18124, "));": 18125, "\u0120reload": 18126, "amic": 18127, "\u0120pork": 18128, "\u0120discourse": 18129, "\u0120tournaments": 18130, "airo": 18131, "\u0120Kur": 18132, "\u0120Costa": 18133, "\u0120violating": 18134, "\u0120interfere": 18135, "\u0120recreational": 18136, "uffle": 18137, "\u0120speeches": 18138, "\u0120needing": 18139, "\u0120remembers": 18140, "\u0120credited": 18141, "nia": 18142, "focused": 18143, "amera": 18144, "\u0120bru": 18145, "umbs": 18146, "\u0120Cuban": 18147, "\u0120preceding": 18148, "\u0120nonsense": 18149, "acial": 18150, "\u0120smartphones": 18151, "\u0120Stories": 18152, "Sports": 18153, "\u0120Emergency": 18154, "ouncing": 18155, "efined": 18156, "\u0120ber": 18157, "\u0120consulting": 18158, "\u0120masters": 18159, "heastern": 18160, ".\"[": 18161, "\u0120Running": 18162, "\u0120suscept": 18163, "\u0120Feng": 18164, "America": 18165, "prises": 18166, "stitial": 18167, "\u0120Weekly": 18168, "\u0120Greater": 18169, "modules": 18170, "ifter": 18171, "Graphics": 18172, "uler": 18173, "\u0120wholly": 18174, "\u0120suppress": 18175, "\u0120concealed": 18176, "\u0120happily": 18177, "\u0120accepts": 18178, "\u0120Enjoy": 18179, "\u0120rivers": 18180, "\u0120Except": 18181, "225": 18182, "\u0120NHS": 18183, "\u0120McConnell": 18184, "\u0120pussy": 18185, "ferred": 18186, "utable": 18187, "\u0120attain": 18188, "\u0120>=": 18189, "\u0120deposits": 18190, "rophic": 18191, "\u0120notorious": 18192, "\u0120Shaw": 18193, "ilitation": 18194, "\u0120epidemic": 18195, "allic": 18196, "\u0120smallest": 18197, "ovich": 18198, "\u0120accessories": 18199, "perties": 18200, "\u0120surplus": 18201, "\u0120Mech": 18202, "\u0120ambig": 18203, "\u0120Immigration": 18204, "\u0120chim": 18205, "eval": 18206, "\u0120practicing": 18207, "\u0120Mystery": 18208, "\u0120domains": 18209, "\u0120Silicon": 18210, "apps": 18211, "\u0120kilometers": 18212, "ea": 18213, "\u0120Smash": 18214, "\u0120warranty": 18215, "\u0120nost": 18216, "sil": 18217, "rev": 18218, "Jon": 18219, "\u0120Dublin": 18220, "\u0120tastes": 18221, "\u0120bout": 18222, "great": 18223, "error": 18224, "\u0120switches": 18225, "\u0120Bapt": 18226, "DO": 18227, "oki": 18228, "\u0120sourced": 18229, "produ": 18230, "\u0120attachment": 18231, "\u0120Issue": 18232, "\u0120Question": 18233, "Join": 18234, "\u0120fitted": 18235, "\u0120unlawful": 18236, "^^": 18237, "erek": 18238, "\u0120authentication": 18239, "\u0120stole": 18240, "\u0120accountability": 18241, "label": 18242, "Search": 18243, "\u0120albeit": 18244, "atican": 18245, "funded": 18246, "\u0120Adding": 18247, "\u0120IQ": 18248, "\u0120submar": 18249, "lit": 18250, "aque": 18251, "\u0120Learning": 18252, "\u0120integer": 18253, "Master": 18254, "\u0120Chrom": 18255, "\u0120premier": 18256, "Op": 18257, "\u0120Liu": 18258, "\u0120blessed": 18259, "\u0120Globe": 18260, "\u0120Response": 18261, "\u0120legitim": 18262, "\u0120Merkel": 18263, "\u0120disposal": 18264, "\u00c2\u00b4": 18265, "\u0120gauge": 18266, "peat": 18267, "\u0120induced": 18268, "\u0120questionable": 18269, "arthy": 18270, "\u0120Vit": 18271, "\u0120Feed": 18272, "Until": 18273, "Ut": 18274, "worthy": 18275, "RY": 18276, "\u0120Herald": 18277, "\u0120Hammer": 18278, "\u0120medal": 18279, "\u0120Rivers": 18280, "\u0120Hack": 18281, "\u0120clarify": 18282, "\u0120tracked": 18283, "\u0120autonomous": 18284, "\u0120tenant": 18285, "\u0120Qatar": 18286, "erie": 18287, "\u0120grim": 18288, "\u0120Monitor": 18289, "\u0120resistant": 18290, "\u0120Spec": 18291, "\u0120Wells": 18292, "NAS": 18293, "148": 18294, "\u0120miners": 18295, "iotics": 18296, "\u0120misses": 18297, "116": 18298, "gian": 18299, "git": 18300, "\u0120Eyes": 18301, "pres": 18302, "\u0120graduated": 18303, "\u0120angel": 18304, "\u0120synchron": 18305, "\u0120efficiently": 18306, "\u0120transmitted": 18307, "Harry": 18308, "\u0120globally": 18309, "ENCE": 18310, "\u0120Montana": 18311, "raged": 18312, "\u0120Prevention": 18313, "\u0120piss": 18314, "\u0120Ll": 18315, "\u0120shelf": 18316, "\u0120BJP": 18317, "\u0120Testament": 18318, "\u0120Late": 18319, "iker": 18320, "\u0120Happ": 18321, "\u0120Julian": 18322, "hall": 18323, "\u0120spont": 18324, "\u0120shutdown": 18325, "\u0120inconsistent": 18326, "\u0120subscribers": 18327, "\u0120skeleton": 18328, "\u0120Nebraska": 18329, "\u0120inspire": 18330, "\u0120Void": 18331, "Feed": 18332, "\u0120angles": 18333, "\u0120Springs": 18334, "\u0120benchmark": 18335, "\u0120vaccines": 18336, "izophren": 18337, "sexual": 18338, "uffed": 18339, "\u0120shine": 18340, "\u0120Kath": 18341, "\u0120gesture": 18342, "inea": 18343, "\u0120rip": 18344, "\u0120oppression": 18345, "\u0120conscience": 18346, "bt": 18347, "\u0120Lum": 18348, "\u0120incidence": 18349, "\u0120Fa": 18350, "wr": 18351, "\u0120mineral": 18352, "\u0120Spurs": 18353, "alky": 18354, "\u0120thunder": 18355, "\u0120opio": 18356, "Being": 18357, "\u0120Palm": 18358, "\u0120wasted": 18359, "\u0120lb": 18360, "iaries": 18361, "\u0120Initiative": 18362, "\u0120curric": 18363, "\u0120marker": 18364, "\u0120McL": 18365, "\u0120extensions": 18366, "\u0120Pv": 18367, "\u0120Arms": 18368, "\u0120offerings": 18369, "\u0120defenses": 18370, "\u0120vendor": 18371, "\u0120contradict": 18372, "\u0120Colin": 18373, "\u0120reddit": 18374, "\u0120peripher": 18375, "122": 18376, "\u0120sins": 18377, "Edit": 18378, "ICT": 18379, "Soft": 18380, "\u0120Shah": 18381, "\u0120administrator": 18382, "\u0120Trip": 18383, "\u0120pornography": 18384, "\u0120tuition": 18385, "inence": 18386, "\u0120Progress": 18387, "\u0120catalog": 18388, "\u0120suite": 18389, "\u0120hike": 18390, "\u0120reproductive": 18391, "engine": 18392, "\u0120drought": 18393, "\u0120Noah": 18394, "\u0120230": 18395, "\u0120dude": 18396, "\u0120relaxed": 18397, "\u0120partition": 18398, "\u0120participant": 18399, "\u0120telesc": 18400, "\u0120feas": 18401, "\u0120FF": 18402, "owner": 18403, "\u0120sweeping": 18404, "\u0120lenses": 18405, "\u0120matchup": 18406, "\u0120Repl": 18407, "ournals": 18408, "\u0120credible": 18409, "\u0120grandmother": 18410, "\u0120thermal": 18411, "\u0120subscribing": 18412, "\u0120identities": 18413, "colm": 18414, "UCT": 18415, "\u0120reluctant": 18416, "users": 18417, "\u0120Cort": 18418, "\u0120assisted": 18419, "OSS": 18420, "ATIONS": 18421, "ISH": 18422, "\u0120pharmaceutical": 18423, "icable": 18424, "adian": 18425, "\u0120Sonic": 18426, "\u0120Fury": 18427, "\u0120Mong": 18428, "AH": 18429, "\u0120Psychology": 18430, "\u0120phosph": 18431, "\u0120treats": 18432, "\u0143\u0136": 18433, "\u0120steadily": 18434, "\u0120Hello": 18435, "\u0120relates": 18436, "\u0120clue": 18437, "Expl": 18438, "auth": 18439, "\u0120revision": 18440, "\u0120eld": 18441, "osion": 18442, "\u0120bron": 18443, "144": 18444, "rikes": 18445, "\u0120mines": 18446, "\u0120blanket": 18447, "\u0120Fail": 18448, "eled": 18449, "\u0120Imagine": 18450, "\u0120Planned": 18451, "aic": 18452, "Request": 18453, "Mad": 18454, "\u0120Horse": 18455, "\u0120Eagle": 18456, "\u0120capac": 18457, "157": 18458, "\u0120ling": 18459, "\u0120Nice": 18460, "\u0120Parenthood": 18461, "minster": 18462, "ogs": 18463, "ensitive": 18464, "Nothing": 18465, "\u0120carn": 18466, "Fin": 18467, "\u0120PE": 18468, "\u0120rifles": 18469, "\u0120LP": 18470, "Sand": 18471, "\u0120guiActive": 18472, "\u0120tourist": 18473, "CNN": 18474, "\u0120unveiled": 18475, "\u0120predecessor": 18476, "}{": 18477, "uber": 18478, "\u0120offshore": 18479, "\u0120optical": 18480, "\u0120Rot": 18481, "\u0120Pearl": 18482, "eton": 18483, "\u0120stared": 18484, "\u0120farther": 18485, "atility": 18486, "contin": 18487, "\u0120Gy": 18488, "\u0120Foster": 18489, "\u0120Coc": 18490, "rients": 18491, "\u0120designing": 18492, "\u0120Economy": 18493, "ONG": 18494, "Women": 18495, "\u0120Nancy": 18496, "erver": 18497, "\u0120mascul": 18498, "\u0120casualties": 18499, "\u0120225": 18500, "\u0120Sullivan": 18501, "\u0120Choice": 18502, "\u0120aster": 18503, "ws": 18504, "\u0120hotels": 18505, "\u0120considerations": 18506, "\u0120couch": 18507, "\u0120Strip": 18508, "\u0120Gn": 18509, "\u0120manipulate": 18510, "lied": 18511, "\u0120synthetic": 18512, "\u0120assaulted": 18513, "\u0120offenses": 18514, "\u0120Drake": 18515, "\u0120impe": 18516, "October": 18517, "\u0120Heritage": 18518, "hl": 18519, "\u0120Blair": 18520, "Unlike": 18521, "\u0120grief": 18522, "\u0120450": 18523, "\u0120opted": 18524, "\u0120resignation": 18525, "ilo": 18526, "\u0120verse": 18527, "\u0120Tomb": 18528, "\u0120upt": 18529, "\u0120aired": 18530, "\u0120Hook": 18531, "\u0120MLB": 18532, "\u0120assumes": 18533, "outed": 18534, "\u0120Vers": 18535, "\u0120inferior": 18536, "\u0120bundle": 18537, "\u0120DNS": 18538, "ographer": 18539, "\u0120multip": 18540, "\u0120Souls": 18541, "\u0120illustrated": 18542, "\u0120tactic": 18543, "\u0120dressing": 18544, "\u0120duo": 18545, "Conf": 18546, "\u0120relent": 18547, "\u0120cant": 18548, "\u0120scarce": 18549, "\u0120candy": 18550, "\u0120CF": 18551, "\u0120affiliated": 18552, "\u0120sprint": 18553, "ylan": 18554, "\u0120Garcia": 18555, "\u0120junk": 18556, "Print": 18557, "exec": 18558, "Crit": 18559, "\u0120portrait": 18560, "iries": 18561, "\u0120OFF": 18562, "\u0120disputes": 18563, "WR": 18564, "Love": 18565, "\u00e3\u0123\u0126": 18566, "\u0120Reyn": 18567, "\u0120hipp": 18568, "opath": 18569, "\u0120floors": 18570, "\u0120Feel": 18571, "\u0120worries": 18572, "\u0120settlements": 18573, "\u0120Pos": 18574, "\u0120mosque": 18575, "\u0120finals": 18576, "\u0120crushed": 18577, "\u0120Probably": 18578, "\u0120Bot": 18579, "\u0120Mans": 18580, "\u0120Period": 18581, "\u0120sovereignty": 18582, "\u0120seller": 18583, "\u0120apost": 18584, "\u0120amateur": 18585, "\u0120dorm": 18586, "\u0120consuming": 18587, "\u0120armour": 18588, "\u0120Roose": 18589, "\u0120intensive": 18590, "\u0120eliminating": 18591, "\u0120Sunni": 18592, "\u0120Aleppo": 18593, "jin": 18594, "\u0120advise": 18595, "pal": 18596, "\u0120Halo": 18597, "\u0120descent": 18598, "\u0120simpler": 18599, "\u0120booth": 18600, "STR": 18601, "Later": 18602, "\u0120Cave": 18603, "===": 18604, "\u0120mol": 18605, "\u0120fist": 18606, "\u0120shotgun": 18607, "supp": 18608, "\u0120robbery": 18609, "Effect": 18610, "\u0120obscure": 18611, "\u0120Professional": 18612, "\u0120embassy": 18613, "\u0120militant": 18614, "\u0120incarcer": 18615, "\u0120generates": 18616, "\u0120launches": 18617, "\u0120administrators": 18618, "\u0120shaft": 18619, "\u0120circular": 18620, "\u0120freshman": 18621, "\u0120Wes": 18622, "\u0120Joel": 18623, "\u0120Drew": 18624, "\u0120Duncan": 18625, "\u0120Apparently": 18626, "sight": 18627, "\u0120Internal": 18628, "\u0120Individual": 18629, "\u0120FE": 18630, "\u0120bore": 18631, "\u0120Mt": 18632, "\u0120broadly": 18633, "\u0120Options": 18634, "ountain": 18635, "ipes": 18636, "\u0120Videos": 18637, "204": 18638, "\u0120hills": 18639, "\u0120simulation": 18640, "\u0120disappointment": 18641, "itan": 18642, "\u0120Laboratory": 18643, "\u0120upward": 18644, "\u0120boundary": 18645, "\u0120darker": 18646, "hart": 18647, "\u0120dominance": 18648, "Cong": 18649, "\u0120Oracle": 18650, "\u0120Lords": 18651, "\u0120scholarship": 18652, "\u0120Vincent": 18653, "ede": 18654, "\u0120Rah": 18655, "\u0120encourages": 18656, "rov": 18657, "\u0120quo": 18658, "\u0120premise": 18659, "\u0120Crisis": 18660, "\u0120Holocaust": 18661, "\u0120rhythm": 18662, "\u0120metric": 18663, "club": 18664, "\u0120transported": 18665, "\u0120nod": 18666, "\u0120Pist": 18667, "\u0120ancestors": 18668, "\u0120Freder": 18669, "thumbnails": 18670, "\u0120CE": 18671, "OND": 18672, "Phil": 18673, "venge": 18674, "\u0120Products": 18675, "castle": 18676, "\u0120qualifying": 18677, "\u0120Karen": 18678, "VERTISEMENT": 18679, "\u0120mighty": 18680, "\u0120explanations": 18681, "\u0120fixing": 18682, "Di": 18683, "\u0120declaring": 18684, "\u0120anonymity": 18685, "\u0120juven": 18686, "\u0120Nord": 18687, "\u0120Doom": 18688, "\u0120Actually": 18689, "Ok": 18690, "phis": 18691, "\u0120Desert": 18692, "\u0120116": 18693, "IK": 18694, "\u0120FM": 18695, "\u0120incomes": 18696, "VEL": 18697, "okers": 18698, "\u0120pecul": 18699, "\u0120lightweight": 18700, "gue": 18701, "\u0120accent": 18702, "\u0120increment": 18703, "\u0120Chan": 18704, "\u0120complaining": 18705, "\u0120Baghd": 18706, "\u0120midfielder": 18707, "\u0120overhaul": 18708, "Process": 18709, "\u0120Hollow": 18710, "\u0120Titans": 18711, "Small": 18712, "manuel": 18713, "\u0120Unity": 18714, "\u0120Events": 18715, "Sty": 18716, "\u0120disproportion": 18717, "nesty": 18718, "enes": 18719, "\u0120Cod": 18720, "\u0120demonstrations": 18721, "\u0120Crimson": 18722, "\u0120OH": 18723, "\u0120enrolled": 18724, "\u0120cel": 18725, "\u0120Brett": 18726, "\u0120aide": 18727, "\u0120heels": 18728, "\u0120broadband": 18729, "\u0120marking": 18730, "\u0120wizard": 18731, "\u0120NJ": 18732, "\u0120Chiefs": 18733, "\u0120ingredient": 18734, "\u0120dug": 18735, "\u0120Shut": 18736, "urchase": 18737, "endor": 18738, "\u0120farmer": 18739, "\u0120Goldman": 18740, "129": 18741, "155": 18742, "Order": 18743, "\u0120lion": 18744, "iably": 18745, "\u0120stain": 18746, "array": 18747, "ilitary": 18748, "\u0120FAQ": 18749, "\u0120exploded": 18750, "\u0120McCarthy": 18751, "\u0120Tweet": 18752, "\u0120Greens": 18753, "eking": 18754, "ln": 18755, "ensen": 18756, "\u0120motorcycle": 18757, "\u0120particle": 18758, "\u0120cholesterol": 18759, "Bron": 18760, "\u0120stair": 18761, "\u0120oxid": 18762, "\u0120desirable": 18763, "ibles": 18764, "\u0120theor": 18765, "forcing": 18766, "\u0120promotional": 18767, "ovo": 18768, "boot": 18769, "\u0120Bonus": 18770, "rawling": 18771, "\u0120shortage": 18772, "\u0120Psy": 18773, "\u0120recruited": 18774, "\u0120infants": 18775, "\u0120testosterone": 18776, "\u0120deduct": 18777, "\u0120distinctive": 18778, "\u0120firmware": 18779, "built": 18780, "145": 18781, "\u0120explored": 18782, "\u0120factions": 18783, "\u0120vide": 18784, "\u0120tattoo": 18785, "\u0120financially": 18786, "\u0120fatigue": 18787, "\u0120proceeding": 18788, "constitutional": 18789, "\u0120miser": 18790, "\u0120chairs": 18791, "gging": 18792, "ipple": 18793, "\u0120dent": 18794, "\u0120disreg": 18795, "\u00e7\u0136": 18796, "stant": 18797, "llo": 18798, "bps": 18799, "akening": 18800, "\u0120abnormal": 18801, "\u0120ERA": 18802, "\u00e5\u00a3\u00ab": 18803, "\u0120HBO": 18804, "\u0120MAR": 18805, "\u0120concess": 18806, "\u0120servant": 18807, "\u0120aspir": 18808, "lav": 18809, "\u0120Panel": 18810, "amo": 18811, "\u0120precip": 18812, "\u0120recordings": 18813, "\u0120proceeded": 18814, "\u0120colony": 18815, "\u0120Tang": 18816, "ablo": 18817, "\u0120stripped": 18818, "Left": 18819, "too": 18820, "\u0120potatoes": 18821, "\u0120finest": 18822, "%).": 18823, "\u0120crap": 18824, "\u0120Zach": 18825, "abases": 18826, "\u0120Goth": 18827, "\u0120billionaire": 18828, "wolf": 18829, "\u0120sanction": 18830, "SK": 18831, "\u0120logged": 18832, "Po": 18833, "eyed": 18834, "unal": 18835, "\u0120cricket": 18836, "\u0120armies": 18837, "\u0120uncovered": 18838, "Cloud": 18839, "\u00c3\u00b3n": 18840, "\u0120rebounds": 18841, "\u0120mes": 18842, "Oper": 18843, "Pac": 18844, "\u0120nationally": 18845, "\u0120inserted": 18846, "pict": 18847, "\u0120governance": 18848, "\u00d0\u00b8": 18849, "\u0120privileges": 18850, "GET": 18851, "\u0120favorites": 18852, "imity": 18853, "\u0120lover": 18854, "them": 18855, "empl": 18856, "\u0120gorgeous": 18857, "Ann": 18858, "\u0120slipped": 18859, "\u0120veto": 18860, "Bob": 18861, "\u0120slim": 18862, "ucc": 18863, "\u0120Fame": 18864, "uddenly": 18865, "\u0120denies": 18866, "\u0120Maur": 18867, "\u0120distances": 18868, "\u0120wanna": 18869, "tar": 18870, "\u0120SER": 18871, "\u0120\u00e2\u012a": 18872, "\u0120lemon": 18873, "athetic": 18874, "\u0120literal": 18875, "\u0120distinguished": 18876, "\u0120answering": 18877, "GI": 18878, "\u0120religions": 18879, "\u0120Philos": 18880, "\u0120Lay": 18881, "\u0120compos": 18882, "irements": 18883, "\u0120Kos": 18884, "inez": 18885, "rolling": 18886, "\u0120youngest": 18887, "andise": 18888, "\u0120Born": 18889, "\u0120altar": 18890, "amina": 18891, "\u0120Boot": 18892, "voc": 18893, "\u0120digging": 18894, "\u0120pressures": 18895, "\u0120len": 18896, "264": 18897, "\u0120assassination": 18898, "\u0120Birmingham": 18899, "\u0120Myth": 18900, "\u0120sovereign": 18901, "\u0120Artist": 18902, "\u0120Photograph": 18903, "\u0120depicted": 18904, "\u0120dispens": 18905, "orthy": 18906, "\u0120ambul": 18907, "integ": 18908, "\u0120Cele": 18909, "\u0120Tibet": 18910, "\u0120hierarchy": 18911, "\u0120cu": 18912, "\u0120preseason": 18913, "\u0120Peterson": 18914, "\u0120colours": 18915, "\u0120worrying": 18916, "\u0120backers": 18917, "\u0120Palmer": 18918, "\u0120\u00ce\u00bc": 18919, "\u0120contributor": 18920, "\u0120hearings": 18921, "\u0120urine": 18922, "\u0120\u00d9": 18923, "ourgeois": 18924, "Similar": 18925, "\u0120Zimmer": 18926, "something": 18927, "\u0120USC": 18928, "\u0120strengths": 18929, "\u0120FI": 18930, "\u0120logging": 18931, "Asked": 18932, "\u0120Thai": 18933, "inqu": 18934, "\u0120Walt": 18935, "\u0120crews": 18936, "itism": 18937, "301": 18938, "\u0120sharply": 18939, "umed": 18940, "\u0120redirect": 18941, "rators": 18942, "Inf": 18943, "\u0120Weapons": 18944, "\u0120teasp": 18945, "1999": 18946, "Live": 18947, "\u0120Especially": 18948, "\u0120Ster": 18949, "\u0120Veterans": 18950, "\u0120intro": 18951, "otherapy": 18952, "\u0120malware": 18953, "\u0120breeding": 18954, "\u0120molecular": 18955, "\u0120Route": 18956, "\u0120Comment": 18957, "ochem": 18958, "\u0120ain": 18959, "Season": 18960, "\u0120linebacker": 18961, "\u00c4\u00ab": 18962, "\u0120Economics": 18963, "esar": 18964, "\u0120Lives": 18965, "\u0120Emma": 18966, "\u0120kin": 18967, "\u0120Territ": 18968, "\u0120planted": 18969, "oton": 18970, "\u0120Butter": 18971, "\u0120Spons": 18972, "PER": 18973, "\u0120dungeon": 18974, "\u0120symbolic": 18975, "\u0120filmed": 18976, "\u0120diets": 18977, "\u0120concludes": 18978, "\u0120certainty": 18979, "\u0120Format": 18980, "\u0120strangers": 18981, "format": 18982, "\u0120Phase": 18983, "\u0120copied": 18984, "\u0120metres": 18985, "lda": 18986, "\u0120Users": 18987, "\u0120deliberate": 18988, "\u0120washed": 18989, "\u0120Lance": 18990, "imation": 18991, "\u0120improper": 18992, "\u0120Genesis": 18993, "ickr": 18994, "\u0120Kush": 18995, "\u0120realise": 18996, "\u0120embarrassing": 18997, "alking": 18998, "bucks": 18999, "\u0120verified": 19000, "\u0120outline": 19001, "years": 19002, "\u0120Income": 19003, "202": 19004, "\u0120zombies": 19005, "Final": 19006, "\u0120Millenn": 19007, "\u0120modifications": 19008, "\u0120Vision": 19009, "\u0120Moses": 19010, "verb": 19011, "iterranean": 19012, "\u0120Jet": 19013, "\u0120naval": 19014, "\u0120Agg": 19015, "\u0120url": 19016, "\u0120victories": 19017, "\u0120nonetheless": 19018, "\u0120injust": 19019, "\u0120Fact": 19020, "\u00e7\u013c": 19021, "\u0120insufficient": 19022, "review": 19023, "facebook": 19024, "\u0120negotiating": 19025, "\u0120guarantees": 19026, "imen": 19027, "utenberg": 19028, "\u0120gambling": 19029, "\u0120congr": 19030, "Loading": 19031, "\u0120nevertheless": 19032, "\u0120presidents": 19033, "\u0120Industrial": 19034, "\u0120118": 19035, "\u0120poured": 19036, "\u0120Tory": 19037, "\u0120175": 19038, "\u0120:=": 19039, "Scott": 19040, "angered": 19041, "Tok": 19042, "\u0120organizers": 19043, "Mat": 19044, "\u0120Growth": 19045, "\u0120adul": 19046, "\u0120ensures": 19047, "\u0120117": 19048, "\u00e9\u00be\u012f\u00e5": 19049, "\u0120massacre": 19050, "\u0120grades": 19051, "before": 19052, "ADVERTISEMENT": 19053, "\u0120Slow": 19054, "\u0120MMA": 19055, "\u00e2\u0122\u0136\"": 19056, "\u0120Vatican": 19057, "Qaeda": 19058, "\u0120owe": 19059, "6666": 19060, "\u0120Sorry": 19061, "\u0120Grass": 19062, "\u0120backgrounds": 19063, "\u0120exhausted": 19064, "\u0120clan": 19065, "\u0120compromised": 19066, "\u0120Elf": 19067, "\u0120Isaac": 19068, "enson": 19069, "Invest": 19070, "IFA": 19071, "\u0120interrupted": 19072, "\u00e3\u0125\u012b\u00e3\u0125\u00a9": 19073, "\u0120twisted": 19074, "\u0120Dragons": 19075, "Mode": 19076, "\u0120Kremlin": 19077, "\u0120fertil": 19078, "heres": 19079, "phan": 19080, "\u0120Node": 19081, "fed": 19082, "\u0120Orc": 19083, "\u0120unwilling": 19084, "Cent": 19085, "\u0120priorit": 19086, "\u0120graduates": 19087, "\u0120subjective": 19088, "\u0120issuing": 19089, "\u0120Lt": 19090, "\u0120viewer": 19091, "\u0120woke": 19092, "Thus": 19093, "brook": 19094, "\u0120depressed": 19095, "\u0120bracket": 19096, "\u0120Gor": 19097, "\u0120Fighting": 19098, "\u0120striker": 19099, "Report": 19100, "\u0120Portugal": 19101, "\u0120neo": 19102, "wed": 19103, "199": 19104, "\u0120fleeing": 19105, "shadow": 19106, "identified": 19107, "USE": 19108, "Steam": 19109, "\u0120stretched": 19110, "\u0120revelations": 19111, "arted": 19112, "\u0120Dw": 19113, "\u0120alignment": 19114, "eston": 19115, "\u0120Jared": 19116, "Sep": 19117, "\u0120blogs": 19118, "update": 19119, "gom": 19120, "risk": 19121, "\u0120clash": 19122, "\u0120Hour": 19123, "\u0120runtime": 19124, "\u0120unwanted": 19125, "\u0120scam": 19126, "\u0120rack": 19127, "\u0120enlight": 19128, "onest": 19129, "\u0120Ferr": 19130, "\u0120convictions": 19131, "\u0120piano": 19132, "\u0120circulation": 19133, "\u0120Welcome": 19134, "\u0120backlash": 19135, "\u0120Wade": 19136, "\u0120receivers": 19137, "otive": 19138, "Jeff": 19139, "\u0120networking": 19140, "\u0120Prep": 19141, "\u0120Explorer": 19142, "\u0120lecture": 19143, "\u0120uploaded": 19144, "\u0120Meat": 19145, "BLE": 19146, "\u0120Nazis": 19147, "\u0120Synd": 19148, "stud": 19149, "roots": 19150, "rians": 19151, "\u0120portrayed": 19152, "\u0120??": 19153, "\u0120Buddha": 19154, "sun": 19155, "Robert": 19156, "\u0120Complex": 19157, "\u0120oversee": 19158, "\u0120stealth": 19159, "Title": 19160, "\u0120Jobs": 19161, "\u0120Kum": 19162, "\u0120appreciation": 19163, "\u0120MOD": 19164, "\u0120basics": 19165, "\u0120clips": 19166, "\u0120nursing": 19167, "\u0120proposition": 19168, "\u0120realised": 19169, "\u0120NYC": 19170, "\u0120allocated": 19171, "rium": 19172, "aran": 19173, "\u0120Production": 19174, "\u0120Vote": 19175, "\u0120smugg": 19176, "\u0120hunter": 19177, "azer": 19178, "\u0120Changes": 19179, "\u0120fluct": 19180, "yon": 19181, "Array": 19182, "\u0120kits": 19183, "Water": 19184, "\u0120uncommon": 19185, "\u0120resting": 19186, "ells": 19187, "would": 19188, "\u0120pursued": 19189, "\u0120assertion": 19190, "ometown": 19191, "\u0120Mosul": 19192, "\u0120Platform": 19193, "iolet": 19194, "\u0120shareholders": 19195, "\u0120trails": 19196, "Pay": 19197, "\u0120Enforcement": 19198, "types": 19199, "\u0120Anonymous": 19200, "\u0120satisfying": 19201, "ilogy": 19202, "\u0120('": 19203, "wave": 19204, "city": 19205, "Steve": 19206, "\u0120confrontation": 19207, "\u0120Eld": 19208, "Capt": 19209, "ahan": 19210, "htm": 19211, "\u0120Ctrl": 19212, "ONS": 19213, "230": 19214, "ifa": 19215, "holding": 19216, "\u0120delicate": 19217, "\u0120jaw": 19218, "\u0120Going": 19219, "orum": 19220, "Sal": 19221, "\u0120dull": 19222, "\u0120Beth": 19223, "\u0120prisons": 19224, "\u0120ego": 19225, "\u0120Elsa": 19226, "avorite": 19227, "\u0120Gang": 19228, "\u0120Nuclear": 19229, "\u0120spider": 19230, "atsu": 19231, "\u0120sampling": 19232, "\u0120absorbed": 19233, "\u0120Pharm": 19234, "ieth": 19235, "\u0120bucket": 19236, "\u0120Recomm": 19237, "OF": 19238, "\u0120Factory": 19239, "ANCE": 19240, "\u0120bacter": 19241, "Has": 19242, "\u0120Observ": 19243, "121": 19244, "\u0120premiere": 19245, "Develop": 19246, "\u0120currencies": 19247, "Cast": 19248, "\u0120accompanying": 19249, "\u0120Nashville": 19250, "\u0120fatty": 19251, "\u0120Brend": 19252, "\u0120locks": 19253, "\u0120centered": 19254, "\u0120UT": 19255, "aughs": 19256, "orie": 19257, "\u0120Affordable": 19258, "vance": 19259, "DL": 19260, "emet": 19261, "\u0120throne": 19262, "\u0120Bluetooth": 19263, "\u0120naming": 19264, "ifts": 19265, "ADE": 19266, "\u0120corrected": 19267, "\u0120promptly": 19268, "\u0120STR": 19269, "\u0120genome": 19270, "\u0120cope": 19271, "\u0120valley": 19272, "\u0120rounded": 19273, "\u0120Kend": 19274, "alion": 19275, "pers": 19276, "\u0120tourism": 19277, "\u0120stark": 19278, "vl": 19279, "\u0120blowing": 19280, "\u0120Schedule": 19281, "std": 19282, "\u0120unhappy": 19283, "\u0120litigation": 19284, "cedes": 19285, "\u0120android": 19286, "\u0120integral": 19287, "erers": 19288, "uded": 19289, "tax": 19290, "\u0120reiter": 19291, "\u0120Motors": 19292, "ociated": 19293, "\u0120wonders": 19294, "\u0120Apost": 19295, "ucking": 19296, "\u0120Roosevelt": 19297, "fram": 19298, "\u0120yields": 19299, "\u0120constitutes": 19300, "awk": 19301, "Interest": 19302, "\u0120interim": 19303, "\u0120breakthrough": 19304, "\u0120Cher": 19305, "\u0120prosec": 19306, "\u0120Dj": 19307, "\u0120MT": 19308, "Resp": 19309, "\u0120PT": 19310, "\u0120sperm": 19311, "edit": 19312, "BT": 19313, "Linux": 19314, "country": 19315, "league": 19316, "\u0120dick": 19317, "\u0120oct": 19318, "\u0120inserting": 19319, "\u0120scra": 19320, "\u0120Brewing": 19321, "\u01201966": 19322, "\u0120runners": 19323, "\u0120plun": 19324, "idy": 19325, "\u0120Dian": 19326, "\u0120dysfunction": 19327, "\u0120exclusion": 19328, "\u0120disgr": 19329, "\u0120incorporate": 19330, "\u0120reconc": 19331, "\u0120nominated": 19332, "\u0120Archer": 19333, "draw": 19334, "achelor": 19335, "\u0120writings": 19336, "\u0120shallow": 19337, "\u0120hast": 19338, "\u0120BMW": 19339, "\u0120RS": 19340, "\u0120thigh": 19341, "\u01201963": 19342, "\u0120lamb": 19343, "\u0120favored": 19344, "agle": 19345, "\u0120cooler": 19346, "\u0120Hours": 19347, "\u0120GU": 19348, "\u0120Origin": 19349, "\u0120glimpse": 19350, "--------------------": 19351, "Lim": 19352, "\u0120cheek": 19353, "\u0120jealous": 19354, "-'": 19355, "\u0120harness": 19356, "\u0120Poison": 19357, "\u0120disabilities": 19358, "neapolis": 19359, "\u0120outlook": 19360, "\u0120notify": 19361, "\u0120Indianapolis": 19362, "\u0120abrupt": 19363, "nsic": 19364, "\u0120encrypted": 19365, "\u0120forfe": 19366, "reath": 19367, "\u0120rabb": 19368, "\u0120foundations": 19369, "\u0120compliment": 19370, "\u0120Interview": 19371, "\u0120Swe": 19372, "\u0120adolesc": 19373, "\u0120monitors": 19374, "\u0120Sacramento": 19375, "\u0120timely": 19376, "\u0120contempl": 19377, "\u0120positioned": 19378, "\u0120posters": 19379, "phies": 19380, "iovascular": 19381, "void": 19382, "\u0120Fifth": 19383, "\u0120investigative": 19384, "OUN": 19385, "\u0120integrate": 19386, "\u0120INC": 19387, "isha": 19388, "iblings": 19389, "\u0120Request": 19390, "\u0120Rodriguez": 19391, "\u0120slides": 19392, "\u0120DX": 19393, "\u0120feminism": 19394, "\u0120datas": 19395, "\u0120bend": 19396, "irus": 19397, "\u0120Nigeria": 19398, "Fox": 19399, "Change": 19400, "\u0120airplane": 19401, "\u0120Laden": 19402, "\u0120publicity": 19403, "ixty": 19404, "\u0120commitments": 19405, "\u0120aggregate": 19406, "\u0120displaying": 19407, "\u0120Arrow": 19408, "\u0120122": 19409, "\u0120respects": 19410, "android": 19411, "six": 19412, "\u0120Sha": 19413, "\u0120restoration": 19414, ")\\": 19415, "WS": 19416, "oys": 19417, "\u0120illustrate": 19418, "without": 19419, "126": 19420, "\u0120\u00e2\u0136\u0124": 19421, "\u0120pickup": 19422, "nels": 19423, "\u0120....": 19424, "food": 19425, "\u0120Fen": 19426, ")?": 19427, "\u0120phenomena": 19428, "\u0120companions": 19429, "\u0120Write": 19430, "\u0120spill": 19431, "\u0120bridges": 19432, "\u0120Updated": 19433, "\u0120Fo": 19434, "\u0120insects": 19435, "ASHINGTON": 19436, "\u0120scare": 19437, "iltr": 19438, "\u0120Zhang": 19439, "\u0120severity": 19440, "\u0120indul": 19441, "149": 19442, "\u0120Coffee": 19443, "\u0120norms": 19444, "\u0120pulse": 19445, "\u0120FT": 19446, "\u0120horrific": 19447, "\u0120Destroy": 19448, "\u0120JSON": 19449, "\u0120olive": 19450, "\u0120discusses": 19451, "Rest": 19452, "Elect": 19453, "\u0120Winn": 19454, "\u0120Surviv": 19455, "\u0120Hait": 19456, "Sure": 19457, "oped": 19458, "\u0120rooted": 19459, "\u0120Ske": 19460, "\u0120Bronze": 19461, "\u0120lol": 19462, "Default": 19463, "\u0120commodity": 19464, "redited": 19465, "\u0120libertarian": 19466, "\u0120forbidden": 19467, "\u0120gran": 19468, "\u00e0\u00a8": 19469, "\u0120lag": 19470, "enz": 19471, "drive": 19472, "\u0120mathematics": 19473, "\u0120wires": 19474, "\u0120critically": 19475, "\u0120carbohyd": 19476, "\u0120Chancellor": 19477, "\u0120Eddie": 19478, "\u0120banning": 19479, "\u0120Fri": 19480, "\u0120complications": 19481, "etric": 19482, "\u0120Bangladesh": 19483, "\u0120bandwidth": 19484, "Stop": 19485, "\u0120Originally": 19486, "\u0120halfway": 19487, "ynasty": 19488, "shine": 19489, "\u0120tales": 19490, "rities": 19491, "avier": 19492, "\u0120spinning": 19493, "\u0120WHO": 19494, "\u0120neighbourhood": 19495, "bach": 19496, "\u0120commerce": 19497, "\u0120Sle": 19498, "BU": 19499, "\u0120entrepreneur": 19500, "\u0120peculiar": 19501, "\u0120Comments": 19502, "fre": 19503, "320": 19504, "ICS": 19505, "\u0120imagery": 19506, "\u0120Canon": 19507, "\u0120Electronic": 19508, "short": 19509, "((": 19510, "Dig": 19511, "\u0120commem": 19512, "uced": 19513, "\u0120inclined": 19514, "\u0120Summon": 19515, "\u0120cliff": 19516, "\u0120Mediterranean": 19517, "\u0120poetry": 19518, "\u0120prosperity": 19519, "\u0120Rece": 19520, "\u0120pills": 19521, "member": 19522, "\u0120finale": 19523, "unc": 19524, "\u0120Gig": 19525, "\u00e4\u00bd": 19526, "\u0120lod": 19527, "\u0120backward": 19528, "-+": 19529, "\u0120Forward": 19530, "\u0120thri": 19531, "sure": 19532, "\u0120soap": 19533, "\u0120FX": 19534, "RES": 19535, "\u0120Sexual": 19536, "oulos": 19537, "\u0120foolish": 19538, "\u0120righteous": 19539, "\u0120coff": 19540, "terrorism": 19541, "ustain": 19542, "oter": 19543, "\u0120abuses": 19544, "next": 19545, "\u0120abusive": 19546, "\u0120thereafter": 19547, "\u0120prohibition": 19548, "\u0120SUP": 19549, "\u0120dip": 19550, "\u0120ripped": 19551, "\u0120inherited": 19552, "\u0120bats": 19553, "stru": 19554, "GT": 19555, "\u0120flawed": 19556, "phabet": 19557, "\u0120fog": 19558, "doors": 19559, "\u0120imaging": 19560, "\u0120digits": 19561, "\u0120Hungary": 19562, "\u0120arrog": 19563, "\u0120teachings": 19564, "\u0120protocols": 19565, "\u0120Banks": 19566, "\u00e0\u00b8": 19567, "pound": 19568, "\u0120Curt": 19569, ".\")": 19570, "./": 19571, "\u0120exemption": 19572, "endix": 19573, "\u0120Mull": 19574, "\u0120improves": 19575, "\u0120Gamer": 19576, "dimensional": 19577, "Icon": 19578, "\u0120Margaret": 19579, "Status": 19580, "dates": 19581, "\u0120intends": 19582, "\u0120depict": 19583, "\u0120parked": 19584, "Joe": 19585, "\u0120Marines": 19586, "chnology": 19587, "!).": 19588, "\u0120judged": 19589, "\u0120weights": 19590, "Ray": 19591, "\u0120apartments": 19592, "hester": 19593, "\u0120reinforce": 19594, "\u0120offender": 19595, "occup": 19596, "\u0120sore": 19597, "ept": 19598, "\u0120PHP": 19599, "\u0120Brow": 19600, "\u0120authorization": 19601, "\u0120Risk": 19602, "\u0120Delaware": 19603, "\u0120QU": 19604, "\u0120notifications": 19605, "\u0120sunlight": 19606, "\u0120exclude": 19607, "dat": 19608, "\u0120mesh": 19609, "\u0120Sudan": 19610, "\u0120belonged": 19611, "\u0120subway": 19612, "\u0120noon": 19613, "\u0120Interior": 19614, "olics": 19615, "\u0120Lakers": 19616, "\u0120coding": 19617, "Disclaimer": 19618, "Calif": 19619, "Old": 19620, "\u0120disl": 19621, "?????": 19622, "\u0120confirms": 19623, "\u0120recruitment": 19624, "\u0120homicide": 19625, "Consider": 19626, "\u0120Jeffrey": 19627, "fty": 19628, "};": 19629, "\u0120objection": 19630, "doing": 19631, "\u0120Leo": 19632, "Want": 19633, "\u0120glow": 19634, "\u0120Clarke": 19635, "\u0120Norman": 19636, "\u0120verification": 19637, "\u0120packet": 19638, "\u0120Formula": 19639, "\u0120plag": 19640, "esville": 19641, "\u0120shouting": 19642, "\u0120ov": 19643, "\u0120REC": 19644, "\u0120Bub": 19645, "\u0120ninth": 19646, "\u0120energ": 19647, "\u0120validity": 19648, "\u0120ups": 19649, "jack": 19650, "\u0120neighboring": 19651, "\u0120Nec": 19652, "eworks": 19653, "\u0120Hab": 19654, "arez": 19655, "\u0120spine": 19656, "\u0120eventual": 19657, "\u0120Leaders": 19658, "\u0120Carn": 19659, "\u0120probation": 19660, "\u0120romance": 19661, "msg": 19662, "\u0120Mechanical": 19663, "ERY": 19664, "Rock": 19665, "\u0120partisan": 19666, "Node": 19667, "assets": 19668, "minent": 19669, "\u0120foreigners": 19670, "\u0120testify": 19671, "\u0120Usually": 19672, "lords": 19673, "\u0120Gren": 19674, "\u0120Powell": 19675, "BIL": 19676, "\u0120sr": 19677, "\u0120addict": 19678, "\u0120shells": 19679, "\u0120sigh": 19680, "\u0120Yale": 19681, "ternity": 19682, "\u0120750": 19683, "EU": 19684, "\u0120Rifle": 19685, "\u0120patron": 19686, "ema": 19687, "\u0120Bannon": 19688, "anity": 19689, "\u0120tropical": 19690, "\u0120VII": 19691, "cross": 19692, "Everything": 19693, "\u0120ISO": 19694, "\u0120humble": 19695, "assing": 19696, "\u0120FIG": 19697, "\u0120updating": 19698, "yson": 19699, "\u0120calcium": 19700, "\u0120competent": 19701, "\u0120steering": 19702, "Prot": 19703, "\u0120SY": 19704, "\u0120Finals": 19705, "\u0120Rug": 19706, "159": 19707, "137": 19708, "\u0120Golf": 19709, "\u0120126": 19710, "\u0120accommodation": 19711, "\u0120Hughes": 19712, "\u0120aesthetic": 19713, "artisan": 19714, "\u0120Twilight": 19715, "\u0120prince": 19716, "\u0120Agriculture": 19717, "\u0120Disco": 19718, "\u0120precedent": 19719, "\u0120typing": 19720, "authorized": 19721, "Option": 19722, "\u0120Aub": 19723, "lishes": 19724, "acht": 19725, "mag": 19726, "Peter": 19727, "\u0120UFO": 19728, "monton": 19729, "\u0120Lith": 19730, "\u0120arom": 19731, "\u0120securing": 19732, "\u0120confined": 19733, "private": 19734, "\u0120swords": 19735, "\u0120markers": 19736, "\u0120metabolic": 19737, "select": 19738, "\u0120Curse": 19739, "\u0120Ot": 19740, "gressive": 19741, "\u0120incumb": 19742, "\u0120Saga": 19743, "\u0120priced": 19744, "\u0120clearance": 19745, "Content": 19746, "\u0120drilling": 19747, "\u0120notices": 19748, "\u0120bourgeois": 19749, "\u0120vest": 19750, "\u0120cookie": 19751, "\u0120Guardians": 19752, "rys": 19753, "inyl": 19754, "\u0120124": 19755, "\u0120plausible": 19756, "ongh": 19757, "\u0120Odin": 19758, "\u0120conception": 19759, "\u0120Yuk": 19760, "\u0120Baghdad": 19761, "\u0120Flag": 19762, "Austral": 19763, "\u0120IBM": 19764, "\u0120internationally": 19765, "\u0120WikiLeaks": 19766, "IED": 19767, "\u0120cyn": 19768, "\u0120chooses": 19769, "\u0120Pill": 19770, "\u0120combining": 19771, "\u0120radi": 19772, "\u0120Mohammed": 19773, "defense": 19774, "atching": 19775, "Subject": 19776, "iciency": 19777, "Frame": 19778, "\u0120{\"": 19779, "\u0120chess": 19780, "\u0120timer": 19781, "190": 19782, "\u0120tin": 19783, "\u0120ordinance": 19784, "emetery": 19785, "\u0120accusing": 19786, "\u0120noticeable": 19787, "\u0120centres": 19788, "\u0120lid": 19789, "\u0120Mills": 19790, "imgur": 19791, "\u0120zoom": 19792, "ergic": 19793, "\u0120compression": 19794, "prim": 19795, "find": 19796, "\u0120surg": 19797, "\u0120pand": 19798, "\u0120Kee": 19799, "\u0120Chad": 19800, "cellence": 19801, "oyle": 19802, "\u0120socialism": 19803, "\u0120Travis": 19804, "\u0120MHz": 19805, "\u0120guild": 19806, "ALLY": 19807, "\u0120Subscribe": 19808, "\u0120Related": 19809, "\u0120occurrence": 19810, "itching": 19811, "\u0120fictional": 19812, "\u0120crush": 19813, "\u0120EA": 19814, "cod": 19815, "mix": 19816, "\u0120Triple": 19817, "\u0120retrieve": 19818, "\u0120stimulus": 19819, "\u0120psychiat": 19820, "\u0120Door": 19821, "\u0120homosexuality": 19822, "\u0120elementary": 19823, "\u0120cellular": 19824, "idian": 19825, "\u0120Laun": 19826, "\u0120intriguing": 19827, "\u0120foam": 19828, "\u0120Bass": 19829, "idi": 19830, "itsu": 19831, "\u0120assure": 19832, "\u0120congrat": 19833, "\u0120businessman": 19834, "\u0120Boost": 19835, "close": 19836, "\u0120lied": 19837, "\u0120sciences": 19838, "\u0120Omega": 19839, "\u0120Graphics": 19840, "\u0120<=": 19841, "spoken": 19842, "\u0120connectivity": 19843, "Saturday": 19844, "\u0120Avengers": 19845, "\u0120toggle": 19846, "\u0120ankle": 19847, "\u0120nationalist": 19848, "model": 19849, "\u0120Pool": 19850, "ophobia": 19851, "Var": 19852, "\u0120Mons": 19853, "atories": 19854, "\u0120aggressively": 19855, "Clear": 19856, "Forge": 19857, "acters": 19858, "\u0120hedge": 19859, "\u0120pipes": 19860, "\u0120blunt": 19861, "\u0120sq": 19862, "\u0120remotely": 19863, "Wed": 19864, "asers": 19865, "\u0120refriger": 19866, "\u0120tiles": 19867, "\u0120rescued": 19868, "\u0120comprised": 19869, "insky": 19870, "\u0120manif": 19871, "avanaugh": 19872, "\u0120prolifer": 19873, "\u0120aligned": 19874, "xml": 19875, "\u0120triv": 19876, "\u0120coordination": 19877, "\u0120PER": 19878, "\u0120Quote": 19879, "134": 19880, "bf": 19881, "\u0120Saw": 19882, "\u0120termination": 19883, "\u0120190": 19884, "\u0120additions": 19885, "\u0120trio": 19886, "\u0120projections": 19887, "\u0120positively": 19888, "\u0120inclusive": 19889, "\u0120membr": 19890, "1990": 19891, "older": 19892, "\u0120practiced": 19893, "inkle": 19894, "Arch": 19895, "\u0120starters": 19896, "arius": 19897, "\u0120intermediate": 19898, "\u0120Benef": 19899, "\u0120Killer": 19900, "\u0120interventions": 19901, "\u0120Kil": 19902, "\u0120Flying": 19903, "Inv": 19904, "\u0120premature": 19905, "\u0120psychiatric": 19906, "\u0120indie": 19907, "\u0120collar": 19908, "\u0120Rainbow": 19909, "afi": 19910, "\u0120disruption": 19911, "\u0120FOX": 19912, "casting": 19913, "\u0120misdem": 19914, "cro": 19915, "\u0120wipe": 19916, "ardon": 19917, "\u0120bast": 19918, "\u0120Tommy": 19919, "\u0120Representative": 19920, "\u0120belly": 19921, "\u0120PO": 19922, "\u0120Breitbart": 19923, "132": 19924, "\u0120messaging": 19925, "Should": 19926, "References": 19927, "\u0120GRE": 19928, "istical": 19929, "LP": 19930, "\u0120Cav": 19931, "\u0120Crazy": 19932, "\u0120intuitive": 19933, "keeping": 19934, "\u0120Moss": 19935, "\u0120discontin": 19936, "\u0120Module": 19937, "\u0120unrelated": 19938, "\u0120Practice": 19939, "\u0120Transport": 19940, "\u0120statistically": 19941, "orns": 19942, "\u0120sized": 19943, "pu": 19944, "\u0120caf": 19945, "\u0120Worlds": 19946, "\u0120Rodgers": 19947, "\u0120Lun": 19948, "\u0120Comic": 19949, "living": 19950, "\u0120cared": 19951, "\u0120climbed": 19952, "){": 19953, "\u0120consisted": 19954, "\u0120medieval": 19955, "folk": 19956, "\u0120hacked": 19957, "\u0120dire": 19958, "\u0120Hermione": 19959, "\u0120tended": 19960, "ceans": 19961, "Daniel": 19962, "went": 19963, "\u0120legislators": 19964, "\u0120redes": 19965, "games": 19966, "\u0120gn": 19967, "amiliar": 19968, "\u0120++": 19969, "ggy": 19970, "threat": 19971, "\u0120magnet": 19972, "\u0120perceive": 19973, "\u0120zip": 19974, "\u0120indictment": 19975, "\u0120critique": 19976, "gard": 19977, "\u0120Safe": 19978, "\u0120Cream": 19979, "\u0120advent": 19980, "oba": 19981, "\u0120vowed": 19982, "ousands": 19983, "\u0120ski": 19984, "\u0120abortions": 19985, "uart": 19986, "\u0120stunned": 19987, "\u0120advancing": 19988, "\u0120lacked": 19989, "\u0120\\\"": 19990, "\u0120schizophren": 19991, "\u0120elegant": 19992, "\u0120conferences": 19993, "\u0120canceled": 19994, "\u0120Hudson": 19995, "\u0120Hopefully": 19996, "\u0120trump": 19997, "\u0120frequencies": 19998, "\u0120meteor": 19999, "\u0120Junior": 20000, "\u0120Fleet": 20001, "\u0120Malcolm": 20002, "\u0120Tools": 20003, "\u0120........": 20004, "\u0120hobby": 20005, "\u0120Europeans": 20006, "\u01201500": 20007, "\u0120Into": 20008, "\u0120sway": 20009, "\u0120Appro": 20010, "\u0120Compl": 20011, "Community": 20012, "\u0120tide": 20013, "\u0120Summit": 20014, "\u00e4\u00bb": 20015, "\u0120intervals": 20016, "\u0120Ether": 20017, "\u0120habitat": 20018, "\u0120Stevens": 20019, "lishing": 20020, "\u0120Domain": 20021, "\u0120triggers": 20022, "\u0120chasing": 20023, "\u0120charm": 20024, "\u0120Flower": 20025, "itored": 20026, "\u0120blessing": 20027, "\u0120textures": 20028, "Five": 20029, "\u0120liquor": 20030, "RP": 20031, "FIN": 20032, "\u01201962": 20033, "CAR": 20034, "Unknown": 20035, "\u0120resil": 20036, "\u0120Lily": 20037, "\u0120abundance": 20038, "\u0120predictable": 20039, "rar": 20040, "\u0120bullshit": 20041, "leen": 20042, "chet": 20043, "Mor": 20044, "Much": 20045, "\u00e4\u00b9": 20046, "\u0120emphasized": 20047, "\u0120crust": 20048, "\u0120primitive": 20049, "\u0120enjoyable": 20050, "\u0120Pictures": 20051, "\u0120teammate": 20052, "pler": 20053, "\u0120Tol": 20054, "\u0120Kane": 20055, "\u0120summoned": 20056, "thy": 20057, "rama": 20058, "\u0120Honda": 20059, "\u0120realizing": 20060, "\u0120quicker": 20061, "\u0120concentrate": 20062, "clear": 20063, "\u0120210": 20064, "\u0120Erdogan": 20065, "aris": 20066, "\u0120responds": 20067, "\u0120BI": 20068, "\u0120eligibility": 20069, "\u0120pushes": 20070, "\u0120Idaho": 20071, "\u0120aggrav": 20072, "\u0120ruins": 20073, "urations": 20074, "\u0120bans": 20075, "\u0120anat": 20076, "share": 20077, "\u0120grind": 20078, "hin": 20079, "umen": 20080, "\u0120utilities": 20081, "\u0120Yankees": 20082, "\u0120databases": 20083, "\u0120DD": 20084, "\u0120displaced": 20085, "\u0120dependencies": 20086, "\u0120stimulation": 20087, "hun": 20088, "houses": 20089, "\u0120Pretty": 20090, "\u0120Ravens": 20091, "\u0120TODAY": 20092, "\u0120associates": 20093, "\u0120therape": 20094, "cled": 20095, "\u0120deer": 20096, "\u0120repairs": 20097, "rentice": 20098, "\u0120receptors": 20099, "\u0120remed": 20100, "\u0120Ce": 20101, "\u0120marriages": 20102, "\u0120ballots": 20103, "\u0120Soldier": 20104, "\u0120hilarious": 20105, "opl": 20106, "138": 20107, "\u0120inherently": 20108, "\u0120ignorant": 20109, "\u0120bounce": 20110, "\u0120Easter": 20111, "RELATED": 20112, "\u0120Currency": 20113, "EV": 20114, "\u00e3\u0125\u0140": 20115, "\u0120Lead": 20116, "\u0120deceased": 20117, "Brien": 20118, "\u0120Musk": 20119, "JS": 20120, "\u0120merge": 20121, "hearted": 20122, "creat": 20123, "mitt": 20124, "mund": 20125, "\u0120\u00e2\u0122\u012d": 20126, "\u0120Bag": 20127, "\u0120projection": 20128, "\u0120java": 20129, "\u0120Standards": 20130, "\u0120Leonard": 20131, "\u0120coconut": 20132, "\u0120Population": 20133, "\u0120traject": 20134, "\u0120imply": 20135, "\u0120curiosity": 20136, "\u0120DB": 20137, "\u0120Fresh": 20138, "\u0120Por": 20139, "\u0120heavier": 20140, "neys": 20141, "gomery": 20142, "\u0120deserved": 20143, "\u0120phrases": 20144, "\u0120GC": 20145, "\u0120yeast": 20146, "desc": 20147, "Death": 20148, "\u0120reboot": 20149, "\u0120metadata": 20150, "ICAL": 20151, "\u0120repay": 20152, "\u0120Independence": 20153, "\u0120suburban": 20154, "icals": 20155, "\u0120atop": 20156, "\u0120allocation": 20157, "generation": 20158, "\u0120Gram": 20159, "\u0120moisture": 20160, "\u0120pine": 20161, "\u0120Liberals": 20162, "\u0120aides": 20163, "\u0120underest": 20164, "\u0120Berry": 20165, "\u0120ceremon": 20166, "370": 20167, "astrous": 20168, "\u0120Pirates": 20169, "\u0120tense": 20170, "\u0120Industries": 20171, "\u0120Appeals": 20172, "\u0120Near": 20173, "\u0120\u00e8\u00a3\u0131\u00e7": 20174, "\u0120lovers": 20175, "\u0120CAP": 20176, "\u0120Craw": 20177, "\u0120giants": 20178, "\u0120efficacy": 20179, "Element": 20180, "\u0120Behavior": 20181, "\u0120Toyota": 20182, "\u0120intest": 20183, "Priv": 20184, "AI": 20185, "\u0120maneuver": 20186, "\u0120perfection": 20187, "\u0120bang": 20188, "paper": 20189, "rill": 20190, "George": 20191, "border": 20192, "inters": 20193, "\u0120Seth": 20194, "\u0120clues": 20195, "\u0120Levi": 20196, "\u0120Revenue": 20197, "147": 20198, "\u0120vapor": 20199, "\u0120fortunate": 20200, "\u0120threatens": 20201, "\u0120vet": 20202, "\u0120dependency": 20203, "ersed": 20204, "article": 20205, "\u0120Blizzard": 20206, "\u0120chlor": 20207, "\u0120minus": 20208, "\u0120Bills": 20209, "\u0120cryptocurrency": 20210, "\u0120metabolism": 20211, "tering": 20212, "\u0120pestic": 20213, "steps": 20214, "\u0120Treasure": 20215, "racted": 20216, "\u0120Constant": 20217, "\u0120temp": 20218, "139": 20219, "\u0120Detective": 20220, "urally": 20221, "\u0120recovering": 20222, "\u0120cortex": 20223, "\u0120144": 20224, "closed": 20225, "\u0120prejudice": 20226, "aunted": 20227, "\u0120storms": 20228, "\u0120NOW": 20229, "\u0120machinery": 20230, "Address": 20231, "\u0120compelled": 20232, "270": 20233, "\u0120despair": 20234, "bane": 20235, "\u0120vegetable": 20236, "\u0120beds": 20237, "Learn": 20238, "\u0120colorful": 20239, "\u0120spike": 20240, "\u0120margins": 20241, "\u0120sympathy": 20242, "\u0120workshop": 20243, "\u0120CBC": 20244, "Sat": 20245, "\u0120burns": 20246, "\u0120Gender": 20247, "\u0120129": 20248, "\u0120Cable": 20249, "\u0120debts": 20250, "\u0120Theresa": 20251, "\u0120reflecting": 20252, "\u0120airst": 20253, "\u0120rim": 20254, "ramid": 20255, "\u0120weaknesses": 20256, "Writ": 20257, "oggle": 20258, "ti": 20259, "\u0120Charge": 20260, "\u0120weighed": 20261, "\u0120(.": 20262, "\u0120laughter": 20263, "\u0120router": 20264, "\u0120Democracy": 20265, "Dear": 20266, "\u0120hasht": 20267, "\u0120dy": 20268, "\u0120hints": 20269, "running": 20270, "\u0120finishes": 20271, "arus": 20272, "Mass": 20273, "result": 20274, "ascus": 20275, "\u0120vintage": 20276, "\u0120conqu": 20277, "\u0120wildly": 20278, "acist": 20279, "\u0120lingu": 20280, "\u0120protagonist": 20281, "strom": 20282, "teenth": 20283, "\u0120Solo": 20284, "mac": 20285, "filled": 20286, "\u0120renown": 20287, "itives": 20288, "\u0120motive": 20289, "\u0120Antar": 20290, "\u0120Mann": 20291, "\u0120Adjust": 20292, "\u0120rockets": 20293, "\u0120troubling": 20294, "ei": 20295, "\u0120organisms": 20296, "assis": 20297, "Christian": 20298, "\u0120145": 20299, "\u0120Hass": 20300, "\u0120swall": 20301, "\u0120wax": 20302, "\u0120Survival": 20303, "VS": 20304, "\u0120Murd": 20305, "vd": 20306, "standard": 20307, "\u0120dragons": 20308, "\u0120acceleration": 20309, "rational": 20310, "final": 20311, "\u0120paired": 20312, "\u0120Ethereum": 20313, "\u0120interfaces": 20314, "\u0120resent": 20315, "\u0120artifacts": 20316, "\u00c5\u00ab": 20317, "arel": 20318, "\u0120competitor": 20319, "\u0120Nicholas": 20320, "\u0120Surface": 20321, "cpp": 20322, "\u0120Tot": 20323, "\u0120economically": 20324, "\u0120organised": 20325, "\u0120enforced": 20326, "inho": 20327, "\u0120varieties": 20328, "\u0120abdom": 20329, "\u0120Bailey": 20330, "idav": 20331, "\u0120Salv": 20332, "paid": 20333, "\u0120altitude": 20334, "essert": 20335, "\u0120Gutenberg": 20336, "area": 20337, "opoulos": 20338, "\u0120professors": 20339, "iggs": 20340, "\u0120Fate": 20341, "hey": 20342, "\u01203000": 20343, "Dist": 20344, "\u0120twins": 20345, "cill": 20346, "\u0120Maps": 20347, "\u0120traps": 20348, "\u0120weed": 20349, "\u0120Kiss": 20350, "\u0120yoga": 20351, "\u0120recipients": 20352, "\u0120Westminster": 20353, "\u0120pools": 20354, "\u0120Walmart": 20355, "188": 20356, "\u0120Schools": 20357, "attack": 20358, "\u0120ARM": 20359, "paragraph": 20360, "Warning": 20361, "jl": 20362, "\u0120selfish": 20363, "anchez": 20364, "\u0120Heights": 20365, "Fre": 20366, "\u0120Soph": 20367, "\u0120--------------------------------": 20368, "tml": 20369, "333": 20370, "\u0120raids": 20371, "\u0120satellites": 20372, "KEY": 20373, "\u0120lasts": 20374, "\u00d1\u0124": 20375, "Ins": 20376, "\u0120Dame": 20377, "\u0120unpredict": 20378, "///": 20379, "ghai": 20380, "\u0120artillery": 20381, "\u0120cruise": 20382, "\u0120gel": 20383, "\u0120Cabinet": 20384, "\u0120blows": 20385, "\u0120Esp": 20386, "\u0120proximity": 20387, "othe": 20388, "\u0120Skills": 20389, "\u0120Upper": 20390, "obo": 20391, "\u0120NDP": 20392, "\u0120enjoys": 20393, "\u0120repeating": 20394, "\u0120Construction": 20395, "\u0120Questions": 20396, "Hillary": 20397, "\u0120uint": 20398, "\u0120processors": 20399, "\u0120Gibson": 20400, "\u0120Multiple": 20401, "qa": 20402, "\u0120Bom": 20403, "\u0120Miles": 20404, "ventional": 20405, "\u0120hurts": 20406, "skin": 20407, "\u0120AIDS": 20408, "\u0120advisers": 20409, "\u0120Root": 20410, "\u0120methodology": 20411, "\u0120Dale": 20412, "\u0120deton": 20413, "\u0120Knowledge": 20414, "sequently": 20415, "\u0120121": 20416, "\u0120connects": 20417, "Cy": 20418, "\u0120Danger": 20419, "\u0120contributors": 20420, "\u0120Bent": 20421, "\u0120brass": 20422, "\u0120Guns": 20423, "into": 20424, "\u0120Fortune": 20425, "\u0120broker": 20426, "balance": 20427, "\u0120lengths": 20428, "\u0120vic": 20429, "\u0120averaging": 20430, "\u0120appropriately": 20431, "\u0120Camera": 20432, "\u0120sandwich": 20433, "\u0120CDC": 20434, "\u0120coordinate": 20435, "\u0120navig": 20436, "\u0120goodness": 20437, "laim": 20438, "\u0120brake": 20439, "\u0120extremist": 20440, "\u0120Wake": 20441, "\u0120Mend": 20442, "\u0120Tiny": 20443, "\u0120COL": 20444, "\u0120RF": 20445, "\u0120Dual": 20446, "\u0120Wine": 20447, "Case": 20448, "\u0120refined": 20449, "\u0120lamp": 20450, "Lead": 20451, "\u0120bapt": 20452, "\u0120Carb": 20453, "\u0120Sadd": 20454, "\u0120Minneapolis": 20455, "PDF": 20456, "Early": 20457, "\u0120Hidden": 20458, "Its": 20459, "\u0120TIME": 20460, "\u0120pap": 20461, "\u0120commissioned": 20462, "\u0120Few": 20463, "\u0120Colts": 20464, "\u0120Bren": 20465, "\u0120bothered": 20466, "\u0120likewise": 20467, "Exper": 20468, "\u0120Schw": 20469, "cry": 20470, "nn": 20471, "\u0120Mitch": 20472, "imon": 20473, "MG": 20474, "bm": 20475, "UMP": 20476, "rays": 20477, "\u0120registry": 20478, "\u0120270": 20479, "achine": 20480, "rella": 20481, "anting": 20482, "00000": 20483, "\u0120ruined": 20484, "spot": 20485, "\u0120ta": 20486, "\u0120maximize": 20487, "\u0120inconven": 20488, "Dead": 20489, "Human": 20490, "Enabled": 20491, "\u0120Marie": 20492, "\u0120chill": 20493, "\u0120Paradise": 20494, "\u0120starring": 20495, "\u0120Latino": 20496, "\u0120Protocol": 20497, "\u0120EVER": 20498, "\u0120suppliers": 20499, "message": 20500, "\u0120Brock": 20501, "\u0120serum": 20502, "\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a": 20503, "\u0120encomp": 20504, "\u0120ambition": 20505, "uese": 20506, "\u0120arrows": 20507, "Andrew": 20508, "\u0120antenna": 20509, "\u01201961": 20510, "\u0120Bark": 20511, "\u0120bool": 20512, "\u00e3\u0124\u00aa": 20513, "\u0120Storage": 20514, "\u0120railway": 20515, "\u0120tougher": 20516, "\u0120Cad": 20517, "\u0120washing": 20518, "Py": 20519, "']": 20520, "embed": 20521, "\u0120Memphis": 20522, "ackle": 20523, "\u0120famously": 20524, "\u0120Fortunately": 20525, "ovies": 20526, "\u0120mindset": 20527, "\u0120sneak": 20528, "\u0120Dh": 20529, "RAW": 20530, "\u0120Simpson": 20531, "\u0120livest": 20532, "\u0120landmark": 20533, "\u0120cement": 20534, "Low": 20535, "\u0120thrilled": 20536, "\u0120Course": 20537, "inel": 20538, "\u0120chuck": 20539, "idate": 20540, "global": 20541, "\u0120whit": 20542, "\u0120\u00ef\u00bf\u00bd": 20543, "adays": 20544, "ski": 20545, "\u0120SV": 20546, "\u0120viruses": 20547, "306": 20548, "\u0120Respons": 20549, "\u0120theaters": 20550, "\u0120Branch": 20551, "\u0120Geneva": 20552, "\u0120MK": 20553, "\u0120unbeliev": 20554, "\u0120communist": 20555, "Original": 20556, "\u0120Received": 20557, "\u0120Transfer": 20558, "\u0120Arg": 20559, "Input": 20560, "\u0120Strategy": 20561, "\u0120palace": 20562, "thening": 20563, "Dri": 20564, "\u0120sentencing": 20565, "umbnail": 20566, "\u0120pins": 20567, "recy": 20568, "\u0120siblings": 20569, "Getting": 20570, "\u0120BU": 20571, "\u0120Northwest": 20572, "\u0120prolonged": 20573, "\u0120Sakura": 20574, "Comb": 20575, "\u0120Bour": 20576, "\u0120inadequate": 20577, "\u0120Kash": 20578, "\u0120username": 20579, "\u0120Improve": 20580, "\u0120battling": 20581, "\u0120MAC": 20582, "\u0120curriculum": 20583, "\u0120soda": 20584, "\u0120Cannon": 20585, "\u0120sensible": 20586, "spons": 20587, "December": 20588, "\u0120wicked": 20589, "\u0120Pengu": 20590, "\u0120dictators": 20591, "\u0120Hearts": 20592, "ogyn": 20593, "\u0120similarities": 20594, "\u0120Stats": 20595, "\u0120hollow": 20596, "itations": 20597, "\":[": 20598, "\u0120hover": 20599, "\u0120Listen": 20600, "sch": 20601, "Sund": 20602, "\u0120cad": 20603, "\u0120Parks": 20604, "\u0120lur": 20605, "\u0120hype": 20606, "\u0120Lem": 20607, "NAME": 20608, "isure": 20609, "Friday": 20610, "\u0120shoots": 20611, "\u0120closes": 20612, "\u0120db": 20613, "\u0120Ridge": 20614, "\u0120Different": 20615, "\u0120replies": 20616, "\u0120Broadway": 20617, "opers": 20618, "\u0120intoler": 20619, "\u0120Zeus": 20620, "akespe": 20621, "\u0120proprietary": 20622, "\u0120requesting": 20623, "\u0120controllers": 20624, "\u0120MIN": 20625, "imedia": 20626, "becca": 20627, "\u0120expans": 20628, "\u0120oils": 20629, "Bot": 20630, "\u0120Chand": 20631, "\u0120printer": 20632, "\u0120topped": 20633, "\u0120POL": 20634, "\u0120Earlier": 20635, "Social": 20636, "avin": 20637, "\u0120decreases": 20638, "\u0120Seb": 20639, "\u0120specifications": 20640, "\u0120Blast": 20641, "\u0120Kurt": 20642, "\u0120freel": 20643, "Brown": 20644, "\u0120dilig": 20645, "roe": 20646, "\u0120Problem": 20647, "\u0120Quad": 20648, "\u0120decentral": 20649, "\u0120Vector": 20650, "anut": 20651, "\u0120plugins": 20652, "\u0120Gregory": 20653, "\u0120fucked": 20654, "elines": 20655, "\u0120Ambassador": 20656, "take": 20657, "\u0120cleans": 20658, "ongyang": 20659, "Anonymous": 20660, "stro": 20661, "\"}": 20662, "aline": 20663, "\u0120Odd": 20664, "\u0120Eug": 20665, "216": 20666, "\u0120boil": 20667, "\u0120Powers": 20668, "\u0120nurses": 20669, "Obviously": 20670, "\u0120Technical": 20671, "\u0120exceeded": 20672, "ORS": 20673, "\u0120extremists": 20674, "\u0120traces": 20675, "expl": 20676, "\u0120comr": 20677, "\u0120Sach": 20678, ")/": 20679, "\u0120masks": 20680, "\u0120sci": 20681, "Bon": 20682, "\u0120regression": 20683, "wegian": 20684, "\u0120advisor": 20685, "itures": 20686, "\u0120Vo": 20687, "example": 20688, "\u0120Instruct": 20689, "\u0120siege": 20690, "\u0120reductions": 20691, "ptr": 20692, "\u0120statutory": 20693, "\u0120removes": 20694, "\u0120puck": 20695, "redits": 20696, "\u0120bee": 20697, "\u0120salad": 20698, "\u0120promotions": 20699, "\u0120Joshua": 20700, "withstanding": 20701, "ETH": 20702, "\u0120Cha": 20703, "imus": 20704, "\u0120expenditure": 20705, "aunting": 20706, "\u0120delighted": 20707, "\u0120155": 20708, "beh": 20709, "\u0120carpet": 20710, "\u0120Spart": 20711, "\u0120jungle": 20712, "lists": 20713, "\u0120bullying": 20714, "\u0120Nobel": 20715, "\u0120Glen": 20716, "\u0120referenced": 20717, "\u0120introduces": 20718, "sein": 20719, "\u0120chopped": 20720, "glass": 20721, "\u0120Wrest": 20722, "\u0120neutrality": 20723, "\u0120\u00e2\u013b": 20724, "\u0120investigator": 20725, "\u0120shelves": 20726, "\u0120unconstitutional": 20727, "\u0120reproduction": 20728, "\u0120merchant": 20729, "mia": 20730, "\u0120metrics": 20731, "\u0120explosives": 20732, "\u0120Sonia": 20733, "\u0120bodily": 20734, "\u0120thickness": 20735, "\u0120predominantly": 20736, "\u0120Ability": 20737, "\u0120monitored": 20738, "ICH": 20739, "\u0120].": 20740, "\u0120Martinez": 20741, "\u0120visibility": 20742, "\u0120queries": 20743, "\u0120genocide": 20744, "\u0120Warfare": 20745, "Query": 20746, "\u0120studios": 20747, "\u0120embry": 20748, "\u0120corridor": 20749, "\u0120cleaned": 20750, "complete": 20751, "\u0120MH": 20752, "\u0120enrollment": 20753, "INGS": 20754, "\u0120impacted": 20755, "\u0120disastrous": 20756, "\u0120Yun": 20757, "\u0120Claire": 20758, "\u0120Basically": 20759, "yt": 20760, "usterity": 20761, "\u0120indirectly": 20762, "wik": 20763, "\u0120dod": 20764, "\u0120Carr": 20765, "\u0120amp": 20766, "\u0120prohibit": 20767, "\u0120Initial": 20768, "\u0120Rd": 20769, "iji": 20770, "\u0120educate": 20771, "corn": 20772, "iott": 20773, "\u0120Beauty": 20774, "\u0120detective": 20775, "\u0120Conn": 20776, "since": 20777, "\u0120stagger": 20778, "\u0120obese": 20779, "\u0120bree": 20780, "ologic": 20781, "isse": 20782, "walker": 20783, "\u0120blades": 20784, "\u0120lawful": 20785, "func": 20786, "\u0120Behind": 20787, "\u0120appetite": 20788, "\u0120(*": 20789, "\u0120tennis": 20790, "\u0120offspring": 20791, "\u0120jets": 20792, "\u0120structured": 20793, "\u0120aforementioned": 20794, "Nov": 20795, "\u0120scaling": 20796, "fill": 20797, "\u0120stew": 20798, "\u0120curb": 20799, "\u0120Stephan": 20800, "edIn": 20801, "SF": 20802, "obic": 20803, "\u00e9\u0143\u0136": 20804, "oug": 20805, "\u0120MM": 20806, "\u0120genetically": 20807, "opez": 20808, "136": 20809, "\u0120umb": 20810, "ancers": 20811, "\u0120cohort": 20812, "\u0120merchandise": 20813, "\u0120imposing": 20814, "\u0120Legislature": 20815, "\u0120Archive": 20816, "ivia": 20817, "\u0120Naval": 20818, "\u0120offences": 20819, "\u0120miracle": 20820, "\u0120snapped": 20821, "\u0120foes": 20822, "\u0120extensively": 20823, "\u0120Raf": 20824, "\u0120cater": 20825, "edience": 20826, "Kit": 20827, "\u0120Bin": 20828, "\u0120recommends": 20829, "\u0120Cities": 20830, "\u0120rigid": 20831, "\u0120READ": 20832, "\u0120Noble": 20833, "\u0120Tian": 20834, "\u0120certificates": 20835, "antis": 20836, "oiler": 20837, "\u0120Buddhist": 20838, "did": 20839, "\u0120surveyed": 20840, "\u0120downward": 20841, "\u0120prints": 20842, "\u0120Motion": 20843, "ronics": 20844, "\u0120Sans": 20845, "ossibly": 20846, "uctions": 20847, "\u0120colonies": 20848, "\u0120Danish": 20849, "unit": 20850, "\u0120spoil": 20851, "\u0120advisory": 20852, "berries": 20853, "Plan": 20854, "\u0120specification": 20855, "ophers": 20856, "\u0120Resource": 20857, "\u0120shirts": 20858, "prisingly": 20859, "communications": 20860, "\u0120trivial": 20861, "\u0120mentioning": 20862, "isexual": 20863, "\u0120supplements": 20864, "\u0120supervision": 20865, "BP": 20866, "vor": 20867, "\u0120wit": 20868, "\u0120cooldown": 20869, "\u0120plaintiff": 20870, "\u0120Reviews": 20871, "\u0120Sri": 20872, "\u0120Mint": 20873, "\u0120Sugar": 20874, "\u0120afterward": 20875, "\u0120Priest": 20876, "\u0120Investment": 20877, "ogene": 20878, "\u0120Taking": 20879, "\u0120stretching": 20880, "\u0120inflammation": 20881, "\u0120Tehran": 20882, "\u0120lining": 20883, "\u0120freezing": 20884, "\u0120Entity": 20885, "\u0120inspiring": 20886, "special": 20887, "price": 20888, "\u0120sue": 20889, "\u0120Porter": 20890, "ounge": 20891, "ETA": 20892, "\u0120Derek": 20893, "\u0120Luis": 20894, "uo": 20895, "ymph": 20896, "\u0120exterior": 20897, "ihil": 20898, "\u0120Ashley": 20899, "inator": 20900, "\u0120nutrients": 20901, "\u0120Thrones": 20902, "\u0120finances": 20903, "\u0120Inspect": 20904, "\u0120specially": 20905, "\u0120Required": 20906, "\u0120PTS": 20907, "\u0120Violence": 20908, "ointed": 20909, "shots": 20910, "\u0120excerpt": 20911, "coon": 20912, "INS": 20913, "\u0120Gri": 20914, "\u0120recognised": 20915, "Week": 20916, "Young": 20917, "\u0120vom": 20918, "isle": 20919, "\u0120Curry": 20920, "\u0120Buddh": 20921, "\u0120notebook": 20922, "\u0120durable": 20923, "/?": 20924, "\u0120Gad": 20925, "\u0120Pupp": 20926, "\u0120forgive": 20927, "park": 20928, "\u0120personalities": 20929, "analysis": 20930, "clamation": 20931, "\u0120elevator": 20932, "\u0120warehouse": 20933, "\u0120Role": 20934, "unn": 20935, "\u0120illustration": 20936, "\u0120Scan": 20937, "\u0120atmospheric": 20938, "Import": 20939, "ANC": 20940, "ricted": 20941, "fu": 20942, "010": 20943, "\u0120arche": 20944, "\u0120rewarded": 20945, "akespeare": 20946, "\u0120internally": 20947, "\u0120RBI": 20948, "alker": 20949, "\u0120elephant": 20950, "owitz": 20951, "\u0120Pizza": 20952, "\u0120bipartisan": 20953, "\u00c3\u00a9s": 20954, "\u0120slowed": 20955, "\u0120Stark": 20956, "\u0120override": 20957, "OUS": 20958, "\u0120320": 20959, "undreds": 20960, "\u0120Deck": 20961, "\u0120Census": 20962, "bee": 20963, "146": 20964, "otor": 20965, "\u0120ip": 20966, "\u0120ub": 20967, "ocations": 20968, "\u0120Button": 20969, "rice": 20970, "\u0120cripp": 20971, "fff": 20972, "\u0120originated": 20973, "\u0120overwhelmed": 20974, "appa": 20975, "\u0120foremost": 20976, "\u00e2\u0122\u0133": 20977, "\u0120LEG": 20978, "release": 20979, "eatured": 20980, "atches": 20981, "\u0120reps": 20982, "\u0120lending": 20983, "\u0120Reference": 20984, "\u0120Client": 20985, "165": 20986, "venth": 20987, "Complete": 20988, "\u0120Patrol": 20989, "\u0120sworn": 20990, "cam": 20991, "\u0120shuttle": 20992, "\u0120Ralph": 20993, "\u0120hometown": 20994, "-,": 20995, "onal": 20996, "\u0120BP": 20997, "\u00e5\u0131": 20998, "\u0120persuade": 20999, "\u0120Alexand": 21000, "\u0120combines": 21001, "\u0120vivid": 21002, "\u0120Lag": 21003, "\u0120encoding": 21004, "\u0120salvation": 21005, "wen": 21006, "\u0120Recovery": 21007, "iya": 21008, "University": 21009, "\u0120Biden": 21010, "\u0120budgets": 21011, "\u0120Texans": 21012, "fits": 21013, "\u0120honored": 21014, "\u0120python": 21015, "TD": 21016, "###": 21017, "clone": 21018, "\u0120blink": 21019, "\u0120Liquid": 21020, "\u0120unemployed": 21021, "\u0120clashes": 21022, "\u0120Counsel": 21023, "\u0120directing": 21024, "\u0120punct": 21025, "\u0120Falcons": 21026, "\u0120shark": 21027, "\u0120Damascus": 21028, "\u0120jeans": 21029, "\u0120embark": 21030, "\u0120seize": 21031, "\u0120upwards": 21032, "280": 21033, "\u0120Ez": 21034, "\u0120Anything": 21035, "\u0120exotic": 21036, "lower": 21037, "\u0120Creator": 21038, "\u0120Um": 21039, "\u0120suburbs": 21040, "berger": 21041, "\u0120Wend": 21042, "\u0120mint": 21043, "\u0120XX": 21044, "\u0120Dro": 21045, "\u0120suffers": 21046, "\u0120herb": 21047, "tree": 21048, "\u0120fragile": 21049, "\u0120flooded": 21050, "\u0120Alcohol": 21051, "olean": 21052, "nyder": 21053, "\u0120KO": 21054, "Fram": 21055, "\u0120136": 21056, "\u0120owed": 21057, "\u0120Melee": 21058, "\u0120Hash": 21059, "\u0120whisk": 21060, "\u0120sudo": 21061, "rr": 21062, "Quick": 21063, "appro": 21064, "\u0120ii": 21065, "\u0120Examples": 21066, "hee": 21067, "\u0120promotes": 21068, "perature": 21069, "kar": 21070, "\u0120Honor": 21071, "\u0120sodium": 21072, "\u0120Lif": 21073, "rosso": 21074, "intendent": 21075, "\u0120correspondent": 21076, "Found": 21077, "secret": 21078, "\u0120identifies": 21079, "agne": 21080, "\u0120lou": 21081, "\u0120PP": 21082, "\u0120coincidence": 21083, "move": 21084, "\u0120militia": 21085, "\u0120infiltr": 21086, "\u0120Primary": 21087, "\u0120pitching": 21088, "\u0120Ib": 21089, "\u0120GOOD": 21090, "\u00e3\u0124\u00b8": 21091, "\u0120Wizards": 21092, "iral": 21093, "\u0120Venus": 21094, "RR": 21095, "\u0120\u00e2\u0122\u0137": 21096, "\u0120Casey": 21097, "\u0120sadly": 21098, "\u0120admire": 21099, "\u0120embarrassed": 21100, "cb": 21101, "Mel": 21102, "\u0120tubes": 21103, "\u0120beautifully": 21104, "\u0120Queensland": 21105, "Below": 21106, "rez": 21107, "quet": 21108, "pleasant": 21109, "\u0120\u00c2\u00ab": 21110, "Camp": 21111, "\u0120decisive": 21112, "1998": 21113, "\u0120Lamb": 21114, "utton": 21115, "hn": 21116, "\u0120Jagu": 21117, "aunder": 21118, "\u0120Cord": 21119, "\u0120clerk": 21120, "\u0120caffe": 21121, "\u0120wiped": 21122, "\u0120reim": 21123, "\u0120Mountains": 21124, "\u0120imprisoned": 21125, "\u0120develops": 21126, "\u0120Pra": 21127, "\u0120modeling": 21128, "Anyone": 21129, "ancel": 21130, "\u0120Sit": 21131, "\u0120shields": 21132, "\u0120lawn": 21133, "\u0120cardiovascular": 21134, "\u0120demonstrating": 21135, "\u0120parse": 21136, "\u0120Israelis": 21137, "\u0120euros": 21138, "143": 21139, "\u0120glorious": 21140, "inski": 21141, "ecd": 21142, "\u0120conditioning": 21143, "\u0120helpless": 21144, "\u0120microsc": 21145, "\u0120Harbor": 21146, "\u0120stakes": 21147, "\u0120260": 21148, "\u0120unequ": 21149, "\u0120Floyd": 21150, "\u0120damp": 21151, "\u0120apparatus": 21152, "\u0120Laws": 21153, "\u0120counters": 21154, "\u0120induce": 21155, "atable": 21156, "\u0120Ahmed": 21157, "\u0120slam": 21158, "November": 21159, "\u0120persist": 21160, "\u0120imminent": 21161, "\u00c3\u00a1n": 21162, "\u0120shred": 21163, "\u0120phases": 21164, "\u0120Edmonton": 21165, "\u0120Armstrong": 21166, "\u0120Meet": 21167, "\u0120Kitty": 21168, "\u00d1\u0122": 21169, "circ": 21170, "\u0120Adult": 21171, "\u0120arose": 21172, "\u0120Xen": 21173, "Dan": 21174, "gow": 21175, "\u0120superf": 21176, "\u0120Admir": 21177, "\u0120endure": 21178, "\u0120keyword": 21179, "yrus": 21180, "\u0120yarn": 21181, "\u0120pathway": 21182, "\u0120Hopkins": 21183, "midt": 21184, "\u0120censorship": 21185, "dependent": 21186, "\u0120instructor": 21187, "Sources": 21188, "\u0120toe": 21189, "\u0120balloon": 21190, "Nob": 21191, "\u0120swear": 21192, "\u0120Castro": 21193, "\u0120gloss": 21194, "\u0120Kavanaugh": 21195, "\u0120remarkably": 21196, "Photos": 21197, "\u0120Nom": 21198, "\u0120Southeast": 21199, "yers": 21200, "\u0120validation": 21201, "\u0120cannon": 21202, "\u0120Victory": 21203, "\u0120Pierre": 21204, "\u0120cautious": 21205, "Audio": 21206, "\u0120fetch": 21207, "\u0120Gift": 21208, "\u0120Hyp": 21209, "\u0120remedy": 21210, "ZE": 21211, "\u0120scent": 21212, "\u0120beard": 21213, "\u0120Rut": 21214, "-\"": 21215, "\u0120patents": 21216, "Hy": 21217, "\u0120unjust": 21218, "\u0120potato": 21219, "\u0120forthcoming": 21220, "\u0120chef": 21221, "\u0120Rift": 21222, "affe": 21223, "\u0120ROM": 21224, "\u0120Launch": 21225, "\u0120pads": 21226, "\u0120Neo": 21227, "\u0120onset": 21228, "\u0120squeeze": 21229, "safe": 21230, "\u0120prefix": 21231, "\u0120TM": 21232, "\u0120Nearly": 21233, "\u0120Clinical": 21234, "\u0120Mental": 21235, "otiation": 21236, "\u0120Unic": 21237, "antry": 21238, "\u0120Cir": 21239, "\u0120epit": 21240, "\u00c3\u00a6": 21241, "\u0120extracted": 21242, "versely": 21243, "riad": 21244, "\u0120strains": 21245, "\u0120tops": 21246, "\u0120poem": 21247, "\u0120Randy": 21248, "\u0120Maple": 21249, "THER": 21250, "upiter": 21251, "\u0120SSD": 21252, "\u013c\u00e9": 21253, "\u0120uncon": 21254, "pering": 21255, "\u0120slept": 21256, "iners": 21257, "\u0120underwater": 21258, "\u0120Evidence": 21259, "gone": 21260, "205": 21261, "\u0120historians": 21262, "\u0120synthesis": 21263, "\u0120frog": 21264, "basketball": 21265, "\u0120vibrant": 21266, "\u0120subord": 21267, "\u0120365": 21268, "\u0120Dial": 21269, "\u0120cooperate": 21270, "HAHA": 21271, "\u0120greeted": 21272, "158": 21273, "\u0120jazz": 21274, "\u0120intox": 21275, "\u0120Walking": 21276, "\u0120supervisor": 21277, "\u0120Fusion": 21278, "\u0120Mercedes": 21279, "send": 21280, "Ham": 21281, "sd": 21282, "nl": 21283, "\u0120tours": 21284, "\u0120FIFA": 21285, "\u0120culp": 21286, "gd": 21287, "304": 21288, "\u0120pleas": 21289, "\u0120illustrates": 21290, "\u0120Colombia": 21291, "\u0120highlighting": 21292, "\u0120Summary": 21293, "\u0120exposing": 21294, "\u0120Dru": 21295, "\u0120irony": 21296, "ritional": 21297, "\u0120Carroll": 21298, "\u0120Ellis": 21299, "Pict": 21300, "\u0120Rapt": 21301, "\u0120adapter": 21302, "\u0120unm": 21303, "\u0120corpse": 21304, "\u0120celebrities": 21305, "Den": 21306, "atum": 21307, "\u0120Apocalypse": 21308, "\u0120Wag": 21309, "lining": 21310, "\u0120hormones": 21311, "Rub": 21312, "\u0120Xi": 21313, "\u0120Vaults": 21314, "208": 21315, "alkyrie": 21316, "inosaur": 21317, "\u0120feeds": 21318, "vity": 21319, "\u0120defeating": 21320, "Wait": 21321, "\u0120emphasize": 21322, "\u0120Steelers": 21323, "yrinth": 21324, "leys": 21325, "\u0120Whenever": 21326, "Currently": 21327, "\u0120Clock": 21328, "\u0120collectively": 21329, "anyon": 21330, "\u0120JP": 21331, "\u0120mentality": 21332, "\u0120downloads": 21333, "\u0120surroundings": 21334, "\u0120Barnes": 21335, "\u0120flagship": 21336, "\u0120indicators": 21337, "\u0120grapp": 21338, "January": 21339, "\u0120Elemental": 21340, "\u0120Athena": 21341, "ibal": 21342, "\u0120sights": 21343, "\u0120capita": 21344, "\u0120Treaty": 21345, "\u0120voiced": 21346, "\u0120Gaz": 21347, "lette": 21348, "\u0120ya": 21349, "\u0120expired": 21350, "Legend": 21351, "Hot": 21352, "nature": 21353, "\u0120unstable": 21354, "\u0120280": 21355, "\u00c3\u00ba": 21356, "Comment": 21357, "ALE": 21358, "\u0120quests": 21359, "\u0120handler": 21360, "nis": 21361, "\u0120versatile": 21362, "\u0120conceal": 21363, "engeance": 21364, "\u0120Interactive": 21365, "\u0120obsessed": 21366, "\u0120Dogs": 21367, "\u0120cracked": 21368, "Sound": 21369, "sv": 21370, "\u0120Dylan": 21371, "roads": 21372, "fx": 21373, "\u0120Catholics": 21374, "\u0120Hag": 21375, "\u0120slammed": 21376, "\u0120glowing": 21377, "sale": 21378, "\u0120tissues": 21379, "\u0120Chi": 21380, "nee": 21381, "\u0120cher": 21382, "sic": 21383, "urrection": 21384, "\u0120bacon": 21385, "ulatory": 21386, ").\"": 21387, "\u0120irregular": 21388, "FORM": 21389, "assed": 21390, "\u0120intentional": 21391, "\u0120compensate": 21392, "\u0120Speaking": 21393, "\u0120Sets": 21394, "153": 21395, "\u0120conventions": 21396, "bands": 21397, "emade": 21398, "\u0120ecc": 21399, "\u0120Winston": 21400, "\u0120Assassin": 21401, "\u0120Belgian": 21402, "\u0120dependence": 21403, "\u0120niche": 21404, "\u0120bark": 21405, "\u0120Jazz": 21406, "\u0120disadvantage": 21407, "\u0120gasoline": 21408, "\u0120165": 21409, "\u00e7\u013c\u0126": 21410, "essa": 21411, "module": 21412, "angular": 21413, "OY": 21414, "\u0120Treatment": 21415, "itas": 21416, "olation": 21417, "\u0120Arnold": 21418, "\u0120feud": 21419, "\u0120Nest": 21420, "\u0120theatre": 21421, "ewater": 21422, "\u0120minors": 21423, "olicy": 21424, "\u0120Haven": 21425, "division": 21426, "\u0120trunk": 21427, "Far": 21428, "\u0120Pull": 21429, "\u0120capturing": 21430, "\u01201800": 21431, "\u0120Teen": 21432, "\u0120exempl": 21433, "\u0120clinics": 21434, "\u0120Burg": 21435, "\u0120substit": 21436, "\u0120payload": 21437, "\u0120Lav": 21438, "\u0120Troy": 21439, "\u0120Witness": 21440, "\u0120fragments": 21441, "\u0120passwords": 21442, "\u0120gospel": 21443, "\u0120Gin": 21444, "\u0120tenants": 21445, "olith": 21446, "Six": 21447, "Previous": 21448, "\u0120Ages": 21449, "\u0120Darwin": 21450, "\u0120blat": 21451, "\u0120empathy": 21452, "smith": 21453, "bag": 21454, "\u0120Echo": 21455, "\u0120Camb": 21456, "\u0120Madd": 21457, "\u0120Boo": 21458, "\u0120rede": 21459, "\u0120Burning": 21460, "\u0120smoothly": 21461, "\u0120Adrian": 21462, "\u0120Vampire": 21463, "\u0120Monsters": 21464, "steam": 21465, "Style": 21466, "Ma": 21467, "rea": 21468, "\u0120Dwar": 21469, "alyst": 21470, "ursor": 21471, "\u0120elimination": 21472, "\u0120crypto": 21473, "cht": 21474, "\u0120Eternal": 21475, "\u00e2\u0122\u00a6]": 21476, "\u0120Sorce": 21477, "Ill": 21478, "NER": 21479, "\u0120uh": 21480, "Conclusion": 21481, "wage": 21482, "\u0120respir": 21483, "\u0120reminis": 21484, "hetical": 21485, "\u0120gy": 21486, "\u0120utilized": 21487, "icidal": 21488, "\u01201900": 21489, "\u0120hunters": 21490, "\u0120Swan": 21491, "\u0120React": 21492, "\u0120visitor": 21493, "\u0120Thanksgiving": 21494, "308": 21495, "Posts": 21496, "\u0120hips": 21497, "1997": 21498, "omers": 21499, "\u0120knocking": 21500, "\u0120Vehicle": 21501, "\u0120til": 21502, "\u0120138": 21503, "\u0120mi": 21504, "\u0120Investigation": 21505, "\u0120Kenya": 21506, "\u0120casino": 21507, "\u0120motives": 21508, "\u0120regain": 21509, "rex": 21510, "\u0120weekends": 21511, "\u0120stabbed": 21512, "boro": 21513, "\u0120exploited": 21514, "\u0120HAVE": 21515, "\u0120Television": 21516, "cock": 21517, "\u0120preparations": 21518, "\u0120endeav": 21519, "\u0120Remote": 21520, "\u0120Maker": 21521, "\u0120Produ": 21522, "\u0120Evan": 21523, "\u0120informational": 21524, "\u0120Louisville": 21525, "154": 21526, "\u0120Dreams": 21527, "\u0120plots": 21528, "\u0120Runner": 21529, "\u0120hurting": 21530, "\u0120academy": 21531, "\u0120Montgomery": 21532, "nm": 21533, "\u0120Lanc": 21534, "\u0120Alz": 21535, "210": 21536, "elong": 21537, "\u0120retailer": 21538, "\u0120arising": 21539, "\u0120rebellion": 21540, "\u0120blonde": 21541, "played": 21542, "\u0120instrumental": 21543, "Cross": 21544, "\u0120retention": 21545, "\u0120therapeutic": 21546, "\u0120seas": 21547, "\u0120infantry": 21548, "\u0120Clint": 21549, "\u0120prompting": 21550, "\u0120bitch": 21551, "\u0120stems": 21552, "\u0120Kra": 21553, "\u0120thesis": 21554, "\u0120Bog": 21555, "rued": 21556, "\u0120kings": 21557, "\u0120clay": 21558, "ificent": 21559, "\u0120YES": 21560, "\u0120Thing": 21561, "\u0120Cubs": 21562, "veyard": 21563, "elsh": 21564, "inarily": 21565, "\u0120Ey": 21566, "\u0120Rolling": 21567, "\u0120evolving": 21568, "India": 21569, "\u0120recognizes": 21570, "\u0120graduation": 21571, "isers": 21572, "\u0120fertility": 21573, "\u0120Milan": 21574, "Command": 21575, "\u0120boxing": 21576, "\u01201943": 21577, "\u0120gluten": 21578, "\u0120Emir": 21579, "\u0120idol": 21580, "\u0120conceived": 21581, "\u0120Creation": 21582, "Merit": 21583, "uddy": 21584, "ussions": 21585, "\u0120Lieutenant": 21586, "ietal": 21587, "\u0120unchanged": 21588, "\u0120Scale": 21589, "\u0120Crimea": 21590, "balls": 21591, "atorial": 21592, "\u0120depths": 21593, "\u0120empirical": 21594, "\u0120transm": 21595, "\u0120unsafe": 21596, "missible": 21597, "comfort": 21598, "156": 21599, "\u0120mechanic": 21600, "002": 21601, "lins": 21602, "\u0120smoked": 21603, "Pos": 21604, "\u0120slowing": 21605, "\u0120lav": 21606, "Texas": 21607, "\u0120cheating": 21608, "\u0120Metropolitan": 21609, "ethyl": 21610, "\u0120discovering": 21611, "asse": 21612, "\u0120pencil": 21613, "\u0120Pyongyang": 21614, "\u0120closet": 21615, "\u0120Sheet": 21616, "\u0120Entry": 21617, "oustic": 21618, "\u0120myst": 21619, "erate": 21620, "ariat": 21621, "\u0120minerals": 21622, "\u0120musician": 21623, "\u0120Pul": 21624, "\u0120Maz": 21625, "249": 21626, "\u0120permissions": 21627, "\u0120iv": 21628, "enary": 21629, "ickers": 21630, "\u0120Bing": 21631, "hea": 21632, "enable": 21633, "\u0120griev": 21634, "\u0120asserted": 21635, "\u0120Colonel": 21636, "\u0120affidav": 21637, "wo": 21638, "\u0120seated": 21639, "\u0120Ride": 21640, "\u0120paintings": 21641, "\u0120Pix": 21642, "\u0120137": 21643, "ishi": 21644, "umbai": 21645, "gotten": 21646, "\u0120Earl": 21647, "\u0120inning": 21648, "\u0120census": 21649, "\u0120travelled": 21650, "\u0120Consult": 21651, "185": 21652, "bind": 21653, "\u0120simplicity": 21654, "\u0120overlooked": 21655, "\u0120Helpful": 21656, "\u0120monkey": 21657, "\u0120overwhelmingly": 21658, "Blood": 21659, "\u0120Flint": 21660, "\u0120Jama": 21661, "\u0120Present": 21662, "\u0120Rage": 21663, "\u0120TA": 21664, "ptive": 21665, "\u0120turnout": 21666, "wald": 21667, "\u0120Dolphins": 21668, "\u0120VPN": 21669, "\u0120onion": 21670, "\u0120crafting": 21671, "mma": 21672, "\u0120Mercury": 21673, "\u0120arrange": 21674, "\u0120alerts": 21675, "\u0120OT": 21676, "zbollah": 21677, "\u0120gases": 21678, "\u0120Richardson": 21679, "sal": 21680, "lar": 21681, "\u0120frost": 21682, "\u0120lowering": 21683, "\u0120acclaim": 21684, "\u0120startups": 21685, "\u0120Gain": 21686, "essment": 21687, "\u0120guardian": 21688, "\u00e4\u00ba\u00ba": 21689, "\u0120Pie": 21690, "\u0120Links": 21691, "\u0120merits": 21692, "\u0120awake": 21693, "\u0120parental": 21694, "\u0120exceeds": 21695, "\u0120idle": 21696, "\u0120Pilot": 21697, "\u0120eBay": 21698, "\u0120Accept": 21699, "ipeg": 21700, "Cam": 21701, "\u0120Kot": 21702, "\u0120traders": 21703, "olitics": 21704, "unker": 21705, "\u0120Pale": 21706, "osi": 21707, "anmar": 21708, "\u01201947": 21709, "\u0120Fell": 21710, "estial": 21711, "itating": 21712, "GF": 21713, "\u0120Sr": 21714, "ifted": 21715, "\u0120connector": 21716, "\u0120Bone": 21717, "illes": 21718, "260": 21719, "hma": 21720, "\u0120overlap": 21721, "\u0120GitHub": 21722, "\u0120cleaner": 21723, "\u0120Baptist": 21724, "\u0120WAS": 21725, "\u0120lungs": 21726, "\u00d1\u0123": 21727, "\u0120BUT": 21728, "\u0120cite": 21729, "\u0120pitched": 21730, "reatment": 21731, "\u0120trophies": 21732, "\u0120Nu": 21733, "386": 21734, "\u0120Pride": 21735, "\u0120attendees": 21736, "[]": 21737, "179": 21738, "\u0120spatial": 21739, "\u0120prizes": 21740, "\u0120Religion": 21741, "\u0120showcase": 21742, "\u0120Category": 21743, "vidia": 21744, "Target": 21745, "Property": 21746, "?,": 21747, "\u0120fusion": 21748, "pie": 21749, "\u0120UCLA": 21750, "\u0120soundtrack": 21751, "\u0120princess": 21752, "\u0120Caval": 21753, "should": 21754, "\u0120limbs": 21755, "Background": 21756, "\u0120lonely": 21757, "\u0120cores": 21758, "\u0120Tail": 21759, "sheet": 21760, "\u0120132": 21761, "Ra": 21762, "\u00e3\u0124\u00ab": 21763, "\u0120Bolt": 21764, "\u0120booked": 21765, "\u0120administer": 21766, "\u0120equals": 21767, "wy": 21768, "\u0120observing": 21769, "\u0120Baron": 21770, "\u0120Adobe": 21771, "\u0120virgin": 21772, "\u0120Socialist": 21773, "Move": 21774, "ghazi": 21775, "\u0120Linda": 21776, "212": 21777, "\u0120brewing": 21778, "\u0120merchants": 21779, "burse": 21780, "\u0120divor": 21781, "\u0120metals": 21782, "\u0120Ner": 21783, "\u0120sums": 21784, "\u0120Enemy": 21785, "\u0120envision": 21786, "\u0120granting": 21787, "\u0120Honey": 21788, "\u0120Skyrim": 21789, "\u0120socio": 21790, "graded": 21791, "\u0120selective": 21792, "WASHINGTON": 21793, "\u01201948": 21794, "\u0120Sirius": 21795, "\u0120Gross": 21796, "activity": 21797, "\u0120Ivan": 21798, "\u0120furious": 21799, "BSD": 21800, "\u0120Previous": 21801, "\u0120responsive": 21802, "\u0120charitable": 21803, "\u0120leaning": 21804, "\u0120Pew": 21805, "\u0120violates": 21806, "\\\\\\\\\\\\\\\\": 21807, "\u0120Coming": 21808, "wire": 21809, "\u0120poet": 21810, "\u0120resolutions": 21811, "command": 21812, "\u0120Portuguese": 21813, "\u0120nickname": 21814, "\u0120deaf": 21815, "February": 21816, "\u0120recognise": 21817, "\u0120entirety": 21818, "\u0120seasonal": 21819, "placed": 21820, "\u0120Telegraph": 21821, "\u0120microphone": 21822, "ouring": 21823, "\u0120grains": 21824, "\u0120governed": 21825, "\u0120postp": 21826, "\u0120Waters": 21827, "inement": 21828, "\u0120undocumented": 21829, "\u0120Comcast": 21830, "\u0120fox": 21831, "\u0120assaults": 21832, "reon": 21833, "many": 21834, "\u0120Jenkins": 21835, "\u0120Anyway": 21836, "\u0120assessments": 21837, "\u0120downs": 21838, "\u0120Mouse": 21839, "\u0120superb": 21840, "kt": 21841, "\u0120Dow": 21842, "\u0120taxation": 21843, "401": 21844, "\u0120smiles": 21845, "\u0120undertaken": 21846, "\u0120exh": 21847, "\u0120enthusiastic": 21848, "\u0120twent": 21849, "\u0120governmental": 21850, "\u0120autonomy": 21851, "\u0120Technologies": 21852, "\u0120Chain": 21853, "\u0120prevalent": 21854, "fb": 21855, "\u0120nicotine": 21856, "ogram": 21857, "job": 21858, "\u0120awaiting": 21859, "\u0120Menu": 21860, "\u0120deputies": 21861, "kov": 21862, "ishops": 21863, "Button": 21864, "\u0120Shanghai": 21865, "\u0120diesel": 21866, "\u0120Duck": 21867, "Ryan": 21868, "\u0120PCs": 21869, "NF": 21870, "jury": 21871, "ente": 21872, "\u0120inaccurate": 21873, "eddy": 21874, "Whatever": 21875, "\u0120showc": 21876, "\u0120Nad": 21877, "odus": 21878, "etr": 21879, "\u0120plaintiffs": 21880, "\u0120WOR": 21881, "\u0120Assange": 21882, "\u0120privat": 21883, "\u0120premiums": 21884, "\u0120tam": 21885, "URL": 21886, "\u0120elites": 21887, "\u0120Ranger": 21888, "ottenham": 21889, "\u0120Hoff": 21890, "\u0120Athens": 21891, "\u0120definite": 21892, "\u0120sighed": 21893, "\u0120evenly": 21894, "211": 21895, "\u0120Amber": 21896, "akia": 21897, "\u0120mailing": 21898, "\u0120crashing": 21899, "\u0120Confederate": 21900, "rugged": 21901, "Wal": 21902, "\u0120Depths": 21903, "\u0120juvenile": 21904, "\u0120reactor": 21905, "Introduction": 21906, "\u0120Deluxe": 21907, "1995": 21908, "\u0120Sanchez": 21909, "\u0120Mead": 21910, "ivable": 21911, ":-": 21912, "\u0120Planning": 21913, "\u0120Trap": 21914, "quin": 21915, "\u0120Protect": 21916, "vered": 21917, "Information": 21918, "\u0120kidney": 21919, "innamon": 21920, "las": 21921, "\u0120policing": 21922, "\u0120tolerate": 21923, "\u0120Qi": 21924, "\u0120biased": 21925, "Fort": 21926, "\u0120Ki": 21927, "save": 21928, "\u0120privileged": 21929, "\u0120beasts": 21930, "\u0120Glas": 21931, "\u0120Cinem": 21932, "\u0120comeback": 21933, "Sunday": 21934, "\u0120extinction": 21935, "hops": 21936, "\u0120transmit": 21937, "\u0120doubles": 21938, "\u0120Flat": 21939, "167": 21940, "\u0120disputed": 21941, "\u0120injustice": 21942, "foo": 21943, "Vict": 21944, "roleum": 21945, "\u0120Julie": 21946, "Context": 21947, "\u0120Rarity": 21948, "issue": 21949, "Component": 21950, "\u0120counseling": 21951, "anne": 21952, "dark": 21953, "\u0120objections": 21954, "uilt": 21955, "\u0120gast": 21956, "\u0120plac": 21957, "\u0120unused": 21958, "\u00e3\u0125\u0129": 21959, "\u0120Trial": 21960, "\u0120Jas": 21961, "hedral": 21962, "obb": 21963, "\u0120temporal": 21964, "\u0120PRO": 21965, "\u0120NW": 21966, "\u0120Anniversary": 21967, "Large": 21968, "\u0120therm": 21969, "\u0120david": 21970, "\u0120systemic": 21971, "\u0120Shir": 21972, "mut": 21973, "\u0120Nept": 21974, "address": 21975, "\u0120scanning": 21976, "\u0120understandable": 21977, "\u0120canvas": 21978, "Cat": 21979, "\u0120Zoo": 21980, "\u0120angels": 21981, "LO": 21982, "\u0120Statement": 21983, "\u0120Sig": 21984, "ovable": 21985, "\u0120Away": 21986, "sharing": 21987, "ocrats": 21988, "stated": 21989, "\u0120weighing": 21990, "Nor": 21991, "wild": 21992, "Bey": 21993, "\u0120astonishing": 21994, "\u0120Reynolds": 21995, "\u0120opener": 21996, "\u0120trainer": 21997, "\u0120surgical": 21998, "pn": 21999, "\u0120adjusting": 22000, "wheel": 22001, "\u0120frown": 22002, "ervative": 22003, "\u0120suspend": 22004, "Within": 22005, "tein": 22006, "\u0120obstacle": 22007, "\u0120liberties": 22008, "ymes": 22009, "\u0120uranium": 22010, "ansom": 22011, "anol": 22012, "uba": 22013, "\u0120Loss": 22014, "\u0120arous": 22015, "\u0120Henderson": 22016, "Wow": 22017, "spl": 22018, "cur": 22019, "\u0120\u00c2\u0143": 22020, "\u0120theirs": 22021, "Damage": 22022, "\u0120downloading": 22023, "\u0120discern": 22024, "\u0120Sto": 22025, "\u0120Fla": 22026, "\u0120hath": 22027, "\u0120Aj": 22028, "\u0120unpleasant": 22029, "European": 22030, "expensive": 22031, "\u0120screenshot": 22032, "\u0120UV": 22033, "\u0120allied": 22034, "\u0120Persian": 22035, "\u0120monopoly": 22036, "\u0120atom": 22037, "\u0120Redskins": 22038, "\"><": 22039, "\u0120cancell": 22040, "\u0120cinema": 22041, "131": 22042, "fair": 22043, "\u0120Alfred": 22044, "\u0120duck": 22045, "args": 22046, "223": 22047, "\u0120ISI": 22048, "\u0120signaling": 22049, "inar": 22050, "\u0120laughs": 22051, "\u0120forwards": 22052, "\u0120reckless": 22053, "\u0120listeners": 22054, "ativity": 22055, "\u0120vastly": 22056, "nant": 22057, "Less": 22058, "\u0120Hunting": 22059, "\u0120Scientific": 22060, "ITED": 22061, "\u0120knight": 22062, "\u0120HTC": 22063, "usa": 22064, "tmp": 22065, "\u0120rude": 22066, "\u0120Legendary": 22067, "\u0120arises": 22068, "Bad": 22069, "\u0120Claim": 22070, "peg": 22071, "\u0120realities": 22072, "Think": 22073, "\u0120\u00c2\u00b0": 22074, "\u0120rode": 22075, "\u0120strive": 22076, "\u0120anecd": 22077, "\u0120shorts": 22078, "\u0120hypothes": 22079, "\u0120coordinated": 22080, "\u0120Gandhi": 22081, "\u0120FPS": 22082, "RED": 22083, "\u0120susceptible": 22084, "\u0120shrink": 22085, "\u0120Chart": 22086, "Help": 22087, "\u0120ion": 22088, "deep": 22089, "ribes": 22090, "\u0120Kai": 22091, "\u0120Customer": 22092, "Summary": 22093, "\u0120cough": 22094, "wife": 22095, "\u0120lend": 22096, "\u0120positioning": 22097, "\u0120lottery": 22098, "\u0120Canyon": 22099, "\u0120fade": 22100, "\u0120bronze": 22101, "\u0120Kenny": 22102, "\u0120boasts": 22103, "\u0120Enhanced": 22104, "record": 22105, "\u0120emergence": 22106, "\u0120akin": 22107, "\u0120Bert": 22108, "itous": 22109, "\u00e2\u0138\u0133": 22110, "\u0120stip": 22111, "\u0120exchanged": 22112, "omore": 22113, "alsh": 22114, "\u0120reservoir": 22115, "\u0120standpoint": 22116, "WM": 22117, "\u0120initiate": 22118, "\u0120decay": 22119, "\u0120brewery": 22120, "\u0120terribly": 22121, "\u0120mortal": 22122, "levard": 22123, "\u0120revis": 22124, "NI": 22125, "elo": 22126, "\u0120confess": 22127, "\u0120MSNBC": 22128, "\u0120submissions": 22129, "Controller": 22130, "\u0120202": 22131, "\u0120Ruth": 22132, "});": 22133, "\u0120Azure": 22134, "\u0120.\"": 22135, "206": 22136, "\u0120Marketing": 22137, "\u0120laund": 22138, "iencies": 22139, "\u0120renowned": 22140, "\u0120Trou": 22141, "\u0120NGO": 22142, "blems": 22143, "\u0120terrified": 22144, "\u0120warns": 22145, "\u0120pert": 22146, "\u0120unsure": 22147, "480": 22148, "alez": 22149, "ultz": 22150, "\u0120Outside": 22151, "\u0120styl": 22152, "\u0120Underground": 22153, "\u0120panc": 22154, "\u0120dictionary": 22155, "\u0120foe": 22156, "riminal": 22157, "\u0120Norwegian": 22158, "\u0120jailed": 22159, "\u0120maternal": 22160, "\u00c3\u00a9e": 22161, "\u0120Lucy": 22162, "cop": 22163, "Cho": 22164, "\u0120unsigned": 22165, "\u0120Zelda": 22166, "\u0120Insider": 22167, "\u0120Continued": 22168, "\u0120133": 22169, "\u0120Naruto": 22170, "\u0120Majority": 22171, "169": 22172, "\u0120Wo": 22173, "\u00e3\u0124\u0135": 22174, "\u0120pastor": 22175, "\u0120informal": 22176, "\u00d0\u00bd": 22177, "anthrop": 22178, "join": 22179, "\u00e3\u0123\u0139": 22180, "itational": 22181, "NP": 22182, "\u0120Writing": 22183, "fn": 22184, "\u0120Bever": 22185, "195": 22186, "\u0120yelling": 22187, "\u0120drastically": 22188, "\u0120eject": 22189, "\u0120neut": 22190, "\u0120thrive": 22191, "\u0120Frequ": 22192, "oux": 22193, "\u0120possesses": 22194, "\u0120Senators": 22195, "\u0120DES": 22196, "\u0120Shakespeare": 22197, "\u0120Franco": 22198, "\u0120LB": 22199, "uchi": 22200, "\u0120incarn": 22201, "\u0120founders": 22202, "Function": 22203, "\u0120brightness": 22204, "\u0120BT": 22205, "\u0120whale": 22206, "\u0120Theater": 22207, "mass": 22208, "\u0120Doll": 22209, "Something": 22210, "\u0120echoed": 22211, "\u0120Hex": 22212, "crit": 22213, "afia": 22214, "\u0120goddess": 22215, "\u0120eleven": 22216, "\u0120Preview": 22217, "\u0120Aurora": 22218, "\u0120401": 22219, "ulsive": 22220, "\u0120Logan": 22221, "inburgh": 22222, "\u0120Centers": 22223, "\u0120ONLY": 22224, "\u0120Aid": 22225, "\u0120paradox": 22226, "\u0120hurd": 22227, "\u0120LC": 22228, "Due": 22229, "court": 22230, "\u0120offended": 22231, "\u0120evaluating": 22232, "\u0120Matthews": 22233, "\u0120tomb": 22234, "\u0120payroll": 22235, "\u0120extraction": 22236, "\u0120Hands": 22237, "ifi": 22238, "\u0120supernatural": 22239, "\u0120COMM": 22240, "]=": 22241, "dogs": 22242, "\u0120512": 22243, "\u0120Meeting": 22244, "Richard": 22245, "\u0120Maximum": 22246, "\u0120ideals": 22247, "Things": 22248, "mand": 22249, "\u0120Regardless": 22250, "\u0120humili": 22251, "buffer": 22252, "Little": 22253, "\u0120Dani": 22254, "\u0120Nak": 22255, "\u0120liberation": 22256, "\u0120Abe": 22257, "\u0120OL": 22258, "\u0120stuffed": 22259, "aca": 22260, "inda": 22261, "raphic": 22262, "\u0120mosqu": 22263, "\u0120campaigning": 22264, "\u0120occupy": 22265, "Squ": 22266, "rina": 22267, "\u0120Wel": 22268, "\u0120VS": 22269, "\u0120physic": 22270, "\u0120puls": 22271, "rint": 22272, "oaded": 22273, "ETF": 22274, "\u0120Archives": 22275, "\u0120venues": 22276, "hner": 22277, "\u0120Turbo": 22278, "\u0120lust": 22279, "\u0120appealed": 22280, "quez": 22281, "ilib": 22282, "\u0120Timothy": 22283, "\u0120omn": 22284, "dro": 22285, "\u0120obsession": 22286, "\u0120Savage": 22287, "1996": 22288, "Global": 22289, "Jes": 22290, "214": 22291, "\u0120sliding": 22292, "\u0120disappro": 22293, "\u0120Magical": 22294, "\u0120voluntarily": 22295, "gb": 22296, "aney": 22297, "\u0120prophet": 22298, "\u0120Rein": 22299, "\u0120Julia": 22300, "\u0120Worth": 22301, "aurus": 22302, "\u0120bounds": 22303, "ieu": 22304, ")))": 22305, "\u0120crore": 22306, "\u0120Citizen": 22307, "Sky": 22308, "\u0120columnist": 22309, "\u0120seekers": 22310, "ondo": 22311, "ISA": 22312, "\u0120Length": 22313, "\u0120nostalg": 22314, "\u0120newcom": 22315, "\u0120detrim": 22316, "entric": 22317, "375": 22318, "\u0120GE": 22319, "\u0120autop": 22320, "\u0120academics": 22321, "AppData": 22322, "\u0120Shen": 22323, "\u0120idiot": 22324, "\u0120Transit": 22325, "\u0120teaspoon": 22326, "Wil": 22327, "KO": 22328, "\u0120Comedy": 22329, ">,": 22330, "\u0120populated": 22331, "WD": 22332, "\u0120pigs": 22333, "\u0120Oculus": 22334, "\u0120sympathetic": 22335, "\u0120marathon": 22336, "198": 22337, "\u0120seizure": 22338, "sided": 22339, "\u0120dop": 22340, "irtual": 22341, "Land": 22342, "\u0120Floor": 22343, "osaurs": 22344, "...]": 22345, "\u0120los": 22346, "\u0120subsidiary": 22347, "EY": 22348, "\u0120Parts": 22349, "\u0120Stef": 22350, "\u0120Judiciary": 22351, "\u0120134": 22352, "\u0120mirrors": 22353, "\u0120ket": 22354, "times": 22355, "\u0120neurolog": 22356, "\u0120cav": 22357, "\u0120Guest": 22358, "\u0120tumor": 22359, "scill": 22360, "\u0120Lloyd": 22361, "Est": 22362, "\u0120clearer": 22363, "\u0120stereotypes": 22364, "\u0120dur": 22365, "nothing": 22366, "Reddit": 22367, "\u0120negotiated": 22368, "------------------------": 22369, "235": 22370, "\u0120flown": 22371, "\u0120Seoul": 22372, "\u0120Resident": 22373, "\u0120SCH": 22374, "\u0120disappearance": 22375, "\u0120Vince": 22376, "grown": 22377, "\u0120grabs": 22378, "ril": 22379, "\u0120Infinite": 22380, "\u0120Twenty": 22381, "\u0120pedestrian": 22382, "\u0120jersey": 22383, "\u0120Fur": 22384, "\u0120Infinity": 22385, "\u0120Elliott": 22386, "\u0120mentor": 22387, "\u0120morally": 22388, "\u0120obey": 22389, "secure": 22390, "iffe": 22391, "\u0120antibiotics": 22392, "angled": 22393, "\u0120Freeman": 22394, "\u0120Introduction": 22395, "Jun": 22396, "\u0120marsh": 22397, "icans": 22398, "\u0120EVENTS": 22399, "ochond": 22400, "Wall": 22401, "iculty": 22402, "\u0120misdemeanor": 22403, "\u0120ly": 22404, "Thomas": 22405, "\u0120Resolution": 22406, "\u0120animations": 22407, "\u0120Dry": 22408, "\u0120intercourse": 22409, "\u0120Newcastle": 22410, "\u0120Hog": 22411, "\u0120Equipment": 22412, "177": 22413, "\u0120territorial": 22414, "\u0120archives": 22415, "203": 22416, "Filter": 22417, "\u0120Munich": 22418, "\u0120commanded": 22419, "\u0120Wand": 22420, "\u0120pitches": 22421, "\u0120Croat": 22422, "\u0120ratios": 22423, "\u0120Mits": 22424, "\u0120accumulated": 22425, "\u0120Specifically": 22426, "\u0120gentleman": 22427, "acerb": 22428, "\u0120penn": 22429, "\u0120aka": 22430, "\u0120Fuk": 22431, "\u0120intervene": 22432, "\u0120Refuge": 22433, "\u0120Alzheimer": 22434, "\u0120succession": 22435, "ohan": 22436, "does": 22437, "Lord": 22438, "\u0120separat": 22439, "\u0120correspondence": 22440, "\u0120shiny": 22441, "Prior": 22442, "\u0120sulf": 22443, "\u0120miserable": 22444, "\u0120dedication": 22445, "().": 22446, "\u0120specialists": 22447, "\u0120defects": 22448, "\u0120Cult": 22449, "\u0120Xia": 22450, "\u0120jeopard": 22451, "\u0120Ore": 22452, "Ability": 22453, "\u0120lear": 22454, "\u0120ambitions": 22455, "\u0120BMI": 22456, "\u0120Arabs": 22457, "\u01201942": 22458, "\u0120preservation": 22459, "ificate": 22460, "\u0120ashamed": 22461, "loss": 22462, "\u0120Restaur": 22463, "\u0120resemble": 22464, "\u0120enrich": 22465, "\u0120KN": 22466, "\u0120Clan": 22467, "float": 22468, "\u0120playable": 22469, "ITT": 22470, "\u0120harmony": 22471, "arrison": 22472, "\u0120Weinstein": 22473, "were": 22474, "\u0120poisoning": 22475, "\u0120Comput": 22476, "\u0120WordPress": 22477, "major": 22478, "\u0120Valve": 22479, "Fan": 22480, "\u0120Throw": 22481, "\u0120Romans": 22482, "\u0120Depression": 22483, "ados": 22484, "\u0120tortured": 22485, "\u0120balancing": 22486, "bottom": 22487, "\u0120acquiring": 22488, "\u0120Monte": 22489, "ardi": 22490, "\u0120aura": 22491, "\u0120##": 22492, "\u0120Standing": 22493, "\u0120Atlas": 22494, "CF": 22495, "\u0120intrins": 22496, "\u0120Benghazi": 22497, "\u0120camping": 22498, "\u0120tapped": 22499, "blade": 22500, "strous": 22501, "\u0120Rabb": 22502, "\u0120Written": 22503, "tip": 22504, "\u0120Neigh": 22505, "sterdam": 22506, "\u0120Allow": 22507, "\u0120Healing": 22508, "\u0120Rhod": 22509, "num": 22510, "\u0120caffeine": 22511, "\u0120Percent": 22512, "\u0120boo": 22513, "\u0120apples": 22514, "305": 22515, "\u0120welcoming": 22516, "\u0120applaud": 22517, "\u0120austerity": 22518, "\u00c2\u00b1": 22519, "\u0120Reality": 22520, "efe": 22521, "\u00e5\u00ae": 22522, "\u0120sucks": 22523, "\u0120tabs": 22524, "\u0120PayPal": 22525, "\u0120backpack": 22526, "\u0120gifted": 22527, "abulary": 22528, "\u0120Scout": 22529, "irteen": 22530, "\u0120chin": 22531, "\u0120omitted": 22532, "\u0120negatively": 22533, "\u0120accessing": 22534, "\u0120Earn": 22535, "\u0120ambulance": 22536, "\u0120headphones": 22537, "\u0120205": 22538, "\u0120Refresh": 22539, "president": 22540, "\u0120Kitchen": 22541, "\u0120Entered": 22542, "\u0120Snyder": 22543, "005": 22544, "omical": 22545, "\u0120borrowed": 22546, "\u0120Nem": 22547, "\u0120aviation": 22548, "\u0120stall": 22549, "rimination": 22550, "\u0120uniforms": 22551, "itime": 22552, "\u0120Simmons": 22553, "energy": 22554, "ablished": 22555, "yy": 22556, "qualified": 22557, "\u0120rallies": 22558, "\u0120Stuart": 22559, "flight": 22560, "\u0120gangs": 22561, "rag": 22562, "\u0120vault": 22563, "lux": 22564, "\u0120Compar": 22565, "\u0120designation": 22566, "209": 22567, "\u0120Jos": 22568, "dollar": 22569, "zero": 22570, "\u0120wells": 22571, "303": 22572, "\u0120constituents": 22573, "\u0120heck": 22574, "\u0120cows": 22575, "\u0120commanders": 22576, "\u0120differential": 22577, "\u0120Catherine": 22578, "299": 22579, "\u0120valve": 22580, "\u0120brace": 22581, "\u0120perspectives": 22582, "cert": 22583, "fact": 22584, "icularly": 22585, "\u0120McN": 22586, "planes": 22587, "\u0120intric": 22588, "\u0120peas": 22589, "ovan": 22590, "\u0120tossed": 22591, "retch": 22592, "\u0120Lopez": 22593, "\u0120unfamiliar": 22594, "death": 22595, "\u0120Apart": 22596, "\u0120Chang": 22597, "\u0120relieved": 22598, "rophe": 22599, "\u0120airports": 22600, "\u0120freak": 22601, "util": 22602, "Mill": 22603, "\u0120Chin": 22604, "\u0120Owen": 22605, "male": 22606, "\u0120Broken": 22607, "\u0120Winds": 22608, "rob": 22609, "rising": 22610, "\u0120firefighters": 22611, "\u0120authoritarian": 22612, "\u0120148": 22613, "Bitcoin": 22614, "external": 22615, "\u0120browsers": 22616, "ichever": 22617, "orian": 22618, "\u0120unb": 22619, "\u0120poke": 22620, "\u0120Zot": 22621, "Mid": 22622, "\u0120Popular": 22623, "\u0120covert": 22624, "\u0120contributes": 22625, "\u0120650": 22626, "\u0120contention": 22627, "Gate": 22628, "\u0120consoles": 22629, "\u0120chromos": 22630, "\u0120IX": 22631, "\u0120visually": 22632, "\u0120Eisen": 22633, "\u0120jewelry": 22634, "\u0120delegation": 22635, "\u0120accelerate": 22636, "\u0120Riley": 22637, "\u0120slope": 22638, "\u0120indoor": 22639, "itially": 22640, "\u0120hugely": 22641, "\u0120tunnels": 22642, "\u0120fined": 22643, "\u0120directive": 22644, "\u0120forehead": 22645, "ustomed": 22646, "\u0120skate": 22647, "Music": 22648, "gas": 22649, "\u0120recognizing": 22650, "ambo": 22651, "\u0120overweight": 22652, "\u0120Grade": 22653, "\u00d9\u012c": 22654, "\u0120sounding": 22655, "\u0120locking": 22656, "\u0120REM": 22657, "Store": 22658, "\u0120excav": 22659, "\u0120Likewise": 22660, "\u0120Lights": 22661, "\u0120elbow": 22662, "\u0120Supply": 22663, "wic": 22664, "\u0120handsome": 22665, "1994": 22666, "Coll": 22667, "\u0120adequately": 22668, "\u0120Associate": 22669, "\u0120strips": 22670, "\u0120crackdown": 22671, "\u0120marvel": 22672, "\u0120Kun": 22673, "\u0120passages": 22674, "@@@@": 22675, "\u0120Tall": 22676, "\u0120thoughtful": 22677, "namese": 22678, "\u0120prostitution": 22679, "business": 22680, "\u0120ballistic": 22681, "personal": 22682, "cig": 22683, "izational": 22684, "Round": 22685, "\u0120\u00c2\u0142\u0120\u00c2\u0142\u0120\u00c2\u0142\u0120\u00c2\u0142": 22686, "\u0120Coleman": 22687, "\u0120admitting": 22688, "\u0120Plug": 22689, "\u0120bitcoins": 22690, "\u0120Suz": 22691, "\u0120fairness": 22692, "\u0120supplier": 22693, "\u0120catastrophic": 22694, "\u0120Helen": 22695, "oqu": 22696, "Marc": 22697, "\u0120Articles": 22698, "gie": 22699, "\u0120endangered": 22700, "\u0120destiny": 22701, "\u0120Volt": 22702, "olia": 22703, "axis": 22704, "\u0120cheat": 22705, "\u0120unified": 22706, "ICO": 22707, "quote": 22708, "302": 22709, "\u0120Sed": 22710, "\u0120suppression": 22711, "\u0120analyzing": 22712, "\u0120squat": 22713, "\u0120figuring": 22714, "\u0120coordinates": 22715, "\u0120chunks": 22716, "\u01201946": 22717, "\u0120subp": 22718, "\u0120wiki": 22719, "\u0120Forbes": 22720, "\u0120Jupiter": 22721, "\u0120Erik": 22722, "imer": 22723, "\u0120Commercial": 22724, "\\)": 22725, "\u0120legitimacy": 22726, "\u0120dental": 22727, "\u0120Mean": 22728, "\u0120deficits": 22729, "550": 22730, "Originally": 22731, "\u0120Horror": 22732, "\u0120contamination": 22733, "llah": 22734, "\u0120confisc": 22735, "\u0120Clare": 22736, "TB": 22737, "\u0120Failed": 22738, "aned": 22739, "\u0120ruler": 22740, "\u0120Controller": 22741, "\u0120feminists": 22742, "Fix": 22743, "gay": 22744, "207": 22745, "\u0120rabbit": 22746, "Third": 22747, "owntown": 22748, "\u0120glue": 22749, "\u0120volatile": 22750, "\u0120shining": 22751, "\u0120foll": 22752, "\u0120impaired": 22753, "\u0120supers": 22754, "\u00e6\u012a": 22755, "\u0120clutch": 22756, "\u013c\u00e9\u0128\u0134": 22757, "\u0120prolet": 22758, "\u0120(!": 22759, "\u0120yelled": 22760, "\u0120Kiev": 22761, "\u0120Ern": 22762, "\u0120Shock": 22763, "KB": 22764, "\u0120situated": 22765, "query": 22766, "\u0120Nas": 22767, "\u0120annex": 22768, "character": 22769, "\u0120Holiday": 22770, "\u0120automation": 22771, "\u0120Jill": 22772, "\u0120Remastered": 22773, "\u0120linem": 22774, "\u0120wilderness": 22775, "\u0120Horizon": 22776, "\u0120Guinea": 22777, "AZ": 22778, "\u0120mainland": 22779, "\u0120secrecy": 22780, "LEASE": 22781, "\u0120punk": 22782, "\u0120Province": 22783, "(),": 22784, "Speed": 22785, "\u0120handing": 22786, "\u0120Sebast": 22787, "Sir": 22788, "rase": 22789, "\u0120journals": 22790, "\u0120congest": 22791, "\u0120Tut": 22792, "irrel": 22793, "\u0120schizophrenia": 22794, "\u0120misogyn": 22795, "healthy": 22796, "Iron": 22797, "\u0120reacted": 22798, "-$": 22799, "252": 22800, "\u0120plural": 22801, "\u0120plum": 22802, "\u0120bargain": 22803, "\u0120grounded": 22804, "finder": 22805, "\u0120disse": 22806, "\u0120Laz": 22807, "OOD": 22808, "\u0120atroc": 22809, "Factory": 22810, "\u0120minions": 22811, "\u0120ori": 22812, "\u0120Brave": 22813, "\u0120PRE": 22814, "\u0120Myanmar": 22815, "\u0120Hod": 22816, "\u0120expedition": 22817, "\u0120explode": 22818, "\u0120Coord": 22819, "\u0120extr": 22820, "\u0120Brief": 22821, "\u0120ADHD": 22822, "\u0120hardcore": 22823, "feeding": 22824, "\u0120dile": 22825, "\u0120Fruit": 22826, "\u0120vaccination": 22827, "\u0120Mao": 22828, "osphere": 22829, "\u0120contests": 22830, "-|": 22831, "\u0120fren": 22832, "isphere": 22833, "Rom": 22834, "\u0120Sharp": 22835, "\u0120Trend": 22836, "\u0120disconnect": 22837, "\u00e2\u0122\u00a2\u00e2\u0122\u00a2": 22838, "\u0120persecution": 22839, "Earth": 22840, "\u0120healthier": 22841, "384": 22842, "\u0120cob": 22843, "\u0120Trinity": 22844, "OWS": 22845, "ANN": 22846, "\u0120specialty": 22847, "\u0120gru": 22848, "\u0120cooperative": 22849, "why": 22850, "Starting": 22851, "\u0120Issues": 22852, "stre": 22853, "ensor": 22854, "\u0120185": 22855, "Adv": 22856, "!?": 22857, "\u0120Revel": 22858, "emia": 22859, "\u0120Hulk": 22860, "\u0120celebrations": 22861, "\u0120Sou": 22862, "raud": 22863, "\u0120Klein": 22864, "\u0120unreal": 22865, "context": 22866, "\u0120partnerships": 22867, "\u0120adopting": 22868, "tical": 22869, "\u0120splash": 22870, "\u0120Hezbollah": 22871, "category": 22872, "cyclop": 22873, "xton": 22874, "\u0120Dot": 22875, "urdy": 22876, "tz": 22877, "\u0120envelope": 22878, "\u0120NL": 22879, "\u00e2\u0137": 22880, "\u0120wherein": 22881, "Spec": 22882, "184": 22883, "\u0120telev": 22884, "aliation": 22885, "\u0120myths": 22886, "\u00e5\u00b0": 22887, "\u0120rigorous": 22888, "\u0120communicating": 22889, "\u0120observer": 22890, "\u0120rehe": 22891, "\u0120Wash": 22892, "\u0120apologized": 22893, "\u0120Tin": 22894, "\u0120expenditures": 22895, "workers": 22896, "document": 22897, "\u0120hesitate": 22898, "\u0120Lenin": 22899, "\u0120unpredictable": 22900, "\u0120renewal": 22901, "cler": 22902, "okia": 22903, "\u0120CONT": 22904, "\u0120postseason": 22905, "Tokens": 22906, "\u0120exacerb": 22907, "\u0120betting": 22908, "\u0120147": 22909, "\u0120elevation": 22910, "Wood": 22911, "\u0120Solomon": 22912, "194": 22913, "004": 22914, "output": 22915, "\u0120redund": 22916, "\u0120Mumbai": 22917, "\u0120pH": 22918, "\u0120reproduce": 22919, "\u0120Duration": 22920, "MAX": 22921, "\u0120bog": 22922, "CBS": 22923, "\u0120Balance": 22924, "\u0120Sgt": 22925, "\u0120Recent": 22926, "\u0120cd": 22927, "\u0120popped": 22928, "\u0120incompet": 22929, "prop": 22930, "ayan": 22931, "guy": 22932, "Pacific": 22933, "\u0120tyr": 22934, "\u0120{{": 22935, "\u0120Mystic": 22936, "\u0120Dana": 22937, "\u0120masturb": 22938, "\u0120geometry": 22939, "\u00c3\u00a2": 22940, "\u0120Correct": 22941, "\u0120trajectory": 22942, "\u0120distracted": 22943, "\u0120foo": 22944, "\u0120Welsh": 22945, "Luc": 22946, "mith": 22947, "\u0120rugby": 22948, "\u0120respiratory": 22949, "\u0120triangle": 22950, "\u0120215": 22951, "\u0120undergraduate": 22952, "\u0120Superior": 22953, "changing": 22954, "_-": 22955, "\u0120rightly": 22956, "\u0120referee": 22957, "\u0120lucrative": 22958, "\u0120unauthorized": 22959, "\u0120resembles": 22960, "\u0120GNU": 22961, "\u0120Derby": 22962, "\u0120pathways": 22963, "\u0120Led": 22964, "\u0120endurance": 22965, "\u0120stint": 22966, "\u0120collector": 22967, "Fast": 22968, "\u0120dots": 22969, "\u0120nationals": 22970, "\u0120Securities": 22971, "\u0120whip": 22972, "Param": 22973, "\u0120learns": 22974, "Magic": 22975, "\u0120detailing": 22976, "moon": 22977, "\u0120broadcasting": 22978, "\u0120baked": 22979, "265": 22980, "holm": 22981, "\u0120Sah": 22982, "\u0120Hussein": 22983, "\u0120Courtesy": 22984, "174": 22985, "\u0120146": 22986, "\u0120geographic": 22987, "peace": 22988, "\u0120judging": 22989, "\u0120Stern": 22990, "Bur": 22991, "\u0120storyline": 22992, "Gun": 22993, "\u0120Stick": 22994, "245": 22995, "307": 22996, "\u00e3\u0124\u00b4\u00e3\u0125\u00b3": 22997, "\u0120Administrator": 22998, "\u0120burnt": 22999, "\u0120pave": 23000, "choes": 23001, "Exec": 23002, "\u0120campuses": 23003, "Result": 23004, "\u0120mutations": 23005, "\u0120Charter": 23006, "\u0120captures": 23007, "\u0120compares": 23008, "\u0120badge": 23009, "Scient": 23010, "\u0120erad": 23011, "iery": 23012, "oi": 23013, "ettes": 23014, "\u0120Estate": 23015, "\u0120strap": 23016, "\u0120proudly": 23017, "\u0120fried": 23018, "\u0120withdrawn": 23019, "\u0120Voy": 23020, "phony": 23021, "Items": 23022, "\u0120Pierce": 23023, "bard": 23024, "\u0120annotation": 23025, "anton": 23026, "illon": 23027, "Impro": 23028, "...)": 23029, "\u0120happier": 23030, "------": 23031, "adjust": 23032, "\u0120staffers": 23033, "\u0120activism": 23034, "\u0120perf": 23035, "\u0120alright": 23036, "Need": 23037, "\u0120commence": 23038, "\u0120opioid": 23039, "\u0120Amanda": 23040, "Es": 23041, "\u0120Pars": 23042, "\u0120Kaw": 23043, "Works": 23044, "248": 23045, "\u0120indo": 23046, "tc": 23047, "endant": 23048, "\u0120Moto": 23049, "\u0120legalization": 23050, "OTE": 23051, "\u0120tasked": 23052, "\u0120tsp": 23053, "\u0120ACTIONS": 23054, "166": 23055, "\u0120refreshing": 23056, "\u0120NR": 23057, "\u0120Perez": 23058, "\u0120infringement": 23059, "SY": 23060, "Listen": 23061, "inning": 23062, "ku": 23063, "\u0120rotate": 23064, "program": 23065, "arah": 23066, "Design": 23067, "\u0120(\u00c2\u00a3": 23068, "\u0120storing": 23069, "\u0120warrants": 23070, "\u0120judgement": 23071, "\u0120Brist": 23072, "usually": 23073, "photo": 23074, "\u0120Ran": 23075, "\u0120Pine": 23076, "\u0120outrageous": 23077, "\u0120Valentine": 23078, "luence": 23079, "\u0120Everybody": 23080, "Altern": 23081, "\u0120relevance": 23082, "\u0120terminated": 23083, "\u0120dessert": 23084, "\u0120fulfilled": 23085, "\u0120prosecuted": 23086, "\u0120Words": 23087, "\u0120migrant": 23088, "\u0120cultivation": 23089, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 23090, "idelity": 23091, "\u0120Vern": 23092, "\u0120Login": 23093, "\u0120metaphor": 23094, "\u0120Tip": 23095, "\u0120recruits": 23096, "\u0120Pig": 23097, "ribing": 23098, "\u0120enthusiasts": 23099, "exper": 23100, "\u0120frightening": 23101, "\u0120Hair": 23102, "anson": 23103, "strate": 23104, "\u0120hi": 23105, "Height": 23106, "\u0120owning": 23107, "none": 23108, "\u0120dislike": 23109, "\u0120knives": 23110, "pherd": 23111, "\u0120loudly": 23112, "\u0120APIs": 23113, "Display": 23114, "\u0120Lac": 23115, "\u0120USS": 23116, "abl": 23117, "verages": 23118, "Jew": 23119, "\u0120172": 23120, "\u0120Historical": 23121, "atoon": 23122, "\u0120Physics": 23123, "intern": 23124, "\u0120warmth": 23125, "\u0120topp": 23126, "DM": 23127, "\u0120gunman": 23128, "\u0120emperor": 23129, "odi": 23130, "\u00e3\u0125\u00a3": 23131, "inatory": 23132, "\u0120Rib": 23133, "\u0120131": 23134, "\u0120Saturn": 23135, "\u0120Shining": 23136, "\u0120waking": 23137, "Quotes": 23138, "\u0120comedian": 23139, "enberg": 23140, "\u00c2\u00bd": 23141, "\u0120believers": 23142, "\u0120paperwork": 23143, "custom": 23144, "\u0120lev": 23145, "\u0120lament": 23146, "\u0120pouring": 23147, "222": 23148, "political": 23149, "\u0120Supplement": 23150, "maid": 23151, "\u0120cruelty": 23152, "\u0120tread": 23153, "ysics": 23154, "Aw": 23155, "rites": 23156, "\u0120modifier": 23157, "\u0120Position": 23158, "Adam": 23159, "lb": 23160, "ubs": 23161, "\u0120imperfect": 23162, "\u0120clusters": 23163, "\u0120Engineer": 23164, "\u0120Cherry": 23165, "\u0120inauguration": 23166, "\u0120Sau": 23167, "\u0120embodiment": 23168, "\u0120Uncle": 23169, "\u0120overr": 23170, "\u0120explosions": 23171, "cule": 23172, "\u0120Princeton": 23173, "\u0120Andrea": 23174, "\u0120incorrectly": 23175, "\u0120earnest": 23176, "\u0120pilgr": 23177, "\u0120Sprint": 23178, "\u0120sleeve": 23179, "\u0120hears": 23180, "\u0120Amazing": 23181, "\u0120browsing": 23182, "agin": 23183, "\u0120homeland": 23184, "\u0120haw": 23185, "\u0120diving": 23186, "istered": 23187, "178": 23188, "\u0120bargaining": 23189, "\u0120Arcade": 23190, "\u0120delegate": 23191, "terson": 23192, "................................................................": 23193, "\u0120Jacksonville": 23194, "275": 23195, "\u0120stagn": 23196, "\u0120adam": 23197, "\u0120Sherman": 23198, "CB": 23199, "\u0120suburb": 23200, "\u0120Foods": 23201, "\u0120converting": 23202, "\u0120Arist": 23203, "\u0120chambers": 23204, "love": 23205, "\u0120amino": 23206, "\u0120Gan": 23207, "\u0120madness": 23208, "mc": 23209, "\u0120USE": 23210, "defined": 23211, "\u0120ultr": 23212, "indust": 23213, "\u0120wolves": 23214, "lance": 23215, "Additionally": 23216, "\u0120cracks": 23217, "asia": 23218, "\u0120Reason": 23219, "\u0120Pump": 23220, "\u0120accidental": 23221, "\u0120Laser": 23222, "\u0120Rid": 23223, "\u0120initialized": 23224, "elli": 23225, "\u0120unnamed": 23226, "\u0120noun": 23227, "\u0120Passed": 23228, "\u0120hostage": 23229, "\u0120Ethiop": 23230, "shirts": 23231, "\u0120unrel": 23232, "\u0120Embassy": 23233, "\u01201941": 23234, "\u0120atoms": 23235, "\u0120purported": 23236, "164": 23237, "\u0120Fi": 23238, "\u0120gallons": 23239, "\u0120Monica": 23240, "\u0120pg": 23241, "enment": 23242, "\u0120sorted": 23243, "\u0120Gospel": 23244, "\u0120heights": 23245, "\u0120traced": 23246, "\u0120undergoing": 23247, "Shell": 23248, "\u0120sacks": 23249, "\u0120proportions": 23250, "\u0120halluc": 23251, "Font": 23252, "acet": 23253, "\u0120warmer": 23254, "\u0120INTER": 23255, "\u0120grabbing": 23256, "Plug": 23257, "\u0120realization": 23258, "\u0120Burke": 23259, "\u0120enchant": 23260, "ATER": 23261, "\u0120Seed": 23262, "\u0120abundant": 23263, "FM": 23264, "\u0120civic": 23265, "Vs": 23266, "isi": 23267, "\u0120vow": 23268, "\u0120reper": 23269, "\u0120Partnership": 23270, "\u0120penetration": 23271, "\u0120axe": 23272, "\u0120shattered": 23273, "\u0120Zombies": 23274, "\u0120vinyl": 23275, "\u0120Alert": 23276, "eon": 23277, "\u0120obliged": 23278, "\u0120Illust": 23279, "\u0120Plaza": 23280, "\u0120Frontier": 23281, "\u0120davidjl": 23282, "\u0120Serial": 23283, "\u0120Hav": 23284, "\u0120Nutrition": 23285, "Bi": 23286, "\u0120\u00e2\u0138\u012a": 23287, "\u0120Jays": 23288, "linux": 23289, "\u0120hurry": 23290, "\u0120voy": 23291, "\u0120hopeless": 23292, "\u0120Stealth": 23293, "\u0120\u00e3\u0123": 23294, "essors": 23295, "ttle": 23296, "borg": 23297, "\u0120Safari": 23298, "fell": 23299, "\u0120wary": 23300, "due": 23301, "\u0120Above": 23302, "Ha": 23303, "ELL": 23304, "\u0120notor": 23305, "\u0120Won": 23306, "Too": 23307, "\u0120occupations": 23308, "\u0120possessions": 23309, "\u0120inviting": 23310, "\u0120predators": 23311, "\u0120accelerated": 23312, "\u0120157": 23313, "uterte": 23314, "\u0120Cube": 23315, "east": 23316, "account": 23317, "Give": 23318, "\u0120transplant": 23319, "redients": 23320, "idable": 23321, "\u0120screenshots": 23322, "\u0120Gund": 23323, "\u0120FS": 23324, "\u0120travelers": 23325, "\u0120sensory": 23326, "\u0120Fiat": 23327, "\u0120Rockets": 23328, "\u0130\u012d": 23329, "_{": 23330, "Friend": 23331, "\u0120charming": 23332, "ALS": 23333, "\u0120enjoyment": 23334, "mph": 23335, "\u01205000": 23336, "\u0120REG": 23337, "\u00d9\u0128": 23338, "bia": 23339, "\u0120compilation": 23340, "rost": 23341, "\u0120VP": 23342, "\u0120Schne": 23343, "2019": 23344, "\u0120copying": 23345, "MORE": 23346, "\u0120Flore": 23347, "falls": 23348, "215": 23349, "total": 23350, "\u0120disciples": 23351, "double": 23352, "\u0120exceeding": 23353, "\u0120smashed": 23354, "\u0120conceptual": 23355, "\u0120Romania": 23356, "\u0120Brent": 23357, "\u0120ICE": 23358, "\u0120Tou": 23359, "\u0120grap": 23360, "\u0120nails": 23361, "189": 23362, "\u00e3\u0125\u013a": 23363, "\u0120procure": 23364, "eur": 23365, "\u0120confirming": 23366, "\u0120Cec": 23367, "awi": 23368, "\u0120Eden": 23369, "\u0120ng": 23370, "\u0120engineered": 23371, "atics": 23372, "\u0120hooked": 23373, "\u0120disgusting": 23374, "\u0120Murder": 23375, "\u00e3\u0124\u00bf": 23376, "Library": 23377, "\u0120168": 23378, "Almost": 23379, "hematic": 23380, "Menu": 23381, "\u0120Notre": 23382, "\u0120Jur": 23383, "\u0120kidnapped": 23384, "\u0120hacker": 23385, "\u0120Jade": 23386, "\u0120creepy": 23387, "\u0120drawings": 23388, "\u0120Sponsor": 23389, "\u0120cyclists": 23390, "\u0120Goblin": 23391, "\u0120optimized": 23392, "\u0120staged": 23393, "\u0120McD": 23394, "between": 23395, "Age": 23396, "eno": 23397, "Sex": 23398, "\u0120Wide": 23399, "nings": 23400, "avis": 23401, "\u0120incapable": 23402, "\u0120Kob": 23403, "\u0120rewarding": 23404, "\u0120Lone": 23405, "olescent": 23406, "\u0120contracted": 23407, "\u0120sticky": 23408, "Jose": 23409, "Ball": 23410, "fest": 23411, "\u0120Input": 23412, "\u0120Recently": 23413, "\u0120tomat": 23414, "square": 23415, "Application": 23416, "\u0120nitrogen": 23417, "\u0120duplicate": 23418, "\u0120Recon": 23419, "\u0120Dear": 23420, "London": 23421, "\u0120intra": 23422, "\u0120dock": 23423, "\u0120outreach": 23424, "\u0120Million": 23425, "\u0120mammals": 23426, "ampton": 23427, "VAL": 23428, "\u0120snaps": 23429, "\u0120dos": 23430, "\u0120Whole": 23431, "\u0120Ready": 23432, "Try": 23433, "\u0120Winnipeg": 23434, "earance": 23435, "\u0120incurred": 23436, "renched": 23437, "\u0120NSW": 23438, "ilot": 23439, "raine": 23440, "\u0120cube": 23441, "got": 23442, "\u0120runway": 23443, "etermined": 23444, "\u0120Hawks": 23445, "\u0120survivor": 23446, "\u0120Wish": 23447, "\u0120Din": 23448, "\u0120DEF": 23449, "\u0120Vault": 23450, "187": 23451, "\u0120mushrooms": 23452, "\u0120crisp": 23453, "bey": 23454, "\u0120Discovery": 23455, "\u0120developmental": 23456, "\u0120paradigm": 23457, "\u0120chaotic": 23458, "\u0120Tsu": 23459, "\u0120333": 23460, "bons": 23461, "\u0120bacterial": 23462, "\u0120commits": 23463, "\u0120cosmic": 23464, "\u0120mega": 23465, "ocative": 23466, "\u0120Paint": 23467, "ophobic": 23468, "\u0120vain": 23469, "\u0120carved": 23470, "\u0120Thief": 23471, "\u0120Gul": 23472, "owship": 23473, "\u0120cites": 23474, "\u0120Edinburgh": 23475, "\u0120diminished": 23476, "\u0120acknowledges": 23477, "\u0120Kills": 23478, "\u0120microw": 23479, "\u0120Hera": 23480, "\u0120seniors": 23481, "\u0120whereby": 23482, "Hop": 23483, "atron": 23484, "\u0120unavailable": 23485, "\u0120Nate": 23486, "\u0120480": 23487, "\u0120slated": 23488, "\u0120Rebecca": 23489, "\u0120Battery": 23490, "\u0120grammar": 23491, "\u0120headset": 23492, "\u0120cursor": 23493, "\u0120excluding": 23494, "anye": 23495, "aundering": 23496, "ebin": 23497, "\u0120feasible": 23498, "\u0120Publishing": 23499, "\u0120Labs": 23500, "\u0120Cliff": 23501, "\u0120Ferrari": 23502, "\u0120pac": 23503, "visible": 23504, "marked": 23505, "pell": 23506, "\u0120polite": 23507, "\u0120staggering": 23508, "\u0120Galactic": 23509, "\u0120superst": 23510, "\u0120paran": 23511, "\u0120Officers": 23512, "\u00e3\u0122\u0123": 23513, "\u0120specifics": 23514, "ulus": 23515, "239": 23516, "\u0120Paste": 23517, "AMP": 23518, "\u0120Panama": 23519, "\u0120Delete": 23520, "anguard": 23521, "restrial": 23522, "\u0120heroic": 23523, "\u0120Dy": 23524, "\u00d8\u00a7\u00d9\u0126": 23525, "\u0120incumbent": 23526, "\u0120crunch": 23527, "tro": 23528, "\u0120scoop": 23529, "\u0120blogger": 23530, "\u0120sellers": 23531, "uren": 23532, "\u0120medicines": 23533, "\u0120Caps": 23534, "\u0120Animation": 23535, "oxy": 23536, "\u0120outward": 23537, "\u0120inquiries": 23538, "229": 23539, "\u0120psychologist": 23540, "\u0120Sask": 23541, "evil": 23542, "\u0120contaminated": 23543, "\u00e3\u0124\u00a8": 23544, "herence": 23545, "\u0120branded": 23546, "\u0120Abdul": 23547, "zh": 23548, "\u0120paragraphs": 23549, "\u0120mins": 23550, "\u0120correlated": 23551, "erb": 23552, "\u0120impart": 23553, "\u0120milestone": 23554, "\u0120Solutions": 23555, "otle": 23556, "\u0120undercover": 23557, "\u0120marched": 23558, "\u0120Chargers": 23559, "fax": 23560, "\u0120Secrets": 23561, "\u0120ruth": 23562, "weather": 23563, "\u0120feminine": 23564, "\u0120sham": 23565, "\u0120prestigious": 23566, "iggins": 23567, "\u0120sung": 23568, "history": 23569, "ettle": 23570, "ggie": 23571, "\u0120outdated": 23572, "oland": 23573, "\u0120perceptions": 23574, "\u0120Session": 23575, "\u0120Dodgers": 23576, "uj": 23577, "\u0120END": 23578, "Doc": 23579, "\u0120deficiency": 23580, "Grand": 23581, "\u0120Joker": 23582, "\u0120retrospect": 23583, "\u0120diagnostic": 23584, "\u0120harmless": 23585, "\u0120rogue": 23586, "\u0120Aval": 23587, "Equ": 23588, "\u0120transc": 23589, "\u0120Robertson": 23590, "\u0120Depending": 23591, "\u0120Burns": 23592, "ivo": 23593, "\u0120hostility": 23594, "Features": 23595, "\u0135\u013a": 23596, "\u0120discomfort": 23597, "\u0120LCD": 23598, "specified": 23599, "\u0120Expect": 23600, "340": 23601, "\u0120imperative": 23602, "\u0120Regular": 23603, "Chinese": 23604, "\u0120statewide": 23605, "\u0120symm": 23606, "\u0120loops": 23607, "\u0120autumn": 23608, "Nick": 23609, "\u0120shaping": 23610, "\u0120quot": 23611, "\u0120cherry": 23612, "\u0120Crossref": 23613, "\u00e8\u00a6\u013c\u00e9\u0128\u0134": 23614, "Standard": 23615, "heed": 23616, "\u0120Dell": 23617, "\u0120Vietnamese": 23618, "\u0120ost": 23619, "\u0120Valkyrie": 23620, "OA": 23621, "Assad": 23622, "\u0120rebound": 23623, "\u0120Traffic": 23624, "places": 23625, "\u00e6\u013a": 23626, "\u0120Buc": 23627, "172": 23628, "\u0120shelters": 23629, "\u0120insisting": 23630, "\u0120Certainly": 23631, "\u0120Kenneth": 23632, "\u0120TCP": 23633, "\u0120penal": 23634, "\u0120Replay": 23635, "heard": 23636, "\u0120dialect": 23637, "iza": 23638, "\u0120FY": 23639, "itcher": 23640, "\u0120DL": 23641, "\u0120spiral": 23642, "\u0120quarterbacks": 23643, "\u0120hull": 23644, "\u0120google": 23645, "\u0120todd": 23646, "\u0120Sterling": 23647, "\u0120Plate": 23648, "\u0120spying": 23649, "mbol": 23650, "\u0120Realm": 23651, "\u0120Proced": 23652, "\u0120Crash": 23653, "\u0120terminate": 23654, "\u0120protesting": 23655, "Center": 23656, "guided": 23657, "\u0120uncover": 23658, "\u0120boycott": 23659, "\u0120realizes": 23660, "sound": 23661, "\u0120pretending": 23662, "\u0120Vas": 23663, "1980": 23664, "\u0120framed": 23665, "\u0120139": 23666, "\u0120descended": 23667, "\u0120rehabilitation": 23668, "\u0120borrowing": 23669, "\u0120Buch": 23670, "\u0120blur": 23671, "Ron": 23672, "\u0120Frozen": 23673, "enza": 23674, "Chief": 23675, "\u0120Poor": 23676, "\u0120translates": 23677, "MIN": 23678, "\u0120212": 23679, "JECT": 23680, "\u0120erupted": 23681, "\u0120successes": 23682, "SEC": 23683, "\u0120plague": 23684, "\u0120gems": 23685, "doms": 23686, "\u0120stretches": 23687, "\u0120Spy": 23688, "\u0120storytelling": 23689, "Credit": 23690, "\u0120Push": 23691, "\u0120traction": 23692, "\u0120ineffective": 23693, "\u0120Luna": 23694, "\u0120tapes": 23695, "\u0120analytics": 23696, "ercise": 23697, "\u0120programmes": 23698, "\u0120Carbon": 23699, "\u0120behold": 23700, "heavy": 23701, "\u0120Conservation": 23702, "\u0120FIR": 23703, "\u0120sack": 23704, "termin": 23705, "ricks": 23706, "\u0120housed": 23707, "\u0120unusually": 23708, "Ice": 23709, "\u0120executing": 23710, "\u0120Moroc": 23711, "eday": 23712, "\u0120editions": 23713, "\u0120smarter": 23714, "\u0120BA": 23715, "\u0120outlaw": 23716, "\u0120vanished": 23717, "iba": 23718, "ALSE": 23719, "\u0120Silva": 23720, "238": 23721, "Could": 23722, "\u0120philosopher": 23723, "\u0120evacuated": 23724, "Secret": 23725, "142": 23726, "\u0120visas": 23727, "\u00e3\u0124\u00ac": 23728, "\u0120Malt": 23729, "\u0120Clearly": 23730, "\u0120Niger": 23731, "\u0120Cairo": 23732, "\u0120Fist": 23733, "380": 23734, "\u0120XML": 23735, "auto": 23736, "itant": 23737, "\u0120reinforced": 23738, "Record": 23739, "\u0120Survivor": 23740, "GHz": 23741, "\u0120screws": 23742, "parents": 23743, "\u0120oceans": 23744, "mares": 23745, "\u0120brakes": 23746, "vasive": 23747, "\u0120hello": 23748, "\u0120SIM": 23749, "rimp": 23750, "\u0120ore": 23751, "\u0120Armour": 23752, "247": 23753, "\u0120terrific": 23754, "\u0120tones": 23755, "141": 23756, "\u0120Minutes": 23757, "Episode": 23758, "\u0120curves": 23759, "\u0120inflammatory": 23760, "\u0120batting": 23761, "\u0120Beautiful": 23762, "Lay": 23763, "\u0120unpop": 23764, "vable": 23765, "\u0120riots": 23766, "\u0120Tactics": 23767, "baugh": 23768, "\u0120Cock": 23769, "\u0120orgasm": 23770, "\u0120Sas": 23771, "\u0120constructor": 23772, "etz": 23773, "Gov": 23774, "\u0120antagon": 23775, "\u0120theat": 23776, "\u0120deeds": 23777, "hao": 23778, "cuts": 23779, "\u0120McCl": 23780, "\u0120um": 23781, "\u0120Scientists": 23782, "\u0120grassroots": 23783, "yssey": 23784, "\"]=>": 23785, "\u0120surfaced": 23786, "\u0120shades": 23787, "\u0120neighbours": 23788, "\u0120advertis": 23789, "oya": 23790, "\u0120merged": 23791, "Upon": 23792, "\u0120gad": 23793, "\u0120anticipate": 23794, "Anyway": 23795, "\u0120slogan": 23796, "\u0120disrespect": 23797, "Iran": 23798, "\u0120TB": 23799, "acted": 23800, "\u0120subpoen": 23801, "mediately": 23802, "OOOO": 23803, "\u0120waiver": 23804, "\u0120vulnerabilities": 23805, "ottesville": 23806, "\u0120Huffington": 23807, "Josh": 23808, "\u0120DH": 23809, "Monday": 23810, "\u0120Ellen": 23811, "Know": 23812, "xon": 23813, "items": 23814, "228": 23815, "\u0120fills": 23816, "\u0120Nike": 23817, "\u0120cumulative": 23818, "andals": 23819, "Ir": 23820, "\u0120\u00ec": 23821, "\u0120friction": 23822, "igator": 23823, "\u0120scans": 23824, "\u0120Vienna": 23825, "ldom": 23826, "\u0120performers": 23827, "Prim": 23828, "\u0120bidding": 23829, "Mur": 23830, "\u0120leaned": 23831, "\u0120Prix": 23832, "alks": 23833, "\u0120[\u00e2\u0122\u00a6]": 23834, "\u0120Twitch": 23835, "\u0120Developer": 23836, "\u0120Gir": 23837, "\u0120callback": 23838, "Abstract": 23839, "\u0120accustomed": 23840, "\u0120freedoms": 23841, "\u0120PG": 23842, "uracy": 23843, "\u0120lump": 23844, "isman": 23845, ",,,,": 23846, "1992": 23847, "\u0120RED": 23848, "\u0120worm": 23849, "Match": 23850, "\u0120Platinum": 23851, "IJ": 23852, "\u0120Owner": 23853, "Trivia": 23854, "compl": 23855, "\u0120newborn": 23856, "\u0120fantas": 23857, "Own": 23858, "\u01201959": 23859, "\u0120sympath": 23860, "\u0120ubiqu": 23861, "\u0120outputs": 23862, "\u0120allev": 23863, "\u0120prag": 23864, "Kevin": 23865, "\u0120favors": 23866, "\u0120burial": 23867, "\u0120nurt": 23868, "solete": 23869, "cache": 23870, "\u0120156": 23871, "\u0120unlocks": 23872, "techn": 23873, "Making": 23874, "\u0120conquer": 23875, "adic": 23876, "\u00e6\u0138": 23877, "\u0120elf": 23878, "\u0120electorate": 23879, "\u0120Kurds": 23880, "\u0120Stack": 23881, "\u0120Samurai": 23882, "\u0120\u00e2\u013a\u0127": 23883, "\u0120{}": 23884, "\u0120Said": 23885, "\u0120Fallout": 23886, "\u0120kindness": 23887, "\u0120Customs": 23888, "\u0120Boulevard": 23889, "\u0120helicopters": 23890, "otics": 23891, "\u0120Veget": 23892, "comment": 23893, "\u0120criticised": 23894, "\u0120polished": 23895, "\u0120Remix": 23896, "\u0120Cultural": 23897, "\u0120recons": 23898, "\u0120doi": 23899, "atem": 23900, "Screen": 23901, "\u0120barred": 23902, "Comments": 23903, "\u0120Generally": 23904, "\u0120slap": 23905, "720": 23906, "Vari": 23907, "pine": 23908, "\u0120empt": 23909, "\u0120hats": 23910, "\u0120Playing": 23911, "lab": 23912, "average": 23913, "forms": 23914, "\u0120Cotton": 23915, "\u0120cans": 23916, "\u0120DON": 23917, "\u0120Somalia": 23918, "Crypt": 23919, "\u0120Increases": 23920, "Ever": 23921, "modern": 23922, "\u0120surgeon": 23923, "3000": 23924, "\u0120randomized": 23925, "================================================================": 23926, "Bern": 23927, "impl": 23928, "\u0120COR": 23929, "\u0120proclaim": 23930, "thouse": 23931, "\u0120toes": 23932, "\u0120ample": 23933, "\u0120preserving": 23934, "\u0120disbel": 23935, "grand": 23936, "Besides": 23937, "\u0120silk": 23938, "\u0120Pattern": 23939, "hm": 23940, "\u0120enterprises": 23941, "\u0120affidavit": 23942, "\u0120Advisory": 23943, "\u0120advertised": 23944, "\u0120Religious": 23945, "sections": 23946, "psych": 23947, "\u0120Fields": 23948, "aways": 23949, "\u0120hashtag": 23950, "\u0120Nightmare": 23951, "\u0120vampire": 23952, "\u0120forensic": 23953, "rossover": 23954, "nar": 23955, "\u0120navy": 23956, "\u0120vacant": 23957, "\u0120Duel": 23958, "\u0120hallway": 23959, "\u0120facebook": 23960, "identally": 23961, "\u0120NRA": 23962, "\u0120matt": 23963, "\u0120hurricane": 23964, "\u0120Kirby": 23965, "\u0120Puzzle": 23966, "\u0120skirt": 23967, "oust": 23968, "dullah": 23969, "\u0120analogy": 23970, "inion": 23971, "\u0120tomatoes": 23972, "\u0120NV": 23973, "\u0120Peak": 23974, "\u0120Meyer": 23975, "\u0120appointments": 23976, "\u0120masc": 23977, "\u0120alley": 23978, "rehend": 23979, "\u0120charities": 23980, "\u0120undo": 23981, "\u0120destinations": 23982, "\u0120Testing": 23983, "\">\"": 24618, "cats": 24619, "*.": 24620, "\u0120gestures": 24621, "general": 24622, "League": 24623, "\u0120packets": 24624, "\u0120Inspector": 24625, "\u0120Berg": 24626, "\u0120fraudulent": 24627, "\u0120criticize": 24628, "Fun": 24629, "\u0120blaming": 24630, "ndra": 24631, "\u0120slash": 24632, "\u0120Eston": 24633, "\u0120proposing": 24634, "\u0120whales": 24635, "\u0120therapist": 24636, "\u0120subset": 24637, "\u0120leisure": 24638, "ELD": 24639, "\u0120CVE": 24640, "\u0120Activity": 24641, "\u0120culmin": 24642, "shop": 24643, "\u0120DAY": 24644, "ischer": 24645, "\u0120Admiral": 24646, "\u0120Attacks": 24647, "\u01201958": 24648, "\u0120memoir": 24649, "\u0120folded": 24650, "\u0120sexist": 24651, "\u0120153": 24652, "\u0120LI": 24653, "\u0120readings": 24654, "\u0120embarrassment": 24655, "\u0120Employment": 24656, "wart": 24657, "chin": 24658, "\u0120continuation": 24659, "lia": 24660, "Recently": 24661, "\u0120duel": 24662, "\u0120evacuation": 24663, "\u0120Kashmir": 24664, "\u0120disposition": 24665, "\u0120Rig": 24666, "\u0120bolts": 24667, "\u0120insurers": 24668, "467": 24669, "Mex": 24670, "\u0120retaliation": 24671, "\u0120misery": 24672, "\u0120unreasonable": 24673, "raining": 24674, "Imm": 24675, "\u0120PU": 24676, "emer": 24677, "\u0120genital": 24678, "\u00e3\u0124\u00b3": 24679, "\u0120Candy": 24680, "\u0120onions": 24681, "\u0120Patt": 24682, "liner": 24683, "\u0120conceded": 24684, "\u0120fa": 24685, "\u0120forc": 24686, "\u0120Hernandez": 24687, "\u0120Geoff": 24688, "debian": 24689, "\u0120Teams": 24690, "\u0120cries": 24691, "\u0120homeowners": 24692, "237": 24693, "ABC": 24694, "\u0120stitch": 24695, "\u0120statistic": 24696, "\u0120headers": 24697, "\u0120Biology": 24698, "\u0120motors": 24699, "\u0120GEN": 24700, "\u0120Lip": 24701, "\u0120hates": 24702, "\u0120heel": 24703, "Self": 24704, "ipl": 24705, "EDIT": 24706, "orting": 24707, "\u0120annot": 24708, "\u0120Speech": 24709, "oldemort": 24710, "\u0120Javascript": 24711, "\u0120LeBron": 24712, "\u0120footprint": 24713, "\u0120fn": 24714, "\u0120seizures": 24715, "nas": 24716, "hide": 24717, "\u01201954": 24718, "\u0120Bee": 24719, "\u0120Declaration": 24720, "\u0120Katie": 24721, "\u0120reservations": 24722, "NR": 24723, "female": 24724, "\u0120saturated": 24725, "\u0120biblical": 24726, "\u0120trolls": 24727, "Device": 24728, "photos": 24729, "\u0120drums": 24730, "\u00e3\u0125\u012b\u00e3\u0125\u00a9\u00e3\u0124\u00b4\u00e3\u0125\u00b3": 24731, "Night": 24732, "fighter": 24733, "\u0120Hak": 24734, "riber": 24735, "\u0120cush": 24736, "\u0120disciplinary": 24737, "baum": 24738, "\u0120GH": 24739, "\u0120Schmidt": 24740, "ilibrium": 24741, "\u0120sixty": 24742, "\u0120Kushner": 24743, "rots": 24744, "\u0120pund": 24745, "\u0120Rac": 24746, "\u0120springs": 24747, "\u0120conve": 24748, "Business": 24749, "Fall": 24750, "\u0120qualifications": 24751, "\u0120verses": 24752, "\u0120narciss": 24753, "\u0120Koh": 24754, "\u0120Wow": 24755, "\u0120Charlottesville": 24756, "edo": 24757, "\u0120interrogation": 24758, "\u0120Wool": 24759, "365": 24760, "Brian": 24761, "\u0120\u00e2\u013e\u0135": 24762, "\u0120alleges": 24763, "onds": 24764, "idation": 24765, "\u0120Jackie": 24766, "yu": 24767, "\u0120lakes": 24768, "\u0120worthwhile": 24769, "\u0120crystals": 24770, "\u0120Juda": 24771, "\u0120comprehend": 24772, "\u0120flush": 24773, "\u0120absorption": 24774, "\u0120OC": 24775, "\u0120frightened": 24776, "\u0120Chocolate": 24777, "Martin": 24778, "\u0120buys": 24779, "\u0120bucks": 24780, "\u0120appell": 24781, "\u0120Championships": 24782, "\u0120listener": 24783, "\u0120Defensive": 24784, "\u0120cz": 24785, "uds": 24786, "\u0120Mate": 24787, "\u0120replay": 24788, "\u0120decorated": 24789, "\u0120sunk": 24790, "\u0120VIP": 24791, "\u0120Ank": 24792, "\u0120195": 24793, "aaaa": 24794, "Nobody": 24795, "\u0120Milk": 24796, "\u0120Gur": 24797, "\u0120Mk": 24798, "\u0120Sara": 24799, "\u0120seating": 24800, "\u0120Wid": 24801, "Track": 24802, "\u0120employs": 24803, "\u0120gigantic": 24804, "APP": 24805, "\u00e3\u0124\u00a7": 24806, "inventory": 24807, "\u0120towel": 24808, "atche": 24809, "lasting": 24810, "\u0120TL": 24811, "\u0120latency": 24812, "\u0120kne": 24813, "Ber": 24814, "meaning": 24815, "\u0120upheld": 24816, "\u0120playground": 24817, "\u0120mant": 24818, "Side": 24819, "\u0120stereo": 24820, "\u0120northwest": 24821, "\u0120exceptionally": 24822, "\u0120rays": 24823, "\u0120recurring": 24824, "Drive": 24825, "\u0120upright": 24826, "\u0120abduct": 24827, "\u0120Marathon": 24828, "\u0120goodbye": 24829, "\u0120alphabet": 24830, "hp": 24831, "\u0120courtroom": 24832, "rington": 24833, "othing": 24834, "Tag": 24835, "\u0120diplomats": 24836, "\u0120barbar": 24837, "\u0120Aqua": 24838, "183": 24839, "3333": 24840, "\u0120maturity": 24841, "\u0120instability": 24842, "\u0120Apache": 24843, "\u0120===": 24844, "\u0120fasting": 24845, "\u0120Grid": 24846, "ModLoader": 24847, "\u0120152": 24848, "Abs": 24849, "\u0120Operating": 24850, "etti": 24851, "\u0120acquaint": 24852, "Donnell": 24853, "\u0120Kem": 24854, "\u0120Forge": 24855, "\u0120armored": 24856, "Mil": 24857, "\u0120philosophers": 24858, "invest": 24859, "Players": 24860, "\u00e2\u012a": 24861, "\u0120myriad": 24862, "\u0120comrades": 24863, "Rot": 24864, "\u0120remembering": 24865, "\u0120corresponds": 24866, "\u0120programmers": 24867, "\u0120Lynn": 24868, "\u0120olig": 24869, "\u0120coherent": 24870, "ynchron": 24871, "\u0120Chemical": 24872, "\u0120jugg": 24873, "pair": 24874, "posts": 24875, "Eye": 24876, "\u0120Inner": 24877, "\u0120semester": 24878, "ottest": 24879, "\u0120Emirates": 24880, "ricanes": 24881, "orously": 24882, "mits": 24883, "\u0120Wis": 24884, "\u0120dodge": 24885, "location": 24886, "\u0120faded": 24887, "Amazon": 24888, "\u0120Proceed": 24889, "\u0120INFO": 24890, "journal": 24891, "\u0120Truck": 24892, "Ten": 24893, "\u0120217": 24894, "\u0120statutes": 24895, "mobile": 24896, "\u0120Types": 24897, "Recomm": 24898, "buster": 24899, "pex": 24900, "\u0120legends": 24901, "\u0120headache": 24902, "faced": 24903, "\u0120WiFi": 24904, "ifty": 24905, "\u0120HER": 24906, "\u0120circuits": 24907, "ERROR": 24908, "226": 24909, "olin": 24910, "\u0120cylinder": 24911, "ospace": 24912, "ikers": 24913, "Prem": 24914, "Quant": 24915, "\u0120conflicting": 24916, "\u0120slightest": 24917, "\u0120forged": 24918, "ionage": 24919, "Stephen": 24920, "\u0120Kub": 24921, "\u0120Opportun": 24922, "\u0120Heal": 24923, "\u0120blo": 24924, "\u0120rulers": 24925, "\u0120huh": 24926, "\u0120submarine": 24927, "fy": 24928, "asser": 24929, "\u0120allowance": 24930, "\u0120Kasich": 24931, "\u0120Tas": 24932, "\u0120Australians": 24933, "ForgeModLoader": 24934, "\u0120\u00e2\u0128\u0133": 24935, "\u0120Matrix": 24936, "amins": 24937, "\u01201200": 24938, "\u0120Acqu": 24939, "236": 24940, "Document": 24941, "\u0120Breaking": 24942, "193": 24943, "\u0120Subst": 24944, "\u0120Roller": 24945, "\u0120Properties": 24946, "\u0120NI": 24947, "tier": 24948, "\u0120crushing": 24949, "\u0120advocating": 24950, "Furthermore": 24951, "keepers": 24952, "\u0120sexism": 24953, "xd": 24954, "\u0120caller": 24955, "\u0120Sense": 24956, "chieve": 24957, "\u0120TF": 24958, "\u0120fueled": 24959, "\u0120reminiscent": 24960, "\u0120obsess": 24961, "urst": 24962, "\u0120uphold": 24963, "\u0120Fans": 24964, "hetics": 24965, "\u0120\u00e2\u0139": 24966, "\u0120Bath": 24967, "\u0120beverage": 24968, "\u0120oscill": 24969, "254": 24970, "\u0120poles": 24971, "\u0120gradual": 24972, "\u0120exting": 24973, "\u0120Suff": 24974, "\u0120Suddenly": 24975, "\u0120liking": 24976, "\u01201949": 24977, "unciation": 24978, "amination": 24979, "\u0120Omar": 24980, "\u0120LV": 24981, "\u0120Consequently": 24982, "\u0120synthes": 24983, "\u0120GIF": 24984, "\u0120pains": 24985, "\u0120interacting": 24986, "uously": 24987, "incre": 24988, "\u0120rumor": 24989, "\u0120Scientology": 24990, "197": 24991, "\u0120Zig": 24992, "\u0120spelling": 24993, "\u0120ASS": 24994, "\u0120extingu": 24995, "mson": 24996, "\u0120gh": 24997, "\u0120remarked": 24998, "\u0120Strategic": 24999, "\u0120MON": 25000, "\u00e5\u00a5": 25001, "gae": 25002, "\u0120WHAT": 25003, "Eric": 25004, "\u0120Campus": 25005, "\u0120methane": 25006, "\u0120imagin": 25007, "JUST": 25008, "\u0120Alm": 25009, "XT": 25010, "iq": 25011, "\u0120RSS": 25012, "\u0120wrongdoing": 25013, "atta": 25014, "\u0120bigot": 25015, "\u0120demonstrators": 25016, "\u0120Calvin": 25017, "\u0120Villa": 25018, "\u0120membrane": 25019, "\u0120Awesome": 25020, "\u0120benefic": 25021, "268": 25022, "\u0120magnificent": 25023, "\u0120Lots": 25024, "Greg": 25025, "\u0120Boris": 25026, "\u0120detainees": 25027, "\u0120Herman": 25028, "\u0120whispered": 25029, "\u0120awe": 25030, "Professor": 25031, "funding": 25032, "\u0120physiological": 25033, "\u0120Destruction": 25034, "\u0120limb": 25035, "\u0120manipulated": 25036, "\u0120bubbles": 25037, "\u0120pseud": 25038, "\u0120hydra": 25039, "\u0120Bristol": 25040, "\u0120stellar": 25041, "\u0120Expansion": 25042, "\u0120Kell": 25043, "\u0120Interestingly": 25044, "\u0120mans": 25045, "\u0120dragging": 25046, "\u0120ecological": 25047, "\u0120Fit": 25048, "\u0120gent": 25049, "\u0120benefited": 25050, "\u0120Haiti": 25051, "\u0120polyg": 25052, "\u00e3\u0125\u0130": 25053, "\u01202030": 25054, "\u0120prow": 25055, "\u0120reconstruction": 25056, "\u0120wast": 25057, "\u0120psychic": 25058, "\u0120Greeks": 25059, "Handler": 25060, "162": 25061, "\u0120Pulse": 25062, "\u0120solicit": 25063, "\u0120sys": 25064, "\u0120influx": 25065, "\u0120Gentle": 25066, "percent": 25067, "\u0120proliferation": 25068, "\u0120taxable": 25069, "\u0120disregard": 25070, "\u0120escaping": 25071, "\u0120ginger": 25072, "\u0120withstand": 25073, "\u0120devastated": 25074, "\u0120Dew": 25075, "series": 25076, "\u0120injected": 25077, "elaide": 25078, "\u0120turnover": 25079, "heat": 25080, "\u013b\u0124": 25081, "Happy": 25082, "\u0120Silent": 25083, "\u00e3\u0124\u0143": 25084, "ivism": 25085, "\u0120irrational": 25086, "AMA": 25087, "\u0120reef": 25088, "rub": 25089, "\u0120162": 25090, "\u0120bankers": 25091, "\u0120Ethics": 25092, "vv": 25093, "\u0120criticisms": 25094, "Kn": 25095, "186": 25096, "Movie": 25097, "\u0120Tories": 25098, "\u0120nood": 25099, "\u0120distortion": 25100, "False": 25101, "odore": 25102, "\u0120tasty": 25103, "Research": 25104, "\u0120UID": 25105, "-)": 25106, "\u0120divorced": 25107, "\u0120MU": 25108, "\u0120Hayes": 25109, "\u0120Isn": 25110, "iani": 25111, "\u0120HQ": 25112, "\u0120\"#": 25113, "ignant": 25114, "\u0120traumatic": 25115, "\u0120Ling": 25116, "Hun": 25117, "\u0120sabot": 25118, "online": 25119, "random": 25120, "\u0120renamed": 25121, "rared": 25122, "KA": 25123, "dead": 25124, "\u00c3\u00a9t": 25125, "\u0120Assistance": 25126, "\u0120seaf": 25127, "++++++++": 25128, "\u0120seldom": 25129, "\u0120Webb": 25130, "\u0120boolean": 25131, "ulet": 25132, "\u0120refrain": 25133, "\u0120DIY": 25134, "rule": 25135, "\u0120shutting": 25136, "\u0120utilizing": 25137, "loading": 25138, "\u0120Param": 25139, "coal": 25140, "ooter": 25141, "\u0120attracting": 25142, "\u0120Dol": 25143, "\u0120hers": 25144, "agnetic": 25145, "\u0120Reach": 25146, "imo": 25147, "\u0120discarded": 25148, "\u0120Pip": 25149, "015": 25150, "\u00c3\u00bcr": 25151, "\u0120mug": 25152, "Imagine": 25153, "COL": 25154, "\u0120cursed": 25155, "\u0120Shows": 25156, "\u0120Curtis": 25157, "\u0120Sachs": 25158, "speaking": 25159, "\u0120Vista": 25160, "\u0120Framework": 25161, "ongo": 25162, "\u0120subreddit": 25163, "\u0120crus": 25164, "\u0120Oval": 25165, "Row": 25166, "growing": 25167, "\u0120installment": 25168, "\u0120glac": 25169, "\u0120Advance": 25170, "ECK": 25171, "\u0120LGBTQ": 25172, "LEY": 25173, "\u0120acet": 25174, "\u0120successive": 25175, "\u0120Nicole": 25176, "\u01201957": 25177, "Quote": 25178, "\u0120circumstance": 25179, "ackets": 25180, "\u0120142": 25181, "ortium": 25182, "\u0120guessed": 25183, "\u0120Frame": 25184, "\u0120perpetrators": 25185, "\u0120Aviation": 25186, "\u0120Bench": 25187, "\u0120handc": 25188, "Ap": 25189, "\u01201956": 25190, "259": 25191, "rand": 25192, "NetMessage": 25193, "din": 25194, "urtles": 25195, "hig": 25196, "\u0120VIII": 25197, "ffiti": 25198, "\u0120Swords": 25199, "bial": 25200, "\u0120kidnapping": 25201, "device": 25202, "\u0120barn": 25203, "\u0120Eli": 25204, "aucas": 25205, "Send": 25206, "Constructed": 25207, "\u0120\u00c2\u00bd": 25208, "\u0120needles": 25209, "\u0120advertisements": 25210, "\u0120vou": 25211, "\u0120exhibited": 25212, "\u0120Fortress": 25213, "Ask": 25214, "Berry": 25215, "TYPE": 25216, "\u0120cancers": 25217, "umping": 25218, "\u0120Territory": 25219, "\u0120prud": 25220, "\u0120nas": 25221, "\u0120atheist": 25222, "\u0120balances": 25223, "\u00e3\u0123\u0141": 25224, "\u0120Shawn": 25225, "&&": 25226, "\u0120landsc": 25227, "\u0120RGB": 25228, "\u0120petty": 25229, "\u0120excellence": 25230, "\u0120translations": 25231, "\u0120parcel": 25232, "\u0120Chev": 25233, "East": 25234, "\u0120Output": 25235, "imi": 25236, "\u0120ambient": 25237, "\u0120Threat": 25238, "\u0120villains": 25239, "\u0120550": 25240, "ICA": 25241, "\u0120taller": 25242, "\u0120leaking": 25243, "cup": 25244, "\u0120polish": 25245, "\u0120infectious": 25246, "\u0120KC": 25247, "\u0120@@": 25248, "background": 25249, "\u0120bureaucracy": 25250, "\u0120Sai": 25251, "unless": 25252, "itious": 25253, "\u0120Skype": 25254, "Atl": 25255, "IDENT": 25256, "008": 25257, "\u0120hypocr": 25258, "\u0120pitchers": 25259, "\u0120guessing": 25260, "\u0120FINAL": 25261, "Between": 25262, "\u0120villagers": 25263, "\u0120252": 25264, "fashion": 25265, "\u0120Tunis": 25266, "Beh": 25267, "\u0120Exc": 25268, "\u0120MID": 25269, "288": 25270, "\u0120Haskell": 25271, "196": 25272, "\u0120NOR": 25273, "\u0120specs": 25274, "\u0120invari": 25275, "\u0120glut": 25276, "\u0120Cars": 25277, "\u0120impulse": 25278, "\u0120honors": 25279, "gel": 25280, "\u0120jurisdictions": 25281, "\u0120Bundle": 25282, "ulas": 25283, "California": 25284, "\u0120Increase": 25285, "\u0120pear": 25286, "\u0120singles": 25287, "\u0120cues": 25288, "\u0120underwent": 25289, "\u0120WS": 25290, "\u0120exaggerated": 25291, "\u0120dubious": 25292, "\u0120flashing": 25293, "LOG": 25294, ")].": 25295, "Journal": 25296, "tg": 25297, "Van": 25298, "\u0120Istanbul": 25299, "\u0120Insp": 25300, "\u0120Franken": 25301, "Draw": 25302, "\u0120sadness": 25303, "\u0120ironic": 25304, "\u0120Fry": 25305, "xc": 25306, "\u0120164": 25307, "isch": 25308, "Way": 25309, "\u0120Protestant": 25310, "horn": 25311, "\u0120unaff": 25312, "\u0120Viv": 25313, "illas": 25314, "\u0120Productions": 25315, "\u0120Hogan": 25316, "\u0120perimeter": 25317, "\u0120Sisters": 25318, "\u0120spontaneous": 25319, "\u0120downside": 25320, "\u0120descendants": 25321, "\u0120orn": 25322, "worm": 25323, "Japanese": 25324, "\u01201955": 25325, "\u0120151": 25326, "\u0120Doing": 25327, "elsen": 25328, "umbles": 25329, "\u0120radically": 25330, "\u0120Drum": 25331, "\u0120Bach": 25332, "\u0120liabilities": 25333, "\u0120OB": 25334, "\u0120Elementary": 25335, "\u0120meme": 25336, "ynes": 25337, "\u0120fingerprint": 25338, "\u0120Grab": 25339, "\u0120undertake": 25340, "Members": 25341, "\u0120Reader": 25342, "\u0120Sims": 25343, "god": 25344, "\u0120hypothetical": 25345, "scient": 25346, "\u0120AJ": 25347, "\u0120charism": 25348, "\u0120admissions": 25349, "\u0120Missile": 25350, "trade": 25351, "\u0120exercising": 25352, "\u0120Background": 25353, "Written": 25354, "\u0120vocals": 25355, "whether": 25356, "\u0120vi": 25357, "\u0120Winner": 25358, "\u0120litter": 25359, "\u0120Shooting": 25360, "STEM": 25361, "\u00e3\u0124\u00a1": 25362, "\u0120AFL": 25363, "\u0120variability": 25364, "\u0120eats": 25365, "\u0120DPS": 25366, "brow": 25367, "\u0120elephants": 25368, "\u0120strat": 25369, "\u0120\u00c5": 25370, "\u0120settlers": 25371, "Matthew": 25372, "\u0120inadvert": 25373, "HI": 25374, "\u0120IMF": 25375, "\u0120Goal": 25376, "\u0120nerves": 25377, "Johnson": 25378, "eye": 25379, "ablishment": 25380, "Thursday": 25381, "BILITY": 25382, "Had": 25383, "amoto": 25384, "hetamine": 25385, "eps": 25386, "\u0120mitochond": 25387, "\u0120compressed": 25388, "\u0120Trevor": 25389, "\u0120Animals": 25390, "Tool": 25391, "Lock": 25392, "\u0120tweak": 25393, "\u0120pinch": 25394, "\u0120cancellation": 25395, "Pot": 25396, "\u0120focal": 25397, "\u0120Astron": 25398, "173": 25399, "\u0120ASC": 25400, "\u0120OTHER": 25401, "umni": 25402, "\u0120demise": 25403, "dl": 25404, "\u00d9\u0127": 25405, "Semitism": 25406, "\u0120cracking": 25407, "\u0120collaborative": 25408, "\u0120explores": 25409, "sql": 25410, "\u0120herbs": 25411, "\u0120configurations": 25412, "mis": 25413, "\u0120Result": 25414, "acey": 25415, "\u0120Smoke": 25416, "\u0120sanct": 25417, "elia": 25418, "\u0120degener": 25419, "\u0120deepest": 25420, "\u0120screamed": 25421, "\u0120nap": 25422, "Software": 25423, "\u0120STAR": 25424, "EF": 25425, "\u0120Xin": 25426, "sponsored": 25427, "manship": 25428, "233": 25429, "\u0120primaries": 25430, "\u0120filtering": 25431, "\u0120assemble": 25432, "mil": 25433, "\u0120Myers": 25434, "bows": 25435, "\u0120punched": 25436, "Mic": 25437, "\u0120innovations": 25438, "\u0120func": 25439, "ando": 25440, "\u0120fracking": 25441, "\u0120Vul": 25442, "\u00d0\u00be\u00d0": 25443, "oshop": 25444, "\u0120Immun": 25445, "\u0120settling": 25446, "\u0120adolescents": 25447, "\u0120rebuilding": 25448, "\u0120transforming": 25449, "\u0120parole": 25450, "\u0120harbor": 25451, "\u0120booking": 25452, "otional": 25453, "ongevity": 25454, "\u0120Yo": 25455, "bug": 25456, "\u0120emerges": 25457, "\u0120Methods": 25458, "\u0120Chu": 25459, "Pres": 25460, "\u0120Dungeons": 25461, "\u0120trailing": 25462, "\u0120Rum": 25463, "\u0120Hugh": 25464, "\u00e5\u00a4\u00a9": 25465, "\u0120Era": 25466, "\u0120Battles": 25467, "Results": 25468, "\u0120Trading": 25469, "\u0120versa": 25470, "css": 25471, "axies": 25472, "heet": 25473, "\u0120greed": 25474, "1989": 25475, "\u0120gardens": 25476, "\u0120contingent": 25477, "Park": 25478, "\u0120Leafs": 25479, "hook": 25480, "robe": 25481, "\u0120diplomacy": 25482, "\u0120Fuel": 25483, "\u0120Invasion": 25484, "\u0120upgrading": 25485, "Male": 25486, "\u0120elic": 25487, "\u0120relentless": 25488, "\u0120Covenant": 25489, "apesh": 25490, "\u0120Trop": 25491, "Ty": 25492, "production": 25493, "arty": 25494, "\u0120punches": 25495, "ako": 25496, "cyclopedia": 25497, "\u0120Rabbit": 25498, "\u0120HDMI": 25499, "\u0120141": 25500, "\u0120foil": 25501, "ItemImage": 25502, "\u0120FG": 25503, "\u0120implementations": 25504, "\u0120Pom": 25505, "ixtures": 25506, "\u0120await": 25507, "\u0120330": 25508, "amus": 25509, "\u0120umbrella": 25510, "\u0120foresee": 25511, "separ": 25512, "\u0120circumcision": 25513, "\u0120peripheral": 25514, "Say": 25515, "\u0120Expert": 25516, "Inc": 25517, "\u0120withdrew": 25518, "\u0120Anders": 25519, "fried": 25520, "\u0120radioactive": 25521, "\u0120Opening": 25522, "\u0120boarding": 25523, "\u0120ND": 25524, "\u0120overthrow": 25525, "Activ": 25526, "WP": 25527, "\u0120Acts": 25528, "\u00d7\u013b": 25529, "\u0120motions": 25530, "vic": 25531, "\u0120Mighty": 25532, "\u0120Defender": 25533, "aer": 25534, "\u0120thankful": 25535, "\u0120Killing": 25536, "\u0120Bris": 25537, "moil": 25538, "\u0120predicting": 25539, "266": 25540, "choice": 25541, "\u0120killers": 25542, "\u0120incub": 25543, "\u0120Chest": 25544, "athering": 25545, "\u0120proclaimed": 25546, "flower": 25547, "ossom": 25548, "umbledore": 25549, "\u0120Cycling": 25550, "\u0120Occupy": 25551, "AGES": 25552, "Pen": 25553, "\u0120Yug": 25554, "\u0120packaged": 25555, "\u0120heightened": 25556, "cot": 25557, "stack": 25558, "Cond": 25559, "\u0120stamps": 25560, "mage": 25561, "\u0120persuaded": 25562, "\u0120ensl": 25563, "\u0120Cardinal": 25564, "\u0120solitary": 25565, "\u0120possessing": 25566, "\u0120Cork": 25567, "\u0120evid": 25568, "\u0120Tay": 25569, "\u0120blues": 25570, "\u0120extremism": 25571, "\u0120lunar": 25572, "\u0120clown": 25573, "Techn": 25574, "\u0120festivals": 25575, "\u0120PvP": 25576, "\u0120Lar": 25577, "\u0120consequently": 25578, "present": 25579, "\u0120someday": 25580, "\u00e7\u0130\u012d": 25581, "\u0120Meteor": 25582, "\u0120touring": 25583, "culture": 25584, "\u0120beaches": 25585, "Ship": 25586, "cause": 25587, "\u0120Flood": 25588, "\u00e3\u0125\u00af": 25589, "\u0120purity": 25590, "those": 25591, "\u0120emission": 25592, "bolt": 25593, "\u0120chord": 25594, "\u0120Scripture": 25595, "Lu": 25596, "\u0120${": 25597, "created": 25598, "Others": 25599, "258": 25600, "\u0120elemental": 25601, "\u0120annoyed": 25602, "\u0120AE": 25603, "dan": 25604, "\u0120Sag": 25605, "Researchers": 25606, "\u0120fairy": 25607, "\u00e2\u0122\u0135\u00e2\u0122\u0135": 25608, "============": 25609, "Smart": 25610, "GGGG": 25611, "\u0120skeletons": 25612, "\u0120pupils": 25613, "linked": 25614, "\u0120urgency": 25615, "enabled": 25616, "\u0120Fuck": 25617, "\u0120councill": 25618, "rab": 25619, "UAL": 25620, "TI": 25621, "\u0120lifes": 25622, "\u0120confessed": 25623, "Bug": 25624, "\u0120harmon": 25625, "\u0120CONFIG": 25626, "\u0120Neutral": 25627, "Double": 25628, "\u0120staple": 25629, "\u0120SHA": 25630, "British": 25631, "\u0120SNP": 25632, "ATOR": 25633, "oco": 25634, "\u0120swinging": 25635, "gex": 25636, "oleon": 25637, "plain": 25638, "\u0120Missing": 25639, "\u0120Trophy": 25640, "vari": 25641, "ranch": 25642, "\u0120301": 25643, "440": 25644, "0000000000000000": 25645, "\u0120restoring": 25646, "\u0120haul": 25647, "ucing": 25648, "nerg": 25649, "\u0120futures": 25650, "\u0120strategist": 25651, "question": 25652, "\u0120lateral": 25653, "\u0120Bard": 25654, "\u0120sor": 25655, "\u0120Rhodes": 25656, "\u0120Downtown": 25657, "?????-": 25658, "\u0120Lit": 25659, "\u0120Bened": 25660, "\u0120coil": 25661, "street": 25662, "\u0120Portal": 25663, "FILE": 25664, "\u0120Gru": 25665, "*,": 25666, "231": 25667, "neum": 25668, "\u0120sucked": 25669, "\u0120rapper": 25670, "\u0120tendencies": 25671, "\u0120Lauren": 25672, "cellaneous": 25673, "267": 25674, "\u0120browse": 25675, "\u0120overc": 25676, "header": 25677, "oise": 25678, "\u0120beet": 25679, "\u0120Gle": 25680, "Stay": 25681, "\u0120mum": 25682, "\u0120typed": 25683, "\u0120discounts": 25684, "Talk": 25685, "\u0120Og": 25686, "existing": 25687, "\u0120Sell": 25688, "uph": 25689, "CI": 25690, "\u0120Austrian": 25691, "\u0120Warm": 25692, "\u0120dismissal": 25693, "\u0120averages": 25694, "camera": 25695, "\u0120allegiance": 25696, "LAN": 25697, "=\"#": 25698, "\u0120commentators": 25699, "\u0120Setting": 25700, "\u0120Midwest": 25701, "\u0120pharmac": 25702, "\u0120EXP": 25703, "\u0120stainless": 25704, "Chicago": 25705, "\u0120tan": 25706, "244": 25707, "\u0120countryside": 25708, "\u0120Vac": 25709, "295": 25710, "\u0120pinned": 25711, "\u0120crises": 25712, "\u0120standardized": 25713, "Task": 25714, "\u0120Jail": 25715, "\u0120Docker": 25716, "colored": 25717, "forth": 25718, "\"},": 25719, "\u0120patrons": 25720, "\u0120spice": 25721, "\u0120mourn": 25722, "\u0120Mood": 25723, "\u0120laundry": 25724, "\u0120equip": 25725, "\u0120Mole": 25726, "yll": 25727, "\u0120THC": 25728, "nation": 25729, "\u0120Sherlock": 25730, "\u0120issu": 25731, "\u0120Kre": 25732, "\u0120Americas": 25733, "\u0120AAA": 25734, "\u0120systematically": 25735, "\u0120contra": 25736, "\u0120Sally": 25737, "\u0120rationale": 25738, "\u0120carriage": 25739, "\u0120peaks": 25740, "\u0120contradiction": 25741, "ensation": 25742, "\u0120Failure": 25743, "\u0120props": 25744, "\u0120namespace": 25745, "\u0120cove": 25746, "fields": 25747, "\u00e3\u0124\u012d": 25748, "\u0120wool": 25749, "\u0120Catch": 25750, "\u0120presumed": 25751, "\u0120Diana": 25752, "ragon": 25753, "igi": 25754, "\u0120hamm": 25755, "\u0120stunt": 25756, "\u0120GUI": 25757, "\u0120Observatory": 25758, "\u0120Shore": 25759, "\u0120smells": 25760, "annah": 25761, "\u0120cockpit": 25762, "\u0120Duterte": 25763, "850": 25764, "\u0120oppressed": 25765, "breaker": 25766, "\u0120Contribut": 25767, "\u0120Peru": 25768, "\u0120Monsanto": 25769, "\u0120Attempt": 25770, "\u0120commanding": 25771, "\u0120fridge": 25772, "\u0120Rin": 25773, "\u0120Chess": 25774, "uality": 25775, "\u0120ol": 25776, "Republican": 25777, "\u0120Glory": 25778, "\u0120WIN": 25779, ".......": 25780, "agent": 25781, "reading": 25782, "\u0120inh": 25783, "Jones": 25784, "\u0120clicks": 25785, "alan": 25786, "\u0120[];": 25787, "\u0120Majesty": 25788, "\u0120Ced": 25789, "opus": 25790, "atel": 25791, "\u00c3\u00aa": 25792, "ARC": 25793, "\u0120Ecuador": 25794, "\u00e3\u0125\u0142": 25795, "\u0120Kuro": 25796, "\u0120rituals": 25797, "\u0120captive": 25798, "\u0120ounce": 25799, "\u0120disagreement": 25800, "\u0120slog": 25801, "fuel": 25802, "Pet": 25803, "Mail": 25804, "\u0120exercised": 25805, "\u0120solic": 25806, "\u0120rainfall": 25807, "\u0120devotion": 25808, "\u0120Assessment": 25809, "\u0120robotic": 25810, "options": 25811, "\u0120RP": 25812, "\u0120Families": 25813, "\u0120Flames": 25814, "\u0120assignments": 25815, "007": 25816, "akedown": 25817, "\u0120vocabulary": 25818, "Reilly": 25819, "\u0120caval": 25820, "gars": 25821, "\u0120suppressed": 25822, "\u0120SET": 25823, "\u0120Johns": 25824, "\u0120warp": 25825, "broken": 25826, "\u0120statues": 25827, "\u0120advocated": 25828, "\u0120275": 25829, "\u0120peril": 25830, "omorph": 25831, "\u0120Femin": 25832, "perfect": 25833, "\u0120hatch": 25834, "Lib": 25835, "512": 25836, "\u0120lifelong": 25837, "313": 25838, "\u0120cheeks": 25839, "\u0120numbered": 25840, "\u0120Mug": 25841, "Body": 25842, "ravel": 25843, "Weight": 25844, "\u0120Jak": 25845, "\u0120Heath": 25846, "\u0120kissing": 25847, "\u0120JUST": 25848, "\u0120waving": 25849, "upload": 25850, "\u0120insider": 25851, "\u0120Progressive": 25852, "\u0120Filter": 25853, "tta": 25854, "\u0120Beam": 25855, "\u0120violently": 25856, "ipation": 25857, "\u0120skepticism": 25858, "\u01201918": 25859, "\u0120Annie": 25860, "\u0120SI": 25861, "\u0120genetics": 25862, "\u0120onboard": 25863, "atl": 25864, "\u0120Friedman": 25865, "\u0120Bri": 25866, "ceptive": 25867, "\u0120pirate": 25868, "\u0120Reporter": 25869, "278": 25870, "\u0120mythology": 25871, "\u0120eclipse": 25872, "\u0120skins": 25873, "\u0120glyph": 25874, "ingham": 25875, "Files": 25876, "Cour": 25877, "women": 25878, "\u0120regimes": 25879, "\u0120photographed": 25880, "Kat": 25881, "\u0120MAX": 25882, "Officials": 25883, "\u0120unexpectedly": 25884, "\u0120impressions": 25885, "Front": 25886, ";;;;;;;;": 25887, "\u0120supremacy": 25888, "\u0120sang": 25889, "\u0120aggravated": 25890, "\u0120abruptly": 25891, "\u0120Sector": 25892, "\u0120excuses": 25893, "\u0120costing": 25894, "idepress": 25895, "Stack": 25896, "\u0120RNA": 25897, "obil": 25898, "\u0120ghosts": 25899, "ldon": 25900, "atibility": 25901, "Topics": 25902, "\u0120reimburse": 25903, "\u0120HM": 25904, "\u0120Deg": 25905, "\u0120thief": 25906, "yet": 25907, "ogenesis": 25908, "leaning": 25909, "\u0120Kol": 25910, "\u0120Basketball": 25911, "\u0120fi": 25912, "\u0120Seeing": 25913, "\u0120recycling": 25914, "\u0120[-": 25915, "Congress": 25916, "\u0120lectures": 25917, "Psy": 25918, "\u0120nep": 25919, "\u0120maid": 25920, "\u0120oriented": 25921, "AX": 25922, "\u0120respectful": 25923, "rene": 25924, "flush": 25925, "\u0120Unloaded": 25926, "request": 25927, "grid": 25928, "\u0120Alternatively": 25929, "\u0120Hugo": 25930, "\u0120decree": 25931, "\u0120Buddhism": 25932, "andum": 25933, "Android": 25934, "\u0120Congo": 25935, "\u0120Joyce": 25936, "\u0120acknowledging": 25937, "hesive": 25938, "\u0120Tomorrow": 25939, "\u0120Hiro": 25940, "thren": 25941, "\u0120Maced": 25942, "\u0120hoax": 25943, "\u0120Increased": 25944, "\u0120Pradesh": 25945, "Wild": 25946, "______": 25947, "161": 25948, "\u0120aunt": 25949, "\u0120distributing": 25950, "\u0120Tucker": 25951, "\u0120SSL": 25952, "\u0120Wolves": 25953, "Building": 25954, "oult": 25955, "\u0120Luo": 25956, "\u0120Yas": 25957, "\u0120Spir": 25958, "\u0120Shape": 25959, "\u0120Cambod": 25960, "\u0120IPv": 25961, "\u0120ml": 25962, "\u0120extrad": 25963, "390": 25964, "\u0120Penny": 25965, "dream": 25966, "\u0120stationed": 25967, "optional": 25968, "eworthy": 25969, ".": 26700, "\u0120Workshop": 26701, "\u0120Retail": 26702, "\u0120Avatar": 26703, "625": 26704, "Na": 26705, "\u0120VC": 26706, "\u0120Secure": 26707, "MY": 26708, "1988": 26709, "ossip": 26710, "\u0120prostate": 26711, "\u0120unden": 26712, "\u0120gamer": 26713, "\u0120Contents": 26714, "\u0120Warhammer": 26715, "\u0120Sentinel": 26716, "310": 26717, "\u0120segregation": 26718, "\u0120Flex": 26719, "\u0120MAY": 26720, "\u0120drills": 26721, "\u0120Drugs": 26722, "Islamic": 26723, "\u0120spur": 26724, "\u0120cafe": 26725, "\u0120imaginary": 26726, "\u0120guiding": 26727, "\u0120swings": 26728, "\u0120Theme": 26729, "oby": 26730, "\u0120nud": 26731, "\u0120begging": 26732, "\u0120strongh": 26733, "\u0120rejecting": 26734, "\u0120pedestrians": 26735, "\u0120Prospect": 26736, "Rare": 26737, "sle": 26738, "\u0120concessions": 26739, "\u0120Constitutional": 26740, "\u0120beams": 26741, "\u0120fibers": 26742, "poon": 26743, "\u0120instincts": 26744, "property": 26745, "\u0120BIG": 26746, "Sanders": 26747, "imates": 26748, "\u0120coating": 26749, "\u0120corpses": 26750, "\u0120TRUE": 26751, "checked": 26752, "\u0120166": 26753, "Ash": 26754, "\u0120JS": 26755, "\u0120Fiction": 26756, "\u0120communal": 26757, "\u0120energetic": 26758, "oooooooo": 26759, "\u0120nowadays": 26760, "ILD": 26761, "ibo": 26762, "\u0120SUV": 26763, "Ren": 26764, "\u0120dwelling": 26765, "Silver": 26766, "\u0120tally": 26767, "\u0120Moving": 26768, "\u0120coward": 26769, "\u0120generals": 26770, "\u0120horns": 26771, "\u0120circulated": 26772, "\u0120robbed": 26773, "\u0120Unlimited": 26774, "\u0120harassed": 26775, "\u0120inhibit": 26776, "\u0120composer": 26777, "\u0120Spotify": 26778, "\u0120spreads": 26779, "364": 26780, "\u0120suicidal": 26781, "\u0120noises": 26782, "\u0120Stur": 26783, "\u0120saga": 26784, "\u0120Kag": 26785, "iso": 26786, "\u0120theoretically": 26787, "Money": 26788, "\u0120similarity": 26789, "\u0120sliced": 26790, "utils": 26791, "inges": 26792, "\"-": 26793, "\u0120anth": 26794, "\u0120imped": 26795, "Module": 26796, "Throughout": 26797, "\u0120menus": 26798, "committee": 26799, "andi": 26800, "obj": 26801, "inav": 26802, "fired": 26803, "\u0120Abdullah": 26804, "\u0120undead": 26805, "\u0120fonts": 26806, "Hold": 26807, "ENG": 26808, "\u0120sustainability": 26809, "\u0120flick": 26810, "\u0120razor": 26811, "\u0120Fest": 26812, "\u0120Characters": 26813, "\u0120wording": 26814, "\u0120populist": 26815, "\u0120criticizing": 26816, "\u0120muse": 26817, "vine": 26818, "\u0120cardboard": 26819, "\u0120kindly": 26820, "\u0120fringe": 26821, "\u0120Theft": 26822, "icultural": 26823, "\u0120governors": 26824, "\u0120\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 26825, "\u0120163": 26826, "\u0120timeout": 26827, "\u0120Auth": 26828, "Children": 26829, "AU": 26830, "\u0120redemption": 26831, "\u0120Alger": 26832, "\u01201914": 26833, "\u0120waved": 26834, "\u0120astronauts": 26835, "ograms": 26836, "\u0120swamp": 26837, "\u0120Finnish": 26838, "\u0120candle": 26839, "\u0120tonnes": 26840, "utm": 26841, "\u0120ray": 26842, "\u0120spun": 26843, "\u0120fearful": 26844, "articles": 26845, "\u0120caus": 26846, "orically": 26847, "\u0120Requires": 26848, "\u0120Gol": 26849, "\u0120pope": 26850, "\u0120inaugural": 26851, "\u0120gle": 26852, "ADA": 26853, "\u0120ISIL": 26854, "\u0120Offensive": 26855, "\u0120watchdog": 26856, "\u0120balcon": 26857, "entity": 26858, "\u0120Hoo": 26859, "\u0120gallon": 26860, "ACC": 26861, "\u0120doubling": 26862, "\u0120implication": 26863, "\u0120Sight": 26864, "\u0120doctr": 26865, "-------": 26866, "\u0120\\\\": 26867, "\u0120malt": 26868, "Roll": 26869, "\u0120\u00e2\u012b\u00a5": 26870, "\u0120recap": 26871, "adding": 26872, "uces": 26873, "\u0120Bend": 26874, "figure": 26875, "\u0120turkey": 26876, "\u0120societal": 26877, "\u0120Tickets": 26878, "\u0120commercially": 26879, "\u0120spicy": 26880, "\u0120216": 26881, "\u0120Ramp": 26882, "\u0120superiority": 26883, "\u00c3\u00af": 26884, "\u0120Tracker": 26885, "Carl": 26886, "\u0120Coy": 26887, "\u0120Patriot": 26888, "\u0120consulted": 26889, "\u0120listings": 26890, "\u0120slew": 26891, "reenshot": 26892, "\u0120Gone": 26893, "\u0120[...]": 26894, "309": 26895, "\u0120hottest": 26896, "\u00d8\u00b1": 26897, "\u0120rocky": 26898, "\u0120Diaz": 26899, "\u0120massage": 26900, "\u0120paraly": 26901, "\u0120pony": 26902, "Az": 26903, "\u0120cartridge": 26904, "\u0120NZ": 26905, "\u0120snack": 26906, "\u0120Lamar": 26907, "plement": 26908, "\u0120Leslie": 26909, "\u0120mater": 26910, "\u0120snipp": 26911, "246": 26912, "\u0120jointly": 26913, "\u0120Brisbane": 26914, "\u0120iPod": 26915, "\u0120pumping": 26916, "\u0120goat": 26917, "\u0120Sharon": 26918, "ealing": 26919, "\u0120coron": 26920, "\u0120anomal": 26921, "rahim": 26922, "\u0120Connection": 26923, "\u0120sculpture": 26924, "\u0120scheduling": 26925, "\u0120Daddy": 26926, "athing": 26927, "\u0120eyebrows": 26928, "\u0120curved": 26929, "\u0120sentiments": 26930, "\u0120drafting": 26931, "Drop": 26932, "([": 26933, "\u0120nominal": 26934, "\u0120Leadership": 26935, "\u0120Grow": 26936, "\u0120176": 26937, "\u0120constructive": 26938, "ivation": 26939, "\u0120corrupted": 26940, "gerald": 26941, "\u0120Cros": 26942, "\u0120Chester": 26943, "\u0120Lap": 26944, "\u00e3\u0123\u00aa": 26945, "OTH": 26946, "DATA": 26947, "\u0120almond": 26948, "probably": 26949, "Imp": 26950, "\u0120feast": 26951, "\u0120Warcraft": 26952, "Flor": 26953, "\u0120checkpoint": 26954, "\u0120transcription": 26955, "\u0120204": 26956, "\u0120tweaks": 26957, "\u0120relieve": 26958, "Science": 26959, "\u0120performer": 26960, "Zone": 26961, "\u0120turmoil": 26962, "igated": 26963, "hibit": 26964, "\u0120Cafe": 26965, "themed": 26966, "\u0120fluor": 26967, "bench": 26968, "\u0120decom": 26969, "\u0120Unt": 26970, "\u0120Barrett": 26971, "\u0120Facts": 26972, "\u0120tasting": 26973, "\u0120PTSD": 26974, "\u0120Seal": 26975, "\u0120Judaism": 26976, "\u0120Dynamic": 26977, "\u0120Cors": 26978, "Ve": 26979, "\u0120Ming": 26980, "\u0120Transform": 26981, "von": 26982, "\u0120Defenders": 26983, "\u0120Tactical": 26984, "\u0120Von": 26985, "\u0120Univers": 26986, "\u0120distorted": 26987, "\u0120Breath": 26988, "?'\"": 26989, "\u0120agon": 26990, "\u0120Deadly": 26991, "\u0120lan": 26992, "\u0120Cycle": 26993, "orned": 26994, "\u0120reliably": 26995, "\u0120glor": 26996, "\u0120Monkey": 26997, "\u00e3\u0125\u00a1": 26998, "\u0120adren": 26999, "\u0120microwave": 27000, "\u0120Alban": 27001, "ircraft": 27002, "digit": 27003, "smart": 27004, "\u0120Dread": 27005, "\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af\u00c2\u00af": 27006, "{{": 27007, "\u0120Rochester": 27008, "\u0120simplified": 27009, "\u0120inflicted": 27010, "\u0120takeover": 27011, "\u0120yourselves": 27012, "aditional": 27013, "\u0120muscular": 27014, "KS": 27015, "\u0120ingen": 27016, "Tax": 27017, "\u0120Feature": 27018, "277": 27019, "\u0120cruc": 27020, "\u0120crate": 27021, "\u0120unidentified": 27022, "\u0120acclaimed": 27023, "\u0120Manga": 27024, "\u0120Frances": 27025, "\u0120Nepal": 27026, "\u0120Gerald": 27027, "\u0120Kuwait": 27028, "\u0120slain": 27029, "\u0120Heb": 27030, "\u0120Goku": 27031, "\u00e3\u0123\u00ae\u00e6": 27032, "286": 27033, "Mrs": 27034, "\u0120Cody": 27035, "\u0120Sanctuary": 27036, "016": 27037, "\u0120dismant": 27038, "\u0120dataset": 27039, "\u0120Hond": 27040, "buck": 27041, "\u0120Patterson": 27042, "\u0120palette": 27043, "\u0120GD": 27044, "icol": 27045, "\u0120Lodge": 27046, "\u0120planetary": 27047, "akin": 27048, "\u0120Registered": 27049, "abwe": 27050, "\u0120Petersburg": 27051, "\u0120hailed": 27052, "\u0120Piece": 27053, "Sche": 27054, "\u0120DOJ": 27055, "\u0120enumer": 27056, "181": 27057, "\u0120Observer": 27058, "\u0120Bold": 27059, "founded": 27060, "commerce": 27061, "\u0120exploits": 27062, "\u0120Finding": 27063, "URN": 27064, "\u0120Sne": 27065, "\u0120Acid": 27066, "ayette": 27067, "\u0120Values": 27068, "\u0120drastic": 27069, "\u0120architectural": 27070, "\u0120\".": 27071, "\u00d7\u0137": 27072, "umped": 27073, "\u0120wrapping": 27074, "\u0120widow": 27075, "\u0120Slayer": 27076, "lace": 27077, "once": 27078, "Germany": 27079, "avoid": 27080, "\u0120temples": 27081, "PAR": 27082, "\u00c3\u00b4": 27083, "\u0120Lucifer": 27084, "\u0120Flickr": 27085, "lov": 27086, "forces": 27087, "\u0120scouting": 27088, "\u0120louder": 27089, "tesy": 27090, "\u0120beforehand": 27091, "\u00c4\u0135": 27092, "\u0120Neon": 27093, "\u0120Wol": 27094, "\u0120Typically": 27095, "\u0120Politico": 27096, "-+-+": 27097, "\u0120builder": 27098, "\u0120derive": 27099, "Kill": 27100, "\u0120poker": 27101, "\u0120ambiguous": 27102, "\u0120lifts": 27103, "\u0120cyt": 27104, "\u0120ribs": 27105, "oodle": 27106, "\u0120Sounds": 27107, "hair": 27108, "\u0120Syndrome": 27109, "tf": 27110, "\u0120proportional": 27111, "uid": 27112, "\u0120pertaining": 27113, "\u0120Kindle": 27114, "\u0120Negro": 27115, "\u0120reiterated": 27116, "\u0120Tonight": 27117, "oths": 27118, "\u0120Cornell": 27119, "\u0120owing": 27120, "\u0120208": 27121, "elfare": 27122, "ocating": 27123, "\u0120Birds": 27124, "Subscribe": 27125, "\u0120essays": 27126, "\u0120burdens": 27127, "\u0120illustrations": 27128, "arious": 27129, "ERAL": 27130, "\u0120Calcul": 27131, "\u0120xen": 27132, "\u0120LinkedIn": 27133, "\u0120Jung": 27134, "\u0120redesign": 27135, "Connor": 27136, "296": 27137, "\u0120reversal": 27138, "\u0120Adelaide": 27139, "\u0120LL": 27140, "\u0120sinking": 27141, "\u0120gum": 27142, "USH": 27143, "capt": 27144, "\u0120Grimm": 27145, "\u0120footsteps": 27146, "\u0120CBD": 27147, "ispers": 27148, "\u0120prose": 27149, "Wednesday": 27150, "\u0120Movies": 27151, "edin": 27152, "\u0120overturned": 27153, "\u0120contentious": 27154, "USB": 27155, "~~~~~~~~~~~~~~~~": 27156, "\u0120Copper": 27157, "\u0120pointless": 27158, "NV": 27159, "values": 27160, "olphin": 27161, "dain": 27162, "\u0120deposited": 27163, "\u0120GW": 27164, "\u0120preceded": 27165, "\u0120Cla": 27166, "\u0120Golem": 27167, "\u0120Nim": 27168, "\u0120\u00ce\u00b2": 27169, "\u0120Engineers": 27170, "middle": 27171, "\u0120flatt": 27172, "operative": 27173, "\u0120councils": 27174, "imbabwe": 27175, "elin": 27176, "\u0120stressful": 27177, "\u0120LD": 27178, "\u0120resh": 27179, "lake": 27180, "\u0120wheelchair": 27181, "\u0120Alternative": 27182, "\u0120optimize": 27183, "operation": 27184, "\u0120peek": 27185, "\u0120oneself": 27186, "igil": 27187, "\u0120transitions": 27188, "opathy": 27189, "blank": 27190, "\u0120169": 27191, "171": 27192, "________________________________________________________________": 27193, "\u0120laundering": 27194, "Enc": 27195, "\u0120DEC": 27196, "\u0120workouts": 27197, "\u0120spikes": 27198, "\u0120dinosaurs": 27199, "\u0120discriminatory": 27200, "Pool": 27201, "Rather": 27202, "385": 27203, "RNA": 27204, "testers": 27205, "eto": 27206, "\u0120Identity": 27207, "\u0120vein": 27208, "\u0120Burton": 27209, "\u0120arcade": 27210, "420": 27211, "Ultimately": 27212, "\u0120Sadly": 27213, "\u00c3\u00b0": 27214, "pill": 27215, "\u0120cubic": 27216, "\u0120Spectrum": 27217, "these": 27218, "states": 27219, "\u0120unofficial": 27220, "hawks": 27221, "\u0120EVERY": 27222, "\u0120rainbow": 27223, "\u0120incarceration": 27224, "anding": 27225, "\u0120syll": 27226, "\u0120Everton": 27227, "\u0120179": 27228, "\u0120Serbia": 27229, "\u0120189": 27230, "meter": 27231, "\u0120Mickey": 27232, "\u0120antiqu": 27233, "\u0120factual": 27234, "neck": 27235, "\u0120Nare": 27236, "norm": 27237, "must": 27238, "\u0120highways": 27239, "\u0120glam": 27240, "\u0120dividing": 27241, "\u0120Squadron": 27242, "\u0120Martha": 27243, "\u0120births": 27244, "Cover": 27245, "////////////////": 27246, "\u0120Wong": 27247, "Phot": 27248, "\u0120ALS": 27249, "rio": 27250, "\u0120Nonetheless": 27251, "\u0120Lemon": 27252, "\u0120206": 27253, "\u0120EE": 27254, "\u0120derivative": 27255, "\u0120WWII": 27256, "vote": 27257, "\u0120therein": 27258, "\u0120separating": 27259, "446": 27260, "sync": 27261, "\u0120Streets": 27262, "\u0120ratt": 27263, "\u0120municipality": 27264, "\u0120Shortly": 27265, "\u0120monk": 27266, "),\"": 27267, "\u0120scrub": 27268, "\u0120operatives": 27269, "Neither": 27270, "Place": 27271, "\u0120Limit": 27272, "Female": 27273, "\u0120Actor": 27274, "Character": 27275, "\u0120constituted": 27276, "357": 27277, "\u0120protested": 27278, "\u0120Straw": 27279, "\u0120Height": 27280, "ilda": 27281, "\u0120Typh": 27282, "\u0120floods": 27283, "\u0120cosmetic": 27284, "WAY": 27285, "perture": 27286, "upon": 27287, "tons": 27288, "essing": 27289, "\u0120Pocket": 27290, "\u0120rooft": 27291, "\u0120Caucas": 27292, "\u0120antidepress": 27293, "\u0120incompatible": 27294, "ECD": 27295, "\u0120opera": 27296, "\u0120Contest": 27297, "\u0120generators": 27298, "lime": 27299, "Defense": 27300, "1987": 27301, "forum": 27302, "\u0120savage": 27303, "\u0120Hungarian": 27304, "nz": 27305, "\u0120metallic": 27306, "\u0120expelled": 27307, "\u0120residency": 27308, "\u0120dresses": 27309, "666": 27310, "\u0120Clement": 27311, "fires": 27312, "Category": 27313, "\u0120geek": 27314, "alis": 27315, "\u0120cemetery": 27316, "educated": 27317, "\u0120crawl": 27318, "\u0120Unable": 27319, "\u0120Tyson": 27320, "akis": 27321, "\u0120pardon": 27322, "\u0120Wra": 27323, "\u0120strengthened": 27324, "\u0120Fors": 27325, "335": 27326, "\u0120HC": 27327, "\u0120Mond": 27328, "\u0120visuals": 27329, "\u0120Beatles": 27330, "ettlement": 27331, "\u0120\u00ef": 27332, "gro": 27333, "\u0120bash": 27334, "\u0120poorest": 27335, "\u0120excel": 27336, "\u0120aspirations": 27337, "\u0120Municip": 27338, "ensible": 27339, "\u0120ceremonies": 27340, "\u0120intimidation": 27341, "\u0120CONTR": 27342, "beck": 27343, "\u0120Kap": 27344, "asu": 27345, "\u0120trademarks": 27346, "\u0120Sew": 27347, "\u0120Competition": 27348, "network": 27349, "\u0120Arri": 27350, "\u0120Tet": 27351, "Roaming": 27352, "WC": 27353, "Dat": 27354, "\u0120sob": 27355, "\u0120pairing": 27356, "\u0120overdose": 27357, "SAY": 27358, "aber": 27359, "\u0120revolt": 27360, "\u0120Fah": 27361, "acting": 27362, "eq": 27363, "estation": 27364, "Fight": 27365, "\u0120Marks": 27366, "273": 27367, "\u0120178": 27368, "Raw": 27369, "\u00e3\u0123\u012d": 27370, "349": 27371, "blocks": 27372, "\u0120verge": 27373, "estine": 27374, "\u0120Podesta": 27375, "\u0120invasive": 27376, "\u0120profoundly": 27377, "\u0120Ao": 27378, "each": 27379, "\u0120lest": 27380, "interpret": 27381, "\u0120shrinking": 27382, "\u0120errone": 27383, "\u0120chees": 27384, "lys": 27385, "\u0120Ivy": 27386, "\u0120Directory": 27387, "\u0120hinted": 27388, "VICE": 27389, "\u0120contacting": 27390, "\u0120Gent": 27391, "hei": 27392, "\u0120labeling": 27393, "\u0120mercury": 27394, "\u0120Lite": 27395, "\u0120expires": 27396, "\u0120destabil": 27397, "ritis": 27398, "cu": 27399, "\u0120feathers": 27400, "\u0120steer": 27401, "\u0120programmed": 27402, "\u0120Vader": 27403, "Going": 27404, "\u0120Elim": 27405, "\u0120yo": 27406, "\u0120Miche": 27407, "\u0120203": 27408, "\u0120sleeves": 27409, "\u0120bully": 27410, "\u0120Humans": 27411, "368": 27412, "\u0120compress": 27413, "\u0120Banner": 27414, "ARS": 27415, "\u0120awhile": 27416, "\u0120calib": 27417, "\u0120sponsorship": 27418, "\u0120Difficulty": 27419, "\u0120Papers": 27420, "\u0120identifier": 27421, "}.": 27422, "\u0120yog": 27423, "\u0120Shia": 27424, "\u0120cleanup": 27425, "\u0120vibe": 27426, "introdu": 27427, "imming": 27428, "Australia": 27429, "\u0120outlines": 27430, "\u0120Youtube": 27431, "train": 27432, "\u0120Makes": 27433, "\u0120deported": 27434, "\u0120centr": 27435, "\u0120Dug": 27436, "\u0120Boulder": 27437, "\u0120Buffy": 27438, "\u0120injunction": 27439, "\u0120Harley": 27440, "\u0120Groups": 27441, "\u0120Dumbledore": 27442, "\u0120Clara": 27443, "\u0120\"-": 27444, "\u0120sacrificed": 27445, "eph": 27446, "Shadow": 27447, "ibling": 27448, "\u0120freelance": 27449, "\u0120evidently": 27450, "phal": 27451, "\u0120retains": 27452, "Mir": 27453, "\u0120finite": 27454, "dar": 27455, "\u0120Cous": 27456, "\u0120repaired": 27457, "\u0120periodic": 27458, "\u0120championships": 27459, "\u0120asteroid": 27460, "blind": 27461, "\u0120expressly": 27462, "\u0120Astros": 27463, "\u0120scaled": 27464, "\u0120geographical": 27465, "\u0120Rapids": 27466, "Enjoy": 27467, "\u0120elastic": 27468, "\u0120Mohamed": 27469, "Market": 27470, "begin": 27471, "\u0120discovers": 27472, "\u0120telecommunications": 27473, "\u0120scanner": 27474, "\u0120enlarge": 27475, "\u0120sharks": 27476, "\u0120psychedel": 27477, "\u0120Rouge": 27478, "\u0120snapshot": 27479, "isine": 27480, "XP": 27481, "\u0120pesticides": 27482, "\u0120LSD": 27483, "\u0120Distribution": 27484, "really": 27485, "\u0120degradation": 27486, "\u0120disguise": 27487, "\u0120biom": 27488, "\u0120EXT": 27489, "\u0120equations": 27490, "\u0120hazards": 27491, "\u0120Compared": 27492, ")*": 27493, "\u0120virtues": 27494, "\u0120elders": 27495, "\u0120enhancing": 27496, "\u0120Across": 27497, "eros": 27498, "angling": 27499, "\u0120combust": 27500, "ucci": 27501, "\u0120concussion": 27502, "\u0120contraception": 27503, "\u0120Kang": 27504, "\u0120expresses": 27505, "\u0120aux": 27506, "\u0120Pione": 27507, "\u0120exhibits": 27508, "Debug": 27509, "OTAL": 27510, "\u0120Already": 27511, "\u0120Wheeler": 27512, "\u0120expands": 27513, "?:": 27514, "\u0120reconciliation": 27515, "\u0120pirates": 27516, "\u0120purse": 27517, "\u0120discourage": 27518, "\u0120spectacle": 27519, "Rank": 27520, "\u0120wraps": 27521, "\u0120Thought": 27522, "\u0120impending": 27523, "Opp": 27524, "\u0120Anglo": 27525, "\u0120EUR": 27526, "\u0120screwed": 27527, "retched": 27528, "\u0120encouragement": 27529, "models": 27530, "\u0120confuse": 27531, "mmm": 27532, "\u0120Vitamin": 27533, "\u00e2\u0138\u0133\u00e2\u0138\u0133": 27534, "Cru": 27535, "\u0120knights": 27536, "\u0120discard": 27537, "\u0120bishops": 27538, "\u0120Wear": 27539, "\u0120Garrett": 27540, "kan": 27541, "\u00e3\u0125\u0141": 27542, "\u0120masculine": 27543, "capital": 27544, "\u0120Aus": 27545, "\u0120fatally": 27546, "thanks": 27547, "\u0120AU": 27548, "\u0120Gut": 27549, "1200": 27550, "\u012000000000": 27551, "\u0120surrog": 27552, "\u0120BIOS": 27553, "raits": 27554, "\u0120Watts": 27555, "\u0120resurrection": 27556, "\u0120Electoral": 27557, "\u0120Tips": 27558, "4000": 27559, "\u0120nutrient": 27560, "\u0120depicting": 27561, "\u0120sprink": 27562, "\u0120muff": 27563, "\u0120LIM": 27564, "\u0120Sample": 27565, "psc": 27566, "ibi": 27567, "generated": 27568, "\u0120specimens": 27569, "\u0120dissatisf": 27570, "\u0120tailored": 27571, "\u0120holdings": 27572, "\u0120Monthly": 27573, "\u0120Eat": 27574, "poons": 27575, "\u0120nec": 27576, "\u0120Cage": 27577, "\u0120Lotus": 27578, "\u0120Lantern": 27579, "\u0120frontier": 27580, "\u0120pensions": 27581, "\u0120joked": 27582, "\u0120Hardy": 27583, "=-=-=-=-": 27584, "rade": 27585, "UID": 27586, "\u0120rails": 27587, "\u0120emit": 27588, "\u0120slate": 27589, "\u0120smug": 27590, "\u0120spit": 27591, "\u0120Calls": 27592, "\u0120Jacobs": 27593, "feat": 27594, "\u0120UE": 27595, "\u0120restruct": 27596, "\u0120regeneration": 27597, "\u0120energies": 27598, "\u0120Connor": 27599, "OHN": 27600, "\u0120Cheese": 27601, "\u0120ger": 27602, "\u0120resurrect": 27603, "management": 27604, "NW": 27605, "\u0120presently": 27606, "\u0120Bruins": 27607, "Member": 27608, "\u0120Mang": 27609, "idan": 27610, "\u0120boosting": 27611, "wyn": 27612, "+.": 27613, "requisite": 27614, "\u0120NYPD": 27615, "\u0120Megan": 27616, "\u0120Conditions": 27617, "\u0120pics": 27618, "nesium": 27619, "\u0120Rash": 27620, "\u0120174": 27621, "\u0120Ducks": 27622, "\u0120embro": 27623, "zu": 27624, "onian": 27625, "religious": 27626, "\u0120craz": 27627, "\u0120ACA": 27628, "\u0120Zucker": 27629, "EMA": 27630, "\u0120Pros": 27631, "Weapon": 27632, "\u0120Knox": 27633, "\u0120Arduino": 27634, "\u0120stove": 27635, "\u0120heavens": 27636, "\u0120Purchase": 27637, "\u0120herd": 27638, "\u0120fundraiser": 27639, "Digital": 27640, "5000": 27641, "\u0120proponents": 27642, "/\u00e2\u0122\u012d": 27643, "\u0120jelly": 27644, "\u0120Visa": 27645, "\u0120monks": 27646, "\u0120advancement": 27647, "\u0120Wer": 27648, "\u0120187": 27649, "eus": 27650, "ertility": 27651, "\u0120fetal": 27652, "\u01201936": 27653, "Lo": 27654, "\u0120outfits": 27655, "\u0120staircase": 27656, "bomb": 27657, "\u0120customized": 27658, "clair": 27659, "Tree": 27660, "\u0120mapped": 27661, "\u0120Considering": 27662, "\u0120Torres": 27663, "\u0120methyl": 27664, "\u0120approximate": 27665, "\u0120doom": 27666, "\u0120Hansen": 27667, "\u0120crossover": 27668, "\u0120standalone": 27669, "\u00e4\u00bc": 27670, "\u0120invites": 27671, "\u0120graveyard": 27672, "\u0120hp": 27673, "DonaldTrump": 27674, "\u0120escort": 27675, "Gar": 27676, "\u0120predecessors": 27677, "\u0120hay": 27678, "\u0120enzyme": 27679, "\u0120Straight": 27680, "visors": 27681, "Ing": 27682, "aneously": 27683, "\u0120Applied": 27684, "\u0120fec": 27685, "\u0120Durant": 27686, "\u0120outspoken": 27687, "orb": 27688, "\u0120zeal": 27689, "\u0120disgrace": 27690, "').": 27691, "\u0120Cheng": 27692, "289": 27693, "\u0120Rena": 27694, "\u0120Suicide": 27695, "294": 27696, "\u0120outraged": 27697, "\u0120Newman": 27698, "\u0120Nvidia": 27699, "\u0120Aber": 27700, "\u0120Bers": 27701, "\u0120recreation": 27702, "Window": 27703, "\u0120DP": 27704, "xe": 27705, "\u0120pedoph": 27706, "\u0120fallout": 27707, "amboo": 27708, "\u0120presentations": 27709, "\u0120Apps": 27710, "\u0120html": 27711, "345": 27712, "\u0120XXX": 27713, "\u0120rubbing": 27714, "\u0120Leather": 27715, "\u0120humidity": 27716, "seys": 27717, "established": 27718, "\u0120Units": 27719, "646": 27720, "\u0120respectable": 27721, "Auto": 27722, "\u0120thriving": 27723, "\u0120Innovation": 27724, "angs": 27725, "Extra": 27726, "regulation": 27727, "298": 27728, "pick": 27729, "Examples": 27730, "\u0120CJ": 27731, "Attack": 27732, "\u0120dracon": 27733, "LT": 27734, "\u0120sticker": 27735, "rers": 27736, "\u0120sunny": 27737, "Iss": 27738, "regulated": 27739, "dim": 27740, "\u0120Abstract": 27741, "\u0120husbands": 27742, "Office": 27743, "omination": 27744, "itars": 27745, "ANGE": 27746, "ascal": 27747, "\u0120Kris": 27748, "\u0120Infantry": 27749, "\u0120malf": 27750, "\u0120Athe": 27751, "\u0120Rally": 27752, "balanced": 27753, "........................": 27754, "OUP": 27755, "\u0120molecule": 27756, "metics": 27757, "\u0120Split": 27758, "\u0120Instructions": 27759, "\u0120Nights": 27760, "cards": 27761, "\u0120tug": 27762, "\u0120cone": 27763, "\u00e5\u0143": 27764, "\u0120tx": 27765, "\u0120Discussion": 27766, "\u0120catastrophe": 27767, "ppe": 27768, "gio": 27769, "\u0120communism": 27770, "\u0120halted": 27771, "\u0120Guant": 27772, "clean": 27773, "\u0120Sched": 27774, "\u0120Kanye": 27775, "\u0120wander": 27776, "\u0120Seriously": 27777, "\u0120188": 27778, "ennial": 27779, "follow": 27780, "productive": 27781, "\u0120Flow": 27782, "\u0120Sail": 27783, "\u0120craw": 27784, "\u0120simulations": 27785, "oru": 27786, "angles": 27787, "\u0120Nolan": 27788, "\u0120menstru": 27789, "470": 27790, "\u0120207": 27791, "aja": 27792, "\u0120casually": 27793, "boarding": 27794, "\u0120222": 27795, "ovy": 27796, "\u0120Numbers": 27797, "umat": 27798, "OE": 27799, "287": 27800, "\u0120Clemson": 27801, "\u0120certs": 27802, "\u0120slid": 27803, "\u0120Tribe": 27804, "\u0120toast": 27805, "\u0120fortunes": 27806, "\u0120fals": 27807, "\u0120Committees": 27808, "\u0120gp": 27809, "\u0120fiery": 27810, "\u0120Nets": 27811, "\u0120Anime": 27812, "Package": 27813, "\u0120Compare": 27814, "laughter": 27815, "infect": 27816, "\u0120atrocities": 27817, "\u0120justices": 27818, "\u0120insults": 27819, "\u0120Vernon": 27820, "\u0120shaken": 27821, "\u0120persona": 27822, "estamp": 27823, "367": 27824, "brain": 27825, "\u0120experimenting": 27826, "Ken": 27827, "\u0120Electronics": 27828, "\u0120161": 27829, "domain": 27830, "\u0120graphical": 27831, "bishop": 27832, "\u0120whopping": 27833, "\u0120Evangel": 27834, "\u0120advertisers": 27835, "\u0120Spear": 27836, "\u0120bids": 27837, "\u0120destroys": 27838, "utz": 27839, "\u0120undersc": 27840, "\u0120ADD": 27841, "\u0120ants": 27842, "\u0120Cum": 27843, "ipples": 27844, "\u0120Fill": 27845, "\u0120glanced": 27846, "\u0120indicted": 27847, "\u0120Eff": 27848, "\u0120miscon": 27849, "\u0120Desktop": 27850, "\u0120abide": 27851, "\u00e3\u0125\u0122": 27852, "\u0120Io": 27853, "\u0120Coul": 27854, "\u0120capsule": 27855, "\u0120Chrys": 27856, "MON": 27857, "\u0120undes": 27858, "\u0120IRA": 27859, "\u0120citation": 27860, "\u0120dictate": 27861, "\u0120Networks": 27862, "\u0120Conflict": 27863, "\u0120Stuff": 27864, "xa": 27865, "isec": 27866, "\u0120Chemistry": 27867, "\u0120quarterly": 27868, "Williams": 27869, "anan": 27870, "Opt": 27871, "\u0120Alexandria": 27872, "outheastern": 27873, "\u0120Springfield": 27874, "\u0120Blacks": 27875, "\u0120geography": 27876, "242": 27877, "\u0120utmost": 27878, "\u0120Exxon": 27879, "abouts": 27880, "EVA": 27881, "\u0120Enable": 27882, "\u0120Barr": 27883, "\u0120disagreed": 27884, "\u0120Cyprus": 27885, "\u0120dementia": 27886, "\u0120labs": 27887, "\u0120ubiquitous": 27888, "\u0120LOVE": 27889, "\u0120consolidated": 27890, "sr": 27891, "\u0120creamy": 27892, "\u0120Timber": 27893, "Regardless": 27894, "\u0120Certificate": 27895, "\u0120\"...": 27896, "ogenous": 27897, "Captain": 27898, "\u0120insulting": 27899, "\u0120Soros": 27900, "\u0120Instr": 27901, "\u0120Bulgaria": 27902, "better": 27903, "\u0120sucking": 27904, "\u0120Davidson": 27905, "atz": 27906, "\u0120collateral": 27907, "gif": 27908, "\u0120plagued": 27909, "\u0120Cancel": 27910, "\u0120Gardner": 27911, "RB": 27912, "\u0120sixteen": 27913, "Remove": 27914, "uristic": 27915, "cook": 27916, "Rod": 27917, "\u0120comprising": 27918, "fle": 27919, ")\u00e2\u0122\u0136": 27920, "\u0120Viking": 27921, "growth": 27922, "agonal": 27923, "\u0120srf": 27924, "afety": 27925, "mot": 27926, "Nearly": 27927, "stown": 27928, "\u0120Factor": 27929, "\u0120automobile": 27930, "\u0120procedural": 27931, "mask": 27932, "ampires": 27933, "\u0120disappears": 27934, "jab": 27935, "315": 27936, "\u01201951": 27937, "needed": 27938, "\u0120daring": 27939, "leader": 27940, "\u0120podium": 27941, "\u0120unhealthy": 27942, "\u0120mund": 27943, "\u0120pyramid": 27944, "ocre": 27945, "\u0120kissed": 27946, "\u0120dreamed": 27947, "\u0120Fantastic": 27948, "\u0120Gly": 27949, "\u00e5\u012c": 27950, "\u0120greatness": 27951, "\u0120spices": 27952, "\u0120metropolitan": 27953, "\u0120compuls": 27954, "iets": 27955, "1016": 27956, "\u0120Sham": 27957, "\u0120Pyr": 27958, "flies": 27959, "\u0120Midnight": 27960, "\u0120swallowed": 27961, "\u0120genres": 27962, "\u0120Lucky": 27963, "\u0120Rewards": 27964, "\u0120dispatch": 27965, "\u0120IPA": 27966, "\u0120Apply": 27967, "\u0120aven": 27968, "alities": 27969, "312": 27970, "things": 27971, "\u0120().": 27972, "\u0120mates": 27973, "\u0120Sz": 27974, "\u0120COP": 27975, "olate": 27976, "OFF": 27977, "\u0120recharge": 27978, "caps": 27979, "\u0120Yorker": 27980, "icone": 27981, "\u0120galaxies": 27982, "ileaks": 27983, "Dave": 27984, "\u0120Puzz": 27985, "\u0120Celtic": 27986, "\u0120AFC": 27987, "276": 27988, "\u0120Sons": 27989, "\u0120affirmative": 27990, "Hor": 27991, "\u0120tutorials": 27992, "\u0120CITY": 27993, "\u0120Rosa": 27994, "\u0120Extension": 27995, "Series": 27996, "\u0120fats": 27997, "\u0120rab": 27998, "lis": 27999, "\u0120unic": 28000, "\u0120eve": 28001, "\u0120Spin": 28002, "\u0120adulthood": 28003, "typ": 28004, "\u0120sectarian": 28005, "\u0120checkout": 28006, "\u0120Cycl": 28007, "Single": 28008, "\u0120martyr": 28009, "\u0120chilling": 28010, "888": 28011, "oufl": 28012, "\u0120];": 28013, "\u0120congestion": 28014, "mk": 28015, "\u0120Whereas": 28016, "\u01201938": 28017, "urrencies": 28018, "erion": 28019, "\u0120boast": 28020, "\u0120Patients": 28021, "\u0120chap": 28022, "\u0120BD": 28023, "realDonaldTrump": 28024, "\u0120examines": 28025, "hov": 28026, "\u0120startling": 28027, "\u0120Babylon": 28028, "wid": 28029, "omew": 28030, "brance": 28031, "\u0120Odyssey": 28032, "wig": 28033, "\u0120torch": 28034, "\u0120Vox": 28035, "\u0120Moz": 28036, "\u0120Troll": 28037, "\u0120Ans": 28038, "Similarly": 28039, "\u0120Ful": 28040, "006": 28041, "Unless": 28042, "\u0120Alone": 28043, "stead": 28044, "\u0120Publisher": 28045, "rights": 28046, "tu": 28047, "\u0120Doesn": 28048, "\u0120professionally": 28049, "\u0120clo": 28050, "icz": 28051, "\u0120steals": 28052, "\u0120\u00e1": 28053, "1986": 28054, "\u0120sturdy": 28055, "\u0120Johann": 28056, "\u0120medals": 28057, "\u0120filings": 28058, "\u0120Fraser": 28059, "done": 28060, "\u0120multinational": 28061, "\u0120feder": 28062, "\u0120worthless": 28063, "\u0120pest": 28064, "Yesterday": 28065, "ankind": 28066, "\u0120gays": 28067, "\u0120borne": 28068, "\u0120POS": 28069, "Picture": 28070, "\u0120percentages": 28071, "251": 28072, "rame": 28073, "\u0120potions": 28074, "AMD": 28075, "\u0120Lebanese": 28076, "\u0120rang": 28077, "\u0120LSU": 28078, "ongs": 28079, "\u0120peninsula": 28080, "\u0120Clause": 28081, "ALK": 28082, "oha": 28083, "\u0120MacBook": 28084, "\u0120unanimous": 28085, "\u0120lenders": 28086, "\u0120hangs": 28087, "\u0120franchises": 28088, "orers": 28089, "\u0120Updates": 28090, "\u0120isolate": 28091, "andro": 28092, "Soon": 28093, "\u0120disruptive": 28094, "\u0120Surve": 28095, "\u0120stitches": 28096, "\u0120Scorp": 28097, "\u0120Dominion": 28098, "\u0120supplying": 28099, "Arg": 28100, "\u0120turret": 28101, "\u0120Luk": 28102, "\u0120brackets": 28103, "*)": 28104, "\u0120Revolutionary": 28105, "\u0120Honest": 28106, "\u0120noticing": 28107, "\u0120Shannon": 28108, "\u0120afforded": 28109, "\u0120tha": 28110, "\u0120Janet": 28111, "!--": 28112, "\u0120Narendra": 28113, "\u0120Plot": 28114, "Hol": 28115, "sever": 28116, "eenth": 28117, "\u0120obstruction": 28118, "\u01201024": 28119, "staff": 28120, "jas": 28121, "orget": 28122, "scenes": 28123, "laughs": 28124, "\u0120Fargo": 28125, "crime": 28126, "\u0120orchestr": 28127, "\u0120delet": 28128, "iliary": 28129, "rieved": 28130, "\u0120militar": 28131, "\u0120Greene": 28132, "\u00e2\u0139\u0131": 28133, "\u00e3\u0123\u00a6": 28134, "\u0120Guards": 28135, "\u0120unleashed": 28136, "\u0120Weber": 28137, "\u0120adjustable": 28138, "\u0120caliber": 28139, "\u0120motivations": 28140, "\u0120\u00c3\u0142": 28141, "mAh": 28142, "\u0120Lanka": 28143, "handle": 28144, "\u0120pent": 28145, "\u0120Rav": 28146, "\u0120Angular": 28147, "\u0120Kau": 28148, "umbing": 28149, "\u0120philanthrop": 28150, "\u0120dehyd": 28151, "\u0120toxicity": 28152, "eer": 28153, "\u0120YORK": 28154, "witz": 28155, "\u00e5\u00bc": 28156, "\u0120IE": 28157, "community": 28158, "\u0120AH": 28159, "\u0120retali": 28160, "\u0120massively": 28161, "\u0120Daniels": 28162, "\u0120DEL": 28163, "\u0120carcin": 28164, "Url": 28165, "\u0120routing": 28166, "\u0120NPCs": 28167, "\u0120RAF": 28168, "ryce": 28169, "\u0120waived": 28170, "\u0120Guatem": 28171, "Everybody": 28172, "\u0120covenant": 28173, "\u0120173": 28174, "\u0120relaxing": 28175, "\u0120quart": 28176, "almost": 28177, "\u0120guarded": 28178, "\u0120Soldiers": 28179, "\u0120PLAY": 28180, "\u0120outgoing": 28181, "LAND": 28182, "\u0120rewrite": 28183, "\u0120MOV": 28184, "\u0120Imper": 28185, "\u0120Solution": 28186, "\u0120phenomenal": 28187, "\u0120longevity": 28188, "\u0120impat": 28189, "\u0120Nissan": 28190, "irie": 28191, "\u0120odor": 28192, "\u0120Zar": 28193, "oks": 28194, "\u0120militias": 28195, "\u0120SPEC": 28196, "\u0120tolerated": 28197, "arser": 28198, "\u0120Bradford": 28199, "+,": 28200, "\u0120surreal": 28201, "sf": 28202, "Canadian": 28203, "\u0120resemblance": 28204, "\u0120carbohydrate": 28205, "VIEW": 28206, "\u0120accessory": 28207, "meal": 28208, "largest": 28209, "iegel": 28210, "Someone": 28211, "\u0120toughest": 28212, "oso": 28213, "\u0120funnel": 28214, "\u0120condemnation": 28215, "luent": 28216, "\u0120wired": 28217, "\u0120Sunset": 28218, "Jesus": 28219, "\u0120PST": 28220, "\u0120Pages": 28221, "\u0120Tycoon": 28222, "\u0120PF": 28223, "\u0120selections": 28224, "\u0120\u00e0\u00a4": 28225, "partisan": 28226, "\u0120highs": 28227, "\u0120Rune": 28228, "\u0120crafts": 28229, "lead": 28230, "\u0120Parents": 28231, "\u0120reclaim": 28232, "eker": 28233, "\u0120Allied": 28234, "aeper": 28235, "\u0120looming": 28236, "\u0120beneficiaries": 28237, "\u0120Hull": 28238, "Students": 28239, "Jewish": 28240, "dj": 28241, "\u0120pact": 28242, "template": 28243, "\u0120Officials": 28244, "\u0120Baylor": 28245, "\u0120hemp": 28246, "\u0120youths": 28247, "\u0120Levels": 28248, "\u0120Xiao": 28249, "\u0120Ches": 28250, "\u0120endeavor": 28251, "\u0120Removed": 28252, "\u0120hippocamp": 28253, "Hell": 28254, "\u00e3\u0124\u012c": 28255, "805": 28256, "\u0120dinosaur": 28257, "\u0120Wrath": 28258, "\u0120Indonesian": 28259, "\u0120calculator": 28260, "\u0120Dictionary": 28261, "\u0120420": 28262, "\u0120MAG": 28263, "(_": 28264, "!,": 28265, "tarians": 28266, "\u0120restricting": 28267, "racuse": 28268, "\u0120weekday": 28269, "OUNT": 28270, "\u0120shrugged": 28271, "leground": 28272, "\u0120bald": 28273, "\u0120Doctors": 28274, "\u0120touted": 28275, "\u0120Maxwell": 28276, "\u0120214": 28277, "\u0120diplomat": 28278, "\u0120repression": 28279, "\u0120constituency": 28280, "vice": 28281, "ranked": 28282, "\u0120Napoleon": 28283, "gang": 28284, "\u0120Forever": 28285, "tun": 28286, "\u0120bulb": 28287, "\u0120PDT": 28288, "\u0120Cisco": 28289, "VEN": 28290, "\u0120resumed": 28291, "Steven": 28292, "\u0120Manitoba": 28293, "\u0120fabulous": 28294, "\u0120Agents": 28295, "1984": 28296, "\u0120amusing": 28297, "\u0120Mysteries": 28298, "\u0120orthodox": 28299, "floor": 28300, "\u0120questionnaire": 28301, "\u0120penetrate": 28302, "\u0120filmmakers": 28303, "\u0120Unc": 28304, "\u0120stamped": 28305, "\u0120thirteen": 28306, "\u0120outfield": 28307, "\u0120forwarded": 28308, "\u0120appra": 28309, "\u0120aided": 28310, "try": 28311, "\u0120unfocused": 28312, "\u0120Liz": 28313, "\u0120Wendy": 28314, "\u0120Scene": 28315, "Charg": 28316, "\u0120rejects": 28317, "\u0120leftist": 28318, "\u0120Providence": 28319, "\u0120Brid": 28320, "regn": 28321, "\u0120prophecy": 28322, "\u0120LIVE": 28323, "499": 28324, "\u0120forge": 28325, "\u0120FML": 28326, "\u0120intrinsic": 28327, "\u0120Frog": 28328, "\u0120wont": 28329, "\u0120Holt": 28330, "\u0120famed": 28331, "CLUS": 28332, "aepernick": 28333, "\u0120Hate": 28334, "\u0120Cay": 28335, "\u0120registering": 28336, "ortality": 28337, "ropy": 28338, "ocalyptic": 28339, "aan": 28340, "nav": 28341, "\u0120fascist": 28342, "IFIED": 28343, "\u0120implicated": 28344, "\u0120Resort": 28345, "\u0120Chandler": 28346, "\u0120Brick": 28347, "Pin": 28348, "ysc": 28349, "Usage": 28350, "\u0120Helm": 28351, "usra": 28352, "\u00e2\u013a\u0127\u00e2\u013a\u0127": 28353, "\u0120Abbas": 28354, "\u0120unanimously": 28355, "\u0120keeper": 28356, "\u0120addicted": 28357, "???": 28358, "\u0120helmets": 28359, "\u0120antioxid": 28360, "apsed": 28361, "808": 28362, "giene": 28363, "\u0120waits": 28364, "\u0120minion": 28365, "raved": 28366, "\u0120Porsche": 28367, "\u0120dreaming": 28368, "\u0120171": 28369, "\u0120Cain": 28370, "\u0120unfor": 28371, "asso": 28372, "\u0120Configuration": 28373, "kun": 28374, "hardt": 28375, "\u0120nested": 28376, "\u0120LDS": 28377, "LES": 28378, "\u0120tying": 28379, "enos": 28380, "\u0120cue": 28381, "\u0120Marqu": 28382, "skirts": 28383, "\u0120clicked": 28384, "\u0120expiration": 28385, "\u0120Accordingly": 28386, "\u0120WC": 28387, "\u0120blessings": 28388, "\u0120addictive": 28389, "\u0120Narr": 28390, "yx": 28391, "\u0120Jaguars": 28392, "\u0120rents": 28393, "\u0120Siber": 28394, "\u0120tipped": 28395, "ousse": 28396, "\u0120Fitzgerald": 28397, "\u0120hierarch": 28398, "outine": 28399, "\u0120wavelength": 28400, ">.": 28401, "chid": 28402, "\u0120Processing": 28403, "/+": 28404, "ranking": 28405, "Easy": 28406, "\u0120Construct": 28407, "\u0120tet": 28408, "insured": 28409, "HUD": 28410, "\u0120quoting": 28411, "\u0120communicated": 28412, "inx": 28413, "\u0120inmate": 28414, "\u0120erected": 28415, "\u0120Absolutely": 28416, "\u0120Surely": 28417, "\u0120unim": 28418, "\u0120Throne": 28419, "heid": 28420, "\u0120claws": 28421, "\u0120superstar": 28422, "\u0120Lenn": 28423, "\u0120Whis": 28424, "Uk": 28425, "abol": 28426, "\u0120sket": 28427, "\u0120Niet": 28428, "\u0120perks": 28429, "\u0120affinity": 28430, "\u0120openings": 28431, "phasis": 28432, "\u0120discriminate": 28433, "Tip": 28434, "vc": 28435, "\u0120grinding": 28436, "\u0120Jenny": 28437, "\u0120asthma": 28438, "holes": 28439, "\u0120Homer": 28440, "\u0120registers": 28441, "\u0120Glad": 28442, "\u0120creations": 28443, "\u0120lithium": 28444, "\u0120applause": 28445, "until": 28446, "Justice": 28447, "\u0120Turks": 28448, "\u0120scandals": 28449, "\u0120bake": 28450, "tank": 28451, "Mech": 28452, "\u0120Means": 28453, "\u0120Maid": 28454, "Republicans": 28455, "isal": 28456, "windows": 28457, "\u0120Santos": 28458, "\u0120vegetation": 28459, "338": 28460, "tri": 28461, "\u0120flux": 28462, "insert": 28463, "\u0120clarified": 28464, "\u0120mortg": 28465, "\u0120Chim": 28466, "\u0120Tort": 28467, "\u0120disclaim": 28468, "metal": 28469, "\u0120Aside": 28470, "\u0120induction": 28471, "\u0120infl": 28472, "\u0120atheists": 28473, "amph": 28474, "\u0120ether": 28475, "\u0120Vital": 28476, "\u0120Built": 28477, "Mind": 28478, "\u0120weaponry": 28479, "SET": 28480, "\u0120186": 28481, "admin": 28482, "gam": 28483, "contract": 28484, "afa": 28485, "\u0120derivatives": 28486, "\u0120snacks": 28487, "\u0120churn": 28488, "Econom": 28489, "\u0120capped": 28490, "\u0120Understanding": 28491, "\u0120Hers": 28492, "\u0120Iz": 28493, "\u0120duct": 28494, "IENT": 28495, "aughty": 28496, "\u0120\u00e2\u013e\u0136": 28497, "\u0120NP": 28498, "\u0120sailing": 28499, "Initialized": 28500, "\u0120ted": 28501, "\u0120reactors": 28502, "\u0120Lomb": 28503, "\u0120choke": 28504, "\u0120Worm": 28505, "\u0120admiration": 28506, "\u0120swung": 28507, "ensibly": 28508, "\u0120rash": 28509, "\u0120Goals": 28510, "\u0120Important": 28511, "Shot": 28512, "\u0120Ras": 28513, "\u0120trainers": 28514, "\u0120Bun": 28515, "Working": 28516, "\u0120harmed": 28517, "\u0120Pandora": 28518, "\u0120LTE": 28519, "\u0120mushroom": 28520, "\u0120CHAR": 28521, "\u0120Fee": 28522, "\u0120Moy": 28523, "Born": 28524, "oliberal": 28525, "\u0120Martial": 28526, "\u0120gentlemen": 28527, "\u0120lingering": 28528, "Official": 28529, "\u0120graffiti": 28530, "\u0120Names": 28531, "Der": 28532, "\u0120quint": 28533, "istrate": 28534, "azeera": 28535, "\u0120NOTICE": 28536, "\u0120Florence": 28537, "\u0120payable": 28538, "\u0120depicts": 28539, "\u0120Species": 28540, "Heart": 28541, "\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122\u00e2\u0136\u0122": 28542, "\u0120enclosed": 28543, "Increases": 28544, "Daily": 28545, "\u0120Lis": 28546, "\u0120enactment": 28547, "\u0120Bacon": 28548, "\u0120Steele": 28549, "demand": 28550, "\u0120183": 28551, "\u0120mouths": 28552, "\u0120stranded": 28553, "\u0120enhancement": 28554, "011": 28555, "\u0120Whats": 28556, "\u0120healed": 28557, "eny": 28558, "\u0120Rab": 28559, "\u0120340": 28560, "\u0120Labyrinth": 28561, "roach": 28562, "\u0120Yosh": 28563, "\u0120Clippers": 28564, "\u0120concerts": 28565, "Internet": 28566, "355": 28567, "\u0120stickers": 28568, "\u0120termed": 28569, "\u0120Axe": 28570, "\u0120grandparents": 28571, "France": 28572, "\u0120Clim": 28573, "\u0120Uh": 28574, "ulic": 28575, "\u0120thrill": 28576, "centric": 28577, "\u0120Overview": 28578, "\u0120Conduct": 28579, "\u0120substantive": 28580, "\u0120182": 28581, "mur": 28582, "\u0120stray": 28583, "\u0120Coff": 28584, "\u0120repetitive": 28585, "\u0120Forgotten": 28586, "\u0120qualification": 28587, "ewitness": 28588, "\u0120Zimbabwe": 28589, "\u0120simulated": 28590, "\u0120JD": 28591, "253": 28592, "\u0120Ware": 28593, "\u0120unsc": 28594, "Times": 28595, "\u0120summons": 28596, "\u0120disconnected": 28597, "\u0120184": 28598, "cius": 28599, "\u0120Gujar": 28600, "odka": 28601, "\u0120erase": 28602, "\u0120Tobacco": 28603, "elected": 28604, "\u0120uncont": 28605, "\u0120Shepard": 28606, "\u0120Lamp": 28607, "\u0120alerted": 28608, "\u0120operative": 28609, "arna": 28610, "uint": 28611, "\u0120negligence": 28612, "acements": 28613, "\u0120supra": 28614, "\u0120prevail": 28615, "\u0120Shark": 28616, "\u0120belts": 28617, "\u00e3\u0123\u00ab": 28618, "\u0120tighter": 28619, "Engineers": 28620, "\u0120inactive": 28621, "\u0120exponent": 28622, "\u0120Willie": 28623, "aples": 28624, "\u0120heir": 28625, "\u0120Hits": 28626, "iann": 28627, "\u0120Says": 28628, "\u0120currents": 28629, "\u0120Bengal": 28630, "\u0120arist": 28631, "Buffer": 28632, "\u0120breeze": 28633, "\u0120Wesley": 28634, "Cola": 28635, "\u0120pronoun": 28636, "\u0120deed": 28637, "\u0120Kling": 28638, "\u0120oft": 28639, "\u0120inflict": 28640, "\u0120punishing": 28641, "\u0120nm": 28642, "iku": 28643, "ODUCT": 28644, "014": 28645, "\u0120subsidy": 28646, "\u0120DEA": 28647, "\u0120Herbert": 28648, "\u0120Jal": 28649, "Bank": 28650, "\u0120deferred": 28651, "\u0120shipment": 28652, "Bott": 28653, "\u0120alle": 28654, "bearing": 28655, "HTML": 28656, "Offline": 28657, "\u0120213": 28658, "\u0120scrolling": 28659, "\u0120scanned": 28660, "\u0120Libyan": 28661, "\u0120TOP": 28662, "chrom": 28663, "dt": 28664, "column": 28665, "PsyNetMessage": 28666, "Zero": 28667, "\u0120torso": 28668, "050": 28669, "\u00e2\u0137\u0132": 28670, "\u0120imperson": 28671, "\u0120Schwartz": 28672, "udic": 28673, "\u0120pissed": 28674, "\u0120Sapp": 28675, "257": 28676, "\u0120ISPs": 28677, "ogl": 28678, "\u0120supervised": 28679, "\u0120adolescent": 28680, "\u0120attained": 28681, "\u0120Delivery": 28682, "\u0120Bunny": 28683, "\u01201937": 28684, "\u0120miniature": 28685, "\u0120os": 28686, "\u0120370": 28687, "608": 28688, "\u0120Mourinho": 28689, "\u0120innate": 28690, "\u0120tempo": 28691, "\u0120NM": 28692, "\u0120Fallen": 28693, "009": 28694, "\u0120provocative": 28695, "Streamer": 28696, "\u0120Benedict": 28697, "\u0120Bolshe": 28698, "\u0120turtle": 28699, "\u0120PCB": 28700, "\u0120Equal": 28701, "Director": 28702, "\u0120Rend": 28703, "\u0120fluids": 28704, "Authorities": 28705, "\u0120cousins": 28706, "requency": 28707, "\u0120Neighbor": 28708, "sets": 28709, "shared": 28710, "Charles": 28711, "password": 28712, "\u0120gears": 28713, "\u0120211": 28714, "\u0120Hardware": 28715, "rika": 28716, "\u0120upstream": 28717, "Hom": 28718, "\u0120disproportionately": 28719, "ivities": 28720, "\u0120undefined": 28721, "\u0120electrons": 28722, "\u0120commemor": 28723, "Eventually": 28724, "\u0120><": 28725, "\u0120irresponsible": 28726, "218": 28727, "\u0120Released": 28728, "\u0120OVER": 28729, "\u0120IGN": 28730, "\u0120Bread": 28731, "stellar": 28732, "\u0120Sage": 28733, "tted": 28734, "damage": 28735, "edition": 28736, "\u0120Prec": 28737, "\u0120lime": 28738, "\u0120confinement": 28739, "\u0120calorie": 28740, "weapon": 28741, "\u0120differing": 28742, "\u0120Sina": 28743, "mys": 28744, "amd": 28745, "\u0120intricate": 28746, "kk": 28747, "\u0120PAT": 28748, "\u00c3\u00a3o": 28749, "stones": 28750, "links": 28751, "\u0120ranch": 28752, "Semitic": 28753, "\u0120differentiate": 28754, "\u0120Singer": 28755, "occupied": 28756, "\u0120fortress": 28757, "cmd": 28758, "\u0120interception": 28759, "\u0120Ankara": 28760, "\u0120rept": 28761, "\u0120Solitaire": 28762, "\u0120remake": 28763, "pred": 28764, "\u0120dared": 28765, "autions": 28766, "\u0120BACK": 28767, "Running": 28768, "\u0120debugging": 28769, "\u0120graphs": 28770, "399": 28771, "\u0120Nigel": 28772, "\u0120bun": 28773, "\u0120pillow": 28774, "\u0120progressed": 28775, "fashioned": 28776, "\u0120obedience": 28777, "ERN": 28778, "\u0120rehears": 28779, "Cell": 28780, "tl": 28781, "Sher": 28782, "\u0120herald": 28783, "\u0120Payment": 28784, "\u0120Cory": 28785, "\u0120Dept": 28786, "\u0120repent": 28787, "\u0120Weak": 28788, "uckland": 28789, "\u0120pleasing": 28790, "\u0120shortages": 28791, "\u0120jurors": 28792, "\u0120Kab": 28793, "qqa": 28794, "Anti": 28795, "\u0120wow": 28796, "\u0120RCMP": 28797, "\u0120tsun": 28798, "\u0120Sic": 28799, "\u0120comprises": 28800, "\u0120spies": 28801, "\u0120precinct": 28802, "nu": 28803, "\u0120urges": 28804, "\u0120timed": 28805, "\u0120stripes": 28806, "\u0120Boots": 28807, "\u0120yen": 28808, "Advanced": 28809, "\u0120discrete": 28810, "\u0120Archangel": 28811, "employment": 28812, "Diff": 28813, "\u0120monuments": 28814, "\u0120209": 28815, "worker": 28816, "\u0120196": 28817, "\u0120Ig": 28818, "utterstock": 28819, "TPS": 28820, "Jac": 28821, "\u0120homelessness": 28822, "\u0120commentator": 28823, "\u0120racially": 28824, "fing": 28825, "seed": 28826, "Ele": 28827, "ellation": 28828, "\u0120ethanol": 28829, "\u0120parish": 28830, "\u0120Dong": 28831, "\u0120Awakening": 28832, "\u0120deviation": 28833, "\u0120Bearing": 28834, "\u0120Tsuk": 28835, "\u0120recess": 28836, "\u0120lymph": 28837, "\u0120Cannabis": 28838, "\u00e5\u013e": 28839, "\u0120NEWS": 28840, "\u0120dra": 28841, "\u0120Stefan": 28842, "\u0120Wrong": 28843, "\u0120SAM": 28844, "\u0120loosely": 28845, "\u0120interpreter": 28846, "\u0120Plain": 28847, "Government": 28848, "\u0120bigotry": 28849, "\u0120grenades": 28850, "avez": 28851, "pictured": 28852, "\u0120mandated": 28853, "\u0120Monk": 28854, "\u0120Pedro": 28855, "\u0120lava": 28856, "274": 28857, "\u0120cynical": 28858, "\u0120Scrolls": 28859, "locks": 28860, "Mp": 28861, "\u0120congregation": 28862, "ornings": 28863, "phil": 28864, "\u0120Ibid": 28865, "\u0120ferv": 28866, "\u0120disappearing": 28867, "\u0120arrogant": 28868, "syn": 28869, "\u0120Maver": 28870, "\u0120Suit": 28871, "241": 28872, "\u0120abbre": 28873, "ackers": 28874, "Pa": 28875, "\u0120Yel": 28876, "Whenever": 28877, "\u0120235": 28878, "\u0120Vine": 28879, "\u0120Anat": 28880, "\u0120extinct": 28881, "LET": 28882, "\u0120executable": 28883, "VERS": 28884, "oxide": 28885, "DNA": 28886, "\u0120Prel": 28887, "\u0120resentment": 28888, "\u0120comprise": 28889, "\u0120Aviv": 28890, "\u0120interceptions": 28891, "\u0120prolific": 28892, "INA": 28893, "\u0120Erin": 28894, "thought": 28895, "219": 28896, "\u0120Psychiatry": 28897, "unky": 28898, "chemist": 28899, "Ho": 28900, "\u0120McCoy": 28901, "\u0120bricks": 28902, "Los": 28903, "rily": 28904, "\u0120USSR": 28905, "\u0120rud": 28906, "\u0120laud": 28907, "\u0120Wise": 28908, "\u0120Emerald": 28909, "\u0120revived": 28910, "\u0120damned": 28911, "\u0120Repair": 28912, "idem": 28913, "ctica": 28914, "\u0120patriarch": 28915, "\u0120Nurs": 28916, "meg": 28917, "\u0120cheapest": 28918, "reements": 28919, "empty": 28920, "\u0120Celebr": 28921, "\u0120deprivation": 28922, "chanted": 28923, "\u0120Thumbnails": 28924, "Energy": 28925, "\u0120Ethan": 28926, "\u0120Qing": 28927, "\u0120opposes": 28928, "WIND": 28929, "vik": 28930, "\u0120Mau": 28931, "\u0120SUB": 28932, "667": 28933, "GRE": 28934, "\u0120Volunte": 28935, "nton": 28936, "Cook": 28937, "\u00e5\u0132": 28938, "esque": 28939, "\u0120plummet": 28940, "\u0120suing": 28941, "\u0120pronounce": 28942, "\u0120resisting": 28943, "\u0120Fishing": 28944, "\u0120Trials": 28945, "\u0120yell": 28946, "\u0120310": 28947, "\u0120induct": 28948, "\u0120personalized": 28949, "often": 28950, "Reb": 28951, "EMBER": 28952, "\u0120viewpoint": 28953, "\u0120existential": 28954, "())": 28955, "remove": 28956, "MENTS": 28957, "lasses": 28958, "\u0120evapor": 28959, "\u0120aisle": 28960, "meta": 28961, "\u0120reflective": 28962, "\u0120entitlement": 28963, "\u0120devised": 28964, "music": 28965, "ascade": 28966, "\u0120winding": 28967, "offset": 28968, "\u0120accessibility": 28969, "kered": 28970, "Better": 28971, "\u0120Johnston": 28972, "thinking": 28973, "Snow": 28974, "\u0120Croatia": 28975, "\u0120Atomic": 28976, "271": 28977, "348": 28978, "\u0120textbook": 28979, "\u0120Sixth": 28980, "\u0120\u00d8\u00a7\u00d9\u0126": 28981, "\u0120slider": 28982, "\u0120Burger": 28983, "bol": 28984, "Sync": 28985, "\u0120grandchildren": 28986, "\u0120cerv": 28987, "+)": 28988, "\u0120eternity": 28989, "\u0120tweeting": 28990, "\u0120speculative": 28991, "\u0120pivotal": 28992, "\u0120WP": 28993, "\u0120TER": 28994, "ynamic": 28995, "\u0120upl": 28996, "\u0120Cats": 28997, "perhaps": 28998, "\u0120classmates": 28999, "\u0120blatant": 29000, "'-": 29001, "\u0120lakh": 29002, "antine": 29003, "\u0120Borg": 29004, "iom": 29005, "/(": 29006, "\u0120Athletic": 29007, "\u0120sar": 29008, "OTA": 29009, "\u0120Hoffman": 29010, "Nevertheless": 29011, "\u0120adorable": 29012, "\u0120spawned": 29013, "Associated": 29014, "\u0120Domestic": 29015, "\u0120implant": 29016, "\u0120Luxem": 29017, "\u0120Kens": 29018, "\u0120pumps": 29019, "\u0120SAT": 29020, "Attributes": 29021, "509": 29022, "avour": 29023, "\u0120centralized": 29024, "\u0120TN": 29025, "\u0120freshly": 29026, "\u0120Achieve": 29027, "\u0120outsiders": 29028, "herty": 29029, "\u0120Ree": 29030, "\u0120Towers": 29031, "\u0120Dart": 29032, "akable": 29033, "\u0120mp": 29034, "\u0120Heavenly": 29035, "\u0120ripe": 29036, "\u0120Caroline": 29037, "ryan": 29038, "\u0120classics": 29039, "\u0120retiring": 29040, "\u0120228": 29041, "\u0120ah": 29042, "\u0120dealings": 29043, "\u0120punching": 29044, "\u0120Chapman": 29045, "Options": 29046, "maxwell": 29047, "volume": 29048, "\u0120stal": 29049, "\u0120exported": 29050, "\u0120Quite": 29051, "\u0120numerical": 29052, "Burn": 29053, "Fact": 29054, "\u0120Keystone": 29055, "\u0120trending": 29056, "\u0120altering": 29057, "\u0120Africans": 29058, "478": 29059, "\u0120MN": 29060, "\u0120Knock": 29061, "\u0120temptation": 29062, "\u0120prestige": 29063, "Overview": 29064, "\u0120Traditional": 29065, "\u0120Bahrain": 29066, "Private": 29067, "\u0120HOU": 29068, "\u0120barr": 29069, "\u0120Tat": 29070, "Cube": 29071, "USD": 29072, "\u0120Grande": 29073, "\u0120Gat": 29074, "\u0120Flo": 29075, "\u0120resides": 29076, "\u0120indec": 29077, "volent": 29078, "\u0120perpetual": 29079, "ubes": 29080, "\u0120worldview": 29081, "\u0120Quantum": 29082, "\u0120filtered": 29083, "\u0120ensu": 29084, "orgetown": 29085, "ERSON": 29086, "\u0120Mild": 29087, "379": 29088, "OTT": 29089, "\u00c3\u00a5": 29090, "\u0120vitamins": 29091, "\u0120ribbon": 29092, "\u0120sincerely": 29093, "\u0120Hin": 29094, "\u0120eighteen": 29095, "\u0120contradictory": 29096, "\u0120glaring": 29097, "\u0120expectancy": 29098, "\u0120conspir": 29099, "\u0120monstrous": 29100, "\u0120380": 29101, "reci": 29102, "\u0120handic": 29103, "\u0120pumped": 29104, "\u0120indicative": 29105, "\u0120rapp": 29106, "\u0120avail": 29107, "\u0120LEGO": 29108, "\u0120Marijuana": 29109, "1985": 29110, "erton": 29111, "\u0120twentieth": 29112, "################################": 29113, "\u0120Swamp": 29114, "\u0120valuation": 29115, "\u0120affiliates": 29116, "adjusted": 29117, "\u0120Facility": 29118, "262": 29119, "\u0120enzymes": 29120, "itudinal": 29121, "\u0120imprint": 29122, "Site": 29123, "\u0120installer": 29124, "\u0120TRA": 29125, "mology": 29126, "linear": 29127, "\u0120Collective": 29128, "igating": 29129, "\u0120Token": 29130, "\u0120speculated": 29131, "KN": 29132, "\u0120Cly": 29133, "ority": 29134, "\u0120defer": 29135, "\u0120inspectors": 29136, "approved": 29137, "RM": 29138, "\u0120Suns": 29139, "\u0120informing": 29140, "\u0120Syracuse": 29141, "ibli": 29142, "765": 29143, "\u0120glove": 29144, "\u0120authorize": 29145, "\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6\u00e2\u0122\u00a6": 29146, "\u0120Cruise": 29147, "\u0120contracting": 29148, "shell": 29149, "IFE": 29150, "\u0120Jewel": 29151, "pract": 29152, "\u0120Photoshop": 29153, "\u0120Knowing": 29154, "harm": 29155, "\u0120attractions": 29156, "adan": 29157, "etus": 29158, "018": 29159, "wagen": 29160, "Alt": 29161, "\u0120multiply": 29162, "\u0120equilibrium": 29163, ":{": 29164, "\u0120Fighters": 29165, "\u0120Edgar": 29166, "\u0120fourteen": 29167, "Govern": 29168, "\u0120misuse": 29169, "\u0120abusing": 29170, "\u0120ancestry": 29171, "ramer": 29172, "644": 29173, "\u0120worms": 29174, "\u0120thicker": 29175, "\u0120Combine": 29176, "\u0120peasants": 29177, "\u0120vind": 29178, "\u0120conquest": 29179, "\u0120mocked": 29180, "\u0120cinnamon": 29181, "\u0120Cald": 29182, "\u0120Gallup": 29183, "\u0120avoidance": 29184, "\u0120incarnation": 29185, "\u0120Strat": 29186, "\u0120tasted": 29187, "enta": 29188, "\u0120Neal": 29189, "pared": 29190, "\u0120terminology": 29191, "jection": 29192, "Scientists": 29193, "\u0120INS": 29194, "\u0120Dee": 29195, "\u0120directories": 29196, "Road": 29197, "\u0120Shap": 29198, "bright": 29199, "\u0120Directors": 29200, "\u0120Column": 29201, "\u0120bob": 29202, "\u0120preferably": 29203, "\u0120glitch": 29204, "furt": 29205, "\u0120eg": 29206, "idis": 29207, "CBC": 29208, "\u0120surrendered": 29209, "\u0120testament": 29210, "336": 29211, "uggest": 29212, "\u0120Nil": 29213, "another": 29214, "\u0120pathetic": 29215, "\u0120Donna": 29216, "\u0120218": 29217, "\u0120Avery": 29218, "\u0120whiskey": 29219, "\u0120fixture": 29220, "\u0120Conquest": 29221, "\u0120bets": 29222, "Occ": 29223, "\u0120Leicester": 29224, "].\"": 29225, "\u0120));": 29226, "\u0120flashes": 29227, "456": 29228, "\u0120masked": 29229, "gebra": 29230, "\u0120computed": 29231, "chel": 29232, "auder": 29233, "\u0120defeats": 29234, "\u0120Liberation": 29235, "\u0120Osama": 29236, "\u0120Vive": 29237, "Changes": 29238, "Channel": 29239, "\u0120tariffs": 29240, "\u0120mage": 29241, "\u0120Sax": 29242, "\u0120inadvertently": 29243, "\u0120CRE": 29244, "\u0120Reaper": 29245, "inky": 29246, "grading": 29247, "\u0120stereotyp": 29248, "\u0120curl": 29249, "\u0120FANT": 29250, "\u0120frameworks": 29251, "Mom": 29252, "\u0120Anch": 29253, "\u0120flavour": 29254, "carbon": 29255, "\u0120permitting": 29256, "letcher": 29257, "\u0120Mozilla": 29258, "\u0120Parking": 29259, "\u0120Champ": 29260, "Scroll": 29261, "\u0120murderer": 29262, "\u0120rested": 29263, "\u0120owes": 29264, "\u0120Poss": 29265, "ADD": 29266, "IFF": 29267, "resolution": 29268, "\u0120Mining": 29269, "\u0120comparative": 29270, "Dim": 29271, "\u0120neighbouring": 29272, "\u0120AST": 29273, "\u0120Toxic": 29274, "\u0120biases": 29275, "\u0120gunfire": 29276, "urous": 29277, "\u0120Moment": 29278, "1983": 29279, "\u0120pervasive": 29280, "ttp": 29281, "\u0120Normally": 29282, "rir": 29283, "Sarah": 29284, "\u0120Albany": 29285, "\u0120unsett": 29286, "\u0120SMS": 29287, "ipers": 29288, "layer": 29289, "\u0120Whites": 29290, "uple": 29291, "\u0120turbo": 29292, "\u0120Leeds": 29293, "\u0120thats": 29294, "\u0120Miner": 29295, "MER": 29296, "\u0120Reign": 29297, "\u0120perme": 29298, "\u0120Blitz": 29299, "\u01201934": 29300, "\u0120intimidating": 29301, "tube": 29302, "\u0120eccentric": 29303, "abolic": 29304, "boxes": 29305, "\u0120Associates": 29306, "votes": 29307, "\u0120simulate": 29308, "umbo": 29309, "astery": 29310, "\u0120shipments": 29311, "FFFF": 29312, "anth": 29313, "\u0120seasoned": 29314, "\u0120experimentation": 29315, "\u00e2\u0138\u0142": 29316, "laws": 29317, "Meet": 29318, "iddles": 29319, "antics": 29320, "Rating": 29321, "ISIS": 29322, "hift": 29323, "\u0120fronts": 29324, "buf": 29325, "017": 29326, "\u0120unatt": 29327, "\u0120Dil": 29328, "leases": 29329, "\u0120Gardens": 29330, "777": 29331, "touch": 29332, "vell": 29333, "458": 29334, "\u0120=====": 29335, "saving": 29336, "\u0120erosion": 29337, "\u0120Quin": 29338, "\u0120earns": 29339, "\u0120accomplishment": 29340, "\u0120Wei": 29341, "\u0120<[": 29342, "_____": 29343, "\u0120irrig": 29344, "\u0120Teddy": 29345, "\u0120conquered": 29346, "\u0120Armored": 29347, "\u0120asserts": 29348, "\u0120manipulating": 29349, "r\u00c3\u00a9": 29350, "\u0120transcripts": 29351, "Gallery": 29352, "\u0120plotting": 29353, "Neil": 29354, "\u0120betrayal": 29355, "loader": 29356, "\u0120Sul": 29357, "\u0120displacement": 29358, "\u0120royalty": 29359, "\u0120WI": 29360, "heit": 29361, "\u0120Devices": 29362, "allel": 29363, "\u0120municipalities": 29364, "\u0120canal": 29365, "Stars": 29366, "\u0120UAE": 29367, "\u0120\"\u00e2\u0122\u00a6": 29368, "\u0120CU": 29369, "above": 29370, "\u0120resonance": 29371, "\u0120guiActiveUn": 29372, "added": 29373, "\u0120Braves": 29374, "\u0120Ibn": 29375, "\u0120hereby": 29376, "\u0120BRE": 29377, "\u0120shareholder": 29378, "\u0120Hir": 29379, "\u0120Ji": 29380, "\u0120strangely": 29381, "\u0120admired": 29382, "\u0120plight": 29383, "\u0120bachelor": 29384, "\u0120Pole": 29385, "ciplinary": 29386, "Tony": 29387, "\u0120Armenian": 29388, "\u0120unman": 29389, "\u0120Zionist": 29390, "Stage": 29391, "iscover": 29392, "\u0120automotive": 29393, "\u0120sidelines": 29394, "\u0120slick": 29395, "\u0120Renaissance": 29396, "\u0120FUN": 29397, "Images": 29398, "\u0120Haj": 29399, "\u0120ping": 29400, "\u0120shortcut": 29401, "\u0120Blvd": 29402, "\u0120Looks": 29403, "\u0120bursts": 29404, "\u0120clamp": 29405, "\u0120mish": 29406, "\u0120sorting": 29407, "\u0120patriot": 29408, "\u0120correctness": 29409, "\u0120Scandinav": 29410, "\u0120Cavaliers": 29411, "python": 29412, "azar": 29413, "\u0120375": 29414, "\u0120Jaune": 29415, "409": 29416, "\u0120detrimental": 29417, "\u0120stabbing": 29418, "\u0120poisoned": 29419, "\u0120fountain": 29420, "ocent": 29421, "orst": 29422, "\u0120Mari": 29423, "\u0120rains": 29424, "\u0120Overs": 29425, "\u0120Institution": 29426, "udget": 29427, "AMY": 29428, "tale": 29429, "\u0120KR": 29430, "\u0120Prices": 29431, "\u0120headaches": 29432, "\u0120landsl": 29433, "\u0120Aura": 29434, "Bonus": 29435, "\u0120Zhao": 29436, "\u0120Hip": 29437, "\u0120hops": 29438, "\u0120Kurdistan": 29439, "\u0120exploiting": 29440, "ryn": 29441, "\u0120hypocrisy": 29442, "opening": 29443, "\u0120gunshot": 29444, "\u0120wed": 29445, "interstitial": 29446, "Interstitial": 29447, "\u0120amen": 29448, "Breaking": 29449, "\u0120marketed": 29450, "Wire": 29451, "\u0120Crowd": 29452, "Continue": 29453, "\u0120Known": 29454, "\u0120Effective": 29455, "orean": 29456, "izons": 29457, "Joseph": 29458, "\u0120escalation": 29459, "username": 29460, "\u0120curtain": 29461, "ATES": 29462, "\u0120PAR": 29463, "\u0120Miy": 29464, "\u0120counterfe": 29465, "lene": 29466, "\u0120contenders": 29467, "daily": 29468, "\u0120Asc": 29469, "\u0120Phillip": 29470, "mostly": 29471, "\u0120filename": 29472, "hene": 29473, "\u0120resembling": 29474, "\u0120staging": 29475, "\u0120Chloe": 29476, "\u0120wiring": 29477, "Hon": 29478, "\u0120Renew": 29479, "ottage": 29480, "\u0120Hybrid": 29481, "much": 29482, "\u0120strokes": 29483, "\u0120policymakers": 29484, "APTER": 29485, "\u0120Arkham": 29486, "plot": 29487, "\u0120assistants": 29488, "\u0120deport": 29489, "\u0120Sega": 29490, "\u0120influenza": 29491, "\u0120Cursed": 29492, "\u0120Kobe": 29493, "\u0120skinny": 29494, "Provider": 29495, "\u0120Rip": 29496, "\u0120incremental": 29497, "products": 29498, "BF": 29499, "\u0120dome": 29500, "\u0120Credits": 29501, "\u0120losers": 29502, "ints": 29503, "\u0120Betty": 29504, "\u0120Talent": 29505, "\u0120DAM": 29506, "Lv": 29507, "Ess": 29508, "\u0120dens": 29509, "temp": 29510, "Judge": 29511, "odic": 29512, "\u0120'(": 29513, "URES": 29514, "etsk": 29515, "VO": 29516, "\u0120retrieved": 29517, "\u0120architects": 29518, "\u00d9\u0129": 29519, "\u0120ethic": 29520, "\u0120Secondary": 29521, "stocks": 29522, "adia": 29523, "\u0120325": 29524, "\u0120Opinion": 29525, "\u0120simultaneous": 29526, "\u0120dizz": 29527, "ulp": 29528, "\u0120smuggling": 29529, "ippery": 29530, "Random": 29531, "facing": 29532, "\u0120Das": 29533, "\u0120stockp": 29534, "\u0120disclosures": 29535, "pointer": 29536, "\u0120coral": 29537, "\u0120Selection": 29538, "\u0120Pike": 29539, "ivalent": 29540, "\u0120ruthless": 29541, "\u0120Rim": 29542, "\u0120ensuing": 29543, "\u0120Experiment": 29544, "\u0120congressman": 29545, "\u0120believer": 29546, "\u0120unspecified": 29547, "\u0120Mord": 29548, "\u0120knowledgeable": 29549, "\u0120VERY": 29550, "TX": 29551, "\u0120straps": 29552, "\u0120turf": 29553, "apeshifter": 29554, "\u0120marital": 29555, "\u0120flock": 29556, "\u00e3\u0123\u0128": 29557, "263": 29558, "AMES": 29559, "\u0120Opposition": 29560, "\u0120treasures": 29561, "\u0120GOD": 29562, "\u0120modeled": 29563, "\u0120WORLD": 29564, "\u0120([": 29565, "\u0120Usage": 29566, "HF": 29567, "\u0120$(": 29568, "ussed": 29569, "\u0120pioneer": 29570, "Eight": 29571, "parse": 29572, "bread": 29573, "ritz": 29574, "\u0120Miranda": 29575, "\u0120Kant": 29576, "++)": 29577, "oren": 29578, "\u0120provoked": 29579, "\u0120breeds": 29580, "\u0120Includes": 29581, "\u0120Pastebin": 29582, "\u0120Flip": 29583, "Java": 29584, "\u0120brink": 29585, "\u0120rumored": 29586, "\u0120unseen": 29587, "\u0120garnered": 29588, "\u0120Defin": 29589, "alted": 29590, "\u0120tattoos": 29591, "\u0120hesitation": 29592, "isitions": 29593, "\u0120Weaver": 29594, "\u0120Reporting": 29595, "\u0120therapies": 29596, "\u0120consultants": 29597, "\u0120residual": 29598, "\u0120Mali": 29599, "\u0120Roma": 29600, "iago": 29601, "\u0120Residents": 29602, "ubi": 29603, "\u0120remedies": 29604, "\u0120adaptive": 29605, "\u0120Alive": 29606, "\u0120Barcl": 29607, "\u0120wallets": 29608, "crypt": 29609, "etermination": 29610, "\u0120Pelosi": 29611, "\u0120slipping": 29612, "otonin": 29613, "\u0120alliances": 29614, "patrick": 29615, "iris": 29616, "\u0120orth": 29617, "\u0120Perkins": 29618, "\u0120DeV": 29619, "\u0120Gets": 29620, "\u0120drying": 29621, "gee": 29622, "forest": 29623, "\u0120Forget": 29624, "orem": 29625, "339": 29626, "\u0120vaguely": 29627, "\u0120Dion": 29628, "\u0120Porn": 29629, "\u0120HOW": 29630, "\u0120pneum": 29631, "\u0120rubble": 29632, "\u0120Taste": 29633, "encia": 29634, "\u0120Gel": 29635, "\u0120dst": 29636, "\u0120245": 29637, "\u0120Morocco": 29638, "inflamm": 29639, "\u0120Twins": 29640, "\u0120bots": 29641, "daughter": 29642, "\u0120Balk": 29643, "\u0120brethren": 29644, "\u0120logos": 29645, "\u0120gobl": 29646, "fps": 29647, "\u0120subdivision": 29648, "\u0120pawn": 29649, "\u0120squeezed": 29650, "\u0120morale": 29651, "\u0120DW": 29652, "'\"": 29653, "\u0120knot": 29654, "ooky": 29655, "\u0120divisive": 29656, "\u0120boosted": 29657, "chy": 29658, "\u00e3\u0125\u0132": 29659, "ifact": 29660, "\u0120newcomers": 29661, "\u0120Wrestling": 29662, "\u0120scouts": 29663, "wolves": 29664, "Rat": 29665, "\u0120nineteenth": 29666, "\u0120Osborne": 29667, "Stats": 29668, "\u0120empowered": 29669, "\u0120psychopath": 29670, "\u0120OEM": 29671, "uggage": 29672, "\u0120PK": 29673, "\u0120Mohammad": 29674, "Pak": 29675, "\u0120anarchists": 29676, "\u0120Extract": 29677, "esthes": 29678, "\u0120Stockholm": 29679, "loo": 29680, "\u0120Graph": 29681, "\u0120deploying": 29682, "\u0120Stranger": 29683, "\u0120Mold": 29684, "\u0120staffer": 29685, "\u0120discounted": 29686, "uckle": 29687, "please": 29688, "\u0120Landing": 29689, "\u00c3\u0143a": 29690, "\u0120193": 29691, "\u0120ante": 29692, "\u0120repetition": 29693, "\u0120+/-": 29694, "\u0120parody": 29695, "\u0120lively": 29696, "AAA": 29697, "\u0120Horus": 29698, "\u0120pits": 29699, "inders": 29700, "LOC": 29701, "\u0120Venice": 29702, "406": 29703, "\u0120Discover": 29704, "\u00e2\u0128": 29705, "ellectual": 29706, "\u0120pens": 29707, "\u0120eyel": 29708, "iguous": 29709, "Impl": 29710, "\u0120joking": 29711, "\u0120inval": 29712, "\u0120Belfast": 29713, "\u0120creditors": 29714, "\u0120Skywalker": 29715, "ovsky": 29716, "\u0120ceasefire": 29717, "\u0120seals": 29718, "isoft": 29719, ")).": 29720, "\u0120Felix": 29721, "ITS": 29722, "\u0120tresp": 29723, "\u0120Blockchain": 29724, "eware": 29725, "\u0120Schwar": 29726, "enne": 29727, "mounted": 29728, "\u0120Beacon": 29729, "lesh": 29730, "\u0120immensely": 29731, "\u0120cheering": 29732, "Employ": 29733, "scene": 29734, "ishly": 29735, "atchewan": 29736, "\u0120Nicolas": 29737, "\u0120drained": 29738, "\u0120Exit": 29739, "\u0120Azerb": 29740, "jun": 29741, "\u0120floated": 29742, "uania": 29743, "Deep": 29744, "\u0120superv": 29745, "\u0120mystical": 29746, "\u0120Dollar": 29747, "\u0120Apostle": 29748, "\u0120REL": 29749, "\u0120Provided": 29750, "\u0120Bucks": 29751, "\u00e3\u0125\u00b4": 29752, "cutting": 29753, "\u0120enhancements": 29754, "\u0120Penguins": 29755, "\u0120Isaiah": 29756, "\u0120jerk": 29757, "\u0120Wyn": 29758, "\u0120stalled": 29759, "\u0120cryptocurrencies": 29760, "\u0120Roland": 29761, "single": 29762, "\u0120lumin": 29763, "\u0120Fellow": 29764, "\u0120Capacity": 29765, "\u0120Kazakh": 29766, "WN": 29767, "\u0120financed": 29768, "389": 29769, "\u0120tid": 29770, "\u0120collusion": 29771, "\u0120Myr": 29772, "\u00ee\u0122": 29773, "Senator": 29774, "\u0120pediatric": 29775, "\u0120neatly": 29776, "\u0120sandwiches": 29777, "\u0120Architecture": 29778, "\u0120tucked": 29779, "\u0120balcony": 29780, "\u0120earthquakes": 29781, "quire": 29782, "Future": 29783, "\u0120hefty": 29784, "\u00e9\u0139": 29785, "\u0120specializes": 29786, "\u0120stresses": 29787, "\u0120sender": 29788, "\u0120misunderstanding": 29789, "\u0120epile": 29790, "\u0120provoke": 29791, "\u0120Colors": 29792, "\u0120dismay": 29793, "uko": 29794, "[_": 29795, "586": 29796, "neutral": 29797, "\u0120donating": 29798, "\u0120Randall": 29799, "Multi": 29800, "\u0120conveniently": 29801, "\u0120Sung": 29802, "\u0120Coca": 29803, "\u0120tents": 29804, "\u0120Acceler": 29805, "\u0120partnered": 29806, "272": 29807, "irming": 29808, "\u0120BAS": 29809, "sometimes": 29810, "\u0120objected": 29811, "ubric": 29812, "posed": 29813, "LCS": 29814, "grass": 29815, "\u0120attributable": 29816, "VIS": 29817, "Israeli": 29818, "\u0120repeats": 29819, "\u0120RM": 29820, "vag": 29821, "uta": 29822, "inous": 29823, "\u0120inert": 29824, "\u0120Miguel": 29825, "\u00e6\u0143": 29826, "\u0120Hawaiian": 29827, "Board": 29828, "\u0120artific": 29829, "\u0120Azerbai": 29830, "asio": 29831, "\u0120Rent": 29832, "AIN": 29833, "\u0120appliances": 29834, "\u0120nationality": 29835, "\u0120asshole": 29836, "\u0120Neb": 29837, "\u0120notch": 29838, "hani": 29839, "\u0120Bride": 29840, "Availability": 29841, "\u0120intercepted": 29842, "\u0120continental": 29843, "\u0120swelling": 29844, "\u0120Perspect": 29845, "bies": 29846, ".<": 29847, "ithmetic": 29848, "\u0120Lara": 29849, "\u0120tempting": 29850, "addr": 29851, "\u0120overseeing": 29852, "clad": 29853, "\u0120DV": 29854, "\u0120Gingrich": 29855, "\u0120mun": 29856, "\u0120Appropri": 29857, "\u0120alterations": 29858, "\u0120Patreon": 29859, "\u0120havoc": 29860, "\u0120disciplines": 29861, "\u0120notoriously": 29862, "akuya": 29863, "ieri": 29864, "?).": 29865, "\u0120Went": 29866, "\u0120silicon": 29867, "\u0120tremb": 29868, "Container": 29869, "Known": 29870, "\u0120mortar": 29871, "este": 29872, "icka": 29873, "Arthur": 29874, "\u0120Previously": 29875, "\u0120Marty": 29876, "\u0120sparse": 29877, "gins": 29878, "\u0120inward": 29879, "\u0120Participant": 29880, "Copy": 29881, "\u0120Misc": 29882, "\u0120antibiotic": 29883, "\u0120Retro": 29884, "\u0120elusive": 29885, "\u0120assail": 29886, "\u0120Battalion": 29887, "\u0120Bought": 29888, "\u0120diminish": 29889, "\u0120Europa": 29890, "session": 29891, "\u0120Dangerous": 29892, "iesel": 29893, "\u0120disbelief": 29894, "\u0120blasts": 29895, "extreme": 29896, "\u0120Boyd": 29897, "\u0120Projects": 29898, "\u0120Guys": 29899, "\u0120undergone": 29900, "\u0120grill": 29901, "\u0120Dwight": 29902, "\u0120197": 29903, "USER": 29904, "\u0120filesystem": 29905, "\u0120clocks": 29906, "Taylor": 29907, "\u0120wrapper": 29908, "\u0120folding": 29909, "ousand": 29910, "\u0120Philippine": 29911, "ATIONAL": 29912, "\u0120Perth": 29913, "\u0120ashes": 29914, "\u0120accumulate": 29915, "\u0120Gateway": 29916, "Shop": 29917, "orkshire": 29918, "Han": 29919, "\u0120Barrel": 29920, "\u0120Leh": 29921, "\u0120XV": 29922, "\u0120whim": 29923, "\u0120repo": 29924, "\u0120CG": 29925, "\u0120Mam": 29926, "\u0120incorporating": 29927, "\u0120bailout": 29928, "\u0120linguistic": 29929, "\u0120disinteg": 29930, "CLE": 29931, "\u0120cinematic": 29932, "\u0120Fiber": 29933, "Syn": 29934, "ilion": 29935, "\u0120Compos": 29936, "chens": 29937, "\u0120neoc": 29938, "\u0120boiled": 29939, "FINE": 29940, "ono": 29941, "uncle": 29942, "iken": 29943, "\u0120BM": 29944, "\u00ce\u00b9": 29945, "\u0120receipts": 29946, "\u0120disposed": 29947, "\u0120Thirty": 29948, "\u0120Rough": 29949, "\u0120ABS": 29950, "\u0120notwithstanding": 29951, "ollen": 29952, "#$": 29953, "\u0120unreliable": 29954, "\u0120bloom": 29955, "\u0120mediocre": 29956, "\u0120tram": 29957, "\u0120Tasman": 29958, "\u0120shakes": 29959, "\u0120manifesto": 29960, "\u0120MW": 29961, "\u0120satisfactory": 29962, "\u0120shores": 29963, "\u0120computation": 29964, "\u0120assertions": 29965, "ormons": 29966, "arag": 29967, "abit": 29968, "Democrats": 29969, "\u0120Loot": 29970, "\u0120Volks": 29971, "haired": 29972, "\u0120gravitational": 29973, "Sing": 29974, "\u0120Miz": 29975, "\u0120throttle": 29976, "\u0120tyranny": 29977, "\u0120Views": 29978, "\u0120robber": 29979, "\u0120Minority": 29980, "\u0120shrine": 29981, "scope": 29982, "purpose": 29983, "\u0120nucleus": 29984, "ourcing": 29985, "\u0120USDA": 29986, "\u0120DHS": 29987, "wra": 29988, "\u0120Bowie": 29989, "Scale": 29990, "\u0120BEL": 29991, "xi": 29992, "Iter": 29993, "\u0120(),": 29994, "wright": 29995, "\u0120sailors": 29996, "oused": 29997, "NASA": 29998, "\u0120Proof": 29999, "\u0120Mineral": 30000, "token": 30001, "\u0120FD": 30002, "Rew": 30003, "\u0120ell": 30004, "630": 30005, "\u0120chancellor": 30006, "\u0120Gos": 30007, "\u0120amounted": 30008, "\u0120Recre": 30009, "omez": 30010, "\u0120Optim": 30011, "\u0120Olive": 30012, "\u0120tracker": 30013, "owler": 30014, "\u0120Unique": 30015, "Root": 30016, "\u0120maritime": 30017, "\u0120Quran": 30018, "\u0120Adapt": 30019, "\u0120ecosystems": 30020, "\u0120Repeat": 30021, "\u0120Soy": 30022, "\u0120IMP": 30023, "\u0120graduating": 30024, "andem": 30025, "Pur": 30026, "\u0120Reset": 30027, "\u0120Trick": 30028, "\u0120Philly": 30029, "\u0120Tue": 30030, "\u0120Malaysian": 30031, "\u0120climax": 30032, "\u0120bury": 30033, "\u0120conspic": 30034, "\u0120Southampton": 30035, "\u0120Flowers": 30036, "\u0120escorted": 30037, "\u0120Educational": 30038, "\u0120IRC": 30039, "\u0120brutally": 30040, "eating": 30041, "\u0120pillar": 30042, "\u0120Sang": 30043, "\u0120Jude": 30044, "arling": 30045, "\u0120Amnesty": 30046, "\u0120reminding": 30047, "\u0120Administrative": 30048, "hesda": 30049, "\u0120flashed": 30050, "\u0120PBS": 30051, "perate": 30052, "feature": 30053, "\u0120swipe": 30054, "\u0120graves": 30055, "oultry": 30056, "261": 30057, "breaks": 30058, "\u0120Guer": 30059, "\u0120shrimp": 30060, "\u0120Voting": 30061, "quist": 30062, "\u0120analytical": 30063, "\u0120tablespoons": 30064, "\u0120SOU": 30065, "\u0120researched": 30066, "\u0120disrupted": 30067, "\u0120jour": 30068, "\u0120replica": 30069, "\u0120cartoons": 30070, "bians": 30071, "})": 30072, "copy": 30073, "Got": 30074, "ouched": 30075, "PUT": 30076, "\u0120swarm": 30077, "notations": 30078, "said": 30079, "\u0120rebuilt": 30080, "\u0120collaborate": 30081, "\u0120raging": 30082, "\u0120nar": 30083, "\u0120demographics": 30084, "\u0120DDR": 30085, "\u0120distrust": 30086, "ossier": 30087, "\u0120Kro": 30088, "\u0120pumpkin": 30089, "\u0120regrets": 30090, "\u0120fatalities": 30091, "\u0120Lens": 30092, "\u0120Ole": 30093, "pd": 30094, "\u0120puppet": 30095, "\u0120Outlook": 30096, "\u0120Stam": 30097, "Ol": 30098, "Fair": 30099, "UU": 30100, "\u0120rewritten": 30101, "\u00c4\u00b1": 30102, "\u0120fascinated": 30103, "\u0120vectors": 30104, "\u0120tribunal": 30105, "uay": 30106, "\u0120Mats": 30107, "\u0120Coins": 30108, "[[": 30109, "\u0120181": 30110, "\u0120renders": 30111, "\u0120Kaepernick": 30112, "\u0120espionage": 30113, "\u0120summ": 30114, "\u0120ditch": 30115, "Account": 30116, "\u0120spreadsheet": 30117, "\u0120mutant": 30118, "past": 30119, "407": 30120, "\u0120dye": 30121, "\u0120initiation": 30122, "\u01204000": 30123, "\u0120punishable": 30124, "\u0120thinner": 30125, "\u0120Khal": 30126, "\u0120intermedi": 30127, "Dun": 30128, "\u0120Gotham": 30129, "\u0120eagerly": 30130, "\u0120vaginal": 30131, "powers": 30132, "VW": 30133, "\u0120WATCHED": 30134, "\u0120predator": 30135, "amsung": 30136, "\u0120disparity": 30137, "\u0120[*": 30138, "\u0120amph": 30139, "\u0120outskirts": 30140, "\u0120Spirits": 30141, "\u0120skeletal": 30142, "\u00d0\u00bb": 30143, "\u0120Rear": 30144, "\u0120issuance": 30145, "\u0120Logic": 30146, "released": 30147, "ZZ": 30148, "\u0120Bound": 30149, "Entry": 30150, "\u0120exits": 30151, "isol": 30152, "\u0120Founder": 30153, "\u0120wre": 30154, "\u0120Greenland": 30155, "\u0120MMO": 30156, "taker": 30157, "INC": 30158, "\u00e3\u0123\u00be": 30159, "\u0120hourly": 30160, "henko": 30161, "\u0120fantasies": 30162, "\u0120disob": 30163, "\u0120demolition": 30164, "\u00e3\u0125\u012d": 30165, "\u0120enlisted": 30166, "ratulations": 30167, "\u0120misguided": 30168, "\u0120ensured": 30169, "\u0120discouraged": 30170, "mort": 30171, "\u0120flank": 30172, "\u0120cess": 30173, "\u0120reacts": 30174, "\u0120Sere": 30175, "sensitive": 30176, "\u0120Serpent": 30177, "assad": 30178, "\u0120247": 30179, "\u0120calmly": 30180, "busters": 30181, "\u0120bleed": 30182, "\u0120Stro": 30183, "\u0120amusement": 30184, "\u0120Antarctica": 30185, "\u0120scept": 30186, "\u0120Gaw": 30187, "aq": 30188, "asonic": 30189, "\u0120sprawling": 30190, "native": 30191, "aturated": 30192, "\u0120Battlefield": 30193, "IVERS": 30194, "EB": 30195, "\u0120Gems": 30196, "\u0120Northwestern": 30197, "\u0120Films": 30198, "\u0120Automatic": 30199, "\u0120apprehend": 30200, "\u00e3\u0123\u00a8": 30201, "\u0120guiName": 30202, "\u0120backend": 30203, "\u0120evidenced": 30204, "geant": 30205, "012": 30206, "\u0120Siege": 30207, "\u0120externalTo": 30208, "\u0120unfocusedRange": 30209, "\u0120guiActiveUnfocused": 30210, "\u0120guiIcon": 30211, "\u0120externalToEVA": 30212, "\u0120externalToEVAOnly": 30213, "Fri": 30214, "chard": 30215, "enaries": 30216, "\u0120chiefs": 30217, "\u0120cf": 30218, "\u0120HUD": 30219, "\u0120corrobor": 30220, "\u0120dB": 30221, "\u0120Taken": 30222, "\u0120Patricia": 30223, "rail": 30224, "\u0120Charm": 30225, "\u0120Libertarian": 30226, "rieve": 30227, "Personal": 30228, "\u0120OUR": 30229, "geries": 30230, "\u0120dumping": 30231, "\u0120neurological": 30232, "itimate": 30233, "\u0120Clintons": 30234, "rafted": 30235, "\u0120Molly": 30236, "\u0120terminals": 30237, "register": 30238, "\u0120flare": 30239, "\u0120encoded": 30240, "\u0120autopsy": 30241, "pel": 30242, "machine": 30243, "\u0120exemptions": 30244, "\u0120Royals": 30245, "distance": 30246, "\u0120drafts": 30247, "\u0120lame": 30248, "\u0120Cunning": 30249, "\u0120spouses": 30250, "\u0120Markets": 30251, "\u0120Carrier": 30252, "\u0120implying": 30253, "\u0120Yak": 30254, "sid": 30255, "\u0120loser": 30256, "\u0120vigilant": 30257, "\u0120impeachment": 30258, "\u0120augmented": 30259, "\u0120Employees": 30260, "\u0120unintended": 30261, "ternally": 30262, "\u0120Watt": 30263, "\u0120recognizable": 30264, "essim": 30265, "\u00e6\u013f": 30266, "\u0120coated": 30267, "rha": 30268, "\u0120lieutenant": 30269, "\u0120Legislation": 30270, "published": 30271, "444": 30272, "013": 30273, "\u0120ideally": 30274, "\u0120Password": 30275, "\u0120simplify": 30276, "\u0120Meta": 30277, "\u0120MRI": 30278, "\u0120pleading": 30279, "organized": 30280, "handler": 30281, "\u0120unravel": 30282, "correct": 30283, "\u0120icy": 30284, "\u0120paranoid": 30285, "\u0120passer": 30286, "\u0120inspections": 30287, "ofer": 30288, "\u0120Healthcare": 30289, "283": 30290, "\u0120Brut": 30291, "iola": 30292, "forge": 30293, "\u0120Medieval": 30294, "MSN": 30295, "ievers": 30296, "\u0120Programming": 30297, "\u00e5\u012b": 30298, "\u0120223": 30299, "mu": 30300, "\u0120CLE": 30301, "uga": 30302, "\u0120shoppers": 30303, "\u0120informative": 30304, "\u0120Plans": 30305, "\u0120supplementation": 30306, "\u0120Tests": 30307, "tyard": 30308, "ocytes": 30309, "\u0120Vega": 30310, "\u0120Gujarat": 30311, "ermanent": 30312, "Except": 30313, "\u0120LOT": 30314, "alla": 30315, "\u0120Cumm": 30316, "\u0120Osw": 30317, "\u0120venom": 30318, "\u0120Debt": 30319, "\u0120DOWN": 30320, "\u0120reunion": 30321, "\u0120muc": 30322, "\u0120Relief": 30323, "\u0120geop": 30324, "\u0120\u00f0\u0141\u013a": 30325, "alogue": 30326, "Anth": 30327, "echo": 30328, "\u0120corros": 30329, "\u0120replication": 30330, "\u0120Blazing": 30331, "\u0120Daughter": 30332, "\u0120inflic": 30333, "\u0120Lindsey": 30334, "\u00d9\u012a": 30335, "284": 30336, "Exit": 30337, "\u0120gloom": 30338, "TAIN": 30339, "\u0120undermining": 30340, "\u0120advising": 30341, "hidden": 30342, "\u0120overflow": 30343, "\u0120gor": 30344, "urdue": 30345, "\u0120echoes": 30346, "enhagen": 30347, "\u0120impuls": 30348, "drug": 30349, "cash": 30350, "\u0120async": 30351, "\u0120mirac": 30352, "atts": 30353, "punk": 30354, "\u0120pivot": 30355, "\u0120Legislative": 30356, "\u0120bloggers": 30357, "\u0120Claw": 30358, "sburg": 30359, "dyl": 30360, "\u0120Recommend": 30361, "\u0120verte": 30362, "\u0120prohibiting": 30363, "\u0120Panther": 30364, "Jonathan": 30365, "\u0120omin": 30366, "\u0120hateful": 30367, "281": 30368, "\u0120Orche": 30369, "\u0120Murdoch": 30370, "downs": 30371, "\u0120asymm": 30372, "GER": 30373, "Always": 30374, "\u0120informs": 30375, "\u0120WM": 30376, "\u0120Pony": 30377, "\u0120Appendix": 30378, "\u0120Arlington": 30379, "Jam": 30380, "\u0120medicinal": 30381, "\u0120Slam": 30382, "ITIES": 30383, "\u0120reaff": 30384, "\u0120Ri": 30385, "FG": 30386, "Spring": 30387, "bool": 30388, "\u0120thighs": 30389, "\u0120markings": 30390, "\u0120Raqqa": 30391, "\u0120Lak": 30392, "poll": 30393, "tsky": 30394, "\u0120Morty": 30395, "\u0120Definition": 30396, "\u0120debunk": 30397, "endered": 30398, "\u0120Leone": 30399, "avers": 30400, "\u0120mortgages": 30401, "Apparently": 30402, "Nic": 30403, "haus": 30404, "\u0120Thousands": 30405, "auld": 30406, "\u0120mash": 30407, "shoot": 30408, "\u0120diarr": 30409, "\u0120consciously": 30410, "Hero": 30411, "eas": 30412, "\u0120Naturally": 30413, "\u0120Destroyer": 30414, "\u0120dashboard": 30415, "services": 30416, "Rog": 30417, "\u0120millennials": 30418, "\u0120invade": 30419, "-(": 30420, "\u0120commissions": 30421, "\u0120Auckland": 30422, "\u0120broadcasts": 30423, "\u0120frontal": 30424, "\u0120crank": 30425, "\u0120Historic": 30426, "\u0120rumours": 30427, "CTV": 30428, "\u0120steril": 30429, "\u0120booster": 30430, "rocket": 30431, "\u00e3\u0124\u00bc": 30432, "utsche": 30433, "\u0120PI": 30434, "\u0120233": 30435, "\u0120Producer": 30436, "\u0120Analytics": 30437, "\u0120invaluable": 30438, "\u0120unintention": 30439, "\u0120CY": 30440, "\u0120scrutin": 30441, "\u0120gigg": 30442, "\u0120engulf": 30443, "\u0120proletariat": 30444, "\u0120hacks": 30445, "\u0120Hew": 30446, "arak": 30447, "\u0120Slime": 30448, "ielding": 30449, "agher": 30450, "\u0120Elliot": 30451, "\u0120telecom": 30452, "\u0120219": 30453, "ultan": 30454, "\u0120Arbor": 30455, "\u0120Scouts": 30456, "Ban": 30457, "\u0120lifespan": 30458, "\u0120blasp": 30459, "388": 30460, "\u0120judiciary": 30461, "\u0120Continental": 30462, "asking": 30463, "McC": 30464, "LED": 30465, "\u0120baggage": 30466, "\u0120Sorcerer": 30467, "\u0120remnants": 30468, "\u0120Griffith": 30469, "etsu": 30470, "\u0120Subaru": 30471, "\u0120Personality": 30472, "designed": 30473, "ushima": 30474, "agnar": 30475, "\u0120recoil": 30476, "\u0120passions": 30477, "\\\":": 30478, "\u0120tee": 30479, "\u0120abolition": 30480, "\u0120Creating": 30481, "jac": 30482, "\u0120194": 30483, "019": 30484, "\u0120pillars": 30485, "riched": 30486, "/\"": 30487, "tk": 30488, "\u0120livelihood": 30489, "\u0120roasted": 30490, "ahon": 30491, "\u0120Hutch": 30492, "assert": 30493, "\u0120dividend": 30494, "\u0120knit": 30495, "\u0120daunting": 30496, "\u0120disturbance": 30497, "\u0120shale": 30498, "\u0120cultivated": 30499, "\u0120refrigerator": 30500, "LB": 30501, "\u0120NET": 30502, "\u0120commercials": 30503, "\u0120thinkers": 30504, "455": 30505, "\u0120chop": 30506, "Broad": 30507, "\u0120suspicions": 30508, "\u0120tagged": 30509, "lifting": 30510, "\u0120stylish": 30511, "\u0120Shields": 30512, "Shortly": 30513, "\u0120tails": 30514, "Auth": 30515, "STE": 30516, "\u0120GAME": 30517, "\u0120seism": 30518, "\u0120Kis": 30519, "ologne": 30520, "\u0120cowork": 30521, "\u0120forcibly": 30522, "\u0120thyroid": 30523, "\u0120PB": 30524, "ANE": 30525, "married": 30526, "horse": 30527, "\u0120polymer": 30528, "\u0120Chal": 30529, "odor": 30530, "DEBUG": 30531, "\u0120Context": 30532, "\u0120bliss": 30533, "\u0120pinpoint": 30534, "\u0120Mathemat": 30535, "legram": 30536, "\u0120Weekend": 30537, "\u0120labelled": 30538, "\u0120bart": 30539, "itles": 30540, "\u0120estrogen": 30541, "\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136\u00e2\u0122\u0136": 30542, "\"'": 30543, "\u0120visibly": 30544, "\u0120outsider": 30545, "aida": 30546, "Area": 30547, "\u0120dissemin": 30548, "\u0120dishonest": 30549, "\u0120Closed": 30550, "\u0120Bulletin": 30551, "\u0120Ramsey": 30552, "sword": 30553, "\u0120XI": 30554, "ourced": 30555, "Same": 30556, "346": 30557, "\u0120Repe": 30558, "\u0120Kou": 30559, "cake": 30560, "emis": 30561, "Cache": 30562, "\u0120Meaning": 30563, "\u0120Enlight": 30564, "onomy": 30565, "\u0120manifestation": 30566, "sworth": 30567, "Jay": 30568, "\u0120chore": 30569, "\u00c3\u00b6r": 30570, "Dream": 30571, "\u0120sanctioned": 30572, "\u0120culturally": 30573, "\u0120Ara": 30574, "Nav": 30575, "\u0120theological": 30576, "\u0120strut": 30577, "\u0120VO": 30578, "\u0120Handbook": 30579, "\u0120constructing": 30580, "\u0120\u00c2\u00b6": 30581, "\u0120Benefits": 30582, "\u0120Psychological": 30583, "sac": 30584, "\u00e5\u00b8": 30585, "policy": 30586, "\u0120Matters": 30587, "\u0120Reported": 30588, "\u0120Byte": 30589, "\u0120vitro": 30590, "\u0120Maiden": 30591, "\u0120lam": 30592, "\u0120Jennings": 30593, "\u0120garment": 30594, "\u0120Rutgers": 30595, "\u0120Stafford": 30596, "\u0120Wellington": 30597, "\u0120intermitt": 30598, "\u0120npm": 30599, "\u0120ordeal": 30600, "\u0120plugged": 30601, "ooming": 30602, "inished": 30603, "framework": 30604, "\u0120timber": 30605, "\u0120cass": 30606, "\u0120850": 30607, "iless": 30608, "\u0120Redux": 30609, "768": 30610, "Stre": 30611, "\u0120surpassed": 30612, "whel": 30613, "\u0120parallels": 30614, "\u0120veil": 30615, "\u0120GI": 30616, "\u0120REST": 30617, "\u0120readiness": 30618, "sort": 30619, "\u0120modifying": 30620, "\u0120Slate": 30621, "ruff": 30622, "\u0120marble": 30623, "\u0120infrared": 30624, "\u0120auditor": 30625, "\u0120FANTASY": 30626, "\u0120Poverty": 30627, "\u0120SPD": 30628, "\u0120\"(": 30629, "Ky": 30630, "RAY": 30631, "\u0120executions": 30632, "\u0120Beverly": 30633, "\u0120Marxism": 30634, "\u0120Burst": 30635, "\u0120Kali": 30636, "estones": 30637, "Clearly": 30638, "Ell": 30639, "\u00e3\u0123\u00a7": 30640, "\u0120Proceedings": 30641, "Token": 30642, "IFIC": 30643, "\u00c3\u00b1a": 30644, "Central": 30645, "\u0120Haley": 30646, "\u0120Drama": 30647, "\u0120formations": 30648, "ORN": 30649, "Books": 30650, "\u0120dominating": 30651, "\u0120Flyers": 30652, "\u0120Companion": 30653, "\u0120disciplined": 30654, "\u0120Yugoslav": 30655, "\u0120Spells": 30656, "\u0120vengeance": 30657, "\u0120landlords": 30658, "Len": 30659, "\u0120Ogre": 30660, "anoia": 30661, "\u0120piercing": 30662, "\u0120congreg": 30663, "\u0120scorer": 30664, "obia": 30665, "\u0120nickel": 30666, "\u0120Learns": 30667, "\u0120rejo": 30668, "\u0120masterpiece": 30669, "Flash": 30670, "\u0120inhabited": 30671, "\u0120OpenGL": 30672, "\u0120Dud": 30673, "\u0120ICO": 30674, "\u0120arter": 30675, "\u0120plur": 30676, "\u0120mastery": 30677, "\u0120longstanding": 30678, "sted": 30679, "\u0120wines": 30680, "\u0120televised": 30681, "\u0120Shrine": 30682, "\u0120Bayern": 30683, "\u0120\u00e2\u0135\u013a": 30684, "\u0120enclosure": 30685, "john": 30686, "\u0120prophets": 30687, "\u0120Resurrection": 30688, "\u0120Orders": 30689, "\u0120uneven": 30690, "rals": 30691, "\u0120dwind": 30692, "\u0120Lah": 30693, "\u0120Sloven": 30694, "378": 30695, "\u0120insistence": 30696, "affle": 30697, "\u0120Clone": 30698, "\u0120hardship": 30699, "\u0120Congressman": 30700, "\u0120plead": 30701, "\u0120reviewers": 30702, "\u0120cured": 30703, "\u01201935": 30704, "asley": 30705, "fake": 30706, "\u0120Thinking": 30707, "ydia": 30708, "PART": 30709, "\u0120Dota": 30710, "oit": 30711, "\u0120whipped": 30712, "\u0120bouncing": 30713, "\u0120Hispanics": 30714, "comings": 30715, "\u0120cannabin": 30716, "\u0120Chambers": 30717, "\u0120Zack": 30718, "Optional": 30719, "\u0120coats": 30720, "\u0120prowess": 30721, "\u0120Norton": 30722, "\u0120plainly": 30723, "\u0120freight": 30724, "\u0120inhibition": 30725, "\u0120clam": 30726, "\u0120303": 30727, "kef": 30728, "aleigh": 30729, "Luke": 30730, "\u0120psycho": 30731, "atorium": 30732, "MED": 30733, "\u0120treaties": 30734, "\u0120indisc": 30735, "\u0120dc": 30736, "OPS": 30737, "\u0120resilient": 30738, "\u0120Interstate": 30739, "\u0120slack": 30740, "\u0120mundane": 30741, "\u0120establishes": 30742, "359": 30743, "\u0120strained": 30744, "\u0120nond": 30745, "Sus": 30746, "\u0120caste": 30747, "arate": 30748, "ieving": 30749, "\u0120unfairly": 30750, "\u0120parser": 30751, "onial": 30752, "ursive": 30753, "Via": 30754, "\u0120Otto": 30755, "\u0120Authorities": 30756, "stroke": 30757, "KR": 30758, "\u0120Mercy": 30759, "\u0120furnished": 30760, "\u0120outset": 30761, "\u0120metic": 30762, "1982": 30763, "olithic": 30764, "\u0120Tent": 30765, "ogical": 30766, "\u0120Aircraft": 30767, "\u0120hides": 30768, "\u0120Became": 30769, "\u0120educators": 30770, "reaching": 30771, "\u0120volatility": 30772, "\u0120toddler": 30773, "\u0120NASCAR": 30774, "\u0120Twelve": 30775, "\u0120Highlights": 30776, "\u0120grape": 30777, "\u0120splits": 30778, "\u0120peasant": 30779, "\u0120reneg": 30780, "\u0120MSI": 30781, "Temp": 30782, "stars": 30783, "\u0120trek": 30784, "\u0120Hyde": 30785, "binding": 30786, "\u0120realism": 30787, "\u0120oxide": 30788, "\u0120Hos": 30789, "\u0120mounts": 30790, "\u0120biting": 30791, "\u0120collapsing": 30792, "\u0120postal": 30793, "\u0120museums": 30794, "\u0120detached": 30795, "\u0120respecting": 30796, "\u0120monopol": 30797, "\u0120workflow": 30798, "\u0120Cake": 30799, "Template": 30800, "\u0120Organisation": 30801, "\u0120persistence": 30802, "369": 30803, "Coming": 30804, "Brad": 30805, "\u0120redundant": 30806, "\u0120GTA": 30807, "\u0120bending": 30808, "\u0120revoked": 30809, "\u0120offending": 30810, "\u0120framing": 30811, "\u0120printf": 30812, "Commun": 30813, "members": 30814, "Outside": 30815, "\u0120construed": 30816, "\u0120coded": 30817, "FORE": 30818, "\u0120chast": 30819, "Chat": 30820, "Indian": 30821, "\u0120Yard": 30822, "?!\"": 30823, "\u0120Ports": 30824, "\u0120Xavier": 30825, "\u0120RET": 30826, "'.\"": 30827, "\u0120Boat": 30828, "ivated": 30829, "icht": 30830, "umerable": 30831, "Ds": 30832, "\u0120Dunn": 30833, "\u0120coffin": 30834, "\u0120securely": 30835, "\u0120Raptors": 30836, "\u0120Bes": 30837, "Installation": 30838, "\u0120inception": 30839, "\u0120Healthy": 30840, "endants": 30841, "\u0120psychologists": 30842, "\u0120Sheikh": 30843, "cultural": 30844, "\u0120BlackBerry": 30845, "shift": 30846, "Fred": 30847, "oche": 30848, "\u0120cakes": 30849, "\u0120SEO": 30850, "\u0120Gian": 30851, "\u0120Asians": 30852, "ogging": 30853, "element": 30854, "\u0120pundits": 30855, "\u0120Vaugh": 30856, "\u0120Gavin": 30857, "\u0120hitter": 30858, "\u0120drowned": 30859, "\u0120chalk": 30860, "\u0120Zika": 30861, "\u0120measles": 30862, "802": 30863, "\u00e2\u0122\u00a6..": 30864, "\u0120AWS": 30865, "]\"": 30866, "\u0120distort": 30867, "\u0120Mast": 30868, "\u0120antibodies": 30869, "\u0120Mash": 30870, "Memory": 30871, "\u0120Uganda": 30872, "\u0120Prob": 30873, "\u0120vomiting": 30874, "\u0120Turns": 30875, "\u0120occupying": 30876, "\u0120evasion": 30877, "\u0120Therapy": 30878, "\u0120promo": 30879, "\u0120electr": 30880, "\u0120blueprint": 30881, "\u0120Dre": 30882, "priced": 30883, "\u0120Depot": 30884, "\u0120alleviate": 30885, "\u0120Somali": 30886, "marg": 30887, "nine": 30888, "\u0120nostalgia": 30889, "\u0120Shepherd": 30890, "\u0120cavalry": 30891, "\u0120torped": 30892, "\u0120Bloody": 30893, "xb": 30894, "\u0120sank": 30895, "\u0120goalt": 30896, "reportprint": 30897, "embedreportprint": 30898, "cloneembedreportprint": 30899, "\u0120Initially": 30900, "\u0120Fischer": 30901, "\u0120noteworthy": 30902, "cern": 30903, "\u0120inefficient": 30904, "rawdownload": 30905, "rawdownloadcloneembedreportprint": 30906, "cation": 30907, "\u0120Dynasty": 30908, "lag": 30909, "DES": 30910, "\u0120distinctly": 30911, "\u0120Estonia": 30912, "\u0120openness": 30913, "\u0120gossip": 30914, "ruck": 30915, "Width": 30916, "\u0120Ibrahim": 30917, "\u0120petroleum": 30918, "\u0120avatar": 30919, "\u0120Hed": 30920, "atha": 30921, "\u0120Hogwarts": 30922, "\u0120caves": 30923, "678": 30924, "\u0120safeguard": 30925, "\u0120Mog": 30926, "isson": 30927, "\u0120Durham": 30928, "slaught": 30929, "\u0120Graduate": 30930, "\u0120subconscious": 30931, "\u0120Excellent": 30932, "\u0120Dum": 30933, "-----": 30934, "\u0120piles": 30935, "\u0120WORK": 30936, "\u0120Garn": 30937, "\u0120Fol": 30938, "\u0120ATM": 30939, "\u0120avoids": 30940, "\u0120Tul": 30941, "\u0120bleak": 30942, "ELY": 30943, "ivist": 30944, "lightly": 30945, "Pers": 30946, "\u0120Dob": 30947, "\u0120LS": 30948, "\u0120insanity": 30949, "\u00ce\u00b5": 30950, "atalie": 30951, "Enlarge": 30952, "\u0120twists": 30953, "\u0120faulty": 30954, "\u0120piracy": 30955, "\u0120impover": 30956, "\u0120rugged": 30957, "\u0120Fashion": 30958, "\u0120sands": 30959, "'?": 30960, "swick": 30961, "\u0120natives": 30962, "\u0120hen": 30963, "\u0120Noise": 30964, "\u00e3\u0125\u0139": 30965, "\u0120greens": 30966, "\u0120freezer": 30967, "\u0120dynasty": 30968, "\u0120Fathers": 30969, "\u0120Newark": 30970, "\u0120archaeological": 30971, "\u0120ot": 30972, "obar": 30973, "\u0120blockade": 30974, "\u0120allerg": 30975, "LV": 30976, "\u0120debit": 30977, "\u0120RFC": 30978, "\u0120Milton": 30979, "\u0120Pressure": 30980, "\u0120willingly": 30981, "\u0120disproportionate": 30982, "\u0120oppressive": 30983, "\u0120diamonds": 30984, "\u0120belongings": 30985, "1970": 30986, "\u0120bells": 30987, "\u0120imperialism": 30988, "\u0120227": 30989, "\u0120exploding": 30990, "\u0120Eclipse": 30991, "\u01201919": 30992, "\u0120rant": 30993, "\u0120nominations": 30994, "347": 30995, "\u0120peacefully": 30996, "rica": 30997, "\u0120FUCK": 30998, "\u0120vibration": 30999, "malink": 31000, "\u0120ropes": 31001, "\u0120Ivanka": 31002, "\u0120Brewery": 31003, "\u0120Booker": 31004, "\u0120Owens": 31005, "goers": 31006, "Services": 31007, "\u0120Snape": 31008, "\u0120191": 31009, "395": 31010, "\u0120299": 31011, "justice": 31012, "\u0120bri": 31013, "\u0120discs": 31014, "\u0120prominently": 31015, "\u0120vulgar": 31016, "\u0120skipping": 31017, "lves": 31018, "\u0120tsunami": 31019, "374": 31020, "\u0120Urug": 31021, "\u0120Eid": 31022, "recated": 31023, "phen": 31024, "\u0120faults": 31025, "\u0120Started": 31026, "950": 31027, "\u0120pi": 31028, "\u0120detector": 31029, "\u0120bastard": 31030, "\u0120validated": 31031, "SpaceEngineers": 31032, "OURCE": 31033, "\u0120(~": 31034, "\u0120unsur": 31035, "\u0120affirmed": 31036, "\u0120fascism": 31037, "\u0120resolving": 31038, "\u0120Chavez": 31039, "\u0120Cyn": 31040, "\u0120detract": 31041, "Lost": 31042, "\u0120rigged": 31043, "\u0120homage": 31044, "\u0120Bruno": 31045, "555": 31046, "eca": 31047, "\u0120presses": 31048, "\u0120humour": 31049, "\u0120spacing": 31050, "\u0120'/": 31051, "olkien": 31052, "Coun": 31053, "OPER": 31054, "Tre": 31055, "Son": 31056, "\u0120Cambodia": 31057, "ierre": 31058, "mong": 31059, "ozy": 31060, "\u0120liquidity": 31061, "\u0120Soviets": 31062, "\u0120Fernando": 31063, "\u0120229": 31064, "\u0120slug": 31065, "\u0120Catalan": 31066, "electric": 31067, "\u0120scenery": 31068, "\u0120Hearth": 31069, "\u0120constrained": 31070, "\u0120goalie": 31071, "\u0120Guidelines": 31072, "\u0120Ammo": 31073, "\u0120Pearson": 31074, "\u0120taxed": 31075, "\u0120fetus": 31076, "Response": 31077, "\u0120Alexis": 31078, "thia": 31079, "Guy": 31080, "\u0120reconstruct": 31081, "\u0120extremes": 31082, "\u0120concluding": 31083, "\u0120Peg": 31084, "ooks": 31085, "\u0120deductions": 31086, "Rose": 31087, "\u0120groundbreaking": 31088, "\u0120Targ": 31089, "\u00e3\u0125\u0123": 31090, "\u0120Reve": 31091, "resource": 31092, "\u0120moons": 31093, "\u0120electromagnetic": 31094, "\u0120amidst": 31095, "\u0120Viktor": 31096, "NESS": 31097, "BACK": 31098, "\u0120commute": 31099, "\u0120Anaheim": 31100, "\u0120fluctuations": 31101, "640": 31102, "\u0120noodles": 31103, "\u0120Copenhagen": 31104, "\u0120Tide": 31105, "\u0120Grizz": 31106, "\u0120SEE": 31107, "\u0120pipelines": 31108, "\u0120scars": 31109, "endo": 31110, "agus": 31111, "\u0120ETF": 31112, "/#": 31113, "\u0120Become": 31114, "448": 31115, "\u0120visc": 31116, "\u0120Recommended": 31117, "\u0120jumper": 31118, "\u0120cognition": 31119, "\u0120assassin": 31120, "\u0120witnessing": 31121, "\u0120Setup": 31122, "\u0120lac": 31123, "vim": 31124, "ISM": 31125, "pages": 31126, "SSL": 31127, "358": 31128, "\u0120adject": 31129, "industrial": 31130, "lore": 31131, "chery": 31132, "\u0120glitter": 31133, "\u0120calf": 31134, "Florida": 31135, "\u0120spoilers": 31136, "\u0120succeeds": 31137, "\u0120chanting": 31138, "\u0120slogans": 31139, "\u0120Tracy": 31140, "Visit": 31141, "rology": 31142, "\u0120mornings": 31143, "\u0120lineage": 31144, "\u0120sip": 31145, "\u0120intensely": 31146, "\u0120flourish": 31147, "\u0120Sleeping": 31148, "\u0120Fem": 31149, "orpor": 31150, "\u0120Klan": 31151, "\u0120Darth": 31152, "hack": 31153, "\u0120Nielsen": 31154, "\u0120tumors": 31155, "\u0120procurement": 31156, "\u0120Yorkshire": 31157, "\u0120raided": 31158, "KY": 31159, "Anna": 31160, "\u0120//[": 31161, "\u0120Disorder": 31162, "\u0120Mustang": 31163, "\u0120Wen": 31164, "\u0120Trying": 31165, "sq": 31166, "\u0120deliveries": 31167, "\u0120shutter": 31168, "\u0120cerebral": 31169, "\u0120bipolar": 31170, "\u0120CN": 31171, "lass": 31172, "jet": 31173, "\u0120debating": 31174, ">:": 31175, "\u0120eagle": 31176, "grades": 31177, "\u0120Dixon": 31178, "UGC": 31179, "MAS": 31180, "\u0120Draco": 31181, "\u0120Machines": 31182, "affer": 31183, "\u0120eman": 31184, "\u00c2\u00b2": 31185, "pron": 31186, "\u0120Gym": 31187, "\u0120comparatively": 31188, "\u0120Tribunal": 31189, "PRO": 31190, "\u0120lex": 31191, "\u0120fertile": 31192, "\u0120depressing": 31193, "\u0120superficial": 31194, "essential": 31195, "\u0120Hunters": 31196, "gp": 31197, "\u0120prominence": 31198, "Liber": 31199, "\u0120Ancest": 31200, "otechnology": 31201, "\u0120mocking": 31202, "\u0120Traff": 31203, "\u0138\u013c": 31204, "Medium": 31205, "Iraq": 31206, "\u0120psychiatrist": 31207, "Quantity": 31208, "\u0120Lect": 31209, "\u0120noisy": 31210, "520": 31211, "GY": 31212, "\u0120slapped": 31213, "\u0120MTV": 31214, "\u0120para": 31215, "pull": 31216, "Multiple": 31217, "asher": 31218, "\u0120nour": 31219, "\u0120Seg": 31220, "Spell": 31221, "vous": 31222, "ordial": 31223, "Senior": 31224, "\u0120Goldberg": 31225, "\u0120Plasma": 31226, "need": 31227, "\u0120messenger": 31228, "eret": 31229, "\u0120teamed": 31230, "\u0120literacy": 31231, "\u0120Leah": 31232, "\u0120Doyle": 31233, "\u0120emitted": 31234, "UX": 31235, "\u0120evade": 31236, "\u0120maze": 31237, "\u0120wrongly": 31238, "\u0120Lars": 31239, "\u0120stereotype": 31240, "\u0120pledges": 31241, "\u0120aroma": 31242, "\u0120MET": 31243, "\u0120acre": 31244, "\u0120OD": 31245, "\u0120ff": 31246, "\u0120breweries": 31247, "\u0120Hilton": 31248, "undle": 31249, "\u0120Kak": 31250, "\u0120Thankfully": 31251, "\u0120Canucks": 31252, "inctions": 31253, "\u0120Appears": 31254, "\u0120coer": 31255, "\u0120undermined": 31256, "rovers": 31257, "Andre": 31258, "\u0120blaze": 31259, "umers": 31260, "\u0120famine": 31261, "amphetamine": 31262, "ulkan": 31263, "Amount": 31264, "\u0120desperation": 31265, "wikipedia": 31266, "development": 31267, "\u0120Corinth": 31268, "ussia": 31269, "Jackson": 31270, "LI": 31271, "Native": 31272, "Rs": 31273, "Ohio": 31274, "\u0120Kathleen": 31275, "Fortunately": 31276, "\u0120attendant": 31277, "\u0120Preferred": 31278, "\u0120Didn": 31279, "\u0120Vs": 31280, "Mis": 31281, "\u0120respondent": 31282, "\u0120boun": 31283, "stable": 31284, "\u0120paved": 31285, "\u0120unexpl": 31286, "\u0120Cheney": 31287, "LM": 31288, "\u0120Cull": 31289, "blown": 31290, "\u0120confronting": 31291, "ocese": 31292, "serving": 31293, "Wi": 31294, "\u0120Lithuania": 31295, "anni": 31296, "\u0120stalk": 31297, "hd": 31298, "\u0120vener": 31299, "APH": 31300, "ynchronous": 31301, "URR": 31302, "umably": 31303, "historic": 31304, "Half": 31305, "Hay": 31306, "\u0120resilience": 31307, "spection": 31308, "\u0120abandoning": 31309, "Obs": 31310, "\u0120Debbie": 31311, "\u0120gradient": 31312, "\u0120Plaint": 31313, "\u0120Canal": 31314, "ARCH": 31315, "\u0120expansive": 31316, "\u0120fung": 31317, "\u0120bounced": 31318, "Und": 31319, "\u0120precautions": 31320, "\u0120clarification": 31321, "\u0120dagger": 31322, "\u0120grips": 31323, "\u0120\u00c2\u00b5": 31324, "\u0120Rivera": 31325, "\u0120Undead": 31326, "isites": 31327, "\u0120FIRST": 31328, "\u00c3\u00b1o": 31329, "audi": 31330, "\u0120hostages": 31331, "\u0120compliant": 31332, "\u0120alumni": 31333, "Seven": 31334, "\u0120cybersecurity": 31335, "either": 31336, "Collect": 31337, "\u0120invariably": 31338, "\u0120Soci": 31339, "\u0120lawmaker": 31340, "\u0120ale": 31341, "\u0120Personally": 31342, "Nazi": 31343, "\u0120customization": 31344, "\u0120Proc": 31345, "\u0120Saskatchewan": 31346, "eaturing": 31347, "\u0120spared": 31348, "\u0120discontinued": 31349, "\u0120computational": 31350, "\u0120Motorola": 31351, "\u0120supremacist": 31352, "governmental": 31353, "\u0120paradise": 31354, "\u0120Downing": 31355, "\u0120Nikon": 31356, "\u0120catalyst": 31357, "berra": 31358, "Toronto": 31359, "875": 31360, "beta": 31361, "\u0120Macron": 31362, "\u0120unrealistic": 31363, "vector": 31364, "\u0120Vehicles": 31365, "itiveness": 31366, "\u0120RV": 31367, "\u0120Colbert": 31368, "sin": 31369, "oji": 31370, "entin": 31371, "\u0120Krish": 31372, "hello": 31373, "ffield": 31374, "oky": 31375, "\u0120Tate": 31376, "\u0120maple": 31377, "\u0120aids": 31378, "chemical": 31379, "334": 31380, "nuts": 31381, "\u0120Warp": 31382, "\u0120xx": 31383, "\u0120Robb": 31384, "umerous": 31385, "_-_": 31386, "ftime": 31387, "\u0120VW": 31388, "\u0120winger": 31389, "\u0120Dome": 31390, "tools": 31391, "\u0120PV": 31392, "\u0120Georgetown": 31393, "\u0120geared": 31394, "\u0120jihadists": 31395, "\u0120cp": 31396, "\u0120steroids": 31397, "Mother": 31398, "clerosis": 31399, "\u0120DRM": 31400, "nesia": 31401, "\u0120linger": 31402, "\u0120immersive": 31403, "\u0120COUN": 31404, "\u0120outweigh": 31405, "ensual": 31406, "Band": 31407, "\u0120transforms": 31408, "matched": 31409, "psons": 31410, "\u0120Judicial": 31411, "factor": 31412, "\u0120referral": 31413, "\u0120oddly": 31414, "\u0120Wenger": 31415, "Bring": 31416, "\u0120Bows": 31417, "602": 31418, "ICLE": 31419, "\u0120lions": 31420, "\u0120Academic": 31421, "\u0120Thorn": 31422, "\u0120Raider": 31423, "kefeller": 31424, "Storage": 31425, "Lower": 31426, "\u0120Ort": 31427, "\u0120Equality": 31428, "ALT": 31429, "\u0120SOC": 31430, "Types": 31431, "\u0120lyn": 31432, "\u0120Asset": 31433, "coat": 31434, "TPP": 31435, "CVE": 31436, "\u0120Pioneer": 31437, "application": 31438, "Modern": 31439, "\u0120HK": 31440, "Environment": 31441, "Alright": 31442, "Rain": 31443, "IPP": 31444, "\u0120Shiite": 31445, "\u0120mound": 31446, "\u0120Abilities": 31447, "condition": 31448, "Staff": 31449, "\u0120competence": 31450, "\u0120Moor": 31451, "\u0120Diablo": 31452, "\u0120withheld": 31453, "\u0120ostensibly": 31454, "\u0120Brom": 31455, "\u0120msg": 31456, "\u0120denomin": 31457, "\u0120References": 31458, "\u0120FP": 31459, "\u0120plunged": 31460, "\u0120pamph": 31461, "moving": 31462, "central": 31463, "\u0120downright": 31464, "\u0120fading": 31465, "Tal": 31466, "Typ": 31467, "\u0120Thy": 31468, "ukes": 31469, "ithe": 31470, "\u0120ove": 31471, "\u0120battled": 31472, "\u0120seafood": 31473, "\u0120figur": 31474, "\u0120RD": 31475, "crop": 31476, "\u0120squads": 31477, "{\\": 31478, "\u00e0\u00b9": 31479, "\u0120Eh": 31480, "\u0120interviewing": 31481, "\u0120Qin": 31482, "\u0120aspiring": 31483, "PLIC": 31484, "\u0120clauses": 31485, "\u0120Gast": 31486, "\u0120Nir": 31487, "\u0120luggage": 31488, "\u0120hose": 31489, "\u0120systemd": 31490, "\u0120descending": 31491, "\u0120Revised": 31492, "\u0120Rails": 31493, "align": 31494, "709": 31495, "337": 31496, "\u0120fug": 31497, "charging": 31498, "tags": 31499, "\u0120uter": 31500, "kish": 31501, "WARNING": 31502, "490": 31503, "profits": 31504, "\u0120voyage": 31505, "\u0120ace": 31506, "\u0120Vanguard": 31507, "\u0120Tanks": 31508, "\u0120Muk": 31509, "\u0120226": 31510, "Safe": 31511, "Armor": 31512, "\u0120volcanic": 31513, "\u0120womb": 31514, "\u0120MIL": 31515, "\u0120beginner": 31516, "\u0120Recogn": 31517, "\u0120AAP": 31518, "PLAY": 31519, ")!": 31520, "\u0120detecting": 31521, "cn": 31522, "\u0120breaches": 31523, "Basically": 31524, "\u0120Pag": 31525, "\u0120Municipal": 31526, "\u0120Indie": 31527, "\u0120Laf": 31528, "\u0120Disable": 31529, "\u0120Olson": 31530, "\u0120restrained": 31531, "\u0120rulings": 31532, "\u0120humane": 31533, "events": 31534, "\u0120Cinema": 31535, "displayText": 31536, "\u0120Hatch": 31537, "actionDate": 31538, "onnaissance": 31539, "\u0120assaulting": 31540, "\u0120Lug": 31541, "CHAT": 31542, "\u0120vigorous": 31543, "\u0120Perse": 31544, "\u0120intolerance": 31545, "\u0120Snapchat": 31546, "\u0120Sharks": 31547, "\u0120dummy": 31548, "\u0120Diagn": 31549, "\u0120Guitar": 31550, "imeters": 31551, "403": 31552, "REG": 31553, "Ax": 31554, "\u0120separates": 31555, "\u0120Mahm": 31556, "\u0120tv": 31557, "jah": 31558, "OOL": 31559, "Circ": 31560, "\u0120Windsor": 31561, "ussian": 31562, "\u0120intuition": 31563, "\u0120disdain": 31564, "\u0120Donovan": 31565, "\u0120221": 31566, "Emb": 31567, "\u0120condemning": 31568, "\u0120generosity": 31569, "zzy": 31570, "\u0120panties": 31571, "\u0120Prevent": 31572, "ActionCode": 31573, "ANA": 31574, "342": 31575, "externalActionCode": 31576, "\u0120specifying": 31577, "\u0120crystall": 31578, "Jere": 31579, "\u0120rupt": 31580, "\u0120Apprentice": 31581, "\u0120profiling": 31582, "\u00d0\u00ba": 31583, "Strike": 31584, "\u0120sideline": 31585, "\u0120obligated": 31586, "\u0120occult": 31587, "\u0120bureaucratic": 31588, "antically": 31589, "rupted": 31590, "negative": 31591, "\u0120Ethiopia": 31592, "\u0120Civic": 31593, "\u0120insiders": 31594, "eligible": 31595, "\u0120TVs": 31596, "\u0120BAR": 31597, "\u0120TI": 31598, "iologist": 31599, "\u0120AIR": 31600, "\u0120substituted": 31601, "Arab": 31602, "\u0120Saul": 31603, "\u0120Yog": 31604, "prem": 31605, "\u0120builders": 31606, "\u0120stationary": 31607, "\u0120doubtful": 31608, "\u0120vigorously": 31609, "\u0120thrilling": 31610, "Physical": 31611, "\u0120Carey": 31612, "\u0120Hydra": 31613, "geoning": 31614, "\u0120Sly": 31615, "yton": 31616, "\u0120borrowers": 31617, "\u0120Parkinson": 31618, "\u0120\u00eb": 31619, "\u0120Jamaica": 31620, "\u0120satir": 31621, "\u0120insurgents": 31622, "\u0120Firm": 31623, "\u0120isot": 31624, "\u0120Karn": 31625, "ourning": 31626, "akens": 31627, "docs": 31628, "little": 31629, "\u0120Monaco": 31630, "CLASS": 31631, "Turkey": 31632, "Ly": 31633, "\u0120Conan": 31634, "assic": 31635, "\u0120starred": 31636, "\u0120Pacers": 31637, "eties": 31638, "\u0120tipping": 31639, "Moon": 31640, "\u0120Rw": 31641, "same": 31642, "\u0120cavity": 31643, "\u0120goof": 31644, "\u0120Zo": 31645, "Shock": 31646, "ummer": 31647, "\u0120emphasizes": 31648, "\u0120regrett": 31649, "\u0120novelty": 31650, "\u0120envy": 31651, "\u0120Passive": 31652, "rw": 31653, "505": 31654, "\u0120indifferent": 31655, "\u0120Rica": 31656, "\u0120Himself": 31657, "\u0120Freddie": 31658, "\u0120adip": 31659, "\u00e4\u00b8\u0122": 31660, "\u0120breakout": 31661, "\u0120hurried": 31662, "\u0120Huang": 31663, "\u0120Disk": 31664, "\u0120roaming": 31665, "?????-?????-": 31666, "UV": 31667, "\u0120Ricky": 31668, "\u0120Sigma": 31669, "\u0120marginalized": 31670, "\u0120edits": 31671, "\u0120304": 31672, "memory": 31673, "\u0120specimen": 31674, "293": 31675, "\u00e3\u0123\u00af": 31676, "\u0120vertically": 31677, "\u0120audition": 31678, "\u0120Heck": 31679, "\u0120caster": 31680, "\u0120Holdings": 31681, "adal": 31682, "\u0120Cron": 31683, "\u0120Liam": 31684, "\u0120deflect": 31685, "Pick": 31686, "\u0120Debug": 31687, "REF": 31688, "\u0120versatility": 31689, "othes": 31690, "classified": 31691, "\u0120Mahar": 31692, "\u0120Hort": 31693, "Counter": 31694, "stasy": 31695, "noticed": 31696, "331": 31697, "\u0120Shim": 31698, "fuck": 31699, "\u0120Bie": 31700, "\u0120airing": 31701, "\u0120Protein": 31702, "\u0120Holding": 31703, "\u0120spectators": 31704, "iliated": 31705, "\u0120Thatcher": 31706, "nosis": 31707, "\u00e3\u0125\u00bc\u00e3\u0125\u00b3": 31708, "Tele": 31709, "Boston": 31710, "\u0120Templ": 31711, "stay": 31712, "\u0120declarations": 31713, "479": 31714, "Volume": 31715, "\u0120Designer": 31716, "\u0120Overwatch": 31717, "idae": 31718, "\u0120onwards": 31719, "\u0120nets": 31720, "\u0120Manila": 31721, "particularly": 31722, "\u0120politic": 31723, "oother": 31724, "\u0120portraits": 31725, "\u0120pavement": 31726, "cffff": 31727, "\u0120saints": 31728, "\u0120beginners": 31729, "ESPN": 31730, "\u0120shortcomings": 31731, "\u00e2\u0137\u0132\u00e2\u0137\u0132": 31732, "\u0120comet": 31733, "\u0120Organic": 31734, "quel": 31735, "\u0120hospitalized": 31736, "Break": 31737, "\u0120peel": 31738, "dylib": 31739, "aspx": 31740, "urances": 31741, "\u0120TIM": 31742, "Pg": 31743, "\u0120readable": 31744, "\u0120Malik": 31745, "\u0120muzzle": 31746, "\u0120benchmarks": 31747, "dal": 31748, "\u0120Vacc": 31749, "\u0120Hicks": 31750, "609": 31751, "\u0120Biblical": 31752, "heng": 31753, "\u0120overload": 31754, "\u0120Civilization": 31755, "\u0120immoral": 31756, "\u0120fries": 31757, "\u00e3\u0124\u0134": 31758, "\u0120reproduced": 31759, "\u0120formulation": 31760, "jug": 31761, "irez": 31762, "gear": 31763, "\u0120coached": 31764, "MpServer": 31765, "\u0120SJ": 31766, "\u0120Kw": 31767, "Init": 31768, "deal": 31769, "\u0120Oro": 31770, "\u0120Loki": 31771, "\u0120Songs": 31772, "\u0120232": 31773, "\u0120Louise": 31774, "asionally": 31775, "\u0120uncond": 31776, "ollywood": 31777, "\u0120progressives": 31778, "\u0120Enough": 31779, "\u0120Doe": 31780, "\u0120wreckage": 31781, "\u0120brushed": 31782, "\u0120BaseType": 31783, "\u0120zoning": 31784, "ishable": 31785, "hetically": 31786, "\u0120Caucus": 31787, "\u0120Hue": 31788, "\u0120karma": 31789, "\u0120Sporting": 31790, "\u0120trader": 31791, "\u0120seeming": 31792, "\u0120Capture": 31793, "430": 31794, "bish": 31795, "\u0120tunes": 31796, "\u0120indoors": 31797, "\u0120Sphere": 31798, "\u0120Dancing": 31799, "TERN": 31800, "\u0120nob": 31801, "\u0120GST": 31802, "maps": 31803, "\u0120peppers": 31804, "Fit": 31805, "\u0120oversees": 31806, "\u0120Rabbi": 31807, "\u0120Ruler": 31808, "vertising": 31809, "office": 31810, "xxx": 31811, "\u0120raft": 31812, "Changed": 31813, "\u0120textbooks": 31814, "Links": 31815, "\u0120Omn": 31816, "\u00e3\u0122\u0133": 31817, "\u0120inconvenience": 31818, "\u0120Donetsk": 31819, "=~": 31820, "\u0120implicitly": 31821, "\u0120boosts": 31822, "\u0120Bones": 31823, "\u0120Boom": 31824, "Courtesy": 31825, "\u0120sensational": 31826, "ANY": 31827, "\u0120greedy": 31828, "eden": 31829, "\u0120inexper": 31830, "\u0120Ler": 31831, "\u0120Vale": 31832, "\u0120tighten": 31833, "\u0120EAR": 31834, "\u0120Num": 31835, "\u0120ancestor": 31836, "Sent": 31837, "\u0120Horde": 31838, "urgical": 31839, "allah": 31840, "\u0120sap": 31841, "amba": 31842, "\u0120Spread": 31843, "twitch": 31844, "\u0120grandson": 31845, "\u0120fracture": 31846, "\u0120moderator": 31847, "\u0120Seventh": 31848, "\u0120Reverse": 31849, "\u0120estimation": 31850, "Choose": 31851, "\u0120parach": 31852, "\u0120barric": 31853, "\u00e3\u0122\u0132": 31854, "\u0120compass": 31855, "\u0120allergic": 31856, "\u00e2\u0122\u0137": 31857, "OTHER": 31858, "errilla": 31859, "\u0120wagon": 31860, "\u0120zinc": 31861, "\u0120rubbed": 31862, "\u0120Fuller": 31863, "\u0120Luxembourg": 31864, "\u0120Hoover": 31865, "\u0120liar": 31866, "\u0120Evening": 31867, "\u0120Cobb": 31868, "esteem": 31869, "\u0120selector": 31870, "\u0120Brawl": 31871, "isance": 31872, "\u0120Ek": 31873, "\u0120troop": 31874, "\u0120guts": 31875, "\u0120Appeal": 31876, "\u0120Tibetan": 31877, "\u0120routines": 31878, "\u0120Ment": 31879, "\u0120summarized": 31880, "steamapps": 31881, "\u0120tranqu": 31882, "\u01201929": 31883, "oran": 31884, "\u0120Authent": 31885, "\u0120gmaxwell": 31886, "\u0120apprehens": 31887, "\u0120poems": 31888, "\u0120sausage": 31889, "\u0120Webster": 31890, "urus": 31891, "\u0120themed": 31892, "\u0120lounge": 31893, "\u0120charger": 31894, "Spoiler": 31895, "\u0120spilled": 31896, "hog": 31897, "\u0120Sunder": 31898, "\u0120Ain": 31899, "\u0120Angry": 31900, "\u0120disqual": 31901, "\u0120Frequency": 31902, "\u0120Ethernet": 31903, "\u0120helper": 31904, "Percent": 31905, "\u0120horrifying": 31906, "\u0120ail": 31907, "\u0120Allan": 31908, "EEE": 31909, "\u0120Crossing": 31910, "449": 31911, "\u0120holog": 31912, "\u0120Puzzles": 31913, "\u0120Goes": 31914, "erenn": 31915, "604": 31916, "\u00e3\u0123\u0131": 31917, "\u0120Rafael": 31918, "\u0120atten": 31919, "\u0120Emanuel": 31920, "\u0120upro": 31921, "\u0120Susp": 31922, "Psych": 31923, "\u0120Trainer": 31924, "\u0120NES": 31925, "\u0120Hunts": 31926, "becue": 31927, "\u0120counselor": 31928, "Rule": 31929, "\u0120toxins": 31930, "\u0120banners": 31931, "rifice": 31932, "\u0120greeting": 31933, "\u0120frenzy": 31934, "\u0120allocate": 31935, "\u0120*)": 31936, "expr": 31937, "503": 31938, "\u0120Chick": 31939, "\u0120Torn": 31940, "\u0120consolidation": 31941, "\u0120Fletcher": 31942, "switch": 31943, "frac": 31944, "clips": 31945, "\u0120McKin": 31946, "\u0120Lunar": 31947, "Month": 31948, "ITCH": 31949, "\u0120scholarly": 31950, "raped": 31951, "398": 31952, "\u01201910": 31953, "\u0120egreg": 31954, "\u0120insecure": 31955, "\u0120victorious": 31956, "cffffcc": 31957, "\u0120singled": 31958, "\u0120elves": 31959, "\u0120Wond": 31960, "burst": 31961, "\u0120camoufl": 31962, "\u0120BLACK": 31963, "\u0120conditioned": 31964, "\u00e7\u012b": 31965, "answered": 31966, "\u0120compulsory": 31967, "ascist": 31968, "\u0120podcasts": 31969, "\u0120Frankfurt": 31970, "bnb": 31971, "\u0120neoliberal": 31972, "\u0120Keyboard": 31973, "\u0120Belle": 31974, "warm": 31975, "\u0120trusts": 31976, "\u0120insured": 31977, "\u0120Bucc": 31978, "usable": 31979, "607": 31980, "\u0120Plains": 31981, "\u01201890": 31982, "\u0120sabotage": 31983, "\u0120lodged": 31984, "felt": 31985, "\u0120ga": 31986, "\u0120Narc": 31987, "\u0120Salem": 31988, "\u0120seventy": 31989, "\u0120Blank": 31990, "pocket": 31991, "\u0120whisper": 31992, "\u0120mating": 31993, "omics": 31994, "\u0120Salman": 31995, "\u0120Kad": 31996, "\u0120angered": 31997, "\u0120collisions": 31998, "\u0120extraordinarily": 31999, "\u0120coercion": 32000, "Ghost": 32001, "birds": 32002, "\u00e8\u0122": 32003, "kok": 32004, "\u0120permissible": 32005, "avorable": 32006, "\u0120pointers": 32007, "\u0120dissip": 32008, "aci": 32009, "\u0120theatrical": 32010, "\u0120Cosmic": 32011, "\u0120forgetting": 32012, "\u0120finalized": 32013, "\u00e5\u00a4\u00a7": 32014, "yout": 32015, "library": 32016, "\u0120booming": 32017, "\u0120Believe": 32018, "\u0120Teacher": 32019, "\u0120Liv": 32020, "\u0120GOODMAN": 32021, "\u0120Dominican": 32022, "ORED": 32023, "\u0120Parties": 32024, "\u0120precipitation": 32025, "\u0120Slot": 32026, "Roy": 32027, "\u0120Combined": 32028, "\u0120integrating": 32029, "\u0120chrome": 32030, "\u0120intestinal": 32031, "\u0120Rebell": 32032, "\u0120matchups": 32033, "\u0120blockbuster": 32034, "\u0120Loren": 32035, "\u0120Levy": 32036, "\u0120preaching": 32037, "\u0120Sending": 32038, "\u0120Purpose": 32039, "rax": 32040, "fif": 32041, "\u0120authoritative": 32042, "\u0120PET": 32043, "astical": 32044, "\u0120dishon": 32045, "\u0120chatting": 32046, "\u0120\"$:/": 32047, "Connection": 32048, "\u0120recreate": 32049, "\u0120delinqu": 32050, "\u0120broth": 32051, "\u0120Dirty": 32052, "\u0120Admin": 32053, "zman": 32054, "\u0120scholarships": 32055, "\u0120253": 32056, "contact": 32057, "alsa": 32058, "767": 32059, "creen": 32060, "abbage": 32061, "\u01201915": 32062, "\u0120blended": 32063, "\u0120alarmed": 32064, "Language": 32065, "356": 32066, "\u0120blends": 32067, "\u0120Changed": 32068, "Wolf": 32069, "\u0120hepat": 32070, "Creating": 32071, "\u0120persecut": 32072, "\u0120sweetness": 32073, "arte": 32074, "\u0120forfeiture": 32075, "\u0120Roberto": 32076, "impro": 32077, "NFL": 32078, "\u0120Magnet": 32079, "Detailed": 32080, "\u0120insignificant": 32081, "\u0120POLIT": 32082, "\u0120BBQ": 32083, "\u0120CPS": 32084, "\u0120seaw": 32085, "aminer": 32086, "mL": 32087, "endif": 32088, "finals": 32089, "\u0120265": 32090, "uish": 32091, "\u0120})": 32092, "\u0120Problems": 32093, "\u0120emblem": 32094, "\u0120seriousness": 32095, "\u0120parsing": 32096, "\u0120substitution": 32097, "\u0120pressured": 32098, "\u0120recycled": 32099, "aleb": 32100, "Ruby": 32101, "\u0120proficiency": 32102, "Driver": 32103, "\u0120Wester": 32104, ":'": 32105, "AFTA": 32106, "\u0120mantle": 32107, "\u0120Clayton": 32108, "flag": 32109, "\u0120practitioner": 32110, "covered": 32111, "\u0120Struct": 32112, "addafi": 32113, "425": 32114, "\u0120Township": 32115, "\u0120Hydro": 32116, "Louis": 32117, "343": 32118, "\u0120condo": 32119, "\u0120Tao": 32120, "\u0120utilization": 32121, "\u0120nausea": 32122, "\u0120Dems": 32123, "ridges": 32124, "pause": 32125, "\u0120formulas": 32126, "\u0120challenger": 32127, "376": 32128, "\u0120defective": 32129, "\u0120Railway": 32130, "\u0120PubMed": 32131, "\u0120yogurt": 32132, "lbs": 32133, "\u0120Norfolk": 32134, "OPE": 32135, "\u0120Moody": 32136, "\u0120distributor": 32137, "\u0120scrolls": 32138, "\u0120extracts": 32139, "Stan": 32140, "\u0120viability": 32141, "\u0120exposes": 32142, "\u0120starvation": 32143, "\u0120Steps": 32144, "\u0120Dodd": 32145, "few": 32146, "STD": 32147, "332": 32148, "\u0120closures": 32149, "\u0120complementary": 32150, "\u0120Sasha": 32151, "umpy": 32152, "\u0120monet": 32153, "\u0120articulate": 32154, "\u0120Doct": 32155, "killer": 32156, "\u0120scrim": 32157, "\u0120264": 32158, "\u0120prostitutes": 32159, "\u0120severed": 32160, "\u0120attachments": 32161, "\u0120cooled": 32162, "Lev": 32163, "\u0120Falk": 32164, "fail": 32165, "\u0120policeman": 32166, "\u0120Dag": 32167, "\u0120prayed": 32168, "\u0120Kernel": 32169, "\u0120clut": 32170, "\u0120cath": 32171, "\u0120anomaly": 32172, "Storm": 32173, "emaker": 32174, "\u0120Breakfast": 32175, "uli": 32176, "oire": 32177, "JJ": 32178, "hz": 32179, "Operation": 32180, "\u0120Sick": 32181, "354": 32182, "\u0120Guatemala": 32183, "Rate": 32184, "\u0120exposures": 32185, "faces": 32186, "\u0120Archae": 32187, "raf": 32188, "\u0120Mia": 32189, "\u01202025": 32190, "\u0120opaque": 32191, "\u0120disguised": 32192, "\u0120Headquarters": 32193, "Sah": 32194, "\u0120pots": 32195, "978": 32196, "\u0120Malf": 32197, "\u0120frowned": 32198, "\u0120poisonous": 32199, "\u0120Convers": 32200, "eeks": 32201, "\u0120crab": 32202, ".\"\"": 32203, "\u0120treason": 32204, "\u0120ranc": 32205, "\u0120escalating": 32206, "\u0120warr": 32207, "\u0120mobs": 32208, "\u0120lamps": 32209, "\u0120Sunshine": 32210, "\u0120Brunswick": 32211, "Phones": 32212, "\u0120spelled": 32213, "\u0120Skip": 32214, "\u01202050": 32215, "\u01201911": 32216, "\u0120Pluto": 32217, "\u0120Amend": 32218, "\u0120meats": 32219, "387": 32220, "\u0120stomp": 32221, "\u0120Zhou": 32222, "\u0120Leviathan": 32223, "\u0120Hazard": 32224, "adv": 32225, "\u0120Orwell": 32226, "\u0120aloud": 32227, "\u0120bumper": 32228, "\u0120Anarch": 32229, "ubuntu": 32230, "\u0120Serious": 32231, "fitting": 32232, "\u0120Optional": 32233, "\u0120Cecil": 32234, "REAM": 32235, "\u0120serotonin": 32236, "\u0120cultivate": 32237, "agogue": 32238, "}\\": 32239, "\u0120mosques": 32240, "\u0120Sunny": 32241, "\u0120reactive": 32242, "revolution": 32243, "\u0120Lup": 32244, "\u0120Fedora": 32245, "\u0120defenseman": 32246, "\u0120VID": 32247, "istine": 32248, "\u0120drowning": 32249, "\u0120Broadcasting": 32250, "\u0120thriller": 32251, "\u0120Scy": 32252, "\u0120accelerating": 32253, "\u0120directs": 32254, "odied": 32255, "bike": 32256, "duration": 32257, "\u0120painfully": 32258, "Redd": 32259, "\u0120productions": 32260, "\u0120gag": 32261, "\u0120whist": 32262, "\u0120sock": 32263, "\u0120infinitely": 32264, "\u0120Concern": 32265, "\u0120Citadel": 32266, "\u0120lieu": 32267, "\u0120candles": 32268, "ogeneous": 32269, "arger": 32270, "\u0120heavenly": 32271, "inflammatory": 32272, "Performance": 32273, "Cs": 32274, "ructose": 32275, "azaki": 32276, "\u0120pessim": 32277, "\u0120inference": 32278, "\u0120powd": 32279, "\u0120Zoe": 32280, "\u0120paints": 32281, "\u0120dazz": 32282, "pta": 32283, "-----------": 32284, "\u0120inspir": 32285, "\u0120Experimental": 32286, "\u0120Knife": 32287, "regor": 32288, "bors": 32289, "\u0120showers": 32290, "romeda": 32291, "\u0120saint": 32292, "\u0120benign": 32293, "\u0120Jiang": 32294, "\u0120envisioned": 32295, "\u0120shroud": 32296, "IFT": 32297, "HO": 32298, "\u0120shuff": 32299, "\u0120ICC": 32300, "\u0120segreg": 32301, "\u0120revisit": 32302, "ighthouse": 32303, "Li": 32304, "\u0120substrate": 32305, "\u0120Seas": 32306, "\u0120Reward": 32307, "\u0120Hep": 32308, "\u0120Brass": 32309, "sbm": 32310, "\u0120eliminates": 32311, "\u0120stamina": 32312, "\u0120VAT": 32313, "\u0120Loan": 32314, "\u0120constraint": 32315, "\u0120appropriated": 32316, "\u0120pes": 32317, "\u0120ALE": 32318, "ranging": 32319, "\u0120404": 32320, "392": 32321, "\u0120intellectuals": 32322, "achu": 32323, "\u0120restructuring": 32324, "\u0120Levin": 32325, "\u0120runes": 32326, "\u0120delightful": 32327, "\u0120carbohydrates": 32328, "\u0120Models": 32329, "\u0120Expo": 32330, "\u0120transporting": 32331, "alloc": 32332, "\u0120ringing": 32333, "Samsung": 32334, "\u0120scarcely": 32335, "\u0120URLs": 32336, "\u0120MAS": 32337, "\u0120prototypes": 32338, "\u0120narrator": 32339, "\u0120CPUs": 32340, "cdn": 32341, "\u0120Barton": 32342, "\u0120decidedly": 32343, "\u0120Shu": 32344, "ixir": 32345, "ocious": 32346, "\u0120Myst": 32347, "Nintendo": 32348, "\u0120reuse": 32349, "\u0120forgiven": 32350, "Few": 32351, "inical": 32352, "nat": 32353, "\u0120seamless": 32354, "\u0120Eva": 32355, "\u0120EVE": 32356, "\u0120JO": 32357, "landers": 32358, "\u0120softer": 32359, "negie": 32360, "\u0120transient": 32361, "\u0120orbital": 32362, "\u0120fulfil": 32363, "\u0120Kom": 32364, "Hopefully": 32365, "\u0120dynamically": 32366, "\u0120Hunger": 32367, "\u00e5\u013d": 32368, "\u0120Armenia": 32369, "elman": 32370, "berto": 32371, "\u0120pige": 32372, "\u0120IDs": 32373, "limit": 32374, "\u0120veins": 32375, "\u0120soaring": 32376, "packs": 32377, "Golden": 32378, "\u0120Crab": 32379, "istor": 32380, "\u0120RPM": 32381, "\u0120$$": 32382, "gression": 32383, "\u0120jihadist": 32384, "\u0120gamble": 32385, "\u0120careg": 32386, "\u0120inflated": 32387, "Face": 32388, "\u0120Firearms": 32389, "\u0120Emmanuel": 32390, "\u00e2\u013f": 32391, "\u0120shocks": 32392, "grab": 32393, "\u0120splend": 32394, "\u0120HPV": 32395, "abortion": 32396, "Above": 32397, "Entity": 32398, "players": 32399, "\u0120commenced": 32400, "ulence": 32401, "\u0120fulfillment": 32402, "\u0120embodiments": 32403, "\u0120Welfare": 32404, "\u0120hail": 32405, "\u0120<@": 32406, "tten": 32407, "\u0120catcher": 32408, "\u0120Jazeera": 32409, "\u0120volcano": 32410, "\u0120stabilize": 32411, "\u0120Handler": 32412, "\u0120intensified": 32413, "\u0120Abrams": 32414, "\u0120humiliation": 32415, "paced": 32416, "605": 32417, "\u0120CentOS": 32418, "Specific": 32419, "\u0120heed": 32420, "\u0120CAM": 32421, "\u0120Galile": 32422, "Die": 32423, "\u0120abolished": 32424, "\u0120Thomson": 32425, "\u0120Teachers": 32426, "\u0120Wass": 32427, "jong": 32428, "\u0120ISBN": 32429, "\u0120Allies": 32430, "shake": 32431, "\u00e5\u00b7": 32432, "vict": 32433, "Howard": 32434, "\u0120deem": 32435, "\u0120exceedingly": 32436, "\u0120Smartstocks": 32437, "ibe": 32438, "\u0120doorway": 32439, "\u0120competed": 32440, "igmat": 32441, "\u0120nationalists": 32442, "\u0120groom": 32443, "\u0120Keen": 32444, "\u0120disposable": 32445, "decl": 32446, "\u0120Tolkien": 32447, "\u0120Scheme": 32448, "\u0120biod": 32449, "\u0120avid": 32450, "\u0120Elon": 32451, "agar": 32452, "\u0120TSA": 32453, "Roman": 32454, "\u0120artificially": 32455, "\u0120advisors": 32456, "XL": 32457, "\u0120Inferno": 32458, "366": 32459, "\u0120tedious": 32460, "\u0120Photography": 32461, "\u0120Carrie": 32462, "\u0120trope": 32463, "\u0120Sandra": 32464, "\u0120decimal": 32465, "Queen": 32466, "\u0120Gundam": 32467, "\u0120OM": 32468, "otech": 32469, "NBA": 32470, "\u01201932": 32471, "\u0120entrenched": 32472, "\u0120Marion": 32473, "\u0120fraternity": 32474, "Labour": 32475, "Henry": 32476, "\u0120latitude": 32477, "Either": 32478, "\u0120enhances": 32479, "\u0120Potential": 32480, "\u0120shines": 32481, "idad": 32482, "\u0120breadth": 32483, "\u0120capacities": 32484, "\u0120\u00f0\u0141\u013b\u0124": 32485, "\u0120Bronx": 32486, "\u0120sexes": 32487, "\u0120differentiation": 32488, "\u0120heavyweight": 32489, "\u0120Taj": 32490, "dra": 32491, "\u0120migrate": 32492, "\u0120exhaustion": 32493, "\u0120RUN": 32494, "elsius": 32495, "\u0120Cuomo": 32496, "\u0120guitars": 32497, "\u0120clones": 32498, "\u0120Somew": 32499, "\u0120Pry": 32500, "-------------": 32501, "\u0120warranted": 32502, "cycles": 32503, "\u0120salvage": 32504, "\u0120disks": 32505, "RANT": 32506, "\u0120NGOs": 32507, "\u0120Martian": 32508, "\":[{\"": 32509, "\u0120addicts": 32510, "ojure": 32511, "illet": 32512, "\u0120amazingly": 32513, "artments": 32514, "pixel": 32515, "\u0120GPUs": 32516, "Layout": 32517, "\u00e8\u00a3": 32518, "\u0120Tamil": 32519, "\u0120Basil": 32520, "\u0120impartial": 32521, "\u0120Structure": 32522, "fork": 32523, "bryce": 32524, "\u0120ridge": 32525, "\u0120Hamburg": 32526, "rious": 32527, "\u0120blitz": 32528, "cigarettes": 32529, "\u0120canned": 32530, "402": 32531, "\u0120ironically": 32532, "\u0120compassionate": 32533, "\u0120Hawkins": 32534, ".#": 32535, "\u0120Cathedral": 32536, "\u0120rallied": 32537, "internal": 32538, "\u0120quota": 32539, "stakes": 32540, "TEXT": 32541, "mom": 32542, "\u0120completes": 32543, "\u0120238": 32544, "\u0120shrug": 32545, "\u00e3\u0125\u0133": 32546, "\u0120Ninth": 32547, "\u0120revise": 32548, "\u0120Provider": 32549, "\u0120treacher": 32550, "\u0120quasi": 32551, "\u0120PRES": 32552, "\u0120deposition": 32553, "\u0120confidentiality": 32554, "issors": 32555, "\u0120imbalance": 32556, "\u0120spanning": 32557, "\u0120angular": 32558, "\u0120Cul": 32559, "communication": 32560, "\u0120Nora": 32561, "\u0120Genius": 32562, "opter": 32563, "\u0120sacked": 32564, "Spot": 32565, "\u0120finely": 32566, "\u0120CHR": 32567, "282": 32568, "waves": 32569, "Palest": 32570, "\u0120Rohing": 32571, "NL": 32572, "\u00e8\u00bf": 32573, "\u0120shitty": 32574, "\u0120Scalia": 32575, "475": 32576, "Progress": 32577, "\u0120referencing": 32578, "\u0120classrooms": 32579, "abee": 32580, "\u0120sod": 32581, "hesion": 32582, "708": 32583, "\u0120Zuckerberg": 32584, "\u0120Finish": 32585, "\u0120Scotia": 32586, "\u0120Savior": 32587, "\u0120Installation": 32588, "antha": 32589, "(-": 32590, "\u0120302": 32591, "\u0120Punk": 32592, "\u0120crater": 32593, "youtu": 32594, "\u0120roast": 32595, "\u0120influencing": 32596, "\u0120dup": 32597, "\u0120JR": 32598, "\u0120Grav": 32599, "\u0120stature": 32600, "\u0120bathrooms": 32601, "Aside": 32602, "Wiki": 32603, "mean": 32604, "\u0120Zak": 32605, "\u0120Ones": 32606, "\u0120Nath": 32607, "\u0120hypert": 32608, "\u0120commencement": 32609, "Civil": 32610, "\u0120moderately": 32611, "\u0120distributors": 32612, "\u0120breastfeeding": 32613, "\u0120980": 32614, "\u0120Sik": 32615, "\u0120Cig": 32616, "\u0120AMER": 32617, "RIP": 32618, "\u0120Career": 32619, "usting": 32620, "\u0120messed": 32621, "\u0120eh": 32622, "\u0120Jensen": 32623, "/$": 32624, "\u0120blackmail": 32625, "\u0120conversions": 32626, "\u0120scientifically": 32627, "\u0120mantra": 32628, "paying": 32629, "\u0120ivory": 32630, "\u0120Courts": 32631, "OUGH": 32632, "auntlet": 32633, "Serial": 32634, "Brow": 32635, "\u0120Hundreds": 32636, "323": 32637, "\u0120pee": 32638, "\u0120linux": 32639, "\u0120submer": 32640, "\u0120Principal": 32641, "485": 32642, "\u0120DSL": 32643, "\u0120Cousins": 32644, "\u0120doctrines": 32645, "\u0120Athletics": 32646, "\u0120315": 32647, "\u0120Karma": 32648, "\u0120attent": 32649, "urger": 32650, "\u0120prescribe": 32651, "\u0120encaps": 32652, "\u0120Came": 32653, "\u0120secretive": 32654, "\u0120Crimes": 32655, "dn": 32656, "Clean": 32657, "\u0120Egyptians": 32658, "\u0120Carpenter": 32659, "\u0120ll": 32660, "Hum": 32661, "\u0120Milo": 32662, "\u0120capitalists": 32663, "\u0120briefed": 32664, "Twe": 32665, "\u0120Basin": 32666, "elvet": 32667, "Mos": 32668, "\u0120plunge": 32669, "\u0120Kaiser": 32670, "\u0120Fuj": 32671, "illin": 32672, "\u0120safeguards": 32673, "\u0120oste": 32674, "\u0120Opportunity": 32675, "\u0120Mafia": 32676, "\u0120Calling": 32677, "apa": 32678, "urban": 32679, "brush": 32680, "illard": 32681, "c\u00c3\u00a9": 32682, "intelligence": 32683, "\u0120Lob": 32684, "\u0120Druid": 32685, "\u0120smoother": 32686, "\u0120footing": 32687, "\u0120motorists": 32688, "arcity": 32689, "\u0120masculinity": 32690, "\u0120mism": 32691, "\u0120abdominal": 32692, "\u0120Tavern": 32693, "\u0120Roh": 32694, "\u0120escapes": 32695, "signed": 32696, "Anthony": 32697, "\u0120sacrificing": 32698, "\u0120intimacy": 32699, "\u0120anterior": 32700, "\u0120Kod": 32701, "\u0120motif": 32702, "\u0120graz": 32703, "\u0120visualization": 32704, "\u0120guitarist": 32705, "\u0120Trotsky": 32706, "magic": 32707, "Dar": 32708, "\u0120Mori": 32709, "\u0120wards": 32710, "\u0120toilets": 32711, "lest": 32712, "\u0120teleport": 32713, "\u0120Sundays": 32714, "\u0120Plat": 32715, "ETS": 32716, "\u0120eSports": 32717, "Patrick": 32718, "\u0120Katherine": 32719, "enko": 32720, "\u0120hassle": 32721, "\u0120Mick": 32722, "ggles": 32723, "\u0120hob": 32724, "aintain": 32725, "\u0120airborne": 32726, "\u0120spans": 32727, "\u0120chili": 32728, "\u0120aperture": 32729, "\u0120volunteered": 32730, "\u0120Incident": 32731, "\u0120Fres": 32732, "\u0120Veteran": 32733, "aughtered": 32734, "ingo": 32735, "\u0120uninsured": 32736, "CLOSE": 32737, "\u0120fuse": 32738, "\u0120erotic": 32739, "\u0120advertise": 32740, "raising": 32741, "Texture": 32742, "\u0120attends": 32743, "\u0120REAL": 32744, "uddled": 32745, "\u0120smoot": 32746, "\u0120305": 32747, "\u0120Willis": 32748, "\u0120blond": 32749, "Analysis": 32750, "\u0120VT": 32751, "onica": 32752, "\u0120stronghold": 32753, "RF": 32754, "NM": 32755, ".>>": 32756, "\u0120prosperous": 32757, "\u0120boasted": 32758, "292": 32759, "\u0120Manufacturing": 32760, "PRESS": 32761, "gren": 32762, "\u0120pharmacy": 32763, "\u0120Rockefeller": 32764, "kai": 32765, "\u0120thumbs": 32766, "\u0120Hut": 32767, "\u0120motherboard": 32768, "\u0120guardians": 32769, "\u0120Alter": 32770, "llular": 32771, "\u0120shack": 32772, "\u0120wisely": 32773, "\u0120backbone": 32774, "erva": 32775, "\u0120suicides": 32776, "\u0120McGregor": 32777, "ijah": 32778, "Emer": 32779, "\u0120Brav": 32780, "\u0120designate": 32781, "POST": 32782, "produced": 32783, "\u0120cleansing": 32784, "irlwind": 32785, "existent": 32786, "\u0120Humph": 32787, "\u0120Payne": 32788, "\u0120vested": 32789, "\u00c5\u00a1": 32790, "\u0120stringent": 32791, "iona": 32792, "\u0120unsub": 32793, "\u0120summed": 32794, "\u0120Hercules": 32795, "subject": 32796, "\u0120Ragnar": 32797, "\u0120Nos": 32798, "\u0120characterization": 32799, "\u0120savvy": 32800, "\u0120Dawson": 32801, "\u0120Casino": 32802, "\u0120fri": 32803, "\u0120Barrier": 32804, "\u0120misinformation": 32805, "\u0120insulation": 32806, "\u0120corridors": 32807, "\u0120airplanes": 32808, "\u0120Noct": 32809, "ahi": 32810, "\u01201916": 32811, "kb": 32812, "armac": 32813, "\u0120shun": 32814, "\u0120schema": 32815, "\u0120horrified": 32816, "\u0120239": 32817, "aunders": 32818, "NB": 32819, "iates": 32820, "erity": 32821, "\u0120Shard": 32822, "\u0120rarity": 32823, "\u0120grouped": 32824, "\u0120Ghana": 32825, "against": 32826, "\u0120Biological": 32827, "\u0120Aware": 32828, "owell": 32829, "\u00cf\u0126": 32830, "\u0120Beau": 32831, "shaw": 32832, "Hack": 32833, "\u0120Julius": 32834, "USS": 32835, "olson": 32836, "auna": 32837, "cru": 32838, "\u0120Maurice": 32839, "\u0120Ik": 32840, "\u0120sequencing": 32841, "\u0120radicals": 32842, "\u0120(?,": 32843, "virtual": 32844, "\u0120anyways": 32845, "\u0120reperc": 32846, "\u0120handlers": 32847, "\u0120hesitant": 32848, "\u00e9\u0125": 32849, "\u0120MF": 32850, "plementation": 32851, "associated": 32852, "\u0120campaigned": 32853, "\u0120Yue": 32854, "utations": 32855, "\u0120Yoga": 32856, "\u0120simmer": 32857, "\u0120rods": 32858, "\u0120melody": 32859, "\u0120convoy": 32860, "videos": 32861, "\u0120screened": 32862, "Neg": 32863, "ochemical": 32864, "\u0120())": 32865, "\u0120ultras": 32866, "\u0120antip": 32867, "\u0120Islanders": 32868, "704": 32869, "\u0120fetish": 32870, "\u0120ridiculously": 32871, "\u0120Kart": 32872, "\u0120mitochondrial": 32873, "\u0120interfering": 32874, "Builder": 32875, "\u0120overfl": 32876, "\u0120acne": 32877, "\u0120Mud": 32878, "\u0120Kerr": 32879, "flex": 32880, "\u0120Postal": 32881, "\u0120Baltic": 32882, "477": 32883, "\u0120Persons": 32884, "ourage": 32885, "HB": 32886, "\u0120Muse": 32887, "\u0120Immortal": 32888, "\u0120Driving": 32889, "\u0120petitions": 32890, "\u0120subscript": 32891, "\u0120sorce": 32892, "\u0120Processor": 32893, "uton": 32894, "Sony": 32895, "\u0120phon": 32896, "\u0120raced": 32897, "\u0120Anthrop": 32898, "\u0120daytime": 32899, "\u0120Exercise": 32900, "Adding": 32901, "\u0120engages": 32902, "\u0120Qualcomm": 32903, "\u0120miracles": 32904, "\u0120memes": 32905, "\u0120Drink": 32906, "\u0120Orioles": 32907, "\u0120hairs": 32908, "\u0120Polar": 32909, "athom": 32910, "\u0120slippery": 32911, "\u0120Remy": 32912, "\u0120caramel": 32913, "\u0120YEAR": 32914, "\u0120alk": 32915, "Ign": 32916, "aution": 32917, "\u0120Merlin": 32918, "\u0120Cran": 32919, "\u0120apologies": 32920, "\u0120410": 32921, "\u0120outing": 32922, "\u0120Memories": 32923, "appointed": 32924, "\u0120countered": 32925, "uld": 32926, "posing": 32927, "\u0120firewall": 32928, "\u0120Wast": 32929, "\u0120Wet": 32930, "worked": 32931, "seller": 32932, "\u0120repealed": 32933, "ereo": 32934, "assuming": 32935, "BLIC": 32936, "mite": 32937, "\u0120CEOs": 32938, "\u0120Chapel": 32939, "elligent": 32940, "________________________": 32941, "Dog": 32942, "\u0120wart": 32943, "\u0120subscriber": 32944, "sports": 32945, "\u0120begged": 32946, "\u0120MV": 32947, "\u0120semif": 32948, "ethical": 32949, "\u0120preach": 32950, "\u0120revital": 32951, "\u0120punitive": 32952, "\u0120shortcuts": 32953, "\u0120instituted": 32954, "\u0120Warsaw": 32955, "\u0120abdomen": 32956, "\u0120KING": 32957, "\u0120superintendent": 32958, "\u0120fry": 32959, "\u0120Geo": 32960, "TOR": 32961, "\u0120contradictions": 32962, "aptic": 32963, "\u0120landscapes": 32964, "bugs": 32965, "\u0120clust": 32966, "\u0120volley": 32967, "cribed": 32968, "\u0120tandem": 32969, "\u0120robes": 32970, "WHAT": 32971, "\u0120promoter": 32972, "\u0120eloqu": 32973, "reviewed": 32974, "\u0120DK": 32975, "\u0120Plato": 32976, "\u0120fps": 32977, "Tank": 32978, "\u0120Derrick": 32979, "\u0120prioritize": 32980, "asper": 32981, "\u0120Honduras": 32982, "\u0120Completed": 32983, "nec": 32984, "\u0120mog": 32985, "nir": 32986, "\u0120Mayo": 32987, "DEF": 32988, "stall": 32989, "inness": 32990, "\u0120Volkswagen": 32991, "\u0120precaution": 32992, "\u0120Mell": 32993, "iak": 32994, "istries": 32995, "\u0120248": 32996, "\u0120overlapping": 32997, "Senate": 32998, "\u0120Enhance": 32999, "resy": 33000, "racial": 33001, "ORTS": 33002, "\u0120Mormons": 33003, "Strong": 33004, "\u0120Coch": 33005, "Mexico": 33006, "\u0120Maduro": 33007, "\u0120jars": 33008, "\u0120cane": 33009, "Wik": 33010, "olla": 33011, "ifference": 33012, "\u0120physicist": 33013, "\u0120Maggie": 33014, "\u0120285": 33015, "\u0120depiction": 33016, "\u0120McLaren": 33017, "Ju": 33018, "\u0120slows": 33019, "\u0120commissioners": 33020, "\u0120Willow": 33021, "\u0120Explos": 33022, "hovah": 33023, "\u0120technician": 33024, "\u0120homicides": 33025, "\u0120Flav": 33026, "\u0120Truman": 33027, "\u012010000": 33028, "uctor": 33029, "\u0120shader": 33030, "Newsletter": 33031, "457": 33032, "\u0120rever": 33033, "\u0120hardened": 33034, "\u0120whereabouts": 33035, "\u0120redevelop": 33036, "\u0120carbs": 33037, "\u0120travers": 33038, "\u0120squirrel": 33039, "\u0120follower": 33040, "\u0120sings": 33041, "508": 33042, "\u0120rabbits": 33043, "emonium": 33044, "\u0120documenting": 33045, "\u0120misunderstood": 33046, ")'": 33047, "Rick": 33048, "ggies": 33049, "\u0120premie": 33050, "\u0120skating": 33051, "\u0120passports": 33052, "\u0120fists": 33053, "ageddon": 33054, "Haw": 33055, "ACP": 33056, "080": 33057, "\u0120Thoughts": 33058, "\u0120Carlson": 33059, "\u0120priesthood": 33060, "hua": 33061, "\u0120dungeons": 33062, "\u0120Loans": 33063, "\u0120antis": 33064, "\u0120familiarity": 33065, "\u0120Sabb": 33066, "opal": 33067, "\u0120Ink": 33068, "strike": 33069, "\u0120cram": 33070, "\u0120legalized": 33071, "\u0120cuisine": 33072, "\u0120fibre": 33073, "Travel": 33074, "\u0120Monument": 33075, "ODY": 33076, "ethy": 33077, "\u0120interstate": 33078, "\u0120PUR": 33079, "emporary": 33080, "\u0120Arabian": 33081, "developed": 33082, "\u0120saddle": 33083, "\u0120github": 33084, "\u0120Offer": 33085, "\u0120ISP": 33086, "rolet": 33087, "\u0120SUPER": 33088, "\u0120Denis": 33089, "\u0120multiplier": 33090, "\u0120stirred": 33091, "Interestingly": 33092, "\u0120customary": 33093, "\u0120billed": 33094, "hex": 33095, "\u0120multiplied": 33096, "\u0120flipping": 33097, "\u0120Crosby": 33098, "\u0120fundamentals": 33099, "iae": 33100, "\u0120Played": 33101, "\u0120Atom": 33102, "amazon": 33103, "\u0120Flam": 33104, "eez": 33105, "activated": 33106, "\u0120tablespoon": 33107, "\u0120liberalism": 33108, "\u0120Palin": 33109, "\u0120Patel": 33110, "Num": 33111, "\u0120TAM": 33112, "\u0120surn": 33113, "\u0120Reloaded": 33114, "\u0120coined": 33115, "\"],": 33116, "\u0120Clash": 33117, "\u0120Agu": 33118, "\u0120pragmatic": 33119, "\u0120Activate": 33120, "\u0120802": 33121, "\u0120trailers": 33122, "\u0120silhou": 33123, "\u0120probes": 33124, "\u0120circus": 33125, "\u0120Bain": 33126, "\u0120Lindsay": 33127, "\u0120Abbey": 33128, "Delivery": 33129, "\u0120concession": 33130, "\u0120gastro": 33131, "\u0120Sprite": 33132, "\u00c4\u0141": 33133, "andel": 33134, "\u0120gimm": 33135, "\u0120autobi": 33136, "\u0120Turtle": 33137, "\u0120wonderfully": 33138, "\u0120Haram": 33139, "\u0120Worldwide": 33140, "\u0120Handle": 33141, "\u0120theorists": 33142, "\u0120sleek": 33143, "\u0120Zhu": 33144, "ographically": 33145, "EGA": 33146, "\u0120Owners": 33147, "aths": 33148, "\u0120Antarctic": 33149, "natal": 33150, "=\"\"": 33151, "flags": 33152, "````": 33153, "\u0120sul": 33154, "Kh": 33155, "\u0120potassium": 33156, "\u0120lineman": 33157, "\u0120cereal": 33158, "\u0120Seasons": 33159, "\u01202022": 33160, "\u0120mathematic": 33161, "\u0120astronomers": 33162, "professional": 33163, "\u0120fares": 33164, "cknowled": 33165, "\u0120chi": 33166, "\u0120youngsters": 33167, "\u0120mistakenly": 33168, "\u0120hemisphere": 33169, "\u0120Divinity": 33170, "rone": 33171, "\u0120\",": 33172, "rings": 33173, "\u0120attracts": 33174, "vana": 33175, "\u00e5\u00b9": 33176, "CAP": 33177, "\u0120playlist": 33178, "\u0120porch": 33179, "\u00e3\u0123\u00a3": 33180, "\u0120incorporates": 33181, "\u0120soak": 33182, "\u0120asserting": 33183, "\u0120Terrorism": 33184, "\u0120Pablo": 33185, "Ja": 33186, "cester": 33187, "\u0120fearing": 33188, "\u0120Prayer": 33189, "\u0120escalated": 33190, "GW": 33191, "\u0120robe": 33192, "\u0120Brighton": 33193, "acists": 33194, "\u0120Symphony": 33195, "\u0120Dwarf": 33196, "\u0120Parade": 33197, "\u0120Lego": 33198, "\u0120inexpl": 33199, "\u0120lords": 33200, "leaf": 33201, "RAG": 33202, "liber": 33203, "\u0120cigars": 33204, "\u0120Jehovah": 33205, "606": 33206, "WINDOWS": 33207, "\u0120Liberia": 33208, "ebus": 33209, "Heavy": 33210, "\u0120lubric": 33211, "\u0120RW": 33212, "anguages": 33213, "\u0120narrowed": 33214, "computer": 33215, "\u0120Ember": 33216, "\u0120murdering": 33217, "\u0120downstream": 33218, "\u0120Tuls": 33219, "\u0120Tables": 33220, "Topic": 33221, "\u0120Accuracy": 33222, "=/": 33223, "lost": 33224, "\u0120Rei": 33225, "\u0120progresses": 33226, "bear": 33227, "\u0120establishments": 33228, "Justin": 33229, "\u0120Peach": 33230, "\u0120Gomez": 33231, "\u00e5\u00bf": 33232, "\u0120Triangle": 33233, "Ident": 33234, "\u0120Hive": 33235, "Resources": 33236, "\u0120mixes": 33237, "\u0120Assuming": 33238, "Mu": 33239, "\u0120hypoc": 33240, "\u0120sane": 33241, "\u0120Wan": 33242, "idious": 33243, "Success": 33244, "\u0120io": 33245, "Angel": 33246, "\u0120dangerously": 33247, "\u0120Creature": 33248, "WORK": 33249, ":[": 33250, "\u0120Katrina": 33251, "Listener": 33252, "Miller": 33253, "\u0120Idlib": 33254, "hang": 33255, "\u0120circumvent": 33256, "href": 33257, "\u0120celestial": 33258, "\u0120Weeks": 33259, "\u0120Pug": 33260, "\u0120Dalton": 33261, "\u0120subpoena": 33262, "uku": 33263, "\u0120persisted": 33264, "pei": 33265, "olding": 33266, "\u0120Documents": 33267, "\u0120Hast": 33268, "\u0120CENT": 33269, "\u0120primer": 33270, "\u0120synonymous": 33271, "\u0120nib": 33272, "ombs": 33273, "\u0120notation": 33274, "\u0120Dish": 33275, "\u0120Atmosp": 33276, "\u0120forbid": 33277, "\u0120ANG": 33278, "pattern": 33279, "los": 33280, "\u0120projectiles": 33281, "brown": 33282, ".\",": 33283, "\u0120Venom": 33284, "\u0120fiercely": 33285, "ublished": 33286, "\u0120Uran": 33287, "\u0120Nicarag": 33288, "410": 33289, "\u0120CAL": 33290, "OTOS": 33291, "\u0120Miracle": 33292, "\u0120Enchant": 33293, "\u0120guarding": 33294, "append": 33295, "Attach": 33296, "\u0120leveled": 33297, "\u0120condoms": 33298, "ihilation": 33299, "649": 33300, "\u0120nightmares": 33301, "\u0120THEY": 33302, "\u0120START": 33303, "\u0120Kinn": 33304, "\u0120roommate": 33305, "\u0120hygiene": 33306, "opping": 33307, "Job": 33308, "\u0120lvl": 33309, "\u0120VER": 33310, "\u0120Keeping": 33311, "abetic": 33312, "\u0120formatting": 33313, "erala": 33314, "\u0120revisions": 33315, "\u0120resurg": 33316, "Tel": 33317, "\u0120Goodman": 33318, "353": 33319, "pod": 33320, "\u0120indisp": 33321, "\u0120Translation": 33322, "\u0120gown": 33323, "\u0120Mund": 33324, "\u0120cis": 33325, "\u0120bystand": 33326, "collect": 33327, "\u0120Punjab": 33328, "actively": 33329, "\u0120Gamb": 33330, "tell": 33331, "\u0120importing": 33332, "gencies": 33333, "\u0120locom": 33334, "\u0120Brill": 33335, "Holy": 33336, "\u0120Berger": 33337, "\u0120showdown": 33338, "\u0120responders": 33339, "ILY": 33340, "\u0120takedown": 33341, "leted": 33342, "\u0120mattered": 33343, "\u0120predictive": 33344, "\u0120overlay": 33345, "GPU": 33346, "\u0120Vick": 33347, "\u0120conveyed": 33348, "Tab": 33349, "peer": 33350, "Scan": 33351, "\u0120defensively": 33352, "vae": 33353, "\u0120approving": 33354, "\u0120tiers": 33355, "\u0120Via": 33356, "querade": 33357, "\u0120Saudis": 33358, "\u0120demolished": 33359, "\u0120Prophe": 33360, "\u0120mono": 33361, "\u0120hospitality": 33362, "HAM": 33363, "\u0120Ariel": 33364, "MOD": 33365, "\u0120Torah": 33366, "\u0120blah": 33367, "\u0120Belarus": 33368, "erential": 33369, "\u0120Tuc": 33370, "\u0120banker": 33371, "397": 33372, "\u0120mosquit": 33373, "\u0120Scientist": 33374, "\u0120Musical": 33375, "\u0120hust": 33376, "Shift": 33377, "\u0120torment": 33378, "\u0120standoff": 33379, "Educ": 33380, "\u0120Fog": 33381, "\u0120amplifier": 33382, "Shape": 33383, "Instance": 33384, "\u0120Critics": 33385, "\u0120daemon": 33386, "Houston": 33387, "\u0120mattress": 33388, "\u0120IDF": 33389, "\u0120obscene": 33390, "\u0120Amer": 33391, "hetti": 33392, "\u0120compiling": 33393, "352": 33394, "verett": 33395, "\u0120Reduction": 33396, "istration": 33397, "\u0120Blessed": 33398, "\u0120Bachelor": 33399, "316": 33400, "\u0120prank": 33401, "\u0120Vulcan": 33402, "dding": 33403, "\u0120mourning": 33404, "\u0120Quint": 33405, "\u0120Blaster": 33406, "testing": 33407, "\u0120sediment": 33408, ">>>": 33409, "\u0120Eternity": 33410, "\u0120WHERE": 33411, "\u0120Maze": 33412, "\u0120reacting": 33413, "\u0120Alv": 33414, "omsday": 33415, "\u0120CRA": 33416, "\u0120translator": 33417, "\u0120bogus": 33418, "atu": 33419, "Website": 33420, "olls": 33421, "\u0120baptism": 33422, "\u0120sibling": 33423, "\u0120Autumn": 33424, "vez": 33425, "\u00e3\u0123\u00ae\u00e9": 33426, "guards": 33427, "Georg": 33428, "assadors": 33429, "\u0120Freud": 33430, "\u0120continents": 33431, "\u0120Registry": 33432, "Bernie": 33433, "\u0138\u013c\u00e5\u00a3\u00ab": 33434, "\u0120tolerant": 33435, "\u0120UW": 33436, "\u0120horribly": 33437, "995": 33438, "\u0120MIDI": 33439, "\u0120impatient": 33440, "ocado": 33441, "eri": 33442, "\u0120Worst": 33443, "\u0120Norris": 33444, "\u0120Talking": 33445, "\u0120defends": 33446, "ensable": 33447, "\u01202021": 33448, "\u0120anatomy": 33449, "Lew": 33450, "\u0120drawer": 33451, "\u0120Canberra": 33452, "\u0120patriotic": 33453, "\u00e9\u00be\u012f\u00e5\u0138\u013c\u00e5\u00a3\u00ab": 33454, "\u0120Avg": 33455, "ARM": 33456, "\u0120undisclosed": 33457, "\u0120farewell": 33458, "459": 33459, "bable": 33460, "\u0120Allison": 33461, "OLOG": 33462, "\u0120conco": 33463, "tight": 33464, "\u0120ACPI": 33465, "\u0120Mines": 33466, "lich": 33467, "\u0120\u00e2\u0136\u013e": 33468, "represented": 33469, "200000": 33470, "\u0120enthusiast": 33471, "OTS": 33472, "bil": 33473, "\u0120Ingredients": 33474, "\u0120inventor": 33475, "\u0120MySQL": 33476, "\u00c2\u0142\u00c2\u0142\u00c2\u0142": 33477, "\u0120ABOUT": 33478, "within": 33479, "\u0120mk": 33480, "Bul": 33481, "\u0120Fake": 33482, "\u0120draconian": 33483, "Wa": 33484, "helm": 33485, "\u0120Terran": 33486, "erville": 33487, "\u0120commonplace": 33488, "SIZE": 33489, "\u0120\"<": 33490, "replace": 33491, "ographs": 33492, "\u0120SELECT": 33493, "incible": 33494, "\u0120Mostly": 33495, "\u0120Sheffield": 33496, "\u0120IDE": 33497, "uggle": 33498, "\u0120citations": 33499, "hurst": 33500, "\u0120Unix": 33501, "\u0120unleash": 33502, "\u0120Piper": 33503, "\u0120Nano": 33504, "\u0120succumb": 33505, "\u0120reluctance": 33506, "\u01202500": 33507, "\u0120Merchant": 33508, "\u0120wiret": 33509, "\u0120combos": 33510, "\u0120Birthday": 33511, "\u0120charcoal": 33512, "\u0120UPS": 33513, "\u0120Fairfax": 33514, "\u0120driveway": 33515, "\u0120Tek": 33516, "\u0120Pitch": 33517, "overe": 33518, "\u0120technicians": 33519, "\u0120Actual": 33520, "flation": 33521, "\u0120Fiscal": 33522, "\u0120Empty": 33523, "anamo": 33524, "\u0120magnesium": 33525, "\u0120slut": 33526, "\u0120growers": 33527, "Investigators": 33528, "():": 33529, "\u0120Satellite": 33530, "\u0120Keynes": 33531, "missive": 33532, "lane": 33533, "\u0120borough": 33534, "344": 33535, "\u0120TEAM": 33536, "\u0120Bethesda": 33537, "CV": 33538, "hower": 33539, "\u0120RAD": 33540, "\u0120chant": 33541, "\u0120Riy": 33542, "\u0120compositions": 33543, "\u0120mildly": 33544, "\u0120meddling": 33545, "\u0120agility": 33546, "aneers": 33547, "501": 33548, "\u0120synth": 33549, "linger": 33550, "291": 33551, "\u0120exclaimed": 33552, "Party": 33553, "\u0120contamin": 33554, "\u0120Manor": 33555, "\u0120Respond": 33556, "\u0120praising": 33557, "\u0120manners": 33558, "fleet": 33559, "Summer": 33560, "\u0120Lynd": 33561, "\u0120Definitely": 33562, "grim": 33563, "\u0120bowling": 33564, "stri": 33565, "\u00e7\u013d": 33566, "ynt": 33567, "\u0120mandates": 33568, "DIV": 33569, "\u0120reconcile": 33570, "views": 33571, "\u0120Damon": 33572, "vette": 33573, "Flo": 33574, "\u0120Greatest": 33575, "ilon": 33576, "icia": 33577, "\u0120portrayal": 33578, "\u0120cushion": 33579, "504": 33580, "1979": 33581, "ossal": 33582, "Applic": 33583, "scription": 33584, "\u0120mitigation": 33585, "ATS": 33586, "pac": 33587, "\u0120erased": 33588, "\u0120deficiencies": 33589, "\u0120Hollande": 33590, "\u0120Xu": 33591, "\u0120bred": 33592, "\u0120pregnancies": 33593, "femin": 33594, "\u0120emph": 33595, "\u0120planners": 33596, "\u0120outper": 33597, "uttering": 33598, "\u0120perpetrator": 33599, "\u0120motto": 33600, "\u0120Ellison": 33601, "\u0120NEVER": 33602, "\u0120admittedly": 33603, "ARI": 33604, "\u0120Azerbaijan": 33605, "\u0120millisec": 33606, "\u0120combustion": 33607, "\u0120Bottle": 33608, "\u0120Lund": 33609, "\u0120Ps": 33610, "\u0120Dress": 33611, "\u0120fabricated": 33612, "\u0120battered": 33613, "\u0120sidel": 33614, "\u0120Notting": 33615, "Foreign": 33616, "\u0120Jerome": 33617, "020": 33618, "\u0120Arbit": 33619, "\u0120knots": 33620, "\u0120RIGHT": 33621, "Moving": 33622, "\u00e3\u0123\u013b": 33623, "\u0120surgeries": 33624, "\u0120courthouse": 33625, "\u0120mastered": 33626, "\u0120hovering": 33627, "\u0120Bran": 33628, "\u0120Alison": 33629, "\u0120safest": 33630, "military": 33631, "\u0120bullied": 33632, "\u0120barrage": 33633, "Reader": 33634, "ESE": 33635, "\u0120Geographic": 33636, "Tools": 33637, "314": 33638, "\u0120Geek": 33639, "roth": 33640, "glers": 33641, "\u0120FIN": 33642, "\u00cf\u0123": 33643, "\u0120Aston": 33644, "altern": 33645, "488": 33646, "\u0120veterin": 33647, "Gamer": 33648, "\u0120intel": 33649, "renches": 33650, "Shield": 33651, "\u0120amnesty": 33652, "\u0120Bhar": 33653, "\u0120piled": 33654, "\u0120honorable": 33655, "\u0120Institutes": 33656, "\u0120soaked": 33657, "\u0120coma": 33658, "\u0120EFF": 33659, "341": 33660, "bytes": 33661, "\u0120Gmail": 33662, "lein": 33663, "\u0120Canadiens": 33664, "material": 33665, "Il": 33666, "\u0120instructors": 33667, "\u0120KY": 33668, "\u0120conceive": 33669, "ubb": 33670, "\u0120Possible": 33671, "\u0120easing": 33672, "\u0120Christina": 33673, "\u0120caric": 33674, "\u0120HDR": 33675, "ROM": 33676, "\u0120shovel": 33677, "delete": 33678, "\u0120puff": 33679, "\u0120Changing": 33680, "\u0120seamlessly": 33681, "Attribute": 33682, "\u0120acquisitions": 33683, "akery": 33684, "\u0120EF": 33685, "\u0120autistic": 33686, "\u0120Takes": 33687, "\u0120Powder": 33688, "\u0120Stir": 33689, "510": 33690, "\u0120Bubble": 33691, "settings": 33692, "\u0120Fowler": 33693, "\u0120mustard": 33694, "\u0120moreover": 33695, "\u0120copyrighted": 33696, "\u0120LEDs": 33697, "1500": 33698, "\u00e6\u012b": 33699, "\u0120HIS": 33700, "enf": 33701, "\u0120custod": 33702, "\u0120Huck": 33703, "Gi": 33704, "\u0120img": 33705, "Answer": 33706, "Ct": 33707, "jay": 33708, "\u0120Infrastructure": 33709, "\u0120federally": 33710, "Loc": 33711, "\u0120microbes": 33712, "\u0120overrun": 33713, "dds": 33714, "otent": 33715, "adiator": 33716, ">>>>>>>>": 33717, "\u0120tornado": 33718, "\u0120adjud": 33719, "\u0120intrigued": 33720, "\u0120si": 33721, "\u0120Revelation": 33722, "progress": 33723, "\u0120burglary": 33724, "\u0120Saiyan": 33725, "\u0120Kathy": 33726, "\u0120serpent": 33727, "\u0120Andreas": 33728, "\u0120compel": 33729, "essler": 33730, "\u0120Plastic": 33731, "\u0120Advent": 33732, "\u0120Positive": 33733, "\u0120Qt": 33734, "\u0120Hindus": 33735, "registered": 33736, "ularity": 33737, "\u0120righteousness": 33738, "\u0120demonic": 33739, "uitive": 33740, "\u0120BDS": 33741, "\u0120Gregg": 33742, "cia": 33743, "\u0120Crusade": 33744, "\u0120Sinai": 33745, "WARE": 33746, "+(": 33747, "\u0120mell": 33748, "\u0120derail": 33749, "yards": 33750, "Ast": 33751, "\u0120noticeably": 33752, "\u0120Ober": 33753, "Ram": 33754, "\u0120unnoticed": 33755, "\u0120seq": 33756, "avage": 33757, "Ts": 33758, "\u0120640": 33759, "\u0120concede": 33760, "\u0120])": 33761, "Fill": 33762, "\u0120captivity": 33763, "\u0120Improvement": 33764, "\u0120Crusader": 33765, "araoh": 33766, "MAP": 33767, "\u00e6\u0139": 33768, "\u0120stride": 33769, "always": 33770, "Fly": 33771, "Nit": 33772, "\u0120algae": 33773, "\u0120Cooking": 33774, "\u0120Doors": 33775, "Malley": 33776, "\u0120policemen": 33777, "\u00e3\u0123\u012f": 33778, "\u0120astronaut": 33779, "accessible": 33780, "495": 33781, "\u0120RAW": 33782, "cliffe": 33783, "udicrous": 33784, "\u0120depended": 33785, "alach": 33786, "\u0120ventures": 33787, "rake": 33788, "\u0120tits": 33789, "\u0120Hou": 33790, "\u0120condom": 33791, "ormonal": 33792, "\u0120indent": 33793, "\u0120uploading": 33794, "Footnote": 33795, "Important": 33796, "\u0120271": 33797, "\u0120mindful": 33798, "\u0120contends": 33799, "Cra": 33800, "\u0120calibr": 33801, "\u0120OECD": 33802, "plugin": 33803, "Fat": 33804, "\u0120ISS": 33805, "\u0120Dynamics": 33806, "ansen": 33807, "686": 33808, "'),": 33809, "\u0120sprite": 33810, "\u0120handheld": 33811, "\u0120Hipp": 33812, "=~=~": 33813, "Trust": 33814, "\u0120semantics": 33815, "\u0120Bundes": 33816, "\u0120Reno": 33817, "\u0120Literature": 33818, "sense": 33819, "Gary": 33820, "\u0120Aeg": 33821, "\u0120Trin": 33822, "EEK": 33823, "\u0120cleric": 33824, "\u0120SSH": 33825, "\u0120christ": 33826, "\u0120invading": 33827, "ibu": 33828, "\u0120enum": 33829, "aura": 33830, "\u0120allege": 33831, "\u0120Incredible": 33832, "BBC": 33833, "\u0120thru": 33834, "\u0120sailed": 33835, "\u0120emulate": 33836, "\u0120insecurity": 33837, "\u0120crou": 33838, "\u0120accommodations": 33839, "\u0120incompetent": 33840, "\u0120slips": 33841, "\u0120Earthqu": 33842, "sama": 33843, "ILLE": 33844, "\u0120iPhones": 33845, "asaki": 33846, "\u0120bye": 33847, "\u0120ard": 33848, "\u0120extras": 33849, "\u0120slaughtered": 33850, "\u0120crowdfunding": 33851, "resso": 33852, "\u0120filib": 33853, "\u0120ERROR": 33854, "\u0120TLS": 33855, "egg": 33856, "\u0120Ital": 33857, "\u0120enlist": 33858, "\u0120Catalonia": 33859, "\u0120Scots": 33860, "\u0120sergeant": 33861, "\u0120dissolve": 33862, "NH": 33863, "\u0120standings": 33864, "rique": 33865, "IQ": 33866, "\u0120beneficiary": 33867, "\u0120aquarium": 33868, "YouTube": 33869, "\u0120PowerShell": 33870, "\u0120brightest": 33871, "\u0120Warrant": 33872, "Sold": 33873, "Writing": 33874, "\u0120beginnings": 33875, "\u0120Reserved": 33876, "\u0120Latinos": 33877, "heading": 33878, "\u0120440": 33879, "\u0120rooftop": 33880, "ATING": 33881, "\u0120390": 33882, "VPN": 33883, "Gs": 33884, "kernel": 33885, "turned": 33886, "\u0120preferable": 33887, "\u0120turnovers": 33888, "\u0120Hels": 33889, "Sa": 33890, "\u0120Shinji": 33891, "veh": 33892, "\u0120MODULE": 33893, "Viol": 33894, "\u0120exiting": 33895, "\u0120jab": 33896, "\u0120Vanilla": 33897, "\u0120acron": 33898, "\u0120Gap": 33899, "bern": 33900, "Ak": 33901, "\u0120McGu": 33902, "\u0120endlessly": 33903, "\u0120Farage": 33904, "\u0120Noel": 33905, "Va": 33906, "MK": 33907, "\u0120brute": 33908, "\u0120Kru": 33909, "\u0120ESV": 33910, "\u0120Olivia": 33911, "\u00e2\u0122\u0142": 33912, "\u0120Kaf": 33913, "\u0120trusting": 33914, "\u0120hots": 33915, "324": 33916, "\u0120malaria": 33917, "\u0120json": 33918, "\u0120pounding": 33919, "ortment": 33920, "Country": 33921, "\u0120postponed": 33922, "\u0120unequiv": 33923, "?),": 33924, "\u0120Rooney": 33925, "udding": 33926, "\u0120Leap": 33927, "urrence": 33928, "shapeshifter": 33929, "\u0120HAS": 33930, "osate": 33931, "\u0120cavern": 33932, "\u0120conservatism": 33933, "\u0120BAD": 33934, "\u0120mileage": 33935, "\u0120arresting": 33936, "Vaults": 33937, "\u0120mixer": 33938, "Democratic": 33939, "\u0120Benson": 33940, "\u0120authored": 33941, "8000": 33942, "\u0120proactive": 33943, "\u0120Spiritual": 33944, "tre": 33945, "\u0120incarcerated": 33946, "\u0120Sort": 33947, "\u0120peaked": 33948, "\u0120wielding": 33949, "reciation": 33950, "\u00d7\u013b\u00d7": 33951, "Patch": 33952, "\u0120Emmy": 33953, "\u0120exqu": 33954, "tto": 33955, "\u0120Ratio": 33956, "\u0120Picks": 33957, "\u0120Gry": 33958, "phant": 33959, "\u0120fret": 33960, "\u0120ethn": 33961, "\u0120archived": 33962, "%-": 33963, "cases": 33964, "\u0120Blaze": 33965, "\u0120imb": 33966, "cv": 33967, "yss": 33968, "imony": 33969, "\u0120countdown": 33970, "\u0120awakening": 33971, "\u0120Tunisia": 33972, "\u0120Refer": 33973, "\u0120MJ": 33974, "\u0120unnatural": 33975, "\u0120Carnegie": 33976, "izen": 33977, "\u0120Nuggets": 33978, "hess": 33979, "\u0120evils": 33980, "647": 33981, "\u0120introductory": 33982, "loving": 33983, "\u0120McMahon": 33984, "\u0120ambiguity": 33985, "Label": 33986, "\u0120Almighty": 33987, "\u0120coloring": 33988, "\u0120Claus": 33989, "setting": 33990, "NULL": 33991, "\u0120Favorite": 33992, "\u0120SIG": 33993, ">(": 33994, "\u0120Shiva": 33995, "\u0120Mayer": 33996, "\u0120stormed": 33997, "\u0120Coverage": 33998, "weapons": 33999, "igham": 34000, "\u0120unanswered": 34001, "\u0120leve": 34002, "\u0120coy": 34003, "cas": 34004, "bags": 34005, "asured": 34006, "Seattle": 34007, "\u0120Santorum": 34008, "serious": 34009, "\u0120courageous": 34010, "\u0120Soup": 34011, "\u0120confiscated": 34012, "\u0120///": 34013, "\u0120unconventional": 34014, "\u0120moms": 34015, "\u0120Rohingya": 34016, "\u0120Orchestra": 34017, "\u0120Potion": 34018, "\u0120discredit": 34019, "\u0120FIL": 34020, "fixed": 34021, "\u0120Deer": 34022, "doi": 34023, "\u0120Dimension": 34024, "\u0120bureaucrats": 34025, "eteen": 34026, "\u0120actionGroup": 34027, "ohm": 34028, "\u0120bumps": 34029, "\u0120Utility": 34030, "\u0120submarines": 34031, "renheit": 34032, "research": 34033, "\u0120Shapiro": 34034, "\u0120sketches": 34035, "\u0120deceptive": 34036, "\u0120Vil": 34037, "esame": 34038, "\u0120Essentially": 34039, "\u0120rampage": 34040, "isky": 34041, "\u0120muttered": 34042, "thritis": 34043, "\u0120236": 34044, "fet": 34045, "bars": 34046, "\u0120pupil": 34047, "\u0120Thou": 34048, "oS": 34049, "song": 34050, "\u0120fractured": 34051, "\u0120revert": 34052, "picture": 34053, "\u0120criterion": 34054, "usher": 34055, "\u0120repercussions": 34056, "\u0120Vintage": 34057, "\u0120Superintendent": 34058, "Officers": 34059, "\u0120flagged": 34060, "\u0120blames": 34061, "\u0120inverse": 34062, "ographers": 34063, "\u0120makeshift": 34064, "\u0120devoid": 34065, "\u0120fossils": 34066, "\u0120Aristotle": 34067, "\u0120Funds": 34068, "\u0120depleted": 34069, "\u0120Flu": 34070, "\u0120Yuan": 34071, "\u0120woes": 34072, "\u0120lipid": 34073, "\u0120situ": 34074, "requisites": 34075, "\u0120furnish": 34076, "\u0120Samar": 34077, "\u0120shameful": 34078, "\u0120adversely": 34079, "\u0120adept": 34080, "\u0120remorse": 34081, "\u0120murderous": 34082, "uckles": 34083, "\u0120ESL": 34084, "\u0120314": 34085, "sent": 34086, "\u0120redef": 34087, "\u0120Cache": 34088, "\u0120Purs": 34089, "igans": 34090, "\u0120460": 34091, "\u0120prescriptions": 34092, "\u0120fres": 34093, "Fuck": 34094, "ocrates": 34095, "Twenty": 34096, "\u0120Weird": 34097, "\u0120Toggle": 34098, "\u0120Called": 34099, "itizens": 34100, "\u0120poultry": 34101, "\u0120harvesting": 34102, "\u00e3\u0124\u00a6\u00e3\u0124\u00b9": 34103, "Bottom": 34104, "\u0120cautioned": 34105, "tn": 34106, "396": 34107, "\u0120Nikki": 34108, "\u0120evaluations": 34109, "\u0120harassing": 34110, "\u0120bindings": 34111, "\u0120Monetary": 34112, "\u0120hitters": 34113, "\u0120adversary": 34114, "unts": 34115, "\u0120setback": 34116, "\u0120encrypt": 34117, "\u0120Cait": 34118, "\u0120lows": 34119, "enges": 34120, "\u0120Norn": 34121, "\u0120bulbs": 34122, "\u0120bottled": 34123, "\u0120Voyager": 34124, "317": 34125, "\u0120spheres": 34126, "politics": 34127, "\u0120subtract": 34128, "\u0120sensations": 34129, "\u0120appalling": 34130, "\u0120316": 34131, "\u0120environmentally": 34132, "\u0120STEM": 34133, "\u0120publishes": 34134, "560": 34135, "\u0120diligence": 34136, "484": 34137, "\u0120advises": 34138, "\u0120petrol": 34139, "\u0120imagining": 34140, "\u0120patrols": 34141, "\u0120Integer": 34142, "\u0120Ashes": 34143, "actus": 34144, "\u0120Radiant": 34145, "\u0120LT": 34146, "itability": 34147, "htaking": 34148, "Setting": 34149, "\u0120nuanced": 34150, "\u0120Reef": 34151, "\u0120Developers": 34152, "Ni": 34153, "pieces": 34154, "990": 34155, "License": 34156, "\u0120lowers": 34157, "\u0120Ottoman": 34158, "327": 34159, "ooo": 34160, "\u0120quitting": 34161, "markets": 34162, "Behind": 34163, "\u0120basin": 34164, "\u0120docs": 34165, "anie": 34166, "flash": 34167, "ctl": 34168, "\u0120civilized": 34169, "\u0120Fukushima": 34170, "\"],\"": 34171, "\u0120KS": 34172, "\u0120Honestly": 34173, "arat": 34174, "\u0120constructs": 34175, "\u0120Lans": 34176, "\u0120Dire": 34177, "\u0120LIKE": 34178, "\u0120Trouble": 34179, "\u0120withholding": 34180, "\u0120Oblivion": 34181, "\u0120sanity": 34182, "anya": 34183, "Const": 34184, "\u0120grocer": 34185, "\u0120Celsius": 34186, "\u0120recounted": 34187, "\u0120Wife": 34188, "Border": 34189, "atered": 34190, "happy": 34191, "\u0120spoiler": 34192, "\u0120logically": 34193, "Hall": 34194, "\u0120succeeding": 34195, "\u0120polymorph": 34196, "\u0120axes": 34197, "\u0120Shotgun": 34198, "\u0120Slim": 34199, "\u0120Principles": 34200, "\u0120Leth": 34201, "arta": 34202, "\u0120scor": 34203, "Screenshot": 34204, "\u0120relaxation": 34205, "#$#$": 34206, "\u0120deterrent": 34207, "iddy": 34208, "\u0120powerless": 34209, "\u0120lesbians": 34210, "\u0120chords": 34211, "\u0120Edited": 34212, "selected": 34213, "\u0120separatists": 34214, "0002": 34215, "\u0120airspace": 34216, "\u0120turnaround": 34217, "\u0120cunning": 34218, "PATH": 34219, "Poly": 34220, "\u0120bombed": 34221, "\u0120tion": 34222, "xs": 34223, "\u0120withhold": 34224, "\u0120waged": 34225, "\u0120Liberties": 34226, "Flag": 34227, "\u0120comforting": 34228, "454": 34229, "\u0120Iris": 34230, "arers": 34231, "\u0120rag": 34232, "\u0120relocated": 34233, "\u0120Guarant": 34234, "\u0120strategically": 34235, "\u0120gamma": 34236, "uberty": 34237, "\u0120Lockheed": 34238, "gres": 34239, "\u0120grilled": 34240, "\u0120Lowe": 34241, "stats": 34242, "\u0120Rocks": 34243, "\u0120sensing": 34244, "\u0120renting": 34245, "\u0120Geological": 34246, "\u00d8\u00a7\u00d8": 34247, "otrop": 34248, "\u0120sew": 34249, "\u0120improperly": 34250, "486": 34251, "\u0120\u00e2\u0138\u0142": 34252, "\u0120starving": 34253, "\u0120Bj": 34254, "Discussion": 34255, "328": 34256, "\u0120Combo": 34257, "\u0120Fixes": 34258, "NAT": 34259, "\u0120striving": 34260, "thora": 34261, "\u0120harvested": 34262, "\u0120Ping": 34263, "\u0120playful": 34264, "\u0120avenues": 34265, "\u0120occupational": 34266, "\u0120wakes": 34267, "\u0120Courier": 34268, "\u0120drummer": 34269, "\u0120Browser": 34270, "\u0120Houth": 34271, "itu": 34272, "\u0120apparel": 34273, "paste": 34274, "\u0120hunted": 34275, "\u0120Secondly": 34276, "lain": 34277, "XY": 34278, "\u0120PIN": 34279, "icons": 34280, "\u0120cocktails": 34281, "\u0120sizable": 34282, "\u0120hurdles": 34283, "estinal": 34284, "\u0120Recreation": 34285, "\u0120eco": 34286, "648": 34287, "\u0120Died": 34288, "mint": 34289, "\u0120fingerprints": 34290, "\u0120dispose": 34291, "\u0120Bosnia": 34292, "tsy": 34293, "2200": 34294, "\u0120inspected": 34295, "\u0120Fou": 34296, "\u0120fuss": 34297, "\u0120ambush": 34298, "\u0120Rak": 34299, "\u0120manifested": 34300, "Prosecut": 34301, "\u0120suffice": 34302, "rences": 34303, "\u0120compensated": 34304, "\u0120Cyrus": 34305, "\u0120genus": 34306, "\u0120Wolverine": 34307, "\u0120Trends": 34308, "\u0120hikes": 34309, "\u0120Seen": 34310, "\u0120enrol": 34311, "Cold": 34312, "\u0120politely": 34313, "\u0120Slav": 34314, "\u0120Rupert": 34315, "\u0120eyewitness": 34316, "\u0120Alto": 34317, "\u0120uncomp": 34318, "\u0120posterior": 34319, "Must": 34320, "\u0120Herz": 34321, "\u0120progressively": 34322, "\u0120234": 34323, "\u0120indifference": 34324, "\u0120Cunningham": 34325, "\u0120academia": 34326, "\u0120sewer": 34327, "\u0120astounding": 34328, "\u0120AES": 34329, "rather": 34330, "\u0120eldest": 34331, "\u0120climbs": 34332, "\u0120Adds": 34333, "\u0120outcry": 34334, "\u0120contag": 34335, "\u0120Houses": 34336, "\u0120pept": 34337, "\u0120Melania": 34338, "interested": 34339, "\u0120UCH": 34340, "\u0120Roots": 34341, "\u0120Hubbard": 34342, "\u0120TBD": 34343, "\u0120Romanian": 34344, "filename": 34345, "Stone": 34346, "\u0120Impl": 34347, "\u0120chromosome": 34348, "Cle": 34349, "dx": 34350, "\u0120scrambled": 34351, "\u0120Pt": 34352, "\u0120242": 34353, "OPLE": 34354, "\u0120tremendously": 34355, "Street": 34356, "\u0120craving": 34357, "\u0120bundled": 34358, "\u0120RG": 34359, "pipe": 34360, "\u0120injuring": 34361, "\u0120arcane": 34362, "Particip": 34363, "\u0120Heroic": 34364, "sty": 34365, "\u0120topping": 34366, "\u0120Tempest": 34367, "rentices": 34368, "bh": 34369, "\u0120paranoia": 34370, "\u0120Unicode": 34371, "\u0120egregious": 34372, "\u0120\\'": 34373, "\u0120Oswald": 34374, "\u0120gravel": 34375, "\u0120Simpsons": 34376, "\u0120bland": 34377, "\u0120Guantanamo": 34378, "Writer": 34379, "liners": 34380, "\u0120Dice": 34381, "JC": 34382, "\u0120parity": 34383, "\u0120sided": 34384, "\u0120237": 34385, "\u0120Pyrrha": 34386, "atters": 34387, "dk": 34388, "Fine": 34389, "compan": 34390, "\u0120formulated": 34391, "\u0120Idol": 34392, "ilers": 34393, "hemoth": 34394, "\u0120Fav": 34395, "\u0120intrusion": 34396, "\u0120carrots": 34397, "\u0120Layer": 34398, "\u0120Hacker": 34399, "\u0120----------------": 34400, "\u0120moderation": 34401, "\u00e9\u0123": 34402, "ococ": 34403, "\u0120characterize": 34404, "\u0120Teresa": 34405, "\u0120socioeconomic": 34406, "\u0120perk": 34407, "\u0120Participation": 34408, "training": 34409, "\u0120Paulo": 34410, "phys": 34411, "\u0120trustworthy": 34412, "\u0120embodied": 34413, "\u0120Merch": 34414, "currency": 34415, "\u0120Priority": 34416, "\u0120teasing": 34417, "\u0120absorbing": 34418, "\u0120unfinished": 34419, "\u0120Comparison": 34420, "\u0120disple": 34421, "writers": 34422, "\u0120professions": 34423, "\u0120Penguin": 34424, "\u0120angrily": 34425, "\u0120LINK": 34426, "688": 34427, "\u0120Correspond": 34428, "\u0120prevailed": 34429, "\u0120cartel": 34430, "lp": 34431, "asms": 34432, "\u0120Redemption": 34433, "\u0120Islamists": 34434, "effects": 34435, "dose": 34436, "\u0120Latter": 34437, "\u0120Halifax": 34438, "\u0120vas": 34439, "\u0120Topics": 34440, "\u0120Named": 34441, "advertising": 34442, "zza": 34443, "ICES": 34444, "\u0120retarded": 34445, "achable": 34446, "\u0120Puppet": 34447, "\u0120ItemLevel": 34448, "\u0120retract": 34449, "\u0120identifiable": 34450, "Aaron": 34451, "\u0120Buster": 34452, "sol": 34453, "helle": 34454, "assemb": 34455, "Hope": 34456, "ranged": 34457, "Ba": 34458, "\u0120Purch": 34459, "\u00e9\u0122": 34460, "\u0120Siri": 34461, "\u0120arrivals": 34462, "\u01201912": 34463, "\u0120shortened": 34464, "\u0120312": 34465, "\u0120discrepancy": 34466, "\u0120Temperature": 34467, "\u0120Walton": 34468, "\u0120kinderg": 34469, "polit": 34470, "\u0120remix": 34471, "\u0120connectors": 34472, "\u00e3\u0125\u013a\u00e3\u0125\u00a9": 34473, "\u0120Kazakhstan": 34474, "dominated": 34475, "\u0120sugars": 34476, "imble": 34477, "\u0120Panic": 34478, "\u0120Demand": 34479, "\u0120Colony": 34480, "onen": 34481, "\u0120MER": 34482, "775": 34483, "uria": 34484, "azaar": 34485, "\u0120Degree": 34486, "Pri": 34487, "\u0120sunshine": 34488, "\u0120251": 34489, "\u0120psychedelic": 34490, "\u0120digitally": 34491, "\u0120Braun": 34492, "\u0120shimmer": 34493, "\u0120shave": 34494, "\u0120Telesc": 34495, "\u0120Astral": 34496, "\u0120Venezuelan": 34497, "\u0120OG": 34498, "\u0120crawling": 34499, "Integ": 34500, "\u0120Feather": 34501, "\u0120unfolding": 34502, "\u0120appropriation": 34503, "\u0120\u00e8\u00a3\u0131\u00e8": 34504, "\u0120Mobility": 34505, "\u0120Ney": 34506, "-.": 34507, "bilt": 34508, "LIN": 34509, "\u0120Tube": 34510, "\u0120Conversely": 34511, "\u0120keyboards": 34512, "\u0120Cao": 34513, "\u0120overth": 34514, "\u0120laure": 34515, ">>\\": 34516, "\u0120Viper": 34517, "acha": 34518, "Offset": 34519, "\u0120Raleigh": 34520, "\u0120Jae": 34521, "Jordan": 34522, "jp": 34523, "\u0120totalitarian": 34524, "Connector": 34525, "\u0120observes": 34526, "\u0120Spartan": 34527, "\u0120Immediately": 34528, "\u0120Scal": 34529, "Cool": 34530, "\u0120taps": 34531, "\u0120roar": 34532, "Past": 34533, "\u0120chars": 34534, "\u0120Bender": 34535, "\u0120Sheldon": 34536, "\u0120painter": 34537, "\u0120beacon": 34538, "\u0120Creatures": 34539, "\u0120downturn": 34540, "\u0120hinder": 34541, "\u0120Andromeda": 34542, "\u00c3\u013d": 34543, "ccoli": 34544, "\u0120Fitness": 34545, "etrical": 34546, "\u0120utilizes": 34547, "\u0120senate": 34548, "\u0120ensemble": 34549, "\u0120cheers": 34550, "TW": 34551, "\u0120affluent": 34552, "kil": 34553, "rylic": 34554, "ordering": 34555, "Computer": 34556, "\u0120gruesome": 34557, "ostics": 34558, "\u0120Ubisoft": 34559, "\u0120Kelley": 34560, "\u0120wrench": 34561, "\u0120bourgeoisie": 34562, "IBLE": 34563, "\u0120Preston": 34564, "worn": 34565, "arist": 34566, "reating": 34567, "\u0120stained": 34568, "arine": 34569, "\u0120slime": 34570, "ENN": 34571, "\u0120chests": 34572, "\u0120groundwater": 34573, "annot": 34574, "\u0120Tray": 34575, "\u0120Locke": 34576, "\u0120CTR": 34577, "\u0120dudes": 34578, "\u0120External": 34579, "\u0120Decoder": 34580, "\u0120paramed": 34581, "\u0120Medline": 34582, "809": 34583, "\u0120Dinner": 34584, "rupal": 34585, "gz": 34586, "\u0120Gum": 34587, "\u0120Demo": 34588, "jee": 34589, "\u0120dh": 34590, "berman": 34591, "archs": 34592, "\u0120enqu": 34593, "\u0120Epstein": 34594, "\u0120devastation": 34595, "\u0120friendships": 34596, "\u0120Ard": 34597, "\u0120231": 34598, "\u0120Rubin": 34599, "\u0120Distance": 34600, "\u0120spurred": 34601, "\u0120dossier": 34602, "\u0120overlooking": 34603, "\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\": 34604, "Forest": 34605, "\u0120Comes": 34606, "\\\",": 34607, "\u0120Iranians": 34608, "\u0120fixtures": 34609, "Laughs": 34610, "\u0120curry": 34611, "\u0120Kingston": 34612, "\u0120squash": 34613, "\u0120catalogue": 34614, "\u0120abnormalities": 34615, "\u0120digestive": 34616, ".........": 34617, "\u0120subordinate": 34618, "ogly": 34619, "\u0120249": 34620, "Middle": 34621, "\u0120massac": 34622, "\u0120burgers": 34623, "\u0120downstairs": 34624, "\u01201931": 34625, "394": 34626, "\u0120VG": 34627, "\u0120lasers": 34628, "\u0120Sikh": 34629, "\u0120Alexa": 34630, "derived": 34631, "\u0120cyclist": 34632, "\u00e3\u0123\u00ae\u00e9\u0143\u0136": 34633, "oneliness": 34634, "!!!!!!!!": 34635, "\u0120buffs": 34636, "legate": 34637, "\u0120raping": 34638, "\u0120recommending": 34639, "rored": 34640, "\u0120multicultural": 34641, "unique": 34642, "\u0120businessmen": 34643, "\u0120uneasy": 34644, "\u0120MAP": 34645, "\u0120dispersed": 34646, "cipline": 34647, "Jess": 34648, "\u0120Kerala": 34649, "\u00e5\u00a7": 34650, "\u0120abstraction": 34651, "Surv": 34652, "Uh": 34653, "\u0120printers": 34654, "ija": 34655, "owder": 34656, "\u0120analogous": 34657, "\u0120ASP": 34658, "afer": 34659, "\u0120unfolded": 34660, "\u0120leveling": 34661, "\u0120breached": 34662, "\u0120Hearing": 34663, "\u0120nat": 34664, "\u0120translating": 34665, "critical": 34666, "\u0120antagonist": 34667, "\u0120Yesterday": 34668, "\u0120fuzzy": 34669, "wash": 34670, "mere": 34671, "\u0120bewild": 34672, "\u0120Mae": 34673, "Virgin": 34674, "phrase": 34675, "\u0120signaled": 34676, "\u0120HIGH": 34677, "\u0120protester": 34678, "\u0120garner": 34679, "unknown": 34680, "\u0120kay": 34681, "\u0120abducted": 34682, "\u0120stalking": 34683, "amn": 34684, "\u0120deserving": 34685, "\u0120Riv": 34686, "\u0120Jorge": 34687, "\u0120scratching": 34688, "\u0120Saving": 34689, "iping": 34690, "\u0120tease": 34691, "\u0120missionary": 34692, "\u0120Morrow": 34693, "TIME": 34694, "Present": 34695, "\u0120chemotherapy": 34696, "terness": 34697, "\u0120Homes": 34698, "\u0120Purdue": 34699, "\u0120staunch": 34700, "\u0120Whitney": 34701, "\u0120THERE": 34702, "\u00ce\u00bc": 34703, "iatus": 34704, "\u0120Ernest": 34705, "\u0120Deploy": 34706, "\u0120coveted": 34707, "FML": 34708, "\u0120Dialogue": 34709, "\u0120exited": 34710, "fruit": 34711, "\u0120nerd": 34712, "\":\"\",\"": 34713, "\u0120vivo": 34714, "ruly": 34715, "460": 34716, "\u0120Amen": 34717, "rehensible": 34718, "\u0120\u00e2\u013a": 34719, "DIR": 34720, "\u0120adherence": 34721, "\u0120chew": 34722, "\u0120Coke": 34723, "\u0120Sergei": 34724, "digital": 34725, "\u0120Neck": 34726, "gently": 34727, "enthal": 34728, "/)": 34729, "\u0120weary": 34730, "\u0120guise": 34731, "\u0120Concord": 34732, "\u0120Onion": 34733, "atcher": 34734, "\u0120binge": 34735, "\u0120Directive": 34736, "\u0120manned": 34737, "ansk": 34738, "\u0120illusions": 34739, "\u0120billionaires": 34740, "383": 34741, "olyn": 34742, "odynamic": 34743, "\u0120Wheat": 34744, "\u0120Alic": 34745, "\u0120coloured": 34746, "\u0120NAFTA": 34747, "abo": 34748, "\u0120macros": 34749, "independent": 34750, "sweet": 34751, "\u0120spac": 34752, "\u0120Kabul": 34753, "\u0120\u00c4": 34754, "eme": 34755, "\u0120dictated": 34756, "\u0120shouts": 34757, "={": 34758, "\u0120ripping": 34759, "\u0120Shay": 34760, "\u0120Cricket": 34761, "directed": 34762, "\u0120analysed": 34763, "\u0120WARRANT": 34764, "agons": 34765, "\u0120Blazers": 34766, "\u0120cheered": 34767, "\u0120arithmetic": 34768, "\u0120Tanz": 34769, "373": 34770, "\u0120Flags": 34771, "\u0120295": 34772, "\u0120witches": 34773, "\u0120Included": 34774, "\u0120Gained": 34775, "\u0120Blades": 34776, "Gam": 34777, "\u0120Samantha": 34778, "\u0120Atlantis": 34779, "\u0120Pratt": 34780, "\u0120spoiled": 34781, "\u0120IB": 34782, "\u0120Ramirez": 34783, "Probably": 34784, "rero": 34785, "\u0120Ng": 34786, "\u0120Warlock": 34787, "tp": 34788, "\u0120overhe": 34789, "\u0120administrations": 34790, "\u0120tint": 34791, "\u0120regiment": 34792, "\u0120pistols": 34793, "\u0120blankets": 34794, "\u0120epist": 34795, "\u0120bowls": 34796, "\u0120hydraulic": 34797, "\u0120dean": 34798, "\u0120jung": 34799, "\u0120ascend": 34800, "705": 34801, "\u0120Santiago": 34802, "\u00c3\u00ae": 34803, "\u0120unavoid": 34804, "\u0120Shaman": 34805, "reb": 34806, "\u0120stemming": 34807, "998": 34808, "\u0120MG": 34809, "sticks": 34810, "esthesia": 34811, "ERO": 34812, "\u0120morbid": 34813, "\u0120Grill": 34814, "\u0120Poe": 34815, "anyl": 34816, "\u0120deleting": 34817, "\u0120Surveillance": 34818, "\u0120directives": 34819, "\u0120iterations": 34820, "\u0120Rox": 34821, "\u0120Milky": 34822, "Father": 34823, "\u0120patented": 34824, "447": 34825, "\u0120precursor": 34826, "\u0120maiden": 34827, "\u0120Phen": 34828, "\u0120Vegan": 34829, "\u0120Patent": 34830, "Kelly": 34831, "Redditor": 34832, "\u0120nods": 34833, "\u0120ventilation": 34834, "\u0120Schwarz": 34835, "\u0120wizards": 34836, "\u0120ominous": 34837, "\u0120Heads": 34838, "\u0120BG": 34839, "\u0120lumber": 34840, "\u0120Spiel": 34841, "\u0120isEnabled": 34842, "\u0120ancestral": 34843, "\u0120Ships": 34844, "\u0120wrestler": 34845, "phi": 34846, "\u0120yuan": 34847, "\u0120Rebellion": 34848, "\u0120iceberg": 34849, "\u0120magically": 34850, "\u0120diversion": 34851, "arro": 34852, "ythm": 34853, "\u0120Riders": 34854, "\u0120Robbie": 34855, "\u0120Kara": 34856, "\u0120Maintenance": 34857, "\u0120Herb": 34858, "\u0120harms": 34859, "packed": 34860, "\u0120Feinstein": 34861, "\u0120marrying": 34862, "\u0120blending": 34863, "\u0120Rates": 34864, "\u01201880": 34865, "\u0120wrink": 34866, "\u0120Unch": 34867, "\u0120Torch": 34868, "described": 34869, "\u0120humanoid": 34870, "ilitating": 34871, "\u0120Conv": 34872, "\u0120Feld": 34873, "IGHTS": 34874, "\u0120whistleblower": 34875, "ortmund": 34876, "etsy": 34877, "arrett": 34878, "\u0120Mono": 34879, "\u0120Ike": 34880, "\u0120CNBC": 34881, "\u0120WAY": 34882, "\u0120MDMA": 34883, "\u0120Individuals": 34884, "\u0120supplemental": 34885, "\u0120powerhouse": 34886, "\u0120Stru": 34887, "Focus": 34888, "aphael": 34889, "\u0120Colleg": 34890, "atti": 34891, "ZA": 34892, "\u0120perenn": 34893, "\u0120Signature": 34894, "\u0120Rodney": 34895, "\u0120cubes": 34896, "iddled": 34897, "\u0120Dante": 34898, "\u0120INV": 34899, "ilingual": 34900, "\u0120Cth": 34901, "\u0120sofa": 34902, "\u0120intimidate": 34903, "\u0120Roe": 34904, "\u0120Diplom": 34905, "\u0120Countries": 34906, "ayson": 34907, "\u0120extradition": 34908, "\u0120disabling": 34909, "\u0120Cardiff": 34910, "\u0120memorandum": 34911, "\u0120Trace": 34912, "\u0120???": 34913, "sector": 34914, "\u0120Rouhani": 34915, "\u0120Yates": 34916, "\u0120Freeze": 34917, "\u0120bladder": 34918, "Motor": 34919, "\u0120Promise": 34920, "antasy": 34921, "\u0120foreseeable": 34922, "\u0120Cologne": 34923, "container": 34924, "\u0120Trees": 34925, "\u0120Gors": 34926, "\u0120Sinclair": 34927, "\u0120barring": 34928, "keye": 34929, "\u0120slashed": 34930, "\u0120Statistical": 34931, "\u00e9\u0129": 34932, "\u0120\u00e2\u0138\u00ba": 34933, "Allows": 34934, "\u0120humility": 34935, "\u0120drilled": 34936, "\u0120Furn": 34937, "443": 34938, "\u0120sewage": 34939, "\u0120homepage": 34940, "\u0120courtyard": 34941, "\u0120vile": 34942, "\u0120subsidiaries": 34943, "ajo": 34944, "directory": 34945, "\u0120ammon": 34946, "Vers": 34947, "charges": 34948, "\u0120}}": 34949, "\u0120Chains": 34950, "\u0120246": 34951, "nob": 34952, "\u0120percept": 34953, "\u0120grit": 34954, "\u0120fishermen": 34955, "\u0120Iraqis": 34956, "\u0120DISTR": 34957, "\u0120FULL": 34958, "\u0120Evaluation": 34959, "graph": 34960, "atial": 34961, "\u0120cooperating": 34962, "\u0120melan": 34963, "\u0120enlightened": 34964, "\u0120ali": 34965, "tailed": 34966, "\u0120salute": 34967, "\u0120weakest": 34968, "\u0120Bulldogs": 34969, "UA": 34970, "\u0120Alloy": 34971, "\u0120semen": 34972, "ocene": 34973, "\u0120Williamson": 34974, "spr": 34975, ",\u00e2\u0122\u0136": 34976, "\u0120GF": 34977, "ittens": 34978, "Beat": 34979, "\u0120Junk": 34980, "iphate": 34981, "\u0120Farmers": 34982, "\u0120Bitcoins": 34983, "igers": 34984, "dh": 34985, "\u0120Loyal": 34986, "payer": 34987, "\u0120entertained": 34988, "\u0120penned": 34989, "\u0120coupon": 34990, "Queue": 34991, "\u0120weakening": 34992, "carry": 34993, "\u0120underestimate": 34994, "\u0120shootout": 34995, "\u0120charismatic": 34996, "\u0120Procedure": 34997, "\u0120prudent": 34998, "inances": 34999, "\u0120riches": 35000, "\u0120cortical": 35001, "\u0120strides": 35002, "\u0120drib": 35003, "\u0120Oilers": 35004, "540": 35005, "\u0120Perform": 35006, "\u0120Bangkok": 35007, "\u0120euth": 35008, "SER": 35009, "\u0120simplistic": 35010, "tops": 35011, "campaign": 35012, "Quality": 35013, "\u0120impoverished": 35014, "\u0120Eisenhower": 35015, "\u0120augment": 35016, "\u0120Harden": 35017, "\u0120intervened": 35018, "\u0120listens": 35019, "\u0120Kok": 35020, "\u0120sage": 35021, "\u0120rubbish": 35022, "\u0120Ded": 35023, "\u0120mull": 35024, "pelling": 35025, "\u0120videot": 35026, "Production": 35027, "DJ": 35028, "miah": 35029, "\u0120adaptations": 35030, "\u0120medically": 35031, "\u0120boarded": 35032, "\u0120arrogance": 35033, "\u0120scrapped": 35034, "\u0120oppress": 35035, "FORMATION": 35036, "\u0120junction": 35037, "415": 35038, "EEEE": 35039, "Skill": 35040, "\u0120subdu": 35041, "\u0120Suggest": 35042, "\u0120Pett": 35043, "\u0120lett": 35044, "\u0120Manip": 35045, "\u0120Caf": 35046, "\u0120Cooperation": 35047, "Ther": 35048, "\u0120regained": 35049, "\u00b6\u00e6": 35050, "reflect": 35051, "\u0120thugs": 35052, "\u0120Shelby": 35053, "\u0120dictates": 35054, "\u0120Weiner": 35055, "\u0120Hale": 35056, "\u0120battleground": 35057, "schild": 35058, "\u0120condol": 35059, "hunt": 35060, "ositories": 35061, "\u0120accuses": 35062, "Filename": 35063, "\u0120shri": 35064, "\u0120motivate": 35065, "\u0120reflections": 35066, "Null": 35067, "\u0120Lobby": 35068, "\u00a5\u00b5": 35069, "\u0120SATA": 35070, "\u0120Backup": 35071, "\u00d1\u0125": 35072, "nin": 35073, "\u0120Correction": 35074, "\u0120juicy": 35075, "utra": 35076, "\u0120Pric": 35077, "\u0120restraining": 35078, "\u0120Airbnb": 35079, "\u0120Arrest": 35080, "\u0120appropriations": 35081, "\u0120slopes": 35082, "\u0120manslaughter": 35083, "\u0120workings": 35084, "\u0120Huss": 35085, "\u0120Frey": 35086, "Leave": 35087, "\u0120Harmony": 35088, "\u0120Feder": 35089, "\u0120430": 35090, "\u0120trench": 35091, "\u0120gladly": 35092, "\u0120bullpen": 35093, "\u0120Gau": 35094, "bones": 35095, "\u0120groove": 35096, "\u0120pretext": 35097, "\u00e3\u0127\u012d": 35098, "\u0120transmitter": 35099, "\u0120Component": 35100, "\u0120underage": 35101, "\u0120Empires": 35102, "Tile": 35103, "\u0120oy": 35104, "\u0120Marvin": 35105, "\u0120CAS": 35106, "\u0120bloss": 35107, "\u0120replicated": 35108, "\u0120Mariners": 35109, "Marcus": 35110, "\u0120Blocks": 35111, "\u0120liberated": 35112, "\u0120butterfly": 35113, "Feel": 35114, "\u0120fermentation": 35115, "\u0120youtube": 35116, "\u0120offend": 35117, "\u0120Term": 35118, "resist": 35119, "\u0120cessation": 35120, "\u0120insurgency": 35121, "\u0120bir": 35122, "\u0120Raise": 35123, "595": 35124, "\u0120hypotheses": 35125, "502": 35126, "\u0120plaque": 35127, "ocrat": 35128, "\u0120jackets": 35129, "\u0120HuffPost": 35130, "among": 35131, "\u0120confer": 35132, "487": 35133, "\u0120Lilly": 35134, "\u0120adapting": 35135, "\u0120Fay": 35136, "\u0120shoved": 35137, "vec": 35138, "\u0120refine": 35139, "\u0120gon": 35140, "\u0120gunmen": 35141, "zai": 35142, "\u0120Shuttle": 35143, "\u0120Izan": 35144, "\u01201913": 35145, "\u0120plethora": 35146, "\u00c2\u00b7\u00c2\u00b7": 35147, "\u0120510": 35148, "\u0120puberty": 35149, "\u0120241": 35150, "\u0120Wealth": 35151, "\u0120Alma": 35152, "\u0120MEM": 35153, "\u0120Adults": 35154, "Cas": 35155, "prison": 35156, "Race": 35157, "\u0120waterproof": 35158, "\u0120athleticism": 35159, "\u0120capitalize": 35160, "\u0120Juice": 35161, "\u0120illuminated": 35162, "\u0120Pascal": 35163, "\u0120irritation": 35164, "\u0120Witnesses": 35165, "adle": 35166, "\u0120Astro": 35167, "\u0120fax": 35168, "\u0120Elvis": 35169, "Primary": 35170, "\u0120Lich": 35171, "\u0120Elves": 35172, "\u0120residing": 35173, "\u0120stumble": 35174, "319": 35175, "\u0120PKK": 35176, "\u0120adversaries": 35177, "DOS": 35178, "\u0120Ritual": 35179, "\u0120smear": 35180, "\u0120arson": 35181, "idental": 35182, "\u0120scant": 35183, "\u0120monarchy": 35184, "\u0120halftime": 35185, "\u0120residue": 35186, "\u0120indign": 35187, "\u0120Shaun": 35188, "\u0120Elm": 35189, "auri": 35190, "Aff": 35191, "WATCH": 35192, "\u0120Lyon": 35193, "helps": 35194, "361": 35195, "\u0120lobbyist": 35196, "\u0120diminishing": 35197, "\u0120outbreaks": 35198, "\u0120goats": 35199, "favorite": 35200, "\u0120Nah": 35201, "sonian": 35202, "\u0120Booster": 35203, "\u0120sandbox": 35204, "\u0120Fare": 35205, "\u0120Malta": 35206, "\u0120attRot": 35207, "\u0120MOR": 35208, "lde": 35209, "\u0120navigating": 35210, "Touch": 35211, "\u0120untrue": 35212, "\u0120Disaster": 35213, "\u0120ludicrous": 35214, "Password": 35215, "\u0120JFK": 35216, "blogspot": 35217, "416": 35218, "\u0120UNDER": 35219, "ernal": 35220, "\u0120delaying": 35221, "TOP": 35222, "\u0120implants": 35223, "\u0120AVG": 35224, "\u0120Huge": 35225, "attr": 35226, "\u0120journalistic": 35227, "\u0120Peyton": 35228, "\u0120IA": 35229, "Rap": 35230, "goal": 35231, "\u0120Programme": 35232, "\u0120smashing": 35233, "wives": 35234, "println": 35235, "\u0120Plague": 35236, "inus": 35237, "EEP": 35238, "\u0120cruiser": 35239, "\u0120Parish": 35240, "uminium": 35241, "\u0120occupants": 35242, "\u0120Jihad": 35243, "mop": 35244, "\u0120pint": 35245, "\u0120hect": 35246, "\u0120Mecca": 35247, "director": 35248, "\u0120Funding": 35249, "\u0120Mixed": 35250, "\u0120stag": 35251, "Tier": 35252, "\u0120gust": 35253, "\u0120brightly": 35254, "orsi": 35255, "\u0120uphill": 35256, "RD": 35257, "\u0120lesions": 35258, "\u0120Bundy": 35259, "livious": 35260, "\u0120biologist": 35261, "\u0120Faculty": 35262, "\u0120Authorization": 35263, "\u0120244": 35264, "Allow": 35265, "\u00ef\u00b8": 35266, "\u0120Giul": 35267, "\u0120pertinent": 35268, "otaur": 35269, "esse": 35270, "\u0120Roof": 35271, "\u0120unmanned": 35272, "351": 35273, "\u0120Shak": 35274, "\u0120Orient": 35275, "\u0120endanger": 35276, "Dir": 35277, "\u0120replen": 35278, "edient": 35279, "\u0120tailor": 35280, "\u0120gadgets": 35281, "\u0120audible": 35282, "\u00e2\u013a\u0128": 35283, "Nice": 35284, "\u0120bombard": 35285, "\u0120Rape": 35286, "\u0120defiance": 35287, "\u0120TWO": 35288, "\u0120Filipino": 35289, "\u0120unaffected": 35290, "ervatives": 35291, "\u0120soared": 35292, "\u0120Bolton": 35293, "\u0120compromising": 35294, "\u0120Brewers": 35295, "RAL": 35296, "\u0120AHL": 35297, "icycle": 35298, "\u0120vampires": 35299, "\u0120dipped": 35300, "oyer": 35301, "\u0120XIII": 35302, "\u0120sideways": 35303, "\u0120Waste": 35304, "\u0120Diss": 35305, "\u0120\u00e2\u0136\u013e\u00e2\u0136\u0122\u00e2\u0136\u0122": 35306, "$.": 35307, "\u0120habitats": 35308, "\u0120Beef": 35309, "truth": 35310, "trained": 35311, "split": 35312, "Rus": 35313, "Andy": 35314, "\u0120Bram": 35315, "REP": 35316, "pid": 35317, "\u00e8\u00a3\u0127": 35318, "\u0120Mutant": 35319, "Anim": 35320, "\u0120Marina": 35321, "\u0120futile": 35322, "highest": 35323, "frequency": 35324, "\u0120epilepsy": 35325, "\u0120coping": 35326, "\u0120concise": 35327, "\u0120tracing": 35328, "\u0120SUN": 35329, "panel": 35330, "\u0120Sophie": 35331, "\u0120Crowley": 35332, "\u0120Adolf": 35333, "\u0120Shooter": 35334, "\u0120shaky": 35335, "\u0120IG": 35336, "\u0120Lies": 35337, "\u0120Barber": 35338, "pkg": 35339, "\u0120uptake": 35340, "\u0120predatory": 35341, "ULTS": 35342, "/**": 35343, "\u0120intoxicated": 35344, "\u0120Westbrook": 35345, "odder": 35346, "hement": 35347, "\u0120baseman": 35348, "APD": 35349, "storage": 35350, "\u0120Fifty": 35351, "editor": 35352, "GEN": 35353, "UTION": 35354, "irting": 35355, "\u0120sewing": 35356, "rift": 35357, "\u0120agony": 35358, "\u0120Sands": 35359, "\u0120254": 35360, "Cash": 35361, "\u0120lodge": 35362, "\u0120punt": 35363, "Natural": 35364, "\u0120Ideas": 35365, "\u0120erroneous": 35366, "\u0120Sensor": 35367, "\u0120Hannity": 35368, "\u01201921": 35369, "\u0120mould": 35370, "\u0120Gon": 35371, "kaya": 35372, "\u0120anonymously": 35373, "\u0120KEY": 35374, "\u0120simulator": 35375, "Winter": 35376, "\u0120streamed": 35377, "507": 35378, "?\",": 35379, "\u0120teased": 35380, "\u0120coefficient": 35381, "\u0120wartime": 35382, "\u0120THR": 35383, "''.": 35384, "\u0120Banking": 35385, "mpire": 35386, "\u0120fandom": 35387, "\u0120lia": 35388, "Ga": 35389, "\u0120downhill": 35390, "\u0120interpreting": 35391, "Individual": 35392, "Norm": 35393, "\u0120jealousy": 35394, "bitcoin": 35395, "\u0120pleasures": 35396, "\u0120Toys": 35397, "\u0120Chevrolet": 35398, "\u0120Advisor": 35399, "IZE": 35400, "\u0120receptions": 35401, "706": 35402, "Cro": 35403, "\u0120262": 35404, "\u0120citrus": 35405, "iru": 35406, "Reviewer": 35407, "jected": 35408, "UES": 35409, "anz": 35410, "1981": 35411, "\u0120Worker": 35412, "\u0120complied": 35413, "orescent": 35414, "continental": 35415, "Ton": 35416, "\u0120Prism": 35417, "\u0120Sheep": 35418, "\u0120288": 35419, "nox": 35420, "\u0120Vog": 35421, "Ord": 35422, "\u0120realms": 35423, "tek": 35424, "\u0120irrigation": 35425, "\u0120bicycles": 35426, "\u0120electronically": 35427, "poly": 35428, "tall": 35429, "());": 35430, "\u0120aesthetics": 35431, "\u0120Integrated": 35432, "Explore": 35433, "\u0120dunk": 35434, "476": 35435, "pain": 35436, "\u0120Jacques": 35437, "\u0120Dmit": 35438, "Frames": 35439, "\u0120reunited": 35440, "\u0120humid": 35441, "Dro": 35442, "Political": 35443, "\u0120youthful": 35444, "\u0120entails": 35445, "\u0120mosquito": 35446, "363": 35447, "species": 35448, "\u0120coordinating": 35449, "\u0120Mayhem": 35450, "\u0120Magnus": 35451, "Mount": 35452, "Improved": 35453, "\u0120STATE": 35454, "ATTLE": 35455, "\u0120flowed": 35456, "\u0120tackled": 35457, "\u0120fashioned": 35458, "\u0120reorgan": 35459, "ivari": 35460, "finger": 35461, "\u0120reluctantly": 35462, "etting": 35463, "\u0120Vand": 35464, "young": 35465, "\u0120Garland": 35466, "\u0120presumption": 35467, "\u0120amenities": 35468, "\u0120Pleasant": 35469, "onential": 35470, "\u0120Oxy": 35471, "\u0120morals": 35472, "\u0120Yah": 35473, "Ready": 35474, "Simon": 35475, "Enh": 35476, "Demon": 35477, "\u0120clich": 35478, "Monitor": 35479, "\u0120DU": 35480, "\u0120welcomes": 35481, "\u0120standout": 35482, "\u0120dreadful": 35483, "\u0120bananas": 35484, "\u0120balloons": 35485, "hooting": 35486, "basic": 35487, "\u0120suffix": 35488, "\u0120duly": 35489, "cano": 35490, "Chain": 35491, "atos": 35492, "\u0120geopolitical": 35493, "\u0120(&": 35494, "\u0120Gemini": 35495, "\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124\u00c3\u0125\u00c3\u0124": 35496, "\u0120acquitted": 35497, "Luck": 35498, "protect": 35499, "1024": 35500, "\u0120scarcity": 35501, "\u0120mindfulness": 35502, "ecided": 35503, "DN": 35504, "prime": 35505, "\u0120Presidents": 35506, "\u0120VIDEO": 35507, "\u0120(\u00e2\u012a\u0134": 35508, "addock": 35509, "NOR": 35510, "\u0120Pru": 35511, "pun": 35512, "\u0120LOL": 35513, "))))": 35514, "\u0120Liqu": 35515, "\u0120SAS": 35516, "\u0120styling": 35517, "\u0120punishments": 35518, "\u0120numb": 35519, "\u0120ascertain": 35520, "\u0120Rockies": 35521, "flu": 35522, "Thumbnail": 35523, "\u0120perpetrated": 35524, "\u0120Semi": 35525, "\u0120disarm": 35526, "\u0120Older": 35527, "\u0120Exception": 35528, "\u0120exponentially": 35529, "\u0120Communities": 35530, "\u0120abolish": 35531, "\u0120Partner": 35532, "ptoms": 35533, "\u0120777": 35534, "\u0120Foley": 35535, "\u0120Cases": 35536, "\u0120grease": 35537, "\u0120Rebirth": 35538, "Ground": 35539, "\u0120;)": 35540, "\u0120Doctrine": 35541, "ikini": 35542, "Ye": 35543, "\u0120Blossom": 35544, "\u0120persists": 35545, "bill": 35546, "\u0120infusion": 35547, "\u0120buddies": 35548, "911": 35549, "\u0120Patient": 35550, "\u0120demos": 35551, "\u0120acquaintance": 35552, "\u0120Paw": 35553, "atari": 35554, "\u0120xml": 35555, "\u0120fascination": 35556, "\u0120Serve": 35557, "\u00cf\u0124": 35558, "branded": 35559, "\u0120az": 35560, "Returns": 35561, "\u0120overshadow": 35562, "\u0120roam": 35563, "\u0120speedy": 35564, "numbered": 35565, "helial": 35566, "\u0120disciple": 35567, "\u0120assurances": 35568, "given": 35569, "pecting": 35570, "\u0120Natalie": 35571, "\u00e7\u0136\u00b0": 35572, "\u0120mosquitoes": 35573, "rotein": 35574, "\u0120numeric": 35575, "\u0120independents": 35576, "\u0120transitional": 35577, "\u0120reactionary": 35578, "\u0120Mechdragon": 35579, "doctor": 35580, "\u0120shortest": 35581, "\u0120sequential": 35582, "\u0120Bac": 35583, "\u0120Accounts": 35584, "\u00e3\u0123\u012e": 35585, "achy": 35586, "ractive": 35587, "\u0120Regiment": 35588, "\u0120breathtaking": 35589, "fficiency": 35590, "\u0120Bates": 35591, "\u0120311": 35592, "\u0120wardrobe": 35593, "fts": 35594, "\u0120Berk": 35595, "Simply": 35596, "\u0120Riverside": 35597, "ivering": 35598, "idential": 35599, "lucent": 35600, "\u0120enriched": 35601, "\u0120Conver": 35602, "\u0120Giving": 35603, "\u00e3\u0125\u013b": 35604, "\u0120legalize": 35605, "\u0120FTC": 35606, "\u0120freaking": 35607, "Mix": 35608, "\u0120terrestrial": 35609, "esian": 35610, "cients": 35611, "Wing": 35612, "LOAD": 35613, "\u0120ledge": 35614, "\u0120Violent": 35615, "\u0120Metall": 35616, "\u0120308": 35617, "\u0120southeastern": 35618, "hetto": 35619, "Meat": 35620, "\u0120slowdown": 35621, "\u0120retreated": 35622, "Jeremy": 35623, "endas": 35624, "*****": 35625, "eric": 35626, "\u0120reins": 35627, "oppable": 35628, "\u0120Humanity": 35629, "earances": 35630, "rigan": 35631, "Camera": 35632, "\u0120waivers": 35633, "soc": 35634, "\u0120alteration": 35635, "transform": 35636, "\u0120Cemetery": 35637, "506": 35638, "\u0120indefinite": 35639, "\u0120stimulating": 35640, "yg": 35641, "603": 35642, "\u0120Sop": 35643, "\u0120descriptive": 35644, "Phase": 35645, "\u0120Edmund": 35646, "\u0120pneumonia": 35647, "ventus": 35648, "Amb": 35649, "\u0120laboratories": 35650, "\u0120Exclusive": 35651, "ugar": 35652, "Were": 35653, "\u0120malfunction": 35654, "\u0120homosexuals": 35655, "\u0120-------": 35656, "uni": 35657, "\u0120turbines": 35658, "\u0120Equity": 35659, "Du": 35660, "\u0120minded": 35661, "\u0120RH": 35662, "\u0120Blackhawks": 35663, "\u0120feats": 35664, "\u01201700": 35665, "repl": 35666, "362": 35667, "laden": 35668, "\u0120indispensable": 35669, "lyss": 35670, "tti": 35671, "\u0120reel": 35672, "\u0120diverted": 35673, "\u0120likeness": 35674, "\u0120subscriptions": 35675, "\u0120fingert": 35676, "\u0120filthy": 35677, "destruct": 35678, "draft": 35679, "\u0120Bernardino": 35680, "launch": 35681, "\u0120perplex": 35682, "\u0120SUM": 35683, "carb": 35684, "\u0120sweater": 35685, "\u0120Venture": 35686, "\u0120Jag": 35687, "\u0120Celeb": 35688, "\u0120Voters": 35689, "\u0120steadfast": 35690, "\u0120athletics": 35691, "\u0120Hanson": 35692, "\u0120Drac": 35693, "Tracker": 35694, "\u0120commend": 35695, "\u0120Presidency": 35696, "\u0120DID": 35697, "informed": 35698, "\u0120webpage": 35699, "Pretty": 35700, "\u0120forcefully": 35701, "\u00e3\u0125\u0125\u00e3\u0124\u00af": 35702, "\u0120relocation": 35703, "\u0120satire": 35704, "\u00e2\u012b": 35705, "\u0120Sunderland": 35706, "\u00e6\u0126": 35707, "Voice": 35708, "????????": 35709, "\u0120informant": 35710, "\u0120bowel": 35711, "\u0120Uniform": 35712, "\u0120...\"": 35713, "\u0120purge": 35714, "\u0120picnic": 35715, "\u0120Umb": 35716, "\u0120UPDATE": 35717, "\u0120Sapphire": 35718, "\u0120Stall": 35719, "learn": 35720, "\u0120objectively": 35721, "\u0120obliter": 35722, "\u0120loophole": 35723, "\u0120journeys": 35724, "\u0120omission": 35725, "Pros": 35726, "\u0120Sidney": 35727, "ploma": 35728, "\u0120sprayed": 35729, "\u0120guru": 35730, "\u0120traitor": 35731, "\u0120timet": 35732, "\u0120snapping": 35733, "\u0120Sevent": 35734, "urnal": 35735, "\u0120Ukip": 35736, "\u0120bowed": 35737, "poral": 35738, "liberal": 35739, "Ros": 35740, "Questions": 35741, "iOS": 35742, "\u0120summarize": 35743, "STAT": 35744, "\u01201850": 35745, "apest": 35746, "\u0120lender": 35747, "\u0120Variable": 35748, "bringing": 35749, "\u0120LORD": 35750, ",)": 35751, "\u0120collapses": 35752, "xiety": 35753, "\u0120Ned": 35754, "YD": 35755, "\u0120Scha": 35756, "\u0120antibody": 35757, "\u0120disband": 35758, "yre": 35759, "illusion": 35760, "\u0120rover": 35761, "shed": 35762, "\u0120Hirosh": 35763, "cci": 35764, "\u0120calam": 35765, "\u0120Morton": 35766, "Pinterest": 35767, "\u01201928": 35768, "\u0120Euras": 35769, "ordes": 35770, "\u0120fences": 35771, "\u0120Inventory": 35772, "\u0120Valencia": 35773, "\u0120Ud": 35774, "\u0120Tiff": 35775, "\u0120sque": 35776, "\u0120quotation": 35777, "\u0120troublesome": 35778, "erker": 35779, "QUEST": 35780, "\u0120Kingdoms": 35781, "south": 35782, "\u0120levy": 35783, "Prince": 35784, "\u0120Sting": 35785, "\u0120nicknamed": 35786, "\u0120appe": 35787, "\u0120photographic": 35788, "\u0120corpus": 35789, "reference": 35790, "\u0120Trog": 35791, "Unt": 35792, ")=(": 35793, "\u0120Latvia": 35794, "\u0120activating": 35795, "\u0120licensee": 35796, "\u0120disparities": 35797, "\u0120Newsletter": 35798, "\u00e3\u0125\u0125\u00e3\u0125\u012a": 35799, "\u0120freeing": 35800, "\u0120Jeep": 35801, "\u0120Perception": 35802, "insk": 35803, "\u0120silicone": 35804, "\u0120Hayden": 35805, "Lean": 35806, "\u0120Suzuki": 35807, "ibrarian": 35808, "668": 35809, "\u0120spor": 35810, "\u0120correlations": 35811, "aghetti": 35812, "\u0120tuber": 35813, "\u0120IPCC": 35814, "ilus": 35815, "\u0120Vu": 35816, "\u0120wealthiest": 35817, "\u0120Carbuncle": 35818, "anza": 35819, "\u0120fooled": 35820, "\u0120Zur": 35821, "\u0120daddy": 35822, "rano": 35823, "ilian": 35824, "\u0120knockout": 35825, "fman": 35826, "required": 35827, "\u0120Wikileaks": 35828, "\u0120Duffy": 35829, "ONT": 35830, "\u0120insol": 35831, "\u0120Objects": 35832, "\u0120bou": 35833, "\u0120Nordic": 35834, "\u0120Insert": 35835, "scan": 35836, "\u0120dancers": 35837, "\u0120idiots": 35838, "majority": 35839, "\u0120Neville": 35840, "\u0120FreeBSD": 35841, "\u0120tart": 35842, "panic": 35843, "690": 35844, "\u0120cocoa": 35845, "\u0120sampled": 35846, "\u0120lookup": 35847, "Indust": 35848, "\u0120injections": 35849, "genre": 35850, "\u0120au": 35851, "\u0120roadway": 35852, "\u0120genitals": 35853, "Kind": 35854, "\u0120Examiner": 35855, "\u0120Yaz": 35856, "Fresh": 35857, "\u0120paralysis": 35858, "\u0120Aluminum": 35859, "\u0120reap": 35860, "ok\u00c3\u00a9": 35861, "\u0120sloppy": 35862, "\u0120Tunnel": 35863, "posium": 35864, "nery": 35865, "enic": 35866, "\u0120herbal": 35867, "\u0120Outer": 35868, "\u0120Builder": 35869, "\u0120incur": 35870, "\u0120ideologies": 35871, "\u0120backups": 35872, "consuming": 35873, "\u0120Detect": 35874, "deck": 35875, "\u0120KNOW": 35876, "\u0120Gret": 35877, "\u0120MIC": 35878, "\u0120toughness": 35879, "\u0120Exhibit": 35880, "\u0120hive": 35881, "Les": 35882, "\u0120SCHOOL": 35883, "\u0120Atari": 35884, "alde": 35885, "\u0120Null": 35886, "andestine": 35887, "mouse": 35888, "\u0120brigade": 35889, "489": 35890, "\u0120revol": 35891, "\u0120Lawson": 35892, "\u0120Wah": 35893, "opoly": 35894, "ebted": 35895, "\u0120Saunders": 35896, "\u0120313": 35897, "\u0120Winc": 35898, "\u0120taboo": 35899, "\u0120Helmet": 35900, "\u0120wedge": 35901, "chip": 35902, "\u0120Tina": 35903, "bg": 35904, "\u0120infuri": 35905, "rn": 35906, "\u0120anomalies": 35907, "\u0120Sync": 35908, "\u0120Exam": 35909, "\u0120Commit": 35910, "\u0120Diary": 35911, "\u0120ALSO": 35912, "\u0120Debor": 35913, "omedical": 35914, "\u0120comprehension": 35915, "655": 35916, "\u0120empowering": 35917, "\u0120ire": 35918, "\u0120juices": 35919, "\u0120ETH": 35920, "\u0120Boxing": 35921, "=\"/": 35922, "\u0120facilitated": 35923, "poke": 35924, "\u0120Parsons": 35925, "\u0120Moder": 35926, "travel": 35927, "\u0120civilizations": 35928, "\u0120libertarians": 35929, "\u0120rune": 35930, "\u0120Clarks": 35931, "athed": 35932, "\u0120campaigners": 35933, "\u0120Dispatch": 35934, "\u0120Fahrenheit": 35935, "\u0120Capcom": 35936, "----------": 35937, "\u0120lace": 35938, "\u0120draining": 35939, "\u0120liner": 35940, "\u0120Artificial": 35941, "\u00c3\u00a9n": 35942, "task": 35943, "]).": 35944, "\u0120GMO": 35945, "\u0120Operator": 35946, "ordinary": 35947, "\u0120Influence": 35948, "\u0120Ups": 35949, "\u0120potency": 35950, "ussen": 35951, "ospons": 35952, "\u0120Swim": 35953, "\u0120Deadline": 35954, "Unity": 35955, "\u0120culinary": 35956, "\u0120enlightenment": 35957, "\u0120wearer": 35958, "\u0120mined": 35959, "\u0120ply": 35960, "\u0120incest": 35961, "\u0120DVDs": 35962, "Walk": 35963, "BTC": 35964, "Trade": 35965, "\u0120deval": 35966, "iband": 35967, "\u0120Oversight": 35968, "Palestinian": 35969, "\u0120dart": 35970, "\u0120mul": 35971, "LR": 35972, "\u0120removable": 35973, "\u0120Realms": 35974, "\u00ec\u013f": 35975, "\u0120miscar": 35976, "\u0120Vulkan": 35977, "685": 35978, "\u00c3\u00a8re": 35979, "\u0120Sap": 35980, "\u0120merging": 35981, "\u0120Carly": 35982, "chester": 35983, "\u0120brisk": 35984, "\u0120luxurious": 35985, "\u0120Generator": 35986, "\u0120bitterness": 35987, "\u0120edible": 35988, "\u0120243": 35989, "TG": 35990, "\u0120rectangle": 35991, "WithNo": 35992, "below": 35993, "Jenn": 35994, "\u0120darkest": 35995, "\u0120hitch": 35996, "\u0120dosage": 35997, "\u0120scaven": 35998, "\u0120Keller": 35999, "\u0120Illustrated": 36000, "Certainly": 36001, "\u0120Mavericks": 36002, "Marginal": 36003, "\u0120diarrhea": 36004, "\u0120enormously": 36005, "\u0120999": 36006, "shr": 36007, "quart": 36008, "\u0120adamant": 36009, "\u0120Mew": 36010, "\u0120renovation": 36011, "\u0120cervical": 36012, "\u0120Percentage": 36013, "eners": 36014, "\u0120Kimber": 36015, "\u0120floats": 36016, "\u0120dex": 36017, "\u0120Witcher": 36018, "\u0120Swansea": 36019, "dm": 36020, "\u0120salty": 36021, "yellow": 36022, "\u0120cape": 36023, "\u0120Drain": 36024, "\u0120Paula": 36025, "\u0120Toledo": 36026, "lesi": 36027, "Magazine": 36028, "\u0120Wick": 36029, "\u0120Mn": 36030, "\u0120Ack": 36031, "\u0120Riding": 36032, "ASON": 36033, "\u0120homophobic": 36034, "ARP": 36035, "\u0120wandered": 36036, "CPU": 36037, "oodoo": 36038, "\u0120Pipe": 36039, "\u0120tightening": 36040, "\u0120Butt": 36041, "318": 36042, "\u0120deserted": 36043, "Session": 36044, "\u0120facilitating": 36045, "Jump": 36046, "\u0120emergencies": 36047, "OWER": 36048, "\u0120exhaustive": 36049, "\u0120AFTER": 36050, "\u0120heartbeat": 36051, "\u0120Label": 36052, "acky": 36053, "\u0120Certified": 36054, "iltration": 36055, "Ze": 36056, "\u0120Utt": 36057, "\u01201300": 36058, "\u0120presume": 36059, "\u0120Disp": 36060, "\u0120surged": 36061, "\u0120dolls": 36062, "Columb": 36063, "\u0120chimpan": 36064, "\u0120Razor": 36065, "\u0120ticks": 36066, "\u0120councillor": 36067, "\u0120pilgrimage": 36068, "\u0120Rebels": 36069, "\u0120QC": 36070, "\u0120Auction": 36071, "xia": 36072, "ikk": 36073, "bred": 36074, "\u0120insertion": 36075, "\u0120coarse": 36076, "dB": 36077, "SEE": 36078, "\u0120Zap": 36079, "\u0120Foo": 36080, "\u0120contempor": 36081, "\u0120Quarterly": 36082, "otions": 36083, "\u0120Alchemist": 36084, "\u0120Trey": 36085, "\u0120Duo": 36086, "Sweet": 36087, "804": 36088, "\u0120Giov": 36089, "\u0120funn": 36090, "Nin": 36091, "hoff": 36092, "\u0120ramifications": 36093, "\u01201922": 36094, "\u0120Experts": 36095, "azes": 36096, "\u0120garments": 36097, "arial": 36098, "\u0120Nab": 36099, "\u0120257": 36100, "\u0120Ved": 36101, "\u0120humorous": 36102, "\u0120Pompe": 36103, "\u0120nylon": 36104, "\u0120lurking": 36105, "\u0120Sergey": 36106, "\u0120Mattis": 36107, "\u0120misogyny": 36108, "\u0120Components": 36109, "\u0120Watching": 36110, "\u0120Folk": 36111, "ractical": 36112, "Bush": 36113, "\u0120taped": 36114, "\u0120grouping": 36115, "\u0120beads": 36116, "\u01202048": 36117, "\u0120condu": 36118, "querque": 36119, "Reading": 36120, "\u0120grievances": 36121, "Ultra": 36122, "\u0120endpoint": 36123, "Hig": 36124, "\u0120Static": 36125, "\u0120Scarborough": 36126, "Lua": 36127, "\u0120Messi": 36128, "aqu": 36129, "\u0120PsyNet": 36130, "\u0120Rudd": 36131, "\u0120avenue": 36132, "vp": 36133, "Jer": 36134, "\u0120shady": 36135, "\u0120Resist": 36136, "\u0120Artemis": 36137, "\u0120careless": 36138, "\u0120brokers": 36139, "\u0120temperament": 36140, "\u0120520": 36141, "Tags": 36142, "\u0120Turning": 36143, "\u0120uttered": 36144, "\u0120pedd": 36145, "\u0120improvised": 36146, "\u0120:(": 36147, "\u0120tabl": 36148, "\u0120plains": 36149, "1600": 36150, "pressure": 36151, "\u0120Essence": 36152, "margin": 36153, "friends": 36154, "\u0120Restoration": 36155, "\u0120pollut": 36156, "\u0120Poker": 36157, "\u0120Augustine": 36158, "\u0120CIS": 36159, "\u0120SEAL": 36160, "orama": 36161, "\u0120thwart": 36162, "seek": 36163, "\u0120pagan": 36164, "\u00c2\u00ba": 36165, "cpu": 36166, "\u0120garn": 36167, "\u0120assortment": 36168, "\u0120ILCS": 36169, "tower": 36170, "Recommended": 36171, "\u0120unborn": 36172, "\u0120RandomRedditor": 36173, "\u0120RandomRedditorWithNo": 36174, "\u0120paralyzed": 36175, "\u0120eruption": 36176, "\u0120intersect": 36177, "\u0120Stoke": 36178, "\u0120Sco": 36179, "Bind": 36180, "\u00e5\u00be": 36181, "\u0120PNG": 36182, "\u0120Negative": 36183, "\u0120NOAA": 36184, "Leon": 36185, "\u0120alloy": 36186, "\u0120Lama": 36187, "\u0120Diversity": 36188, "575": 36189, "\u0120underestimated": 36190, "\u0120Scor": 36191, "\u0120mural": 36192, "\u0120busted": 36193, "soon": 36194, "lif": 36195, "\u0120nonex": 36196, "\u0120allergy": 36197, "\u0120Underworld": 36198, "\u0120Rays": 36199, "\u0120Blasio": 36200, "\u0120hrs": 36201, "\u0120Dir": 36202, "\u0120327": 36203, "byter": 36204, "\u0120replacements": 36205, "\u0120activates": 36206, "rived": 36207, "MH": 36208, "\u0120pans": 36209, "\u0120HI": 36210, "\u0120longitudinal": 36211, "\u0120nuisance": 36212, "aler": 36213, "\u0120swell": 36214, "\u0120Signed": 36215, "sci": 36216, "\u0120Isles": 36217, "\u0120AGA": 36218, "\u0120defiant": 36219, "\u0120sonic": 36220, "ocon": 36221, "KC": 36222, "\u0120Aim": 36223, "tie": 36224, "ahah": 36225, "\u0120mL": 36226, "DX": 36227, "\u0120bisc": 36228, "\u0120Billboard": 36229, "\u0120SYSTEM": 36230, "NEY": 36231, "gaard": 36232, "\u0120distressed": 36233, "formerly": 36234, "Alan": 36235, "\u0120chefs": 36236, "\u0120optics": 36237, "\u0120Comet": 36238, "\u0120AMC": 36239, "\u0120redesigned": 36240, "irmation": 36241, "\u0120sightings": 36242, "382": 36243, "311": 36244, "\u0120WB": 36245, "\u0120contraction": 36246, "\u0120TOTAL": 36247, "Dual": 36248, "\u0120startled": 36249, "\u0120understandably": 36250, "\u0120sunglasses": 36251, "ETHOD": 36252, "\u0120docker": 36253, "\u0120surfing": 36254, "\u0120HEL": 36255, "\u0120Slack": 36256, "tones": 36257, "\u0120shalt": 36258, "Visual": 36259, "498": 36260, "Department": 36261, "cussion": 36262, "\u0120unrestricted": 36263, "\u0120tad": 36264, "\u0120rename": 36265, "employed": 36266, "\u0120educating": 36267, "\u0120grinned": 36268, "bedroom": 36269, "\u0120Activities": 36270, "\u0120Velvet": 36271, "\u0120SWAT": 36272, "\u0120shuffle": 36273, "igor": 36274, "\u0120saturation": 36275, "Finding": 36276, "cream": 36277, "icter": 36278, "\u0120vodka": 36279, "tracking": 36280, "tec": 36281, "\u0120foreground": 36282, "iesta": 36283, "\u0120vehement": 36284, "\u0120ECB": 36285, "\u0120Tie": 36286, "Ey": 36287, "\u0120turtles": 36288, "\u0120Railroad": 36289, "\u0120Katz": 36290, "\u0120Frames": 36291, "\u0120menace": 36292, "\u0120Fellowship": 36293, "\u0120Essential": 36294, "uggish": 36295, "\u0120drip": 36296, "chwitz": 36297, "\u0120Kyoto": 36298, "sb": 36299, "\u0120Nina": 36300, "Parameter": 36301, "\u0120alarms": 36302, "\u0120Claud": 36303, "\u0120pioneering": 36304, "\u0120chiefly": 36305, "\u0120Scream": 36306, "Collection": 36307, "\u0120thankfully": 36308, "\u0120Ronaldo": 36309, "\u00e5\u0143\u0132": 36310, "strip": 36311, "\u0120Disneyland": 36312, "commercial": 36313, "Seeing": 36314, "Soul": 36315, "\u0120evacuate": 36316, "\u0120civ": 36317, "\u0120Ashe": 36318, "\u0120divides": 36319, "\u0120Dagger": 36320, "rehensive": 36321, "\u0120berries": 36322, "\u0120DF": 36323, "\u0120sushi": 36324, "\u0120plurality": 36325, "WI": 36326, "\u0120disadvantaged": 36327, "\u0120battalion": 36328, "obiles": 36329, "451": 36330, "\u0120cling": 36331, "\u0120undeniable": 36332, "\u0120Lounge": 36333, "\u0120haunt": 36334, "phe": 36335, "\u0120quantify": 36336, "\u0120differed": 36337, "\u0120[*]": 36338, "\u0120Viz": 36339, "cum": 36340, "slave": 36341, "\u0120videog": 36342, "\u0120quar": 36343, "\u0120bundles": 36344, "\u0120Alonso": 36345, "tackle": 36346, "\u0120neuronal": 36347, "\u0120landslide": 36348, "confirmed": 36349, "\u0120Depth": 36350, "\u0120renewables": 36351, "Bear": 36352, "\u0120Macedonia": 36353, "\u0120jerseys": 36354, "\u0120bunk": 36355, "\u0120Spawn": 36356, "\u0120Controls": 36357, "\u0120Buchanan": 36358, "\u0120robotics": 36359, "\u0120emphasizing": 36360, "\u0120Tutorial": 36361, "hyp": 36362, "iston": 36363, "\u0120monumental": 36364, "\u00e6\u00b0": 36365, "\u0120Carry": 36366, "\u0120tbsp": 36367, "enance": 36368, "Hill": 36369, "arthed": 36370, "\u0120rotten": 36371, "Dean": 36372, "\u0120twisting": 36373, "\u0120goodwill": 36374, "\u0120immersion": 36375, "Living": 36376, "\u0120brushes": 36377, "\u0120CGI": 36378, "\u0120Atk": 36379, "traditional": 36380, "\u0120phantom": 36381, "\u0120Stamina": 36382, "\u0120expansions": 36383, "\u0120Marin": 36384, "\u0120embarked": 36385, "\u0120Eg": 36386, "intestinal": 36387, "\u0120PEOPLE": 36388, "\u0120Booth": 36389, "\u0120Appalach": 36390, "\u0120relegated": 36391, "VT": 36392, "MIT": 36393, "\u0120muster": 36394, "\u0120withdrawing": 36395, "\u0120microscope": 36396, "\u0120Gathering": 36397, "\u0120Crescent": 36398, "\u0120Argentine": 36399, "\u0120Decre": 36400, "\u0120Dominic": 36401, "\u0120buds": 36402, "antage": 36403, "\u0120Ion": 36404, "\u0120widened": 36405, "ONSORED": 36406, "\u0120Gloves": 36407, "iannopoulos": 36408, "razen": 36409, "feel": 36410, "\u0120repayment": 36411, "\u0120hindsight": 36412, "\u0120REALLY": 36413, "\u0120Pistol": 36414, "\u0120Brah": 36415, "\u0120watts": 36416, "\u0120survives": 36417, "\u0120flurry": 36418, "issy": 36419, "Alert": 36420, "\u0120Uruguay": 36421, "Phoenix": 36422, "Slow": 36423, "\u0120Grave": 36424, "\u0120Fir": 36425, "\u0120manageable": 36426, "\u0120tariff": 36427, "\u0120UDP": 36428, "\u0120Pistons": 36429, "\u0120Nigerian": 36430, "\u0120strikeouts": 36431, "\u0120cosmetics": 36432, "whelming": 36433, "fab": 36434, "cape": 36435, "proxy": 36436, "\u0120rethink": 36437, "\u0120overcoming": 36438, "simple": 36439, "\u0120woo": 36440, "\u0120distracting": 36441, "\u0120Stanton": 36442, "\u0120Tulsa": 36443, "\u0120Dock": 36444, "659": 36445, "\u0120discord": 36446, "\u0120Emacs": 36447, "\u0120Ves": 36448, "\u0120ROB": 36449, "\u0120reassuring": 36450, "\u0120consortium": 36451, "Muslims": 36452, "321": 36453, "\u0120prompts": 36454, "sei": 36455, "\u0120Hitch": 36456, "imposed": 36457, "\u0120Fool": 36458, "\u0120indiscrim": 36459, "wrong": 36460, "buquerque": 36461, "Davis": 36462, "!]": 36463, "\u0120timeless": 36464, "\u0120NEED": 36465, "\u0120pesticide": 36466, "\u0120rallying": 36467, "\u0120Calder": 36468, "\u0120\u00e5\u00a4": 36469, "\u0120xp": 36470, "\u0120Unle": 36471, "\u0120Export": 36472, "luaj": 36473, "Buff": 36474, ")[": 36937, "\u0120sqor": 36938, "Saudi": 36939, "\u0120istg": 36940, "\u0120indulge": 36941, "proc": 36942, "\u0120disgusted": 36943, "\u0120compounded": 36944, "\u0120nem": 36945, "\u0120schooling": 36946, "\u0120Cure": 36947, "processing": 36948, "Sol": 36949, "\u0120proverb": 36950, "itized": 36951, "\u0120Alvarez": 36952, "\u0120scarf": 36953, "\u0120rectangular": 36954, "reve": 36955, "\u0120hormonal": 36956, "\u0120Stress": 36957, "itizen": 36958, "\u0120425": 36959, "girls": 36960, "\u0120Noir": 36961, "\u0120Rapp": 36962, "\u0120marches": 36963, "church": 36964, "\u0120Uses": 36965, "\u0120405": 36966, "\u0120Berm": 36967, "\u0120ordinances": 36968, "\u0120Judgment": 36969, "Charges": 36970, "\u0120Zin": 36971, "\u0120dusty": 36972, "\u0120strawberries": 36973, "\u0120perce": 36974, "\u0120Thur": 36975, "\u0120Deborah": 36976, "netflix": 36977, "\u0120Lambert": 36978, "\u0120amused": 36979, "\u0120Guang": 36980, "YOU": 36981, "RGB": 36982, "\u0120CCTV": 36983, "\u0120fiat": 36984, "rang": 36985, "\u0120federation": 36986, "\u0120Mant": 36987, "\u0120Bust": 36988, "\u0120Mare": 36989, "respective": 36990, "\u0120Migration": 36991, "\u0120BIT": 36992, "590": 36993, "\u0120patriotism": 36994, "\u0120outlining": 36995, "region": 36996, "\u0120Jos\u00c3\u00a9": 36997, "\u0120blasting": 36998, "\u0120Ezra": 36999, "Bs": 37000, "\u0120undermines": 37001, "\u0120Smooth": 37002, "\u0120clashed": 37003, "radio": 37004, "\u0120transitioning": 37005, "\u0120Buccaneers": 37006, "\u0120Owl": 37007, "\u0120plugs": 37008, "\u0120hiatus": 37009, "\u0120Pinball": 37010, "\u0120mig": 37011, "\u0120Nutr": 37012, "\u0120Wolfe": 37013, "\u0120integers": 37014, "\u0120orbits": 37015, "\u0120Edwin": 37016, "\u0120DirectX": 37017, "bite": 37018, "\u0120blazing": 37019, "vr": 37020, "Edge": 37021, "\u0120PID": 37022, "exit": 37023, "\u0120Comed": 37024, "\u0120Pathfinder": 37025, "\u0120Guid": 37026, "\u0120Signs": 37027, "\u0120Zer": 37028, "\u0120Agenda": 37029, "\u0120reimbursement": 37030, "Mesh": 37031, "iPhone": 37032, "\u0120Marcos": 37033, "\u0120Sites": 37034, "hate": 37035, "enburg": 37036, "\u0120sockets": 37037, "pend": 37038, "Batman": 37039, "vir": 37040, "\u0120SHOW": 37041, "\u0120provisional": 37042, "conn": 37043, "\u0120Deaths": 37044, "ATIVE": 37045, "Profile": 37046, "sym": 37047, "JA": 37048, "\u0120ninja": 37049, "installed": 37050, "idates": 37051, "ebra": 37052, "\u0120Omaha": 37053, "\u0120seizing": 37054, "\u0120Beasts": 37055, "\u0120salts": 37056, "Mission": 37057, "Generally": 37058, "\u0120Trilogy": 37059, "heon": 37060, "legates": 37061, "\u0120dime": 37062, "\u0120faire": 37063, "parable": 37064, "Graph": 37065, "\u0120totaling": 37066, "\u0120diagrams": 37067, "\u0120Yanuk": 37068, "plet": 37069, "\u0120Meh": 37070, "\u0120mythical": 37071, "\u0120Stephens": 37072, "autical": 37073, "ochemistry": 37074, "\u0120kilograms": 37075, "\u0120elbows": 37076, "ancock": 37077, "\u0120BCE": 37078, "\u0120Prague": 37079, "\u0120improv": 37080, "\u0120Devin": 37081, "\u0120\"\\": 37082, "paralle": 37083, "\u0120supremacists": 37084, "\u0120Billion": 37085, "\u0120regimen": 37086, "innacle": 37087, "\u0120requisite": 37088, "angan": 37089, "\u0120Burlington": 37090, "ainment": 37091, "\u0120Objective": 37092, "omsky": 37093, "GV": 37094, "\u0120unilateral": 37095, "\u0120tc": 37096, "\u0120hires": 37097, "mental": 37098, "\u0120involuntary": 37099, "\u0120transpl": 37100, "\u0120ASCII": 37101, "\u00c2\u00a8": 37102, "Events": 37103, "\u0120doubted": 37104, "\u0120Kaplan": 37105, "\u0120Courage": 37106, "igon": 37107, "\u0120Managing": 37108, "\u0120Tart": 37109, "\u0120falsehood": 37110, "\u0120Violet": 37111, "\u0120airs": 37112, "\u0120fertilizer": 37113, "Britain": 37114, "\u0120aquatic": 37115, "ouf": 37116, "Words": 37117, "\u0120Hartford": 37118, "\u0120evenings": 37119, "\u0120Vengeance": 37120, "quite": 37121, "Gall": 37122, "\u0120Pret": 37123, "\u0120pdf": 37124, "\u0120LM": 37125, "\u0120Sochi": 37126, "\u0120Intercept": 37127, "920": 37128, "\u0120profitability": 37129, "\u0120Idle": 37130, "\u0120MacDonald": 37131, "\u0120Establishment": 37132, "umsy": 37133, "\u0120gatherings": 37134, "\u0120Naj": 37135, "Charlie": 37136, "\u0120ascent": 37137, "\u0120Protector": 37138, "\u0120algebra": 37139, "\u0120bios": 37140, "forums": 37141, "ELS": 37142, "Introduced": 37143, "\u0120335": 37144, "\u0120astronomy": 37145, "Contribut": 37146, "\u0120Polic": 37147, "Platform": 37148, "\u0120containment": 37149, "wrap": 37150, "\u0120coronary": 37151, "\u0120Jelly": 37152, "manager": 37153, "\u0120heartbreaking": 37154, "cair": 37155, "\u0120Chero": 37156, "cgi": 37157, "Medical": 37158, "\u0120Accountability": 37159, "!!\"": 37160, "ophile": 37161, "\u0120psychotic": 37162, "\u0120Restrict": 37163, "\u0120equitable": 37164, "issues": 37165, "\u01201905": 37166, "\u0120Nek": 37167, "cised": 37168, "\u0120Tracking": 37169, "\u0120ozone": 37170, "\u0120cooker": 37171, "rosis": 37172, "\u0120reopen": 37173, "\u0120infinity": 37174, "\u0120Pharmaceutical": 37175, "ensional": 37176, "Attempt": 37177, "\u0120Rory": 37178, "Marco": 37179, "\u0120awaits": 37180, "HOW": 37181, "treated": 37182, "\u0120bolst": 37183, "\u0120revered": 37184, "\u0120pods": 37185, "oppers": 37186, "0010": 37187, "\u0120amplitude": 37188, "rican": 37189, "SPONSORED": 37190, "\u0120trousers": 37191, "\u0120halves": 37192, "\u0120Kaine": 37193, "\u0120Cutler": 37194, "\u0120AUTH": 37195, "\u0120splendid": 37196, "\u0120preventive": 37197, "\u0120Dudley": 37198, "ifacts": 37199, "uminati": 37200, "\u0120Yin": 37201, "\u0120admon": 37202, "\u0120Vag": 37203, "\u0120inverted": 37204, "\u0120hastily": 37205, "\u0120Hague": 37206, "Lyn": 37207, "\u0120ledger": 37208, "\u0120astronomical": 37209, "getting": 37210, "\u0120circa": 37211, "\u0120Cic": 37212, "\u0120Tennis": 37213, "Limited": 37214, "\u0120dru": 37215, "\u0120BYU": 37216, "\u0120travellers": 37217, "\u0120pane": 37218, "\u0120Intro": 37219, "\u0120patiently": 37220, "\u0120aiding": 37221, "\u0120loos": 37222, "\u0120Tough": 37223, "\u0120293": 37224, "\u0120consumes": 37225, "SourceFile": 37226, "\u0120\"\"\"": 37227, "\u0120bonding": 37228, "\u0120tilted": 37229, "\u0120menstrual": 37230, "\u0120Celestial": 37231, "ULAR": 37232, "Plugin": 37233, "\u0120risking": 37234, "Naz": 37235, "\u0120Riyadh": 37236, "\u0120accredited": 37237, "\u0120skirm": 37238, "\u00e9\u013d": 37239, "\u0120examiner": 37240, "\u0120messing": 37241, "\u0120nearing": 37242, "\u0120Chern": 37243, "\u0120Beckham": 37244, "\u0120swapped": 37245, "\u0120goose": 37246, "Kay": 37247, "\u0120lofty": 37248, "\u0120Wallet": 37249, "\u0120['": 37250, "\u0120apocalypse": 37251, "\u0120bamboo": 37252, "\u0120SPACE": 37253, "\u0120Elena": 37254, "\u0120306": 37255, "acons": 37256, "\u0120tightened": 37257, "\u0120adolescence": 37258, "\u0120rainy": 37259, "\u0120vandalism": 37260, "\u0120Newtown": 37261, "\u0120conject": 37262, "cakes": 37263, "\u0120cheated": 37264, "\u0120moderators": 37265, "params": 37266, "EFF": 37267, "\u0120deceit": 37268, "\u0120STL": 37269, "\u0120Tanzania": 37270, "\u0120RI": 37271, "\u01201923": 37272, "\u0120Exile": 37273, "thel": 37274, "\u0120theolog": 37275, "\u0120quirky": 37276, "\u0120Irvine": 37277, "\u0120needy": 37278, "oris": 37279, "Um": 37280, "Ka": 37281, "\u0120mailbox": 37282, "322": 37283, "\u0120bos": 37284, "\u0120Petra": 37285, "KING": 37286, "\u0120enlarged": 37287, "Often": 37288, "\u0120badass": 37289, "\u0120343": 37290, "\u0120Places": 37291, "\u0120CAD": 37292, "\u0120pristine": 37293, "\u0120intervening": 37294, "direction": 37295, "\u0120laz": 37296, "\u0120DSM": 37297, "\u0120projecting": 37298, "\u0120Funk": 37299, "agog": 37300, "payment": 37301, "nov": 37302, "\u0120chatter": 37303, "ARB": 37304, "\u0120examinations": 37305, "\u0120Household": 37306, "\u0120Gus": 37307, "Ford": 37308, "414": 37309, "Boss": 37310, "\u0120mystic": 37311, "\u0120leaps": 37312, "\u0120Bav": 37313, "ulz": 37314, "budget": 37315, "Football": 37316, "\u0120subsidized": 37317, "\u0120firsthand": 37318, "\u0120coincide": 37319, "ocular": 37320, "Conn": 37321, "\u0120Collabor": 37322, "\u0120fools": 37323, "amura": 37324, "ahar": 37325, "rists": 37326, "\u0120swollen": 37327, "\u0120expended": 37328, "\u0120Pau": 37329, "sup": 37330, "\u0120spar": 37331, "\u0120keynote": 37332, "suff": 37333, "\u0120unequal": 37334, "\u0120progressing": 37335, "strings": 37336, "\u0120Gamergate": 37337, "Disney": 37338, "\u0120Eleven": 37339, "omnia": 37340, "\u0120scripted": 37341, "\u0120earners": 37342, "brother": 37343, "\u0120Enabled": 37344, "\u00e6\u00b3": 37345, "\u0120larvae": 37346, "\u0120LOC": 37347, "mess": 37348, "Wilson": 37349, "\u0120Template": 37350, "successfully": 37351, "\u0120paramount": 37352, "\u0120camouflage": 37353, "\u0120binds": 37354, "\u0120Quiet": 37355, "\u0120Shutterstock": 37356, "rush": 37357, "\u0120mascot": 37358, "fortune": 37359, "\u0120Colt": 37360, "\u0120Beyon": 37361, "habi": 37362, "\u0120hairc": 37363, "\u0120267": 37364, "\u0120Deus": 37365, "\u0120twitch": 37366, "\u0120concentrating": 37367, "\u0120nipples": 37368, "cible": 37369, "\u0120gir": 37370, "NZ": 37371, "Math": 37372, "nih": 37373, "Required": 37374, "\u0120ponder": 37375, "\u0120SAN": 37376, "\u0120weddings": 37377, "\u0120loneliness": 37378, "NES": 37379, "\u0120Mahjong": 37380, "695": 37381, "addle": 37382, "\u0120Garner": 37383, "\u0120COUR": 37384, "Bridge": 37385, "\u0120spree": 37386, "\u0120Caldwell": 37387, "\u0120bribery": 37388, "\u0120\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd\u00ef\u00bf\u00bd": 37389, "plugins": 37390, "\u0120racket": 37391, "\u0120champagne": 37392, "versible": 37393, "Vote": 37394, "\u0120modifiers": 37395, "Mayor": 37396, "680": 37397, "\u0120assemblies": 37398, "\u0120Sultan": 37399, "\u0120Ning": 37400, "\u0120Ladies": 37401, "\u0120sulfur": 37402, "\u0120orbs": 37403, "\u0120-----": 37404, "_______": 37405, "\u0120Journalism": 37406, "\u0120esports": 37407, "\u0120lush": 37408, "\u0120hue": 37409, "\u0120spectral": 37410, "Honest": 37411, "\u00e3\u0125\u0131": 37412, "\u0120bushes": 37413, "\u0120reinforcement": 37414, "\u0120reopened": 37415, "\u0120Wheels": 37416, "\u0120Morg": 37417, "rieving": 37418, "\u0120auxiliary": 37419, "\u0120jQuery": 37420, "\u0120BAT": 37421, "tesque": 37422, "\u0120vertex": 37423, "pure": 37424, "frey": 37425, "\u00e3\u0124\u00ba": 37426, "dos": 37427, "\u0120typh": 37428, "\u0120cull": 37429, "\u0120eq": 37430, "\u0120decon": 37431, "\u0120tossing": 37432, "\u0120disparate": 37433, "\u0120Brigham": 37434, "printf": 37435, "ledged": 37436, "\u0120sund": 37437, "\u0120cozy": 37438, "\u0120hepatitis": 37439, "performing": 37440, "\u0120aval": 37441, "\u0120GG": 37442, "future": 37443, "\u0120petertodd": 37444, "\u0120Kosovo": 37445, "\u0120magnets": 37446, "Already": 37447, "\u0120Edison": 37448, "\u0120Ceres": 37449, "\u0120RAID": 37450, "\u0120brilliance": 37451, "576": 37452, "\u0120derives": 37453, "\u0120hypertension": 37454, "\u0120\u00ce\u0136": 37455, "\u0120lambda": 37456, "\u0120flair": 37457, "\u0120missionaries": 37458, "\u0120rapes": 37459, "\u0120Starter": 37460, "\u0120Months": 37461, "\u0120defy": 37462, "\u0120seismic": 37463, "\u0120Raphael": 37464, "\u0120eurozone": 37465, "656": 37466, "zsche": 37467, "\u0120scratched": 37468, "\u0120bows": 37469, "\u0120Lennon": 37470, "\u0120Gaia": 37471, "\u0120dripping": 37472, "facts": 37473, "Ale": 37474, "\u0120frogs": 37475, "\u0120Breast": 37476, "ogeneity": 37477, "\u0120Prosecutor": 37478, "\u0120amplified": 37479, "\u0120Hodg": 37480, "\u0120Fn": 37481, "Thousands": 37482, "\u0120NIH": 37483, "\u0120Monitoring": 37484, "FTWARE": 37485, "\u0120Priebus": 37486, "\u0120Growing": 37487, "hunter": 37488, "\u0120diagnose": 37489, "\u0120Mald": 37490, "\u0120LR": 37491, "\u0120crowned": 37492, "\u0120bursting": 37493, "\u0120dissolution": 37494, "javascript": 37495, "\u0120usefulness": 37496, "\u0120Execution": 37497, ":(": 37498, "\u0120Ivory": 37499, "aah": 37500, "\u0120persecuted": 37501, "violence": 37502, "istas": 37503, "\u0120Crate": 37504, "\u0120impulses": 37505, "\u0120Spani": 37506, "edes": 37507, "Handle": 37508, "\u0120Zerg": 37509, "thinkable": 37510, "Lastly": 37511, "\u0120spontaneously": 37512, "\u0120inconvenient": 37513, "\u0120dismissing": 37514, "\u0120plotted": 37515, "\u0120eighty": 37516, "\u0120737": 37517, "rish": 37518, "\u0120Thornton": 37519, "atham": 37520, "\u0120sitcom": 37521, "Ven": 37522, "Recipe": 37523, "tel": 37524, "lund": 37525, "\u0120clears": 37526, "\u0120Sasuke": 37527, "\u0120258": 37528, "\u0120opting": 37529, "\u0120enraged": 37530, "esthetic": 37531, "\u0120Ae": 37532, "uchs": 37533, "Prep": 37534, "Flow": 37535, "\u0120runoff": 37536, "\u0120Eating": 37537, "\u0120Giles": 37538, "\u0120Acting": 37539, "resources": 37540, "ibaba": 37541, "\u0120rpm": 37542, "\u0120skewed": 37543, "\u0120Blanc": 37544, "\u0120Sakuya": 37545, "\u0120hotter": 37546, "\u01201924": 37547, "opian": 37548, "cko": 37549, "\u0120crumbling": 37550, "\u0120captains": 37551, "\u0120Appropriations": 37552, "leaders": 37553, "dropping": 37554, "anuts": 37555, "\u0120reversing": 37556, "\u0120Pose": 37557, "\u0120Sek": 37558, "Scot": 37559, "\u0120Idea": 37560, "cise": 37561, "\u0120Slovenia": 37562, "\u0120317": 37563, "Doctor": 37564, "\u0120crocod": 37565, "aldi": 37566, "Sea": 37567, "\u0120Farrell": 37568, "\u0120mercenaries": 37569, "\u0120RNC": 37570, "\u0120Guess": 37571, "\u0120pacing": 37572, "Machine": 37573, "StreamerBot": 37574, "\u0120Charity": 37575, "\u0120298": 37576, "\u0120cannons": 37577, "\u0120Toby": 37578, "TPPStreamerBot": 37579, "\u0120Passion": 37580, "cfg": 37581, "Thom": 37582, "\u0120badges": 37583, "\u0120Bernstein": 37584, ".\u00e2\u0122\u0135": 37585, "\u0120POP": 37586, "\u0120Conj": 37587, "\u0120initialization": 37588, "\u0120biodiversity": 37589, "Dub": 37590, "\u0120feudal": 37591, "\u0120disclaimer": 37592, "\u0120crow": 37593, "\u0120ignition": 37594, "arf": 37595, "SHA": 37596, "\u0120kHz": 37597, "hazard": 37598, "\u0120Artists": 37599, "oeuv": 37600, "679": 37601, "\u0120Rudy": 37602, "Nine": 37603, "\u0120Ramadan": 37604, "\u00e5\u00bd": 37605, "itto": 37606, "\u0120adrenaline": 37607, "Cert": 37608, "\u0120smelled": 37609, "\u0120impunity": 37610, "\u0120agendas": 37611, "\u0120Reborn": 37612, "\u0120Concent": 37613, "\u0120Seems": 37614, "\u0120omega": 37615, "\u0120Dustin": 37616, "\u0120backer": 37617, "\u0120Sauce": 37618, "\u0120Boyle": 37619, "WIN": 37620, "\u0120spins": 37621, "\u0120pauses": 37622, "upt": 37623, "\u0120shredded": 37624, "\u0120strapped": 37625, "\u0120Corruption": 37626, "\u0120scratches": 37627, "\u0120ni": 37628, "\u0120attire": 37629, "\u0120SAF": 37630, "FactoryReloaded": 37631, "\u0120IPS": 37632, "\u0120(%": 37633, "\u0120seminar": 37634, "focus": 37635, "civil": 37636, "\u01201860": 37637, "intosh": 37638, "\u0120continual": 37639, "\u0120abbrevi": 37640, "\u0120Sok": 37641, "ocobo": 37642, "XM": 37643, "\u0120frantic": 37644, "\u0120unavoidable": 37645, "\u0120artery": 37646, "\u0120annotations": 37647, "bath": 37648, "Climate": 37649, "\u0120dors": 37650, "\u0120Slide": 37651, "coord": 37652, "\u0120Reload": 37653, "\u0120LDL": 37654, "\u0120Lovecraft": 37655, "\u0120unimagin": 37656, "\u0120resembled": 37657, "\u0120barracks": 37658, "np": 37659, "\u0120surrogate": 37660, "\u0120categorized": 37661, "\u00e3\u0124\u00a9": 37662, "\u0120vaccinated": 37663, "\u0120drainage": 37664, "\u0120indist": 37665, "\u0120WhatsApp": 37666, "\u01201870": 37667, "olerance": 37668, "invoke": 37669, "amorph": 37670, "\u0120reconnect": 37671, "\u0120emanc": 37672, "\u0120blindness": 37673, "\u01201280": 37674, "internet": 37675, "collar": 37676, "\u0120altru": 37677, "\u0120abyss": 37678, "\u0120TRI": 37679, "657": 37680, "\u0120infused": 37681, "HEAD": 37682, "\u0120forestry": 37683, "\u0120Woody": 37684, "\u0120Ci": 37685, "wi": 37686, "sam": 37687, "784": 37688, "holiday": 37689, "\u0120mogul": 37690, "\u0120Fees": 37691, "\u0120DEN": 37692, "Internal": 37693, "urbed": 37694, "fusc": 37695, "atom": 37696, "\u0120Illusion": 37697, "\u0120polled": 37698, "\u0120flap": 37699, "\u0120coax": 37700, "LGBT": 37701, "Analy": 37702, "\u0120Sections": 37703, "\u0120Californ": 37704, "emn": 37705, "\u0120hither": 37706, "\u0120NIGHT": 37707, "\u0120nailed": 37708, "\u0120Pipeline": 37709, "391": 37710, "oof": 37711, "\u0120Primal": 37712, "verend": 37713, "\u0120slashing": 37714, "\u0120retri": 37715, "aviour": 37716, "\u0120departing": 37717, "gil": 37718, "ISC": 37719, "\u0120midway": 37720, "\u0120ultrasound": 37721, "\u0120behaving": 37722, "\u0120Tara": 37723, "classes": 37724, "Virtual": 37725, "\u0120Colonial": 37726, "\u0120stripping": 37727, "\u0120orchestrated": 37728, "\u0120Graves": 37729, "452": 37730, "\u0120Ironically": 37731, "\u0120Writers": 37732, "\u0120lends": 37733, "\u0120Manz": 37734, "\u0120raven": 37735, "\u0120oxidative": 37736, "\u0120266": 37737, "ELF": 37738, "actually": 37739, "ascar": 37740, "Draft": 37741, "\u0120favourable": 37742, "\u0120humiliating": 37743, "\u0120fidelity": 37744, "\u0120Hof": 37745, "\u0120Xuan": 37746, "496": 37747, "\u0120layered": 37748, "atis": 37749, "790": 37750, "\u0120paycheck": 37751, "iton": 37752, "Kar": 37753, "\u0120VMware": 37754, "\u0120Farmer": 37755, "\u0120servic": 37756, "glomer": 37757, "\u0120slump": 37758, "\u0120Fabric": 37759, "\u0120DOC": 37760, "esting": 37761, "\u0120reassure": 37762, "\u0120phyl": 37763, "volt": 37764, "itory": 37765, "Rules": 37766, "\u0120oxidation": 37767, "\u0120prized": 37768, "\u0120mistress": 37769, "\u0120Django": 37770, "WARN": 37771, "\u00e5\u0133": 37772, "\u0120encode": 37773, "\u0120Feedback": 37774, "\u0120stupidity": 37775, "Ian": 37776, "\u0120Yugoslavia": 37777, "\u00d7\u00a8": 37778, "acl": 37779, "UTE": 37780, "1977": 37781, "\u0120qualifies": 37782, "\u0120pulses": 37783, "pretty": 37784, "\u0120froze": 37785, "\u0120ss": 37786, "Iterator": 37787, "\u0120urgently": 37788, "\u0120mailed": 37789, "\u0120Cham": 37790, "\u0120sustaining": 37791, "\u0120basil": 37792, "\u0120puppies": 37793, "ilant": 37794, "\u0120PLEASE": 37795, "lap": 37796, "aceous": 37797, "Fear": 37798, "\u0120Mastery": 37799, "automatic": 37800, "\u0120TAG": 37801, "\u0120antim": 37802, "agles": 37803, "473": 37804, "frames": 37805, "\u0120whispers": 37806, "\u0120Whoever": 37807, "\u0120bravery": 37808, "\u0120UKIP": 37809, "ractions": 37810, "\"\"\"": 37811, "\u0120tame": 37812, "\u0120parted": 37813, "everything": 37814, "CONT": 37815, "\u0120indebted": 37816, "\u0120addr": 37817, "rek": 37818, "IRED": 37819, "\u0120eminent": 37820, "clinton": 37821, "\u0120ousted": 37822, "\u0120reviewer": 37823, "\u0120meltdown": 37824, "\u0120rearr": 37825, "\u0120Yao": 37826, "thereal": 37827, "abyte": 37828, "\u0120stumbling": 37829, "\u0120batches": 37830, "\u0120259": 37831, "\u0120contraceptive": 37832, "\u0120prostitute": 37833, "ensis": 37834, "Decl": 37835, "\u0120Strikes": 37836, "Military": 37837, "\u0120Oath": 37838, "vacc": 37839, "ppings": 37840, "052": 37841, "\u0120partName": 37842, "amping": 37843, "Reports": 37844, "KI": 37845, "CHR": 37846, "\u0120subtly": 37847, "swers": 37848, "Blake": 37849, "usual": 37850, "\u0120contestants": 37851, "\u0120cartridges": 37852, "\u0120GREAT": 37853, "\u0120blush": 37854, "\u0120\u00e2\u0122\u00ba": 37855, "472": 37856, "\u0120reasoned": 37857, "\u00e3\u0125\u00a4": 37858, "paralleled": 37859, "\u0120dyn": 37860, "agate": 37861, "\u0120nightly": 37862, "\u00e5\u0128": 37863, "556": 37864, "\u0120semantic": 37865, "\u0120Advoc": 37866, "\u0120!!": 37867, "\u0120disagrees": 37868, "\u0120BW": 37869, "Veh": 37870, "\u0120harming": 37871, "\u0120embraces": 37872, "\u0120strives": 37873, "\u0120inland": 37874, "\u0120Kard": 37875, "\u0120heats": 37876, "\u0120Ginny": 37877, "utan": 37878, "ernaut": 37879, "ylene": 37880, "\u0120Elev": 37881, "JD": 37882, "\u0120hars": 37883, "\u0120Starr": 37884, "\u0120skysc": 37885, "\u0120collaborators": 37886, "Usually": 37887, "\u0120revolutions": 37888, "\u0120STATS": 37889, "\u0120dismantle": 37890, "\u0120confidently": 37891, "\u0120kinetic": 37892, "Ali": 37893, "\u0120percentile": 37894, "\u0120extracting": 37895, "illian": 37896, "estead": 37897, "\u0120physicists": 37898, "\u0120Marshal": 37899, "\u0120fellowship": 37900, "\u0120dashed": 37901, "\u0120UR": 37902, "\u0120Sioux": 37903, "\u0120Compact": 37904, "amide": 37905, "Python": 37906, "\u0120Leigh": 37907, "\u0120Pharmac": 37908, "istrates": 37909, "herical": 37910, "\u0120fue": 37911, "\u0120Emin": 37912, "\u0120({": 37913, "\u0120Neighborhood": 37914, "\u0120disrupting": 37915, "\u0120Dup": 37916, "\u0120gland": 37917, "\u0120Sev": 37918, "\u0120Marian": 37919, "argon": 37920, "\u0120Dund": 37921, "\u0120": 46904, "\u0120Philips": 46905, "\u0120Kafka": 46906, "\u0120upheaval": 46907, "\u0120sentimental": 46908, "\u0120sax": 46909, "\u0120Akira": 46910, "serial": 46911, "Matrix": 46912, "\u0120electing": 46913, "\u0120commenter": 46914, "\u0120Nebula": 46915, "plets": 46916, "\u0120Nadu": 46917, "\u0120Adren": 46918, "\u0120enshr": 46919, "\u0120RAND": 46920, "financial": 46921, "\u0120Clyde": 46922, "utherford": 46923, "\u0120signage": 46924, "\u0120deline": 46925, "\u0120phosphate": 46926, "roversial": 46927, "fascist": 46928, "\u0120Vall": 46929, "\u0120Bethlehem": 46930, "\u0120fors": 46931, "\u0120english": 46932, "Solid": 46933, "Nature": 46934, "\u0120va": 46935, "\u0120Guests": 46936, "\u0120tantal": 46937, "\u0120autoimmune": 46938, ";;;;;;;;;;;;": 46939, "\u0120Totally": 46940, "\u0120Ov": 46941, "\u0120defences": 46942, "\u0120Coconut": 46943, "\u0120tranquil": 46944, "\u0120ploy": 46945, "\u0120flavours": 46946, "\u0120Flask": 46947, "\u00e3\u0124\u00a8\u00e3\u0125\u00ab": 46948, "\u0120Weston": 46949, "\u0120Volvo": 46950, "870": 46951, "\u0120microphones": 46952, "verbal": 46953, "RPG": 46954, "\u0120iii": 46955, ";}": 46956, "028": 46957, "\u0120headlined": 46958, "\u0120primed": 46959, "\u0120hoard": 46960, "\u0120Shad": 46961, "\u0120ENTER": 46962, "\u0120triangular": 46963, "\u0120capit": 46964, "lik": 46965, "\u0120Ancients": 46966, "\u0120lash": 46967, "\u0120convol": 46968, "\u0120colonel": 46969, "enemy": 46970, "Gra": 46971, "\u0120pubs": 46972, "utters": 46973, "\u0120assigns": 46974, "\u0120Penet": 46975, "\u0120Monstrous": 46976, "\u0120Bowen": 46977, "ilver": 46978, "Haunted": 46979, "\u0120Ding": 46980, "started": 46981, "plin": 46982, "\u0120contaminants": 46983, "\u0120DOE": 46984, "ffen": 46985, "\u0120Technician": 46986, "Ry": 46987, "\u0120robbers": 46988, "\u0120hotline": 46989, "\u0120Guardiola": 46990, "\u0120Kaufman": 46991, "rower": 46992, "\u0120Dresden": 46993, "\u0120Alpine": 46994, "Elf": 46995, "\u0120fmt": 46996, "\u0120Sard": 46997, "urses": 46998, "gpu": 46999, "Unix": 47000, "\u0120unequivocally": 47001, "\u0120Citizenship": 47002, "quad": 47003, "mire": 47004, "\u0120Sweeney": 47005, "Battery": 47006, "615": 47007, "\u0120pancakes": 47008, "\u0120oats": 47009, "Maps": 47010, "\u0120Contrast": 47011, "mbudsman": 47012, "\u0120EPS": 47013, "\u0120subcommittee": 47014, "\u0120sourcing": 47015, "\u0120sizing": 47016, "\u0120Buffer": 47017, "\u0120Mandatory": 47018, "\u0120moderates": 47019, "\u0120Patterns": 47020, "\u0120Chocobo": 47021, "\u0120Zan": 47022, "\u0120STATES": 47023, "\u0120Judging": 47024, "\u0120Inher": 47025, "*:": 47026, "\u0120bil": 47027, "\u0120Yen": 47028, "\u0120exhilar": 47029, "ollower": 47030, "zers": 47031, "\u0120snug": 47032, "maximum": 47033, "\u0120despicable": 47034, "\u0120PACK": 47035, "\u0120Annex": 47036, "\u0120sarcastic": 47037, "\u0120latex": 47038, "\u0120tamp": 47039, "\u0120Sao": 47040, "bah": 47041, "\u0120Reverend": 47042, "\u0120Chinatown": 47043, "\u0120AUT": 47044, "documented": 47045, "\u0120GABA": 47046, "\u0120Canaan": 47047, "\u0120\u00d9\u0127": 47048, "\u0120governs": 47049, "prev": 47050, "Esc": 47051, "\u0120Estimates": 47052, "OSP": 47053, "\u0120endeavour": 47054, "\u0120Closing": 47055, "ometime": 47056, "everyone": 47057, "\u0120worsen": 47058, "\u0120scanners": 47059, "\u0120deviations": 47060, "\u0120Robotics": 47061, "\u0120Compton": 47062, "\u0120sorcerer": 47063, "\u0120endogenous": 47064, "\u0120emulation": 47065, "\u0120Piercing": 47066, "\u0120Aph": 47067, "\u0120Socket": 47068, "\u0120bould": 47069, "\u0120OU": 47070, "\u0120Borderlands": 47071, "\u01201863": 47072, "Gordon": 47073, "\u0120WTO": 47074, "\u0120restricts": 47075, "\u0120mosaic": 47076, "\u0120melodies": 47077, "\u00e7\u0126": 47078, "Tar": 47079, "\u0120disson": 47080, "\u0120Provides": 47081, "\u0120......": 47082, "bek": 47083, "FIX": 47084, "\u0120broom": 47085, "anship": 47086, "Doctors": 47087, "\u0120nerds": 47088, "\u0120Regions": 47089, "naissance": 47090, "\u0120mete": 47091, "\u0120crept": 47092, "plings": 47093, "\u0120girlfriends": 47094, "knit": 47095, "igent": 47096, "owe": 47097, "\u0120ushered": 47098, "\u0120Baz": 47099, "Mobil": 47100, "434": 47101, "\u0120Presents": 47102, "origin": 47103, "\u0120insomnia": 47104, "\u0120Aux": 47105, "439": 47106, "\u0120Chili": 47107, "irsch": 47108, "GAME": 47109, "\u0120gestation": 47110, "algia": 47111, "romising": 47112, "$,": 47113, "crow": 47114, "\u0120Inspection": 47115, "atomic": 47116, "Relations": 47117, "JOHN": 47118, "roman": 47119, "\u0120Clockwork": 47120, "\u0120Bakr": 47121, "mone": 47122, "MET": 47123, "\u0120thirsty": 47124, "\u0120bc": 47125, "\u0120faculties": 47126, "Rum": 47127, "\u0120nuance": 47128, "\u0120Darius": 47129, "pleting": 47130, "fters": 47131, "etchup": 47132, "Registration": 47133, "\u0120KE": 47134, "Rah": 47135, "\u0120preferential": 47136, "\u0120Lash": 47137, "\u0120HH": 47138, "Valid": 47139, "\u0120NAV": 47140, "\u0120starve": 47141, "\u0120Gong": 47142, "zynski": 47143, "\u0120Actress": 47144, "\u0120wik": 47145, "\u0120unaccompanied": 47146, "lvl": 47147, "Bride": 47148, "ADS": 47149, "\u0120Commando": 47150, "\u0120Vaughn": 47151, "Wallet": 47152, "\u0120hopping": 47153, "\u0120Vie": 47154, "\u0120caveats": 47155, "\u0120alas": 47156, "ifled": 47157, "abuse": 47158, "661": 47159, "\u0120ibn": 47160, "\u0120gul": 47161, "\u0120robbing": 47162, "til": 47163, "ILA": 47164, "\u0120mitigating": 47165, "\u0120aptly": 47166, "\u0120tyrant": 47167, "\u0120midday": 47168, "\u0120Gilmore": 47169, "\u0120Decker": 47170, "\u0120\u00c2\u00a7\u00c2\u00a7": 47171, "partial": 47172, "Exactly": 47173, "\u0120phenotype": 47174, "\u0120[+]": 47175, "\u0120Plex": 47176, "\u0120Ips": 47177, "versions": 47178, "\u0120ebook": 47179, "\u0120chic": 47180, "gross": 47181, "\":\"\"},{\"": 47182, "\u0120Surprisingly": 47183, "Morgan": 47184, "\u0120residues": 47185, "\u0120Confederation": 47186, "infeld": 47187, "\u0120lyr": 47188, "moderate": 47189, "\u0120perpendicular": 47190, "VK": 47191, "\u0120synchronized": 47192, "\u0120refreshed": 47193, "\u0120adore": 47194, "\u0120Torment": 47195, "olina": 47196, "\u01202600": 47197, "ItemTracker": 47198, "\u0120pies": 47199, "\u0120FAT": 47200, "\u0120RHP": 47201, "048": 47202, "\u0120RESP": 47203, "\u0120BJ": 47204, "allows": 47205, "Pand": 47206, "\u0120unwelcome": 47207, "\u0120Voc": 47208, "\u0120Bastard": 47209, "\u0120OW": 47210, "\u0120LAR": 47211, "\u0120Healer": 47212, "Environmental": 47213, "\u0120Kenyan": 47214, "\u0120Trance": 47215, "\u0120Pats": 47216, "\u0120aliases": 47217, "\u0120Garfield": 47218, "\u0120campaigner": 47219, "\u0120advancements": 47220, "\u0120Okinawa": 47221, "\u0120Coh": 47222, "owsky": 47223, "\u0120starved": 47224, "\u0120sizeable": 47225, "\u0120:-)": 47226, "\u0120mRNA": 47227, "\u0120suspensions": 47228, "istar": 47229, "Scotland": 47230, "Prin": 47231, "------------------------------------------------": 47232, "\u0120502": 47233, "\u0120teaspoons": 47234, "\u01201050": 47235, "\u0120coercive": 47236, "\u0120Masonic": 47237, "edded": 47238, "\u0120Passenger": 47239, "\u0120latt": 47240, "\u0120braces": 47241, "\u0120Steal": 47242, "\u0120NYT": 47243, "\u0120Kats": 47244, "\u0120Celest": 47245, "aez": 47246, "Tu": 47247, "\u0120Coulter": 47248, "\u00f0\u0141\u013a": 47249, "Flickr": 47250, "\u0120Wilmington": 47251, "iths": 47252, "++;": 47253, "\u0120vending": 47254, "\u0120negro": 47255, "\u0120Phi": 47256, "\u0120Yellowstone": 47257, "Callback": 47258, "\u0120shampoo": 47259, "\u0120Shades": 47260, "wat": 47261, "\u0120superhuman": 47262, "\u0120ridiculed": 47263, "\u0120holiest": 47264, "ombo": 47265, "\u0120interns": 47266, "\u0120hone": 47267, "\u0120Paragu": 47268, "URI": 47269, "\u0120dangling": 47270, "\u00e3\u0124\u00bb": 47271, "sov": 47272, "ictional": 47273, "availability": 47274, "\u0120revocation": 47275, "\u0120dow": 47276, "inic": 47277, "\u0120THEIR": 47278, "\u0120iso": 47279, "\u0120outings": 47280, "\u0120Lethal": 47281, "\u0120)))": 47282, "\u0120inaccur": 47283, "\u0120outlandish": 47284, "\u0120anus": 47285, "letico": 47286, "idon": 47287, "lol": 47288, "\u0120unregulated": 47289, "\u0120succumbed": 47290, "\u0120cuff": 47291, "\u0120Wasteland": 47292, "letal": 47293, "\u0120substr": 47294, "\u0120coffers": 47295, "\u0120automakers": 47296, "ovi": 47297, "\u0120Xue": 47298, "\u0120Daytona": 47299, "\u0120jarring": 47300, "\u0120fumes": 47301, "\u0120disbanded": 47302, "zik": 47303, "itton": 47304, "\u0120strikingly": 47305, "\u0120spores": 47306, "Adapter": 47307, ".):": 47308, "\u0120Lyndon": 47309, "ivalry": 47310, "\u0120orally": 47311, "\u0120tumultuous": 47312, "\u0120displeasure": 47313, "\u0120cones": 47314, "orrect": 47315, "\u0120appease": 47316, "\u0120derby": 47317, "\u0120Tripoli": 47318, "\u0120Aless": 47319, "\u0120poked": 47320, "\u0120Guilty": 47321, "vP": 47322, "Enough": 47323, "\u0120originals": 47324, "699": 47325, "\u0120rabbi": 47326, "\u0120proverbial": 47327, "\u0120postpone": 47328, "elope": 47329, "\u0120Misty": 47330, "\u0120staffed": 47331, "\u0120Unemployment": 47332, "reditary": 47333, "\u0120diligent": 47334, "recomm": 47335, "measures": 47336, "asin": 47337, "825": 47338, "\u0120ponds": 47339, "\u0120mmol": 47340, "\u0120SAR": 47341, "\u0120CARE": 47342, "\u0120371": 47343, "\u0120clenched": 47344, "\u0120Corsair": 47345, "\u0120caricature": 47346, "zn": 47347, "attach": 47348, "\u0120Schro": 47349, "speak": 47350, "painted": 47351, "\u0120Suc": 47352, "\u0120ENT": 47353, "\u0120cellul": 47354, "\u0120Paid": 47355, "diagn": 47356, "WHERE": 47357, "\u0120texted": 47358, "Barn": 47359, "\u0120retracted": 47360, "\u0120Referred": 47361, "Sav": 47362, "\u0120upkeep": 47363, "\u0120workplaces": 47364, "\u0120Tokens": 47365, "\u0120amplify": 47366, "clinical": 47367, "\u0120multic": 47368, "mberg": 47369, "\u0120convoluted": 47370, "Region": 47371, "565": 47372, "\u0120Topic": 47373, "\u0120snail": 47374, "\u0120saline": 47375, "\u0120insurrection": 47376, "\u0120Petr": 47377, "forts": 47378, "BAT": 47379, "\u0120Navajo": 47380, "\u0120rudimentary": 47381, "\u0120Laksh": 47382, "ONDON": 47383, "Measure": 47384, "\u0120transformer": 47385, "\u0120Goddard": 47386, "\u0120coincides": 47387, "irin": 47388, "Rex": 47389, "\u0120Bok": 47390, "quit": 47391, "\u0120shotguns": 47392, "\u0120proletarian": 47393, "\u0120scorp": 47394, "\u0120Ada": 47395, "514": 47396, "\u0120slander": 47397, "recorded": 47398, "\u0120embell": 47399, "risome": 47400, "\u0120apologizing": 47401, "\u0120Mulcair": 47402, "\u0120Gibraltar": 47403, "Cla": 47404, "\u0120allot": 47405, "\u0120Attention": 47406, "\u0120433": 47407, "leave": 47408, "\u0120whine": 47409, "\u0120Issa": 47410, "\u0120Faust": 47411, "\u0120Barron": 47412, "heny": 47413, "\u0120victimized": 47414, "Jews": 47415, "\u0120nurturing": 47416, "ettel": 47417, "Winged": 47418, "\u0120Subtle": 47419, "\u0120flavorful": 47420, "\u0120Reps": 47421, "enged": 47422, "callback": 47423, "\u0120directional": 47424, "\u0120clasp": 47425, "\u0120Directions": 47426, "planet": 47427, "iculture": 47428, "Helper": 47429, "icion": 47430, "acia": 47431, "\u0120\u00e7\u00a5\u0140": 47432, "\u0120surges": 47433, "\u0120canoe": 47434, "\u0120Premiership": 47435, "been": 47436, "\u0120defied": 47437, "\u0120Trooper": 47438, "\u0120tripod": 47439, "\u0120gasp": 47440, "\u0120Euph": 47441, "\u0120Ads": 47442, "vernight": 47443, "highly": 47444, "Role": 47445, "\u0120entangled": 47446, "\u0120Zeit": 47447, "618": 47448, "\u0120Rusty": 47449, "\u0120havens": 47450, "\u0120Vaughan": 47451, "HAEL": 47452, "\u0120SERVICE": 47453, "/,": 47454, "\u0120stricken": 47455, "\u0120delusions": 47456, "\u0120bis": 47457, "\u0120Haf": 47458, "\u0120gratification": 47459, "\u0120enticing": 47460, "UNCH": 47461, "Adams": 47462, "\u0120OLED": 47463, "\u0120Beetle": 47464, "\u01201899": 47465, "\u0120SOFTWARE": 47466, "ategor": 47467, "VL": 47468, "\u0120Totem": 47469, "\u0120Gators": 47470, "ATURES": 47471, "\u0120impedance": 47472, "Registered": 47473, "\u0120Cary": 47474, "\u0120Aerial": 47475, "onne": 47476, "enium": 47477, "\u0120dred": 47478, "\u0120Beg": 47479, "\u0120concurrently": 47480, "\u0120superpower": 47481, "\u0120Xan": 47482, "jew": 47483, "imester": 47484, "\u0120Dickinson": 47485, "\u00e2\u0136\u0123": 47486, "Fla": 47487, "\u0120pree": 47488, "\u0120Rollins": 47489, "\u00a9\u00b6\u00e6": 47490, "\u0120denomination": 47491, "\u0120Lana": 47492, "516": 47493, "\u0120inciting": 47494, "scribed": 47495, "juries": 47496, "\u0120Wonders": 47497, "approximately": 47498, "\u0120suspending": 47499, "\u0120mountainous": 47500, "\u0120Laugh": 47501, "oidal": 47502, "Ns": 47503, "Detect": 47504, ")=": 47505, "\u0120Luthor": 47506, "\u0120Schwarzenegger": 47507, "\u0120Muller": 47508, "\u0120Devi": 47509, "ecycle": 47510, "Jar": 47511, "613": 47512, "\u0120Longh": 47513, "Bah": 47514, "\u0120SPORTS": 47515, "nw": 47516, "\u0120refinement": 47517, "\u0120waterways": 47518, "\u0120diner": 47519, "Blade": 47520, "683": 47521, "Fac": 47522, "\u0120initials": 47523, "\u0120rog": 47524, "\u0120paranormal": 47525, "BUT": 47526, "\u0120[(": 47527, "\u0120Swanson": 47528, "\u0120Mesh": 47529, "\u00e2\u0138\u00ac": 47530, "Improve": 47531, "\u0120Radiation": 47532, "\u0120Esther": 47533, "\u0120Esk": 47534, "\u0120Aly": 47535, "iky": 47536, "\u0120irrad": 47537, "\u0120Buckingham": 47538, "\u0120refill": 47539, "\u0120._": 47540, "Repe": 47541, "CONCLUS": 47542, "\u0120differentiated": 47543, "\u0120chirop": 47544, "\u0120Atkins": 47545, "Pattern": 47546, "\u0120excise": 47547, "\u0120cabal": 47548, "NSA": 47549, "\u0120STA": 47550, "\u0120SIL": 47551, "\u0120Paraly": 47552, "\u0120rye": 47553, "\u0120Howell": 47554, "\u0120Countdown": 47555, "nesses": 47556, "alysed": 47557, "\u0120resize": 47558, "\u00e3\u0124\u00bd": 47559, "\u0120budgetary": 47560, "\u0120Stras": 47561, "wang": 47562, "\u0120apiece": 47563, "\u0120precincts": 47564, "\u0120peach": 47565, "\u0120skyline": 47566, "\u0120353": 47567, "popular": 47568, "Appearances": 47569, "\u0120Mechanics": 47570, "\u0120DevOnline": 47571, "Sullivan": 47572, "Zen": 47573, "\u0120pu": 47574, "opolis": 47575, "544": 47576, "\u0120deform": 47577, "\u0120counteract": 47578, "\u0120Lange": 47579, "\u0120417": 47580, "Console": 47581, "774": 47582, "\u0120nodding": 47583, "\u0120populism": 47584, "\u0120hep": 47585, "\u0120counselling": 47586, "compliance": 47587, "UFF": 47588, "\u0120undeniably": 47589, "\u0120railing": 47590, "\u0120Horowitz": 47591, "\u0120Simone": 47592, "\u0120Bungie": 47593, "\u0120ak": 47594, "\u0120Talks": 47595, "xff": 47596, "flake": 47597, "Crash": 47598, "\u0120sweaty": 47599, "\u0120banquet": 47600, "\u0120OFFIC": 47601, "\u0120inventive": 47602, "\u0120astronomer": 47603, "\u0120Stamford": 47604, "\u0120Scare": 47605, "\u0120GREEN": 47606, "olicited": 47607, "\u0120rusher": 47608, "\u0120centrist": 47609, "ighting": 47610, "\u0120subclass": 47611, "\u0120disav": 47612, "\u0120defund": 47613, "\u0120Nanto": 47614, "ociate": 47615, "mast": 47616, "\u0120pacif": 47617, "\u0120mend": 47618, "eers": 47619, "immigration": 47620, "ESSION": 47621, "\u0120numbering": 47622, "\u0120laughable": 47623, "\u0120Ended": 47624, "viation": 47625, "emark": 47626, "Pitt": 47627, "\u0120meticulous": 47628, "\u0120LF": 47629, "\u0120congratulated": 47630, "\u0120Birch": 47631, "\u0120swayed": 47632, "\u0120semifinals": 47633, "\u0120humankind": 47634, "matter": 47635, "\u0120Equip": 47636, "opausal": 47637, "Said": 47638, "\u0120Layout": 47639, "\u0120voicing": 47640, "\u0120thug": 47641, "\u0120pornographic": 47642, "IPS": 47643, "\u0120moaning": 47644, "\u0120grievance": 47645, "\u0120confessions": 47646, "escal": 47647, "TEXTURE": 47648, "Authent": 47649, "osaurus": 47650, "Purchase": 47651, "\u0120relegation": 47652, "alter": 47653, "\u0120\u00c2\u0142\u00c2\u0142": 47654, "\u0120riddled": 47655, "\u0120ogre": 47656, "\u0120Lowell": 47657, "Occup": 47658, "Eat": 47659, "\u0120Hyder": 47660, "\u0120Adviser": 47661, "Commerce": 47662, "Hunt": 47663, "\u0120Orth": 47664, "\u0120Competitive": 47665, "\u0120CLA": 47666, "CDC": 47667, "\u0120salads": 47668, "Fle": 47669, "\u0120industrialized": 47670, "`,": 47671, "\u0120OWN": 47672, "\u0120beck": 47673, "\u0120Particularly": 47674, "oubt": 47675, "\u0120mM": 47676, "\u0120Hussain": 47677, "\u0120Chennai": 47678, "\u0120920": 47679, "\u0120appointing": 47680, "\u0120Cullen": 47681, ",,,,,,,,": 47682, "\u0120pores": 47683, "verified": 47684, "\u0120biochemical": 47685, "emate": 47686, "\u0120cowardly": 47687, "\u0120Helsinki": 47688, "\u0120Ethiopian": 47689, "SOURCE": 47690, "ERC": 47691, "estro": 47692, "\u0120biotech": 47693, "\u0120Sour": 47694, "\u0120brewer": 47695, "Bloomberg": 47696, "\u0120intensify": 47697, "Glass": 47698, "anco": 47699, "\u0120FDR": 47700, "greSQL": 47701, "\u0120Fires": 47702, "\u00a9\u00b6\u00e6\u00a5\u00b5": 47703, "eco": 47704, "1001": 47705, "\u0120Homeless": 47706, "\u0120instantaneous": 47707, "\u0120Haste": 47708, "igel": 47709, "Diamond": 47710, "\u0120paving": 47711, "\u0120landfill": 47712, "\u0120dads": 47713, "houn": 47714, ":]": 47715, "\u0120incendiary": 47716, "\u0120Livingston": 47717, "\u0120Hilbert": 47718, "\u0120Checks": 47719, "styles": 47720, "inators": 47721, "\u0120Clive": 47722, "phrine": 47723, "\u0120chimpanzees": 47724, "\u0120pall": 47725, "\u0120JM": 47726, "\u0120Aadhaar": 47727, "\u00f0\u013f": 47728, "\u0120achievable": 47729, "disabled": 47730, "PET": 47731, "OOOOOOOO": 47732, "Mot": 47733, "\u0120intangible": 47734, "\u0120ballet": 47735, "\u0120Webs": 47736, "\u0120Estimated": 47737, "Effects": 47738, "\u0120bailed": 47739, "Joshua": 47740, "\u0120turbulence": 47741, "\u0120occupant": 47742, "\u0120Daylight": 47743, "\u0120361": 47744, "meet": 47745, "\u0120statically": 47746, "\u0120onlook": 47747, "\u0120ki": 47748, "illegal": 47749, "\u0120velvet": 47750, "\u0120dehydration": 47751, "\u0120acquies": 47752, "\u0120Rez": 47753, "akura": 47754, "\u0120Upton": 47755, "atro": 47756, "\u0120incomprehensible": 47757, "\u0120backdoor": 47758, "\u0120Rhino": 47759, "727": 47760, "\u0120maths": 47761, ")+": 47762, "\u0120heresy": 47763, "\u0120df": 47764, "\u0120Roche": 47765, "\u0120Lydia": 47766, "\u0120pancreat": 47767, "reply": 47768, "arrell": 47769, "\u0120solicitation": 47770, "\u0120circadian": 47771, "BIP": 47772, "\u0120foray": 47773, "\u0120cryptic": 47774, "izu": 47775, "imeo": 47776, "\u0120Tomato": 47777, "\u0120Homs": 47778, "examination": 47779, "\u0120quarry": 47780, "\u0120Valiant": 47781, "\u0120Jericho": 47782, "\u0120INCLUD": 47783, "\u01201840": 47784, "519": 47785, "\u0120resists": 47786, "\u0120snapshots": 47787, "\u0120Spur": 47788, "\u0120Antiqu": 47789, "Login": 47790, "\u0120bestselling": 47791, "\u0120antic": 47792, "\u0120Sutherland": 47793, "\u00e3\u0124\u00a2\u00e3\u0125\u00ab": 47794, "\u0120~/": 47795, "\u0120Parm": 47796, "\u00e8\u0125": 47797, "Pages": 47798, "intensity": 47799, "\u0120immobil": 47800, "\u01201865": 47801, "zzo": 47802, "\u0120nifty": 47803, "\u0120fentanyl": 47804, "\u0120Preservation": 47805, "ophen": 47806, "\u0120darts": 47807, "\u0120Dinosaur": 47808, "pointers": 47809, "\u0120Rite": 47810, "suggest": 47811, "awareness": 47812, "\u0120Sheridan": 47813, "\u0120stances": 47814, "\u0120sorcery": 47815, "\u0120perjury": 47816, "\u0120Nikola": 47817, "iever": 47818, "\u0120fiance": 47819, "\u0120Jordanian": 47820, "\u0120Balloon": 47821, "\u0120nab": 47822, "\u0120kb": 47823, "\u0120humanities": 47824, "\u0120Tanaka": 47825, "hillary": 47826, "\u0120consultancy": 47827, "\u0120Zub": 47828, "\u0120remission": 47829, "\u0120confid": 47830, "CHQ": 47831, "\u0120Fug": 47832, "\u0120improvis": 47833, "Yep": 47834, "/_": 47835, "\u0120unwillingness": 47836, "\u0120portfolios": 47837, "055": 47838, "\u0120Instructor": 47839, "aiman": 47840, "\u0120claimants": 47841, "Mbps": 47842, "\u0120Bye": 47843, "received": 47844, "Tweet": 47845, "\u0120indemn": 47846, "riz": 47847, "amara": 47848, "Nat": 47849, "\u0120evaluates": 47850, "\u0120Lur": 47851, "epad": 47852, "FOX": 47853, "\u0120Thro": 47854, "\u0120rusty": 47855, "\u0120bedrock": 47856, "\u0120Oprah": 47857, "JB": 47858, "\u0120manipulative": 47859, "\u0120willful": 47860, "\u0120relapse": 47861, "\u0120extant": 47862, "Theme": 47863, "Sensor": 47864, "\u0120Stability": 47865, "govern": 47866, "\u0120poppy": 47867, "\u0120knack": 47868, "\u0120insulated": 47869, "\u0120Tile": 47870, "\u0120Extrem": 47871, "\u0120untold": 47872, "\u0120converge": 47873, "\u0120refuel": 47874, "igroup": 47875, "\u0120distortions": 47876, "\u0120ravaged": 47877, "\u0120mechanically": 47878, "\u0120Reilly": 47879, "\u0120Nose": 47880, "\u0120Incarnation": 47881, "\u0120Becky": 47882, "abbling": 47883, "\u0120taco": 47884, "\u0120rake": 47885, "\u0120melancholy": 47886, "\u0120illustrious": 47887, "\u0120Dartmouth": 47888, "Guide": 47889, "\u0120Razer": 47890, "\u0120Benz": 47891, "Ultimate": 47892, "\u0120Surprise": 47893, "\u0120pageant": 47894, "offer": 47895, "Whoever": 47896, "\u0120wiser": 47897, "\u0120chemist": 47898, "\u0120HELL": 47899, "\u0120Bulk": 47900, "\u0120plutonium": 47901, "\u0120COVER": 47902, "\u00d6\u00bc": 47903, "failed": 47904, "\u0120tirelessly": 47905, "\u0120infertility": 47906, "\u0120Trident": 47907, "\u0120Showtime": 47908, "\u0120Civ": 47909, "Vice": 47910, "requires": 47911, "ittance": 47912, "\u0120uncontrolled": 47913, "interesting": 47914, "561": 47915, "\u0120innovate": 47916, "ategic": 47917, "Lie": 47918, "\u0120Selling": 47919, "Ul": 47920, "\u0120savior": 47921, "\u0120Tosh": 47922, "\u0120swast": 47923, "PASS": 47924, "\u0120rink": 47925, "\u0120cardio": 47926, "\u0120Iro": 47927, "udi": 47928, "\u0120vantage": 47929, "\u0120vans": 47930, "\u0120Ni\u00c3\u00b1o": 47931, "+=": 47932, "\u0120propagate": 47933, "": 49029, "\u0120leukemia": 49030, "\u0120eluc": 49031, "\u0120announcer": 49032, "\u0120Lithuan": 49033, "\u0120Armageddon": 49034, "\u00e5\u0129": 49035, "Lenin": 49036, "\u0120Ruk": 49037, "\u0120pepp": 49038, "\u0120Romantic": 49039, "\u0120PIT": 49040, "\u0120Interstellar": 49041, "\u0120Atkinson": 49042, "Raid": 49043, "Js": 49044, "Goal": 49045, "Course": 49046, "\u0120vanishing": 49047, "esley": 49048, "\u0120Rounds": 49049, "Elsa": 49050, "593": 49051, "\u0120redundancy": 49052, "\u0120STAND": 49053, "\u0120prophetic": 49054, "\u0120habitable": 49055, "ryu": 49056, "\u0120faintly": 49057, "MODE": 49058, "\u0120flanked": 49059, "IRC": 49060, "Awesome": 49061, "\u0120spurious": 49062, "\u0120Zah": 49063, "\u0120MSG": 49064, "\u0120shading": 49065, "\u0120motivational": 49066, "\u0120Santana": 49067, "\u0120SPR": 49068, "\u0120excruciating": 49069, "omial": 49070, "\u0120Miko": 49071, "\u0120Leopard": 49072, "Abyss": 49073, "\u0120[|": 49074, "dirty": 49075, "\u0120baths": 49076, "\u0120demoral": 49077, "andre": 49078, "PB": 49079, "\u0120unification": 49080, "\u0120sacrament": 49081, "\u0120[&": 49082, "\u0120priceless": 49083, "\u0120gelatin": 49084, "\u0120emanating": 49085, "\u0120Allaah": 49086, "986": 49087, "\u0120outburst": 49088, "\u0120eras": 49089, "\u0120XVI": 49090, "\u0120SPI": 49091, "Ott": 49092, "\u0120Lazarus": 49093, "PLIED": 49094, "Flying": 49095, "blogs": 49096, "Wisconsin": 49097, "Raven": 49098, "\u0120rebate": 49099, "\u0120creeps": 49100, "\u0120Span": 49101, "\u0120Painter": 49102, "\u0120Kira": 49103, "\u0120Amos": 49104, "\u0120Corvette": 49105, "Consumer": 49106, "\u0120Recover": 49107, "cki": 49108, "\u0120pesky": 49109, "\u0120Invention": 49110, "Companies": 49111, "\u0120challengers": 49112, "ademic": 49113, "\u0120Ukrainians": 49114, "\u0120Neurolog": 49115, "\u0120Forsaken": 49116, "\u0120entrants": 49117, "\u0120embattled": 49118, "\u0120defunct": 49119, "\u0120Glacier": 49120, "\u0120poisons": 49121, "\u0120Horses": 49122, "makes": 49123, "\u0120Dirt": 49124, "\u0120423": 49125, "hhh": 49126, "\u0120Transformation": 49127, "QUIRE": 49128, "..................": 49129, "\u0120traveller": 49130, "\u0120Sexy": 49131, "\u0120Kern": 49132, "ipolar": 49133, "\u0120ransomware": 49134, "oooooooooooooooo": 49135, "Ec": 49136, "ruby": 49137, "Professional": 49138, "\u0120Outbreak": 49139, "argument": 49140, "Grey": 49141, "\u0120Fifa": 49142, "\u0120CHO": 49143, "\u0120FORM": 49144, "\u0120Amtrak": 49145, "-[": 49146, "\u0120cradle": 49147, "\u0120antioxidants": 49148, "\u00e3\u0123\u00ae\u00e5\u00ae": 49149, "736": 49150, "\u0120NASL": 49151, "\u0120Contributions": 49152, "Indiana": 49153, "\u0120STEP": 49154, "CSS": 49155, "\u0120salient": 49156, "\u0120allocations": 49157, "yrights": 49158, "\u0120mashed": 49159, "\u0120Cutter": 49160, "Sexual": 49161, "\u0120pounded": 49162, "\u0120fanbase": 49163, "\u0120casc": 49164, "\u0120Transparency": 49165, "\u0120analytic": 49166, "\u0120Summoner": 49167, "\u00d7\u0140": 49168, "\u0120ADC": 49169, "detail": 49170, "\u0120vanquished": 49171, "\u0120crabs": 49172, "arie": 49173, "Destroy": 49174, "\u0120Sack": 49175, "\u0120transistor": 49176, "Alabama": 49177, "\u0120Koen": 49178, "\u0120Fisheries": 49179, "cone": 49180, "\u0120annexed": 49181, "\u0120MGM": 49182, "esa": 49183, "\u0120faked": 49184, "\u0120Congratulations": 49185, "\u0120hindered": 49186, "\u0120correctional": 49187, "\u0120ITV": 49188, "leeve": 49189, "\u0120inappropriately": 49190, "licks": 49191, "\u0120trespass": 49192, "\u0120paws": 49193, "\u0120negotiator": 49194, "\u0120Christensen": 49195, "limits": 49196, "\u0120Dianne": 49197, "\u0120elegance": 49198, "\u0120Contracts": 49199, "anke": 49200, "Obj": 49201, "\u0120vigilance": 49202, "\u0120castles": 49203, "\u0120NAD": 49204, "\u0120Holo": 49205, "\u0120emphatically": 49206, "\u0120Titus": 49207, "\u0120Serving": 49208, "\u0120Richie": 49209, "\u0120Pigs": 49210, "568": 49211, "\u0120animosity": 49212, "\u0120Attributes": 49213, "\u0120Uriel": 49214, "MQ": 49215, "myra": 49216, "\u0120Applicant": 49217, "\u0120psychiatrists": 49218, "\u0120Vij": 49219, "\u0120Abby": 49220, "agree": 49221, "Push": 49222, "\u0120kWh": 49223, "hiba": 49224, "\u0120incite": 49225, "\u0120Weasley": 49226, "\u0120Taxi": 49227, "ministic": 49228, "hyper": 49229, "\u0120Farn": 49230, "\u0120601": 49231, "\u0120Nationwide": 49232, "Fake": 49233, "952": 49234, "\u0120maize": 49235, "\u0120interacted": 49236, "\u0120transitioned": 49237, "\u0120parasitic": 49238, "\u0120harmonic": 49239, "\u0120decaying": 49240, "\u0120baseless": 49241, "nsics": 49242, "\u0120transpired": 49243, "\u0120abundantly": 49244, "\u0120Forensic": 49245, "\u0120treadmill": 49246, "\u0120Jav": 49247, "aband": 49248, "\u0120sshd": 49249, "\u0120frontman": 49250, "\u0120Jakarta": 49251, "oller": 49252, "drops": 49253, "\u0120SERVICES": 49254, "romptu": 49255, "ophical": 49256, "hospital": 49257, "bledon": 49258, "645": 49259, "\u0120midrange": 49260, "\u0120EVENT": 49261, "culated": 49262, "rawled": 49263, "\u0120perched": 49264, "\u0120overboard": 49265, "\u0120Peel": 49266, "\u0120Pwr": 49267, "\u0120Carth": 49268, "\u0120COMPLE": 49269, "coe": 49270, "shall": 49271, "\u0120deterrence": 49272, "METHOD": 49273, "\u0120Absent": 49274, "MEN": 49275, "\u0120sill": 49276, "\u0120LEVEL": 49277, "York": 49278, "\u0120sinners": 49279, "\u0120OPEC": 49280, "\u0120Nur": 49281, "\u0120Designs": 49282, "selection": 49283, "\u0120unworthy": 49284, "CHA": 49285, "\u0120strengthens": 49286, "883": 49287, "edly": 49288, "\u0120slicing": 49289, "\u0120malnutrition": 49290, "\u0120filmmaking": 49291, "\u0120Polk": 49292, "urated": 49293, "\u0120421": 49294, "breakers": 49295, "!'\"": 49296, "\u0120wetlands": 49297, "\u0120Discrimination": 49298, "\u0120allowable": 49299, "\u0120steered": 49300, "\u0120Sicily": 49301, "SAM": 49302, "\u0120mustache": 49303, "\u0120mids": 49304, "\u0120clipped": 49305, "\u0120circulate": 49306, "\u0120brittle": 49307, "\u0120Buildings": 49308, "raised": 49309, "\u0120Roundup": 49310, "\u0120wealthier": 49311, "\u0120overwrite": 49312, "\u0120overpowered": 49313, "\u0120Gerrard": 49314, "sites": 49315, "PDATED": 49316, "\u0120acutely": 49317, "\u0120Gamble": 49318, "\u0120pim": 49319, "\u0120Kus": 49320, "Typically": 49321, "Deploy": 49322, "\u0120Moroccan": 49323, "potion": 49324, "combe": 49325, "\u0120vigilante": 49326, "\u0120363": 49327, "Stew": 49328, "\u0120Bagg": 49329, "\u0120resided": 49330, "\u0120Spo": 49331, "\u0120remnant": 49332, "\u0120emptiness": 49333, "brainer": 49334, "\u0120outpatient": 49335, "priority": 49336, "\u0120leptin": 49337, "\u0120Payton": 49338, "\u0120Gleaming": 49339, "\u0120Shed": 49340, "\u0120Polo": 49341, "\u0120Mormonism": 49342, "restricted": 49343, "arlane": 49344, "wx": 49345, "\u0120creatine": 49346, "\u0120Anon": 49347, "\u0120STUD": 49348, "\u0120JUL": 49349, "\u0120Tee": 49350, "528": 49351, "089": 49352, "\u0120hatched": 49353, "Dispatch": 49354, "\u0120Composite": 49355, "\u0120451": 49356, "puff": 49357, "\u0120XCOM": 49358, "\u0120Orn": 49359, "\u0120THANK": 49360, "ENDED": 49361, "\u0120Asheville": 49362, "\u0120\u00c3\u013e": 49363, "\u0120mango": 49364, "\u0120Slightly": 49365, "worldly": 49366, "\u0120Wander": 49367, "\u0120Expand": 49368, "\u0120Chr": 49369, "Mist": 49370, "\u0120orthodoxy": 49371, "\u0120UNESCO": 49372, "regate": 49373, "Elsewhere": 49374, "kie": 49375, "irled": 49376, "\u0120topple": 49377, "\u0120adoptive": 49378, "\u0120Legs": 49379, "dress": 49380, "\u0120Sagan": 49381, "bare": 49382, "\u0120Glou": 49383, "Crunch": 49384, "\u0120helpers": 49385, "\u0120chronically": 49386, "\u0120Huma": 49387, "10000": 49388, "\u0120accommodating": 49389, "\u00e4\u00ba\u0136": 49390, "\u0120wrinkles": 49391, "\u0120dodged": 49392, "fourth": 49393, "\u0120precon": 49394, "\u0120compressor": 49395, "\u0120Kare": 49396, "\u0120evict": 49397, "\u0120Warwick": 49398, "imar": 49399, "\u0120modernization": 49400, "\u0120bandwagon": 49401, "\u0120refuted": 49402, "\u0120netted": 49403, "\u0120Naples": 49404, "\u0120Genie": 49405, "perors": 49406, "\u0120fielded": 49407, "\u0120dere": 49408, "\u0120Parables": 49409, "lees": 49410, "\u0120trout": 49411, "aspers": 49412, "\u0120nihil": 49413, "\u0120happiest": 49414, "\u0120floppy": 49415, "\u0120Loft": 49416, "\u0120Heard": 49417, "\u0120unison": 49418, "\u0120lug": 49419, "\u0120Redmond": 49420, "classic": 49421, "Supporters": 49422, "SHIP": 49423, "GMT": 49424, "\u0120fuelled": 49425, "\u00e7\u0132": 49426, "\u0120dd": 49427, "\u0120Eminem": 49428, "\u01201897": 49429, "NYSE": 49430, "\u0120secretaries": 49431, "\u0120FIA": 49432, "\u0120Canaveral": 49433, "Favorite": 49434, "\u0120pomp": 49435, "\u0120detainee": 49436, "ership": 49437, "aimon": 49438, "iour": 49439, "\u0120Apex": 49440, "\u0120plantations": 49441, "amia": 49442, "acion": 49443, "Rust": 49444, "\u0120towed": 49445, "\u0120Truly": 49446, "577": 49447, "\u0120sheltered": 49448, "rider": 49449, "Wo": 49450, "\u0120lair": 49451, "\u0120Intelligent": 49452, "improve": 49453, "matically": 49454, "\u0120etiquette": 49455, "adra": 49456, "allo": 49457, "\u0120Juno": 49458, "anything": 49459, "\u0120Struggle": 49460, "\u0120Predict": 49461, "\u0120Grimes": 49462, "\u0120AMERICA": 49463, "ctx": 49464, "\u0120Situation": 49465, "WOOD": 49466, "\u0120soluble": 49467, "meier": 49468, "\u0120intolerable": 49469, "angering": 49470, "\u0120uninterrupted": 49471, "\u0120tooltip": 49472, "\u0120interrogated": 49473, "\u0120gunned": 49474, "\u0120Sneak": 49475, "\u00e6\u0143\u00a6": 49476, "\u0120tether": 49477, "\u0120crumble": 49478, "Lens": 49479, "\u0120clustered": 49480, "\u0120Syl": 49481, "\u0120Hasan": 49482, "\u0120dystopian": 49483, "wana": 49484, "\u0120joystick": 49485, "\u0120Thib": 49486, "ammu": 49487, "Tomorrow": 49488, "546": 49489, "\u0120overcame": 49490, "\u0120minimized": 49491, "ceptor": 49492, "Runner": 49493, "ENGTH": 49494, "\u0120Brenda": 49495, "\u0120Achievements": 49496, "\u0120torches": 49497, "\u0120rapport": 49498, "\u0120Investigator": 49499, "\u0120Handling": 49500, "relation": 49501, "grey": 49502, "815": 49503, "\u0120kcal": 49504, "\u0120Commands": 49505, "dq": 49506, "\u0120curls": 49507, "\u0120bearer": 49508, "\u0120cynicism": 49509, "itri": 49510, "\u0120Useful": 49511, "Bee": 49512, "DCS": 49513, "\u0120abras": 49514, "Pract": 49515, "BILITIES": 49516, "712": 49517, "\u0120debugger": 49518, "\u0120debtor": 49519, "\u0120Lia": 49520, "\u0120Kers": 49521, "\u0120exacerbate": 49522, "\u0120Stacy": 49523, "\u0120Bland": 49524, "\u0120Scenes": 49525, "\u0120branching": 49526, "\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a\u00e2\u0138\u012a": 49527, "apeake": 49528, "\u0120salsa": 49529, "\u0120mishand": 49530, "\u0120Konami": 49531, "\u0120Nib": 49532, "\u0120anecdote": 49533, "\u0120agreeable": 49534, "\u00cf\u012b": 49535, "\u0120Nathaniel": 49536, "\u0120Heisman": 49537, "\u0120Beware": 49538, "\u01201886": 49539, "spective": 49540, "691": 49541, "522": 49542, "\u0120inhibits": 49543, "\u0120hashing": 49544, "\u01201889": 49545, "\u00e5\u00b0\u0128": 49546, "vich": 49547, "Pure": 49548, "\u0120solidly": 49549, "\u0120aspirin": 49550, "imaru": 49551, "\u0120streetcar": 49552, "\u0120UCS": 49553, "\u0120Judd": 49554, "\u0120flashbacks": 49555, "pins": 49556, "\u01201440": 49557, "\u0120UNHCR": 49558, "\u0120Symptoms": 49559, "TIT": 49560, "538": 49561, "Fra": 49562, "%);": 49563, "\u0120ooz": 49564, "\u0120curfew": 49565, "\u0120calmed": 49566, "\u0120participates": 49567, "TeX": 49568, "\u0120nonsensical": 49569, "\u0120fullback": 49570, "\u0120DeL": 49571, "monkey": 49572, "hari": 49573, "\u0120metabolites": 49574, "\u0120looted": 49575, "\u0120ALWAYS": 49576, "\u0120BCC": 49577, "Lt": 49578, "ochet": 49579, "Bone": 49580, "\u0120vetoed": 49581, "\u0120gcc": 49582, "\u0120CLICK": 49583, "\u01201888": 49584, "saf": 49585, "\u0120stiffness": 49586, "\u0120lowly": 49587, "\u0120Geh": 49588, "verson": 49589, "orset": 49590, "\u0120unforeseen": 49591, "\u0120anesthesia": 49592, "\u0120Optical": 49593, "\u0120reconstructed": 49594, "\u0120Tup": 49595, "shows": 49596, "NEWS": 49597, "\u0120Newspaper": 49598, "\u0120ASA": 49599, "tera": 49600, "Numbers": 49601, "\u0120inexplicable": 49602, "\u00d7\u0133": 49603, "\u0120hardness": 49604, "untarily": 49605, "\u0120Acer": 49606, "gradient": 49607, "ARDIS": 49608, "\u0120woodland": 49609, "\u0120metaphors": 49610, "\u0120Wembley": 49611, "\u0120Pavel": 49612, "philis": 49613, "\u0120rewriting": 49614, "\u0120perceptual": 49615, "\u01201070": 49616, "worms": 49617, "\u0120Downs": 49618, "\u0120unsurprisingly": 49619, "\u0120tagging": 49620, "flame": 49621, "\u0120litres": 49622, "\u0120bounces": 49623, "\u0120Babe": 49624, "shut": 49625, "\u0120overdoses": 49626, "\u0120Sheila": 49627, "\u0120Chau": 49628, "\u0120Bless": 49629, "Capture": 49630, "\u0120Significant": 49631, "\u0120Scion": 49632, "\u0120389": 49633, "\u0120McH": 49634, "\u0120Titanium": 49635, "\u0120Meal": 49636, "ameda": 49637, "agents": 49638, "aggressive": 49639, "Billy": 49640, "763": 49641, "\u0120Saying": 49642, "DERR": 49643, "itone": 49644, "Collins": 49645, "Bound": 49646, "\u0120bolted": 49647, "\u0120DMCA": 49648, "953": 49649, "\u0120uniqueness": 49650, "\u0120epigen": 49651, "unci": 49652, "antam": 49653, "\u0120reckoning": 49654, "chairs": 49655, "OGR": 49656, "\u0120Senegal": 49657, "\u01201862": 49658, "relevant": 49659, "\u0120\u00c2\u00af": 49660, "\u0120pharmacies": 49661, "\u0120Geral": 49662, "vier": 49663, "Yan": 49664, "ORPG": 49665, "\u0120rabid": 49666, "bending": 49667, "\u0120UNITED": 49668, "\u0120465": 49669, "Assembly": 49670, "\u0120weep": 49671, "\u0120behest": 49672, "\u0120Mothers": 49673, "\u0120Jace": 49674, "hid": 49675, "\u0120whirlwind": 49676, "\u0120UNIVERS": 49677, "\u0120utopian": 49678, "\u0120kidnap": 49679, "Philipp": 49680, "Kin": 49681, "893": 49682, "\u0120livestream": 49683, "\u0120MISS": 49684, "\u0120subversive": 49685, "\u0120Techniques": 49686, "\u0120JUSTICE": 49687, "\u0120BASE": 49688, "\u0120387": 49689, "\u0120assailants": 49690, "\u0120Hardcore": 49691, "\u0120sprinkled": 49692, "\u0120Pse": 49693, "\u00e9\u013c": 49694, "printed": 49695, "\u0120Hau": 49696, "ORGE": 49697, "\u0120TOUR": 49698, "\u0120laced": 49699, "\u0120itch": 49700, "Giving": 49701, "\u0120ported": 49702, "781": 49703, "////////////////////////////////": 49704, "breeding": 49705, "\u0120logger": 49706, "\u0120HOL": 49707, "innie": 49708, "Firstly": 49709, "\u0120embryonic": 49710, "\u0120delegated": 49711, "pai": 49712, "OIL": 49713, "\u0120centrally": 49714, "\u0120Rx": 49715, "\u0120Scouting": 49716, "Dutch": 49717, "\u0120hereditary": 49718, "\u0120Cruiser": 49719, "sat": 49720, "529": 49721, "\u0120Marriott": 49722, "othermal": 49723, "\u0120prohibitions": 49724, "Earn": 49725, "\u0120Stab": 49726, "\u0120Colleges": 49727, "\u0120Belief": 49728, "stretched": 49729, "\u0120LH": 49730, "\u0120EntityItem": 49731, "CIA": 49732, "\u0120unrem": 49733, "\u0120laureate": 49734, "\u0120denominations": 49735, "summary": 49736, "hler": 49737, "Spect": 49738, "\u0120Klaus": 49739, "\u0120Beans": 49740, "\u0120insur": 49741, "\u0120PAX": 49742, "\u0120fielder": 49743, "\u0120Vet": 49744, "\u0120Sparrow": 49745, "zie": 49746, "\u0120SQ": 49747, "\u0120Mondays": 49748, "\u0120Offline": 49749, "\u0120Lerner": 49750, "\u0120Extensions": 49751, "Ireland": 49752, "\u0120patronage": 49753, "\u0120contrasted": 49754, "\u0120Mania": 49755, "hirt": 49756, "Moscow": 49757, "\u0120condemns": 49758, "\u0120Ange": 49759, "\u0120composing": 49760, "\u0120Pepe": 49761, "\u0120Paddock": 49762, "\u0120heterogeneity": 49763, "\u0120ideologically": 49764, "\u0120fishes": 49765, "\u0120cursing": 49766, "\u0120Rutherford": 49767, "\u0120Floating": 49768, "\u0120Amelia": 49769, "Tea": 49770, "Synopsis": 49771, "\u0120stunts": 49772, "\u0120bead": 49773, "\u0120stocking": 49774, "\u0120MILL": 49775, "obook": 49776, "massive": 49777, "\\<": 49778, "\u0120hump": 49779, "\u0120Preferences": 49780, "EngineDebug": 49781, "geist": 49782, "\u0120Nieto": 49783, "omever": 49784, "ishy": 49785, "evaluate": 49786, "colonial": 49787, "Alternative": 49788, "\u0120GoPro": 49789, "\u0120Vortex": 49790, "\u0120NETWORK": 49791, "ansky": 49792, "Secure": 49793, "\u0120Thrust": 49794, "Snake": 49795, "\u0120parcels": 49796, "\u0120samurai": 49797, "\u0120actresses": 49798, "Nap": 49799, "MF": 49800, "iferation": 49801, "Beer": 49802, "523": 49803, "\u0120Ily": 49804, "ointment": 49805, "Ping": 49806, "\u0120striped": 49807, "\u0120Mellon": 49808, "ossession": 49809, "\u0120neutron": 49810, "endium": 49811, "\u0120aph": 49812, "\u0120Flavoring": 49813, "\u0120383": 49814, "\u0120responsiveness": 49815, "\u0120Jindal": 49816, "\u0120Hitchcock": 49817, "Denver": 49818, "\u0120DRAGON": 49819, "smanship": 49820, "\u0120Dupl": 49821, "\u0120sly": 49822, "\u0120webcam": 49823, "\u0120Twain": 49824, "\u0120Darling": 49825, "iliate": 49826, "consumer": 49827, "DIT": 49828, "\u0120namesake": 49829, "\u0120unorthodox": 49830, "\u0120funer": 49831, "\u0120PLoS": 49832, "\u0120CONTROL": 49833, "ozyg": 49834, "oglobin": 49835, "FACE": 49836, "ERG": 49837, "\u0120Dia": 49838, "\u0120Fiesta": 49839, "cele": 49840, "034": 49841, "\u0120enclave": 49842, "\u00e2\u0138\u00ac\u00e2\u0138\u00ac": 49843, "onement": 49844, "alist": 49845, "Mand": 49846, "\u0120homegrown": 49847, "\u0120Fancy": 49848, "\u0120conceptions": 49849, "\u0120Contains": 49850, "ureen": 49851, "\u0120reiterate": 49852, "\u0120meager": 49853, "\u0120installments": 49854, "Spawn": 49855, "627": 49856, "\u0120photoc": 49857, "\u0120Cabrera": 49858, "\u0120Rosenthal": 49859, "\u0120Lansing": 49860, "isner": 49861, "\u0120invests": 49862, "\u0120UFOs": 49863, "EXP": 49864, "Hardware": 49865, "\u0120tragically": 49866, "\u0120concedes": 49867, "ieft": 49868, "cham": 49869, "borgh": 49870, "\u0120Schr": 49871, "\u0120Melanie": 49872, "\u0120Hoy": 49873, "\u0120visitation": 49874, "\u0120idiosyncr": 49875, "\u0120fractions": 49876, "\u0120foreskin": 49877, "obos": 49878, "\u0120poaching": 49879, "\u0120VIEW": 49880, "\u0120stimulates": 49881, "\u0120Gork": 49882, "canon": 49883, "MIC": 49884, "\u0120Nemesis": 49885, "\u0120Indra": 49886, "\u0120DMV": 49887, "\u0120529": 49888, "\u0120inspecting": 49889, "\u0120grandma": 49890, "\u0120Whedon": 49891, "\u0120Shant": 49892, "\u0120Purg": 49893, "ikan": 49894, "\u0120Teg": 49895, "\u0120CLR": 49896, "zac": 49897, "Victoria": 49898, "\u0120Verify": 49899, "ionics": 49900, "\u0120partying": 49901, "\u0120Mou": 49902, "colour": 49903, "\u0120testimonies": 49904, "lations": 49905, "\u0120pressuring": 49906, "hiro": 49907, "acers": 49908, "\u0120fid": 49909, "angler": 49910, "\u0120CSI": 49911, "\u0120hereafter": 49912, "\u0120dissidents": 49913, "reporting": 49914, "iphany": 49915, "chev": 49916, "\u0120solitude": 49917, "\u0120lobe": 49918, "\u0120indis": 49919, "\u0120credential": 49920, "recent": 49921, "adult": 49922, "\u0120Nirvana": 49923, "\u0120Franchise": 49924, "Layer": 49925, "Hyp": 49926, "\u0120Berkshire": 49927, "\u0120wills": 49928, "tif": 49929, "\u0120totem": 49930, "\u0120Judah": 49931, "repair": 49932, "Instant": 49933, "548": 49934, "\u0120embassies": 49935, "\u0120bottleneck": 49936, "\u0120bount": 49937, "\u0120typew": 49938, "\u0120Alvin": 49939, "jing": 49940, "imilar": 49941, "Rush": 49942, "\u0120brim": 49943, "\u0120HELP": 49944, "Aim": 49945, "]'": 49946, "\u0120passively": 49947, "\u0120bounded": 49948, "\u0120Rated": 49949, "\u0120criminality": 49950, "\u0120biomark": 49951, "\u0120dispatcher": 49952, "\u0120Towards": 49953, "\u0120+++": 49954, "righteous": 49955, "frog": 49956, "\u0120Panc": 49957, "Carter": 49958, "032": 49959, "\u00e6\u00a9\u0141": 49960, "\u0120ultraviolet": 49961, "\u0120Licensed": 49962, "\u0120Tata": 49963, "\u0120Blessing": 49964, "\u0120GAM": 49965, "\u0120chemically": 49966, "\u0120Seaf": 49967, "\u0120RELE": 49968, "\u0120Mercenary": 49969, "capitalist": 49970, "\u0120formulations": 49971, "\u0120annihilation": 49972, "\u0120Verb": 49973, "\u0120Argon": 49974, "\u0120unloaded": 49975, "\u0120morphed": 49976, "\u0120conquering": 49977, "backer": 49978, "IELD": 49979, "\u0120thefts": 49980, "\u0120frontrunner": 49981, "\u0120Royale": 49982, "\u0120Fundamental": 49983, "elight": 49984, "Chip": 49985, "necessary": 49986, "ayn": 49987, "\u0120Slip": 49988, "\u0120448": 49989, "cerned": 49990, "Pause": 49991, "\u0120shockingly": 49992, "\u0120ABV": 49993, "\u0120composure": 49994, "733": 49995, "\u0120Motorsport": 49996, "ahime": 49997, "Murray": 49998, "Mach": 49999, "\u0120grids": 50000, "\u0120debian": 50001, "\u0120furthermore": 50002, "\u0120dexterity": 50003, "\u0120Collections": 50004, "oslov": 50005, "ilage": 50006, "bj": 50007, "\u0120Monteneg": 50008, "\u0120strutConnector": 50009, "\u0120massacres": 50010, "\u0120briefs": 50011, "fetched": 50012, "uvian": 50013, "olition": 50014, "Failure": 50015, "emonic": 50016, "\u0120flared": 50017, "\u0120claimant": 50018, "\u0120cures": 50019, "\u0120giveaways": 50020, "\u0120Substance": 50021, "alions": 50022, "\u0120cringe": 50023, "\u0120Kul": 50024, "\u0120aristocracy": 50025, "\u0120Ulster": 50026, "olated": 50027, "housing": 50028, "\u0120MIS": 50029, "\u0120glared": 50030, "\u0120Wilhelm": 50031, "needs": 50032, "lambda": 50033, "builders": 50034, "\u0120VIS": 50035, "\u0120radiator": 50036, "\u0120Ghostbusters": 50037, "\u0120436": 50038, "actual": 50039, "\u0120herds": 50040, "\u00c3\u00a7a": 50041, "watching": 50042, "\u0120countering": 50043, "Charge": 50044, "\u0120charred": 50045, "\u0120warheads": 50046, "\u0120iodine": 50047, "\u0120Macy": 50048, "041": 50049, "\u0120departures": 50050, "\u0120Sins": 50051, "\u0120dyed": 50052, "\u0120Concepts": 50053, "gado": 50054, "713": 50055, "\u0120quotations": 50056, "\u0120gist": 50057, "\u0120Christy": 50058, "\u0120antigen": 50059, "\u0120Hemp": 50060, "\u0120Drawn": 50061, "\u0120Barg": 50062, "ezvous": 50063, "\u0120paternity": 50064, "\u0120ardu": 50065, "\u0120Anchorage": 50066, "\u0120Rik": 50067, "\u0120overloaded": 50068, "\u0120Username": 50069, "\u0120Tammy": 50070, "\u0120Nau": 50071, "\u0120Cellular": 50072, "\u0120waning": 50073, "\u0120rodent": 50074, "\u0120Worcester": 50075, "ilts": 50076, "\u0120Tad": 50077, "\u0120dwellings": 50078, "\u0120bullish": 50079, "431": 50080, "\u0120retaliate": 50081, "\u0120migraine": 50082, "\u0120Chevron": 50083, "CHECK": 50084, "\u0120donkey": 50085, "crim": 50086, "SPA": 50087, "\u0120Analog": 50088, "\u0120marquee": 50089, "\u0120Haas": 50090, "Bir": 50091, "\u0120GDDR": 50092, "\u0120Downloads": 50093, "\u0120willpower": 50094, "\u0120Forth": 50095, "\u0120Recorded": 50096, "\u0120impossibility": 50097, "\u0120Logged": 50098, "\u0120Franks": 50099, "\u0120Ratt": 50100, "initions": 50101, "\u0120cleaners": 50102, "\u0120sorely": 50103, "\u0120flickering": 50104, "\u0120Examination": 50105, "catching": 50106, "alloween": 50107, "Msg": 50108, "\u0120dunno": 50109, "Fa": 50110, "\u0120dysph": 50111, "crazy": 50112, ".''.": 50113, "\u0120mainline": 50114, "\u0120cs": 50115, "\u0120ptr": 50116, "\u0120Wally": 50117, "igun": 50118, "951": 50119, "\u0120Bigfoot": 50120, "fights": 50121, "\u0120retrieving": 50122, "Jr": 50123, "\u0120duplication": 50124, "\u0120Explan": 50125, "\u0120relational": 50126, "\u0120quaint": 50127, "\u0120biscuits": 50128, "\u0120ado": 50129, "\u0120shudder": 50130, "\u0120antidote": 50131, "blooded": 50132, "ksh": 50133, "\u0120sauces": 50134, "\u0120reinvest": 50135, "\u0120dispensary": 50136, "\u0120Diver": 50137, "\u01209000": 50138, "student": 50139, "\u0120insepar": 50140, "escap": 50141, "\u0120toddlers": 50142, "\u0120GPIO": 50143, "\u0120Assignment": 50144, "headers": 50145, "\u0120lackluster": 50146, "\u0120aback": 50147, "956": 50148, "\u0120toolbar": 50149, "745": 50150, "\u0120oust": 50151, "\u0120contemplation": 50152, "\u0120PRESIDENT": 50153, "\u0120458": 50154, "======": 50155, "\u0120guaranteeing": 50156, "\u0120Heist": 50157, "\u0120Cannes": 50158, "\u013b\u00bd": 50159, "\u0120collaborator": 50160, "\u0120Amp": 50161, "\u0120gou": 50162, "\u0120SHALL": 50163, "stories": 50164, "783": 50165, "\u0120mobilized": 50166, "\u0120brood": 50167, "\u0120LU": 50168, "\u0120\u00f0\u0141\u0133": 50169, "\u0120refin": 50170, "\u0120Anthropology": 50171, "vind": 50172, "illi": 50173, "\u0120warranties": 50174, "\u0120Babel": 50175, "\u0120swath": 50176, "\u0120caches": 50177, "\u0120antagonists": 50178, "artifacts": 50179, "\u0120hotly": 50180, "\u0120Starts": 50181, "\u0120G\u00c3\u00b6": 50182, "zag": 50183, "!!!!!": 50184, "\u0120scourge": 50185, "\u0120conspiring": 50186, "ruits": 50187, "reverse": 50188, "\u0120Sheen": 50189, "\u0120Jesuit": 50190, "\u0120Giovanni": 50191, "adies": 50192, "\u0120buttocks": 50193, "earcher": 50194, "acan": 50195, "\u0120volleyball": 50196, "\u0120shrouded": 50197, "\u0120scoreboard": 50198, "bats": 50199, "\u0120IPM": 50200, "\u0120asses": 50201, "\u0120deregulation": 50202, "\u0120Telegram": 50203, "\u0120Reboot": 50204, "\u01207000": 50205, "\u0120Canary": 50206, "\u0120kernels": 50207, "\u0120Fran\u00c3\u00a7ois": 50208, "\u0120Duff": 50209, "\u0120Pon": 50210, "\u0120Leica": 50211, "\u0120Garmin": 50212, "\u0120orphans": 50213, "\u0120Claudia": 50214, "\u0120calendars": 50215, "\u0120Leilan": 50216, "ento": 50217, "Rocket": 50218, "\u0120brunch": 50219, "\u0120Hawking": 50220, "ainers": 50221, "\u0120sensibilities": 50222, "\u0120kW": 50223, "\u0120Kand": 50224, "\u0120reclaimed": 50225, "\u0120interestingly": 50226, "\u00d7\u00a9": 50227, "romy": 50228, "JM": 50229, "\u0120Enhancement": 50230, "bush": 50231, "Skip": 50232, "\u0120rappers": 50233, "\u0120gazing": 50234, "pedia": 50235, "athlon": 50236, "Revolution": 50237, "\u0120snipers": 50238, "\u0120reverted": 50239, "\u0120conglomerate": 50240, "Terry": 50241, "794": 50242, "\u0120harsher": 50243, "\u0120desolate": 50244, "\u0120Hitman": 50245, "Commission": 50246, "\u0120(/": 50247, "\u00e2\u0122\u00a6.\"": 50248, "Compar": 50249, "\u0120amplification": 50250, "ominated": 50251, "\u0120regress": 50252, "\u0120Collider": 50253, "\u0120informants": 50254, "\u0120gazed": 50255, "<|endoftext|>": 50256} diff --git a/test/asset/raw_datasets.jsonl b/test/asset/raw_datasets.jsonl index 7ccec41e64..db53ad73cf 100644 --- a/test/asset/raw_datasets.jsonl +++ b/test/asset/raw_datasets.jsonl @@ -46,4 +46,4 @@ {"dataset_name": "EnWik9", "split": "train", "NUM_LINES": 13147026, "MD5": "3e773f8a1577fda2e27f871ca17f31fd", "URL": "http://mattmahoney.net/dc/enwik9.zip", "first_line": "02d4fbb967022ab80dfc2dda49faf5ea"} {"dataset_name": "SST2", "split": "train", "NUM_LINES": 67349, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "458f898b53146435ac4e8321335cb3bc"} {"dataset_name": "SST2", "split": "dev", "NUM_LINES": 872, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "3e7ff69ab3fc6d026e3c96cadd8b0b53"} -{"dataset_name": "SST2", "split": "test", "NUM_LINES": 1821, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "bf6e6f9e62801d1f8dd343a6e0462c9f"} \ No newline at end of file +{"dataset_name": "SST2", "split": "test", "NUM_LINES": 1821, "MD5": "9f81648d4199384278b86e315dac217c", "URL": "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip", "first_line": "bf6e6f9e62801d1f8dd343a6e0462c9f"} diff --git a/test/asset/text_normalization_ag_news_ref_results.test b/test/asset/text_normalization_ag_news_ref_results.test index fbbef79d7b..2d7b1fac44 100644 --- a/test/asset/text_normalization_ag_news_ref_results.test +++ b/test/asset/text_normalization_ag_news_ref_results.test @@ -1,7600 +1,7600 @@ -__label__3 , fears for t n pension after talks , unions representing workers at turner newall say they are ' disappointed ' after talks with stricken parent firm federal mogul . -__label__4 , the race is on second private team sets launch date for human spaceflight ( space . com ) , space . com - toronto , canada -- a second\team of rocketeers competing for the #36 10 million ansari x prize , a contest for\privately funded suborbital space flight , has officially announced the first\launch date for its manned rocket . -__label__4 , ky . company wins grant to study peptides ( ap ) , ap - a company founded by a chemistry researcher at the university of louisville won a grant to develop a method of producing better peptides , which are short chains of amino acids , the building blocks of proteins . -__label__4 , prediction unit helps forecast wildfires ( ap ) , ap - it ' s barely dawn when mike fitzpatrick starts his shift with a blur of colorful maps , figures and endless charts , but already he knows what the day will bring . lightning will strike in places he expects . winds will pick up , moist places will dry and flames will roar . -__label__4 , calif . aims to limit farm-related smog ( ap ) , ap - southern california ' s smog-fighting agency went after emissions of the bovine variety friday , adopting the nation ' s first rules to reduce air pollution from dairy cow manure . -__label__4 , open letter against british copyright indoctrination in schools , the british department for education and skills ( dfes ) recently launched a music manifesto campaign , with the ostensible intention of educating the next generation of british musicians . unfortunately , they also teamed up with the music industry ( emi , and various artists ) to make this popular . emi has apparently negotiated their end well , so that children in our schools will now be indoctrinated about the illegality of downloading music . the ignorance and audacity of this got to me a little , so i wrote an open letter to the dfes about it . unfortunately , it ' s pedantic , as i suppose you have to be when writing to goverment representatives . but i hope you find it useful , and perhaps feel inspired to do something similar , if or when the same thing has happened in your area . +__label__3 , fears for t n pension after talks , unions representing workers at turner newall say they are ' disappointed ' after talks with stricken parent firm federal mogul . +__label__4 , the race is on second private team sets launch date for human spaceflight ( space . com ) , space . com - toronto , canada -- a second\team of rocketeers competing for the #36 10 million ansari x prize , a contest for\privately funded suborbital space flight , has officially announced the first\launch date for its manned rocket . +__label__4 , ky . company wins grant to study peptides ( ap ) , ap - a company founded by a chemistry researcher at the university of louisville won a grant to develop a method of producing better peptides , which are short chains of amino acids , the building blocks of proteins . +__label__4 , prediction unit helps forecast wildfires ( ap ) , ap - it ' s barely dawn when mike fitzpatrick starts his shift with a blur of colorful maps , figures and endless charts , but already he knows what the day will bring . lightning will strike in places he expects . winds will pick up , moist places will dry and flames will roar . +__label__4 , calif . aims to limit farm-related smog ( ap ) , ap - southern california ' s smog-fighting agency went after emissions of the bovine variety friday , adopting the nation ' s first rules to reduce air pollution from dairy cow manure . +__label__4 , open letter against british copyright indoctrination in schools , the british department for education and skills ( dfes ) recently launched a music manifesto campaign , with the ostensible intention of educating the next generation of british musicians . unfortunately , they also teamed up with the music industry ( emi , and various artists ) to make this popular . emi has apparently negotiated their end well , so that children in our schools will now be indoctrinated about the illegality of downloading music . the ignorance and audacity of this got to me a little , so i wrote an open letter to the dfes about it . unfortunately , it ' s pedantic , as i suppose you have to be when writing to goverment representatives . but i hope you find it useful , and perhaps feel inspired to do something similar , if or when the same thing has happened in your area . __label__4 , loosing the war on terrorism , \\sven jaschan , self-confessed author of the netsky and sasser viruses , is\responsible for 70 percent of virus infections in 2004 , according to a six-month\virus roundup published wednesday by antivirus company sophos . \\the 18-year-old jaschan was taken into custody in germany in may by police who\said he had admitted programming both the netsky and sasser worms , something\experts at microsoft confirmed . ( a microsoft antivirus reward program led to the\teenager ' s arrest . ) during the five months preceding jaschan ' s capture , there\were at least 25 variants of netsky and one of the port-scanning network worm\sasser . \\graham cluley , senior technology consultant at sophos , said it was staggeri . . . \\ __label__4 , foafkey foaf , pgp , key distribution , and bloom filters , \\foaf/loaf and bloom filters have a lot of interesting properties for social\network and whitelist distribution . \\i think we can go one level higher though and include gpg/openpgp key\fingerpring distribution in the foaf file for simple web-of-trust based key\distribution . \\what if we used foaf and included the pgp key fingerprint ( s ) for identities ? \this could mean a lot . you include the pgp key fingerprints within the foaf\file of your direct friends and then include a bloom filter of the pgp key\fingerprints of your entire whitelist ( the source foaf file would of course need\to be encrypted ) . \\your whitelist would be populated from the social network as your client\discovered new identit . . . \\ -__label__4 , e-mail scam targets police chief , wiltshire police warns about phishing after its fraud squad chief was targeted . -__label__4 , card fraud unit nets 36 , 000 cards , in its first two years , the uk ' s dedicated card fraud unit , has recovered 36 , 000 stolen cards and 171 arrests - and estimates it saved 65m . -__label__4 , group to propose new high-speed wireless format , los angeles ( reuters ) - a group of technology companies including texas instruments inc . < txn . n> , stmicroelectronics < stm . pa> and broadcom corp . < brcm . o> , on thursday said they will propose a new wireless networking standard up to 10 times the speed of the current generation . -__label__4 , apple launches graphics software , video bundle , los angeles ( reuters ) - apple computer inc . < aapl . o> on tuesday began shipping a new program designed to let users create real-time motion graphics and unveiled a discount video-editing software bundle featuring its flagship final cut pro software . -__label__4 , dutch retailer beats apple to local download market , amsterdam ( reuters ) - free record shop , a dutch music retail chain , beat apple computer inc . to market on tuesday with the launch of a new download service in europe ' s latest battleground for digital song services . -__label__4 , super ant colony hits australia , a giant 100km colony of ants which has been discovered in melbourne , australia , could threaten local insect species . -__label__4 , socialites unite dolphin groups , dolphin groups , or pods , rely on socialites to keep them from collapsing , scientists claim . -__label__4 , teenage t . rex ' s monster growth , tyrannosaurus rex achieved its massive size due to an enormous growth spurt during its adolescent years . -__label__4 , scientists discover ganymede has a lumpy interior , jet propulsion lab -- scientists have discovered irregular lumps beneath the icy surface of jupiter ' s largest moon , ganymede . these irregular masses may be rock formations , supported by ganymede ' s icy shell for billions of years . . . -__label__4 , mars rovers relay images through mars express , european space agency -- esas mars express has relayed pictures from one of nasa ' s mars rovers for the first time , as part of a set of interplanetary networking demonstrations . the demonstrations pave the way for future mars missions to draw on joint interplanetary networking capabilities . . . -__label__4 , rocking the cradle of life , when did life begin ? one evidential clue stems from the fossil records in western australia , although whether these layered sediments are biological or chemical has spawned a spirited debate . oxford researcher , nicola mcloughlin , describes some of the issues in contention . -__label__4 , storage , servers bruise hp earnings , update earnings per share rise compared with a year ago , but company misses analysts ' expectations by a long shot . -__label__4 , ibm to hire even more new workers , by the end of the year , the computing giant plans to have its biggest headcount since 1991 . -__label__4 , sun ' s looking glass provides 3d view , developers get early code for new operating system ' skin ' still being crafted . -__label__4 , ibm chips may someday heal themselves , new technology applies electrical fuses to help identify and repair faults . -__label__4 , some people not eligible to get in on google ipo , google has billed its ipo as a way for everyday people to get in on the process , denying wall street the usual stranglehold it ' s had on ipos . public bidding , a minimum of just five shares , an open process with 28 underwriters - all this pointed to a new level of public participation . but this isn ' t the case . -__label__4 , rivals try to turn tables on charles schwab , by michael liedtke san francisco ( ap ) -- with its low prices and iconoclastic attitude , discount stock broker charles schwab corp . ( sch ) represented an annoying stone in wall street ' s wing-tipped shoes for decades . . . +__label__4 , e-mail scam targets police chief , wiltshire police warns about phishing after its fraud squad chief was targeted . +__label__4 , card fraud unit nets 36 , 000 cards , in its first two years , the uk ' s dedicated card fraud unit , has recovered 36 , 000 stolen cards and 171 arrests - and estimates it saved 65m . +__label__4 , group to propose new high-speed wireless format , los angeles ( reuters ) - a group of technology companies including texas instruments inc . < txn . n> , stmicroelectronics < stm . pa> and broadcom corp . < brcm . o> , on thursday said they will propose a new wireless networking standard up to 10 times the speed of the current generation . +__label__4 , apple launches graphics software , video bundle , los angeles ( reuters ) - apple computer inc . < aapl . o> on tuesday began shipping a new program designed to let users create real-time motion graphics and unveiled a discount video-editing software bundle featuring its flagship final cut pro software . +__label__4 , dutch retailer beats apple to local download market , amsterdam ( reuters ) - free record shop , a dutch music retail chain , beat apple computer inc . to market on tuesday with the launch of a new download service in europe ' s latest battleground for digital song services . +__label__4 , super ant colony hits australia , a giant 100km colony of ants which has been discovered in melbourne , australia , could threaten local insect species . +__label__4 , socialites unite dolphin groups , dolphin groups , or pods , rely on socialites to keep them from collapsing , scientists claim . +__label__4 , teenage t . rex ' s monster growth , tyrannosaurus rex achieved its massive size due to an enormous growth spurt during its adolescent years . +__label__4 , scientists discover ganymede has a lumpy interior , jet propulsion lab -- scientists have discovered irregular lumps beneath the icy surface of jupiter ' s largest moon , ganymede . these irregular masses may be rock formations , supported by ganymede ' s icy shell for billions of years . . . +__label__4 , mars rovers relay images through mars express , european space agency -- esas mars express has relayed pictures from one of nasa ' s mars rovers for the first time , as part of a set of interplanetary networking demonstrations . the demonstrations pave the way for future mars missions to draw on joint interplanetary networking capabilities . . . +__label__4 , rocking the cradle of life , when did life begin ? one evidential clue stems from the fossil records in western australia , although whether these layered sediments are biological or chemical has spawned a spirited debate . oxford researcher , nicola mcloughlin , describes some of the issues in contention . +__label__4 , storage , servers bruise hp earnings , update earnings per share rise compared with a year ago , but company misses analysts ' expectations by a long shot . +__label__4 , ibm to hire even more new workers , by the end of the year , the computing giant plans to have its biggest headcount since 1991 . +__label__4 , sun ' s looking glass provides 3d view , developers get early code for new operating system ' skin ' still being crafted . +__label__4 , ibm chips may someday heal themselves , new technology applies electrical fuses to help identify and repair faults . +__label__4 , some people not eligible to get in on google ipo , google has billed its ipo as a way for everyday people to get in on the process , denying wall street the usual stranglehold it ' s had on ipos . public bidding , a minimum of just five shares , an open process with 28 underwriters - all this pointed to a new level of public participation . but this isn ' t the case . +__label__4 , rivals try to turn tables on charles schwab , by michael liedtke san francisco ( ap ) -- with its low prices and iconoclastic attitude , discount stock broker charles schwab corp . ( sch ) represented an annoying stone in wall street ' s wing-tipped shoes for decades . . . __label__4 , news sluggish movement on power grid cyber security , industry cyber security standards fail to reach some of the most vulnerable components of the power grid . \ -__label__2 , giddy phelps touches gold for first time , michael phelps won the gold medal in the 400 individual medley and set a world record in a time of 4 minutes 8 . 26 seconds . -__label__2 , tougher rules won ' t soften law ' s game , foxborough -- looking at his ridiculously developed upper body , with huge biceps and hardly an ounce of fat , it ' s easy to see why ty law , arguably the best cornerback in football , chooses physical play over finesse . that ' s not to imply that he ' s lacking a finesse component , because he can shut down his side of the field much as deion sanders . . . -__label__2 , shoppach doesn ' t appear ready to hit the next level , with the weeks dwindling until jason varitek enters free agency , the red sox continue to carefully monitor kelly shoppach , their catcher of the future , in his climb toward the majors . the sox like most of what they have seen at triple a pawtucket from shoppach , though it remains highly uncertain whether he can make the adjustments at the plate . . . -__label__2 , mighty ortiz makes sure sox can rest easy , just imagine what david ortiz could do on a good night ' s rest . ortiz spent the night before last with his baby boy , d ' angelo , who is barely 1 month old . he had planned on attending the red sox ' family day at fenway park yesterday morning , but he had to sleep in . after all , ortiz had a son at home , and he . . . -__label__2 , they ' ve caught his eye , in quot helping themselves , quot ricky bryant , chas gessner , michael jennings , and david patten did nothing friday night to make bill belichick ' s decision on what to do with his receivers any easier . -__label__2 , indians mount charge , the cleveland indians pulled within one game of the al central lead by beating the minnesota twins , 7-1 , saturday night with home runs by travis hafner and victor martinez . -__label__1 , sister of man who died in vancouver police custody slams chief ( canadian press ) , canadian press - vancouver ( cp ) - the sister of a man who died after a violent confrontation with police has demanded the city ' s chief constable resign for defending the officer involved . -__label__1 , man sought #36 50m from mcgreevey , aides say ( ap ) , ap - the man who claims gov . james e . mcgreevey sexually harassed him was pushing for a cash settlement of up to #36 50 million before the governor decided to announce that he was gay and had an extramarital affair , sources told the associated press . -__label__1 , explosions echo throughout najaf , najaf , iraq - explosions and gunfire rattled through the city of najaf as u . s . troops in armored vehicles and tanks rolled back into the streets here sunday , a day after the collapse of talks - and with them a temporary cease-fire - intended to end the fighting in this holy city . . . -__label__1 , frail pope celebrates mass at lourdes , lourdes , france - a frail pope john paul ii , breathing heavily and gasping at times , celebrated an open-air mass on sunday for several hundred thousand pilgrims , many in wheelchairs , at a shrine to the virgin mary that is associated with miraculous cures . at one point he said help me in polish while struggling through his homily in french . . . -__label__1 , venezuela prepares for chavez recall vote , supporters and rivals warn of possible fraud government says chavez ' s defeat could produce turmoil in world oil market . -__label__1 , 1994 law designed to preserve guard jobs ( ap ) , ap - a 1994 law strengthened job protections for national guard and reserve troops called to active duty . here are major provisions of the uniformed services employment and reemployment rights act ( userra ) . -__label__1 , iran warns its missiles can hit anywhere in israel , tehran ( reuters ) - a senior iranian military official said sunday israel and the united states would not dare attack iran since it could strike back anywhere in israel with its latest missiles , news agencies reported . -__label__1 , afghan army dispatched to calm violence , kabul , afghanistan - government troops intervened in afghanistan ' s latest outbreak of deadly fighting between warlords , flying from the capital to the far west on u . s . and nato airplanes to retake an air base contested in the violence , officials said sunday . . . -__label__2 , johnson helps d-backs end nine-game slide ( ap ) , ap - randy johnson took a four-hitter into the ninth inning to help the arizona diamondbacks end a nine-game losing streak sunday , beating steve trachsel and the new york mets 2-0 . -__label__3 , retailers vie for back-to-school buyers ( reuters ) , reuters - apparel retailers are hoping their\back-to-school fashions will make the grade among\style-conscious teens and young adults this fall , but it could\be a tough sell , with students and parents keeping a tighter\hold on their wallets . -__label__1 , politics an afterthought amid hurricane ( ap ) , ap - if hurricane charley had struck three years ago , president bush ' s tour through the wreckage of this coastal city would have been just the sort of post-disaster visit that other presidents have made to the scenes of storms , earthquakes , floods and fires . -__label__4 , spam suspension hits sohu . com shares ( ft . com ) , ft . com - shares in sohu . com , a leading us-listed chinese internet portal , fell more than 10 per cent on friday after china ' s biggest mobile phone network operator imposed a one-year suspension on its multimedia messaging services because of customers being sent spam . -__label__2 , erstad ' s double lifts angels to win ( ap ) , ap - darin erstad doubled in the go-ahead run in the eighth inning , lifting the anaheim angels to a 3-2 victory over the detroit tigers on sunday . the win pulled anaheim within a percentage point of boston and texas in the al wild-card race . -__label__2 , drew out of braves ' lineup after injury ( ap ) , ap - outfielder j . d . drew missed the atlanta braves ' game against the st . louis cardinals on sunday night with a sore right quadriceps . -__label__1 , venezuelans flood polls , voting extended , caracas , venezuela ( reuters ) - venezuelans voted in huge numbers on sunday in a historic referendum on whether to recall left-wing president hugo chavez and electoral authorities prolonged voting well into the night . -__label__4 , dell exits low-end china consumer pc market , hong kong ( reuters ) - dell inc . < dell . o> , the world ' s largest pc maker , said on monday it has left the low-end consumer pc market in china and cut its overall growth target for the country this year due to stiff competition in the segment . -__label__1 , china says taiwan spy also operated in u . s . - media , beijing ( reuters ) - beijing on monday accused a chinese-american arrested for spying for taiwan of building an espionage network in the united states , and said he could go on trial very soon . -__label__2 , another major non-factor , another major , another disappointment for tiger woods , the no . 1 ranked player in the world who has not won a major championship since his triumph at the 2002 u . s . open . -__label__1 , us fighter squadron to be deployed in south korea next month ( afp ) , afp - a squadron of us air force f-15e fighters based in alaska will fly to south korea next month for temporary deployment aimed at enhancing us firepower on the korean peninsula , us authorities said . -__label__2 , johnson back to his best as d-backs end streak , new york ( reuters ) - randy johnson struck out 14 batters in 8 1/3 innings to help the arizona diamondbacks end a nine-game losing streak with a 2-0 win over the host new york mets in the national league sunday . -__label__1 , restive maldives eases curfew after rounding up dissidents ( afp ) , afp - a curfew in the capital of the maldives was eased but parliament sessions were put off indefinitely and emergency rule continued following last week ' s riots , officials and residents said . -__label__4 , vodafone hires citi for cesky bid ( thedeal . com ) , thedeal . com - the u . k . mobile giant wants to find a way to disentagle the czech wireless and fixed-line businesses . -__label__3 , dollar briefly hits 4-wk low vs euro , london ( reuters ) - the dollar dipped to a four-week low against the euro on monday before rising slightly on profit-taking , but steep oil prices and weak u . s . data continued to fan worries about the health of the world ' s largest economy . -__label__4 , promoting a shared vision , as michael kaleko kept running into people who were getting older and having more vision problems , he realized he could do something about it . -__label__1 , india ' s tata expands regional footprint via natsteel buyout ( afp ) , afp - india ' s tata iron and steel company ltd . took a strategic step to expand its asian footprint with the announcement it will buy the asia-pacific steel operations of singapore ' s natsteel ltd . -__label__1 , delegates urge cleric to pull out of najaf , baghdad , iraq - delegates at iraq ' s national conference called on radical shiite cleric muqtada al-sadr to abandon his uprising against u . s . and iraqi troops and pull his fighters out of a holy shrine in najaf . . . -__label__3 , treasuries slip as stocks rally , new york ( reuters ) - u . s . treasury debt prices slipped on monday , though traders characterized the move as profit-taking rather than any fundamental change in sentiment . -__label__3 , dollar rises vs euro on asset flows data , new york ( reuters ) - the dollar extended gains against the euro on monday after a report on flows into u . s . assets showed enough of a rise in foreign investments to offset the current account gap for the month . -__label__2 , sutton adds haas , cink to ryder cup team , milwaukee ( sports network ) - u . s . ryder cup captain hal sutton finalized his team on monday when he announced the selections of jay haas and stewart cink as his captain ' s picks . -__label__2 , haas and cink selected for ryder cup team , jay haas joined stewart cink as the two captain ' s picks for a u . s . team that will try to regain the cup from europe next month . -__label__2 , natalie coughlin wins 100m backstroke ( ap ) , ap - american natalie coughlin won olympic gold in the 100-meter backstroke monday night . coughlin , the only woman ever to swim under 1 minute in the event , finished first in 1 minute , 0 . 37 seconds . kirsty coventry of zimbabwe , who swims at auburn university in alabama , earned the silver in 1 00 . 50 . laure manaudou of france took bronze in 1 00 . 88 . -__label__4 , oracle overhauls sales-side apps for crm suite ( newsfactor ) , newsfactor - oracle ( nasdaq orcl ) has revamped its sales-side crm applications in version 11i . 10 of its sales , marketing , partner relationship management and e-commerce application . -__label__1 , un launches 210-million-dollar appeal for flood-hit bangladesh ( afp ) , afp - the united nations launched an appeal here for 210 million dollars to help flood victims facing grave food shortages after two-thirds of bangladesh was submerged , destroying crops and killing more than 700 people . -__label__4 , indian state rolls out wireless broadband , government in south indian state of kerala sets up wireless kiosks as part of initiative to bridge digital divide . -__label__1 , hurricane survivors wait for water , gas , punta gorda , fla . - urban rescue teams , insurance adjusters and national guard troops scattered across florida monday to help victims of hurricane charley and deliver water and other supplies to thousands of people left homeless . . . -__label__1 , jackson squares off with prosecutor , santa maria , calif . - fans of michael jackson erupted in cheers monday as the pop star emerged from a double-decker tour bus and went into court for a showdown with the prosecutor who has pursued him for years on child molestation charges . . . -__label__2 , bobcats trade drobnjak to hawks for pick ( ap ) , ap - the charlotte bobcats traded center predrag drobnjak to the atlanta hawks on monday for a second round pick in the 2005 nba draft . -__label__1 , suspect charged in abduction , sexual assault of 11-year-old girl ( canadian press ) , canadian press - langley , b . c . ( cp ) - police have arrested a man in the kidnapping and sexual assault of an 11-year-old girl that frightened this suburban vancouver community last week . -__label__4 , china ' s red flag linux to focus on enterprise , red flag software co . , the company behind china ' s leading linux client distribution , plans to focus more on its server operating system and enterprise customers , the company ' s acting president said . -__label__4 , aol properties sign girafa for thumbnail search images , aol properties sign girafa for thumbnail search images\\girafa . com inc . announced today that the compuserve , netscape , aim and icq properties of america online , inc . , have signed an agreement with girafa to use girafa ' s thumbnail search images as an integrated part of their search results . \\using girafa ' s thumbnail search service , search users can . . . -__label__4 , cassini spies two little saturn moons ( ap ) , ap - nasa ' s cassini spacecraft has spied two new little moons around satellite-rich saturn , the space agency said monday . -__label__1 , on front line of aids in russia , an industrial city northwest of moscow struggles as aids hits a broader population . -__label__4 , nobel laureate decries stem cell limits ( ap ) , ap - a nobel laureate in medicine said monday the bush administration ' s limits on funding for embryonic stem cell research effectively have stopped the clock on american scientists ' efforts to develop treatments for a host of chronic , debilitating diseases . -__label__2 , jury can hear of kobe accuser ' s sex life ( ap ) , ap - prosecutors suffered another setback monday in the kobe bryant sexual assault case , losing a last-ditch attempt to keep the nba star ' s lawyers from telling jurors about the alleged victim ' s sex life . -__label__1 , north korea talks still on , china tells downer ( reuters ) , reuters - china has said no date has been set for\working-level talks on the north korean nuclear crisis and gave\no indication that the meeting has been canceled , australian\foreign minister alexander downer said on tuesday . -__label__2 , griffin to anchor d-line , the redskins expect huge things from 300-pound cornelius griffin , who was signed to aid the team ' s weakest unit - the defensive line . -__label__1 , last american defector in north korea agrees to tell story ( afp ) , afp - the last surviving american defector to communist north korea wants to tell his story to put a human face on the stalinist state which he believes is unfairly vilified abroad , british film-makers said . -__label__1 , live olympics day four , richard faulds and stephen parry are going for gold for great britain on day four in athens . -__label__1 , kerry widens lead in california , poll finds ( reuters ) , reuters - democratic challenger john kerry\has a commanding lead over president bush in california of 54\percent to 38 percent among likely voters , a poll released on\tuesday found . -__label__2 , capacity crowds at beach volleyball rock the joint , athens ( reuters ) - at the beach volleyball , the 2004 olympics is a sell-out , foot-stomping success . -__label__3 , dollar near recent lows , awaits zew/cpi , london ( reuters ) - the dollar held steady near this week ' s four-week low against the euro on tuesday with investors awaiting a german investor confidence survey and u . s . consumer inflation numbers to shed light on the direction . -__label__3 , intel to delay product aimed for high-definition tvs , san francisco -- in the latest of a series of product delays , intel corp . has postponed the launch of a video display chip it had previously planned to introduce by year end , putting off a showdown with texas instruments inc . in the fast-growing market for high-definition television displays . -__label__1 , venezuela vote keeps chavez as president , caracas -- venezuelans voted resoundingly to keep firebrand populist hugo chavez as their president in a victory that drew noisy reactions yesterday from both sides in the streets . international observers certified the results as clean and accurate . -__label__1 , jailing of hk democrat in china ' politically motivated ' ( afp ) , afp - hong kong democrats accused china of jailing one of their members on trumped-up prostitution charges in a bid to disgrace a political movement beijing has been feuding with for seven years . -__label__3 , kmart swings to profit in 2q stock surges ( ap ) , ap - shares of kmart holding corp . surged 17 percent monday after the discount retailer reported a profit for the second quarter and said chairman and majority owner edward lampert is now free to invest the company ' s #36 2 . 6 billion in surplus cash . -__label__1 , fischer ' s fiancee marriage plans genuine ( ap ) , ap - former chess champion bobby fischer ' s announcement thathe is engaged to a japanese woman could win him sympathy among japanese officials and help him avoid deportation to the united states , his fiancee and one of his supporters said tuesday . -__label__1 , u . s . misses cut in olympic 100 free , athens , greece - top american sprinters jason lezak and ian crocker missed the cut in the olympic 100-meter freestyle preliminaries tuesday , a stunning blow for a country that had always done well in the event . pieter van den hoogenband of the netherlands and australian ian thorpe advanced to the evening semifinal a day after dueling teenager michael phelps in the 200 freestyle , won by thorpe . . . -__label__4 , consumers would pay in phone proposal , a proposal backed by a coalition of telephone carriers would cut billions of dollars in fees owed by long-distance companies to regional phone giants but would allow the regional companies to make up some of the difference by raising monthly phone bills for millions of consumers . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__1 , u . s . brokers cease-fire in western afghanistan , kabul ( reuters ) - the united states has brokered a cease-fire between a renegade afghan militia leader and the embattled governor of the western province of herat , washington ' s envoy to kabul said tuesday . -__label__3 , sneaky credit card tactics , keep an eye on your credit card issuers -- they may be about to raise your rates . -__label__4 , intel delays launch of projection tv chip , in another product postponement , semiconductor giant intel corp . said it won ' t be offering a chip for projection tvs by the end of 2004 as it had announced earlier this year . -__label__3 , fund pessimism grows , new york ( cnn/money ) - money managers are growing more pessimistic about the economy , corporate profits and us stock market returns , according to a monthly survey by merrill lynch released tuesday . -__label__2 , kederis proclaims innocence , olympic champion kostas kederis today left hospital ahead of his date with ioc inquisitors claiming his innocence and vowing quot after the crucifixion comes the resurrection . quot . . . -__label__2 , eriksson doesn #39 t feel any extra pressure following scandal , newcastle , england ( ap ) - england coach sven-goran eriksson said tuesday he isn #39 t under any extra pressure in the aftermath of a scandal that damaged the football association #39 s reputation . -__label__2 , injured heskey to miss england friendly , newcastle , england ( ap ) - striker emile heskey has pulled out of the england squad ahead of wednesday #39 s friendly against ukraine because of a tight hamstring , the football association said tuesday . -__label__3 , staples profit up , to enter china market , new york ( reuters ) - staples inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=spls . o target=/stocks/quickinfo/fullquote> spls . o< /a> , the top u . s . office products retailer , on tuesday reported a 39 percent jump in quarterly profit , raised its full-year forecast and said it plans to enter the fast-growing chinese market , sending its shares higher . -__label__1 , delegation is delayed before reaching najaf , aghdad , iraq , aug . 17 a delegation of iraqis was delayed for security reasons today but still intended to visit najaf to try to convince a rebellious shiite cleric and his militia to evacuate a shrine in the holy city and end . . . -__label__3 , consumer prices down , industry output up , washington ( reuters ) - u . s . consumer prices dropped in july for the first time in eight months as a sharp run up in energy costs reversed , the government said in a report that suggested a slow rate of interest rate hikes is likely . -__label__2 , olympic history for india , uae , an indian army major shot his way to his country #39 s first ever individual olympic silver medal on tuesday , while in the same event an member of dubai #39 s ruling family became the first ever medallist from the united arab emirates . -__label__3 , home depot likes high oil , rising fuel prices , a bugbear for most of the retail sector , are helping home depot ( hd nyse - news - research ) , the remodeling giant that reported a surge in second-quarter earnings tuesday and guided the rest of the year higher . -__label__4 , china cracks down on quot phone sex quot services , beijing , aug . 17 ( xinhuanet ) -- china is carrying out a nationwide campaign to crack down on quot phone sex quot services , paralleling another sweeping operation against internet pornography , minister of information industry wang xudong said here tuesday . -__label__3 , surviving biotech ' s downturns , charly travers offers advice on withstanding the volatility of the biotech sector . -__label__1 , mr downer shoots his mouth off , just what alexander downer was thinking when he declared on radio last friday that quot they could fire a missile from north korea to sydney quot is unclear . the provocative remark , just days before his arrival yesterday on his second visit to the north korean . . . -__label__2 , edwards banned from games - source , athens ( reuters ) - world 100 meters champion torri edwards will miss the athens olympics after her appeal against a two-year drugs ban was dismissed on tuesday , a source told reuters . -__label__1 , stocks climb on drop in consumer prices , new york - stocks rose for a second straight session tuesday as a drop in consumer prices allowed investors to put aside worries about inflation , at least for the short term . with gasoline prices falling to eight-month lows , the consumer price index registered a small drop in july , giving consumers a respite from soaring energy prices . . . -__label__2 , iliadis , tanimoto win judo golds , ilias iliadis of greece thrilled the home crowd tuesday , beating roman gontyuk of ukraine to win the gold medal in the 81-kilogram class . -__label__1 , sudan vows to restore order to darfur but calls for african peacekeepers ( afp ) , afp - sudan will take the lead in restoring order to its rebellious darfur region but needs the support of african peacekeepers and humanitarian aid , foreign minister mustafa osman ismail said . -__label__4 , tgn sync proposes new wlan standard , the battle over home entertainment networking is heating up as a coalition proposes yet another standard for the ieee #39 s consideration . -__label__3 , yahoo ! ups ante for small businesses , web giant yahoo ! is gambling that price cuts on its domain name registration and web hosting products will make it more competitive with discounters in the space -- which means that small businesses looking to move online get a sweeter deal through . . . -__label__4 , ibm buys two danish services firms , ibm said tuesday it has acquired a pair of danish it services firms as part of its effort to broaden its presence in scandinavia . as a result of the moves , ibm will add about 3 , 700 it staffers to its global head count . financial terms of . . . -__label__4 , motorola and hp in linux tie-up , motorola plans to sell mobile phone network equipment that uses linux-based code , a step forward in network gear makers #39 efforts to rally around a standard . -__label__4 , microsoft pushes off sp2 release , microsoft will delay the release of its sp2 update for another week to fix software glitches . but not everyone is quite so eager to install the sp2 update for windows xp . in fact , many companies have demanded the ability to prevent their . . . -__label__4 , cassini space probe spots two new saturn moons ( reuters ) , reuters - two new moons were spotted around\saturn by the cassini space probe , raising the total to 33\moons for the ringed planet , nasa said on monday . -__label__2 , buckeyes have lots to replace but are brimming with optimism , there are remarkable similarities between the 2004 ohio state buckeyes and those that won the national championship just two years ago . -__label__4 , ibm adds midrange server to eserver lineup , the new ibm power5 eserver i5 550 also features higher performance and new virtualization capabilities that allow it to run multiple operating systems at once on separate partitions . +__label__2 , giddy phelps touches gold for first time , michael phelps won the gold medal in the 400 individual medley and set a world record in a time of 4 minutes 8 . 26 seconds . +__label__2 , tougher rules won ' t soften law ' s game , foxborough -- looking at his ridiculously developed upper body , with huge biceps and hardly an ounce of fat , it ' s easy to see why ty law , arguably the best cornerback in football , chooses physical play over finesse . that ' s not to imply that he ' s lacking a finesse component , because he can shut down his side of the field much as deion sanders . . . +__label__2 , shoppach doesn ' t appear ready to hit the next level , with the weeks dwindling until jason varitek enters free agency , the red sox continue to carefully monitor kelly shoppach , their catcher of the future , in his climb toward the majors . the sox like most of what they have seen at triple a pawtucket from shoppach , though it remains highly uncertain whether he can make the adjustments at the plate . . . +__label__2 , mighty ortiz makes sure sox can rest easy , just imagine what david ortiz could do on a good night ' s rest . ortiz spent the night before last with his baby boy , d ' angelo , who is barely 1 month old . he had planned on attending the red sox ' family day at fenway park yesterday morning , but he had to sleep in . after all , ortiz had a son at home , and he . . . +__label__2 , they ' ve caught his eye , in quot helping themselves , quot ricky bryant , chas gessner , michael jennings , and david patten did nothing friday night to make bill belichick ' s decision on what to do with his receivers any easier . +__label__2 , indians mount charge , the cleveland indians pulled within one game of the al central lead by beating the minnesota twins , 7-1 , saturday night with home runs by travis hafner and victor martinez . +__label__1 , sister of man who died in vancouver police custody slams chief ( canadian press ) , canadian press - vancouver ( cp ) - the sister of a man who died after a violent confrontation with police has demanded the city ' s chief constable resign for defending the officer involved . +__label__1 , man sought #36 50m from mcgreevey , aides say ( ap ) , ap - the man who claims gov . james e . mcgreevey sexually harassed him was pushing for a cash settlement of up to #36 50 million before the governor decided to announce that he was gay and had an extramarital affair , sources told the associated press . +__label__1 , explosions echo throughout najaf , najaf , iraq - explosions and gunfire rattled through the city of najaf as u . s . troops in armored vehicles and tanks rolled back into the streets here sunday , a day after the collapse of talks - and with them a temporary cease-fire - intended to end the fighting in this holy city . . . +__label__1 , frail pope celebrates mass at lourdes , lourdes , france - a frail pope john paul ii , breathing heavily and gasping at times , celebrated an open-air mass on sunday for several hundred thousand pilgrims , many in wheelchairs , at a shrine to the virgin mary that is associated with miraculous cures . at one point he said help me in polish while struggling through his homily in french . . . +__label__1 , venezuela prepares for chavez recall vote , supporters and rivals warn of possible fraud government says chavez ' s defeat could produce turmoil in world oil market . +__label__1 , 1994 law designed to preserve guard jobs ( ap ) , ap - a 1994 law strengthened job protections for national guard and reserve troops called to active duty . here are major provisions of the uniformed services employment and reemployment rights act ( userra ) . +__label__1 , iran warns its missiles can hit anywhere in israel , tehran ( reuters ) - a senior iranian military official said sunday israel and the united states would not dare attack iran since it could strike back anywhere in israel with its latest missiles , news agencies reported . +__label__1 , afghan army dispatched to calm violence , kabul , afghanistan - government troops intervened in afghanistan ' s latest outbreak of deadly fighting between warlords , flying from the capital to the far west on u . s . and nato airplanes to retake an air base contested in the violence , officials said sunday . . . +__label__2 , johnson helps d-backs end nine-game slide ( ap ) , ap - randy johnson took a four-hitter into the ninth inning to help the arizona diamondbacks end a nine-game losing streak sunday , beating steve trachsel and the new york mets 2-0 . +__label__3 , retailers vie for back-to-school buyers ( reuters ) , reuters - apparel retailers are hoping their\back-to-school fashions will make the grade among\style-conscious teens and young adults this fall , but it could\be a tough sell , with students and parents keeping a tighter\hold on their wallets . +__label__1 , politics an afterthought amid hurricane ( ap ) , ap - if hurricane charley had struck three years ago , president bush ' s tour through the wreckage of this coastal city would have been just the sort of post-disaster visit that other presidents have made to the scenes of storms , earthquakes , floods and fires . +__label__4 , spam suspension hits sohu . com shares ( ft . com ) , ft . com - shares in sohu . com , a leading us-listed chinese internet portal , fell more than 10 per cent on friday after china ' s biggest mobile phone network operator imposed a one-year suspension on its multimedia messaging services because of customers being sent spam . +__label__2 , erstad ' s double lifts angels to win ( ap ) , ap - darin erstad doubled in the go-ahead run in the eighth inning , lifting the anaheim angels to a 3-2 victory over the detroit tigers on sunday . the win pulled anaheim within a percentage point of boston and texas in the al wild-card race . +__label__2 , drew out of braves ' lineup after injury ( ap ) , ap - outfielder j . d . drew missed the atlanta braves ' game against the st . louis cardinals on sunday night with a sore right quadriceps . +__label__1 , venezuelans flood polls , voting extended , caracas , venezuela ( reuters ) - venezuelans voted in huge numbers on sunday in a historic referendum on whether to recall left-wing president hugo chavez and electoral authorities prolonged voting well into the night . +__label__4 , dell exits low-end china consumer pc market , hong kong ( reuters ) - dell inc . < dell . o> , the world ' s largest pc maker , said on monday it has left the low-end consumer pc market in china and cut its overall growth target for the country this year due to stiff competition in the segment . +__label__1 , china says taiwan spy also operated in u . s . - media , beijing ( reuters ) - beijing on monday accused a chinese-american arrested for spying for taiwan of building an espionage network in the united states , and said he could go on trial very soon . +__label__2 , another major non-factor , another major , another disappointment for tiger woods , the no . 1 ranked player in the world who has not won a major championship since his triumph at the 2002 u . s . open . +__label__1 , us fighter squadron to be deployed in south korea next month ( afp ) , afp - a squadron of us air force f-15e fighters based in alaska will fly to south korea next month for temporary deployment aimed at enhancing us firepower on the korean peninsula , us authorities said . +__label__2 , johnson back to his best as d-backs end streak , new york ( reuters ) - randy johnson struck out 14 batters in 8 1/3 innings to help the arizona diamondbacks end a nine-game losing streak with a 2-0 win over the host new york mets in the national league sunday . +__label__1 , restive maldives eases curfew after rounding up dissidents ( afp ) , afp - a curfew in the capital of the maldives was eased but parliament sessions were put off indefinitely and emergency rule continued following last week ' s riots , officials and residents said . +__label__4 , vodafone hires citi for cesky bid ( thedeal . com ) , thedeal . com - the u . k . mobile giant wants to find a way to disentagle the czech wireless and fixed-line businesses . +__label__3 , dollar briefly hits 4-wk low vs euro , london ( reuters ) - the dollar dipped to a four-week low against the euro on monday before rising slightly on profit-taking , but steep oil prices and weak u . s . data continued to fan worries about the health of the world ' s largest economy . +__label__4 , promoting a shared vision , as michael kaleko kept running into people who were getting older and having more vision problems , he realized he could do something about it . +__label__1 , india ' s tata expands regional footprint via natsteel buyout ( afp ) , afp - india ' s tata iron and steel company ltd . took a strategic step to expand its asian footprint with the announcement it will buy the asia-pacific steel operations of singapore ' s natsteel ltd . +__label__1 , delegates urge cleric to pull out of najaf , baghdad , iraq - delegates at iraq ' s national conference called on radical shiite cleric muqtada al-sadr to abandon his uprising against u . s . and iraqi troops and pull his fighters out of a holy shrine in najaf . . . +__label__3 , treasuries slip as stocks rally , new york ( reuters ) - u . s . treasury debt prices slipped on monday , though traders characterized the move as profit-taking rather than any fundamental change in sentiment . +__label__3 , dollar rises vs euro on asset flows data , new york ( reuters ) - the dollar extended gains against the euro on monday after a report on flows into u . s . assets showed enough of a rise in foreign investments to offset the current account gap for the month . +__label__2 , sutton adds haas , cink to ryder cup team , milwaukee ( sports network ) - u . s . ryder cup captain hal sutton finalized his team on monday when he announced the selections of jay haas and stewart cink as his captain ' s picks . +__label__2 , haas and cink selected for ryder cup team , jay haas joined stewart cink as the two captain ' s picks for a u . s . team that will try to regain the cup from europe next month . +__label__2 , natalie coughlin wins 100m backstroke ( ap ) , ap - american natalie coughlin won olympic gold in the 100-meter backstroke monday night . coughlin , the only woman ever to swim under 1 minute in the event , finished first in 1 minute , 0 . 37 seconds . kirsty coventry of zimbabwe , who swims at auburn university in alabama , earned the silver in 1 00 . 50 . laure manaudou of france took bronze in 1 00 . 88 . +__label__4 , oracle overhauls sales-side apps for crm suite ( newsfactor ) , newsfactor - oracle ( nasdaq orcl ) has revamped its sales-side crm applications in version 11i . 10 of its sales , marketing , partner relationship management and e-commerce application . +__label__1 , un launches 210-million-dollar appeal for flood-hit bangladesh ( afp ) , afp - the united nations launched an appeal here for 210 million dollars to help flood victims facing grave food shortages after two-thirds of bangladesh was submerged , destroying crops and killing more than 700 people . +__label__4 , indian state rolls out wireless broadband , government in south indian state of kerala sets up wireless kiosks as part of initiative to bridge digital divide . +__label__1 , hurricane survivors wait for water , gas , punta gorda , fla . - urban rescue teams , insurance adjusters and national guard troops scattered across florida monday to help victims of hurricane charley and deliver water and other supplies to thousands of people left homeless . . . +__label__1 , jackson squares off with prosecutor , santa maria , calif . - fans of michael jackson erupted in cheers monday as the pop star emerged from a double-decker tour bus and went into court for a showdown with the prosecutor who has pursued him for years on child molestation charges . . . +__label__2 , bobcats trade drobnjak to hawks for pick ( ap ) , ap - the charlotte bobcats traded center predrag drobnjak to the atlanta hawks on monday for a second round pick in the 2005 nba draft . +__label__1 , suspect charged in abduction , sexual assault of 11-year-old girl ( canadian press ) , canadian press - langley , b . c . ( cp ) - police have arrested a man in the kidnapping and sexual assault of an 11-year-old girl that frightened this suburban vancouver community last week . +__label__4 , china ' s red flag linux to focus on enterprise , red flag software co . , the company behind china ' s leading linux client distribution , plans to focus more on its server operating system and enterprise customers , the company ' s acting president said . +__label__4 , aol properties sign girafa for thumbnail search images , aol properties sign girafa for thumbnail search images\\girafa . com inc . announced today that the compuserve , netscape , aim and icq properties of america online , inc . , have signed an agreement with girafa to use girafa ' s thumbnail search images as an integrated part of their search results . \\using girafa ' s thumbnail search service , search users can . . . +__label__4 , cassini spies two little saturn moons ( ap ) , ap - nasa ' s cassini spacecraft has spied two new little moons around satellite-rich saturn , the space agency said monday . +__label__1 , on front line of aids in russia , an industrial city northwest of moscow struggles as aids hits a broader population . +__label__4 , nobel laureate decries stem cell limits ( ap ) , ap - a nobel laureate in medicine said monday the bush administration ' s limits on funding for embryonic stem cell research effectively have stopped the clock on american scientists ' efforts to develop treatments for a host of chronic , debilitating diseases . +__label__2 , jury can hear of kobe accuser ' s sex life ( ap ) , ap - prosecutors suffered another setback monday in the kobe bryant sexual assault case , losing a last-ditch attempt to keep the nba star ' s lawyers from telling jurors about the alleged victim ' s sex life . +__label__1 , north korea talks still on , china tells downer ( reuters ) , reuters - china has said no date has been set for\working-level talks on the north korean nuclear crisis and gave\no indication that the meeting has been canceled , australian\foreign minister alexander downer said on tuesday . +__label__2 , griffin to anchor d-line , the redskins expect huge things from 300-pound cornelius griffin , who was signed to aid the team ' s weakest unit - the defensive line . +__label__1 , last american defector in north korea agrees to tell story ( afp ) , afp - the last surviving american defector to communist north korea wants to tell his story to put a human face on the stalinist state which he believes is unfairly vilified abroad , british film-makers said . +__label__1 , live olympics day four , richard faulds and stephen parry are going for gold for great britain on day four in athens . +__label__1 , kerry widens lead in california , poll finds ( reuters ) , reuters - democratic challenger john kerry\has a commanding lead over president bush in california of 54\percent to 38 percent among likely voters , a poll released on\tuesday found . +__label__2 , capacity crowds at beach volleyball rock the joint , athens ( reuters ) - at the beach volleyball , the 2004 olympics is a sell-out , foot-stomping success . +__label__3 , dollar near recent lows , awaits zew/cpi , london ( reuters ) - the dollar held steady near this week ' s four-week low against the euro on tuesday with investors awaiting a german investor confidence survey and u . s . consumer inflation numbers to shed light on the direction . +__label__3 , intel to delay product aimed for high-definition tvs , san francisco -- in the latest of a series of product delays , intel corp . has postponed the launch of a video display chip it had previously planned to introduce by year end , putting off a showdown with texas instruments inc . in the fast-growing market for high-definition television displays . +__label__1 , venezuela vote keeps chavez as president , caracas -- venezuelans voted resoundingly to keep firebrand populist hugo chavez as their president in a victory that drew noisy reactions yesterday from both sides in the streets . international observers certified the results as clean and accurate . +__label__1 , jailing of hk democrat in china ' politically motivated ' ( afp ) , afp - hong kong democrats accused china of jailing one of their members on trumped-up prostitution charges in a bid to disgrace a political movement beijing has been feuding with for seven years . +__label__3 , kmart swings to profit in 2q stock surges ( ap ) , ap - shares of kmart holding corp . surged 17 percent monday after the discount retailer reported a profit for the second quarter and said chairman and majority owner edward lampert is now free to invest the company ' s #36 2 . 6 billion in surplus cash . +__label__1 , fischer ' s fiancee marriage plans genuine ( ap ) , ap - former chess champion bobby fischer ' s announcement thathe is engaged to a japanese woman could win him sympathy among japanese officials and help him avoid deportation to the united states , his fiancee and one of his supporters said tuesday . +__label__1 , u . s . misses cut in olympic 100 free , athens , greece - top american sprinters jason lezak and ian crocker missed the cut in the olympic 100-meter freestyle preliminaries tuesday , a stunning blow for a country that had always done well in the event . pieter van den hoogenband of the netherlands and australian ian thorpe advanced to the evening semifinal a day after dueling teenager michael phelps in the 200 freestyle , won by thorpe . . . +__label__4 , consumers would pay in phone proposal , a proposal backed by a coalition of telephone carriers would cut billions of dollars in fees owed by long-distance companies to regional phone giants but would allow the regional companies to make up some of the difference by raising monthly phone bills for millions of consumers . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__1 , u . s . brokers cease-fire in western afghanistan , kabul ( reuters ) - the united states has brokered a cease-fire between a renegade afghan militia leader and the embattled governor of the western province of herat , washington ' s envoy to kabul said tuesday . +__label__3 , sneaky credit card tactics , keep an eye on your credit card issuers -- they may be about to raise your rates . +__label__4 , intel delays launch of projection tv chip , in another product postponement , semiconductor giant intel corp . said it won ' t be offering a chip for projection tvs by the end of 2004 as it had announced earlier this year . +__label__3 , fund pessimism grows , new york ( cnn/money ) - money managers are growing more pessimistic about the economy , corporate profits and us stock market returns , according to a monthly survey by merrill lynch released tuesday . +__label__2 , kederis proclaims innocence , olympic champion kostas kederis today left hospital ahead of his date with ioc inquisitors claiming his innocence and vowing quot after the crucifixion comes the resurrection . quot . . . +__label__2 , eriksson doesn #39 t feel any extra pressure following scandal , newcastle , england ( ap ) - england coach sven-goran eriksson said tuesday he isn #39 t under any extra pressure in the aftermath of a scandal that damaged the football association #39 s reputation . +__label__2 , injured heskey to miss england friendly , newcastle , england ( ap ) - striker emile heskey has pulled out of the england squad ahead of wednesday #39 s friendly against ukraine because of a tight hamstring , the football association said tuesday . +__label__3 , staples profit up , to enter china market , new york ( reuters ) - staples inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=spls . o target=/stocks/quickinfo/fullquote> spls . o< /a> , the top u . s . office products retailer , on tuesday reported a 39 percent jump in quarterly profit , raised its full-year forecast and said it plans to enter the fast-growing chinese market , sending its shares higher . +__label__1 , delegation is delayed before reaching najaf , aghdad , iraq , aug . 17 a delegation of iraqis was delayed for security reasons today but still intended to visit najaf to try to convince a rebellious shiite cleric and his militia to evacuate a shrine in the holy city and end . . . +__label__3 , consumer prices down , industry output up , washington ( reuters ) - u . s . consumer prices dropped in july for the first time in eight months as a sharp run up in energy costs reversed , the government said in a report that suggested a slow rate of interest rate hikes is likely . +__label__2 , olympic history for india , uae , an indian army major shot his way to his country #39 s first ever individual olympic silver medal on tuesday , while in the same event an member of dubai #39 s ruling family became the first ever medallist from the united arab emirates . +__label__3 , home depot likes high oil , rising fuel prices , a bugbear for most of the retail sector , are helping home depot ( hd nyse - news - research ) , the remodeling giant that reported a surge in second-quarter earnings tuesday and guided the rest of the year higher . +__label__4 , china cracks down on quot phone sex quot services , beijing , aug . 17 ( xinhuanet ) -- china is carrying out a nationwide campaign to crack down on quot phone sex quot services , paralleling another sweeping operation against internet pornography , minister of information industry wang xudong said here tuesday . +__label__3 , surviving biotech ' s downturns , charly travers offers advice on withstanding the volatility of the biotech sector . +__label__1 , mr downer shoots his mouth off , just what alexander downer was thinking when he declared on radio last friday that quot they could fire a missile from north korea to sydney quot is unclear . the provocative remark , just days before his arrival yesterday on his second visit to the north korean . . . +__label__2 , edwards banned from games - source , athens ( reuters ) - world 100 meters champion torri edwards will miss the athens olympics after her appeal against a two-year drugs ban was dismissed on tuesday , a source told reuters . +__label__1 , stocks climb on drop in consumer prices , new york - stocks rose for a second straight session tuesday as a drop in consumer prices allowed investors to put aside worries about inflation , at least for the short term . with gasoline prices falling to eight-month lows , the consumer price index registered a small drop in july , giving consumers a respite from soaring energy prices . . . +__label__2 , iliadis , tanimoto win judo golds , ilias iliadis of greece thrilled the home crowd tuesday , beating roman gontyuk of ukraine to win the gold medal in the 81-kilogram class . +__label__1 , sudan vows to restore order to darfur but calls for african peacekeepers ( afp ) , afp - sudan will take the lead in restoring order to its rebellious darfur region but needs the support of african peacekeepers and humanitarian aid , foreign minister mustafa osman ismail said . +__label__4 , tgn sync proposes new wlan standard , the battle over home entertainment networking is heating up as a coalition proposes yet another standard for the ieee #39 s consideration . +__label__3 , yahoo ! ups ante for small businesses , web giant yahoo ! is gambling that price cuts on its domain name registration and web hosting products will make it more competitive with discounters in the space -- which means that small businesses looking to move online get a sweeter deal through . . . +__label__4 , ibm buys two danish services firms , ibm said tuesday it has acquired a pair of danish it services firms as part of its effort to broaden its presence in scandinavia . as a result of the moves , ibm will add about 3 , 700 it staffers to its global head count . financial terms of . . . +__label__4 , motorola and hp in linux tie-up , motorola plans to sell mobile phone network equipment that uses linux-based code , a step forward in network gear makers #39 efforts to rally around a standard . +__label__4 , microsoft pushes off sp2 release , microsoft will delay the release of its sp2 update for another week to fix software glitches . but not everyone is quite so eager to install the sp2 update for windows xp . in fact , many companies have demanded the ability to prevent their . . . +__label__4 , cassini space probe spots two new saturn moons ( reuters ) , reuters - two new moons were spotted around\saturn by the cassini space probe , raising the total to 33\moons for the ringed planet , nasa said on monday . +__label__2 , buckeyes have lots to replace but are brimming with optimism , there are remarkable similarities between the 2004 ohio state buckeyes and those that won the national championship just two years ago . +__label__4 , ibm adds midrange server to eserver lineup , the new ibm power5 eserver i5 550 also features higher performance and new virtualization capabilities that allow it to run multiple operating systems at once on separate partitions . __label__4 , ipod comparison , newsday #146 s stephen williams reports on seeing sony #146 s nw-hd1 audio player in a store #147 #145 how #146 s it compare to the ipod ? #146 i asked a salesman . #145 battery life is a lot longer , up to 30 hours , #146 he said . #145 the lcd readout is kind of dim , #146 i said . #146 battery life is a lot longer , #146 he said . #145 i understand it can #146 t play mp3 files , #146 i said . #145 battery life is a lot longer , #146 he said . #148 aug 17 -__label__3 , mills grabs \$1b portfolio taubman likely to lose contracts , mills corp . agreed to purchase a 50 percent interest in nine malls owned by general motors asset management corp . for just over \$1 billion , creating a new joint venture between the groups . the deal will extend . . . -__label__2 , women stumble to silver , athens -- the mistakes were so minor . carly patterson #39 s foot scraping the lower of the uneven bars . courtney kupets #39 tumbling pass that ended here instead of there . mohini bhardwaj #39 s slight stumble on the beam . -__label__1 , oil prices bubble to record high , the price of oil has continued its sharp rise overnight , closing at a record high . the main contract in new york , light sweet crude for delivery next month , has closed at a record \$us46 . 75 a barrel - up 70 cents on yesterday #39 s close . -__label__2 , notable quotes tuesday at the athens olympics , quot it hurt like hell . i could see ( thorpe ) coming up . but when i was breathing , i saw my team going crazy -- and that really kept me going . quot . . . -__label__4 , amd ships notebook chips , it wasn #39 t the first to go small , and it won #39 t be the biggest producer , but amd #39 s ( quote , chart ) 64-bit 90-nanometer ( nm ) chips are expected to make waves in the semiconductor pool . -__label__1 , uk charges 8 in terror plot linked to alert in us , london , august 17 britain charged eight terror suspects on tuesday with conspiracy to commit murder and said one had plans that could be used in striking us buildings that were the focus of security scares this month . -__label__4 , ibm seeks to have sco claims dismissed ( newsfactor ) , newsfactor - ibm ( nyse ibm ) has -- again -- sought to have the pending legal claims by the sco group dismissed . according to a motion it filed in a u . s . district court , ibm argues that sco has no evidence to support its claims that it appropriated confidential source code from unix system v and placed it in linux . -__label__3 , suvs live and let die , new york - the newly released traffic crash fatality data have something for everyone in the debate about the safety of sport utility vehicles . -__label__2 , security scare as intruder dives in , a canadian husband #39 s love for his wife has led to a tightening of security at all olympic venues in athens . -__label__2 , team usa barely wins , but struggles not all players #39 fault , now that everybody in and around usa basketball has breathed a huge sigh of relief , let #39 s not get carried away . -__label__2 , upi newstrack sports , -- the united states men #39 s basketball team capped off a big day for the usa by fighting off greece for a vital win , 77-71 . quot they played with heart , quot said coach larry brown . quot that #39 s all you can ask . quot . . . -__label__1 , peace delegation leaves najaf empty-handed as fighting continues , baghdad , iraq - a national political conference #39 s bid to end the fighting in the shiite muslim holy city of najaf appeared to have failed tuesday . -__label__1 , georgian president calls for international conference on south ossetia , tbilisi , georgia georgian president mikhail saakashvili appealed to world leaders tuesday to convene an international conference on the conflict in breakaway south ossetia , where daily exchanges of gunfire threaten to spark . . . -__label__1 , shelling , shooting resumes in breakaway georgian region ( afp ) , afp - georgian and south ossetian forces overnight accused each other of trying to storm the other side ' s positions in georgia ' s breakaway region of south ossetia , as four georgian soldiers were reported to be wounded . -__label__2 , youkilis , mccarty placed on 15-day disabled list , boston -- it was another busy day on the medical front for the red sox , as a series of roster moves were announced prior to tuesday night #39 s game against the blue jays . -__label__1 , kerry-kerrey confusion trips up campaign ( ap ) , ap - john kerry , bob kerrey . it ' s easy to get confused . -__label__2 , former florida swimming coach dies at 83 ( ap ) , ap - william h . harlan , the retired university of florida swimming coach who led the gators to eight conference titles , died tuesday , school officials said . he was 83 . -__label__2 , us men have right touch in relay duel against australia , thens , aug . 17 - so michael phelps is not going to match the seven gold medals won by mark spitz . and it is too early to tell if he will match aleksandr dityatin , the soviet gymnast who won eight total medals in 1980 . but those were not the . . . -__label__1 , schrder adopts russian orphan , three-year-old victoria , from st petersburg , has been living at the schrders #39 family home in hanover in northern germany for several weeks . -__label__2 , cabrera leads red sox past blue jays 5-4 ( ap ) , ap - orlando cabrera hit a run-scoring double off the green monster in the ninth inning on reliever justin speier ' s second pitch of the game , giving the boston red sox a 5-4 win over the toronto blue jays on tuesday night . -__label__2 , united arab emirates trap shooter secures nation #39 s first olympic gold , sheik ahmed bin hashr al-maktoum earned the first-ever olympic medal for the united arab emirates when he took home the gold medal in men #39 s double trap shooting on tuesday in athens . -__label__1 , sharon orders 1 , 000 homes in west bank , israel announced plans for 1 , 000 houses in the west bank yesterday , accelerating the expansion of the settlements . -__label__2 , so . cal player investigated in sex assault ( ap ) , ap - at least one member of the top-ranked southern california football team is under investigation for sexual assault , the los angeles police department said tuesday . -__label__1 , bush promotes his plan for missile defense system , president bush , in pennsylvania , said that opponents of a missile defense system were putting the nation ' s security at risk . -__label__2 , china sighs in relief as yao scores high , beijing ( reuters ) - china breathed a measured sigh of relief after the skills of its basketball giant yao ming dwarfed new zealand to sweep his team nearer to their goal of reaching the athens olympics semi-finals . -__label__1 , israelis ok new homes in west bank , a leaked israeli plan to build 1 , 000 new jewish settler homes in the west bank yesterday sent bush administration officials scrambling for a response in the sensitive period before november #39 s presidential election . -__label__1 , britain accuses 8 of terror plot , london - british police charged eight terrorist suspects yesterday with conspiring to commit murder and use radioactive materials , toxic gases , chemicals or explosives to cause quot fear or injury . quot . . . -__label__1 , israel kills 5 in strike at hamas activist , islamic group #39 s armed wing , the izz el-deen al-qassam brigades . doctors said he suffered leg wounds . -__label__2 , zambrano out early so are mets , enver , aug . 17 - victor zambrano came to the mets with radical movement on his pitches , fixable flaws in his delivery and a curious sore spot lingering around his right elbow . -__label__3 , dollar stuck , cpi offers little direction , tokyo ( reuters ) - the dollar moved in tight ranges on wednesday as most investors shrugged off lower-than-expected u . s . inflation data and stuck to the view the u . s . federal reserve would continue raising rates . -__label__2 , st . louis cardinals news , right-hander matt morris threw seven solid innings , but the cardinals needed a bases-loaded walk to second baseman tony womack and a grand slam from new right fielder larry walker to key a six-run eighth inning for a . . . -__label__2 , greek sprinters arrive at ioc hearing , athens ( reuters ) - greek sprinters costas kenteris and katerina thanou have arrived at an athens hotel for an international olympic committee ( ioc ) hearing into their missed doped tests , a saga that has shamed and angered the olympic host . . . -__label__2 , flop in the ninth inning sinks jays , boston -- the toronto blue jays have had worse hitting games this season against lesser pitchers than pedro martinez . -__label__1 , fresh fighting shatters short-lived ceasefire deal , renewed clashes in south ossetia , which resulted in death of two georgian soldiers , erupted late on august 17 , several hours after the south ossetian and georgian officials agreed on ceasefire . as a result tbilisi has already announced that it will not . . . -__label__2 , hamm hopes to get on a roll , paul hamm takes another shot at history tonight , when he ' ll try to become the first american to win the olympic men ' s all-around in gymnastics . -__label__1 , karzai promises afghans security for election ( reuters ) , reuters - afghanistan ' s president hamid karzai\promised afghans greater security when they go to vote in the\country ' s first ever democratic election during an independence\day speech on wednesday . -__label__1 , google lowers its ipo price range , san jose , calif . - in a sign that google inc . ' s initial public offering isn ' t as popular as expected , the company lowered its estimated price range to between \$85 and \$95 per share , down from the earlier prediction of \$108 and \$135 per share . . . -__label__1 , future doctors , crossing borders , students at the mount sinai school of medicine learn that diet and culture shape health in east harlem . -__label__3 , oil sets new record \$47 on iraq threat , london ( reuters ) - oil prices surged to a new high of \$47 a barrel on wednesday after a new threat by rebel militia against iraqi oil facilities and as the united states said inflation had stayed in check despite rising energy costs . -__label__2 , greek sprinters quit to end games scandal , athens ( reuters ) - greece #39 s two top athletes have pulled out of the athens olympics and apologised to the greek people for a scandal over missed dope tests that has tarnished the games #39 return to their birthplace . -__label__2 , phelps eyes fourth gold , athens ( reuters ) - a weary michael phelps targeted his fourth olympic gold medal in athens , turning his attention on wednesday to the 200 meters individual medley and settling for the second-fastest overall time in the heats . -__label__1 , israel kills 5 in attempt to assassinate hamas man , gaza ( reuters ) - a senior hamas leader survived an israeli assassination attempt in the gaza strip wednesday but at least five other palestinians were killed in the explosion that tore through his home . -__label__2 , giants win 6th straight , but schmidt is injured , san francisco -- with the first doubleheader at sbc park set to go off , today already stood to be a long workday for the giants . it will come on the heels of an even longer night . -__label__3 , sec may put end to quid pro quo ( usatoday . com ) , usatoday . com - the securities and exchange commission is expected to vote wednesday to prohibit mutual fund companies from funneling stock trades to brokerage firms that agree to promote their funds to investors . -__label__4 , real targets ipod with download price cut , realnetworks has kicked off what it claims is the biggest online music sale in history . for a limited time , every song in the firm #39 s realplayer music store can be downloaded for 49 cents , with most albums available for \$4 . 99 . -__label__1 , philippine rebels free troops , talks in doubt , presentacion , philippines ( reuters ) - philippine communist rebels freed wednesday two soldiers they had held as prisoners of war for more than five months , saying they wanted to rebuild confidence in peace talks with the government . -__label__1 , british terror suspects make first court appearance , london ( reuters ) - british terror suspects charged in a plot linked to security alerts at financial targets in new york , new jersey and washington made their first court appearance wednesday inside a high security prison . -__label__3 , update china mobile 1h net up 7 . 8 on subscriber growth , hong kong ( dow jones ) --china mobile ( hong kong ) ltd . ( chl ) , the listed unit of china #39 s biggest cellular phone operator , posted wednesday a 7 . 8 rise in first-half net profit on a 23 increase in its subscriber base . -__label__3 , monsanto says justice dept closes inquiry , new york ( reuters ) - monsanto co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mon . n target=/stocks/quickinfo/fullquote> mon . n< /a> on wednesday said the u . s . justice department has closed an inquiry into potential antitrust issues regarding a key ingredient used in its roundup herbicide . -__label__3 , cox communications forms committee to advise on buyout , cox communications inc . #39 s board of directors has formed a special committee of independent directors to consider cox enterprises inc . #39 s proposal to take the company private in a \$8 billion stock buyout . -__label__2 , afghan women make brief olympic debut , afghan women made a short-lived debut in the olympic games on wednesday as 18-year-old judo wildcard friba razayee was defeated after 45 seconds of her first match in the under-70kg middleweight . -__label__1 , north korea peace efforts in peril , the international effort to end the north korean nuclear crisis appears at risk of unravelling , despite foreign minister alexander downer #39 s high-profile mission to the secretive stalinist state . -__label__4 , 10 features for a perfect browser , there are some great browsers out there . but they all seem to have some slight niggles , different for each , that make it hard for me to kick back and enjoy them . while there are some projects out there to make browsers more useful for some specialised purposes or by bolting on handy extensions , wouldn ' t it be great if these people could come up with a standardised set of nice features like these ? a lot of browsers may support one or two , but i ' ll bet none have them all . -__label__4 , cops test handheld fingerprint reader , several minnesota police departments are field testing a handheld device that scans a suspect ' s fingerprint and digitally checks it against minnesota ' s criminal history and fingerprint database . -__label__3 , ross stores profit plummets 40 percent ( ap ) , ap - discount retailer ross stores inc . wednesday said its profit fell about 40 percent in the latest quarter due to problems with a new computer system that limited the company ' s ability to respond to changes in customer demand . -__label__4 , small computers can have multiple personalities , too , boston the jury is still out on whether a computer can ever truly be intelligent , but there is no question that it can have multiple personalities . it #39 s just a matter of software . we usually think of the processor chip as the brains of a computer . the . . . -__label__1 , rebel threat on the roads leaves katmandu isolated , katmandu , nepal the nepali capital was largely cut off from the rest of the country on wednesday after maoist rebels threatened to attack any vehicles traveling on main roads , in a virtual blockade of katmandu to press their demands for the release of . . . -__label__1 , immigrants settled in big cities , but less likely to find work statscan ( canadian press ) , canadian press - ottawa ( cp ) - most of the nearly two million immigrants who arrived in canada during the 1990s settled in one of the country ' s 27 census metropolitan areas , but still found it harder to find work than natural-born citizens , statistics canada reported wednesday . -__label__4 , sun postpones september user show , sun microsystems inc . has decided to postpone its september sunnetwork 2004 san francisco user conference , and is contemplating merging the event with its javaone 2005 developer conference , scheduled for the end of june 2005 . -__label__2 , olympics emotional zijlaard-van moorsel defends time trial title , athens dutch cycling great leontien zijlaard-van moorsel emotionally defended her olympic time trial gold medal here . -__label__4 , oracle launches business integlligence 10g , oracle introduced a new bi platform yesterday , business intelligence 10g that rolls up into one solution all of their bi tools . however , more interesting than the nitty-gritty details of what is included is the back story taking place at the same time . -__label__2 , dutch cyclist defends olympic gold , amsterdam cyclist leontien zijlaard-van moorsel won the first gold medal for the netherlands at the athens olympic games on wednesday . -__label__3 , kroger ' s profit up price cuts weigh , new york ( reuters ) - kroger co . , the top u . s . grocer , on tuesday posted a 29 percent rise in quarterly profit due to cost controls , but price cuts to lure shoppers caused earnings to miss wall street estimates and shares fell . -__label__2 , expanding west , major league soccer ' s two expansion teams , real salt lake and club deportivo chivas usa , will join the western conference for the 2005 season . -__label__2 , pacers activate foster from injured list ( ap ) , ap - the indiana pacers activated center jeff foster from the injured list tuesday . -__label__4 , microsoft finalises three-year government deal , hot on the heels of its 10-year strategic partnership with the london borough of newham , microsoft is close to signing a new broad three-year public sector agreement with the government . -__label__3 , airlines agree to cut flights at chicago o ' hare , chicago ( reuters ) - u . s . airlines have agreed to limit flights into chicago ' s o ' hare international airport to 88 arrivals per hour between 7 a . m . and 8 p . m . in an effort to cut congestion that has slowed the whole u . s . aviation system , federal officials said on wednesday . -__label__1 , russia ready to contribute to settlement of south ossetia conflict putin , moscow , aug . 18 ( xinhuanet ) -- russian president vladimir putin said wednesday that russia is ready to contribute to a settlement of conflict between georgia and its separatist province of south ossetia . -__label__4 , nasa confident of debris solution , six months before nasa plans to return the shuttle to space , officials think they #39 ve essentially solved the problem that doomed columbia in 2003 -- debris coming off its fuel -__label__1 , burundi police forcibly disperse tutsi protest , police in burundi #39 s capital , bujumbura , used tear gas to break up a demonstration wednesday held to protest the massacre of congolese tutsi refugees . -__label__2 , veterans committee counts for little , the hall of fame released the latest veterans committee ballot yesterday . as you might ( or might not ) remember , there #39 s a ( nearly ) new committee in town . -__label__4 , drive maker files counterclaims in patent suit , cornice blasts seagate ' s suit over patents for tiny hard drives used in portable gadgets . -__label__4 , hp moves network scanning software into beta , chicago - hewlett-packard ( hp ) has moved its active counter measures network security software into beta tests with a select group of european and north american customers in hopes of readying the product for a 2005 release , an hp executive said at the hp world conference here in chicago wednesday . -__label__1 , martin announces major overhaul of key staff in prime minister ' s office ( canadian press ) , canadian press - ottawa ( cp ) - paul martin announced a major overhaul of his senior staff wednesday , with several close confidants and one ex-cabinet minister handed major roles in the prime minister ' s office in a post-election shakeup . -__label__1 , kerry assails bush troop withdrawal plan ( afp ) , afp - democratic white house hopeful senator john kerry warned that president george w . bush ' s plan to withdraw 70 , 000 troops from europe and asia would hinder the war on terrorism and embolden north korea . -__label__1 , iraq cleric ' to end najaf revolt ' , shia cleric moqtada sadr reportedly agrees to end an uprising in the holy iraqi city of najaf . -__label__3 , medtronic quarterly earnings rise , chicago ( reuters ) - medtronic inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mdt . n target=/stocks/quickinfo/fullquote> mdt . n< /a> on wednesday said its quarterly earnings rose amid brisk demand for devices that manage irregular heart beats and products used to treat the spine . -__label__3 , airlines agree to cuts at o ' hare , federal officials today announced plans to temporarily cut 37 flights operating at chicago ' s o ' hare international airport to help reduce the delay problems that ripple across the country . -__label__1 , stock prices climb ahead of google ipo , new york - investors shrugged off rising crude futures wednesday to capture well-priced shares , sending the nasdaq composite index up 1 . 6 percent ahead of google inc . ' s much-anticipated initial public offering of stock . in afternoon trading , the dow jones industrial average gained 67 . 10 , or 0 . 7 percent , to 10 , 039 . 93 . . . -__label__2 , today in athens , leontien zijlaard-van moorsel of the netherlands wipes a tear after winning the gold medal in the women #39 s road cycling individual time trial at the vouliagmeni olympic centre in athens on wednesday . -__label__3 , medtronic quarterly net up , chicago ( reuters ) - medtronic inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mdt . n target=/stocks/quickinfo/fullquote> mdt . n< /a> on wednesday said its quarterly earnings rose on brisk demand for devices that manage irregular heart beats and products used to treat the spine . -__label__2 , greek sprinters quit games , athens ( reuters ) - greece #39 s top two sprinters have quit the olympic games after submitting their country to six days of embarrassment in a hide-and-seek contest with anti-doping enforcers . -__label__4 , strong family equals strong education , single mothers , poverty were big factors in school performance healthdaynews -- american teenagers who live with poor single mothers are more likely to get into trouble at school and have poor marks and are less likely to think they ' ll go to college , says a rice university study . holly heard , an assistant professor of sociology , analyzed data from thousands of teens who took part in the national longitudinal study of adolescent health . . . -__label__4 , netratings survey shows broadband users now a majority in us , august 18 , 2004 ( idg news service ) - a majority of us home internet users now have broadband , according to a survey by netratings inc . -__label__4 , stunt pilots to save sun dust , it promises to be a scene worthy of a science fiction spectacular . a space probe carrying primordial material scooped from outer space starts to plunge towards our planet . but before it can strike , a helicopter flown by a hollywood stunt . . . -__label__1 , u . s . forces kill 50 sadr militia in baghdad suburb , baghdad ( reuters ) - u . s . forces killed more than 50 shi ' ite militiamen on wednesday in a significant advance into a baghdad suburb that is a powerbase for radical cleric moqtada al-sadr , the military said . -__label__2 , owners seek best ballpark deal for expos ( ap ) , ap - trying to get the best possible ballpark deal for the montreal expos , major league baseball instructed its lawyers to press ahead with negotiations involving four of the areas bidding for the team . -__label__2 , crowd inspires greek beach volleyballers u . s . duo ousted , athens ( reuters ) - a roaring crowd helped inspire greece ' s top women ' s beach volleyball team to trounce china on wednesday and reach the next round . -__label__2 , boro captain warns of duo #39 s threat , gareth southgate has warned barclays premiership defences to be wary of middlesbroughs back-to-form strikers mark viduka and jimmy floyd hasselbaink . -__label__4 , intuit posts wider loss after charge ( reuters ) , reuters - intuit inc . ( intu . o ) , maker of\the no . 1 u . s . tax presentation software turbotax , on wednesday\posted a wider quarterly loss after taking a goodwill\impairment charge during its seasonally weaker fourth quarter . -__label__2 , hamilton wins cycling time trial event , thens , aug . 18 tyler hamilton had bruises splotched all over his back , painful souvenirs of a tour de france gone terribly wrong . -__label__4 , alaska wildfires grow to record 5 million acres ( reuters ) , reuters - wildfires have scorched over\5 million acres in alaska as of tuesday , forestry officials\said , a new record that signals possible changes in climate\conditions and the composition of the vast forests . -__label__2 , britain #39 s olympic medal total takes sudden turn for the better , great britain #39 s performances in the olympic games made a dramatic and unexpected improvement yesterday as they won a silver and three bronze medals . they were also guaranteed at least a silver medal in badminton #39 s mixed doubles . -__label__1 , putin faults georgia on #39 90s tactics in 2 regions , tbilisi , georgia the separatist conflicts in georgia resulted from the quot foolish quot move by georgia to strip south ossetia and abkhazia of their autonomous status during the soviet collapse , president vladimir putin of russia was quoted as saying on . . . -__label__2 , avalanche sign damphousse to one-year deal ( ap ) , ap - the colorado avalanche prepared for the potential loss of several key front-line players , signing former san jose sharks captain vincent damphousse to a one-year , #36 2 million contract wednesday . -__label__2 , government gives partial clearance to bangla tour , the government today gave a partial go-ahead for the indian cricket team #39 s tour of bangladesh for the first test match beginning on thursday but its security delegation will go to chittagong , the other venue , to make an assessment of the threat perception -__label__2 , viduka brace helps boro to win , after a spell without scoring , mark viduka grabbed two goals as middlesbrough beat manchester city 3-2 . boro went ahead when viduka took stewart downings pass , brought it sweetly under control and chipped it over onrushing city keeper david james . -__label__4 , hurricane center #39 s projection on charley not far off , data show , fort lauderdale , fla . - ( krt ) - despite criticism that it should have better anticipated hurricane charley #39 s rapid intensification and quick turn , the national hurricane center #39 s forecast wasn #39 t that far off , a preliminary post-mortem shows . -__label__3 , update 1-j amp j in talks to buy guidant - sources , health care and consumer products maker johnson amp johnson ( jnj . n quote , profile , research ) is in negotiations to acquire medical-device maker guidant corp . -__label__3 , amp shrugs off british debacle , australian insurer amp returned to the black in the first half of the year with net profits of a\$378m ( 150m ) after a disastrous foray into britain pushed it a\$2 . 16 billion into the red last year . -__label__4 , lloyds tsb cashes in on voip , lloyds tsb is gearing up to roll out one of the largest converged networks in europe , a 500m 70 , 000 phone voip infrastructure linking all the bank #39 s branches and cash points . -__label__2 , british athletics appoint psychologist for 2008 olympics , british athletics chiefs have appointed sports psychologist david collins as performance director to produce medal winners at the 2008 beijing olympics . -__label__2 , olympic daily preview - thursday , august 19 , athens , greece ( sports network ) - wednesday night it was paul hamm #39 s turn to shine for the united states , as he won the gold medal in the men #39 s all-around competition . will thursday produce a sweep for the us at the olympics ? . . . -__label__1 , arafat urges reforms to rectify his #39 mistakes #39 , yasser arafat , the palestinian president , made a rare acknowledgement of mistakes under his rule yesterday and urged reforms to end corruption . -__label__3 , selling houston warts and all , especially warts , descriptions of urban afflictions and images of giant mosquitoes and cockroaches to convey a sense of how houston is nevertheless beloved by many residents . -__label__2 , brazil beats haiti in goodwill soccer game , the boys from brazil beat haiti #39 s national soccer team wednesday in a friendly goodwill game 6-0 . the game was the brainchild of brazilian president luiz inacio lula da silva , who was on hand in the haitian capital for the historical match . -__label__3 , credit suisse to merge csfb unit into parent , credit suisse group announced plans to merge its credit suisse first boston securities unit with the rest of the company #39 s operations and cut as many as 300 jobs . -__label__3 , holiday-shopping season remains sluggish ( reuters ) , reuters - u . s . shoppers have kept a tight grip\on their wallets this holiday season with indices on tuesday\showing sluggish sales in the second week of the season . -__label__1 , un to begin second airlift of vietnamese montagnards ( afp ) , afp - the second major airlift of vietnamese montagnards who fled to cambodia ' s remote jungles after april anti-government protests will begin at the weekend . -__label__2 , tennis roddick and williams ousted , athens shell-shocked americans andy roddick and venus williams joined already-beaten men #39 s top seed roger federer in the favourites #39 exodus from the olympic tennis tournament on wednesday . -__label__3 , insurer lowers hurricane estimate , hurricane charley , the worst storm to hit the us in over a decade , will cost insurers just \$7 . 4bn , one insurance expert estimates . -__label__1 , nepal seeks talks to end rebel blockade of capital , kathmandu ( reuters ) - the fear of attack kept most vehicles off roads leading to nepal ' s capital for a second day on thursday as authorities sought talks to end a siege called by maoist insurgents . -__label__2 , braves 6 , padres 5 , andruw jones hit a two-run homer off trevor hoffman in the ninth inning and the atlanta braves threw out the potential tying run at the plate for the final out wednesday night , preserving a 6-5 come-from-behind win over the san diego padres . -__label__2 , scandal won #39 t go away , athens -- it was telling yesterday that the majority of the dozens of journalists who asked questions and attended a news conference into a greek doping scandal were mostly canadian . question after question came from canadians . we were all there , i think , . . . -__label__3 , hundreds laid off at fleet offices , bank of america corp . yesterday laid off hundreds of workers at fleet bank branches across the northeast as the north carolina bank began to implement its brand of . . . -__label__4 , netapp ceo no storage spending shortfall ( techweb ) , techweb - customers are decoupling storage from server purchases , which explains why emc and netapp earnings were up and why sun and hp were flat or down , warmenhoven says . -__label__3 , justices to debate mail-order wine , being freelance wine critics may sound like a sweet gig , but ray and eleanor heald have soured on it . because their home state , michigan , blocks direct shipments from out-of-state -__label__2 , stanford ' s cubit hired as w . mich . coach ( ap ) , ap - stanford offensive coordinator bill cubit was hired tuesday as head coach at western michigan . -__label__3 , oil prices surge to a new high , washington -- the price of oil charged to a new high above \$47 a barrel yesterday amid nagging concerns about instability in iraq , the uncertain fate of russian petroleum giant yukos , and the world ' s limited supply cushion . -__label__2 , a shot in the arm for all , olympia , greece -- a brilliant idea , taking the shot put back to the birthplace of the olympic games , proving , if nothing else , that everything old really can become new again . -__label__1 , bomb found near berlusconi #39 s villa , italian premier silvio berlusconi ( left ) goes for a walk with british prime minister tony blair and his wife cherie blair at berlusconi #39 s villa , monday . ap . . . -__label__3 , after wait , google set for market debut , new york ( reuters ) - shares of google inc . will make their nasdaq stock market debut on thursday after the year ' s most anticipated initial public offering priced far below initial estimates , raising \$1 . 67 billion . -__label__4 , bill clinton helps launch search engine , former president bill clinton on monday helped launch a new internet search company backed by the chinese government which says its technology uses artificial intelligence to produce better results than google inc . -__label__2 , harris #39 three-run double in ninth sinks gagne , los angeles - paul lo duca never got to moonwalk to home plate , though he did skip gleefully to the dugout moments after facing former batterymate eric gagne for the first time . -__label__2 , ali gives iraq fighting chance , the back of his shirt told the story last night at the peristeri olympic boxing hall . -__label__4 , survey napster , itunes beat other download brands ( maccentral ) , maccentral - market research company ipsos-insight on tuesday announced the results of tempo , a quarterly survey of digital music behaviors . according to the report , consumers aged 12 and older in the united states were as likely to be aware of apple computer inc . ' s itunes music store and napster 2 . 0 when it came to recognizing digital music download brands -- each music service registered 20 percent of what tempo refers to as top-of-mind awareness . -__label__3 , qantas says record profit not big enough , australia #39 s flagship carrier qantas airways has reported a record annual net profit but warned oil prices threatened its performance , increasing the chance of a hike in ticket price surcharges to offset its fuel bill . -__label__3 , state , drug chains reach agreement , the state of maine , rite aid corp . , and community pharmacy lp have agreed to a consent decree placing conditions on the sale of five community pharmacy stores to rite aid . -__label__4 , most us homes have broadband connections , while the total number of home internet users has reached a plateau in the us , those who do use the internet are adopting broadband at a rapid pace , according to marc ryan , senior director of analysis at the audience measurement company . -__label__4 , bluetooth flying bot creates buzz , the latest tiny flying robot that could help in search and rescue or surveillance has been unveiled in japan . -__label__4 , caterpillar snaps up another remanufacturer of engines , peoria - caterpillar inc . said wednesday it will acquire a south carolina remanufacturer of engines and automatic transmissions , increasing its us employment base by 500 people . -__label__1 , kidnappers threaten to kill western journalist , the kidnappers of an american-french journalist in iraq have threatened to execute him within 48 hours unless us forces withdraw from the holy city of najaf . -__label__3 , qantas wants better tax treatment , mark colvin qantas might have posted yet another record profit , but the national carrier #39 s boss , geoff dixon , claims earnings are being hampered by unfair subsidies for international carriers allowed to fly in and out of australia . -__label__1 , sa ' mercenaries ' plead not guilty , sixty-six men accused of plotting a coup in equatorial guinea deny breaching zimbabwe ' s security laws . -__label__2 , olympics hansen still strong enough to take bronze , every ounce of his energy was expended , leaving an empty fuel tank . but , even in a depleted state , brendan hansen found a way to bolster his ever-growing swimming legacy . -__label__3 , oil hits new high over \$48 as iraq violence flares , london ( reuters ) - oil prices struck a fresh record above \$48 a barrel on thursday , spurred higher by renewed violence in iraq and fresh evidence that strong demand growth in china and india has not been slowed yet by higher energy costs . -__label__3 , economic indicators declined in july , a closely watched measure of future economic activity fell in july for the second consecutive month , reinforcing evidence that the nation ' s financial recovery is slackening . -__label__4 , explorers find ancient city in remote peru jungle ( reuters ) , reuters - an ancient walled city complex\inhabited some 1 , 300 years ago by a culture later conquered by\the incas has been discovered deep in peru ' s amazon jungle , \explorers said on tuesday . -__label__3 , colgate to cut 4 , 400 jobs , shut plants , new york ( reuters ) - colgate-palmolive co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cl . n target=/stocks/quickinfo/fullquote> cl . n< /a> will cut about 4 , 400 jobs , or 12 percent of its work force , and close nearly a third of its factories under a restructuring , the consumer products company said on tuesday . -__label__4 , drugstore offers new wave of disposable cameras , new york ( reuters ) - pharmacy chain cvs corp . on thursday said it would offer the world ' s first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures . -__label__4 , ciena posts a loss , forecasts flat sales , < p> < /p> < p> by deborah cohen< /p> < p> chicago ( reuters ) - telecommunications equipment makerciena corp . < cien . o> on thursday reported a wider loss for thefiscal third quarter due to slack demand and forecast sales inthe current quarter would be little changed from the thirdquarter . < /p> -__label__4 , u . s . broadband penetration tops 51 , by anick jesdanun new york ( ap ) -- the number of americans who get on the internet via high-speed lines has now equaled the number using dial-up connections . july measurements from nielsen/netratings placed the broadband audience at 51 percent of the u . s . . . -__label__2 , american aaron peirsol wins gold on appeal , athens ( reuters ) - aaron peirsol won his second gold medal at the athens olympics thursday after winning an appeal against his disqualification from the men ' s 200 meter backstroke . -__label__1 , abu ghraib report ' spreads blame ' , a report on the abu ghraib prisoner abuse scandal will blame at least two dozen more people , say us officials . -__label__4 , ecuadorean lawsuit vs texaco boils down to science ( reuters ) , reuters - after a decade\of court battles , lawyers on wednesday took a lawsuit by\ecuadorean indians accusing u . s . oil firm chevrontexaco corp . . \of polluting the amazon jungle into the field . -__label__4 , priceline , ramada to make sites more accessible to blind , in one of the first enforcement actions of the americans with disabilities act on the internet , two major travel services have agreed to make sites more accessible to the blind and visually impaired . -__label__4 , atlantis evidence found in spain , ireland , in 360 b . c . the greek philosopher plato described an island he called atlantis . now contradicting new evidence claims the fabled city-state was based on a real place . -__label__4 , groups eager to meet with bush , kerry ( ap ) , ap - organizations representing the nation ' s 3 million scientists , engineers and doctors have invited both presidential candidates to have a word with them #151 online . -__label__2 , carly patterson wins the women ' s all-round , athens ( reuters ) - carly patterson upstaged russian diva svetlana khorkina to become the first american in 20 years to seize the women ' s olympic gymnastics all-round gold medal on thursday . -__label__4 , court file-swapping software not liable for copyright violations , the makers of two leading file-sharing programs are not legally liable for the songs , movies and other copyright works swapped online by their users , a federal appeals court ruled thursday in a stinging blow to the entertainment industry . -__label__2 , olympics olympic weightlifting reels as six more lifters fail drug tests , athens weightlifting was reeling from the latest crisis to hit the perennially drug-tainted sport here as six more athletes were kicked out of the olympics for failing dope tests . -__label__2 , colts ' carthon hopes to follow dad in nfl ( ap ) , ap - ran carthon tried to avoid playing football after seeing the pain it inflicted on his father , maurice . bloodlines , his friends and reality forced a changed of heart . -__label__2 , lpga ' s nabisco to change dates in 2006 ( ap ) , ap - the kraft nabisco championship will be played one week later than usual starting in 2006 , preventing the lpga tour ' s first major from getting lost among other big sporting events . -__label__1 , georgian troops leave south ossetia , the soldiers withdrew from the heights above the ossetian of capital of tskhinvali thursday , turning the area over to peacekeepers . georgia says three of its soldiers were killed in earlier fighting , while ossetian authorities say three civilians died . . . -__label__3 , ohio sues best buy , alleging used sales ( ap ) , ap - ohio authorities sued best buy co . inc . on thursday , alleging the electronics retailer engaged in unfair and deceptive business practices . -__label__4 , cisco flaw leaves router vulnerable to attack , cisco systems issued a security advisory warning that some networks using its routers may be vulnerable to denial-of-service attacks . devices running internetwork operating system and enabled for the open shortest path first ( ospf ) . . . -__label__2 , sprint is chock full of potential heros , it would be nice to see this week #39 s 100-meter sprint as simply the best footrace of all time . we could witness four sub-10-second sprints for the first time ever . it would be nice to watch with raised eyebrows instead of furrowed ones . it . . . -__label__4 , scientists study the hudson river ( ap ) , ap - scientists are plunking a series of high-tech sensors into the hudson river in an effort to unravel mysteries of the murky waterway . -__label__4 , study to examine effects of ship waste ( ap ) , ap - a team of scientists is traveling a 600-mile stretch of the inside passage this month to study the effects of cruise ship waste and other contaminants in southeast alaska waters . -__label__2 , cink leads nec invitational by one shot ( ap ) , ap - free from the burden of trying to make the ryder cup team , stewart cink looked at ease thursday on a marathon day at the nec invitational that ended with his name atop the leaderboard . -__label__3 , briefly china interest in key yukos unit , china is interested in participating in the bidding for yuganskneftegaz , the top oil-producing subsidiary of the russian oil giant yukos , a chinese economic official was quoted as saying in a report thursday by the russian news agency interfax . the . . . -__label__4 , apple recalls 28 , 000 batteries , apple has issued a safety recall for 28 , 000 batteries for its powerbook notebooks , saying they posed a potential fire hazard . -__label__3 , best buy a bad deal ? , attorney general jim petro is suing best buy , alleging the electronics retailer has engaged in unfair and deceptive business practices . -__label__2 , liu brings china 4th gold in weightlifting at athens games , athens , aug . 19 ( xinhuanet ) -- chinese hercules liu chunhong thursday lifted three world records on her way to winning the women #39 s 69kg gold medal at the athens olympics , the fourth of the power sport competition for china . -__label__2 , battling davenport through , lindsay davenport continued her dominant recent run and reached the last eight of the cincinnati open with a 4-6 6-4 6-1 win over lilia osterloh . -__label__4 , genesis spacecraft prepares to return to earth with a piece of the sun , in a dramatic ending that marks a beginning in scientific research , nasa ' s genesis spacecraft is set to swing by earth and jettison a sample return capsule filled with particles of the sun that may ultimately tell us more about the genesis of our solar system . -__label__2 , badminton pair want more , nathan robertson says there is no reason why he and badminton partner gail emms should not win the next olympics . -__label__1 , darfur warring parties to meet in nigeria for peace talks ( afp ) , afp - sudan ' s government and its foes in the darfur region ' s rebel movements will meet on monday for peace talks which mark a last chance for african diplomacy to solve the crisis before the united nations steps in . -__label__1 , iraq oil exports still halved after basra hq attack , baghdad ( reuters ) - iraq continued to export oil at one million barrels per day on friday after an attack on the south oil company headquarters took sabotage operations to a new level , an official at the state-owned entity said . -__label__3 , us unemployment claims slip but picture still murky , new yorkfewer americans lined up to claim first-time jobless benefits last week but analysts said the modest decline said very little about the current state of the labour market . -__label__3 , vt . sues over importing drugs , vermont ' s republican governor challenged the bush administration ' s prescription drug policy in federal court yesterday , marking the first time a state has chosen a legal avenue in the expanding battle over canadian imports . -__label__2 , for starters , giants #39 manning on mark , manning had a decent debut as a starter , but delhomme overshadowed the no . 1 pick in the nfl draft by throwing for a touchdown and running for another in the carolina panthers #39 27-20 exhibition victory last night over . . . -__label__2 , clemens deal is waived off , chicago -- the red sox were ready to welcome roger clemens back to boston . his uniform number ( 21 ) was available . pedro martinez , who has expressed the utmost respect for clemens , almost certainly would have made some room for the rocket near the locker clemens long used and martinez now occupies . curt schilling would have been thrilled to pitch with . . . -__label__4 , life without numbers in a unique amazon tribe , 11=2 . mathematics doesn #39 t get any more basic than this , but even 11 would stump the brightest minds among the piraha tribe of the amazon . -__label__4 , p2p services in the clear , in a major setback for the music and movie industries , a federal appeals court upholds a lower court ' s decision in the infamous grokster case , ruling peer-to-peer services morpheus and grokster are not liable for the copyright infringement of their users . by katie dean . -__label__4 , swap your pc , or your president , the producer of ads featuring pc users who switched to macs is applying the same tactic to political commercials . this time , he ' ll focus on former backers of president bush , recruited online , who ' ve changed their political allegiance . by louise witt . -__label__2 , agassi cruises into washington open atp quarter-finals , washington , aug . 19 ( xinhuanet ) -- andre agassi cruised into quarter-finals in washington open tennis with a 6-4 , 6-2 victory over kristian pless of denmark here on thursday night . -__label__1 , producer sues for rings profits , hollywood producer saul zaentz sues the producers of the lord of the rings for \$20m in royalties . -__label__1 , 30 , 000 more sudanese threaten to cross to chad -un ( reuters ) , reuters - some 30 , 000 sudanese , victims of fresh\attacks by arab militia inside darfur , have threatened to cross\into chad , the u . n . refugee agency warned on friday . -__label__4 , google scores first-day bump of 18 ( usatoday . com ) , usatoday . com - even a big first-day jump in shares of google ( goog ) couldn ' t quiet debate over whether the internet search engine ' s contentious auction was a hit or a flop . -__label__2 , carly patterson wins gymnastics all-around gold , athens ( reuters ) - carly patterson upstaged russian diva svetlana khorkina to become the first american in 20 years to win the women ' s olympic gymnastics all-round gold medal on thursday . -__label__3 , chevrontexaco hit with \$40 . 3m ruling , montana jury orders oil firm to pay up over gas pipeline leak from 1955 company plans to appeal . new york ( reuters ) - a montana jury ordered chevrontexaco corp . , the number two us oil company , to pay \$40 . 3 million for environmental damage from a gasoline . . . -__label__2 , 3 us boxers punched out of games , athens -- vanes martirosyan became the second american to bow out of the olympic boxing tournament thursday when he was defeated 20-11 by lorenzo aragon of cuba in their welterweight bout at 152 pounds . -__label__3 , before-the bell rouse co . shares jump , < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=rse . n target=/stocks/quickinfo/fullquote> rse . n< /a> jumped before the bell after general growth properties inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ggp . n target=/stocks/quickinfo/fullquote> ggp . n< /a> , the no . 2 u . s . shopping mall owner , on friday said it would buy rouse for \$7 . 2 billion . -__label__3 , services make big gains in japan , tertiary index comes in at almost double expectations , drives up yen and helps nikkei overcome oil . london ( reuters ) - the yen hit a four-week high against the dollar friday as stronger-than-expected japanese service sector data raised optimism about the . . . -__label__3 , google shares bounce up 18 in trading debut , in the stock #39 s first day of trading , investors bought , sold and flipped shares at a furious pace , with the price ending just above \$100 - 18 percent higher than where it started . it was , in other words , everything the company #39 s founders , sergy brin and . . . -__label__3 , stocks lower as oil prices steam higher , with the much-ballyhooed initial public offering of google behind them and oil chugging to a new record high , investors took a step back today . -__label__2 , don #39 t expect tiger to relinquish his top ranking without a fight , they #39 re calling ohio a quot battleground state , quot one of the two or three places likely to decide november #39 s presidential election . on local tv , the bush and kerry ads air so frequently that it #39 s easy to forget it #39 s bob costas who actually runs the country . -__label__4 , understanding google adwords , understanding google adwords\\unlike many search engines google , to its credit , clearly denotes search listings that are paid placement . in fact , google adwords appear in a separate section down the left side of the screen . \\google adwords provide an inexpensive advertising venue for businesses to advertise products or services to a targeted . . . +__label__3 , mills grabs \$1b portfolio taubman likely to lose contracts , mills corp . agreed to purchase a 50 percent interest in nine malls owned by general motors asset management corp . for just over \$1 billion , creating a new joint venture between the groups . the deal will extend . . . +__label__2 , women stumble to silver , athens -- the mistakes were so minor . carly patterson #39 s foot scraping the lower of the uneven bars . courtney kupets #39 tumbling pass that ended here instead of there . mohini bhardwaj #39 s slight stumble on the beam . +__label__1 , oil prices bubble to record high , the price of oil has continued its sharp rise overnight , closing at a record high . the main contract in new york , light sweet crude for delivery next month , has closed at a record \$us46 . 75 a barrel - up 70 cents on yesterday #39 s close . +__label__2 , notable quotes tuesday at the athens olympics , quot it hurt like hell . i could see ( thorpe ) coming up . but when i was breathing , i saw my team going crazy -- and that really kept me going . quot . . . +__label__4 , amd ships notebook chips , it wasn #39 t the first to go small , and it won #39 t be the biggest producer , but amd #39 s ( quote , chart ) 64-bit 90-nanometer ( nm ) chips are expected to make waves in the semiconductor pool . +__label__1 , uk charges 8 in terror plot linked to alert in us , london , august 17 britain charged eight terror suspects on tuesday with conspiracy to commit murder and said one had plans that could be used in striking us buildings that were the focus of security scares this month . +__label__4 , ibm seeks to have sco claims dismissed ( newsfactor ) , newsfactor - ibm ( nyse ibm ) has -- again -- sought to have the pending legal claims by the sco group dismissed . according to a motion it filed in a u . s . district court , ibm argues that sco has no evidence to support its claims that it appropriated confidential source code from unix system v and placed it in linux . +__label__3 , suvs live and let die , new york - the newly released traffic crash fatality data have something for everyone in the debate about the safety of sport utility vehicles . +__label__2 , security scare as intruder dives in , a canadian husband #39 s love for his wife has led to a tightening of security at all olympic venues in athens . +__label__2 , team usa barely wins , but struggles not all players #39 fault , now that everybody in and around usa basketball has breathed a huge sigh of relief , let #39 s not get carried away . +__label__2 , upi newstrack sports , -- the united states men #39 s basketball team capped off a big day for the usa by fighting off greece for a vital win , 77-71 . quot they played with heart , quot said coach larry brown . quot that #39 s all you can ask . quot . . . +__label__1 , peace delegation leaves najaf empty-handed as fighting continues , baghdad , iraq - a national political conference #39 s bid to end the fighting in the shiite muslim holy city of najaf appeared to have failed tuesday . +__label__1 , georgian president calls for international conference on south ossetia , tbilisi , georgia georgian president mikhail saakashvili appealed to world leaders tuesday to convene an international conference on the conflict in breakaway south ossetia , where daily exchanges of gunfire threaten to spark . . . +__label__1 , shelling , shooting resumes in breakaway georgian region ( afp ) , afp - georgian and south ossetian forces overnight accused each other of trying to storm the other side ' s positions in georgia ' s breakaway region of south ossetia , as four georgian soldiers were reported to be wounded . +__label__2 , youkilis , mccarty placed on 15-day disabled list , boston -- it was another busy day on the medical front for the red sox , as a series of roster moves were announced prior to tuesday night #39 s game against the blue jays . +__label__1 , kerry-kerrey confusion trips up campaign ( ap ) , ap - john kerry , bob kerrey . it ' s easy to get confused . +__label__2 , former florida swimming coach dies at 83 ( ap ) , ap - william h . harlan , the retired university of florida swimming coach who led the gators to eight conference titles , died tuesday , school officials said . he was 83 . +__label__2 , us men have right touch in relay duel against australia , thens , aug . 17 - so michael phelps is not going to match the seven gold medals won by mark spitz . and it is too early to tell if he will match aleksandr dityatin , the soviet gymnast who won eight total medals in 1980 . but those were not the . . . +__label__1 , schrder adopts russian orphan , three-year-old victoria , from st petersburg , has been living at the schrders #39 family home in hanover in northern germany for several weeks . +__label__2 , cabrera leads red sox past blue jays 5-4 ( ap ) , ap - orlando cabrera hit a run-scoring double off the green monster in the ninth inning on reliever justin speier ' s second pitch of the game , giving the boston red sox a 5-4 win over the toronto blue jays on tuesday night . +__label__2 , united arab emirates trap shooter secures nation #39 s first olympic gold , sheik ahmed bin hashr al-maktoum earned the first-ever olympic medal for the united arab emirates when he took home the gold medal in men #39 s double trap shooting on tuesday in athens . +__label__1 , sharon orders 1 , 000 homes in west bank , israel announced plans for 1 , 000 houses in the west bank yesterday , accelerating the expansion of the settlements . +__label__2 , so . cal player investigated in sex assault ( ap ) , ap - at least one member of the top-ranked southern california football team is under investigation for sexual assault , the los angeles police department said tuesday . +__label__1 , bush promotes his plan for missile defense system , president bush , in pennsylvania , said that opponents of a missile defense system were putting the nation ' s security at risk . +__label__2 , china sighs in relief as yao scores high , beijing ( reuters ) - china breathed a measured sigh of relief after the skills of its basketball giant yao ming dwarfed new zealand to sweep his team nearer to their goal of reaching the athens olympics semi-finals . +__label__1 , israelis ok new homes in west bank , a leaked israeli plan to build 1 , 000 new jewish settler homes in the west bank yesterday sent bush administration officials scrambling for a response in the sensitive period before november #39 s presidential election . +__label__1 , britain accuses 8 of terror plot , london - british police charged eight terrorist suspects yesterday with conspiring to commit murder and use radioactive materials , toxic gases , chemicals or explosives to cause quot fear or injury . quot . . . +__label__1 , israel kills 5 in strike at hamas activist , islamic group #39 s armed wing , the izz el-deen al-qassam brigades . doctors said he suffered leg wounds . +__label__2 , zambrano out early so are mets , enver , aug . 17 - victor zambrano came to the mets with radical movement on his pitches , fixable flaws in his delivery and a curious sore spot lingering around his right elbow . +__label__3 , dollar stuck , cpi offers little direction , tokyo ( reuters ) - the dollar moved in tight ranges on wednesday as most investors shrugged off lower-than-expected u . s . inflation data and stuck to the view the u . s . federal reserve would continue raising rates . +__label__2 , st . louis cardinals news , right-hander matt morris threw seven solid innings , but the cardinals needed a bases-loaded walk to second baseman tony womack and a grand slam from new right fielder larry walker to key a six-run eighth inning for a . . . +__label__2 , greek sprinters arrive at ioc hearing , athens ( reuters ) - greek sprinters costas kenteris and katerina thanou have arrived at an athens hotel for an international olympic committee ( ioc ) hearing into their missed doped tests , a saga that has shamed and angered the olympic host . . . +__label__2 , flop in the ninth inning sinks jays , boston -- the toronto blue jays have had worse hitting games this season against lesser pitchers than pedro martinez . +__label__1 , fresh fighting shatters short-lived ceasefire deal , renewed clashes in south ossetia , which resulted in death of two georgian soldiers , erupted late on august 17 , several hours after the south ossetian and georgian officials agreed on ceasefire . as a result tbilisi has already announced that it will not . . . +__label__2 , hamm hopes to get on a roll , paul hamm takes another shot at history tonight , when he ' ll try to become the first american to win the olympic men ' s all-around in gymnastics . +__label__1 , karzai promises afghans security for election ( reuters ) , reuters - afghanistan ' s president hamid karzai\promised afghans greater security when they go to vote in the\country ' s first ever democratic election during an independence\day speech on wednesday . +__label__1 , google lowers its ipo price range , san jose , calif . - in a sign that google inc . ' s initial public offering isn ' t as popular as expected , the company lowered its estimated price range to between \$85 and \$95 per share , down from the earlier prediction of \$108 and \$135 per share . . . +__label__1 , future doctors , crossing borders , students at the mount sinai school of medicine learn that diet and culture shape health in east harlem . +__label__3 , oil sets new record \$47 on iraq threat , london ( reuters ) - oil prices surged to a new high of \$47 a barrel on wednesday after a new threat by rebel militia against iraqi oil facilities and as the united states said inflation had stayed in check despite rising energy costs . +__label__2 , greek sprinters quit to end games scandal , athens ( reuters ) - greece #39 s two top athletes have pulled out of the athens olympics and apologised to the greek people for a scandal over missed dope tests that has tarnished the games #39 return to their birthplace . +__label__2 , phelps eyes fourth gold , athens ( reuters ) - a weary michael phelps targeted his fourth olympic gold medal in athens , turning his attention on wednesday to the 200 meters individual medley and settling for the second-fastest overall time in the heats . +__label__1 , israel kills 5 in attempt to assassinate hamas man , gaza ( reuters ) - a senior hamas leader survived an israeli assassination attempt in the gaza strip wednesday but at least five other palestinians were killed in the explosion that tore through his home . +__label__2 , giants win 6th straight , but schmidt is injured , san francisco -- with the first doubleheader at sbc park set to go off , today already stood to be a long workday for the giants . it will come on the heels of an even longer night . +__label__3 , sec may put end to quid pro quo ( usatoday . com ) , usatoday . com - the securities and exchange commission is expected to vote wednesday to prohibit mutual fund companies from funneling stock trades to brokerage firms that agree to promote their funds to investors . +__label__4 , real targets ipod with download price cut , realnetworks has kicked off what it claims is the biggest online music sale in history . for a limited time , every song in the firm #39 s realplayer music store can be downloaded for 49 cents , with most albums available for \$4 . 99 . +__label__1 , philippine rebels free troops , talks in doubt , presentacion , philippines ( reuters ) - philippine communist rebels freed wednesday two soldiers they had held as prisoners of war for more than five months , saying they wanted to rebuild confidence in peace talks with the government . +__label__1 , british terror suspects make first court appearance , london ( reuters ) - british terror suspects charged in a plot linked to security alerts at financial targets in new york , new jersey and washington made their first court appearance wednesday inside a high security prison . +__label__3 , update china mobile 1h net up 7 . 8 on subscriber growth , hong kong ( dow jones ) --china mobile ( hong kong ) ltd . ( chl ) , the listed unit of china #39 s biggest cellular phone operator , posted wednesday a 7 . 8 rise in first-half net profit on a 23 increase in its subscriber base . +__label__3 , monsanto says justice dept closes inquiry , new york ( reuters ) - monsanto co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mon . n target=/stocks/quickinfo/fullquote> mon . n< /a> on wednesday said the u . s . justice department has closed an inquiry into potential antitrust issues regarding a key ingredient used in its roundup herbicide . +__label__3 , cox communications forms committee to advise on buyout , cox communications inc . #39 s board of directors has formed a special committee of independent directors to consider cox enterprises inc . #39 s proposal to take the company private in a \$8 billion stock buyout . +__label__2 , afghan women make brief olympic debut , afghan women made a short-lived debut in the olympic games on wednesday as 18-year-old judo wildcard friba razayee was defeated after 45 seconds of her first match in the under-70kg middleweight . +__label__1 , north korea peace efforts in peril , the international effort to end the north korean nuclear crisis appears at risk of unravelling , despite foreign minister alexander downer #39 s high-profile mission to the secretive stalinist state . +__label__4 , 10 features for a perfect browser , there are some great browsers out there . but they all seem to have some slight niggles , different for each , that make it hard for me to kick back and enjoy them . while there are some projects out there to make browsers more useful for some specialised purposes or by bolting on handy extensions , wouldn ' t it be great if these people could come up with a standardised set of nice features like these ? a lot of browsers may support one or two , but i ' ll bet none have them all . +__label__4 , cops test handheld fingerprint reader , several minnesota police departments are field testing a handheld device that scans a suspect ' s fingerprint and digitally checks it against minnesota ' s criminal history and fingerprint database . +__label__3 , ross stores profit plummets 40 percent ( ap ) , ap - discount retailer ross stores inc . wednesday said its profit fell about 40 percent in the latest quarter due to problems with a new computer system that limited the company ' s ability to respond to changes in customer demand . +__label__4 , small computers can have multiple personalities , too , boston the jury is still out on whether a computer can ever truly be intelligent , but there is no question that it can have multiple personalities . it #39 s just a matter of software . we usually think of the processor chip as the brains of a computer . the . . . +__label__1 , rebel threat on the roads leaves katmandu isolated , katmandu , nepal the nepali capital was largely cut off from the rest of the country on wednesday after maoist rebels threatened to attack any vehicles traveling on main roads , in a virtual blockade of katmandu to press their demands for the release of . . . +__label__1 , immigrants settled in big cities , but less likely to find work statscan ( canadian press ) , canadian press - ottawa ( cp ) - most of the nearly two million immigrants who arrived in canada during the 1990s settled in one of the country ' s 27 census metropolitan areas , but still found it harder to find work than natural-born citizens , statistics canada reported wednesday . +__label__4 , sun postpones september user show , sun microsystems inc . has decided to postpone its september sunnetwork 2004 san francisco user conference , and is contemplating merging the event with its javaone 2005 developer conference , scheduled for the end of june 2005 . +__label__2 , olympics emotional zijlaard-van moorsel defends time trial title , athens dutch cycling great leontien zijlaard-van moorsel emotionally defended her olympic time trial gold medal here . +__label__4 , oracle launches business integlligence 10g , oracle introduced a new bi platform yesterday , business intelligence 10g that rolls up into one solution all of their bi tools . however , more interesting than the nitty-gritty details of what is included is the back story taking place at the same time . +__label__2 , dutch cyclist defends olympic gold , amsterdam cyclist leontien zijlaard-van moorsel won the first gold medal for the netherlands at the athens olympic games on wednesday . +__label__3 , kroger ' s profit up price cuts weigh , new york ( reuters ) - kroger co . , the top u . s . grocer , on tuesday posted a 29 percent rise in quarterly profit due to cost controls , but price cuts to lure shoppers caused earnings to miss wall street estimates and shares fell . +__label__2 , expanding west , major league soccer ' s two expansion teams , real salt lake and club deportivo chivas usa , will join the western conference for the 2005 season . +__label__2 , pacers activate foster from injured list ( ap ) , ap - the indiana pacers activated center jeff foster from the injured list tuesday . +__label__4 , microsoft finalises three-year government deal , hot on the heels of its 10-year strategic partnership with the london borough of newham , microsoft is close to signing a new broad three-year public sector agreement with the government . +__label__3 , airlines agree to cut flights at chicago o ' hare , chicago ( reuters ) - u . s . airlines have agreed to limit flights into chicago ' s o ' hare international airport to 88 arrivals per hour between 7 a . m . and 8 p . m . in an effort to cut congestion that has slowed the whole u . s . aviation system , federal officials said on wednesday . +__label__1 , russia ready to contribute to settlement of south ossetia conflict putin , moscow , aug . 18 ( xinhuanet ) -- russian president vladimir putin said wednesday that russia is ready to contribute to a settlement of conflict between georgia and its separatist province of south ossetia . +__label__4 , nasa confident of debris solution , six months before nasa plans to return the shuttle to space , officials think they #39 ve essentially solved the problem that doomed columbia in 2003 -- debris coming off its fuel +__label__1 , burundi police forcibly disperse tutsi protest , police in burundi #39 s capital , bujumbura , used tear gas to break up a demonstration wednesday held to protest the massacre of congolese tutsi refugees . +__label__2 , veterans committee counts for little , the hall of fame released the latest veterans committee ballot yesterday . as you might ( or might not ) remember , there #39 s a ( nearly ) new committee in town . +__label__4 , drive maker files counterclaims in patent suit , cornice blasts seagate ' s suit over patents for tiny hard drives used in portable gadgets . +__label__4 , hp moves network scanning software into beta , chicago - hewlett-packard ( hp ) has moved its active counter measures network security software into beta tests with a select group of european and north american customers in hopes of readying the product for a 2005 release , an hp executive said at the hp world conference here in chicago wednesday . +__label__1 , martin announces major overhaul of key staff in prime minister ' s office ( canadian press ) , canadian press - ottawa ( cp ) - paul martin announced a major overhaul of his senior staff wednesday , with several close confidants and one ex-cabinet minister handed major roles in the prime minister ' s office in a post-election shakeup . +__label__1 , kerry assails bush troop withdrawal plan ( afp ) , afp - democratic white house hopeful senator john kerry warned that president george w . bush ' s plan to withdraw 70 , 000 troops from europe and asia would hinder the war on terrorism and embolden north korea . +__label__1 , iraq cleric ' to end najaf revolt ' , shia cleric moqtada sadr reportedly agrees to end an uprising in the holy iraqi city of najaf . +__label__3 , medtronic quarterly earnings rise , chicago ( reuters ) - medtronic inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mdt . n target=/stocks/quickinfo/fullquote> mdt . n< /a> on wednesday said its quarterly earnings rose amid brisk demand for devices that manage irregular heart beats and products used to treat the spine . +__label__3 , airlines agree to cuts at o ' hare , federal officials today announced plans to temporarily cut 37 flights operating at chicago ' s o ' hare international airport to help reduce the delay problems that ripple across the country . +__label__1 , stock prices climb ahead of google ipo , new york - investors shrugged off rising crude futures wednesday to capture well-priced shares , sending the nasdaq composite index up 1 . 6 percent ahead of google inc . ' s much-anticipated initial public offering of stock . in afternoon trading , the dow jones industrial average gained 67 . 10 , or 0 . 7 percent , to 10 , 039 . 93 . . . +__label__2 , today in athens , leontien zijlaard-van moorsel of the netherlands wipes a tear after winning the gold medal in the women #39 s road cycling individual time trial at the vouliagmeni olympic centre in athens on wednesday . +__label__3 , medtronic quarterly net up , chicago ( reuters ) - medtronic inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mdt . n target=/stocks/quickinfo/fullquote> mdt . n< /a> on wednesday said its quarterly earnings rose on brisk demand for devices that manage irregular heart beats and products used to treat the spine . +__label__2 , greek sprinters quit games , athens ( reuters ) - greece #39 s top two sprinters have quit the olympic games after submitting their country to six days of embarrassment in a hide-and-seek contest with anti-doping enforcers . +__label__4 , strong family equals strong education , single mothers , poverty were big factors in school performance healthdaynews -- american teenagers who live with poor single mothers are more likely to get into trouble at school and have poor marks and are less likely to think they ' ll go to college , says a rice university study . holly heard , an assistant professor of sociology , analyzed data from thousands of teens who took part in the national longitudinal study of adolescent health . . . +__label__4 , netratings survey shows broadband users now a majority in us , august 18 , 2004 ( idg news service ) - a majority of us home internet users now have broadband , according to a survey by netratings inc . +__label__4 , stunt pilots to save sun dust , it promises to be a scene worthy of a science fiction spectacular . a space probe carrying primordial material scooped from outer space starts to plunge towards our planet . but before it can strike , a helicopter flown by a hollywood stunt . . . +__label__1 , u . s . forces kill 50 sadr militia in baghdad suburb , baghdad ( reuters ) - u . s . forces killed more than 50 shi ' ite militiamen on wednesday in a significant advance into a baghdad suburb that is a powerbase for radical cleric moqtada al-sadr , the military said . +__label__2 , owners seek best ballpark deal for expos ( ap ) , ap - trying to get the best possible ballpark deal for the montreal expos , major league baseball instructed its lawyers to press ahead with negotiations involving four of the areas bidding for the team . +__label__2 , crowd inspires greek beach volleyballers u . s . duo ousted , athens ( reuters ) - a roaring crowd helped inspire greece ' s top women ' s beach volleyball team to trounce china on wednesday and reach the next round . +__label__2 , boro captain warns of duo #39 s threat , gareth southgate has warned barclays premiership defences to be wary of middlesbroughs back-to-form strikers mark viduka and jimmy floyd hasselbaink . +__label__4 , intuit posts wider loss after charge ( reuters ) , reuters - intuit inc . ( intu . o ) , maker of\the no . 1 u . s . tax presentation software turbotax , on wednesday\posted a wider quarterly loss after taking a goodwill\impairment charge during its seasonally weaker fourth quarter . +__label__2 , hamilton wins cycling time trial event , thens , aug . 18 tyler hamilton had bruises splotched all over his back , painful souvenirs of a tour de france gone terribly wrong . +__label__4 , alaska wildfires grow to record 5 million acres ( reuters ) , reuters - wildfires have scorched over\5 million acres in alaska as of tuesday , forestry officials\said , a new record that signals possible changes in climate\conditions and the composition of the vast forests . +__label__2 , britain #39 s olympic medal total takes sudden turn for the better , great britain #39 s performances in the olympic games made a dramatic and unexpected improvement yesterday as they won a silver and three bronze medals . they were also guaranteed at least a silver medal in badminton #39 s mixed doubles . +__label__1 , putin faults georgia on #39 90s tactics in 2 regions , tbilisi , georgia the separatist conflicts in georgia resulted from the quot foolish quot move by georgia to strip south ossetia and abkhazia of their autonomous status during the soviet collapse , president vladimir putin of russia was quoted as saying on . . . +__label__2 , avalanche sign damphousse to one-year deal ( ap ) , ap - the colorado avalanche prepared for the potential loss of several key front-line players , signing former san jose sharks captain vincent damphousse to a one-year , #36 2 million contract wednesday . +__label__2 , government gives partial clearance to bangla tour , the government today gave a partial go-ahead for the indian cricket team #39 s tour of bangladesh for the first test match beginning on thursday but its security delegation will go to chittagong , the other venue , to make an assessment of the threat perception +__label__2 , viduka brace helps boro to win , after a spell without scoring , mark viduka grabbed two goals as middlesbrough beat manchester city 3-2 . boro went ahead when viduka took stewart downings pass , brought it sweetly under control and chipped it over onrushing city keeper david james . +__label__4 , hurricane center #39 s projection on charley not far off , data show , fort lauderdale , fla . - ( krt ) - despite criticism that it should have better anticipated hurricane charley #39 s rapid intensification and quick turn , the national hurricane center #39 s forecast wasn #39 t that far off , a preliminary post-mortem shows . +__label__3 , update 1-j amp j in talks to buy guidant - sources , health care and consumer products maker johnson amp johnson ( jnj . n quote , profile , research ) is in negotiations to acquire medical-device maker guidant corp . +__label__3 , amp shrugs off british debacle , australian insurer amp returned to the black in the first half of the year with net profits of a\$378m ( 150m ) after a disastrous foray into britain pushed it a\$2 . 16 billion into the red last year . +__label__4 , lloyds tsb cashes in on voip , lloyds tsb is gearing up to roll out one of the largest converged networks in europe , a 500m 70 , 000 phone voip infrastructure linking all the bank #39 s branches and cash points . +__label__2 , british athletics appoint psychologist for 2008 olympics , british athletics chiefs have appointed sports psychologist david collins as performance director to produce medal winners at the 2008 beijing olympics . +__label__2 , olympic daily preview - thursday , august 19 , athens , greece ( sports network ) - wednesday night it was paul hamm #39 s turn to shine for the united states , as he won the gold medal in the men #39 s all-around competition . will thursday produce a sweep for the us at the olympics ? . . . +__label__1 , arafat urges reforms to rectify his #39 mistakes #39 , yasser arafat , the palestinian president , made a rare acknowledgement of mistakes under his rule yesterday and urged reforms to end corruption . +__label__3 , selling houston warts and all , especially warts , descriptions of urban afflictions and images of giant mosquitoes and cockroaches to convey a sense of how houston is nevertheless beloved by many residents . +__label__2 , brazil beats haiti in goodwill soccer game , the boys from brazil beat haiti #39 s national soccer team wednesday in a friendly goodwill game 6-0 . the game was the brainchild of brazilian president luiz inacio lula da silva , who was on hand in the haitian capital for the historical match . +__label__3 , credit suisse to merge csfb unit into parent , credit suisse group announced plans to merge its credit suisse first boston securities unit with the rest of the company #39 s operations and cut as many as 300 jobs . +__label__3 , holiday-shopping season remains sluggish ( reuters ) , reuters - u . s . shoppers have kept a tight grip\on their wallets this holiday season with indices on tuesday\showing sluggish sales in the second week of the season . +__label__1 , un to begin second airlift of vietnamese montagnards ( afp ) , afp - the second major airlift of vietnamese montagnards who fled to cambodia ' s remote jungles after april anti-government protests will begin at the weekend . +__label__2 , tennis roddick and williams ousted , athens shell-shocked americans andy roddick and venus williams joined already-beaten men #39 s top seed roger federer in the favourites #39 exodus from the olympic tennis tournament on wednesday . +__label__3 , insurer lowers hurricane estimate , hurricane charley , the worst storm to hit the us in over a decade , will cost insurers just \$7 . 4bn , one insurance expert estimates . +__label__1 , nepal seeks talks to end rebel blockade of capital , kathmandu ( reuters ) - the fear of attack kept most vehicles off roads leading to nepal ' s capital for a second day on thursday as authorities sought talks to end a siege called by maoist insurgents . +__label__2 , braves 6 , padres 5 , andruw jones hit a two-run homer off trevor hoffman in the ninth inning and the atlanta braves threw out the potential tying run at the plate for the final out wednesday night , preserving a 6-5 come-from-behind win over the san diego padres . +__label__2 , scandal won #39 t go away , athens -- it was telling yesterday that the majority of the dozens of journalists who asked questions and attended a news conference into a greek doping scandal were mostly canadian . question after question came from canadians . we were all there , i think , . . . +__label__3 , hundreds laid off at fleet offices , bank of america corp . yesterday laid off hundreds of workers at fleet bank branches across the northeast as the north carolina bank began to implement its brand of . . . +__label__4 , netapp ceo no storage spending shortfall ( techweb ) , techweb - customers are decoupling storage from server purchases , which explains why emc and netapp earnings were up and why sun and hp were flat or down , warmenhoven says . +__label__3 , justices to debate mail-order wine , being freelance wine critics may sound like a sweet gig , but ray and eleanor heald have soured on it . because their home state , michigan , blocks direct shipments from out-of-state +__label__2 , stanford ' s cubit hired as w . mich . coach ( ap ) , ap - stanford offensive coordinator bill cubit was hired tuesday as head coach at western michigan . +__label__3 , oil prices surge to a new high , washington -- the price of oil charged to a new high above \$47 a barrel yesterday amid nagging concerns about instability in iraq , the uncertain fate of russian petroleum giant yukos , and the world ' s limited supply cushion . +__label__2 , a shot in the arm for all , olympia , greece -- a brilliant idea , taking the shot put back to the birthplace of the olympic games , proving , if nothing else , that everything old really can become new again . +__label__1 , bomb found near berlusconi #39 s villa , italian premier silvio berlusconi ( left ) goes for a walk with british prime minister tony blair and his wife cherie blair at berlusconi #39 s villa , monday . ap . . . +__label__3 , after wait , google set for market debut , new york ( reuters ) - shares of google inc . will make their nasdaq stock market debut on thursday after the year ' s most anticipated initial public offering priced far below initial estimates , raising \$1 . 67 billion . +__label__4 , bill clinton helps launch search engine , former president bill clinton on monday helped launch a new internet search company backed by the chinese government which says its technology uses artificial intelligence to produce better results than google inc . +__label__2 , harris #39 three-run double in ninth sinks gagne , los angeles - paul lo duca never got to moonwalk to home plate , though he did skip gleefully to the dugout moments after facing former batterymate eric gagne for the first time . +__label__2 , ali gives iraq fighting chance , the back of his shirt told the story last night at the peristeri olympic boxing hall . +__label__4 , survey napster , itunes beat other download brands ( maccentral ) , maccentral - market research company ipsos-insight on tuesday announced the results of tempo , a quarterly survey of digital music behaviors . according to the report , consumers aged 12 and older in the united states were as likely to be aware of apple computer inc . ' s itunes music store and napster 2 . 0 when it came to recognizing digital music download brands -- each music service registered 20 percent of what tempo refers to as top-of-mind awareness . +__label__3 , qantas says record profit not big enough , australia #39 s flagship carrier qantas airways has reported a record annual net profit but warned oil prices threatened its performance , increasing the chance of a hike in ticket price surcharges to offset its fuel bill . +__label__3 , state , drug chains reach agreement , the state of maine , rite aid corp . , and community pharmacy lp have agreed to a consent decree placing conditions on the sale of five community pharmacy stores to rite aid . +__label__4 , most us homes have broadband connections , while the total number of home internet users has reached a plateau in the us , those who do use the internet are adopting broadband at a rapid pace , according to marc ryan , senior director of analysis at the audience measurement company . +__label__4 , bluetooth flying bot creates buzz , the latest tiny flying robot that could help in search and rescue or surveillance has been unveiled in japan . +__label__4 , caterpillar snaps up another remanufacturer of engines , peoria - caterpillar inc . said wednesday it will acquire a south carolina remanufacturer of engines and automatic transmissions , increasing its us employment base by 500 people . +__label__1 , kidnappers threaten to kill western journalist , the kidnappers of an american-french journalist in iraq have threatened to execute him within 48 hours unless us forces withdraw from the holy city of najaf . +__label__3 , qantas wants better tax treatment , mark colvin qantas might have posted yet another record profit , but the national carrier #39 s boss , geoff dixon , claims earnings are being hampered by unfair subsidies for international carriers allowed to fly in and out of australia . +__label__1 , sa ' mercenaries ' plead not guilty , sixty-six men accused of plotting a coup in equatorial guinea deny breaching zimbabwe ' s security laws . +__label__2 , olympics hansen still strong enough to take bronze , every ounce of his energy was expended , leaving an empty fuel tank . but , even in a depleted state , brendan hansen found a way to bolster his ever-growing swimming legacy . +__label__3 , oil hits new high over \$48 as iraq violence flares , london ( reuters ) - oil prices struck a fresh record above \$48 a barrel on thursday , spurred higher by renewed violence in iraq and fresh evidence that strong demand growth in china and india has not been slowed yet by higher energy costs . +__label__3 , economic indicators declined in july , a closely watched measure of future economic activity fell in july for the second consecutive month , reinforcing evidence that the nation ' s financial recovery is slackening . +__label__4 , explorers find ancient city in remote peru jungle ( reuters ) , reuters - an ancient walled city complex\inhabited some 1 , 300 years ago by a culture later conquered by\the incas has been discovered deep in peru ' s amazon jungle , \explorers said on tuesday . +__label__3 , colgate to cut 4 , 400 jobs , shut plants , new york ( reuters ) - colgate-palmolive co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cl . n target=/stocks/quickinfo/fullquote> cl . n< /a> will cut about 4 , 400 jobs , or 12 percent of its work force , and close nearly a third of its factories under a restructuring , the consumer products company said on tuesday . +__label__4 , drugstore offers new wave of disposable cameras , new york ( reuters ) - pharmacy chain cvs corp . on thursday said it would offer the world ' s first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures . +__label__4 , ciena posts a loss , forecasts flat sales , < p> < /p> < p> by deborah cohen< /p> < p> chicago ( reuters ) - telecommunications equipment makerciena corp . < cien . o> on thursday reported a wider loss for thefiscal third quarter due to slack demand and forecast sales inthe current quarter would be little changed from the thirdquarter . < /p> +__label__4 , u . s . broadband penetration tops 51 , by anick jesdanun new york ( ap ) -- the number of americans who get on the internet via high-speed lines has now equaled the number using dial-up connections . july measurements from nielsen/netratings placed the broadband audience at 51 percent of the u . s . . . +__label__2 , american aaron peirsol wins gold on appeal , athens ( reuters ) - aaron peirsol won his second gold medal at the athens olympics thursday after winning an appeal against his disqualification from the men ' s 200 meter backstroke . +__label__1 , abu ghraib report ' spreads blame ' , a report on the abu ghraib prisoner abuse scandal will blame at least two dozen more people , say us officials . +__label__4 , ecuadorean lawsuit vs texaco boils down to science ( reuters ) , reuters - after a decade\of court battles , lawyers on wednesday took a lawsuit by\ecuadorean indians accusing u . s . oil firm chevrontexaco corp . . \of polluting the amazon jungle into the field . +__label__4 , priceline , ramada to make sites more accessible to blind , in one of the first enforcement actions of the americans with disabilities act on the internet , two major travel services have agreed to make sites more accessible to the blind and visually impaired . +__label__4 , atlantis evidence found in spain , ireland , in 360 b . c . the greek philosopher plato described an island he called atlantis . now contradicting new evidence claims the fabled city-state was based on a real place . +__label__4 , groups eager to meet with bush , kerry ( ap ) , ap - organizations representing the nation ' s 3 million scientists , engineers and doctors have invited both presidential candidates to have a word with them #151 online . +__label__2 , carly patterson wins the women ' s all-round , athens ( reuters ) - carly patterson upstaged russian diva svetlana khorkina to become the first american in 20 years to seize the women ' s olympic gymnastics all-round gold medal on thursday . +__label__4 , court file-swapping software not liable for copyright violations , the makers of two leading file-sharing programs are not legally liable for the songs , movies and other copyright works swapped online by their users , a federal appeals court ruled thursday in a stinging blow to the entertainment industry . +__label__2 , olympics olympic weightlifting reels as six more lifters fail drug tests , athens weightlifting was reeling from the latest crisis to hit the perennially drug-tainted sport here as six more athletes were kicked out of the olympics for failing dope tests . +__label__2 , colts ' carthon hopes to follow dad in nfl ( ap ) , ap - ran carthon tried to avoid playing football after seeing the pain it inflicted on his father , maurice . bloodlines , his friends and reality forced a changed of heart . +__label__2 , lpga ' s nabisco to change dates in 2006 ( ap ) , ap - the kraft nabisco championship will be played one week later than usual starting in 2006 , preventing the lpga tour ' s first major from getting lost among other big sporting events . +__label__1 , georgian troops leave south ossetia , the soldiers withdrew from the heights above the ossetian of capital of tskhinvali thursday , turning the area over to peacekeepers . georgia says three of its soldiers were killed in earlier fighting , while ossetian authorities say three civilians died . . . +__label__3 , ohio sues best buy , alleging used sales ( ap ) , ap - ohio authorities sued best buy co . inc . on thursday , alleging the electronics retailer engaged in unfair and deceptive business practices . +__label__4 , cisco flaw leaves router vulnerable to attack , cisco systems issued a security advisory warning that some networks using its routers may be vulnerable to denial-of-service attacks . devices running internetwork operating system and enabled for the open shortest path first ( ospf ) . . . +__label__2 , sprint is chock full of potential heros , it would be nice to see this week #39 s 100-meter sprint as simply the best footrace of all time . we could witness four sub-10-second sprints for the first time ever . it would be nice to watch with raised eyebrows instead of furrowed ones . it . . . +__label__4 , scientists study the hudson river ( ap ) , ap - scientists are plunking a series of high-tech sensors into the hudson river in an effort to unravel mysteries of the murky waterway . +__label__4 , study to examine effects of ship waste ( ap ) , ap - a team of scientists is traveling a 600-mile stretch of the inside passage this month to study the effects of cruise ship waste and other contaminants in southeast alaska waters . +__label__2 , cink leads nec invitational by one shot ( ap ) , ap - free from the burden of trying to make the ryder cup team , stewart cink looked at ease thursday on a marathon day at the nec invitational that ended with his name atop the leaderboard . +__label__3 , briefly china interest in key yukos unit , china is interested in participating in the bidding for yuganskneftegaz , the top oil-producing subsidiary of the russian oil giant yukos , a chinese economic official was quoted as saying in a report thursday by the russian news agency interfax . the . . . +__label__4 , apple recalls 28 , 000 batteries , apple has issued a safety recall for 28 , 000 batteries for its powerbook notebooks , saying they posed a potential fire hazard . +__label__3 , best buy a bad deal ? , attorney general jim petro is suing best buy , alleging the electronics retailer has engaged in unfair and deceptive business practices . +__label__2 , liu brings china 4th gold in weightlifting at athens games , athens , aug . 19 ( xinhuanet ) -- chinese hercules liu chunhong thursday lifted three world records on her way to winning the women #39 s 69kg gold medal at the athens olympics , the fourth of the power sport competition for china . +__label__2 , battling davenport through , lindsay davenport continued her dominant recent run and reached the last eight of the cincinnati open with a 4-6 6-4 6-1 win over lilia osterloh . +__label__4 , genesis spacecraft prepares to return to earth with a piece of the sun , in a dramatic ending that marks a beginning in scientific research , nasa ' s genesis spacecraft is set to swing by earth and jettison a sample return capsule filled with particles of the sun that may ultimately tell us more about the genesis of our solar system . +__label__2 , badminton pair want more , nathan robertson says there is no reason why he and badminton partner gail emms should not win the next olympics . +__label__1 , darfur warring parties to meet in nigeria for peace talks ( afp ) , afp - sudan ' s government and its foes in the darfur region ' s rebel movements will meet on monday for peace talks which mark a last chance for african diplomacy to solve the crisis before the united nations steps in . +__label__1 , iraq oil exports still halved after basra hq attack , baghdad ( reuters ) - iraq continued to export oil at one million barrels per day on friday after an attack on the south oil company headquarters took sabotage operations to a new level , an official at the state-owned entity said . +__label__3 , us unemployment claims slip but picture still murky , new yorkfewer americans lined up to claim first-time jobless benefits last week but analysts said the modest decline said very little about the current state of the labour market . +__label__3 , vt . sues over importing drugs , vermont ' s republican governor challenged the bush administration ' s prescription drug policy in federal court yesterday , marking the first time a state has chosen a legal avenue in the expanding battle over canadian imports . +__label__2 , for starters , giants #39 manning on mark , manning had a decent debut as a starter , but delhomme overshadowed the no . 1 pick in the nfl draft by throwing for a touchdown and running for another in the carolina panthers #39 27-20 exhibition victory last night over . . . +__label__2 , clemens deal is waived off , chicago -- the red sox were ready to welcome roger clemens back to boston . his uniform number ( 21 ) was available . pedro martinez , who has expressed the utmost respect for clemens , almost certainly would have made some room for the rocket near the locker clemens long used and martinez now occupies . curt schilling would have been thrilled to pitch with . . . +__label__4 , life without numbers in a unique amazon tribe , 11=2 . mathematics doesn #39 t get any more basic than this , but even 11 would stump the brightest minds among the piraha tribe of the amazon . +__label__4 , p2p services in the clear , in a major setback for the music and movie industries , a federal appeals court upholds a lower court ' s decision in the infamous grokster case , ruling peer-to-peer services morpheus and grokster are not liable for the copyright infringement of their users . by katie dean . +__label__4 , swap your pc , or your president , the producer of ads featuring pc users who switched to macs is applying the same tactic to political commercials . this time , he ' ll focus on former backers of president bush , recruited online , who ' ve changed their political allegiance . by louise witt . +__label__2 , agassi cruises into washington open atp quarter-finals , washington , aug . 19 ( xinhuanet ) -- andre agassi cruised into quarter-finals in washington open tennis with a 6-4 , 6-2 victory over kristian pless of denmark here on thursday night . +__label__1 , producer sues for rings profits , hollywood producer saul zaentz sues the producers of the lord of the rings for \$20m in royalties . +__label__1 , 30 , 000 more sudanese threaten to cross to chad -un ( reuters ) , reuters - some 30 , 000 sudanese , victims of fresh\attacks by arab militia inside darfur , have threatened to cross\into chad , the u . n . refugee agency warned on friday . +__label__4 , google scores first-day bump of 18 ( usatoday . com ) , usatoday . com - even a big first-day jump in shares of google ( goog ) couldn ' t quiet debate over whether the internet search engine ' s contentious auction was a hit or a flop . +__label__2 , carly patterson wins gymnastics all-around gold , athens ( reuters ) - carly patterson upstaged russian diva svetlana khorkina to become the first american in 20 years to win the women ' s olympic gymnastics all-round gold medal on thursday . +__label__3 , chevrontexaco hit with \$40 . 3m ruling , montana jury orders oil firm to pay up over gas pipeline leak from 1955 company plans to appeal . new york ( reuters ) - a montana jury ordered chevrontexaco corp . , the number two us oil company , to pay \$40 . 3 million for environmental damage from a gasoline . . . +__label__2 , 3 us boxers punched out of games , athens -- vanes martirosyan became the second american to bow out of the olympic boxing tournament thursday when he was defeated 20-11 by lorenzo aragon of cuba in their welterweight bout at 152 pounds . +__label__3 , before-the bell rouse co . shares jump , < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=rse . n target=/stocks/quickinfo/fullquote> rse . n< /a> jumped before the bell after general growth properties inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ggp . n target=/stocks/quickinfo/fullquote> ggp . n< /a> , the no . 2 u . s . shopping mall owner , on friday said it would buy rouse for \$7 . 2 billion . +__label__3 , services make big gains in japan , tertiary index comes in at almost double expectations , drives up yen and helps nikkei overcome oil . london ( reuters ) - the yen hit a four-week high against the dollar friday as stronger-than-expected japanese service sector data raised optimism about the . . . +__label__3 , google shares bounce up 18 in trading debut , in the stock #39 s first day of trading , investors bought , sold and flipped shares at a furious pace , with the price ending just above \$100 - 18 percent higher than where it started . it was , in other words , everything the company #39 s founders , sergy brin and . . . +__label__3 , stocks lower as oil prices steam higher , with the much-ballyhooed initial public offering of google behind them and oil chugging to a new record high , investors took a step back today . +__label__2 , don #39 t expect tiger to relinquish his top ranking without a fight , they #39 re calling ohio a quot battleground state , quot one of the two or three places likely to decide november #39 s presidential election . on local tv , the bush and kerry ads air so frequently that it #39 s easy to forget it #39 s bob costas who actually runs the country . +__label__4 , understanding google adwords , understanding google adwords\\unlike many search engines google , to its credit , clearly denotes search listings that are paid placement . in fact , google adwords appear in a separate section down the left side of the screen . \\google adwords provide an inexpensive advertising venue for businesses to advertise products or services to a targeted . . . __label__4 , service packs , senators and civil liberties , < strong> letters < /strong> the bulging postbag gives up its secrets -__label__2 , saints revoke waiver claim on derek ross ( ap ) , ap - one day after placing a waiver claim on troubled cornerback derek ross , the saints did an about-face and released the former ohio state standout after he missed a scheduled flight to new orleans on wednesday night . -__label__3 , hooker furniture puts investors first , closing a factory is never popular , but it ' s the right thing to do . -__label__3 , clicking on profits , the latest data from the us department of commerce further bolsters what we have all suspected e-commerce sales are increasing . not only might one suspect that consumer confidence has been bolstered since last year , there . . . -__label__2 , french take gold , bronze in single kayak , athens , greece - winning on whitewater runs in the family for frenchman benoit peschier , though an olympic gold is something new . peschier paddled his one-man kayak aggressively but penalty free in both his semifinal and final runs on the manmade olympic . . . -__label__4 , dogs in training to sniff out cancer , experts have trained unwanted dogs into supersniffers that can detect drugs or bombs . now they ' re focusing on a new threat #151 prostate cancer . -__label__3 , antidepressants to reflect suicide risk , washington ( reuters ) - the u . s . food and drug administration plans to update antidepressant labels to reflect studies that suggest a link between the drugs and suicide in youths , but remains cautious about the strength of such ties , according to documents released on friday . -__label__3 , ual and its creditors agree to 30-day extension , ual ' s united airlines will have a 30-day extention on the period in which it can file an exclusive bankruptcy reorganization plan . -__label__1 , mood mixed among darfur rebels ahead of talks , corcha camp , sudan ( reuters ) - a sudanese rebel commander in a camp in darfur tells his troops he is hoping for peace . but just a few hours march away , young men say they are convinced sudan wants to drive them off the land . -__label__1 , crude price spike may send gas higher ( ap ) , ap - amid soaring crude oil prices , gasoline costs have been dropping . but don ' t expect that to last , economists say . -__label__3 , amazon snaps up china ' s largest web retailer ( newsfactor ) , newsfactor - amazon . com ( nasdaq amzn ) has said it will buy joyo . com limited -- a british virgin islands company that operates the largest internet retail web site in china -- for us #36 75 million . -__label__2 , swimming phelps wins gold , pulls out of relay , athens ( reuters ) - michael phelps , who has won five gold medals in the olympic pool , said friday he was pulling out of saturday ' s 4x100 meter medley relay final to give team mate ian crocker the chance to swim . -__label__3 , court won ' t halt arch coal ' s triton bid ( reuters ) , reuters - a u . s . appeals court ruled on friday\that arch coal inc . ( aci . n ) may proceed with its bid to buy the\assets of rival triton coal co . llc , denying an emergency\request by the federal trade commission to block the deal , a\spokesman for the agency said . -__label__3 , treasury prices take a breather today , new york ( reuters ) - u . s . treasury prices paused for breath on tuesday after a blistering two-session rally ran out of steam , though analysts still saw room to the upside given the large short-base in the market . -__label__1 , sadr militiamen still in control of iraq shrine , najaf , iraq ( reuters ) - rebel shi ' ite fighters appeared still to be in control of the imam ali mosque in the iraqi city najaf early on saturday , but the whereabouts of their leader , the fiery cleric moqtada al-sadr , were unknown . -__label__2 , liverpool completes signings of alonso , garcia , liverpool , england ( ap ) -- spanish pair xabi alonso from real sociedad and luis garcia from barcelona signed five-year contracts with liverpool on friday . -__label__4 , report consumers tuning in to plasma tvs , first-quarter shipments of plasma televisions in the united states more than doubled from the previous year , according to research firm isuppli . prices fell by nearly \$1 , 000 over the same period . -__label__2 , seven seize , athens -- he was behind at the start . he was behind at the turn . he was behind for 99 . 99 of the 100 meters . his head was behind ian crocker ' s head at the finish . and yet somehow last night , michael phelps won again -- for the fourth and final time in an individual race at these olympics . -__label__4 , one in four servers to run linux by 2008 , in a report , the research firm painted a bright future for the open source operating system , claiming that shipments of servers running linux -- and revenues from those shipments -- will rise significantly over the next five years . -__label__1 , republican convention light on stars ( ap ) , ap - the republicans will have one sure hollywood star for their convention #151 california gov . arnold schwarzenegger #151 along with performers to keep the country music fans happy . but they ' ll be hard-pressed to match the democratic convention ' s appeal to young voters led by ben affleck . -__label__1 , italian pm #39 s transplant confirmed , after days of speculation sparked by the white bandanna worn by mr berlusconi on holiday in sardinia , piero rosati said the results of the operation would show in a couple of months . -__label__4 , apple recalls flaming 15-inch powerbook g4 battery , the affected batteries could overheat , posing a fire hazard . apple received four reports of these batteries overheating . no injuries have been reported . -__label__3 , samsung plans to invest won25 , 000bn in chips , samsung electronics , the world #39 s second largest computer chip manufacturer , yesterday said that it would invest won25 , 000bn ( \$24bn ) in its semiconductor business by 2010 to generate -__label__4 , rosetta mission sniffing a comet , the european rosetta mission will sample a comet as it tries to harpoon and hook onto its surface . a specially designed oven will cook the comet in analogy to sniffing for recognizable elements . -__label__2 , more gold for britain as wiggins strikes , bradley wiggins has given britain their second olympic cycling gold medal in two days , winning the men #39 s 4-km individual pursuit . -__label__1 , soldiers kill palestinian near gaza-israel fence , israeli soldiers shot and killed a palestinian as he approached a security fence between israel and the gaza strip , israeli military sources said on saturday . -__label__1 , militia , shiite leaders bicker over shrine , najaf , iraq - militants loyal to radical shiite cleric muqtada al-sadr kept their hold on a revered shrine , and clashes flared in najaf on saturday , raising fears that a resolution to the crisis in the holy city could collapse amid bickering between shiite leaders . the clashes between u . s . . . -__label__2 , strongwoman hoists 100th gold for chinese delegation , tang gonghong lifted a world record to claim in athens the 100th olympic gold for china since its participation in 1984 olympic games on saturday when -__label__1 , west mulls boundries for african fighting ( ap ) , ap - as the month-end deadline nears for sudan to disarm the mostly arab pro-government militias in darfur , the united nations and western powers are in a dilemma over how far to go to stop the killing in an african country . -__label__3 , chavez victory confirmed , caracas , venezuela - the results of an audit support the official vote count showing that president hugo chavez won this month #39 s recall referendum in venezuela , the head of the organization of american states said saturday . -__label__3 , wall st . ' s nest egg - the housing sector , new york ( reuters ) - if there were any doubts that we ' re still living in the era of the stay-at-home economy , the rows of empty seats at the athens olympics should help erase them . -__label__2 , lithuanians deliver nba stars another olympic basketball dunking ( afp ) , afp - lithuania defeated the united states 94-90 in an olympic men ' s basketball preliminary round game , only the fourth loss in 115 olympic starts for the defending champions . -__label__2 , source dolphins , bears on verge of deal ( ap ) , ap - the chicago bears agreed saturday to trade receiver marty booker to the miami dolphins for unsigned adewale ogunleye #151 if the bears can reach a contract agreement with the pro bowl defensive end , a source close to the negotiations said . -__label__4 , video game makers go hollywood . uh-oh . , ovie producers are often criticized for running at the sight of original ideas , preferring instead to milk plays , books , news events , toys and even video games for their screenplays . -__label__2 , cricket-lara mulls over future after england whitewash , london ( afp ) - brian lara said he will take stock before deciding on his future as west indies captain following his side #39 s 10-wicket defeat to england in the fourth and final test . -__label__1 , pakistani troops raid two terrorist hideouts , pakistani troops backed by artillery and aircraft attacked two suspected terrorist hideouts near the rugged afghan border yesterday , killing and wounding a number of militants , pakistan army and security officials said . -__label__2 , fleisher surges clear , bruce fleisher carded a seven-under-par 65 to take a three-shot lead after the second round of the greater hickory classic in north carolina . -__label__2 , glory comes amid empty seats and closed shutters , here in old europe , people install shutters outside their windows to keep out the heat , the pollution , the daylight , the noise . they also lock the shutters tight when they go away on holiday . -__label__4 , amazon to buy chinese retailer joyo . com , internet retailer amazon . com inc . said on thursday that it will buy joyo . com ltd . , which runs some of china #39 s biggest retail web sites , for about \$75 million to gain entry into china #39 s fast-growing market . -__label__4 , salesforce . com 2q profit up sharply , software developer salesforce . com inc . posted a sharp rise in second-quarter profit on better-than-expected revenue during its first quarter as a public company , but investors shunned the stock in late trading -__label__2 , jerkens makes right call with society selection , trainer allen jerkens hemmed and hawed this past week over running society selection in saturday #39 s grade 1 alabama at saratoga . -__label__1 , unknown nesterenko makes world headlines ( reuters ) , reuters - belarus ' yuliya nesterenko won the top\women ' s athletics gold medal at the olympics on saturday , \triumphing over a field stripped of many big names because of\doping woes to win the 100 meters . -__label__3 , ready to bet on alternative energy ? well , think again , when oil prices rise , public interest in alternative energy often does , too . but the logic is evidently escaping wall street . -__label__2 , athletics 5 , devil rays 0 , barry zito scattered four hits over eight shutout innings , leading the al west-leading oakland athletics past the tampa bay devil rays 5-0 on saturday night . -__label__1 , fatah hopes barghouti would take back candidacy , fatah , the mainstream palestinian movement , hopes that its former west bank leader marwan barghouti would take back his candidacy for the jan . 9 presidential election . -__label__1 , blasts hit bangladesh party rally , a series of grenade blasts has rocked an opposition party rally in the bangladesh capital , dhaka , killing at least 13 people . there were seven or eight explosions at the awami league headquarters , as leader sheikh hasina addressed a crowd . -__label__2 , belarus #39 nesterenko fastest in women #39 s 100m first round , belarus #39 yuliya nesterenko became the fastest woman to qualify for the women #39 s 100 meters second round at the olympic games here on friday . -__label__1 , around the world , the bombing of a un election office in afghanistan that injured six policemen drew calls from a un union friday for a withdrawal of staffers from the embattled nation . -__label__1 , greek weightlifter awaits verdict , greek weightlifter leonidas sampanis will find out on sunday if he is to be stripped of his medal . -__label__2 , work done , phelps basks in gold glor , and on the eighth day , michael phelps actually got to rest . after swimming some 18 races in olympic competition , phelps was a mere spectator last night , watching his teammates cap a terrific week for the us swim team . -__label__3 , china confronts lack of pipelines , china will spend about \$3 . 4 billion over two to three years laying thousands of miles of oil pipelines to help secure its energy supply in the face of soaring prices and demand . -__label__2 , lane drives in winning run in ninth , jason lane took an unusual post-game batting practice with hitting coach gary gaetti after a disappointing performance friday night . -__label__2 , games hammered with controversy , the international gymnastics federation suspended three judges yesterday for a mistake they made in scoring the men #39 s all-around final , but said results would not be changed and paul hamm of the united states would keep his gold medal . -__label__2 , admirers look to 2008 , but as far as swim greats rowdy gaines and john naber are concerned , what phelps did in athens exceeded what spitz did in munich in 1972 . -__label__1 , arson attack on jewish centre in paris ( afp ) , afp - a jewish social centre in central paris was destroyed by fire overnight in an anti-semitic arson attack , city authorities said . -__label__3 , colgate to cut workforce , consumer goods maker colgate-palmolive said today it would cut about 12 per cent of its 37 , 000-person work force and close a third of its factories worldwide as part of a four-year restructuring . -__label__1 , a founding father ? , give the guy some credit . tung chee-hwa , hong kong #39 s embattled chief executive , gets precious little of it from his people these daysand heaps of -__label__1 , three people killed at afghan checkpoint , kabul ( reuters ) - a man and two women were shot dead by afghan and u . s . -led troops after their vehicle ran through a checkpoint on saturday , a u . s . military statement said . -__label__4 , press start for nostalgia , like led zeppelin #39 s #39 #39 stairway to heaven #39 #39 and lynyrd skynyrd #39 s #39 #39 freebird , #39 #39 classic video games like frogger and pong can bring back an entire era . -__label__2 , emmons loses gold medal after aiming at wrong target , american shooter matt emmons fired at the wrong target on his final shot sunday , blowing a commanding lead in the olympic 50-meter three-position rifle event and allowing jia zhanbo of china to take the gold . -__label__3 , oil prices look set to dominate , the price of oil looks set to grab headlines as analysts forecast that its record-breaking run may well continue . -__label__1 , putin visits chechnya ahead of election ( ap ) , ap - russian president vladimir putin made an unannounced visit to chechnya on sunday , laying flowers at the grave of the war-ravaged region ' s assassinated president a week before elections for a new leader . -__label__1 , u . s . softball team wins , closes in on gold , athens , greece - right now , the americans aren ' t just a dream team - they ' re more like the perfect team . lisa fernandez pitched a three-hitter sunday and crystl bustos drove in two runs as the americans rolled to their eighth shutout in eight days , 5-0 over australia , putting them into the gold medal game . . . -__label__2 , more newcastle united stories , legendary real madrid defender goyo benito believes the arrival of jonathan woodgate at the santiago bernabeu will help bring an avalanche of titles to real madrid . -__label__1 , munch masterpiece ' the scream ' stolen from oslo museum ( afp ) , afp - a version of edvard munch ' s masterpiece the scream and another famous painting by the great norwegian artist were stolen from an oslo museum by armed and hooded robbers , police said . -__label__1 , men set for sizzling duel in 100 meters , athens , greece - the preliminaries in the 100 meters were perhaps just a sample of what ' s to come sunday , when a talented group of qualifiers - including americans shawn crawford , justin gatlin and defending champion maurice greene - will try to turn their competition into the fastest show at the athens games . five men broke 10 seconds in qualifying saturday , led by crawford ' s time of 9 . 89 . . . -__label__2 , ulmer storms to gold , new zealand #39 s sarah ulmer stormed to gold in the women #39 s individual pursuit in a new world record time . ulmer , fourth in sydney four years ago , beat australia #39 s katie mactier in a time of three minutes 24 . -__label__2 , goal-happy ajax and feyenoord maintain perfect starts , champions ajax amsterdam came from behind to thrash nac breda 6-2 on sunday while feyenoord hit four past willem ii tilburg to regain the early lead in the dutch first division . -__label__4 , agency reports climate change major problem , rising sea levels , disappearing glaciers in the alps and more deadly heat waves are coming for europeans because of global warming , europes environmental agency warned wednesday . -__label__2 , cycling ulmer #39 s scorching times in secret rides , new zealand #39 s star cyclist , sarah ulmer , last week rode under world record time twice in an hour during a secret training session in france . -__label__2 , arsenal matches record of 42 league games without a loss on sunday , arsenal rallied for three second-half goals in 11 minutes on sunday to beat middlesbrough 5-3 , matching a 25-year-old record of 42 league games without a loss in the top-flight of english soccer . -__label__3 , will high oil prices lead to recession ? ( ap ) , ap - high oil prices , which have been a factor in virtually all u . s . recessions over the past three decades , are surging again this year . and the higher crude oil prices climb , the more risk energy costs pose to what , until recently , many expected to be a banner year for the u . s . economy . -__label__1 , labor anti-peres meetings scheduled for sunday , labor members have scheduled two #39 rebel #39 anti-peres conferences for sunday , one to be headed by mk matan vilnai and the second by mk binyamin ben-eliezer . -__label__2 , u . s . gymnasts win 3 medals hamm angry ( ap ) , ap - terin humphrey and annia hatch got silver . courtney kupets got bronze . and paul hamm got mad . the united states upped its gymnastics medal haul to seven sunday night , the most since the americans won 16 at the boycotted los angeles games in 1984 . and they might not be finished yet . -__label__2 , noguchi wins marathon , bulletin< br> bc-oly--women ' s marathon run , 0058< br> bulletin< br> athens , greece ( ap ) -- mizuki noguchi of japan won the marathon sunday in 2 hours , 26 minutes , 20 seconds . -__label__4 , more evidence for past water on mars , summary - ( aug 22 , 2004 ) nasa #39 s spirit rover has dug up plenty of evidence on slopes of quot columbia hills quot that water once covered the area . -__label__2 , gatlin sprints from unknown to olympic gold , athens ( reuters ) - american justin gatlin roared from virtual unknown to win the blue ribband olympic men ' s 100 meters race on sunday , upstaging more illustrious rivals in a pulsating final . -__label__3 , indexes in japan fall short of hype , japanese stocks have failed to measure up to an assessment made in april by merrill lynch #39 s chief global strategist , david bowers , who said japan was quot very much everyone #39 s favorite equity market . -__label__2 , game day recap sunday , august 22 , aramis ramirez hit a three-run homer , moises alou also homered and the chicago cubs beat the houston astros 11-6 on sunday in the testy conclusion of a three-game series between the nl central rivals . -__label__2 , si . com , houston ( ticker ) -- kerry wood got plenty of run support but didn #39 t stick around long enough to take advantage of it . wood was ejected in the fifth inning for hitting jeff kent as the cubs posted an 11-6 victory over the astros . -__label__2 , exhausted massu outlasts fish for gold , athens ( reuters ) - an exhausted nicolas massu reeled in mardy fish in five tortuous sets on sunday to win chile their second gold medal at an olympic games less than 24 hours after helping them to their first . -__label__1 , three people killed at afghan checkpoint , a man and two women were shot dead by afghan and us-led troops after their vehicle ran through a checkpoint on saturday , a us military statement said . -__label__1 , karzai set for visit to pakistan , afghan president hamid karzai is to visit pakistan to discuss fighting terror and boosting trade . -__label__1 , senate republican unveils plan for intelligence , the plan would give the proposed national director responsibility for intelligence-gathering of the c . i . a . and the pentagon . -__label__2 , davenport wins in cincinnati , american lindsay davenport captured her fourth consecutive title , beating second seed vera zvonareva 6-3 , 6-2 in the final of the \$us170 , 000 wta cincinnati open on sunday . -__label__1 , afghan-coalition soldiers kill 3 , wound 2 at checkpoint , coalition forces in afghanistan say that three people were killed and two others critically wounded when their pickup truck tried to run a checkpoint in the province of ghazni . -__label__1 , u . s . plane attacks najaf rebels as tanks near shrine , najaf , iraq ( reuters ) - a u . s . ac-130 gunship attacked shi ' ite militia positions in the holy iraqi city of najaf early on monday after tanks reinforced the siege of a shrine at the center of a nearly three-week insurgency . -__label__1 , soldiers face abu ghraib hearings , four us soldiers charged with abusing iraqi prisoners are set to face pre-trial hearings in germany . -__label__2 , colin jackson hard lessons learnt in the human laboratory , yesterday #39 s olympics treated us to the two extremes of athletics , the endurance race which tests the body to its limits , and the heavyweight showdown , the sprint , which is in the mind . -__label__2 , cink surfaces as donald sinks , stewart cink , who needed only to play around par to convert a five-stroke lead after 54 holes into a win , did just that in the nec invitational at firestone yesterday . -__label__4 , wiretapping on the net who pays ? , new york at first glance , it might seem like the simple extension of a standard tool in the fight against the bad guys . but in fact , wiretapping internet phones to monitor criminals and terrorists is costly -__label__2 , red sox rally to beat white sox 6-5 ( ap ) , ap - manny ramirez and david ortiz homered on consecutive pitches to start the eighth inning sunday night and the streaking boston red sox beat the chicago white sox 6-5 for their sixth straight win . -__label__3 , nortel downsizes again , aug . 23 , 2004 ( thedeal . com ) problem-plagued nortel networks corp . announced plans thursday , aug . 19 , to eliminate an additional 3 , 500 jobs and fire seven more senior executives as the company labors to reinvent -__label__4 , prototype copter-cam here , there , everywhere , it can only remain aloft for three minutes but weighs less than an empty soft drink can -- and it can take and transmit pictures in flight . -__label__2 , cink justifies sutton #39 s faith , three weeks away from the ryder cup , american stewart cink hopes he has silenced at least some of his critics - if indeed they exist . -__label__1 , plane crashes into venezuelan mountain killing 25 , a military plane crashed into a mountain in central venezuela , killing 25 people , including five children , the air force rescue team said in a statement . -__label__1 , africa brings sudanese parties to the table as un sanctions loom ( afp ) , afp - the african union will bring sudan ' s warring government and rebel armies into talks with regional power-brokers aimed at heading off a mounting humanitarian crisis in the province of darfur . -__label__1 , taiwan votes on leaner parliament , a vote is due to be held in taiwan on plans to halve the number of seats in the island ' s famously heated legislature . -__label__3 , nikkei briefly regains 11 , 000 level , tokyo - japan #39 s benchmark nikkei stock index briefly recovered to the 11 , 000 level monday morning on widespread buying prompted by advances in us shares last friday . -__label__3 , hk walks out of 68-month deflation cycle , official , hong kong financial secretary henry tang said he believed hong kong has walked out of the consumer price deflation cycle that lingered for 68 months , according to the consumer price index trend in the past few years . -__label__3 , oil prices , in terms of dollar value , of all the products in the world , nothing is traded more than oil . crude oil traded above 47 dollars a barrel for the first time this week . -__label__3 , chavez rejects cd as opposition , venezuela #39 s president hugo chavez has announced that he will no longer recognize the democratic coordination or cd as the opposition coalition . -__label__2 , roundup franchitti overcomes pit mishap for irl win , fountain , colo . -- dario franchitti shook off a potentially dangerous pit mishap to win the irl #39 s honda 225 sunday at pikes peak international raceway . -__label__3 , productivity growth slowest in 2 years ( ap ) , ap - the productivity of america ' s workers grew at a 1 . 8 percent annual rate in the third quarter , the slowest pace in nearly two years , the government reported tuesday . -__label__2 , roundup pleasantly perfect takes pacific classic , favored pleasantly perfect took charge down the stretch to win by a length in the 14th running of the \$1 million pacific classic yesterday at del mar . pleasantly -__label__1 , war crimes hearings to begin for 4 at guantanamo , us naval base guantanamo bay , cuba -- four suspected al qaeda fighters will be formally charged with war crimes this week as the us military opens the first legal hearings for foreign prisoners captured during the war in afghanistan and held at a remote us navy base in cuba . -__label__1 , maoists attack nepal district hq , more than 1 , 000 maoists launched a violent assault on a district headquarters in nepal #39 s northwestern mountains , officials said sunday , as angry traders rallied on the streets of kathmandu to protest a crippling rebel blockade of the capital , now also hit -__label__1 , downer dismisses #39 sexed up #39 iraq warning claims , sydney foreign minister alexander downer dismissed newspaper claims the australian government was repeatedly warned its support for the iraq war would impede the fight against terrorism . -__label__2 , hamm should support yang , paul hamm needs a new marketing strategy . either that , or he needs a clue . one harmless gesture separates him from lionization in america and canonization in south korea , and -__label__2 , us women avoid disaster , advance , athens -- preliminary-round elimination would have been a disaster for the united states women . desperate for a victory , the americans avoided embarrassment by finally playing like a gold medal contender -- and like a team . -__label__3 , australia airline announces fuel surcharge , australian budget airline virgin blue announced monday it will increase the fuel surcharge it adds to ticket prices from aug . 26 because of soaring oil prices . -__label__3 , arm agrees to buy artisan components for \$903 mn , london , august 23 ( new ratings ) - arm holdings ( arm . etr ) has agreed to buy artisan components inc ( arti ) , a us-based provider of integrated circuit designing solutions , for about \$913 million ( 503 . -__label__1 , north korea says the tyrant is bush , not kim , north korea says it sees no reason to join a working-level meeting with the united states to prepare for further six-party talks on the communist state #39 s nuclear weapons development . -__label__1 , terreblanche challenges sa arrest , white supremacist eugene terreblanche is detained after allegedly breaking the terms of his parole . -__label__2 , radcliffe withdrawal not due to injury , world record holder paula radcliffe #39 s tearful withdrawal from the women #39 s olympic marathon yesterday was not due to injury , the british team says . -__label__3 , dollar bounces eye on data , greenspan , london ( reuters ) - the dollar bounced off recent four-week lows against the euro and yen on monday in thin august trade with investors focusing on u . s . data and a speech by the federal reserve chief later in the week . -__label__4 , stopping spam at the source , new antispam technology standards are on the way that promise to hit spammers where it hurts the most--their wallets . at issue is the ability to authenticate the original source of e-mail messages , a major -__label__4 , new fat-busting microwave oven unveiled , tokyo ( reuters ) - eyeing up that juicy steak but worried about your waistline ? japanese electronics maker sharp corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=6753 . t qtype=sym infotype=info qcat=news> 6753 . t< /a> says it has developed a new fat-busting microwave oven that can melt some of your worries away . -__label__1 , israel oks more west bank settlement homes , jerusalem aug . 23 , 2004 - israel announced plans monday to build hundreds of new housing units in the west bank , following an apparent us policy shift on settlements that the palestinians warned quot will destroy the peace process . -__label__3 , kmart to sell 18 stores to home depot , new york ( reuters ) - retailer kmart holdings corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kmrt . o target=/stocks/quickinfo/fullquote> kmrt . o< /a> on monday said it finalized a deal to sell 18 of its stores to home depot inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hd . n target=/stocks/quickinfo/fullquote> hd . n< /a> for \$271 million . -__label__3 , rules for overtime pay to take effect monday , employers and workers are confused by eligibility and classification of the new regulations . -__label__4 , students crazy about ipod follow the music to apple laptops ( usatoday . com ) , usatoday . com - apple ' s trendy ipod digital music player , which has revitalized the company , is giving laptop sales a boost during back-to-school season . -__label__4 , stunt pilots to snag a falling nasa craft , nasa #39 s three-year effort to bring some genuine star dust back to earth is set for a dramatic finale sept . 8 when hollywood helicopter pilots will attempt a midair retrieval -__label__1 , trial of accused us vigilantes resumes , kabul , afghanistan aug . 23 , 2004 - a defense lawyer for one of three americans accused of torturing a dozen afghan prisoners in a private jail showed a video in court monday of afghanistan #39 s former education -__label__2 , sports graham says he sent the syringe , athens , greece track coach trevor graham admits he was the person who triggered the balco investigation . graham says he #39 s the one who anonymously sent a syringe of thg to the us anti-doping agency . -__label__2 , seattle mariners minor league report - august 23rd , tacoma rainiers - the rainiers just missed a perfect week when they suffered their only setback on sunday august 22nd , a 13-6 loss to the portland beavers . -__label__3 , southwest airlines to cut 88 flights ( reuters ) , reuters - southwest airlines inc . ( luv . n ) , the\largest u . s . discount carrier , on monday said it will eliminate\88 scheduled flights in order to boost revenue by freeing up\planes for more lucrative markets . -__label__3 , seattle times business columnist admits plagiarism , resigns , a business columnist has resigned from the seattle times after admitting he plagiarized the work of other journalists , said the newspaper . +__label__2 , saints revoke waiver claim on derek ross ( ap ) , ap - one day after placing a waiver claim on troubled cornerback derek ross , the saints did an about-face and released the former ohio state standout after he missed a scheduled flight to new orleans on wednesday night . +__label__3 , hooker furniture puts investors first , closing a factory is never popular , but it ' s the right thing to do . +__label__3 , clicking on profits , the latest data from the us department of commerce further bolsters what we have all suspected e-commerce sales are increasing . not only might one suspect that consumer confidence has been bolstered since last year , there . . . +__label__2 , french take gold , bronze in single kayak , athens , greece - winning on whitewater runs in the family for frenchman benoit peschier , though an olympic gold is something new . peschier paddled his one-man kayak aggressively but penalty free in both his semifinal and final runs on the manmade olympic . . . +__label__4 , dogs in training to sniff out cancer , experts have trained unwanted dogs into supersniffers that can detect drugs or bombs . now they ' re focusing on a new threat #151 prostate cancer . +__label__3 , antidepressants to reflect suicide risk , washington ( reuters ) - the u . s . food and drug administration plans to update antidepressant labels to reflect studies that suggest a link between the drugs and suicide in youths , but remains cautious about the strength of such ties , according to documents released on friday . +__label__3 , ual and its creditors agree to 30-day extension , ual ' s united airlines will have a 30-day extention on the period in which it can file an exclusive bankruptcy reorganization plan . +__label__1 , mood mixed among darfur rebels ahead of talks , corcha camp , sudan ( reuters ) - a sudanese rebel commander in a camp in darfur tells his troops he is hoping for peace . but just a few hours march away , young men say they are convinced sudan wants to drive them off the land . +__label__1 , crude price spike may send gas higher ( ap ) , ap - amid soaring crude oil prices , gasoline costs have been dropping . but don ' t expect that to last , economists say . +__label__3 , amazon snaps up china ' s largest web retailer ( newsfactor ) , newsfactor - amazon . com ( nasdaq amzn ) has said it will buy joyo . com limited -- a british virgin islands company that operates the largest internet retail web site in china -- for us #36 75 million . +__label__2 , swimming phelps wins gold , pulls out of relay , athens ( reuters ) - michael phelps , who has won five gold medals in the olympic pool , said friday he was pulling out of saturday ' s 4x100 meter medley relay final to give team mate ian crocker the chance to swim . +__label__3 , court won ' t halt arch coal ' s triton bid ( reuters ) , reuters - a u . s . appeals court ruled on friday\that arch coal inc . ( aci . n ) may proceed with its bid to buy the\assets of rival triton coal co . llc , denying an emergency\request by the federal trade commission to block the deal , a\spokesman for the agency said . +__label__3 , treasury prices take a breather today , new york ( reuters ) - u . s . treasury prices paused for breath on tuesday after a blistering two-session rally ran out of steam , though analysts still saw room to the upside given the large short-base in the market . +__label__1 , sadr militiamen still in control of iraq shrine , najaf , iraq ( reuters ) - rebel shi ' ite fighters appeared still to be in control of the imam ali mosque in the iraqi city najaf early on saturday , but the whereabouts of their leader , the fiery cleric moqtada al-sadr , were unknown . +__label__2 , liverpool completes signings of alonso , garcia , liverpool , england ( ap ) -- spanish pair xabi alonso from real sociedad and luis garcia from barcelona signed five-year contracts with liverpool on friday . +__label__4 , report consumers tuning in to plasma tvs , first-quarter shipments of plasma televisions in the united states more than doubled from the previous year , according to research firm isuppli . prices fell by nearly \$1 , 000 over the same period . +__label__2 , seven seize , athens -- he was behind at the start . he was behind at the turn . he was behind for 99 . 99 of the 100 meters . his head was behind ian crocker ' s head at the finish . and yet somehow last night , michael phelps won again -- for the fourth and final time in an individual race at these olympics . +__label__4 , one in four servers to run linux by 2008 , in a report , the research firm painted a bright future for the open source operating system , claiming that shipments of servers running linux -- and revenues from those shipments -- will rise significantly over the next five years . +__label__1 , republican convention light on stars ( ap ) , ap - the republicans will have one sure hollywood star for their convention #151 california gov . arnold schwarzenegger #151 along with performers to keep the country music fans happy . but they ' ll be hard-pressed to match the democratic convention ' s appeal to young voters led by ben affleck . +__label__1 , italian pm #39 s transplant confirmed , after days of speculation sparked by the white bandanna worn by mr berlusconi on holiday in sardinia , piero rosati said the results of the operation would show in a couple of months . +__label__4 , apple recalls flaming 15-inch powerbook g4 battery , the affected batteries could overheat , posing a fire hazard . apple received four reports of these batteries overheating . no injuries have been reported . +__label__3 , samsung plans to invest won25 , 000bn in chips , samsung electronics , the world #39 s second largest computer chip manufacturer , yesterday said that it would invest won25 , 000bn ( \$24bn ) in its semiconductor business by 2010 to generate +__label__4 , rosetta mission sniffing a comet , the european rosetta mission will sample a comet as it tries to harpoon and hook onto its surface . a specially designed oven will cook the comet in analogy to sniffing for recognizable elements . +__label__2 , more gold for britain as wiggins strikes , bradley wiggins has given britain their second olympic cycling gold medal in two days , winning the men #39 s 4-km individual pursuit . +__label__1 , soldiers kill palestinian near gaza-israel fence , israeli soldiers shot and killed a palestinian as he approached a security fence between israel and the gaza strip , israeli military sources said on saturday . +__label__1 , militia , shiite leaders bicker over shrine , najaf , iraq - militants loyal to radical shiite cleric muqtada al-sadr kept their hold on a revered shrine , and clashes flared in najaf on saturday , raising fears that a resolution to the crisis in the holy city could collapse amid bickering between shiite leaders . the clashes between u . s . . . +__label__2 , strongwoman hoists 100th gold for chinese delegation , tang gonghong lifted a world record to claim in athens the 100th olympic gold for china since its participation in 1984 olympic games on saturday when +__label__1 , west mulls boundries for african fighting ( ap ) , ap - as the month-end deadline nears for sudan to disarm the mostly arab pro-government militias in darfur , the united nations and western powers are in a dilemma over how far to go to stop the killing in an african country . +__label__3 , chavez victory confirmed , caracas , venezuela - the results of an audit support the official vote count showing that president hugo chavez won this month #39 s recall referendum in venezuela , the head of the organization of american states said saturday . +__label__3 , wall st . ' s nest egg - the housing sector , new york ( reuters ) - if there were any doubts that we ' re still living in the era of the stay-at-home economy , the rows of empty seats at the athens olympics should help erase them . +__label__2 , lithuanians deliver nba stars another olympic basketball dunking ( afp ) , afp - lithuania defeated the united states 94-90 in an olympic men ' s basketball preliminary round game , only the fourth loss in 115 olympic starts for the defending champions . +__label__2 , source dolphins , bears on verge of deal ( ap ) , ap - the chicago bears agreed saturday to trade receiver marty booker to the miami dolphins for unsigned adewale ogunleye #151 if the bears can reach a contract agreement with the pro bowl defensive end , a source close to the negotiations said . +__label__4 , video game makers go hollywood . uh-oh . , ovie producers are often criticized for running at the sight of original ideas , preferring instead to milk plays , books , news events , toys and even video games for their screenplays . +__label__2 , cricket-lara mulls over future after england whitewash , london ( afp ) - brian lara said he will take stock before deciding on his future as west indies captain following his side #39 s 10-wicket defeat to england in the fourth and final test . +__label__1 , pakistani troops raid two terrorist hideouts , pakistani troops backed by artillery and aircraft attacked two suspected terrorist hideouts near the rugged afghan border yesterday , killing and wounding a number of militants , pakistan army and security officials said . +__label__2 , fleisher surges clear , bruce fleisher carded a seven-under-par 65 to take a three-shot lead after the second round of the greater hickory classic in north carolina . +__label__2 , glory comes amid empty seats and closed shutters , here in old europe , people install shutters outside their windows to keep out the heat , the pollution , the daylight , the noise . they also lock the shutters tight when they go away on holiday . +__label__4 , amazon to buy chinese retailer joyo . com , internet retailer amazon . com inc . said on thursday that it will buy joyo . com ltd . , which runs some of china #39 s biggest retail web sites , for about \$75 million to gain entry into china #39 s fast-growing market . +__label__4 , salesforce . com 2q profit up sharply , software developer salesforce . com inc . posted a sharp rise in second-quarter profit on better-than-expected revenue during its first quarter as a public company , but investors shunned the stock in late trading +__label__2 , jerkens makes right call with society selection , trainer allen jerkens hemmed and hawed this past week over running society selection in saturday #39 s grade 1 alabama at saratoga . +__label__1 , unknown nesterenko makes world headlines ( reuters ) , reuters - belarus ' yuliya nesterenko won the top\women ' s athletics gold medal at the olympics on saturday , \triumphing over a field stripped of many big names because of\doping woes to win the 100 meters . +__label__3 , ready to bet on alternative energy ? well , think again , when oil prices rise , public interest in alternative energy often does , too . but the logic is evidently escaping wall street . +__label__2 , athletics 5 , devil rays 0 , barry zito scattered four hits over eight shutout innings , leading the al west-leading oakland athletics past the tampa bay devil rays 5-0 on saturday night . +__label__1 , fatah hopes barghouti would take back candidacy , fatah , the mainstream palestinian movement , hopes that its former west bank leader marwan barghouti would take back his candidacy for the jan . 9 presidential election . +__label__1 , blasts hit bangladesh party rally , a series of grenade blasts has rocked an opposition party rally in the bangladesh capital , dhaka , killing at least 13 people . there were seven or eight explosions at the awami league headquarters , as leader sheikh hasina addressed a crowd . +__label__2 , belarus #39 nesterenko fastest in women #39 s 100m first round , belarus #39 yuliya nesterenko became the fastest woman to qualify for the women #39 s 100 meters second round at the olympic games here on friday . +__label__1 , around the world , the bombing of a un election office in afghanistan that injured six policemen drew calls from a un union friday for a withdrawal of staffers from the embattled nation . +__label__1 , greek weightlifter awaits verdict , greek weightlifter leonidas sampanis will find out on sunday if he is to be stripped of his medal . +__label__2 , work done , phelps basks in gold glor , and on the eighth day , michael phelps actually got to rest . after swimming some 18 races in olympic competition , phelps was a mere spectator last night , watching his teammates cap a terrific week for the us swim team . +__label__3 , china confronts lack of pipelines , china will spend about \$3 . 4 billion over two to three years laying thousands of miles of oil pipelines to help secure its energy supply in the face of soaring prices and demand . +__label__2 , lane drives in winning run in ninth , jason lane took an unusual post-game batting practice with hitting coach gary gaetti after a disappointing performance friday night . +__label__2 , games hammered with controversy , the international gymnastics federation suspended three judges yesterday for a mistake they made in scoring the men #39 s all-around final , but said results would not be changed and paul hamm of the united states would keep his gold medal . +__label__2 , admirers look to 2008 , but as far as swim greats rowdy gaines and john naber are concerned , what phelps did in athens exceeded what spitz did in munich in 1972 . +__label__1 , arson attack on jewish centre in paris ( afp ) , afp - a jewish social centre in central paris was destroyed by fire overnight in an anti-semitic arson attack , city authorities said . +__label__3 , colgate to cut workforce , consumer goods maker colgate-palmolive said today it would cut about 12 per cent of its 37 , 000-person work force and close a third of its factories worldwide as part of a four-year restructuring . +__label__1 , a founding father ? , give the guy some credit . tung chee-hwa , hong kong #39 s embattled chief executive , gets precious little of it from his people these daysand heaps of +__label__1 , three people killed at afghan checkpoint , kabul ( reuters ) - a man and two women were shot dead by afghan and u . s . -led troops after their vehicle ran through a checkpoint on saturday , a u . s . military statement said . +__label__4 , press start for nostalgia , like led zeppelin #39 s #39 #39 stairway to heaven #39 #39 and lynyrd skynyrd #39 s #39 #39 freebird , #39 #39 classic video games like frogger and pong can bring back an entire era . +__label__2 , emmons loses gold medal after aiming at wrong target , american shooter matt emmons fired at the wrong target on his final shot sunday , blowing a commanding lead in the olympic 50-meter three-position rifle event and allowing jia zhanbo of china to take the gold . +__label__3 , oil prices look set to dominate , the price of oil looks set to grab headlines as analysts forecast that its record-breaking run may well continue . +__label__1 , putin visits chechnya ahead of election ( ap ) , ap - russian president vladimir putin made an unannounced visit to chechnya on sunday , laying flowers at the grave of the war-ravaged region ' s assassinated president a week before elections for a new leader . +__label__1 , u . s . softball team wins , closes in on gold , athens , greece - right now , the americans aren ' t just a dream team - they ' re more like the perfect team . lisa fernandez pitched a three-hitter sunday and crystl bustos drove in two runs as the americans rolled to their eighth shutout in eight days , 5-0 over australia , putting them into the gold medal game . . . +__label__2 , more newcastle united stories , legendary real madrid defender goyo benito believes the arrival of jonathan woodgate at the santiago bernabeu will help bring an avalanche of titles to real madrid . +__label__1 , munch masterpiece ' the scream ' stolen from oslo museum ( afp ) , afp - a version of edvard munch ' s masterpiece the scream and another famous painting by the great norwegian artist were stolen from an oslo museum by armed and hooded robbers , police said . +__label__1 , men set for sizzling duel in 100 meters , athens , greece - the preliminaries in the 100 meters were perhaps just a sample of what ' s to come sunday , when a talented group of qualifiers - including americans shawn crawford , justin gatlin and defending champion maurice greene - will try to turn their competition into the fastest show at the athens games . five men broke 10 seconds in qualifying saturday , led by crawford ' s time of 9 . 89 . . . +__label__2 , ulmer storms to gold , new zealand #39 s sarah ulmer stormed to gold in the women #39 s individual pursuit in a new world record time . ulmer , fourth in sydney four years ago , beat australia #39 s katie mactier in a time of three minutes 24 . +__label__2 , goal-happy ajax and feyenoord maintain perfect starts , champions ajax amsterdam came from behind to thrash nac breda 6-2 on sunday while feyenoord hit four past willem ii tilburg to regain the early lead in the dutch first division . +__label__4 , agency reports climate change major problem , rising sea levels , disappearing glaciers in the alps and more deadly heat waves are coming for europeans because of global warming , europes environmental agency warned wednesday . +__label__2 , cycling ulmer #39 s scorching times in secret rides , new zealand #39 s star cyclist , sarah ulmer , last week rode under world record time twice in an hour during a secret training session in france . +__label__2 , arsenal matches record of 42 league games without a loss on sunday , arsenal rallied for three second-half goals in 11 minutes on sunday to beat middlesbrough 5-3 , matching a 25-year-old record of 42 league games without a loss in the top-flight of english soccer . +__label__3 , will high oil prices lead to recession ? ( ap ) , ap - high oil prices , which have been a factor in virtually all u . s . recessions over the past three decades , are surging again this year . and the higher crude oil prices climb , the more risk energy costs pose to what , until recently , many expected to be a banner year for the u . s . economy . +__label__1 , labor anti-peres meetings scheduled for sunday , labor members have scheduled two #39 rebel #39 anti-peres conferences for sunday , one to be headed by mk matan vilnai and the second by mk binyamin ben-eliezer . +__label__2 , u . s . gymnasts win 3 medals hamm angry ( ap ) , ap - terin humphrey and annia hatch got silver . courtney kupets got bronze . and paul hamm got mad . the united states upped its gymnastics medal haul to seven sunday night , the most since the americans won 16 at the boycotted los angeles games in 1984 . and they might not be finished yet . +__label__2 , noguchi wins marathon , bulletin< br> bc-oly--women ' s marathon run , 0058< br> bulletin< br> athens , greece ( ap ) -- mizuki noguchi of japan won the marathon sunday in 2 hours , 26 minutes , 20 seconds . +__label__4 , more evidence for past water on mars , summary - ( aug 22 , 2004 ) nasa #39 s spirit rover has dug up plenty of evidence on slopes of quot columbia hills quot that water once covered the area . +__label__2 , gatlin sprints from unknown to olympic gold , athens ( reuters ) - american justin gatlin roared from virtual unknown to win the blue ribband olympic men ' s 100 meters race on sunday , upstaging more illustrious rivals in a pulsating final . +__label__3 , indexes in japan fall short of hype , japanese stocks have failed to measure up to an assessment made in april by merrill lynch #39 s chief global strategist , david bowers , who said japan was quot very much everyone #39 s favorite equity market . +__label__2 , game day recap sunday , august 22 , aramis ramirez hit a three-run homer , moises alou also homered and the chicago cubs beat the houston astros 11-6 on sunday in the testy conclusion of a three-game series between the nl central rivals . +__label__2 , si . com , houston ( ticker ) -- kerry wood got plenty of run support but didn #39 t stick around long enough to take advantage of it . wood was ejected in the fifth inning for hitting jeff kent as the cubs posted an 11-6 victory over the astros . +__label__2 , exhausted massu outlasts fish for gold , athens ( reuters ) - an exhausted nicolas massu reeled in mardy fish in five tortuous sets on sunday to win chile their second gold medal at an olympic games less than 24 hours after helping them to their first . +__label__1 , three people killed at afghan checkpoint , a man and two women were shot dead by afghan and us-led troops after their vehicle ran through a checkpoint on saturday , a us military statement said . +__label__1 , karzai set for visit to pakistan , afghan president hamid karzai is to visit pakistan to discuss fighting terror and boosting trade . +__label__1 , senate republican unveils plan for intelligence , the plan would give the proposed national director responsibility for intelligence-gathering of the c . i . a . and the pentagon . +__label__2 , davenport wins in cincinnati , american lindsay davenport captured her fourth consecutive title , beating second seed vera zvonareva 6-3 , 6-2 in the final of the \$us170 , 000 wta cincinnati open on sunday . +__label__1 , afghan-coalition soldiers kill 3 , wound 2 at checkpoint , coalition forces in afghanistan say that three people were killed and two others critically wounded when their pickup truck tried to run a checkpoint in the province of ghazni . +__label__1 , u . s . plane attacks najaf rebels as tanks near shrine , najaf , iraq ( reuters ) - a u . s . ac-130 gunship attacked shi ' ite militia positions in the holy iraqi city of najaf early on monday after tanks reinforced the siege of a shrine at the center of a nearly three-week insurgency . +__label__1 , soldiers face abu ghraib hearings , four us soldiers charged with abusing iraqi prisoners are set to face pre-trial hearings in germany . +__label__2 , colin jackson hard lessons learnt in the human laboratory , yesterday #39 s olympics treated us to the two extremes of athletics , the endurance race which tests the body to its limits , and the heavyweight showdown , the sprint , which is in the mind . +__label__2 , cink surfaces as donald sinks , stewart cink , who needed only to play around par to convert a five-stroke lead after 54 holes into a win , did just that in the nec invitational at firestone yesterday . +__label__4 , wiretapping on the net who pays ? , new york at first glance , it might seem like the simple extension of a standard tool in the fight against the bad guys . but in fact , wiretapping internet phones to monitor criminals and terrorists is costly +__label__2 , red sox rally to beat white sox 6-5 ( ap ) , ap - manny ramirez and david ortiz homered on consecutive pitches to start the eighth inning sunday night and the streaking boston red sox beat the chicago white sox 6-5 for their sixth straight win . +__label__3 , nortel downsizes again , aug . 23 , 2004 ( thedeal . com ) problem-plagued nortel networks corp . announced plans thursday , aug . 19 , to eliminate an additional 3 , 500 jobs and fire seven more senior executives as the company labors to reinvent +__label__4 , prototype copter-cam here , there , everywhere , it can only remain aloft for three minutes but weighs less than an empty soft drink can -- and it can take and transmit pictures in flight . +__label__2 , cink justifies sutton #39 s faith , three weeks away from the ryder cup , american stewart cink hopes he has silenced at least some of his critics - if indeed they exist . +__label__1 , plane crashes into venezuelan mountain killing 25 , a military plane crashed into a mountain in central venezuela , killing 25 people , including five children , the air force rescue team said in a statement . +__label__1 , africa brings sudanese parties to the table as un sanctions loom ( afp ) , afp - the african union will bring sudan ' s warring government and rebel armies into talks with regional power-brokers aimed at heading off a mounting humanitarian crisis in the province of darfur . +__label__1 , taiwan votes on leaner parliament , a vote is due to be held in taiwan on plans to halve the number of seats in the island ' s famously heated legislature . +__label__3 , nikkei briefly regains 11 , 000 level , tokyo - japan #39 s benchmark nikkei stock index briefly recovered to the 11 , 000 level monday morning on widespread buying prompted by advances in us shares last friday . +__label__3 , hk walks out of 68-month deflation cycle , official , hong kong financial secretary henry tang said he believed hong kong has walked out of the consumer price deflation cycle that lingered for 68 months , according to the consumer price index trend in the past few years . +__label__3 , oil prices , in terms of dollar value , of all the products in the world , nothing is traded more than oil . crude oil traded above 47 dollars a barrel for the first time this week . +__label__3 , chavez rejects cd as opposition , venezuela #39 s president hugo chavez has announced that he will no longer recognize the democratic coordination or cd as the opposition coalition . +__label__2 , roundup franchitti overcomes pit mishap for irl win , fountain , colo . -- dario franchitti shook off a potentially dangerous pit mishap to win the irl #39 s honda 225 sunday at pikes peak international raceway . +__label__3 , productivity growth slowest in 2 years ( ap ) , ap - the productivity of america ' s workers grew at a 1 . 8 percent annual rate in the third quarter , the slowest pace in nearly two years , the government reported tuesday . +__label__2 , roundup pleasantly perfect takes pacific classic , favored pleasantly perfect took charge down the stretch to win by a length in the 14th running of the \$1 million pacific classic yesterday at del mar . pleasantly +__label__1 , war crimes hearings to begin for 4 at guantanamo , us naval base guantanamo bay , cuba -- four suspected al qaeda fighters will be formally charged with war crimes this week as the us military opens the first legal hearings for foreign prisoners captured during the war in afghanistan and held at a remote us navy base in cuba . +__label__1 , maoists attack nepal district hq , more than 1 , 000 maoists launched a violent assault on a district headquarters in nepal #39 s northwestern mountains , officials said sunday , as angry traders rallied on the streets of kathmandu to protest a crippling rebel blockade of the capital , now also hit +__label__1 , downer dismisses #39 sexed up #39 iraq warning claims , sydney foreign minister alexander downer dismissed newspaper claims the australian government was repeatedly warned its support for the iraq war would impede the fight against terrorism . +__label__2 , hamm should support yang , paul hamm needs a new marketing strategy . either that , or he needs a clue . one harmless gesture separates him from lionization in america and canonization in south korea , and +__label__2 , us women avoid disaster , advance , athens -- preliminary-round elimination would have been a disaster for the united states women . desperate for a victory , the americans avoided embarrassment by finally playing like a gold medal contender -- and like a team . +__label__3 , australia airline announces fuel surcharge , australian budget airline virgin blue announced monday it will increase the fuel surcharge it adds to ticket prices from aug . 26 because of soaring oil prices . +__label__3 , arm agrees to buy artisan components for \$903 mn , london , august 23 ( new ratings ) - arm holdings ( arm . etr ) has agreed to buy artisan components inc ( arti ) , a us-based provider of integrated circuit designing solutions , for about \$913 million ( 503 . +__label__1 , north korea says the tyrant is bush , not kim , north korea says it sees no reason to join a working-level meeting with the united states to prepare for further six-party talks on the communist state #39 s nuclear weapons development . +__label__1 , terreblanche challenges sa arrest , white supremacist eugene terreblanche is detained after allegedly breaking the terms of his parole . +__label__2 , radcliffe withdrawal not due to injury , world record holder paula radcliffe #39 s tearful withdrawal from the women #39 s olympic marathon yesterday was not due to injury , the british team says . +__label__3 , dollar bounces eye on data , greenspan , london ( reuters ) - the dollar bounced off recent four-week lows against the euro and yen on monday in thin august trade with investors focusing on u . s . data and a speech by the federal reserve chief later in the week . +__label__4 , stopping spam at the source , new antispam technology standards are on the way that promise to hit spammers where it hurts the most--their wallets . at issue is the ability to authenticate the original source of e-mail messages , a major +__label__4 , new fat-busting microwave oven unveiled , tokyo ( reuters ) - eyeing up that juicy steak but worried about your waistline ? japanese electronics maker sharp corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=6753 . t qtype=sym infotype=info qcat=news> 6753 . t< /a> says it has developed a new fat-busting microwave oven that can melt some of your worries away . +__label__1 , israel oks more west bank settlement homes , jerusalem aug . 23 , 2004 - israel announced plans monday to build hundreds of new housing units in the west bank , following an apparent us policy shift on settlements that the palestinians warned quot will destroy the peace process . +__label__3 , kmart to sell 18 stores to home depot , new york ( reuters ) - retailer kmart holdings corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kmrt . o target=/stocks/quickinfo/fullquote> kmrt . o< /a> on monday said it finalized a deal to sell 18 of its stores to home depot inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hd . n target=/stocks/quickinfo/fullquote> hd . n< /a> for \$271 million . +__label__3 , rules for overtime pay to take effect monday , employers and workers are confused by eligibility and classification of the new regulations . +__label__4 , students crazy about ipod follow the music to apple laptops ( usatoday . com ) , usatoday . com - apple ' s trendy ipod digital music player , which has revitalized the company , is giving laptop sales a boost during back-to-school season . +__label__4 , stunt pilots to snag a falling nasa craft , nasa #39 s three-year effort to bring some genuine star dust back to earth is set for a dramatic finale sept . 8 when hollywood helicopter pilots will attempt a midair retrieval +__label__1 , trial of accused us vigilantes resumes , kabul , afghanistan aug . 23 , 2004 - a defense lawyer for one of three americans accused of torturing a dozen afghan prisoners in a private jail showed a video in court monday of afghanistan #39 s former education +__label__2 , sports graham says he sent the syringe , athens , greece track coach trevor graham admits he was the person who triggered the balco investigation . graham says he #39 s the one who anonymously sent a syringe of thg to the us anti-doping agency . +__label__2 , seattle mariners minor league report - august 23rd , tacoma rainiers - the rainiers just missed a perfect week when they suffered their only setback on sunday august 22nd , a 13-6 loss to the portland beavers . +__label__3 , southwest airlines to cut 88 flights ( reuters ) , reuters - southwest airlines inc . ( luv . n ) , the\largest u . s . discount carrier , on monday said it will eliminate\88 scheduled flights in order to boost revenue by freeing up\planes for more lucrative markets . +__label__3 , seattle times business columnist admits plagiarism , resigns , a business columnist has resigned from the seattle times after admitting he plagiarized the work of other journalists , said the newspaper . __label__4 , does nick carr matter ? , strategybusiness concludes that a controversial new book on the strategic value of information technology is flawed--but correct . \ -__label__3 , students pay more for beer than books , british students spend about \$1 . 8 billion on drink every year , nearly three times as much as they cough up for books , a survey released on monday showed . -__label__3 , leeds students figure high on working curve , undergraduates in the city earn more than 90 a week on average , just behind glasgow , cambridge and cardiff . their hard-earned cash is likely to be spent on looking good and socialising , the -__label__4 , windows upgrade causing campus headaches , microsoft corp . #39 s decision to release a major upgrade for its flagship operating system in the same month that hundreds of thousands of students are reporting to college campuses across the -__label__4 , intel cuts pentium 4 prices , the newest p4 chips drop in price by 18 percent to 35 percent a host of other chips are cheaper now as well . -__label__3 , northrop grumman gets \$408 million pact , defense contractor northrop grumman corp . on monday said it received a 10-year , \$408 million army contract to provide simulated battle command training support to army corps commanders - the latest award in -__label__4 , record biz hammers #39 ostrich #39 downloaders , the music industry in the us is making great strides in its campaign against people it says have illegally downloaded music , with courts awarding huge settlements in many cases . -__label__1 , sign-up reopened for house race in la . ( ap ) , ap - a state judge ruled monday that the sign-up period should be reopened for the nov . 2 election in louisiana ' s 5th congressional district , where incumbent rep . rodney alexander infuriated democrats by switching to the republican party minutes before the qualifying deadline . -__label__3 , oil price down as iraq fears ease , the price of oil has fallen as fears about interruptions to supplies being pumped out of iraq eased slightly . -__label__1 , israel accelerates settlement drive as sharon pushes on with gaza < b> . . . < /b> , the israeli government was accelerating its settlement program monday with plans to build hundreds of new homes in the west bank , bolstered by a us softening of opposition to new construction projects . -__label__4 , obesity solution nuke it , eying that juicy steak but worried about your waistline ? sharp says it has developed a new fat-busting microwave oven that can melt some of your worries away . -__label__4 , e-commerce still booming , online retail sales continue to show significant growth , according to the latest figures released by the us department of commerce . -__label__4 , lycos offers people and discussion search , terra lycos sa introduced two search tools on its lycos u . s . internet site on monday as part of a recently announced strategy to focus on services that allow users to connect with others . -__label__3 , oil eases as iraq resumes exports , < p> \< /p> < p> by andrew mitchell< /p> < p> london ( reuters ) - high-flying oil prices eased for a\second session on monday as iraq resumed exports from both its\northern and southern outlets after lengthy disruption , despite\fierce fighting in the holy city of najaf . < /p> -__label__3 , botswana miners ' face dismissal ' , botswana ' s giant debswana diamond mining firm says it will sack workers who carry on with an illegal stoppage . -__label__1 , u . s . men ' s hoops team finally gets a rout , athens , greece - the americans got a taste of what it was like in the good ol ' days . they finally played an opponent they were able to beat easily , routing angola 89-53 monday in their final preliminary game of the olympic men ' s basketball tournament . . . -__label__1 , congo ex-rebel group pulls out of government ( reuters ) , reuters - the former main rebel group during\congo ' s civil war pulled out of a power-sharing transitional\government on monday , dealing a major blow to the country ' s\already fragile peace process . -__label__3 , blue chips unchanged , wal-mart weighs , new york ( reuters ) - u . s . blue chips were near the unchanged mark on monday as a disappointing sales forecast from retailer wal-mart stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wmt . n target=/stocks/quickinfo/fullquote> wmt . n< /a> dampened sentiment , offsetting the benefit of easing oil prices . -__label__4 , wiretaps may mute nextel rivals , fed up with technical excuses , fbi wants carriers to support eavesdropping capabilities for push-to-talk technology now . -__label__4 , partnership connects wi-fi users in the sky , wi-fi is going sky-high thanks to a deal forged between enterprise internet service provider ipass and connexion by boeing . under the deal , ipass #39 s 528 , 000-plus wi-fi enterprise customers will -__label__2 , wariner succeeds johnson as 400 meter champion , athens ( reuters ) - american 400 meters champion jeremy wariner succeeded michael johnson as the olympic gold medallist monday with a personal best of 44 . 00 seconds . -__label__3 , observers insist no proof of fraud in venezuelan referendum . , independent observers confirmed that the random auditing of results from the recall referendum ( sunday august 15 ) against venezuelan president hugo chavez show there are no indications of fraud as claimed by the opposition . -__label__4 , eds is charter member of siebel bpo alliance ( newsfactor ) , newsfactor - siebel systems ( nasdaq sebl ) has named eds as the charter partner in siebels ' new business process outsourcing ( bpo ) global strategic-alliance program . the agreement expands the relationship between eds and siebel to provide a set of high-value managed products and service offerings targeted at the bpo and customer relationship management ( crm ) marketplaces . -__label__2 , chicago oks cubs to play at wrigley field ( ap ) , ap - the city gave the chicago cubs the go-ahead to play ball at wrigley field on monday night after the stadium passed another round of inspections of repair work done on its crumbling upper deck . -__label__3 , philippine president says country faces fiscal crisis , philippine president gloria arroyo warned that her country is in the midst of a fiscal crisis . a report by economists at the university of the philippines said the country faces economic collapse -__label__2 , us men #39 s basketball routs angola , athens , greece ( sports network ) - tim duncan led a balanced american attack with 15 points and seven rebounds , as the united states men #39 s basketball team completed the preliminary round with a resounding 89-53 victory over winless angola . -__label__2 , patterson gets silver on balance beam , athens , greece ( sports network ) - american carly patterson , the women #39 s all- around champion at the summer games , added another medal on monday night with a silver in the balance beam competition . -__label__4 , new russian-us team to leave for iss in october , moscow ( afp ) -- a new russian-us team for the international space station ( iss ) will take off from the baikonur space station in the former soviet republic of kazakhstan in october , russian space officials said . the three-person team , due to be approved on thursday , will leave for the iss on board a russian soyuz tma-5 spacecraft , russia ' s federal space agency , roskosmos said on its website . . . -__label__2 , gatlin sprints from unknown to 100m gold , reuters athens aug 23 american justin gatlin roared from virtual unknown to win the blue ribband olympic mens 100 metres race yesterday , upstaging defending champion maurice greene and other more illustrious rivals . -__label__1 , panama recalls ambassador from cuba ( ap ) , ap - panama recalled its ambassador from cuba on monday after the cuban government threatened to break off relations in a dispute over four anti-fidel castro exiles imprisoned in panama . -__label__4 , obesity raises risk for 9 different types of cancer , by lauran neergaard washington ( ap ) -- heart disease and diabetes get all the attention , but expanding waistlines increase the risk for at least nine types of cancer , too . and with the obesity epidemic showing no signs of waning , specialists say they need to better understand how fat cells fuels cancer growth so they might fight back . . . -__label__3 , credit card delinquencies at a 4-year low , new york ( reuters ) - americans paid their credit card bills on time at a record high level in june , sending credit card delinquencies to their lowest level in four years , moody ' s investors service said on monday . -__label__3 , deal has s2io champing at the gigabit , ottawa -- a local firm that says it can help shrink backup times at large data centres is growing its business thanks to an alliance with sun microsystems inc . -__label__4 , microsoft use script to block windows xp sp2 updates , microsoft has offered up yet another way for businesses to block the automatic update of windows xp to the big-deal service pack 2 ( sp2 ) upgrade . -__label__2 , marathon meltdown , the winner smiled and then vomited . the roaring favourite collapsed and couldn #39 t finish . the australian contemplated surrender , staggered on and didn #39 t regret it . -__label__1 , panama-cuba ' pardon ' row worsens , panama recalls its havana ambassador after cuba threatened to cut ties if jailed anti-castro activists are pardoned . -__label__4 , cisco buys ip platform maker , network equipment giant cisco systems ( quote , chart ) is buying ip platform specialist p-cube for \$200 million in cash and stock . p-cube #39 s technology helps telecom carriers , cable operators and isps manage -__label__1 , arafat meets with gaza critic , a former palestinian security minister who could be key to keeping order among rival factions in gaza after an israeli pullout held a fence-mending meeting monday with president yasser arafat , officials said . -__label__3 , new overtime rules take effect , new bush administration rules that scale back overtime eligibility for white-collar workers took effect on monday over protests that they would slash paychecks at a time of economic uncertainty . -__label__2 , japanese joy and british tears , it was the night of the longest race and the shortest , a night of distress for britain #39 s paula radcliffe and delight for america #39 s justin gatlin . -__label__4 , sap gets \$35 million post office pact , sap has landed a \$35 million deal to help the us postal service overhaul its human resources systems . according to sources close to the deal , the agreement includes a \$21 million consulting component , and -__label__2 , us beats germany 2-1 in ot , to face brazil in women #39 s soccer final , heather o #39 reilly , minutes after missing a wide open net , scored in the ninth minute of overtime monday to give the united states a 2-1 victory over world cup champion germany and a place in thursday #39 s gold-medal game . -__label__4 , intel drops prices on computer chips , san francisco - intel corp . has cut prices on its computer chips by as much as 35 percent , though analysts on monday said the cuts were probably unrelated to swelling inventories of the world #39 s largest chip maker . -__label__1 , israel announces west bank housing plans ( ap ) , ap - israel announced plans monday for 500 new housing units in the west bank , after an apparent u . s . policy shift that has infuriated the palestinians . the palestinians oppose all jewish settlement in the west bank and gaza strip , lands where they hope to establish an independent state . -__label__3 , dollar holds gains , fed comments help , tokyo ( reuters ) - the dollar held on to the previous day ' s gain on tuesday , supported by a retreat in oil prices and upbeat comments on the u . s . economy from federal reserve officials . -__label__4 , sap awarded \$35 million postal service contract , the postal service , which employs more than a third of the civilian employees of the federal government , chose sap after a multi-year evaluation , it said . -__label__3 , dark arts of spin evident in phoney war for abbey , the phoney war over the fate of abbey grinds on . along the way , on all sides , it is producing its predictable crop of knowing winks and destabilising nudges . -__label__3 , controversial us overtime rules take effect , new overtime rules have taken effect in the united states that the government says will strengthen workers #39 rights , but opponents say will significantly reduce workers #39 pay . -__label__4 , #39 marathon mouse #39 doubles stamina , scientists in the united states have genetically engineered mice which can run twice as far as normal before becoming exhausted . the researchers say their finding could lead to drugs or gene -__label__3 , sas braathens to cut gatwick , geneva flights , blackhawk writes quot sas braathens , the norwegian unit of scandinavian airline sas , will cut oslo routes to geneva and london gatwick in the first step of a plan to eliminate 10 routes . -__label__3 , cao executives hand over passports , executives at the collapsed china aviation oil singapore have voluntarily handed over their passports to singapore #39 s police , a spokesman said tuesday . -__label__2 , dickens departs , tony dickens resigns as head coach at northwestern six months after leading the wildcats to the maryland 4a boys basketball title . -__label__3 , dollar keeps gains as market awaits data , tokyo ( reuters ) - the dollar idled on tuesday after gaining the previous day , as many investors held off building positions ahead of economic data from the united states . -__label__3 , audit finds no fraud in venezuelan recall vote , caracas an audit of last sunday #39 s recall vote in venezuela , which favored keeping president hugo chavez in office , found no evidence of fraud , as the opposition had charged , electoral officials said . -__label__2 , chargers , rivers agree to deal , the san diego chargers finally reached a contract agreement last night with quarterback philip rivers . rivers , the fourth overall choice in april #39 s draft , agreed to a six-year deal worth about \$40 million , including -__label__2 , chiefs #39 offense too much for rams in 24-7 victory , the nfl #39 s highest-scoring offense is averaging two touchdowns every three possessions during the preseason . if kansas city #39 s woeful defense can get its act together , too , the chiefs could be in for big things . -__label__4 , marathoning mice could have olympian effects on obesity , a molecular switch known to regulate fat metabolism appears to prevent obesity and turns laboratory mice into marathon runners , a salk institute study has found . -__label__2 , dominant us captures gold with 79th straight win , the us softball team completed its scorched-earth run through the olympics on monday with a 5-1 win over australia , america #39 s third straight gold medal . -__label__3 , johnson amp johnson bids for rival , new york johnson amp johnson is in advanced negotiations to acquire guidant , one of the largest us makers of devices to treat heart and circulatory illnesses , according to executives close to the talks . -__label__3 , yukos warns it oil output is lagging , beleaguered russian energy giant yukos has warned that it will not produce as much oil as expected this year . it blames bailiffs who are draining its bank accounts to pay its potentially ruinous tax bill . -__label__2 , pressure points , athens -- the booing went on for nearly 10 minutes while paul hamm , chalked up and ready , waited beneath the horizontal bar last night . quot wow , quot hamm told his twin brother morgan . quot i ' ve never seen this before . quot -__label__3 , unions protest as overtime rules take effect , washington -- hundreds of workers rallied on the steps of the labor department yesterday to protest the implementation of new rules they say will cause as many as 6 million americans to lose their overtime pay . but the bush administration officials who crafted the complex regulations insisted more workers will actually qualify for extra pay under the plan , which almost . . . -__label__1 , serb denies siege terror charges , a bosnian serb general accused of organising the siege of sarajevo pleads not guilty to war crimes charges . -__label__2 , 11th-hour highlights too late , nbc ' s prime-time olympic coverage is taped and shaped , the television version of a reader ' s digest condensed book . we get all the us highlights , the big news stories , and a well-edited drama building to the 11 p . m . hour . it ' s a formula that ' s been proven to hold an audience and pull ratings . the big downside you have to stay up until midnight . . . -__label__4 , no ie ? no can see , one thing that #39 s always irritated those who don #39 t choose to use internet explorer is finding a website that requires ie . such complaints seem to have grown all the more passionate now security concerns are driving more users to consider ie alternatives . -__label__4 , iran shuts reformist websites , websites close to iran #39 s leading reformist party have been blocked by religious hardliners in the police bureau of public morals . -__label__2 , zambrano right at home , no one has been more dominating against national league hitters at home than cubs starter carlos zambrano . and zambrano looked as if he would be at his finest monday night at wrigley field . -__label__2 , torre calls a meeting , and the yanks respond , joe torre gathered the yankees before monday night #39 s game at jacobs field and imparted a simple message put aside the struggles of the past week . -__label__1 , kerry dispute revives memory of delta war ( ap ) , ap - the controversy over the vietnam war record of democratic presidential candidate john kerry has trained a fresh light on one of that conflict ' s lesser-known episodes #151 the operations of america ' s brown water navy in rivers , canals and mangrove swamps of the mekong delta . -__label__1 , japan to deport ex-chess champion bobby fischer ( reuters ) , reuters - japan issued a deportation order on\tuesday against former world chess champion bobby fischer , who\is wanted in the united states for defying sanctions on\yugoslavia , an immigration official said . -__label__1 , n . korea hurls abuse at bush , calls him human trash , seoul ( reuters ) - north korea hurled invective at president bush for a second day on tuesday , calling him a political idiot and human trash , and said six-party talks on pyongyang ' s nuclear ambitions appeared doomed . -__label__1 , nairobi police disperse maasai , police in kenya disperse maasai protesters in the capital who are seeking the return of leased colonial land . -__label__4 , arctic team finds ship remains , a team retracing the route of a group of victorian arctic explorers have found parts of their 172-year-old ship . -__label__3 , toy store profits r back up , toy retailer toys r us has posted a second-quarter profit , over- turning the loss it made over the same period the year before . the new jersey-based group , which is considering quitting the toys business , turned -__label__4 , vonage calls on linksys for voip , linksys will provide broadband-to-phone adapters and , eventually , wi-fi equipment . -__label__4 , vonage calls on linksys for voip ( pc world ) , pc world - linksys will provide broadband-to-phone adapters and , eventually , wi-fi equipment . -__label__1 , mich . elephant gets therapy for arthritis , royal oak , mich . - like any patient , wanda needs positive reinforcement to wrestle through her physical therapy . . . -__label__4 , intel slashes itanium prices as madison looms , intel has slashed prices across the board as it prepares to get behind new processor lines due this autumn . the itanium server line has seen cuts of over 30 per cent , while prices for intel #39 s fastest business -__label__1 , straw no british troops to darfur , british foreign minister jack straw said his country does not plan to deploy forces to darfur in western sudan but will provide technical assistance . -__label__1 , iraqi guardsmen ring najaf shrine , us and iraqi forces battled militants in najaf on tuesday and iraqi national guardsmen advanced to within 200 yards of the holy city #39 s imam ali shrine compound , where insurgents loyal to radical cleric muqtada al-sadr have been holed up for weeks . -__label__2 , gregg i will help to close deal , everton chairman bill kenwright #39 s plans for a russian revolution at goodison park may have thawed the cold war with director paul gregg . -__label__1 , straw sudan must help displaced people ( ap ) , ap - british foreign secretary jack straw , touring a sprawling desert camp housing 40 , 000 displaced people from the troubled western darfur region , urged the sudanese government to do more to make it safe for the frightened refugees to return home . -__label__3 , japanese bank makes hostile bid in takeover battle , the biggest-ever takeover battle in japan got even bigger today as sumitomo mitsui sought to disrupt a rival ' s expansion plans with a \$29 billion hostile bid for ufj . -__label__4 , martian weather blamed for loss of beagle 2 , description an investigation into the loss of britain #39 s beagle 2 spacecraft last december suggests the cause may have been unusual martian weather . -__label__2 , prodigy adu learns his trade at dc united , washington ( reuters ) - teenager freddy adu , america ' s most talked about soccer player , has hardly set the league alight with his skills in his first season . -__label__3 , japan #39 s smfg in \$29b bid for ufj , sumitomo mitsui financial group inc . laid out a \$29 billion bid for ufj holdings on tuesday , challenging a rival offer by mitsubishi tokyo financial group to form the world #39 s biggest bank . -__label__1 , sex toys find niche market in church-influenced philippines ( afp ) , afp - in this predominantly roman catholic country where prostitution is illegal and the church still wields considerable influence on the nation ' s morals , it is a brave person who goes into business selling sex toys . -__label__3 , director leaves hollinger inc . board , hollinger inc . , th #39 e toronto-based holding company controlled by disgraced media baron conrad black , lost an independent director tuesday when a former general in canada #39 s armed forces resigned from its board . -__label__1 , us not involved in afghan vigilante trial-official , an afghan court was following proper procedures in its trial of three us men accused of torture and kidnapping and the united states would exert no influence on next week #39 s verdict , a us official said on tuesday . -__label__1 , british minister sees ' show camp ' in sudan ( reuters ) , reuters - two rows of well-spaced\mattresses with brightly colored covers are laid out in a straw\hut , and the smiling nurse in surgical gloves gives an\injection to a crying baby held by his mother . -__label__1 , bin laden driver charged at guantanamo , guantanamo bay naval base , cuba - osama bin laden ' s chauffeur was officially charged tuesday in the first u . s . military tribunal since world war ii , appearing at a pretrial hearing where his lawyer challenged the process as unfair . . . -__label__4 , cisco reaches high and low , new york - cisco systems is aggressively trying to build its presence in key growth markets , and it #39 s using both new products and new acquisitions to do it . -__label__1 , #39 somebody please save my dad #39 , nick du toit #39 s wife and stepdaughter are distraught that there is nothing they can do to help him . on monday his stepdaughter , marilise bezuidenhout , was forced to convey the news of his possible death sentence -__label__1 , update 1 passengers stranded by canceled flights , thousands of disgruntled vacationers were stranded at heathrow airport tuesday after british airways canceled scores of flights because of staff shortages and technical hitches . -__label__1 , journalist purportedly kidnapped by militants , a group calling itself quot the islamic army in iraq quot said italy must withdraw its 3 , 000 troops -- or the safety of a missing italian journalist can #39 t be guaranteed . -__label__2 , discus champion thrown out of games , athens ( reuters ) - hungarian olympic discus champion robert fazekas will lose his gold medal and be expelled from the games after breaking doping rules , the international olympic committee ( ioc ) said tuesday . -__label__4 , cisco to acquire p-cube for \$200m , san jose , calif . cisco systems inc . said it has agreed to acquire p-cube for \$200 million in stock and cash to enable service providers to further control and manage such advanced internet protocol services -__label__4 , cisco and microsoft partner for crm , 8/24/2004 -- cisco systems yesterday announced a new customer relationship management ( crm ) communications connector for microsofts crm offering . -__label__4 , apple tops in customer satisfaction , dell comes in a close second , while gateway shows improvement , study says . -__label__3 , sabre , nwa trade barbs over ticketing fee , august 25 , 2004 -- the sabre travel network yesterday responded quickly to northwest airlines #39 decision to impose a fee on all domestic tickets issued through global distribution systems , firing back with its own policy changes and concluding the -__label__3 , united #39 s pension dilemma , united airlines says it likely will end funding for employee pension plans , a move that would be the largest ever default by a us company and could lead to a taxpayer-funded bailout rivaling the savings-and-loan fiasco of the 1980s . -__label__4 , linksys , netgear prep soho voip kit , wlan kit makers linksys and netgear have rolled out consumer and small-business oriented wireless access points with integrated voice over ip ( voip ) support . -__label__4 , tiny telescope detects a giant planet , a tiny telescope has spotted a giant planet circling a faraway star , using a technique that could open a new phase of planetary discovery , scientists say . -__label__2 , gardner loses quest for repeat wrestling gold , us heavyweight rulon gardner lost his olympic title wednesday after being beaten in the semi-final stage of the 120kg greco-roman wrestling event by georgiy tsurtsumia of kazakhstan . -__label__4 , playboy posts unused google excerpt to web site ( reuters ) , reuters - playboy magazine on tuesday\posted to its web site an unpublished portion from its\interview with google ' s founders , which raised regulatory\eyebrows not for what it revealed , but for its timing -- just\before the internet search engine ' s much-anticipated initial\public offering . -__label__2 , williams ' status at usc still unresolved ( ap ) , ap - standout receiver mike williams is all but certain not to play saturday night when top-ranked southern california opens its season because of continuing delays in the school ' s appeal process to the ncaa . after that , who knows ? usc has applied to the ncaa for a progress-toward-degree waiver and reinstatement of williams ' eligibility . -__label__1 , kerry pledges to create higher-paying jobs ( ap ) , ap - john kerry headed to closely divided pennsylvania and wisconsin to tell voters he could produce better , higher-paying jobs from the white house than president bush has . -__label__1 , gop platform plan seeks gay marriage ban ( ap ) , ap - republican leaders are pushing for a constitutional ban on gay marriage in the gop platform , opening a new point of contention between social conservatives and outnumbered but vocal factions fighting to give the party ' s statement of principles a more moderate tone . -__label__4 , epa u . s . waterways contain polluted fish ( ap ) , ap - one of every three lakes in the united states , and nearly one-quarter of the nation ' s rivers contain enough pollution that people should limit or avoid eating fish caught there . -__label__2 , selig welcomes government help in steroids scandal , new york -- baseball commissioner bud selig said monday he would accept government intervention on steroid testing if the players #39 association refuses to change the current rules , which run for two more years . -__label__4 , barents sea under threat from fishing , oil ( reuters ) , reuters - the arctic barents sea is\under threat from overfishing , oil and gas exploration and\soviet-era radioactive waste , the u . n . environment program said\on tuesday . -__label__3 , will this idea fly ? charge some travelers \$10 for showing up , northwest airlines said it would begin charging a \$10 fee for issuing a ticket at its airport check-in desks . -__label__2 , a man with a plan , athens -- four years ago in sydney , after the us gymnasts had gone medal-free at the olympics for the first time in 28 years , federation president bob colarossi was sitting at a table , explaining that the turnaround already had begun . the women had moved from sixth to fourth in the world in one year , the men from sixth to fifth . . . . -__label__4 , ascap shakes down burning man for music royalties , los angeles , ca -- officials from ascap today indicated they intend to pursue music royalties from the organizers of burning man , an artist ' s gathering and celebration held over the labor day holiday near reno , nv . the unconventional event , held annually since 1986 , has never paid fees for any of the music played at the event , says ascap . we intend to pursue all available avenues to get this issue resolved , said tony wilcox , ascap spokesperson . -__label__3 , branson virgin billionaire eyes china telecom deal , can you hear him now virgin group chairman richard branson said in hong kong that his company has earmarked \$300 million for a cell phone joint venture in china . -__label__1 , second prisoner abuse report expected , washington - inattention to prisoner issues by senior u . s . military leaders in iraq and at the pentagon was a key factor in the abuse scandal at abu ghraib prison , but there is no evidence they ordered any mistreatment , an independent panel concluded . . . -__label__1 , cleric returns to broker najaf peace deal , najaf , iraq - iraq ' s most powerful shiite cleric returned home from britain on wednesday to help broker an end to nearly three weeks of fighting in najaf and is calling on his followers to join him in a march to reclaim the holy city , his spokesmen and witnesses said . grand ayatollah ali husseini al-sistani return came as heavy fighting persisted in najaf ' s old city . . . -__label__1 , police tear gas , arrest protesters in bangladesh , baton-wielding riot police fired tear gas and rounded up dozens of demonstrators in bangladesh on tuesday during a general strike called to protest a weekend grenade attack that killed 20 people and wounded hundreds at an opposition political rally . -__label__2 , careening indians fall , slumping cleveland lost a three-run lead while derek jeter homered and stole two ninth-inning bases as new york sent the indians to their ninth consecutive loss , 5-4 , tuesday . -__label__4 , internosis will relocate to greenbelt in october , internosis inc . , an information technology company in arlington , plans to move its headquarters to greenbelt in october . the relocation will bring 170 jobs to prince george ' s county . -__label__4 , microsoft offers sp2 compatibility guide , security-focused windows xp update can be tough on applications . guidelines are meant to help professionals test and mitigate . -__label__4 , site security gets a recount at rock the vote , grassroots movement to register younger voters leaves publishing tools accessible to outsiders . -__label__4 , sony reveals some specs for psp handheld , the playstation portable is going to have one complex processor running the show for games and multimedia . -__label__4 , study apple , dell lead pc customer satisfaction index , the pc industry is doing a better job this year of satisfying its u . s . customers , and better technical support and easier-to-use hardware seem to have made a difference , according to the american customer satisfaction index . -__label__4 , un organizes open-source software day across asia , the united nations , through its international open source network ( iosn ) will organize the first annual software freedom day on saturday in an effort to educate asian users about the benefits of free and open source software ( foss ) and encourage its wider use in the region . -__label__4 , european union extends review of microsoft deal , by paul geitner brussels , belgium ( ap ) -- software giant microsoft corp . ( msft ) and the media and entertainment powerhouse time warner inc . . . -__label__1 , darfur 4-point draft agenda adopted in abuja , a tentative step was taken yesterday in the quest to finding lasting peace in the crisis torn dafur region of sudan when the abuja peace talks unanimously adopted a four-point draft agenda . -__label__3 , update 2-td , banknorth in talks on possible deal , toronto dominion bank ( td . to quote , profile , research ) said on wednesday that it is in talks with us-based banknorth group ( bnk . n quote , profile , research ) about a possible deal , in line with the canadian bank #39 s push for -__label__4 , jamaican government to provide free internet access in poor < b> . . . < /b> , jamaica #39 s government on tuesday announced a us\$5 million ( jamaican \$308 million ) plan to provide free internet access in poor communities across the island . -__label__2 , a new golden girl , it took only 49 . 41 seconds for tonique williams-darling to etch her name in the annals of bahamian history . williams-darling crossed the finish line -__label__1 , india ' s tata makes powerful debut , shares in indian software services giant tata consultancy close 16 higher on their market debut , raising \$1 . 2bn for the company . -__label__1 , sudanese rebels agree to take part in peace talks in abuja , abuja , aug 25 , 2004 ( dpa ) -- rebel groups agreed wednesday to participate in peace talks with the sudanese government being held in the nigerian capital of abuja after coming under pressure to disarm and accept confinement to camps in the country #39 s -__label__4 , dragging the net for cyber criminals , in an attempt to stem the growing tide of online scams , identity theft and the proliferation of junk e-mail , the justice department and state law enforcement officials have initiated what seems to be the largest dragnet yet against spammers , so-called phishers and other internet con artists . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__4 , eu to probe microsoft-time warner buy , the decision is a setback for the two companies and their plan to acquire contentguard , a digital rights management firm . -__label__2 , allen wins triathlon , kate allen of austria wins the triathlon with a late surge wednesday , passing more than half of the field in the final leg and edging loretta harrop of australia at the finish line . +__label__3 , students pay more for beer than books , british students spend about \$1 . 8 billion on drink every year , nearly three times as much as they cough up for books , a survey released on monday showed . +__label__3 , leeds students figure high on working curve , undergraduates in the city earn more than 90 a week on average , just behind glasgow , cambridge and cardiff . their hard-earned cash is likely to be spent on looking good and socialising , the +__label__4 , windows upgrade causing campus headaches , microsoft corp . #39 s decision to release a major upgrade for its flagship operating system in the same month that hundreds of thousands of students are reporting to college campuses across the +__label__4 , intel cuts pentium 4 prices , the newest p4 chips drop in price by 18 percent to 35 percent a host of other chips are cheaper now as well . +__label__3 , northrop grumman gets \$408 million pact , defense contractor northrop grumman corp . on monday said it received a 10-year , \$408 million army contract to provide simulated battle command training support to army corps commanders - the latest award in +__label__4 , record biz hammers #39 ostrich #39 downloaders , the music industry in the us is making great strides in its campaign against people it says have illegally downloaded music , with courts awarding huge settlements in many cases . +__label__1 , sign-up reopened for house race in la . ( ap ) , ap - a state judge ruled monday that the sign-up period should be reopened for the nov . 2 election in louisiana ' s 5th congressional district , where incumbent rep . rodney alexander infuriated democrats by switching to the republican party minutes before the qualifying deadline . +__label__3 , oil price down as iraq fears ease , the price of oil has fallen as fears about interruptions to supplies being pumped out of iraq eased slightly . +__label__1 , israel accelerates settlement drive as sharon pushes on with gaza < b> . . . < /b> , the israeli government was accelerating its settlement program monday with plans to build hundreds of new homes in the west bank , bolstered by a us softening of opposition to new construction projects . +__label__4 , obesity solution nuke it , eying that juicy steak but worried about your waistline ? sharp says it has developed a new fat-busting microwave oven that can melt some of your worries away . +__label__4 , e-commerce still booming , online retail sales continue to show significant growth , according to the latest figures released by the us department of commerce . +__label__4 , lycos offers people and discussion search , terra lycos sa introduced two search tools on its lycos u . s . internet site on monday as part of a recently announced strategy to focus on services that allow users to connect with others . +__label__3 , oil eases as iraq resumes exports , < p> \< /p> < p> by andrew mitchell< /p> < p> london ( reuters ) - high-flying oil prices eased for a\second session on monday as iraq resumed exports from both its\northern and southern outlets after lengthy disruption , despite\fierce fighting in the holy city of najaf . < /p> +__label__3 , botswana miners ' face dismissal ' , botswana ' s giant debswana diamond mining firm says it will sack workers who carry on with an illegal stoppage . +__label__1 , u . s . men ' s hoops team finally gets a rout , athens , greece - the americans got a taste of what it was like in the good ol ' days . they finally played an opponent they were able to beat easily , routing angola 89-53 monday in their final preliminary game of the olympic men ' s basketball tournament . . . +__label__1 , congo ex-rebel group pulls out of government ( reuters ) , reuters - the former main rebel group during\congo ' s civil war pulled out of a power-sharing transitional\government on monday , dealing a major blow to the country ' s\already fragile peace process . +__label__3 , blue chips unchanged , wal-mart weighs , new york ( reuters ) - u . s . blue chips were near the unchanged mark on monday as a disappointing sales forecast from retailer wal-mart stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wmt . n target=/stocks/quickinfo/fullquote> wmt . n< /a> dampened sentiment , offsetting the benefit of easing oil prices . +__label__4 , wiretaps may mute nextel rivals , fed up with technical excuses , fbi wants carriers to support eavesdropping capabilities for push-to-talk technology now . +__label__4 , partnership connects wi-fi users in the sky , wi-fi is going sky-high thanks to a deal forged between enterprise internet service provider ipass and connexion by boeing . under the deal , ipass #39 s 528 , 000-plus wi-fi enterprise customers will +__label__2 , wariner succeeds johnson as 400 meter champion , athens ( reuters ) - american 400 meters champion jeremy wariner succeeded michael johnson as the olympic gold medallist monday with a personal best of 44 . 00 seconds . +__label__3 , observers insist no proof of fraud in venezuelan referendum . , independent observers confirmed that the random auditing of results from the recall referendum ( sunday august 15 ) against venezuelan president hugo chavez show there are no indications of fraud as claimed by the opposition . +__label__4 , eds is charter member of siebel bpo alliance ( newsfactor ) , newsfactor - siebel systems ( nasdaq sebl ) has named eds as the charter partner in siebels ' new business process outsourcing ( bpo ) global strategic-alliance program . the agreement expands the relationship between eds and siebel to provide a set of high-value managed products and service offerings targeted at the bpo and customer relationship management ( crm ) marketplaces . +__label__2 , chicago oks cubs to play at wrigley field ( ap ) , ap - the city gave the chicago cubs the go-ahead to play ball at wrigley field on monday night after the stadium passed another round of inspections of repair work done on its crumbling upper deck . +__label__3 , philippine president says country faces fiscal crisis , philippine president gloria arroyo warned that her country is in the midst of a fiscal crisis . a report by economists at the university of the philippines said the country faces economic collapse +__label__2 , us men #39 s basketball routs angola , athens , greece ( sports network ) - tim duncan led a balanced american attack with 15 points and seven rebounds , as the united states men #39 s basketball team completed the preliminary round with a resounding 89-53 victory over winless angola . +__label__2 , patterson gets silver on balance beam , athens , greece ( sports network ) - american carly patterson , the women #39 s all- around champion at the summer games , added another medal on monday night with a silver in the balance beam competition . +__label__4 , new russian-us team to leave for iss in october , moscow ( afp ) -- a new russian-us team for the international space station ( iss ) will take off from the baikonur space station in the former soviet republic of kazakhstan in october , russian space officials said . the three-person team , due to be approved on thursday , will leave for the iss on board a russian soyuz tma-5 spacecraft , russia ' s federal space agency , roskosmos said on its website . . . +__label__2 , gatlin sprints from unknown to 100m gold , reuters athens aug 23 american justin gatlin roared from virtual unknown to win the blue ribband olympic mens 100 metres race yesterday , upstaging defending champion maurice greene and other more illustrious rivals . +__label__1 , panama recalls ambassador from cuba ( ap ) , ap - panama recalled its ambassador from cuba on monday after the cuban government threatened to break off relations in a dispute over four anti-fidel castro exiles imprisoned in panama . +__label__4 , obesity raises risk for 9 different types of cancer , by lauran neergaard washington ( ap ) -- heart disease and diabetes get all the attention , but expanding waistlines increase the risk for at least nine types of cancer , too . and with the obesity epidemic showing no signs of waning , specialists say they need to better understand how fat cells fuels cancer growth so they might fight back . . . +__label__3 , credit card delinquencies at a 4-year low , new york ( reuters ) - americans paid their credit card bills on time at a record high level in june , sending credit card delinquencies to their lowest level in four years , moody ' s investors service said on monday . +__label__3 , deal has s2io champing at the gigabit , ottawa -- a local firm that says it can help shrink backup times at large data centres is growing its business thanks to an alliance with sun microsystems inc . +__label__4 , microsoft use script to block windows xp sp2 updates , microsoft has offered up yet another way for businesses to block the automatic update of windows xp to the big-deal service pack 2 ( sp2 ) upgrade . +__label__2 , marathon meltdown , the winner smiled and then vomited . the roaring favourite collapsed and couldn #39 t finish . the australian contemplated surrender , staggered on and didn #39 t regret it . +__label__1 , panama-cuba ' pardon ' row worsens , panama recalls its havana ambassador after cuba threatened to cut ties if jailed anti-castro activists are pardoned . +__label__4 , cisco buys ip platform maker , network equipment giant cisco systems ( quote , chart ) is buying ip platform specialist p-cube for \$200 million in cash and stock . p-cube #39 s technology helps telecom carriers , cable operators and isps manage +__label__1 , arafat meets with gaza critic , a former palestinian security minister who could be key to keeping order among rival factions in gaza after an israeli pullout held a fence-mending meeting monday with president yasser arafat , officials said . +__label__3 , new overtime rules take effect , new bush administration rules that scale back overtime eligibility for white-collar workers took effect on monday over protests that they would slash paychecks at a time of economic uncertainty . +__label__2 , japanese joy and british tears , it was the night of the longest race and the shortest , a night of distress for britain #39 s paula radcliffe and delight for america #39 s justin gatlin . +__label__4 , sap gets \$35 million post office pact , sap has landed a \$35 million deal to help the us postal service overhaul its human resources systems . according to sources close to the deal , the agreement includes a \$21 million consulting component , and +__label__2 , us beats germany 2-1 in ot , to face brazil in women #39 s soccer final , heather o #39 reilly , minutes after missing a wide open net , scored in the ninth minute of overtime monday to give the united states a 2-1 victory over world cup champion germany and a place in thursday #39 s gold-medal game . +__label__4 , intel drops prices on computer chips , san francisco - intel corp . has cut prices on its computer chips by as much as 35 percent , though analysts on monday said the cuts were probably unrelated to swelling inventories of the world #39 s largest chip maker . +__label__1 , israel announces west bank housing plans ( ap ) , ap - israel announced plans monday for 500 new housing units in the west bank , after an apparent u . s . policy shift that has infuriated the palestinians . the palestinians oppose all jewish settlement in the west bank and gaza strip , lands where they hope to establish an independent state . +__label__3 , dollar holds gains , fed comments help , tokyo ( reuters ) - the dollar held on to the previous day ' s gain on tuesday , supported by a retreat in oil prices and upbeat comments on the u . s . economy from federal reserve officials . +__label__4 , sap awarded \$35 million postal service contract , the postal service , which employs more than a third of the civilian employees of the federal government , chose sap after a multi-year evaluation , it said . +__label__3 , dark arts of spin evident in phoney war for abbey , the phoney war over the fate of abbey grinds on . along the way , on all sides , it is producing its predictable crop of knowing winks and destabilising nudges . +__label__3 , controversial us overtime rules take effect , new overtime rules have taken effect in the united states that the government says will strengthen workers #39 rights , but opponents say will significantly reduce workers #39 pay . +__label__4 , #39 marathon mouse #39 doubles stamina , scientists in the united states have genetically engineered mice which can run twice as far as normal before becoming exhausted . the researchers say their finding could lead to drugs or gene +__label__3 , sas braathens to cut gatwick , geneva flights , blackhawk writes quot sas braathens , the norwegian unit of scandinavian airline sas , will cut oslo routes to geneva and london gatwick in the first step of a plan to eliminate 10 routes . +__label__3 , cao executives hand over passports , executives at the collapsed china aviation oil singapore have voluntarily handed over their passports to singapore #39 s police , a spokesman said tuesday . +__label__2 , dickens departs , tony dickens resigns as head coach at northwestern six months after leading the wildcats to the maryland 4a boys basketball title . +__label__3 , dollar keeps gains as market awaits data , tokyo ( reuters ) - the dollar idled on tuesday after gaining the previous day , as many investors held off building positions ahead of economic data from the united states . +__label__3 , audit finds no fraud in venezuelan recall vote , caracas an audit of last sunday #39 s recall vote in venezuela , which favored keeping president hugo chavez in office , found no evidence of fraud , as the opposition had charged , electoral officials said . +__label__2 , chargers , rivers agree to deal , the san diego chargers finally reached a contract agreement last night with quarterback philip rivers . rivers , the fourth overall choice in april #39 s draft , agreed to a six-year deal worth about \$40 million , including +__label__2 , chiefs #39 offense too much for rams in 24-7 victory , the nfl #39 s highest-scoring offense is averaging two touchdowns every three possessions during the preseason . if kansas city #39 s woeful defense can get its act together , too , the chiefs could be in for big things . +__label__4 , marathoning mice could have olympian effects on obesity , a molecular switch known to regulate fat metabolism appears to prevent obesity and turns laboratory mice into marathon runners , a salk institute study has found . +__label__2 , dominant us captures gold with 79th straight win , the us softball team completed its scorched-earth run through the olympics on monday with a 5-1 win over australia , america #39 s third straight gold medal . +__label__3 , johnson amp johnson bids for rival , new york johnson amp johnson is in advanced negotiations to acquire guidant , one of the largest us makers of devices to treat heart and circulatory illnesses , according to executives close to the talks . +__label__3 , yukos warns it oil output is lagging , beleaguered russian energy giant yukos has warned that it will not produce as much oil as expected this year . it blames bailiffs who are draining its bank accounts to pay its potentially ruinous tax bill . +__label__2 , pressure points , athens -- the booing went on for nearly 10 minutes while paul hamm , chalked up and ready , waited beneath the horizontal bar last night . quot wow , quot hamm told his twin brother morgan . quot i ' ve never seen this before . quot +__label__3 , unions protest as overtime rules take effect , washington -- hundreds of workers rallied on the steps of the labor department yesterday to protest the implementation of new rules they say will cause as many as 6 million americans to lose their overtime pay . but the bush administration officials who crafted the complex regulations insisted more workers will actually qualify for extra pay under the plan , which almost . . . +__label__1 , serb denies siege terror charges , a bosnian serb general accused of organising the siege of sarajevo pleads not guilty to war crimes charges . +__label__2 , 11th-hour highlights too late , nbc ' s prime-time olympic coverage is taped and shaped , the television version of a reader ' s digest condensed book . we get all the us highlights , the big news stories , and a well-edited drama building to the 11 p . m . hour . it ' s a formula that ' s been proven to hold an audience and pull ratings . the big downside you have to stay up until midnight . . . +__label__4 , no ie ? no can see , one thing that #39 s always irritated those who don #39 t choose to use internet explorer is finding a website that requires ie . such complaints seem to have grown all the more passionate now security concerns are driving more users to consider ie alternatives . +__label__4 , iran shuts reformist websites , websites close to iran #39 s leading reformist party have been blocked by religious hardliners in the police bureau of public morals . +__label__2 , zambrano right at home , no one has been more dominating against national league hitters at home than cubs starter carlos zambrano . and zambrano looked as if he would be at his finest monday night at wrigley field . +__label__2 , torre calls a meeting , and the yanks respond , joe torre gathered the yankees before monday night #39 s game at jacobs field and imparted a simple message put aside the struggles of the past week . +__label__1 , kerry dispute revives memory of delta war ( ap ) , ap - the controversy over the vietnam war record of democratic presidential candidate john kerry has trained a fresh light on one of that conflict ' s lesser-known episodes #151 the operations of america ' s brown water navy in rivers , canals and mangrove swamps of the mekong delta . +__label__1 , japan to deport ex-chess champion bobby fischer ( reuters ) , reuters - japan issued a deportation order on\tuesday against former world chess champion bobby fischer , who\is wanted in the united states for defying sanctions on\yugoslavia , an immigration official said . +__label__1 , n . korea hurls abuse at bush , calls him human trash , seoul ( reuters ) - north korea hurled invective at president bush for a second day on tuesday , calling him a political idiot and human trash , and said six-party talks on pyongyang ' s nuclear ambitions appeared doomed . +__label__1 , nairobi police disperse maasai , police in kenya disperse maasai protesters in the capital who are seeking the return of leased colonial land . +__label__4 , arctic team finds ship remains , a team retracing the route of a group of victorian arctic explorers have found parts of their 172-year-old ship . +__label__3 , toy store profits r back up , toy retailer toys r us has posted a second-quarter profit , over- turning the loss it made over the same period the year before . the new jersey-based group , which is considering quitting the toys business , turned +__label__4 , vonage calls on linksys for voip , linksys will provide broadband-to-phone adapters and , eventually , wi-fi equipment . +__label__4 , vonage calls on linksys for voip ( pc world ) , pc world - linksys will provide broadband-to-phone adapters and , eventually , wi-fi equipment . +__label__1 , mich . elephant gets therapy for arthritis , royal oak , mich . - like any patient , wanda needs positive reinforcement to wrestle through her physical therapy . . . +__label__4 , intel slashes itanium prices as madison looms , intel has slashed prices across the board as it prepares to get behind new processor lines due this autumn . the itanium server line has seen cuts of over 30 per cent , while prices for intel #39 s fastest business +__label__1 , straw no british troops to darfur , british foreign minister jack straw said his country does not plan to deploy forces to darfur in western sudan but will provide technical assistance . +__label__1 , iraqi guardsmen ring najaf shrine , us and iraqi forces battled militants in najaf on tuesday and iraqi national guardsmen advanced to within 200 yards of the holy city #39 s imam ali shrine compound , where insurgents loyal to radical cleric muqtada al-sadr have been holed up for weeks . +__label__2 , gregg i will help to close deal , everton chairman bill kenwright #39 s plans for a russian revolution at goodison park may have thawed the cold war with director paul gregg . +__label__1 , straw sudan must help displaced people ( ap ) , ap - british foreign secretary jack straw , touring a sprawling desert camp housing 40 , 000 displaced people from the troubled western darfur region , urged the sudanese government to do more to make it safe for the frightened refugees to return home . +__label__3 , japanese bank makes hostile bid in takeover battle , the biggest-ever takeover battle in japan got even bigger today as sumitomo mitsui sought to disrupt a rival ' s expansion plans with a \$29 billion hostile bid for ufj . +__label__4 , martian weather blamed for loss of beagle 2 , description an investigation into the loss of britain #39 s beagle 2 spacecraft last december suggests the cause may have been unusual martian weather . +__label__2 , prodigy adu learns his trade at dc united , washington ( reuters ) - teenager freddy adu , america ' s most talked about soccer player , has hardly set the league alight with his skills in his first season . +__label__3 , japan #39 s smfg in \$29b bid for ufj , sumitomo mitsui financial group inc . laid out a \$29 billion bid for ufj holdings on tuesday , challenging a rival offer by mitsubishi tokyo financial group to form the world #39 s biggest bank . +__label__1 , sex toys find niche market in church-influenced philippines ( afp ) , afp - in this predominantly roman catholic country where prostitution is illegal and the church still wields considerable influence on the nation ' s morals , it is a brave person who goes into business selling sex toys . +__label__3 , director leaves hollinger inc . board , hollinger inc . , th #39 e toronto-based holding company controlled by disgraced media baron conrad black , lost an independent director tuesday when a former general in canada #39 s armed forces resigned from its board . +__label__1 , us not involved in afghan vigilante trial-official , an afghan court was following proper procedures in its trial of three us men accused of torture and kidnapping and the united states would exert no influence on next week #39 s verdict , a us official said on tuesday . +__label__1 , british minister sees ' show camp ' in sudan ( reuters ) , reuters - two rows of well-spaced\mattresses with brightly colored covers are laid out in a straw\hut , and the smiling nurse in surgical gloves gives an\injection to a crying baby held by his mother . +__label__1 , bin laden driver charged at guantanamo , guantanamo bay naval base , cuba - osama bin laden ' s chauffeur was officially charged tuesday in the first u . s . military tribunal since world war ii , appearing at a pretrial hearing where his lawyer challenged the process as unfair . . . +__label__4 , cisco reaches high and low , new york - cisco systems is aggressively trying to build its presence in key growth markets , and it #39 s using both new products and new acquisitions to do it . +__label__1 , #39 somebody please save my dad #39 , nick du toit #39 s wife and stepdaughter are distraught that there is nothing they can do to help him . on monday his stepdaughter , marilise bezuidenhout , was forced to convey the news of his possible death sentence +__label__1 , update 1 passengers stranded by canceled flights , thousands of disgruntled vacationers were stranded at heathrow airport tuesday after british airways canceled scores of flights because of staff shortages and technical hitches . +__label__1 , journalist purportedly kidnapped by militants , a group calling itself quot the islamic army in iraq quot said italy must withdraw its 3 , 000 troops -- or the safety of a missing italian journalist can #39 t be guaranteed . +__label__2 , discus champion thrown out of games , athens ( reuters ) - hungarian olympic discus champion robert fazekas will lose his gold medal and be expelled from the games after breaking doping rules , the international olympic committee ( ioc ) said tuesday . +__label__4 , cisco to acquire p-cube for \$200m , san jose , calif . cisco systems inc . said it has agreed to acquire p-cube for \$200 million in stock and cash to enable service providers to further control and manage such advanced internet protocol services +__label__4 , cisco and microsoft partner for crm , 8/24/2004 -- cisco systems yesterday announced a new customer relationship management ( crm ) communications connector for microsofts crm offering . +__label__4 , apple tops in customer satisfaction , dell comes in a close second , while gateway shows improvement , study says . +__label__3 , sabre , nwa trade barbs over ticketing fee , august 25 , 2004 -- the sabre travel network yesterday responded quickly to northwest airlines #39 decision to impose a fee on all domestic tickets issued through global distribution systems , firing back with its own policy changes and concluding the +__label__3 , united #39 s pension dilemma , united airlines says it likely will end funding for employee pension plans , a move that would be the largest ever default by a us company and could lead to a taxpayer-funded bailout rivaling the savings-and-loan fiasco of the 1980s . +__label__4 , linksys , netgear prep soho voip kit , wlan kit makers linksys and netgear have rolled out consumer and small-business oriented wireless access points with integrated voice over ip ( voip ) support . +__label__4 , tiny telescope detects a giant planet , a tiny telescope has spotted a giant planet circling a faraway star , using a technique that could open a new phase of planetary discovery , scientists say . +__label__2 , gardner loses quest for repeat wrestling gold , us heavyweight rulon gardner lost his olympic title wednesday after being beaten in the semi-final stage of the 120kg greco-roman wrestling event by georgiy tsurtsumia of kazakhstan . +__label__4 , playboy posts unused google excerpt to web site ( reuters ) , reuters - playboy magazine on tuesday\posted to its web site an unpublished portion from its\interview with google ' s founders , which raised regulatory\eyebrows not for what it revealed , but for its timing -- just\before the internet search engine ' s much-anticipated initial\public offering . +__label__2 , williams ' status at usc still unresolved ( ap ) , ap - standout receiver mike williams is all but certain not to play saturday night when top-ranked southern california opens its season because of continuing delays in the school ' s appeal process to the ncaa . after that , who knows ? usc has applied to the ncaa for a progress-toward-degree waiver and reinstatement of williams ' eligibility . +__label__1 , kerry pledges to create higher-paying jobs ( ap ) , ap - john kerry headed to closely divided pennsylvania and wisconsin to tell voters he could produce better , higher-paying jobs from the white house than president bush has . +__label__1 , gop platform plan seeks gay marriage ban ( ap ) , ap - republican leaders are pushing for a constitutional ban on gay marriage in the gop platform , opening a new point of contention between social conservatives and outnumbered but vocal factions fighting to give the party ' s statement of principles a more moderate tone . +__label__4 , epa u . s . waterways contain polluted fish ( ap ) , ap - one of every three lakes in the united states , and nearly one-quarter of the nation ' s rivers contain enough pollution that people should limit or avoid eating fish caught there . +__label__2 , selig welcomes government help in steroids scandal , new york -- baseball commissioner bud selig said monday he would accept government intervention on steroid testing if the players #39 association refuses to change the current rules , which run for two more years . +__label__4 , barents sea under threat from fishing , oil ( reuters ) , reuters - the arctic barents sea is\under threat from overfishing , oil and gas exploration and\soviet-era radioactive waste , the u . n . environment program said\on tuesday . +__label__3 , will this idea fly ? charge some travelers \$10 for showing up , northwest airlines said it would begin charging a \$10 fee for issuing a ticket at its airport check-in desks . +__label__2 , a man with a plan , athens -- four years ago in sydney , after the us gymnasts had gone medal-free at the olympics for the first time in 28 years , federation president bob colarossi was sitting at a table , explaining that the turnaround already had begun . the women had moved from sixth to fourth in the world in one year , the men from sixth to fifth . . . . +__label__4 , ascap shakes down burning man for music royalties , los angeles , ca -- officials from ascap today indicated they intend to pursue music royalties from the organizers of burning man , an artist ' s gathering and celebration held over the labor day holiday near reno , nv . the unconventional event , held annually since 1986 , has never paid fees for any of the music played at the event , says ascap . we intend to pursue all available avenues to get this issue resolved , said tony wilcox , ascap spokesperson . +__label__3 , branson virgin billionaire eyes china telecom deal , can you hear him now virgin group chairman richard branson said in hong kong that his company has earmarked \$300 million for a cell phone joint venture in china . +__label__1 , second prisoner abuse report expected , washington - inattention to prisoner issues by senior u . s . military leaders in iraq and at the pentagon was a key factor in the abuse scandal at abu ghraib prison , but there is no evidence they ordered any mistreatment , an independent panel concluded . . . +__label__1 , cleric returns to broker najaf peace deal , najaf , iraq - iraq ' s most powerful shiite cleric returned home from britain on wednesday to help broker an end to nearly three weeks of fighting in najaf and is calling on his followers to join him in a march to reclaim the holy city , his spokesmen and witnesses said . grand ayatollah ali husseini al-sistani return came as heavy fighting persisted in najaf ' s old city . . . +__label__1 , police tear gas , arrest protesters in bangladesh , baton-wielding riot police fired tear gas and rounded up dozens of demonstrators in bangladesh on tuesday during a general strike called to protest a weekend grenade attack that killed 20 people and wounded hundreds at an opposition political rally . +__label__2 , careening indians fall , slumping cleveland lost a three-run lead while derek jeter homered and stole two ninth-inning bases as new york sent the indians to their ninth consecutive loss , 5-4 , tuesday . +__label__4 , internosis will relocate to greenbelt in october , internosis inc . , an information technology company in arlington , plans to move its headquarters to greenbelt in october . the relocation will bring 170 jobs to prince george ' s county . +__label__4 , microsoft offers sp2 compatibility guide , security-focused windows xp update can be tough on applications . guidelines are meant to help professionals test and mitigate . +__label__4 , site security gets a recount at rock the vote , grassroots movement to register younger voters leaves publishing tools accessible to outsiders . +__label__4 , sony reveals some specs for psp handheld , the playstation portable is going to have one complex processor running the show for games and multimedia . +__label__4 , study apple , dell lead pc customer satisfaction index , the pc industry is doing a better job this year of satisfying its u . s . customers , and better technical support and easier-to-use hardware seem to have made a difference , according to the american customer satisfaction index . +__label__4 , un organizes open-source software day across asia , the united nations , through its international open source network ( iosn ) will organize the first annual software freedom day on saturday in an effort to educate asian users about the benefits of free and open source software ( foss ) and encourage its wider use in the region . +__label__4 , european union extends review of microsoft deal , by paul geitner brussels , belgium ( ap ) -- software giant microsoft corp . ( msft ) and the media and entertainment powerhouse time warner inc . . . +__label__1 , darfur 4-point draft agenda adopted in abuja , a tentative step was taken yesterday in the quest to finding lasting peace in the crisis torn dafur region of sudan when the abuja peace talks unanimously adopted a four-point draft agenda . +__label__3 , update 2-td , banknorth in talks on possible deal , toronto dominion bank ( td . to quote , profile , research ) said on wednesday that it is in talks with us-based banknorth group ( bnk . n quote , profile , research ) about a possible deal , in line with the canadian bank #39 s push for +__label__4 , jamaican government to provide free internet access in poor < b> . . . < /b> , jamaica #39 s government on tuesday announced a us\$5 million ( jamaican \$308 million ) plan to provide free internet access in poor communities across the island . +__label__2 , a new golden girl , it took only 49 . 41 seconds for tonique williams-darling to etch her name in the annals of bahamian history . williams-darling crossed the finish line +__label__1 , india ' s tata makes powerful debut , shares in indian software services giant tata consultancy close 16 higher on their market debut , raising \$1 . 2bn for the company . +__label__1 , sudanese rebels agree to take part in peace talks in abuja , abuja , aug 25 , 2004 ( dpa ) -- rebel groups agreed wednesday to participate in peace talks with the sudanese government being held in the nigerian capital of abuja after coming under pressure to disarm and accept confinement to camps in the country #39 s +__label__4 , dragging the net for cyber criminals , in an attempt to stem the growing tide of online scams , identity theft and the proliferation of junk e-mail , the justice department and state law enforcement officials have initiated what seems to be the largest dragnet yet against spammers , so-called phishers and other internet con artists . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__4 , eu to probe microsoft-time warner buy , the decision is a setback for the two companies and their plan to acquire contentguard , a digital rights management firm . +__label__2 , allen wins triathlon , kate allen of austria wins the triathlon with a late surge wednesday , passing more than half of the field in the final leg and edging loretta harrop of australia at the finish line . __label__4 , is google the next netscape ? , is google the next netscape ? \\to draw a parallel between netscape #038 google in their fight against microsoft , it is necessary to examine the various similarities between the two situations and see if the tactics that worked then will work now . \ -__label__3 , gm pulls guy ritchie car ad after protest , protests from seven safety groups have prompted general motors to pull a television ad that shows a young boy driving a corvette sports car so recklessly that it goes airborne , officials of the automaker say . -__label__4 , tiny telescope #39 s big discovery opens new doors , washington - a tiny telescope has spotted a giant planet circling a faraway star , using a technique that could open a new phase of planetary discovery . +__label__3 , gm pulls guy ritchie car ad after protest , protests from seven safety groups have prompted general motors to pull a television ad that shows a young boy driving a corvette sports car so recklessly that it goes airborne , officials of the automaker say . +__label__4 , tiny telescope #39 s big discovery opens new doors , washington - a tiny telescope has spotted a giant planet circling a faraway star , using a technique that could open a new phase of planetary discovery . __label__4 , news us cracks down on spam mountain , john ashcroft , the attorney general of the us , is expected to announce on thursday dozens of lawsuits against alleged spammers following a low key campaign against the practise across the us . \ -__label__1 , bryant prosecutors say some data tainted , denver - crucial dna evidence tested by defense experts in the kobe bryant sexual assault case might have been contaminated , prosecutors said in a court filing released wednesday , just two days before jury selection is to begin . prosecutors said they had found contamination in dna control samples intended to ensure testing was accurate . . . -__label__3 , poultry stocks see mixed recovery , despite a weak third-quarter earnings report that sent its shares plunging 24 percent tuesday , poultry producer sanderson farms inc . -__label__2 , brazil tops spain for men ' s gold in beach volleyball , athens ( reuters ) - ricardo santos and emanuel rego beat spain ' s javier bosma and pablo herrera 21-16 , 21-15 on wednesday to bag brazil ' s first men ' s olympic beach volleyball gold medal . -__label__4 , ntt docomo , motorola tie up on 3g handsets , ntt docomo will release a handset compatible with non-japanese cellular networks and with its own 3g ( third generation ) mobile network early next year . -__label__4 , vonage awash in venture capital , voip ( define ) upstart vonage has quickly amassed another \$105 million from venture capitalists and is looking to latin america and asia to accelerate an already torrid growth rate . -__label__1 , un says afghan vote can legitimise postwar scene ( afp ) , afp - afghanistan has a chance for real political legitimacy when voters go to the polls in the country ' s first post-taliban presidential election , the un ' s envoy to the nation said . -__label__2 , bryant prosecutors question defense dna evidence , denver ( reuters ) - prosecutors in the rape case against u . s . basketball star kobe bryant are questioning the validity of dna evidence crucial to the defense ' s case , saying data appeared to have been manipulated and might have to be thrown out . -__label__4 , best software overhauls act , best softwarelaunched this week an overhaul of its act contact management software , adding to the product line a second version with more scalability and advanced functionality . -__label__3 , mom 2005 released to manufacturing , microsoft on wednesday announced the release to manufacturing of microsoft operations manager ( mom ) 2005 and mom 2005 workgroup edition , a new edition that the company previously called mom 2005 express . -__label__2 , pittman misses out , fani halkia ( 1980 ) , of greece , clears a hurdle en route to winning a gold medal ahead of fifth place finisher jana pittman , of australia . -__label__1 , jones advances in long jump johnson out , athens , greece - marion jones made her athens debut in virtual anonymity , quietly advancing to the long jump final . allen johnson had the attention of everyone in the stadium , for all the wrong reasons . . . -__label__3 , ford to repair faulty heated seats in focus cars , ford motor co . said on wednesday it will fix malfunctioning heated seats in 33 , 000 focus cars , two-thirds of which were sold in canada . -__label__4 , gartner q2 server shipments rise on sun , dell strength , server shipments and revenue increased in the second quarter , with low-cost servers based on linux or the windows operating system growing faster than their unix counterparts , according to research firm gartner inc . -__label__4 , us raids net song swappers , us agents have raided the homes of five people who allegedly traded hundreds of thousands of songs , movies and other copyrighted material over the internet , attorney general john ashcroft says . -__label__4 , dell may soon unveil more consumer goods -analyst ( reuters ) , reuters - dell inc . ( dell . o ) , the world ' s\largest pc maker , could announce an expanded selection of its\consumer electronics line in the next several weeks , a retail\industry analyst said on wednesday . -__label__3 , coke loses quiznos sandwich account , quiznos sub , the third-largest us sandwich chain , said on wednesday it signed a deal to serve pepsico inc . ( pep . n quote , profile , research ) drinks in its us outlets , ending a 23-year relationship with coca-cola co . -__label__1 , israeli army set to unveil stink bomb , jerusalem the israeli army is set to unveil a new weapon designed to get under the noses of palestinians - a massive stink bomb . a report in the maariv daily on wednesday said that the military , which has -__label__3 , northwest sues sabre over ticket fees , northwest airlines corp . filed suit against sabre travel network in the us district court for the district of minnesota alleging that sabre instituted measures that will make it more difficult for the carrier to sell tickets . +__label__1 , bryant prosecutors say some data tainted , denver - crucial dna evidence tested by defense experts in the kobe bryant sexual assault case might have been contaminated , prosecutors said in a court filing released wednesday , just two days before jury selection is to begin . prosecutors said they had found contamination in dna control samples intended to ensure testing was accurate . . . +__label__3 , poultry stocks see mixed recovery , despite a weak third-quarter earnings report that sent its shares plunging 24 percent tuesday , poultry producer sanderson farms inc . +__label__2 , brazil tops spain for men ' s gold in beach volleyball , athens ( reuters ) - ricardo santos and emanuel rego beat spain ' s javier bosma and pablo herrera 21-16 , 21-15 on wednesday to bag brazil ' s first men ' s olympic beach volleyball gold medal . +__label__4 , ntt docomo , motorola tie up on 3g handsets , ntt docomo will release a handset compatible with non-japanese cellular networks and with its own 3g ( third generation ) mobile network early next year . +__label__4 , vonage awash in venture capital , voip ( define ) upstart vonage has quickly amassed another \$105 million from venture capitalists and is looking to latin america and asia to accelerate an already torrid growth rate . +__label__1 , un says afghan vote can legitimise postwar scene ( afp ) , afp - afghanistan has a chance for real political legitimacy when voters go to the polls in the country ' s first post-taliban presidential election , the un ' s envoy to the nation said . +__label__2 , bryant prosecutors question defense dna evidence , denver ( reuters ) - prosecutors in the rape case against u . s . basketball star kobe bryant are questioning the validity of dna evidence crucial to the defense ' s case , saying data appeared to have been manipulated and might have to be thrown out . +__label__4 , best software overhauls act , best softwarelaunched this week an overhaul of its act contact management software , adding to the product line a second version with more scalability and advanced functionality . +__label__3 , mom 2005 released to manufacturing , microsoft on wednesday announced the release to manufacturing of microsoft operations manager ( mom ) 2005 and mom 2005 workgroup edition , a new edition that the company previously called mom 2005 express . +__label__2 , pittman misses out , fani halkia ( 1980 ) , of greece , clears a hurdle en route to winning a gold medal ahead of fifth place finisher jana pittman , of australia . +__label__1 , jones advances in long jump johnson out , athens , greece - marion jones made her athens debut in virtual anonymity , quietly advancing to the long jump final . allen johnson had the attention of everyone in the stadium , for all the wrong reasons . . . +__label__3 , ford to repair faulty heated seats in focus cars , ford motor co . said on wednesday it will fix malfunctioning heated seats in 33 , 000 focus cars , two-thirds of which were sold in canada . +__label__4 , gartner q2 server shipments rise on sun , dell strength , server shipments and revenue increased in the second quarter , with low-cost servers based on linux or the windows operating system growing faster than their unix counterparts , according to research firm gartner inc . +__label__4 , us raids net song swappers , us agents have raided the homes of five people who allegedly traded hundreds of thousands of songs , movies and other copyrighted material over the internet , attorney general john ashcroft says . +__label__4 , dell may soon unveil more consumer goods -analyst ( reuters ) , reuters - dell inc . ( dell . o ) , the world ' s\largest pc maker , could announce an expanded selection of its\consumer electronics line in the next several weeks , a retail\industry analyst said on wednesday . +__label__3 , coke loses quiznos sandwich account , quiznos sub , the third-largest us sandwich chain , said on wednesday it signed a deal to serve pepsico inc . ( pep . n quote , profile , research ) drinks in its us outlets , ending a 23-year relationship with coca-cola co . +__label__1 , israeli army set to unveil stink bomb , jerusalem the israeli army is set to unveil a new weapon designed to get under the noses of palestinians - a massive stink bomb . a report in the maariv daily on wednesday said that the military , which has +__label__3 , northwest sues sabre over ticket fees , northwest airlines corp . filed suit against sabre travel network in the us district court for the district of minnesota alleging that sabre instituted measures that will make it more difficult for the carrier to sell tickets . __label__4 , news fbi seizes computers in first-ever criminal action against p2p network , the associated press by curt anderson -__label__1 , kuwait assures help on hostages , new delhi , aug . 25 . - kuwait has promised to leave no stone unturned to ensure the safe return of the three indians who were taken hostage in iraq . -__label__4 , mmo2 announces 3g mobile data network launch , customers will be able to download film clips , audio and video , interactive multiplayer games , multimedia music tracks , quot push-to-watch quot services , as well as access large e-mail attachments . -__label__1 , republicans endorse ban on gay marriage , new york - republicans endorsed an uncompromising position against gay unions wednesday in a manifesto that contrasts with vice president dick cheney ' s supportive comments about gay rights and the moderate face the party will show at next week ' s national convention . a panel made up largely of conservative delegates approved platform language that calls for a constitutional amendment banning same-sex marriage and opposes legal recognition of any sort for gay civil unions . . . -__label__4 , microsoft expands mainframe pitch , company is upgrading current support and service program to draw more mainframe customers . -__label__4 , u . s . justice department cracks down internet crime , the fbi seized computers , software and equipment as part of an investigation into illegal sharing of copyrighted movies , music and games over an internet peer-to-peer network , attorney general john ashcroft announced wednesday . -__label__3 , update nz auckland airport fy net surges on travel boom , wellington ( dow jones ) --new zealand #39 s auckland international airport ltd . ( aia . nz ) thursday posted double digit annual profit growth , buoyed by a surge in passenger travel , and said it expects to meet market consensus for the 2005 fiscal year earnings . -__label__1 , mich . rep . to head intelligence panel ( ap ) , ap - republican rep . peter hoekstra of michigan was picked wednesday to head the house intelligence committee amid a heated election-year debate over how to carry out a major overhaul of the nation ' s intelligence system . -__label__3 , belarus bank denies money laundering charge , a bank in belarus has denied us charges that it laundered money for former iraqi leader saddam hussein . infobank , in a statement , said it has strictly followed international agreements related to the fight against illegal transactions . -__label__3 , singapore air plans \$7 . 35b boeing order , singapore airlines plans to buy up to 31 boeing long-range 777-300er planes worth about \$7 . 35 billion , the carrier said wednesday . -__label__4 , global server sales on the rise , sales of server systems rose 7 . 7 percent globally in the second quarter to \$11 . 55 billion as demand for information technology remained strong after a three year downturn , market research firm gartner said in a statement . -__label__3 , oil prices alter direction , after a month-long rally that repeatedly pushed prices to new highs , the cost of a barrel slumped for the fourth day , leaving the price \$10 higher than year-ago rate . -__label__2 , warner to start for giants this week ( ap ) , ap - kurt warner will start at quarterback for the new york giants this week , although his competition with rookie eli manning for the regular-season job continues . -__label__1 , pinochet immunity weighed by chile court ( ap ) , ap - lawyers pressed chile ' s supreme court on wednesday to uphold a lower court decision stripping retired gen . augusto pinochet of immunity from prosecution , saying the former dictator should face justice for past human rights abuses . -__label__1 , lawyer for bush quits over links to kerry ' s foes , the quick resignation suggests that the bush campaign , which has repeatedly said it has no ties to the swift boat veterans group , is eager to put the issue behind it . -__label__4 , toyota reports a silicon carbide breakthrough , move over silicon chips , there is a new semiconductor king on the horizon . silicon carbide #39 s ( sic ) potential has been known since the 1950 #39 s , but the properties that make is attractive also make it hard to work with . -__label__2 , mlb , va . officials meet , chicago white sox owner jerry reinsdorf led a team of negotiators from major league baseball in a three-hour meeting wednesday with the leaders of the virginia baseball stadium authority . -__label__2 , al wrap ortiz fuels red sox fire as blue jays go down ( reuters ) , reuters - david ortiz thumped two homers and\drove in four runs to fire the boston red sox to an 11-5 win\over the toronto blue jays in the american league wednesday . -__label__2 , al wrap ortiz fuels red sox fire as blue jays go down , toronto ( reuters ) - david ortiz thumped two homers and drove in four runs to fire the boston red sox to an 11-5 win over the toronto blue jays in the american league wednesday . -__label__1 , china warns singapore officials against future visits to taiwan ( afp ) , afp - china has warned singapore officials against visiting taiwan again after a private and unofficial trip by the city-state ' s new leader just weeks before he took office strained ties with beijing . -__label__1 , sistani urges supporters to wait at najaf gates , baghdad ( reuters ) - iraq ' s top shi ' ite cleric grand ayatollah ali al-sistani urged his supporters converging on najaf on thursday not to enter the battered holy city until he arrived , a senior aide said . -__label__1 , rain threatens triangular final ( afp ) , afp - organisers were left banking on the dutch weather to spare saturday ' s final of the triangular cricket tournament after deciding against altering the fixture schedule in a bid to beat the rain that has marred this warm-up event for next month ' s icc champions trophy in england . -__label__1 , pakistan down india to ensure top six finish ( afp ) , afp - pakistan defeated arch-rivals india 3-0 here to ensure they stand among the top six in the olympic men ' s field hockey competition . -__label__3 , singapore air expands fleet with us\$3 . 7b boeing order , singapore airlines ltd . , asia #39 s most profitable carrier , is betting new planes will help it lure passengers from emirates and cathay pacific airways ltd . -__label__4 , white house shifts its focus on climate , the administration issued a report indicating that emissions of carbon dioxide and other heat-trapping gases were the only likely explanation for global warming . -__label__1 , bush makes fourth trip of year to n . m . ( ap ) , ap - the ranks of independent voters in new mexico have grown by nearly 20 , 000 in the last 10 months , a prize pulling president bush and rival john kerry to the state again and again . -__label__1 , charges reduced for iraq jail mp , mannheim , germany -- a us military policewoman accused in the abu ghraib prison abuse scandal had the charges against her reduced yesterday as a set of pretrial hearings wrapped up at an american base in germany . -__label__3 , an insurer sees the light , snoopy has left the building . well , almost . metlife inc . , the insurance giant that employs charlie brown ' s dog in ads , is close to completing a deal to sell its state street research and management investment arm to blackrock inc . for about \$400 million . everyone involved will be better off for it . -__label__3 , gm pulls corvette ad with underage driver , detroit -- general motors corp . has withdrawn a corvette commercial that shows a young boy driving wildly through city streets after safety advocates complained , the company said yesterday . -__label__3 , a mixed economic bag in july , factory orders in july for costly manufactured goods recorded the biggest gain in four months . new home sales , meanwhile , slid , according to a pair of reports -__label__4 , keck telescope confirms important exoplanet discovery , hawaii #39 s keck observatory has confirmed the existence of a jupiter-sized planet orbiting a distant star , the first one spotted by a network of astronomers using telescopes no larger than the ones you can buy in stores . -__label__4 , civil servants in net porn probe , more than 200 staff at the department of work and pensions have been disciplined for downloading porn at work . -__label__4 , world #39 s smallest digital camera with zoom lens , come september , japanese electronics giant casio computer will launch the world #39 s smallest digital camera with a zoom lens . casio #39 s palm-sized exilim camera is much smaller than others as , for the first time , it uses a ceramic lens . -__label__1 , iraq mortar attack kills 25 , sistani heads to najaf , najaf , iraq ( reuters ) - a mortar attack on a packed mosque in the town of kufa on thursday killed at least 25 people as iraq ' s most influential shi ' ite cleric headed to the nearby holy city of najaf to try to end a bloody three-week uprising . -__label__1 , dream team leads spain 44-42 at halftime , athens , greece - as expected , the u . s . men ' s basketball team had its hands full in a quarterfinal game against spain on thursday . . . -__label__4 , nokia , pointsec team on mobile data security , enterprises seeking higher security for their growing number of mobile devices may be interested in new encryption technology that nokia corp . is deploying in its smart phone products . -__label__3 , blackrock buys state street research , new york ( reuters ) - blackrock inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=blk . n target=/stocks/quickinfo/fullquote> blk . n< /a> , one of the largest u . s . fixed income managers , on thursday said it will buy its far smaller competitor state street research management co . , marking the biggest takeover in the asset management business this year . -__label__2 , six-month deal for hoddle at wolves , the 47-year-old former england coach was unveiled at a press conference , bringing to an end wolves #39 month-long search for a successor to dave jones . -__label__4 , microsoft expands windows update release , microsoft corp . is starting to ramp up distribution of its massive security update for the windows xp operating system , but analysts say they still expect the company to move at a relatively slow pace to avoid widespread glitches . -__label__2 , british sailors bag bronze , britain ' s chris draper and simon hiscocks win bronze in a tense final 49er race on the saronic gulf . -__label__4 , understanding search engine models , understanding search engine models\\to understand search engines and search engine marketing , one must first understand the search engine model . there are two fundamentally different types of search engine back ends site directories and spidering search engines . site directory databases are built by a person manually inputting data about websites . most . . . -__label__4 , electronic jihad internet attack rumored for today , electronic jihad internet attack rumored for today\\is the electronic jihad attack happening today or is it just stirred up rumors ? yevgeny kaspersky has raised concerns of a major attack on the internet today . kaspersky has been widely quoted as saying that there would be a major online attack against israeli . . . -__label__3 , freddie mac investment portfolio grew , new york ( reuters ) - freddie mac < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=fre . n target=/stocks/quickinfo/fullquote> fre . n< /a> said on thursday its mortgage investments , or retained portfolio , grew at an annualized rate of 20 . 8 percent in july , compared with a 19 . 4 percent increase in june . -__label__4 , science magazine asia farmers sucking continent dry ( reuters ) , reuters - asian farmers drilling millions of\pump-operated wells in an ever-deeper search for water are\threatening to suck the continent ' s underground reserves dry , a\science magazine warned on wednesday . -__label__4 , report intel logs big gains in flash market , intel #39 s share of the booming flash market jumped 40 . 8 percent in the second quarter , according to market-research firm isuppli corp . -__label__2 , morocco #39 s el guerrouj olympic champion , morocco #39 s hicham el guerrouj won in athens tuesday an olympic title in the 1500m race after two failed attempts in sydney and atlanta . -__label__2 , mcclaren happy with striking duo , middlesbrough boss steve mcclaren believes mark viduka and jimmy floyd hasselbaink could forge one of the most dangerous strike partnerships in the barclays premiership . -__label__1 , iraq group to free 3 indians , 4 others of kuwait firm - tv ( reuters ) , reuters - iraqi kidnappers of seven employees of a kuwaiti company said in a video statement on thursday they would release the captives once their employer halted operations in iraq , al arabiya television reported . -__label__3 , blackrock to buy state street research from metlife , new york , august 26 ( new ratings ) - blackrock inc ( blk . nys ) , a leading us-based fixed-income asset management company , has reportedly agreed to buy state street research amp management company , a unit of metlife inc , for \$375 million in a cash and stock -__label__4 , casio shows off slim , trim digicams , new exilim models include the thinnest version yet , featuring a new ceramic lens . -__label__4 , u . n . urges funds to curb african locusts ( ap ) , ap - with swarms of locusts threatening crops in a number of african countries , a u . n . agency appealed for an additional #36 70 million in assistance thursday to prevent the upsurge from becoming a full-scale plague . -__label__3 , nepal blockade ' blow to tourism ' , nepal tour operators say tourists cancelled millions of dollars of bookings due to the rebel blockade of kathmandu . -__label__2 , manchester united cruise into champions league , manchester united eased into the champions league group phase with a comfortable 3-0 victory over dinamo bucharest at old trafford on wednesday . -__label__4 , intel gives centrino chip line a wireless upgrade ( reuters ) , reuters - intel corp . ( intc . o ) on thursday\said it has upgraded the wireless networking capabilities of\its centrino line of notebook computer chips to allow broader\network access with improved security . -__label__1 , panama pardons castro ' plotters ' , four men accused of planning to kill cuba ' s fidel castro have been pardoned by panama ' s president . -__label__1 , pinochet loses immunity your reaction , the supreme court in chile has ruled that the former dictator general pinochet should have his immunity from prosecution removed . a lawsuit was brought by relatives of alleged victims of the military regime operation condor . -__label__2 , rangers sign weekes , bolster goaltending ( ap ) , ap - goaltender kevin weekes signed thursday with the new york rangers , who expect the unrestricted free agent to compete for the no . 1 job with mike dunham . -__label__3 , glaxo settles paxil ' suicide pill ' suit , new york ( reuters ) - glaxosmithkline plc < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=gsk . l target=/stocks/quickinfo/fullquote> gsk . l< /a> has agreed to release all clinical studies of its drugs to settle a lawsuit that accused it of withholding negative information about the antidepressant paxil , the new york attorney general ' s office said on thursday . -__label__1 , spears ' fiance to star in her new video , new york - britney spears ' former backup dancer and current fiance kevin federline can add another title to his resume co-star . on wednesday , a jive records publicist confirmed federline is featured in spears ' upcoming my prerogative video , set to debut in mid-september . . . -__label__3 , dollar general earnings up 19 percent , chicago ( cbs . mw ) - discount retailer dollar general reported a 19 percent rise in fiscal second-quarter earnings , helped by higher sales and lower charges . -__label__1 , no evidence of abuse at guantanamo , says australian foreign < b> . . . < /b> , australian foreign minister alexander downer says a us investigation has rejected allegations that australian terror suspect david hicks was abused while in us custody in afghanistan and cuba . -__label__1 , british police arrest radical cleric abu hamza ( afp ) , afp - radical islamic cleric abu hamza al-masri , already detained in london on an extradition request from the united states , was arrested under suspicion of committing or preparing terrorism acts within britain . -__label__4 , olympics high-flying holm aims to defy science ( reuters ) , reuters - sweden ' s gold medal-winning high\jumper stefan holm reckons he can leap even higher but\scientists say he and other athletes were already close to the\limit of what they can achieve . -__label__1 , japan won ' t have u . s . beef anytime soon ( reuters ) , reuters - japan ' s lucrative market for u . s . \beef , ruptured by mad cow disease worries , is likely to remain\closed for the rest of this year , u . s . meat industry officials\said on thursday . -__label__3 , nigeria gives shell \$1 . 5 billion eco-bill , the shell oil company has been handed a \$1 . 5 billion bill for ecological compensation in the niger delta by the government of nigeria . -__label__4 , texas school to offer women ' s gaming scholarship ( reuters ) , reuters - as part of a drive to attract more\women into the male-dominated video game industry , a program\for aspiring game developers at southern methodist university\will offer a women-only scholarship , organizers said on\thursday . -__label__4 , dell adds new switch to lineup , dell has upgraded its powerconnect line with the addition of the powerconnect 5324 , a 24-port managed gigabit layer 2 switch . -__label__4 , 103 arrests for internet fraud , related crimes since june us ( afp ) , afp - us authorities arrested at least 103 suspects and filed 117 criminal complaints since june 1 in a crackdown on various forms of online fraud , attorney general john ashcroft said . -__label__4 , microsoft reprimanded for misleading linux ad ( newsfactor ) , newsfactor - the united kingdom ' s advertising watchdog group , the advertising standards association , has found that complaints lodged against a microsoft ( nasdaq msft ) magazine ad that stated that linux was more expensive than windows were valid . -__label__4 , ibm to amp integration with venetica buy ( newsfactor ) , newsfactor - ibm ( nyse ibm ) has said it will purchase venetica , a privately held firm that provides content-integration software to unstructured data sources . -__label__2 , carter finishes fourth in 400 hurdles , james carter of baltimore finished fourth in the finals of the 400-meter hurdles today , missing out on a medal . felix sanchez , of the dominican republic , won the gold medal . -__label__3 , london oil drops to \$40 a barrel , the cost of a barrel of oil in london has dipped below \$40 as energy prices have continued to slide . the price of brent crude in london fell to a three-week low of \$39 . -__label__4 , tivo loss widens , san francisco ( cbs . mw ) - tivo said its second-quarter loss widened from a year earlier on higher customer acquisition costs . free ! -__label__2 , athletics dominant phillips takes long jump gold , athens - dwight phillips of the united states completed a hat-trick of global long jump titles when he crushed the field with his opening leap in thursday #39 s final to win olympic gold . -__label__2 , jury selection to begin in kobe bryant rape trial , eagle , colo . ( reuters ) - jury selection begins in the kobe bryant rape case on friday when hundreds of potential jurors fill out a questionnaire to help determine if they can sit in judgment in a trial involving race , sex and celebrity . -__label__3 , vioxx faces challenges from insurers , lawyers , merck amp co . faces a dual threat from health insurers and patients #39 lawyers , after a us study suggested its vioxx arthritis drug carries a greater risk than rival medicines . -__label__4 , u . n . agency sees no rapid development of el nino ( reuters ) , reuters - fears of a new el nino , a phenomenon\that brings extreme weather patterns , are unfounded despite\unusual ocean temperatures which often herald the devastating\weather anomaly , the world meteorological organization said\thursday . -__label__1 , visit to a potemkin village , gongzhong does not resemble any tibetan village in tibet . it is a village more from epcot center in walt disney world . -__label__2 , let basketball , as the us men #39 s basketball team limps into the olympic medal round , the focus has been on the team #39 s lousy outside shooting . -__label__4 , anglers have big impact on fish numbers -- study , recreational anglers may be responsible for landing nearly 25 percent of over-fished salt water species caught off us coasts , a study released on thursday suggests . -__label__1 , israeli army demolishes 13 palestinian homes , gaza city the israeli army demolished 13 palestinian houses during an incursion in the southern gaza strip town of rafah on thursday , palestinian security sources and witnesses said . -__label__3 , nigerian senate approves \$1 . 5 bln claim on shell , lagos - nigeria #39 s senate has passed a resolution asking shell #39 s nigerian unit to pay \$1 . 5 billion in compensation to oilfield communities for pollution , a senate spokesman said . -__label__2 , goosen takes lead in the bmw open , retief goosen , a two-time us open champion , grabbed the first-round lead in the bmw open in nord eichenried , germany , with a 6-under-par 66 , while colin montgomerie improved his european ryder cup chances by finishing one stroke back on thursday . -__label__2 , hewitt cruises to quarterfinals , former wimbledon and us open winner lleyton hewitt cruised to a 6-1 , 6-4 victory over michael llodra on thursday to advance to the quarterfinals of the td waterhouse cup . -__label__1 , us edge out brazil for gold , the united states beat brazil 2-1 in extra time to win the women ' s olympic football tournament . -__label__1 , breast scans ' fail ' in some women , some women with breast cancer are less likely to have their tumours picked up by scans , say experts . -__label__1 , yemeni poet says he is al-qaida member , guantanamo bay naval base , cuba aug . 26 , 2004 - in a dramatic turn that silenced defense lawyers , a yemeni poet accused of crafting terrorist propaganda argued on thursday to represent himself before a us -__label__2 , changing of the guard in us track and field , description npr #39 s steve inskeep talks with usa today sports columnist christine brennan about the latest news in track and field at the athens olympics . -__label__4 , govt . to test new air passenger screening program , the us government unveiled plans on thursday for a revised computer-based program using personal information to identify airline passengers who may pose a threat to air travel . -__label__1 , chile court strips pinochet of immunity ( ap ) , ap - chile ' s supreme court stripped gen . augusto pinochet of immunity from prosecution thursday in a ruling that revived hopes of his foes that he might stand trial on charges of human rights abuses during his rule . -__label__1 , amelie ' s final footsteps retraced , detectives have staged a reconstruction of the final steps of murdered french student amelie delagrange . -__label__1 , bush , kerry bow to mccain ' s wishes on ads , new york - president bush and sen . john kerry bowed to the wishes of popular maverick john mccain on thursday , as the president embraced the republican senator ' s legal fight against big-money special interest groups airing negative ads and the democratic nominee scrapped a commercial that featured mccain . . . -__label__1 , thatcher case twist as list of alleged coup backers vanishes , the thatcher saga took a dramatic twist last night when it emerged a key witness in the police investigation has disappeared , taking with him a list of wealthy individuals who supposedly bankrolled an alleged coup attempt in oil-rich equatorial guinea . -__label__3 , peoplesoft customers reassured , oracle corp . president charles phillips on monday said peoplesoft inc . customers have become more comfortable with the prospect of a merger between the two software firms even as the proposed transaction awaits a critical ruling from a delaware court . -__label__2 , torch passed on winning goal , athens -- america #39 s gold-medal soccer players don #39 t just say goodbye they say hello . quot the thing i love , quot retiring captain julie foudy said , quot is that tarpley and wambach scored . -__label__3 , union leaders held under esma on day 6 of strike , new delhi , august 26 the sixth day of the truckers strike on thursday saw 12 more truckers being arrested under the essential services maintenance act ( esma ) in the capital . -__label__3 , dreamworks officer quits , dreamworks skg , the studio that created the quot shrek #39 #39 films , said yesterday that helene hahn would step down as chief operating officer . -__label__1 , vote 2004 - a guide to the primary , get ready for the primary with the herald-tribunes special news section profiling all the federal , state and local candidates in races in tuesdays election . -__label__2 , jets , pennington talk , the new york jets and quarterback chad pennington are looking to finalize a contract extension by next wednesday . -__label__2 , al wrap oakland ' s durazo piles on misery for baltimore ( reuters ) , reuters - erubiel durazo ' s three-run homer in\the second inning helped the oakland athletics remain top of\the american league ( al ) west with a 9-4 win over the reeling\baltimore orioles thursday . -__label__2 , al wrap oakland ' s durazo piles on misery for baltimore , new york ( reuters ) - erubiel durazo ' s three-run homer in the second inning helped the oakland athletics remain top of the american league ( al ) west with a 9-4 win over the reeling baltimore orioles thursday . -__label__2 , sports braves 6 rockies 4 , atlanta mike hampton hit an rbi single and atlanta stretched its lead in the nl east by winning its fourth in a row 6-to-4 over colorado . -__label__1 , islamic group holding lorry drivers demands firm quit iraq ( afp ) , afp - a group calling itself the secret islamic army ( sia ) will release seven hostages it has been holding for more than a month as soon as their kuwaiti company says it will no longer operate in iraq , the sia announced . -__label__1 , iraq ' s sadr orders fighters to lay down weapons , najaf , iraq ( reuters ) - rebel iraqi cleric moqtada al-sadr on friday ordered his men inside najaf ' s imam ali mosque to lay down their weapons and join thousands of shi ' ite pilgrims outside the shrine . -__label__2 , guo tucks away gold for china , china #39 s guo jingjing easily won the women #39 s 3-meter springboard last night , and wu minxia made it a 1-2 finish for the world #39 s diving superpower , taking the silver . -__label__1 , taiwan rescuers dig out 7 bodies buried in landslide , taipei ( reuters ) - taiwan rescue workers dug out seven bodies from mud and rock in a mountain village that was hit by a devastating landslide triggered by typhoon aere , but eight still remained buried , officials said on friday . -__label__2 , camarillo #39 s homer lifts mexico , south williamsport , pa . , aug . 26 -- alan camarillo #39 s first homer of the series came at a perfect time for mexico . camarillo hit a three-run homer in the 10th inning on thursday to propel guadalupe , mexico , into -__label__1 , troops close gaza roads after rockets fired at israel , jerusalem -- israeli forces blocked main roads in gaza yesterday after rockets were fired at an israeli town , and troops tore down houses in a refugee camp on the egyptian border , foreshadowing more unrest after israel #39 s announced planned pullout next year -__label__3 , exec , wife give stanford \$43 . 5 million , san francisco ( cbs . mw ) -- berkshire hathaway vice-chairman charles munger and his wife nancy munger on thursday donated \$43 . 5 million to stanford university and its law school . -__label__2 , athens - a \$12bn bill , the world sighed with relief when greeks kept their promise to deliver some of the world #39 s finest sport venues in time for the athens olympics . -__label__4 , hp unveils cavalcade of consumer products ( pc world ) , pc world - first tvs , new printers , long-lasting inks , and projectors are targeted\ at living room and office . -__label__1 , bush faces heavy pre-rnc travel schedule ( ap ) , ap - president bush charges into the final runup to the republican national convention with a heavy campaign schedule in key states he needs to carry in november . -__label__2 , anticipation nation , lincoln , neb . -- carly simon got it right a generation ago . an-ti-ci-pa-tion . she wasn ' t singing about college football , but out here in the heartland of america , as husker nation prepares for a new season , the sense of anticipation is enormous . -__label__2 , a great catch ? lobsters , how does he like lobster ? boiled , steamed , broiled , baked , grilled ? newburg ? bahar uttam prefers his with a capital l -- lobsters -- and sees them frolicking on a tennis court rather than laid out on a plate . in uttam ' s mind lurks a tasty dish for the town ' s sporting crowd , one that could satisfy the five-year hunger of tennis junkies , a . . . -__label__4 , bureaucracy pins rocket to earth , the da vinci project , a toronto group planning to launch a homemade , manned spacecraft in october , is having trouble getting its paperwork off the ground . canadian regulators are leery of approving the launch . and then there ' s the matter of finding insurance . by dan brekke . -__label__3 , dominicans ' swift step into crisis , santo domingo , dominican republic -- when sandro batista smashed his banana truck into a tree in april , leaving him with two hideously shattered legs and a broken arm , his orthopedic surgeon sent his sister shopping . -__label__4 , hp moves deeper into consumer electronics , personal computer giant hewlett-packard co . is stepping deeper than ever into the consumer electronics arena with its fall product lineup - so don ' t be surprised if you hear about hp tv along with hdtv when shopping for your next television . -__label__4 , sprint , sbc announce wi-fi roaming pact , customers of sprint corp . and sbc communications inc . will be able to use both companies ' wireless internet connections with less hassle under a reciprocal deal announced friday . -__label__3 , stock futures flat before gdp , fed speech , new york ( reuters ) - u . s . stock futures were nearly unchanged on friday as investors awaited key data on the economy that could determine the market ' s early direction . -__label__3 , interbrew wins shareholder vote to buy ambev , london , august 27 ( new ratings ) - belgian brewing giant , interbrew sa ( itk . etr ) , has received the approval of its shareholders for its proposed acquisition of the brazilian brewer , ambev . -__label__3 , update 1 thai airways orders 6 airbus superjumbos , thai airways has agreed to buy six airbus a380s , becoming the 13th airline to order the new quot superjumbo , quot the european aircraft maker said friday . -__label__2 , jacobson lifts ryder cup hopes with sparkling 65 , munich ( reuters ) - sweden ' s fredrik jacobson made his bid for a last-gasp ryder cup spot with a spectacular seven-under-par 65 in the bmw international open second round on friday . -__label__2 , cska sponsor rejects criticism , russian oil giant sibneft today rejected any suggestion of a conflict of interest existing between chelsea and cska moscow who are due to meet in the champions league . -__label__4 , astronaut candidates practice survival skills , by sara leitch brunswick , maine ( ap ) -- astronauts spend years training before they can lift off into space . they learn to operate shuttles , perform experiments in zero-gravity , and eat bugs if they must . . . -__label__4 , realnetworks gets in content business ( ap ) , ap - realnetworks inc . survived the dot-com collapse and an assault from microsoft corp . now it ' s trying to remake itself into a provider of paid internet content . -__label__2 , united states 66 , russia 62 , frustrated by fouls , turnovers and a feisty opponent , the united states desperately looked for help . then along came sheryl swoopes to set things right . -__label__2 , paula #39 s going for gold , paula radcliffe has decided she will run in tonight #39 s 10 , 000m race at the athens olympics . today #39 s dramatic decision comes just days after britain #39 s star long-distance runner was left weeping at the roadside after pulling up in the olympic marathon . -__label__1 , us economic growth slips to 2 . 8 , annual us economic growth fell to 2 . 8 in the second quarter of 2004 , marking a slowdown from the 3 estimated a month ago . -__label__1 , explosive remnants found in russian jet wreckage , one of two russian airliners that crashed nearly simultaneously was brought down by a terrorist act , officials said friday , after finding traces of explosives in the plane ' s wreckage . a web site connected to islamic militants claimed the action was connected to russia ' s fight against chechen separatists . -__label__1 , who cares about kerry ? it ' s bush we can ' t stand , say vietnamese ( afp ) , afp - the question of whether presidential candidate john kerry was a coward or a leader during the vietnam war might be raging in the united states , but on the streets of hanoi people hope for just one result from the american election -- the exit of george w . bush . -__label__4 , spike lee wins cybersquatting case against porn site , movie director spike lee has won his\cybersquatting case against a philippines-based operator who\misused the domain name to redirect surfers to a pornographic\web site , arbitrators ruled friday . -__label__3 , socially responsible funds on a tear , don ' t be too impressed -- great returns don ' t always mean much . -__label__1 , at least 25 bodies at sadr #39 s religious court , najaf , iraq at least 25 charred and bloated bodies were discovered in the basement of a religious court set up by rebel cleric moqtada sadr in najaf #39 s old city , police said . -__label__1 , nepal rejects un mediation , nepalese prime minister has rejected the un offer of mediating in talks with maoist rebels . but sher bahadur deuba has not ruled out an expanded role for india to resolve the conflict in the himalayan kingdom . -__label__2 , usoc letter to fig , i write in response to your letter of august 26 , 2004 , which you asked the united states olympic committee to forward to olympic gold medalist paul hamm of the united states of america . -__label__1 , japanese utility plans ipo in october ( ap ) , ap - electric power development co . , a former state-run utility , said friday it is planning an initial public offering on the tokyo stock exchange in october , a deal that could be the country ' s biggest new stock listing in six years . -__label__3 , now it ' s official economy shrunk , washington ( reuters ) - the u . s . economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled , the government said on friday in a report that confirmed momentum faltered in the spring . -__label__3 , now it #39 s official economy shrunk , the us economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled , the government said on friday in a report that confirmed momentum faltered in the spring . -__label__3 , now it ' s official u . s . growth slowed , washington ( reuters ) - the u . s . economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled , the government said on friday in a report that confirmed momentum faltered in the spring . -__label__4 , microsoft corrals changes for longhorn , with sp2 out the door , microsoft turns sights to longhorn--which won ' t look quite as expected . -__label__4 , nonnative goats bunking at yellowstone ( ap ) , ap - a new study shows mountain goats are taking hold in yellowstone national park , but park officials aren ' t sure how to handle the presence of the nonnative animals . -__label__3 , less turbulence ahead for airbus , boeing , eu trade commissioner peter mandelson and his us counterpart , robert zoellick , aim for a truce in the latest transatlantic row over government aid for aviation rivals boeing and airbus . -__label__3 , bon-ton ' s succession success , the transition atop the department store company looks like a pleasant non-story . -__label__2 , friday focus running in the rain , rain is forecast for saturday in spa . here ' s what the team will do to cope . . . -__label__3 , procter amp gamble a soap opera success , by davis dyer , frederick dalzell . by robert slater . in the 1830s , william procter , a storekeeper and candle maker , and james gamble , a soap maker , happened to marry two sisters in cincinnati , olivia and elizabeth ann norris . -__label__1 , paisley #39 s decision over disarmament awaited , northern ireland #39 s politicians have an anxious wait as the reverend ian paisley decides whether to endorse an historic deal with sinn fein . -__label__4 , verisign #39 s antitrust claim against icann dismissed , quot verisign #39 s contentions are deficient , quot judge howard matz wrote in the 16-page decision setting aside the antitrust claims against icann . -__label__2 , rooney going nowhere unless price is right moyes , england striker on his way . or is he ? will it be st james #39 park or old trafford ? or will he remain at goodison ? although wayne rooney today handed in a transfer request , and set in motion his seemingly inevitable -__label__2 , triathlon double for kiwis in toughest of events , new zealand scored an unprecedented olympic double in the men #39 s triathlon yesterday when hamish carter no cigar for guessing his roots beat his compatriot , reigning world champion bevan docherty , by 7 . 87 seconds , writes doug gillon . -__label__4 , modified us space shuttle ready to fly next spring , nasa said thursday it had corrected flaws that caused the destruction of the space shuttle columbia in february 2003 and that a modified shuttle would be ready to resume flights sometime next spring . -__label__1 , report explosion kills 2 near chechyna ( ap ) , ap - an explosion rocked a police building in the restive dagestan region adjacent to chechnya on friday , and initial reports indicated two people were killed , the interfax news agency said . -__label__4 , flying cars reportedly still decades away ( ap ) , ap - it ' s a frustrated commuter ' s escapist fantasy literally lifting your car out of a clogged highway and soaring through the skies , landing just in time to motor into your driveway . -__label__3 , hp to tempt holiday shoppers with sights and sounds , the computer-hardware giant , best known for products such as pcs and printers , on friday laid out its plan to become a brand-name in consumer electronics products such as flat-screen tvs , music players and the devices that move content between them . -__label__3 , thai airways orders six airbus superjumbos , thai airways international plans to buy six airbus a380 double-decker aircraft that will be delivered in 2008 and 2009 . the airline is also ordering two additional a340 aircraft . -__label__3 , shareholders toast brewers ' merger , brussels/sao paulo ( reuters ) - shareholders gave their blessing on friday for belgium ' s interbrew < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=intb . br target=/stocks/quickinfo/fullquote> intb . br< /a> to buy brazil ' s ambev < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ambv4 . sa target=/stocks/quickinfo/fullquote> ambv4 . sa< /a> < abv . n> in a \$9 . 7 billion deal that will create the world ' s largest brewer . -__label__1 , argentina beats u . s . men ' s basketball team , argentina defeated the united states team of national basketball association stars 89-81 here friday in the olympic semi-finals , dethroning the three-time defending champions . -__label__4 , us space agency improves shuttle safety , management , the us space agency , nasa , continues work on improving the safety of the space shuttle , before the fleet of orbiters resumes its visits to the international space station next year . -__label__2 , ' dream team ' out of gold race after loss to argentina , athens ( reuters ) - the u . s . men ' s basketball team was beaten by argentina friday , denying it an olympic gold medal for the first time since 1992 when nba players started competing . -__label__1 , gop urge bush to turn attention from iraq ( ap ) , ap - nervous republicans are urging president bush to unveil a robust second-term agenda at his convention next week to shift voters ' focus from the unpopular war in iraq and other issues that are a distraction to his re-election drive . some contend the party should ditch the gop-fueled controversy over rival john kerry ' s combat record in vietnam . -__label__3 , a canadian invasion , a few weeks ago , in a story on nortel ( nyse nt ) , i asked people to submit a canadian joke to me . this is as good a place as any to reveal the winner . -__label__2 , american champion tim mack wins pole vault gold , american champion tim mack won the olympic pole vault title on friday with a games record 5 . 95 meters after an engrossing duel with teammate toby stevenson . -__label__2 , khan urged to stay amateur , british boxing sensation amir khan is being urged to shun a big-money move to the professional ranks , whether he wins or loses his shot at olympic gold on sunday . -__label__1 , fbi suspects israel has spy in pentagon -- cbs news , washington ( reuters ) - the fbi believes there is an israeli spy at the very highest level of the pentagon , cbs news reported on friday . -__label__4 , ibm puts grids to work at u . s . open , ibm will put a collection of its on demand-related products and technologies to this test next week at the u . s . open tennis championships , implementing a grid-based infrastructure capable of running multiple workloads including two not associated with the tournament . -__label__1 , sudan remains defiant as time starts to run out , britain has warned sudan that it still has a lot of work to do to satisfy the international community that it is tackling what the united nations has described as the worlds worst humanitarian crisis . -__label__1 , lebanon political drama plays out syrian scipt , the stage is beirut and the actors are lebanese but the audience knows the drama surrounding selection of the countrys president is being produced in lebanons powerful neighbour syria . -__label__4 , hp brand to inject new life into ink , the company splashes a new name on the inks to be used in its photo printers . -__label__2 , update 1-rookie johnson shares buick lead with funk , rookie zach johnson produced the day #39 s joint best score , a five-under-par 65 , to join fred funk at the top of the leaderboard after the second round of the \$4 . -__label__3 , uk growth at fastest pace in nearly 4 years , britain #39 s economy accelerated to the fastest annual pace in nearly four years in the second quarter as manufacturing emerged from a slump and consumers ratcheted up spending , the government said friday . -__label__4 , next version of windows for pc ' s to ship in 2006 , to meet its timetable , microsoft has scaled back its technological ambitions for the product , code-named longhorn . -__label__3 , siemens says cellphone flaw may hurt users and its profit , siemens , the world #39 s fourth-largest maker of mobile phones , said friday that a software flaw that can create a piercing ring in its newest phone models might hurt earnings in its handset division . -__label__4 , microsoft promises new os for 2006 , microsoft says it plans to broadly release the long-awaited update to its flagship windows operating system , dubbed #39 longhorn #39 , in 2006 . -__label__1 , yemeni ambassador to united nations dies ( ap ) , ap - abdullah saleh al-ashtal , who served as yemen ' s ambassador to the united nations for nearly 30 years , died in new york on thursday after a long illness , yemen ' s foreign ministry and its u . n . mission said friday . he was 66 . -__label__2 , schumacher in uncharted territory , michael schumacher doesn #39 t need to win the belgian grand prix on sunday to nail his unprecedented seventh formula one drivers title . -__label__2 , top-ranked illinois flyin #39 high , when the illinois men #39 s basketball team moved to no . 1 in the associated press and espn/usa today top 25 polls on monday afternoon , it was a special moment for the program and the players . -__label__2 , daly penciled in for deutsche bank , john daly provided a nice surprise for local golf fans yesterday when he committed to play in next week #39 s deutsche bank championship at tpc of boston in norton . -__label__1 , revelations on children overboard incident put pressure on australian pm ( afp ) , afp - australian prime minister john howard was fighting to maintain his credibility after official transcripts backed up critics ' claims about what he knew of a controversial 2001 sea rescue of boatpeople . -__label__2 , short jump , bad handoff end jones #39 games , athens , greece - for marion jones , sydney must seem far more than half a world away . those olympics were some dreamland where she ruled track and field with a golden touch and a sweet smile , winning five medals -__label__3 , data view hk exports slow in july , but momentum intact , hong kong ( dow jones ) --hong kong #39 s export expansion slowed a touch in july , as expected , but still continued at double-digit rates thanks to high trade volume with mainland china . -__label__2 , fired-up baggaley takes silver , australia #39 s nathan baggaley was over the moon after winning the silver medal in the olympic kayaking k1 500 event today . double world champion baggaley fired from the start and took an early lead but faded -__label__1 , profiling shaukat aziz economic reformist-turned-pm , shaukat aziz , taking over as pakistan #39 s 23rd prime minister on saturday , is a former private banker credited with infusing new life into an almost bankrupt economy . -__label__2 , ncaa wrong to close book on williams , top-ranked and defending co-national champion usc opens its season tonight against virginia tech . tampa #39 s mike williams , the best football player not in the nfl - now officially the best college football player -__label__2 , change on the money , one day after national hockey league executive vice president and chief legal officer bill daly accused the nhl players association of engaging quot in a charade quot with regards to negotiating a collective bargaining agreement -- and believes the start of the 2004-05 season is in jeopardy because the union wants to keep status quo -- bruins owner jeremy jacobs said there ' s . . . -__label__1 , eritreans deported by libya hijack a plane , khartoum , sudan -- armed with knives , eritrean deportees hijacked a plane that left libya carrying about 80 fellow eritreans and forced it to land yesterday in the sudanese capital before surrendering to security forces , officials said . -__label__4 , bush administration shifts stance on the cause of warming , new york in a striking shift in the way the bush administration has portrayed the science of climate change , a new report to congress focuses on federal research indicating that emissions of carbon dioxide and other heat-trapping gases are the only likely -__label__2 , hamm flap , dream team just wrong , athens , greece -- look at it this way at least the us basketball team won #39 t be asked to give back its gold medal . on a day that was olympic in scope both for its shock value and its intrinsic weirdness , the -__label__4 , microsoft #39 s big fix security patch now on the market , for the past few years , viruses have attacked microsoft #39 s operating system , web browser or e-mail programs seemingly on a weekly basis . -__label__2 , second seed dementieva hammered in new haven , the french open runner-up , who had progressed to the last four with ease , was completely out of sorts as seventh seed bovina wrapped up victory in only 56 minutes . -__label__1 , yemen jails 5 over limburg , us envoy murder plot , a yemeni court jailed five al qaeda supporters for 10 years saturday for the bombing of the french supertanker limburg and sentenced to death another militant who plotted to kill the us ambassador to the arab state . -__label__1 , facing arrest , uma bharti quits as madhya pradesh chief , bhopal ( pti ) - madhya pradesh chief minister uma bharti has been forced out of office after four days of political drama as the issue of tainted ministers came back to haunt the bharatiya janata party . -__label__2 , far from fun and games for jones , athens , greece -- so other than your anemic , fifth-place finish in the long jump and the missed baton pass in the 400-meter relay for a big fat quot did not finish , #39 #39 how did your day go , marion jones ? -__label__4 , swing and a miss for asteroid , an asteroid the size of a large storage shed came within 4 , 100 miles of earth this spring , making it the closest near miss ever recorded , us astronomers said this week . -__label__2 , us team stumbles , marion jones , the queen of sydney who finished those 2000 olympics with a record five track-and-field medals , ended her next olympics much differently friday -- out of medals and in tears . -__label__1 , yemen sentences 15 militants on terror charges , a court in yemen has sentenced one man to death and 14 others to prison terms for a series of attacks and terrorist plots in 2002 , including the bombing of a french oil tanker . -__label__1 , shaukat aziz gets vote of confidence , islamabad newly-elected known as finance wizard prime minister shaukat aziz has secured vote of confidence form the national assembly . -__label__2 , australia win olympic hockey gold , athens , aug 27 australia won the olympic men #39 s hockey tournament for the first time in history on friday , beating the netherlands 2-1 with a golden goal . -__label__3 , gop jamboree could briefly lift stocks , new york ( reuters ) - fasten your seatbelts . the republicans are coming to town . if things go smoothly at the republican national convention , the stock market could get a brief boost next week , experts say . +__label__1 , kuwait assures help on hostages , new delhi , aug . 25 . - kuwait has promised to leave no stone unturned to ensure the safe return of the three indians who were taken hostage in iraq . +__label__4 , mmo2 announces 3g mobile data network launch , customers will be able to download film clips , audio and video , interactive multiplayer games , multimedia music tracks , quot push-to-watch quot services , as well as access large e-mail attachments . +__label__1 , republicans endorse ban on gay marriage , new york - republicans endorsed an uncompromising position against gay unions wednesday in a manifesto that contrasts with vice president dick cheney ' s supportive comments about gay rights and the moderate face the party will show at next week ' s national convention . a panel made up largely of conservative delegates approved platform language that calls for a constitutional amendment banning same-sex marriage and opposes legal recognition of any sort for gay civil unions . . . +__label__4 , microsoft expands mainframe pitch , company is upgrading current support and service program to draw more mainframe customers . +__label__4 , u . s . justice department cracks down internet crime , the fbi seized computers , software and equipment as part of an investigation into illegal sharing of copyrighted movies , music and games over an internet peer-to-peer network , attorney general john ashcroft announced wednesday . +__label__3 , update nz auckland airport fy net surges on travel boom , wellington ( dow jones ) --new zealand #39 s auckland international airport ltd . ( aia . nz ) thursday posted double digit annual profit growth , buoyed by a surge in passenger travel , and said it expects to meet market consensus for the 2005 fiscal year earnings . +__label__1 , mich . rep . to head intelligence panel ( ap ) , ap - republican rep . peter hoekstra of michigan was picked wednesday to head the house intelligence committee amid a heated election-year debate over how to carry out a major overhaul of the nation ' s intelligence system . +__label__3 , belarus bank denies money laundering charge , a bank in belarus has denied us charges that it laundered money for former iraqi leader saddam hussein . infobank , in a statement , said it has strictly followed international agreements related to the fight against illegal transactions . +__label__3 , singapore air plans \$7 . 35b boeing order , singapore airlines plans to buy up to 31 boeing long-range 777-300er planes worth about \$7 . 35 billion , the carrier said wednesday . +__label__4 , global server sales on the rise , sales of server systems rose 7 . 7 percent globally in the second quarter to \$11 . 55 billion as demand for information technology remained strong after a three year downturn , market research firm gartner said in a statement . +__label__3 , oil prices alter direction , after a month-long rally that repeatedly pushed prices to new highs , the cost of a barrel slumped for the fourth day , leaving the price \$10 higher than year-ago rate . +__label__2 , warner to start for giants this week ( ap ) , ap - kurt warner will start at quarterback for the new york giants this week , although his competition with rookie eli manning for the regular-season job continues . +__label__1 , pinochet immunity weighed by chile court ( ap ) , ap - lawyers pressed chile ' s supreme court on wednesday to uphold a lower court decision stripping retired gen . augusto pinochet of immunity from prosecution , saying the former dictator should face justice for past human rights abuses . +__label__1 , lawyer for bush quits over links to kerry ' s foes , the quick resignation suggests that the bush campaign , which has repeatedly said it has no ties to the swift boat veterans group , is eager to put the issue behind it . +__label__4 , toyota reports a silicon carbide breakthrough , move over silicon chips , there is a new semiconductor king on the horizon . silicon carbide #39 s ( sic ) potential has been known since the 1950 #39 s , but the properties that make is attractive also make it hard to work with . +__label__2 , mlb , va . officials meet , chicago white sox owner jerry reinsdorf led a team of negotiators from major league baseball in a three-hour meeting wednesday with the leaders of the virginia baseball stadium authority . +__label__2 , al wrap ortiz fuels red sox fire as blue jays go down ( reuters ) , reuters - david ortiz thumped two homers and\drove in four runs to fire the boston red sox to an 11-5 win\over the toronto blue jays in the american league wednesday . +__label__2 , al wrap ortiz fuels red sox fire as blue jays go down , toronto ( reuters ) - david ortiz thumped two homers and drove in four runs to fire the boston red sox to an 11-5 win over the toronto blue jays in the american league wednesday . +__label__1 , china warns singapore officials against future visits to taiwan ( afp ) , afp - china has warned singapore officials against visiting taiwan again after a private and unofficial trip by the city-state ' s new leader just weeks before he took office strained ties with beijing . +__label__1 , sistani urges supporters to wait at najaf gates , baghdad ( reuters ) - iraq ' s top shi ' ite cleric grand ayatollah ali al-sistani urged his supporters converging on najaf on thursday not to enter the battered holy city until he arrived , a senior aide said . +__label__1 , rain threatens triangular final ( afp ) , afp - organisers were left banking on the dutch weather to spare saturday ' s final of the triangular cricket tournament after deciding against altering the fixture schedule in a bid to beat the rain that has marred this warm-up event for next month ' s icc champions trophy in england . +__label__1 , pakistan down india to ensure top six finish ( afp ) , afp - pakistan defeated arch-rivals india 3-0 here to ensure they stand among the top six in the olympic men ' s field hockey competition . +__label__3 , singapore air expands fleet with us\$3 . 7b boeing order , singapore airlines ltd . , asia #39 s most profitable carrier , is betting new planes will help it lure passengers from emirates and cathay pacific airways ltd . +__label__4 , white house shifts its focus on climate , the administration issued a report indicating that emissions of carbon dioxide and other heat-trapping gases were the only likely explanation for global warming . +__label__1 , bush makes fourth trip of year to n . m . ( ap ) , ap - the ranks of independent voters in new mexico have grown by nearly 20 , 000 in the last 10 months , a prize pulling president bush and rival john kerry to the state again and again . +__label__1 , charges reduced for iraq jail mp , mannheim , germany -- a us military policewoman accused in the abu ghraib prison abuse scandal had the charges against her reduced yesterday as a set of pretrial hearings wrapped up at an american base in germany . +__label__3 , an insurer sees the light , snoopy has left the building . well , almost . metlife inc . , the insurance giant that employs charlie brown ' s dog in ads , is close to completing a deal to sell its state street research and management investment arm to blackrock inc . for about \$400 million . everyone involved will be better off for it . +__label__3 , gm pulls corvette ad with underage driver , detroit -- general motors corp . has withdrawn a corvette commercial that shows a young boy driving wildly through city streets after safety advocates complained , the company said yesterday . +__label__3 , a mixed economic bag in july , factory orders in july for costly manufactured goods recorded the biggest gain in four months . new home sales , meanwhile , slid , according to a pair of reports +__label__4 , keck telescope confirms important exoplanet discovery , hawaii #39 s keck observatory has confirmed the existence of a jupiter-sized planet orbiting a distant star , the first one spotted by a network of astronomers using telescopes no larger than the ones you can buy in stores . +__label__4 , civil servants in net porn probe , more than 200 staff at the department of work and pensions have been disciplined for downloading porn at work . +__label__4 , world #39 s smallest digital camera with zoom lens , come september , japanese electronics giant casio computer will launch the world #39 s smallest digital camera with a zoom lens . casio #39 s palm-sized exilim camera is much smaller than others as , for the first time , it uses a ceramic lens . +__label__1 , iraq mortar attack kills 25 , sistani heads to najaf , najaf , iraq ( reuters ) - a mortar attack on a packed mosque in the town of kufa on thursday killed at least 25 people as iraq ' s most influential shi ' ite cleric headed to the nearby holy city of najaf to try to end a bloody three-week uprising . +__label__1 , dream team leads spain 44-42 at halftime , athens , greece - as expected , the u . s . men ' s basketball team had its hands full in a quarterfinal game against spain on thursday . . . +__label__4 , nokia , pointsec team on mobile data security , enterprises seeking higher security for their growing number of mobile devices may be interested in new encryption technology that nokia corp . is deploying in its smart phone products . +__label__3 , blackrock buys state street research , new york ( reuters ) - blackrock inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=blk . n target=/stocks/quickinfo/fullquote> blk . n< /a> , one of the largest u . s . fixed income managers , on thursday said it will buy its far smaller competitor state street research management co . , marking the biggest takeover in the asset management business this year . +__label__2 , six-month deal for hoddle at wolves , the 47-year-old former england coach was unveiled at a press conference , bringing to an end wolves #39 month-long search for a successor to dave jones . +__label__4 , microsoft expands windows update release , microsoft corp . is starting to ramp up distribution of its massive security update for the windows xp operating system , but analysts say they still expect the company to move at a relatively slow pace to avoid widespread glitches . +__label__2 , british sailors bag bronze , britain ' s chris draper and simon hiscocks win bronze in a tense final 49er race on the saronic gulf . +__label__4 , understanding search engine models , understanding search engine models\\to understand search engines and search engine marketing , one must first understand the search engine model . there are two fundamentally different types of search engine back ends site directories and spidering search engines . site directory databases are built by a person manually inputting data about websites . most . . . +__label__4 , electronic jihad internet attack rumored for today , electronic jihad internet attack rumored for today\\is the electronic jihad attack happening today or is it just stirred up rumors ? yevgeny kaspersky has raised concerns of a major attack on the internet today . kaspersky has been widely quoted as saying that there would be a major online attack against israeli . . . +__label__3 , freddie mac investment portfolio grew , new york ( reuters ) - freddie mac < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=fre . n target=/stocks/quickinfo/fullquote> fre . n< /a> said on thursday its mortgage investments , or retained portfolio , grew at an annualized rate of 20 . 8 percent in july , compared with a 19 . 4 percent increase in june . +__label__4 , science magazine asia farmers sucking continent dry ( reuters ) , reuters - asian farmers drilling millions of\pump-operated wells in an ever-deeper search for water are\threatening to suck the continent ' s underground reserves dry , a\science magazine warned on wednesday . +__label__4 , report intel logs big gains in flash market , intel #39 s share of the booming flash market jumped 40 . 8 percent in the second quarter , according to market-research firm isuppli corp . +__label__2 , morocco #39 s el guerrouj olympic champion , morocco #39 s hicham el guerrouj won in athens tuesday an olympic title in the 1500m race after two failed attempts in sydney and atlanta . +__label__2 , mcclaren happy with striking duo , middlesbrough boss steve mcclaren believes mark viduka and jimmy floyd hasselbaink could forge one of the most dangerous strike partnerships in the barclays premiership . +__label__1 , iraq group to free 3 indians , 4 others of kuwait firm - tv ( reuters ) , reuters - iraqi kidnappers of seven employees of a kuwaiti company said in a video statement on thursday they would release the captives once their employer halted operations in iraq , al arabiya television reported . +__label__3 , blackrock to buy state street research from metlife , new york , august 26 ( new ratings ) - blackrock inc ( blk . nys ) , a leading us-based fixed-income asset management company , has reportedly agreed to buy state street research amp management company , a unit of metlife inc , for \$375 million in a cash and stock +__label__4 , casio shows off slim , trim digicams , new exilim models include the thinnest version yet , featuring a new ceramic lens . +__label__4 , u . n . urges funds to curb african locusts ( ap ) , ap - with swarms of locusts threatening crops in a number of african countries , a u . n . agency appealed for an additional #36 70 million in assistance thursday to prevent the upsurge from becoming a full-scale plague . +__label__3 , nepal blockade ' blow to tourism ' , nepal tour operators say tourists cancelled millions of dollars of bookings due to the rebel blockade of kathmandu . +__label__2 , manchester united cruise into champions league , manchester united eased into the champions league group phase with a comfortable 3-0 victory over dinamo bucharest at old trafford on wednesday . +__label__4 , intel gives centrino chip line a wireless upgrade ( reuters ) , reuters - intel corp . ( intc . o ) on thursday\said it has upgraded the wireless networking capabilities of\its centrino line of notebook computer chips to allow broader\network access with improved security . +__label__1 , panama pardons castro ' plotters ' , four men accused of planning to kill cuba ' s fidel castro have been pardoned by panama ' s president . +__label__1 , pinochet loses immunity your reaction , the supreme court in chile has ruled that the former dictator general pinochet should have his immunity from prosecution removed . a lawsuit was brought by relatives of alleged victims of the military regime operation condor . +__label__2 , rangers sign weekes , bolster goaltending ( ap ) , ap - goaltender kevin weekes signed thursday with the new york rangers , who expect the unrestricted free agent to compete for the no . 1 job with mike dunham . +__label__3 , glaxo settles paxil ' suicide pill ' suit , new york ( reuters ) - glaxosmithkline plc < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=gsk . l target=/stocks/quickinfo/fullquote> gsk . l< /a> has agreed to release all clinical studies of its drugs to settle a lawsuit that accused it of withholding negative information about the antidepressant paxil , the new york attorney general ' s office said on thursday . +__label__1 , spears ' fiance to star in her new video , new york - britney spears ' former backup dancer and current fiance kevin federline can add another title to his resume co-star . on wednesday , a jive records publicist confirmed federline is featured in spears ' upcoming my prerogative video , set to debut in mid-september . . . +__label__3 , dollar general earnings up 19 percent , chicago ( cbs . mw ) - discount retailer dollar general reported a 19 percent rise in fiscal second-quarter earnings , helped by higher sales and lower charges . +__label__1 , no evidence of abuse at guantanamo , says australian foreign < b> . . . < /b> , australian foreign minister alexander downer says a us investigation has rejected allegations that australian terror suspect david hicks was abused while in us custody in afghanistan and cuba . +__label__1 , british police arrest radical cleric abu hamza ( afp ) , afp - radical islamic cleric abu hamza al-masri , already detained in london on an extradition request from the united states , was arrested under suspicion of committing or preparing terrorism acts within britain . +__label__4 , olympics high-flying holm aims to defy science ( reuters ) , reuters - sweden ' s gold medal-winning high\jumper stefan holm reckons he can leap even higher but\scientists say he and other athletes were already close to the\limit of what they can achieve . +__label__1 , japan won ' t have u . s . beef anytime soon ( reuters ) , reuters - japan ' s lucrative market for u . s . \beef , ruptured by mad cow disease worries , is likely to remain\closed for the rest of this year , u . s . meat industry officials\said on thursday . +__label__3 , nigeria gives shell \$1 . 5 billion eco-bill , the shell oil company has been handed a \$1 . 5 billion bill for ecological compensation in the niger delta by the government of nigeria . +__label__4 , texas school to offer women ' s gaming scholarship ( reuters ) , reuters - as part of a drive to attract more\women into the male-dominated video game industry , a program\for aspiring game developers at southern methodist university\will offer a women-only scholarship , organizers said on\thursday . +__label__4 , dell adds new switch to lineup , dell has upgraded its powerconnect line with the addition of the powerconnect 5324 , a 24-port managed gigabit layer 2 switch . +__label__4 , 103 arrests for internet fraud , related crimes since june us ( afp ) , afp - us authorities arrested at least 103 suspects and filed 117 criminal complaints since june 1 in a crackdown on various forms of online fraud , attorney general john ashcroft said . +__label__4 , microsoft reprimanded for misleading linux ad ( newsfactor ) , newsfactor - the united kingdom ' s advertising watchdog group , the advertising standards association , has found that complaints lodged against a microsoft ( nasdaq msft ) magazine ad that stated that linux was more expensive than windows were valid . +__label__4 , ibm to amp integration with venetica buy ( newsfactor ) , newsfactor - ibm ( nyse ibm ) has said it will purchase venetica , a privately held firm that provides content-integration software to unstructured data sources . +__label__2 , carter finishes fourth in 400 hurdles , james carter of baltimore finished fourth in the finals of the 400-meter hurdles today , missing out on a medal . felix sanchez , of the dominican republic , won the gold medal . +__label__3 , london oil drops to \$40 a barrel , the cost of a barrel of oil in london has dipped below \$40 as energy prices have continued to slide . the price of brent crude in london fell to a three-week low of \$39 . +__label__4 , tivo loss widens , san francisco ( cbs . mw ) - tivo said its second-quarter loss widened from a year earlier on higher customer acquisition costs . free ! +__label__2 , athletics dominant phillips takes long jump gold , athens - dwight phillips of the united states completed a hat-trick of global long jump titles when he crushed the field with his opening leap in thursday #39 s final to win olympic gold . +__label__2 , jury selection to begin in kobe bryant rape trial , eagle , colo . ( reuters ) - jury selection begins in the kobe bryant rape case on friday when hundreds of potential jurors fill out a questionnaire to help determine if they can sit in judgment in a trial involving race , sex and celebrity . +__label__3 , vioxx faces challenges from insurers , lawyers , merck amp co . faces a dual threat from health insurers and patients #39 lawyers , after a us study suggested its vioxx arthritis drug carries a greater risk than rival medicines . +__label__4 , u . n . agency sees no rapid development of el nino ( reuters ) , reuters - fears of a new el nino , a phenomenon\that brings extreme weather patterns , are unfounded despite\unusual ocean temperatures which often herald the devastating\weather anomaly , the world meteorological organization said\thursday . +__label__1 , visit to a potemkin village , gongzhong does not resemble any tibetan village in tibet . it is a village more from epcot center in walt disney world . +__label__2 , let basketball , as the us men #39 s basketball team limps into the olympic medal round , the focus has been on the team #39 s lousy outside shooting . +__label__4 , anglers have big impact on fish numbers -- study , recreational anglers may be responsible for landing nearly 25 percent of over-fished salt water species caught off us coasts , a study released on thursday suggests . +__label__1 , israeli army demolishes 13 palestinian homes , gaza city the israeli army demolished 13 palestinian houses during an incursion in the southern gaza strip town of rafah on thursday , palestinian security sources and witnesses said . +__label__3 , nigerian senate approves \$1 . 5 bln claim on shell , lagos - nigeria #39 s senate has passed a resolution asking shell #39 s nigerian unit to pay \$1 . 5 billion in compensation to oilfield communities for pollution , a senate spokesman said . +__label__2 , goosen takes lead in the bmw open , retief goosen , a two-time us open champion , grabbed the first-round lead in the bmw open in nord eichenried , germany , with a 6-under-par 66 , while colin montgomerie improved his european ryder cup chances by finishing one stroke back on thursday . +__label__2 , hewitt cruises to quarterfinals , former wimbledon and us open winner lleyton hewitt cruised to a 6-1 , 6-4 victory over michael llodra on thursday to advance to the quarterfinals of the td waterhouse cup . +__label__1 , us edge out brazil for gold , the united states beat brazil 2-1 in extra time to win the women ' s olympic football tournament . +__label__1 , breast scans ' fail ' in some women , some women with breast cancer are less likely to have their tumours picked up by scans , say experts . +__label__1 , yemeni poet says he is al-qaida member , guantanamo bay naval base , cuba aug . 26 , 2004 - in a dramatic turn that silenced defense lawyers , a yemeni poet accused of crafting terrorist propaganda argued on thursday to represent himself before a us +__label__2 , changing of the guard in us track and field , description npr #39 s steve inskeep talks with usa today sports columnist christine brennan about the latest news in track and field at the athens olympics . +__label__4 , govt . to test new air passenger screening program , the us government unveiled plans on thursday for a revised computer-based program using personal information to identify airline passengers who may pose a threat to air travel . +__label__1 , chile court strips pinochet of immunity ( ap ) , ap - chile ' s supreme court stripped gen . augusto pinochet of immunity from prosecution thursday in a ruling that revived hopes of his foes that he might stand trial on charges of human rights abuses during his rule . +__label__1 , amelie ' s final footsteps retraced , detectives have staged a reconstruction of the final steps of murdered french student amelie delagrange . +__label__1 , bush , kerry bow to mccain ' s wishes on ads , new york - president bush and sen . john kerry bowed to the wishes of popular maverick john mccain on thursday , as the president embraced the republican senator ' s legal fight against big-money special interest groups airing negative ads and the democratic nominee scrapped a commercial that featured mccain . . . +__label__1 , thatcher case twist as list of alleged coup backers vanishes , the thatcher saga took a dramatic twist last night when it emerged a key witness in the police investigation has disappeared , taking with him a list of wealthy individuals who supposedly bankrolled an alleged coup attempt in oil-rich equatorial guinea . +__label__3 , peoplesoft customers reassured , oracle corp . president charles phillips on monday said peoplesoft inc . customers have become more comfortable with the prospect of a merger between the two software firms even as the proposed transaction awaits a critical ruling from a delaware court . +__label__2 , torch passed on winning goal , athens -- america #39 s gold-medal soccer players don #39 t just say goodbye they say hello . quot the thing i love , quot retiring captain julie foudy said , quot is that tarpley and wambach scored . +__label__3 , union leaders held under esma on day 6 of strike , new delhi , august 26 the sixth day of the truckers strike on thursday saw 12 more truckers being arrested under the essential services maintenance act ( esma ) in the capital . +__label__3 , dreamworks officer quits , dreamworks skg , the studio that created the quot shrek #39 #39 films , said yesterday that helene hahn would step down as chief operating officer . +__label__1 , vote 2004 - a guide to the primary , get ready for the primary with the herald-tribunes special news section profiling all the federal , state and local candidates in races in tuesdays election . +__label__2 , jets , pennington talk , the new york jets and quarterback chad pennington are looking to finalize a contract extension by next wednesday . +__label__2 , al wrap oakland ' s durazo piles on misery for baltimore ( reuters ) , reuters - erubiel durazo ' s three-run homer in\the second inning helped the oakland athletics remain top of\the american league ( al ) west with a 9-4 win over the reeling\baltimore orioles thursday . +__label__2 , al wrap oakland ' s durazo piles on misery for baltimore , new york ( reuters ) - erubiel durazo ' s three-run homer in the second inning helped the oakland athletics remain top of the american league ( al ) west with a 9-4 win over the reeling baltimore orioles thursday . +__label__2 , sports braves 6 rockies 4 , atlanta mike hampton hit an rbi single and atlanta stretched its lead in the nl east by winning its fourth in a row 6-to-4 over colorado . +__label__1 , islamic group holding lorry drivers demands firm quit iraq ( afp ) , afp - a group calling itself the secret islamic army ( sia ) will release seven hostages it has been holding for more than a month as soon as their kuwaiti company says it will no longer operate in iraq , the sia announced . +__label__1 , iraq ' s sadr orders fighters to lay down weapons , najaf , iraq ( reuters ) - rebel iraqi cleric moqtada al-sadr on friday ordered his men inside najaf ' s imam ali mosque to lay down their weapons and join thousands of shi ' ite pilgrims outside the shrine . +__label__2 , guo tucks away gold for china , china #39 s guo jingjing easily won the women #39 s 3-meter springboard last night , and wu minxia made it a 1-2 finish for the world #39 s diving superpower , taking the silver . +__label__1 , taiwan rescuers dig out 7 bodies buried in landslide , taipei ( reuters ) - taiwan rescue workers dug out seven bodies from mud and rock in a mountain village that was hit by a devastating landslide triggered by typhoon aere , but eight still remained buried , officials said on friday . +__label__2 , camarillo #39 s homer lifts mexico , south williamsport , pa . , aug . 26 -- alan camarillo #39 s first homer of the series came at a perfect time for mexico . camarillo hit a three-run homer in the 10th inning on thursday to propel guadalupe , mexico , into +__label__1 , troops close gaza roads after rockets fired at israel , jerusalem -- israeli forces blocked main roads in gaza yesterday after rockets were fired at an israeli town , and troops tore down houses in a refugee camp on the egyptian border , foreshadowing more unrest after israel #39 s announced planned pullout next year +__label__3 , exec , wife give stanford \$43 . 5 million , san francisco ( cbs . mw ) -- berkshire hathaway vice-chairman charles munger and his wife nancy munger on thursday donated \$43 . 5 million to stanford university and its law school . +__label__2 , athens - a \$12bn bill , the world sighed with relief when greeks kept their promise to deliver some of the world #39 s finest sport venues in time for the athens olympics . +__label__4 , hp unveils cavalcade of consumer products ( pc world ) , pc world - first tvs , new printers , long-lasting inks , and projectors are targeted\ at living room and office . +__label__1 , bush faces heavy pre-rnc travel schedule ( ap ) , ap - president bush charges into the final runup to the republican national convention with a heavy campaign schedule in key states he needs to carry in november . +__label__2 , anticipation nation , lincoln , neb . -- carly simon got it right a generation ago . an-ti-ci-pa-tion . she wasn ' t singing about college football , but out here in the heartland of america , as husker nation prepares for a new season , the sense of anticipation is enormous . +__label__2 , a great catch ? lobsters , how does he like lobster ? boiled , steamed , broiled , baked , grilled ? newburg ? bahar uttam prefers his with a capital l -- lobsters -- and sees them frolicking on a tennis court rather than laid out on a plate . in uttam ' s mind lurks a tasty dish for the town ' s sporting crowd , one that could satisfy the five-year hunger of tennis junkies , a . . . +__label__4 , bureaucracy pins rocket to earth , the da vinci project , a toronto group planning to launch a homemade , manned spacecraft in october , is having trouble getting its paperwork off the ground . canadian regulators are leery of approving the launch . and then there ' s the matter of finding insurance . by dan brekke . +__label__3 , dominicans ' swift step into crisis , santo domingo , dominican republic -- when sandro batista smashed his banana truck into a tree in april , leaving him with two hideously shattered legs and a broken arm , his orthopedic surgeon sent his sister shopping . +__label__4 , hp moves deeper into consumer electronics , personal computer giant hewlett-packard co . is stepping deeper than ever into the consumer electronics arena with its fall product lineup - so don ' t be surprised if you hear about hp tv along with hdtv when shopping for your next television . +__label__4 , sprint , sbc announce wi-fi roaming pact , customers of sprint corp . and sbc communications inc . will be able to use both companies ' wireless internet connections with less hassle under a reciprocal deal announced friday . +__label__3 , stock futures flat before gdp , fed speech , new york ( reuters ) - u . s . stock futures were nearly unchanged on friday as investors awaited key data on the economy that could determine the market ' s early direction . +__label__3 , interbrew wins shareholder vote to buy ambev , london , august 27 ( new ratings ) - belgian brewing giant , interbrew sa ( itk . etr ) , has received the approval of its shareholders for its proposed acquisition of the brazilian brewer , ambev . +__label__3 , update 1 thai airways orders 6 airbus superjumbos , thai airways has agreed to buy six airbus a380s , becoming the 13th airline to order the new quot superjumbo , quot the european aircraft maker said friday . +__label__2 , jacobson lifts ryder cup hopes with sparkling 65 , munich ( reuters ) - sweden ' s fredrik jacobson made his bid for a last-gasp ryder cup spot with a spectacular seven-under-par 65 in the bmw international open second round on friday . +__label__2 , cska sponsor rejects criticism , russian oil giant sibneft today rejected any suggestion of a conflict of interest existing between chelsea and cska moscow who are due to meet in the champions league . +__label__4 , astronaut candidates practice survival skills , by sara leitch brunswick , maine ( ap ) -- astronauts spend years training before they can lift off into space . they learn to operate shuttles , perform experiments in zero-gravity , and eat bugs if they must . . . +__label__4 , realnetworks gets in content business ( ap ) , ap - realnetworks inc . survived the dot-com collapse and an assault from microsoft corp . now it ' s trying to remake itself into a provider of paid internet content . +__label__2 , united states 66 , russia 62 , frustrated by fouls , turnovers and a feisty opponent , the united states desperately looked for help . then along came sheryl swoopes to set things right . +__label__2 , paula #39 s going for gold , paula radcliffe has decided she will run in tonight #39 s 10 , 000m race at the athens olympics . today #39 s dramatic decision comes just days after britain #39 s star long-distance runner was left weeping at the roadside after pulling up in the olympic marathon . +__label__1 , us economic growth slips to 2 . 8 , annual us economic growth fell to 2 . 8 in the second quarter of 2004 , marking a slowdown from the 3 estimated a month ago . +__label__1 , explosive remnants found in russian jet wreckage , one of two russian airliners that crashed nearly simultaneously was brought down by a terrorist act , officials said friday , after finding traces of explosives in the plane ' s wreckage . a web site connected to islamic militants claimed the action was connected to russia ' s fight against chechen separatists . +__label__1 , who cares about kerry ? it ' s bush we can ' t stand , say vietnamese ( afp ) , afp - the question of whether presidential candidate john kerry was a coward or a leader during the vietnam war might be raging in the united states , but on the streets of hanoi people hope for just one result from the american election -- the exit of george w . bush . +__label__4 , spike lee wins cybersquatting case against porn site , movie director spike lee has won his\cybersquatting case against a philippines-based operator who\misused the domain name to redirect surfers to a pornographic\web site , arbitrators ruled friday . +__label__3 , socially responsible funds on a tear , don ' t be too impressed -- great returns don ' t always mean much . +__label__1 , at least 25 bodies at sadr #39 s religious court , najaf , iraq at least 25 charred and bloated bodies were discovered in the basement of a religious court set up by rebel cleric moqtada sadr in najaf #39 s old city , police said . +__label__1 , nepal rejects un mediation , nepalese prime minister has rejected the un offer of mediating in talks with maoist rebels . but sher bahadur deuba has not ruled out an expanded role for india to resolve the conflict in the himalayan kingdom . +__label__2 , usoc letter to fig , i write in response to your letter of august 26 , 2004 , which you asked the united states olympic committee to forward to olympic gold medalist paul hamm of the united states of america . +__label__1 , japanese utility plans ipo in october ( ap ) , ap - electric power development co . , a former state-run utility , said friday it is planning an initial public offering on the tokyo stock exchange in october , a deal that could be the country ' s biggest new stock listing in six years . +__label__3 , now it ' s official economy shrunk , washington ( reuters ) - the u . s . economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled , the government said on friday in a report that confirmed momentum faltered in the spring . +__label__3 , now it #39 s official economy shrunk , the us economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled , the government said on friday in a report that confirmed momentum faltered in the spring . +__label__3 , now it ' s official u . s . growth slowed , washington ( reuters ) - the u . s . economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled , the government said on friday in a report that confirmed momentum faltered in the spring . +__label__4 , microsoft corrals changes for longhorn , with sp2 out the door , microsoft turns sights to longhorn--which won ' t look quite as expected . +__label__4 , nonnative goats bunking at yellowstone ( ap ) , ap - a new study shows mountain goats are taking hold in yellowstone national park , but park officials aren ' t sure how to handle the presence of the nonnative animals . +__label__3 , less turbulence ahead for airbus , boeing , eu trade commissioner peter mandelson and his us counterpart , robert zoellick , aim for a truce in the latest transatlantic row over government aid for aviation rivals boeing and airbus . +__label__3 , bon-ton ' s succession success , the transition atop the department store company looks like a pleasant non-story . +__label__2 , friday focus running in the rain , rain is forecast for saturday in spa . here ' s what the team will do to cope . . . +__label__3 , procter amp gamble a soap opera success , by davis dyer , frederick dalzell . by robert slater . in the 1830s , william procter , a storekeeper and candle maker , and james gamble , a soap maker , happened to marry two sisters in cincinnati , olivia and elizabeth ann norris . +__label__1 , paisley #39 s decision over disarmament awaited , northern ireland #39 s politicians have an anxious wait as the reverend ian paisley decides whether to endorse an historic deal with sinn fein . +__label__4 , verisign #39 s antitrust claim against icann dismissed , quot verisign #39 s contentions are deficient , quot judge howard matz wrote in the 16-page decision setting aside the antitrust claims against icann . +__label__2 , rooney going nowhere unless price is right moyes , england striker on his way . or is he ? will it be st james #39 park or old trafford ? or will he remain at goodison ? although wayne rooney today handed in a transfer request , and set in motion his seemingly inevitable +__label__2 , triathlon double for kiwis in toughest of events , new zealand scored an unprecedented olympic double in the men #39 s triathlon yesterday when hamish carter no cigar for guessing his roots beat his compatriot , reigning world champion bevan docherty , by 7 . 87 seconds , writes doug gillon . +__label__4 , modified us space shuttle ready to fly next spring , nasa said thursday it had corrected flaws that caused the destruction of the space shuttle columbia in february 2003 and that a modified shuttle would be ready to resume flights sometime next spring . +__label__1 , report explosion kills 2 near chechyna ( ap ) , ap - an explosion rocked a police building in the restive dagestan region adjacent to chechnya on friday , and initial reports indicated two people were killed , the interfax news agency said . +__label__4 , flying cars reportedly still decades away ( ap ) , ap - it ' s a frustrated commuter ' s escapist fantasy literally lifting your car out of a clogged highway and soaring through the skies , landing just in time to motor into your driveway . +__label__3 , hp to tempt holiday shoppers with sights and sounds , the computer-hardware giant , best known for products such as pcs and printers , on friday laid out its plan to become a brand-name in consumer electronics products such as flat-screen tvs , music players and the devices that move content between them . +__label__3 , thai airways orders six airbus superjumbos , thai airways international plans to buy six airbus a380 double-decker aircraft that will be delivered in 2008 and 2009 . the airline is also ordering two additional a340 aircraft . +__label__3 , shareholders toast brewers ' merger , brussels/sao paulo ( reuters ) - shareholders gave their blessing on friday for belgium ' s interbrew < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=intb . br target=/stocks/quickinfo/fullquote> intb . br< /a> to buy brazil ' s ambev < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ambv4 . sa target=/stocks/quickinfo/fullquote> ambv4 . sa< /a> < abv . n> in a \$9 . 7 billion deal that will create the world ' s largest brewer . +__label__1 , argentina beats u . s . men ' s basketball team , argentina defeated the united states team of national basketball association stars 89-81 here friday in the olympic semi-finals , dethroning the three-time defending champions . +__label__4 , us space agency improves shuttle safety , management , the us space agency , nasa , continues work on improving the safety of the space shuttle , before the fleet of orbiters resumes its visits to the international space station next year . +__label__2 , ' dream team ' out of gold race after loss to argentina , athens ( reuters ) - the u . s . men ' s basketball team was beaten by argentina friday , denying it an olympic gold medal for the first time since 1992 when nba players started competing . +__label__1 , gop urge bush to turn attention from iraq ( ap ) , ap - nervous republicans are urging president bush to unveil a robust second-term agenda at his convention next week to shift voters ' focus from the unpopular war in iraq and other issues that are a distraction to his re-election drive . some contend the party should ditch the gop-fueled controversy over rival john kerry ' s combat record in vietnam . +__label__3 , a canadian invasion , a few weeks ago , in a story on nortel ( nyse nt ) , i asked people to submit a canadian joke to me . this is as good a place as any to reveal the winner . +__label__2 , american champion tim mack wins pole vault gold , american champion tim mack won the olympic pole vault title on friday with a games record 5 . 95 meters after an engrossing duel with teammate toby stevenson . +__label__2 , khan urged to stay amateur , british boxing sensation amir khan is being urged to shun a big-money move to the professional ranks , whether he wins or loses his shot at olympic gold on sunday . +__label__1 , fbi suspects israel has spy in pentagon -- cbs news , washington ( reuters ) - the fbi believes there is an israeli spy at the very highest level of the pentagon , cbs news reported on friday . +__label__4 , ibm puts grids to work at u . s . open , ibm will put a collection of its on demand-related products and technologies to this test next week at the u . s . open tennis championships , implementing a grid-based infrastructure capable of running multiple workloads including two not associated with the tournament . +__label__1 , sudan remains defiant as time starts to run out , britain has warned sudan that it still has a lot of work to do to satisfy the international community that it is tackling what the united nations has described as the worlds worst humanitarian crisis . +__label__1 , lebanon political drama plays out syrian scipt , the stage is beirut and the actors are lebanese but the audience knows the drama surrounding selection of the countrys president is being produced in lebanons powerful neighbour syria . +__label__4 , hp brand to inject new life into ink , the company splashes a new name on the inks to be used in its photo printers . +__label__2 , update 1-rookie johnson shares buick lead with funk , rookie zach johnson produced the day #39 s joint best score , a five-under-par 65 , to join fred funk at the top of the leaderboard after the second round of the \$4 . +__label__3 , uk growth at fastest pace in nearly 4 years , britain #39 s economy accelerated to the fastest annual pace in nearly four years in the second quarter as manufacturing emerged from a slump and consumers ratcheted up spending , the government said friday . +__label__4 , next version of windows for pc ' s to ship in 2006 , to meet its timetable , microsoft has scaled back its technological ambitions for the product , code-named longhorn . +__label__3 , siemens says cellphone flaw may hurt users and its profit , siemens , the world #39 s fourth-largest maker of mobile phones , said friday that a software flaw that can create a piercing ring in its newest phone models might hurt earnings in its handset division . +__label__4 , microsoft promises new os for 2006 , microsoft says it plans to broadly release the long-awaited update to its flagship windows operating system , dubbed #39 longhorn #39 , in 2006 . +__label__1 , yemeni ambassador to united nations dies ( ap ) , ap - abdullah saleh al-ashtal , who served as yemen ' s ambassador to the united nations for nearly 30 years , died in new york on thursday after a long illness , yemen ' s foreign ministry and its u . n . mission said friday . he was 66 . +__label__2 , schumacher in uncharted territory , michael schumacher doesn #39 t need to win the belgian grand prix on sunday to nail his unprecedented seventh formula one drivers title . +__label__2 , top-ranked illinois flyin #39 high , when the illinois men #39 s basketball team moved to no . 1 in the associated press and espn/usa today top 25 polls on monday afternoon , it was a special moment for the program and the players . +__label__2 , daly penciled in for deutsche bank , john daly provided a nice surprise for local golf fans yesterday when he committed to play in next week #39 s deutsche bank championship at tpc of boston in norton . +__label__1 , revelations on children overboard incident put pressure on australian pm ( afp ) , afp - australian prime minister john howard was fighting to maintain his credibility after official transcripts backed up critics ' claims about what he knew of a controversial 2001 sea rescue of boatpeople . +__label__2 , short jump , bad handoff end jones #39 games , athens , greece - for marion jones , sydney must seem far more than half a world away . those olympics were some dreamland where she ruled track and field with a golden touch and a sweet smile , winning five medals +__label__3 , data view hk exports slow in july , but momentum intact , hong kong ( dow jones ) --hong kong #39 s export expansion slowed a touch in july , as expected , but still continued at double-digit rates thanks to high trade volume with mainland china . +__label__2 , fired-up baggaley takes silver , australia #39 s nathan baggaley was over the moon after winning the silver medal in the olympic kayaking k1 500 event today . double world champion baggaley fired from the start and took an early lead but faded +__label__1 , profiling shaukat aziz economic reformist-turned-pm , shaukat aziz , taking over as pakistan #39 s 23rd prime minister on saturday , is a former private banker credited with infusing new life into an almost bankrupt economy . +__label__2 , ncaa wrong to close book on williams , top-ranked and defending co-national champion usc opens its season tonight against virginia tech . tampa #39 s mike williams , the best football player not in the nfl - now officially the best college football player +__label__2 , change on the money , one day after national hockey league executive vice president and chief legal officer bill daly accused the nhl players association of engaging quot in a charade quot with regards to negotiating a collective bargaining agreement -- and believes the start of the 2004-05 season is in jeopardy because the union wants to keep status quo -- bruins owner jeremy jacobs said there ' s . . . +__label__1 , eritreans deported by libya hijack a plane , khartoum , sudan -- armed with knives , eritrean deportees hijacked a plane that left libya carrying about 80 fellow eritreans and forced it to land yesterday in the sudanese capital before surrendering to security forces , officials said . +__label__4 , bush administration shifts stance on the cause of warming , new york in a striking shift in the way the bush administration has portrayed the science of climate change , a new report to congress focuses on federal research indicating that emissions of carbon dioxide and other heat-trapping gases are the only likely +__label__2 , hamm flap , dream team just wrong , athens , greece -- look at it this way at least the us basketball team won #39 t be asked to give back its gold medal . on a day that was olympic in scope both for its shock value and its intrinsic weirdness , the +__label__4 , microsoft #39 s big fix security patch now on the market , for the past few years , viruses have attacked microsoft #39 s operating system , web browser or e-mail programs seemingly on a weekly basis . +__label__2 , second seed dementieva hammered in new haven , the french open runner-up , who had progressed to the last four with ease , was completely out of sorts as seventh seed bovina wrapped up victory in only 56 minutes . +__label__1 , yemen jails 5 over limburg , us envoy murder plot , a yemeni court jailed five al qaeda supporters for 10 years saturday for the bombing of the french supertanker limburg and sentenced to death another militant who plotted to kill the us ambassador to the arab state . +__label__1 , facing arrest , uma bharti quits as madhya pradesh chief , bhopal ( pti ) - madhya pradesh chief minister uma bharti has been forced out of office after four days of political drama as the issue of tainted ministers came back to haunt the bharatiya janata party . +__label__2 , far from fun and games for jones , athens , greece -- so other than your anemic , fifth-place finish in the long jump and the missed baton pass in the 400-meter relay for a big fat quot did not finish , #39 #39 how did your day go , marion jones ? +__label__4 , swing and a miss for asteroid , an asteroid the size of a large storage shed came within 4 , 100 miles of earth this spring , making it the closest near miss ever recorded , us astronomers said this week . +__label__2 , us team stumbles , marion jones , the queen of sydney who finished those 2000 olympics with a record five track-and-field medals , ended her next olympics much differently friday -- out of medals and in tears . +__label__1 , yemen sentences 15 militants on terror charges , a court in yemen has sentenced one man to death and 14 others to prison terms for a series of attacks and terrorist plots in 2002 , including the bombing of a french oil tanker . +__label__1 , shaukat aziz gets vote of confidence , islamabad newly-elected known as finance wizard prime minister shaukat aziz has secured vote of confidence form the national assembly . +__label__2 , australia win olympic hockey gold , athens , aug 27 australia won the olympic men #39 s hockey tournament for the first time in history on friday , beating the netherlands 2-1 with a golden goal . +__label__3 , gop jamboree could briefly lift stocks , new york ( reuters ) - fasten your seatbelts . the republicans are coming to town . if things go smoothly at the republican national convention , the stock market could get a brief boost next week , experts say . __label__4 , bea arthur for president , bea arthur sparked a security scare at logan airport in boston this week when she tried to board a cape air flight with a pocketknife in her handbag . the golden girls star , now 81 , was flagged by a transportation security administration agent , who discovered the knife - a strict no-no following 9/11 . she started yelling that it wasn ' t hers and said ' the terrorists put it there , ' a fellow passenger said . she kept yelling about the ' terrorists , the terrorists , the terrorists . ' after the blade was confiscated , arthur took a keyring from her bag and told the agent it belonged to the terrorists , before throwing it at them . - via philly . com -__label__1 , at least 24 killed morocco bush crash ( ap ) , ap - a bus , truck and taxi collided in a mountainous region of western morocco saturday , killing 24 people and injuring about 20 others , the official map news agency reported . -__label__4 , the digital transition , if my car died tomorrow , i ' d have a lot less angst picking its successor than i would if my tv conked out . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -rob pegoraro< /b> < /font> -__label__1 , sudanese rebels squabble with government over ceasefire violations ( afp ) , afp - sudanese rebels walked away from african union peace talks to hold a 24-hour boycott in protest at alleged government attacks on civilians in the war-torn western province of darfur . -__label__2 , olympics-u . s . women show men how to win gold , athens ( reuters ) - the u . s . women ' s basketball team showed their men how to win gold saturday as around 70 , 000 spectators flocked to the olympic stadium for a hectic athletics program on the penultimate night of the athens games . -__label__4 , hard drive sp your xp , rsn , don #39 t have windows xp ? listen up anyway , because there #39 s a lesson to learn , not to mention sly put downs you can use to annoy your windows-xp-using-friends so they #39 ll finally break down and admit -__label__1 , in western iraq , fundamentalists hold u . s . forces at bay , falluja and ramadi , and much of anbar province , are now controlled by militias , with u . s . troops confined to outside bases . -__label__3 , the hunt for a hybrid , the aug . 23 front-page article on the toyota prius vs . the honda civic implied that the main reason people prefer the prius was its quot geek-chic look quot and the image buyers want . -__label__1 , al-sadr #39 s militia keeps fighting in baghdad , us forces and radical shiite cleric muqtada al-sadr #39 s militia battled saturday in baghdad even as the truce that ended the bloody fighting between us-iraqi troops and the militia forces in najaf held for a second day . -__label__2 , britain edges u . s . for 400m relay gold ( ap ) , ap - stymied by a sloppy handoff in the middle of the race , the united states lost to great britain by a hundredth of a second saturday night in the 400-meter relay #151 a race the american men usually dominate . -__label__1 , us suspends helicopter flights after japan crash ( afp ) , afp - the united states suspended flights of ch-53d military helicopters in japan , bowing to protests over a crash in an okinawa university campus . -__label__2 , bovina wins pilot pen tournament , elena bovina of russia outlasted nathalie dechy of france 6-2 , 2-6 , 7-5 and won the pilot pen tennis tournament saturday . bovina , seeded seventh , won her third wta title . -__label__2 , hewitt reaches final on long island , commack , ny ( sports network ) - second-seeded lleyton hewitt reached sunday #39 s final at the \$380 , 000 td waterhouse cup -- a final us open tune-up . -__label__1 , hurricane watch issued for gaston off s . c . , columbia , s . c . - a hurricane watch was issued for the south carolina coast saturday as forecasters predicted tropical storm gaston would make landfall near charleston on sunday night . . . -__label__1 , kerry says he ' s in a ' fighting mood ' ( ap ) , ap - democratic sen . john kerry said saturday he ' s in fighting mood with two months to go to the presidential as his allies defended him from questions about his valor in vietnam . -__label__3 , #39 we walk a fine line , #39 says the boss whose airline tripped up , after one of the most embarrassing weeks in british airways #39 history , the recriminations begin tomorrow . rod eddington , the airline #39 s gregarious australian chief executive , says he will mount a full investigation -__label__4 , globetrotter mandrake-based 40gb linux mobile desktop , joestar writes quot mandrakesoft amp lacie have just launched quot globetrotter quot , a ultra-compact 40 gb bootable usb hard-drive pre-loaded with mandrakelinux 10 . -__label__3 , health highlights aug . 28 , 2004 , a new drug that fights a form of age-related macular degeneration ( amd ) , a leading cause of blindness in the elderly , won applause if not approval from a panel of advisors to the us food and drug administration . -__label__2 , hewitt advances to long island final , lleyton hewitt is one match away from winning his second consecutive atp title , with the australian reaching the final of the td waterhouse cup at long island . -__label__1 , soldiers face death after refusing to bomb darfur , fifteen armed men in blue uniforms guard the metal stairs leading to the sudanese court . among the people massed at the bottom , only those who look official and scream loud -__label__2 , bovina ends two-year wait , seventh-seeded russian elena bovina won her first title in two years by beating france #39 s nathalie dechy 6-2 2-6 7-5 in the final of the pilot pen tournament . -__label__1 , un , ending mission , says some human rights improvement sudan ' s darfur region ( canadian press ) , canadian press - al-fasher , sudan ( ap ) - security has improved inside camps in sudan ' s violence-torn darfur region , but displaced villagers still face attacks and abuse when leave the camps , a united nations team said saturday , wrapping up a mission that could determine whether sudan is hit with international sanctions . -__label__4 , file-sharers , the eyes of justice are upon you , president bush likes to project the swashbuckling image , but this week it was the folks over at the justice department who formed the posse to go after the evildoers -- the ones on the internet . -__label__4 , mobile phone #39 deafness #39 risk , p2pnet . net news - defects in siemens 65 series mobile phones could cause deafness , says the company . quot in extreme cases , this volume could lead to hearing damage . -__label__1 , pakistani pm-elect takes parliament confidence vote , pakistani prime minister- elect shaukat aziz saturday secured vote of confidence in the national assembly ( na ) , the powerful lower house of the parliament , a requirement under the country #39 s constitution . -__label__2 , tompkins young brit who fought here has shot at gold , great britain #39 s amir khan , who looked so impressive in winning the 132-pound championship at the junior international invitational boxing championships here last summer , has a chance for an olympic gold medal in the lightweight division today . -__label__1 , pakistan province focuses on prayers , curbing vice ( reuters ) , reuters - cinemas are barred from hoisting movie bill-boards and shopkeepers are afraid to display posters featuring women in the historic northern pakistani city of peshawar . -__label__3 , apology , refund from cruise line , in a move almost unheard of in its industry , norwegian cruise line has apologized for service problems during the pride of aloha #39 s first two months of sailing around hawaii , and is refunding a portion of the service charge to everyone who has cruised on -__label__2 , smith saves united , london , aug . 28 . - alan smith scored a late equaliser for manchester united today as the side tied 1-1 at blackburn . sir alex fergusons side looked headed for their second premier league defeat of the -__label__1 , sunday a fierce battle between us forces and shiite militants < b> . . . < /b> , tuesday a shiite insurgency appeared to be weakening as iraqi forces moved to within 200 yards of the imam ali shrine . wednesday iraq #39 s top shiite cleric returned home with a peace initiative demanding an end to the fighting in najaf . -__label__1 , terror is below radar in russia , it took 2 days for russia #39 s security service to announce what virtually everyone else believed from the moment two domestic passenger airlines plunged to earth simultaneously -__label__1 , australian pm calls election on oct . 9 , australian prime minister john howard on sunday announced that the next federal election will be held on october 9 . he told a press conference here that voters will decide -__label__2 , we owe athens an apology , athens -- the games of the xxviii olympiad -- the great disaster that wasn #39 t -- come to an emotional end this afternoon and , really , the world owes athens an apology . -__label__2 , legendary double for el guerrouj , in a historic 5 , 000-meter race , hicham el guerrouj of morocco , who won gold at 1 , 500 meters last week , outkicked kenenisa bekele of ethiopia in -__label__2 , hamm not looking back , controversial olympic gold medalist paul hamm is back in the united states and ready to move on . hamm , in worcester for the rock amp roll -__label__3 , northwest fee increase has agents crying foul , the airline said it will begin paying only \$5 of the \$12 . 50 cost of booking a northwest ticket through a global distribution system such as sabre or galileo starting wednesday . -__label__2 , sanderson doesn ' t let gold out of his grasp , athens -- cael sanderson didn ' t look too comfortable on the medal stand last night . as the national anthem was played , he went from taking the winners ' wreath off his head to putting it back on , to taking it off again and holding it across his chest . -__label__1 , chechens vote for new leader , ' bomber ' kills self , znamenskoye , russia ( reuters ) - chechens voted sunday for a new president in a tense election , but many doubted the moscow-backed police officer who was set to win would manage to stamp out rebellion in the turbulent region . -__label__2 , us sprinter pulled from relay for marijuana violation , less than two hours before the olympic men #39 s 400-meter relay semifinal on friday , the united states coach george williams pulled john capel from the race after being told by -__label__1 , five facts about france #39 s muslim headscarf ban , - the french parliament passed the law in march to ban quot conspicuous symbols quot of faith from its state school system . guidelines for applying the law identified muslim headscarves , jewish skullcaps and large -__label__1 , saboteurs blow up oil pipeline in iraq ( ap ) , ap - saboteurs blew up a pipeline in southern iraq on sunday in the latest attack targeting the country ' s crucial oil industry , a senior oil official said . -__label__1 , vote near , saudis push to modernize , riyadh , saudi arabia -- even as saudi arabia struggles internally with violent extremists and externally with its image as the country that produced most of the attackers of sept . 11 , 2001 , the desert kingdom ' s rulers are moving on multiple fronts to modernize and moderate their nation . -__label__1 , french govt . , muslims appeal for reporters ' release , paris ( reuters ) - france ' s government and leaders of its muslim minority urged iraqi militants sunday to free two french journalists they were holding hostage in a bid to force paris to revoke its ban on muslim headscarves in schools . -__label__1 , spilled oil , gas ignite in iraq ' s south rumaila field , basra , iraq ( reuters ) - oil and gas spilled during recent sabotage attacks on iraq ' s southern oil pipelines ignited sunday and firefighters battled to douse the flames . -__label__1 , conn . man , 70 , oldest to swim channel , london - a retired connecticut pilot has become the oldest person to swim the english channel . george brunstad , 70 , left dover , england , saturday morning heading for the french coast . . . -__label__2 , schumacher clinches seventh season title ( ap ) , ap - michael schumacher clinched an unprecedented seventh formula one drivers ' title at the belgian grand prix on sunday , despite not winning for just the second time in 14 races this season . -__label__3 , us bells do video on path blazed by small telcos , the three largest us local telephone corporations made a splash this summer with plans to sell video services on their voice and data lines in a few years . -__label__3 , sec gives a slap on the wrist , after last week #39 s settlement with san francisco investment adviser garrett van wagoner , you have to wonder how serious the securities and exchange commission is about protecting mutual fund shareholders . -__label__2 , helm #39 s perfect 10 , and the two-and-a-half back somersaults with one and a half twists in a pike position turned out to be his ticket to a silver medal . -__label__1 , tropical storm slams into coastal s . c . , charleston , s . c . - tropical storm gaston blasted the south carolina coast with rain and near-hurricane strength wind early sunday , flooding roads and knocking out power to at least 75 , 000 homes . . . -__label__4 , our mobile margins will fall telstra , telstra chief financial officer john stanhope has admitted telstra #39 s margins in its \$4 . 5 billion a year mobile phone business will shrink this year in the face of increased price competition and the growing cost of acquiring new customers . -__label__2 , update 1-thompson earns celtic a record win over rangers , scottish champions celtic secured a record seventh successive win over glasgow rivals rangers on sunday with a 1-0 victory courtesy of midfielder alan thompson #39 s venomous late strike . -__label__1 , pakistan not for open-ended arms race spokesman , a pakistani foreign office spokesman sunday said islamabad does not favor an open-ended arms race in south asia , according to the official associated press of pakistan ( app ) . -__label__2 , montgomerie , donald named as ryder cup wildcards , european ryder cup captain bernhard langer named britons colin montgomerie and luke donald as his wildcard picks on sunday for next month #39 s match against the united states . -__label__2 , arsenal #39 s winning ways a joy , legendary nottingham forest manager brian clough said last week that losing forest #39 s 42-game unbeaten record to arsenal stuck in the craw quot because nobody likes them quot , but surely that is not true . -__label__1 , thousands hit nyc streets cheney arrives , new york - tens of thousands of demonstrators marched past the madison square garden site of the republican national convention on sunday , chanting , blowing whistles and carrying anti-war banners as delegates gathered to nominate president bush for a second term . on the eve of the convention , the demonstrators packed the street from sidewalk to sidewalk for 20 blocks as they slowly filed past . . . -__label__4 , windows tip scheduled tasks written by greg melton on monday < b> . . . < /b> , if you always forget to scan for viruses , update virus protection , run disk defragmenter , or run any other system tool , look to the task scheduler for help . -__label__1 , sudan peace talks resume , peace talks between darfur rebels and the sudanese government have resumed after a 24-hour boycott by rebels who accused khartoum of violating a ceasefire by killing 75 civilians in six villages . -__label__1 , dyke reopens wmd row , former bbc chief greg dyke has reopened the row over tony blair #39 s decision to go to war with iraq . dyke was forced to resign from his post , along with former bbc chairman gavyn davies , last january after lord -__label__1 , moderate republicans criticize bush ( ap ) , ap - a group of moderate republicans , many long out of office , called on president bush and the republican party to come back to the mainstream on the eve of the republican national convention . -__label__2 , closing ceremonies , host city athens bid a final farewell to the athletes and guests of the 2004 summer games with a spectacular party under a full moon . -__label__4 , china launches science satellite , china launched an experimental satellite into orbit sunday , atop a long march 2c carrier rocket reported xinhua , china #39 s government-run news agency . -__label__2 , sheffield day to day with sprained left ankle , new york yankees right fielder gary sheffield missed sunday #39 s against the toronto blue jays with a sprained left ankle . sheffield is listed as day to day . -__label__1 , pm hails successful launch of agni ii , new delhi , aug 29 prime minister manmohan singh on sunday congratulated the scientists and engineers for the successful launch of the agni ii missile . -__label__2 , italian wins marathon . . . us finishes second , italian stefano baldini has won the men #39 s marathon in a time of 2 10 54 . naturalized american meb keflezighi was a surprise runnerup with brazil #39 s vanderlei lima finishing third . -__label__2 , warner will start for giants in opener , eli manning remains the new york giants ' quarterback of the future . for now , the job belongs to kurt warner . -__label__2 , a #39 new greece #39 beams after success of games , as greeks get a boost , it remains unclear if success will mean higher stature in europe . by peter ford staff writer of the christian science monitor . -__label__2 , jimenez wins bmw open with final-round 66 , spain #39 s miguel angel jimenez won the bmw open , his fourth title on the european tour this season , and colin montgomerie was one of six golfers to claim ryder cup berths sunday . -__label__2 , jays power up to take finale , contrary to popular belief , the power never really snapped back at skydome on sunday . the lights came on after an hour delay , but it took some extra time for the batting orders to provide some extra wattage . -__label__2 , hewitt , davenport top us open standings ( ap ) , ap - lleyton hewitt and lindsay davenport could earn up to #36 500 , 000 extra at the u . s . open because they finished atop the inaugural us open series standings . -__label__4 , microsoft revamps its plans for longhorn , microsoft is shaking up its plans for the next version of windows to get the software off the drawing board and into pcs by the end of 2006 . -__label__1 , seven killed in kabul bloodshed , at least seven people have been killed in a bomb blast in central kabul - the second deadly explosion in afghanistan over the weekend . -__label__3 , canada , us fail to resolve beef trade dispute , canada and the united states have failed to reach an agreement on resuming us imports of canadian live cattle , local press reported sunday . -__label__2 , angels ' glaus activated from dl ( ap ) , ap - troy glaus was activated from the 60-day disabled list sunday by the anaheim angels and was back in the lineup against the minnesota twins . -__label__2 , ankiel solid in rehab start , unsure about future , more that three years since he threw his last pitch for the st . louis cardinals , ankiel gave up one unearned run and one hit in six innings sunday for triple-a memphis in what could be his final start in the minors . -__label__3 , gop jamboree may give stocks brief lift , new york ( reuters ) - fasten your seatbelts . the republicans are in town . if things go smoothly at the republican national convention , the stock market could get a brief boost this week , experts say . -__label__3 , tokyo stocks flat , focus on data , tokyo ( reuters ) - japanese stocks were flat in mid-morning trade on monday with confidence in the domestic economic outlook failing to offset profit-taking that hit recent gainers such as insurers and real estate stocks . -__label__4 , china launches mapping satellite ( ap ) , ap - china on sunday launched a satellite that will carry out land surveying and other scientific projects for several days and return to earth , government media reported . -__label__3 , federal-mogul may sell turner amp newall assets , independent says , federal-mogul corp . , the bankrupt us engineering company , may sell its uk-based turner amp newall plc after the uk division #39 s independent pension trustee rejected a \$130 million cash offer -__label__1 , gi #39 s in talks with rebels of sadr stronghold in baghdad , the american military met for five hours on sunday with representatives of the rebellious cleric moktada al-sadr in the volatile baghdad shiite neighborhood of sadr -__label__1 , allawi meets militants , pushes amnesty , iraq ' s interim prime minister said that he had held private meetings with representatives of insurgent groups from fallujah , ramadi and samarra to persuade them to accept a government amnesty offer . -__label__2 , el guerrouj , holmes book spots in olympic pantheon , britain #39 s kelly holmes and morocco #39 s hicham el guerrouj earned their places among olympic athletic legends here on saturday as they won their second golds of the games . -__label__2 , beijing gears up for 2008 , although the beijing olympics is still four years away , the chinese capital is already gearing up to host the event . the city of over 12 million is refurbishing ancient landmarks in -__label__2 , warner gets the nod , the first pick in the nfl draft last april will be the first qb off the bench for the giants as eli manning lost the competition for the starting job to veteran kurt warner . -__label__2 , new namath book is fact , not fiction , if you read the recent excerpt of namath in sports illustrated and were put off by the apparent focus on the iconic broadway joe ' s personal life , be comforted in the knowledge that mark kriegel ' s 441-page biography includes plenty of football , too . the book is exhaustively researched and includes telling anecdotes from beaver falls , pa . , to tuscaloosa , ala . , to new york . -__label__2 , mr . chang , strike a pose , halfway around the world , standing virtually in the middle of the pacific ocean , the incomparable timmy chang is just days away from throwing his first pass of the season . from my tattered sofa , i will be watching him . i want you to watch him , too . -__label__2 , roger #39 s ready , roger federer says he #39 s ready to erase the image as being too soft to win in new york . the world #39 s no . 1 player from switzerland has played three us opens and lost in the fourth round each time . -__label__3 , still no beef resolution after latest talks , new york , ( aug . 30 , 2004 ) - cattle farmers and haulers finally looking for a quick end to a 15-month ban on live cattle exports to the us are out of luck after canadian agriculture minister andy mitchell -__label__3 , for now , unwired means unlisted . that may change . , in october , most major cellphone carriers plan to start compiling a publicly accessible listing of wireless phone numbers . -__label__2 , women #39 s basketball team finds special place in chancellor #39 s heart , the medal ceremony had ended . van chancellor had already shed a few tears , but he had held his emotions together through all the hugs and dancing , even through the victory -__label__1 , new pakistan cabinet may be sworn in today , islamabad , a new cabinet in pakistan is likely to be sworn in on monday , two days after finance minister shaukat aziz was made the country #39 s 23rd prime minister . -__label__4 , infocus deploying network access quarantine control , part 2 , this article discusses network access quarantine control in windows server 2003 , which allows administrators to quarantine mobile users and verify their security posture before giving them full access to the network . part 2 of 2 . -__label__3 , scaffold collapse survivors improving , one of the men who survived friday #39 s fatal scaffold collapse is in guarded condition at detroit receiving hospital and the two other survivors were released on sunday , a hospital spokeswoman said . -__label__1 , pollsters refuse to write off australian pm despite lag in polls ( afp ) , afp - opinion polls give australia ' s opposition labor party a big lead over prime minister john howard ' s conservative government as campaigning begins for october 9 elections , but analysts say the real race is still too close to call . -__label__3 , santander accelerates abbey bid , santander says it aims to complete its takeover of uk mortgage lender abbey one month sooner than originally planned . -__label__2 , a blazing start for beijing , greece tried to pass the olympics baton off to beijing on sunday night , but it was a tough job . the chinese are way ahead of the curve already . -__label__2 , wakefield goes deep this time , when it comes to giving up long balls , red sox pitcher tim wakefield has a short memory . just three weeks after he surrendered a club-record six home -__label__2 , hot pursuit , times like these make grown men talk to televisions . quot c ' mon , guys , get the darn out , quot pedro martinez shouted at a big screen in the red sox clubhouse yesterday as he watched the blue jays try to finish off the yankees with two outs and the potential winning run at the plate in the ninth inning in toronto . -__label__3 , on tv -- from the internet , san mateo , calif . -- the promise of internet-based video has long been hamstrung by copyright and piracy worries , slow dial-up connections , technical challenges , and consumer disdain for watching blotchy videos on their home computers . -__label__2 , youngster khan taken to school , the sensation of the olympic boxing tournament learned yesterday that there #39 s no substitute for experience . at least not in the ring . -__label__3 , challenger disappoints with writedown , the kerry packer-backed challenger financial services group has reported its first net loss since incorporating , impacted by a massive writedown of goodwill . -__label__3 , corporate failures hurt pension guaranty group , description a flurry of corporate bankruptcies in the past few years leaves a public agency strapped for cash the pension benefit guaranty corporation . -__label__2 , bellhorn makes plenty of noise big , second baseman mark bellhorn stats , news issued the closing statement in the red sox stats , schedule #39 four-game sweep of the detroit tigers yesterday at fenway park . -__label__3 , intel in new chip breakthrough , intel creates a more powerful memory chip without increasing its size , confounding the firm ' s critics . -__label__1 , going ballistic agni-ii test fired , new delhi indias quest to develop a solid missile defence took a step forward today when it successfully test-fired the surface-to-surface agni-ii missile , which can cover targets in the 2000-2500 kms-range , from the integrated test range ( itr ) at -__label__1 , nigerian troops set off on au peace mission to darfur ( afp ) , afp - a 155-strong company of nigerian infantry flew out of abuja , heading for the war-torn western sudanese region of darfur to join an african union force protecting ceasefire monitors . -__label__3 , update sons of gwalia in administration on hedging debt , perth ( dow jones ) --sons of gwalia ltd . ( sgw . au ) , australia #39 s second-biggest gold producer , has fallen into administration over aa\$348 million hedge book liability . -__label__1 , carnival crowds likely to top 1m , as the notting hill carnival enters its final day , police say they are pleased with how it has gone so far . about 250 , 000 people took to the streets on sunday - more than double the first day last year - to celebrate 40 years of the west london event . -__label__1 , typhoon chaba kills four in japan , powerful typhoon chaba has plowed into southern japan , sweeping at least four people to their deaths and injuring more than 30 as it knocked out power to thousands . -__label__1 , vietnam marks independence with pardons for prisoners , hanoi ( reuters ) - vietnam has released nearly 9 , 000 prisoners , including 10 inmates whose cases it says had drawn international attention , as part of traditional pardons granted ahead of independence celebrations on september 2 . -__label__3 , mining concern names outside managers , sydney sons of gwalia , the world #39 s leading supplier of tantalum , appointed outside managers on monday after failing to reach agreement with creditors . -__label__3 , minister lee says uncertainty deepens economic lethargy , deputy prime minister and finance-economy minister lee hun-jai said monday the nation #39 s current economic lethargy is due to unsubstantiated uncertainty #39 #39 about the future , which in turn weakens the confidence of market players . -__label__2 , robson #39 massively disappointed #39 at newcastle exit , departing newcastle boss sir bobby robson has spoken of his regret at not being able to complete his mission after being relieved of his duties today . -__label__3 , atlas copco to sell electric tool business , swedish engineering company atlas copco said monday it will sell its electric tool business to hong kong-based techtronic industries co . -__label__1 , sadr aide tells iraq militia to cease fire -tv , a top aide to iraq #39 s rebel shi #39 ite leader muqtada al-sadr monday called on the mehdi army militia to cease fire across iraq and said sadr was preparing to announce plans for a major political program . -__label__4 , 96 processors under your desktop , roland piquepaille writes quot a small santa clara-based company , orion multisystems , today unveils a new concept in computing , #39 cluster workstations . -__label__2 , defrocked priest gets suspended sentence for marathon attack , a defrocked irish priest who attacked the leader during yesterdays olympic marathon was given a one year suspended sentence in athens today . -__label__3 , update sinopec 1h pft up 51 to raise refining capacity , hong kong ( dow jones ) --china petroleum amp chemical corp . ( snp ) , the country #39 s second-largest oil and gas producer , monday reported a 51 jump in first-half earnings and said it plans to boost its refining capacity by about one-fifth over three years . -__label__3 , rebound in us consumer spending , us consumer spending rebounded in july , a sign the economy may be emerging from an early summer decline . consumer spending rose 0 . 8 last month , boosted by car and retail sales . -__label__1 , israeli held meetings with u . s . analyst ( ap ) , ap - a senior israeli diplomat in washington has met with a pentagon analyst being investigated by the fbi on suspicion he passed classified information to israel , israeli officials confirmed monday . -__label__3 , regional house price declines possible , washington ( reuters ) - u . s . housing industry economists on monday cautioned that rapid house price gains in some areas of the country may not be sustainable . -__label__4 , intel shrinks transistor size by 30 , pinkuzi writes quot intel will announce that it has crammed 500 million transistors on to a single memory chip , shrinking them in size by 30 . -__label__3 , us airways up on labor talks , us airways #39 ( uair nasdaq - news - research ) shares jumped almost 20 on news that management and pilots were back at the table , trying to hammer out an agreement on work concessions to save the company . -__label__4 , bryant makes first appearance at trial ( ap ) , ap - nba star kobe bryant arrived at his sexual assault trial monday as attorneys in the case who spent the weekend poring over questionnaires prepared to question potential jurors individually . -__label__2 , language of goals what counts for tongue-tied ronnie and michael , england striker michael owen said his lack of spanish and ronaldo #39 s lack of english did not hinder celebrations of the brazilian #39 s matchwinner for real madrid in sunday #39 s 1-0 win at mallorca . -__label__3 , oil drops below \$42 a barrel , new york ( reuters ) - u . s . oil prices fell more than \$1 on monday on continued profit-taking as producer-group opec eyed increases in the coming months in its tight spare capacity , countering worries over stumbling iraqi oil exports . -__label__1 , al-sadr calls on militia to stop fighting , baghdad , iraq - rebel shiite cleric muqtada al-sadr called for his followers across iraq to end fighting against u . s . and iraqi forces and is planning to join the political process in the coming days , an al-sadr aide said monday . . . -__label__3 , regional home price drop possible , washington ( reuters ) - u . s . housing industry economists on monday cautioned that rapid house price gains in some areas of the country may not be sustainable . -__label__2 , man u . and everton play to scoreless draw , manchester , england ( sports network ) - manchester united #39 s struggle continued on monday when they failed to score in a 0-0 tie with everton at old trafford . -__label__1 , gop sharpens attacks as convention opens , new york ( ap ) -- sen . john mccain said monday it was fair game to criticize democrat john kerry ' s anti-war protests three decades ago , firing an opening salvo as republicans at their national convention sought to portray president bush as a strong wartime leader . -__label__1 , 11 dead in a car bomb in kabul , kabul ( masnet amp news agencies ) - at least eleven people , including two us citizens , were killed when a truck bomb exploded in downtown kabul in the second deadly blast to strike afghanistan over the weekend . -__label__4 , microsoft spends 1bn to keep out the hackers , the growing threat of hackers and viruses has prompted microsoft to roll out a billion- dollar upgrade of its windows computer operating system to strengthen security . -__label__4 , juniper takes security to endpoints , juniper networks ( quote , chart ) has launched a new initiative designed to improve interoperability of popular third-party antivirus and firewall measures with its own secure socket layer ( define ) virtual private network ( define ) appliances . -__label__3 , stocks dip on consumer income report news ( ap ) , ap - an unsettling report on consumer incomes set off a spate of profit-taking on wall street monday as investors worried that a tepid economy would erode companies ' third-quarter earnings . another drop in oil prices failed to shake the gloom from the market . -__label__3 , sec probes united rentals , shares drop , chicago ( reuters ) - u . s . securities regulators are investigating united rentals inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=uri . n target=/stocks/quickinfo/fullquote> uri . n< /a> and have subpoenaed some accounting records , the company said on monday , sending its shares down 21 . 5 percent . -__label__1 , new chechen leader vows peace , poll criticized , grozny , russia ( reuters ) - chechnya ' s new leader vowed on monday to rebuild the shattered region and crush extremists , after winning an election condemned by rights groups as a stage-managed show and by washington as seriously flawed . -__label__1 , africa takes tough stand on coups , the arrest of margaret thatcher ' s son last week is the latest example of a crackdown on overthrows . -__label__1 , generals may pay a price for iraq abuse , washington - the abu ghraib prisoner abuse scandal could effectively end the careers of four army generals who are linked indirectly to the misconduct but face no criminal charges . the four are singled out for varying degrees of criticism - mixed with instances of praise - in two comprehensive investigative reports released last week . . . -__label__4 , survey it spending to grow modestly next year , cio confidence is up in third quarter , according to forrester poll . -__label__4 , coming to a tv near you ads for desktop linux , linspire ceo points out that recent tv ads serve as indication of acceptance in mainstream populace . -__label__2 , football rae knee scan has mcleish in a sweat , alex rae was in hospital yesterday for a scan on his injured knee after playing through the pain barrier in sunday #39 s old firm clash . -__label__1 , iraqi oil exports slump report , near daily attacks on pipelines and pumping stations had pushed down iraq #39 s oil exports to their lowest point in nearly a year , britain #39 s financial times newspaper reported today . -__label__3 , australia #39 s seven fy net jumps 59 to a\$93 . 3m -2- , sydney ( dow jones ) --australian television broadcaster seven network ltd . ( sev ) said tuesday net profit jumped 59 to a\$93 . 3 million for the fiscal year ended june 26 , boosted by profit proceeds from the sell down of its stake in b digital . -__label__3 , parts pinch shuts down ford plant , workers at the ford plant in hapeville are getting a second unexpected day off during the dog days of summer . the company has stopped assembly-line production at the plant today because of a continued parts shortage , a ford official said . -__label__4 , orion debuts cluster workstation , orion multisystems , a new company founded by former transmeta ( quote , chart ) executives , debuted a family of workstations monday that think and act like a cluster of servers . -__label__4 , at amp t embraces voice-over-internet telephony , at amp t is attracted to voice over ip because internet telephony is cheaper to offer to businesses and consumers and requires less upfront investment than the old copper wire and traditional switching networks . -__label__2 , off-day would have been welcomed by sox , after another disappointing road trip - the white sox were 3-4 on a swing through detroit and cleveland - a day off sure would look enticing . -__label__3 , maker of twinkies delays filing annual report , hires turnaround < b> . . . < /b> , kansas city , mo . , aug . 30 -- twinkie maker interstate bakeries corp . on monday delayed filing its annual report for the second time , a move that dragged shares lower by more than 42 percent on speculation about the company #39 s ongoing viability . -__label__1 , mnd confirms china pulling troops from drill , the ministry of defense confirmed yesterday that china #39 s military had withdrawn most of its troops from dongshan island where it was to hold an annual war game , but would not say if the action indicated beijing was calling off the maneuvers that simulate -__label__1 , a better solution for israel , the hysterical tone of daniel seidemann #39 s plea to the next us administration to save israel from itself serves no useful purpose op-ed , aug . 26 . -__label__2 , braves rally to defeat giants 7-6 ( ap ) , ap - even with a big lead in the nl east , the atlanta braves aren ' t taking anything for granted . -__label__2 , bryant jury selection behind closed doors ( ap ) , ap - prospective jurors in the kobe bryant rape case were asked their feelings on racial prejudice , interracial relationships , marital infidelity and justice for the rich and famous in an 82-item questionnaire released monday . -__label__4 , it seeing steady but slow growth forrester projects 7 percent < b> . . . < /b> , tech companies waiting for a big resurgence in spending on computer hardware , software , networks and staff better plan to wait about four more years , forrester research projected yesterday . -__label__1 , japan should outsource more , the japanese information services industry clocked up sales of 13 , 703 . 9 billion yen in fiscal 2001 , according to a report on selected service industries for 2001 released by the ministry of economy , trade and industry ( meti ) . -__label__2 , white sox edge phillies , joe borchard wows the crowd with the longest homer in the 14-year history of u . s . cellular field as the white sox edge the phillies 9-8 . -__label__4 , another voice sugary drinks bad for you , many studies have linked the consumption of nondiet soda and fruit juices with added sugars to obesity and attendant risks of diabetes . -__label__2 , testaverde accepts parcells #39 nomination , who would have thought that the dallas cowboys #39 offense would be the least of coach bill parcells problems ? after cutting their starting quarterback in training camp , signing a controversial -__label__4 , australia police to trap cyberspace pedophiles ( reuters ) , reuters - australian police acting as part of an\international cyber cop network will be able to trap\pedophiles who use the internet to groom or lure children for\sex , under new laws passed by parliament on tuesday . -__label__2 , marlins keep pace in wild-card race , the mets #39 objective , fred wilpon said last winter and into the spring , was to play meaningful games late into the season . the owner was confident his revamped team could compete for first place -__label__1 , milosevic opens his defense case , starting second half of his < b> . . . < /b> , former yugoslav president slobodan milosevic opened his long-delayed defense at the yugoslav war crimes tribunal tuesday , describing the battles of his serbian people as self defense against internal rebellions and external attacks by islamic warriors . -__label__2 , injury brings brown down , troy brown didn ' t play any defense against carolina in saturday night ' s exhibition game . thing is , he didn ' t play much offense or special teams , either . -__label__3 , starting today , funds ' stances on proxies are matter of record , every year , public companies put a number of questions before their stockholders for a vote . investors weigh in on whether to reelect company directors , reappoint auditors , and approve or kill plans to give big stock option packages to senior executives . -__label__4 , hall of shame hall of fame , we spotlight people and products that pester us . . . and the heroes saving us from annoyances . -__label__2 , athens coverage a winner for nbc , nbc and its family of cable networks flooded american households with nearly nonstop coverage of the athens olympics , and the strategy - along with strong performances by the us teams in swimming and gymnastics -roduced not only a ratings increase -__label__3 , alitalia union may accept job cuts , a top italian labor leader says his union could consider job cuts at alitalia to prevent the airline #39 s collapse , as workers at the flag carrier clamored for details of its cost-cutting rescue plan . -__label__4 , fcc asks high court to rule on broadband ( usatoday . com ) , usatoday . com - the federal government is challenging an appeals court ruling that , officials fear , would stifle the expansion of cable broadband services by burdening the providers with new regulations . -__label__3 , ubs pays 265 million dollars for schwab capital markets business ( afp ) , afp - swiss banking group ubs said that it had paid 265 million dollars ( 219 million euros ) to buy soundview , the capital markets division of online broker charles schwab to strengthen its position on the us nasdaq market . -__label__4 , longhorn announcements barely a blimp on it radar , while developers are naturally curious over tweaks to the longhorn road map , many it administrators barely take notice . enterprise it customers typically lag at least -__label__4 , novell reshuffles biz for linux focus , novell is reorganising its business to focus on two key areas - linux and identity management . the networking software firm #39 s nterprise and linux operations will be folded into a platform and application services group crn reports . -__label__1 , british minister to visit north korea in september , the british government has announced plans to send a top foreign office representative to north korea in september . junior minister for east asia bill rammell will become the first british minister to visit -__label__2 , broncos running back out for entire season ( ap ) , ap - denver broncos running back mike anderson will miss the entire season because of a groin injury sustained last weekend in an exhibition game against houston . -__label__4 , apple unveils super thin imac in paris ( afp ) , afp - apple computers launched the newest version of its imac model , which at two inches thick , is the world ' s thinnest desktop computer , the company said . -__label__1 , conditions worsen in darfur , u . n . agencies say ( reuters ) , reuters - conditions for 1 . 2 million sudanese\displaced in darfur continue to worsen amid violent attacks , \spreading disease , and heavy rains which wreak havoc with aid\convoys , united nations agencies said on tuesday . -__label__1 , australian employee of canadian oil company reportedly abducted in yemen ( canadian press ) , canadian press - canberra , australia ( ap ) - diplomats investigated tuesday a report that an australian oil engineer had been abducted in yemen by armed tribesmen , but a conflicting report from yemen said there was no kidnapping . -__label__3 , eu , japan win wto approval to impose duties on us ( update2 ) , the european union , japan and brazil won world trade organization backing to impose tariffs on us imports after congress failed to end illegal corporate subsidies worth \$850 million since 2001 . -__label__3 , study ceos rewarded for outsourcing , new york ( cnn/money ) - the ceos of the top 50 us companies that sent service jobs overseas pulled down far more pay than their counterparts at other large companies last year , a study said tuesday . -__label__3 , hartford sees \$91 mln in charley losses , new york ( reuters ) - hartford financial services group inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hig . n target=/stocks/quickinfo/fullquote> hig . n< /a> on tuesday became the latest insurer to issue a profit warning tied to hurricane charley , the strongest storm to hit florida in a dozen years . -__label__2 , roundup illini men rise to top of ap poll , win game , there was little celebrating when illinois men #39 s players found out they were ranked no . 1 in the nation yesterday afternoon . there was a game to play at night . -__label__1 , maddux wins no . 302 , baker wins no . 1 , 000 , greg maddux pitched the chicago cubs into the lead in the nl wild-card race and gave dusty baker a win to remember . maddux threw seven shutout innings for his 302nd career win , baker got his 1 , 000th victory as a manager and chicago beat the montreal expos 5-2 on monday night . . . -__label__4 , apple ' s new imac computer is all display , paris ( reuters ) - apple computer unveiled , after a two-month delay , its new imac desktop computer on tuesday which integrates disk drives and processors into a flat display less than two inches thick . -__label__4 , new imac packs computer into flat screen , paris apple computer engineered another design coup on tuesday , unveiling a new imac here that incorporates all of the personal computer #39 s innards into a flat-panel screen that balances on an aluminum stand . -__label__3 , update 3-albertsons hit by california strike shares fall , albertsons inc . ( abs . n quote , profile , research ) , the no . 2 us grocer , on tuesday reported a substantial drop in its quarterly profit as heavy promotions -__label__4 , samsung readies philips #39 near-field communications for cellphones , manhasset , ny - philips electronics and samsung electronics have entered into a deal that will enable samsung to deploy cellular devices using philips #39 near-field communications chip and technology . -__label__1 , putin says plane crashes involved terrorists linked to al-qaeda , russian president vladimir putin today said the explosions that brought down two airliners in russia a week ago were the work of terrorists linked to the al- qaeda terrorist network . -__label__1 , hurricane frances nears ne caribbean ( ap ) , ap - hurricane frances strengthened as it churned near islands of the northeastern caribbean with ferocious winds expected to graze puerto rico on tuesday before the storm plows on toward the bahamas and the southeastern united states . -__label__2 , kansas city royals team report - august 31 , ( sports network ) - the kansas city royals try to get back on the winning track this evening when they continue their three-game series with the detroit tigers at kauffman stadium . -__label__2 , montreal expos team report - august 31 , ( sports network ) - the montreal expos were handed a setback in monday #39 s opener at olympic stadium . greg maddux threw seven shutout innings and went 2-for-3 with an rbi at the plate to lead the cubs to a 5-2 victory . -__label__4 , japanese electronics giants in lcd joint venture , hitachi , toshiba and matsushita electric have formed a joint venture to manufacture large liquid-crystal displays for flat-screen televisions , escalating competition for a piece of the digital living room . -__label__4 , microsoft to delay advanced search technology from longhorn , microsoft said friday that it is delaying the release of a new data-storage technology , named winfs , from the next version of windows , code-named longhorn , in order to deliver the operating system by 2006 . -__label__1 , darfur conditions worsen , rebels struggle to make headway in talks aiming to ease the conflict in the darfur region . sanctions on sudan , by saying moscow opposed sanctions . -__label__4 , beyond solar system , planets that look familiar , the universe looked a little more familiar and friendlier on tuesday . the roll call of planets beyond the solar system swelled significantly with the announcement of a trio of newly discovered worlds much -__label__3 , credit suisse to combine us unit , credit suisse group , switzerland #39 s second-largest bank , said tuesday it will combine its us-based credit suisse first boston investment unit with its retail and private banking business within two years . -__label__4 , spammers use sender authentication too , study says , the technology hasn ' t been widely adopted , but spammers are taking it up at a faster rate than legitimate e-mailers . -__label__4 , safeguard offers easy hard-drive protection , upgraded version of this encryption app adds plenty of tools for networked users . -__label__2 , francis nixes hurricanes ' front office job ( ap ) , ap - ron francis turned down a front-office job with the carolina hurricanes and is still deciding whether he wants to continue his playing career . -__label__2 , disgraced greek sprinters drug tested by wada , athens ( reuters ) - greek sprinters costas kenteris and katerina thanou have been dope tested by doctors from the world anti-doping agency , an official said tuesday . -__label__4 , skype telephony now available for the mac , skype for windows , skype for pocket pc and skype for linux -- skype for mac os x is free . skype users can control their online presence and -__label__1 , killings shock , humiliate nepalese , protesters in kathmandu have expressed disbelief and frustration after learning of the deaths of 12 nepalese hostages in iraq . nepal #39 s ambassador to qatar , somananda suman , confirmed -__label__1 , gaddafi to compensate libyan jews for lost homes ( reuters ) , reuters - libyan leader muammar gaddafi , easing\his country ' s way back into the international fold , on tuesday\became the first arab leader to promise compensation for jews\who were forced from their homes due to religious tension . -__label__4 , microsoft to ship longhorn in 2006 without winfs , microsoft will ship its next windows client code-named longhorn in 2006 as originally promised -- but without the next-generation file system known as winfs . -__label__4 , veritas keeps reaching into its wallet , by acquiring kvault , which makes e-mail-archiving software , it aims to erode emc #39 s lead and rebuild investors #39 confidence . -__label__2 , nl wrap edmonds double strike lifts cards over padres , new york ( reuters ) - jim edmonds belted two solo homers to lead the host st louis cardinals to an easy 9-3 win over the san diego padres in national league action at busch stadium tuesday . -__label__3 , a year of charges , reforms for funds , new york -- just a year ago this week , new york attorney general eliot l . spitzer shook the financial services industry -- and investor confidence -- by revealing that four big-name mutual fund companies had cut secret deals allowing a new jersey hedge fund to profit from short-term trading at the expense of ordinary investors . -__label__1 , moscow rail station evacuated on bomb threat , interfax says , moscow police are conducting a partial evacuation at the kursk railway station in central moscow as they search for explosives after receiving an anonymous phone call from a man threatening -__label__1 , iraq #39 s chalabi escapes attempt on his life , gunmen opened fire wednesday on a convoy carrying former iraqi governing council member ahmad chalabi in an apparent assassination attempt that wounded two of his bodyguards , chalabi #39 s spokesman said . -__label__4 , blu-ray group mandates microsoft codec for bd-rom , the blu-ray disc association ( brda ) has selected microsoft #39 s vc-9 video codec for future bd-rom content , the organisation said today . -__label__2 , mariners riding the ichiro wave , ichiro suzuki singled three times last night to etch out a spot in history and to send the toronto blue jays a little deeper into oblivion . -__label__2 , wharf marks debut with wickets , in-form alex wharf made an impressive start to his international career this morning with wickets in his first two overs against india at trent bridge . -__label__2 , roddick blisters junior champ , by the time his match with andy roddick was over , jenkins had felt the full fury of roddick #39 s jet blast . roddick had nailed a 152-mph serve at him , the fastest serve in open history and one -__label__4 , amd dual-core demo pips intel , ibm , amd has demonstrated the company #39 s first dual-core microprocessors . dual-core processors offer improved performance over single-core chips , especially in multithreaded applications . -__label__1 , gunmen ambush chalabi #39 s convoy , wound 2 , baghdad - gunmen ambushed the convoy of former iraqi governing council president ahmed chalabi on wednesday , wounding two of his bodyguards , aides said . -__label__3 , albertsons #39 2q profit falls 36 percent , persistent economic sluggishness and continued fallout from the southern california labor dispute slashed second quarter profits 36 percent for albertsons inc . -__label__3 , problem device bypassed trials , the catheter that triggered three safety recalls by boston scientific corp . of its best-selling taxus coronary stent after being linked to three deaths and 47 injuries had not been subjected to the rigors of a human clinical trial , fda records show . -__label__4 , crm vendor entellium adopts open-source strategy ( techweb ) , techweb - availability of entellium ' s code could speed development of industry-specific crm products . -__label__1 , suicide bomber kills at least 10 in moscow , moscow -- a woman strapped with explosives blew herself up outside a busy moscow subway station yesterday night , killing at least 10 people and wounding more than 50 in the second terrorist attack to hit russia in a week . -__label__4 , old rumors of gay sex prove powerful on web , va . gop members chose del . thelma drake ( norfolk ) to replace rep . edward l . schrock after he resigned amidst allegations schrock indulged in or solicited gay sex . -__label__4 , monster mashes attract masses , kaiju big battel -- a multimedia event in which costumed combatants spew toxic ooze on audience members -- is growing in popularity . there are already dedicated websites and a dvd series . coming next a book and tv pilot . by xeni jardin . -__label__3 , scottish amp southern wraps up a 3bn deal over distribution < b> . . . < /b> , scottish amp southern energy yesterday called time on its 18-month acquisition spree after confirming a 3 . 1 billion swoop for two gas distribution networks . -__label__2 , manchester united the only team for me , says rooney , teenage striker wayne rooney says manchester united were the only team he wanted to join once they he knew the club were interested in him . -__label__2 , three jockeys , one trainer arrested , london -- british police arrested 16 people , including three jockeys and a trainer , wednesday as part of a major crackdown on corruption in horse racing . -__label__4 , ooh la la , apple unveils new imac ( siliconvalley . com ) , siliconvalley . com - attempting to capitalize on ipod mania , apple computer tuesday unveiled a fast new version of the imac that it all but touted as a smart accessory for the sexy music players . -__label__3 , verizon , bain near canada directory deal , new york ( reuters ) - verizon communications inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=vz . n target=/stocks/quickinfo/fullquote> vz . n< /a> is near an agreement to sell its canadian telephone directory business to private equity firm bain capital , the new york post said on wednesday . -__label__4 , china ' s lenovo in talks with ' major it firm ' for acquisition ( afp ) , afp - china ' s largest manufacturer of personal computers lenovo group said it is in negotiations with a major information technology company , believed to be us-based ibm . -__label__3 , research alert-first albany ups supergen to quot buy quot on drug deal , first albany capital on wednesday raised supergen inc . #39 s ( supg . o quote , profile , research ) stock rating to quot buy quot from quot neutral , quot following its cancer-drug deal with mgi pharma inc . -__label__4 , alien contact more likely by quot mail quot than radio , study says , researchers behind the study speculate that other life-forms may have already sent us messages , perhaps even as organic material embedded in asteroids that have struck earth . -__label__4 , oracle moves to monthly patch schedule , an alert posted on the company #39 s web site outlined the patches that should be posted to fix numerous security holes in a number of applications . -__label__4 , internet explorer wins the battle , there #39 s a remarkable graph on google #39 s zeitgeist site showing the meteoric rise of microsoft internet explorer 6 use and equally catastrophic decline of all other competing browsers . -__label__2 , compete against your friends , si experts and celebrities in this < b> . . . < /b> , owings mills , maryland ( ticker ) -- quot prime time quot has decided this is the right time to return to the nfl . deion sanders , regarded as perhaps the most electrifying cornerback in league history , arrived here -__label__1 , paris tourists search for key to ' da vinci code ' ( reuters ) , reuters - a funny thing happened on the way to the\mona lisa . visitors to the louvre museum in paris , home of the\world ' s most famous painting , started quizzing tour guides\about dan brown ' s best-selling novel the da vinci code . -__label__3 , u . s . factory growth eases , new york ( reuters ) - expansion in the u . s . factory sector slowed in august as higher costs for energy and raw materials squeezed manufacturers , a report showed on wednesday , but analysts said growth remained relatively robust . -__label__4 , china reports births of two giant pandas ( ap ) , ap - for pandas , it ' s practically a baby boom . two giant pandas were born this week , and mothers and cubs were doing fine , the official xinhua news agency reported wednesday . -__label__2 , d #39 urso suspended by fa , the football association has handed referee andy d #39 urso a 28-day suspension following his failure to give barry ferguson his marching orders against southampton on august 21 . -__label__1 , israel seals off gaza strip , the israeli army sealed off gaza strip wednesday by shutting down erez crossing and the industrial zone and prevented palestinians from leaving . -__label__4 , need for carbon sink technologies , climate scientists tell a conference that greater efforts should be made to pull co2 from the atmosphere . -__label__3 , share-deal ban signals mgm deal , movie studio metro-goldwyn meyer has reportedly banned some of its staff from buying or selling its shares , stoking speculation that a multibillion-dollar takeover of the group could be days away , with time warner the favoured candidate . -__label__4 , dell debuts color laser printers , three new models are designed for businesses and home office users . -__label__3 , crude oil prices soar on drop in us oil inventories , crude oil futures surged wednesday as the us energy department reported us oil supplies fell more than expected . crude oil for october delivery rose 1 . 68 dollars to 43 . -__label__4 , taiwan #39 s acer picks a european as president , taipei acer , the taiwan computer company , named gianfranco lanci of italy as its president on wednesday , an appointment that signals the company #39 s ambitions to expand its global market share . -__label__4 , companies moving cautiously on microsoft #39 s sp2 update , quot whether companies roll out windows xp immediately or replace their older operating systems with windows xp when purchasing new pcs , companies now have to ensure xp sp2 compliancy by determining -__label__1 , milosevic startled no applause , it was to have been slobodan milosevic #39 s day of dignity , the day on which the former serbian leader would , with certain drama , lay out his defense strategy in his trial -__label__3 , google shares down ahead of first lockup expiry , shares in newly public google inc . fell 2 percent on wednesday as investors braced for the expiration of a lockup period that has kept insiders at the web search company from selling stock . -__label__3 , philip morris , plaintiffs fighting again , springfield , ill . philip morris and lawyers who won a ten- ( b ) billion-dollar judgment against the company are fighting again . the cigarette maker on monday asked the illinois supreme court to disqualify a chicago -__label__4 , aether declines higher bid for unit ( washingtonpost . com ) , washingtonpost . com - aether systems inc . , a maryland wireless data company that is selling off its operating units , said yesterday it received a #36 30 million offer for a division it had already agreed to sell to another buyer for #36 25 million . -__label__4 , scientists to study dairy going organic ( ap ) , ap - cornell researchers will watch five upstate new york dairy herds to learn about the problems and challenges of converting from conventional to organic farming . -__label__1 , 29 escapees from north seek refuge at school in beijing , beijing -- twenty-nine people believed to be north korean entered the japanese school in beijing on wednesday morning to seek asylum in a country other than china , according to foreign ministry officials in tokyo . -__label__2 , orioles 8 , devil rays 0 , javy lopez drove in four runs , daniel cabrera became the first rookie to win 10 games this season , and the baltimore orioles held the tampa bay devil rays to two hits in an 8-0 victory . -__label__4 , europeans eat less of dangerous fatty foods , by paul geitner brussels , belgium ( ap ) -- europeans eat less of the most dangerous , cholesterol-raising fats than americans do and the amount is decreasing , according to a report released wednesday by the european food safety authority . scientists at the european food safety authority declined to say whether the eu should follow the united states ' lead and require special labels on margarine , chips , cookies , fries and other potential sources of trans fatty acids . . . -__label__3 , samsung says it will expand chip factories , the samsung electronics company , the korean electronics giant , said monday that it would invest \$23 . 7 billion in new chip production lines over the next six years . -__label__4 , sap software exposes shipper ' s financial errors , the installation of sap financial software at a major london-based container transport firm exposed flaws in the company ' s accounting systems and processes , forcing it to restate its earnings . -__label__4 , verisign sues icann in state court , verisign is asking a california court to order the internet corporation for assigned names and numbers to butt out of its business . -__label__1 , mexican columnist murdered , a prominent mexican journalist known for his reports on organised crime is killed on the us border . -__label__2 , o ' s stuff devil rays , javy lopez drives in four runs , daniel cabrera becomes the first rookie to win 10 games this season , and the orioles hold tampa bay to two hits in an 8-0 victory wednesday night . -__label__1 , republican convention dogged by relentless protests ( reuters ) , reuters - five thousand people protesting high\job losses formed a 3 mile unemployment line in manhattan on\wednesday and aids activists disrupted a republican meeting on\the third day of the party ' s convention to nominate the\president to a second term in office . -__label__4 , make hotels just like home , hotel operators , take note todays hotel guests are making a nonsense of room-pricing strategies with their aggressive , internet-aided discount-hunting . -__label__4 , strong hurricane roars over bahamas toward florida ( reuters ) , reuters - hurricane frances battered the\southeastern bahamas islands with 140 mph winds on wednesday as\it roared toward the united states and put millions of people\on alert along florida ' s heavily populated east coast . -__label__3 , update 8 ford , gm set production cuts on sales drop , another disappointing sales month at general motors corp . and ford motor co . led the nation #39 s two largest automakers to cut planned vehicle production in the fourth quarter , which could hurt profits . -__label__4 , apple unwraps new imac g5s , paris -- apple computer will begin shipping its new imac g5 desktop computer worldwide in mid-september , the company #39 s top marketing executive says . -__label__4 , sneaky sharing ( pc world ) , pc world - despite well-publicized wins by piracy foes , illegal digital music and movie trading continues to flourish in underground havens . -__label__1 , hague court imposes defense counsel on milosevic , the hague ( reuters ) - judges at the hague tribunal on thursday imposed a defense counsel on former yugoslav president slobodan milosevic to avoid further delays in his war crimes trial . -__label__2 , it #39 s got to be cole on the left , football365 #39 s top pundit looks ahead to england #39 s international double-header and calls for joe cole to be given the nod on the left . . . of the three left-sided options available to sven-goran eriksson on saturday , i would personally go for joe cole . -__label__1 , court imposes lawyer on milosevic , the un tribunal in the hague says it will impose a defence lawyer on former yugoslav leader slobodan milosevic . -__label__3 , not a big hit everywhere , bill ryan is spending the last days of the summer traveling across canada and the united states to pitch big shareholders on the complicated plan to sell 51 percent of his banknorth group inc . to toronto-dominion bank . -__label__3 , software service aims to outfox caller id , a new computerized service enables customers to create phony outbound phone numbers in order to mask their telephone identities . -__label__1 , as french school year begins , iraq crisis tests head scarf ban , paris -- school doors open for 12 million french children today , but there is far more at stake this year than back-to-school jitters . -__label__1 , 12 nations agree to locust battle plan , dakar , senegal -- residents burned tires and children took to the streets with sticks in senegal ' s capital yesterday to fight an invasion of locusts , as 12 west african nations agreed on a battle plan . -__label__2 , he ' s caught up in hurricane , there was the \$5 million deutsche bank championship to prepare for and the ryder cup is a few weeks away , but the first order of business for jim furyk yesterday was to make sure his wife and children were headed for safety . -__label__2 , a serving of football efl style , can ' t wait to see the super bowl champion new england patriots look to continue their 15-game winning streak when they host the indianapolis colts next thursday ? gridiron junkies will whet their appetite tomorrow at 7 p . m . at battis field in middleborough , where the middleboro cobras and brockton buccaneers will tangle for eastern football league supremacy . -__label__2 , locals lift irish squad in europe tourney , tim brett and matt shinney are lacrosse aficionados and fervent players . brett , 27 , who is a manager at a hotel in charlestown , and shinney , 23 , a student at bridgewater state college , are self-described lacrosse quot weekend warriors . quot -__label__4 , phone fight against home violence , a campaign begins to collect old mobile phones and convert them into alarms for women who are attacked in the home . -__label__1 , israeli forces raid gaza refugee camp , israeli forces destroyed two five-story apartment buildings in a gaza refugee camp early thursday after evacuating thousands of palestinians from a neighborhood , said residents and the military . -__label__4 , napster offers music to go , this service leverages new windows media 10 technologies to enable napster subscribers to download music to portable devices , a technology called janus . -__label__2 , casagrande and golbano out of vuelta , italy #39 s francesco casagrande and carlos golbano of spain have been declared unfit to start the tour of spain following pre-race blood tests . -__label__1 , japanese prime minister inspects four northern islands under < b> . . . < /b> , on september 2 , japanese prime minister junichiro koizumi ( right ) inspects four northern islands that are under territorial dispute with russia . -__label__3 , red hat replaces cfo , red hat on thursday named charles peters jr . as executive vice president and chief financial officer . peters replaces kevin thompson , who unexpectedly announced his resignation in june , a few days before the -__label__3 , federated sales decline in august , a slow august snapped an eight-month winning streak for federated department stores inc . , which reported its first drop in sales since november . -__label__1 , french students face new head scarf ban , paris - millions of french students returned to school thursday as a new law that bans islamic head scarves from classrooms went into effect amid demands by islamic radicals holding two french hostages in iraq that the law be scrapped . muslim leaders in france , who had largely opposed the law , urged calm for the return to class . . . -__label__1 , scotch whisky eyes asian and eastern european markets ( afp ) , afp - a favourite tipple among connoisseurs the world over , whisky is treated with almost religious reverence on the hebridean island of islay , home to seven of scotland ' s single malt distilleries . -__label__4 , mobile phone sales hit second-quarter record gartner ( afp ) , afp - global sales of mobile telephones hit a record 156 million in the second quarter , a study published by the us research group gartner showed . -__label__4 , british bug splat survey springs surprise ( reuters ) , reuters - the results of one of the stranger\environmental surveys to be conducted in britain are in -- and\there ' s a surprise . -__label__3 , specialty retail tales , not every specialty retailer is cut from the same mold -- some are just moldy . -__label__2 , smith setback for windies , west indies have been forced to make a second change to their champions trophy squad because of injury . dwayne smith is suffering from a shoulder problem and has been replaced by ryan hinds . -__label__4 , orange tells customers to talk now , european carrier orange is rolling out its own push to talk service ahead of efforts to create a standardized ptt system . european mobile carrier orange has announced -__label__4 , microsoft ' s tune like many others , cue the music microsoft has officially thrown its headphones into the ring in the contest to bring legal music downloads to the masses . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__4 , rnc protesters using text messages to plan , multiple reports of provocateurs setting trash fires in midtown , read one text message sent to 400-plus mobile phones this week through a service called ruckus rnc 2004 text alerts . -__label__4 , red hat replaces cfo , charles peters jr . is taking over as the company deals with the aftereffects of restating its earnings for the past three fiscal years . -__label__4 , appeals court faults oracle in shareholder suit , judges send case back to lower court to sort out allegations of improper bookkeeping and suspicious stock sales . -__label__4 , microsoft japan to give away over one million xp sp2 cds , tokyo -- microsoft corp . ' s japanese arm will begin giving away more than a million cd-roms of the company ' s latest security update , windows xp service pack 2 ( sp2 ) from 27 , 500 locations during september and october , the company said on thursday . -__label__4 , sun to enter content switch market , sun microsystems inc . plans later this month to unveil its first ever content switch a load-balancing and ssl ( secure sockets layer ) acceleration switch based on the nauticus n2000 products that the santa clara , california , company acquired in january of this year . -__label__3 , us airways shares up on possible pilots pact , shares of us airways group inc . rose more than 9 thursday morning after the airline #39 s pilots union said it may agree on a plan to cut wages and benefits . -__label__4 , microsoft to make foray into online music ( siliconvalley . com ) , siliconvalley . com - microsoft makes its long-anticipated entry into the online music market today , marking the first serious challenge to apple computer ' s popular itunes service . -__label__4 , leapfrog ' s greener pastures ( the motley fool ) , the motley fool - if you ' ve ever had the entrepreneurial bug dig its teeth into you , odds are that you might take heart anytime a company ' s founder steps down and moves on . granted , sometimes you have instances like gateway ' s ( nyse gtw - news ) ted waitt and apple ' s ( nasdaq aapl - news ) steve jobs in which the originators come back to lead their companies , but that ' s rarely the case . -__label__1 , davenport advances at u . s . open , new york - lindsay davenport ' s summer of success stayed on course thursday when the fifth-seeded former u . s . open champion defeated arantxa parra santonja 6-4 , 6-2 and advanced to the third round of the season ' s final grand slam event . . . -__label__2 , media speculate on successor as england coach prepares to step < b> . . . < /b> , with sir clive woodward seemingly on his way to soccer , england #39 s rugby team is looking for a new coach to follow up last year #39 s world cup triumph . -__label__2 , update 1-jimenez , garcia , donald make langer a happy man , miguel angel jimenez and sergio garcia warmed up for this month #39 s ryder cup with sparkling starts at the european masters on thursday . -__label__3 , some dire talk from yukos lifts oil prices , oscow , sept . 2- world oil prices rose on thursday after russia #39 s largest oil producer , yukos , said a court ruling quot paralyzes #39 #39 the company #39 s operations . -__label__3 , megawati kicks off 36th asean economic meeting , jakarta ( agencies ) president megawati soekarnoputri opened high-level economic talks between members of the association of southeast asian nations ( asean ) on friday with a warning to asean leaders that they must stay the course on their agreed -__label__4 , microsoft bends on sender id , software firm microsoft seems to have agreed to bend to the will of the open source community on its anti-spam technology sender id . -__label__4 , fossil pushes upright walking back 2 million years , study says , quot dating the beginnings of bipedalism is very important in the human story because , for many experts , it would mark a clear divergence from the ancestral/ape pattern and show that the human lineage had really begun , quot said chris stringer , director of the -__label__4 , semiconductor manufacturing to boost capacity by half ( update2 ) , semiconductor manufacturing international corp . , china #39 s biggest supplier of made-to-order chips , said its factory capacity will rise by more than half in the second half as the company brings more plants on line . -__label__4 , the playlist what ' s wrong with digital music stores ? ( pc world ) , pc world - though digital music has come a long way , today ' s online music stores still have significant problems . here ' s my fix-it wish list . -__label__4 , counting the hops ( forbes . com ) , forbes . com - like network appliance , many top tech firms are snapping up linux programmers , hoping to influence the way the operating system evolves . the trick is to hire programmers closest to linux creator linus torvalds . torvalds oversees linux development , but he delegates pieces of the system to the 25 or so code maintainers , like trond myklebust at netapp . maintainers in turn break their projects into smaller pieces , overseen by submaintainers . -__label__1 , congress members seek officer ' s dismissal ( ap ) , ap - a group of congressional democrats is asking president bush to dismiss a senior military intelligence officer who made church speeches that included inflammatory religious remarks while discussing the war on terrorism . -__label__1 , french hostage transfer sparks release hopes , paris ( reuters ) - hopes of a swift end to the french hostage crisis rose early friday , after the le figaro newspaper that employs one of the two captives said the men were now being held by iraqi guerrillas willing to negotiate their release . -__label__1 , south korea seeks to play down nuclear disclosure , seoul ( reuters ) - south korea said on friday it did not expect a shock declaration that government scientists enriched uranium four years ago to upset international efforts to end north korea ' s nuclear ambitions . -__label__3 , after steep drop , price of oil rises , the freefall in oil prices ended monday on a spate of ominous developments , including a deadly attack on a us consulate in saudi arabia and reports that opec might cut production this week . -__label__3 , ex-teller wins bias case against citizens , a former part-time teller and mexican immigrant won more than \$100 , 000 after the massachusetts commission against discrimination determined citizens bank discriminated against her when it bypassed her for a full-time job in favor of a less experienced white co-worker . -__label__1 , seoul allies calm on nuclear shock , south korea ' s key allies play down a shock admission its scientists experimented to enrich uranium . -__label__1 , freed trio get warm delhi welcome , three indian truck drivers held hostage in iraq arrive back in delhi , where large crowds greet them . -__label__3 , oil prices rise on fears about yukos production , oil prices briefly bolted above \$45 a barrel yesterday , then retreated toward \$44 , in a volatile day of trading after russian oil giant yukos said its output could suffer because of a court ruling that froze some of its assets . -__label__4 , the bahamas - the real medal winner of the athens olympics , a different way of calculating the medal standings brings some interesting results . -__label__3 , third month of slow sales for retailers , the august start of the back-to-school shopping season was a disappointment for major retailers . -__label__1 , south koreans say secret work refined uranium , south korea admitted that a group of its nuclear scientists secretly produced a small amount of near-weapons grade uranium . -__label__3 , del monte needs 9lives , the leading private and branded food and pet products marketer is spending to revamp its image . -__label__2 , utes pile it on , alex smith throws for three touchdowns , rushes for two more and finishes with 435 yards of offense , and no . 20 utah backs up its first preseason ranking with a 41-21 win over texas a m . -__label__3 , high court hears dispute over michigan interstate wine sales , the supreme court is considering whether michigan and other states may bar people from buying wine directly from out-of-state suppliers , a big-money question that could lead to sweeping changes in how alcoholic beverages are regulated +__label__1 , at least 24 killed morocco bush crash ( ap ) , ap - a bus , truck and taxi collided in a mountainous region of western morocco saturday , killing 24 people and injuring about 20 others , the official map news agency reported . +__label__4 , the digital transition , if my car died tomorrow , i ' d have a lot less angst picking its successor than i would if my tv conked out . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -rob pegoraro< /b> < /font> +__label__1 , sudanese rebels squabble with government over ceasefire violations ( afp ) , afp - sudanese rebels walked away from african union peace talks to hold a 24-hour boycott in protest at alleged government attacks on civilians in the war-torn western province of darfur . +__label__2 , olympics-u . s . women show men how to win gold , athens ( reuters ) - the u . s . women ' s basketball team showed their men how to win gold saturday as around 70 , 000 spectators flocked to the olympic stadium for a hectic athletics program on the penultimate night of the athens games . +__label__4 , hard drive sp your xp , rsn , don #39 t have windows xp ? listen up anyway , because there #39 s a lesson to learn , not to mention sly put downs you can use to annoy your windows-xp-using-friends so they #39 ll finally break down and admit +__label__1 , in western iraq , fundamentalists hold u . s . forces at bay , falluja and ramadi , and much of anbar province , are now controlled by militias , with u . s . troops confined to outside bases . +__label__3 , the hunt for a hybrid , the aug . 23 front-page article on the toyota prius vs . the honda civic implied that the main reason people prefer the prius was its quot geek-chic look quot and the image buyers want . +__label__1 , al-sadr #39 s militia keeps fighting in baghdad , us forces and radical shiite cleric muqtada al-sadr #39 s militia battled saturday in baghdad even as the truce that ended the bloody fighting between us-iraqi troops and the militia forces in najaf held for a second day . +__label__2 , britain edges u . s . for 400m relay gold ( ap ) , ap - stymied by a sloppy handoff in the middle of the race , the united states lost to great britain by a hundredth of a second saturday night in the 400-meter relay #151 a race the american men usually dominate . +__label__1 , us suspends helicopter flights after japan crash ( afp ) , afp - the united states suspended flights of ch-53d military helicopters in japan , bowing to protests over a crash in an okinawa university campus . +__label__2 , bovina wins pilot pen tournament , elena bovina of russia outlasted nathalie dechy of france 6-2 , 2-6 , 7-5 and won the pilot pen tennis tournament saturday . bovina , seeded seventh , won her third wta title . +__label__2 , hewitt reaches final on long island , commack , ny ( sports network ) - second-seeded lleyton hewitt reached sunday #39 s final at the \$380 , 000 td waterhouse cup -- a final us open tune-up . +__label__1 , hurricane watch issued for gaston off s . c . , columbia , s . c . - a hurricane watch was issued for the south carolina coast saturday as forecasters predicted tropical storm gaston would make landfall near charleston on sunday night . . . +__label__1 , kerry says he ' s in a ' fighting mood ' ( ap ) , ap - democratic sen . john kerry said saturday he ' s in fighting mood with two months to go to the presidential as his allies defended him from questions about his valor in vietnam . +__label__3 , #39 we walk a fine line , #39 says the boss whose airline tripped up , after one of the most embarrassing weeks in british airways #39 history , the recriminations begin tomorrow . rod eddington , the airline #39 s gregarious australian chief executive , says he will mount a full investigation +__label__4 , globetrotter mandrake-based 40gb linux mobile desktop , joestar writes quot mandrakesoft amp lacie have just launched quot globetrotter quot , a ultra-compact 40 gb bootable usb hard-drive pre-loaded with mandrakelinux 10 . +__label__3 , health highlights aug . 28 , 2004 , a new drug that fights a form of age-related macular degeneration ( amd ) , a leading cause of blindness in the elderly , won applause if not approval from a panel of advisors to the us food and drug administration . +__label__2 , hewitt advances to long island final , lleyton hewitt is one match away from winning his second consecutive atp title , with the australian reaching the final of the td waterhouse cup at long island . +__label__1 , soldiers face death after refusing to bomb darfur , fifteen armed men in blue uniforms guard the metal stairs leading to the sudanese court . among the people massed at the bottom , only those who look official and scream loud +__label__2 , bovina ends two-year wait , seventh-seeded russian elena bovina won her first title in two years by beating france #39 s nathalie dechy 6-2 2-6 7-5 in the final of the pilot pen tournament . +__label__1 , un , ending mission , says some human rights improvement sudan ' s darfur region ( canadian press ) , canadian press - al-fasher , sudan ( ap ) - security has improved inside camps in sudan ' s violence-torn darfur region , but displaced villagers still face attacks and abuse when leave the camps , a united nations team said saturday , wrapping up a mission that could determine whether sudan is hit with international sanctions . +__label__4 , file-sharers , the eyes of justice are upon you , president bush likes to project the swashbuckling image , but this week it was the folks over at the justice department who formed the posse to go after the evildoers -- the ones on the internet . +__label__4 , mobile phone #39 deafness #39 risk , p2pnet . net news - defects in siemens 65 series mobile phones could cause deafness , says the company . quot in extreme cases , this volume could lead to hearing damage . +__label__1 , pakistani pm-elect takes parliament confidence vote , pakistani prime minister- elect shaukat aziz saturday secured vote of confidence in the national assembly ( na ) , the powerful lower house of the parliament , a requirement under the country #39 s constitution . +__label__2 , tompkins young brit who fought here has shot at gold , great britain #39 s amir khan , who looked so impressive in winning the 132-pound championship at the junior international invitational boxing championships here last summer , has a chance for an olympic gold medal in the lightweight division today . +__label__1 , pakistan province focuses on prayers , curbing vice ( reuters ) , reuters - cinemas are barred from hoisting movie bill-boards and shopkeepers are afraid to display posters featuring women in the historic northern pakistani city of peshawar . +__label__3 , apology , refund from cruise line , in a move almost unheard of in its industry , norwegian cruise line has apologized for service problems during the pride of aloha #39 s first two months of sailing around hawaii , and is refunding a portion of the service charge to everyone who has cruised on +__label__2 , smith saves united , london , aug . 28 . - alan smith scored a late equaliser for manchester united today as the side tied 1-1 at blackburn . sir alex fergusons side looked headed for their second premier league defeat of the +__label__1 , sunday a fierce battle between us forces and shiite militants < b> . . . < /b> , tuesday a shiite insurgency appeared to be weakening as iraqi forces moved to within 200 yards of the imam ali shrine . wednesday iraq #39 s top shiite cleric returned home with a peace initiative demanding an end to the fighting in najaf . +__label__1 , terror is below radar in russia , it took 2 days for russia #39 s security service to announce what virtually everyone else believed from the moment two domestic passenger airlines plunged to earth simultaneously +__label__1 , australian pm calls election on oct . 9 , australian prime minister john howard on sunday announced that the next federal election will be held on october 9 . he told a press conference here that voters will decide +__label__2 , we owe athens an apology , athens -- the games of the xxviii olympiad -- the great disaster that wasn #39 t -- come to an emotional end this afternoon and , really , the world owes athens an apology . +__label__2 , legendary double for el guerrouj , in a historic 5 , 000-meter race , hicham el guerrouj of morocco , who won gold at 1 , 500 meters last week , outkicked kenenisa bekele of ethiopia in +__label__2 , hamm not looking back , controversial olympic gold medalist paul hamm is back in the united states and ready to move on . hamm , in worcester for the rock amp roll +__label__3 , northwest fee increase has agents crying foul , the airline said it will begin paying only \$5 of the \$12 . 50 cost of booking a northwest ticket through a global distribution system such as sabre or galileo starting wednesday . +__label__2 , sanderson doesn ' t let gold out of his grasp , athens -- cael sanderson didn ' t look too comfortable on the medal stand last night . as the national anthem was played , he went from taking the winners ' wreath off his head to putting it back on , to taking it off again and holding it across his chest . +__label__1 , chechens vote for new leader , ' bomber ' kills self , znamenskoye , russia ( reuters ) - chechens voted sunday for a new president in a tense election , but many doubted the moscow-backed police officer who was set to win would manage to stamp out rebellion in the turbulent region . +__label__2 , us sprinter pulled from relay for marijuana violation , less than two hours before the olympic men #39 s 400-meter relay semifinal on friday , the united states coach george williams pulled john capel from the race after being told by +__label__1 , five facts about france #39 s muslim headscarf ban , - the french parliament passed the law in march to ban quot conspicuous symbols quot of faith from its state school system . guidelines for applying the law identified muslim headscarves , jewish skullcaps and large +__label__1 , saboteurs blow up oil pipeline in iraq ( ap ) , ap - saboteurs blew up a pipeline in southern iraq on sunday in the latest attack targeting the country ' s crucial oil industry , a senior oil official said . +__label__1 , vote near , saudis push to modernize , riyadh , saudi arabia -- even as saudi arabia struggles internally with violent extremists and externally with its image as the country that produced most of the attackers of sept . 11 , 2001 , the desert kingdom ' s rulers are moving on multiple fronts to modernize and moderate their nation . +__label__1 , french govt . , muslims appeal for reporters ' release , paris ( reuters ) - france ' s government and leaders of its muslim minority urged iraqi militants sunday to free two french journalists they were holding hostage in a bid to force paris to revoke its ban on muslim headscarves in schools . +__label__1 , spilled oil , gas ignite in iraq ' s south rumaila field , basra , iraq ( reuters ) - oil and gas spilled during recent sabotage attacks on iraq ' s southern oil pipelines ignited sunday and firefighters battled to douse the flames . +__label__1 , conn . man , 70 , oldest to swim channel , london - a retired connecticut pilot has become the oldest person to swim the english channel . george brunstad , 70 , left dover , england , saturday morning heading for the french coast . . . +__label__2 , schumacher clinches seventh season title ( ap ) , ap - michael schumacher clinched an unprecedented seventh formula one drivers ' title at the belgian grand prix on sunday , despite not winning for just the second time in 14 races this season . +__label__3 , us bells do video on path blazed by small telcos , the three largest us local telephone corporations made a splash this summer with plans to sell video services on their voice and data lines in a few years . +__label__3 , sec gives a slap on the wrist , after last week #39 s settlement with san francisco investment adviser garrett van wagoner , you have to wonder how serious the securities and exchange commission is about protecting mutual fund shareholders . +__label__2 , helm #39 s perfect 10 , and the two-and-a-half back somersaults with one and a half twists in a pike position turned out to be his ticket to a silver medal . +__label__1 , tropical storm slams into coastal s . c . , charleston , s . c . - tropical storm gaston blasted the south carolina coast with rain and near-hurricane strength wind early sunday , flooding roads and knocking out power to at least 75 , 000 homes . . . +__label__4 , our mobile margins will fall telstra , telstra chief financial officer john stanhope has admitted telstra #39 s margins in its \$4 . 5 billion a year mobile phone business will shrink this year in the face of increased price competition and the growing cost of acquiring new customers . +__label__2 , update 1-thompson earns celtic a record win over rangers , scottish champions celtic secured a record seventh successive win over glasgow rivals rangers on sunday with a 1-0 victory courtesy of midfielder alan thompson #39 s venomous late strike . +__label__1 , pakistan not for open-ended arms race spokesman , a pakistani foreign office spokesman sunday said islamabad does not favor an open-ended arms race in south asia , according to the official associated press of pakistan ( app ) . +__label__2 , montgomerie , donald named as ryder cup wildcards , european ryder cup captain bernhard langer named britons colin montgomerie and luke donald as his wildcard picks on sunday for next month #39 s match against the united states . +__label__2 , arsenal #39 s winning ways a joy , legendary nottingham forest manager brian clough said last week that losing forest #39 s 42-game unbeaten record to arsenal stuck in the craw quot because nobody likes them quot , but surely that is not true . +__label__1 , thousands hit nyc streets cheney arrives , new york - tens of thousands of demonstrators marched past the madison square garden site of the republican national convention on sunday , chanting , blowing whistles and carrying anti-war banners as delegates gathered to nominate president bush for a second term . on the eve of the convention , the demonstrators packed the street from sidewalk to sidewalk for 20 blocks as they slowly filed past . . . +__label__4 , windows tip scheduled tasks written by greg melton on monday < b> . . . < /b> , if you always forget to scan for viruses , update virus protection , run disk defragmenter , or run any other system tool , look to the task scheduler for help . +__label__1 , sudan peace talks resume , peace talks between darfur rebels and the sudanese government have resumed after a 24-hour boycott by rebels who accused khartoum of violating a ceasefire by killing 75 civilians in six villages . +__label__1 , dyke reopens wmd row , former bbc chief greg dyke has reopened the row over tony blair #39 s decision to go to war with iraq . dyke was forced to resign from his post , along with former bbc chairman gavyn davies , last january after lord +__label__1 , moderate republicans criticize bush ( ap ) , ap - a group of moderate republicans , many long out of office , called on president bush and the republican party to come back to the mainstream on the eve of the republican national convention . +__label__2 , closing ceremonies , host city athens bid a final farewell to the athletes and guests of the 2004 summer games with a spectacular party under a full moon . +__label__4 , china launches science satellite , china launched an experimental satellite into orbit sunday , atop a long march 2c carrier rocket reported xinhua , china #39 s government-run news agency . +__label__2 , sheffield day to day with sprained left ankle , new york yankees right fielder gary sheffield missed sunday #39 s against the toronto blue jays with a sprained left ankle . sheffield is listed as day to day . +__label__1 , pm hails successful launch of agni ii , new delhi , aug 29 prime minister manmohan singh on sunday congratulated the scientists and engineers for the successful launch of the agni ii missile . +__label__2 , italian wins marathon . . . us finishes second , italian stefano baldini has won the men #39 s marathon in a time of 2 10 54 . naturalized american meb keflezighi was a surprise runnerup with brazil #39 s vanderlei lima finishing third . +__label__2 , warner will start for giants in opener , eli manning remains the new york giants ' quarterback of the future . for now , the job belongs to kurt warner . +__label__2 , a #39 new greece #39 beams after success of games , as greeks get a boost , it remains unclear if success will mean higher stature in europe . by peter ford staff writer of the christian science monitor . +__label__2 , jimenez wins bmw open with final-round 66 , spain #39 s miguel angel jimenez won the bmw open , his fourth title on the european tour this season , and colin montgomerie was one of six golfers to claim ryder cup berths sunday . +__label__2 , jays power up to take finale , contrary to popular belief , the power never really snapped back at skydome on sunday . the lights came on after an hour delay , but it took some extra time for the batting orders to provide some extra wattage . +__label__2 , hewitt , davenport top us open standings ( ap ) , ap - lleyton hewitt and lindsay davenport could earn up to #36 500 , 000 extra at the u . s . open because they finished atop the inaugural us open series standings . +__label__4 , microsoft revamps its plans for longhorn , microsoft is shaking up its plans for the next version of windows to get the software off the drawing board and into pcs by the end of 2006 . +__label__1 , seven killed in kabul bloodshed , at least seven people have been killed in a bomb blast in central kabul - the second deadly explosion in afghanistan over the weekend . +__label__3 , canada , us fail to resolve beef trade dispute , canada and the united states have failed to reach an agreement on resuming us imports of canadian live cattle , local press reported sunday . +__label__2 , angels ' glaus activated from dl ( ap ) , ap - troy glaus was activated from the 60-day disabled list sunday by the anaheim angels and was back in the lineup against the minnesota twins . +__label__2 , ankiel solid in rehab start , unsure about future , more that three years since he threw his last pitch for the st . louis cardinals , ankiel gave up one unearned run and one hit in six innings sunday for triple-a memphis in what could be his final start in the minors . +__label__3 , gop jamboree may give stocks brief lift , new york ( reuters ) - fasten your seatbelts . the republicans are in town . if things go smoothly at the republican national convention , the stock market could get a brief boost this week , experts say . +__label__3 , tokyo stocks flat , focus on data , tokyo ( reuters ) - japanese stocks were flat in mid-morning trade on monday with confidence in the domestic economic outlook failing to offset profit-taking that hit recent gainers such as insurers and real estate stocks . +__label__4 , china launches mapping satellite ( ap ) , ap - china on sunday launched a satellite that will carry out land surveying and other scientific projects for several days and return to earth , government media reported . +__label__3 , federal-mogul may sell turner amp newall assets , independent says , federal-mogul corp . , the bankrupt us engineering company , may sell its uk-based turner amp newall plc after the uk division #39 s independent pension trustee rejected a \$130 million cash offer +__label__1 , gi #39 s in talks with rebels of sadr stronghold in baghdad , the american military met for five hours on sunday with representatives of the rebellious cleric moktada al-sadr in the volatile baghdad shiite neighborhood of sadr +__label__1 , allawi meets militants , pushes amnesty , iraq ' s interim prime minister said that he had held private meetings with representatives of insurgent groups from fallujah , ramadi and samarra to persuade them to accept a government amnesty offer . +__label__2 , el guerrouj , holmes book spots in olympic pantheon , britain #39 s kelly holmes and morocco #39 s hicham el guerrouj earned their places among olympic athletic legends here on saturday as they won their second golds of the games . +__label__2 , beijing gears up for 2008 , although the beijing olympics is still four years away , the chinese capital is already gearing up to host the event . the city of over 12 million is refurbishing ancient landmarks in +__label__2 , warner gets the nod , the first pick in the nfl draft last april will be the first qb off the bench for the giants as eli manning lost the competition for the starting job to veteran kurt warner . +__label__2 , new namath book is fact , not fiction , if you read the recent excerpt of namath in sports illustrated and were put off by the apparent focus on the iconic broadway joe ' s personal life , be comforted in the knowledge that mark kriegel ' s 441-page biography includes plenty of football , too . the book is exhaustively researched and includes telling anecdotes from beaver falls , pa . , to tuscaloosa , ala . , to new york . +__label__2 , mr . chang , strike a pose , halfway around the world , standing virtually in the middle of the pacific ocean , the incomparable timmy chang is just days away from throwing his first pass of the season . from my tattered sofa , i will be watching him . i want you to watch him , too . +__label__2 , roger #39 s ready , roger federer says he #39 s ready to erase the image as being too soft to win in new york . the world #39 s no . 1 player from switzerland has played three us opens and lost in the fourth round each time . +__label__3 , still no beef resolution after latest talks , new york , ( aug . 30 , 2004 ) - cattle farmers and haulers finally looking for a quick end to a 15-month ban on live cattle exports to the us are out of luck after canadian agriculture minister andy mitchell +__label__3 , for now , unwired means unlisted . that may change . , in october , most major cellphone carriers plan to start compiling a publicly accessible listing of wireless phone numbers . +__label__2 , women #39 s basketball team finds special place in chancellor #39 s heart , the medal ceremony had ended . van chancellor had already shed a few tears , but he had held his emotions together through all the hugs and dancing , even through the victory +__label__1 , new pakistan cabinet may be sworn in today , islamabad , a new cabinet in pakistan is likely to be sworn in on monday , two days after finance minister shaukat aziz was made the country #39 s 23rd prime minister . +__label__4 , infocus deploying network access quarantine control , part 2 , this article discusses network access quarantine control in windows server 2003 , which allows administrators to quarantine mobile users and verify their security posture before giving them full access to the network . part 2 of 2 . +__label__3 , scaffold collapse survivors improving , one of the men who survived friday #39 s fatal scaffold collapse is in guarded condition at detroit receiving hospital and the two other survivors were released on sunday , a hospital spokeswoman said . +__label__1 , pollsters refuse to write off australian pm despite lag in polls ( afp ) , afp - opinion polls give australia ' s opposition labor party a big lead over prime minister john howard ' s conservative government as campaigning begins for october 9 elections , but analysts say the real race is still too close to call . +__label__3 , santander accelerates abbey bid , santander says it aims to complete its takeover of uk mortgage lender abbey one month sooner than originally planned . +__label__2 , a blazing start for beijing , greece tried to pass the olympics baton off to beijing on sunday night , but it was a tough job . the chinese are way ahead of the curve already . +__label__2 , wakefield goes deep this time , when it comes to giving up long balls , red sox pitcher tim wakefield has a short memory . just three weeks after he surrendered a club-record six home +__label__2 , hot pursuit , times like these make grown men talk to televisions . quot c ' mon , guys , get the darn out , quot pedro martinez shouted at a big screen in the red sox clubhouse yesterday as he watched the blue jays try to finish off the yankees with two outs and the potential winning run at the plate in the ninth inning in toronto . +__label__3 , on tv -- from the internet , san mateo , calif . -- the promise of internet-based video has long been hamstrung by copyright and piracy worries , slow dial-up connections , technical challenges , and consumer disdain for watching blotchy videos on their home computers . +__label__2 , youngster khan taken to school , the sensation of the olympic boxing tournament learned yesterday that there #39 s no substitute for experience . at least not in the ring . +__label__3 , challenger disappoints with writedown , the kerry packer-backed challenger financial services group has reported its first net loss since incorporating , impacted by a massive writedown of goodwill . +__label__3 , corporate failures hurt pension guaranty group , description a flurry of corporate bankruptcies in the past few years leaves a public agency strapped for cash the pension benefit guaranty corporation . +__label__2 , bellhorn makes plenty of noise big , second baseman mark bellhorn stats , news issued the closing statement in the red sox stats , schedule #39 four-game sweep of the detroit tigers yesterday at fenway park . +__label__3 , intel in new chip breakthrough , intel creates a more powerful memory chip without increasing its size , confounding the firm ' s critics . +__label__1 , going ballistic agni-ii test fired , new delhi indias quest to develop a solid missile defence took a step forward today when it successfully test-fired the surface-to-surface agni-ii missile , which can cover targets in the 2000-2500 kms-range , from the integrated test range ( itr ) at +__label__1 , nigerian troops set off on au peace mission to darfur ( afp ) , afp - a 155-strong company of nigerian infantry flew out of abuja , heading for the war-torn western sudanese region of darfur to join an african union force protecting ceasefire monitors . +__label__3 , update sons of gwalia in administration on hedging debt , perth ( dow jones ) --sons of gwalia ltd . ( sgw . au ) , australia #39 s second-biggest gold producer , has fallen into administration over aa\$348 million hedge book liability . +__label__1 , carnival crowds likely to top 1m , as the notting hill carnival enters its final day , police say they are pleased with how it has gone so far . about 250 , 000 people took to the streets on sunday - more than double the first day last year - to celebrate 40 years of the west london event . +__label__1 , typhoon chaba kills four in japan , powerful typhoon chaba has plowed into southern japan , sweeping at least four people to their deaths and injuring more than 30 as it knocked out power to thousands . +__label__1 , vietnam marks independence with pardons for prisoners , hanoi ( reuters ) - vietnam has released nearly 9 , 000 prisoners , including 10 inmates whose cases it says had drawn international attention , as part of traditional pardons granted ahead of independence celebrations on september 2 . +__label__3 , mining concern names outside managers , sydney sons of gwalia , the world #39 s leading supplier of tantalum , appointed outside managers on monday after failing to reach agreement with creditors . +__label__3 , minister lee says uncertainty deepens economic lethargy , deputy prime minister and finance-economy minister lee hun-jai said monday the nation #39 s current economic lethargy is due to unsubstantiated uncertainty #39 #39 about the future , which in turn weakens the confidence of market players . +__label__2 , robson #39 massively disappointed #39 at newcastle exit , departing newcastle boss sir bobby robson has spoken of his regret at not being able to complete his mission after being relieved of his duties today . +__label__3 , atlas copco to sell electric tool business , swedish engineering company atlas copco said monday it will sell its electric tool business to hong kong-based techtronic industries co . +__label__1 , sadr aide tells iraq militia to cease fire -tv , a top aide to iraq #39 s rebel shi #39 ite leader muqtada al-sadr monday called on the mehdi army militia to cease fire across iraq and said sadr was preparing to announce plans for a major political program . +__label__4 , 96 processors under your desktop , roland piquepaille writes quot a small santa clara-based company , orion multisystems , today unveils a new concept in computing , #39 cluster workstations . +__label__2 , defrocked priest gets suspended sentence for marathon attack , a defrocked irish priest who attacked the leader during yesterdays olympic marathon was given a one year suspended sentence in athens today . +__label__3 , update sinopec 1h pft up 51 to raise refining capacity , hong kong ( dow jones ) --china petroleum amp chemical corp . ( snp ) , the country #39 s second-largest oil and gas producer , monday reported a 51 jump in first-half earnings and said it plans to boost its refining capacity by about one-fifth over three years . +__label__3 , rebound in us consumer spending , us consumer spending rebounded in july , a sign the economy may be emerging from an early summer decline . consumer spending rose 0 . 8 last month , boosted by car and retail sales . +__label__1 , israeli held meetings with u . s . analyst ( ap ) , ap - a senior israeli diplomat in washington has met with a pentagon analyst being investigated by the fbi on suspicion he passed classified information to israel , israeli officials confirmed monday . +__label__3 , regional house price declines possible , washington ( reuters ) - u . s . housing industry economists on monday cautioned that rapid house price gains in some areas of the country may not be sustainable . +__label__4 , intel shrinks transistor size by 30 , pinkuzi writes quot intel will announce that it has crammed 500 million transistors on to a single memory chip , shrinking them in size by 30 . +__label__3 , us airways up on labor talks , us airways #39 ( uair nasdaq - news - research ) shares jumped almost 20 on news that management and pilots were back at the table , trying to hammer out an agreement on work concessions to save the company . +__label__4 , bryant makes first appearance at trial ( ap ) , ap - nba star kobe bryant arrived at his sexual assault trial monday as attorneys in the case who spent the weekend poring over questionnaires prepared to question potential jurors individually . +__label__2 , language of goals what counts for tongue-tied ronnie and michael , england striker michael owen said his lack of spanish and ronaldo #39 s lack of english did not hinder celebrations of the brazilian #39 s matchwinner for real madrid in sunday #39 s 1-0 win at mallorca . +__label__3 , oil drops below \$42 a barrel , new york ( reuters ) - u . s . oil prices fell more than \$1 on monday on continued profit-taking as producer-group opec eyed increases in the coming months in its tight spare capacity , countering worries over stumbling iraqi oil exports . +__label__1 , al-sadr calls on militia to stop fighting , baghdad , iraq - rebel shiite cleric muqtada al-sadr called for his followers across iraq to end fighting against u . s . and iraqi forces and is planning to join the political process in the coming days , an al-sadr aide said monday . . . +__label__3 , regional home price drop possible , washington ( reuters ) - u . s . housing industry economists on monday cautioned that rapid house price gains in some areas of the country may not be sustainable . +__label__2 , man u . and everton play to scoreless draw , manchester , england ( sports network ) - manchester united #39 s struggle continued on monday when they failed to score in a 0-0 tie with everton at old trafford . +__label__1 , gop sharpens attacks as convention opens , new york ( ap ) -- sen . john mccain said monday it was fair game to criticize democrat john kerry ' s anti-war protests three decades ago , firing an opening salvo as republicans at their national convention sought to portray president bush as a strong wartime leader . +__label__1 , 11 dead in a car bomb in kabul , kabul ( masnet amp news agencies ) - at least eleven people , including two us citizens , were killed when a truck bomb exploded in downtown kabul in the second deadly blast to strike afghanistan over the weekend . +__label__4 , microsoft spends 1bn to keep out the hackers , the growing threat of hackers and viruses has prompted microsoft to roll out a billion- dollar upgrade of its windows computer operating system to strengthen security . +__label__4 , juniper takes security to endpoints , juniper networks ( quote , chart ) has launched a new initiative designed to improve interoperability of popular third-party antivirus and firewall measures with its own secure socket layer ( define ) virtual private network ( define ) appliances . +__label__3 , stocks dip on consumer income report news ( ap ) , ap - an unsettling report on consumer incomes set off a spate of profit-taking on wall street monday as investors worried that a tepid economy would erode companies ' third-quarter earnings . another drop in oil prices failed to shake the gloom from the market . +__label__3 , sec probes united rentals , shares drop , chicago ( reuters ) - u . s . securities regulators are investigating united rentals inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=uri . n target=/stocks/quickinfo/fullquote> uri . n< /a> and have subpoenaed some accounting records , the company said on monday , sending its shares down 21 . 5 percent . +__label__1 , new chechen leader vows peace , poll criticized , grozny , russia ( reuters ) - chechnya ' s new leader vowed on monday to rebuild the shattered region and crush extremists , after winning an election condemned by rights groups as a stage-managed show and by washington as seriously flawed . +__label__1 , africa takes tough stand on coups , the arrest of margaret thatcher ' s son last week is the latest example of a crackdown on overthrows . +__label__1 , generals may pay a price for iraq abuse , washington - the abu ghraib prisoner abuse scandal could effectively end the careers of four army generals who are linked indirectly to the misconduct but face no criminal charges . the four are singled out for varying degrees of criticism - mixed with instances of praise - in two comprehensive investigative reports released last week . . . +__label__4 , survey it spending to grow modestly next year , cio confidence is up in third quarter , according to forrester poll . +__label__4 , coming to a tv near you ads for desktop linux , linspire ceo points out that recent tv ads serve as indication of acceptance in mainstream populace . +__label__2 , football rae knee scan has mcleish in a sweat , alex rae was in hospital yesterday for a scan on his injured knee after playing through the pain barrier in sunday #39 s old firm clash . +__label__1 , iraqi oil exports slump report , near daily attacks on pipelines and pumping stations had pushed down iraq #39 s oil exports to their lowest point in nearly a year , britain #39 s financial times newspaper reported today . +__label__3 , australia #39 s seven fy net jumps 59 to a\$93 . 3m -2- , sydney ( dow jones ) --australian television broadcaster seven network ltd . ( sev ) said tuesday net profit jumped 59 to a\$93 . 3 million for the fiscal year ended june 26 , boosted by profit proceeds from the sell down of its stake in b digital . +__label__3 , parts pinch shuts down ford plant , workers at the ford plant in hapeville are getting a second unexpected day off during the dog days of summer . the company has stopped assembly-line production at the plant today because of a continued parts shortage , a ford official said . +__label__4 , orion debuts cluster workstation , orion multisystems , a new company founded by former transmeta ( quote , chart ) executives , debuted a family of workstations monday that think and act like a cluster of servers . +__label__4 , at amp t embraces voice-over-internet telephony , at amp t is attracted to voice over ip because internet telephony is cheaper to offer to businesses and consumers and requires less upfront investment than the old copper wire and traditional switching networks . +__label__2 , off-day would have been welcomed by sox , after another disappointing road trip - the white sox were 3-4 on a swing through detroit and cleveland - a day off sure would look enticing . +__label__3 , maker of twinkies delays filing annual report , hires turnaround < b> . . . < /b> , kansas city , mo . , aug . 30 -- twinkie maker interstate bakeries corp . on monday delayed filing its annual report for the second time , a move that dragged shares lower by more than 42 percent on speculation about the company #39 s ongoing viability . +__label__1 , mnd confirms china pulling troops from drill , the ministry of defense confirmed yesterday that china #39 s military had withdrawn most of its troops from dongshan island where it was to hold an annual war game , but would not say if the action indicated beijing was calling off the maneuvers that simulate +__label__1 , a better solution for israel , the hysterical tone of daniel seidemann #39 s plea to the next us administration to save israel from itself serves no useful purpose op-ed , aug . 26 . +__label__2 , braves rally to defeat giants 7-6 ( ap ) , ap - even with a big lead in the nl east , the atlanta braves aren ' t taking anything for granted . +__label__2 , bryant jury selection behind closed doors ( ap ) , ap - prospective jurors in the kobe bryant rape case were asked their feelings on racial prejudice , interracial relationships , marital infidelity and justice for the rich and famous in an 82-item questionnaire released monday . +__label__4 , it seeing steady but slow growth forrester projects 7 percent < b> . . . < /b> , tech companies waiting for a big resurgence in spending on computer hardware , software , networks and staff better plan to wait about four more years , forrester research projected yesterday . +__label__1 , japan should outsource more , the japanese information services industry clocked up sales of 13 , 703 . 9 billion yen in fiscal 2001 , according to a report on selected service industries for 2001 released by the ministry of economy , trade and industry ( meti ) . +__label__2 , white sox edge phillies , joe borchard wows the crowd with the longest homer in the 14-year history of u . s . cellular field as the white sox edge the phillies 9-8 . +__label__4 , another voice sugary drinks bad for you , many studies have linked the consumption of nondiet soda and fruit juices with added sugars to obesity and attendant risks of diabetes . +__label__2 , testaverde accepts parcells #39 nomination , who would have thought that the dallas cowboys #39 offense would be the least of coach bill parcells problems ? after cutting their starting quarterback in training camp , signing a controversial +__label__4 , australia police to trap cyberspace pedophiles ( reuters ) , reuters - australian police acting as part of an\international cyber cop network will be able to trap\pedophiles who use the internet to groom or lure children for\sex , under new laws passed by parliament on tuesday . +__label__2 , marlins keep pace in wild-card race , the mets #39 objective , fred wilpon said last winter and into the spring , was to play meaningful games late into the season . the owner was confident his revamped team could compete for first place +__label__1 , milosevic opens his defense case , starting second half of his < b> . . . < /b> , former yugoslav president slobodan milosevic opened his long-delayed defense at the yugoslav war crimes tribunal tuesday , describing the battles of his serbian people as self defense against internal rebellions and external attacks by islamic warriors . +__label__2 , injury brings brown down , troy brown didn ' t play any defense against carolina in saturday night ' s exhibition game . thing is , he didn ' t play much offense or special teams , either . +__label__3 , starting today , funds ' stances on proxies are matter of record , every year , public companies put a number of questions before their stockholders for a vote . investors weigh in on whether to reelect company directors , reappoint auditors , and approve or kill plans to give big stock option packages to senior executives . +__label__4 , hall of shame hall of fame , we spotlight people and products that pester us . . . and the heroes saving us from annoyances . +__label__2 , athens coverage a winner for nbc , nbc and its family of cable networks flooded american households with nearly nonstop coverage of the athens olympics , and the strategy - along with strong performances by the us teams in swimming and gymnastics -roduced not only a ratings increase +__label__3 , alitalia union may accept job cuts , a top italian labor leader says his union could consider job cuts at alitalia to prevent the airline #39 s collapse , as workers at the flag carrier clamored for details of its cost-cutting rescue plan . +__label__4 , fcc asks high court to rule on broadband ( usatoday . com ) , usatoday . com - the federal government is challenging an appeals court ruling that , officials fear , would stifle the expansion of cable broadband services by burdening the providers with new regulations . +__label__3 , ubs pays 265 million dollars for schwab capital markets business ( afp ) , afp - swiss banking group ubs said that it had paid 265 million dollars ( 219 million euros ) to buy soundview , the capital markets division of online broker charles schwab to strengthen its position on the us nasdaq market . +__label__4 , longhorn announcements barely a blimp on it radar , while developers are naturally curious over tweaks to the longhorn road map , many it administrators barely take notice . enterprise it customers typically lag at least +__label__4 , novell reshuffles biz for linux focus , novell is reorganising its business to focus on two key areas - linux and identity management . the networking software firm #39 s nterprise and linux operations will be folded into a platform and application services group crn reports . +__label__1 , british minister to visit north korea in september , the british government has announced plans to send a top foreign office representative to north korea in september . junior minister for east asia bill rammell will become the first british minister to visit +__label__2 , broncos running back out for entire season ( ap ) , ap - denver broncos running back mike anderson will miss the entire season because of a groin injury sustained last weekend in an exhibition game against houston . +__label__4 , apple unveils super thin imac in paris ( afp ) , afp - apple computers launched the newest version of its imac model , which at two inches thick , is the world ' s thinnest desktop computer , the company said . +__label__1 , conditions worsen in darfur , u . n . agencies say ( reuters ) , reuters - conditions for 1 . 2 million sudanese\displaced in darfur continue to worsen amid violent attacks , \spreading disease , and heavy rains which wreak havoc with aid\convoys , united nations agencies said on tuesday . +__label__1 , australian employee of canadian oil company reportedly abducted in yemen ( canadian press ) , canadian press - canberra , australia ( ap ) - diplomats investigated tuesday a report that an australian oil engineer had been abducted in yemen by armed tribesmen , but a conflicting report from yemen said there was no kidnapping . +__label__3 , eu , japan win wto approval to impose duties on us ( update2 ) , the european union , japan and brazil won world trade organization backing to impose tariffs on us imports after congress failed to end illegal corporate subsidies worth \$850 million since 2001 . +__label__3 , study ceos rewarded for outsourcing , new york ( cnn/money ) - the ceos of the top 50 us companies that sent service jobs overseas pulled down far more pay than their counterparts at other large companies last year , a study said tuesday . +__label__3 , hartford sees \$91 mln in charley losses , new york ( reuters ) - hartford financial services group inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hig . n target=/stocks/quickinfo/fullquote> hig . n< /a> on tuesday became the latest insurer to issue a profit warning tied to hurricane charley , the strongest storm to hit florida in a dozen years . +__label__2 , roundup illini men rise to top of ap poll , win game , there was little celebrating when illinois men #39 s players found out they were ranked no . 1 in the nation yesterday afternoon . there was a game to play at night . +__label__1 , maddux wins no . 302 , baker wins no . 1 , 000 , greg maddux pitched the chicago cubs into the lead in the nl wild-card race and gave dusty baker a win to remember . maddux threw seven shutout innings for his 302nd career win , baker got his 1 , 000th victory as a manager and chicago beat the montreal expos 5-2 on monday night . . . +__label__4 , apple ' s new imac computer is all display , paris ( reuters ) - apple computer unveiled , after a two-month delay , its new imac desktop computer on tuesday which integrates disk drives and processors into a flat display less than two inches thick . +__label__4 , new imac packs computer into flat screen , paris apple computer engineered another design coup on tuesday , unveiling a new imac here that incorporates all of the personal computer #39 s innards into a flat-panel screen that balances on an aluminum stand . +__label__3 , update 3-albertsons hit by california strike shares fall , albertsons inc . ( abs . n quote , profile , research ) , the no . 2 us grocer , on tuesday reported a substantial drop in its quarterly profit as heavy promotions +__label__4 , samsung readies philips #39 near-field communications for cellphones , manhasset , ny - philips electronics and samsung electronics have entered into a deal that will enable samsung to deploy cellular devices using philips #39 near-field communications chip and technology . +__label__1 , putin says plane crashes involved terrorists linked to al-qaeda , russian president vladimir putin today said the explosions that brought down two airliners in russia a week ago were the work of terrorists linked to the al- qaeda terrorist network . +__label__1 , hurricane frances nears ne caribbean ( ap ) , ap - hurricane frances strengthened as it churned near islands of the northeastern caribbean with ferocious winds expected to graze puerto rico on tuesday before the storm plows on toward the bahamas and the southeastern united states . +__label__2 , kansas city royals team report - august 31 , ( sports network ) - the kansas city royals try to get back on the winning track this evening when they continue their three-game series with the detroit tigers at kauffman stadium . +__label__2 , montreal expos team report - august 31 , ( sports network ) - the montreal expos were handed a setback in monday #39 s opener at olympic stadium . greg maddux threw seven shutout innings and went 2-for-3 with an rbi at the plate to lead the cubs to a 5-2 victory . +__label__4 , japanese electronics giants in lcd joint venture , hitachi , toshiba and matsushita electric have formed a joint venture to manufacture large liquid-crystal displays for flat-screen televisions , escalating competition for a piece of the digital living room . +__label__4 , microsoft to delay advanced search technology from longhorn , microsoft said friday that it is delaying the release of a new data-storage technology , named winfs , from the next version of windows , code-named longhorn , in order to deliver the operating system by 2006 . +__label__1 , darfur conditions worsen , rebels struggle to make headway in talks aiming to ease the conflict in the darfur region . sanctions on sudan , by saying moscow opposed sanctions . +__label__4 , beyond solar system , planets that look familiar , the universe looked a little more familiar and friendlier on tuesday . the roll call of planets beyond the solar system swelled significantly with the announcement of a trio of newly discovered worlds much +__label__3 , credit suisse to combine us unit , credit suisse group , switzerland #39 s second-largest bank , said tuesday it will combine its us-based credit suisse first boston investment unit with its retail and private banking business within two years . +__label__4 , spammers use sender authentication too , study says , the technology hasn ' t been widely adopted , but spammers are taking it up at a faster rate than legitimate e-mailers . +__label__4 , safeguard offers easy hard-drive protection , upgraded version of this encryption app adds plenty of tools for networked users . +__label__2 , francis nixes hurricanes ' front office job ( ap ) , ap - ron francis turned down a front-office job with the carolina hurricanes and is still deciding whether he wants to continue his playing career . +__label__2 , disgraced greek sprinters drug tested by wada , athens ( reuters ) - greek sprinters costas kenteris and katerina thanou have been dope tested by doctors from the world anti-doping agency , an official said tuesday . +__label__4 , skype telephony now available for the mac , skype for windows , skype for pocket pc and skype for linux -- skype for mac os x is free . skype users can control their online presence and +__label__1 , killings shock , humiliate nepalese , protesters in kathmandu have expressed disbelief and frustration after learning of the deaths of 12 nepalese hostages in iraq . nepal #39 s ambassador to qatar , somananda suman , confirmed +__label__1 , gaddafi to compensate libyan jews for lost homes ( reuters ) , reuters - libyan leader muammar gaddafi , easing\his country ' s way back into the international fold , on tuesday\became the first arab leader to promise compensation for jews\who were forced from their homes due to religious tension . +__label__4 , microsoft to ship longhorn in 2006 without winfs , microsoft will ship its next windows client code-named longhorn in 2006 as originally promised -- but without the next-generation file system known as winfs . +__label__4 , veritas keeps reaching into its wallet , by acquiring kvault , which makes e-mail-archiving software , it aims to erode emc #39 s lead and rebuild investors #39 confidence . +__label__2 , nl wrap edmonds double strike lifts cards over padres , new york ( reuters ) - jim edmonds belted two solo homers to lead the host st louis cardinals to an easy 9-3 win over the san diego padres in national league action at busch stadium tuesday . +__label__3 , a year of charges , reforms for funds , new york -- just a year ago this week , new york attorney general eliot l . spitzer shook the financial services industry -- and investor confidence -- by revealing that four big-name mutual fund companies had cut secret deals allowing a new jersey hedge fund to profit from short-term trading at the expense of ordinary investors . +__label__1 , moscow rail station evacuated on bomb threat , interfax says , moscow police are conducting a partial evacuation at the kursk railway station in central moscow as they search for explosives after receiving an anonymous phone call from a man threatening +__label__1 , iraq #39 s chalabi escapes attempt on his life , gunmen opened fire wednesday on a convoy carrying former iraqi governing council member ahmad chalabi in an apparent assassination attempt that wounded two of his bodyguards , chalabi #39 s spokesman said . +__label__4 , blu-ray group mandates microsoft codec for bd-rom , the blu-ray disc association ( brda ) has selected microsoft #39 s vc-9 video codec for future bd-rom content , the organisation said today . +__label__2 , mariners riding the ichiro wave , ichiro suzuki singled three times last night to etch out a spot in history and to send the toronto blue jays a little deeper into oblivion . +__label__2 , wharf marks debut with wickets , in-form alex wharf made an impressive start to his international career this morning with wickets in his first two overs against india at trent bridge . +__label__2 , roddick blisters junior champ , by the time his match with andy roddick was over , jenkins had felt the full fury of roddick #39 s jet blast . roddick had nailed a 152-mph serve at him , the fastest serve in open history and one +__label__4 , amd dual-core demo pips intel , ibm , amd has demonstrated the company #39 s first dual-core microprocessors . dual-core processors offer improved performance over single-core chips , especially in multithreaded applications . +__label__1 , gunmen ambush chalabi #39 s convoy , wound 2 , baghdad - gunmen ambushed the convoy of former iraqi governing council president ahmed chalabi on wednesday , wounding two of his bodyguards , aides said . +__label__3 , albertsons #39 2q profit falls 36 percent , persistent economic sluggishness and continued fallout from the southern california labor dispute slashed second quarter profits 36 percent for albertsons inc . +__label__3 , problem device bypassed trials , the catheter that triggered three safety recalls by boston scientific corp . of its best-selling taxus coronary stent after being linked to three deaths and 47 injuries had not been subjected to the rigors of a human clinical trial , fda records show . +__label__4 , crm vendor entellium adopts open-source strategy ( techweb ) , techweb - availability of entellium ' s code could speed development of industry-specific crm products . +__label__1 , suicide bomber kills at least 10 in moscow , moscow -- a woman strapped with explosives blew herself up outside a busy moscow subway station yesterday night , killing at least 10 people and wounding more than 50 in the second terrorist attack to hit russia in a week . +__label__4 , old rumors of gay sex prove powerful on web , va . gop members chose del . thelma drake ( norfolk ) to replace rep . edward l . schrock after he resigned amidst allegations schrock indulged in or solicited gay sex . +__label__4 , monster mashes attract masses , kaiju big battel -- a multimedia event in which costumed combatants spew toxic ooze on audience members -- is growing in popularity . there are already dedicated websites and a dvd series . coming next a book and tv pilot . by xeni jardin . +__label__3 , scottish amp southern wraps up a 3bn deal over distribution < b> . . . < /b> , scottish amp southern energy yesterday called time on its 18-month acquisition spree after confirming a 3 . 1 billion swoop for two gas distribution networks . +__label__2 , manchester united the only team for me , says rooney , teenage striker wayne rooney says manchester united were the only team he wanted to join once they he knew the club were interested in him . +__label__2 , three jockeys , one trainer arrested , london -- british police arrested 16 people , including three jockeys and a trainer , wednesday as part of a major crackdown on corruption in horse racing . +__label__4 , ooh la la , apple unveils new imac ( siliconvalley . com ) , siliconvalley . com - attempting to capitalize on ipod mania , apple computer tuesday unveiled a fast new version of the imac that it all but touted as a smart accessory for the sexy music players . +__label__3 , verizon , bain near canada directory deal , new york ( reuters ) - verizon communications inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=vz . n target=/stocks/quickinfo/fullquote> vz . n< /a> is near an agreement to sell its canadian telephone directory business to private equity firm bain capital , the new york post said on wednesday . +__label__4 , china ' s lenovo in talks with ' major it firm ' for acquisition ( afp ) , afp - china ' s largest manufacturer of personal computers lenovo group said it is in negotiations with a major information technology company , believed to be us-based ibm . +__label__3 , research alert-first albany ups supergen to quot buy quot on drug deal , first albany capital on wednesday raised supergen inc . #39 s ( supg . o quote , profile , research ) stock rating to quot buy quot from quot neutral , quot following its cancer-drug deal with mgi pharma inc . +__label__4 , alien contact more likely by quot mail quot than radio , study says , researchers behind the study speculate that other life-forms may have already sent us messages , perhaps even as organic material embedded in asteroids that have struck earth . +__label__4 , oracle moves to monthly patch schedule , an alert posted on the company #39 s web site outlined the patches that should be posted to fix numerous security holes in a number of applications . +__label__4 , internet explorer wins the battle , there #39 s a remarkable graph on google #39 s zeitgeist site showing the meteoric rise of microsoft internet explorer 6 use and equally catastrophic decline of all other competing browsers . +__label__2 , compete against your friends , si experts and celebrities in this < b> . . . < /b> , owings mills , maryland ( ticker ) -- quot prime time quot has decided this is the right time to return to the nfl . deion sanders , regarded as perhaps the most electrifying cornerback in league history , arrived here +__label__1 , paris tourists search for key to ' da vinci code ' ( reuters ) , reuters - a funny thing happened on the way to the\mona lisa . visitors to the louvre museum in paris , home of the\world ' s most famous painting , started quizzing tour guides\about dan brown ' s best-selling novel the da vinci code . +__label__3 , u . s . factory growth eases , new york ( reuters ) - expansion in the u . s . factory sector slowed in august as higher costs for energy and raw materials squeezed manufacturers , a report showed on wednesday , but analysts said growth remained relatively robust . +__label__4 , china reports births of two giant pandas ( ap ) , ap - for pandas , it ' s practically a baby boom . two giant pandas were born this week , and mothers and cubs were doing fine , the official xinhua news agency reported wednesday . +__label__2 , d #39 urso suspended by fa , the football association has handed referee andy d #39 urso a 28-day suspension following his failure to give barry ferguson his marching orders against southampton on august 21 . +__label__1 , israel seals off gaza strip , the israeli army sealed off gaza strip wednesday by shutting down erez crossing and the industrial zone and prevented palestinians from leaving . +__label__4 , need for carbon sink technologies , climate scientists tell a conference that greater efforts should be made to pull co2 from the atmosphere . +__label__3 , share-deal ban signals mgm deal , movie studio metro-goldwyn meyer has reportedly banned some of its staff from buying or selling its shares , stoking speculation that a multibillion-dollar takeover of the group could be days away , with time warner the favoured candidate . +__label__4 , dell debuts color laser printers , three new models are designed for businesses and home office users . +__label__3 , crude oil prices soar on drop in us oil inventories , crude oil futures surged wednesday as the us energy department reported us oil supplies fell more than expected . crude oil for october delivery rose 1 . 68 dollars to 43 . +__label__4 , taiwan #39 s acer picks a european as president , taipei acer , the taiwan computer company , named gianfranco lanci of italy as its president on wednesday , an appointment that signals the company #39 s ambitions to expand its global market share . +__label__4 , companies moving cautiously on microsoft #39 s sp2 update , quot whether companies roll out windows xp immediately or replace their older operating systems with windows xp when purchasing new pcs , companies now have to ensure xp sp2 compliancy by determining +__label__1 , milosevic startled no applause , it was to have been slobodan milosevic #39 s day of dignity , the day on which the former serbian leader would , with certain drama , lay out his defense strategy in his trial +__label__3 , google shares down ahead of first lockup expiry , shares in newly public google inc . fell 2 percent on wednesday as investors braced for the expiration of a lockup period that has kept insiders at the web search company from selling stock . +__label__3 , philip morris , plaintiffs fighting again , springfield , ill . philip morris and lawyers who won a ten- ( b ) billion-dollar judgment against the company are fighting again . the cigarette maker on monday asked the illinois supreme court to disqualify a chicago +__label__4 , aether declines higher bid for unit ( washingtonpost . com ) , washingtonpost . com - aether systems inc . , a maryland wireless data company that is selling off its operating units , said yesterday it received a #36 30 million offer for a division it had already agreed to sell to another buyer for #36 25 million . +__label__4 , scientists to study dairy going organic ( ap ) , ap - cornell researchers will watch five upstate new york dairy herds to learn about the problems and challenges of converting from conventional to organic farming . +__label__1 , 29 escapees from north seek refuge at school in beijing , beijing -- twenty-nine people believed to be north korean entered the japanese school in beijing on wednesday morning to seek asylum in a country other than china , according to foreign ministry officials in tokyo . +__label__2 , orioles 8 , devil rays 0 , javy lopez drove in four runs , daniel cabrera became the first rookie to win 10 games this season , and the baltimore orioles held the tampa bay devil rays to two hits in an 8-0 victory . +__label__4 , europeans eat less of dangerous fatty foods , by paul geitner brussels , belgium ( ap ) -- europeans eat less of the most dangerous , cholesterol-raising fats than americans do and the amount is decreasing , according to a report released wednesday by the european food safety authority . scientists at the european food safety authority declined to say whether the eu should follow the united states ' lead and require special labels on margarine , chips , cookies , fries and other potential sources of trans fatty acids . . . +__label__3 , samsung says it will expand chip factories , the samsung electronics company , the korean electronics giant , said monday that it would invest \$23 . 7 billion in new chip production lines over the next six years . +__label__4 , sap software exposes shipper ' s financial errors , the installation of sap financial software at a major london-based container transport firm exposed flaws in the company ' s accounting systems and processes , forcing it to restate its earnings . +__label__4 , verisign sues icann in state court , verisign is asking a california court to order the internet corporation for assigned names and numbers to butt out of its business . +__label__1 , mexican columnist murdered , a prominent mexican journalist known for his reports on organised crime is killed on the us border . +__label__2 , o ' s stuff devil rays , javy lopez drives in four runs , daniel cabrera becomes the first rookie to win 10 games this season , and the orioles hold tampa bay to two hits in an 8-0 victory wednesday night . +__label__1 , republican convention dogged by relentless protests ( reuters ) , reuters - five thousand people protesting high\job losses formed a 3 mile unemployment line in manhattan on\wednesday and aids activists disrupted a republican meeting on\the third day of the party ' s convention to nominate the\president to a second term in office . +__label__4 , make hotels just like home , hotel operators , take note todays hotel guests are making a nonsense of room-pricing strategies with their aggressive , internet-aided discount-hunting . +__label__4 , strong hurricane roars over bahamas toward florida ( reuters ) , reuters - hurricane frances battered the\southeastern bahamas islands with 140 mph winds on wednesday as\it roared toward the united states and put millions of people\on alert along florida ' s heavily populated east coast . +__label__3 , update 8 ford , gm set production cuts on sales drop , another disappointing sales month at general motors corp . and ford motor co . led the nation #39 s two largest automakers to cut planned vehicle production in the fourth quarter , which could hurt profits . +__label__4 , apple unwraps new imac g5s , paris -- apple computer will begin shipping its new imac g5 desktop computer worldwide in mid-september , the company #39 s top marketing executive says . +__label__4 , sneaky sharing ( pc world ) , pc world - despite well-publicized wins by piracy foes , illegal digital music and movie trading continues to flourish in underground havens . +__label__1 , hague court imposes defense counsel on milosevic , the hague ( reuters ) - judges at the hague tribunal on thursday imposed a defense counsel on former yugoslav president slobodan milosevic to avoid further delays in his war crimes trial . +__label__2 , it #39 s got to be cole on the left , football365 #39 s top pundit looks ahead to england #39 s international double-header and calls for joe cole to be given the nod on the left . . . of the three left-sided options available to sven-goran eriksson on saturday , i would personally go for joe cole . +__label__1 , court imposes lawyer on milosevic , the un tribunal in the hague says it will impose a defence lawyer on former yugoslav leader slobodan milosevic . +__label__3 , not a big hit everywhere , bill ryan is spending the last days of the summer traveling across canada and the united states to pitch big shareholders on the complicated plan to sell 51 percent of his banknorth group inc . to toronto-dominion bank . +__label__3 , software service aims to outfox caller id , a new computerized service enables customers to create phony outbound phone numbers in order to mask their telephone identities . +__label__1 , as french school year begins , iraq crisis tests head scarf ban , paris -- school doors open for 12 million french children today , but there is far more at stake this year than back-to-school jitters . +__label__1 , 12 nations agree to locust battle plan , dakar , senegal -- residents burned tires and children took to the streets with sticks in senegal ' s capital yesterday to fight an invasion of locusts , as 12 west african nations agreed on a battle plan . +__label__2 , he ' s caught up in hurricane , there was the \$5 million deutsche bank championship to prepare for and the ryder cup is a few weeks away , but the first order of business for jim furyk yesterday was to make sure his wife and children were headed for safety . +__label__2 , a serving of football efl style , can ' t wait to see the super bowl champion new england patriots look to continue their 15-game winning streak when they host the indianapolis colts next thursday ? gridiron junkies will whet their appetite tomorrow at 7 p . m . at battis field in middleborough , where the middleboro cobras and brockton buccaneers will tangle for eastern football league supremacy . +__label__2 , locals lift irish squad in europe tourney , tim brett and matt shinney are lacrosse aficionados and fervent players . brett , 27 , who is a manager at a hotel in charlestown , and shinney , 23 , a student at bridgewater state college , are self-described lacrosse quot weekend warriors . quot +__label__4 , phone fight against home violence , a campaign begins to collect old mobile phones and convert them into alarms for women who are attacked in the home . +__label__1 , israeli forces raid gaza refugee camp , israeli forces destroyed two five-story apartment buildings in a gaza refugee camp early thursday after evacuating thousands of palestinians from a neighborhood , said residents and the military . +__label__4 , napster offers music to go , this service leverages new windows media 10 technologies to enable napster subscribers to download music to portable devices , a technology called janus . +__label__2 , casagrande and golbano out of vuelta , italy #39 s francesco casagrande and carlos golbano of spain have been declared unfit to start the tour of spain following pre-race blood tests . +__label__1 , japanese prime minister inspects four northern islands under < b> . . . < /b> , on september 2 , japanese prime minister junichiro koizumi ( right ) inspects four northern islands that are under territorial dispute with russia . +__label__3 , red hat replaces cfo , red hat on thursday named charles peters jr . as executive vice president and chief financial officer . peters replaces kevin thompson , who unexpectedly announced his resignation in june , a few days before the +__label__3 , federated sales decline in august , a slow august snapped an eight-month winning streak for federated department stores inc . , which reported its first drop in sales since november . +__label__1 , french students face new head scarf ban , paris - millions of french students returned to school thursday as a new law that bans islamic head scarves from classrooms went into effect amid demands by islamic radicals holding two french hostages in iraq that the law be scrapped . muslim leaders in france , who had largely opposed the law , urged calm for the return to class . . . +__label__1 , scotch whisky eyes asian and eastern european markets ( afp ) , afp - a favourite tipple among connoisseurs the world over , whisky is treated with almost religious reverence on the hebridean island of islay , home to seven of scotland ' s single malt distilleries . +__label__4 , mobile phone sales hit second-quarter record gartner ( afp ) , afp - global sales of mobile telephones hit a record 156 million in the second quarter , a study published by the us research group gartner showed . +__label__4 , british bug splat survey springs surprise ( reuters ) , reuters - the results of one of the stranger\environmental surveys to be conducted in britain are in -- and\there ' s a surprise . +__label__3 , specialty retail tales , not every specialty retailer is cut from the same mold -- some are just moldy . +__label__2 , smith setback for windies , west indies have been forced to make a second change to their champions trophy squad because of injury . dwayne smith is suffering from a shoulder problem and has been replaced by ryan hinds . +__label__4 , orange tells customers to talk now , european carrier orange is rolling out its own push to talk service ahead of efforts to create a standardized ptt system . european mobile carrier orange has announced +__label__4 , microsoft ' s tune like many others , cue the music microsoft has officially thrown its headphones into the ring in the contest to bring legal music downloads to the masses . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__4 , rnc protesters using text messages to plan , multiple reports of provocateurs setting trash fires in midtown , read one text message sent to 400-plus mobile phones this week through a service called ruckus rnc 2004 text alerts . +__label__4 , red hat replaces cfo , charles peters jr . is taking over as the company deals with the aftereffects of restating its earnings for the past three fiscal years . +__label__4 , appeals court faults oracle in shareholder suit , judges send case back to lower court to sort out allegations of improper bookkeeping and suspicious stock sales . +__label__4 , microsoft japan to give away over one million xp sp2 cds , tokyo -- microsoft corp . ' s japanese arm will begin giving away more than a million cd-roms of the company ' s latest security update , windows xp service pack 2 ( sp2 ) from 27 , 500 locations during september and october , the company said on thursday . +__label__4 , sun to enter content switch market , sun microsystems inc . plans later this month to unveil its first ever content switch a load-balancing and ssl ( secure sockets layer ) acceleration switch based on the nauticus n2000 products that the santa clara , california , company acquired in january of this year . +__label__3 , us airways shares up on possible pilots pact , shares of us airways group inc . rose more than 9 thursday morning after the airline #39 s pilots union said it may agree on a plan to cut wages and benefits . +__label__4 , microsoft to make foray into online music ( siliconvalley . com ) , siliconvalley . com - microsoft makes its long-anticipated entry into the online music market today , marking the first serious challenge to apple computer ' s popular itunes service . +__label__4 , leapfrog ' s greener pastures ( the motley fool ) , the motley fool - if you ' ve ever had the entrepreneurial bug dig its teeth into you , odds are that you might take heart anytime a company ' s founder steps down and moves on . granted , sometimes you have instances like gateway ' s ( nyse gtw - news ) ted waitt and apple ' s ( nasdaq aapl - news ) steve jobs in which the originators come back to lead their companies , but that ' s rarely the case . +__label__1 , davenport advances at u . s . open , new york - lindsay davenport ' s summer of success stayed on course thursday when the fifth-seeded former u . s . open champion defeated arantxa parra santonja 6-4 , 6-2 and advanced to the third round of the season ' s final grand slam event . . . +__label__2 , media speculate on successor as england coach prepares to step < b> . . . < /b> , with sir clive woodward seemingly on his way to soccer , england #39 s rugby team is looking for a new coach to follow up last year #39 s world cup triumph . +__label__2 , update 1-jimenez , garcia , donald make langer a happy man , miguel angel jimenez and sergio garcia warmed up for this month #39 s ryder cup with sparkling starts at the european masters on thursday . +__label__3 , some dire talk from yukos lifts oil prices , oscow , sept . 2- world oil prices rose on thursday after russia #39 s largest oil producer , yukos , said a court ruling quot paralyzes #39 #39 the company #39 s operations . +__label__3 , megawati kicks off 36th asean economic meeting , jakarta ( agencies ) president megawati soekarnoputri opened high-level economic talks between members of the association of southeast asian nations ( asean ) on friday with a warning to asean leaders that they must stay the course on their agreed +__label__4 , microsoft bends on sender id , software firm microsoft seems to have agreed to bend to the will of the open source community on its anti-spam technology sender id . +__label__4 , fossil pushes upright walking back 2 million years , study says , quot dating the beginnings of bipedalism is very important in the human story because , for many experts , it would mark a clear divergence from the ancestral/ape pattern and show that the human lineage had really begun , quot said chris stringer , director of the +__label__4 , semiconductor manufacturing to boost capacity by half ( update2 ) , semiconductor manufacturing international corp . , china #39 s biggest supplier of made-to-order chips , said its factory capacity will rise by more than half in the second half as the company brings more plants on line . +__label__4 , the playlist what ' s wrong with digital music stores ? ( pc world ) , pc world - though digital music has come a long way , today ' s online music stores still have significant problems . here ' s my fix-it wish list . +__label__4 , counting the hops ( forbes . com ) , forbes . com - like network appliance , many top tech firms are snapping up linux programmers , hoping to influence the way the operating system evolves . the trick is to hire programmers closest to linux creator linus torvalds . torvalds oversees linux development , but he delegates pieces of the system to the 25 or so code maintainers , like trond myklebust at netapp . maintainers in turn break their projects into smaller pieces , overseen by submaintainers . +__label__1 , congress members seek officer ' s dismissal ( ap ) , ap - a group of congressional democrats is asking president bush to dismiss a senior military intelligence officer who made church speeches that included inflammatory religious remarks while discussing the war on terrorism . +__label__1 , french hostage transfer sparks release hopes , paris ( reuters ) - hopes of a swift end to the french hostage crisis rose early friday , after the le figaro newspaper that employs one of the two captives said the men were now being held by iraqi guerrillas willing to negotiate their release . +__label__1 , south korea seeks to play down nuclear disclosure , seoul ( reuters ) - south korea said on friday it did not expect a shock declaration that government scientists enriched uranium four years ago to upset international efforts to end north korea ' s nuclear ambitions . +__label__3 , after steep drop , price of oil rises , the freefall in oil prices ended monday on a spate of ominous developments , including a deadly attack on a us consulate in saudi arabia and reports that opec might cut production this week . +__label__3 , ex-teller wins bias case against citizens , a former part-time teller and mexican immigrant won more than \$100 , 000 after the massachusetts commission against discrimination determined citizens bank discriminated against her when it bypassed her for a full-time job in favor of a less experienced white co-worker . +__label__1 , seoul allies calm on nuclear shock , south korea ' s key allies play down a shock admission its scientists experimented to enrich uranium . +__label__1 , freed trio get warm delhi welcome , three indian truck drivers held hostage in iraq arrive back in delhi , where large crowds greet them . +__label__3 , oil prices rise on fears about yukos production , oil prices briefly bolted above \$45 a barrel yesterday , then retreated toward \$44 , in a volatile day of trading after russian oil giant yukos said its output could suffer because of a court ruling that froze some of its assets . +__label__4 , the bahamas - the real medal winner of the athens olympics , a different way of calculating the medal standings brings some interesting results . +__label__3 , third month of slow sales for retailers , the august start of the back-to-school shopping season was a disappointment for major retailers . +__label__1 , south koreans say secret work refined uranium , south korea admitted that a group of its nuclear scientists secretly produced a small amount of near-weapons grade uranium . +__label__3 , del monte needs 9lives , the leading private and branded food and pet products marketer is spending to revamp its image . +__label__2 , utes pile it on , alex smith throws for three touchdowns , rushes for two more and finishes with 435 yards of offense , and no . 20 utah backs up its first preseason ranking with a 41-21 win over texas a m . +__label__3 , high court hears dispute over michigan interstate wine sales , the supreme court is considering whether michigan and other states may bar people from buying wine directly from out-of-state suppliers , a big-money question that could lead to sweeping changes in how alcoholic beverages are regulated __label__4 , apple faithful ' s apathy to blame for napsterized schools , < strong> opinion< /strong> impotent with ipod pride -__label__1 , nepal capital under curfew for 3rd day violators ordered to be < b> . . . < /b> , a shoot-on-sight curfew imposed to prevent riots and violent protests over the killing of 12 nepalese workers in iraq entered its third day friday , while officials said they were trying to recover the bodies of the slain hostages . -__label__4 , md . board meeting worries democrats , republican-dominated election board met behind closed doors in deliberations that democrats feared were aimed at ousting elections administrator linda h . lamone . < br> \< font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__4 , ibm and intel to open up blade specifications , with today ' s expected announcement , hardware vendors will get access to the bladecenter specifications by signing a seven-page licensing agreement , which grants users the right to license the specifications for certain types of products . -__label__4 , columnists simple and secure isn ' t so simple , simple to code does not always mean simple for the user . and simple for the user is often not easy to code . -__label__1 , policeman shot dead in saudi battle , one saudi policeman was killed and three others were wounded in clashes with militants in a town northeast of riyadh . a number of suspects were arrested in the battles , officials said . -__label__3 , eu foreign ministers hope to break deadlock over asem summit , the european union said friday it quot hoped to reach a conclusion quot at a meeting of foreign ministers on the participation of military-ruled myanmar in an upcoming summit of asian and european nations . -__label__3 , first albany cuts target for intel , keeps #39 buy #39 rating , new york ( cbs . mw ) -- first albany lowered its stock price target for intel ( intc ) to \$24 from \$30 following the chip sector bellwether #39 s lowered third-quarter revenue and margin outlook . -__label__2 , lynch triumphs at redcar , fergal lynch had a good win at redcar as he returned to action yesterday along with champion jockey kieren fallon , fellow rider darren williams and trainer karl burke , after their shock -__label__2 , 9 in a row ! red sox sweep angels , the red sox take control of the american league wild-card race with a 4-3 win over the angels . it was boston #39 s ninth straight win -- a season high . -__label__2 , the russians are back , st . paul , minn . outclassed and completely humiliated by the russians here last night , the reeling and desperate americans are planning wholesale lineup changes to get back on track in the world cup . -__label__3 , us economy generated 144 , 000 jobs in august ( afp ) , afp - the us economy generated 144 , 000 jobs in august , the labour department said , in a sign that the labour market was improving slightly after two sluggish months . -__label__3 , yukos faces tax arrears of \$4bn , moscow russias tax ministry said on friday that it had raised its back tax claims against oil major yukos by a fifth for 01 , to 119 . -__label__1 , argentine court acquits bombing suspects , an argentine court acquitted five suspects in the 1994 bombing of a jewish community center that killed 85 people , la nacion newspaper reported friday . -__label__4 , ibm recalls 225 , 000 laptop adapters , the adapters can overheat and cause damage to the circuit board , according to a safety agency . washington ibm will recall about 225 , 000 ac power adapters for several models of its laptop computer because -__label__4 , big blue veteran heads to emc , emc has hired a former ibm veteran to be its chief technology officer , in what appears to be the latest step in emc #39 s evolution from a data storage hardware specialist to a more comprehensive computing company . -__label__2 , no miracle this time , that miracle , of course , took place in lake placid , ny , during the 1980 winter olympics . thanks to the likes of jim craig , mike eruzione , ken morrow and the rest of the us hockey team , the mighty soviet union -__label__1 , kerry vows to tell truth as president ( reuters ) , reuters - democrat john kerry on friday\dismissed the republican convention as bitter and insulting\and promised to be a u . s . president who would tell americans\the truth . -__label__3 , intel outlook may portend pc weakness , new york ( reuters ) - intel corp ' s < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=intc . o target=/stocks/quickinfo/fullquote> intc . o< /a> sharp cut in its revenue outlook dragged down shares of personal computer makers on friday , on fears that the chipmaker ' s problems could signal weak pc markets , analysts said . -__label__3 , indian inflation peaks on imports , indian inflation hits its highest level in more than three years , boosted by increasing energy and food costs . -__label__3 , judge geico can sue google , overture over ads , a federal judge in virginia has ruled that a trademark infringement suit filed by the government employees insurance co . ( geico ) against internet search giants google inc . and overture services inc . can proceed . -__label__4 , did apple offer sony an itunes deal ? , update a partnership may be crucial for long-term success , one industry insider says . -__label__3 , usa textile industry to renew request to place embargo on < b> . . . < /b> , the us textile industry officials would plead for blocking chinese imports to the bush administration this month . earlier this year , the white house had rejected a similar request made by 130 republican and democratic members of congress . -__label__4 , nasa braces for frances , thousands of automobiles clogged florida #39 s highways during the largest evacuation in state history as residents anticipated the arrival of hurricane frances . -__label__2 , lsu , oklahoma play openers on saturday , louisiana state beat oklahoma in the bowl championship series title game in the sugar bowl last january . both teams play their openers on saturday in the first full weekend of the college football season . -__label__2 , gerrard only a 50-50 chance , vienna - england midfielder steven gerrard is a major doubt to face austria in today #39 s opening 2006 world cup qualifier . gerrard has failed to shake off a groin injury suffered in training on thursday and -__label__1 , israeli troops kill two palestinians ( ap ) , ap - israeli troops killed two palestinians in two separate incidents friday , and israeli helicopters fired three missiles at a gaza warehouse the army said was used for making weapons . -__label__3 , continental won #39 t make pension contributions this year , continental airlines announced today it will not make any contributions to its pension plan this year , citing as reasons the ongoing uncertainty of the industry #39 s economic environment and the record high cost of jet fuel . -__label__4 , napster tests quot on-the-go quot subscription service , napster announced yesterday that it is testing a new subscription service model that would add portable devices to the list of its subscription service #39 s supported devices . -__label__2 , a different ball game , two interesting stories this week . one - manchester united #39 s signing of wayne rooney - exciting if rather predictable another - southampton #39 s apparent intent to hire england rugby union coach sir clive woodward - surprising and , to many , baffling . -__label__1 , president , pm review dialogue process with india , islamabad , pakistan sep 04 ( pid ) - president general pervez musharraf and prime minister shaukat aziz attended a meeting on friday to review the progress of the composite dialogue between india and pakistan delineates a strategy to carry the process -__label__2 , mlb houston 8 , pittsburgh 6 , carlos beltran went two for four with a homer and scored three times friday night as houston downed pittsburgh , 8-6 . craig biggio , jose vizcaino and jeff bagwell also homered for -__label__1 , attack on un vehicle kills one in southern afghanistan , kandahar , afghanistan an afghan man died and five people were hurt in a bomb attack on a un vehicle in afghanistan , officials said , in the second deadly blast in a week as the country prepares for next month #39 s polls . -__label__2 , mauresmo cruises to straight-set victory , new york no . 2 women #39 s seed amelie mauresmo of france advanced to the fourth round of the us open , defeating no . 31 seed maria vento-kabchi 6-2 , 6-0 friday . -__label__2 , it #39 s not in the cards , jose lima bounced back in grand style friday night from one of his worst outings of the season and an eight-day layoff , limiting the national league #39 s most feared lineup to two -__label__1 , protesters greet taiwan president during brief visit , tensions between taiwan and china landed on seattle #39 s doorstep last night when taiwan president chen shui-bian visited seattle under tight security , greeted by demonstrators both for and against taiwan independence . -__label__4 , livewire fantasy sports leagues thrive online ( reuters ) , reuters - take 15 million armchair athletes , \add a steady stream of statistics and mix in a healthy dollop\of trash talk . post it all on the internet and you ' ve got a #36 3\billion industry built around imaginary sports teams . -__label__2 , yankees , brown go down swinging , kevin brown ' s frustrating season finally reached a boiling point , and now his hot temper could cost the new york yankees at the most important time . brown broke his non-pitching hand when he punched a wall in the clubhouse last night during a 3-1 loss to the baltimore orioles that cut new york ' s lead in the al east . . . -__label__1 , medicare premiums to rise record 17 pct . , washington - medicare premiums for doctor visits are going up a record \$11 . 60 a month next year . the bush administration says the increase reflects a strengthened medicare , while democrats complain that seniors are being unfairly socked . . . -__label__3 , at amp t wireless moves to sell canada asset , t amp t wireless services inc . , the third-largest united states mobile phone company , reached an agreement yesterday with rogers communications inc . -__label__2 , symonds century lifts australia , london , england -- andrew symonds rode his luck to score the second one-day century of his career as australia scored 269-6 from their 50 overs against pakistan at lord #39 s . -__label__2 , federer back in open #39 s fourth round with masterful performance , for most tennis players , having about the same number of clean winners as unforced errors translates into a pretty good performance . -__label__1 , two palestinians kiled in a night raid against a warehouse in gaza , israeli military helicopters yesterday evening bombarded by missiles a building in one of the refugee camps in the downtown of gaza , while two palestinians were killed and other three injured in the sector by the israeli bullets . -__label__2 , colo . town relieved by bryant decision ( ap ) , ap - it was the surest sign that the kobe bryant case was leaving town for good after a 14-month occupation a rancher obtained permission to tear down cnn ' s 15-by-20-foot camera platform near the courthouse . -__label__1 , french captives #39 fate mulled , baghdad , iraq - an islamic militant group that claimed to have kidnapped two french journalists said it would soon decide their fate , according to a message posted on a web site friday , and an iraqi negotiator called the chance for their release quot excellent -__label__1 , alert shuts los angeles airport , parts of los angeles international airport are temporarily closed down amid reports of a security breach . -__label__1 , bush cuts down the middle on broccoli question ( afp ) , afp - facing a issue that once tripped up his father , us president george w . bush told adoring supporters that he likes broccoli . part of it , anyway . -__label__3 , job numbers give candidates room to debate , washington - employers stepped up hiring in august , expanding payrolls by 144 , 000 and lowering the unemployment rate to 5 . 4 percent . -__label__2 , no . 19 iowa dominates kent st . , 39-7 ( ap ) , ap - drew tate threw two touchdowns in his first start and no . 19 iowa turned in a dominating defensive performance to beat kent state 39-7 in the season opener saturday . -__label__2 , quick duff puts kerr #39 s men into fast lane , brian kerr took his ireland squad to the dogs last wednesday , but the evening spent watching greyhounds race was not solely about relaxation . -__label__4 , email this to a friend print this story , never content with the simple things in life , microsoft is apparently on a mobile media crusade with the deceptively unassuming announcement of the companies msn music service . -__label__3 , stocks dip after intel cuts forecast , stocks in the united states fell - led by technology shares - after the world #39 s biggest semiconductor maker intel cut its revenue forecast because of slowing demand for personal computers and mobile phones . -__label__1 , hezbollah rejects abolition call , the leader of militant lebanese group hezbollah rejects a un call for the organisation to be disbanded . -__label__2 , pierce hunts down sharapova , maria sharapova , the 17-year-old wimbledon champion , was eliminated in the third round at the us open yesterday by the 27th seed , mary pierce , who used to be known as quot the -__label__2 , singh takes two-shot lead , woods tied for second , norton , massachusetts ( reuters ) - fiji ' s vijay singh fashioned an eight-under par 63 saturday to take a two-shot second-round lead on 131 in the deutsche bank championship . -__label__2 , biffle bests mears , greg biffle wins a nearly race-long duel with casey mears , pulling away over the last two laps to win the nascar busch series race saturday at california speedway . -__label__3 , wal-mart anchors windows media mall , the world #39 s largest software company has teamed with the world #39 s largest retailer to help kick off the latest version of windows media player . -__label__2 , kerr cruises into lead , cristie kerr carded a nine-under-par 63 to take a four-stroke lead after the third round of the state farm classic in illinois . kerr entered the day four shots behind christina kim but showed the youngster that tour veterans must never be underestimated . -__label__4 , in internet calling , skype is living up to the hype , skype is the easiest , fastest and cheapest way for individual customers to use their computers with broadband connections as telephones . -__label__3 , the next shock not oil , but debt , the american economic ship , which has weathered the recent run-up in crude oil prices , may be more vulnerable to sudden surges in the price of money . -__label__3 , motorists submitting to high gas prices ( ap ) , ap - americans appear to be getting used to paying more to drive #151 even if it means they have less money to buy other things . for example , wal-mart stores inc . , the world ' s largest retailer , blamed disappointing sales in august on the fact that shoppers spent more just getting to and from its stores . -__label__3 , judge orders inspector to look at hollinger dealings , a canadian judge has ordered that a court-appointed inspector be assigned to take a close look at the business dealings of hollinger inc , the conrad black-controlled company said on friday . -__label__3 , pfizer to settle asbestos claims , new york ( dowjonesap ) - pfizer ( pfe ) said friday it has agreed to pay \$430 million to settle all lawsuits against it alleging injury from insulation products made by a subsidiary . -__label__4 , apache balks at microsoft #39 s licensing demands for anti-spam < b> . . . < /b> , com . the apache software foundation , developers of the popular open-source apache web server , said on thursday that it wouldn #39 t support the proposed anti-spam standard sender id , because the licensing terms set by microsoft corp . -__label__1 , asean moves closer to single market with #39 road map #39 , global trade < b> . . . < /b> , jakarta asean finance ministers ended a meeting which saw southeast asia edge closer to a europe-style single market , laying out a quot road map quot for integration and opening doors to wider global trade . -__label__2 , canada , finland rule pools , martin brodeur made 27 saves , and brad richards , kris draper , and joe sakic scored to help canada beat russia , 3-1 , last night in toronto , giving the canadians a 3-0 record in round-robin play of the world cup of hockey . -__label__2 , smith lifts missouri with all-around effort , columbia , mo . -- brad smith threw for 233 yards and three touchdowns and ran for 63 yards and another score to help no . 18 missouri rout arkansas state , 52-20 , last night in the season opener for both teams . -__label__2 , uconn passes first test , dan orlovsky threw for 382 yards and tied his school record with five touchdown passes to lead connecticut to a 52-14 win over murray state yesterday in east hartford . -__label__2 , tigers celebrating after beavers don #39 t get their kicks , freshman alexis serna is down on the field kneeling , pounding the tiger stadium turf . he wanted to hide . but couldn #39 t find a place . -__label__1 , russian school death toll tops 340 , the death toll in the russian schoolhouse siege soared to more than 340 yesterday , and the horrifying human cost is likely to keep climbing . -__label__2 , sharapova ousted , they were 78 feet and a generation apart . on one end of the arthur ashe stadium court stood maria sharapova , the 17-year-old wimbledon champion with a future as bright as her usual smile . -__label__2 , tom ridge sets all-age record in winning world trotting derby , tom ridge set an all-age record of 1 minute 50 . 2 seconds in winning the \$530 , 000 world trotting derby at the duquoin ( ill . ) state fair yesterday . -__label__2 , little guy earns big victory at open , new york -- olivier rochus didn ' t know quite how to react . first the arms went hesitantly up in the air . then there was a little half-fist pump , a triumphant bellow , and a smile that could have lit a path through the darkest storm . then rochus , a 23-year-old belgian who prior to this year had never won a match at the . . . -__label__3 , checking changes , toward the end of the month if resources are a little tight , there are times when krista bergstrom admits she writes a check or two for more than is left in her account . -__label__3 , sales aren #39 t making the grade , retailers in michigan delighted when students returned to the classroom , but the back-to-school sales haven #39 t generated the kind of dollars many projected . -__label__2 , rossi #39 i #39 m fairly happy #39 , valentino rossi , who on thursday pledged his future to yamaha , entered the final qualifying session with the fastest time to date , but with the morning rain having washed the circuit clean , the italian was unable to challenge makoto tamada for the pole . -__label__1 , pope prays for beslan school dead at italy mass , loreto , italy ( reuters ) - pope john paul prayed for the victims of the inhumane violence of russia ' s beslan school tragedy as he said mass on sunday before 200 , 000 people in central italy . -__label__2 , kerr happy with irish win , republic of ireland manager brian kerr said he was delighted with the 3-0 win over cyprus after so many players had pulled out of his squad . -__label__4 , microsoft sees open-source threat looming ever larger , microsoft corp . is facing growing pressure from open-source software across every segment of its businessa competitive threat that could have significant consequences for its financial future going forward -__label__4 , global sales of mobile phones hit record levels , paris global cellphone sales rose to record levels in the second quarter as nokia clawed back some of its lost market share , according to figures released thursday . -__label__2 , in the end , goofs sink jays , toronto -- all the early miscues belonged to the oakland athletics but the ones that mattered the most , in the eighth and ninth innings , were made by the toronto blue jays . -__label__1 , france hopeful for hostages , fatwa demands release ( reuters ) , reuters - france remained hopeful on sunday that\two french hostages in iraq would be freed and a religious\fatwa issued in iraq demanded their release . -__label__1 , saddam , aides to go on trial within weeks - daoud , iraq #39 s toppled leader saddam hussein and his top aides will go on trial within weeks , iraqi minister of state kasim daoud said on sunday . -__label__4 , the lowdown on downloading music , the digital music space is changing , with more songs and a growing number of places to download music legally . realizing that the time was ripe to see how we were doing , i took some song recommendations and sat down to see what i could download . -__label__3 , guidant , j amp j reportedly are in merger talks , johnson amp johnson is in advanced negotiations to acquire guidant , an indianapolis-based medical device maker , for more than \$24 billion , executives close to the talks said monday . -__label__1 , iraq govt . seeks to confirm if saddam aide held , baghdad ( reuters ) - iraq ' s government was scrambling on sunday to confirm whether the most wanted saddam hussein aide still on the run had been captured , as confident statements that he had been seized gave way to doubt and confusion . -__label__4 , hurricanes bring environmental renewal ( ap ) , ap - along with their destructive force , hurricanes can have beneficial effects as part of the rhythm of nature . storms that erode beaches , uproot trees and flatten wildlife habitats may also refresh waterways , revive dry areas and bulk up barrier islands with redistributed sand . -__label__1 , bush takes a double-digit lead as kerry campaign struggles to regroup ( afp ) , afp - george w . bush took a double-digit lead in what had been a neck-and-neck presidential election contest , prompting democratic challenger john kerry to refocus his campaign on bread-and-butter economic issues , where the republican incumbent president is considered vulnerable . -__label__2 , lord #39 s smiles on india once more , india bowled england all out for 181 to win the third one-day international of the natwest challenge at lord #39 s by 23 runs . england would have gone into the second innings confident . -__label__2 , chicago bears cut bryan robinson , lake forest , ill . -- veteran defensive lineman bryan robinson ( pictured ) was among 21 players cut sunday as the chicago bears pared their roster to 53 . -__label__2 , cycling petacchi wins second stage in spain , madrid alessandro petacchi showed why he is considered one of the world #39 s top sprinters when coming out on top in a mass dash to the line in the second stage of the tour of spain . -__label__1 , pm and latham target sydney , prime minister john howard and opposition leader mark latham will target key marginal seats around sydney as the election campaign hits its second week . -__label__1 , frances knocks out power , floods florida , fort pierce , fla . - hurricane frances ' wind and water whacked swaths of southern florida with fire-hose force sunday , submerging entire roadways and tearing off rooftops even as the storm weakened and crawled inland with heavy rain in its wake . . . -__label__3 , world briefs , london - a man wielding a machete and a knife attacked two security guards at the building housing the headquarters of the british domestic intelligence service mi5 on friday , police said . -__label__2 , yankees ' brown has successful surgery , kevin brown had successful surgery on his broken left hand sunday and vowed to pitch again for the yankees this season . -__label__1 , s . africa cancels thatcher meeting with eq . guinea , south africa has canceled a meeting with prosecutors from equatorial guinea who had hoped to interview mark thatcher on his suspected links to a coup plot in the oil-rich country , officials said on sunday . -__label__1 , bangladesh seeks us intelligence cooperation , bangladesh is willing to sign a protocol with the united states to set up a joint working group like india and pakistan did to enhance dhaka #39 s capability to effectively deal with future terrorist acts in the country . -__label__2 , titans release no . 3 qb jason gesser ( ap ) , ap - the tennessee titans released jason gesser , their third quarterback , on sunday and plan to replace him with a veteran . -__label__2 , jets abraham is likely to miss 3 games , though coach herman edwards ruled defensive end john abraham out for only this sunday #39 s game against the steelers with a sprained lateral collateral ligament in his right knee , he #39 ll be -__label__2 , astros 10 , pirates 5 , houston mike lamb went four-for-five with a homer and four rb-is to lead the houston astros to their ninth straight win with a 10-to-five victory over the pittsburgh pirates today . -__label__3 , labor situation deserves honest talk , for a moment last week , president bush escaped the white house spin chamber and was the plainspoken man much of the nation came to like four years ago . -__label__1 , saddam #39 s top aide al-douri arrested , file photo taken on march 1 , 2003 shows izzat ibrahim at the arab summit in sharm-el-sheikh , egypt . ibrahim , the second most powerful man of the former iraqi regime , was captured on sept . -__label__2 , jags cut compton , maddox ( ap ) , ap - veteran offensive lineman mike compton and rookie defensive tackle anthony maddox were among the 12 players cut by the jacksonville jaguars on sunday . -__label__1 , former saddam deputy arrested in iraq ( ap ) , ap - iraqi authorities claimed on sunday to have captured izzat ibrahim al-douri , the most wanted member of saddam hussein ' s ousted dictatorship , but there was confusion over the report , as the iraqi defense minister said word of his arrest was baseless . -__label__2 , couch , gildon , levens among nfl cuts ( ap ) , ap - tim couch ' s stay in green bay was short and unproductive . -__label__3 , tokyo stocks higher , lifted by survey , tokyo ( reuters ) - tokyo stocks rose by mid-morning on monday with a broad range of issues getting a lift from a key survey that boosted optimism on japan ' s economic outlook , with expectations rising that growth figures will be revised up . -__label__3 , british industry at best in 10 years , manufacturing industry is enjoying its strongest performance for almost 10 years , according to a survey by the engineering employers federation . -__label__4 , porn producers face severe punishment , those who are engaged in the profit-oriented production and dissemination of pornographic materials through the internet , mobile communication terminals and quot phone-sex quot services in china are subject to punishment as severe as life imprisonment , according -__label__2 , cricket kaspa has selectors in a bind , michael kasprowicz has put national selectors into a difficult situation with a five-wicket burst that has enhanced australia #39 s hopes of snatching a maiden champions trophy in london this month . -__label__1 , tokyo stocks higher at late morning ( ap ) , ap - tokyo stocks rose moderately monday morning on bargain hunting following friday ' s losses . the u . s . dollar was up against the japanese yen . -__label__3 , under attack , director says hollinger ' s black misled him , richard n . perle , a director at the media company hollinger international who was criticized in an internal report , says he was duped by its former chief , conrad m . black . -__label__1 , french minister returns empty handed , leaving behind two french reporters still held hostage in iraq , france #39 s foreign minister headed home from the middle east but said they were still believed to be alive and that efforts to free them would continue . -__label__2 , possible playoff preview a #39 s take a hit in toronto but come home < b> . . . < /b> , if the playoffs opened right now , instead of next month , the a #39 s would face the red sox in the first round -- again . boston bounced oakland out of the postseason in five games last year , coming back from a 2-0 deficit to do so . -__label__2 , col fb tennessee 42 , unlv 17 , freshman brent schaeffer threw for one touchdown and ran for another sunday as the 14th-ranked tennessee volunteers defeated the unlv rebels , 42-17 . -__label__2 , is it time for steroid testing in high schools ? , salinas , calif . -- baseball commissioner bud selig said in meetings monday that he would accept government intervention on steroid testing if the players #39 association refuses to change the current rules , which run for two more years . -__label__3 , update 4 tokyo stocks fall , us dollar climbs , tokyo share prices fell steeply friday , led by technology stocks after a disappointing report from us chip giant intel . the us dollar was up against the japanese yen . -__label__1 , west japan on guard for aftershocks after quakes , tokyo ( reuters ) - residents of western japan were warned of possible aftershocks on monday after two strong earthquakes the previous day but authorities said the tremors were not directly linked to a cycle of major seismic activity that hits the region every century or so . -__label__3 , monti gives abbey takeover green light , european competition commissioner mario monti has given the green light to the uk8 . 75bn takeover bid by spain #39 s santander for the uk #39 s abbey national . -__label__1 , anwar launches bid to clear name , lawyers for anwar ibrahim , the former deputy prime minister of malaysia , have launched a bid to clear his name . mr anwar was freed from jail on thursday , after a conviction for sodomy was quashed by a malaysian court . -__label__3 , nikkei hits 5-week closing high on upbeat capital spending data , tokyo - japan #39 s benchmark nikkei stock index hit a five-week closing high monday on upbeat capital spending figures for the april-june quarter by japanese companies . -__label__1 , india and pakistan wind up talks , deadlock on kashmir ( afp ) , afp - the foreign ministers of india and pakistan held a closing round of talks amid reports of progress on peripheral issues , but the nuclear rivals remained deadlocked on kashmir . -__label__1 , public warning over letter bombs , the discovery of 10 letter bombs has prompted a police warning to the public to exercise caution . bedfordshire police said none of the improvised devices - containing lighter fluid - had ignited , despite the fact that some had been opened . -__label__4 , pornsters face life in china smut crackdown , china is stepping up its hard line against internet pornography by threatening life imprisonment for anyoner caught peddling porn . -__label__1 , russia mourns hostage deaths , putin criticized , beslan , russia ( reuters ) - russia on monday mourned the deaths of hundreds of children and adults in its worst hostage drama as criticism mounted over the way president vladimir putin and his security forces handled the crisis . -__label__2 , south american world cup qualifiers brazil ease past bolivia , an impressive first-half display from brazil saw the selecao defeat bolivia 3-1 to move back to the top of the south american world cup qualifying group . -__label__3 , toyota to open south china plant , japan carmaker toyota enters a joint venture to produce saloon cars in southern china . +__label__1 , nepal capital under curfew for 3rd day violators ordered to be < b> . . . < /b> , a shoot-on-sight curfew imposed to prevent riots and violent protests over the killing of 12 nepalese workers in iraq entered its third day friday , while officials said they were trying to recover the bodies of the slain hostages . +__label__4 , md . board meeting worries democrats , republican-dominated election board met behind closed doors in deliberations that democrats feared were aimed at ousting elections administrator linda h . lamone . < br> \< font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__4 , ibm and intel to open up blade specifications , with today ' s expected announcement , hardware vendors will get access to the bladecenter specifications by signing a seven-page licensing agreement , which grants users the right to license the specifications for certain types of products . +__label__4 , columnists simple and secure isn ' t so simple , simple to code does not always mean simple for the user . and simple for the user is often not easy to code . +__label__1 , policeman shot dead in saudi battle , one saudi policeman was killed and three others were wounded in clashes with militants in a town northeast of riyadh . a number of suspects were arrested in the battles , officials said . +__label__3 , eu foreign ministers hope to break deadlock over asem summit , the european union said friday it quot hoped to reach a conclusion quot at a meeting of foreign ministers on the participation of military-ruled myanmar in an upcoming summit of asian and european nations . +__label__3 , first albany cuts target for intel , keeps #39 buy #39 rating , new york ( cbs . mw ) -- first albany lowered its stock price target for intel ( intc ) to \$24 from \$30 following the chip sector bellwether #39 s lowered third-quarter revenue and margin outlook . +__label__2 , lynch triumphs at redcar , fergal lynch had a good win at redcar as he returned to action yesterday along with champion jockey kieren fallon , fellow rider darren williams and trainer karl burke , after their shock +__label__2 , 9 in a row ! red sox sweep angels , the red sox take control of the american league wild-card race with a 4-3 win over the angels . it was boston #39 s ninth straight win -- a season high . +__label__2 , the russians are back , st . paul , minn . outclassed and completely humiliated by the russians here last night , the reeling and desperate americans are planning wholesale lineup changes to get back on track in the world cup . +__label__3 , us economy generated 144 , 000 jobs in august ( afp ) , afp - the us economy generated 144 , 000 jobs in august , the labour department said , in a sign that the labour market was improving slightly after two sluggish months . +__label__3 , yukos faces tax arrears of \$4bn , moscow russias tax ministry said on friday that it had raised its back tax claims against oil major yukos by a fifth for 01 , to 119 . +__label__1 , argentine court acquits bombing suspects , an argentine court acquitted five suspects in the 1994 bombing of a jewish community center that killed 85 people , la nacion newspaper reported friday . +__label__4 , ibm recalls 225 , 000 laptop adapters , the adapters can overheat and cause damage to the circuit board , according to a safety agency . washington ibm will recall about 225 , 000 ac power adapters for several models of its laptop computer because +__label__4 , big blue veteran heads to emc , emc has hired a former ibm veteran to be its chief technology officer , in what appears to be the latest step in emc #39 s evolution from a data storage hardware specialist to a more comprehensive computing company . +__label__2 , no miracle this time , that miracle , of course , took place in lake placid , ny , during the 1980 winter olympics . thanks to the likes of jim craig , mike eruzione , ken morrow and the rest of the us hockey team , the mighty soviet union +__label__1 , kerry vows to tell truth as president ( reuters ) , reuters - democrat john kerry on friday\dismissed the republican convention as bitter and insulting\and promised to be a u . s . president who would tell americans\the truth . +__label__3 , intel outlook may portend pc weakness , new york ( reuters ) - intel corp ' s < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=intc . o target=/stocks/quickinfo/fullquote> intc . o< /a> sharp cut in its revenue outlook dragged down shares of personal computer makers on friday , on fears that the chipmaker ' s problems could signal weak pc markets , analysts said . +__label__3 , indian inflation peaks on imports , indian inflation hits its highest level in more than three years , boosted by increasing energy and food costs . +__label__3 , judge geico can sue google , overture over ads , a federal judge in virginia has ruled that a trademark infringement suit filed by the government employees insurance co . ( geico ) against internet search giants google inc . and overture services inc . can proceed . +__label__4 , did apple offer sony an itunes deal ? , update a partnership may be crucial for long-term success , one industry insider says . +__label__3 , usa textile industry to renew request to place embargo on < b> . . . < /b> , the us textile industry officials would plead for blocking chinese imports to the bush administration this month . earlier this year , the white house had rejected a similar request made by 130 republican and democratic members of congress . +__label__4 , nasa braces for frances , thousands of automobiles clogged florida #39 s highways during the largest evacuation in state history as residents anticipated the arrival of hurricane frances . +__label__2 , lsu , oklahoma play openers on saturday , louisiana state beat oklahoma in the bowl championship series title game in the sugar bowl last january . both teams play their openers on saturday in the first full weekend of the college football season . +__label__2 , gerrard only a 50-50 chance , vienna - england midfielder steven gerrard is a major doubt to face austria in today #39 s opening 2006 world cup qualifier . gerrard has failed to shake off a groin injury suffered in training on thursday and +__label__1 , israeli troops kill two palestinians ( ap ) , ap - israeli troops killed two palestinians in two separate incidents friday , and israeli helicopters fired three missiles at a gaza warehouse the army said was used for making weapons . +__label__3 , continental won #39 t make pension contributions this year , continental airlines announced today it will not make any contributions to its pension plan this year , citing as reasons the ongoing uncertainty of the industry #39 s economic environment and the record high cost of jet fuel . +__label__4 , napster tests quot on-the-go quot subscription service , napster announced yesterday that it is testing a new subscription service model that would add portable devices to the list of its subscription service #39 s supported devices . +__label__2 , a different ball game , two interesting stories this week . one - manchester united #39 s signing of wayne rooney - exciting if rather predictable another - southampton #39 s apparent intent to hire england rugby union coach sir clive woodward - surprising and , to many , baffling . +__label__1 , president , pm review dialogue process with india , islamabad , pakistan sep 04 ( pid ) - president general pervez musharraf and prime minister shaukat aziz attended a meeting on friday to review the progress of the composite dialogue between india and pakistan delineates a strategy to carry the process +__label__2 , mlb houston 8 , pittsburgh 6 , carlos beltran went two for four with a homer and scored three times friday night as houston downed pittsburgh , 8-6 . craig biggio , jose vizcaino and jeff bagwell also homered for +__label__1 , attack on un vehicle kills one in southern afghanistan , kandahar , afghanistan an afghan man died and five people were hurt in a bomb attack on a un vehicle in afghanistan , officials said , in the second deadly blast in a week as the country prepares for next month #39 s polls . +__label__2 , mauresmo cruises to straight-set victory , new york no . 2 women #39 s seed amelie mauresmo of france advanced to the fourth round of the us open , defeating no . 31 seed maria vento-kabchi 6-2 , 6-0 friday . +__label__2 , it #39 s not in the cards , jose lima bounced back in grand style friday night from one of his worst outings of the season and an eight-day layoff , limiting the national league #39 s most feared lineup to two +__label__1 , protesters greet taiwan president during brief visit , tensions between taiwan and china landed on seattle #39 s doorstep last night when taiwan president chen shui-bian visited seattle under tight security , greeted by demonstrators both for and against taiwan independence . +__label__4 , livewire fantasy sports leagues thrive online ( reuters ) , reuters - take 15 million armchair athletes , \add a steady stream of statistics and mix in a healthy dollop\of trash talk . post it all on the internet and you ' ve got a #36 3\billion industry built around imaginary sports teams . +__label__2 , yankees , brown go down swinging , kevin brown ' s frustrating season finally reached a boiling point , and now his hot temper could cost the new york yankees at the most important time . brown broke his non-pitching hand when he punched a wall in the clubhouse last night during a 3-1 loss to the baltimore orioles that cut new york ' s lead in the al east . . . +__label__1 , medicare premiums to rise record 17 pct . , washington - medicare premiums for doctor visits are going up a record \$11 . 60 a month next year . the bush administration says the increase reflects a strengthened medicare , while democrats complain that seniors are being unfairly socked . . . +__label__3 , at amp t wireless moves to sell canada asset , t amp t wireless services inc . , the third-largest united states mobile phone company , reached an agreement yesterday with rogers communications inc . +__label__2 , symonds century lifts australia , london , england -- andrew symonds rode his luck to score the second one-day century of his career as australia scored 269-6 from their 50 overs against pakistan at lord #39 s . +__label__2 , federer back in open #39 s fourth round with masterful performance , for most tennis players , having about the same number of clean winners as unforced errors translates into a pretty good performance . +__label__1 , two palestinians kiled in a night raid against a warehouse in gaza , israeli military helicopters yesterday evening bombarded by missiles a building in one of the refugee camps in the downtown of gaza , while two palestinians were killed and other three injured in the sector by the israeli bullets . +__label__2 , colo . town relieved by bryant decision ( ap ) , ap - it was the surest sign that the kobe bryant case was leaving town for good after a 14-month occupation a rancher obtained permission to tear down cnn ' s 15-by-20-foot camera platform near the courthouse . +__label__1 , french captives #39 fate mulled , baghdad , iraq - an islamic militant group that claimed to have kidnapped two french journalists said it would soon decide their fate , according to a message posted on a web site friday , and an iraqi negotiator called the chance for their release quot excellent +__label__1 , alert shuts los angeles airport , parts of los angeles international airport are temporarily closed down amid reports of a security breach . +__label__1 , bush cuts down the middle on broccoli question ( afp ) , afp - facing a issue that once tripped up his father , us president george w . bush told adoring supporters that he likes broccoli . part of it , anyway . +__label__3 , job numbers give candidates room to debate , washington - employers stepped up hiring in august , expanding payrolls by 144 , 000 and lowering the unemployment rate to 5 . 4 percent . +__label__2 , no . 19 iowa dominates kent st . , 39-7 ( ap ) , ap - drew tate threw two touchdowns in his first start and no . 19 iowa turned in a dominating defensive performance to beat kent state 39-7 in the season opener saturday . +__label__2 , quick duff puts kerr #39 s men into fast lane , brian kerr took his ireland squad to the dogs last wednesday , but the evening spent watching greyhounds race was not solely about relaxation . +__label__4 , email this to a friend print this story , never content with the simple things in life , microsoft is apparently on a mobile media crusade with the deceptively unassuming announcement of the companies msn music service . +__label__3 , stocks dip after intel cuts forecast , stocks in the united states fell - led by technology shares - after the world #39 s biggest semiconductor maker intel cut its revenue forecast because of slowing demand for personal computers and mobile phones . +__label__1 , hezbollah rejects abolition call , the leader of militant lebanese group hezbollah rejects a un call for the organisation to be disbanded . +__label__2 , pierce hunts down sharapova , maria sharapova , the 17-year-old wimbledon champion , was eliminated in the third round at the us open yesterday by the 27th seed , mary pierce , who used to be known as quot the +__label__2 , singh takes two-shot lead , woods tied for second , norton , massachusetts ( reuters ) - fiji ' s vijay singh fashioned an eight-under par 63 saturday to take a two-shot second-round lead on 131 in the deutsche bank championship . +__label__2 , biffle bests mears , greg biffle wins a nearly race-long duel with casey mears , pulling away over the last two laps to win the nascar busch series race saturday at california speedway . +__label__3 , wal-mart anchors windows media mall , the world #39 s largest software company has teamed with the world #39 s largest retailer to help kick off the latest version of windows media player . +__label__2 , kerr cruises into lead , cristie kerr carded a nine-under-par 63 to take a four-stroke lead after the third round of the state farm classic in illinois . kerr entered the day four shots behind christina kim but showed the youngster that tour veterans must never be underestimated . +__label__4 , in internet calling , skype is living up to the hype , skype is the easiest , fastest and cheapest way for individual customers to use their computers with broadband connections as telephones . +__label__3 , the next shock not oil , but debt , the american economic ship , which has weathered the recent run-up in crude oil prices , may be more vulnerable to sudden surges in the price of money . +__label__3 , motorists submitting to high gas prices ( ap ) , ap - americans appear to be getting used to paying more to drive #151 even if it means they have less money to buy other things . for example , wal-mart stores inc . , the world ' s largest retailer , blamed disappointing sales in august on the fact that shoppers spent more just getting to and from its stores . +__label__3 , judge orders inspector to look at hollinger dealings , a canadian judge has ordered that a court-appointed inspector be assigned to take a close look at the business dealings of hollinger inc , the conrad black-controlled company said on friday . +__label__3 , pfizer to settle asbestos claims , new york ( dowjonesap ) - pfizer ( pfe ) said friday it has agreed to pay \$430 million to settle all lawsuits against it alleging injury from insulation products made by a subsidiary . +__label__4 , apache balks at microsoft #39 s licensing demands for anti-spam < b> . . . < /b> , com . the apache software foundation , developers of the popular open-source apache web server , said on thursday that it wouldn #39 t support the proposed anti-spam standard sender id , because the licensing terms set by microsoft corp . +__label__1 , asean moves closer to single market with #39 road map #39 , global trade < b> . . . < /b> , jakarta asean finance ministers ended a meeting which saw southeast asia edge closer to a europe-style single market , laying out a quot road map quot for integration and opening doors to wider global trade . +__label__2 , canada , finland rule pools , martin brodeur made 27 saves , and brad richards , kris draper , and joe sakic scored to help canada beat russia , 3-1 , last night in toronto , giving the canadians a 3-0 record in round-robin play of the world cup of hockey . +__label__2 , smith lifts missouri with all-around effort , columbia , mo . -- brad smith threw for 233 yards and three touchdowns and ran for 63 yards and another score to help no . 18 missouri rout arkansas state , 52-20 , last night in the season opener for both teams . +__label__2 , uconn passes first test , dan orlovsky threw for 382 yards and tied his school record with five touchdown passes to lead connecticut to a 52-14 win over murray state yesterday in east hartford . +__label__2 , tigers celebrating after beavers don #39 t get their kicks , freshman alexis serna is down on the field kneeling , pounding the tiger stadium turf . he wanted to hide . but couldn #39 t find a place . +__label__1 , russian school death toll tops 340 , the death toll in the russian schoolhouse siege soared to more than 340 yesterday , and the horrifying human cost is likely to keep climbing . +__label__2 , sharapova ousted , they were 78 feet and a generation apart . on one end of the arthur ashe stadium court stood maria sharapova , the 17-year-old wimbledon champion with a future as bright as her usual smile . +__label__2 , tom ridge sets all-age record in winning world trotting derby , tom ridge set an all-age record of 1 minute 50 . 2 seconds in winning the \$530 , 000 world trotting derby at the duquoin ( ill . ) state fair yesterday . +__label__2 , little guy earns big victory at open , new york -- olivier rochus didn ' t know quite how to react . first the arms went hesitantly up in the air . then there was a little half-fist pump , a triumphant bellow , and a smile that could have lit a path through the darkest storm . then rochus , a 23-year-old belgian who prior to this year had never won a match at the . . . +__label__3 , checking changes , toward the end of the month if resources are a little tight , there are times when krista bergstrom admits she writes a check or two for more than is left in her account . +__label__3 , sales aren #39 t making the grade , retailers in michigan delighted when students returned to the classroom , but the back-to-school sales haven #39 t generated the kind of dollars many projected . +__label__2 , rossi #39 i #39 m fairly happy #39 , valentino rossi , who on thursday pledged his future to yamaha , entered the final qualifying session with the fastest time to date , but with the morning rain having washed the circuit clean , the italian was unable to challenge makoto tamada for the pole . +__label__1 , pope prays for beslan school dead at italy mass , loreto , italy ( reuters ) - pope john paul prayed for the victims of the inhumane violence of russia ' s beslan school tragedy as he said mass on sunday before 200 , 000 people in central italy . +__label__2 , kerr happy with irish win , republic of ireland manager brian kerr said he was delighted with the 3-0 win over cyprus after so many players had pulled out of his squad . +__label__4 , microsoft sees open-source threat looming ever larger , microsoft corp . is facing growing pressure from open-source software across every segment of its businessa competitive threat that could have significant consequences for its financial future going forward +__label__4 , global sales of mobile phones hit record levels , paris global cellphone sales rose to record levels in the second quarter as nokia clawed back some of its lost market share , according to figures released thursday . +__label__2 , in the end , goofs sink jays , toronto -- all the early miscues belonged to the oakland athletics but the ones that mattered the most , in the eighth and ninth innings , were made by the toronto blue jays . +__label__1 , france hopeful for hostages , fatwa demands release ( reuters ) , reuters - france remained hopeful on sunday that\two french hostages in iraq would be freed and a religious\fatwa issued in iraq demanded their release . +__label__1 , saddam , aides to go on trial within weeks - daoud , iraq #39 s toppled leader saddam hussein and his top aides will go on trial within weeks , iraqi minister of state kasim daoud said on sunday . +__label__4 , the lowdown on downloading music , the digital music space is changing , with more songs and a growing number of places to download music legally . realizing that the time was ripe to see how we were doing , i took some song recommendations and sat down to see what i could download . +__label__3 , guidant , j amp j reportedly are in merger talks , johnson amp johnson is in advanced negotiations to acquire guidant , an indianapolis-based medical device maker , for more than \$24 billion , executives close to the talks said monday . +__label__1 , iraq govt . seeks to confirm if saddam aide held , baghdad ( reuters ) - iraq ' s government was scrambling on sunday to confirm whether the most wanted saddam hussein aide still on the run had been captured , as confident statements that he had been seized gave way to doubt and confusion . +__label__4 , hurricanes bring environmental renewal ( ap ) , ap - along with their destructive force , hurricanes can have beneficial effects as part of the rhythm of nature . storms that erode beaches , uproot trees and flatten wildlife habitats may also refresh waterways , revive dry areas and bulk up barrier islands with redistributed sand . +__label__1 , bush takes a double-digit lead as kerry campaign struggles to regroup ( afp ) , afp - george w . bush took a double-digit lead in what had been a neck-and-neck presidential election contest , prompting democratic challenger john kerry to refocus his campaign on bread-and-butter economic issues , where the republican incumbent president is considered vulnerable . +__label__2 , lord #39 s smiles on india once more , india bowled england all out for 181 to win the third one-day international of the natwest challenge at lord #39 s by 23 runs . england would have gone into the second innings confident . +__label__2 , chicago bears cut bryan robinson , lake forest , ill . -- veteran defensive lineman bryan robinson ( pictured ) was among 21 players cut sunday as the chicago bears pared their roster to 53 . +__label__2 , cycling petacchi wins second stage in spain , madrid alessandro petacchi showed why he is considered one of the world #39 s top sprinters when coming out on top in a mass dash to the line in the second stage of the tour of spain . +__label__1 , pm and latham target sydney , prime minister john howard and opposition leader mark latham will target key marginal seats around sydney as the election campaign hits its second week . +__label__1 , frances knocks out power , floods florida , fort pierce , fla . - hurricane frances ' wind and water whacked swaths of southern florida with fire-hose force sunday , submerging entire roadways and tearing off rooftops even as the storm weakened and crawled inland with heavy rain in its wake . . . +__label__3 , world briefs , london - a man wielding a machete and a knife attacked two security guards at the building housing the headquarters of the british domestic intelligence service mi5 on friday , police said . +__label__2 , yankees ' brown has successful surgery , kevin brown had successful surgery on his broken left hand sunday and vowed to pitch again for the yankees this season . +__label__1 , s . africa cancels thatcher meeting with eq . guinea , south africa has canceled a meeting with prosecutors from equatorial guinea who had hoped to interview mark thatcher on his suspected links to a coup plot in the oil-rich country , officials said on sunday . +__label__1 , bangladesh seeks us intelligence cooperation , bangladesh is willing to sign a protocol with the united states to set up a joint working group like india and pakistan did to enhance dhaka #39 s capability to effectively deal with future terrorist acts in the country . +__label__2 , titans release no . 3 qb jason gesser ( ap ) , ap - the tennessee titans released jason gesser , their third quarterback , on sunday and plan to replace him with a veteran . +__label__2 , jets abraham is likely to miss 3 games , though coach herman edwards ruled defensive end john abraham out for only this sunday #39 s game against the steelers with a sprained lateral collateral ligament in his right knee , he #39 ll be +__label__2 , astros 10 , pirates 5 , houston mike lamb went four-for-five with a homer and four rb-is to lead the houston astros to their ninth straight win with a 10-to-five victory over the pittsburgh pirates today . +__label__3 , labor situation deserves honest talk , for a moment last week , president bush escaped the white house spin chamber and was the plainspoken man much of the nation came to like four years ago . +__label__1 , saddam #39 s top aide al-douri arrested , file photo taken on march 1 , 2003 shows izzat ibrahim at the arab summit in sharm-el-sheikh , egypt . ibrahim , the second most powerful man of the former iraqi regime , was captured on sept . +__label__2 , jags cut compton , maddox ( ap ) , ap - veteran offensive lineman mike compton and rookie defensive tackle anthony maddox were among the 12 players cut by the jacksonville jaguars on sunday . +__label__1 , former saddam deputy arrested in iraq ( ap ) , ap - iraqi authorities claimed on sunday to have captured izzat ibrahim al-douri , the most wanted member of saddam hussein ' s ousted dictatorship , but there was confusion over the report , as the iraqi defense minister said word of his arrest was baseless . +__label__2 , couch , gildon , levens among nfl cuts ( ap ) , ap - tim couch ' s stay in green bay was short and unproductive . +__label__3 , tokyo stocks higher , lifted by survey , tokyo ( reuters ) - tokyo stocks rose by mid-morning on monday with a broad range of issues getting a lift from a key survey that boosted optimism on japan ' s economic outlook , with expectations rising that growth figures will be revised up . +__label__3 , british industry at best in 10 years , manufacturing industry is enjoying its strongest performance for almost 10 years , according to a survey by the engineering employers federation . +__label__4 , porn producers face severe punishment , those who are engaged in the profit-oriented production and dissemination of pornographic materials through the internet , mobile communication terminals and quot phone-sex quot services in china are subject to punishment as severe as life imprisonment , according +__label__2 , cricket kaspa has selectors in a bind , michael kasprowicz has put national selectors into a difficult situation with a five-wicket burst that has enhanced australia #39 s hopes of snatching a maiden champions trophy in london this month . +__label__1 , tokyo stocks higher at late morning ( ap ) , ap - tokyo stocks rose moderately monday morning on bargain hunting following friday ' s losses . the u . s . dollar was up against the japanese yen . +__label__3 , under attack , director says hollinger ' s black misled him , richard n . perle , a director at the media company hollinger international who was criticized in an internal report , says he was duped by its former chief , conrad m . black . +__label__1 , french minister returns empty handed , leaving behind two french reporters still held hostage in iraq , france #39 s foreign minister headed home from the middle east but said they were still believed to be alive and that efforts to free them would continue . +__label__2 , possible playoff preview a #39 s take a hit in toronto but come home < b> . . . < /b> , if the playoffs opened right now , instead of next month , the a #39 s would face the red sox in the first round -- again . boston bounced oakland out of the postseason in five games last year , coming back from a 2-0 deficit to do so . +__label__2 , col fb tennessee 42 , unlv 17 , freshman brent schaeffer threw for one touchdown and ran for another sunday as the 14th-ranked tennessee volunteers defeated the unlv rebels , 42-17 . +__label__2 , is it time for steroid testing in high schools ? , salinas , calif . -- baseball commissioner bud selig said in meetings monday that he would accept government intervention on steroid testing if the players #39 association refuses to change the current rules , which run for two more years . +__label__3 , update 4 tokyo stocks fall , us dollar climbs , tokyo share prices fell steeply friday , led by technology stocks after a disappointing report from us chip giant intel . the us dollar was up against the japanese yen . +__label__1 , west japan on guard for aftershocks after quakes , tokyo ( reuters ) - residents of western japan were warned of possible aftershocks on monday after two strong earthquakes the previous day but authorities said the tremors were not directly linked to a cycle of major seismic activity that hits the region every century or so . +__label__3 , monti gives abbey takeover green light , european competition commissioner mario monti has given the green light to the uk8 . 75bn takeover bid by spain #39 s santander for the uk #39 s abbey national . +__label__1 , anwar launches bid to clear name , lawyers for anwar ibrahim , the former deputy prime minister of malaysia , have launched a bid to clear his name . mr anwar was freed from jail on thursday , after a conviction for sodomy was quashed by a malaysian court . +__label__3 , nikkei hits 5-week closing high on upbeat capital spending data , tokyo - japan #39 s benchmark nikkei stock index hit a five-week closing high monday on upbeat capital spending figures for the april-june quarter by japanese companies . +__label__1 , india and pakistan wind up talks , deadlock on kashmir ( afp ) , afp - the foreign ministers of india and pakistan held a closing round of talks amid reports of progress on peripheral issues , but the nuclear rivals remained deadlocked on kashmir . +__label__1 , public warning over letter bombs , the discovery of 10 letter bombs has prompted a police warning to the public to exercise caution . bedfordshire police said none of the improvised devices - containing lighter fluid - had ignited , despite the fact that some had been opened . +__label__4 , pornsters face life in china smut crackdown , china is stepping up its hard line against internet pornography by threatening life imprisonment for anyoner caught peddling porn . +__label__1 , russia mourns hostage deaths , putin criticized , beslan , russia ( reuters ) - russia on monday mourned the deaths of hundreds of children and adults in its worst hostage drama as criticism mounted over the way president vladimir putin and his security forces handled the crisis . +__label__2 , south american world cup qualifiers brazil ease past bolivia , an impressive first-half display from brazil saw the selecao defeat bolivia 3-1 to move back to the top of the south american world cup qualifying group . +__label__3 , toyota to open south china plant , japan carmaker toyota enters a joint venture to produce saloon cars in southern china . __label__4 , so long xmlhack ! , \\it ' s been a lot of fun writing xmlhack since 1999 , but it ' s time for us to take\a rest . \\xmlhack has always been run by volunteers writing in their spare time , and now\most of us have so little of that precious commodity it ' s infeasible to keep the\site going at anything like the rate we want it to be . \\as editor , i ' d like to extend my grateful thanks to all the contributors over\time , a list of whom you can see on the contributors page . my special thanks go\to simon st . laurent , my co-conspirator from the start . \\so long guys ! \\i ' ve been a subscriber to xmlhack for probably > 3 years now . they were one of\the earlier blog-like sites to have rss in what i ' d call a ' modern ' and rich\f . . . \\ -__label__4 , next gen games prove a challenge , making games for the future consoles is going to take a lot of time and money , a games conference is told . -__label__2 , 2 charged after chicago area pals are slain in nc tragedy , ever since they met in fourth grade , brett johnson harman and kevin mccann were as close as brothers . quot they had the same mannerisms , the same kind of humor , and they even looked alike , quot said mccann #39 s father , dennis mccann . -__label__3 , eu coke anti-trust deal not set in stone , brussels ( reuters ) - a proposed settlement between coca-cola co . and the european commission to end a long-running antitrust case over fizzy drinks is not yet set in stone , the european union ' s executive said on monday . -__label__4 , french internet provider wanadoo will build dutch broadband network ( afp ) , afp - the french internet provider wanadoo will construct its own broadband network in the netherlands and hopes to reach 55 percent of dutch homes , a spokesman told the financieele dagblad . -__label__3 , service sector hit by high oil costs , confidence in service firms has been hit by rising oil prices and interest rates but manufacturers have seen the best rate of orders for nine years , two surveys show . -__label__4 , has your broadband had its fiber ? , falling costs , new technology , and competition , with a nudge from regulatory changes , are bringing fiber closer to homes in the us just a few years after the idea seemed all but written off . -__label__4 , no sign yet of predicted big california earthquake ( reuters ) , reuters - the clock is running out on a\highly publicized prediction that a major earthquake will rip\through southern california by sunday . -__label__2 , donald runs into ryder form , luke donald says his win in the european masters on sunday bodes well for his upcoming ryder cup debut . donald was one of european captain bernhard langer #39 s two picks for the match , which takes place at oakland hills , michigan from 17-19 september . -__label__1 , us marines die in fallujah car bombing , baghdad , iraq -- a us military official in iraq said seven american marines have been killed monday in a car-bomb explosion . several other marines have been wounded in the attack . -__label__3 , funds what makes a fund a winner ? ( reuters ) , reuters - ( clint willis is a freelance writer who covers mutual funds\for reuters . any opinions in the column are solely those of mr . \willis . ) -__label__3 , coca-cola closer to settling eu antitrust case , new york , september 3 ( new ratings ) - the european union has reportedly made significant progress in settling its prolonged antitrust case against the coca-cola co ( ko . -__label__4 , softbank ' s hopes on mobile services dashed ( ft . com ) , ft . com - softbank ' s hopes of starting a mobile phone service were dealt a blow on monday after the japanese telecoms regulator decided not to allocate bandwidth to new entrants for the time being . -__label__3 , coca-cola makes very good #39 bid to end probe , eu says ( update2 ) , coca-cola co . moved closer to settling a five-year european commission antitrust probe after regulators said an offer from the world #39 s biggest soft-drink maker to revamp its sales practices is very good . -__label__2 , sox rookie diaz dials it up against ichiro , mariners , the felix diaz who struggled mightily for most of the time he has spent at the major league level this season was nowhere to be found sunday afternoon , and that was a most pleasant development as far as the white sox were concerned . -__label__1 , iraq group sets ransom , deadline for french release ( reuters ) , reuters - a statement posted on a web site\purportedly by an iraqi group which said it was holding two\french hostages set a #36 5 million ransom on monday and issued a\48-hour deadline for its demands to be met . -__label__2 , supah blitz captures del mar bc handicap , after spending the first 29 starts of his career mostly confined to the east coast , supah blitz found out what everyone eventually does - it #39 s much better at del mar . in his -__label__2 , japanese baseball players set to strike , japanese baseball players will strike for the first time if owners proceed with a proposed merger of two teams , the players #39 union said monday . -__label__3 , from overtime rules to job losses from outsourcing overseas to < b> . . . < /b> , labor day is one of those terms , like driveway and parkway , that means the opposite of what it seems to mean . honoring the nation #39 s workers , labor day is not for working but for picnics . -__label__2 , super powers make move on september , buoyed by ever-increasing crowd figures and television ratings , rugby union yesterday announced a significant expansion of the southern hemisphere season which includes an assault on the traditional september afl and nrl finals series . -__label__2 , red sox , schilling roll on , boston - the boston red sox put themselves in great position for a run at the al east-leading new york yankees with a great homestand . -__label__1 , pm edges ahead in latest poll , john howard #39 s plea for voters to trust him with the economy is paying early dividends , an exclusive herald sun poll shows . the coalition has moved ahead of labor by 52 per cent to 48 per cent as the prime minister #39 s interest rates campaign takes hold . -__label__3 , retailers looking to move plasma tv ' s ( ap ) , ap - hanging stockings by the chimney with care ? retailers hope that st . nicholas soon will be there #151 to hang a 42-inch plasma-screen tv . -__label__3 , cazenove faces scrutiny over merger talks , cazenove , the queen #39 s broker , will tomorrow be under pressure to divulge the state of merger talks at its annual shareholder meeting , with us giants circling the firm . -__label__3 , oil tip-toes higher , watches stocks , opec ( reuters ) , reuters - u . s . oil prices edged higher for the\second day in a row on tuesday amid calls within opec to crack\down on excess output at this week ' s meeting . -__label__1 , bush backers in wisconsin say he is decisive in war ( reuters ) , reuters - the iraq war and concerns about\terrorism may determine the outcome of the upcoming election , \and they appear to have bolstered support for president bush in\at least one republican bastion in the swing state of\wisconsin . -__label__1 , iraqi kidnappers of french reporters demand ransom ( update1 ) , the iraqi kidnappers of two french reporters who have been missing since aug . 20 today demanded a \$5 million ransom as a condition for their release , according to a statement posted on an islamic web site . -__label__4 , capsule to bring the sun down to earth , a space capsule set to plunge into earth #39 s atmosphere with a piece of the sun this wednesday has spawned additional projects ranging from spacecraft design to the detection of dangerous asteroids . -__label__3 , slovaks and czechs reject french minister #39 s suggestion over eu < b> . . . < /b> , the slovak and czech governments monday rejected a proposal by french finance minister nicolas sarkozy to axe structural funds for new eu members whose taxes were lower than the european average . -__label__2 , button defends f1 decision , britain #39 s jenson button has justified his decision to leave bar for williams as the dispute over his future moves towards a conclusion . -__label__2 , reds pick up miley #39 s option for 2005 , reds general manager dan o #39 brien said sunday what he has hinted at for the last month or so dave miley and his staff will be back for 2005 . -__label__2 , streaking astros clock reds 11-5 ( ap ) , ap - astros pitcher brandon backe hit his first career homer , a two-run shot , and allowed one run in seven innings to keep houston in the thick of the nl wild-card chase with an 11-5 rout of the cincinnati reds on monday . -__label__4 , maid sues sony pictures exec , p2pnet . net news- james jackson , vp of legal affairs for sony pictures entertainment , filed for bankruptcy protection just days before a lawsuit accusing him and his wife of involuntary servitude , false imprisonment , invasion of privacy , negligence and -__label__1 , blast kills seven us marines in iraq , a massive car bomb exploded on the outskirts of the iraqi city of fallujah , killing seven united states marines and wounding several others , a us military official said . -__label__1 , clinton has successful quadruple bypass , new york - bill clinton underwent a successful quadruple heart bypass operation monday to relieve severely clogged arteries that doctors said put the former president at grave risk of suffering a heart attack . clinton is expected to make a full recovery , but doctors said he was fortunate to have checked himself into the hospital when he did . . . -__label__4 , microsoft scan for spyware before downloading sp2 , microsoft last week warned windows xp users to scour their systems for spyware before downloading service pack 2 . an associated press report quoted microsoft executives saying some spyware could cause computers to freeze upon installation . -__label__1 , no kashmir breakthrough , new delhi , 7 september 2004 - india and pakistan stuck to their guns on the kashmir issue as the foreign ministers of the two countries concluded their talks yesterday on what was described as a positive note . -__label__2 , golf ' s new no . 1 , tiger woods ' s reign as the world ' s top player ends at 264 weeks as vijay singh has seized the no . 1 spot after beating woods to win the deutsche bank on monday . -__label__4 , intel lauds milestone in shrinking chips , contradicting fears that the semiconductor industry #39 s pace of development is slowing , intel corp has announced that it has achieved a milestone in shrinking the size of transistors that will power its next-generation chips . -__label__4 , philippines mourns dead in russian school siege , the philippines saturday expressed quot deepest sympathy quot to the families of the dead in the russian school siege on friday , in which 322 people were killed when russian troops stormed -__label__3 , cba to purchase local lender #39 s share , commonwealth bank of australia ( cba ) said yesterday it was in talks with the jinan city commercial bank ( jnccb ) about buying a stake in the regional lender . -__label__2 , singh knocks woods from no . 1 with victory at tpc of boston , for it to happen on labor day became a perfectly fitting reward for vijay singh , golf #39 s most noted laborer . the man from fiji who closes practices ranges for a living opened a new door in world golf monday . -__label__1 , caribbean braces for another hurricane ( ap ) , ap - islanders scrambled to put up storm shutters and stock up on supplies as the fourth major hurricane of the season churned closer to the caribbean , packing sustained winds of 105 mph . -__label__3 , summer box office hits a high , despite lows , in a summer when many of the studios ' biggest bets failed to pay off , it was familiarity in the form of sequels and low-budget comedies that resonated with movie audiences . -__label__3 , pump prices may dip after labor day , pump prices have been climbing in advance of labor day , as they often do before the last major drive-away weekend of the summer . the average price for self-serve regular -__label__3 , irish union airs fears over natl australia bank units , dublin ( dow jones ) --ireland #39 s banking union said monday it #39 ll write to the irish competition authority and european commission expressing concern over the prospective sell-off of national australia bank ltd . -__label__2 , once again , mets sputter toward end of a season , year ago , the mets were going nowhere when they swept the first-place atlanta braves in a three-game series at shea stadium on the first three days of september . -__label__3 , petronas pursues china lng supply opportunities , petroliam nasional bhd . , or petronas , malaysias national oil and gas firm , is in discussions with chinas state-owned oil and gas firms for potential liquefied natural -__label__1 , russia says attack was to ignite regional war , the guerrillas who took over a school in southern russia argued heatedly over whether to abandon the siege in the moments leading up to the firestorm of explosions and shooting that killed hundreds , russian officials said monday . -__label__3 , interview australia #39 s qbe consolidates european units , sydney ( dow jones ) --seeking to cut costs and encouraged by uk regulatory changes , australia #39 s qbe insurance group ltd . ( qbe . au ) tuesday said it will merge its lloyd #39 s division with other european operations . -__label__4 , dell cuts prices on many corporate products , dell on monday said it had cut prices by as much as fifth for a range of products aimed at us corporate customers , as the computer maker passed along savings from cheaper components . -__label__2 , nl wrap backe pitches , hits astros to win over reds , brandon backe pitched seven innings and clubbed a two-run homer , the first of his major league career , to earn the houston astros an 11-5 triumph over the cincinnati reds in the national league monday . -__label__2 , longhorns face steeper competition against razorbacks , the university of texas football team is coming off a 65-0 victory over the north texas eagles . texas dominated every facet of the game against the eagles . -__label__2 , yankees win controversial game against devil rays , new york ( reuters ) - alex rodriguez drove in three runs and orlando hernandez pitched seven strong innings to guide the new york yankees past the tampa bay devil rays 7-4 in the american league monday . -__label__2 , vijay around , tiger not yet out of woods , the sun was setting when vijay singh , fijian golfer of indian origin , birdied the 18th here , and it seemed like a sign that tiger woods days as the worlds number one player may be fading . -__label__4 , intel to start tech forum with new chips , intel is expected to kick off its semi-annual developer forum tuesday by demonstrating a new dual-core processor , something rival amd showed off last week . -__label__3 , jet could go on market soon to battle boeing 7e7 , airbus plans to challenge boeing co . by offering a new aircraft as early as year-end , its chief executive says . the toulouse , france-based plane maker is quot reflecting quot on whether to introduce an all-new plane -__label__2 , rugby-lions accept extra match on 2005 new zealand tour , the british and irish lions have accepted an extra match on their tour of new zealand next year . the lions will now play the traditionally strong auckland provincial -__label__2 , chargers to start brees in houston , beyond , com . the san diego chargers announced on monday that drew brees will start the 2004 opener against the houston texans at reliant stadium . -__label__3 , hurricane loss ' less than feared ' , hurricane frances could cause \$3-6bn in insured losses in the us , less than experts first predicted . -__label__1 , thousands to attend moscow anti-terror rally , over 100 , 000 people are expected to attend an anti-terrorism rally in moscow following the beslan school massacre . the rally , being held outside the kremlin , is taking place on the second day of official morning -__label__3 , drug makers target counterfeits , big pharmaceutical companies are testing new tracking technology they hope will help them spot counterfeit drugs before they reach consumers ' medicine cabinets . -__label__4 , working long hours ? take a massage break , courtesy of your boss , companies across the country are offering yoga and meditation classes to help employees relax , reduce stress and recharge . -__label__3 , cairn energy sees profits slide , british oil and gas firm cairn energy has seen profits drop 40 , but reports strong reserves in its indian oil fields . -__label__4 , uk broadband usage doubles in past six months , new research from nop , shows that more of the uk internet population are progressing to broadband - with usage at 41 per cent up from 27 per cent just six months ago , and an increase in females using the internet . -__label__3 , beer and drugs hit manufacturing output , factory output fell unexpectedly in july for the second month in a row -- the first back-to-back decline in nearly two years -- as the production of beer and pharmaceuticals plummeted . -__label__3 , israel to close erez industrial zone before march , israel would start liquidating the erez industrial zone in the northern gaza strip before launching the first stage of the disengagement plan in march 2005 , local newspaper ha #39 aretz reported on tuesday . -__label__4 , pc screen price-fall to slow in fourth quarter ( reuters ) , reuters - prices of computer screens are expected\to fall by less than 5 percent in the fourth quarter as the\market stabilizes on hopes of a pick-up in demand during the\christmas season , a u . s . -based research firm said on tuesday . -__label__1 , clashes in baghdad slum kill 22 iraqis , u . s . soldier , baghdad ( reuters ) - iraqi fighters battled u . s . troops in a baghdad slum district tuesday , raising the death toll to 22 iraqis and one u . s . soldier and threatening to wreck a cease-fire called by rebel shi ' ite cleric moqtada al-sadr . -__label__1 , fierce clashes in iraq kill 34 people , baghdad , iraq - u . s . forces battled insurgents loyal to shiite cleric muqtada al-sadr in the baghdad slum of sadr city on tuesday , in clashes that left at least 34 people dead , including one american soldier , and 193 people injured , u . s . . . -__label__1 , 14 palestinian militants killed in gaza , gaza city , gaza strip sept . 7 , 2004 - israeli helicopters attacked a hamas training camp early tuesday , killing at least 14 militants and wounding 30 others in one of the deadliest airstrikes since fighting broke out four years ago . -__label__4 , genesis set for return to earth , meteors are unpredictable . you never know , not exactly , when one will streak across the sky . not so on wednesday , september 8th . at precisely 8 52 46 a . m . pacific daylight time ( pdt ) , northwest of bend , oregon , a fireball will appear a white-hot dot of light , brighter than the planet venus , gliding across the blue morning sky . -__label__2 , us open tennis henin-hardenne falls to petrova and blunders , new york the rivalry match at the united states open fizzled , but the mismatch sizzled . after lindsay davenport defeated venus williams , 7-5 , 6-4 , in a match that was ho-hum until the last game , nadia petrova -__label__1 , soldier charged with murder , a british soldier has been charged with the murder of a civilian in iraq , police said . trooper kevin lee williams , 21 , from the 2nd royal tank regiment , is due to appear at bow street magistrates court . -__label__2 , king singh . . . at last ! , the no . 1 golfer in the world is on his way to glen abbey for this week #39 s canadian open . no , tiger woods hasn #39 t changed his plans . -__label__3 , survey surge in layoffs , hiring , challenger survey finds most job cuts in 6 months seasonal hiring by retailers lifts new jobs . new york ( cnn/money ) - employers increased both hiring and layoff plans in august , according to a survey released tuesday by an outplacement firm . -__label__1 , kremlin rules out public inquiry on beslan , london president vladimir putin of russia has ruled out a public inquiry into the beslan school siege and snarled at those who think he should do business with chechen militants , two british newspapers said tuesday . -__label__4 , tribe challenges american origins , some of the earliest settlers of america may have been from australia , southern asia , and the pacific , not northern asia , research suggests . -__label__1 , hurricane ivan again growing in strength , caribbean islands < b> . . . < /b> , islanders scrambled to put up storm shutters and buy water as hurricane ivan churned toward barbados just days after hurricane frances tore across the caribbean and through florida . -__label__2 , si . com , san diego ( ticker ) -- a late rally gave the san diego padres a rare win over the st . louis cardinals . ryan klesko delivered a go-ahead rbi single to start a four-run outburst in the bottom of the eighth inning as san diego posted a 7-3 victory over st . -__label__3 , pfizer exubera does well in trials , drug makers pfizer inc . and sanofi-aventis on tuesday posted positive results from mid-stage trials of an inhaled insulin product for diabetics . -__label__3 , cps to buy additional \$160 million stake in nuclear plant , city public service ( cps ) has reached an agreement with american electric power #39 s texas subsidiary to buy an additional 12 percent equity stake in the south texas project for \$160 million . -__label__3 , florida weather may help israeli citrus industry , as sunshine state licks its wounds from hurricane frances , gan shmuel could reap the benefits . the most important news for florida #39 s 2 . 8 million residents this week has not been from the republican -__label__1 , iran ready to test shahab-3 missile again defense minister , tehran ( irna ) -- defense minister ali shamkhani stressed that iran #39 s recent test of the shahab-3 missile was successful , saying his ministry is ready to test it again #39 in the presence of observers #39 . -__label__4 , sidebar oracle adds software for managing supplier contracts , september 06 , 2004 ( computerworld ) - as part of an ongoing upgrade of its e-business suite 11i business applications , oracle corp . -__label__4 , briefly top mcafee exec to step down , roundup plus samsung to put hard drives in phones . . . idc says external disk storage up . . . lawmakers to vote on spyware , piracy bills . -__label__1 , fierce clashes in iraq kill 36 203 hurt , us troops battled shiite militiamen loyal to rebel cleric muqtada al-sadr in the baghdad slum of sadr city on tuesday in fierce fighting that killed 36 people , including -__label__2 , florida deaths blamed on hurricane frances , state and local officials tuesday said nine people have died in florida because of hurricane frances . the following describes those deaths - a 15-year-old grandson and a former son -__label__3 , update 4-us airways appeals directly to pilots on givebacks , us airways group inc . ( uair . o quote , profile , research ) issued a general appeal on tuesday to the carrier #39 s 3 , 000 pilots after their union #39 s leaders rejected -__label__3 , us airways , pilots union near agreement , us airways is seeking \$800 million in concessions from employee unions as it attempts to avoid filing chapter 11 . the air line pilots association will present its proposal on the evening of -__label__2 , pass defense lags behind , forget about no . 1 rankings . another number will be tested this week when usc plays colorado state . it #39 s a triple digit that bothered usc coach pete carroll each time he heard it last season . -__label__3 , congressman spratt wants fed to , us representative john spratt of south carolina said the federal reserve should go lightly #39 #39 on raising the benchmark interest rate because of the economy . -__label__2 , cubs , marlins to make up frances series with two doubleheaders , the chicago cubs and florida marlins will play two doubleheaders to make up the three-game series that was wiped out last weekend in miami by hurricane frances . -__label__4 , spaceport mum on frances shuttle delays ( ap ) , ap - the director of the hurricane-ravaged kennedy space center refused to speculate tuesday whether the damage will thwart plans to resume shuttle flights next spring , but his words offered little hope of an on-time launch . -__label__3 , bienvenue , carrefour , lesser-known french retailer turns in a strong first half . investors , take notice . +__label__4 , next gen games prove a challenge , making games for the future consoles is going to take a lot of time and money , a games conference is told . +__label__2 , 2 charged after chicago area pals are slain in nc tragedy , ever since they met in fourth grade , brett johnson harman and kevin mccann were as close as brothers . quot they had the same mannerisms , the same kind of humor , and they even looked alike , quot said mccann #39 s father , dennis mccann . +__label__3 , eu coke anti-trust deal not set in stone , brussels ( reuters ) - a proposed settlement between coca-cola co . and the european commission to end a long-running antitrust case over fizzy drinks is not yet set in stone , the european union ' s executive said on monday . +__label__4 , french internet provider wanadoo will build dutch broadband network ( afp ) , afp - the french internet provider wanadoo will construct its own broadband network in the netherlands and hopes to reach 55 percent of dutch homes , a spokesman told the financieele dagblad . +__label__3 , service sector hit by high oil costs , confidence in service firms has been hit by rising oil prices and interest rates but manufacturers have seen the best rate of orders for nine years , two surveys show . +__label__4 , has your broadband had its fiber ? , falling costs , new technology , and competition , with a nudge from regulatory changes , are bringing fiber closer to homes in the us just a few years after the idea seemed all but written off . +__label__4 , no sign yet of predicted big california earthquake ( reuters ) , reuters - the clock is running out on a\highly publicized prediction that a major earthquake will rip\through southern california by sunday . +__label__2 , donald runs into ryder form , luke donald says his win in the european masters on sunday bodes well for his upcoming ryder cup debut . donald was one of european captain bernhard langer #39 s two picks for the match , which takes place at oakland hills , michigan from 17-19 september . +__label__1 , us marines die in fallujah car bombing , baghdad , iraq -- a us military official in iraq said seven american marines have been killed monday in a car-bomb explosion . several other marines have been wounded in the attack . +__label__3 , funds what makes a fund a winner ? ( reuters ) , reuters - ( clint willis is a freelance writer who covers mutual funds\for reuters . any opinions in the column are solely those of mr . \willis . ) +__label__3 , coca-cola closer to settling eu antitrust case , new york , september 3 ( new ratings ) - the european union has reportedly made significant progress in settling its prolonged antitrust case against the coca-cola co ( ko . +__label__4 , softbank ' s hopes on mobile services dashed ( ft . com ) , ft . com - softbank ' s hopes of starting a mobile phone service were dealt a blow on monday after the japanese telecoms regulator decided not to allocate bandwidth to new entrants for the time being . +__label__3 , coca-cola makes very good #39 bid to end probe , eu says ( update2 ) , coca-cola co . moved closer to settling a five-year european commission antitrust probe after regulators said an offer from the world #39 s biggest soft-drink maker to revamp its sales practices is very good . +__label__2 , sox rookie diaz dials it up against ichiro , mariners , the felix diaz who struggled mightily for most of the time he has spent at the major league level this season was nowhere to be found sunday afternoon , and that was a most pleasant development as far as the white sox were concerned . +__label__1 , iraq group sets ransom , deadline for french release ( reuters ) , reuters - a statement posted on a web site\purportedly by an iraqi group which said it was holding two\french hostages set a #36 5 million ransom on monday and issued a\48-hour deadline for its demands to be met . +__label__2 , supah blitz captures del mar bc handicap , after spending the first 29 starts of his career mostly confined to the east coast , supah blitz found out what everyone eventually does - it #39 s much better at del mar . in his +__label__2 , japanese baseball players set to strike , japanese baseball players will strike for the first time if owners proceed with a proposed merger of two teams , the players #39 union said monday . +__label__3 , from overtime rules to job losses from outsourcing overseas to < b> . . . < /b> , labor day is one of those terms , like driveway and parkway , that means the opposite of what it seems to mean . honoring the nation #39 s workers , labor day is not for working but for picnics . +__label__2 , super powers make move on september , buoyed by ever-increasing crowd figures and television ratings , rugby union yesterday announced a significant expansion of the southern hemisphere season which includes an assault on the traditional september afl and nrl finals series . +__label__2 , red sox , schilling roll on , boston - the boston red sox put themselves in great position for a run at the al east-leading new york yankees with a great homestand . +__label__1 , pm edges ahead in latest poll , john howard #39 s plea for voters to trust him with the economy is paying early dividends , an exclusive herald sun poll shows . the coalition has moved ahead of labor by 52 per cent to 48 per cent as the prime minister #39 s interest rates campaign takes hold . +__label__3 , retailers looking to move plasma tv ' s ( ap ) , ap - hanging stockings by the chimney with care ? retailers hope that st . nicholas soon will be there #151 to hang a 42-inch plasma-screen tv . +__label__3 , cazenove faces scrutiny over merger talks , cazenove , the queen #39 s broker , will tomorrow be under pressure to divulge the state of merger talks at its annual shareholder meeting , with us giants circling the firm . +__label__3 , oil tip-toes higher , watches stocks , opec ( reuters ) , reuters - u . s . oil prices edged higher for the\second day in a row on tuesday amid calls within opec to crack\down on excess output at this week ' s meeting . +__label__1 , bush backers in wisconsin say he is decisive in war ( reuters ) , reuters - the iraq war and concerns about\terrorism may determine the outcome of the upcoming election , \and they appear to have bolstered support for president bush in\at least one republican bastion in the swing state of\wisconsin . +__label__1 , iraqi kidnappers of french reporters demand ransom ( update1 ) , the iraqi kidnappers of two french reporters who have been missing since aug . 20 today demanded a \$5 million ransom as a condition for their release , according to a statement posted on an islamic web site . +__label__4 , capsule to bring the sun down to earth , a space capsule set to plunge into earth #39 s atmosphere with a piece of the sun this wednesday has spawned additional projects ranging from spacecraft design to the detection of dangerous asteroids . +__label__3 , slovaks and czechs reject french minister #39 s suggestion over eu < b> . . . < /b> , the slovak and czech governments monday rejected a proposal by french finance minister nicolas sarkozy to axe structural funds for new eu members whose taxes were lower than the european average . +__label__2 , button defends f1 decision , britain #39 s jenson button has justified his decision to leave bar for williams as the dispute over his future moves towards a conclusion . +__label__2 , reds pick up miley #39 s option for 2005 , reds general manager dan o #39 brien said sunday what he has hinted at for the last month or so dave miley and his staff will be back for 2005 . +__label__2 , streaking astros clock reds 11-5 ( ap ) , ap - astros pitcher brandon backe hit his first career homer , a two-run shot , and allowed one run in seven innings to keep houston in the thick of the nl wild-card chase with an 11-5 rout of the cincinnati reds on monday . +__label__4 , maid sues sony pictures exec , p2pnet . net news- james jackson , vp of legal affairs for sony pictures entertainment , filed for bankruptcy protection just days before a lawsuit accusing him and his wife of involuntary servitude , false imprisonment , invasion of privacy , negligence and +__label__1 , blast kills seven us marines in iraq , a massive car bomb exploded on the outskirts of the iraqi city of fallujah , killing seven united states marines and wounding several others , a us military official said . +__label__1 , clinton has successful quadruple bypass , new york - bill clinton underwent a successful quadruple heart bypass operation monday to relieve severely clogged arteries that doctors said put the former president at grave risk of suffering a heart attack . clinton is expected to make a full recovery , but doctors said he was fortunate to have checked himself into the hospital when he did . . . +__label__4 , microsoft scan for spyware before downloading sp2 , microsoft last week warned windows xp users to scour their systems for spyware before downloading service pack 2 . an associated press report quoted microsoft executives saying some spyware could cause computers to freeze upon installation . +__label__1 , no kashmir breakthrough , new delhi , 7 september 2004 - india and pakistan stuck to their guns on the kashmir issue as the foreign ministers of the two countries concluded their talks yesterday on what was described as a positive note . +__label__2 , golf ' s new no . 1 , tiger woods ' s reign as the world ' s top player ends at 264 weeks as vijay singh has seized the no . 1 spot after beating woods to win the deutsche bank on monday . +__label__4 , intel lauds milestone in shrinking chips , contradicting fears that the semiconductor industry #39 s pace of development is slowing , intel corp has announced that it has achieved a milestone in shrinking the size of transistors that will power its next-generation chips . +__label__4 , philippines mourns dead in russian school siege , the philippines saturday expressed quot deepest sympathy quot to the families of the dead in the russian school siege on friday , in which 322 people were killed when russian troops stormed +__label__3 , cba to purchase local lender #39 s share , commonwealth bank of australia ( cba ) said yesterday it was in talks with the jinan city commercial bank ( jnccb ) about buying a stake in the regional lender . +__label__2 , singh knocks woods from no . 1 with victory at tpc of boston , for it to happen on labor day became a perfectly fitting reward for vijay singh , golf #39 s most noted laborer . the man from fiji who closes practices ranges for a living opened a new door in world golf monday . +__label__1 , caribbean braces for another hurricane ( ap ) , ap - islanders scrambled to put up storm shutters and stock up on supplies as the fourth major hurricane of the season churned closer to the caribbean , packing sustained winds of 105 mph . +__label__3 , summer box office hits a high , despite lows , in a summer when many of the studios ' biggest bets failed to pay off , it was familiarity in the form of sequels and low-budget comedies that resonated with movie audiences . +__label__3 , pump prices may dip after labor day , pump prices have been climbing in advance of labor day , as they often do before the last major drive-away weekend of the summer . the average price for self-serve regular +__label__3 , irish union airs fears over natl australia bank units , dublin ( dow jones ) --ireland #39 s banking union said monday it #39 ll write to the irish competition authority and european commission expressing concern over the prospective sell-off of national australia bank ltd . +__label__2 , once again , mets sputter toward end of a season , year ago , the mets were going nowhere when they swept the first-place atlanta braves in a three-game series at shea stadium on the first three days of september . +__label__3 , petronas pursues china lng supply opportunities , petroliam nasional bhd . , or petronas , malaysias national oil and gas firm , is in discussions with chinas state-owned oil and gas firms for potential liquefied natural +__label__1 , russia says attack was to ignite regional war , the guerrillas who took over a school in southern russia argued heatedly over whether to abandon the siege in the moments leading up to the firestorm of explosions and shooting that killed hundreds , russian officials said monday . +__label__3 , interview australia #39 s qbe consolidates european units , sydney ( dow jones ) --seeking to cut costs and encouraged by uk regulatory changes , australia #39 s qbe insurance group ltd . ( qbe . au ) tuesday said it will merge its lloyd #39 s division with other european operations . +__label__4 , dell cuts prices on many corporate products , dell on monday said it had cut prices by as much as fifth for a range of products aimed at us corporate customers , as the computer maker passed along savings from cheaper components . +__label__2 , nl wrap backe pitches , hits astros to win over reds , brandon backe pitched seven innings and clubbed a two-run homer , the first of his major league career , to earn the houston astros an 11-5 triumph over the cincinnati reds in the national league monday . +__label__2 , longhorns face steeper competition against razorbacks , the university of texas football team is coming off a 65-0 victory over the north texas eagles . texas dominated every facet of the game against the eagles . +__label__2 , yankees win controversial game against devil rays , new york ( reuters ) - alex rodriguez drove in three runs and orlando hernandez pitched seven strong innings to guide the new york yankees past the tampa bay devil rays 7-4 in the american league monday . +__label__2 , vijay around , tiger not yet out of woods , the sun was setting when vijay singh , fijian golfer of indian origin , birdied the 18th here , and it seemed like a sign that tiger woods days as the worlds number one player may be fading . +__label__4 , intel to start tech forum with new chips , intel is expected to kick off its semi-annual developer forum tuesday by demonstrating a new dual-core processor , something rival amd showed off last week . +__label__3 , jet could go on market soon to battle boeing 7e7 , airbus plans to challenge boeing co . by offering a new aircraft as early as year-end , its chief executive says . the toulouse , france-based plane maker is quot reflecting quot on whether to introduce an all-new plane +__label__2 , rugby-lions accept extra match on 2005 new zealand tour , the british and irish lions have accepted an extra match on their tour of new zealand next year . the lions will now play the traditionally strong auckland provincial +__label__2 , chargers to start brees in houston , beyond , com . the san diego chargers announced on monday that drew brees will start the 2004 opener against the houston texans at reliant stadium . +__label__3 , hurricane loss ' less than feared ' , hurricane frances could cause \$3-6bn in insured losses in the us , less than experts first predicted . +__label__1 , thousands to attend moscow anti-terror rally , over 100 , 000 people are expected to attend an anti-terrorism rally in moscow following the beslan school massacre . the rally , being held outside the kremlin , is taking place on the second day of official morning +__label__3 , drug makers target counterfeits , big pharmaceutical companies are testing new tracking technology they hope will help them spot counterfeit drugs before they reach consumers ' medicine cabinets . +__label__4 , working long hours ? take a massage break , courtesy of your boss , companies across the country are offering yoga and meditation classes to help employees relax , reduce stress and recharge . +__label__3 , cairn energy sees profits slide , british oil and gas firm cairn energy has seen profits drop 40 , but reports strong reserves in its indian oil fields . +__label__4 , uk broadband usage doubles in past six months , new research from nop , shows that more of the uk internet population are progressing to broadband - with usage at 41 per cent up from 27 per cent just six months ago , and an increase in females using the internet . +__label__3 , beer and drugs hit manufacturing output , factory output fell unexpectedly in july for the second month in a row -- the first back-to-back decline in nearly two years -- as the production of beer and pharmaceuticals plummeted . +__label__3 , israel to close erez industrial zone before march , israel would start liquidating the erez industrial zone in the northern gaza strip before launching the first stage of the disengagement plan in march 2005 , local newspaper ha #39 aretz reported on tuesday . +__label__4 , pc screen price-fall to slow in fourth quarter ( reuters ) , reuters - prices of computer screens are expected\to fall by less than 5 percent in the fourth quarter as the\market stabilizes on hopes of a pick-up in demand during the\christmas season , a u . s . -based research firm said on tuesday . +__label__1 , clashes in baghdad slum kill 22 iraqis , u . s . soldier , baghdad ( reuters ) - iraqi fighters battled u . s . troops in a baghdad slum district tuesday , raising the death toll to 22 iraqis and one u . s . soldier and threatening to wreck a cease-fire called by rebel shi ' ite cleric moqtada al-sadr . +__label__1 , fierce clashes in iraq kill 34 people , baghdad , iraq - u . s . forces battled insurgents loyal to shiite cleric muqtada al-sadr in the baghdad slum of sadr city on tuesday , in clashes that left at least 34 people dead , including one american soldier , and 193 people injured , u . s . . . +__label__1 , 14 palestinian militants killed in gaza , gaza city , gaza strip sept . 7 , 2004 - israeli helicopters attacked a hamas training camp early tuesday , killing at least 14 militants and wounding 30 others in one of the deadliest airstrikes since fighting broke out four years ago . +__label__4 , genesis set for return to earth , meteors are unpredictable . you never know , not exactly , when one will streak across the sky . not so on wednesday , september 8th . at precisely 8 52 46 a . m . pacific daylight time ( pdt ) , northwest of bend , oregon , a fireball will appear a white-hot dot of light , brighter than the planet venus , gliding across the blue morning sky . +__label__2 , us open tennis henin-hardenne falls to petrova and blunders , new york the rivalry match at the united states open fizzled , but the mismatch sizzled . after lindsay davenport defeated venus williams , 7-5 , 6-4 , in a match that was ho-hum until the last game , nadia petrova +__label__1 , soldier charged with murder , a british soldier has been charged with the murder of a civilian in iraq , police said . trooper kevin lee williams , 21 , from the 2nd royal tank regiment , is due to appear at bow street magistrates court . +__label__2 , king singh . . . at last ! , the no . 1 golfer in the world is on his way to glen abbey for this week #39 s canadian open . no , tiger woods hasn #39 t changed his plans . +__label__3 , survey surge in layoffs , hiring , challenger survey finds most job cuts in 6 months seasonal hiring by retailers lifts new jobs . new york ( cnn/money ) - employers increased both hiring and layoff plans in august , according to a survey released tuesday by an outplacement firm . +__label__1 , kremlin rules out public inquiry on beslan , london president vladimir putin of russia has ruled out a public inquiry into the beslan school siege and snarled at those who think he should do business with chechen militants , two british newspapers said tuesday . +__label__4 , tribe challenges american origins , some of the earliest settlers of america may have been from australia , southern asia , and the pacific , not northern asia , research suggests . +__label__1 , hurricane ivan again growing in strength , caribbean islands < b> . . . < /b> , islanders scrambled to put up storm shutters and buy water as hurricane ivan churned toward barbados just days after hurricane frances tore across the caribbean and through florida . +__label__2 , si . com , san diego ( ticker ) -- a late rally gave the san diego padres a rare win over the st . louis cardinals . ryan klesko delivered a go-ahead rbi single to start a four-run outburst in the bottom of the eighth inning as san diego posted a 7-3 victory over st . +__label__3 , pfizer exubera does well in trials , drug makers pfizer inc . and sanofi-aventis on tuesday posted positive results from mid-stage trials of an inhaled insulin product for diabetics . +__label__3 , cps to buy additional \$160 million stake in nuclear plant , city public service ( cps ) has reached an agreement with american electric power #39 s texas subsidiary to buy an additional 12 percent equity stake in the south texas project for \$160 million . +__label__3 , florida weather may help israeli citrus industry , as sunshine state licks its wounds from hurricane frances , gan shmuel could reap the benefits . the most important news for florida #39 s 2 . 8 million residents this week has not been from the republican +__label__1 , iran ready to test shahab-3 missile again defense minister , tehran ( irna ) -- defense minister ali shamkhani stressed that iran #39 s recent test of the shahab-3 missile was successful , saying his ministry is ready to test it again #39 in the presence of observers #39 . +__label__4 , sidebar oracle adds software for managing supplier contracts , september 06 , 2004 ( computerworld ) - as part of an ongoing upgrade of its e-business suite 11i business applications , oracle corp . +__label__4 , briefly top mcafee exec to step down , roundup plus samsung to put hard drives in phones . . . idc says external disk storage up . . . lawmakers to vote on spyware , piracy bills . +__label__1 , fierce clashes in iraq kill 36 203 hurt , us troops battled shiite militiamen loyal to rebel cleric muqtada al-sadr in the baghdad slum of sadr city on tuesday in fierce fighting that killed 36 people , including +__label__2 , florida deaths blamed on hurricane frances , state and local officials tuesday said nine people have died in florida because of hurricane frances . the following describes those deaths - a 15-year-old grandson and a former son +__label__3 , update 4-us airways appeals directly to pilots on givebacks , us airways group inc . ( uair . o quote , profile , research ) issued a general appeal on tuesday to the carrier #39 s 3 , 000 pilots after their union #39 s leaders rejected +__label__3 , us airways , pilots union near agreement , us airways is seeking \$800 million in concessions from employee unions as it attempts to avoid filing chapter 11 . the air line pilots association will present its proposal on the evening of +__label__2 , pass defense lags behind , forget about no . 1 rankings . another number will be tested this week when usc plays colorado state . it #39 s a triple digit that bothered usc coach pete carroll each time he heard it last season . +__label__3 , congressman spratt wants fed to , us representative john spratt of south carolina said the federal reserve should go lightly #39 #39 on raising the benchmark interest rate because of the economy . +__label__2 , cubs , marlins to make up frances series with two doubleheaders , the chicago cubs and florida marlins will play two doubleheaders to make up the three-game series that was wiped out last weekend in miami by hurricane frances . +__label__4 , spaceport mum on frances shuttle delays ( ap ) , ap - the director of the hurricane-ravaged kennedy space center refused to speculate tuesday whether the damage will thwart plans to resume shuttle flights next spring , but his words offered little hope of an on-time launch . +__label__3 , bienvenue , carrefour , lesser-known french retailer turns in a strong first half . investors , take notice . __label__4 , hds aims virtual lightning at emc , ibm , discovers virtualisation just as everyone else is trying to forget it -__label__4 , lexmark recalls 40 , 000 printers , lexmark international inc . recalled 39 , 431 printers from the market on tuesday , according to a statement by consumer product safety commission . -__label__2 , robbo ushers in new era , andy robinson , currently the caretaker of england #39 s only world cup holding major sports team , is the future , barring a particularly bleak autumn . -__label__2 , czech republic crushes sweden 6-1 ( ap ) , ap - milan hejduk scored two goals as the czech republic routed sweden 6-1 tuesday night in the quarterfinals of the world cup of hockey . -__label__1 , campaigning begins for afghan election ( ap ) , ap - afghanistan ' s historic election campaign got under way tuesday , pitting 17 hopefuls against interim leader hamid karzai in the race to become the impoverished country ' s first popularly elected president . -__label__3 , us stocks rise oil , gold fall , a decline in the price of oil helped lift us stocks to their highest level in two-months on tuesday . the dollar declined against its major rivals as investors took profits -__label__4 , samsung plans to launch mobile phone with stamp-sized hard disc , 2004-09-07 samsung electronics , the world #39 s third-largest handset maker , recently announced its plans to launch the first mobile phone with a stamp-sized hard disc drive that would expand the memory capacity by 15 times . -__label__4 , netflix and tivo joining forces online , home entertainment trendsetters netflix inc . ( nflx ) and tivo inc . ( tivo ) hope to link up on a service that will use high-speed internet connections to pipe dvd-quality movies into the homes of their mutual subscribers . -__label__4 , nevada implements 1st touch-screen voting machines with paper-trail , by rachel konrad carson city , nev . ( ap ) -- in what could become a model for other states , nevada voters on tuesday became the first in the nation to cast ballots in a statewide election on computers that printed paper records of electronic ballots . . . -__label__3 , opec can raise output capacity by 1 mln barrels/day ( update1 ) , the organization of petroleum exporting countries , which supplies a third of the world #39 s crude oil , can raise production capacity by 1 million barrels a day by year-end , opec president purnomo yusgiantoro said . -__label__3 , cbs realigns entertainment divisions , eslie moonves , the co-president of viacom , yesterday realigned the management of the company #39 s cbs entertainment division and paramount television production studio , promising smoother and greater interaction between the two . -__label__3 , asian stocks lower , greenspan awaited , singapore ( reuters ) - asian stocks edged lower on wednesday as profit taking set in after two days of gains and the dollar firmed ahead of comments from fed chief alan greenspan that are expected to cement the case for further u . s . rate rises . -__label__3 , former banker quattrone faces sentencing , new york ( reuters ) - frank quattrone , a former star investment banker who once earned \$120 million in a year , will be sentenced on wednesday for obstructing a federal investigation into some of the most popular stock offerings of the 1990s . -__label__1 , for bush , kerry , iraq is more than a war ( ap ) , ap - president bush and sen . john kerry are using iraq to advance their negative campaign tactics as the u . s . military death toll in iraq tops 1 , 000 . war , it seems , is just another excuse to call the other guy names . -__label__1 , cheney kerry ' wrong choice ' for president ( ap ) , ap - vice president dick cheney said tuesday that the nation faces the threat of another terrorist attack if voters make the wrong choice on election day , suggesting that sen . john kerry would follow a pre-sept . 11 policy of reacting defensively . -__label__2 , study athletic success doesn #39 t pay off in donations , success in big-time sports has little , if any , effect on a college #39 s alumni donations or the academic quality of its applicants , according to a study made under the direction of the knight commission on intercollegiate athletics . -__label__3 , the discreet charm of the very bourgeois toy store ? , f . a . o . schwarz may be shuttered and dark , but its catalog is somersaulting back in the direction of well-heeled children and the adults who indulge them . -__label__2 , marlins streak by mets , a four-day layoff fails to cool off the marlins , who extend their winning streak to eight games by beating the mets , 7-3 . -__label__4 , matsushita unveils dvd recorders , eyes higher share , tokyo ( reuters ) - panasonic brand products maker matsushita electric industrial unveiled five new dvd recorders on wednesday and said it was aiming to boost its share of the domestic market to over 40 percent from around 35 percent . -__label__3 , cbs #39 s moonves gives loyalists a piece of the eye #39 s pie , viacom co-president and cbs chairman leslie moonves officially whacked the head of the media conglom #39 s television studio yesterday , and divvied up the job among loyal cbs staffers . -__label__4 , nokia shrinks ' brick ' handset to tap new markets ( reuters ) , reuters - nokia , the world ' s biggest handset\maker , unveiled on wednesday a miniature version of its\equivalent of the swiss army knife it hopes will lure women and\less-techie business people . -__label__4 , space capsule heading back to earth , a space capsule holding atoms collected from solar wind was en route to a tricky rendezvous with earth , offering scientists the first material nasa has brought back from space in nearly three decades . -__label__3 , insurance firms can take hit , florida insurance companies can cover the losses of hurricanes charley and frances , even if a few small insurers fail , the state #39 s chief financial officer said tuesday . -__label__2 , vijay follows in tiger #39 s footsteps , tiger woods has put himself in some peculiar positions this year . he has struggled just to make the cut . tee shots have ricocheted off corporate tents and small children . -__label__4 , nasa ' s shuttle hangar badly damaged by storm , the gigantic hangar where the space shuttle is prepared for its missions sustained much more damage from hurricane frances than initially believed . -__label__4 , bob evans , who helped i . b . m . transform data processing , dies at 77 , bob o . evans led the development of a new class of mainframe computers - the famous 360 ' s - helping turn i . b . m . into a data-processing power . -__label__2 , capriati unnerves serena , it was just about a year ago that jennifer capriati had this very same feeling . there she was , in arthur ashe stadium , the lights glaring , more than 20 , 000 fans screaming . only the opponent was different , as capriati faced justine henin-hardenne , serving for what would become one of the most important matches of her career . but that night , . . . -__label__1 , 46 killed , 270 injured in iraqi violence , baghdad , sept . 8 ( nnn ) bloody clashes on tuesday between us forces and shia militiamen left more than 46 persons , including six us soldiers , dead across iraq during the past 24 hours , officials said here on wednesday . -__label__2 , royals pain for tigers kc wins season series , for all their rejuvenation , the tigers have lost the season series to the kansas city royals , who own the american league #39 s worst record and don #39 t have a winning mark against another al club . -__label__4 , the servers cannot take the strain , captain ! , a san francisco startup plans to boldly go where no game developer has gone before with an online game based on the cult tv series quot star trek . -__label__3 , heineken profit dips but repeats outlook , amsterdam ( reuters ) - dutch brewer heineken posted a 4 . 5 percent fall in core profit for the first half on wednesday , at the low end of expectations as a weak dollar and sluggish markets hurt business . -__label__2 , gibbs won #39 t take a pass on this , soon after joe gibbs ended his 11-year retirement from football and reunited his distinguished offensive coaching staff this winter , a call went out to the nfl offices in new york . -__label__3 , wto hits eu again over sugar sales , geneva ( reuters ) - the world trade organization ( wto ) has again declared some european union sugar exports illegal , dealing a new blow to the bloc ' s lavish system of farm subsidies , a trade source close to the case said wednesday . -__label__3 , crude oil falls as purmono says opec can boost output capacity , crude oil fell as opec president purnomo yusgiantoro said the group may raise its spare production capacity to as much as 2 . 5 million barrels a day by the end of this year , reducing concern about shortages . -__label__3 , cash america shuffles assets , sets special dividend , washington ( cbs . mw ) -- cash america international ( pwn ) said it #39 s reached a deal to acquire privately owned superpawn , operator of a 41-store chain of pawn shops in the us including 21 locations in las vegas . -__label__4 , intel silent on jayhawk replacement , san francisco -- intel corp . on tuesday provided a few more details about future plans for its enterprise server processors , but the company maintained its silence on its plans for an upcoming dual-core xeon processor , which it has promised as the next major follow-up to the nocona chip it launched in august . -__label__3 , movies in a snap netflix and tivo discuss downloads , bee staff writer . the high-tech ground is shifting underfoot again , amid rumblings of a new silicon valley alliance that would let owners of tivo inc . -__label__2 , serena falls to capriati after chair ump #39 s miscue , unfairly , unbelievably , serena williams was robbed of a point by an umpire #39 s mistake at the us open , just like her sister was at wimbledon . -__label__4 , nasa space capsule crashes into desert , the genesis space capsule , which had orbited the sun for more than three years in an attempt to find clues to the origin of the solar system , crashed to earth on wednesday after its parachute failed to deploy . -__label__4 , hyundai signs deal for china truck plant , hyundai motor co . said yesterday that it has signed an agreement with a chinese company , jianghuai automobile corp . , to build a commercial vehicle and engine plant in china #39 s anhui province . -__label__1 , france mulls hostage crisis , confusion over ransom , dubai/paris ( reuters ) - the french government held crisis talks on the fate of two french journalists held hostage in iraq wednesday amid growing uncertainty over whether their kidnappers had demanded a ransom and two-day deadline . -__label__3 , stocks flat after greenspan testimony , new york ( reuters ) - u . s . stocks were flat on wednesday after federal reserve chairman alan greenspan said the economy had recovered from its soft patch and a number of companies warned about their earnings . -__label__3 , pension agency raises top annual benefit 2 . 8 , the federal agency that protects private sector pension plans announced yesterday that the maximum annual benefit for plans taken over in 2005 will be \$45 , 614 for workers who wait until age 65 to retire . -__label__4 , intel executive em64t has set back itanium , san francisco -- intel corp . ' s decision to begin shipping versions of x86 processors that are capable of 64-bit computing has slowed down the adoption of the company ' s high-end itanium processors , a senior executive acknowledged tuesday during a question and answer session at the intel developer forum ( idf ) in san francisco . -__label__3 , attacks on disney ' s eisner abate , on friday , the former disney directors who led a shareholder rebellion aimed at the ouster of disney ' s chief executive and other directors this year said they had dropped plans to run a slate of directors at next year ' s shareholders meeting . -__label__4 , sybase releases free express database for linux , in a bid to expand the customer base for its database software , sybase inc . released on tuesday a free , limited version of its software for deployment on linux systems . -__label__2 , hall had penn state executing well against akron , but bc will be < b> . . . < /b> , in recent years , penn state critics have pointed to its offensive game plan as the source of the team #39 s problems . it was too rigid at times , they said , too reckless at others . -__label__3 , greenspan economy regaining traction , washington ( reuters ) - the u . s . economy is pulling out of its recent soft patch and appears to be picking up steam , federal reserve chief alan greenspan said on wednesday in remarks economists saw as cementing a september rate rise . -__label__1 , stocks drop after greenspan testimony , new york - investors were unmoved by federal reserve chairman alan greenspan ' s improved assessment of the economy , with stocks falling narrowly wednesday in light trading . while greenspan said the economy has regained some traction after the summer ' s slowdown , he echoed wall street ' s concerns over energy prices , which have fallen from record highs in recent weeks but stubbornly remain above \$40 per barrel . . . -__label__3 , subsidy ruling a sweet victory for sugar producers , the federal government has hailed a world trade organisation ruling that european subsidies for sugar producers are in breach of international trade rules . -__label__4 , motorola aims to sharpen design edge , in a 26th-floor office suite overlooking lake michigan , some 40 industrial designers , mechanical engineers and specialists in fields ranging from anthropology to musicology -__label__2 , the week no . 1 at last , water running over a rock , wind ripping across a sand dune , the ocean washing up against the shore . whatever the image , for the last three years vijay singh has been the -__label__4 , groups offers beer for blood donations ( ap ) , ap - some in michigan who roll up their sleeves to donate blood will get a racetrack t-shirt , hat and pin . sponsors in san diego have given away whale-watching trips . on wednesday , the cleveland regional transit authority handed out vouchers for a pint of any beverage , including beer , in exchange for a pint of blood . +__label__4 , lexmark recalls 40 , 000 printers , lexmark international inc . recalled 39 , 431 printers from the market on tuesday , according to a statement by consumer product safety commission . +__label__2 , robbo ushers in new era , andy robinson , currently the caretaker of england #39 s only world cup holding major sports team , is the future , barring a particularly bleak autumn . +__label__2 , czech republic crushes sweden 6-1 ( ap ) , ap - milan hejduk scored two goals as the czech republic routed sweden 6-1 tuesday night in the quarterfinals of the world cup of hockey . +__label__1 , campaigning begins for afghan election ( ap ) , ap - afghanistan ' s historic election campaign got under way tuesday , pitting 17 hopefuls against interim leader hamid karzai in the race to become the impoverished country ' s first popularly elected president . +__label__3 , us stocks rise oil , gold fall , a decline in the price of oil helped lift us stocks to their highest level in two-months on tuesday . the dollar declined against its major rivals as investors took profits +__label__4 , samsung plans to launch mobile phone with stamp-sized hard disc , 2004-09-07 samsung electronics , the world #39 s third-largest handset maker , recently announced its plans to launch the first mobile phone with a stamp-sized hard disc drive that would expand the memory capacity by 15 times . +__label__4 , netflix and tivo joining forces online , home entertainment trendsetters netflix inc . ( nflx ) and tivo inc . ( tivo ) hope to link up on a service that will use high-speed internet connections to pipe dvd-quality movies into the homes of their mutual subscribers . +__label__4 , nevada implements 1st touch-screen voting machines with paper-trail , by rachel konrad carson city , nev . ( ap ) -- in what could become a model for other states , nevada voters on tuesday became the first in the nation to cast ballots in a statewide election on computers that printed paper records of electronic ballots . . . +__label__3 , opec can raise output capacity by 1 mln barrels/day ( update1 ) , the organization of petroleum exporting countries , which supplies a third of the world #39 s crude oil , can raise production capacity by 1 million barrels a day by year-end , opec president purnomo yusgiantoro said . +__label__3 , cbs realigns entertainment divisions , eslie moonves , the co-president of viacom , yesterday realigned the management of the company #39 s cbs entertainment division and paramount television production studio , promising smoother and greater interaction between the two . +__label__3 , asian stocks lower , greenspan awaited , singapore ( reuters ) - asian stocks edged lower on wednesday as profit taking set in after two days of gains and the dollar firmed ahead of comments from fed chief alan greenspan that are expected to cement the case for further u . s . rate rises . +__label__3 , former banker quattrone faces sentencing , new york ( reuters ) - frank quattrone , a former star investment banker who once earned \$120 million in a year , will be sentenced on wednesday for obstructing a federal investigation into some of the most popular stock offerings of the 1990s . +__label__1 , for bush , kerry , iraq is more than a war ( ap ) , ap - president bush and sen . john kerry are using iraq to advance their negative campaign tactics as the u . s . military death toll in iraq tops 1 , 000 . war , it seems , is just another excuse to call the other guy names . +__label__1 , cheney kerry ' wrong choice ' for president ( ap ) , ap - vice president dick cheney said tuesday that the nation faces the threat of another terrorist attack if voters make the wrong choice on election day , suggesting that sen . john kerry would follow a pre-sept . 11 policy of reacting defensively . +__label__2 , study athletic success doesn #39 t pay off in donations , success in big-time sports has little , if any , effect on a college #39 s alumni donations or the academic quality of its applicants , according to a study made under the direction of the knight commission on intercollegiate athletics . +__label__3 , the discreet charm of the very bourgeois toy store ? , f . a . o . schwarz may be shuttered and dark , but its catalog is somersaulting back in the direction of well-heeled children and the adults who indulge them . +__label__2 , marlins streak by mets , a four-day layoff fails to cool off the marlins , who extend their winning streak to eight games by beating the mets , 7-3 . +__label__4 , matsushita unveils dvd recorders , eyes higher share , tokyo ( reuters ) - panasonic brand products maker matsushita electric industrial unveiled five new dvd recorders on wednesday and said it was aiming to boost its share of the domestic market to over 40 percent from around 35 percent . +__label__3 , cbs #39 s moonves gives loyalists a piece of the eye #39 s pie , viacom co-president and cbs chairman leslie moonves officially whacked the head of the media conglom #39 s television studio yesterday , and divvied up the job among loyal cbs staffers . +__label__4 , nokia shrinks ' brick ' handset to tap new markets ( reuters ) , reuters - nokia , the world ' s biggest handset\maker , unveiled on wednesday a miniature version of its\equivalent of the swiss army knife it hopes will lure women and\less-techie business people . +__label__4 , space capsule heading back to earth , a space capsule holding atoms collected from solar wind was en route to a tricky rendezvous with earth , offering scientists the first material nasa has brought back from space in nearly three decades . +__label__3 , insurance firms can take hit , florida insurance companies can cover the losses of hurricanes charley and frances , even if a few small insurers fail , the state #39 s chief financial officer said tuesday . +__label__2 , vijay follows in tiger #39 s footsteps , tiger woods has put himself in some peculiar positions this year . he has struggled just to make the cut . tee shots have ricocheted off corporate tents and small children . +__label__4 , nasa ' s shuttle hangar badly damaged by storm , the gigantic hangar where the space shuttle is prepared for its missions sustained much more damage from hurricane frances than initially believed . +__label__4 , bob evans , who helped i . b . m . transform data processing , dies at 77 , bob o . evans led the development of a new class of mainframe computers - the famous 360 ' s - helping turn i . b . m . into a data-processing power . +__label__2 , capriati unnerves serena , it was just about a year ago that jennifer capriati had this very same feeling . there she was , in arthur ashe stadium , the lights glaring , more than 20 , 000 fans screaming . only the opponent was different , as capriati faced justine henin-hardenne , serving for what would become one of the most important matches of her career . but that night , . . . +__label__1 , 46 killed , 270 injured in iraqi violence , baghdad , sept . 8 ( nnn ) bloody clashes on tuesday between us forces and shia militiamen left more than 46 persons , including six us soldiers , dead across iraq during the past 24 hours , officials said here on wednesday . +__label__2 , royals pain for tigers kc wins season series , for all their rejuvenation , the tigers have lost the season series to the kansas city royals , who own the american league #39 s worst record and don #39 t have a winning mark against another al club . +__label__4 , the servers cannot take the strain , captain ! , a san francisco startup plans to boldly go where no game developer has gone before with an online game based on the cult tv series quot star trek . +__label__3 , heineken profit dips but repeats outlook , amsterdam ( reuters ) - dutch brewer heineken posted a 4 . 5 percent fall in core profit for the first half on wednesday , at the low end of expectations as a weak dollar and sluggish markets hurt business . +__label__2 , gibbs won #39 t take a pass on this , soon after joe gibbs ended his 11-year retirement from football and reunited his distinguished offensive coaching staff this winter , a call went out to the nfl offices in new york . +__label__3 , wto hits eu again over sugar sales , geneva ( reuters ) - the world trade organization ( wto ) has again declared some european union sugar exports illegal , dealing a new blow to the bloc ' s lavish system of farm subsidies , a trade source close to the case said wednesday . +__label__3 , crude oil falls as purmono says opec can boost output capacity , crude oil fell as opec president purnomo yusgiantoro said the group may raise its spare production capacity to as much as 2 . 5 million barrels a day by the end of this year , reducing concern about shortages . +__label__3 , cash america shuffles assets , sets special dividend , washington ( cbs . mw ) -- cash america international ( pwn ) said it #39 s reached a deal to acquire privately owned superpawn , operator of a 41-store chain of pawn shops in the us including 21 locations in las vegas . +__label__4 , intel silent on jayhawk replacement , san francisco -- intel corp . on tuesday provided a few more details about future plans for its enterprise server processors , but the company maintained its silence on its plans for an upcoming dual-core xeon processor , which it has promised as the next major follow-up to the nocona chip it launched in august . +__label__3 , movies in a snap netflix and tivo discuss downloads , bee staff writer . the high-tech ground is shifting underfoot again , amid rumblings of a new silicon valley alliance that would let owners of tivo inc . +__label__2 , serena falls to capriati after chair ump #39 s miscue , unfairly , unbelievably , serena williams was robbed of a point by an umpire #39 s mistake at the us open , just like her sister was at wimbledon . +__label__4 , nasa space capsule crashes into desert , the genesis space capsule , which had orbited the sun for more than three years in an attempt to find clues to the origin of the solar system , crashed to earth on wednesday after its parachute failed to deploy . +__label__4 , hyundai signs deal for china truck plant , hyundai motor co . said yesterday that it has signed an agreement with a chinese company , jianghuai automobile corp . , to build a commercial vehicle and engine plant in china #39 s anhui province . +__label__1 , france mulls hostage crisis , confusion over ransom , dubai/paris ( reuters ) - the french government held crisis talks on the fate of two french journalists held hostage in iraq wednesday amid growing uncertainty over whether their kidnappers had demanded a ransom and two-day deadline . +__label__3 , stocks flat after greenspan testimony , new york ( reuters ) - u . s . stocks were flat on wednesday after federal reserve chairman alan greenspan said the economy had recovered from its soft patch and a number of companies warned about their earnings . +__label__3 , pension agency raises top annual benefit 2 . 8 , the federal agency that protects private sector pension plans announced yesterday that the maximum annual benefit for plans taken over in 2005 will be \$45 , 614 for workers who wait until age 65 to retire . +__label__4 , intel executive em64t has set back itanium , san francisco -- intel corp . ' s decision to begin shipping versions of x86 processors that are capable of 64-bit computing has slowed down the adoption of the company ' s high-end itanium processors , a senior executive acknowledged tuesday during a question and answer session at the intel developer forum ( idf ) in san francisco . +__label__3 , attacks on disney ' s eisner abate , on friday , the former disney directors who led a shareholder rebellion aimed at the ouster of disney ' s chief executive and other directors this year said they had dropped plans to run a slate of directors at next year ' s shareholders meeting . +__label__4 , sybase releases free express database for linux , in a bid to expand the customer base for its database software , sybase inc . released on tuesday a free , limited version of its software for deployment on linux systems . +__label__2 , hall had penn state executing well against akron , but bc will be < b> . . . < /b> , in recent years , penn state critics have pointed to its offensive game plan as the source of the team #39 s problems . it was too rigid at times , they said , too reckless at others . +__label__3 , greenspan economy regaining traction , washington ( reuters ) - the u . s . economy is pulling out of its recent soft patch and appears to be picking up steam , federal reserve chief alan greenspan said on wednesday in remarks economists saw as cementing a september rate rise . +__label__1 , stocks drop after greenspan testimony , new york - investors were unmoved by federal reserve chairman alan greenspan ' s improved assessment of the economy , with stocks falling narrowly wednesday in light trading . while greenspan said the economy has regained some traction after the summer ' s slowdown , he echoed wall street ' s concerns over energy prices , which have fallen from record highs in recent weeks but stubbornly remain above \$40 per barrel . . . +__label__3 , subsidy ruling a sweet victory for sugar producers , the federal government has hailed a world trade organisation ruling that european subsidies for sugar producers are in breach of international trade rules . +__label__4 , motorola aims to sharpen design edge , in a 26th-floor office suite overlooking lake michigan , some 40 industrial designers , mechanical engineers and specialists in fields ranging from anthropology to musicology +__label__2 , the week no . 1 at last , water running over a rock , wind ripping across a sand dune , the ocean washing up against the shore . whatever the image , for the last three years vijay singh has been the +__label__4 , groups offers beer for blood donations ( ap ) , ap - some in michigan who roll up their sleeves to donate blood will get a racetrack t-shirt , hat and pin . sponsors in san diego have given away whale-watching trips . on wednesday , the cleveland regional transit authority handed out vouchers for a pint of any beverage , including beer , in exchange for a pint of blood . __label__4 , cadence poaches another intel server staffer , < strong> idf fall ' 04< /strong> malhotra rejoins st . fister -__label__1 , royal wedding lures international media to brunei , bandar seri begawan - bruneis royal wedding between his royal highness the crown prince haji al-mutahdee billah and yang mulia dayangku sarah binti pengiran salleh ab rahaman has attracted some 170 foreign journalists to the sultanate . -__label__3 , amvescap reorganizes after settling , the chairman of amvescap said wednesday that the company planned to wrap its us mutual fund businesses into one following a \$450 million settlement with regulators over improper trading . -__label__2 , hampton start is pushed back again ( ap ) , ap - atlanta left-hander mike hampton was not able to pitch for the braves on wednesday , still bothered by a stiff neck that kept him out of his scheduled start monday . -__label__2 , england stars refuse to face media despite world cup soccer < b> . . . < /b> , england #39 s soccer team refused to face the media after their 2-1 world cup qualifying victory in poland on wednesday in protest at negative publicity they received after saturday #39 s 2-2 tie with austria . -__label__4 , discoverer of dna fingerprinting has concerns about technology , one morning 20 years ago , alec jeffreys stumbled upon dna fingerprinting , identifying the patterns of genetic material that are unique to almost every individual . the discovery revolutionized everything from criminal investigations to family law . -__label__2 , germany , brazil draw , germany and brazil fought out a 1-1 friendly international draw in their first meeting since the 2002 world cup final . the visitors opened the scoring on nine minutes thanks to a ronaldinho free kick , but -__label__1 , martin signals new flexibility to reach health deal with provinces ( canadian press ) , canadian press - kelowna , b . c . ( cp ) - the federal government will seek a flexible medicare-reform agreement that could include individual deals with provinces , prime minister paul martin said wednesday . -__label__1 , israeli forces thrust into northern gaza ( reuters ) , reuters - israeli forces thrust into the outskirts\of the jabalya refugee camp in the northern gaza strip on\thursday in what the military said was an effort to stop\palestinians firing rockets into israel . -__label__3 , delta aims to cut jobs 12 , drop a hub and reduce pay , elta air lines announced yesterday that it would cut 12 percent of its work force over the next 18 months and said a bankruptcy filing would be quot a real possibility quot as soon as the end -__label__3 , ex-worldcom ceo wants witness immunity ( reuters ) , reuters - lawyers for former worldcom chief\executive bernard ebbers are seeking immunity for two witnesses\who they believe could clear their client of fraud charges\related to the company ' s #36 11 billion accounting scandal , \according to court papers filed on wednesday . -__label__2 , new rules for rematch of colts and patriots , indianapolis ' loss to new england in the a . f . c . championship game in january will have an impact on officiating as the n . f . l . begins the 2004 season thursday night . -__label__4 , for blackberry users , a new way to write , while popular among financial-industry types , the blackberry is practically unknown to everyone else . rim hopes to change that with its new model . -__label__4 , intel conference power shift , as intel pursues a new path with improved multi-core chips , amd says its already one step ahead . intel told the world this week that there is no race to market the next generation of microchips . -__label__4 , microsoft intros new mice , keyboards , microsoft announced on wednesday five new mice and keyboards wireless optical desktop , which comes with a wireless mouse and keyboard wireless notebook optical mouse digital media pro keyboard and standard wireless optical mouse . -__label__2 , after waiting a long time , davenport keeps it short , he weather played havoc with the united states open schedule yesterday , but it did not affect lindsay davenport #39 s game . in front of a sparse crowd of no more than several hundred people at -__label__1 , two britons shot dead near death railway bridge ( afp ) , afp - two britons were shot dead by unknown gunmen near the famous bridge over the river kwai in western thailand , police said . -__label__3 , british airways to shed qantas , londonbritish airways plc , europe #39 s second-biggest airline , will sell its 18 per cent stake in qantas airways ltd . worth 427 million or about \$980 million ( canadian ) to cut debt ahead of possible acquisitions in europe . -__label__3 , molson chief airs doubts , the ceo of molson inc . raised doubts about his company #39 s deal with adolph coors co . , telling a canadian newspaper he doesn #39 t know whether his shareholders will ok the merger , even though it #39 s quot the best deal . -__label__2 , bonds ' s excuse has the scent of snake oil , not arthritis balm , barry bonds ' s ignorance of the substances obtained by his trainer from balco is more childish than a youngster ' s excuse that the dog ate my homework . -__label__3 , court hears ovitz bid to escape suit , wilmington , del . -- a delaware corporate law judge wednesday heard a plea from attorneys for former walt disney co . president michael ovitz that asks to remove ovitz from the list of defendants in a shareholder -__label__1 , egypt steps back on gaza plan over israeli attacks , egypt took a step back from plans to help the palestinians prepare for an israeli withdrawal from gaza on wednesday , saying it could not play its role in full as long as israeli attacks on palestinians continue . -__label__2 , wind-aided delay may be plus for pitt ( ap ) , ap - the rainy remnants of hurricane frances forced pittsburgh to practice inside in advance of its delayed season opener . -__label__4 , honey , did you remember to call the dvd recorder ? , the machine has a 400gb hard disk drive , is capable of zapping video elsewhere in a home , and is designed to let consumers program recording remotely over the internet--including via cell phones . -__label__1 , china ' s worst floods in a century kill at least 172 , injure thousands , beijing -- china ' s sichuan province faced the threat of epidemics yesterday after the worst flooding in a century killed at least 172 people and left scores missing , while water levels at the huge three gorges dam swelled . -__label__1 , hurricanes may affect florida politics , tallahassee , fla . - two devastating hurricanes have given president bush something his political advisers couldn ' t dream up the chance to play comforter in chief in a battleground state he is determined to win again . . . -__label__2 , panis to retire from formula one at end of 2004 , london ( reuters ) - france ' s olivier panis will retire from formula one at the end of the 2004 season , his team toyota said on thursday . -__label__2 , dream team , in march , when his free agency tour stopped here , five-time pro bowl safety john lynch got a glimpse of the formula that has the new england patriots poised to establish an nfl record for consecutive victories and become just the second team to win three super bowls in four years . lynch ultimately signed a few days later with . . . -__label__2 , trying to recapture glory days , with two super bowl wins in the last three years , the patriots have enjoyed the greatest stretch in franchise history , and they ' ve been lauded for doing it with team play . here are examples of when the other sports franchises in town distinguished themselves in similar fashion . -__label__2 , chip shots , no long game it had figured to be a whirlwind tour for john daly -- from germany to the deutsche bank championship in our neck of the woods , then onward to the other side of the world to defend his korean open title . but his late commitment to the deutsche bank and the unusual monday finish apparently wore him out . . . . -__label__2 , transactions , baseball atlanta ( nl ) recalled p roman colon from greenville ( southern league ) . cincinnati ( nl ) announced inf brandon larson accepted his outright assignment to louisville ( il ) . tampa bay ( al ) released 1b-dh randall simon recalled of midre cummings from durham ( il ) . -__label__3 , santander sells stake in royal bank of scotland , london , september 9 ( new ratings ) - santander central hispano ( bsd2 . fse ) has indicated that it is selling a 2 . 51 stake in royal bank of scotland group plc , in an attempt to seek regulatory approval to acquire uks abbey national plc . -__label__3 , update 1 philippine shares end up 0 . 7 percent , philippine shares finished higher for the seventh straight session thursday on follow-through buying anchored by improved investor sentiment , traders said . -__label__3 , stocks higher on drop in jobless claims , a sharp drop in initial unemployment claims and bullish forecasts from nokia and texas instruments sent stocks slightly higher in early trading thursday . -__label__4 , self-sustaining killer robot creates a stink , it may eat flies and stink to high heaven , but if this robot works , it will be an important step towards making robots fully autonomous . -__label__4 , longhorn to put squeeze on gadgets , san francisco--windows makes it easy to quickly download files to ipods and other portable storage devices--a little too easy in the minds of many it managers . -__label__2 , singh rules world that is yet to embrace him , on monday , the newly crowned no . 1 walked into a room to face the world #39 s golfing media , having just shot down tiger woods in the final round of the deutsche bank championship near boston . -__label__3 , us treasuries cut early gains on jobless drop , us treasury debt prices cut early gains but remained narrowly higher after the government said that new claims for jobless insurance fell in the latest week . -__label__3 , stocks higher on drop in jobless claims , a sharp drop in initial unemployment claims and bullish forecasts from nokia and texas instruments sent stocks higher in early trading thursday . -__label__2 , major teams bounce back in world cup soccer qualifiers , london after a mixed bag of results in the weekend #39 s soccer qualifiers , europe #39 s major countries asserted their authority this morning with france , england and italy all winning away . -__label__2 , inzaghi fit for start of season , ac milan striker filippo inzaghi is fit for the start of the serie a season after recovering from an ankle injury , the club said on thursday . -__label__3 , quattrone gets 18 months in prison , frank quattrone , who rose to investment banking stardom during the dot . com boom , was sentenced to 18 months in a federal prison camp in lompoc , calif . -__label__3 , p g backs profit forecast , shares down ( reuters ) , reuters - procter gamble co . on thursday\backed its quarterly profit outlook , helped by sales of new\products and continued gains in developing markets . -__label__1 , groups petition u . s . on china policies ( ap ) , ap - a group of industry , farm and labor groups , seeking to put pressure on the bush administration before the presidential election , petitioned the government on thursday to file an unfair trade practices case against china . -__label__2 , san antonio ( 15-3 ) at chicago ( 2-12 ) 8 30 pm est , chicago ( ticker ) -- two teams heading in opposite directions meet monday at the united center when the san antonio spurs visit the chicago bulls . -__label__1 , explosives found hidden in closed russian cinema , st petersburg , russia ( reuters ) - police have found explosives , detonators and a gun in a cinema in russia ' s second city st petersburg which was closed for renovation , the interior ministry said on thursday . -__label__1 , blast hits australian embassy in jakarta , a large explosion was set off early thursday outside the australian embassy in jakarta ' s financial district , killing at least eight people and wounding more than 150 , officials said . police said the blast appeared to have been a suicide attack using a car bomb . -__label__4 , ibm to use dual-core opteron , big blue will use amd ' s chip in a high-performance server but isn ' t yet planning a general-purpose opteron system . -__label__4 , german teenager indicted over sasser worm , prosecutors in verden , germany , indicted an 18-year-old student on wednesday for allegedly creating the sasser worm that crashed hundreds of thousands of computers worldwide after spreading at lighting speed over the internet . -__label__4 , teenager charged with creating sasser , informants , seeking a reward from microsoft , led police to the german student . -__label__4 , google toolbar using browser keywords function , google toolbar using keywords function\\looks like google is trying to assure placement within the browser one step at a time . the latest update of the google toolbar includes browse by keyword , meaing if i type in how do i kill this hangover into my ie url field , i will get . . . -__label__4 , german teenager charged with creating sasser virus , german student , sven jaschan , has been formally charged with computer sabotage , data manipulation and disruption of public systems by german prosecutors . -__label__3 , mortgage rates across the us climb , mortgage rates around the country went up this week , although 30-year mortgages still were below 6 percent for a sixth straight week . -__label__3 , applebee #39 s predicts earnings , units rise , company sees doubling of units to at least 3 , 000 predicts 17 earnings rise over next 3 to 5 years . los angeles ( reuters ) - restaurant chain applebee #39 s international inc . -__label__3 , health insurance costs soar , workers hit ( reuters ) , reuters - health insurance premiums rose five\times faster than u . s . workers ' salaries this year , according\to a survey released on thursday that also showed slippage in\the percentage of american workers covered by employer health\plans . -__label__4 , daily digest , realnetworks inc . has sold about 3 million songs online during a three- week , half-price sale designed to promote an alternative to apple computer inc . -__label__4 , robot eats flies to make power , a robot that will generate its own power by eating flies is being developed by british scientists . the idea is to produce electricity by catching flies and digesting them in special fuel cells that will break -__label__2 , shanghai readies for rockets-kings game ( ap ) , ap - built in the days of mao zedong ' s 1966-76 cultural revolution , shanghai ' s rundown city gymnasium is getting the full nba treatment for next month ' s exhibition game between the sacramento kings and the houston rockets . -__label__1 , charting east asias milestones , it is a special honour for me to be speaking before such a distinguished gathering , including my illustrious predecessor and his colleagues from korea and japan who are all well-known for their visionary ideas and as proponents of east asian cooperation . -__label__4 , dinosaurs may have been doting parents -report ( reuters ) , reuters - dinosaurs may not all have been the\terrifying creatures portrayed in blockbuster films but could\have had a more caring , loving nature . -__label__3 , realnetworks ends download 49-cent promo , seattle ( reuters ) - realnetworks inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=rnwk . o target=/stocks/quickinfo/fullquote> rnwk . o< /a> is ending its 49 cent-per-song music download service but will keep the promotional prices in place for top 10 songs , the internet media and software company said on thursday . -__label__4 , ibm aims new db2 at rivals , ibm ( quote , chart ) announced its first major database refresh in almost two years with new features from the company #39 s autonomic computing vault . -__label__2 , predators sign 2003 first-round pick , ----- nashville , tennessee ( ticker ) - the nashville predators signed defenseman ryan suter , their first-round pick in the 2003 draft , on thursday . -__label__3 , a taste of yum ! wins the world over , strong international sales growth and solid u . s . comps propel the company ' s stock to its highest price ever . +__label__1 , royal wedding lures international media to brunei , bandar seri begawan - bruneis royal wedding between his royal highness the crown prince haji al-mutahdee billah and yang mulia dayangku sarah binti pengiran salleh ab rahaman has attracted some 170 foreign journalists to the sultanate . +__label__3 , amvescap reorganizes after settling , the chairman of amvescap said wednesday that the company planned to wrap its us mutual fund businesses into one following a \$450 million settlement with regulators over improper trading . +__label__2 , hampton start is pushed back again ( ap ) , ap - atlanta left-hander mike hampton was not able to pitch for the braves on wednesday , still bothered by a stiff neck that kept him out of his scheduled start monday . +__label__2 , england stars refuse to face media despite world cup soccer < b> . . . < /b> , england #39 s soccer team refused to face the media after their 2-1 world cup qualifying victory in poland on wednesday in protest at negative publicity they received after saturday #39 s 2-2 tie with austria . +__label__4 , discoverer of dna fingerprinting has concerns about technology , one morning 20 years ago , alec jeffreys stumbled upon dna fingerprinting , identifying the patterns of genetic material that are unique to almost every individual . the discovery revolutionized everything from criminal investigations to family law . +__label__2 , germany , brazil draw , germany and brazil fought out a 1-1 friendly international draw in their first meeting since the 2002 world cup final . the visitors opened the scoring on nine minutes thanks to a ronaldinho free kick , but +__label__1 , martin signals new flexibility to reach health deal with provinces ( canadian press ) , canadian press - kelowna , b . c . ( cp ) - the federal government will seek a flexible medicare-reform agreement that could include individual deals with provinces , prime minister paul martin said wednesday . +__label__1 , israeli forces thrust into northern gaza ( reuters ) , reuters - israeli forces thrust into the outskirts\of the jabalya refugee camp in the northern gaza strip on\thursday in what the military said was an effort to stop\palestinians firing rockets into israel . +__label__3 , delta aims to cut jobs 12 , drop a hub and reduce pay , elta air lines announced yesterday that it would cut 12 percent of its work force over the next 18 months and said a bankruptcy filing would be quot a real possibility quot as soon as the end +__label__3 , ex-worldcom ceo wants witness immunity ( reuters ) , reuters - lawyers for former worldcom chief\executive bernard ebbers are seeking immunity for two witnesses\who they believe could clear their client of fraud charges\related to the company ' s #36 11 billion accounting scandal , \according to court papers filed on wednesday . +__label__2 , new rules for rematch of colts and patriots , indianapolis ' loss to new england in the a . f . c . championship game in january will have an impact on officiating as the n . f . l . begins the 2004 season thursday night . +__label__4 , for blackberry users , a new way to write , while popular among financial-industry types , the blackberry is practically unknown to everyone else . rim hopes to change that with its new model . +__label__4 , intel conference power shift , as intel pursues a new path with improved multi-core chips , amd says its already one step ahead . intel told the world this week that there is no race to market the next generation of microchips . +__label__4 , microsoft intros new mice , keyboards , microsoft announced on wednesday five new mice and keyboards wireless optical desktop , which comes with a wireless mouse and keyboard wireless notebook optical mouse digital media pro keyboard and standard wireless optical mouse . +__label__2 , after waiting a long time , davenport keeps it short , he weather played havoc with the united states open schedule yesterday , but it did not affect lindsay davenport #39 s game . in front of a sparse crowd of no more than several hundred people at +__label__1 , two britons shot dead near death railway bridge ( afp ) , afp - two britons were shot dead by unknown gunmen near the famous bridge over the river kwai in western thailand , police said . +__label__3 , british airways to shed qantas , londonbritish airways plc , europe #39 s second-biggest airline , will sell its 18 per cent stake in qantas airways ltd . worth 427 million or about \$980 million ( canadian ) to cut debt ahead of possible acquisitions in europe . +__label__3 , molson chief airs doubts , the ceo of molson inc . raised doubts about his company #39 s deal with adolph coors co . , telling a canadian newspaper he doesn #39 t know whether his shareholders will ok the merger , even though it #39 s quot the best deal . +__label__2 , bonds ' s excuse has the scent of snake oil , not arthritis balm , barry bonds ' s ignorance of the substances obtained by his trainer from balco is more childish than a youngster ' s excuse that the dog ate my homework . +__label__3 , court hears ovitz bid to escape suit , wilmington , del . -- a delaware corporate law judge wednesday heard a plea from attorneys for former walt disney co . president michael ovitz that asks to remove ovitz from the list of defendants in a shareholder +__label__1 , egypt steps back on gaza plan over israeli attacks , egypt took a step back from plans to help the palestinians prepare for an israeli withdrawal from gaza on wednesday , saying it could not play its role in full as long as israeli attacks on palestinians continue . +__label__2 , wind-aided delay may be plus for pitt ( ap ) , ap - the rainy remnants of hurricane frances forced pittsburgh to practice inside in advance of its delayed season opener . +__label__4 , honey , did you remember to call the dvd recorder ? , the machine has a 400gb hard disk drive , is capable of zapping video elsewhere in a home , and is designed to let consumers program recording remotely over the internet--including via cell phones . +__label__1 , china ' s worst floods in a century kill at least 172 , injure thousands , beijing -- china ' s sichuan province faced the threat of epidemics yesterday after the worst flooding in a century killed at least 172 people and left scores missing , while water levels at the huge three gorges dam swelled . +__label__1 , hurricanes may affect florida politics , tallahassee , fla . - two devastating hurricanes have given president bush something his political advisers couldn ' t dream up the chance to play comforter in chief in a battleground state he is determined to win again . . . +__label__2 , panis to retire from formula one at end of 2004 , london ( reuters ) - france ' s olivier panis will retire from formula one at the end of the 2004 season , his team toyota said on thursday . +__label__2 , dream team , in march , when his free agency tour stopped here , five-time pro bowl safety john lynch got a glimpse of the formula that has the new england patriots poised to establish an nfl record for consecutive victories and become just the second team to win three super bowls in four years . lynch ultimately signed a few days later with . . . +__label__2 , trying to recapture glory days , with two super bowl wins in the last three years , the patriots have enjoyed the greatest stretch in franchise history , and they ' ve been lauded for doing it with team play . here are examples of when the other sports franchises in town distinguished themselves in similar fashion . +__label__2 , chip shots , no long game it had figured to be a whirlwind tour for john daly -- from germany to the deutsche bank championship in our neck of the woods , then onward to the other side of the world to defend his korean open title . but his late commitment to the deutsche bank and the unusual monday finish apparently wore him out . . . . +__label__2 , transactions , baseball atlanta ( nl ) recalled p roman colon from greenville ( southern league ) . cincinnati ( nl ) announced inf brandon larson accepted his outright assignment to louisville ( il ) . tampa bay ( al ) released 1b-dh randall simon recalled of midre cummings from durham ( il ) . +__label__3 , santander sells stake in royal bank of scotland , london , september 9 ( new ratings ) - santander central hispano ( bsd2 . fse ) has indicated that it is selling a 2 . 51 stake in royal bank of scotland group plc , in an attempt to seek regulatory approval to acquire uks abbey national plc . +__label__3 , update 1 philippine shares end up 0 . 7 percent , philippine shares finished higher for the seventh straight session thursday on follow-through buying anchored by improved investor sentiment , traders said . +__label__3 , stocks higher on drop in jobless claims , a sharp drop in initial unemployment claims and bullish forecasts from nokia and texas instruments sent stocks slightly higher in early trading thursday . +__label__4 , self-sustaining killer robot creates a stink , it may eat flies and stink to high heaven , but if this robot works , it will be an important step towards making robots fully autonomous . +__label__4 , longhorn to put squeeze on gadgets , san francisco--windows makes it easy to quickly download files to ipods and other portable storage devices--a little too easy in the minds of many it managers . +__label__2 , singh rules world that is yet to embrace him , on monday , the newly crowned no . 1 walked into a room to face the world #39 s golfing media , having just shot down tiger woods in the final round of the deutsche bank championship near boston . +__label__3 , us treasuries cut early gains on jobless drop , us treasury debt prices cut early gains but remained narrowly higher after the government said that new claims for jobless insurance fell in the latest week . +__label__3 , stocks higher on drop in jobless claims , a sharp drop in initial unemployment claims and bullish forecasts from nokia and texas instruments sent stocks higher in early trading thursday . +__label__2 , major teams bounce back in world cup soccer qualifiers , london after a mixed bag of results in the weekend #39 s soccer qualifiers , europe #39 s major countries asserted their authority this morning with france , england and italy all winning away . +__label__2 , inzaghi fit for start of season , ac milan striker filippo inzaghi is fit for the start of the serie a season after recovering from an ankle injury , the club said on thursday . +__label__3 , quattrone gets 18 months in prison , frank quattrone , who rose to investment banking stardom during the dot . com boom , was sentenced to 18 months in a federal prison camp in lompoc , calif . +__label__3 , p g backs profit forecast , shares down ( reuters ) , reuters - procter gamble co . on thursday\backed its quarterly profit outlook , helped by sales of new\products and continued gains in developing markets . +__label__1 , groups petition u . s . on china policies ( ap ) , ap - a group of industry , farm and labor groups , seeking to put pressure on the bush administration before the presidential election , petitioned the government on thursday to file an unfair trade practices case against china . +__label__2 , san antonio ( 15-3 ) at chicago ( 2-12 ) 8 30 pm est , chicago ( ticker ) -- two teams heading in opposite directions meet monday at the united center when the san antonio spurs visit the chicago bulls . +__label__1 , explosives found hidden in closed russian cinema , st petersburg , russia ( reuters ) - police have found explosives , detonators and a gun in a cinema in russia ' s second city st petersburg which was closed for renovation , the interior ministry said on thursday . +__label__1 , blast hits australian embassy in jakarta , a large explosion was set off early thursday outside the australian embassy in jakarta ' s financial district , killing at least eight people and wounding more than 150 , officials said . police said the blast appeared to have been a suicide attack using a car bomb . +__label__4 , ibm to use dual-core opteron , big blue will use amd ' s chip in a high-performance server but isn ' t yet planning a general-purpose opteron system . +__label__4 , german teenager indicted over sasser worm , prosecutors in verden , germany , indicted an 18-year-old student on wednesday for allegedly creating the sasser worm that crashed hundreds of thousands of computers worldwide after spreading at lighting speed over the internet . +__label__4 , teenager charged with creating sasser , informants , seeking a reward from microsoft , led police to the german student . +__label__4 , google toolbar using browser keywords function , google toolbar using keywords function\\looks like google is trying to assure placement within the browser one step at a time . the latest update of the google toolbar includes browse by keyword , meaing if i type in how do i kill this hangover into my ie url field , i will get . . . +__label__4 , german teenager charged with creating sasser virus , german student , sven jaschan , has been formally charged with computer sabotage , data manipulation and disruption of public systems by german prosecutors . +__label__3 , mortgage rates across the us climb , mortgage rates around the country went up this week , although 30-year mortgages still were below 6 percent for a sixth straight week . +__label__3 , applebee #39 s predicts earnings , units rise , company sees doubling of units to at least 3 , 000 predicts 17 earnings rise over next 3 to 5 years . los angeles ( reuters ) - restaurant chain applebee #39 s international inc . +__label__3 , health insurance costs soar , workers hit ( reuters ) , reuters - health insurance premiums rose five\times faster than u . s . workers ' salaries this year , according\to a survey released on thursday that also showed slippage in\the percentage of american workers covered by employer health\plans . +__label__4 , daily digest , realnetworks inc . has sold about 3 million songs online during a three- week , half-price sale designed to promote an alternative to apple computer inc . +__label__4 , robot eats flies to make power , a robot that will generate its own power by eating flies is being developed by british scientists . the idea is to produce electricity by catching flies and digesting them in special fuel cells that will break +__label__2 , shanghai readies for rockets-kings game ( ap ) , ap - built in the days of mao zedong ' s 1966-76 cultural revolution , shanghai ' s rundown city gymnasium is getting the full nba treatment for next month ' s exhibition game between the sacramento kings and the houston rockets . +__label__1 , charting east asias milestones , it is a special honour for me to be speaking before such a distinguished gathering , including my illustrious predecessor and his colleagues from korea and japan who are all well-known for their visionary ideas and as proponents of east asian cooperation . +__label__4 , dinosaurs may have been doting parents -report ( reuters ) , reuters - dinosaurs may not all have been the\terrifying creatures portrayed in blockbuster films but could\have had a more caring , loving nature . +__label__3 , realnetworks ends download 49-cent promo , seattle ( reuters ) - realnetworks inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=rnwk . o target=/stocks/quickinfo/fullquote> rnwk . o< /a> is ending its 49 cent-per-song music download service but will keep the promotional prices in place for top 10 songs , the internet media and software company said on thursday . +__label__4 , ibm aims new db2 at rivals , ibm ( quote , chart ) announced its first major database refresh in almost two years with new features from the company #39 s autonomic computing vault . +__label__2 , predators sign 2003 first-round pick , ----- nashville , tennessee ( ticker ) - the nashville predators signed defenseman ryan suter , their first-round pick in the 2003 draft , on thursday . +__label__3 , a taste of yum ! wins the world over , strong international sales growth and solid u . s . comps propel the company ' s stock to its highest price ever . __label__1 , putin responds to terror , the russian president puts some blame on his international critics -- and supports president bush -__label__4 , intel calls for internet overhaul , the net needs a new layer of abilities that will deal with imminent problems of capacity , security and reliability , intel ' s cto says . -__label__4 , spam on the menu at annual virus conference , boston - computer viruses and worms will have to share the stage with a new challenger for the attention of attendees at a conference of antivirus researchers spam e-mail . -__label__1 , jakarta embassy blast kills 9 , hurts 173 , jakarta , indonesia - suspected muslim militants detonated a car bomb thursday outside the australian embassy in jakarta , killing nine people and wounding 173 in a bloody strike at a key u . s . ally in the war in iraq . . . -__label__4 , ibm #39 s new eserver supports amd dual-core , ibm ( quote , chart ) is looking to get a leg up on the competition with the october 15 launch of eserver 326 , a rack-mounted server that supports amd #39 s ( quote , chart ) upcoming dual-core 64-bit processor . -__label__4 , florida starts to recover in the wake of hurricane frances , president bush will travel to florida wednesday to survey damage from hurricane frances . he sent a letter to congress asking for \$2 billion to help with recovery efforts . -__label__1 , british couple shot dead in thailand , a thai policeman was today being hunted after being accused of killing a british couple near a popular tourist destination last night . -__label__4 , indiana university suffers during peoplesoft rollout , problems during the rollout of a peoplesoft financial aid software module at the indiana university system caused problems for about 3 , 000 students just as classes were set to start . -__label__3 , bank sits tight on rates as house price inflation eases off , by malcolm moore , economics correspondent ( filed 10/09/2004 ) . the bank of england held interest rates at 4 . 75pc yesterday after a series of recent surveys showed the housing market was slowing down . -__label__3 , update 1 foreign drug stocks in spotlight , foreign drug stocks were in the spotlight thursday with food and drug administration news pulling the sector down . astrazeneca plc took a drubbing on the eve of its fda advisory panel meeting for its orally -__label__4 , dependent species risk extinction , the global extinction crisis is worse than thought , because thousands of quot affiliated quot species also at risk do not figure in calculations . -__label__1 , cia accused over iraq detainees , us army generals tell a senate committee that dozens of detainees may have been held in secret in iraq . -__label__2 , quincy carter being released by the cowboys , new york -- tim henman #39 s quarterfinal victory at the us open was a microcosm of his career - long and brilliant in spurts , with an expected disappointment on the horizon . -__label__1 , bush declares genocide in sudan ' s darfur ( reuters ) , reuters - the united states declared on\thursday that the violence in sudan ' s darfur region amounted to\genocide and urged the world to back an expanded african\peacekeeping force to halt the bloodshed . -__label__3 , alcoa warns earnings to miss forecasts ( reuters ) , reuters - alcoa inc . , the world ' s largest\aluminum producer , on thursday warned that third-quarter\results would fall far short of wall street expectations , hurt\by plant shutdowns , restructuring costs and weakness in some\markets . -__label__4 , broadband providers monitor philly ' s plans to offer citywide wi-fi ( investor ' s business daily ) , investor ' s business daily - with philadelphia ' s recent proposal to install a citywide broadband wireless network , will there be brotherly love between the city and its broadband service providers ? -__label__2 , bud selig has skin cancer surgery , new york -- baseball commissioner bud selig had surgery monday to remove a cancerous lesion from his forehead . the lesion was detected last month during selig #39 s annual physical , and a biopsy confirmed that it contained melanoma , a form of skin cancer . -__label__1 , pakistan bombs suspected al-qaida camp , ayman al- zawahiri , second in command of al-qaida , said last night that the us faced defeat in iraq and afghanistan . in a videotape broadcast by the arab satellite television station al-jazeera , he said quot the -__label__4 , scientists stumped by dead croakers ( ap ) , ap - thousands of croakers have washed ashore at beaches along the atlantic coast in recent days , the latest mass deaths of the popular sport fish . -__label__1 , bin laden deputy u . s . will be defeated ( ap ) , ap - osama bin laden ' s chief deputy proclaimed the united states will ultimately be defeated in iraq and afghanistan in a videotape broadcast thursday that appeared to be a rallying call for al-qaida ahead of the anniversary of the sept . 11 attacks . -__label__4 , fcc finds us broadband deployment is accelerating , us broadband deployment is accelerating as underserved rural and inner city areas gain greater access to new services , according to a government report . -__label__1 , ivan devastates grenada , st . george #39 s , grenada - hurricane ivan took aim yesterday at jamaica after killing 23 people in five countries and devastating grenada . -__label__1 , two charged in s . african nuclear trafficking case , johannesburg , sept . 9 -- a german man and his colleague appeared in court thursday on charges of violating south africa #39 s ban against nuclear proliferation , according to news reports . -__label__2 , georgia receivers try to make their mark ( ap ) , ap - it ' s taken four years and then some . through injuries , timid play , occasional doubts and flashes of brilliance , everyone at georgia has waited for fred gibson and reggie brown to fulfill their enormous potential . -__label__1 , colts lead pats early in third quarter , foxboro , mass . - peyton manning reached the 25 , 000-yard passing mark faster than anyone but dan marino , and the indianapolis colts shredded the new england patriots for a 17-13 halftime lead thursday night . . . -__label__2 , game day recap thursday , september 09 , bobby madritsch pitched eight shutout innings and the seattle mariners ended a seven-game losing streak thursday night with a 7-1 victory over boston , dropping the red sox 3 games behind the first-place new york yankees in the al east . -__label__2 , there #39 s a lot on the line for drivers at richmond this weekend , richmond , va . - its the 26th race of the nextel cup season , and for the first time in the sports history , a season will end before , well , the season . -__label__3 , oil firm after 4 percent jump , oil prices held firm on friday after leaping almost \$2 a day earlier on news us crude stocks sank to a five-month low last week and distillate fuels barely grew ahead of winter . -__label__2 , patriots begin title defense with narrow win over colts , the new england patriots began their quest for successive super bowl titles with a tight 27-24 win over the indianapolis colts in the opening game of the nfl season in foxboro thursday . -__label__4 , skype releases pocket pc software , software allows users of personal digital assistants to make free calls using wi-fi networks . -__label__1 , skirmish outside gaza camp kills 5 , gaza city -- palestinian gunmen and israeli troops fought pitched battles thursday on the outskirts of the largest refugee camp in the gaza strip , with schoolchildren scampering through sandy alleyways just yards from the fighting . -__label__2 , roddick bounced , andy roddick of the united states ran into a bold , bigger version of himself at the us open , and 6-foot-6 joachim johansson of sweden sent the defending champion home . -__label__4 , oxygen generator on space station fails , the main oxygen generator for the international space station has failed , and the two astronauts on board will tap into an attached cargo ship ' s air supply this weekend . -__label__1 , jakarta bombing blamed on malaysian fugitives , the indonesian police asserted friday it would intensify the hunt of two malaysian fugitives azahari and noordin moh top believed to be responsible for the thursday #39 s bombing at the australian embassy . -__label__3 , stocks on the edge , new york ( cnn/money ) - wall street took a wait-and-see approach to the final day of the trading week , looking for more information on inflation , trade , oil and a report of michael eisner #39 s 2006 departure from disney . -__label__1 , grenada in crisis - friday 10 , september-2004 , despair is setting in among the 80 000 homeless grenadians who , ravaged and traumatised by the damage done to them by hurricane ivan , exist each day with no food , no water and no hope . -__label__2 , for openers , a great weekend , chances are the state of massachusetts will never crown a high school football state champion . but for those who might covet such an idea , the 2004 season kicks off tonight with about as close as you ' ll ever get to such a matchup when two of the top squads in central mass . meet two of the top-ranked squads in eastern mass . -__label__1 , changes to nigeria union bill , the nigerian senate passes a bill to curb the power of the trade unions , but amends the no-strike clause . -__label__3 , ceo eisner to step down in sept 2006 -wsj , new york ( reuters ) - michael eisner plans to step down as walt disney co . ' s chief executive when his contract expires in september 2006 , the wall street journal said on friday . -__label__3 , wordsworth books files chapter 11 , wordsworth books , a harvard square institution for 29 years , yesterday filed for bankruptcy protection , as its owners seek a buyer or investor to help the independent bookseller compete with giant rivals like amazon . com . -__label__3 , japan gdp hurts yen , u . s . trade data eyed , london ( reuters ) - the yen fell against other major currencies on friday on a surprising downward revision to japanese growth , while the dollar hit three-week lows against the euro on worries about the u . s . trade deficit . -__label__3 , alcoa shares fall most since april in europe after forecast , shares of alcoa inc . , the world #39 s biggest aluminum producer , fell the most in almost five months in europe after the company said third-quarter profit from continuing operations will be below analysts #39 estimates . -__label__2 , jim mora #39 s lucky star falcons need a healthy michael vick , this is what #39 s known as lucking into it . jim mora gets his first head coaching job at any level , with the atlanta falcons , and finds michael vick waiting for him . -__label__4 , intel sees big changes to the net , the internet will have to be changed to stop it reaching breaking point , according to chip giant intel . . -__label__4 , p2p company wants riaa to face the music , the recording industry association of america ( riaa ) is being given a taste of its own medicine by peer-to-peer ( p2p ) company altnet , which has launched a civil suit against the trade body alleging patent infringement . -__label__2 , us open keeps it in the family , it will be a long way from west lakes when lleyton hewitt takes on his younger sister #39 s boyfriend . robert lusetich reports . it is a us open semi-final that has been previewed many times before -- in adelaide . -__label__2 , atlanta police arrest braves player on dui charge , atlanta - atlanta braves shortsop rafael furcal has been arrested on charges of driving under the influence . jail officials say furcal was booked into the atlanta city jail at 6 25 am on charges of dui , speeding and reckless driving . -__label__2 , sportsnetwork game preview , ( sports network ) - the kansas city royals host the opener of a three-game series against the tampa bay devil rays tonight , just one day after playing a very strange doubleheader . -__label__1 , darfur rebels urge nigeria to intervene , kickstart sudan peace < b> . . . < /b> , rebel leaders from sudan #39 s darfur region called on thursday on nigeria to intervene and kickstart african union-sponsored talks on the crisis in the west of sudan -__label__1 , new brussels blow for turkey #39 s eu hopes , eu farm commissioner franz fischler on friday became the latest brussels critic to raise doubts over turkey #39 s hopes of joining the bloc , as wrangling over ankara #39 s eu bid heats up . -__label__1 , 9/10/04 - india-pakistan dialogue , the foreign ministers of india and pakistan have concluded another round of peace talks . the talks in indias capital , new delhi , set the stage for an expected meeting at the united nations later this month -__label__2 , atlanta police arrest braves player on dui charge , atlanta - an atlanta braves player is in the atlanta jail today after being arrested on a charge of driving under the influence . members of the dui task force arrested shortstop rafael furcal about 4 20 am -__label__1 , telescope snaps distant ' planet ' , the first direct image of a planet circling another star may have been obtained by a us-european team of astronomers . -__label__3 , insurers eye ivan the terrible , how will companies and investors fare if the storm spawns moderate damage ? -__label__2 , rummenigge - parise for bayern coach . ( getty images ) , felix magath #39 s rigorous new training regime at bayern munich has been praised by club chairman karl-heinz rummenigge . magath #39 s approach had been criticised by some of his players , and bayern have made a slow -__label__4 , web sites keep tabs on campaign giving , as a washington journalist during the 90s , i made frequent treks to the federal election commission to inspect cabinets full of campaign-finance reports to find out who was giving to whom . -__label__4 , light at night might be a cancer risk , by ed edelson , healthday reporter healthdaynews -- could electric light pose a cancer threat ? it might seem like the wildest of paranoid beliefs , but a growing number of scientists suspect it might be true . the reason turning on the lights after dark may affect a small number of clock genes that play a major role in controlling how cells live , die and function , these researchers suggest . . . -__label__4 , study suggests bloodletting may actually work , by lauran neergaard washington ( ap ) -- could that ancient practice of bleeding patients really have done some good ? a scientist says new research on how germs thrive in the body suggests it just may have - for some people . bacteria need iron to cause infections . . . -__label__3 , core intermediate goods prices #39 rise fastest in nine years , washington ( cbs . mw ) -- prices of us wholesale goods and services fell 0 . 1 percent in august , the labor department said friday . the core producer price index -- adjusted to exclude food and energy goods -- also fell 0 . 1 percent . -__label__4 , oracle ' s wish comes true ( washingtonpost . com ) , washingtonpost . com - oracle is one step closer to taking over rival peoplesoft now that a federal judge has ruled against the federal government ' s effort to thwart the #36 7 . 7 billion hostile bid over antitrust concerns , a decision that could spark a rash of tech-sector acquisition attempts . -__label__2 , england v zimbabwe , england welcomed back the world #39 s best one-day player on friday as they began their challenge for the icc champions trophy by naming key all-rounder andrew flintoff in their line-up to face zimbabwe at edgbaston . -__label__4 , decaying pig corpses reveal forensic secrets ( reuters ) , reuters - decaying pig corpses deposited\in secret locations around london are providing scientists with\forensic information that may help them solve crimes . -__label__1 , zimbabwe jails briton for 7 years in mercenary case , harare ( reuters ) - a zimbabwe court jailed british former special services officer simon mann for seven years on friday in a case prosecutors had linked to a foiled coup plot in oil-rich equatorial guinea . -__label__1 , thousands demonstrate in rome for italian hostages ( reuters ) , reuters - thousands of italians marched silently\through rome in a candlelit procession on friday to demand the\release of two female aid workers seized in baghdad . -__label__1 , turkey unlikely to join eu before 2015 commissioner verheugen ( afp ) , afp - turkey is unlikely to join the european union before 2015 , eu enlargement commissioner guenter verheugen said in an interview . -__label__4 , genesis data ' retrieved intact ' , some material has been found still intact inside the crashed genesis space capsule , say nasa scientists . -__label__4 , u . s . ringtones market slow to connect , san francisco ( billboard ) - with a possible billion-dollar windfall at stake , u . s . music companies are eagerly awaiting the full-blown development of the stateside ringtone market . -__label__4 , oracle case bounces to europe , the european commission is studying the u . s . court decision favoring oracle ' s peoplesoft buyout and deciding whether to pursue its own objections . -__label__4 , firms announce video antipiracy technology , this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . nds , stmicroelectronics and thomson said friday that they will develop new encryption technology -__label__3 , calif . energy panel criticized for crisis , an appeals court ruled thursday that federal energy regulators shirked their duty when they declined to order power companies to refund consumers for overcharges during -__label__4 , court rules against state web-blocking law , a pennsylvania law requiring internet service providers to block web sites deemed by the state ' s prosecuting attorneys to be child pornography has been reversed by a u . s . federal court on free-speech grounds . -__label__4 , california group sues albertson ' s over privacy concerns , a california-based privacy advocacy group is suing supermarket giant albertson ' s over alleged privacy violations involving its pharmacy customers . -__label__3 , late rally sees wall street end week on a positive note , us blue-chips recovered from an early fall to end higher as a drop in oil prices offset a profit warning from aluminium maker alcoa , while a rise in oracle fuelled a rally in technology stocks after a judge rejected a government attempt to block a -__label__2 , espn soccernet . com news services , carson , calif . -- the los angeles galaxy signed forward alan gordon on loan from the portland timbers of the a-league on friday . a galaxy selection in the 2004 mls superdraft , the club will have the option -__label__4 , sun to refresh ultrasparc servers , san franciscosun microsystems inc . next week will roll out two new servers featuring its ultrasparc iv processors , a sun executive said friday . -__label__1 , u . s . troops lay siege to iraqi city ( ap ) , ap - u . s . troops handed over medical supplies to iraqi relief workers friday amid a siege of a northeastern ethnic turkish city where iraqi and american forces are trying to root out hundreds of militants . -__label__2 , braves hope furcal #39 s situation doesn #39 t tarnish race , while rafael furcal #39 s dui arrest on friday could serve as a distraction for the remainder of the season , the braves are looking to put the matter behind them , and at the -__label__1 , alleged u . s . deserter set to surrender ( ap ) , ap - accused u . s . army deserter charles jenkins left his tokyo hospital for an american military base to surrender to military authorities saturday , nearly 40 years after he allegedly defected to north korea . -__label__4 , astronauts briefly fix oxygen generator ( ap ) , ap - the astronauts aboard the international space station got their broken oxygen generator running after three tries friday , but the machine shut down again after barely an hour of operation . -__label__1 , alleged u . s . deserter set to surrender , tokyo - accused u . s . army deserter charles jenkins left his tokyo hospital for an american military base to surrender to military authorities saturday , nearly 40 years after he allegedly defected to north korea . . . -__label__2 , drivers set for mad dash at richmond , the grip on the steering wheel will be a little tighter , aggressions will run a little higher and emotions will be flowing stronger than ever . -__label__1 , milosevic #39 s lawyers to appeal own appointment , the hague , netherlands -- the two lawyers representing slobodan milosevic filed papers thursday ( 9 september ) , asking for permission to appeal their appointment by the un tribunal . -__label__3 , judge finds halliburton settlement unacceptable , a federal judge in dallas yesterday rejected a \$6 million settlement in a shareholder suit that alleged halliburton co . engaged in accounting fraud , saying the lead plaintiffs #39 lawyer mishandled the case and may have settled for too little money . -__label__1 , flight from keys begins as gusts whip jamaica , as hurricane ivan began to lash jamaica with wind and rain , officials in florida stepped up their evacuation efforts . -__label__4 , all the world #39 s a web page as the bard goes online , the earliest editions of shakespeare #39 s plays provide a fascinating insight into how the playwright reworked his masterpieces over time , but until now , due to their age and -__label__3 , storms seem to cure floridians of hurricane amnesia , the state #39 s east coast hadn #39 t been hit by a hurricane since 1999 . that , and the fact that florida hasn #39 t had its historic share of such storms in recent decades , has led to some complacency about their effects . -__label__1 , suicide bombers suspected in attack , jakarta , indonesia -- police released yesterday a grainy photo taken by a security camera of a white delivery truck just before it blew up outside the australian embassy and said they suspect two suicide bombers in the vehicle set off the explosion , killing seven other people . -__label__1 , world news zimbabwe jails uk #39 coup plotter #39 , the british leader of a group of 67 alleged mercenaries accused of plotting a coup in equatorial guinea has been sentenced to seven years in jail . -__label__3 , how airlines stand , here #39 s where some of the largest us and canadian airlines stand in terms of restructuring their operations - air canada will emerge from bankruptcy protection by end of september , with a smaller workforce , a reduced fleet , a focus on the no-frills -__label__3 , stocks in a rut , according to the ftse world index japan has been best performer of the major markets with a 6 per cent rise in dollar terms while germany , down 7 . 7 per cent , was the worst . -__label__1 , indonesian police release video tape of embassy blast , indonesian police have released video footage of the explosion outside the australian embassy in jakarta . at the same time they say there is no evidence to support the australian foreign minister #39 s claim that -__label__1 , collingwood anchors england ( afp ) , afp - paul collingwood ' s unbeaten 80 took england to 299 for seven against zimbabwe in their opening champions trophy pool d match at edgbaston here . -__label__4 , itanium is intels future , intel racked up some serious karmic debt when it schemed to run amd out of the pc processor business . xeon now languishes in opterons shadow , which strikes me as just desserts for some nasty business . -__label__1 , accused deserter surrenders in japan , an accused us army deserter has surrendered at a us military base near tokyo to face charges filed in 1965 , the kyodo news service reported . -__label__2 , garcia ' s girlfriend charged with assault ( ap ) , ap - jeff garcia ' s girlfriend , playboy magazine ' s playmate of the year , was charged with assault in a bar fight last month with a woman the cleveland browns quarterback once dated . -__label__1 , u . s . piles pressure on sudan with new u . n . measure ( reuters ) , reuters - the united\states piled pressure on sudan wednesday to accept a more\powerful monitoring force in darfur with a new u . n . draft\resolution threatening sanctions on its oil industry . -__label__1 , polish pm tries to head off dispute over ww2 claims , krynica , poland ( reuters ) - polish leader marek belka tried to head off a controversy with berlin over world war ii reparations after poland ' s parliament caused anger in germany by declaring poles were still owed for wartime losses . -__label__3 , brown seeks to retain eu rebate , chancellor gordon brown has expressed his determination to retain the british rebate on its contributions to the european union #39 s annual budget . -__label__2 , champions trophy england rout zimbabwe , birmingham , sep 11 england got their champions trophy campaign off to a successful start with a record 152-run win against zimbabwe at edgbaston here saturday . -__label__4 , tough to predict a hurricane landfall , this season #39 s busy season of landfalling atlantic hurricanes has seen a few less-than-perfect calls by tropical -__label__4 , will your next cell phone have a hard drive ? , hitachi global storage technologies and intel are pushing the development of an interface technology that they hope will smooth the adoption of compact hard drives into mobile phones , pdas , and digital music players , the companies say . -__label__1 , europe compromises with us on iran nuke deadline , charge iran vehemently denies . the iaea has found many previously concealed nuclear activities in iran . but no quot smoking gun quot backing the us view . -__label__1 , us soldier convicted of torture in iraq , a us military intelligence soldier in iraq has been sentenced to 8 months in prison for taking part in torturing detainees in abu ghraib prison . -__label__1 , karzai sacks regional governor , at least two protesters were killed when supporters of a sacked afghan governor clashed with us and afghan security forces in the western city of herat . -__label__1 , strong quake hits hokkaido , sapporo -- a fairly strong earthquake hit eastern hokkaido , northern japan , late monday night , and several people suffered minor injuries , officials said . -__label__2 , fresno st . blows out no . 13 kansas state ( ap ) , ap - paul pinegar threw two touchdown passes to matt rivera and ran for another score , and fresno state upset no . 13 kansas state 45-21 on saturday . -__label__3 , post-olympic greece tightens purse , sells family silver to fill budget holes ( afp ) , afp - squeezed by a swelling public deficit and debt following last month ' s costly athens olympics , the greek government said it would cut defence spending and boost revenue by 1 . 5 billion euros ( 1 . 84 billion dollars ) in privatisation receipts . -__label__1 , spanish pm to host french , german allies in madrid summit ( afp ) , afp - sealing ratification of an eu constitution and the question of terrorism will top the agenda when spanish prime minister jose luis rodriguez zapatero welcomes french president jacques chirac and german chancellor gerhard schroeder to a summit meeting monday . -__label__4 , panasonic unleashes new dvd recorder line , matsushita electric industrial co . , better known for its panasonic brand , will soon start international sales of a high-end dvd recorder that offers network connectivity , the company said wednesday . -__label__2 , kiwis trample usrookies , london -nathan astle #39 s 145 helped give new zealand a record-setting 210-run victory over cricket rookie united states in the icc champions trophy pool a match at the oval yesterday . -__label__3 , restoring an original , at charles schwab , executives plan a return to the firm ' s original mission of serving mom-and-pop , buy-and-hold investors . -__label__2 , no . 9 ohio state edges marshall on last-second fg , columbus , ohio ( sports network ) - mike nugent #39 s 55-yard field goal as time expired lifted the ninth-ranked ohio state buckeyes to a dramatic 24-21 win over the pesky marshall thundering herd in the first-ever meeting between the teams . -__label__2 , cal extends tedford , california bears head coach jeff tedford agrees to a five-year contract extension through 2009 on monday . -__label__2 , kuznetsova tops dementieva for open title , new york sept . 11 , 2004 - pounding ferocious forehands and covering the baseline with the muscular legs of a tour de france rider , svetlana kuznetsova overwhelmed elena dementieva 6-3 , 7-5 saturday night in the us open #39 s first all-russian final . -__label__3 , fed #39 s pianalto upbeat on growth , inflation , washington the federal reserve #39 s policy of gradual interest rate hikes is a sign the us economy does not need the stimulus that low rates supply , according to cleveland fed president sandra pianalto . -__label__2 , overtime goal puts canada in world cup hockey final , vincent lecavalier #39 s goal 3 45 into overtime earned canada a nail-biting 4-3 victory over the czech republic on saturday and a place in the final of the world cup of hockey . -__label__2 , american league game summary - minnesota at detroit , detroit , mi -- jacque jones #39 single in the seventh scored pat borders with the go-ahead run and the minnesota twins held on for a 3-2 victory over the detroit tigers at comerica park . -__label__1 , early voters transform campaign landscape ( ap ) , ap - in an election year when just a few thousand votes in a few states could decide the winner , the growing number of voters who cast ballots weeks before election day is transforming the landscape for political campaigns . -__label__2 , pudge , guillen leave with injuries , the tigers lost both of their all-stars , shortstop carlos guillen and catcher ivan rodriguez , to knee injuries on separate plays in saturday #39 s game against the twins . -__label__3 , chuck jaffe , boston ( cbs . mw ) -- a lot of people got excited when fidelity investments announced recently that it was cutting fees on five index mutual funds . -__label__1 , orthodox patriarch killed in greek air crash , athensegypt #39 s patriarch of alexandria , whose post traces its lineage to one of christ #39 s disciples , was killed with his greek orthodox retinue yesterday in a helicopter crash , greek authorities confirmed . -__label__2 , yankees stay in tune , unbeaten orlando hernandez pitched seven innings of five-hit ball to win his eighth straight decision , and the new york yankees beat sidney ponson and the orioles , 5-2 , yesterday in baltimore . -__label__2 , anniversary remembered on game day , when the attacks came on sept . 11 , 2001 , tom o ' brien , if only for a moment , stopped being boston college ' s coach . on that day , as the world trade center and pentagon smoldered and the world stood still , o ' brien was a navy man . -__label__2 , bulldogs shock k-state , manhattan , kan . -- paul pinegar threw two touchdown passes to matt rivera and ran for another score , and fresno state upset no . 13 kansas state , 45-21 , yesterday . -__label__2 , callender wins job as starter , frustration set in quickly for andre callender . he had already waited a whole year , and now he had to wait another game to play college football . -__label__1 , cayman islands hit by hurricane , the full force of hurricane ivan has hit the cayman islands , ripping up homes and causing extensive flooding . up to 40 , 000 residents - including a large british expat community - hid in homes and shelters to try and escape ivan #39 s ferocious 155mph winds . -__label__1 , u . s . says n . korea blast probably not nuclear , seoul ( reuters ) - a huge explosion rocked north korea last week but u . s . and south korean officials said on sunday it was unlikely to have been a nuclear weapons test despite the appearance of a peculiar cloud over the area . -__label__2 , dolphins ' fiedler not happy about benching ( ap ) , ap - dave wannstedt wasn ' t happy with jay fiedler on saturday , and the feeling was mutual . wannstedt benched fiedler at halftime of the miami dolphins ' 17-7 loss to the tennessee titans , and the quarterback said he was disappointed about the quick hook . -__label__2 , european tour hopes still high in canada , hopes of another european tour victory on the us pga tour remained high as jesper parnevik and vijay singh enjoyed a share of second place after the third round of the bell canadian open at the glen abbey course in ontario . -__label__2 , senegal #39 s camara scores first goals for celtic in 3-0 win , senegal striker henri camara scored his first two goals for champions celtic in their 3-0 win against dundee in the scottish premier league on saturday . -__label__1 , conditions in ohio point to kerry , but bush runs strong , everything seemed to be in place for a powerful run by john kerry in ohio after labor day . yet polls suggest that mr . kerry has actually lost ground . -__label__4 , fda scientists testing limits of medical technology , by lauran neergaard washington ( ap ) -- a little-known food and drug program is testing the latest medical technology to determine how safe and useful it can be . one cutting-edge experiment is designed to see if injecting certain drugs directly into diseased arteries works better than commonly used stents in keeping arteries clear . . . -__label__2 , gunners step up gear to top table , arsenal pulled clear at the top of the english premiership for the first time this season after producing a devastating change of gear to sink london rivals fulham 3-0 at craven cottage . -__label__3 , qwest to pay \$250 mn to settle with sec , qwest communications international , the us telecommunications group , is understood to have agreed to pay \$250 million to end a two-year federal probe of alleged fraudulent accounting practices employed by former management . -__label__1 , coalition holds off efforts to take rebel-run cities , us surgical strikes continue in fallujah , samarra , and tal afar . but us says iraqi forces are not ready to launch major attacks . by howard lafranchi . -__label__2 , germany cedes 2006 cup honor to brazil ( ap ) , ap - germany declined the chance to play in the opening game of the 2006 world cup , with the host nation ceding the honor to brazil , the 2002 champion . -__label__1 , exit polls hong kong democrats win limited gains , hong kong ( reuters ) - pro-democracy candidates won limited gains in hong kong ' s legislative council election on sunday and the pro-beijing camp achieved a better-than-expected showing , exit polls showed . -__label__4 , hp signs on high-speed networking start-up , hewlett-packard has signed a deal to sell network adapters from start-up s2io that the companies say can transfer data 10 times faster than today #39 s widespread standard . -__label__1 , putin #39 s policies at fault , the spate of terrorist attacks in russia illustrates that president vladimir v . putin #39 s hard-line policy in chechnya is failing to resolve that conflict or to make russians safer . -__label__1 , three said killed in afghanistan protests , kabul , afghanistan - protesters angered at president hamid karzai ' s sacking of a warlord governor in the west of the country ransacked u . n . compounds and clashed with security forces sunday , leaving as many as three people dead and dozens wounded , including three u . s . . . -__label__1 , hurricane ivan batters grand cayman , george town , cayman islands - hurricane ivan battered the cayman islands with ferocious 150-mph winds sunday , threatening a direct hit as it flooded homes and ripped up roofs and trees three stories high . ivan has killed at least 60 people as it has torn a path of destruction across the caribbean and was headed next for western cuba , where it was expected to hit monday , and could brush the florida keys and parts of florida ' s gulf coast . . . -__label__2 , upsets shake up college football poll ( ap ) , ap - the upsets have begun and the little guys are moving into the associated press poll . after ranked teams started the season 21-0 , five fell to unranked opponents this weekend , shaking up media poll released sunday . -__label__3 , oracle #39 s ellison happy as \$5 . 5m larry , larry ellison , the chief executive of software maker oracle , earned \$us3 . 85 million ( \$5 . 53 million ) in salary and bonus for the financial year that ended may 31 . -__label__2 , lions #39 rogers could miss season , chicago , il ( sports network ) - detroit lions wide receiver charles rogers will likely miss the remainder of the 2004 campaign after breaking his clavicle in the first quarter of the team #39 s 20-16 season-opening victory over the chicago bears . -__label__1 , insurgents hammer central baghdad , baghdad - insurgents hammered central baghdad on sunday with one of their most intense mortar and rocket barrages ever in the heart of the capital , heralding a day of violence that left nearly 60 dead nationwide as security appeared to spiral out of -__label__1 , hong kong democrats win more seats , democrats have tightened their grip on hong kong #39 s legislature , but still have no mandate to push their agenda of universal suffrage in the southern chinese enclave . -__label__2 , ten orioles pitchers issue 14 bbs as yanks rally for 9-7 victory , the new york yankees took advantage of 14 walks , then capped their latest comeback victory with a couple of strolls around the bases . -__label__1 , u . s . korea cloud not from nuclear blast , seoul , south korea - a huge mushroom cloud that reportedly billowed up from north korea was not caused by a nuclear explosion , south korean and u . s . officials said sunday , but they said the cause was a mystery . . . -__label__3 , opec eyes caution , supply weighs on price , vienna ( reuters ) - opec may resist calls to raise oil output quotas much , if at all , when it meets this week for fear of turning a decline from record prices into a rout . -__label__3 , jarvis teeters on the brink , jarvis admitted yesterday it was in a race against time to raise enough cash from asset sales to satisfy lenders and keep trading beyond january . -__label__2 , ravens stumble to loss , cleveland holds jamal lewis to just 57 yards on 20 carries and jeff garcia accounts for two touchdowns to lead the browns to a 20-3 victory over the ravens on sunday . -__label__1 , new spasm of violence sweeps iraq , killing 110 , baghdad ( reuters ) - at least 110 people were killed across iraq on sunday in a sharp escalation of violence that saw gun battles , car bombs and bombardments rock the capital . -__label__2 , carpentier regains focus for win , monterey , calif . -- as patrick carpentier cruised toward his second straight dominating victory at mazda raceway laguna seca , he let his mind wander . -__label__1 , u . s . korea cloud not from nuclear blast ( ap ) , ap - a huge mushroom cloud that reportedly billowed up from north korea was not caused by a nuclear explosion , south korean and u . s . officials said sunday , but they said the cause was a mystery . -__label__2 , cordero sets new club mark , com . cordero notched his 44th save of the season sunday to establish a rangers record previously held by current rangers roving pitching instructor john wetteland . -__label__3 , wpp claims grey global prize , london , england -- uk-based advertising giant wpp group says it has won the bidding to acquire us agency grey global . wpp , the world #39 s second-largest advertising company , said sunday it had reached agreement -__label__1 , fierce fighting in iraq , baghdad , sept 12 at least 45 people died in a wave of bombings and battles between us troops and militants on sunday , as iraq #39 s us-installed prime minister said over 3 , 000 had perished in the #39 terrorism #39 washing over the country . -__label__1 , two gored to death in spanish bull-run , two spanish men were gored to death by fighting bulls yesterday during the bull-run at the local fiestas in ampuero , a town 30 miles east of the northern port city of santander . -__label__4 , speak to my right ear , sing to my left , researchers at the university of california find that the right and left human ears process sound differently the right ear is better at picking up speech-like sounds and the left is more attuned to music . -__label__2 , sorenstam wins hammons classic , annika sorenstam won her fifth lpga tour event of the year , closing with a 1-under 70 sunday for a four-shot victory at the john q . hammons classic . -__label__3 , us oil up above \$43 , watches ivan , opec , singapore ( reuters ) - u . s . oil prices climbed above \$43 on monday as energy companies operating in the gulf of mexico braced for possible widespread output disruptions from a powerful hurricane and iraq saw some of the bloodiest violence in weeks . -__label__3 , let a thousand ideas flower china is a new hotbed of research , in recent years , hundreds of multinational companies have set up research laboratories in china . -__label__2 , leftwich snares stunner , byron leftwich caps an 80-yard touchdown drive with a 7-yard toss to rookie ernest wilford as time ran out , lifting the jacksonville jaguars to a 13-10 win over the buffalo bills on sunday . -__label__1 , will putin misuse beslan terrorism ? , the unspeakable tragedy in beslan , the town in southern russia where terrorists seized a school on the first day of class and where more than 300 people -__label__4 , virus writers look for work , the writers of the mydoom viruses are encoding job applications into the latest variants of the bug . according to sophos the plea for work was found when its boffins were stripping the code of the mydoom-u and mydoom-v variants . -__label__3 , japanese automaker to boost production capacity in india , major japanese automaker suzuki motor corp . said monday it has decided to set up a vehicle assembly plant and a new diesel engine factory in india to boost production in the country #39 s growing market . -__label__1 , putin seeks more control over regions , governors , in an address to the countrys top officials on monday russian president vladimir putin announced initiatives that would further strengthen the federal centers control over political life . -__label__4 , bullies move online , singapore - more complaints of cyberbullying are emerging from youngsters in singapore than any other country except the united states , an international safety group said in a report on monday . -__label__4 , spam stopper detects sender patterns ( ziff davis ) , ziff davis - commtouch ' s anti-spam software update halts spam by tracking e-mail server sending patterns . -__label__3 , us airways files for bankruptcy for 2nd time , us airways group inc . , the nation #39 s seventh-largest airline , filed for bankruptcy protection sunday for the second time in two years . -__label__3 , microsoft vs sendo it #39 s over , the legal battle between uk phone manufacturer sendo and microsoft has been settled , the companies announced on monday morning . sendo had been suing microsoft for the alleged theft of trade secrets , fraud -__label__3 , for craigslist , city was just the ticket , hadley weinzierl used craigslist to furnish her jamaica plain apartment , and when she bought a maltese puppy , she sought advice from fellow craigslisters on a good vet , a cheap dog-walker , and a park where she could let the dog run without a leash . -__label__2 , today ' s schedule , college soccer men -- curry at emerson , 4 p . m . women -- mount ida at curry , 3 30 p . m . -__label__3 , schering-plough and bayer form strategic alliance , schering-plough corporation has announced that it has entered into a strategic agreement with bayer designed to maximize the companies #39 pharmaceutical resources while maintaining each company #39 s own strategic interests . -__label__1 , terror suspect escapes from bahrain court , a terror suspect escaped from court in bahrain monday after a judge renewed the detention order and three fellow detainees for 30 days . -__label__1 , at last , success on the road for lions , the detroit lions went three full seasons without winning an away game , setting an nfl record for road futility . they ended that ignominious streak sunday in their first opportunity of the season , beating the chicago bears 20-16 at soldier field . . . -__label__4 , ibm delivers power-based servers with linux , ibm will push its power5 line of servers down into the low end of the market , taking linux with it , when it unwraps an aggressively priced series of linux-only systems on monday that will go up against the offerings of sun microsystems and hewlett-packard -__label__4 , frozen eggs showing promise , italian researchers have achieved 13 human births using previously frozen eggs . it ' s encouraging for women who want to preserve their fertility , but efficiency is still low . by kristen philipkoski . -__label__4 , headshake to the seti headfake , did the famous screensaver , setihome , uncover the first strong evidence for an extraterrestrial signal ? the seti institute ' s seth shostak discusses how hyperbole can misrepresent the last addition to a list of stellar candidates . -__label__4 , static over rfid , a key patent holder wants royalties . if that starts a trend , adoption of radio frequency identification technology could suffer . -__label__3 , russia official gives yukos assurance , finance minister tells ft that asset sales to pay off tax debt will be market-oriented . moscow ( reuters ) - russian finance minister alexei kudrin has promised that asset sales to pay off the tax debts of troubled -__label__1 , two manny dads , dave norman , the sydney police constable who rushed to jakarta to be with his critically injured daughter manny musu , underwent a dna test to prove he is her biological father . -__label__2 , cahill could be in the clear , tim cahill could escape suspension for his controversial celebration of evertons winner at manchester city when he was sent off for pulling his shirt over his head . -__label__4 , crn interview john fowler , sun sun #39 s fowler rising sales , while hewlett-packard , dell and ibm are the recognized leaders of the x86 server market , one player has surprisingly begun to gain ground . -__label__4 , video game pioneer shoots for next level with cell phones ( usatoday . com ) , usatoday . com - video game pioneer trip hawkins is going mobile . his latest act , a silicon valley company called digital chocolate , is developing games and lifestyle applications for portable phones . he hopes the new venture will turn out like the first he founded , electronic arts , the leading video game maker . his most recent gaming company , 3d0 , went out of business after a decade . hawkins spoke with usa today ' s edward c . baigat last week ' s demomobile conference in la jolla , calif . -__label__2 , baseball still learning lessons from ' 94 strike ( usatoday . com ) , usatoday . com - in the 10 years since major league baseball ' s lights were dimmed and the world series canceled , players and owners have cashed in . -__label__3 , eu weighs euro #39 s rise against dollar , european union finance ministers considered the ever-strengthening euro against the dollar monday amid appeals for washington to rein in its budget and current account deficits to stop the slide of the us currency . -__label__4 , personal tech , fast forward columnist rob pegoraro discusses his latest column on windows media player 10 and answer your personal tech questions . -__label__4 , court to hear microsoft appeal to \$521m eolas ruling , a panel of judges on thursday is scheduled to hear microsoft ' s appeal in a case where a jury ordered the software maker to pay \$520 . 6 million in damages after finding that internet explorer ( ie ) infringed on a patent . -__label__3 , fda oks kit used with hemophilia therapy , chicago ( reuters ) - wyeth pharmaceuticals said on monday it received u . s . regulatory approval for a kit designed to help patients with the blood disorder hemophilia get regular treatments more quickly and safely . -__label__4 , meditation practice helping arthritis patients , by alex dominguez baltimore ( ap ) -- dalia isicoff knows pain . a lifelong sufferer of rheumatoid arthritis , she has had seven hip replacement surgeries . . . -__label__4 , training is the key to defibrillator success , by daniel yee alpharetta , ga . ( ap ) -- because defibrillators are more affordable than ever , they are quickly becoming commonplace in schools , businesses and other public places such as airports . . . -__label__4 , novell sees a ' both-source ' future , ceo asserts the future of software development will not be found in the open-source or proprietary models . -__label__3 , wal-mart keeps its september sales view , wal-mart stores inc . ( wmt . n quote , profile , research ) on monday maintained its september sales forecast and said back-to-school demand picked up for key categories including electronics and clothing after a sluggish start . -__label__1 , afghan president replaces 2 governors , kabul , afghanistan -- afghan president hamid karzai #39 s government saturday replaced two governors , including a strongman in the west , in a bold step to establish control ahead of landmark presidential elections . -__label__1 , dive recovers cromwell ' s sailor , a sailor from a sunken ship belonging to oliver cromwell ' s navy had the upper body of a trapeze artist but bowed legs , his recovered skeleton shows . -__label__3 , rogers confirms deal to buy at amp t wireless stake , rogers communications inc . ( rcib . to quote , profile , research ) confirmed on monday it would buy at amp t wireless services inc . #39 s ( awe . -__label__4 , japan gadget turns plants into speakers ( ap ) , ap - the therapeutic power of flowers takes on new meaning with a japanese gadget that turns plants into audio speakers , making the petals and leaves tremble with good vibrations . -__label__4 , copy , rip , or import ? , if you #39 ve been using the new windows media player 10 for windows xp , you may have noticed that microsoft shifted from some of the more formal language that it used in windows media player 9 -- quot copy from cd quot and quot copy to cd quot -- to the more casual terms -__label__4 , cisco melds add-on features into branch-office routers , september 13 , 2004 ( computerworld ) - cisco systems inc . tomorrow plans to announce an all-new line of branch-office routers that integrate basic routing capabilities with ip voice support , security tools and other functionality . -__label__4 , linux promoters challenge microsoft ( ap ) , ap - seeking to be more competitive with microsoft corp . , linux backers have agreed on a standard version of the operating system so that programs written for one linux distribution will work with others . -__label__2 , browns day after week one , the browns started the season on a good note for the first time since 1994 , and the win buoys the teams hopes for the near future . -__label__1 , sharon faces netanyahu challenge , israeli prime minister ariel sharon has received a surprise challenge to his plan to expedite a pullout from gaza after benjamin netanyahu , his main rival in the likud party , called for a referendum on the issue . -__label__3 , opec seen wary on increase in oil quotas , vienna ( reuters ) - opec may resist calls to raise oil output quotas much , if at all , when it meets this week for fear of turning a decline from record prices into a rout . +__label__4 , intel calls for internet overhaul , the net needs a new layer of abilities that will deal with imminent problems of capacity , security and reliability , intel ' s cto says . +__label__4 , spam on the menu at annual virus conference , boston - computer viruses and worms will have to share the stage with a new challenger for the attention of attendees at a conference of antivirus researchers spam e-mail . +__label__1 , jakarta embassy blast kills 9 , hurts 173 , jakarta , indonesia - suspected muslim militants detonated a car bomb thursday outside the australian embassy in jakarta , killing nine people and wounding 173 in a bloody strike at a key u . s . ally in the war in iraq . . . +__label__4 , ibm #39 s new eserver supports amd dual-core , ibm ( quote , chart ) is looking to get a leg up on the competition with the october 15 launch of eserver 326 , a rack-mounted server that supports amd #39 s ( quote , chart ) upcoming dual-core 64-bit processor . +__label__4 , florida starts to recover in the wake of hurricane frances , president bush will travel to florida wednesday to survey damage from hurricane frances . he sent a letter to congress asking for \$2 billion to help with recovery efforts . +__label__1 , british couple shot dead in thailand , a thai policeman was today being hunted after being accused of killing a british couple near a popular tourist destination last night . +__label__4 , indiana university suffers during peoplesoft rollout , problems during the rollout of a peoplesoft financial aid software module at the indiana university system caused problems for about 3 , 000 students just as classes were set to start . +__label__3 , bank sits tight on rates as house price inflation eases off , by malcolm moore , economics correspondent ( filed 10/09/2004 ) . the bank of england held interest rates at 4 . 75pc yesterday after a series of recent surveys showed the housing market was slowing down . +__label__3 , update 1 foreign drug stocks in spotlight , foreign drug stocks were in the spotlight thursday with food and drug administration news pulling the sector down . astrazeneca plc took a drubbing on the eve of its fda advisory panel meeting for its orally +__label__4 , dependent species risk extinction , the global extinction crisis is worse than thought , because thousands of quot affiliated quot species also at risk do not figure in calculations . +__label__1 , cia accused over iraq detainees , us army generals tell a senate committee that dozens of detainees may have been held in secret in iraq . +__label__2 , quincy carter being released by the cowboys , new york -- tim henman #39 s quarterfinal victory at the us open was a microcosm of his career - long and brilliant in spurts , with an expected disappointment on the horizon . +__label__1 , bush declares genocide in sudan ' s darfur ( reuters ) , reuters - the united states declared on\thursday that the violence in sudan ' s darfur region amounted to\genocide and urged the world to back an expanded african\peacekeeping force to halt the bloodshed . +__label__3 , alcoa warns earnings to miss forecasts ( reuters ) , reuters - alcoa inc . , the world ' s largest\aluminum producer , on thursday warned that third-quarter\results would fall far short of wall street expectations , hurt\by plant shutdowns , restructuring costs and weakness in some\markets . +__label__4 , broadband providers monitor philly ' s plans to offer citywide wi-fi ( investor ' s business daily ) , investor ' s business daily - with philadelphia ' s recent proposal to install a citywide broadband wireless network , will there be brotherly love between the city and its broadband service providers ? +__label__2 , bud selig has skin cancer surgery , new york -- baseball commissioner bud selig had surgery monday to remove a cancerous lesion from his forehead . the lesion was detected last month during selig #39 s annual physical , and a biopsy confirmed that it contained melanoma , a form of skin cancer . +__label__1 , pakistan bombs suspected al-qaida camp , ayman al- zawahiri , second in command of al-qaida , said last night that the us faced defeat in iraq and afghanistan . in a videotape broadcast by the arab satellite television station al-jazeera , he said quot the +__label__4 , scientists stumped by dead croakers ( ap ) , ap - thousands of croakers have washed ashore at beaches along the atlantic coast in recent days , the latest mass deaths of the popular sport fish . +__label__1 , bin laden deputy u . s . will be defeated ( ap ) , ap - osama bin laden ' s chief deputy proclaimed the united states will ultimately be defeated in iraq and afghanistan in a videotape broadcast thursday that appeared to be a rallying call for al-qaida ahead of the anniversary of the sept . 11 attacks . +__label__4 , fcc finds us broadband deployment is accelerating , us broadband deployment is accelerating as underserved rural and inner city areas gain greater access to new services , according to a government report . +__label__1 , ivan devastates grenada , st . george #39 s , grenada - hurricane ivan took aim yesterday at jamaica after killing 23 people in five countries and devastating grenada . +__label__1 , two charged in s . african nuclear trafficking case , johannesburg , sept . 9 -- a german man and his colleague appeared in court thursday on charges of violating south africa #39 s ban against nuclear proliferation , according to news reports . +__label__2 , georgia receivers try to make their mark ( ap ) , ap - it ' s taken four years and then some . through injuries , timid play , occasional doubts and flashes of brilliance , everyone at georgia has waited for fred gibson and reggie brown to fulfill their enormous potential . +__label__1 , colts lead pats early in third quarter , foxboro , mass . - peyton manning reached the 25 , 000-yard passing mark faster than anyone but dan marino , and the indianapolis colts shredded the new england patriots for a 17-13 halftime lead thursday night . . . +__label__2 , game day recap thursday , september 09 , bobby madritsch pitched eight shutout innings and the seattle mariners ended a seven-game losing streak thursday night with a 7-1 victory over boston , dropping the red sox 3 games behind the first-place new york yankees in the al east . +__label__2 , there #39 s a lot on the line for drivers at richmond this weekend , richmond , va . - its the 26th race of the nextel cup season , and for the first time in the sports history , a season will end before , well , the season . +__label__3 , oil firm after 4 percent jump , oil prices held firm on friday after leaping almost \$2 a day earlier on news us crude stocks sank to a five-month low last week and distillate fuels barely grew ahead of winter . +__label__2 , patriots begin title defense with narrow win over colts , the new england patriots began their quest for successive super bowl titles with a tight 27-24 win over the indianapolis colts in the opening game of the nfl season in foxboro thursday . +__label__4 , skype releases pocket pc software , software allows users of personal digital assistants to make free calls using wi-fi networks . +__label__1 , skirmish outside gaza camp kills 5 , gaza city -- palestinian gunmen and israeli troops fought pitched battles thursday on the outskirts of the largest refugee camp in the gaza strip , with schoolchildren scampering through sandy alleyways just yards from the fighting . +__label__2 , roddick bounced , andy roddick of the united states ran into a bold , bigger version of himself at the us open , and 6-foot-6 joachim johansson of sweden sent the defending champion home . +__label__4 , oxygen generator on space station fails , the main oxygen generator for the international space station has failed , and the two astronauts on board will tap into an attached cargo ship ' s air supply this weekend . +__label__1 , jakarta bombing blamed on malaysian fugitives , the indonesian police asserted friday it would intensify the hunt of two malaysian fugitives azahari and noordin moh top believed to be responsible for the thursday #39 s bombing at the australian embassy . +__label__3 , stocks on the edge , new york ( cnn/money ) - wall street took a wait-and-see approach to the final day of the trading week , looking for more information on inflation , trade , oil and a report of michael eisner #39 s 2006 departure from disney . +__label__1 , grenada in crisis - friday 10 , september-2004 , despair is setting in among the 80 000 homeless grenadians who , ravaged and traumatised by the damage done to them by hurricane ivan , exist each day with no food , no water and no hope . +__label__2 , for openers , a great weekend , chances are the state of massachusetts will never crown a high school football state champion . but for those who might covet such an idea , the 2004 season kicks off tonight with about as close as you ' ll ever get to such a matchup when two of the top squads in central mass . meet two of the top-ranked squads in eastern mass . +__label__1 , changes to nigeria union bill , the nigerian senate passes a bill to curb the power of the trade unions , but amends the no-strike clause . +__label__3 , ceo eisner to step down in sept 2006 -wsj , new york ( reuters ) - michael eisner plans to step down as walt disney co . ' s chief executive when his contract expires in september 2006 , the wall street journal said on friday . +__label__3 , wordsworth books files chapter 11 , wordsworth books , a harvard square institution for 29 years , yesterday filed for bankruptcy protection , as its owners seek a buyer or investor to help the independent bookseller compete with giant rivals like amazon . com . +__label__3 , japan gdp hurts yen , u . s . trade data eyed , london ( reuters ) - the yen fell against other major currencies on friday on a surprising downward revision to japanese growth , while the dollar hit three-week lows against the euro on worries about the u . s . trade deficit . +__label__3 , alcoa shares fall most since april in europe after forecast , shares of alcoa inc . , the world #39 s biggest aluminum producer , fell the most in almost five months in europe after the company said third-quarter profit from continuing operations will be below analysts #39 estimates . +__label__2 , jim mora #39 s lucky star falcons need a healthy michael vick , this is what #39 s known as lucking into it . jim mora gets his first head coaching job at any level , with the atlanta falcons , and finds michael vick waiting for him . +__label__4 , intel sees big changes to the net , the internet will have to be changed to stop it reaching breaking point , according to chip giant intel . . +__label__4 , p2p company wants riaa to face the music , the recording industry association of america ( riaa ) is being given a taste of its own medicine by peer-to-peer ( p2p ) company altnet , which has launched a civil suit against the trade body alleging patent infringement . +__label__2 , us open keeps it in the family , it will be a long way from west lakes when lleyton hewitt takes on his younger sister #39 s boyfriend . robert lusetich reports . it is a us open semi-final that has been previewed many times before -- in adelaide . +__label__2 , atlanta police arrest braves player on dui charge , atlanta - atlanta braves shortsop rafael furcal has been arrested on charges of driving under the influence . jail officials say furcal was booked into the atlanta city jail at 6 25 am on charges of dui , speeding and reckless driving . +__label__2 , sportsnetwork game preview , ( sports network ) - the kansas city royals host the opener of a three-game series against the tampa bay devil rays tonight , just one day after playing a very strange doubleheader . +__label__1 , darfur rebels urge nigeria to intervene , kickstart sudan peace < b> . . . < /b> , rebel leaders from sudan #39 s darfur region called on thursday on nigeria to intervene and kickstart african union-sponsored talks on the crisis in the west of sudan +__label__1 , new brussels blow for turkey #39 s eu hopes , eu farm commissioner franz fischler on friday became the latest brussels critic to raise doubts over turkey #39 s hopes of joining the bloc , as wrangling over ankara #39 s eu bid heats up . +__label__1 , 9/10/04 - india-pakistan dialogue , the foreign ministers of india and pakistan have concluded another round of peace talks . the talks in indias capital , new delhi , set the stage for an expected meeting at the united nations later this month +__label__2 , atlanta police arrest braves player on dui charge , atlanta - an atlanta braves player is in the atlanta jail today after being arrested on a charge of driving under the influence . members of the dui task force arrested shortstop rafael furcal about 4 20 am +__label__1 , telescope snaps distant ' planet ' , the first direct image of a planet circling another star may have been obtained by a us-european team of astronomers . +__label__3 , insurers eye ivan the terrible , how will companies and investors fare if the storm spawns moderate damage ? +__label__2 , rummenigge - parise for bayern coach . ( getty images ) , felix magath #39 s rigorous new training regime at bayern munich has been praised by club chairman karl-heinz rummenigge . magath #39 s approach had been criticised by some of his players , and bayern have made a slow +__label__4 , web sites keep tabs on campaign giving , as a washington journalist during the 90s , i made frequent treks to the federal election commission to inspect cabinets full of campaign-finance reports to find out who was giving to whom . +__label__4 , light at night might be a cancer risk , by ed edelson , healthday reporter healthdaynews -- could electric light pose a cancer threat ? it might seem like the wildest of paranoid beliefs , but a growing number of scientists suspect it might be true . the reason turning on the lights after dark may affect a small number of clock genes that play a major role in controlling how cells live , die and function , these researchers suggest . . . +__label__4 , study suggests bloodletting may actually work , by lauran neergaard washington ( ap ) -- could that ancient practice of bleeding patients really have done some good ? a scientist says new research on how germs thrive in the body suggests it just may have - for some people . bacteria need iron to cause infections . . . +__label__3 , core intermediate goods prices #39 rise fastest in nine years , washington ( cbs . mw ) -- prices of us wholesale goods and services fell 0 . 1 percent in august , the labor department said friday . the core producer price index -- adjusted to exclude food and energy goods -- also fell 0 . 1 percent . +__label__4 , oracle ' s wish comes true ( washingtonpost . com ) , washingtonpost . com - oracle is one step closer to taking over rival peoplesoft now that a federal judge has ruled against the federal government ' s effort to thwart the #36 7 . 7 billion hostile bid over antitrust concerns , a decision that could spark a rash of tech-sector acquisition attempts . +__label__2 , england v zimbabwe , england welcomed back the world #39 s best one-day player on friday as they began their challenge for the icc champions trophy by naming key all-rounder andrew flintoff in their line-up to face zimbabwe at edgbaston . +__label__4 , decaying pig corpses reveal forensic secrets ( reuters ) , reuters - decaying pig corpses deposited\in secret locations around london are providing scientists with\forensic information that may help them solve crimes . +__label__1 , zimbabwe jails briton for 7 years in mercenary case , harare ( reuters ) - a zimbabwe court jailed british former special services officer simon mann for seven years on friday in a case prosecutors had linked to a foiled coup plot in oil-rich equatorial guinea . +__label__1 , thousands demonstrate in rome for italian hostages ( reuters ) , reuters - thousands of italians marched silently\through rome in a candlelit procession on friday to demand the\release of two female aid workers seized in baghdad . +__label__1 , turkey unlikely to join eu before 2015 commissioner verheugen ( afp ) , afp - turkey is unlikely to join the european union before 2015 , eu enlargement commissioner guenter verheugen said in an interview . +__label__4 , genesis data ' retrieved intact ' , some material has been found still intact inside the crashed genesis space capsule , say nasa scientists . +__label__4 , u . s . ringtones market slow to connect , san francisco ( billboard ) - with a possible billion-dollar windfall at stake , u . s . music companies are eagerly awaiting the full-blown development of the stateside ringtone market . +__label__4 , oracle case bounces to europe , the european commission is studying the u . s . court decision favoring oracle ' s peoplesoft buyout and deciding whether to pursue its own objections . +__label__4 , firms announce video antipiracy technology , this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . nds , stmicroelectronics and thomson said friday that they will develop new encryption technology +__label__3 , calif . energy panel criticized for crisis , an appeals court ruled thursday that federal energy regulators shirked their duty when they declined to order power companies to refund consumers for overcharges during +__label__4 , court rules against state web-blocking law , a pennsylvania law requiring internet service providers to block web sites deemed by the state ' s prosecuting attorneys to be child pornography has been reversed by a u . s . federal court on free-speech grounds . +__label__4 , california group sues albertson ' s over privacy concerns , a california-based privacy advocacy group is suing supermarket giant albertson ' s over alleged privacy violations involving its pharmacy customers . +__label__3 , late rally sees wall street end week on a positive note , us blue-chips recovered from an early fall to end higher as a drop in oil prices offset a profit warning from aluminium maker alcoa , while a rise in oracle fuelled a rally in technology stocks after a judge rejected a government attempt to block a +__label__2 , espn soccernet . com news services , carson , calif . -- the los angeles galaxy signed forward alan gordon on loan from the portland timbers of the a-league on friday . a galaxy selection in the 2004 mls superdraft , the club will have the option +__label__4 , sun to refresh ultrasparc servers , san franciscosun microsystems inc . next week will roll out two new servers featuring its ultrasparc iv processors , a sun executive said friday . +__label__1 , u . s . troops lay siege to iraqi city ( ap ) , ap - u . s . troops handed over medical supplies to iraqi relief workers friday amid a siege of a northeastern ethnic turkish city where iraqi and american forces are trying to root out hundreds of militants . +__label__2 , braves hope furcal #39 s situation doesn #39 t tarnish race , while rafael furcal #39 s dui arrest on friday could serve as a distraction for the remainder of the season , the braves are looking to put the matter behind them , and at the +__label__1 , alleged u . s . deserter set to surrender ( ap ) , ap - accused u . s . army deserter charles jenkins left his tokyo hospital for an american military base to surrender to military authorities saturday , nearly 40 years after he allegedly defected to north korea . +__label__4 , astronauts briefly fix oxygen generator ( ap ) , ap - the astronauts aboard the international space station got their broken oxygen generator running after three tries friday , but the machine shut down again after barely an hour of operation . +__label__1 , alleged u . s . deserter set to surrender , tokyo - accused u . s . army deserter charles jenkins left his tokyo hospital for an american military base to surrender to military authorities saturday , nearly 40 years after he allegedly defected to north korea . . . +__label__2 , drivers set for mad dash at richmond , the grip on the steering wheel will be a little tighter , aggressions will run a little higher and emotions will be flowing stronger than ever . +__label__1 , milosevic #39 s lawyers to appeal own appointment , the hague , netherlands -- the two lawyers representing slobodan milosevic filed papers thursday ( 9 september ) , asking for permission to appeal their appointment by the un tribunal . +__label__3 , judge finds halliburton settlement unacceptable , a federal judge in dallas yesterday rejected a \$6 million settlement in a shareholder suit that alleged halliburton co . engaged in accounting fraud , saying the lead plaintiffs #39 lawyer mishandled the case and may have settled for too little money . +__label__1 , flight from keys begins as gusts whip jamaica , as hurricane ivan began to lash jamaica with wind and rain , officials in florida stepped up their evacuation efforts . +__label__4 , all the world #39 s a web page as the bard goes online , the earliest editions of shakespeare #39 s plays provide a fascinating insight into how the playwright reworked his masterpieces over time , but until now , due to their age and +__label__3 , storms seem to cure floridians of hurricane amnesia , the state #39 s east coast hadn #39 t been hit by a hurricane since 1999 . that , and the fact that florida hasn #39 t had its historic share of such storms in recent decades , has led to some complacency about their effects . +__label__1 , suicide bombers suspected in attack , jakarta , indonesia -- police released yesterday a grainy photo taken by a security camera of a white delivery truck just before it blew up outside the australian embassy and said they suspect two suicide bombers in the vehicle set off the explosion , killing seven other people . +__label__1 , world news zimbabwe jails uk #39 coup plotter #39 , the british leader of a group of 67 alleged mercenaries accused of plotting a coup in equatorial guinea has been sentenced to seven years in jail . +__label__3 , how airlines stand , here #39 s where some of the largest us and canadian airlines stand in terms of restructuring their operations - air canada will emerge from bankruptcy protection by end of september , with a smaller workforce , a reduced fleet , a focus on the no-frills +__label__3 , stocks in a rut , according to the ftse world index japan has been best performer of the major markets with a 6 per cent rise in dollar terms while germany , down 7 . 7 per cent , was the worst . +__label__1 , indonesian police release video tape of embassy blast , indonesian police have released video footage of the explosion outside the australian embassy in jakarta . at the same time they say there is no evidence to support the australian foreign minister #39 s claim that +__label__1 , collingwood anchors england ( afp ) , afp - paul collingwood ' s unbeaten 80 took england to 299 for seven against zimbabwe in their opening champions trophy pool d match at edgbaston here . +__label__4 , itanium is intels future , intel racked up some serious karmic debt when it schemed to run amd out of the pc processor business . xeon now languishes in opterons shadow , which strikes me as just desserts for some nasty business . +__label__1 , accused deserter surrenders in japan , an accused us army deserter has surrendered at a us military base near tokyo to face charges filed in 1965 , the kyodo news service reported . +__label__2 , garcia ' s girlfriend charged with assault ( ap ) , ap - jeff garcia ' s girlfriend , playboy magazine ' s playmate of the year , was charged with assault in a bar fight last month with a woman the cleveland browns quarterback once dated . +__label__1 , u . s . piles pressure on sudan with new u . n . measure ( reuters ) , reuters - the united\states piled pressure on sudan wednesday to accept a more\powerful monitoring force in darfur with a new u . n . draft\resolution threatening sanctions on its oil industry . +__label__1 , polish pm tries to head off dispute over ww2 claims , krynica , poland ( reuters ) - polish leader marek belka tried to head off a controversy with berlin over world war ii reparations after poland ' s parliament caused anger in germany by declaring poles were still owed for wartime losses . +__label__3 , brown seeks to retain eu rebate , chancellor gordon brown has expressed his determination to retain the british rebate on its contributions to the european union #39 s annual budget . +__label__2 , champions trophy england rout zimbabwe , birmingham , sep 11 england got their champions trophy campaign off to a successful start with a record 152-run win against zimbabwe at edgbaston here saturday . +__label__4 , tough to predict a hurricane landfall , this season #39 s busy season of landfalling atlantic hurricanes has seen a few less-than-perfect calls by tropical +__label__4 , will your next cell phone have a hard drive ? , hitachi global storage technologies and intel are pushing the development of an interface technology that they hope will smooth the adoption of compact hard drives into mobile phones , pdas , and digital music players , the companies say . +__label__1 , europe compromises with us on iran nuke deadline , charge iran vehemently denies . the iaea has found many previously concealed nuclear activities in iran . but no quot smoking gun quot backing the us view . +__label__1 , us soldier convicted of torture in iraq , a us military intelligence soldier in iraq has been sentenced to 8 months in prison for taking part in torturing detainees in abu ghraib prison . +__label__1 , karzai sacks regional governor , at least two protesters were killed when supporters of a sacked afghan governor clashed with us and afghan security forces in the western city of herat . +__label__1 , strong quake hits hokkaido , sapporo -- a fairly strong earthquake hit eastern hokkaido , northern japan , late monday night , and several people suffered minor injuries , officials said . +__label__2 , fresno st . blows out no . 13 kansas state ( ap ) , ap - paul pinegar threw two touchdown passes to matt rivera and ran for another score , and fresno state upset no . 13 kansas state 45-21 on saturday . +__label__3 , post-olympic greece tightens purse , sells family silver to fill budget holes ( afp ) , afp - squeezed by a swelling public deficit and debt following last month ' s costly athens olympics , the greek government said it would cut defence spending and boost revenue by 1 . 5 billion euros ( 1 . 84 billion dollars ) in privatisation receipts . +__label__1 , spanish pm to host french , german allies in madrid summit ( afp ) , afp - sealing ratification of an eu constitution and the question of terrorism will top the agenda when spanish prime minister jose luis rodriguez zapatero welcomes french president jacques chirac and german chancellor gerhard schroeder to a summit meeting monday . +__label__4 , panasonic unleashes new dvd recorder line , matsushita electric industrial co . , better known for its panasonic brand , will soon start international sales of a high-end dvd recorder that offers network connectivity , the company said wednesday . +__label__2 , kiwis trample usrookies , london -nathan astle #39 s 145 helped give new zealand a record-setting 210-run victory over cricket rookie united states in the icc champions trophy pool a match at the oval yesterday . +__label__3 , restoring an original , at charles schwab , executives plan a return to the firm ' s original mission of serving mom-and-pop , buy-and-hold investors . +__label__2 , no . 9 ohio state edges marshall on last-second fg , columbus , ohio ( sports network ) - mike nugent #39 s 55-yard field goal as time expired lifted the ninth-ranked ohio state buckeyes to a dramatic 24-21 win over the pesky marshall thundering herd in the first-ever meeting between the teams . +__label__2 , cal extends tedford , california bears head coach jeff tedford agrees to a five-year contract extension through 2009 on monday . +__label__2 , kuznetsova tops dementieva for open title , new york sept . 11 , 2004 - pounding ferocious forehands and covering the baseline with the muscular legs of a tour de france rider , svetlana kuznetsova overwhelmed elena dementieva 6-3 , 7-5 saturday night in the us open #39 s first all-russian final . +__label__3 , fed #39 s pianalto upbeat on growth , inflation , washington the federal reserve #39 s policy of gradual interest rate hikes is a sign the us economy does not need the stimulus that low rates supply , according to cleveland fed president sandra pianalto . +__label__2 , overtime goal puts canada in world cup hockey final , vincent lecavalier #39 s goal 3 45 into overtime earned canada a nail-biting 4-3 victory over the czech republic on saturday and a place in the final of the world cup of hockey . +__label__2 , american league game summary - minnesota at detroit , detroit , mi -- jacque jones #39 single in the seventh scored pat borders with the go-ahead run and the minnesota twins held on for a 3-2 victory over the detroit tigers at comerica park . +__label__1 , early voters transform campaign landscape ( ap ) , ap - in an election year when just a few thousand votes in a few states could decide the winner , the growing number of voters who cast ballots weeks before election day is transforming the landscape for political campaigns . +__label__2 , pudge , guillen leave with injuries , the tigers lost both of their all-stars , shortstop carlos guillen and catcher ivan rodriguez , to knee injuries on separate plays in saturday #39 s game against the twins . +__label__3 , chuck jaffe , boston ( cbs . mw ) -- a lot of people got excited when fidelity investments announced recently that it was cutting fees on five index mutual funds . +__label__1 , orthodox patriarch killed in greek air crash , athensegypt #39 s patriarch of alexandria , whose post traces its lineage to one of christ #39 s disciples , was killed with his greek orthodox retinue yesterday in a helicopter crash , greek authorities confirmed . +__label__2 , yankees stay in tune , unbeaten orlando hernandez pitched seven innings of five-hit ball to win his eighth straight decision , and the new york yankees beat sidney ponson and the orioles , 5-2 , yesterday in baltimore . +__label__2 , anniversary remembered on game day , when the attacks came on sept . 11 , 2001 , tom o ' brien , if only for a moment , stopped being boston college ' s coach . on that day , as the world trade center and pentagon smoldered and the world stood still , o ' brien was a navy man . +__label__2 , bulldogs shock k-state , manhattan , kan . -- paul pinegar threw two touchdown passes to matt rivera and ran for another score , and fresno state upset no . 13 kansas state , 45-21 , yesterday . +__label__2 , callender wins job as starter , frustration set in quickly for andre callender . he had already waited a whole year , and now he had to wait another game to play college football . +__label__1 , cayman islands hit by hurricane , the full force of hurricane ivan has hit the cayman islands , ripping up homes and causing extensive flooding . up to 40 , 000 residents - including a large british expat community - hid in homes and shelters to try and escape ivan #39 s ferocious 155mph winds . +__label__1 , u . s . says n . korea blast probably not nuclear , seoul ( reuters ) - a huge explosion rocked north korea last week but u . s . and south korean officials said on sunday it was unlikely to have been a nuclear weapons test despite the appearance of a peculiar cloud over the area . +__label__2 , dolphins ' fiedler not happy about benching ( ap ) , ap - dave wannstedt wasn ' t happy with jay fiedler on saturday , and the feeling was mutual . wannstedt benched fiedler at halftime of the miami dolphins ' 17-7 loss to the tennessee titans , and the quarterback said he was disappointed about the quick hook . +__label__2 , european tour hopes still high in canada , hopes of another european tour victory on the us pga tour remained high as jesper parnevik and vijay singh enjoyed a share of second place after the third round of the bell canadian open at the glen abbey course in ontario . +__label__2 , senegal #39 s camara scores first goals for celtic in 3-0 win , senegal striker henri camara scored his first two goals for champions celtic in their 3-0 win against dundee in the scottish premier league on saturday . +__label__1 , conditions in ohio point to kerry , but bush runs strong , everything seemed to be in place for a powerful run by john kerry in ohio after labor day . yet polls suggest that mr . kerry has actually lost ground . +__label__4 , fda scientists testing limits of medical technology , by lauran neergaard washington ( ap ) -- a little-known food and drug program is testing the latest medical technology to determine how safe and useful it can be . one cutting-edge experiment is designed to see if injecting certain drugs directly into diseased arteries works better than commonly used stents in keeping arteries clear . . . +__label__2 , gunners step up gear to top table , arsenal pulled clear at the top of the english premiership for the first time this season after producing a devastating change of gear to sink london rivals fulham 3-0 at craven cottage . +__label__3 , qwest to pay \$250 mn to settle with sec , qwest communications international , the us telecommunications group , is understood to have agreed to pay \$250 million to end a two-year federal probe of alleged fraudulent accounting practices employed by former management . +__label__1 , coalition holds off efforts to take rebel-run cities , us surgical strikes continue in fallujah , samarra , and tal afar . but us says iraqi forces are not ready to launch major attacks . by howard lafranchi . +__label__2 , germany cedes 2006 cup honor to brazil ( ap ) , ap - germany declined the chance to play in the opening game of the 2006 world cup , with the host nation ceding the honor to brazil , the 2002 champion . +__label__1 , exit polls hong kong democrats win limited gains , hong kong ( reuters ) - pro-democracy candidates won limited gains in hong kong ' s legislative council election on sunday and the pro-beijing camp achieved a better-than-expected showing , exit polls showed . +__label__4 , hp signs on high-speed networking start-up , hewlett-packard has signed a deal to sell network adapters from start-up s2io that the companies say can transfer data 10 times faster than today #39 s widespread standard . +__label__1 , putin #39 s policies at fault , the spate of terrorist attacks in russia illustrates that president vladimir v . putin #39 s hard-line policy in chechnya is failing to resolve that conflict or to make russians safer . +__label__1 , three said killed in afghanistan protests , kabul , afghanistan - protesters angered at president hamid karzai ' s sacking of a warlord governor in the west of the country ransacked u . n . compounds and clashed with security forces sunday , leaving as many as three people dead and dozens wounded , including three u . s . . . +__label__1 , hurricane ivan batters grand cayman , george town , cayman islands - hurricane ivan battered the cayman islands with ferocious 150-mph winds sunday , threatening a direct hit as it flooded homes and ripped up roofs and trees three stories high . ivan has killed at least 60 people as it has torn a path of destruction across the caribbean and was headed next for western cuba , where it was expected to hit monday , and could brush the florida keys and parts of florida ' s gulf coast . . . +__label__2 , upsets shake up college football poll ( ap ) , ap - the upsets have begun and the little guys are moving into the associated press poll . after ranked teams started the season 21-0 , five fell to unranked opponents this weekend , shaking up media poll released sunday . +__label__3 , oracle #39 s ellison happy as \$5 . 5m larry , larry ellison , the chief executive of software maker oracle , earned \$us3 . 85 million ( \$5 . 53 million ) in salary and bonus for the financial year that ended may 31 . +__label__2 , lions #39 rogers could miss season , chicago , il ( sports network ) - detroit lions wide receiver charles rogers will likely miss the remainder of the 2004 campaign after breaking his clavicle in the first quarter of the team #39 s 20-16 season-opening victory over the chicago bears . +__label__1 , insurgents hammer central baghdad , baghdad - insurgents hammered central baghdad on sunday with one of their most intense mortar and rocket barrages ever in the heart of the capital , heralding a day of violence that left nearly 60 dead nationwide as security appeared to spiral out of +__label__1 , hong kong democrats win more seats , democrats have tightened their grip on hong kong #39 s legislature , but still have no mandate to push their agenda of universal suffrage in the southern chinese enclave . +__label__2 , ten orioles pitchers issue 14 bbs as yanks rally for 9-7 victory , the new york yankees took advantage of 14 walks , then capped their latest comeback victory with a couple of strolls around the bases . +__label__1 , u . s . korea cloud not from nuclear blast , seoul , south korea - a huge mushroom cloud that reportedly billowed up from north korea was not caused by a nuclear explosion , south korean and u . s . officials said sunday , but they said the cause was a mystery . . . +__label__3 , opec eyes caution , supply weighs on price , vienna ( reuters ) - opec may resist calls to raise oil output quotas much , if at all , when it meets this week for fear of turning a decline from record prices into a rout . +__label__3 , jarvis teeters on the brink , jarvis admitted yesterday it was in a race against time to raise enough cash from asset sales to satisfy lenders and keep trading beyond january . +__label__2 , ravens stumble to loss , cleveland holds jamal lewis to just 57 yards on 20 carries and jeff garcia accounts for two touchdowns to lead the browns to a 20-3 victory over the ravens on sunday . +__label__1 , new spasm of violence sweeps iraq , killing 110 , baghdad ( reuters ) - at least 110 people were killed across iraq on sunday in a sharp escalation of violence that saw gun battles , car bombs and bombardments rock the capital . +__label__2 , carpentier regains focus for win , monterey , calif . -- as patrick carpentier cruised toward his second straight dominating victory at mazda raceway laguna seca , he let his mind wander . +__label__1 , u . s . korea cloud not from nuclear blast ( ap ) , ap - a huge mushroom cloud that reportedly billowed up from north korea was not caused by a nuclear explosion , south korean and u . s . officials said sunday , but they said the cause was a mystery . +__label__2 , cordero sets new club mark , com . cordero notched his 44th save of the season sunday to establish a rangers record previously held by current rangers roving pitching instructor john wetteland . +__label__3 , wpp claims grey global prize , london , england -- uk-based advertising giant wpp group says it has won the bidding to acquire us agency grey global . wpp , the world #39 s second-largest advertising company , said sunday it had reached agreement +__label__1 , fierce fighting in iraq , baghdad , sept 12 at least 45 people died in a wave of bombings and battles between us troops and militants on sunday , as iraq #39 s us-installed prime minister said over 3 , 000 had perished in the #39 terrorism #39 washing over the country . +__label__1 , two gored to death in spanish bull-run , two spanish men were gored to death by fighting bulls yesterday during the bull-run at the local fiestas in ampuero , a town 30 miles east of the northern port city of santander . +__label__4 , speak to my right ear , sing to my left , researchers at the university of california find that the right and left human ears process sound differently the right ear is better at picking up speech-like sounds and the left is more attuned to music . +__label__2 , sorenstam wins hammons classic , annika sorenstam won her fifth lpga tour event of the year , closing with a 1-under 70 sunday for a four-shot victory at the john q . hammons classic . +__label__3 , us oil up above \$43 , watches ivan , opec , singapore ( reuters ) - u . s . oil prices climbed above \$43 on monday as energy companies operating in the gulf of mexico braced for possible widespread output disruptions from a powerful hurricane and iraq saw some of the bloodiest violence in weeks . +__label__3 , let a thousand ideas flower china is a new hotbed of research , in recent years , hundreds of multinational companies have set up research laboratories in china . +__label__2 , leftwich snares stunner , byron leftwich caps an 80-yard touchdown drive with a 7-yard toss to rookie ernest wilford as time ran out , lifting the jacksonville jaguars to a 13-10 win over the buffalo bills on sunday . +__label__1 , will putin misuse beslan terrorism ? , the unspeakable tragedy in beslan , the town in southern russia where terrorists seized a school on the first day of class and where more than 300 people +__label__4 , virus writers look for work , the writers of the mydoom viruses are encoding job applications into the latest variants of the bug . according to sophos the plea for work was found when its boffins were stripping the code of the mydoom-u and mydoom-v variants . +__label__3 , japanese automaker to boost production capacity in india , major japanese automaker suzuki motor corp . said monday it has decided to set up a vehicle assembly plant and a new diesel engine factory in india to boost production in the country #39 s growing market . +__label__1 , putin seeks more control over regions , governors , in an address to the countrys top officials on monday russian president vladimir putin announced initiatives that would further strengthen the federal centers control over political life . +__label__4 , bullies move online , singapore - more complaints of cyberbullying are emerging from youngsters in singapore than any other country except the united states , an international safety group said in a report on monday . +__label__4 , spam stopper detects sender patterns ( ziff davis ) , ziff davis - commtouch ' s anti-spam software update halts spam by tracking e-mail server sending patterns . +__label__3 , us airways files for bankruptcy for 2nd time , us airways group inc . , the nation #39 s seventh-largest airline , filed for bankruptcy protection sunday for the second time in two years . +__label__3 , microsoft vs sendo it #39 s over , the legal battle between uk phone manufacturer sendo and microsoft has been settled , the companies announced on monday morning . sendo had been suing microsoft for the alleged theft of trade secrets , fraud +__label__3 , for craigslist , city was just the ticket , hadley weinzierl used craigslist to furnish her jamaica plain apartment , and when she bought a maltese puppy , she sought advice from fellow craigslisters on a good vet , a cheap dog-walker , and a park where she could let the dog run without a leash . +__label__2 , today ' s schedule , college soccer men -- curry at emerson , 4 p . m . women -- mount ida at curry , 3 30 p . m . +__label__3 , schering-plough and bayer form strategic alliance , schering-plough corporation has announced that it has entered into a strategic agreement with bayer designed to maximize the companies #39 pharmaceutical resources while maintaining each company #39 s own strategic interests . +__label__1 , terror suspect escapes from bahrain court , a terror suspect escaped from court in bahrain monday after a judge renewed the detention order and three fellow detainees for 30 days . +__label__1 , at last , success on the road for lions , the detroit lions went three full seasons without winning an away game , setting an nfl record for road futility . they ended that ignominious streak sunday in their first opportunity of the season , beating the chicago bears 20-16 at soldier field . . . +__label__4 , ibm delivers power-based servers with linux , ibm will push its power5 line of servers down into the low end of the market , taking linux with it , when it unwraps an aggressively priced series of linux-only systems on monday that will go up against the offerings of sun microsystems and hewlett-packard +__label__4 , frozen eggs showing promise , italian researchers have achieved 13 human births using previously frozen eggs . it ' s encouraging for women who want to preserve their fertility , but efficiency is still low . by kristen philipkoski . +__label__4 , headshake to the seti headfake , did the famous screensaver , setihome , uncover the first strong evidence for an extraterrestrial signal ? the seti institute ' s seth shostak discusses how hyperbole can misrepresent the last addition to a list of stellar candidates . +__label__4 , static over rfid , a key patent holder wants royalties . if that starts a trend , adoption of radio frequency identification technology could suffer . +__label__3 , russia official gives yukos assurance , finance minister tells ft that asset sales to pay off tax debt will be market-oriented . moscow ( reuters ) - russian finance minister alexei kudrin has promised that asset sales to pay off the tax debts of troubled +__label__1 , two manny dads , dave norman , the sydney police constable who rushed to jakarta to be with his critically injured daughter manny musu , underwent a dna test to prove he is her biological father . +__label__2 , cahill could be in the clear , tim cahill could escape suspension for his controversial celebration of evertons winner at manchester city when he was sent off for pulling his shirt over his head . +__label__4 , crn interview john fowler , sun sun #39 s fowler rising sales , while hewlett-packard , dell and ibm are the recognized leaders of the x86 server market , one player has surprisingly begun to gain ground . +__label__4 , video game pioneer shoots for next level with cell phones ( usatoday . com ) , usatoday . com - video game pioneer trip hawkins is going mobile . his latest act , a silicon valley company called digital chocolate , is developing games and lifestyle applications for portable phones . he hopes the new venture will turn out like the first he founded , electronic arts , the leading video game maker . his most recent gaming company , 3d0 , went out of business after a decade . hawkins spoke with usa today ' s edward c . baigat last week ' s demomobile conference in la jolla , calif . +__label__2 , baseball still learning lessons from ' 94 strike ( usatoday . com ) , usatoday . com - in the 10 years since major league baseball ' s lights were dimmed and the world series canceled , players and owners have cashed in . +__label__3 , eu weighs euro #39 s rise against dollar , european union finance ministers considered the ever-strengthening euro against the dollar monday amid appeals for washington to rein in its budget and current account deficits to stop the slide of the us currency . +__label__4 , personal tech , fast forward columnist rob pegoraro discusses his latest column on windows media player 10 and answer your personal tech questions . +__label__4 , court to hear microsoft appeal to \$521m eolas ruling , a panel of judges on thursday is scheduled to hear microsoft ' s appeal in a case where a jury ordered the software maker to pay \$520 . 6 million in damages after finding that internet explorer ( ie ) infringed on a patent . +__label__3 , fda oks kit used with hemophilia therapy , chicago ( reuters ) - wyeth pharmaceuticals said on monday it received u . s . regulatory approval for a kit designed to help patients with the blood disorder hemophilia get regular treatments more quickly and safely . +__label__4 , meditation practice helping arthritis patients , by alex dominguez baltimore ( ap ) -- dalia isicoff knows pain . a lifelong sufferer of rheumatoid arthritis , she has had seven hip replacement surgeries . . . +__label__4 , training is the key to defibrillator success , by daniel yee alpharetta , ga . ( ap ) -- because defibrillators are more affordable than ever , they are quickly becoming commonplace in schools , businesses and other public places such as airports . . . +__label__4 , novell sees a ' both-source ' future , ceo asserts the future of software development will not be found in the open-source or proprietary models . +__label__3 , wal-mart keeps its september sales view , wal-mart stores inc . ( wmt . n quote , profile , research ) on monday maintained its september sales forecast and said back-to-school demand picked up for key categories including electronics and clothing after a sluggish start . +__label__1 , afghan president replaces 2 governors , kabul , afghanistan -- afghan president hamid karzai #39 s government saturday replaced two governors , including a strongman in the west , in a bold step to establish control ahead of landmark presidential elections . +__label__1 , dive recovers cromwell ' s sailor , a sailor from a sunken ship belonging to oliver cromwell ' s navy had the upper body of a trapeze artist but bowed legs , his recovered skeleton shows . +__label__3 , rogers confirms deal to buy at amp t wireless stake , rogers communications inc . ( rcib . to quote , profile , research ) confirmed on monday it would buy at amp t wireless services inc . #39 s ( awe . +__label__4 , japan gadget turns plants into speakers ( ap ) , ap - the therapeutic power of flowers takes on new meaning with a japanese gadget that turns plants into audio speakers , making the petals and leaves tremble with good vibrations . +__label__4 , copy , rip , or import ? , if you #39 ve been using the new windows media player 10 for windows xp , you may have noticed that microsoft shifted from some of the more formal language that it used in windows media player 9 -- quot copy from cd quot and quot copy to cd quot -- to the more casual terms +__label__4 , cisco melds add-on features into branch-office routers , september 13 , 2004 ( computerworld ) - cisco systems inc . tomorrow plans to announce an all-new line of branch-office routers that integrate basic routing capabilities with ip voice support , security tools and other functionality . +__label__4 , linux promoters challenge microsoft ( ap ) , ap - seeking to be more competitive with microsoft corp . , linux backers have agreed on a standard version of the operating system so that programs written for one linux distribution will work with others . +__label__2 , browns day after week one , the browns started the season on a good note for the first time since 1994 , and the win buoys the teams hopes for the near future . +__label__1 , sharon faces netanyahu challenge , israeli prime minister ariel sharon has received a surprise challenge to his plan to expedite a pullout from gaza after benjamin netanyahu , his main rival in the likud party , called for a referendum on the issue . +__label__3 , opec seen wary on increase in oil quotas , vienna ( reuters ) - opec may resist calls to raise oil output quotas much , if at all , when it meets this week for fear of turning a decline from record prices into a rout . __label__2 , italian gp , race , fernando spun out of third position while jarno finished tenth in this afternoon ' s italian grand prix -__label__4 , novell microsoft ' sucked \$60 billion ' out of it , ceo jack messman tells conference crowd that microsoft ' s licence fees have hobbled the it industry . -__label__1 , greek orthodox patriarch is accident victim , vatican , sep . 13 ( cwnews . com ) - the greek orthodox patriarch petros vii of alexandria was killed in a helicopter crash on september 11 , along with several other orthodox prelates , as he traveled to mount athos . -__label__1 , washington admits failure to get iran to un security council , vienna ( mna ) - a united states official confirmed to afp news agency on friday that washington fails to take irans nuclear issue to the united nations security council for possible sanctions against tehran . -__label__2 , my 50 random musings on the final major championship of the year , so the last major of 2004 is in the books . herewith 50 random ruminations on the us open that was . . . . 1 . imagine how good roger federer will be once he learns to move around the court a little . -__label__2 , sanchez wins costa bows out in bucharest , bucharest , romania ( sports network ) - defending champion david sanchez advanced , but former french open titlist albert costa was not as fortunate monday at the \$460 , 000 romanian open . -__label__3 , county unemployment drops to 3 . 7 percent , san diego - san diego county #39 s unemployment rate was 3 . 7 percent in august , down from a revised 4 . 4 percent in july and 4 . 3 percent a year ago , the california employment development department reported today . -__label__4 , symantec launches antiphishing service , september 13 , 2004 ( idg news service ) - symantec corp . is fishing for dollars with a new service designed to help companies combat the ongoing epidemic of online identity theft , or quot phishing , quot scams . -__label__3 , sorrell and wpp rise ever closer to the top , london with its agreement to buy grey global group , sir martin sorrell has placed his london-based wpp group in position to rival omnicom group as the world #39 s largest advertising company . -__label__4 , blurry image might be first picture of exoplanet , the image of a blurry red ball near a failed star just might be the first picture ever snapped of a planet outside our solar system , an astronomer who helped find the object said on monday . -__label__2 , crazy fan disrupts weir #39 s round , in an unpleasant repeat of the athens games marathon fiasco , mike weir was grabbed by a fan as he walked to the 11th tee during the final round of the canadian open on sunday . -__label__3 , disney foes want eisner out now , disgruntled former disney directors roy disney and stanley gold told disney #39 s board monday that ceo michael eisner should hit the road by early 2005 at the latest . -__label__1 , fda approves lens implant to sharpen sight , washington - there ' s a new option for people who suffer from extreme nearsightedness , whose world loses its crisp edge just a few inches from their noses . the first implantable lens for nearsightedness was approved monday by the food and drug administration . . . -__label__4 , microsoft adds to visual studio tools line , 2005 standard edition targets developers working in small organizations . -__label__4 , ibm open-sources speech-recognition development tools , the move is designed to spur development in the speech recognition field and outflank rivals by making ibm ' s free technology the industry standard . -__label__3 , enron to pay \$321 million in pensions , houston ( reuters ) - enron corp . will pay \$321 million from the proceeds of its sale of its pipeline arm to fund pension plans for thousands of former employees , a government pension agency said on monday . -__label__3 , sony-led group to acquire mgm for \$3b , los angeles sept . 13 , 2004 - a consortium led by sony corp . has agreed in principle to acquire famed hollywood studio metro-goldwyn-mayer inc . -__label__2 , 3 giants contest fines over team meetings ( ap ) , ap - three new york giants have filed complaints with the nfl players association after being fined by coach tom coughlin for not being early enough to team meetings . -__label__1 , iraqis plead with u . s . to return to city ( ap ) , ap - u . s . troops barred anguished crowds from returning to their homes in the besieged city of tal afar on monday as residents described corpses scattered across orchards and the collapse of essential services such as water and electricity . -__label__3 , nikkei opens higher led by tech stocks , tokyo ( reuters ) - tokyo ' s nikkei share average was up 0 . 56 percent in early morning trade on tuesday as another jump in u . s . technology shares encouraged investors to step up buying in local counterparts such as advantest corp . -__label__4 , microsoft targets solo programmers with new visual studio version , orlando , fla . microsoft corp . announced another edition of its upcoming development tools family , releasing information on visual studio 2005 standard edition at the vslive ! -__label__4 , virus #39 talks #39 to victims , virus writers have created a piece of malware that #39 talks #39 to victims . the amus email worm uses windows speech engine ( which is built-in to windows xp ) to deliver a curious message to infected users . -__label__3 , eu increases pressure for rights in myanmar , eu foreign ministers agreed monday to tighten sanctions against myanmar if it does not improve its human rights record by oct . 8 , when an eu meeting with asian countries starts in vietnam . -__label__4 , firefox browser to hit 1 . 0 milestone , though the release is technically a preview , the 1 . 0 version is a significant milestone for the open-source browser software , which has already won an enthusiastic following as an alternative to microsoft #39 s internet explorer . -__label__3 , service-sector revenues rise in q2 , revenues in key sectors of the us services industry grew in the second quarter , the government said on monday in a new survey aimed at measuring growth in the giant tranche of the economy . -__label__1 , osaka school killer of 8 , yakuza boss executed , tokyo - mamoru takuma , convicted for murdering eight children at an osaka elementary school in 2001 , has been executed , informed sources said tuesday . -__label__1 , japan executes child killer , japan has hanged a man convicted of stabbing to death eight elementary school children in a rampage that shocked the nation and severely shook its sense of security , local media have said . -__label__3 , dropping hyphen , some great old stores become just macy #39 s , n the not-so-distant past , the names burdines , rich #39 s , goldsmith #39 s , bon march and lazarus had a local glory as the emporiums where customers bought their back-to-school clothes and discovered their mother #39 s day presents . -__label__2 , major league baseball box score , colorado ( 7 ) vs arizona ( 1 ) - mid 6th - in progress colorado ab rh rbi bb so lob avg a miles 2b 4 0 1 0 0 0 1 . 302 r clayton ss 2 0 2 0 1 0 0 . -__label__1 , ivan roars into gulf of mexico , hurricane ivan skirted the western tip of cuba on monday and arced into the gulf of mexico with sustained winds of 160 mph , bearing down toward landfall on the u . s . gulf coast later this week . -__label__4 , cisco to debut new router family , internet hardware giant cisco systems is said to be preparing to launch a new family of routers that can manage both voice and data applications . -__label__2 , pros in olympics still in question , wayne gretzky found himself talking about mario lemieux possibly playing in the 2006 olympic winter games in turin when . . . whoa ! quot are you suggesting that you #39 re holding -__label__3 , sony group to buy mgm , a consortium led by sony corp . has agreed in principle to acquire famed hollywood studio metro-goldwyn-mayer inc . for nearly \$3 billion , mgm said late yesterday . -__label__2 , escobar , anderson lift angels , kelvim escobar pitched seven strong innings and garret anderson hit a three-run homer , leading the anaheim angels to a 5-1 win over the mariners last night in seattle . -__label__1 , turkey #39 s adultery ban would hinder eu bid , aides say ( update1 ) , turkey #39 s plan to make adultery a crime may hinder its bid to join the european union by showing the dominance of conservative forces #39 #39 in turkish society , european officials said . -__label__3 , carrier #39 s uphill climb , us airways said yesterday it can emerge from bankruptcy a stronger airline , but acknowledged it needs deeper wage concessions from its pilots - something it has failed to get after two years of trying . -__label__2 , credit canadian press , reuters , gretzky , executive director of team canada , says each player should treat tonight #39 s world cup of hockey championship game against finland as quot one of the greatest nights of their life . -__label__4 , ibm puts g5 in linux server , the eserver openpower 720 is aimed at the entry-level market for 64-bit linux-based servers and runs various configurations of what ibm calls the power5 at 1 . 5 and 1 . 65ghz . -__label__2 , wenger attacks madrid for transfer rule-bending , arsenal coach arsene wenger accused real madrid of ignoring the rules when it wants to sign a new player . wenger said the spanish powerhouse has sometimes made its interest known to the -__label__1 , the reforms that putin announced , russian president vladimir putin has announced a series of measures to strengthen central state powers following the hostage-taking at beslan when more than 300 people died . -__label__4 , science students win \$100 , 000 prize , description siemens westinghouse announces the winners of its annual competition for high school students in math , science and technology . -__label__3 , federated will rename stores as macy #39 s , all regional federated department stores will change their names to macy #39 s in january , the company said yesterday . the decision affects regional department stores that operate as burdines-macy #39 s in florida -__label__4 , help wanted by it services firms , the growing services industry is hiring , but tech workers looking for a job may need to do more than brush up on their coding . -__label__4 , sun trims fourth-quarter earnings by \$12 million , sun microsystems inc . trimmed its fourth quarter and full-year 2004 results this week , to account for final accounting of asset retirement obligations and its settlement with microsoft corp . -__label__4 , microsoft , polycom team on collaboration products , microsoft corp . and polycom inc . have struck a multi-year agreement to link microsoft ' s office live communications server with polycom ' s conferencing products , the companies plan to announce tuesday . -__label__1 , german investor confidence slumped in september , berlin - german investor confidence dropped sharply in september , a key economic indicator released tuesday showed amid concerns about the impact of high oil prices on consumer demand and the outlook for the global economy . -__label__3 , office depot sees profit below views , new york ( reuters ) - office depot inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=odp . n target=/stocks/quickinfo/fullquote> odp . n< /a> , the no . 2 u . s . office supply retailer , on tuesday forecast third-quarter and full-year profits below wall street estimates due to disruptions from recent hurricanes . -__label__3 , retail sales down trade gap larger ( reuters ) , reuters - u . s . retail sales dipped in august\and the u . s . gap with its international trade partners widened\to a record level in the second quarter of the year , government\reports released on tuesday showed . -__label__3 , kroger profit falls , warns on sales , new york ( reuters ) - kroger co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kr . n target=/stocks/quickinfo/fullquote> kr . n< /a> , the largest u . s . grocer , on tuesday reported a 25 percent drop in quarterly profit , hurt by debt redemption costs . -__label__4 , novell reaffirms open source strategy , novell is putting open source and identity management centre stage at its european user conference this week . the networking firm announced that novell open enterprise server ( oes ) , which includes novell #39 s -__label__4 , chinese mobile phone giant to open up to 3000 internet cafes , china #39 s second-largest mobile phone company says it plans to open up to 3 , 000 internet cafes by the end of this year . state-controlled china unicom , which already operates 400 internet cafes across the country -__label__1 , a target for terrorists , an election campaign parades the political divide in the community . yesterday , amid the extraordinary uncertainty about whether australians had been taken hostage in iraq , we saw the glue that unites the two sides of politics . -__label__2 , canada , finland set for wch final , toronto , on ( sports network ) - the canadians try to take back what was once theirs tonight when they face finland in the 2004 world cup of hockey final at air canada centre . -__label__3 , kroger profit falls , warns on sales , new york ( reuters ) - kroger co . on tuesday posted a 25 percent drop in quarterly profit and warned it may not reach its sales target for the year , sending shares of the top u . s . grocer down as it grapples with lingering fallout from a strike in southern california . -__label__1 , iranian nuclear plans #39 unclear #39 , the head of the un #39 s nuclear watchdog says he has seen no firm evidence iran is secretly developing nuclear weapons . but international atomic energy agency chief mohamed el-baradei said he could not yet give -__label__2 , benitez plans tactical overhaul , rafael benitez embarks on his first european campaign as liverpool boss tomorrow with a warning to his players that the continents finest have got wise to english tactics . -__label__4 , whats new with google news , what ' s new with google news\\google news has added a whole bunch of features while we weren ' t lookin ' . first off there ' s a new pull-down menu at the top of the page which easily allows you access to the top stories across all the google news properties . if you look at that . . . -__label__4 , cisco launches equipment leasing arm in india as it eyes booming it market ( afp ) , afp - us computer networking giant cisco ' s indian subsidiary announced the launch of a leasing arm to grab a slice of the growing domestic it market . -__label__4 , flower power turns up the volume , a japanese company has come up with a way of turning flowers into loudspeakers . -__label__3 , manpower forecasts positive 4q hiring pattern , fourth quarter hiring in the buffalo niagara falls market is expected to be on the rise according to the latest manpower employment outlook survey . -__label__2 , zurich abandons bid for 2014 winter olympics , zurich has decided to quit the bid for the 2014 winter olympics , according to a statement released bythe swiss olympic association on tuesday . -__label__2 , piller out for months after arm surgery ( ap ) , ap - titans guard zach piller might miss the rest of the season after having surgery to repair his ruptured left biceps . -__label__3 , sony leads mgm acquisition , entertainment companies had been vying for mgm to get their hands on its library of more than 4 , 000 titles . time warner initially was seen as the front-runner in the race . -__label__4 , novell #39 s microsoft attack completes linux conversion , novell inc . has completed its conversion to linux by launching an attack on microsoft corp . , claiming that the company has stifled software innovation and that the market will abandon microsoft windows at some point in the future . -__label__4 , sony goes oled with japanese clie peg-vz90 , despite pulling out of the us and european markets , sony #39 s clie line is still kicking in japan , and is now kicking with an oled display . -__label__4 , microsoft going for big bite of apple , in case you have not heard , microsoft just upped the ante in the digital music war when it launched its windows media player 10 and its beta online music store this month . -__label__2 , tyncastle sale gets official go ahead , of the votes received by proxy and from shareholders in the room at a stormy extraordinary general meeting last night , 62 . 5 were in favour of the resolution . -__label__3 , ibm , lg electronics to end joint venture , international business machines corp . and lg electronics inc . will end an eight-year alliance that helped expand the us computer maker #39 s presence in the booming south korean pc market . -__label__3 , mcdonald #39 s boosts annual dividend 38 , mcdonald #39 s ( mcd ) tuesday raised its annual dividend by 38 , a move the world #39 s largest restaurant chain said is another sign of its revitalization . -__label__2 , indy 500 qualifying changes aimed at regaining interest , indianapolis - the indianapolis 500 will return to four days of qualifying for next year #39 s race , but with a new format of bumping on each day . -__label__1 , north korea seen as tying nuclear talks to us election , north korea is waiting out the american presidential election in order to bargain with the winner over its nuclear weapons program , according to analysts here and a british diplomat who left pyongyang today . -__label__4 , sony announces the clie vz90 handheld for japan , sony japan has released a new clie for the japanese market only . the clie peg-vz90 is a palm os multimedia clie handheld , that features a large oled screen , slider hidden buttons , plentiful memory and wifi . -__label__3 , hurricane worries boost oil prices , worries that hurricane ivan will hurt oil production in the gulf of mexico boosted oil prices tuesday . in mid-morning new york trading , oil for future delivery hit \$44 . -__label__3 , retail sales fall 0 . 3 percent in august , retail sales slid in august as people steered away from buying cars and shoppers kept a close eye on their spending after splurging in july . -__label__3 , oracle profit rises on software demand , san francisco ( reuters ) - oracle corp . on tuesday reported a higher quarterly profit as the world ' s second largest software company benefited from steady demand for its flagship database software . -__label__4 , microsoft eyes video for business im , software giant teams with polycom to boost sales of live communications server . -__label__2 , villeneuve on verge of f1 return , former world champion jacques villeneuve is on the verge of a shock return to formula one with renault . the canadian has been out of formula one since leaving bar one race before the end of last season but -__label__1 , batman visits buckingham palace , a security officer stands by as father #39 s rights campaigner jason hatch ( r ) , dressed as batman , protests on a balcony at buckingham palace in london , september 13 , 2004 . -__label__4 , microsoft mice get biometric , microsoft corp . has made fingerprint biometric technology an integral part of its keyboard and mouse peripherals with new products that mark the company #39 s first foray into biometric devices . -__label__4 , oracle 1q earnings rise 16 percent ( ap ) , ap - business software giant oracle corp . said tuesday that first-quarter earnings rose 16 percent driven by new database license sales that rose 19 percent . -__label__3 , allied waste shares fall as company again lowers outlook , austin - the stock of allied waste industries inc . fell tuesday after the waste hauler cut its 2004 profit outlook for the second time in as many months . -__label__2 , eagles lose ol andrews , philadelphia ( sports network ) - offensive lineman shawn andrews , philadelphia #39 s no . 1 draft pick this year , suffered a fractured right leg in sunday #39 s game against the new york giants . -__label__4 , nokia adopts sd card tech into storage portfolio , to expand the capabilities of sd memory cards in mobile devices , the sd card association has recently formed a mobile phone task force . -__label__1 , dalai lama envoy visits china for autonomy talks , washington ( reuters ) - the dalai lama ' s special envoy has arrived in china for talks on the exiled spiritual leader ' s aspirations for tibetan autonomy , the third such visit in three years , officials in washington said on tuesday . -__label__3 , oracle quarterly net income rises 16 pct , oracle corp . ( orcl . o quote , profile , research ) on tuesday reported a 16 percent rise in quarterly net income as the world #39 s second largest software company benefited -__label__2 , sri lanka raise england #39 s spirits , in their opening match of the champions #39 trophy , sri lanka did little to suggest they have the wherewithal to knock england out of the tournament at the rose bowl on friday . -__label__2 , mourinho happy after 3-0 win , chelsea manager jose mourinho was delighted with his side #39 s performance in the 3-0 win in the champions league against paris saint germain . -__label__2 , champions league expect a comfortable night for the highbury boys , the gooners take their first step into european football this season tonight by welcoming dutch league runners-up , psv eindhoven , to highbury . -__label__2 , zimbabwe do england a favour , zimbabwe have been english cricket #39 s bte noir over the past year but here yesterday , they did them a huge favour in the champions trophy , despite losing to sri lanka by four -__label__3 , inflation fall eases rates pressure , inflation fell again in august , slipping further below the governments 2 per cent target , driven down by clothing and footwear retailers failing to raise prices after a poor summer . -__label__2 , valley stars struggle to settle , alan curbishley admits charltons summer signings have yet to settle at the valley and blames the loss of virtually an entire side for the clubs stuttering start to the season . -__label__2 , schultz re-ups with wild , st . paul , mn ( sports network ) - the minnesota wild and defenseman nick schultz agreed to terms on a one-year contract tuesday . per club policy , financial terms were not disclosed . -__label__2 , nedved to rejoin czech national team after injury healed , czech captain pavel nedved will return to the national soccer team once his knee is completely healed , he said in a statement which his manager zdenek nehoda provided tuesday . -__label__1 , pakistan turns up heat on al qaeda , pakistani forces have been battling al qaeda fighters in an ongoing operation to rout terrorists in a tribal area near the border with afghanistan , pakistani intelligence sources said . -__label__2 , champions league arsenal 1 , psv eindhoven 0 , arsenal benefited from an own-goal in a 1-0 win over psv eindhoven in its opening champions league match at highbury on tuesday . the gunners largely dominated the group e match , with jose antonio -__label__2 , eagles bring back levens place andrews on ir ( reuters ) , reuters - the philadelphia eagles\made several roster moves on tuesday , including bringing back\dorsey levens and placing shawn andrews on injured reserve . -__label__1 , letter from europe the all-too-human hitler , on your big screen , the release of a major movie about hitler is , by definition , a remarkable event in germany , especially if it portrays one of history #39 s great monsters as a human being , given -__label__4 , sony set to exert influence on discs , as the leader of the group that plans to buy metro-goldwyn-mayer , sony is poised to gain considerable power in its fight to set the format for the next generation of digital video discs . -__label__1 , in retaken iraqi city , perils lurk , u . s . forces have controlled tall afar since sunday , after deadly battles last week . on tuesday , soldiers , led by an iraqi known as the source , reopened the city and searched for insurgents . -__label__1 , lethal bird flu reemerges in four east asian countries , the avian influenza virus that swept across east asia early this year has reemerged in at least four countries in the region despite optimism among health and agriculture officials that the disease had been eradicated through the mass slaughter of chickens . -__label__3 , delta pilots tell negotiators to get pact ( reuters ) , reuters - delta air lines inc . ' s pilots union on\tuesday directed its negotiators to work out an agreement to\address the early retirement of a large number of pilots , which\threatens to push the no . 3 u . s . airline into a chapter 11\bankruptcy filing . -__label__1 , communist party seeks to win back people #39 s support , the chinese communist party ( ccp ) has read the writing on the wall and is out to shore up its moral right to keep ruling the country . -__label__3 , chiquita slips on higher q3 costs , chicago ( cbs . mw ) -- higher operating costs are canceling out expense reductions and cutting into chiquita brands #39 profit expectations for the third quarter , the company said tuesday . -__label__2 , fish coasts through , second seed mardy fish brushed aside the challenge of qualifier andres pedroso with a 6-1 6-2 win in the international tennis championships . -__label__4 , nokia to expand on-device storage options , < a href=http //news . com . com/nokiajoinssecuredigitalindustrygroup/2100-1039_3-5365922 . html> nokia joins secure digital industry group< /a> < font size=-1 color=#6f6f6f> < nobr> cnet news . com< /nobr> -__label__1 , labor allies want senate to block ot rules ( ap ) , ap - fresh from their triumph in the house , labor allies want the senate to derail new bush administration overtime rules that critics say would prevent 6 million american workers from getting the bonus pay . -__label__3 , 5000 rally against james hardie , more than 5000 building workers and asbestos victims have rallied outside a general meeting for embattled building products company james hardie in central sydney today . -__label__2 , al notables , jason giambi went 0 for 3 with a walk and a long drive to the right-field warning track in his first start for the yankees since july 23 after recovering from a benign tumor , intestinal parasite , strained groin , and respiratory infection . he is hitless in his last 24 at-bats . +__label__4 , novell microsoft ' sucked \$60 billion ' out of it , ceo jack messman tells conference crowd that microsoft ' s licence fees have hobbled the it industry . +__label__1 , greek orthodox patriarch is accident victim , vatican , sep . 13 ( cwnews . com ) - the greek orthodox patriarch petros vii of alexandria was killed in a helicopter crash on september 11 , along with several other orthodox prelates , as he traveled to mount athos . +__label__1 , washington admits failure to get iran to un security council , vienna ( mna ) - a united states official confirmed to afp news agency on friday that washington fails to take irans nuclear issue to the united nations security council for possible sanctions against tehran . +__label__2 , my 50 random musings on the final major championship of the year , so the last major of 2004 is in the books . herewith 50 random ruminations on the us open that was . . . . 1 . imagine how good roger federer will be once he learns to move around the court a little . +__label__2 , sanchez wins costa bows out in bucharest , bucharest , romania ( sports network ) - defending champion david sanchez advanced , but former french open titlist albert costa was not as fortunate monday at the \$460 , 000 romanian open . +__label__3 , county unemployment drops to 3 . 7 percent , san diego - san diego county #39 s unemployment rate was 3 . 7 percent in august , down from a revised 4 . 4 percent in july and 4 . 3 percent a year ago , the california employment development department reported today . +__label__4 , symantec launches antiphishing service , september 13 , 2004 ( idg news service ) - symantec corp . is fishing for dollars with a new service designed to help companies combat the ongoing epidemic of online identity theft , or quot phishing , quot scams . +__label__3 , sorrell and wpp rise ever closer to the top , london with its agreement to buy grey global group , sir martin sorrell has placed his london-based wpp group in position to rival omnicom group as the world #39 s largest advertising company . +__label__4 , blurry image might be first picture of exoplanet , the image of a blurry red ball near a failed star just might be the first picture ever snapped of a planet outside our solar system , an astronomer who helped find the object said on monday . +__label__2 , crazy fan disrupts weir #39 s round , in an unpleasant repeat of the athens games marathon fiasco , mike weir was grabbed by a fan as he walked to the 11th tee during the final round of the canadian open on sunday . +__label__3 , disney foes want eisner out now , disgruntled former disney directors roy disney and stanley gold told disney #39 s board monday that ceo michael eisner should hit the road by early 2005 at the latest . +__label__1 , fda approves lens implant to sharpen sight , washington - there ' s a new option for people who suffer from extreme nearsightedness , whose world loses its crisp edge just a few inches from their noses . the first implantable lens for nearsightedness was approved monday by the food and drug administration . . . +__label__4 , microsoft adds to visual studio tools line , 2005 standard edition targets developers working in small organizations . +__label__4 , ibm open-sources speech-recognition development tools , the move is designed to spur development in the speech recognition field and outflank rivals by making ibm ' s free technology the industry standard . +__label__3 , enron to pay \$321 million in pensions , houston ( reuters ) - enron corp . will pay \$321 million from the proceeds of its sale of its pipeline arm to fund pension plans for thousands of former employees , a government pension agency said on monday . +__label__3 , sony-led group to acquire mgm for \$3b , los angeles sept . 13 , 2004 - a consortium led by sony corp . has agreed in principle to acquire famed hollywood studio metro-goldwyn-mayer inc . +__label__2 , 3 giants contest fines over team meetings ( ap ) , ap - three new york giants have filed complaints with the nfl players association after being fined by coach tom coughlin for not being early enough to team meetings . +__label__1 , iraqis plead with u . s . to return to city ( ap ) , ap - u . s . troops barred anguished crowds from returning to their homes in the besieged city of tal afar on monday as residents described corpses scattered across orchards and the collapse of essential services such as water and electricity . +__label__3 , nikkei opens higher led by tech stocks , tokyo ( reuters ) - tokyo ' s nikkei share average was up 0 . 56 percent in early morning trade on tuesday as another jump in u . s . technology shares encouraged investors to step up buying in local counterparts such as advantest corp . +__label__4 , microsoft targets solo programmers with new visual studio version , orlando , fla . microsoft corp . announced another edition of its upcoming development tools family , releasing information on visual studio 2005 standard edition at the vslive ! +__label__4 , virus #39 talks #39 to victims , virus writers have created a piece of malware that #39 talks #39 to victims . the amus email worm uses windows speech engine ( which is built-in to windows xp ) to deliver a curious message to infected users . +__label__3 , eu increases pressure for rights in myanmar , eu foreign ministers agreed monday to tighten sanctions against myanmar if it does not improve its human rights record by oct . 8 , when an eu meeting with asian countries starts in vietnam . +__label__4 , firefox browser to hit 1 . 0 milestone , though the release is technically a preview , the 1 . 0 version is a significant milestone for the open-source browser software , which has already won an enthusiastic following as an alternative to microsoft #39 s internet explorer . +__label__3 , service-sector revenues rise in q2 , revenues in key sectors of the us services industry grew in the second quarter , the government said on monday in a new survey aimed at measuring growth in the giant tranche of the economy . +__label__1 , osaka school killer of 8 , yakuza boss executed , tokyo - mamoru takuma , convicted for murdering eight children at an osaka elementary school in 2001 , has been executed , informed sources said tuesday . +__label__1 , japan executes child killer , japan has hanged a man convicted of stabbing to death eight elementary school children in a rampage that shocked the nation and severely shook its sense of security , local media have said . +__label__3 , dropping hyphen , some great old stores become just macy #39 s , n the not-so-distant past , the names burdines , rich #39 s , goldsmith #39 s , bon march and lazarus had a local glory as the emporiums where customers bought their back-to-school clothes and discovered their mother #39 s day presents . +__label__2 , major league baseball box score , colorado ( 7 ) vs arizona ( 1 ) - mid 6th - in progress colorado ab rh rbi bb so lob avg a miles 2b 4 0 1 0 0 0 1 . 302 r clayton ss 2 0 2 0 1 0 0 . +__label__1 , ivan roars into gulf of mexico , hurricane ivan skirted the western tip of cuba on monday and arced into the gulf of mexico with sustained winds of 160 mph , bearing down toward landfall on the u . s . gulf coast later this week . +__label__4 , cisco to debut new router family , internet hardware giant cisco systems is said to be preparing to launch a new family of routers that can manage both voice and data applications . +__label__2 , pros in olympics still in question , wayne gretzky found himself talking about mario lemieux possibly playing in the 2006 olympic winter games in turin when . . . whoa ! quot are you suggesting that you #39 re holding +__label__3 , sony group to buy mgm , a consortium led by sony corp . has agreed in principle to acquire famed hollywood studio metro-goldwyn-mayer inc . for nearly \$3 billion , mgm said late yesterday . +__label__2 , escobar , anderson lift angels , kelvim escobar pitched seven strong innings and garret anderson hit a three-run homer , leading the anaheim angels to a 5-1 win over the mariners last night in seattle . +__label__1 , turkey #39 s adultery ban would hinder eu bid , aides say ( update1 ) , turkey #39 s plan to make adultery a crime may hinder its bid to join the european union by showing the dominance of conservative forces #39 #39 in turkish society , european officials said . +__label__3 , carrier #39 s uphill climb , us airways said yesterday it can emerge from bankruptcy a stronger airline , but acknowledged it needs deeper wage concessions from its pilots - something it has failed to get after two years of trying . +__label__2 , credit canadian press , reuters , gretzky , executive director of team canada , says each player should treat tonight #39 s world cup of hockey championship game against finland as quot one of the greatest nights of their life . +__label__4 , ibm puts g5 in linux server , the eserver openpower 720 is aimed at the entry-level market for 64-bit linux-based servers and runs various configurations of what ibm calls the power5 at 1 . 5 and 1 . 65ghz . +__label__2 , wenger attacks madrid for transfer rule-bending , arsenal coach arsene wenger accused real madrid of ignoring the rules when it wants to sign a new player . wenger said the spanish powerhouse has sometimes made its interest known to the +__label__1 , the reforms that putin announced , russian president vladimir putin has announced a series of measures to strengthen central state powers following the hostage-taking at beslan when more than 300 people died . +__label__4 , science students win \$100 , 000 prize , description siemens westinghouse announces the winners of its annual competition for high school students in math , science and technology . +__label__3 , federated will rename stores as macy #39 s , all regional federated department stores will change their names to macy #39 s in january , the company said yesterday . the decision affects regional department stores that operate as burdines-macy #39 s in florida +__label__4 , help wanted by it services firms , the growing services industry is hiring , but tech workers looking for a job may need to do more than brush up on their coding . +__label__4 , sun trims fourth-quarter earnings by \$12 million , sun microsystems inc . trimmed its fourth quarter and full-year 2004 results this week , to account for final accounting of asset retirement obligations and its settlement with microsoft corp . +__label__4 , microsoft , polycom team on collaboration products , microsoft corp . and polycom inc . have struck a multi-year agreement to link microsoft ' s office live communications server with polycom ' s conferencing products , the companies plan to announce tuesday . +__label__1 , german investor confidence slumped in september , berlin - german investor confidence dropped sharply in september , a key economic indicator released tuesday showed amid concerns about the impact of high oil prices on consumer demand and the outlook for the global economy . +__label__3 , office depot sees profit below views , new york ( reuters ) - office depot inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=odp . n target=/stocks/quickinfo/fullquote> odp . n< /a> , the no . 2 u . s . office supply retailer , on tuesday forecast third-quarter and full-year profits below wall street estimates due to disruptions from recent hurricanes . +__label__3 , retail sales down trade gap larger ( reuters ) , reuters - u . s . retail sales dipped in august\and the u . s . gap with its international trade partners widened\to a record level in the second quarter of the year , government\reports released on tuesday showed . +__label__3 , kroger profit falls , warns on sales , new york ( reuters ) - kroger co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kr . n target=/stocks/quickinfo/fullquote> kr . n< /a> , the largest u . s . grocer , on tuesday reported a 25 percent drop in quarterly profit , hurt by debt redemption costs . +__label__4 , novell reaffirms open source strategy , novell is putting open source and identity management centre stage at its european user conference this week . the networking firm announced that novell open enterprise server ( oes ) , which includes novell #39 s +__label__4 , chinese mobile phone giant to open up to 3000 internet cafes , china #39 s second-largest mobile phone company says it plans to open up to 3 , 000 internet cafes by the end of this year . state-controlled china unicom , which already operates 400 internet cafes across the country +__label__1 , a target for terrorists , an election campaign parades the political divide in the community . yesterday , amid the extraordinary uncertainty about whether australians had been taken hostage in iraq , we saw the glue that unites the two sides of politics . +__label__2 , canada , finland set for wch final , toronto , on ( sports network ) - the canadians try to take back what was once theirs tonight when they face finland in the 2004 world cup of hockey final at air canada centre . +__label__3 , kroger profit falls , warns on sales , new york ( reuters ) - kroger co . on tuesday posted a 25 percent drop in quarterly profit and warned it may not reach its sales target for the year , sending shares of the top u . s . grocer down as it grapples with lingering fallout from a strike in southern california . +__label__1 , iranian nuclear plans #39 unclear #39 , the head of the un #39 s nuclear watchdog says he has seen no firm evidence iran is secretly developing nuclear weapons . but international atomic energy agency chief mohamed el-baradei said he could not yet give +__label__2 , benitez plans tactical overhaul , rafael benitez embarks on his first european campaign as liverpool boss tomorrow with a warning to his players that the continents finest have got wise to english tactics . +__label__4 , whats new with google news , what ' s new with google news\\google news has added a whole bunch of features while we weren ' t lookin ' . first off there ' s a new pull-down menu at the top of the page which easily allows you access to the top stories across all the google news properties . if you look at that . . . +__label__4 , cisco launches equipment leasing arm in india as it eyes booming it market ( afp ) , afp - us computer networking giant cisco ' s indian subsidiary announced the launch of a leasing arm to grab a slice of the growing domestic it market . +__label__4 , flower power turns up the volume , a japanese company has come up with a way of turning flowers into loudspeakers . +__label__3 , manpower forecasts positive 4q hiring pattern , fourth quarter hiring in the buffalo niagara falls market is expected to be on the rise according to the latest manpower employment outlook survey . +__label__2 , zurich abandons bid for 2014 winter olympics , zurich has decided to quit the bid for the 2014 winter olympics , according to a statement released bythe swiss olympic association on tuesday . +__label__2 , piller out for months after arm surgery ( ap ) , ap - titans guard zach piller might miss the rest of the season after having surgery to repair his ruptured left biceps . +__label__3 , sony leads mgm acquisition , entertainment companies had been vying for mgm to get their hands on its library of more than 4 , 000 titles . time warner initially was seen as the front-runner in the race . +__label__4 , novell #39 s microsoft attack completes linux conversion , novell inc . has completed its conversion to linux by launching an attack on microsoft corp . , claiming that the company has stifled software innovation and that the market will abandon microsoft windows at some point in the future . +__label__4 , sony goes oled with japanese clie peg-vz90 , despite pulling out of the us and european markets , sony #39 s clie line is still kicking in japan , and is now kicking with an oled display . +__label__4 , microsoft going for big bite of apple , in case you have not heard , microsoft just upped the ante in the digital music war when it launched its windows media player 10 and its beta online music store this month . +__label__2 , tyncastle sale gets official go ahead , of the votes received by proxy and from shareholders in the room at a stormy extraordinary general meeting last night , 62 . 5 were in favour of the resolution . +__label__3 , ibm , lg electronics to end joint venture , international business machines corp . and lg electronics inc . will end an eight-year alliance that helped expand the us computer maker #39 s presence in the booming south korean pc market . +__label__3 , mcdonald #39 s boosts annual dividend 38 , mcdonald #39 s ( mcd ) tuesday raised its annual dividend by 38 , a move the world #39 s largest restaurant chain said is another sign of its revitalization . +__label__2 , indy 500 qualifying changes aimed at regaining interest , indianapolis - the indianapolis 500 will return to four days of qualifying for next year #39 s race , but with a new format of bumping on each day . +__label__1 , north korea seen as tying nuclear talks to us election , north korea is waiting out the american presidential election in order to bargain with the winner over its nuclear weapons program , according to analysts here and a british diplomat who left pyongyang today . +__label__4 , sony announces the clie vz90 handheld for japan , sony japan has released a new clie for the japanese market only . the clie peg-vz90 is a palm os multimedia clie handheld , that features a large oled screen , slider hidden buttons , plentiful memory and wifi . +__label__3 , hurricane worries boost oil prices , worries that hurricane ivan will hurt oil production in the gulf of mexico boosted oil prices tuesday . in mid-morning new york trading , oil for future delivery hit \$44 . +__label__3 , retail sales fall 0 . 3 percent in august , retail sales slid in august as people steered away from buying cars and shoppers kept a close eye on their spending after splurging in july . +__label__3 , oracle profit rises on software demand , san francisco ( reuters ) - oracle corp . on tuesday reported a higher quarterly profit as the world ' s second largest software company benefited from steady demand for its flagship database software . +__label__4 , microsoft eyes video for business im , software giant teams with polycom to boost sales of live communications server . +__label__2 , villeneuve on verge of f1 return , former world champion jacques villeneuve is on the verge of a shock return to formula one with renault . the canadian has been out of formula one since leaving bar one race before the end of last season but +__label__1 , batman visits buckingham palace , a security officer stands by as father #39 s rights campaigner jason hatch ( r ) , dressed as batman , protests on a balcony at buckingham palace in london , september 13 , 2004 . +__label__4 , microsoft mice get biometric , microsoft corp . has made fingerprint biometric technology an integral part of its keyboard and mouse peripherals with new products that mark the company #39 s first foray into biometric devices . +__label__4 , oracle 1q earnings rise 16 percent ( ap ) , ap - business software giant oracle corp . said tuesday that first-quarter earnings rose 16 percent driven by new database license sales that rose 19 percent . +__label__3 , allied waste shares fall as company again lowers outlook , austin - the stock of allied waste industries inc . fell tuesday after the waste hauler cut its 2004 profit outlook for the second time in as many months . +__label__2 , eagles lose ol andrews , philadelphia ( sports network ) - offensive lineman shawn andrews , philadelphia #39 s no . 1 draft pick this year , suffered a fractured right leg in sunday #39 s game against the new york giants . +__label__4 , nokia adopts sd card tech into storage portfolio , to expand the capabilities of sd memory cards in mobile devices , the sd card association has recently formed a mobile phone task force . +__label__1 , dalai lama envoy visits china for autonomy talks , washington ( reuters ) - the dalai lama ' s special envoy has arrived in china for talks on the exiled spiritual leader ' s aspirations for tibetan autonomy , the third such visit in three years , officials in washington said on tuesday . +__label__3 , oracle quarterly net income rises 16 pct , oracle corp . ( orcl . o quote , profile , research ) on tuesday reported a 16 percent rise in quarterly net income as the world #39 s second largest software company benefited +__label__2 , sri lanka raise england #39 s spirits , in their opening match of the champions #39 trophy , sri lanka did little to suggest they have the wherewithal to knock england out of the tournament at the rose bowl on friday . +__label__2 , mourinho happy after 3-0 win , chelsea manager jose mourinho was delighted with his side #39 s performance in the 3-0 win in the champions league against paris saint germain . +__label__2 , champions league expect a comfortable night for the highbury boys , the gooners take their first step into european football this season tonight by welcoming dutch league runners-up , psv eindhoven , to highbury . +__label__2 , zimbabwe do england a favour , zimbabwe have been english cricket #39 s bte noir over the past year but here yesterday , they did them a huge favour in the champions trophy , despite losing to sri lanka by four +__label__3 , inflation fall eases rates pressure , inflation fell again in august , slipping further below the governments 2 per cent target , driven down by clothing and footwear retailers failing to raise prices after a poor summer . +__label__2 , valley stars struggle to settle , alan curbishley admits charltons summer signings have yet to settle at the valley and blames the loss of virtually an entire side for the clubs stuttering start to the season . +__label__2 , schultz re-ups with wild , st . paul , mn ( sports network ) - the minnesota wild and defenseman nick schultz agreed to terms on a one-year contract tuesday . per club policy , financial terms were not disclosed . +__label__2 , nedved to rejoin czech national team after injury healed , czech captain pavel nedved will return to the national soccer team once his knee is completely healed , he said in a statement which his manager zdenek nehoda provided tuesday . +__label__1 , pakistan turns up heat on al qaeda , pakistani forces have been battling al qaeda fighters in an ongoing operation to rout terrorists in a tribal area near the border with afghanistan , pakistani intelligence sources said . +__label__2 , champions league arsenal 1 , psv eindhoven 0 , arsenal benefited from an own-goal in a 1-0 win over psv eindhoven in its opening champions league match at highbury on tuesday . the gunners largely dominated the group e match , with jose antonio +__label__2 , eagles bring back levens place andrews on ir ( reuters ) , reuters - the philadelphia eagles\made several roster moves on tuesday , including bringing back\dorsey levens and placing shawn andrews on injured reserve . +__label__1 , letter from europe the all-too-human hitler , on your big screen , the release of a major movie about hitler is , by definition , a remarkable event in germany , especially if it portrays one of history #39 s great monsters as a human being , given +__label__4 , sony set to exert influence on discs , as the leader of the group that plans to buy metro-goldwyn-mayer , sony is poised to gain considerable power in its fight to set the format for the next generation of digital video discs . +__label__1 , in retaken iraqi city , perils lurk , u . s . forces have controlled tall afar since sunday , after deadly battles last week . on tuesday , soldiers , led by an iraqi known as the source , reopened the city and searched for insurgents . +__label__1 , lethal bird flu reemerges in four east asian countries , the avian influenza virus that swept across east asia early this year has reemerged in at least four countries in the region despite optimism among health and agriculture officials that the disease had been eradicated through the mass slaughter of chickens . +__label__3 , delta pilots tell negotiators to get pact ( reuters ) , reuters - delta air lines inc . ' s pilots union on\tuesday directed its negotiators to work out an agreement to\address the early retirement of a large number of pilots , which\threatens to push the no . 3 u . s . airline into a chapter 11\bankruptcy filing . +__label__1 , communist party seeks to win back people #39 s support , the chinese communist party ( ccp ) has read the writing on the wall and is out to shore up its moral right to keep ruling the country . +__label__3 , chiquita slips on higher q3 costs , chicago ( cbs . mw ) -- higher operating costs are canceling out expense reductions and cutting into chiquita brands #39 profit expectations for the third quarter , the company said tuesday . +__label__2 , fish coasts through , second seed mardy fish brushed aside the challenge of qualifier andres pedroso with a 6-1 6-2 win in the international tennis championships . +__label__4 , nokia to expand on-device storage options , < a href=http //news . com . com/nokiajoinssecuredigitalindustrygroup/2100-1039_3-5365922 . html> nokia joins secure digital industry group< /a> < font size=-1 color=#6f6f6f> < nobr> cnet news . com< /nobr> +__label__1 , labor allies want senate to block ot rules ( ap ) , ap - fresh from their triumph in the house , labor allies want the senate to derail new bush administration overtime rules that critics say would prevent 6 million american workers from getting the bonus pay . +__label__3 , 5000 rally against james hardie , more than 5000 building workers and asbestos victims have rallied outside a general meeting for embattled building products company james hardie in central sydney today . +__label__2 , al notables , jason giambi went 0 for 3 with a walk and a long drive to the right-field warning track in his first start for the yankees since july 23 after recovering from a benign tumor , intestinal parasite , strained groin , and respiratory infection . he is hitless in his last 24 at-bats . __label__4 , the oqo should run linux , \\this little oqo machine is certainly pretty cool . the biggest problem\though is that it doesn ' t run linux . \\this leaves you with a device heavier than your pda and all the insecurity and\bloat of windows and with a price tag of only sub \$2000 . \\people don ' t care what os their pda/handtop runs . it can run an alternative os\and for the most part consumers don ' t care . wince hasn ' t exactly been a stellar\market success . while microsoft does have significant market share palmos , \symbian , and linux are doing just fine . also most of the wince devices never\have the fit and finish of their palm and symbian counterparts . \\i don ' t know where oqo thinks they are going to fit in . if they were to . . . \\ -__label__1 , same-sex divorce rules still hazy , now that an ontario couple has been given canada #39 s first same-sex divorce , experts are divided over just how easy it will be for gays and lesbians in other provinces to end their marriages . -__label__1 , report japan pm advisers see china military threat ( reuters ) , reuters - in a move that could further chill ties\between the two asian powers , an advisory panel to japan ' s\prime minister will say china should be described as a military\threat in a defense review , the nihon keizai newspaper reported\on wednesday . -__label__3 , sabmiller #39 s china jv in \$154m deal , sabmiller , the world #39 s second largest brewer #39 s chinese joint-venture , china resources breweries limited ( crb ) has acquired the chinese brewing interests of lion nathan for an equity value of \$71-million and estimated assumed debt of \$83-million , crm -__label__2 , ryder-you can bank on tiger , says sutton , tiger woods has not won a major in two years and lost his world number one ranking but us ryder cup captain hal sutton says reports of his demise will prove badly exaggerated this week . -__label__2 , villeneuve and sauber , with jacques villeneuve testing for renault today at silverstone there has been the perhaps inevitable speculation that this could change things for next season when giancarlo fisichella is due to join fernando alonso at renault f1 . -__label__1 , iraqi attacks kill at least 69 , at least 69 people have been killed and scores wounded during a day of carnage in iraq . in baghdad , 47 iraqis died and over 120 were injured in a massive explosion near a police station . -__label__2 , we need to do well - benitez , rafael benitez has admitted liverpool can finally end speculation over steven gerrard #39 s future with a good champions league campaign . -__label__4 , technical hitch delays russia space station launch ( reuters ) , reuters - the launch of a russian rocket scheduled\to blast off to the international space station next month has\been postponed because of problems with the docking system , \russia ' s space agency said on wednesday . -__label__3 , opec aims for 4 pct boost in oil quotas , vienna ( reuters ) - opec ' s core gulf producers will recommend the cartel raise supply quotas by one million barrels a day , four percent , kuwaiti oil minister sheikh ahmad al-fahd al-sabah said on wednesday . -__label__1 , earthquake rocks indonesia ' s bali , one dead-radio , jakarta ( reuters ) - an earthquake rocked indonesia ' s premier tourist island of bali on wednesday , killing one person and injuring at least two , el shinta radio reported , quoting hospital officials . -__label__2 , rockies terminate neagle ' s contract ( reuters ) , reuters - colorado terminated the contract\of pitcher denny neagle on monday , three days after he was\ticketed for soliciting a women for oral sex . -__label__3 , bridgeway ceo to settle sec fund charges - wsj , a mutual fund manager long regarded by many as an advocate for the interests of fund shareholders is expected to pay \$5 million to settle charges he overcharged his own investors by nearly that amount , the wall street journal -__label__2 , the 35th ryder cup tiger #39 s cup doesn #39 t run over with success , bloomfield township , mich . -- the ryder cup is upon us , and you know what that means time to dress up as mrs . doubtfire and taunt colin montgomerie from behind the ropes ? -__label__1 , earthquake rocks indonesia ' s bali , one dead , bali , indonesia ( reuters ) - a powerful earthquake rocked indonesia ' s premier tourist island of bali wednesday , killing one person , injuring at least two and triggering some panic , officials said . -__label__3 , cboe to sell stake in national exchange , buy cbot rights , the chicago board options exchange said tuesday its directors approved steps to reduce its financial ties to two other exchanges in town . -__label__3 , study 400k fewer tech jobs since 2001 , the us information tech sector lost 403 , 300 jobs between march 2001 and this past april , and the market for tech workers remains bleak , according to a new report . -__label__3 , britain #39 s unemployment falls to 20 year low , british unemployment fell by 16 , 000 to 1 . 41 million between may and july , the lowest level since comparable records began in 1984 , the office for national statistics said wednesday . -__label__1 , acrimony in the air on eve of northern ireland talks ( afp ) , afp - all-party talks to kickstart northern ireland ' s peace process , in limbo for nearly two years , get underway at leeds castle with acrimony already in the air . -__label__4 , consumer group calls for probe of #39 rip-off #39 itunes , apple computer corp . is charging its british itunes customers 17 percent more per download than its european customers , a consumer watchdog group said on wednesday . -__label__4 , slowing population ' lacks funds ' , rich countries are giving only half the amount they promised to help to slow world population growth , the un says . -__label__3 , coast guard shuts gulf of mexico ports , houston ( reuters ) - the u . s . coast guard shut five ports on wednesday in the gulf of mexico coast states of alabama , florida and mississippi as hurricane ivan churned nearer . -__label__2 , as hockey clock strikes 12 , canada reclaims world cup , the message board in canada #39 s dressing room spoke volumes quot practice canceled tomorrow , quot it read . quot no one else to beat . -__label__2 , sportsnetwork game preview , ( sports network ) - tim wakefield tries for his first win in three starts this evening when the boston red sox continue their three-game series with the tampa bay devil rays at fenway park . -__label__1 , hurricane ivan roars toward gulf coast , new orleans - stragglers streamed toward higher ground wednesday on highways turned into one-way evacuation routes and surf started eroding beaches as hurricane ivan roared toward the gulf coast with 140 mph wind . nearly 200 miles wide , ivan could cause significant damage no matter where it strikes , as hurricane-force wind extended up to 105 miles out from the center . . . -__label__1 , stocks sink on coke ' s gloomy forecast , new york - stocks headed lower wednesday after beverage giant coca-cola co . issued a gloomy forecast , and a lower-than-expected reading on industrial production for august threw the nation ' s broader economic outlook into question . . . -__label__1 , milosevic war crimes trial suspended , the war crimes trial of the former yugoslav president slobodan milosevic was today adjourned for a month after key witnesses refused to appear in protest at the court #39 s decision to appoint defence lawyers . -__label__4 , ' cities in crisis ' leaders warn , world leaders warn that rapid urbanisation will become one of the biggest challenges of the 21st century . -__label__2 , moya upset in first round of china open ( ap ) , ap - top-seeded carlos moya was upset by french qualifier jo-wilfried tsonga 6-3 , 6-3 , in the first round of the china open on wednesday . -__label__3 , key martha witness gets wrist slap , ( cbs/ap ) a former brokerage assistant who helped martha stewart make her fateful stock trade and later emerged as a key government witness was spared both prison and probation friday for accepting a payoff during the government #39 s investigation . -__label__4 , jobs #39 apple vs beatles #39 apple , p2pnet . net news - it #39 s apple vs apple again - that #39 s to say steve jobs #39 apple versus the beatles #39 apple . apple-b claims apple-j infringes its trade mark and the latter , quot is likely to be forced into a multimillion -__label__2 , ferrero advances moya stunned in rainy beijing , beijing , china ( sports network ) - for the second time in as many days , rain was a major factor at the inaugural \$500 , 000 china open . -__label__2 , hughes allowed to speak to rovers , the football association of wales have given national boss mark hughes permission to speak to blackburn over their vacant managerial post . -__label__2 , mcnamara receives good news , celtic have been boosted by the news that jackie mcnamara should be back in action within six weeks . the hoops skipper was clearly in agony when he was stretchered off during tuesday nights 3-1 defeat at the hands of barcelona . -__label__3 , brazil embraer says suspends us airways deliveries , brazilian aircraft manufacturer embraer ( embr4 . sa quote , profile , research ) ( erj . n quote , profile , research ) on wednesday said it had suspended aircraft deliveries to us airways ( uair . -__label__2 , inzamam happy with win , captain inzamam-ul-haq praised his spinners after pakistan knocked kenya out of the champions trophy with a seven-wicket win at edgbaston . -__label__3 , hp wins defense contract , hp ( quote , chart ) was awarded a \$290 million , 10-year outsourcing contract with the defense logistics agency #39 s ( dla ) enterprise data center ( edc ) program , officials announced wednesday . -__label__1 , world population to rise to 8 . 9 billion , although world families are getting smaller in many regions , the 50 poorest countries are expected to triple in size to 1 . 7 billion people by 2050 , posing many challenges for world countries . -__label__3 , oracle fails to inspire tech rally , oracle corp . handed the software industry some positive earnings news after the bell on tuesday , but investors pulled cash from the sector on concerns that information technology spending has become anemic . -__label__2 , canadian driving champion jacques villeneuve to join swiss team , former world driving champion jacques villeneuve of canada has signed a deal to drive for the swiss-based sauber petronas formula one team next season . -__label__2 , howe won #39 t be back in 2005 , according to a report on the msg network website , new york mets manager art howe will not return as the team #39 s manager for the 2005 season . -__label__4 , microsoft warns of jpeg security hole , microsoft , which recommended immediate updates , said the newly discovered vulnerability could allow remote code execution of code thanks to a buffer-overrun vulnerability in the processing of jpeg image formats . -__label__3 , adv try currency trading risk-free 30 days , 24-hour commission-free trading , 100-to-1 leverage of your capital , and dealbook fx 2 - our free advanced trading software . sign up for our free 30-day trial and receive one-on-one training . +__label__1 , same-sex divorce rules still hazy , now that an ontario couple has been given canada #39 s first same-sex divorce , experts are divided over just how easy it will be for gays and lesbians in other provinces to end their marriages . +__label__1 , report japan pm advisers see china military threat ( reuters ) , reuters - in a move that could further chill ties\between the two asian powers , an advisory panel to japan ' s\prime minister will say china should be described as a military\threat in a defense review , the nihon keizai newspaper reported\on wednesday . +__label__3 , sabmiller #39 s china jv in \$154m deal , sabmiller , the world #39 s second largest brewer #39 s chinese joint-venture , china resources breweries limited ( crb ) has acquired the chinese brewing interests of lion nathan for an equity value of \$71-million and estimated assumed debt of \$83-million , crm +__label__2 , ryder-you can bank on tiger , says sutton , tiger woods has not won a major in two years and lost his world number one ranking but us ryder cup captain hal sutton says reports of his demise will prove badly exaggerated this week . +__label__2 , villeneuve and sauber , with jacques villeneuve testing for renault today at silverstone there has been the perhaps inevitable speculation that this could change things for next season when giancarlo fisichella is due to join fernando alonso at renault f1 . +__label__1 , iraqi attacks kill at least 69 , at least 69 people have been killed and scores wounded during a day of carnage in iraq . in baghdad , 47 iraqis died and over 120 were injured in a massive explosion near a police station . +__label__2 , we need to do well - benitez , rafael benitez has admitted liverpool can finally end speculation over steven gerrard #39 s future with a good champions league campaign . +__label__4 , technical hitch delays russia space station launch ( reuters ) , reuters - the launch of a russian rocket scheduled\to blast off to the international space station next month has\been postponed because of problems with the docking system , \russia ' s space agency said on wednesday . +__label__3 , opec aims for 4 pct boost in oil quotas , vienna ( reuters ) - opec ' s core gulf producers will recommend the cartel raise supply quotas by one million barrels a day , four percent , kuwaiti oil minister sheikh ahmad al-fahd al-sabah said on wednesday . +__label__1 , earthquake rocks indonesia ' s bali , one dead-radio , jakarta ( reuters ) - an earthquake rocked indonesia ' s premier tourist island of bali on wednesday , killing one person and injuring at least two , el shinta radio reported , quoting hospital officials . +__label__2 , rockies terminate neagle ' s contract ( reuters ) , reuters - colorado terminated the contract\of pitcher denny neagle on monday , three days after he was\ticketed for soliciting a women for oral sex . +__label__3 , bridgeway ceo to settle sec fund charges - wsj , a mutual fund manager long regarded by many as an advocate for the interests of fund shareholders is expected to pay \$5 million to settle charges he overcharged his own investors by nearly that amount , the wall street journal +__label__2 , the 35th ryder cup tiger #39 s cup doesn #39 t run over with success , bloomfield township , mich . -- the ryder cup is upon us , and you know what that means time to dress up as mrs . doubtfire and taunt colin montgomerie from behind the ropes ? +__label__1 , earthquake rocks indonesia ' s bali , one dead , bali , indonesia ( reuters ) - a powerful earthquake rocked indonesia ' s premier tourist island of bali wednesday , killing one person , injuring at least two and triggering some panic , officials said . +__label__3 , cboe to sell stake in national exchange , buy cbot rights , the chicago board options exchange said tuesday its directors approved steps to reduce its financial ties to two other exchanges in town . +__label__3 , study 400k fewer tech jobs since 2001 , the us information tech sector lost 403 , 300 jobs between march 2001 and this past april , and the market for tech workers remains bleak , according to a new report . +__label__3 , britain #39 s unemployment falls to 20 year low , british unemployment fell by 16 , 000 to 1 . 41 million between may and july , the lowest level since comparable records began in 1984 , the office for national statistics said wednesday . +__label__1 , acrimony in the air on eve of northern ireland talks ( afp ) , afp - all-party talks to kickstart northern ireland ' s peace process , in limbo for nearly two years , get underway at leeds castle with acrimony already in the air . +__label__4 , consumer group calls for probe of #39 rip-off #39 itunes , apple computer corp . is charging its british itunes customers 17 percent more per download than its european customers , a consumer watchdog group said on wednesday . +__label__4 , slowing population ' lacks funds ' , rich countries are giving only half the amount they promised to help to slow world population growth , the un says . +__label__3 , coast guard shuts gulf of mexico ports , houston ( reuters ) - the u . s . coast guard shut five ports on wednesday in the gulf of mexico coast states of alabama , florida and mississippi as hurricane ivan churned nearer . +__label__2 , as hockey clock strikes 12 , canada reclaims world cup , the message board in canada #39 s dressing room spoke volumes quot practice canceled tomorrow , quot it read . quot no one else to beat . +__label__2 , sportsnetwork game preview , ( sports network ) - tim wakefield tries for his first win in three starts this evening when the boston red sox continue their three-game series with the tampa bay devil rays at fenway park . +__label__1 , hurricane ivan roars toward gulf coast , new orleans - stragglers streamed toward higher ground wednesday on highways turned into one-way evacuation routes and surf started eroding beaches as hurricane ivan roared toward the gulf coast with 140 mph wind . nearly 200 miles wide , ivan could cause significant damage no matter where it strikes , as hurricane-force wind extended up to 105 miles out from the center . . . +__label__1 , stocks sink on coke ' s gloomy forecast , new york - stocks headed lower wednesday after beverage giant coca-cola co . issued a gloomy forecast , and a lower-than-expected reading on industrial production for august threw the nation ' s broader economic outlook into question . . . +__label__1 , milosevic war crimes trial suspended , the war crimes trial of the former yugoslav president slobodan milosevic was today adjourned for a month after key witnesses refused to appear in protest at the court #39 s decision to appoint defence lawyers . +__label__4 , ' cities in crisis ' leaders warn , world leaders warn that rapid urbanisation will become one of the biggest challenges of the 21st century . +__label__2 , moya upset in first round of china open ( ap ) , ap - top-seeded carlos moya was upset by french qualifier jo-wilfried tsonga 6-3 , 6-3 , in the first round of the china open on wednesday . +__label__3 , key martha witness gets wrist slap , ( cbs/ap ) a former brokerage assistant who helped martha stewart make her fateful stock trade and later emerged as a key government witness was spared both prison and probation friday for accepting a payoff during the government #39 s investigation . +__label__4 , jobs #39 apple vs beatles #39 apple , p2pnet . net news - it #39 s apple vs apple again - that #39 s to say steve jobs #39 apple versus the beatles #39 apple . apple-b claims apple-j infringes its trade mark and the latter , quot is likely to be forced into a multimillion +__label__2 , ferrero advances moya stunned in rainy beijing , beijing , china ( sports network ) - for the second time in as many days , rain was a major factor at the inaugural \$500 , 000 china open . +__label__2 , hughes allowed to speak to rovers , the football association of wales have given national boss mark hughes permission to speak to blackburn over their vacant managerial post . +__label__2 , mcnamara receives good news , celtic have been boosted by the news that jackie mcnamara should be back in action within six weeks . the hoops skipper was clearly in agony when he was stretchered off during tuesday nights 3-1 defeat at the hands of barcelona . +__label__3 , brazil embraer says suspends us airways deliveries , brazilian aircraft manufacturer embraer ( embr4 . sa quote , profile , research ) ( erj . n quote , profile , research ) on wednesday said it had suspended aircraft deliveries to us airways ( uair . +__label__2 , inzamam happy with win , captain inzamam-ul-haq praised his spinners after pakistan knocked kenya out of the champions trophy with a seven-wicket win at edgbaston . +__label__3 , hp wins defense contract , hp ( quote , chart ) was awarded a \$290 million , 10-year outsourcing contract with the defense logistics agency #39 s ( dla ) enterprise data center ( edc ) program , officials announced wednesday . +__label__1 , world population to rise to 8 . 9 billion , although world families are getting smaller in many regions , the 50 poorest countries are expected to triple in size to 1 . 7 billion people by 2050 , posing many challenges for world countries . +__label__3 , oracle fails to inspire tech rally , oracle corp . handed the software industry some positive earnings news after the bell on tuesday , but investors pulled cash from the sector on concerns that information technology spending has become anemic . +__label__2 , canadian driving champion jacques villeneuve to join swiss team , former world driving champion jacques villeneuve of canada has signed a deal to drive for the swiss-based sauber petronas formula one team next season . +__label__2 , howe won #39 t be back in 2005 , according to a report on the msg network website , new york mets manager art howe will not return as the team #39 s manager for the 2005 season . +__label__4 , microsoft warns of jpeg security hole , microsoft , which recommended immediate updates , said the newly discovered vulnerability could allow remote code execution of code thanks to a buffer-overrun vulnerability in the processing of jpeg image formats . +__label__3 , adv try currency trading risk-free 30 days , 24-hour commission-free trading , 100-to-1 leverage of your capital , and dealbook fx 2 - our free advanced trading software . sign up for our free 30-day trial and receive one-on-one training . __label__4 , news governments slow off the mark to combat growing threats of cybercrime , the associated press by robert wielaard -__label__2 , gm plans to use woods more creatively ( ap ) , ap - general motors corp . is thrilled that tiger woods will promote buick for the next five years , but gm chairman rick wagoner says the automaker could make better use of the world ' s best-known golfer . -__label__3 , opec increases oil output , the organization of the petroleum exporting countries has agreed to increase output by one million barrels a day in a move to lower oil prices . -__label__1 , pakistan ' s musharraf to retain army post , pakistani president pervez musharraf will stay on as chief of the army staff beyond the date he promised to give up the post , the information minister said on wednesday . -__label__2 , celtic captain mcnamara out for a month , celtic captain jackie mcnamara will be sidelined for at least a month after sustaining ankle ligament damage in tuesday #39 s 3-1 champions league defeat to barcelona . -__label__4 , nokia , nec test new ip multimedia subsystem , two high-tech communications players have completed the first phase in a series of tests to show how a next-generation ip data and communications infrastructure works . -__label__2 , hughes seals rovers return , blackburn tonight installed wales boss mark hughes as their new manager to take over from graeme souness . the identity of the appointment was not a surprise but the speed in which it was announced certainly was . -__label__3 , stewart asks to serve sentence soon , new york sept . 15 , 2004 - millionaire executive martha stewart announced wednesday that she had decided to begin her prison sentence for lying about a stock trade as soon as possible . -__label__2 , marlins righthander burnett to miss friday #39 s start , miami , fl ( sports network ) - florida marlins starting pitcher aj burnett is hampered with inflammation in his right elbow and will miss his scheduled start on friday against the atlanta braves . -__label__4 , cisco joins wimax forum , the networking giant formally signs on to the wireless broadband group as the organization ' s ranks increase . -__label__2 , devil rays thumbnails , at fenway park records boston is 86-56 ( second in the al east ) tampa bay is 61-80 ( fourth in al east ) . tonight ( 7 05 , nesn , weei ) lhp scott kazmir ( 1-1 , 5 . 62 ) vs . -__label__1 , chronology of attacks on westerners in saudi arabia , three suspected muslim militants gunned down a briton in the saudi capital riyadh on wednesday , security sources and diplomats said . -__label__2 , mckenzie ends holdout and returns to green bay ( reuters ) , reuters - green bay packers\cornerback mike mckenzie ended his lengthy holdout wednesday\afternoon and joined his teammates in preparation for week 2 . -__label__2 , usc fires basketball coach henry bibby , los angeles - henry bibby was fired as southern california #39 s basketball coach monday , just four games into his ninth season . the trojans , beset by some player dissension , are 2-2 . -__label__4 , midtier erp vendors can capitalize on oracle antitrust verdict , the door is open for oracle to win its bid for peoplesoft , and for midmarket erp vendors to increase their business . by elena malykhina . -__label__2 , usa searches for winning formula , hal sutton anticipated the question . he had formulated an answer , too , long before he arrived in that milwaukee hotel ballroom to announce his captain #39 s picks and finalize the us ryder cup team . -__label__1 , sudan rejects us-sponsored darfur resolution , sudan on wednesday rejected a us-sponsored un security council draft resolution to punish it over a conflict in its western darfur region , saying the measure was unfair and lacked balance . -__label__4 , btg hits amazon , netflix and others with patent suit , btg , a london-based firm that focuses on intellectual property and technology commercialization , filed suit against amazon . com , barnesandnoble . com and two other internet companies for infringing on patents related to the tracking of users online . -__label__2 , f1 boss loses court case , formula one boss bernie ecclestones control over the sport may be on the decline after a court ruled against him in a dispute with three banks . -__label__1 , bush urges putin uphold russian democracy ( reuters ) , reuters - president bush on wednesday urged\russian president vladimir putin to uphold the principles of\democracy in a carefully worded message expressing concern\about putin ' s proposed political reforms . -__label__1 , darfur peace talks struggle for survival , abuja ( reuters ) - peace talks between sudan ' s government and darfur rebels struggled for survival after one of the two rebel groups said on wednesday the negotiations had collapsed but left open the chance of resumption . -__label__1 , kerry challenges bush record on issues , detroit - sen . john kerry accused president bush on wednesday of presiding over an excuse presidency , challenging bush ' s credibility on jobs , the record national deficit and the war in iraq . . . -__label__3 , imf global financial markets stronger , more resilient , global financial markets are stronger and more resilient than at any time since the stock market bubble burst in the late 1990s , the international monetary fund said wednesday . -__label__4 , lonely men targeted by cell-phone based relationship , hong kong - there #39 s a new service for men seeking true love . a software company has created an artificial girlfriend that lonely men can download to a mobile phone . -__label__2 , giants ' stoutmire tears acl lost for season , east rutherford , n . j . ( sports network ) - the new york giants placed defensive back omar stoutmire on injured reserve wednesday after he tore his anterior cruciate ligament in sunday ' s season-opening 31-17 loss in philadelphia . -__label__1 , jamaica searches for dozens of fishermen after ivan , jamaican military forces searched on wednesday for dozens of fishermen feared missing after hurricane ivan #39 s strike on the caribbean island last weekend , officials said . -__label__3 , infineon to pay a fine in the fixing of chip prices , federal prosecutors announced on wednesday that they had cracked a global cartel that had illegally fixed prices of memory chips in personal computers and servers for -__label__2 , sports khalil greene breaks finger , los angeles khalil ( kuh-leel #39 ) greene has a broken right index finger and will miss the rest of the regular season . the san diego padres shortstop was injured in the fifth inning of monday night #39 s 9-7 victory -__label__3 , techs extend nikkei #39 s rally , technology shares edged up in asia on tuesday , as crude oil prices hovered near \$44 a barrel and the dollar languished ahead of key us economic data . -__label__3 , 2 d . c . men accused of defrauding investors , the securities and exchange commission sued two district men yesterday , charging them with improperly soliciting more than \$1 . 3 million for a real-estate-based ponzi scheme by preying on fears about neighborhood gentrification . -__label__1 , democrats seek louder voice from edwards , at a time when vice president dick cheney has been mocking john kerry , john edwards has adopted a lower-profile stance . -__label__1 , saudis take a small dose of democracy , for the first time in 41 years , saudi arabia is allowing local elections . the ruling family ' s goal , political analysts and diplomats say , is to determine whether a more open government might help defuse a rising armed threat by muslim militants in the kingdom . -__label__2 , magic number down to 10 , new york -- if the braves #39 13th consecutive division title seemed like a foregone conclusion before wednesday , well then it seems doubly so today . -__label__2 , sales #39 28 points help sun beat sting , clinch playoff spot , the connecticut sun clinched a playoff spot for the second straight year behind nykesha sales #39 28 points in an 81-67 win over the charlotte sting on wednesday night . -__label__4 , shareholders approve aether changeover , shareholders approved aether systems inc . ' s sale of one of its two remaining operating divisions wednesday , a deal that will take the owings mills company out of the wireless business and nearly complete its transformation into a mortgage investment fund . < br> \< font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__2 , more troubles for howard , tim howard was quot horribly at fault quot and quot had another bad night , his dreadful error leading to lyon #39 s first goal quot in champions league action . -__label__4 , ibm protects passwords with pc chip , new pcs will ship with a chip designed to thwart hackers--a hardware approach that ' s said to be safer than software . -__label__1 , gunmen seize three britons in baghdad ( reuters ) , reuters - three british nationals , believed to be\civilians , were snatched by gunmen from a house in central\baghdad early on thursday , iraq ' s interior ministry said . -__label__1 , mexico migrant smugglers turning to sea ( ap ) , ap - migrant smugglers are skirting heightened security along the border by using small boats to shuttle people from the under-supervised baja coast into southern california marinas and harbors , already jammed with legal commercial ships and pleasure boat traffic . -__label__1 , intel officials have bleak view for iraq , washington - the national intelligence council presented president bush this summer with several pessimistic scenarios regarding the security situation in iraq , including the possibility of a civil war there before the end of 2005 . in a highly classified national intelligence estimate , the council looked at the political , economic and security situation in the war-torn country and determined that - at best - stability in iraq would be tenuous , a u . s . . . -__label__2 , real madrid ponders biggest champions league loss in four years , real madrid began yesterday #39 s match at bayer leverkusen as the bookmakers #39 favorite to win the champions league . the record nine-time european champion finished with its worst defeat in the competition in more than four years . -__label__3 , european stocks open flat , havas falls ( reuters ) , reuters - european shares opened steady on\thursday , with french advertising group havas falling after\news of a capital increase along with its first-half results\but richemont rallied after reporting strong luxury goods\sales . -__label__1 , briton shot dead by saudi shopping center ( ap ) , ap - a briton who was shot dead outside a saudi shopping center has been identified as an employee of the communications company marconi . -__label__2 , icing call , out of money , out of patience , out of time , and for the foreseeable future , out of business . -__label__1 , assembly debates musharraf role , pakistan ' s national assembly is due to debate whether president musharraf should step down as army leader . -__label__3 , senate panel opposes overtime rules , a senate committee voted yesterday to scuttle new rules that critics say would deny overtime pay to millions of workers , as democrats won the latest round in their election-year bout with president bush over the issue . -__label__1 , afghan court convicts us trio of torture , kabul , afghanistan -- three americans -- led by a former green beret who boasted he had pentagon support -- were found guilty yesterday of torturing afghans in a private jail and were sentenced to prison . -__label__1 , russia ' s putin once again heads ex-soviet bloc ( afp ) , afp - president vladimir putin took over once again as head of the cis ex-soviet bloc at a summit in the kazakh capital astana , the interfax news agency reported . -__label__3 , infineon admits conspiracy in dram cartel , giant memory company infineon will plead guilty to price fixing of dram chips and will pay \$160 million in fines to the us government . -__label__1 , briton , two americans kidnapped in baghdad ( afp ) , afp - two americans and a briton were abducted from their home in a plush baghdad district at dawn , in the latest blow in iraq ' s five-month-old foreign hostage crisis , the interior ministry said . -__label__3 , coke ceo gives pep talk as company lowers outlook , coca-cola #39 s top executive said wednesday the beverage maker needs to work harder , better execute its business strategy and improve its culture as he warned that third-quarter per-share income will drop at least 24 percent from a year ago . -__label__1 , ya #39 alon idf is in advanced stages of preparation for gaza pullout , the army is in a very advanced stage of preparations for a withdrawal from the gaza strip and four small west bank settlements in 2005 , israel defense forces chief of staff , lieutenant -__label__2 , big unit , not bonds , reaches milestone ( ap ) , ap - barry bonds was beaten by randy johnson in the race for baseball ' s latest milestone moment . -__label__1 , indonesian militant sentenced to 12 years in marriott hotel < b> . . . < /b> , an indonesian court sentenced a muslim militant to 12 years in jail on thursday after finding him guilty of involvement in last year #39 s jw marriott hotel bombing in jakarta . -__label__4 , netopia to restate results ( reuters ) , reuters - netopia inc . a maker of\networking gear , on thursday said its auditor kpmg llp\resigned , and said it will restate two years of results and\revise the results in its most recent fiscal quarter . -__label__1 , iraq war allies lash out at annan , key allies in the us-led war in iraq reject un chief kofi annan ' s assertion that the invasion was illegal . -__label__3 , dollar idles vs . euro before u . s . data , london ( reuters ) - the dollar kept close to the previous session ' s one-week highs against the euro on thursday , holding steady as investors awaited u . s . data to confirm fresh signs of strength in u . s . manufacturing . -__label__4 , iomega readies wireless nas device , iomega corp . is soon expected to ship its first network-attached storage ( nas ) device based on wireless networking technology . -__label__4 , yahoo ! tunes in to musicmatch , close watchers of the online music business no doubt noted yesterday #39 s announcement of yahoo ! #39 s ( nasdaq yhoo ) purchase of musicmatch with interest . -__label__1 , un says more money needed for population programs , the united nations released its annual population report on wednesday , and it said it needs more money for population programs . a top united nations official says if more money isn #39 t found for population programs -__label__1 , european abortion debate turns divisive ( ap ) , ap - european parliament legislators on thursday turned a fight over abortion rights in portugal into an emotional and divisive debate on women ' s rights and the division between church and state . -__label__2 , unlv names utah ' s sanford as head coach ( ap ) , ap - calling unlv a gold mine , mike sanford took over as coach of the runnin ' rebels on monday after two years as offensive coordinator at high-scoring utah . -__label__3 , senator criticizes europe #39 s boeing stance , european leaders have been making false claims in a commercial-aircraft trade dispute pitting boeing co . ( ba . n quote , profile , research ) against its europe-based rival airbus , a us senator close to boeing said on thursday . -__label__1 , iran denies any nuclear activity at suspect site parchin , vienna ( afp ) - iran denied that it had carried out any nuclear-related activity at the parchin military site which is the subject of us and un concern . -__label__3 , us august inflation mild , job claims rise , washington ( reuters ) - u . s . consumer prices inched up just 0 . 1 percent last month as gasoline and car prices tumbled , the government said on thursday in a report suggesting an inflation spike earlier this year was an aberration . -__label__3 , hurricane ivan may cost as much as charley , frances ( update3 ) , hurricane ivan , which slammed into the us gulf coast today , may cost insurers \$4 billion to \$10 billion , rivaling hurricanes charley and frances , risk management solutions inc . -__label__4 , judge weighs evidence in ibm , sco case , ibm attorneys argued that utah-based sco group has failed to provide any evidence that ibm allowed proprietary unix code to enter the freely distributed linux operating system and its \$5 billion suit making that claim should be dismissed . -__label__4 , group seeks ways to prosecute cybercrime ( ap ) , ap - governments and private sector officials from around the world sought ways thursday to jointly combat cybercrime , whose growth mirrors the phenomenal rise of the internet ' s popularity . -__label__3 , nortel warns of lower q3 revenue , toronto - nortel networks warned thursday its third-quarter revenue will be below the \$2 . 6 billion us preliminary unaudited revenues it reported for the second quarter . -__label__1 , schooling ' mix up ' hits portugal , schools across portugal turn away pupils because of a teachers ' assignment mix up on the first day of classes . -__label__1 , hurricane ivan blasts alabama , kills 12 , gulf shores , ala . - hurricane ivan slammed ashore early thursday with winds of 130 mph , packing deadly tornadoes and a powerful punch of waves and rain that threatened to swamp communities from louisiana to the florida panhandle . . . -__label__4 , new handheld computer from sony with electroluminescent display , ( cp ) - sony has introduced it #39 s clie peg-vz90 , an entertainment multimedia handheld using palm os 5 . 2 . 1 . the unit boasts the world #39 s largest 480x320 pixels organic electroluminescent ( el ) display , which many regard as a next-generation technology capable -__label__1 , ford to return electric cars to norway ( ap ) , ap - ford motor co . agreed to return about 300 norwegian-built electric cars to the nordic country after protests about plans to scrap them , the country ' s transport minister said thursday . -__label__3 , keep it in the family , the irs is gunning for your inherited ira . follow these steps to avoid costly penalties . -__label__2 , toyota confirms signing of italian driver jarni trulli from sauber , toyota confirmed thursday that jarno trulli will drive for the formula one team starting next season . the italian signed a two-year contract two days ago and will partner german driver -__label__1 , russian duma to launch new school massacre probe , russia will launch a second parliamentary inquiry into the beslan school hostage massacre , duma speaker boris gryzlov said on thursday , marking a further climbdown by authorities who initially ruled out a probe . -__label__4 , czech republic ' s cell operators fined ( ap ) , ap - all three cell phone operators in the czech republic were fined a total of #36 1 . 7 million for breaching competition rules , officials said thursday . -__label__4 , blackberry shrinks phone keyboard , the latest blackberry mobile device packs a traditional qwerty keyboard into 20 keys . -__label__3 , us august inflation mild , job claims rise , us consumer prices inched up just 0 . 1 percent last month as gasoline and car prices tumbled , the government said on thursday in a report suggesting an inflation spike earlier this year was an aberration . -__label__2 , tv war puts tour of india in doubt , australian cricket chiefs fear a battle over television rights could cause next month #39 s test series in india to be cancelled , and last night were seeking clarification from indian board president -__label__1 , sharon acknowledges ignoring road map , prime minister ariel sharon acknowledged that israel was not following the moribund mideast peace plan , and said an israeli pullout from the gaza strip was unlikely to revive it , according -__label__4 , a9 offers search results from five sources , a9 offers search results from five sources\\a9 , the search engine from amazon . com , has relaunched its search engine . it now offers search results from several different sources , including the imdb and of course , amazon . com . \\i decided to search for duke ellington . duke ellington brought about 156 , 000 results ( less than half the . . . -__label__2 , uefa introduces anti-doping program , sofia ( reuters ) - uefa will enforce a new anti-doping program at all levels in and out of competition , a meeting of the european soccer body ' s executive committee decided thursday . -__label__1 , freedom on the march in iraq , bush tells voters ( reuters ) , reuters - president bush said on\thursday freedom was on the march in iraq even as a u . s . \intelligence report depicted a bleak outlook for the country ' s\future . -__label__4 , hurricane ivan slams u . s . gulf coast , hurricane ivan roared into the gulf coast near mobile , alabama , early this morning with peak winds exceeding 125 miles an hour ( 200 kilometers an hour ) . -__label__2 , ferrero upset in second round at china open , beijing , china ( ticker ) -- one day after top-seeded carlos moya of spain lost in straight sets , his second-seeded compatriot followed suit . -__label__4 , crm best practices tco and roi ( newsfactor ) , newsfactor - with crm projects costing millions , even in some mid-size companies , it is no surprise cfos are leading the charge to be sure the most important projects are first , that they are justified , and that they actually deliver on their forecast benefits . -__label__4 , nortel lowers expectations , nortel said it expects revenue for the third quarter to fall short of expectations . -__label__4 , corning begins work on taiwan lcd facility , demand for flat-panel devices means that the time is ripe for factories to churn out more glass . -__label__1 , envoys off to inspect nk blast site , a group of foreign diplomats has left pyongyang on thursday to visit the scene of a mysterious explosion in north korea . quot they went today . -__label__1 , u . s . says new images show iran plans nuclear bomb , vienna ( reuters ) - a senior u . s . official said on thursday that satellite photographs of a suspected nuclear industrial site in iran demonstrated its intention to develop atomic weapons , an allegation tehran dismissed as a new lie . -__label__4 , bea ' s new product chief regroups , the first new face after a company shake-up says bea products will use the advanced research left by departed technology gurus . +__label__2 , gm plans to use woods more creatively ( ap ) , ap - general motors corp . is thrilled that tiger woods will promote buick for the next five years , but gm chairman rick wagoner says the automaker could make better use of the world ' s best-known golfer . +__label__3 , opec increases oil output , the organization of the petroleum exporting countries has agreed to increase output by one million barrels a day in a move to lower oil prices . +__label__1 , pakistan ' s musharraf to retain army post , pakistani president pervez musharraf will stay on as chief of the army staff beyond the date he promised to give up the post , the information minister said on wednesday . +__label__2 , celtic captain mcnamara out for a month , celtic captain jackie mcnamara will be sidelined for at least a month after sustaining ankle ligament damage in tuesday #39 s 3-1 champions league defeat to barcelona . +__label__4 , nokia , nec test new ip multimedia subsystem , two high-tech communications players have completed the first phase in a series of tests to show how a next-generation ip data and communications infrastructure works . +__label__2 , hughes seals rovers return , blackburn tonight installed wales boss mark hughes as their new manager to take over from graeme souness . the identity of the appointment was not a surprise but the speed in which it was announced certainly was . +__label__3 , stewart asks to serve sentence soon , new york sept . 15 , 2004 - millionaire executive martha stewart announced wednesday that she had decided to begin her prison sentence for lying about a stock trade as soon as possible . +__label__2 , marlins righthander burnett to miss friday #39 s start , miami , fl ( sports network ) - florida marlins starting pitcher aj burnett is hampered with inflammation in his right elbow and will miss his scheduled start on friday against the atlanta braves . +__label__4 , cisco joins wimax forum , the networking giant formally signs on to the wireless broadband group as the organization ' s ranks increase . +__label__2 , devil rays thumbnails , at fenway park records boston is 86-56 ( second in the al east ) tampa bay is 61-80 ( fourth in al east ) . tonight ( 7 05 , nesn , weei ) lhp scott kazmir ( 1-1 , 5 . 62 ) vs . +__label__1 , chronology of attacks on westerners in saudi arabia , three suspected muslim militants gunned down a briton in the saudi capital riyadh on wednesday , security sources and diplomats said . +__label__2 , mckenzie ends holdout and returns to green bay ( reuters ) , reuters - green bay packers\cornerback mike mckenzie ended his lengthy holdout wednesday\afternoon and joined his teammates in preparation for week 2 . +__label__2 , usc fires basketball coach henry bibby , los angeles - henry bibby was fired as southern california #39 s basketball coach monday , just four games into his ninth season . the trojans , beset by some player dissension , are 2-2 . +__label__4 , midtier erp vendors can capitalize on oracle antitrust verdict , the door is open for oracle to win its bid for peoplesoft , and for midmarket erp vendors to increase their business . by elena malykhina . +__label__2 , usa searches for winning formula , hal sutton anticipated the question . he had formulated an answer , too , long before he arrived in that milwaukee hotel ballroom to announce his captain #39 s picks and finalize the us ryder cup team . +__label__1 , sudan rejects us-sponsored darfur resolution , sudan on wednesday rejected a us-sponsored un security council draft resolution to punish it over a conflict in its western darfur region , saying the measure was unfair and lacked balance . +__label__4 , btg hits amazon , netflix and others with patent suit , btg , a london-based firm that focuses on intellectual property and technology commercialization , filed suit against amazon . com , barnesandnoble . com and two other internet companies for infringing on patents related to the tracking of users online . +__label__2 , f1 boss loses court case , formula one boss bernie ecclestones control over the sport may be on the decline after a court ruled against him in a dispute with three banks . +__label__1 , bush urges putin uphold russian democracy ( reuters ) , reuters - president bush on wednesday urged\russian president vladimir putin to uphold the principles of\democracy in a carefully worded message expressing concern\about putin ' s proposed political reforms . +__label__1 , darfur peace talks struggle for survival , abuja ( reuters ) - peace talks between sudan ' s government and darfur rebels struggled for survival after one of the two rebel groups said on wednesday the negotiations had collapsed but left open the chance of resumption . +__label__1 , kerry challenges bush record on issues , detroit - sen . john kerry accused president bush on wednesday of presiding over an excuse presidency , challenging bush ' s credibility on jobs , the record national deficit and the war in iraq . . . +__label__3 , imf global financial markets stronger , more resilient , global financial markets are stronger and more resilient than at any time since the stock market bubble burst in the late 1990s , the international monetary fund said wednesday . +__label__4 , lonely men targeted by cell-phone based relationship , hong kong - there #39 s a new service for men seeking true love . a software company has created an artificial girlfriend that lonely men can download to a mobile phone . +__label__2 , giants ' stoutmire tears acl lost for season , east rutherford , n . j . ( sports network ) - the new york giants placed defensive back omar stoutmire on injured reserve wednesday after he tore his anterior cruciate ligament in sunday ' s season-opening 31-17 loss in philadelphia . +__label__1 , jamaica searches for dozens of fishermen after ivan , jamaican military forces searched on wednesday for dozens of fishermen feared missing after hurricane ivan #39 s strike on the caribbean island last weekend , officials said . +__label__3 , infineon to pay a fine in the fixing of chip prices , federal prosecutors announced on wednesday that they had cracked a global cartel that had illegally fixed prices of memory chips in personal computers and servers for +__label__2 , sports khalil greene breaks finger , los angeles khalil ( kuh-leel #39 ) greene has a broken right index finger and will miss the rest of the regular season . the san diego padres shortstop was injured in the fifth inning of monday night #39 s 9-7 victory +__label__3 , techs extend nikkei #39 s rally , technology shares edged up in asia on tuesday , as crude oil prices hovered near \$44 a barrel and the dollar languished ahead of key us economic data . +__label__3 , 2 d . c . men accused of defrauding investors , the securities and exchange commission sued two district men yesterday , charging them with improperly soliciting more than \$1 . 3 million for a real-estate-based ponzi scheme by preying on fears about neighborhood gentrification . +__label__1 , democrats seek louder voice from edwards , at a time when vice president dick cheney has been mocking john kerry , john edwards has adopted a lower-profile stance . +__label__1 , saudis take a small dose of democracy , for the first time in 41 years , saudi arabia is allowing local elections . the ruling family ' s goal , political analysts and diplomats say , is to determine whether a more open government might help defuse a rising armed threat by muslim militants in the kingdom . +__label__2 , magic number down to 10 , new york -- if the braves #39 13th consecutive division title seemed like a foregone conclusion before wednesday , well then it seems doubly so today . +__label__2 , sales #39 28 points help sun beat sting , clinch playoff spot , the connecticut sun clinched a playoff spot for the second straight year behind nykesha sales #39 28 points in an 81-67 win over the charlotte sting on wednesday night . +__label__4 , shareholders approve aether changeover , shareholders approved aether systems inc . ' s sale of one of its two remaining operating divisions wednesday , a deal that will take the owings mills company out of the wireless business and nearly complete its transformation into a mortgage investment fund . < br> \< font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__2 , more troubles for howard , tim howard was quot horribly at fault quot and quot had another bad night , his dreadful error leading to lyon #39 s first goal quot in champions league action . +__label__4 , ibm protects passwords with pc chip , new pcs will ship with a chip designed to thwart hackers--a hardware approach that ' s said to be safer than software . +__label__1 , gunmen seize three britons in baghdad ( reuters ) , reuters - three british nationals , believed to be\civilians , were snatched by gunmen from a house in central\baghdad early on thursday , iraq ' s interior ministry said . +__label__1 , mexico migrant smugglers turning to sea ( ap ) , ap - migrant smugglers are skirting heightened security along the border by using small boats to shuttle people from the under-supervised baja coast into southern california marinas and harbors , already jammed with legal commercial ships and pleasure boat traffic . +__label__1 , intel officials have bleak view for iraq , washington - the national intelligence council presented president bush this summer with several pessimistic scenarios regarding the security situation in iraq , including the possibility of a civil war there before the end of 2005 . in a highly classified national intelligence estimate , the council looked at the political , economic and security situation in the war-torn country and determined that - at best - stability in iraq would be tenuous , a u . s . . . +__label__2 , real madrid ponders biggest champions league loss in four years , real madrid began yesterday #39 s match at bayer leverkusen as the bookmakers #39 favorite to win the champions league . the record nine-time european champion finished with its worst defeat in the competition in more than four years . +__label__3 , european stocks open flat , havas falls ( reuters ) , reuters - european shares opened steady on\thursday , with french advertising group havas falling after\news of a capital increase along with its first-half results\but richemont rallied after reporting strong luxury goods\sales . +__label__1 , briton shot dead by saudi shopping center ( ap ) , ap - a briton who was shot dead outside a saudi shopping center has been identified as an employee of the communications company marconi . +__label__2 , icing call , out of money , out of patience , out of time , and for the foreseeable future , out of business . +__label__1 , assembly debates musharraf role , pakistan ' s national assembly is due to debate whether president musharraf should step down as army leader . +__label__3 , senate panel opposes overtime rules , a senate committee voted yesterday to scuttle new rules that critics say would deny overtime pay to millions of workers , as democrats won the latest round in their election-year bout with president bush over the issue . +__label__1 , afghan court convicts us trio of torture , kabul , afghanistan -- three americans -- led by a former green beret who boasted he had pentagon support -- were found guilty yesterday of torturing afghans in a private jail and were sentenced to prison . +__label__1 , russia ' s putin once again heads ex-soviet bloc ( afp ) , afp - president vladimir putin took over once again as head of the cis ex-soviet bloc at a summit in the kazakh capital astana , the interfax news agency reported . +__label__3 , infineon admits conspiracy in dram cartel , giant memory company infineon will plead guilty to price fixing of dram chips and will pay \$160 million in fines to the us government . +__label__1 , briton , two americans kidnapped in baghdad ( afp ) , afp - two americans and a briton were abducted from their home in a plush baghdad district at dawn , in the latest blow in iraq ' s five-month-old foreign hostage crisis , the interior ministry said . +__label__3 , coke ceo gives pep talk as company lowers outlook , coca-cola #39 s top executive said wednesday the beverage maker needs to work harder , better execute its business strategy and improve its culture as he warned that third-quarter per-share income will drop at least 24 percent from a year ago . +__label__1 , ya #39 alon idf is in advanced stages of preparation for gaza pullout , the army is in a very advanced stage of preparations for a withdrawal from the gaza strip and four small west bank settlements in 2005 , israel defense forces chief of staff , lieutenant +__label__2 , big unit , not bonds , reaches milestone ( ap ) , ap - barry bonds was beaten by randy johnson in the race for baseball ' s latest milestone moment . +__label__1 , indonesian militant sentenced to 12 years in marriott hotel < b> . . . < /b> , an indonesian court sentenced a muslim militant to 12 years in jail on thursday after finding him guilty of involvement in last year #39 s jw marriott hotel bombing in jakarta . +__label__4 , netopia to restate results ( reuters ) , reuters - netopia inc . a maker of\networking gear , on thursday said its auditor kpmg llp\resigned , and said it will restate two years of results and\revise the results in its most recent fiscal quarter . +__label__1 , iraq war allies lash out at annan , key allies in the us-led war in iraq reject un chief kofi annan ' s assertion that the invasion was illegal . +__label__3 , dollar idles vs . euro before u . s . data , london ( reuters ) - the dollar kept close to the previous session ' s one-week highs against the euro on thursday , holding steady as investors awaited u . s . data to confirm fresh signs of strength in u . s . manufacturing . +__label__4 , iomega readies wireless nas device , iomega corp . is soon expected to ship its first network-attached storage ( nas ) device based on wireless networking technology . +__label__4 , yahoo ! tunes in to musicmatch , close watchers of the online music business no doubt noted yesterday #39 s announcement of yahoo ! #39 s ( nasdaq yhoo ) purchase of musicmatch with interest . +__label__1 , un says more money needed for population programs , the united nations released its annual population report on wednesday , and it said it needs more money for population programs . a top united nations official says if more money isn #39 t found for population programs +__label__1 , european abortion debate turns divisive ( ap ) , ap - european parliament legislators on thursday turned a fight over abortion rights in portugal into an emotional and divisive debate on women ' s rights and the division between church and state . +__label__2 , unlv names utah ' s sanford as head coach ( ap ) , ap - calling unlv a gold mine , mike sanford took over as coach of the runnin ' rebels on monday after two years as offensive coordinator at high-scoring utah . +__label__3 , senator criticizes europe #39 s boeing stance , european leaders have been making false claims in a commercial-aircraft trade dispute pitting boeing co . ( ba . n quote , profile , research ) against its europe-based rival airbus , a us senator close to boeing said on thursday . +__label__1 , iran denies any nuclear activity at suspect site parchin , vienna ( afp ) - iran denied that it had carried out any nuclear-related activity at the parchin military site which is the subject of us and un concern . +__label__3 , us august inflation mild , job claims rise , washington ( reuters ) - u . s . consumer prices inched up just 0 . 1 percent last month as gasoline and car prices tumbled , the government said on thursday in a report suggesting an inflation spike earlier this year was an aberration . +__label__3 , hurricane ivan may cost as much as charley , frances ( update3 ) , hurricane ivan , which slammed into the us gulf coast today , may cost insurers \$4 billion to \$10 billion , rivaling hurricanes charley and frances , risk management solutions inc . +__label__4 , judge weighs evidence in ibm , sco case , ibm attorneys argued that utah-based sco group has failed to provide any evidence that ibm allowed proprietary unix code to enter the freely distributed linux operating system and its \$5 billion suit making that claim should be dismissed . +__label__4 , group seeks ways to prosecute cybercrime ( ap ) , ap - governments and private sector officials from around the world sought ways thursday to jointly combat cybercrime , whose growth mirrors the phenomenal rise of the internet ' s popularity . +__label__3 , nortel warns of lower q3 revenue , toronto - nortel networks warned thursday its third-quarter revenue will be below the \$2 . 6 billion us preliminary unaudited revenues it reported for the second quarter . +__label__1 , schooling ' mix up ' hits portugal , schools across portugal turn away pupils because of a teachers ' assignment mix up on the first day of classes . +__label__1 , hurricane ivan blasts alabama , kills 12 , gulf shores , ala . - hurricane ivan slammed ashore early thursday with winds of 130 mph , packing deadly tornadoes and a powerful punch of waves and rain that threatened to swamp communities from louisiana to the florida panhandle . . . +__label__4 , new handheld computer from sony with electroluminescent display , ( cp ) - sony has introduced it #39 s clie peg-vz90 , an entertainment multimedia handheld using palm os 5 . 2 . 1 . the unit boasts the world #39 s largest 480x320 pixels organic electroluminescent ( el ) display , which many regard as a next-generation technology capable +__label__1 , ford to return electric cars to norway ( ap ) , ap - ford motor co . agreed to return about 300 norwegian-built electric cars to the nordic country after protests about plans to scrap them , the country ' s transport minister said thursday . +__label__3 , keep it in the family , the irs is gunning for your inherited ira . follow these steps to avoid costly penalties . +__label__2 , toyota confirms signing of italian driver jarni trulli from sauber , toyota confirmed thursday that jarno trulli will drive for the formula one team starting next season . the italian signed a two-year contract two days ago and will partner german driver +__label__1 , russian duma to launch new school massacre probe , russia will launch a second parliamentary inquiry into the beslan school hostage massacre , duma speaker boris gryzlov said on thursday , marking a further climbdown by authorities who initially ruled out a probe . +__label__4 , czech republic ' s cell operators fined ( ap ) , ap - all three cell phone operators in the czech republic were fined a total of #36 1 . 7 million for breaching competition rules , officials said thursday . +__label__4 , blackberry shrinks phone keyboard , the latest blackberry mobile device packs a traditional qwerty keyboard into 20 keys . +__label__3 , us august inflation mild , job claims rise , us consumer prices inched up just 0 . 1 percent last month as gasoline and car prices tumbled , the government said on thursday in a report suggesting an inflation spike earlier this year was an aberration . +__label__2 , tv war puts tour of india in doubt , australian cricket chiefs fear a battle over television rights could cause next month #39 s test series in india to be cancelled , and last night were seeking clarification from indian board president +__label__1 , sharon acknowledges ignoring road map , prime minister ariel sharon acknowledged that israel was not following the moribund mideast peace plan , and said an israeli pullout from the gaza strip was unlikely to revive it , according +__label__4 , a9 offers search results from five sources , a9 offers search results from five sources\\a9 , the search engine from amazon . com , has relaunched its search engine . it now offers search results from several different sources , including the imdb and of course , amazon . com . \\i decided to search for duke ellington . duke ellington brought about 156 , 000 results ( less than half the . . . +__label__2 , uefa introduces anti-doping program , sofia ( reuters ) - uefa will enforce a new anti-doping program at all levels in and out of competition , a meeting of the european soccer body ' s executive committee decided thursday . +__label__1 , freedom on the march in iraq , bush tells voters ( reuters ) , reuters - president bush said on\thursday freedom was on the march in iraq even as a u . s . \intelligence report depicted a bleak outlook for the country ' s\future . +__label__4 , hurricane ivan slams u . s . gulf coast , hurricane ivan roared into the gulf coast near mobile , alabama , early this morning with peak winds exceeding 125 miles an hour ( 200 kilometers an hour ) . +__label__2 , ferrero upset in second round at china open , beijing , china ( ticker ) -- one day after top-seeded carlos moya of spain lost in straight sets , his second-seeded compatriot followed suit . +__label__4 , crm best practices tco and roi ( newsfactor ) , newsfactor - with crm projects costing millions , even in some mid-size companies , it is no surprise cfos are leading the charge to be sure the most important projects are first , that they are justified , and that they actually deliver on their forecast benefits . +__label__4 , nortel lowers expectations , nortel said it expects revenue for the third quarter to fall short of expectations . +__label__4 , corning begins work on taiwan lcd facility , demand for flat-panel devices means that the time is ripe for factories to churn out more glass . +__label__1 , envoys off to inspect nk blast site , a group of foreign diplomats has left pyongyang on thursday to visit the scene of a mysterious explosion in north korea . quot they went today . +__label__1 , u . s . says new images show iran plans nuclear bomb , vienna ( reuters ) - a senior u . s . official said on thursday that satellite photographs of a suspected nuclear industrial site in iran demonstrated its intention to develop atomic weapons , an allegation tehran dismissed as a new lie . +__label__4 , bea ' s new product chief regroups , the first new face after a company shake-up says bea products will use the advanced research left by departed technology gurus . __label__4 , rim takes new blackberry design overseas , revamped keyboard is key feature of the 7100v , which is headed for european and asian shores . \ -__label__4 , aol drops microsoft antispam technology , com september 16 , 2004 , 1 15 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . -__label__1 , eu wants u . s . aid to boeing clarified ( ap ) , ap - the european union on thursday demanded washington explain more clearly how it subsidizes boeing co . and warned it would counter any u . s . challenge targeting eu rival airbus sas before the world trade organization . -__label__3 , eu , us talks on aircraft aid grounded , us and eu negotiators traded arguments on thursday over state aid for aircraft rivals airbus and boeing , but wound up no closer on a sensitive issue that has gathered steam in the run up to the us presidential election . -__label__4 , texas instruments plans buyback ( reuters ) , reuters - texas instruments inc . , the\largest maker of chips for cellular phones , on thursday said it\plans to buy back #36 1 billion in stock and boost its quarterly\dividend by more than 17 percent , becoming the latest\technology company to return extra cash to investors . -__label__1 , britain awaits results of n . korea blast fact-finding trip ( afp ) , afp - britain is awaiting the findings from a technical analysis of what a group of diplomats saw at the site of a huge explosion in north korea last week , britain ' s minister for east asia said . -__label__4 , kodak , ibm to make digital camera sensors ( ap ) , ap - eastman kodak co . and international business machines corp . thursday said they have agreed to develop and make image sensors for digital still cameras and camera phones . -__label__3 , eu , us talks on aircraft aid grounded , us and eu negotiators disagreed on thursday about state aid for aircraft rivals airbus and boeing , winding up no closer on a sensitive issue that has gathered steam before the us presidential election . -__label__3 , airbus denies backing microsoft in eu case , aircraft maker airbus insisted on thursday it had no intention of taking sides in a microsoft antitrust case , even though it filed a brief in an eu court on the software giant #39 s side . -__label__4 , aol shuns microsoft anti-spam technology , add america online inc . to the growing list of companies and organizations shunning a spam-fighting proposal from microsoft corp . aol cited quot tepid support quot for microsoft #39 s so-called sender id technology , which -__label__4 , -posted by dave . rosenberg 1 51 pm ( pdt ) , in what seems to be one of the more bizarre and confusing aspects of the unholy alliance between sun and microsoft , sun #39 s recent 10k filingincludes previously unseen legalese from the settlement agreement . -__label__3 , after the bell-texas instruments up after sets share buyback , shares of texas instruments inc . ( txn . n quote , profile , research ) rose after the market close on thursday , after the chip maker said it plans to buy back \$1 billion in stock -__label__4 , microsoft/sun documents , if you #39 re up for some light reading , see the links below for the underlying documents that formed microsoft #39 s april settlement with sun microsystems . -__label__2 , in athens , the other olympics , it was a sight the greeks had never seen beneath the ancient temples of the acropolis , dozens of international visitors maneuvered -__label__1 , hong kong #39 s legco elections overcoming the system , the 1 . 784 million voters that participated in hong kong #39 s 2004 legislative council election gave a clear signal that they want democracy sooner rather than later . -__label__1 , russians admit airliner bombing blunder , russian security forces were facing further criticism last night after it was revealed that the two female chechen suicide bombers who destroyed two planes in august with the loss -__label__4 , sun , microsoft clause singles out openoffice , sun microsystems ( quote , chart ) may have saved itself from years of costly litigation when it settled with microsoft over their long-running java dispute , but a clause in the landmark deal has open source supporters parsing its potential impact . -__label__2 , villeneuve back in driver #39 s seat and with a point to prove , canadian jacques villeneuve hopes to take his revenge on former team bar by helping renault take second place in the formula one championship . -__label__3 , corus makes first profit as uk steel plants return to the black , corus , the anglo-dutch steel maker , celebrated its first ever profit yesterday and said its uk plants had contributed to the turnaround . -__label__2 , kluivert gives souness stuttering start at newcastle , patrick kluivert struck twice as graeme souness began his reign at st james park with a 2-0 win over israeli arab side bnei sakhnin in the uefa cup first round , first leg at newcastle united this morning . -__label__1 , parliament invasion spurs security concern ( ap ) , ap - silver buckled shoes , stockings and a ceremonial sword ? time , some say , for parliament ' s archaic security measures to be dragged into the 21st century after what was called the worst security breach at the house of commons since 1642 . -__label__2 , zeile to catch one last time , art howe will fulfill a wish of the retiring todd zeile on friday night zeile will catch tom glavine in pittsburgh , his first time behind the plate in 14 years . -__label__4 , global warming may spur fiercer hurricanes - experts ( reuters ) , reuters - as hurricane ivan and its powerful\winds churned through the gulf of mexico , scientists told\congress on wednesday that global warming could produce\stronger and more destructive hurricanes in the future . -__label__1 , tests show james died of heart attack , los angeles - toxicology and other tests determined that funk singer rick james died last month from a heart attack due to an enlarged heart , with numerous drugs including methamphetamine and cocaine contributing factors , the county coroner announced thursday . the death was declared an accident , said coroner ' s spokesman david campbell , who emphasized that none of the drugs were found to be at life-threatening levels . . . -__label__3 , knight ridder says it will miss targets , knight ridder inc . expects third-quarter earnings to exceed expectations , largely due to a per-share gain of 9 cents related to the finalization of certain tax matters . -__label__4 , delay in shuttle flights , the battering that the hurricanes of the last month has inflicted on nasa centers could strain an already tight schedule for resuming shuttle flights , but it is too early to tell how badly , experts said thursday . -__label__2 , hokies to open acc play , on saturday , virginia tech finally walks into the football room of that exclusive athletic club known as the atlantic coast conference . -__label__4 , airbus sees mobile phone use on planes by 2006 , beijing , sept . 17 ( xinhaunet ) -- european plane maker airbus has reported progress in plans to allow passengers to use mobile phones while in flight with a target date of 2006 . -__label__2 , tigers clip indians 6-4 ( ap ) , ap - eric munson and omar infante each hit two-run homers and detroit ' s bullpen stayed busy all night thursday , leading the tigers to a 6-4 win over the cleveland indians . -__label__4 , corning begins work on taiwan lcd facility , encouraged by the demand for lcds , glass maker corning on thursday said it has broken ground for a second manufacturing facility in taiwan . -__label__4 , forecasters more hurricanes may be on way , ivan , frances and charley delivered three staggering blows to the gulf coast and florida , as well as caribbean island nations , all in just five weeks . -__label__3 , consumer prices climb jobless claims up ( ap ) , ap - consumer prices barely budged in august , suggesting that inflation isn ' t currently a problem for the economy and federal reserve policy-makers can stick with a gradual approach to raising interest rates . -__label__3 , goldman sachs enters fray for takefuji , goldman sachs group inc . may be in talks with the founding family of top japanese consumer finance firm takefuji corp . for a stake of over \$2 . -__label__4 , report russia may have to delay october space launch to < b> . . . < /b> , russia may have to delay october #39 s planned launch of the next international space station crew by up to 10 days to fix a problem on the spacecraft that is to carry them into orbit , russian news agencies reported . -__label__4 , bounties for spammers win limited ftc backing , the ftc gave limited endorsement to the notion of cash rewards for people who help track down e-mail spammers , but suggested that the measure might work in fewer circumstances than had been pushed by some anti-spam activists . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> -__label__3 , old labor tactics resurface in new union , labor experts say unite here , the newly merged union that is representing the dc hotel workers in their current contract dispute , is one of the most outspoken and toughest unions under the afl-cio umbrella . -__label__1 , us , #39 eu-three #39 agree on demand , the bush administration reached a tentative deal yesterday with three european nations at the un nuclear watchdog agency on the next step in confronting iran over its suspected nuclear weapons program . -__label__3 , two hurricanes = two deductibles , many homeowners in the orlando area suffered a double blow when hurricanes charley and frances struck in quick succession . now , they #39 re smarting from a financial one-two punch - two insurance deductibles . -__label__3 , california slashes legal fees in settlement of microsoft case , california lawyers who reached a \$1 . 1 billion class-action settlement with microsoft will get less than half the legal fees they requested . -__label__3 , nikkei hits 2-week closing low , tokyo ( reuters ) - the nikkei average fell for a third straight session to hit a two-week closing low on friday as renewed earnings concerns prompted selling in tokyo electron ltd . , sony corp . and other high-tech stocks . -__label__3 , consumer prices up only slightly , washington - consumer prices barely budged last month , suggesting that inflation isn #39 t currently a problem for the economy and federal reserve policymakers can stick with a gradual approach to raising interest rates . -__label__2 , red sox ready to end jinx , the new york yankees hold the curse of the bambino , the boston massacre and their acquisition of alex rodriguez in their longstanding dominance over the red sox , but recent history suggests changes are coming . -__label__2 , many nhl players head for europe , national hockey league players began scattering across the globe yesterday in search of work on day 1 of the lockout , with no negotiations scheduled between union and management . -__label__2 , woods , mickelson form dynamic us duo , for three days , it had been about dinners , galas , black-tie affairs , and enough social engagements to please paris hilton . -__label__1 , 2 us workers seized in baghdad , baghdad -- kidnappers seized two americans and a briton from their central baghdad villa at dawn yesterday , in a bold raid that could further limit the mobility of foreigners in the iraqi capital . -__label__1 , jeanne heads for bahamas after killing 3 , samana , dominican republic - threatening to regain hurricane strength , tropical storm jeanne headed for the bahamas on a track for the southeastern united states after killing three people and causing extensive damage in the caribbean . the storm forced the evacuation of thousands on thursday as it slammed into the dominican republic after punishing puerto rico with flash floods and deadly winds . . . +__label__4 , aol drops microsoft antispam technology , com september 16 , 2004 , 1 15 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . +__label__1 , eu wants u . s . aid to boeing clarified ( ap ) , ap - the european union on thursday demanded washington explain more clearly how it subsidizes boeing co . and warned it would counter any u . s . challenge targeting eu rival airbus sas before the world trade organization . +__label__3 , eu , us talks on aircraft aid grounded , us and eu negotiators traded arguments on thursday over state aid for aircraft rivals airbus and boeing , but wound up no closer on a sensitive issue that has gathered steam in the run up to the us presidential election . +__label__4 , texas instruments plans buyback ( reuters ) , reuters - texas instruments inc . , the\largest maker of chips for cellular phones , on thursday said it\plans to buy back #36 1 billion in stock and boost its quarterly\dividend by more than 17 percent , becoming the latest\technology company to return extra cash to investors . +__label__1 , britain awaits results of n . korea blast fact-finding trip ( afp ) , afp - britain is awaiting the findings from a technical analysis of what a group of diplomats saw at the site of a huge explosion in north korea last week , britain ' s minister for east asia said . +__label__4 , kodak , ibm to make digital camera sensors ( ap ) , ap - eastman kodak co . and international business machines corp . thursday said they have agreed to develop and make image sensors for digital still cameras and camera phones . +__label__3 , eu , us talks on aircraft aid grounded , us and eu negotiators disagreed on thursday about state aid for aircraft rivals airbus and boeing , winding up no closer on a sensitive issue that has gathered steam before the us presidential election . +__label__3 , airbus denies backing microsoft in eu case , aircraft maker airbus insisted on thursday it had no intention of taking sides in a microsoft antitrust case , even though it filed a brief in an eu court on the software giant #39 s side . +__label__4 , aol shuns microsoft anti-spam technology , add america online inc . to the growing list of companies and organizations shunning a spam-fighting proposal from microsoft corp . aol cited quot tepid support quot for microsoft #39 s so-called sender id technology , which +__label__4 , -posted by dave . rosenberg 1 51 pm ( pdt ) , in what seems to be one of the more bizarre and confusing aspects of the unholy alliance between sun and microsoft , sun #39 s recent 10k filingincludes previously unseen legalese from the settlement agreement . +__label__3 , after the bell-texas instruments up after sets share buyback , shares of texas instruments inc . ( txn . n quote , profile , research ) rose after the market close on thursday , after the chip maker said it plans to buy back \$1 billion in stock +__label__4 , microsoft/sun documents , if you #39 re up for some light reading , see the links below for the underlying documents that formed microsoft #39 s april settlement with sun microsystems . +__label__2 , in athens , the other olympics , it was a sight the greeks had never seen beneath the ancient temples of the acropolis , dozens of international visitors maneuvered +__label__1 , hong kong #39 s legco elections overcoming the system , the 1 . 784 million voters that participated in hong kong #39 s 2004 legislative council election gave a clear signal that they want democracy sooner rather than later . +__label__1 , russians admit airliner bombing blunder , russian security forces were facing further criticism last night after it was revealed that the two female chechen suicide bombers who destroyed two planes in august with the loss +__label__4 , sun , microsoft clause singles out openoffice , sun microsystems ( quote , chart ) may have saved itself from years of costly litigation when it settled with microsoft over their long-running java dispute , but a clause in the landmark deal has open source supporters parsing its potential impact . +__label__2 , villeneuve back in driver #39 s seat and with a point to prove , canadian jacques villeneuve hopes to take his revenge on former team bar by helping renault take second place in the formula one championship . +__label__3 , corus makes first profit as uk steel plants return to the black , corus , the anglo-dutch steel maker , celebrated its first ever profit yesterday and said its uk plants had contributed to the turnaround . +__label__2 , kluivert gives souness stuttering start at newcastle , patrick kluivert struck twice as graeme souness began his reign at st james park with a 2-0 win over israeli arab side bnei sakhnin in the uefa cup first round , first leg at newcastle united this morning . +__label__1 , parliament invasion spurs security concern ( ap ) , ap - silver buckled shoes , stockings and a ceremonial sword ? time , some say , for parliament ' s archaic security measures to be dragged into the 21st century after what was called the worst security breach at the house of commons since 1642 . +__label__2 , zeile to catch one last time , art howe will fulfill a wish of the retiring todd zeile on friday night zeile will catch tom glavine in pittsburgh , his first time behind the plate in 14 years . +__label__4 , global warming may spur fiercer hurricanes - experts ( reuters ) , reuters - as hurricane ivan and its powerful\winds churned through the gulf of mexico , scientists told\congress on wednesday that global warming could produce\stronger and more destructive hurricanes in the future . +__label__1 , tests show james died of heart attack , los angeles - toxicology and other tests determined that funk singer rick james died last month from a heart attack due to an enlarged heart , with numerous drugs including methamphetamine and cocaine contributing factors , the county coroner announced thursday . the death was declared an accident , said coroner ' s spokesman david campbell , who emphasized that none of the drugs were found to be at life-threatening levels . . . +__label__3 , knight ridder says it will miss targets , knight ridder inc . expects third-quarter earnings to exceed expectations , largely due to a per-share gain of 9 cents related to the finalization of certain tax matters . +__label__4 , delay in shuttle flights , the battering that the hurricanes of the last month has inflicted on nasa centers could strain an already tight schedule for resuming shuttle flights , but it is too early to tell how badly , experts said thursday . +__label__2 , hokies to open acc play , on saturday , virginia tech finally walks into the football room of that exclusive athletic club known as the atlantic coast conference . +__label__4 , airbus sees mobile phone use on planes by 2006 , beijing , sept . 17 ( xinhaunet ) -- european plane maker airbus has reported progress in plans to allow passengers to use mobile phones while in flight with a target date of 2006 . +__label__2 , tigers clip indians 6-4 ( ap ) , ap - eric munson and omar infante each hit two-run homers and detroit ' s bullpen stayed busy all night thursday , leading the tigers to a 6-4 win over the cleveland indians . +__label__4 , corning begins work on taiwan lcd facility , encouraged by the demand for lcds , glass maker corning on thursday said it has broken ground for a second manufacturing facility in taiwan . +__label__4 , forecasters more hurricanes may be on way , ivan , frances and charley delivered three staggering blows to the gulf coast and florida , as well as caribbean island nations , all in just five weeks . +__label__3 , consumer prices climb jobless claims up ( ap ) , ap - consumer prices barely budged in august , suggesting that inflation isn ' t currently a problem for the economy and federal reserve policy-makers can stick with a gradual approach to raising interest rates . +__label__3 , goldman sachs enters fray for takefuji , goldman sachs group inc . may be in talks with the founding family of top japanese consumer finance firm takefuji corp . for a stake of over \$2 . +__label__4 , report russia may have to delay october space launch to < b> . . . < /b> , russia may have to delay october #39 s planned launch of the next international space station crew by up to 10 days to fix a problem on the spacecraft that is to carry them into orbit , russian news agencies reported . +__label__4 , bounties for spammers win limited ftc backing , the ftc gave limited endorsement to the notion of cash rewards for people who help track down e-mail spammers , but suggested that the measure might work in fewer circumstances than had been pushed by some anti-spam activists . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> +__label__3 , old labor tactics resurface in new union , labor experts say unite here , the newly merged union that is representing the dc hotel workers in their current contract dispute , is one of the most outspoken and toughest unions under the afl-cio umbrella . +__label__1 , us , #39 eu-three #39 agree on demand , the bush administration reached a tentative deal yesterday with three european nations at the un nuclear watchdog agency on the next step in confronting iran over its suspected nuclear weapons program . +__label__3 , two hurricanes = two deductibles , many homeowners in the orlando area suffered a double blow when hurricanes charley and frances struck in quick succession . now , they #39 re smarting from a financial one-two punch - two insurance deductibles . +__label__3 , california slashes legal fees in settlement of microsoft case , california lawyers who reached a \$1 . 1 billion class-action settlement with microsoft will get less than half the legal fees they requested . +__label__3 , nikkei hits 2-week closing low , tokyo ( reuters ) - the nikkei average fell for a third straight session to hit a two-week closing low on friday as renewed earnings concerns prompted selling in tokyo electron ltd . , sony corp . and other high-tech stocks . +__label__3 , consumer prices up only slightly , washington - consumer prices barely budged last month , suggesting that inflation isn #39 t currently a problem for the economy and federal reserve policymakers can stick with a gradual approach to raising interest rates . +__label__2 , red sox ready to end jinx , the new york yankees hold the curse of the bambino , the boston massacre and their acquisition of alex rodriguez in their longstanding dominance over the red sox , but recent history suggests changes are coming . +__label__2 , many nhl players head for europe , national hockey league players began scattering across the globe yesterday in search of work on day 1 of the lockout , with no negotiations scheduled between union and management . +__label__2 , woods , mickelson form dynamic us duo , for three days , it had been about dinners , galas , black-tie affairs , and enough social engagements to please paris hilton . +__label__1 , 2 us workers seized in baghdad , baghdad -- kidnappers seized two americans and a briton from their central baghdad villa at dawn yesterday , in a bold raid that could further limit the mobility of foreigners in the iraqi capital . +__label__1 , jeanne heads for bahamas after killing 3 , samana , dominican republic - threatening to regain hurricane strength , tropical storm jeanne headed for the bahamas on a track for the southeastern united states after killing three people and causing extensive damage in the caribbean . the storm forced the evacuation of thousands on thursday as it slammed into the dominican republic after punishing puerto rico with flash floods and deadly winds . . . __label__4 , fsb fud over foi , you cry , < strong> letters< /strong> the postbag , and your miscellaneous musings -__label__1 , cameroon leader ' s ' divide and rule ' , cameroonian politician john fru ndi stands as presidential candidate in next month ' s election , splitting the opposition coalition . -__label__4 , sex drive with gina lynn , wired news introduces a new column by regina lynn preciado . it ' s about sex . and technology . you ' ll dig it . -__label__4 , british music fans decry itunes pricing , consumer group complains of higher prices in u . k . than elsewhere in europe . -__label__1 , basayev claims responsibility for beslan school hostage siege , a chechen rebel commander has claimed responsibility for the school hostage siege in southern russia earlier this month , during which more than 320 hostages were killed , half of them children . -__label__4 , foreseeing the suns fate astronomical interferometry reveals < b> . . . < /b> , for the first time , an international team of astronomers led by guy perrin from the paris observatory/lesia , ( meudon , france ) and stephen ridgway from the national optical astronomy observatory ( tucson , arizona , usa ) has observed the close environment of -__label__4 , new media players too small , it was a holy grail looming on the personal electronics horizon a pocket-sized device with a workhorse battery and the capacity to hold hours of audio and video . -__label__2 , butt facing ban , newcastle midfielder nicky butt is facing up to the possibility of a three-match european ban for his moment of uefa cup madness . the 29-year-old england international lost his cool with hapoel bnei sakhnin -__label__1 , one held in jakarta embassy blast probe , indonesian police said on friday they had made their first arrest directly linked to last week #39 s deadly embassy bombing in jakarta , detaining a man who delivered explosives to those blamed for the attack . -__label__2 , #39 emperor #39 adriano has inter under his rule , one match into the italian league season and ( emperor ) adriano already has inter milan under his rule . the brazilian striker has scored six goals in inter #39 s first four matches this season , including -__label__2 , europe take charge at oakland hills , bloomfield hills , michigan ( reuters ) - colin montgomerie inspired an early charge by holders europe as they led the united states in three of the four opening fourball matches at the 35th ryder cup on friday . -__label__1 , \$78 , 000 for a cane that helped a legend walk the line , many of johnny cash ' s possessions were sold at sotheby ' s , collecting \$3 , 984 , 260 for the cash family , more than double the pre-auction estimate . -__label__2 , butt waits on uefa ruling , newcastle midfielder nicky butt is facing up to the possibility of a european three-match ban . the 29-year-old was sent off during newcastle #39 s 2-0 uefa cup win against hapoel bnei sakhnin for grabbing abas suan by the throat . -__label__2 , usc fires basketball coach henry bibby ( ap ) , ap - henry bibby was fired as southern california ' s basketball coach monday , just four games into his ninth season . the trojans , beset by some player dissension , are 2-2 . -__label__3 , qualcomm raises earnings forecast , qualcomm inc . on friday raised its quarterly profit forecast due to strong demand for its mobile phone technology . the san diego company said it expects earnings per -__label__2 , veteran defender signs with newcastle dyer out with injury , newcastle , england ( sports network ) - central defender ronny johnsen signed a deal with newcastle united until the next transfer window in january . -__label__1 , movie casts afghans as ' stray dogs ' struggling after hell of war ( afp ) , afp - the powerful may wage war , but it is the powerless who suffer its consequences -- that is the message drummed home by quot stray dogs , quot an iranian film on afghanistan ' s pain after years under the control of warlords and foreign masters . -__label__2 , nalbandian is stunned at the chica open , beijing ( reuters ) - resurgent finn jarkko nieminen overpowered david nalbandian 6-2 , 2-6 , 6-2 at the china open on friday as the seeds continued to tumble in beijing . -__label__4 , ibm embraces grid converts , on the eve of a grid-computing conference , big blue says five companies and the epa have plans to build grids . -__label__4 , symantec to offer web-based norton antivirus console , the web console -- to be made available specifically to corporate and enterprise licensees of norton antivirus software -- will allow administrators to distribute virus definitions and product updates on demand . -__label__4 , ibm fits pcs with new hardware-based security chip , ibm is using a microcontroller from national semiconductor that stores passwords , digital certificates and encryption keys . -__label__4 , sandia motor speedway for sale on ebay ( ap ) , ap - and the race is off ! only 29 days and some odd hours left to place your bid on ebay to buy the sandia motor speedway . -__label__2 , pa . golfer cleared of not yelling ' fore ' ( ap ) , ap - a golfer plunked in the face by an errant ball was unable to convince a jury that the man who hit him was negligent for failing to yell fore ! -__label__3 , us stocks up , ford forecast gives a lift , new york ( reuters ) - u . s . blue chips advanced on friday after ford motor co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=f . n target=/stocks/quickinfo/fullquote> f . n< /a> raised its earnings forecasts , while wireless technology provider qualcomm inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=qcom . o target=/stocks/quickinfo/fullquote> qcom . o< /a> limited gains on the nasdaq after saying an accounting review may reduce pretax income . -__label__3 , hurricanes soak knight ridder #39 s 3q , knight ridder inc . , publisher of the miami herald and the philadelphia inquirer , said third-quarter earnings will miss wall street estimates due to the impact of three recent hurricanes on its florida newspapers . -__label__2 , trabelsi back on board with ajax , arsenal target hatem trabelsi has settled his differences with ajax after several months of wrangling . the tunisian international defender was furious after it emerged a clause in his contract prevented him from completing a move to the gunners . -__label__3 , boxer begs bush to back bum bill , members of california ' s congressional team make one last effort to look good for the tech industry back home . -__label__3 , update 1 united needs to cut \$500m more in costs , united airlines , in a bankruptcy court filing in advance of a status hearing friday , has revealed it needs to cut \$500 million more in costs than previously stated . -__label__2 , stellar putting gives europe a 2 - 0 ryder cup lead , inspired by a brilliant putting display , holders europe secured the first two points in the opening fourball matches against the united states at the 35th ryder cup friday . -__label__4 , osdl teams with another open source group , the beaverton-based open source development labs announced this week it is combining some efforts with another open source group to further the adoption of linux . -__label__1 , us airstrikes said to kill at least 44 in iraq , iraqi health officials said american airstrikes that demolished homes late today in a village south of the volatile city of falluja killed at least 44 people and wounded 27 , including women and children . -__label__1 , u . s . jet fires at house in fallujah ( ap ) , ap - an american jet fired a missile at a house where about 10 members of an al-qaida-linked group were believed to be meeting in the sunni insurgent stronghold of fallujah on friday , police and the u . s . military said . at least three people were killed . -__label__4 , aol rejects senderid ( newsfactor ) , newsfactor - questions regarding potential patent issues and skepticism from the \open source community relating to microsoft ' s ( nasdaq msft ) senderid have prompted global internet service provider aol ( nyse aol ) to drop the anti-spam technology . -__label__4 , ati announces hypermemory , ati technologies announced a technology that reduces the need for dedicated graphics memory , which could lead to lower pc system costs . -__label__2 , paralympics open in athens , nearly 4 , 000 disabled athletes are in athens , greece , for friday night #39 s opening ceremony of the largest paralympics in the games #39 44-year history . -__label__2 , update 1-nalbandian suffers beijing shock , finn jarkko nieminen overpowered david nalbandian 6-2 2-6 6-2 at the china open on friday as the seeds continued to tumble in beijing . -__label__1 , mother of jackson accuser testifies , santa maria , calif . - the mother of the boy accusing michael jackson of molestation testified friday she does not remember a private investigator telling her that he was working for one of the pop star ' s attorneys , but believed he worked directly for the singer . . . -__label__3 , hotel locks out employees over impending strike , los angeles -- the labor dispute between workers at nine los angeles county hotels and their employers has intensified , with one of the hotels locking out its laundry workers and replacing them . -__label__4 , xybernaut sews up bright-light mobile pc , the flat-panel atigo t/hb , designed for use in bright outdoor lighting , works as a wearable computer or as a wireless display . -__label__3 , pen can pick some bike u-locks , that u-shaped bike lock that you thought was so secure may be easy pickings for thieves who have nothing more sophisticated than a bic pen . -__label__1 , indonesia #39 blow to democracy #39 , international and domestic observers lambasted on thursday the guilty verdict against tempo magazine #39 s chief editor bambang harymurti and called it a setback for the country #39 s press freedom and democracy . -__label__1 , show lights up paralympics , the xii paralympics begins in athens , after a spectacular opening ceremony . -__label__1 , burundi hold rebels responsible for attack , a burundian rebel movement was responsible for the august 13 slaughter of more than 150 civilians at gatumba refugee camp in burundi , and not the combined forces of hutu and mai-mai fighters who have been blamed for the attack , human rights watch said in -__label__4 , ati shares resources with hypermemory , graphics chipmaker ati ( quote , chart ) unveiled a new technology it said lets its visual chips share system memory for graphics processing . -__label__1 , un #39 s kofe annan calls iraq war illegal , united nations secretary general kofi annan said this week that the us war in iraq is illegal and questioned whether the country could hold credible -__label__1 , us jets hammer iraqi insurgents as deadly bombings rock baghdad , baghdad at least six people were killed in two suicide car bombings in baghdad while another 47 people died in a series of us air strikes around the iraqi insurgent bastion of fallujah . -__label__1 , sudan accuses u . s . over darfur talks breakdown , abuja ( reuters ) - sudan blamed the united states for the failure of three weeks of peace talks between khartoum and darfur rebels on friday , but african union mediators said negotiations would resume in october . -__label__2 , campbell targets city date for arsenal return , sol campbell is expected to play for arsenal #39 s reserves on monday and could be back in the first team for next weekend #39 s visit to manchester city . -__label__4 , open-source spat triggers legal threat , company says it paid for the code that was contributed , against contract , to free mambo publishing software . +__label__1 , cameroon leader ' s ' divide and rule ' , cameroonian politician john fru ndi stands as presidential candidate in next month ' s election , splitting the opposition coalition . +__label__4 , sex drive with gina lynn , wired news introduces a new column by regina lynn preciado . it ' s about sex . and technology . you ' ll dig it . +__label__4 , british music fans decry itunes pricing , consumer group complains of higher prices in u . k . than elsewhere in europe . +__label__1 , basayev claims responsibility for beslan school hostage siege , a chechen rebel commander has claimed responsibility for the school hostage siege in southern russia earlier this month , during which more than 320 hostages were killed , half of them children . +__label__4 , foreseeing the suns fate astronomical interferometry reveals < b> . . . < /b> , for the first time , an international team of astronomers led by guy perrin from the paris observatory/lesia , ( meudon , france ) and stephen ridgway from the national optical astronomy observatory ( tucson , arizona , usa ) has observed the close environment of +__label__4 , new media players too small , it was a holy grail looming on the personal electronics horizon a pocket-sized device with a workhorse battery and the capacity to hold hours of audio and video . +__label__2 , butt facing ban , newcastle midfielder nicky butt is facing up to the possibility of a three-match european ban for his moment of uefa cup madness . the 29-year-old england international lost his cool with hapoel bnei sakhnin +__label__1 , one held in jakarta embassy blast probe , indonesian police said on friday they had made their first arrest directly linked to last week #39 s deadly embassy bombing in jakarta , detaining a man who delivered explosives to those blamed for the attack . +__label__2 , #39 emperor #39 adriano has inter under his rule , one match into the italian league season and ( emperor ) adriano already has inter milan under his rule . the brazilian striker has scored six goals in inter #39 s first four matches this season , including +__label__2 , europe take charge at oakland hills , bloomfield hills , michigan ( reuters ) - colin montgomerie inspired an early charge by holders europe as they led the united states in three of the four opening fourball matches at the 35th ryder cup on friday . +__label__1 , \$78 , 000 for a cane that helped a legend walk the line , many of johnny cash ' s possessions were sold at sotheby ' s , collecting \$3 , 984 , 260 for the cash family , more than double the pre-auction estimate . +__label__2 , butt waits on uefa ruling , newcastle midfielder nicky butt is facing up to the possibility of a european three-match ban . the 29-year-old was sent off during newcastle #39 s 2-0 uefa cup win against hapoel bnei sakhnin for grabbing abas suan by the throat . +__label__2 , usc fires basketball coach henry bibby ( ap ) , ap - henry bibby was fired as southern california ' s basketball coach monday , just four games into his ninth season . the trojans , beset by some player dissension , are 2-2 . +__label__3 , qualcomm raises earnings forecast , qualcomm inc . on friday raised its quarterly profit forecast due to strong demand for its mobile phone technology . the san diego company said it expects earnings per +__label__2 , veteran defender signs with newcastle dyer out with injury , newcastle , england ( sports network ) - central defender ronny johnsen signed a deal with newcastle united until the next transfer window in january . +__label__1 , movie casts afghans as ' stray dogs ' struggling after hell of war ( afp ) , afp - the powerful may wage war , but it is the powerless who suffer its consequences -- that is the message drummed home by quot stray dogs , quot an iranian film on afghanistan ' s pain after years under the control of warlords and foreign masters . +__label__2 , nalbandian is stunned at the chica open , beijing ( reuters ) - resurgent finn jarkko nieminen overpowered david nalbandian 6-2 , 2-6 , 6-2 at the china open on friday as the seeds continued to tumble in beijing . +__label__4 , ibm embraces grid converts , on the eve of a grid-computing conference , big blue says five companies and the epa have plans to build grids . +__label__4 , symantec to offer web-based norton antivirus console , the web console -- to be made available specifically to corporate and enterprise licensees of norton antivirus software -- will allow administrators to distribute virus definitions and product updates on demand . +__label__4 , ibm fits pcs with new hardware-based security chip , ibm is using a microcontroller from national semiconductor that stores passwords , digital certificates and encryption keys . +__label__4 , sandia motor speedway for sale on ebay ( ap ) , ap - and the race is off ! only 29 days and some odd hours left to place your bid on ebay to buy the sandia motor speedway . +__label__2 , pa . golfer cleared of not yelling ' fore ' ( ap ) , ap - a golfer plunked in the face by an errant ball was unable to convince a jury that the man who hit him was negligent for failing to yell fore ! +__label__3 , us stocks up , ford forecast gives a lift , new york ( reuters ) - u . s . blue chips advanced on friday after ford motor co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=f . n target=/stocks/quickinfo/fullquote> f . n< /a> raised its earnings forecasts , while wireless technology provider qualcomm inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=qcom . o target=/stocks/quickinfo/fullquote> qcom . o< /a> limited gains on the nasdaq after saying an accounting review may reduce pretax income . +__label__3 , hurricanes soak knight ridder #39 s 3q , knight ridder inc . , publisher of the miami herald and the philadelphia inquirer , said third-quarter earnings will miss wall street estimates due to the impact of three recent hurricanes on its florida newspapers . +__label__2 , trabelsi back on board with ajax , arsenal target hatem trabelsi has settled his differences with ajax after several months of wrangling . the tunisian international defender was furious after it emerged a clause in his contract prevented him from completing a move to the gunners . +__label__3 , boxer begs bush to back bum bill , members of california ' s congressional team make one last effort to look good for the tech industry back home . +__label__3 , update 1 united needs to cut \$500m more in costs , united airlines , in a bankruptcy court filing in advance of a status hearing friday , has revealed it needs to cut \$500 million more in costs than previously stated . +__label__2 , stellar putting gives europe a 2 - 0 ryder cup lead , inspired by a brilliant putting display , holders europe secured the first two points in the opening fourball matches against the united states at the 35th ryder cup friday . +__label__4 , osdl teams with another open source group , the beaverton-based open source development labs announced this week it is combining some efforts with another open source group to further the adoption of linux . +__label__1 , us airstrikes said to kill at least 44 in iraq , iraqi health officials said american airstrikes that demolished homes late today in a village south of the volatile city of falluja killed at least 44 people and wounded 27 , including women and children . +__label__1 , u . s . jet fires at house in fallujah ( ap ) , ap - an american jet fired a missile at a house where about 10 members of an al-qaida-linked group were believed to be meeting in the sunni insurgent stronghold of fallujah on friday , police and the u . s . military said . at least three people were killed . +__label__4 , aol rejects senderid ( newsfactor ) , newsfactor - questions regarding potential patent issues and skepticism from the \open source community relating to microsoft ' s ( nasdaq msft ) senderid have prompted global internet service provider aol ( nyse aol ) to drop the anti-spam technology . +__label__4 , ati announces hypermemory , ati technologies announced a technology that reduces the need for dedicated graphics memory , which could lead to lower pc system costs . +__label__2 , paralympics open in athens , nearly 4 , 000 disabled athletes are in athens , greece , for friday night #39 s opening ceremony of the largest paralympics in the games #39 44-year history . +__label__2 , update 1-nalbandian suffers beijing shock , finn jarkko nieminen overpowered david nalbandian 6-2 2-6 6-2 at the china open on friday as the seeds continued to tumble in beijing . +__label__1 , mother of jackson accuser testifies , santa maria , calif . - the mother of the boy accusing michael jackson of molestation testified friday she does not remember a private investigator telling her that he was working for one of the pop star ' s attorneys , but believed he worked directly for the singer . . . +__label__3 , hotel locks out employees over impending strike , los angeles -- the labor dispute between workers at nine los angeles county hotels and their employers has intensified , with one of the hotels locking out its laundry workers and replacing them . +__label__4 , xybernaut sews up bright-light mobile pc , the flat-panel atigo t/hb , designed for use in bright outdoor lighting , works as a wearable computer or as a wireless display . +__label__3 , pen can pick some bike u-locks , that u-shaped bike lock that you thought was so secure may be easy pickings for thieves who have nothing more sophisticated than a bic pen . +__label__1 , indonesia #39 blow to democracy #39 , international and domestic observers lambasted on thursday the guilty verdict against tempo magazine #39 s chief editor bambang harymurti and called it a setback for the country #39 s press freedom and democracy . +__label__1 , show lights up paralympics , the xii paralympics begins in athens , after a spectacular opening ceremony . +__label__1 , burundi hold rebels responsible for attack , a burundian rebel movement was responsible for the august 13 slaughter of more than 150 civilians at gatumba refugee camp in burundi , and not the combined forces of hutu and mai-mai fighters who have been blamed for the attack , human rights watch said in +__label__4 , ati shares resources with hypermemory , graphics chipmaker ati ( quote , chart ) unveiled a new technology it said lets its visual chips share system memory for graphics processing . +__label__1 , un #39 s kofe annan calls iraq war illegal , united nations secretary general kofi annan said this week that the us war in iraq is illegal and questioned whether the country could hold credible +__label__1 , us jets hammer iraqi insurgents as deadly bombings rock baghdad , baghdad at least six people were killed in two suicide car bombings in baghdad while another 47 people died in a series of us air strikes around the iraqi insurgent bastion of fallujah . +__label__1 , sudan accuses u . s . over darfur talks breakdown , abuja ( reuters ) - sudan blamed the united states for the failure of three weeks of peace talks between khartoum and darfur rebels on friday , but african union mediators said negotiations would resume in october . +__label__2 , campbell targets city date for arsenal return , sol campbell is expected to play for arsenal #39 s reserves on monday and could be back in the first team for next weekend #39 s visit to manchester city . +__label__4 , open-source spat triggers legal threat , company says it paid for the code that was contributed , against contract , to free mambo publishing software . __label__4 , virus-free macs , #147 the single most effective way to avoid viruses and spyware is to simply chuck windows altogether and buy an apple macintosh , #148 writes walt mossberg in the wall street journal . #147 there has never been a successful virus written for mac os x , and there is almost no spyware that targets the mac . plus , the mac is invulnerable to viruses and spyware written for windows . not only is it more secure , but the mac operating system is more capable , more modern and more attractive than windows xp , and just as stable . #148 sep 17 -__label__2 , olympics athens opens paralympics with ceremonial extravaganza , athens some 70 , 000 spectators filled the athens olympic stadium to watch the densely choreographed and emotionally-charged opening ceremony of the 12th paralympics , the world #39 s premier competition for disabled athletes . -__label__4 , labels , microsoft in talks on cd copying , record labels and microsoft are in discussions about ways that the next generation of the windows operating system , code-named longhorn , can support copy-protected cd technology . -__label__1 , what they said about . . . . . . cherie blair , cherie blair cast aside her treasured privacy this week , touring newspapers offices and television studios to promote the goldfish bowl , her new book , which focuses on downing street spouses . -__label__4 , ftc endorses bounty for spammers , the us federal trade commission has given its endorsement to a plan that would reward insiders for information leading to the arrest and conviction of people or companies that produce spam . -__label__3 , after being bounced around florida is bouncing back , although the three hurricanes that have hit florida led to a broad economic slowdown , the glimmerings of a miniboom are already apparent . -__label__4 , enter your e-mail , if you can #39 t beat google , make it better--that seems to be the lesson of a9 . com , amazon #39 s intriguing new search site . for web searches , a9 simply gives you google #39 s results , but it does a lot more--for instance -__label__3 , mci creditors are target of sec subpoenas , 11 members of mci inc . ' s former creditors committee asked for documents related to confidential communications between the company and its bondholders , according to federal bankruptcy court filings . -__label__2 , crystal palace 0 , charlton athletic 1 , charlton manager alan curbishley believes dennis rommedahl #39 s sparkling winner will provide the platform for the dane to recapture the form that made him one of europe #39 s most feared wingers . -__label__3 , consumers #39 view of economy unchanged , new york - consumers #39 assessment of the economy held largely steady this month , according to a university research report released friday . -__label__1 , five killed in suicide car bombing , three taken hostage in iraq , violence raged on in iraq on friday , with five iraqis killed in a suicide car bombing in baghdad and three more turkish drivers reportedly kidnapped . -__label__3 , us airways said to plan to ask court for pay cuts , s airways plans to ask a federal bankruptcy judge on oct . 7 to impose temporary pay cuts on its workers unless it can reach agreement with its unions before then , people who have been briefed on the company #39 s strategy said yesterday . -__label__4 , ipod rivals square off against apple , a new generation of smaller , sleeker and cheaper mp3 players from the likes of sony , rio , creative and rave mp are hitting the market this fall , and they all have apple computer #39 s white-hot digital music player in their sights . -__label__3 , peoplesoft sweetens employee compensation , business software maker peoplesoft friday said it was boosting compensation packages for all employees except its chief executive in a move that would raise the -__label__1 , panama flooding kills nine people , at least nine people - seven of them children - have died in flooding in the capital of panama . the authorities say at least 13 people are still missing after heavy rainfall caused rivers to break their banks . -__label__2 , pierce longs for old days , rusty pierce has received lessons in pragmatism since joining the revolution four years ago . pierce has performed for teams that have inevitably turned to a direct , linear game , with little emphasis on creativity or imagination . the style paid off the last two seasons , but the revolution might have overly relied on direct play in spending most of this . . . -__label__2 , charlestown opens up in ot , thunder and lightning loomed all day , but never clapped or struck on west roxbury turf . charlestown , however , was the more destructive force , pulling out a 22-18 overtime win over the raiders in a boston north contest . -__label__2 , ** for the latest news , please refresh this page regularly ** , what #39 s up ? i see the whole world has their eyes on the oscar vs . bernard fight . my thought is oscar is coming off with an upset . -__label__2 , subaru world rally team - rally gb , leg 1 report , petter solberg demonstrated his winning potential aboard his subaru impreza wrc2004 today to take three stage wins and end leg one in second position overall . -__label__2 , mini world cup heats up , with the four minnows out of contention , the eight title contenders chase semifinal places in one-day crickets mini world cup with australia first to get there by beating new zealand by seven wickets yesterday in the first group showdown at the -__label__1 , iraqi airways resumes international flights after 14 years , iraqi airways resumed international flights saturday when a plane took off from neighboring jordan , the airline #39 s first such flight since un sanctions were imposed on saddam hussein in 1990 . -__label__3 , thanks for the pageviews , ivan , bad weather has been very good for business at weather . com and other popular forecasting sites . they are posting record traffic in the wake of hurricane ivan ' s arrival on the mainland . by joanna glasner . -__label__4 , apple offers 2004 financial details , apple ' s latest form 10-k filing with the securities and exchange commission offers a look at how the company did this past year , how it thinks it ' s doing and what ' s to come . -__label__4 , linux puts another financial feather in its cap , industry observers say linux ' s similarity to unix , its lower cost and ability to run on intel hardware make the unix market ripe for open-source conquest . -__label__2 , jaguar exit throws f1 deeper into turmoil , london ( reuters ) - formula one , already struggling to shape its future and put on a show , is staring into the abyss after ford ' s decision to pull out and sell its jaguar team . -__label__4 , security firm eyes sasser teen , berlin - a german teenager accused of creating the sasser worm that infected millions of computers around the world is being taught to become a security software programmer , the company that hired him said on friday . -__label__3 , coke to pay new ceo same as predecessor , coca-cola co . ( ko . n quote , profile , research ) , which warned earlier this week of lower-than-expected profits this year , said on friday it will pay chairman and chief executive neville isdell \$1 . -__label__1 , florida supreme court puts nader on state ballot ( afp ) , afp - the florida supreme court has ruled that third-party presidential hopeful ralph nader can appear on ballots in the decisive state , increasing the chance the maverick contender will again influence the outcome of the presidential election . -__label__1 , leader says rebels responsible for siege , moscow sept . 17 , 2004 - chechen rebel leader shamil basayev purportedly took responsibility friday for a bloody school siege and other recent terrorist attacks that have killed more than 430 people , but -__label__1 , russia the losing battle against terrorism and insurgency , terrorism in russia took on horrifying proportions in august and early september when more than 400 people were killed in four separate incidents in a span of less than two weeks . -__label__1 , bush seen vulnerable to kerry among independent voters ( reuters ) , reuters - president bush , who holds\a sizable lead in some polls , still appears to be vulnerable to\democrat john kerry among independent voters whose shifting\loyalties could determine the winner of the november election , \pollsters say . -__label__1 , macaulay culkin released after drug arrest , oklahoma city - former child star macaulay culkin was arrested on drug charges friday during a traffic stop , authorities said . the 24-year-old actor , best known for his role in the home alone movies , was taken into custody on complaints of possession of a controlled dangerous substance without a valid prescription and possession of marijuana , according to the oklahoma county sheriff ' s office . . . -__label__1 , iran is criticized for its lack of candor on nuclear program , the international atomic energy ' s 35-nation board of governors passed a resolution calling for the country to suspend all uranium enrichment activities that could contribute to producing fuel for a nuclear bomb . -__label__3 , florida , alabama pick up the pieces after ivan , people in florida and alabama have started to clean up after hurricane ivan - the third such pummelling for florida alone in just five weeks . -__label__2 , colts ' tough schedule continues with tenn . ( ap ) , ap - talk about testing a defense the indianapolis colts opened the season against tom brady , face steve mcnair this week and then brett favre . they ' re lucky peyton manning plays for their side . -__label__2 , loeb extends lead over solberg , cardiff -- championship leader sebastien loeb took two stage wins to boost his lead over norwegian petter solberg as the rally of britain entered its second leg on saturday . -__label__1 , pakistan tightens noose around al-qaeda militants near afghan border army ( afp ) , afp - pakistani troops have hemmed in al-qaeda-linked foreign fighters and their local allies hiding in tribal border regions with a series of military assaults , a top pakistani general said . -__label__1 , un council poised to vote on darfur resolution , united nations ( reuters ) - the united states and china held last-minute talks on saturday before the u . n . security council was to vote on a resolution that would consider oil sanctions against sudan if it did not stop atrocities in the darfur region . -__label__1 , turkish parliament fails to pass reforms ( ap ) , ap - turkey ' s parliament adjourned saturday without passing a key reform package because of divisions over the government ' s proposal to make adultery a crime , bringing warnings from the european union that delays could hurt turkey ' s chances of membership . -__label__2 , u . s . forced to battle for ryder cup survival , bloomfield hills , michigan ( reuters ) - the u . s . ryder cup team , wounded after a first day mauling , were facing a fight for survival on saturday . -__label__1 , britain doing quot all we can quot for hostage in iraq , prime minister tony blair has his government is doing all in its power to help a kidnapped briton -- but he has avoided a public response to insurgents threatening to kill the man . -__label__4 , barbarians at the digital gate , how spyware , a program that creeps onto a computers hard drive unannounced , is wrecking the internet . -__label__2 , murphy acquitted of sexual abuse charges , basketball hall of fame member calvin murphy , left , sits in a courtroom as he waits for the start of closing arguments in his trial monday , dec . 6 , 2004 , in houston . -__label__1 , sudan says u . n . sanctions would destroy society , khartoum ( reuters ) - sudan said saturday that u . n . sanctions , threatened over atrocities in the darfur region , would lead this society to a complete destruction . -__label__1 , ryder cup europe close on victory , another good day at oakland hills sees europe move 11-5 clear of the usa going into sunday ' s ryder cup singles . -__label__1 , two million take part in all-night cultural festival in rome ( afp ) , afp - two million people massed in the streets of rome and in its monuments and museums overnight , celebrating the italian capital ' s second annual all-night cultural extravaganza , the mayor said . -__label__1 , leaked secrets reveal chaos at heart of blair #39 s iraq plans , tony blair was facing a new iraq crisis last night after explosive evidence emerged from within his own government that he was warned the country would be plunged into chaos after the fall of saddam hussein . -__label__2 , auburn converts second chance to stun lsu , three days after hurricane ivan ravaged the state , in a game that almost did not take place , 14th-ranked auburn rallied saturday for dramatic 10-9 victory over no . -__label__2 , europe puts u . s . in big hole at ryder cup ( ap ) , ap - backed by the clutch performance from its english rookies and reliable play from sergio garcia and lee westwood , europe put the united states in another huge hole saturday by taking an 11-5 lead at the ryder cup and making victory sunday seem like a mere formality . -__label__3 , paper us airways loses loans for 100 jets , washington ( reuters ) - u . s . airways lost the financing for nearly 100 regional jets that were to be a key part of the bankrupt airline ' s restructuring plan , the washington post reported on saturday . -__label__4 , man held in england in cisco code theft ( ap ) , ap - a 20-year-old man has been arrested in england in the theft of the proprietary software blueprints used by cisco systems inc . ' s networking equipment , police and the company confirmed . -__label__3 , san francisco mission district cyclist blew whistle on flawed lock , the triumph last week of the bic pen over expensive , state-of-the-art steel locks has panicked the bicycling community , and churned internet rumor mills about how much the lock manufacturer knew and when the company knew it . -__label__2 , pitchers finally getting job done ? at least it #39 s a start , this is a mirage or a sight to behold . this is something you can #39 t trust with your own eyes , or maybe what you #39 re watching is real . -__label__1 , at least 20 dead in kurkik bombing , a suicide attacker detonated a car bomb near a crowd of people waiting to apply for jobs with the iraqi national guard in the northern city of kirkuk on yesterday , killing at least 20 people and wounding 16 , officials said . -__label__3 , a check on bad banking habits , are you used to getting a fat envelope from your bank with all your canceled checks ? well , soon those checks may not be in the mail . -__label__2 , #39 noles rebound , leon washington ran for 104 yards and a touchdown and florida state sacked alabama-birmingham #39 s darrell hackney eight times saturday night to rebound from a disappointing loss to miami with a 34-7 victory . -__label__2 , bonds takes stock , the distraction of another milestone is gone , and bonds is preparing himself to play every game for the rest of the season . -__label__4 , sea-level rise gives clue to big chill , a sudden influx of freshwater from north america ' s ancient lake agassiz to the north atlantic 8 , 200 years ago triggered a precipitous cooling of the region , scientists believe . now they are trying to predict if and when a similar scenario might happen again . -__label__1 , japan ' s army works out plan to cope with north korean terror attack ( afp ) , afp - japan ' s army has worked out a secret plan to deal with possible large-scale terror attacks by north korea , a press report said . -__label__1 , saudi trial could alter pace of reform , in a hearing room on the 11th floor of the high court of riyadh , two professors and a poet have been standing trial , sometimes drawing overflow crowds of people eager to monitor a case that could alter the pace of political reform in the kingdom . -__label__2 , notables , every baltimore starter reached base at least twice . orioles ' brian roberts set the al record for doubles in a season by a switch hitter with 47 -- also tying cal ripken jr . ' s team record from 1983 . -__label__2 , sloppy win suits badgers , tucson -- booker stanley ran for a career-high 135 yards on 30 carries , including a 7-yard run for wisconsin ' s only touchdown , and the 20th-ranked badgers rallied for a stormy 9-7 victory over arizona yesterday . -__label__3 , malls setting curfews for unchaperoned teens , columbus , ohio -- it ' s 10 on a friday night , and all 15-year-old sylvia fallon wants is to hang out with her friends at the mall . -__label__1 , in china ' s changing society , psychotherapy gains acceptance , beijing -- step back , confucius . move over , mao . dr . freud is making the rounds . once vilified by the communists as a remnant of bourgeois imperialism , the practice of psychology -- and especially the western ritual of going to a therapist -- is gaining popularity in this country of budding capitalists . -__label__2 , gordon favored in #39 chase #39 , louden , nh -- right now , things are going jeff gordon #39 s way . that should enhance his chances of winning a fifth nascar championship . -__label__3 , government to sell stake in oil business , the canadian government is getting out of the oil-and-gas business by selling off its stake in petro-canada for about \$3 . 1 billion . -__label__2 , owen starts as real lose , michael owen admitted real madrid are still looking for the right balance after they lost 1-0 at espanyol in a bad-tempered game on saturday . -__label__2 , georgia rides its defense to victory over marshall , athens , ga . ( sports network ) - michael cooper ran for the only touchdown of the game , as third-ranked georgia rode its defense to a 13-3 victory over marshall at sanford stadium . -__label__2 , bojinov drives lecce into first , valeri bojinov - bulgarias answer to wayne rooney -etted twice as lecce took a conditional serie a lead with a 4-1 cruise past brescia . -__label__1 , eu transport chief hails alitalia accord ( afp ) , afp - eu transport and energy commissioner loyola de palacio hailed the accord reached between alitalia management and staff on a major restructuring plan aimed at keeping the struggling airline in the air . -__label__1 , sudan says it will abide by ' unfair ' un resolution on darfur ( afp ) , afp - sudan has condemned as quot unfair quot a new un resolution calling on khartoum to restore security to the crisis-wracked darfur region or face possible sanctions , but said it would abide by the un ' s demands . -__label__1 , suicide car bombing kills three , wounds seven in northern iraq , a suicide attacker detonated a car bomb sunday near a joint us-iraqi checkpoint , killing three people and wounding seven , including four us soldiers in the northern city of samarra , the military said . -__label__1 , sudan un ruling won #39 t help stop crisis , khartoum , sudan sept . 19 , 2004 - a us-backed united nations resolution threatening oil sanctions for the violence in sudan #39 s darfur region will only make it harder for the government to calm the insurrection there , a sudanese official said sunday . -__label__1 , german far-right profits from anger over reforms , german far-right parties surged in eastern state elections sunday , riding public anger against government welfare cuts and fanning fears among mainstream parties that the country #39 s image could suffer . -__label__2 , stuttgart struggles to draw , berlin , germany ( sports network ) - life without star striker kevin kuranyi began with a scoreless draw for stuttgart against hertha berlin . -__label__1 , girls ' observe ' french scarf ban , only about 100 french muslim girls are breaking the new ban on headscarves at school , the education minister says . -__label__1 , democracy thrives in largest muslim state , indonesia #39 s presidential favorite susilo bambang yudhoyono spent part of a three-day break between the campaign and monday #39 s historic election not resting , but writing . -__label__4 , cisco , microsoft in security showdown , cisco systems and microsoft are headed for a collision over network security , with customers caught in the middle . the two companies have each proposed competing quot end to end quot security architectures , marking -__label__3 , voip becomes new option , jackson is one of the first to take advantage of time warner cable #39 s new venture into voice over internet provider ( voip ) telephone service here and she says it works great . -__label__1 , polls open for indonesia #39 s first direct presidential elections , polls have opened for indonesia #39 s first direct presidential election . election observers say they are impressed with the six-month electoral process , which also chose members of the national assembly and local councils . -__label__2 , camacho #39 quits bernabeu #39 , real madrid coach jose antonio camacho has resigned after the club #39 s poor start to the season , according to reports in spain . cadena ser radio said camacho had told real chairman florentino perez he was quitting -__label__1 , malaysia discovers new bird flu case , kuala lumpur - malaysia discovered new cases of bird flu on sunday within a quarantine area in northern malaysia where workers have struggled for a month to eradicate the virus . -__label__2 , nfl wrap manning wins mvp battle as colts overcome titans , new york ( reuters ) - peyton manning threw for 254 yards and two touchdowns to win his showdown with fellow co-mvp steve mcnair as the indianapolis colts beat the tennessee titans 31-17 in national football league play at nashville on sunday . -__label__3 , air nz , qantas alliance appeal , air new zealand and qantas airways have lost their bid to get their proposed alliance approved in new zealand . new zealand #39 s high court declined the airlines #39 appeal against a nz commerce commission decision to block the alliance . -__label__3 , new zealand court rejects air nz-qantas alliance ( update1 ) , new zealand #39 s high court rejected a proposed alliance between air new zealand ltd . , the nation #39 s largest airline , and australia #39 s qantas airways ltd . -__label__2 , han wins safeway classic , hee-won han sank a five-foot birdie putt at the first playoff hole to beat lorie kane and claim the lpga safeway classic crown won by annika sorenstam for the past two years . -__label__4 , odin technologies aims to be the chief of rfid ( washingtonpost . com ) , washingtonpost . com - rfid tags , the dime-sized devices that can track inventory from the factory to the store , are being embraced as one of the hottest of new technologies . but patrick j . sweeney ii likens most available applications of rfid , or radio frequency identification , to the user-unfriendly personal computers of the 1980s a blank screen and a command prompt . -__label__1 , we must win this new conflict , britain is embroiled in a fresh conflict with iraq as it battles to quash global terrorism for ever , tony blair declared in a stark relabelling of the situation yesterday . -__label__2 , busch takes over , kurt busch dominates sunday ' s sylvania 300 and comes away tied with dale earnhardt jr . for the lead after the first race of the new 10-race championship showdown . -__label__1 , sudanese decry un threat of sanctions , sudan said sunday that the un security council #39 s resolution threatening oil sanctions if it failed to end violence in the country #39 s western region of darfur was unfair -__label__1 , adams backs power-sharing plan , sinn fein president gerry adams recommends his party accept proposals to revive power-sharing . -__label__2 , safin stops youzhny for china open title , marat safin won the china open yestereday , beating fellow russian mikhail youzhny , 7-6 ( 4 ) , 7-5 , to claim his first title in two years . -__label__1 , tropical storm kills at least 90 in haiti , gonaives , haiti - tropical storm jeanne brought raging floodwaters to haiti , killing at least 90 people and leaving dozens of families huddled on rooftops as the storm pushed further out into the open seas on sunday , officials said . floods tore through the northwestern coastal town of gonaives and surrounding areas , covering crops and turning roads into rivers . . . -__label__2 , bears back their coach with win , green bay , wis . - thanks to lovie smiths ambitious words and his teams resolve to uphold them , the long dormant rivalry between chicago and green bay might be back on track . -__label__2 , bryant clinches maiden win , bart bryant clinched his first pga tour title with a three-shot victory in the texas open in san antonio . the 41-year-old , who shot a 60 in his third round to move into a three-stroke lead , hit a final-round 67 to hold off patrick sheehan . -__label__2 , guyanese batsmen lead windies into semis of icc champions trophy , london , england , monday , sept . 20 the west indies cricket squad has secured a place in wednesdays semi-finals of the icc champions trophy thanks in large part to guyanese-born cricketers , ramnaresh sarwan and shivnarine chanderpaul . -__label__3 , bernhard is off the list for key gm post , general motors corp . won #39 t offer its top advanced vehicle development job to former chrysler group chief operating officer wolfgang bernhard but likely will divvy it up instead -__label__4 , sci/tech - virus gang wars on the web , following his arrest in may , the teenage computer wizard admitted to police he wrote the code for sasser and more than two dozen netsky viruses that wreaked havoc across the internet during the first few months of 2004 . -__label__4 , microsoft opens office source code to governments , microsoft corp . will allow governments around the world that use its software to have controlled access to the source code for its pervasive microsoft office 2003 desktop offerings for the first time . -__label__1 , family make plea for iraq briton , the family of a briton held hostage in iraq have issued an emotional plea for his release as the deadline approaches . philip bigley said his brother ken regarded the arab world as his quot home from home quot and -__label__3 , unilever cuts profit forecasts on sluggish sales ( update3 ) , unilever , the world #39 s largest maker of food and soap , cut its full-year earnings forecast after sales of ice cream and cold drinks slumped in europe and demand for beauty and laundry products slowed . -__label__4 , pirates named , prosecutors have named those charged in one of the biggest pirate software seizures in us history . the two-year investigation , dubbed operation digital marauder , resulted in quot one of the largest seizures of -__label__3 , hynix , samil face sanctions for bookrigging , hynix semiconductor , formerly hyundai electronics , was engaged in accounting fraud totaling 2 trillion won in 1999 , financial regulators reported monday . -__label__1 , ex-general has early lead over megawati in indonesia , jakarta ( reuters ) - early returns in indonesia ' s presidential elections monday gave a lead to ex-general susilo bambang yudhoyono , who has vowed firmer leadership to fight terror and boost the economy , over incumbent megawati sukarnoputri . -__label__1 , bush video awarded turner prize , artist jeremy deller wins this year ' s turner prize for a film about us president george bush ' s home town . -__label__4 , back to school and gaming kids , internet-ready schools do little to protect kids from seemingly safe sites whose only reason to exist is invasive marketing aimed directly at young web surfers . these corporate-sponsored ' advergames ' look interactive but the endgame is ' buy . ' -__label__2 , han earns a hand with playoff triumph , hee-won han made a 4-foot birdie putt on the first playoff hole to beat lorie kane and win the safeway classic on sunday at portland , ore . -__label__3 , oracle v . peoplesoft the joke is on . . . , opinion i thought it was a joke when oracle first announced that it was going to try to buy peoplesoft or , at best , a spoiling tactic over peoplesoft #39 s acquisition of jd edwards . -__label__1 , iran may soon resume uranium enrichment ( ap ) , ap - iran may resume uranium enrichment any moment , the nation ' s intelligence minister said on state television monday , two days after the u . n . nuclear watchdog agency demanded that tehran halt all such activity . -__label__4 , media center at your fingertips , apple #39 s splashy digital music player has emboldened microsoft and other technology titans to move quickly to the next frontier in portable entertainment the video ipod , so to speak . -__label__4 , the battle for dr congo ' s wildlife , as donors pledge \$40m to save dr congo ' s wildlife , life in virunga park remains a battle ground . -__label__4 , porn processor settles deceptive-billing charges , washington ( reuters ) - a pornography bill-processing company has agreed to forego \$17 million that it billed computer users in order to settle deceptive-business charges , the u . s . federal trade commission said on monday . -__label__2 , momentum shifted on garcia ' s stellar play , bloomfield township , mich . -- oh , how match no . 2 in yesterday ' s singles proved a fitting contrast in emotions in the final act of the 35th ryder cup matches . -__label__2 , bekele , isinbayeva top track athletes , names ethiopian distance runner kenenisa bekele and russian pole vaulter yelena isinbayeva were named male and female athletes of the year by the world track and field federation . isinbayeva set eight world records in 2004 , including one while winning the gold medal at the olympics . bekele won the 10 , 000 meters in athens and finished second to hicham el guerrouj in . . . -__label__3 , order for saudi tankers goes to hyundai heavy , dubai hyundai heavy industries , the world #39 s largest shipbuilder , has won a saudi order for two large oil tankers as opec pumps near capacity , lifting supertanker prices . -__label__2 , han wins safeway in playoff , hee-won han stumbled her way into a playoff last month , then stumbled in the playoff and lost . on sunday at columbia edgewater country club , she did the opposite , making a clutch birdie on the final hole of -__label__4 , young people practicing unhealthy habits , they show greatest increase in smoking , obesity and poor eating , study says healthdaynews -- smoking , obesity and poor eating habits increased among young people in the united states in the 1990s , a trend that may lead to higher future rates of cancer , heart disease , diabetes and lung disease as that generation ages . that warning comes from a study in the september/october issue of the american journal of health promotion . . . -__label__4 , ' cure ' a 4-letter word for cancer doctors , at a time when more people are cured of cancer than ever before , fewer doctors seem willing to say so . they call the cancer undetectable , or in remission . they tell patients they can quit seeing cancer specialists . they quote statistics and say chances are slim that the disease will come back . -__label__4 , india ' s aztec acquires software testing company for 12 . 1 mln dlrs ( afp ) , afp - indian information technology firm aztec announced it would acquire software testing company disha technologies for 12 . 1 million dollars . -__label__4 , verity , clearforest add structure to data , verity this week will unwrap a software add-on to its search system , designed to make unstructured content more usable in corporate applications . the announcement follows activity from clearforest , which last month introduced version 6 . 0 of its text analytics platform for systematically structuring unstructured data so it can be processed with enterprise data in business intelligence systems . -__label__4 , sun looks for props with new server , storage hardware , sun microsystems will hold its quarterly product launch this week , unleashing a raft of new hardware offerings spanning servers to storage . -__label__1 , malaysia expects to resume poultry exports to singapore soon , by channel newsasia #39 s malaysia correspondent melissa goh . kuala lumpur malaysia expects to resume export of poultry and eggs from two states to singapore by the end of this month but only after meeting conditions set by the island . -__label__4 , viruses aimed at microsoft rise sharply-symantec , < p> \< /p> < p> san francisco ( reuters ) - the number of new viruses and\worms aimed at microsoft corp . ' s < msft . o> ubiquitous windows\operating system rose 400 percent between january and june from\the same year-earlier period , leading computer security company\symantec said on sunday . < /p> -__label__4 , yahoo launching music download service this year , yahoo launching music download service this year\\after its \$160 million aquisition of musicmatch , yahoo is expected to be releasing its own music download service at the end of the year . according to zdnet , yahoo has been in the development phase of its music download service since last year , working with . . . -__label__1 , car bomb kills three in mosul ( ap ) , ap - a car bomb exploded in the northern iraq city of mosul on monday , killing three people , hospital police said . -__label__2 , how does montgomerie rank among the greats ? , scotland #39 s colin montgomerie sank the winning putt at the 35th ryder cup at oakland hills in detroit to ensure the trophy remained in european hands and maintain his unbeaten record in singles matches in the competition . -__label__2 , united apology over website abuse , manchester united have been forced to issue an embarrassing apology to liverpool for an ill-advised attack on the anfield outfit on its own website . -__label__3 , oil hits \$46 as yukos cuts china supply , london ( reuters ) - oil prices hit \$46 on monday after russia ' s yukos suspended some oil exports to china and concern lingered over storm-related supply disruptions into the united states . -__label__4 , webex launches sales center , webex communications is expanding its web conferencing service with an offering designed for sales professionals , the company plans to announce this week . -__label__4 , it companies put to the loyalty test , cisco , ibm , microsoft and sap have the most loyal customers in it , according to a report released today . the fact that they are some of the biggest , most successful it vendors in -__label__2 , bekele and isinbayeva win athletes of the year titles in monaco , monte-carlo - olympic champions kenenisa bekele of ethiopia and yelena isinbayeva of russia have been announced as the 2004 athletes of the year on stage tonight at the climax to the spectacular 2004 world athletics gala at the grimaldi forum , monte-carlo -__label__4 , viruses keep on growing , most it managers won #39 t question the importance of security , but this priority has been sliding between the third and fourth most important focus for companies . -__label__3 , new york times co . cuts 2004 profit targets , new york ( reuters ) - new york times co . on monday forecast third-quarter and full-year earnings below wall street ' s average targets on weak revenue so far in september , sending its shares to two-year lows . -__label__3 , imf ' s rato says us should cut budget deficit ( afp ) , afp - the united states should cuts its fiscal and trade deficits , while europe and japan should take steps to boost economic growth , imf managing director rodrigo rato revealed . -__label__1 , attackers shoot , burn villagers in east congo , killing 14 , un says ( canadian press ) , canadian press - kinshasa , congo ( ap ) - attackers overran a sleeping village in east congo ' s lawless ituri province monday and slaughtered 14 residents , including seven children who were burned alive , a un spokeswoman said . -__label__2 , patriots down cardinals 23 - 12 game stats , the new england patriots struggled to put the pesky arizona cardinals away in what should have been an easy victory of mismatched teams . -__label__3 , rogers wireless whistles and fido responds , its official . microcell telecommunications fido wireless service will be the new dog in rogers wireless communications canadian kennel , and that puppy wasnt cheap . -__label__3 , imf to close harare office , the international monetary fund ( imf ) is closing down its harare representative office at the end of this month , virtually terminating threadbare relations with the crisis-racked southern african nation . -__label__4 , hyperion targets broader base , new essbase 7x is intended to draw customers beyond hyperion ' s usual corporate-finance crowd . -__label__3 , factbox-us fed policymakers #39 recent comments , the federal reserve is widely expected to raise the federal funds rate at its policy meeting on tuesday , sept . 21 , despite recent mixed economic news . -__label__3 , aol pushes into internet shopping , looking for new ways to boost its revenue , america online is launching an online shopping service that won #39 t require an aol account to access . -__label__1 , tropical storm jeanne kills 250 in northern haiti , un reports , tropical storm jeanne killed at least 250 people and injured at least 380 in northern haiti , the united nations said . un spokeswoman denise cook said the bodies of 250 people were in -__label__4 , bush scraps most u . s . sanctions on libya ( reuters ) , reuters - president bush on monday formally\ended the u . s . trade embargo on libya to reward it for giving\up weapons of mass destruction but left in place u . s . \terrorism-related sanctions . -__label__3 , pfizer buys 5 percent stake in medarex , boston ( cbs . mw ) - pharmaceutical powerhouse pfizer is buying a 5 percent stake in biotechnology researcher medarex under their newly signed collaboration deal , according to medarex chief executive donald drakeman . -__label__4 , international space station crew begins preflight exams , moscow ( ap ) -- the replacement crew for the international space station started two days of preflight exams monday , part of final preparations to relieve the two-man russian-american crew finishing a six-month mission . russian cosmonaut salizhan sharipov and u . s . . . -__label__4 , video taking it with you , what kind of things do you want to be truly portable ? that #39 s become an interesting question now that so much is digital in our lives . -__label__4 , avoid security tools you don ' t need , many technologies may be a waste of time and money , researcher says . -__label__4 , us ponders \$250 , 000 bounty on spammers , authorities in the us are considering a \$250 , 000 bounty on spammers in an attempt to close them down . the us federal trade commission ( ftc ) has suggested rewards of anything from \$100 , 000 to \$250 , 000 for information . -__label__2 , aussies ponder pace quartet , australia could again use a four-strong pace attack in tomorrow #39 s champions trophy semifinal as it bids to stretch its winning streak against england in one-day internationals to 15 matches . -__label__4 , sun sets sights on linux vendors ( ap ) , ap - after years of battling microsoft corp . , sun microsystems inc . has set its sights on linux vendors , seeking to jump into a low-end but high-volume market it ' s been accused of ignoring . -__label__1 , france , brazil lead charge for new global anti-poverty campaign , united nations the presidents of brazil and france called for new efforts to fight poverty and hunger in the developing world , including the controversial creation of an international tax , to combat the negative effects of globalization . -__label__1 , the power of radio helps to end uganda #39 s long war , when kenneth banya heard the voices of his former rebel colleagues on the radio calling for an end to uganda #39 s 18-year civil war , he knew it was time to surrender . -__label__2 , heap of trouble for ravens , the baltimore ravens could be without one of their main offensive weapons for up to a month . ravens coach brian billick said on monday that two-time pro bowl tight end todd heap could miss two to four weeks with a severely sprained right ankle . -__label__1 , karzai deputy escapes a roadside bombing , a deputy to afghanistan #39 s president , hamid karzai , escaped a roadside bombing in northern afghanistan on monday , just four days after a rocket was fired at karzai #39 s helicopter as he was heading to a campaign event for the oct . 9 elections . -__label__4 , study wrecks jump 3 days after terrorism , fatal traffic accidents increase sharply in israel on the third day after a terrorist attack , and researchers are searching for an explanation why . -__label__4 , ti touts combo chip with voip , wi-fi , the chipmaker announces a chip that combines voip ( voice over internet protocol ) and wi-fi into a single chip . -__label__1 , scores of iraqis die in 3 days of attacks , us troops fought a gunbattle with insurgents along a busy street in baghdad today , sending passers-by scurrying for cover , witnesses said , five us troops were reported killed in separate clashes in a volatile western province as -__label__4 , tv aims for prime time in digital home , new standard uses web-based protocols to let televisions control other devices in a home . -__label__4 , trusecure merges with betrusted , boston - information security services companies trusecure corp . and betrusted plan to announce on tuesday that they have merged , forming a new company called cybertrust . -__label__4 , jboss 4 . 0 released , jboss , the self-proclaimed professional open source company , released jboss application server 4 . 0 today . the announcement follows closely behind the announcements of jbosscache 1 . 1 and the company #39 s new partnership with sleepycat software . -__label__2 , ankiel impressing cardinals in september ( ap ) , ap - at the very least , rick ankiel is laying the groundwork for a run at the st . louis cardinals ' rotation next season . -__label__4 , a #39 plan b #39 for peoplesoft customers , com september 20 , 2004 , 6 13 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . -__label__2 , silvestre #39 s double goals help man . united beat liverpool , silvestre became man . united #39 s hero as he scored twice to lift a 2-1 victory over liverpool for home side when all eyes were on rio ferdinand as he returned after an eight-match ban on monday . -__label__2 , winslow , mcallister , maddox among injured ( ap ) , ap - the rookie season of cleveland browns tight end kellen winslow jr . may have ended after just two games . -__label__3 , trans-tasman war hots up , air new zealand and qantas airways face the prospect of intensifying competition on its trans-tasman route from other airlines now that a proposed alliance between the pair has been blocked , according to analysts . -__label__4 , mars gases reveal enticing clues for life , water vapour and methane gas have been found in the same places on mars , strengthening speculation that the red planet could be a haven for microbial life , space scientists say . -__label__1 , hu top dog , but more of same for now , china #39 s new leader is forging ahead with policies set by jiang , but trouble with taiwan looms . beijing--having taken over sunday as chairman of the ruling communist party #39 s -__label__4 , europeans hail latest data from mars , the european space agency says data collected by its probe , mars express , has provided new evidence in the search for life on mars . -__label__3 , jury nearly set for enron criminal trial ( reuters ) , reuters - opening arguments in the first criminal\case against former enron corp . employees are set to begin\after a federal court spent monday whittling down a panel of\houston-area residents to find an impartial jury in the city\still stinging from the company ' s downfall . -__label__2 , garcia a key player in europeans #39 success , in the end , the europeans took their shoes off and threw them into the gallery at oakland hills . by amy sancetta , ap . did this mean they were shoo-ins to beat the usa in the ryder cup ? -__label__1 , annan faults both sides of terror war for eroding rule of law , u . n . secretary general kofi annan will tell the 191-member u . n . general assembly on tuesday that the rule of law in the post-sept . 11 world has been eroded both by the united states and by other nations as they battle terrorism , and by islamic extremists and their horrific acts of violence , according to senior u . n . officials . -__label__2 , george loss evicts marlins #39 playoff hopes , miami gardens - monday was supposed to be moving day for the florida marlins , a playoff contender already marked extremely fragile . -__label__3 , us rates seen headed up despite soft-spot worries , federal reserve policy-makers were expected to raise us interest rates on tuesday for a third time this year , continuing to lift borrowing costs from rock -__label__3 , nike profit up 25 pct . on converse boost , nike inc . ( nke . n quote , profile , research ) on monday reported a 25 percent rise in quarterly profit , topping wall street estimates , on strong sales of converse sneakers -__label__1 , us hostage apparently beheaded , ( cbs/ap ) a video posted on an islamic web site monday shows the apparent beheading of a man identified in the tape as american construction contractor eugene armstrong . -__label__1 , colombia militant gunned down , a top leader of colombia #39 s right-wing paramilitaries has been assassinated , throwing into further doubt the ongoing peace process with the government . -__label__2 , james lawton in mourning for big fights of las vegas , en route to las vegas for the world heavyweight title fight between vitali klitschko and britain #39 s danny williams , there is , inevitably , an old stirring of that anticipation which is familiar to almost anyone who has attended a big fight . -__label__1 , pm to discuss strategic partnership , prime minister manmohan singh arrived on tuesday for the first major diplomatic foray that includes talks with us president george w bush , pakistan president pervez musharraf and address to the un general assembly . -__label__4 , free windows doesn #39 t stop linux rush , windows is #39 free #39 in iran , but even there is an increasing move towards linux , according to an afp report . apparently , because iran refuses to abide by international copyright laws , pirated copies of windows make the product free and everyone uses it . -__label__3 , nestle confirms targets after rivals warn , nestle confirmed its 2004 guidance on tuesday , a day after competitors unilever and colgate-palmolive cast doubts over the consumer goods industry #39 s outlook by issuing profit warnings . -__label__1 , jeanne death toll over 600 in haiti , ( 09/21/04 ) -- the death toll keeps rising in haiti . officials say at least 622 people have been killed by hurricane jeanne . jeanne was downgraded to a tropical -__label__4 , oracle uses apple storage gear , apple computer #39 s rack-mounted storage system received a vote of confidence monday , with database giant oracle endorsing the xserve raid as part of an initiative to cut storage costs . -__label__4 , cisco , fujitsu team on high-end networking , fujitsu has joined the networking parade by agreeing to sell cisco #39 s high-end routers and switches in japan . it should come as no surprise as the market for high-end routers heats up . -__label__1 , israel unions start nationwide strike , jerusalem ( reuters ) - israeli unions began a nationwide strike on tuesday expected to affect about 400 , 000 public sector workers and severely hamper international travel . -__label__3 , clouds darken peoplesoft conference , san francisco -- peoplesoft inc . is trying to create a party-like atmosphere at its annual customer conference , but this week ' s gathering may feel more like a wake with rival oracle corp . ' s \$7 . 7 billion takeover bid looming larger than ever . -__label__3 , ask jeeves retools search engine in bid to catch google , yahoo , san francisco -- hoping to emerge from the shadow of its more popular rivals , ask jeeves inc . is adding new tools for visitors to save and organize links to web pages they find through the company ' s online search engine . -__label__4 , sony shows smaller playstation 2 ( ap ) , ap - sony corp . on tuesday showed a smaller book-size playstation 2 going on sale worldwide next month that will help the japanese electronics and entertainment giant cut costs as video-game consoles continue to drop in price . -__label__2 , winning nfl turnover battle does count ( ap ) , ap - joe gibbs had seen it before , although he didn ' t remember on dec . 7 , 1986 , his washington redskins turned the ball over seven times and lost to the new york giants . -__label__1 , bush enforces new us diplomacy ( afp ) , afp - president george w . bush has rewritten us foreign policy during four years at the white house , with the war on terror now taking priority and doubt cast on some traditional alliances . -__label__1 , india seeks new tv bids , the indian board re-opens the bidding for tv rights after australian threaten to cancel their tour . -__label__1 , iran announces uranium conversion tests , defying a key demand set by 35 nations , iran announced tuesday that it has started converting raw uranium into the gas needed for enrichment , a process that can be used to make nuclear weapons . -__label__3 , strong chinese demand props up oil , crude hovers around \$46 a barrel amid demand from most populous country , damage reports from ivan . london ( reuters ) - oil prices held above \$46 a barrel tuesday as china showed no letup in its strong demand -__label__4 , ask jeeves revamps search engine , ask jeeves inc . has made three significant enhancements to its search engine , as the emeryville , california company continues to take aim at its much larger competitors -__label__4 , internet ad revenues jump 40 percent , internet advertising revenues jumped 40 percent in the first half of this year , driven largely by the growing popularity of keyword ads tied to search results . -__label__4 , child abuse leads to adult heart disease , by ed edelson , healthday reporter healthdaynews -- children who are abused or neglected grow up to be adults with a significantly greater risk of heart disease , a new study says . it ' s the first study to show a direct link between a wide range of childhood problems and ischemic heart disease -- blockage of the arteries that leads to heart attacks and other major problems , said maxia dong , a medical epidemiologist at the u . s . . . -__label__4 , gates , ballmer pay holds at about \$900 , 000 , paychecks stay the same for the top two , but compensation changes for other microsoft workers as stock grants replace options . -__label__4 , gates and ballmer get pay raises , bill gates and steve ballmer each received total compensation of \$901 , 667 in microsoft corp . ' s 2004 fiscal year , up 4 . 4 percent from \$863 , 447 one year ago . -__label__4 , will wimax replace dsl ? ( pc world ) , pc world - despite intel ' s support of the emerging wireless technology , some doubt its potential . -__label__3 , stocks edge up , goldman earns give lift , new york ( reuters ) - u . s . stocks edged up on tuesday as investors expected the federal reserve to stay on a course of measured interest-rate increases , while major wall street investment banks rose on higher profits . -__label__1 , election chaos ? ( u . s . news world report ) , u . s . news world report - michael cadigan ' s day job is practicing commercial law in albuquerque . but over eggs at the trendy gold street caffe in the heart of downtown , he and a dozen other lawyers are immersing themselves in the intricacies of election law . on election day , they plan to be out in force for democrat john kerry at polling places across new mexico , where al gore won in 2000 by just 366 votes . quot we know there was a lot of monkey business with counting ballots before , quot says cadigan . quot we want to make sure that doesn ' t happen again . . . . -__label__1 , goss gets senate panel ' s ok for cia post , washington - a senate panel on tuesday approved the nomination of rep . porter goss , r-fla . , to head the cia , overcoming democrats ' objections that goss was too political for the job . . . -__label__4 , us star slams sweet-rustlin ' , phone beepin ' theatre crowd ( afp ) , afp - kevin spacey , the us screen star who is spending a season working for one of london ' s top west end theatres , lashed out at members of the audience who rustle sweet wrappers and forget to turn off their mobile phones during performances . -__label__3 , jolly online shoppers making cash registers jingle , online holiday shoppers this year are making cash registers jingle and meeting analysts #39 expectations as they spent \$8 . 8 billion in november , researchers said monday . -__label__1 , bush condemns beheading of u . s . hostage ( ap ) , ap - president bush on tuesday condemned the beheading of american hostage eugene armstrong , telling interim iraqi prime minister ayad allawi , we will not allow these thugs and terrorists to decide your fate and decide my fate . -__label__3 , martha stewart is allowed to start prison term early , a federal judge ordered martha stewart today to surrender for prison by oct . 8 , granting the ms . stewart ' s request to begin serving her sentence for lying about a stock sale . -__label__3 , ontario securities commission accuses 4 fund mangers of improper < b> . . . < /b> , toronto ( cp ) - the ontario securities commission is warning four canadian mutual fund managers of quot potential enforcement proceedings quot for improper trading . -__label__3 , business week names adler its new editor , stephen j . adler , deputy managing editor of the wall street journal , has been named editor of business week magazine , succeeding stephen b . shepard , who announced last week that he would retire from the magazine to become the first dean of a new -__label__4 , noah ' s ark quest dead in water -- was it a stunt ? , in april a christian activist announced a summer 2004 expedition to search for noah ' s ark . the quest didn ' t happen , and now critics are questioning the project ' s credibility . -__label__2 , golf woods #39 bitter sip from cup , michigan - tiger woods finished the 35th ryder cup on a personal winning note in the last-day singles , but the enigma of his relationship with the biennial team competition remains . -__label__4 , verisign bundles authentication tools , unified support for passwords , smart cards and tokens means better network security , the company says . -__label__4 , study mp3 player market to explode , idc says there ' s tough competition ahead for the ipod as manufacturers launch rival portable jukeboxes . -__label__1 , iraq #39 s sunni-shiite tension rising , the killing of two sunni clerics earlier this week could be part of a slide toward sectarian civil war , analysts say . by howard lafranchi staff writer of the christian science monitor . -__label__4 , ask jeeves search engine gets slim and personal , ask jeeves search engine gets slim and personal\\ask jeeves has introduced new changes which have totally made over the search engine which hopes to give yahoo , msn and google a run for their money . the new changes at ask . com include myjeeves personal search , a revamped local search , and an update . . . +__label__2 , olympics athens opens paralympics with ceremonial extravaganza , athens some 70 , 000 spectators filled the athens olympic stadium to watch the densely choreographed and emotionally-charged opening ceremony of the 12th paralympics , the world #39 s premier competition for disabled athletes . +__label__4 , labels , microsoft in talks on cd copying , record labels and microsoft are in discussions about ways that the next generation of the windows operating system , code-named longhorn , can support copy-protected cd technology . +__label__1 , what they said about . . . . . . cherie blair , cherie blair cast aside her treasured privacy this week , touring newspapers offices and television studios to promote the goldfish bowl , her new book , which focuses on downing street spouses . +__label__4 , ftc endorses bounty for spammers , the us federal trade commission has given its endorsement to a plan that would reward insiders for information leading to the arrest and conviction of people or companies that produce spam . +__label__3 , after being bounced around florida is bouncing back , although the three hurricanes that have hit florida led to a broad economic slowdown , the glimmerings of a miniboom are already apparent . +__label__4 , enter your e-mail , if you can #39 t beat google , make it better--that seems to be the lesson of a9 . com , amazon #39 s intriguing new search site . for web searches , a9 simply gives you google #39 s results , but it does a lot more--for instance +__label__3 , mci creditors are target of sec subpoenas , 11 members of mci inc . ' s former creditors committee asked for documents related to confidential communications between the company and its bondholders , according to federal bankruptcy court filings . +__label__2 , crystal palace 0 , charlton athletic 1 , charlton manager alan curbishley believes dennis rommedahl #39 s sparkling winner will provide the platform for the dane to recapture the form that made him one of europe #39 s most feared wingers . +__label__3 , consumers #39 view of economy unchanged , new york - consumers #39 assessment of the economy held largely steady this month , according to a university research report released friday . +__label__1 , five killed in suicide car bombing , three taken hostage in iraq , violence raged on in iraq on friday , with five iraqis killed in a suicide car bombing in baghdad and three more turkish drivers reportedly kidnapped . +__label__3 , us airways said to plan to ask court for pay cuts , s airways plans to ask a federal bankruptcy judge on oct . 7 to impose temporary pay cuts on its workers unless it can reach agreement with its unions before then , people who have been briefed on the company #39 s strategy said yesterday . +__label__4 , ipod rivals square off against apple , a new generation of smaller , sleeker and cheaper mp3 players from the likes of sony , rio , creative and rave mp are hitting the market this fall , and they all have apple computer #39 s white-hot digital music player in their sights . +__label__3 , peoplesoft sweetens employee compensation , business software maker peoplesoft friday said it was boosting compensation packages for all employees except its chief executive in a move that would raise the +__label__1 , panama flooding kills nine people , at least nine people - seven of them children - have died in flooding in the capital of panama . the authorities say at least 13 people are still missing after heavy rainfall caused rivers to break their banks . +__label__2 , pierce longs for old days , rusty pierce has received lessons in pragmatism since joining the revolution four years ago . pierce has performed for teams that have inevitably turned to a direct , linear game , with little emphasis on creativity or imagination . the style paid off the last two seasons , but the revolution might have overly relied on direct play in spending most of this . . . +__label__2 , charlestown opens up in ot , thunder and lightning loomed all day , but never clapped or struck on west roxbury turf . charlestown , however , was the more destructive force , pulling out a 22-18 overtime win over the raiders in a boston north contest . +__label__2 , ** for the latest news , please refresh this page regularly ** , what #39 s up ? i see the whole world has their eyes on the oscar vs . bernard fight . my thought is oscar is coming off with an upset . +__label__2 , subaru world rally team - rally gb , leg 1 report , petter solberg demonstrated his winning potential aboard his subaru impreza wrc2004 today to take three stage wins and end leg one in second position overall . +__label__2 , mini world cup heats up , with the four minnows out of contention , the eight title contenders chase semifinal places in one-day crickets mini world cup with australia first to get there by beating new zealand by seven wickets yesterday in the first group showdown at the +__label__1 , iraqi airways resumes international flights after 14 years , iraqi airways resumed international flights saturday when a plane took off from neighboring jordan , the airline #39 s first such flight since un sanctions were imposed on saddam hussein in 1990 . +__label__3 , thanks for the pageviews , ivan , bad weather has been very good for business at weather . com and other popular forecasting sites . they are posting record traffic in the wake of hurricane ivan ' s arrival on the mainland . by joanna glasner . +__label__4 , apple offers 2004 financial details , apple ' s latest form 10-k filing with the securities and exchange commission offers a look at how the company did this past year , how it thinks it ' s doing and what ' s to come . +__label__4 , linux puts another financial feather in its cap , industry observers say linux ' s similarity to unix , its lower cost and ability to run on intel hardware make the unix market ripe for open-source conquest . +__label__2 , jaguar exit throws f1 deeper into turmoil , london ( reuters ) - formula one , already struggling to shape its future and put on a show , is staring into the abyss after ford ' s decision to pull out and sell its jaguar team . +__label__4 , security firm eyes sasser teen , berlin - a german teenager accused of creating the sasser worm that infected millions of computers around the world is being taught to become a security software programmer , the company that hired him said on friday . +__label__3 , coke to pay new ceo same as predecessor , coca-cola co . ( ko . n quote , profile , research ) , which warned earlier this week of lower-than-expected profits this year , said on friday it will pay chairman and chief executive neville isdell \$1 . +__label__1 , florida supreme court puts nader on state ballot ( afp ) , afp - the florida supreme court has ruled that third-party presidential hopeful ralph nader can appear on ballots in the decisive state , increasing the chance the maverick contender will again influence the outcome of the presidential election . +__label__1 , leader says rebels responsible for siege , moscow sept . 17 , 2004 - chechen rebel leader shamil basayev purportedly took responsibility friday for a bloody school siege and other recent terrorist attacks that have killed more than 430 people , but +__label__1 , russia the losing battle against terrorism and insurgency , terrorism in russia took on horrifying proportions in august and early september when more than 400 people were killed in four separate incidents in a span of less than two weeks . +__label__1 , bush seen vulnerable to kerry among independent voters ( reuters ) , reuters - president bush , who holds\a sizable lead in some polls , still appears to be vulnerable to\democrat john kerry among independent voters whose shifting\loyalties could determine the winner of the november election , \pollsters say . +__label__1 , macaulay culkin released after drug arrest , oklahoma city - former child star macaulay culkin was arrested on drug charges friday during a traffic stop , authorities said . the 24-year-old actor , best known for his role in the home alone movies , was taken into custody on complaints of possession of a controlled dangerous substance without a valid prescription and possession of marijuana , according to the oklahoma county sheriff ' s office . . . +__label__1 , iran is criticized for its lack of candor on nuclear program , the international atomic energy ' s 35-nation board of governors passed a resolution calling for the country to suspend all uranium enrichment activities that could contribute to producing fuel for a nuclear bomb . +__label__3 , florida , alabama pick up the pieces after ivan , people in florida and alabama have started to clean up after hurricane ivan - the third such pummelling for florida alone in just five weeks . +__label__2 , colts ' tough schedule continues with tenn . ( ap ) , ap - talk about testing a defense the indianapolis colts opened the season against tom brady , face steve mcnair this week and then brett favre . they ' re lucky peyton manning plays for their side . +__label__2 , loeb extends lead over solberg , cardiff -- championship leader sebastien loeb took two stage wins to boost his lead over norwegian petter solberg as the rally of britain entered its second leg on saturday . +__label__1 , pakistan tightens noose around al-qaeda militants near afghan border army ( afp ) , afp - pakistani troops have hemmed in al-qaeda-linked foreign fighters and their local allies hiding in tribal border regions with a series of military assaults , a top pakistani general said . +__label__1 , un council poised to vote on darfur resolution , united nations ( reuters ) - the united states and china held last-minute talks on saturday before the u . n . security council was to vote on a resolution that would consider oil sanctions against sudan if it did not stop atrocities in the darfur region . +__label__1 , turkish parliament fails to pass reforms ( ap ) , ap - turkey ' s parliament adjourned saturday without passing a key reform package because of divisions over the government ' s proposal to make adultery a crime , bringing warnings from the european union that delays could hurt turkey ' s chances of membership . +__label__2 , u . s . forced to battle for ryder cup survival , bloomfield hills , michigan ( reuters ) - the u . s . ryder cup team , wounded after a first day mauling , were facing a fight for survival on saturday . +__label__1 , britain doing quot all we can quot for hostage in iraq , prime minister tony blair has his government is doing all in its power to help a kidnapped briton -- but he has avoided a public response to insurgents threatening to kill the man . +__label__4 , barbarians at the digital gate , how spyware , a program that creeps onto a computers hard drive unannounced , is wrecking the internet . +__label__2 , murphy acquitted of sexual abuse charges , basketball hall of fame member calvin murphy , left , sits in a courtroom as he waits for the start of closing arguments in his trial monday , dec . 6 , 2004 , in houston . +__label__1 , sudan says u . n . sanctions would destroy society , khartoum ( reuters ) - sudan said saturday that u . n . sanctions , threatened over atrocities in the darfur region , would lead this society to a complete destruction . +__label__1 , ryder cup europe close on victory , another good day at oakland hills sees europe move 11-5 clear of the usa going into sunday ' s ryder cup singles . +__label__1 , two million take part in all-night cultural festival in rome ( afp ) , afp - two million people massed in the streets of rome and in its monuments and museums overnight , celebrating the italian capital ' s second annual all-night cultural extravaganza , the mayor said . +__label__1 , leaked secrets reveal chaos at heart of blair #39 s iraq plans , tony blair was facing a new iraq crisis last night after explosive evidence emerged from within his own government that he was warned the country would be plunged into chaos after the fall of saddam hussein . +__label__2 , auburn converts second chance to stun lsu , three days after hurricane ivan ravaged the state , in a game that almost did not take place , 14th-ranked auburn rallied saturday for dramatic 10-9 victory over no . +__label__2 , europe puts u . s . in big hole at ryder cup ( ap ) , ap - backed by the clutch performance from its english rookies and reliable play from sergio garcia and lee westwood , europe put the united states in another huge hole saturday by taking an 11-5 lead at the ryder cup and making victory sunday seem like a mere formality . +__label__3 , paper us airways loses loans for 100 jets , washington ( reuters ) - u . s . airways lost the financing for nearly 100 regional jets that were to be a key part of the bankrupt airline ' s restructuring plan , the washington post reported on saturday . +__label__4 , man held in england in cisco code theft ( ap ) , ap - a 20-year-old man has been arrested in england in the theft of the proprietary software blueprints used by cisco systems inc . ' s networking equipment , police and the company confirmed . +__label__3 , san francisco mission district cyclist blew whistle on flawed lock , the triumph last week of the bic pen over expensive , state-of-the-art steel locks has panicked the bicycling community , and churned internet rumor mills about how much the lock manufacturer knew and when the company knew it . +__label__2 , pitchers finally getting job done ? at least it #39 s a start , this is a mirage or a sight to behold . this is something you can #39 t trust with your own eyes , or maybe what you #39 re watching is real . +__label__1 , at least 20 dead in kurkik bombing , a suicide attacker detonated a car bomb near a crowd of people waiting to apply for jobs with the iraqi national guard in the northern city of kirkuk on yesterday , killing at least 20 people and wounding 16 , officials said . +__label__3 , a check on bad banking habits , are you used to getting a fat envelope from your bank with all your canceled checks ? well , soon those checks may not be in the mail . +__label__2 , #39 noles rebound , leon washington ran for 104 yards and a touchdown and florida state sacked alabama-birmingham #39 s darrell hackney eight times saturday night to rebound from a disappointing loss to miami with a 34-7 victory . +__label__2 , bonds takes stock , the distraction of another milestone is gone , and bonds is preparing himself to play every game for the rest of the season . +__label__4 , sea-level rise gives clue to big chill , a sudden influx of freshwater from north america ' s ancient lake agassiz to the north atlantic 8 , 200 years ago triggered a precipitous cooling of the region , scientists believe . now they are trying to predict if and when a similar scenario might happen again . +__label__1 , japan ' s army works out plan to cope with north korean terror attack ( afp ) , afp - japan ' s army has worked out a secret plan to deal with possible large-scale terror attacks by north korea , a press report said . +__label__1 , saudi trial could alter pace of reform , in a hearing room on the 11th floor of the high court of riyadh , two professors and a poet have been standing trial , sometimes drawing overflow crowds of people eager to monitor a case that could alter the pace of political reform in the kingdom . +__label__2 , notables , every baltimore starter reached base at least twice . orioles ' brian roberts set the al record for doubles in a season by a switch hitter with 47 -- also tying cal ripken jr . ' s team record from 1983 . +__label__2 , sloppy win suits badgers , tucson -- booker stanley ran for a career-high 135 yards on 30 carries , including a 7-yard run for wisconsin ' s only touchdown , and the 20th-ranked badgers rallied for a stormy 9-7 victory over arizona yesterday . +__label__3 , malls setting curfews for unchaperoned teens , columbus , ohio -- it ' s 10 on a friday night , and all 15-year-old sylvia fallon wants is to hang out with her friends at the mall . +__label__1 , in china ' s changing society , psychotherapy gains acceptance , beijing -- step back , confucius . move over , mao . dr . freud is making the rounds . once vilified by the communists as a remnant of bourgeois imperialism , the practice of psychology -- and especially the western ritual of going to a therapist -- is gaining popularity in this country of budding capitalists . +__label__2 , gordon favored in #39 chase #39 , louden , nh -- right now , things are going jeff gordon #39 s way . that should enhance his chances of winning a fifth nascar championship . +__label__3 , government to sell stake in oil business , the canadian government is getting out of the oil-and-gas business by selling off its stake in petro-canada for about \$3 . 1 billion . +__label__2 , owen starts as real lose , michael owen admitted real madrid are still looking for the right balance after they lost 1-0 at espanyol in a bad-tempered game on saturday . +__label__2 , georgia rides its defense to victory over marshall , athens , ga . ( sports network ) - michael cooper ran for the only touchdown of the game , as third-ranked georgia rode its defense to a 13-3 victory over marshall at sanford stadium . +__label__2 , bojinov drives lecce into first , valeri bojinov - bulgarias answer to wayne rooney -etted twice as lecce took a conditional serie a lead with a 4-1 cruise past brescia . +__label__1 , eu transport chief hails alitalia accord ( afp ) , afp - eu transport and energy commissioner loyola de palacio hailed the accord reached between alitalia management and staff on a major restructuring plan aimed at keeping the struggling airline in the air . +__label__1 , sudan says it will abide by ' unfair ' un resolution on darfur ( afp ) , afp - sudan has condemned as quot unfair quot a new un resolution calling on khartoum to restore security to the crisis-wracked darfur region or face possible sanctions , but said it would abide by the un ' s demands . +__label__1 , suicide car bombing kills three , wounds seven in northern iraq , a suicide attacker detonated a car bomb sunday near a joint us-iraqi checkpoint , killing three people and wounding seven , including four us soldiers in the northern city of samarra , the military said . +__label__1 , sudan un ruling won #39 t help stop crisis , khartoum , sudan sept . 19 , 2004 - a us-backed united nations resolution threatening oil sanctions for the violence in sudan #39 s darfur region will only make it harder for the government to calm the insurrection there , a sudanese official said sunday . +__label__1 , german far-right profits from anger over reforms , german far-right parties surged in eastern state elections sunday , riding public anger against government welfare cuts and fanning fears among mainstream parties that the country #39 s image could suffer . +__label__2 , stuttgart struggles to draw , berlin , germany ( sports network ) - life without star striker kevin kuranyi began with a scoreless draw for stuttgart against hertha berlin . +__label__1 , girls ' observe ' french scarf ban , only about 100 french muslim girls are breaking the new ban on headscarves at school , the education minister says . +__label__1 , democracy thrives in largest muslim state , indonesia #39 s presidential favorite susilo bambang yudhoyono spent part of a three-day break between the campaign and monday #39 s historic election not resting , but writing . +__label__4 , cisco , microsoft in security showdown , cisco systems and microsoft are headed for a collision over network security , with customers caught in the middle . the two companies have each proposed competing quot end to end quot security architectures , marking +__label__3 , voip becomes new option , jackson is one of the first to take advantage of time warner cable #39 s new venture into voice over internet provider ( voip ) telephone service here and she says it works great . +__label__1 , polls open for indonesia #39 s first direct presidential elections , polls have opened for indonesia #39 s first direct presidential election . election observers say they are impressed with the six-month electoral process , which also chose members of the national assembly and local councils . +__label__2 , camacho #39 quits bernabeu #39 , real madrid coach jose antonio camacho has resigned after the club #39 s poor start to the season , according to reports in spain . cadena ser radio said camacho had told real chairman florentino perez he was quitting +__label__1 , malaysia discovers new bird flu case , kuala lumpur - malaysia discovered new cases of bird flu on sunday within a quarantine area in northern malaysia where workers have struggled for a month to eradicate the virus . +__label__2 , nfl wrap manning wins mvp battle as colts overcome titans , new york ( reuters ) - peyton manning threw for 254 yards and two touchdowns to win his showdown with fellow co-mvp steve mcnair as the indianapolis colts beat the tennessee titans 31-17 in national football league play at nashville on sunday . +__label__3 , air nz , qantas alliance appeal , air new zealand and qantas airways have lost their bid to get their proposed alliance approved in new zealand . new zealand #39 s high court declined the airlines #39 appeal against a nz commerce commission decision to block the alliance . +__label__3 , new zealand court rejects air nz-qantas alliance ( update1 ) , new zealand #39 s high court rejected a proposed alliance between air new zealand ltd . , the nation #39 s largest airline , and australia #39 s qantas airways ltd . +__label__2 , han wins safeway classic , hee-won han sank a five-foot birdie putt at the first playoff hole to beat lorie kane and claim the lpga safeway classic crown won by annika sorenstam for the past two years . +__label__4 , odin technologies aims to be the chief of rfid ( washingtonpost . com ) , washingtonpost . com - rfid tags , the dime-sized devices that can track inventory from the factory to the store , are being embraced as one of the hottest of new technologies . but patrick j . sweeney ii likens most available applications of rfid , or radio frequency identification , to the user-unfriendly personal computers of the 1980s a blank screen and a command prompt . +__label__1 , we must win this new conflict , britain is embroiled in a fresh conflict with iraq as it battles to quash global terrorism for ever , tony blair declared in a stark relabelling of the situation yesterday . +__label__2 , busch takes over , kurt busch dominates sunday ' s sylvania 300 and comes away tied with dale earnhardt jr . for the lead after the first race of the new 10-race championship showdown . +__label__1 , sudanese decry un threat of sanctions , sudan said sunday that the un security council #39 s resolution threatening oil sanctions if it failed to end violence in the country #39 s western region of darfur was unfair +__label__1 , adams backs power-sharing plan , sinn fein president gerry adams recommends his party accept proposals to revive power-sharing . +__label__2 , safin stops youzhny for china open title , marat safin won the china open yestereday , beating fellow russian mikhail youzhny , 7-6 ( 4 ) , 7-5 , to claim his first title in two years . +__label__1 , tropical storm kills at least 90 in haiti , gonaives , haiti - tropical storm jeanne brought raging floodwaters to haiti , killing at least 90 people and leaving dozens of families huddled on rooftops as the storm pushed further out into the open seas on sunday , officials said . floods tore through the northwestern coastal town of gonaives and surrounding areas , covering crops and turning roads into rivers . . . +__label__2 , bears back their coach with win , green bay , wis . - thanks to lovie smiths ambitious words and his teams resolve to uphold them , the long dormant rivalry between chicago and green bay might be back on track . +__label__2 , bryant clinches maiden win , bart bryant clinched his first pga tour title with a three-shot victory in the texas open in san antonio . the 41-year-old , who shot a 60 in his third round to move into a three-stroke lead , hit a final-round 67 to hold off patrick sheehan . +__label__2 , guyanese batsmen lead windies into semis of icc champions trophy , london , england , monday , sept . 20 the west indies cricket squad has secured a place in wednesdays semi-finals of the icc champions trophy thanks in large part to guyanese-born cricketers , ramnaresh sarwan and shivnarine chanderpaul . +__label__3 , bernhard is off the list for key gm post , general motors corp . won #39 t offer its top advanced vehicle development job to former chrysler group chief operating officer wolfgang bernhard but likely will divvy it up instead +__label__4 , sci/tech - virus gang wars on the web , following his arrest in may , the teenage computer wizard admitted to police he wrote the code for sasser and more than two dozen netsky viruses that wreaked havoc across the internet during the first few months of 2004 . +__label__4 , microsoft opens office source code to governments , microsoft corp . will allow governments around the world that use its software to have controlled access to the source code for its pervasive microsoft office 2003 desktop offerings for the first time . +__label__1 , family make plea for iraq briton , the family of a briton held hostage in iraq have issued an emotional plea for his release as the deadline approaches . philip bigley said his brother ken regarded the arab world as his quot home from home quot and +__label__3 , unilever cuts profit forecasts on sluggish sales ( update3 ) , unilever , the world #39 s largest maker of food and soap , cut its full-year earnings forecast after sales of ice cream and cold drinks slumped in europe and demand for beauty and laundry products slowed . +__label__4 , pirates named , prosecutors have named those charged in one of the biggest pirate software seizures in us history . the two-year investigation , dubbed operation digital marauder , resulted in quot one of the largest seizures of +__label__3 , hynix , samil face sanctions for bookrigging , hynix semiconductor , formerly hyundai electronics , was engaged in accounting fraud totaling 2 trillion won in 1999 , financial regulators reported monday . +__label__1 , ex-general has early lead over megawati in indonesia , jakarta ( reuters ) - early returns in indonesia ' s presidential elections monday gave a lead to ex-general susilo bambang yudhoyono , who has vowed firmer leadership to fight terror and boost the economy , over incumbent megawati sukarnoputri . +__label__1 , bush video awarded turner prize , artist jeremy deller wins this year ' s turner prize for a film about us president george bush ' s home town . +__label__4 , back to school and gaming kids , internet-ready schools do little to protect kids from seemingly safe sites whose only reason to exist is invasive marketing aimed directly at young web surfers . these corporate-sponsored ' advergames ' look interactive but the endgame is ' buy . ' +__label__2 , han earns a hand with playoff triumph , hee-won han made a 4-foot birdie putt on the first playoff hole to beat lorie kane and win the safeway classic on sunday at portland , ore . +__label__3 , oracle v . peoplesoft the joke is on . . . , opinion i thought it was a joke when oracle first announced that it was going to try to buy peoplesoft or , at best , a spoiling tactic over peoplesoft #39 s acquisition of jd edwards . +__label__1 , iran may soon resume uranium enrichment ( ap ) , ap - iran may resume uranium enrichment any moment , the nation ' s intelligence minister said on state television monday , two days after the u . n . nuclear watchdog agency demanded that tehran halt all such activity . +__label__4 , media center at your fingertips , apple #39 s splashy digital music player has emboldened microsoft and other technology titans to move quickly to the next frontier in portable entertainment the video ipod , so to speak . +__label__4 , the battle for dr congo ' s wildlife , as donors pledge \$40m to save dr congo ' s wildlife , life in virunga park remains a battle ground . +__label__4 , porn processor settles deceptive-billing charges , washington ( reuters ) - a pornography bill-processing company has agreed to forego \$17 million that it billed computer users in order to settle deceptive-business charges , the u . s . federal trade commission said on monday . +__label__2 , momentum shifted on garcia ' s stellar play , bloomfield township , mich . -- oh , how match no . 2 in yesterday ' s singles proved a fitting contrast in emotions in the final act of the 35th ryder cup matches . +__label__2 , bekele , isinbayeva top track athletes , names ethiopian distance runner kenenisa bekele and russian pole vaulter yelena isinbayeva were named male and female athletes of the year by the world track and field federation . isinbayeva set eight world records in 2004 , including one while winning the gold medal at the olympics . bekele won the 10 , 000 meters in athens and finished second to hicham el guerrouj in . . . +__label__3 , order for saudi tankers goes to hyundai heavy , dubai hyundai heavy industries , the world #39 s largest shipbuilder , has won a saudi order for two large oil tankers as opec pumps near capacity , lifting supertanker prices . +__label__2 , han wins safeway in playoff , hee-won han stumbled her way into a playoff last month , then stumbled in the playoff and lost . on sunday at columbia edgewater country club , she did the opposite , making a clutch birdie on the final hole of +__label__4 , young people practicing unhealthy habits , they show greatest increase in smoking , obesity and poor eating , study says healthdaynews -- smoking , obesity and poor eating habits increased among young people in the united states in the 1990s , a trend that may lead to higher future rates of cancer , heart disease , diabetes and lung disease as that generation ages . that warning comes from a study in the september/october issue of the american journal of health promotion . . . +__label__4 , ' cure ' a 4-letter word for cancer doctors , at a time when more people are cured of cancer than ever before , fewer doctors seem willing to say so . they call the cancer undetectable , or in remission . they tell patients they can quit seeing cancer specialists . they quote statistics and say chances are slim that the disease will come back . +__label__4 , india ' s aztec acquires software testing company for 12 . 1 mln dlrs ( afp ) , afp - indian information technology firm aztec announced it would acquire software testing company disha technologies for 12 . 1 million dollars . +__label__4 , verity , clearforest add structure to data , verity this week will unwrap a software add-on to its search system , designed to make unstructured content more usable in corporate applications . the announcement follows activity from clearforest , which last month introduced version 6 . 0 of its text analytics platform for systematically structuring unstructured data so it can be processed with enterprise data in business intelligence systems . +__label__4 , sun looks for props with new server , storage hardware , sun microsystems will hold its quarterly product launch this week , unleashing a raft of new hardware offerings spanning servers to storage . +__label__1 , malaysia expects to resume poultry exports to singapore soon , by channel newsasia #39 s malaysia correspondent melissa goh . kuala lumpur malaysia expects to resume export of poultry and eggs from two states to singapore by the end of this month but only after meeting conditions set by the island . +__label__4 , viruses aimed at microsoft rise sharply-symantec , < p> \< /p> < p> san francisco ( reuters ) - the number of new viruses and\worms aimed at microsoft corp . ' s < msft . o> ubiquitous windows\operating system rose 400 percent between january and june from\the same year-earlier period , leading computer security company\symantec said on sunday . < /p> +__label__4 , yahoo launching music download service this year , yahoo launching music download service this year\\after its \$160 million aquisition of musicmatch , yahoo is expected to be releasing its own music download service at the end of the year . according to zdnet , yahoo has been in the development phase of its music download service since last year , working with . . . +__label__1 , car bomb kills three in mosul ( ap ) , ap - a car bomb exploded in the northern iraq city of mosul on monday , killing three people , hospital police said . +__label__2 , how does montgomerie rank among the greats ? , scotland #39 s colin montgomerie sank the winning putt at the 35th ryder cup at oakland hills in detroit to ensure the trophy remained in european hands and maintain his unbeaten record in singles matches in the competition . +__label__2 , united apology over website abuse , manchester united have been forced to issue an embarrassing apology to liverpool for an ill-advised attack on the anfield outfit on its own website . +__label__3 , oil hits \$46 as yukos cuts china supply , london ( reuters ) - oil prices hit \$46 on monday after russia ' s yukos suspended some oil exports to china and concern lingered over storm-related supply disruptions into the united states . +__label__4 , webex launches sales center , webex communications is expanding its web conferencing service with an offering designed for sales professionals , the company plans to announce this week . +__label__4 , it companies put to the loyalty test , cisco , ibm , microsoft and sap have the most loyal customers in it , according to a report released today . the fact that they are some of the biggest , most successful it vendors in +__label__2 , bekele and isinbayeva win athletes of the year titles in monaco , monte-carlo - olympic champions kenenisa bekele of ethiopia and yelena isinbayeva of russia have been announced as the 2004 athletes of the year on stage tonight at the climax to the spectacular 2004 world athletics gala at the grimaldi forum , monte-carlo +__label__4 , viruses keep on growing , most it managers won #39 t question the importance of security , but this priority has been sliding between the third and fourth most important focus for companies . +__label__3 , new york times co . cuts 2004 profit targets , new york ( reuters ) - new york times co . on monday forecast third-quarter and full-year earnings below wall street ' s average targets on weak revenue so far in september , sending its shares to two-year lows . +__label__3 , imf ' s rato says us should cut budget deficit ( afp ) , afp - the united states should cuts its fiscal and trade deficits , while europe and japan should take steps to boost economic growth , imf managing director rodrigo rato revealed . +__label__1 , attackers shoot , burn villagers in east congo , killing 14 , un says ( canadian press ) , canadian press - kinshasa , congo ( ap ) - attackers overran a sleeping village in east congo ' s lawless ituri province monday and slaughtered 14 residents , including seven children who were burned alive , a un spokeswoman said . +__label__2 , patriots down cardinals 23 - 12 game stats , the new england patriots struggled to put the pesky arizona cardinals away in what should have been an easy victory of mismatched teams . +__label__3 , rogers wireless whistles and fido responds , its official . microcell telecommunications fido wireless service will be the new dog in rogers wireless communications canadian kennel , and that puppy wasnt cheap . +__label__3 , imf to close harare office , the international monetary fund ( imf ) is closing down its harare representative office at the end of this month , virtually terminating threadbare relations with the crisis-racked southern african nation . +__label__4 , hyperion targets broader base , new essbase 7x is intended to draw customers beyond hyperion ' s usual corporate-finance crowd . +__label__3 , factbox-us fed policymakers #39 recent comments , the federal reserve is widely expected to raise the federal funds rate at its policy meeting on tuesday , sept . 21 , despite recent mixed economic news . +__label__3 , aol pushes into internet shopping , looking for new ways to boost its revenue , america online is launching an online shopping service that won #39 t require an aol account to access . +__label__1 , tropical storm jeanne kills 250 in northern haiti , un reports , tropical storm jeanne killed at least 250 people and injured at least 380 in northern haiti , the united nations said . un spokeswoman denise cook said the bodies of 250 people were in +__label__4 , bush scraps most u . s . sanctions on libya ( reuters ) , reuters - president bush on monday formally\ended the u . s . trade embargo on libya to reward it for giving\up weapons of mass destruction but left in place u . s . \terrorism-related sanctions . +__label__3 , pfizer buys 5 percent stake in medarex , boston ( cbs . mw ) - pharmaceutical powerhouse pfizer is buying a 5 percent stake in biotechnology researcher medarex under their newly signed collaboration deal , according to medarex chief executive donald drakeman . +__label__4 , international space station crew begins preflight exams , moscow ( ap ) -- the replacement crew for the international space station started two days of preflight exams monday , part of final preparations to relieve the two-man russian-american crew finishing a six-month mission . russian cosmonaut salizhan sharipov and u . s . . . +__label__4 , video taking it with you , what kind of things do you want to be truly portable ? that #39 s become an interesting question now that so much is digital in our lives . +__label__4 , avoid security tools you don ' t need , many technologies may be a waste of time and money , researcher says . +__label__4 , us ponders \$250 , 000 bounty on spammers , authorities in the us are considering a \$250 , 000 bounty on spammers in an attempt to close them down . the us federal trade commission ( ftc ) has suggested rewards of anything from \$100 , 000 to \$250 , 000 for information . +__label__2 , aussies ponder pace quartet , australia could again use a four-strong pace attack in tomorrow #39 s champions trophy semifinal as it bids to stretch its winning streak against england in one-day internationals to 15 matches . +__label__4 , sun sets sights on linux vendors ( ap ) , ap - after years of battling microsoft corp . , sun microsystems inc . has set its sights on linux vendors , seeking to jump into a low-end but high-volume market it ' s been accused of ignoring . +__label__1 , france , brazil lead charge for new global anti-poverty campaign , united nations the presidents of brazil and france called for new efforts to fight poverty and hunger in the developing world , including the controversial creation of an international tax , to combat the negative effects of globalization . +__label__1 , the power of radio helps to end uganda #39 s long war , when kenneth banya heard the voices of his former rebel colleagues on the radio calling for an end to uganda #39 s 18-year civil war , he knew it was time to surrender . +__label__2 , heap of trouble for ravens , the baltimore ravens could be without one of their main offensive weapons for up to a month . ravens coach brian billick said on monday that two-time pro bowl tight end todd heap could miss two to four weeks with a severely sprained right ankle . +__label__1 , karzai deputy escapes a roadside bombing , a deputy to afghanistan #39 s president , hamid karzai , escaped a roadside bombing in northern afghanistan on monday , just four days after a rocket was fired at karzai #39 s helicopter as he was heading to a campaign event for the oct . 9 elections . +__label__4 , study wrecks jump 3 days after terrorism , fatal traffic accidents increase sharply in israel on the third day after a terrorist attack , and researchers are searching for an explanation why . +__label__4 , ti touts combo chip with voip , wi-fi , the chipmaker announces a chip that combines voip ( voice over internet protocol ) and wi-fi into a single chip . +__label__1 , scores of iraqis die in 3 days of attacks , us troops fought a gunbattle with insurgents along a busy street in baghdad today , sending passers-by scurrying for cover , witnesses said , five us troops were reported killed in separate clashes in a volatile western province as +__label__4 , tv aims for prime time in digital home , new standard uses web-based protocols to let televisions control other devices in a home . +__label__4 , trusecure merges with betrusted , boston - information security services companies trusecure corp . and betrusted plan to announce on tuesday that they have merged , forming a new company called cybertrust . +__label__4 , jboss 4 . 0 released , jboss , the self-proclaimed professional open source company , released jboss application server 4 . 0 today . the announcement follows closely behind the announcements of jbosscache 1 . 1 and the company #39 s new partnership with sleepycat software . +__label__2 , ankiel impressing cardinals in september ( ap ) , ap - at the very least , rick ankiel is laying the groundwork for a run at the st . louis cardinals ' rotation next season . +__label__4 , a #39 plan b #39 for peoplesoft customers , com september 20 , 2004 , 6 13 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . +__label__2 , silvestre #39 s double goals help man . united beat liverpool , silvestre became man . united #39 s hero as he scored twice to lift a 2-1 victory over liverpool for home side when all eyes were on rio ferdinand as he returned after an eight-match ban on monday . +__label__2 , winslow , mcallister , maddox among injured ( ap ) , ap - the rookie season of cleveland browns tight end kellen winslow jr . may have ended after just two games . +__label__3 , trans-tasman war hots up , air new zealand and qantas airways face the prospect of intensifying competition on its trans-tasman route from other airlines now that a proposed alliance between the pair has been blocked , according to analysts . +__label__4 , mars gases reveal enticing clues for life , water vapour and methane gas have been found in the same places on mars , strengthening speculation that the red planet could be a haven for microbial life , space scientists say . +__label__1 , hu top dog , but more of same for now , china #39 s new leader is forging ahead with policies set by jiang , but trouble with taiwan looms . beijing--having taken over sunday as chairman of the ruling communist party #39 s +__label__4 , europeans hail latest data from mars , the european space agency says data collected by its probe , mars express , has provided new evidence in the search for life on mars . +__label__3 , jury nearly set for enron criminal trial ( reuters ) , reuters - opening arguments in the first criminal\case against former enron corp . employees are set to begin\after a federal court spent monday whittling down a panel of\houston-area residents to find an impartial jury in the city\still stinging from the company ' s downfall . +__label__2 , garcia a key player in europeans #39 success , in the end , the europeans took their shoes off and threw them into the gallery at oakland hills . by amy sancetta , ap . did this mean they were shoo-ins to beat the usa in the ryder cup ? +__label__1 , annan faults both sides of terror war for eroding rule of law , u . n . secretary general kofi annan will tell the 191-member u . n . general assembly on tuesday that the rule of law in the post-sept . 11 world has been eroded both by the united states and by other nations as they battle terrorism , and by islamic extremists and their horrific acts of violence , according to senior u . n . officials . +__label__2 , george loss evicts marlins #39 playoff hopes , miami gardens - monday was supposed to be moving day for the florida marlins , a playoff contender already marked extremely fragile . +__label__3 , us rates seen headed up despite soft-spot worries , federal reserve policy-makers were expected to raise us interest rates on tuesday for a third time this year , continuing to lift borrowing costs from rock +__label__3 , nike profit up 25 pct . on converse boost , nike inc . ( nke . n quote , profile , research ) on monday reported a 25 percent rise in quarterly profit , topping wall street estimates , on strong sales of converse sneakers +__label__1 , us hostage apparently beheaded , ( cbs/ap ) a video posted on an islamic web site monday shows the apparent beheading of a man identified in the tape as american construction contractor eugene armstrong . +__label__1 , colombia militant gunned down , a top leader of colombia #39 s right-wing paramilitaries has been assassinated , throwing into further doubt the ongoing peace process with the government . +__label__2 , james lawton in mourning for big fights of las vegas , en route to las vegas for the world heavyweight title fight between vitali klitschko and britain #39 s danny williams , there is , inevitably , an old stirring of that anticipation which is familiar to almost anyone who has attended a big fight . +__label__1 , pm to discuss strategic partnership , prime minister manmohan singh arrived on tuesday for the first major diplomatic foray that includes talks with us president george w bush , pakistan president pervez musharraf and address to the un general assembly . +__label__4 , free windows doesn #39 t stop linux rush , windows is #39 free #39 in iran , but even there is an increasing move towards linux , according to an afp report . apparently , because iran refuses to abide by international copyright laws , pirated copies of windows make the product free and everyone uses it . +__label__3 , nestle confirms targets after rivals warn , nestle confirmed its 2004 guidance on tuesday , a day after competitors unilever and colgate-palmolive cast doubts over the consumer goods industry #39 s outlook by issuing profit warnings . +__label__1 , jeanne death toll over 600 in haiti , ( 09/21/04 ) -- the death toll keeps rising in haiti . officials say at least 622 people have been killed by hurricane jeanne . jeanne was downgraded to a tropical +__label__4 , oracle uses apple storage gear , apple computer #39 s rack-mounted storage system received a vote of confidence monday , with database giant oracle endorsing the xserve raid as part of an initiative to cut storage costs . +__label__4 , cisco , fujitsu team on high-end networking , fujitsu has joined the networking parade by agreeing to sell cisco #39 s high-end routers and switches in japan . it should come as no surprise as the market for high-end routers heats up . +__label__1 , israel unions start nationwide strike , jerusalem ( reuters ) - israeli unions began a nationwide strike on tuesday expected to affect about 400 , 000 public sector workers and severely hamper international travel . +__label__3 , clouds darken peoplesoft conference , san francisco -- peoplesoft inc . is trying to create a party-like atmosphere at its annual customer conference , but this week ' s gathering may feel more like a wake with rival oracle corp . ' s \$7 . 7 billion takeover bid looming larger than ever . +__label__3 , ask jeeves retools search engine in bid to catch google , yahoo , san francisco -- hoping to emerge from the shadow of its more popular rivals , ask jeeves inc . is adding new tools for visitors to save and organize links to web pages they find through the company ' s online search engine . +__label__4 , sony shows smaller playstation 2 ( ap ) , ap - sony corp . on tuesday showed a smaller book-size playstation 2 going on sale worldwide next month that will help the japanese electronics and entertainment giant cut costs as video-game consoles continue to drop in price . +__label__2 , winning nfl turnover battle does count ( ap ) , ap - joe gibbs had seen it before , although he didn ' t remember on dec . 7 , 1986 , his washington redskins turned the ball over seven times and lost to the new york giants . +__label__1 , bush enforces new us diplomacy ( afp ) , afp - president george w . bush has rewritten us foreign policy during four years at the white house , with the war on terror now taking priority and doubt cast on some traditional alliances . +__label__1 , india seeks new tv bids , the indian board re-opens the bidding for tv rights after australian threaten to cancel their tour . +__label__1 , iran announces uranium conversion tests , defying a key demand set by 35 nations , iran announced tuesday that it has started converting raw uranium into the gas needed for enrichment , a process that can be used to make nuclear weapons . +__label__3 , strong chinese demand props up oil , crude hovers around \$46 a barrel amid demand from most populous country , damage reports from ivan . london ( reuters ) - oil prices held above \$46 a barrel tuesday as china showed no letup in its strong demand +__label__4 , ask jeeves revamps search engine , ask jeeves inc . has made three significant enhancements to its search engine , as the emeryville , california company continues to take aim at its much larger competitors +__label__4 , internet ad revenues jump 40 percent , internet advertising revenues jumped 40 percent in the first half of this year , driven largely by the growing popularity of keyword ads tied to search results . +__label__4 , child abuse leads to adult heart disease , by ed edelson , healthday reporter healthdaynews -- children who are abused or neglected grow up to be adults with a significantly greater risk of heart disease , a new study says . it ' s the first study to show a direct link between a wide range of childhood problems and ischemic heart disease -- blockage of the arteries that leads to heart attacks and other major problems , said maxia dong , a medical epidemiologist at the u . s . . . +__label__4 , gates , ballmer pay holds at about \$900 , 000 , paychecks stay the same for the top two , but compensation changes for other microsoft workers as stock grants replace options . +__label__4 , gates and ballmer get pay raises , bill gates and steve ballmer each received total compensation of \$901 , 667 in microsoft corp . ' s 2004 fiscal year , up 4 . 4 percent from \$863 , 447 one year ago . +__label__4 , will wimax replace dsl ? ( pc world ) , pc world - despite intel ' s support of the emerging wireless technology , some doubt its potential . +__label__3 , stocks edge up , goldman earns give lift , new york ( reuters ) - u . s . stocks edged up on tuesday as investors expected the federal reserve to stay on a course of measured interest-rate increases , while major wall street investment banks rose on higher profits . +__label__1 , election chaos ? ( u . s . news world report ) , u . s . news world report - michael cadigan ' s day job is practicing commercial law in albuquerque . but over eggs at the trendy gold street caffe in the heart of downtown , he and a dozen other lawyers are immersing themselves in the intricacies of election law . on election day , they plan to be out in force for democrat john kerry at polling places across new mexico , where al gore won in 2000 by just 366 votes . quot we know there was a lot of monkey business with counting ballots before , quot says cadigan . quot we want to make sure that doesn ' t happen again . . . . +__label__1 , goss gets senate panel ' s ok for cia post , washington - a senate panel on tuesday approved the nomination of rep . porter goss , r-fla . , to head the cia , overcoming democrats ' objections that goss was too political for the job . . . +__label__4 , us star slams sweet-rustlin ' , phone beepin ' theatre crowd ( afp ) , afp - kevin spacey , the us screen star who is spending a season working for one of london ' s top west end theatres , lashed out at members of the audience who rustle sweet wrappers and forget to turn off their mobile phones during performances . +__label__3 , jolly online shoppers making cash registers jingle , online holiday shoppers this year are making cash registers jingle and meeting analysts #39 expectations as they spent \$8 . 8 billion in november , researchers said monday . +__label__1 , bush condemns beheading of u . s . hostage ( ap ) , ap - president bush on tuesday condemned the beheading of american hostage eugene armstrong , telling interim iraqi prime minister ayad allawi , we will not allow these thugs and terrorists to decide your fate and decide my fate . +__label__3 , martha stewart is allowed to start prison term early , a federal judge ordered martha stewart today to surrender for prison by oct . 8 , granting the ms . stewart ' s request to begin serving her sentence for lying about a stock sale . +__label__3 , ontario securities commission accuses 4 fund mangers of improper < b> . . . < /b> , toronto ( cp ) - the ontario securities commission is warning four canadian mutual fund managers of quot potential enforcement proceedings quot for improper trading . +__label__3 , business week names adler its new editor , stephen j . adler , deputy managing editor of the wall street journal , has been named editor of business week magazine , succeeding stephen b . shepard , who announced last week that he would retire from the magazine to become the first dean of a new +__label__4 , noah ' s ark quest dead in water -- was it a stunt ? , in april a christian activist announced a summer 2004 expedition to search for noah ' s ark . the quest didn ' t happen , and now critics are questioning the project ' s credibility . +__label__2 , golf woods #39 bitter sip from cup , michigan - tiger woods finished the 35th ryder cup on a personal winning note in the last-day singles , but the enigma of his relationship with the biennial team competition remains . +__label__4 , verisign bundles authentication tools , unified support for passwords , smart cards and tokens means better network security , the company says . +__label__4 , study mp3 player market to explode , idc says there ' s tough competition ahead for the ipod as manufacturers launch rival portable jukeboxes . +__label__1 , iraq #39 s sunni-shiite tension rising , the killing of two sunni clerics earlier this week could be part of a slide toward sectarian civil war , analysts say . by howard lafranchi staff writer of the christian science monitor . +__label__4 , ask jeeves search engine gets slim and personal , ask jeeves search engine gets slim and personal\\ask jeeves has introduced new changes which have totally made over the search engine which hopes to give yahoo , msn and google a run for their money . the new changes at ask . com include myjeeves personal search , a revamped local search , and an update . . . __label__4 , news wlans go feral in corporate undergrowth , frustrated employees are taking it into their own hands by installing diy wi-fi access points ( aps ) in their offices while their it departments don ' t even notice , according to gartner . \ -__label__3 , jury calls wtc attack two events , silverstein had hoped the 11-member jury would determine that the language of the insurance policy treated the attacks as two occurrences . -__label__4 , space o2 generator fails again , repairs to the oxygen generator onboard the international space station seemed to work , but then failed the following day . astronauts are again limited to backup oxygen supplies . by amit asaravala . -__label__4 , nothing robotic about robo-art , the artbots show in new york this past weekend proved that robots can wax artistic , too -- or at least carry out the instructions of their artistic creators . cyrus farivar reports from new york . -__label__2 , man united midfielder roy keane charged ( ap ) , ap - manchester united midfielder roy keane was charged with assault and criminal damage tuesday over an alleged confrontation with a 16-year-old boy . -__label__4 , boeing , ibm strategic alliance boosts net-centric technology , from the 1950 #39 s until the present , one of the dominant companies in the world #39 s computer industry . offers a variety of data processing hardware systems , system and application software , and information technology services . -__label__1 , goss gets senate panel ' s ok for cia post ( ap ) , ap - a senate panel on tuesday approved the nomination of rep . porter goss , r-fla . , to head the cia , overcoming democrats ' objections that goss was too political for the job . -__label__3 , jabil circuit posts higher profit , san francisco ( reuters ) - contract electronics manufacturer jabil circuit inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=jbl . n target=/stocks/quickinfo/fullquote> jbl . n< /a> on tuesday posted a higher quarterly profit on stronger demand for computers , cellphones and other electronic products . -__label__1 , stocks close higher on brokerage earnings , new york - stocks dashed higher tuesday as investors welcomed strong earnings from financial services companies , upbeat economic data and some reassuring news from the federal reserve . the fed ' s decision to raise short-term interest rates by another quarter-percentage point to 1 . 75 percent did not come as a surprise to the market . . . -__label__3 , oil prices rise above \$47 per barrel , oil prices hurdled \$47 a barrel tuesday , with further declines in the nation #39 s supply expected in the short-term as petroleum producers disrupted by hurricane ivan continue to regroup . -__label__3 , peoplesoft ceo conway maintains defiant tone , september 21 , 2004 ( idg news service ) - with 15 , 000 attendees at peoplesoft inc . #39 s connect 2004 user show waiting to hear how the company would handle oracle corp . -__label__4 , amazon #39 s a9 search evens out , google results with links to books at amazon . com , the internet movie database , google images , and gurunet . com , plus site information , including similar links that others have followed . -__label__4 , when outsourcing , don ' t forget security , experts say , when outsourcing it operations offshore , companies often focus on lower costs and more productivity -- and fail to keep in mind the cultural differences that could affect their security , said experts at the gartner it security summit . -__label__4 , microsoft cfo expect more acquisitions , microsoft may seek to become a more distributed company as it eyes future large acquisitions , cfo john connors said yesterday . -__label__4 , put rss feeds on your web page , put rss feeds on your web page\\if you ' re interested in putting rss feeds on your web page but you don ' t have a lot of server/programming expertise , you might want to try the rss digest tool at http //www . bigbold . com/rssdigest/ . this tools has some nice extras on it , though at the moment . . . -__label__3 , ackermann refocuses deutsche , frankfurt joseph ackermann , the deutsche bank chief executive , announced a much-anticipated personnel shake-up tuesday aimed at solidifying leadership in its profitable investment banking business and restoring confidence in its commitment to germany , the -__label__3 , oecd ups eu/japanese growth forecasts , growth in the us economy this year is likely to be 4 . 3 , the oecd forecast today , lowering an earlier forecast of 4 . 7 . but the japanese economy was set to grow by 4 . 4 instead of 3 forecast earlier and the euro zone by 2 instead of 1 . 6 . -__label__3 , michigan regulators allow sbc to charge more for use of its < b> . . . < /b> , state regulators unanimously voted tuesday to allow sbc communications inc . to charge competitors more to use its network , but it was unclear when , or if , that increase would be felt -__label__1 , no negotiation and no retreat , vows bush , when it came , the statement broadcast by the al-jazeera arabic news channel from qatar was as chilling as it was ghoulish a second american captive , jack hensley , 48 , had -__label__2 , bears place brown on injured reserve ( ap ) , ap - the chicago bears placed mike brown on injured reserve tuesday , one day after announcing the safety would miss the rest of the season with a torn achilles ' tendon . -__label__4 , academics get nsf grant for net security centers , national science foundation grants \$12 . 6 million to university scientists to study worms , viruses and the net ' s ecology . -__label__1 , turkish company freezes operations in iraq ( ap ) , ap - a turkish construction company announced tuesday that it was halting operations in neighboring iraq in a bid to save the lives of 10 employees kidnapped by militants . -__label__1 , senate panel gives nasa extra money ( ap ) , ap - nasa would get #36 16 . 4 billion next year under a bill a senate committee approved tuesday , reversing a decision by house lawmakers to cut the space agency ' s budget below this year ' s levels . -__label__2 , maradona finalmente le dice quot adis quot a la argentina , argentine soccer legend diego maradona finally departed for cuba monday where he will resume his treatment for cocaine addiction . maradona boarded a plane bound for havana , telling fans he would return in a month #39 s time . -__label__2 , giants give up right to void bonds ' deal ( ap ) , ap - barry bonds will have two more seasons to break hank aaron ' s career home run record with the san francisco giants , who decided tuesday to drop their right to void the final year of his contract . -__label__4 , wireless carriers privacy bill not needed , washington - representatives of wireless telephone carriers planning a telephone directory service told a u . s . senate committee tuesday that legislation to protect their customers ' privacy isn ' t needed , because their plan already does . -__label__4 , mp3 portable market to hit \$52b by 2008 , apple will be getting some stiff competition in the coming year . a slew of manufacturers will soon offer players utilizing small 1 quot hard drives that help propel the ipod and allow them to compete more favorably in the market . -__label__1 , how deadly are scorpions ? , a malaysian woman has broken the world record for time spent living in a scorpion-filled box . nur malena hassan , 27 , has so far endured 32 days in a glass case with 6 , 069 scorpions she -__label__4 , cisco unveils san products targeted at disaster recovery , cisco systems unveiled two san products that it says will help companies evade or recover quickly from disasters affecting corporate data . -__label__1 , at un , bush defends decision to invade iraq , president bush went before a skeptical hall of world leaders tuesday to mount a vigorous defense of the war in iraq , telling the united nations that the iraqi people are -__label__3 , online advertising up 43pc in us , new york - us internet ad revenue jumped to a record us\$2 . 37 billion ( \$3 . 5 billion ) in the second quarter , surpassing the highest levels of the dotcom era . -__label__1 , yudhoyono ' s apparent win boosts markets ( ap ) , ap - former general susilo bambang yudhoyono took a seemingly unassailable lead wednesday in indonesia ' s presidential election , cheering investors amid hopes he will introduce much-needed economic reforms and provide firm leadership in the war on terror . -__label__2 , bonds #39 contract reworked will stage assault on aaron #39 s record as < b> . . . < /b> , now that barry bonds is assured of staying with the san francisco giants for two more seasons , he already is looking beyond . his children won #39 t let him think about retirement just yet . -__label__2 , former red left hole struggling bullpen has yet to fill , nearly six months have passed since the reds traded chris reitsma to atlanta , but sean casey still regrets the move . quot you look at all the success the braves -__label__1 , flick collection opens in berlin , friedrich flick , who made his fortune as an arms supplier to the nazis during world war ii , once presented old master paintings to luftwaffe commander-in-chief hermann gring as a birthday gift . -__label__3 , legal loophole inflates profits in student loans , the white house could have closed a loophole through which student loan companies are billing the federal government nearly a billion dollars , but chose not to . -__label__3 , guilty plea seen in computer associates case , steven woghin , the former general counsel of computer associates , will plead guilty to criminal charges . -__label__3 , spread of gm grass raises fears of crossbreeding , pollen from a genetically modified grass was found 21 kilometres from where it was planted , scientists reported in a study published tuesday , raising fears of transgenic crossbreeding . -__label__2 , washington chooses a stadium site for expos , the dc sports and entertainment commission outlined its plans tuesday night in a meeting with city government officials . an official involved in the process , speaking on condition of anonymity , told the associated -__label__1 , walking link to low dementia risk , walking may protect the elderly from developing dementia , research suggests . -__label__1 , bush , lawmakers discuss social security ( ap ) , ap - president bush sought support from congressional leaders of both parties monday for his aggressive proposal to overhaul social security during his second term . -__label__3 , dimon solidifies control at nation #39 s second-largest bank , new york ( cbs . mw ) -- dina dublon is resigning as chief financial officer after 23 years at jp morgan chase in a shakeup that further solidifies jamie dimon #39 s control at the nation #39 s second-biggest bank . -__label__2 , the upper hand mcnabb and eagles down vikings , breaking free philadelphia quarterback donovan mcnabb pushes away minnesota cornerback antoine winfield before scrambling for more yards in the third quarter monday night . -__label__2 , giants creep up in division , there was only an quot uh oh quot inning for brett tomko in the first frame as the giants pitcher gave up two home runs , but the right-hander got on track and breezed to a -__label__1 , bush mixing diplomacy and campaigning ( ap ) , ap - president bush , straddling the worlds of diplomacy and re-election politics , is getting in another meeting with a foreign leader before hitting the road to pennsylvania , a state at the top of his campaign wish list . -__label__1 , us hostage killed by iraqi captors , a us hostage being held with briton ken bigley has been killed by his captors . us officials said the body of eugene armstrong had been found . -__label__2 , lab test puts hamilton #39 s gold at risk , olympic champion tyler hamilton , the stoic marblehead cyclist whose name has become synonymous with resilience and grit , could lose his gold medal and be banned -__label__2 , clash of the unpredictables wi-pak tie , what would happen when two of the worlds most talented and unpredictable sides rub shoulders and that too in an icc champions trophy semi-final ? -__label__4 , sony shows off new , smaller playstation , sony on tuesday showed a smaller , book-sized playstation 2 that will go on sale worldwide next month and help the japanese electronics giant cut costs as video-game consoles continue to drop in price . -__label__1 , pota #39 s dead , terror teeth remain , new delhi the ordinances to repeal the stringent anti-terror law , pota , and amend an existing law to provide teeth to it to tackle terror received presidential assent on tuesday night . -__label__1 , asia to outperform this year , lower growth seen in 2005 adb ( afp ) , afp - developing asia is set to outperform this year with higher-than-expected growth of 7 . 0 percent despite high oil prices but it will slow in 2005 in tandem with the developed world , the asian development bank ( adb ) said . -__label__4 , plan would turn restore wash . estuary , nisqually national wildlife refuge , wash . - a 15-year plan would restore salt marshes and mudflats for migrating salmon at the nisqually national wildlife refuge , more than 100 years after the farmland was drained and diked . -__label__1 , second beheading reported ( los angeles times ) , los angeles times - baghdad #8212 militants said tuesday that they had beheaded a second american hostage in as many days and threatened to kill a british captive , increasing pressure on president bush and british prime minister tony blair to confront a recent wave of kidnappings of foreigners in the iraqi capital . -__label__2 , pantano replaced by glock , jordan have terminated the contract of italian driver giorgio pantano and called in timo glock as a replacement . the team said contractual difficulties were behind the split , and confirmed german glock would race in sunday #39 s inaugural chinese grand prix . -__label__4 , peoplesoft goes a bundle on ibm , ' most significant enterprise applications alliance in history , ' it sez here . . . -__label__4 , bloglines aims for simplicity ( siliconvalley . com ) , siliconvalley . com - there ' s been a lot of innovation in online publishing lately , but regular internet users might be scratching their heads at some of the lingo . social software , blogs and rss technology ? what does it all mean ? -__label__3 , vodafone targets japan with 3g offensive , vodafone has unveiled plans for 10 new third-generation handsets for christmas to help shore up its struggling japanese unit . vodafone vod . -__label__1 , al-qaeda group kills a second us hostage in iraq ( update3 ) , an iraqi group linked to al-qaeda killed a second us hostage , jack hensley , and threatened to kill a british hostage unless iraqi women detainees are freed , the group said on its web site . -__label__4 , number of kids on antidepressants drops dramatically , new york ( ap ) -- the number of children taking antidepressants has dropped dramatically since the food and drug administration cautioned that the drugs can provoke suicidal behavior , according to a study . pharmacy benefit manager medco health solutions found that the number of children taking antidepressants fell 18 percent in the first quarter and an additional 5 percent in the second quarter . . . -__label__4 , peoplesoft , ibm strike middleware alliance , peoplesoft inc . is deepening its ties with ibm corp . , announcing on tuesday a sales and development partnership it called the most significant enterprise applications alliance in the companies ' history . -__label__3 , fedex quarterly earnings more than double , the world ' s top air-express shipper said earnings soared on strong revenue growth in its international , ground and freight services . -__label__3 , peoplesoft gets closer to ibm , as the threat of a hostile takeover by oracle rumbles on , peoplesoft has announced a \$1bn partnership with ibm . speaking at peoplesoft #39 s user conference in san francisco yesterday , the company #39 s chief executive -__label__3 , morgan stanley profit falls 34 percent , new york ( reuters ) - u . s . investment bank morgan stanley < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mwd . n target=/stocks/quickinfo/fullquote> mwd . n< /a> on wednesday said quarterly profit dropped 34 percent amid reduced trading revenue , falling well short of wall street ' s already-lowered expectations after a summer of sluggish market activity . -__label__3 , vz wireless slams national 411 directory , washington -- verizon wireless , the nation #39 s largest wireless carrier , clashed with other cellular carriers on tuesday , telling a us senate committee that a proposal for a national wireless telephone directory is a quot terrible idea quot and that the proposal -__label__2 , first drug cases at paralympics , athens - two weightlifters from azerbaidjan have been banned from competitions for life after testing positive for drugs , in the first two doping cases of the athens paralympics , officials said here on wednesday . -__label__4 , women , and the future of it , < strong> interview< /strong> professor wendy hall talks to < em> the reg< /em> -__label__3 , us stocks fall , cisco leads techs lower , stocks fell on wednesday after investment bank morgan stanley ( mwd . n quote , profile , research ) said quarterly profit fell , casting doubt on corporate profit growth , while a brokerage downgrade on cisco systems inc . -__label__2 , team directors criticize hamilton test procedure , two spanish cycling team directors have criticized how american tyler hamilton #39 s positive test for a blood transfusion was carried out . -__label__2 , indian board plans own telecast of australia series , the indian cricket board said on wednesday it was making arrangements on its own to broadcast next month #39 s test series against australia , which is under threat because of a raging tv rights dispute . -__label__4 , mars express instrument finds possible new evidence , when vittorio formisano , the principal investigator for the planetary fourier spectrometer ( pfs ) aboard the european space agency #39 s mars express , announced monday that his team found that concentrations -__label__2 , olympic traffic measures needed at paralympics experts , experts recommend that the traffic control measures taken during last month #39 s olympic summer games and the current paralympics should be kept in athens permanently , as they -__label__2 , mls mvp preki undergoes ankle surgery ( ap ) , ap - reigning major league soccer mvp preki will miss the rest of the season after left ankle surgery . -__label__4 , cape clear , neon in web services deal , cape clear software and neon systems inc . on wednesday announced they are working together to integrate their respective technologies and allow users to quickly integrate mainframe applications and data through the use of web services . -__label__4 , ireland launches phone fraud crackdown , in an effort to stop scams that cause unwitting internet users to be charged premium rates for calls placed by software surreptitiously installed on their pcs , ireland is going to block outgoing calls to 13 countries . -__label__1 , lesbians fight to retain post-soviet freedom ( afp ) , afp - since emerging from the shadow of the prudish soviet union a decade ago , sexual minorities have fought to gain a foothold in russian society . but russian lesbians now say they are facing growing pressure from authorities to return to the closet . -__label__4 , netmanage looks to soas with librados buy , netmanage ( quote , chart ) agreed to acquire privately held librados for an undisclosed sum . the deal would give netmanage application adapters to help its host services platform server applications via service -__label__1 , sharon says gaza evacuation set for 2005 ( ap ) , ap - israel ' s evacuation of the gaza strip will begin next summer and will take about 12 weeks , prime minister ariel sharon said wednesday , reversing an earlier decision to speed up the pullout . -__label__4 , tracking service aims to ease product returns ( ziff davis ) , ziff davis - a texas company tries to take a little bit of the sting out of the biggest online retail nightmare returns . -__label__3 , daimlerchrysler , mitsubishi in venture , automaker daimlerchrysler ag said wednesday it has signed a contract with japan #39 s mitsubishi motors corp . in which the two companies renewed their commitment to joint production and development projects . -__label__1 , israel urges sanctions on iran for nuke program , united nations ( reuters ) - israel urged the united nations on wednesday to move toward sanctions against iran because tehran is never going to abandon its alleged quest for nuclear weapons . -__label__2 , paralympics china surges as first doping cases result in lifetime < b> . . . < /b> , athens ( afp ) - the athens paralympics weathered its first doping scandal , while juggernaut china continued to dominate the competition , racking up nearly twice as many as second-place britain over the first four days of competition . -__label__3 , gm may close plant in europe , detroit ( reuters ) - general motors corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=gm . n target=/stocks/quickinfo/fullquote> gm . n< /a> will likely cut some jobs in europe and may close a plant there as part of a restructuring plan under development to try to return the region to profitability , the u . s . automaker said on wednesday . -__label__3 , ex-enron executive testifies about cover-up , the first witness in the first enron criminal trial testified this morning she believed those higher up than both she and the enron accountant now on trial were in on an effort to hide illicit -__label__1 , iraq promises to release one of two high-profile women prisoners , baghdad iraq promised wednesday to release one of two high-profile women prisoners , but officials denied the decision was linked to demands by militants who purportedly killed two american hostages and are threatening to execute a briton unless all female -__label__3 , saudi arabia , qatar , kuwait still risky investments study ( afp ) , afp - investing remains risky in saudi arabia , qatar and kuwait , notably because the presence of us forces in the region makes these countries vulnerable to terrorist attacks , a security consulting firm said . -__label__4 , at t builds voip alliance ( newsfactor ) , newsfactor - with its internet-based phone service well established , at t ( nyse t ) now is \focusing on establishing common ground among the broad array of technology\providers that help the operator deliver voip to businesses and\consumers . -__label__4 , toyota some security firms promise too much , if it sounds like you are being offered a panacea , then it ' s time to change the conversation , says an exec for the firm . -__label__1 , something positive in zanu pf , believe it or not , i still have personal friends who are ardent zanu pf supporters with whom i socialize now and then . with one of them however , our political differences were beginning to affect our personal relationship . -__label__4 , mobile boom draws telecom manufacturing to india , bangalore , india - an anticipated boom in mobile telephony use in india is attracting multinational and local companies to establish manufacturing operations in the country . -__label__4 , study mp3 player market booming , sales of portable digital-audio players are booming , and idc predicts the market will generate \$58 billion by 2008 . the research firm says apple #39 s ipod will continue to be a major participant -__label__4 , yahoo internet withdrawal anguishing , com september 22 , 2004 , 12 36 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . -__label__1 , us not to free female scientists , with time running out to save a british hostage in iraq , us officials said today they were not about to free female iraqi prisoners as demanded by an al qaida ally whose group has already beheaded two americans . -__label__4 , gao outsourcing could hurt it employment growth , a new gao report indicates that offshore outsourcing could hurt it employment growth over the next decade , but the study released today is sprinkled with caveats and qualifiers and shows more study is needed . -__label__1 , kashmir talks failure could be fatal , given their sordid 58 year-long history , its easy enough to sink into pessimism when discussing india-pakistan relations . the just-concluded first round of comprehensive talks between the -__label__4 , briefly t-mobile sells sidekick ii , roundup plus spyware bill moves to senate . . . supercomputer center gets new no . 2 . . . mit , caltech offer low-tech voting advice . -__label__4 , attacks disrupt some credit card transactions , flood of data interrupts authorize . net ' s credit card processing for internet merchants , leaving the company scrambling . -__label__4 , researchers study plastics from feathers ( ap ) , ap - researchers at iowa state university are pecking away at ways of making environmentally friendly plastic . from golf tees to a biodegradable flower pot that can be planted directly in the ground , scientists are studying ways of making plastics from things such as chicken feathers and soy protein . -__label__4 , review new imac g5 short on extras ( ap ) , ap - for six years , imacs have set the standard for the pc industry with eye-popping designs , clever utilization of space and leaps forward in usability . lately , though , apple computer inc . seems to be making more waves with ipod music players than its venerable consumer pcs . -__label__2 , cbs fined #36 550 , 000 for jackson stunt ( ap ) , ap - cbs got the bill wednesday for janet jackson ' s eye-catching flash dance during the super bowl halftime show a record #36 550 , 000 . -__label__3 , peoplesofts big bash , see you next year in las vegas , proclaimed a marquee at the peoplesoft user conference in san francisco in late september . it was one of many not-so-subtle attempts by the company to reassure its customers -__label__2 , hagans sizes up well , quarterback marques hagans has impressed in wins over temple , north carolina and akron , completing 43 of 59 passes for 568 yards , three touchdowns and one interception . -__label__3 , for jobs , brazilians desert their cities , a growing number of brazilians are finding it increasingly difficult to get good jobs in big metropolitan areas like so paulo and rio de janeiro , and are looking elsewhere . -__label__3 , commission backs 5bn british energy deal , british energy , the nuclear generator , yesterday welcomed a decision by the european commission to approve a government-backed 5bn rescue plan . -__label__1 , job-loss panic rises in western europe ( ap ) , ap - stephane zervos first suspected his job was threatened when his bosses removed most of the heavy equipment from the car wheel factory where he ' d worked for 24 years . -__label__2 , as mets look ahead , they keep looking back , a handful of potential managers , including lenny dykstra , has emerged from the mets ' 1986 world series-winning team . -__label__2 , ancelotti demands more from #39 world #39 s best defence #39 , ac milan coach carlo ancelotti said he expects better from his defence after the shock 2-1 home defeat to promoted messina on wednesday . -__label__1 , 4 nations lobby jointly for permanent seats , united nations - japan , brazil , germany and india formed a lobbying group to help one another get permanent seats on the united nations security council and head off proposals that might work against them . -__label__2 , al capsules , vernon wells hit a go-ahead , two-run triple off orlando hernandez in the seventh inning , and the toronto blue jays rallied past the new york yankees 5-4 on wednesday night . -__label__2 , zambrano zeroes out bucs , carlos zambrano picked up his career high 15th win , combining with two pitchers on a six-hit shutout to lift the chicago cubs to a 1-0 victory on wednesday night over -__label__1 , deal in congress to keep tax cuts , widening deficit , republican and democratic leaders agreed to extend \$150 billion worth of tax cuts sought by president bush without trying to pay for them . -__label__3 , dollar gains vs yen ( reuters ) , reuters - the dollar rose to a five-week high\against the yen on thursday as rising oil prices hurt asian\currencies and the market decided that u . s . interest rates were\still on a rising path . -__label__3 , fannie mae used improper accounting-probe , washington ( reuters ) - fannie mae used improper accounting to manipulate its quarterly earnings reports , regulators said , touching off the mortgage finance industry ' s second such controversy in less than 18 months . -__label__1 , latham stands by bali claims candidate , federal labor leader mark latham has ruled out disendorsing queensland labor candidate ivan molloy , over comments about the bali bombings . -__label__3 , unctad optimistic on global fdi inflows , the united nations conference on trade and development ( unctad ) on wednesday said that though global inflows of fdi fell in 2003 for the third year in a row to \$560 billion , prospects for the current year are promising . -__label__3 , shell to invest in major shake-up , oil group shell has pledged to invest \$45bn ( 25bn ) and make major disposals in a shake-up of the business , following its reserves crisis earlier this year . -__label__3 , probe examining fannie ' s promises , fannie mae chief executive franklin d . raines invited reporters to his wisconsin avenue headquarters a year ago to complain good-naturedly that recent disclosures of accounting manipulations at smaller rival freddie mac had unjustly hurt his company . -__label__3 , former enron employee testifies about cover-up to merrill lynch < b> . . . < /b> , new york , september 22 ( newratings . com ) - a witness in the first enron criminal trial , and a former executive at the company , testified today that she believed that the enron executives now on trial were involved in an effort to hide an illicit deal -__label__3 , american eagle reaches deal with pilots , union leaders representing pilots at american eagle , the commuter division of american airlines , have accepted a tentative contract agreement that includes pay raises . -__label__2 , bucs still seeking first offensive touchdown , in good times and bad , the tampa bay buccaneers could count on two things -taunch defense and stench offense . by chris o #39 meara , ap . -__label__4 , chambers cisco , fujitsu team on japan networking 2005 product < b> . . . < /b> , land of the rising routers . cisco systems ( nasdaq csco - news - people ) and fujitsu ( otc fjtsy - news - people ) will join forces to develop high-end routers for internet networks in japan . -__label__3 , russian atmosphere hard for westerners , the government has eviscerated russia #39 s western-style oil company , yukos , in what has been widely viewed as political payback . -__label__3 , maker of twinkies goes into bankruptcy , onge . interstate bakeries corp . has filed for bankruptcy , a casualty of rising costs and reduced demand for carbohydrate-rich breads and pastries , including its wonder bread and hostess twinkies . -__label__3 , wonder bread , twinkies maker files for bankruptcy , interstate bakeries corp . , the purveyor of lunch box staples wonder bread and twinkies , filed for bankruptcy protection yesterday , felled by the combination of a more health conscious public and smothering operational costs . -__label__2 , olympics-five sports on shortlist for possible games inclusion , golf , rugby and squash are on a shortlist of five sports to be assessed for possible inclusion in the 2012 olympics . the international olympic committee is reviewing -__label__3 , british energy to delist to save rescue plan , beleaguered british energy has applied to delist its shares as it tries to stop shareholders from blocking a restructuring plan to keep the company in business . -__label__3 , global foreign investment falls , foreign investment levels decline in 2003 , a un report reveals , but there are signs of recovery - especially among developing nations . -__label__4 , brits to lose 12 current of it jobs by 2010 , new report on offshoring ' s implications from the british computer society . -__label__1 , iraq pm to address us congress , iraqi prime minister iyad allawi is to address a joint session of the us congress as well as meeting president bush . -__label__1 , palestinian says americans ' killers can ' t be arrested , gaza -- palestinian security forces know who was behind the killing of three americans in gaza nearly a year ago but cannot act against the factions while fighting with israel continues , a top palestinian security official said . -__label__2 , cabrera ' s homer leads red sox past orioles ( ap ) , ap - orlando cabrera flung off his helmet , stepped on home plate and was mobbed by his teammates after leading the boston red sox to another dramatic victory . -__label__2 , pro tours the stops the talk , pga event 84 lumber classic site nemacolin woodlands resort amp spa , mystic rock course ( 7 , 276 yards , par 72 ) , farmington , pa . schedule today-sunday . purse \$4 . 2 million . winner ' s share \$756 , 000 . television espn ( today , 3 30-6 p . m . tomorrow , 3 50-6 saturday , 3 30-5 30 sunday , 3-6 ) . last year j . l . lewis closed with a course-record 62 for a two-stroke victory over frank lickliter , stuart appleby , and tim petrovic . . . . -__label__2 , serena williams , sharapova reach quarterfinals , serena williams struggled before finding her game wednesday and reached the china open quarterfinals with wimbledon champion maria sharapova . -__label__2 , ralf ready for racing return in china , ralf schumacher is adamant memories of his horror crash at indianapolis three months ago will not hamper his comeback in this weekends chinese grand prix . -__label__2 , button decision delayed , jenson button must wait until next month before discovering which formula one team he can race for next season . he wants to leave bar for williams but both teams claim to have a deal with the british driver -__label__3 , lawsuit alleges wal-mart biased against black truckers , little rock , ark . a mississippi man is suing wal-mart , claiming the world #39 s largest retailer discriminates against blacks from seeking truck-driving jobs in 12 southern states , including virginia . -__label__3 , u . s . stocks headed for flat open , new york ( reuters ) - u . s . stocks appeared set for a modest rebound at the open on thursday , as oil prices retreated a day after spiking to more than \$48 a barrel , a rise that fueled a sharp slide in stocks on concern that energy prices would hurt corporate profits and consumer spending . -__label__3 , rumours surround google browser , the search giant google is rumoured to be working on its own web browser . -__label__2 , sonics sign turkish captain , adding veteran leadership , the sonics signed guard ibrahim kutluay yesterday . terms of the contract were not disclosed , but it is expected to be a two-year deal worth about \$3 . -__label__4 , southern africa faces food , water crises - study ( reuters ) , reuters - southern africa faces major\challenges to feed its swelling populations and to keep its\wells from running dry , a study showed wednesday . -__label__4 , americans have dirty paws , new report gives them a ' c ' for hand hygiene healthdaynews -- americans are doing a crummy job of keeping their hands clean . they got a c in hand hygiene in the 2004 clean hands report card produced by the soap and detergent association . . . -__label__2 , japanese baseball players , owners reach deal ( reuters ) , reuters - japanese baseball players and club\representatives reached a deal thursday to end the first strike\in the 70-year history of the sport in japan , with owners\agreeing to let newcomers into the leagues as early as next\season . -__label__3 , treasuries tussle with profit-takers , new york ( reuters ) - u . s . treasury yields held near six-month lows on thursday , though the market was struggling to extend recent hefty gains in the face of profit-taking . -__label__1 , s leone takes control of freetown , un peacekeepers hand control of security in the sierra leone capital , freetown , to local forces after the end of a brutal war . -__label__1 , iraqi leader thanks u . s . in speech to congress , offering a simple , thank you america , iraqi interim prime minister ayad allawi declared thursday that his country is succeeding in its effort to move past the war that ousted saddam hussein . -__label__2 , japan #39 s baseball players avert another strike , japan #39 s baseball players averted a second strike this weekend after agreeing that a new team will be allowed to join japanese professional baseball next season . -__label__3 , lehman nears \$220m enron settlement , lehman brothers holdings inc . is close to settling a class action lawsuit for \$220 million stemming from allegations that it colluded with other brokerages to mislead enron corp . -__label__3 , peoplesoft plays defense , the business software maker inks a deal with ibm , but it isn ' t likely to dissuade oracle . -__label__3 , bailout plan shelved for donald trump #39 s casinos , a proposed bailout of donald j . trump #39 s casino company has been shelved , and trump now says he may take the company private . the company #39 s shares fell 10 percent . -__label__4 , sony shift to support mp3 , < a href=http //arstechnica . com/news/posts/20040923-4222 . html> sony considers adding native mp3 support to its players< /a> < font size=-1 color=#6f6f6f> < nobr> ars technica< /nobr> -__label__2 , hodge called up as ponting returns home , victorian batsman brad hodge has been called in to the australian test squad in india , as a replacement for injured captain ricky ponting . -__label__1 , u . s . won ' t release female iraq prisoners , baghdad , iraq - authorities insisted on thursday that they won ' t give in to militants ' demands to free female iraqi prisoners despite the plea of a tearful british hostage begging britain to save his life in a video released by his captors . meanwhile , iraq ' s most powerful shiite cleric , grand ayatollah ali al-sistani , said that increasing violence must not be used as a pretext for delaying elections scheduled for late january . . . -__label__4 , infocus detecting worms and abnormal activities with netflow , part 2 , this paper discusses the use of netflow , a traffic profile monitoring technology available on many routers , for use in the early detection of worms , spammers , and other abnormal network activity in large enterprise networks and service providers . part 2 of 2 . -__label__1 , terror scares hit australia , australia #39 s frayed nerves were given another jolt yesterday by the discovery of a home-made firebomb on a virgin blue airliner and the unrelated arrest of a man accused of threatening terror attacks in southeast asia . -__label__4 , former dot-com commerce one eyes closure , commerce one inc . , an internet software maker valued at \$20 billion at the peak of dot-com mania , is poised to go out of business as a pauper . -__label__3 , halliburton says it may separate kbr unit , new york ( reuters ) - halliburton co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hal . n target=/stocks/quickinfo/fullquote> hal . n< /a> said on thursday it would restructure its kbr unit and may shed the business if the company ' s stock performance continues to lag behind peers . -__label__3 , stocks off on exxon downgrade , oil price , new york ( reuters ) - u . s . stocks slipped on thursday after exxon mobil corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=xom . n target=/stocks/quickinfo/fullquote> xom . n< /a> was downgraded by a brokerage and oil prices rose , raising investor concerns about the health of corporate profits and economic growth . -__label__4 , take-two sees higher sports prices for new consoles , new york ( reuters ) - take-two interactive software inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=ttwo . o qtype=sym infotype=info qcat=news> ttwo . o< /a> on monday said that prices for its sports video games will likely return to higher levels once new game consoles arrive in late 2005 or 2006 . -__label__3 , computer associates exec pleads not guilty , sanjay kumar , the former chief executive of computer associates of islandia , ny , pleaded innocent thursday to charges he helped inflate financial results . -__label__4 , dinosaur may have been stealth hunter ( ap ) , ap - the strike would have come out of nowhere one second the fish was swimming placidly , no danger in sight , a moment later it was lunch . -__label__3 , beacon shares gain 22 percent in debut , beacon roofing supply inc . saw its shares jump nearly 22 percent in its first day of trading thursday after the company priced its initial public offering at the midpoint of its expected \$12 to \$14 price range . -__label__2 , mass . court denies new trial for convict , boston -- the state appeals court on thursday declined to allow a new trial for a father convicted of beating a man to death at their sons #39 hockey practice . -__label__4 , verisign touts childrens ' online identity token , washington ( reuters ) - verisign inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=vrsn . o qtype=sym infotype=info qcat=news> vrsn . o< /a> and a children ' s safety group unveiled a new technology on thursday that they said would make it easier for children to avoid child predators online . -__label__3 , bush set to open oil reserve spigot ( reuters ) , reuters - with oil prices close to #36 50 a\barrel , the bush administration is set to allow oil refineries\to borrow crude from the government ' s emergency petroleum\stockpile to make up for supplies disrupted by hurricane ivan , \a congressional source briefed on the pending decision told\reuters on thursday . -__label__1 , nigerian army kills 24 islamic militants near cameroon border ( afp ) , afp - the nigerian army killed 24 islamic militants who had taken refuge in the mountainous northeastern region bordering cameroon , the spokesman for the northeastern state of borno said . -__label__1 , leaders converge on melbourne , prime minister john howard and labor leader mark latham will converge on melbourne today as the city gets into the swing of afl celebrations . -__label__2 , pascual rodriguez wins 18th stage of vuelta race heras still < b> . . . < /b> , spaniard javier pascual rodriguez inched ahead of colombia #39 s ivan parra at the finish line to take the 18th stage of the spanish vuelta cycling tour thursday . -__label__3 , us opening oil reserve , new york ( cnn/money ) - the federal government said thursday it plans to loan a limited amount of crude oil from the nation #39 s strategic reserve in a bid to offset shortages caused by hurricane ivan . -__label__4 , microsoft antispam suit targets ' bulletproof ' web host , microsoft has filed nine lawsuits against individuals and companies allegedly involved sending out spam , including one suit against a web hosting company that claimed it was bulletproof and couldn ' t be shut down . -__label__1 , rumsfeld raises prospect of limited iraq elections ( reuters ) , reuters - defense secretary donald rumsfeld on\thursday raised the possibility that some areas of iraq night\be excluded from elections scheduled for january if security\could not be guaranteed . -__label__1 , russia seeks un terrorist asylum abuse crackdown , united nations ( reuters ) - russia on thursday proposed a u . n . crackdown on the abuse of political asylum for terrorist purposes , raising pressure on western states to hand over wanted chechen activists . -__label__3 , american airlines revenue weakens , american airlines holding company amr corp . ( amr research , estimates ) on wednesday said the airline #39 s august revenue was weaker than expected after hurricanes and high fuel prices -__label__1 , pm promotes his image of mostly safe iraq ( ap ) , ap - it may have seemed odd that interim iraqi prime minister ayad allawi felt compelled to spend a few of his precious first minutes at the white house giving reporters a geography lesson . -__label__1 , plo chief holds landmark talks in damascus , a high-ranking palestinian liberation organization delegation led by chairman mahmoud abbas held landmark talks with the syrian leaders in damascus monday . -__label__1 , us planes again hit sadr city , baghdad us warplanes fired on targets in the east baghdad slum of sadr city on thursday , the second day of fighting in the shiite militia stronghold . -__label__2 , track heads in the right direction , renault #39 s formula one team boss flavio briatore paid the shanghai international circuit the greatest compliment when he said yesterday #39 it #39 s going to be difficult to beat this one . -__label__1 , bambang unveils plans for his first 100 days , jakarta - mr susilo bambang yudhoyono , who is almost certain to emerge the winner of the country #39 s first direct presidential polls , has begun to unveil plans for his first 100 days in power . -__label__3 , us may draw on oil in reserve , washington oil prices climbed toward \$49 per barrel thursday even as the bush administration considered drawing crude from the us emergency stockpile and lending it to refiners whose supplies were disrupted by hurricane ivan . -__label__4 , ireland blocks calls to 13 countries to thwart internet scam , ireland #39 s telecom regulator said this week that is taking quot extraordinary quot measures to protect internet users from rogue autodialer programs that hijack their modems and run up long-distance phone charges by suspending direct dialing to 13 countries , most -__label__2 , one assist , goal for hometown star , stockholm , sweden -- first , peter forsberg watched as his retired jersey no . 21 was lowered from the rafters at kempehallen . then , after getting a standing ovation from the sold-out crowd , the locked-out colorado -__label__3 , jamaica had record fdi inflows in 2003 , jamaica last year attracted its highest level of foreign direct investment ( fdi ) flows yet , us\$720 . 4 million , outperforming traditional powerhouse investment hosts such as costa rica , trinidad and tobago and even argentina . -__label__3 , update 2-ottawa sets petro-canada price at c\$64 . 50 , ottawa has set a price per share of c\$64 . 50 ( \$50 . 42 ) in the sale of its 19 percent stake in petro-canada ( pca . to quote , profile , research ) , as analysts -__label__1 , china admits it #39 s worried over stalled n . korean nuclear talks , china admitted tuesday it was worried about the apparent stalling of six-party talks about north korea #39 s nuclear weapons program and blamed the lack of trust between pyongyang and washington . -__label__4 , blog that #39 s the most look-ed up world on merriam-webster #39 s < b> . . . < /b> , a four-letter term that came to symbolise the difference between old and new media tops us dictionary publisher merriam-webster #39 s list of the 10 words of the year . -__label__4 , survey finds #39 web withdrawal #39 , new york nearly half of us internet users say they could not go without the web for more than two weeks , with many suffering quot withdrawal quot symptoms while offline , according to a recent survey . -__label__4 , dino sucked in prey with its giraffe neck , the fossil of a sea reptile with a neck twice as long as its body is solving the mystery of how some ancient reptiles used such unusually long appendages . -__label__4 , who is hurt by microsoft #39 s neglect of older browsers ? , microsoft may find the burden of securing older versions of windows browsers a burden . tough . but its neglect hurts the entire internetand leaves and opening for open-source replacement . -__label__2 , england job remains full-time , the football association yesterday insisted it has no plans to reduce the england coach #39 s job to a part-time position . a report in the daily mirror claimed the fa was considering appointing a premiership boss -__label__4 , making windows more secure , hey labor long hours to write their software , testing and perfecting it . they toil in obscurity , fully aware that they #39 ll never get credit for their work . -__label__3 , id biomedical gets us flu drug deal , id biomedical corp . ( idb . to quote , profile , research ) ( idbe . o quote , profile , research ) signed a 10-year us distribution deal for its fluviral drug that could reap -__label__1 , in indonesia , businesses hopeful after election , after suffering through two shambling administrations , indonesia appears to have a new president who many of its business leaders say they believe will uproot corruption and revive investment . -__label__4 , hubble heats debate over ionised universe , astronomers poring over the deepest image ever taken of the universe are coming to different conclusions about what made space transparent to light billions of years ago . -__label__2 , world awaits chinese grand prix , a quarter of a billion dollars to build the track . tens of millions in racing fees . more than 150 , 000 live spectators and a television audience of hundreds of millions . -__label__2 , week of september 25th , 2004 , why to watch miami might be 2-0 and once again among the college football elite , but no one #39 s thinking orange bowl quite yet . -__label__2 , happy returns for cabrera , fly from new york to colombia on monday , be with your wife as she has surgery , make sure things are ok there , fly to boston overnight on tuesday and hit a game-winning home run in the 12th inning on wednesday . -__label__3 , lehman may settle over enron , new york , sept . 23 -- investment banking firm lehman brothers holdings inc . is nearing an agreement to pay approximately \$200 million to settle a shareholder lawsuit over its work for bankrupt energy trader enron corp . , sources familiar with the case said . -__label__1 , feed-tube law is struck down in florida case , the court said that gov . jeb bush violated separation of powers when he signed a law to keep theresa schiavo alive . -__label__2 , hamilton keeps gold but one test confirms doping , the american cyclist tyler hamilton will keep his gold medal from the athens olympics after a testing lab mishandled his blood sample . -__label__3 , japan shares down 1 . 6 pct , tokyo ( reuters ) - tokyo ' s nikkei average dropped 1 . 65 percent by mid-afternoon on friday and was on course for a sixth day of losses as worries over high oil prices and uncertainty over the u . s . economic and market outlook hit a broad range of stocks . -__label__3 , u . s . treasuries recover , jgb rally helps , london ( reuters ) - u . s . treasury prices rose on friday , with a rally in japanese government bond ( jgb ) prices helping the market recover some ground from the previous day ' s sell-off . -__label__3 , ge pledges to meet rules of disclosure in sec pact , general electric co . yesterday agreed to a settlement with the securities and exchange commission , which accused the company of failing to provide shareholders -__label__4 , islands press govt to reverse phone call decision , diplomats from a number of islands in the south pacific are reported to be pressing the government to reverse a decision to block all phone calls made to the islands . -__label__1 , palestinians kill three israeli soldiers , palestinian fighters sneaked onto an israeli military post at a small jewish settlement in the gaza strip early yesterday under cover of darkness and a thick morning fog -__label__1 , in mexico visit , enmity greets harvard scholar , mexico city -- ever since the release earlier this year of his book quot who are we ? the challenges to america ' s national identity , quot which argues that mexican immigrants pose a threat to american culture , samuel p . huntington has been the us academic mexicans love to hate . -__label__1 , dogs said to smell cancer signs , london -- it has long been suspected that man ' s best friend has a special ability to sense when something is wrong with us . now , the first experiment to verify that scientifically has demonstrated that dogs are able to smell cancer . -__label__3 , cadbury says annual results to be at low end of range ( update1 ) , cadbury schweppes plc , the maker of dr pepper and 7up , said results will be at the lower #39 #39 end of the range it has targeted in the current fiscal year because of lack of demand in the us and european drinks markets . -__label__2 , davis cup australia takes 2-0 lead in world group playoff , lleyton hewitt gave australia a 2-0 lead in its davis cup world group playoff today with a record-setting 6-0 6-2 6-2 win over mehdi tahiri of morocco on grass at royal kings park . -__label__2 , mountain climbers , the big east is under siege again . oh , it ' s not as overt as the move by the atlantic coast conference two years ago , which went on a membership drive , targeting miami , syracuse , boston college , and eventually virginia tech . -__label__2 , india , sports jankovic to joust with sharapova for semis spot , the win puts world number 36 jankovic into a clash with the current teenage queen of the game sharapova , who has played only one match to reach the last eight here after a bye . -__label__3 , ibm as peoplesoft #39 s hero ? hardly , big blue --a white knight ? it #39 s easy to see how industry watchers got carried away with speculation that ibm ( ibm ) might be riding to rescue of beleaguered peoplesoft ( psft ) . on sept . -__label__1 , uk to host mideast conference report , london , december 6 ( islamonline . net amp news agencies ) - britain received a green light from washington to host a conference on middle east peace after the palestinian presidential elections , a british news paper reported monday , december 6 . -__label__3 , update 2 alitalia , unions sign deal , alitalia signed a deal with eight of nine unions friday to split the loss-making italian airline in two - part of the company #39 s plan to stave off bankruptcy . -__label__4 , symantec warns of weakness in its firewall and gateway products , security specialist symantec has admitted to a number of vulnerabilities in its firewall and gateway products . the weaknesses make them liable to denial of service attacks and other compromises . -__label__2 , mcdowell succeeds where americans fail , nobody and nothing could overshadow colin montgomerie last week , but ulsterman graeme mcdowell was doing it at woburn again today . -__label__1 , thirteen people killed in power plant explosion in hebei , thirteen people were killed and one seriously injured in an explosion at a power plant in wu #39 an city in north china #39 s hebei province when the plant began trialoperation on thursday afternoon . -__label__2 , transactions , baseball boston ( al ) activated dh ellis burks from the 60-day disabled list released p phil seibel . milwaukee ( nl ) sent inf matt erickson outright to indianapolis ( il ) . -__label__4 , #39 blog #39 to be included in 2005 dictionary , the most requested online definition this year was quot blog quot -- a word not even yet officially in the dictionary , merriam-webster says . -__label__3 , u . s . treasuries inch up , await data , london ( reuters ) - u . s . treasury prices inched higher on friday , with a rally in japanese government bond ( jgb ) prices helping the market recover some ground from the previous day ' s sell-off . -__label__4 , samples from genesis craft sent to calif . ( ap ) , ap - the first solar-wind samples recovered from the crashed genesis space capsule have been sent to researchers in california . -__label__4 , symantec firewall/vpn appliance 200/200r ( firmware builds prior to < b> . . . < /b> , rigel kent security amp advisory services notified symantec of three high-risk vulnerabilities they identified in the symantec firewall/vpn appliance during an assessment . -__label__2 , f1 debuts in china , formula one made its long-awaited debut in the people #39 s republic of china today as the stunning new shanghai international circuit echoed to the banshee wail of formula one engines being used in anger for the first time . -__label__4 , baby for ovary transplant woman , a belgian cancer patient made infertile by chemotherapy has given birth following revolutionary treatment . -__label__1 , palestinian attack kills woman in gaza settlement ( reuters ) , reuters - a palestinian mortar bomb slammed into a\house in a jewish settlement in the gaza strip friday , killing\a woman and fueling settler anger over prime minister ariel\sharon ' s plan to pull israelis out of the area . -__label__4 , massive merger of galaxies is the most powerful on record , scientists have now officially witnessed the perfect cosmic storm . thanks to the european space agency ' s xmm-newton observatory , they watched a nearby head-on collision between two galaxy clusters . the clusters smashed together thousands of galaxies and trillions of stars in one of the most powerful events ever witnessed . -__label__3 , boeing thinks airbus is too optimistic on sector recovery , the head of us aircraft maker boeing , harry stonecipher , said friday that the recovery in the sector would not be as strong as arch-rival airbus was anticipating . -__label__3 , heathrow refuellers to push ahead with strike plans , aircraft refuellers at heathrow airport have vowed to push ahead with strike plans this weekend , potentially disrupting flights , after last-ditch pay talks collapsed , their union says . -__label__4 , group questions e-voting security , black box voting hopes to halt the use of diebold ' s voting machines . -__label__4 , internet emerging as potent terrorist tool , by thomas wagner london ( ap ) -- the images coming out of the latest hostage crisis in iraq - capped by dramatic video of british captive kenneth bigley begging for his life - have transfixed britons , left governments looking helpless , and revived a classic dilemma about whether to negotiate with terrorists . but the plight of the british construction worker and his two murdered american colleagues has also raised new concerns about terrorists ' tremendous ability to set agendas in an internet age that makes their messages - even in the form of shocking beheading videos - all but impossible to stop . . . -__label__3 , boeing ceo jet market recovery slower ( reuters ) , reuters - boeing co . chief executive harry\stonecipher said on friday the u . s . aircraft maker ' s archrival\airbus was exaggerating the speed of recovery in the commercial\airplane market . -__label__3 , uk watchdog turns up heat on banks , london ( reuters ) - britain ' s financial regulator will step up scrutiny of investment banks ' management of conflicts of interest and risk in the wake of a number of high profile cases such as worldcom , enron and parmalat . -__label__1 , un refugee chief backs autonomy for sudan #39 s darfur region , the united nations high commissioner for refugees says granting more autonomy to southern sudan could help end the bloody conflict there . -__label__3 , strikes at london airports , london - a 48-hour strike by aircraft refuellers at london heathrow airport got under way on friday , with baggage handlers at gatwick airport also preparing to walk out , threatening a weekend of travel disruptions . -__label__4 , security firm justifies virus writer ' s job , securepoint says the alleged sasser author was just an immature boy with mindless intent who wants to make amends . -__label__1 , nova scotia becomes sixth province , territory to allow same-sex marriages ( canadian press ) , canadian press - halifax ( cp ) - nova scotia became the sixth province or territory to allow same-sex marriages when the province ' s supreme court ruled friday that banning such unions is unconstitutional . -__label__3 , comcast part of group wanting to buy mgm , a consortium led by sony corp . of america that includes comcast corp . has entered into a definitive agreement to acquire metro-goldwyn mayer inc . -__label__3 , durable goods fall , aircraft orders slump ( reuters ) , reuters - orders for long-lasting u . s . durable\goods slipped unexpectedly in august as civilian aircraft\demand plunged , but beat forecasts once transportation was\stripped out , government data showed on friday . -__label__4 , rumors abound about google #39 s browser , < a href=http //www . techtree . com/techtree/jsp/showstory . jsp ? storyid=53949> google browser on its way ? < /a> < font size=-1 color=#6f6f6f> < nobr> techtree . com< /nobr> -__label__2 , boston red sox team report - september 24 , ( sports network ) - a sensational pitching matchup is on tap at fenway park this evening when pedro martinez and the boston red sox welcome mike mussina and the hated new york yankees to town for another chapter in baseball #39 s fiercest rivalry . -__label__4 , astronomers spot monster collision of galaxies ( reuters ) , reuters - if you think earth is a mess , \consider the turmoil in the constellation hydra , where\astronomers have spotted two monster galactic clusters slamming\together in one of the biggest collisions ever recorded . -__label__4 , airbus drops out of microsoft appeal , aircraft builder withdraws its request to intervene in microsoft ' s antitrust appeal boeing also forgoes intervention . -__label__4 , linux security boost , p2pnet . net news - a european consortium , including linux-distributor mandrakesoft , has won an \$8 . 6 million contract to boost linux #39 security , says a techweb story , going on that the french ministry of defense is , quot expected to make the operating system -__label__4 , microsoft sues bulletproof web hosts , anonymous writes quot microsoft corp . filed nine lawsuits against individuals and companies alleged to be involved in the distribution of spam , the company said wednesday . -__label__4 , mom hugs ' miracle ' baby after ovarian transplant ( reuters ) , reuters - ouarda touirat , her day-old baby\daughter nestling in her arms , said friday she had never lost\hope that she could conceive after cancer treatment left her\infertile . -__label__3 , china minmetals in talks to buy noranda , toronto -- one of canada #39 s largest and best-known miners , noranda inc . , is in exclusive talks to be acquired by a chinese metals producer , the two companies confirmed friday . -__label__3 , morningstar faces possible sec lawsuit , new york ( reuters ) - u . s . securities regulators may file suit against morningstar inc . , a provider of mutual fund and stock research , over incorrect data it published about a mutual fund , the company said on friday . -__label__4 , microsoft changes its tune on porting sp2 fixes , microsoft watch redmond had told developers privately earlier this year of plans to port some sp2 fixes to older versions of windows . -__label__2 , calvin murphy removed as rockets broadcaster , murphy will go to trial nov . 4 on charges he molested his daughters , a state district judge said tuesday . murphy is charged with three counts of indecency with a child and three counts of aggravated sexual assault , punishable by up to life in prison . -__label__1 , bush , kerry economic budgets exceed \$1t , washington - president bush and democratic sen . john kerry have starkly different economic priorities with a common thread price tags exceeding \$1 trillion that could pump already huge deficits skyward over the next decade . . . -__label__3 , some md . mds curtail surgeries in insurance protest , physicians in a northwest maryland county plan to halt non-emergency surgeries for at least two weeks to protest a 33 percent increase in malpractice insurance premiums . -__label__3 , us stocks up on durable goods news chips down , us stocks got a mild boost on friday as government data showed better-than-expected demand in august for durable goods other than transportation equipment , but climbing oil prices limited gains . -__label__4 , locusts encroach on west african rice-growing area ( reuters ) , reuters - west africa ' s worst locust plague for 15\years has encroached on one of the region ' s largest\rice-growing areas , authorities in mali said on friday . -__label__4 , intel shelves plans for wi-fi access point , due to lack of demand , the chipmaker postpones plans to build wi-fi access points into desktop pcs this year . -__label__3 , rivals ocean spray , northland make peace , cranberry juice rivals ocean spray and northland have ended their legal battle and agreed to join forces . the companies said friday that ocean spray will take over its smaller rival #39 s -__label__1 , calif . oks world ' s toughest smog rules , los angeles - california air regulators friday unanimously approved the world ' s most stringent rules to reduce auto emissions that contribute to global warming - a move that could affect car and truck buyers from coast to coast . under the regulations , the auto industry must cut exhaust from cars and light trucks by 25 percent and from larger trucks and sport utility vehicles by 18 percent . . . -__label__3 , ocean spray to buy northland assets , looking to expand its fruit receiving and concentrating operations in the nation #39 s largest cranberry-producing state , ocean spray cranberries inc . -__label__3 , ca , partners move on as kumar faces charges , concern over the fate of former computer associates international chairman and ceo sanjay kumar accompanied the collective sigh of relief felt by ca partners last week when federal prosecutors settled a two-year-old accounting fraud investigation with the -__label__4 , peter griffin a9 . com makes searching personal , i #39 ve really taken to a9 . com . it #39 s almost as if this new player in the search engine game has been built specifically for me . -__label__2 , england seek first one-day title against surprise package windies , london england have never won a major international limited-overs title while west indies world cup glory days date back to 1975 and 1979 . -__label__2 , wenger keep tabs on swp , arsenal boss arsene wenger has upped the stakes ahead of saturday #39 s clash against manchester city by claiming he would love to sign shaun-wright phillips . -__label__2 , a greek tragedy for fab three , paris greece #39 s shock euro 2004 triumph in july has had unexpected consequences with three european players of the year calling time on their national sides . -__label__2 , ichiro makes run at historic record , ichiro suzuki , baseball #39 s sang-froid player , is racing to shatter an elusive record for hits in a single season , aiming to bring glory to himself , the seattle mariners and his country japan . -__label__4 , first look creative zen portable media center , new device plays back audio and video on the go , but it sports a hefty price tag . -__label__3 , san diego fiscally sound , mayor says , san diego - in the wake of another downgrading of san diego #39 s credit rating , mayor dick murphy today reassured the public that the city is fiscally sound . -__label__2 , vaughan confident england can cap memorable season , england captain michael vaughan leads his side against the west indies today quietly confident of claiming his first major one-day trophy in the icc champions trophy final against west indies . -__label__1 , scientist ramanna mourned , bombay raja ramanna , the scientist who pioneered india #39 s drive to become a nuclear power , died yesterday in bombay at age 79 . -__label__1 , seoul says firms shipped lethal chemical to dprk , seoul south korean authorities stopped a shipment of a potentially lethal chemical to north korea this year , but at least two other shipments got through to the communist state , south korea said on friday . -__label__3 , putin says russia could be a yukos bidder , president vladimir v . putin said on friday that state-run companies might bid for assets of yukos in any sale to collect back taxes . -__label__1 , sudan ' foils islamist coup plot ' , sudan says it has foiled a coup plot by backers of detained islamist leader , hassan al-turabi . -__label__2 , one-two economic punch , proposals for two major league sports stadiums that would face each other across the anacostia river evolved independently , d . c . officials said friday . -__label__2 , mlb new york yankees 6 , boston 4 , hideki matsui homered and drove in two runs friday night as the new york yankees increased their division lead with a 6-4 win over boston . -__label__3 , us airways ' unions brace to fight deep cuts , us airways ' 28 , 000 employees waited last night for the airline to file a petition with the judge in its bankruptcy proceeding , seeking to void existing labor contracts and impose a 23 percent pay cut on workers . -__label__2 , pedro yanks ? no thanks bombers psyche out ace #39 , pedro martinez last night uttered the absolute last words any boston fan wants to hear from their ace - now , or ever call the yankees my daddy . -__label__1 , dodgers nip giants 3-2 in crucial series , san francisco - shawn green can sit out saturday knowing he was a huge help to the dodgers during their crucial series against san francisco . green hit a two-run homer in los angeles ' 3-2 victory over the giants on friday night , a day before the first baseman will miss a game to observe the jewish holiday yom kippur . . . -__label__3 , refiners line up for stockpiled oil , oil futures hit a record high friday as the government began lending oil from emergency reserves to refineries running low on crude after hurricane ivan . -__label__3 , fannie mae mess worries investors , the fallout from allegations of serious accounting problems at fannie mae has rattled investors and could even bump up mortgage rates down the road . -__label__2 , us leads 2-0 in davis cup , olympic silver medalist mardy fish served 19 aces to defeat max mirnyi in the second singles match 7-5 , 6-2 , 3-6 , 6-3 . roddick #39 s serve in the final game of the match eclipsed his own record of 153 mph set at the queen #39 s club tournament in england in june . -__label__2 , yanks beat pedro again santana wins 20th , all the boston red sox got from pedro martinez this week was a pair of losses to the yankees . the al central-champion twins drank a champagne toast to santana after he became the second 20-game winner in the -__label__2 , no . 21 boise state holds off byu 28-27 , what started as another boise state blowout came down to the final seconds . the no . 21 broncos jumped to a 16-0 lead in the first quarter , but needed a missed field goal with -__label__3 , us airways to ask court for pay cuts , s airways said yesterday that it would ask a bankruptcy judge to approve emergency pay cuts - which its unions said would be 23 percent - and other moves to raise cash . -__label__2 , yanks deflate sox , this wasn #39 t game 7 with the american league pennant at stake , but it certainly had the kind of bad vibes that the boston red sox felt last october . -__label__1 , pakistan and india agree to cooperate on easing tensions and < b> . . . < /b> , the leaders of india and pakistan promised friday to work together to quot restore normalcy and cooperation quot between their countries and seek peace in the disputed himalayan territory of kashmir . -__label__2 , shanghai , qualifying surprises all round , michael schumacher spun and sauber looked strong this afternoon . fernando and jacques went sixth and thirteenth . -__label__2 , time to step up , charlie garner didn #39 t come to tampa to watch the tampa bay bucs offense stumble around like it has in the first two games of this season . -__label__3 , oil prices rise despite us move to draw on strategic reserve , new york , sept 23 ( afp ) - oil prices edged closer to record territory thursday as markets shrugged off news that the us government may draw from its strategic reserves to make up for shortages due to hurricane ivan . -__label__2 , kuznetsova beats sharapova to make china open final , beijing ( reuters ) - u . s . open champion svetlana kuznetsova beat compatriot and wimbledon champion maria sharapova 6-2 , 6-2 for a place in the final of the \$585 , 000 china open wta tournament on saturday . -__label__3 , putin says state companies may buy yukos oil assets ( update3 ) , russian president vladimir putin said state-run companies may bid for oao yukos oil co . assets in any sale to collect back taxes , raising the prospect of further government control over the nation #39 s oil and gas industry . -__label__1 , israel destroys refugee homes , kills one , gaza city , gaza strip - a day after a mortar round killed an israeli-american woman in a nearby settlement , the israeli army charged into a palestinian refugee camp saturday , killing one person and tearing down 35 homes , witnesses and a u . n . aid official said . . . -__label__4 , firefox browser turns 1 . 0 as browser wars re-emerge , mozilla released a preview release of version 1 . 0 of its new , lightweight browser , named firefox , even as web traffic metrics indicate that microsofts internet explorer may be losing market share for the first time in many years . -__label__2 , australia better prepared , says gilchrist , mumbai - australia #39 s stand-in captain adam gilchrist said on saturday his team was seeking a momentous test series triumph in india . -__label__2 , serena sails into final at china open , though in an unfamiliar city , top seed serena williams turned the inaugural china open wta tennis tournament into a home court here on saturday as she stormed into the singles -__label__1 , un refugee chief tours sudanese refugee camp in chad , the top united nation refugee official is in chad , where saturday , he toured a camp for sudanese refugees who have fled violence in the western darfur region . -__label__1 , hu issues certificates to two new generals , chinese president hu jintao presented on saturday certificates to two nearly promoted generals in his capacity as chairman of the central military commission ( cmc ) of the communist party of china . -__label__3 , this week in the state legislature , the senate is expected to vote on the overall \$3 . 3 billion spending plan for the state department of transportation , which supports state and local highway programs , public transportation programs and department administration ( house bill 5528 ) . -__label__3 , airport staff walk-out fails to disrupt flights , a strike by hundreds of baggage handlers and maintenance workers at gatwick airport failed to disrupt flights today . the workers mounted picket lines outside -__label__2 , boro left feeling blue , accepting mediocrity has been part and parcel of following middlesbrough over the years , yet this campaign was supposed to bring something new . -__label__1 , men , women more different than thought , chicago - beyond the tired cliches and sperm-and-egg basics taught in grade school science class , researchers are discovering that men and women are even more different than anyone realized . it turns out that major illnesses like heart disease and lung cancer are influenced by gender and that perhaps treatments for women ought to be slightly different from the approach used for men . . . -__label__2 , gilchrist confident about india tour , sydney , sep 25 australia #39 s stand-in captain and wicketkeeper adam gilchrist has said that his twin responsibilities will not come in the way of seeking a winning start for his team against india in next month #39 s test series . -__label__2 , bremen , bayern amp stuttgart win as wolves stay top , vfl wolfsburg remain clear at the top of the bundesliga table after a last-minute diego klimowicz strike condemned kurt jara #39 s kaiserslautern to defeat at the volks-wagen arena , on a day that saw miroslav klose hit a hat-trick for werder bremen at bochum . -__label__2 , no . 13 lsu 51 , mississippi state 0 , alley broussard ran for a career-high three touchdowns in the first 17 minutes and no . 13 lsu held mississippi state to seven first downs and 130 yards in a 51-0 victory saturday . -__label__2 , nfl postpones miami game , due to hurricane jeanne , the national football league has postponed sunday #39 s scheduled game between the pittsburgh steelers and the miami dolphins in miami due to the threat of hurricane jeanne . -__label__2 , robby gordon planning to proceed with caution , robby gordon plans to join the oil spills , the tire chunks , the sharp pieces of debris and the other typical racetrack hazards on sunday . -__label__3 , us 2-year treasuries fall for week as fed raises target rate , the benchmark two-year us treasury note had its biggest weekly decline in a month on speculation the federal reserve will follow up this week #39 s interest-rate increase with at least one more this year . -__label__1 , four held in anti-terror raids , three of the men were seized in a quot pre-planned quot operation by officers from the metropolitan police anti-terrorist branch at a hotel in brent cross , north london . -__label__2 , premiership charlton snatch win , dennis rommedahl grabbed an injury-time winner for charlton against a crystal palace side who will be very upset at a missed penalty . -__label__3 , boeing gets downpayments , boeing has received downpayments for up to 200 of its new 7e7 planes in addition to the known 52 orders it has gained , chief executive harry stonecipher said in an interview published on thursday . -__label__3 , boeing ceo says market slower than airbus suggests , berlin boeing co . chief executive harry stonecipher has said the us aircraft makers archrival airbus was exaggerating the speed of recovery in the commercial airplane market . -__label__2 , cricket swings to calypso once again , from the time you touch down in the british isles , you get an overwhelming sense of grey . the skies are almost always leaden , the clothes people wear are generally either black or neutral shades guaranteed -__label__2 , update 1-struggling singh stays ahead in pennsylvania , world number one vijay singh stayed two shots clear of the field after struggling to a level-par 72 in the third round of the \$4 . 2 million pennsylvania classic on saturday . -__label__1 , italy and libya move on migrants , italy ' s interior minister visits libya to pave the way for joint efforts to curb illegal immigration into the eu . -__label__2 , cup chase lands in dover , when the green flag drops for today #39 s mbna america 400 at dover international speedway , 43 drivers will be lined up to cross the start/finish line . -__label__1 , how long will the pop press stomach the horrors of iraq ? , the sickening accounts of the ordeal of ken bigley have brought home to everyone the true wretchedness of the present situation in iraq . -__label__1 , un chief promises more staff to iraq when possible , un secretary-general kofi an nan meets with visiting iraqi prime minister iyad allawi at un headquarters in new york , sep 24 . ( xinhua photo ) . -__label__4 , quicken , money duel to a draw ( washingtonpost . com ) , washingtonpost . com - the intuit-microsoft battle for supremacy in the personal-finance software market is as long-running as some sports rivalries -- except that few users seem to care all that much about the outcome of this contest . -__label__2 , red sox explode in the 8th for 12-5 win , the new york yankees are going to the playoffs , and they will probably go there as al east champions , too . they just won #39 t be clinching the division in fenway park . -__label__2 , howard wins big , the bison win their second straight game with a 53-7 domination of nonconference savannah state before 5 , 205 at greene stadium . -__label__2 , live chinese grand prix , michael schumacher has set the stage for what promises to be a thrilling fightback through the field by qualifying at the back of the grid for the inaugural chinese grand prix , which starts at 0700 . -__label__1 , muslim council joins fight for hostage #39 s life , efforts to secure the release of iraq hostage ken bigley are being stepped up as a delegation from the muslim council of britain #39 heads to baghdad for talks . -__label__1 , afp interview un refugee chief says sudan likely to grant darfur < b> . . . < /b> , abeche , chad , sept 26 ( afp ) -- the sudanese government has seen the writing on the wall and is likely to grant some autonomy to the violence-wracked darfur region but the rebels should now do their bit to end the world #39 s worst humanitarian crisis , un high -__label__1 , riyadh says killing of frenchman was terrorist attack ( afp ) , afp - a french national shot dead in the saudi red sea city of jeddah overnight was the target of a quot terrorist attack quot according to initial investigations , an interior ministry spokesman told afp . -__label__2 , dover #39 s place in #39 chase #39 looks secure , nascar officials spent several days last december going through different scenarios when they met to come up with their quot chase for the nextel cup quot plan . -__label__2 , barrichello wins chinese grand prix , shanghai , china - rubens barrichello won the inaugural chinese grand prix on sunday , taking advantage of formula one champion michael schumacher #39 s disastrous weekend and outlasting runner-up jenson button by just over a second . -__label__2 , mark it down notre dame is back , shaking down the thunder from a puffy gray-white sky on a gorgeous saturday afternoon , notre dame reminded the usual 80 , 795 suspects that an opening loss to brigham young was an aberration . -__label__2 , orioles to get paid off for expos #39 move to dc , in this crevice of the baseball globe , as the season heads to the bottom of the ninth , nothing has changed . it #39 s an annual rite for both teams by the bay to be in prime playoff position with a week to go , and -__label__1 , half of men on pitcairn island on trial for alleged sex abuse , a small , prefabricated affair , consisting of just six cells . they have an incentive to build it well seven of them could soon be living there . -__label__4 , is google working on a web browser ! , after coming up with gmail and google news , rumours are rife that search engine google is now working on a web browser , reports bbc . -__label__4 , soldiers ' war blogs detail life in iraq , iraq war blogs are as varied as the soldiers who write them . some sites feature practical news , war pictures and advice . some are overtly political , with more slanting to the right than to the left . some question the war , some cheer it . -__label__4 , could newer browsers dethrone ie ? , every time a new ie security flaw is announced , or whenever someone gets fed up with hackers manipulating their web browser , firefox and other mozilla-based browsers get a bump in the marketplace . -__label__2 , fans honour legend clough , thousands of football fans fell silent today to honour the life and achievements of legendary manager brian clough . a public tribute was held in nottingham city centre and a minute -__label__1 , karzai travels north on first domestic trip since rocket attack , afghan president hamid karzai sunday made his first domestic trip outside the capital , kabul , since a trip cut short by a rocket attack 10 days ago . -__label__1 , pinochet questioned by investigative judge , an investigative judge has questioned former chilean dictator augusto pinochet for half an hour to decide whether to indict him in one of hundreds of human rights cases stemming from his 1973-1990 rule . -__label__2 , dolphins and steelers will play sunday night ( reuters ) , reuters - the miami dolphins and\pittsburgh steelers will play their scheduled game sunday night\at 8 30 p . m . -__label__1 , un refugee chief sees darfur autonomy as way out of crisis , ndjamena un high commissioner for refugees ruud lubbers said that sudan should grant more autonomy to darfur as he began a visit to address the crisis over the exodus of more than 1 . 4 million refugees from the troubled region . -__label__1 , israel sends syria tough message with hamas strike , widening its pursuit of hamas beyond the occupied territories , israel reached into damascus sunday , dealing a blow to both hamas and syria . -__label__2 , serena takes china title , serena williams got back to winning ways with victory over us open champion svetlana kuznetsova in the final of the china open on sunday . -__label__2 , giants most important game of the year will be an everyday < b> . . . < /b> , san francisco - lets defer to the slugger-philosopher , barry bonds , for saturdays life-lesson . it he said in reference to the san francisco giants latest biggest win of the season , is as big as it is today . -__label__1 , labour delegates force iraq vote , iraq is chosen for a vote at labour conference but tony blair says he will not apologise for the war . -__label__2 , a win worth a calypso or two , london , september 26 just the way the brazil is synonymous with soccer and tom with jerry , west indies cricket has always been synonymous with fast bowlers , with batsmen who had more flair than wood in their willows and with calypso . -__label__4 , ' wikis ' offer knowledge-sharing online ( ap ) , ap - taran rampersad didn ' t complain when he failed to find anything on his hometown in the online encyclopedia wikipedia . instead , he simply wrote his own entry for san fernando , trinidad and tobago . wikipedia is unique for an encyclopedia because anybody can add , edit and even erase . and the wikipedia is just one #151 albeit the best known #151 of a growing breed of internet knowledge-sharing communities called wikis . -__label__4 , sony , nintendo power up for battle of the portable game consoles ( afp ) , afp - riding on the global success of playstation 2 ( ps2 ) , sony has launched its first hand-held game console to challenge rival nintendo , whose game boy advance monopolizes the worldwide portable game market . -__label__3 , us airways wants court to cut pay , troubled carrier us airways has asked a us bankruptcy court to impose big wage and cost cuts , warning that otherwise it might fail to survive . -__label__2 , nfl game summary - jacksonville at tennessee , nashville , tn ( sports network ) - fred taylor scored on a one-yard run with nine seconds left in the fourth quarter to lift the jacksonville jaguars to a 15-12 victory over the tennessee titans at the coliseum . -__label__2 , giants 27 , browns 10 , kurt warner and michael strahan made sure the new york giants didn #39 t have a letdown against the injury-ravaged cleveland browns . -__label__2 , soccer vller quits roma after bologna loss , rudi vller said sunday that he had left roma of the italian league . he had been manager for less than four weeks . roma lost 3-1 to bologna in serie a on saturday , even though its opponents played for 40 minutes with just nine men . -__label__1 , haitian storm survivors give thanks , amid the destruction from tropical storm jeanne , haitians have prayed for the 1 , 500 dead and given thanks that their lives were spared at services on sunday . -__label__1 , no progress in n . korea , japan talks on abductees , talks between japan and north korea aimed at resolving a dispute over japanese nationals abducted by the north decades ago ended sunday without progress , japanese officials said . -__label__3 , uk writing off poor nations ' debt , gordon brown says the uk will write off its share of debts owed by the world ' s poorest countries to the world bank . -__label__4 , half . com to continue at full speed , this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . online auction giant ebay won #39 t be closing down its half . -__label__3 , financial planning an option for coles , coles myer ltd chief executive mr john fletcher yesterday said he was interested in branching out from the retail business into financial planning services for the groups customers . -__label__2 , green bay packers , indianapolis ( ticker ) -- the showdown between peyton manning and brett favre turned into an arena football league spectacle . manning threw for 320 yards and five touchdowns in the first half when the indianapolis -__label__3 , bill gates is the richest for 11 years successively , bill gates , the founder of microsoft , still remains the richest person in the usa , according to forbes magazine . gates has been keeping the first place for already 11 year in a raw among the richest americans . -__label__3 , no ticket matched all four numbers and the megaball in friday #39 s < b> . . . < /b> , no ticket matched all four numbers and the megaball in friday #39 s mega money drawing of the florida lottery . the numbers drawn were 10-18-19-22 the megaball was 6 . twelve tickets matched four of the numbers -__label__1 , iran deploys new missile , tehran iran added one more missile to its military arsenal and the defense minister said saturday his country was ready to confront any external threat . -__label__1 , jet lands in uk after bomb alert , an olympic airlines flight on its way from athens to new york is diverted to stansted airport after a security alert . -__label__1 , u . s . military arrests an iraqi commander , the arrest of a commander of the iraqi national guard raises concerns about the loyalty and reliability of the new security forces . -__label__3 , update 4 tokyo stocks shed 1 percent , dollar up , tokyo stocks shed more than 1 percent friday , extending declines to a sixth straight session driven by wall street #39 s weakness and worries that higher oil prices may crimp corporate profits . -__label__2 , kim captures 1-shot win at longs drugs ( ap ) , ap - christina kim made a charge on the back nine sunday , shooting a 6-under 65 at the longs drugs challenge for a one-shot victory over karrie webb and her first lpga win . -__label__2 , angels suspend guillen without pay ( ap ) , ap - angels left fielder jose guillen was suspended for the rest of the season sunday because of his outburst after being lifted for a pinch runner a day earlier . -__label__1 , u . s . wants to lease swedish submarine ( ap ) , ap - the united states wants to lease a swedish attack submarine for naval exercises in the baltic sea in a deal possibly worth tens of millions of dollars , defense officials said sunday . -__label__1 , japan ministers resign ahead of reshuffle , tokyo ( reuters ) - japanese cabinet ministers tendered their resignations on monday , setting the stage for prime minister junichiro koizumi to make new appointments aimed at boosting his popularity and tightening his grip on power after a set-back in july ' s upper house elections . -__label__4 , medimmune ceo talks finance and science , david mott , a dartmouth-educated wall street investment banker , is increasingly leveraging his reputation in the local and national biotech communities . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> -__label__4 , is google news biased ? , google news tends to favor news stories with a conservative bias , according to new media observer j . d . lasica , a claim which google denies . -__label__2 , fans put in position of deciding which team comes first , say you #39 re a raiders fan and the silver and black are playing the broncos in late december . you want denver to hurt the hurt that only comes with having your hiney handed to you . -__label__1 , pakistan #39 s top wanted terrorist killed , pakistani security forces sunday killed the country #39 s most wanted terrorist allegedly involved in an assassination attempt on president pervez musharrafand indicted in the murder of a us journalist . -__label__1 , pakistan al-qaeda suspect killed , pakistan says it has dealt a major blow to al-qaeda #39 s operations after its security forces shot dead the country #39 s most wanted terror suspect . -__label__2 , paralympians stripped of medals for failing tests , a visually impaired cyclist from slovakia , competing in the men #39 s tandem event , was stripped of his silver medal and three weightlifters were slapped with two-year bans after testing positive for banned substances at the athens -__label__1 , press blame right for swaying citizenship votes , on sunday voters rejected government-backed plans to simplify naturalisation procedures for second-generation foreigners . they also turned down a proposal to grant children born in switzerland to foreign parents the automatic right to a swiss passport . -__label__2 , tennis gb lose out in davis cup , great britain has been relegated from the davis cup group with the world #39 s best teams in after losing to austria . greg rusedski lost the crucial match to stefan koubek 7-6 6-4 7-5 to see britain lose out in the tie 3-2 . -__label__1 , experts dampen bird flu fears , international health officials at an emergency meeting in bangkok monday said there is no evidence that bird flu has been passed from one human to another . -__label__1 , hamas official killed in blast , jerusalem -- a hamas official was killed sunday when his sport utility vehicle exploded in a neighborhood of damascus , syria , seconds after he started the engine , according to witnesses and the palestinian militant group #39 s leaders , who accused israel of -__label__3 , crude oil prices near continued march toward symbolic \$50 us level , crude oil prices neared their all-time record high of \$49 . 40 us as supply fears in iraq and other key producers pushed up early trade monday , while the market took stock of hurricane ivan #39 s impact on oil rigs in the gulf of mexico . -__label__3 , a wandering congress trips over the us constitution , that is the one-word message of advice that citizens wanted to send to members of congress at the end of last week . both the house of representatives and the senate looked as if they are having trouble seizing -__label__1 , diverted london airliner given all-clear , a police search concluded there was no threat to a new york-bound greek airliner forced to make an emergency landing in britain following a bomb threat that mentioned iraq , officers said monday . -__label__2 , defensive adjustments keep it close , the chargers #39 defense had one of its better games in recent years , despite allowing 23 points . one of the keys was an adjustment to disrupt the broncos #39 passing game . -__label__2 , sox punish cocky yankees , bostonthese yankees are an arrogant bunch . six consecutive first-place finishes tend to do that . but very rarely do you see a team in the heat of a pennant race facing the team chasing them send out a starting pitcher just to see him get work . -__label__2 , it #39 s a record singh surpasses woods again , when vijay singh started out as a pro golfer more than 20 years ago , \$10 million seemed an unreachable goal . one more victory -- and , the way he #39 s playing , that could be only one more tournament away -- and -__label__4 , sims 2 plays with life addicts , the sims 2 adds dna into the mix and much more realistic 3d graphics , which gives the game an eerie feeling of reality . -__label__1 , debkafile special analysis , before deporting him to lebanon in 1991 , the late yitzhak rabin called ezz-eldin sheikh al-khalil the snakes head , singling him out as the terror master who raised and handled hamas most accomplished terror operatives , adnan al hool and -__label__3 , data view singapore aug indus output below expectations , singapore ( dow jones ) --singapore #39 s industrial output rose a smaller-than-expected 5 . 3 on year in august , as the production of pharmaceuticals fell sharply from a high base a year ago . -__label__3 , adobe updates raw plug-in with digital negative format , adobe has updated photoshop #39 s support for digital cameras #39 raw image formats . the new plug-in adds to the number of camera models supported and includes a utility for converting images into the dng , digital negative format . -__label__4 , now virgin to offer trips to space , london , england -- british entrepreneur richard branson announced his company has signed a deal to offer the world #39 s first commercial flights to space under the branding quot virgin galactic . -__label__4 , kill the poor , i ' ve been a soup van volunteer for three months plus a couple of weeks . i ' ve also been casually mentioning this example of my beneficence in everyday conversation for about the same length of time . i use this particular phrasing , rather than i work on a soup van , because what i ' m trying to emphasise is that i didn ' t take it up lightly or gingerly . in the beginning , i didn ' t know exactly how it would turn out , but i did know that i wanted to be good . between then and now , an awful lot became clear . -__label__4 , plan b proposes its own alternatives , donnie downs , president and chief executive of plan b technologies inc . , said the company itself is a plan b . -__label__1 , european press review climate change , european editorials on monday commented on the results of the local elections in the western german state of north rhine-westphalia . -__label__2 , sc to hear zee petition tommorrow , five judges of the top court will hear a petition filed by zee telefilms on tuesday . a three-judge panel of the supreme court said a five-judge bench would hear the dispute that threatens the rights of india #39 s -__label__3 , hurricane ivan blows courts #39 profits away , millions of pounds are likely to be wiped off profits at the caribbean arm of furniture retailer courts following the devastating impact of hurricane ivan . -__label__3 , fm , reddy to attend imf-wb meet , finance minister p chidambaram will lead a high-level delegation for the annual imf-world bank meeting in washington from october 1 , where new delhi would press for higher aid flows for infrastructure and social development . -__label__4 , red hat opens losing propaganda offensive against sun , opinion heaven help us all - there #39 s a blog battle being waged between red hat #39 s chief cheerleader michael tiemann and sun microsystems #39 president jonathan schwartz . -__label__4 , microsoft closes hotmail to outlook and outlook express users , from today , new users of microsoft #39 s outlook and outlook express won #39 t be able to view hotmail emails for free . the company has announced that in future the service will only be available to subscribers of the msn premium services costing \$19 . -__label__2 , the wayne rooney era begins at manchester united , manchester united manager alex ferguson calls him the best english player in the last 30 years , and he #39 s expected to debut for the club tuesday in its champions league match at old trafford against turkey #39 s fenerbahce . -__label__4 , the sims 2 demon stone the number devil , getting a life gets a lot more complicated in this sequel to the best-selling computer game in history . -__label__4 , mcdata offers san consolidation , mcdata plans to introduce a new san router this week designed to connect the growing number of isolated san networks in corporations . < p> advertisement< /p> < p> < img src=http //ad . doubleclick . net/ad/idg . us . ifw . general/sbcspotrssfeed sz=1x1 ord=200301151450 ? width=1 height=1 border=0/> < a href=http //ad . doubleclick . net/clk 9228975 9651165 a ? http //www . infoworld . com/spotlights/sbc/main . html ? lpid0103035400730000idlp> sbc case study crate barrel< /a> < br/> what sold them on improving their network ? a system that could cut management costs from the get-go . find out more . < /p> -__label__1 , greek school bus crash kills seven , injures 24 , kammena vourla , greece ( reuters ) - a bus carrying school students and teachers to the athens paralympic games collided with a truck in central greece on monday killing at least seven people and injuring 24 , officials said . -__label__3 , walgreen 4th-qtr net rises 18 percent on drug sales ( update1 ) , walgreen co . , the largest us drugstore chain , said fourth-quarter profit rose 18 percent , helped by sales of prescription drugs . net income had its biggest gain in almost two years , climbing -__label__4 , virgin tunes into the online music market , quot we dont see this market as crowded . there is tremendous growth potential quot - zack zalon , virgin digital president . story in full virgin mobile , part of billionaire sir richard bransons sprawling business -__label__3 , before the bell - ess technology drops 4 . 4 pct , shares of ess technology ( esst . o quote , profile , research ) , a maker of computer chips for dvd equipment , fell 4 . 4 percent in premarket trading on monday after the company lowered its third-quarter revenue and earnings -__label__1 , sports court hears hamm gold medal appeal , lausanne , switzerland - paul hamm appeared before the sports world ' s highest court monday to argue why he should he keep his olympic gymnastics gold medal . the court of arbitration for sport convened to hear the appeal from a south korean gymnast who believes he was unfairly deprived of the gold in the men ' s all-around event in athens last month because of a scoring error . . . -__label__3 , comcast gets option on tw cable , new york ( cbs . mw ) -- comcast said monday that it has an option to cut its stake in time warner cable to 17 percent from 21 percent in exchange for stock in a unit that will hold cable-television systems and cash . -__label__1 , rivalry blamed in philippine communist leader #39 s death , a leader of a philippine communist breakaway group has been killed , in what may be rivalry among former comrades . the shooting is the latest in a series of assassinations of communist party defectors . -__label__3 , touchy times at midas , the auto maintenance company has a simple business but a complicated prognosis . -__label__1 , blair , paisley confer on n . ireland , british prime minister tony blair met in london with democratic unionist leader ian paisley monday about power sharing with northern ireland #39 s assembly . -__label__3 , microsoft lawyer says company able to comply with eu antitrust < b> . . . < /b> , microsoft attorney brad smith , said quot we will certainly be prepared to comply with the court #39 s order whatever it may be . we have invested a tremendous amount of time and energy and spent millions -__label__3 , hilfiger tumbles on grand jury probe , chicago ( cbs . mw ) -- shares of tommy hilfiger corp . tumbled monday after the company disclosed that a grand jury was looking into the buying-office commissions the retailer pays to a non-us subsidiary . -__label__4 , siemens , freescale extend auto partnership , siemens vdo automotive and freescale semiconductor have renewed their automotive relationship , representing about \$245 million for components including asics , microcontrollers , analog and sensor components , beginning in 2006 . -__label__3 , stocks slip on oil , downgrade of semis , new york ( reuters ) - u . s . stocks were knocked lower on monday , with the dow dipping briefly below 10 , 000 , as record high oil prices threatened to hurt corporate profits and a brokerage downgrade hit semiconductor shares . -__label__3 , fannie mae agrees to accounting changes , fannie mae , facing questions about its accounting similar to those that shook up freddie mac last year , has agreed to changes that will bring it in compliance with accounting standards . -__label__4 , cybertrust ceo says merger driven by users , september 27 , 2004 ( computerworld ) - betrusted holdings inc . in new york and trusecure corp . in herndon , va . , last week said they #39 re merging to form a single it security services vendor . -__label__1 , presidential campaign turns even nastier ( afp ) , afp - the us presidential race hit a new low in nastiness with images of osama bin laden and epithets such as quot despicable quot and quot un-american quot bombarding voters before a crucial series of televised debates . -__label__1 , a graphic film of protest , and cries of blasphemy , the director of a 10-minute film shown on dutch television hopes to draw attention to what she says is widespread but hidden violence against muslim women . -__label__1 , bishop indicted on child rape charges , springfield , mass . - bishop thomas dupre , the former head of the springfield diocese , was indicted monday on child rape charges , accused of molesting two boys in the 1970s , the county prosecutor said . . . -__label__4 , sidebar microsoft enters data backup arena , september 27 , 2004 ( computerworld ) - chicago -- microsoft #39 s announcement of a disk-to-disk backup application designed to consolidate data backups on windows servers positions the company to compete against storage management stalwarts such as veritas -__label__2 , button happy with 2nd , jenson button was happy to settle for runners-up spot despite falling agonisingly short of a maiden formula one win for the second race in succession . -__label__1 , holiday stamps to be issued in oct . ( ap ) , ap - holiday postage stamps celebrating christmas , hanukkah and kwanzaa will be issued next month , the u . s . postal service announced monday . -__label__4 , shaving time from the virus race , ironport systems has launched the latest version of its ironport c-series e-mail security appliance , adding virus outbreak filters that the company said could respond to new virus outbreaks within minutes . -__label__3 , us airways may liquidate by february , alexandria , va . sept . 27 , 2004 - us airways group inc . warned in a bankruptcy court filing that it may have to liquidate by february if a judge does not impose a temporary 23 percent pay cut on its union workers . -__label__3 , dell , aol team up in schools initiative , round rock , texas -- dell inc . and america online inc . announced a partnership monday to provide 5 , 000 low-income students with free refurbished personal computers and a year #39 s worth of internet access . -__label__4 , cisco #39 s smb goods , cisco systems is accelerating its push into the smb market with the launch this week of entry-level switching modules , an aggregation switch and a web-based management tool that helps smaller customers gain easier access to high-level features . -__label__4 , gold indian coin expected to fetch #36 27 , 000 ( reuters ) , reuters - an indian gold coin which is nearly\1 , 900 years old and shows one of the earliest depictions of\buddha is to be sold at auction where it is expected to fetch\up to 15 , 000 pounds ( #36 27 , 000 ) . -__label__1 , embattled mortgage giant agrees to meet new standards , fannie mae agreed to keep more cash on hand while it corrects accounting problems , a u . s . regulator said . -__label__3 , treasuries benefit on spike in crude oil , new york ( reuters ) - treasury debt prices climbed on monday as investors bet oil prices near record highs might dent u . s . consumption and force the federal reserve to slow the pace of interest rate hikes . -__label__2 , mashburn #39 s season blocked by knee injury may retire , barely more than a year removed from his best season , jamal mashburn is likely done playing in the nba . mashburn and the new orleans hornets announced monday , a week before the opening -__label__4 , elephant dna could help stem ivory trade ( ap ) , ap - analyzing the dna of elephants may help trace the origins of ivory being sold illegally , information researchers hope will help foil such trade . -__label__3 , nymex oil rises on nigerian rebel threat , new york ( reuters ) - nymex crude oil futures jumped 36 cents in electronic trading on monday evening to the psychological \$50 a barrel level , the highest in the 21 years oil futures have traded on the exchange , as nigerian rebels decided an all-out war against the government starting oct . 1 . -__label__4 , dell upgrades high-performance cluster line , to boost performance for high-end users , dell inc . is upgrading its high-performance computing clusters by adding support for larger topspin infiniband switches and pcie host channel adapters . -__label__4 , dhs faces it management challenge , gao says , a quot formidable information and technology management challenge quot faces the homeland security department , according a report released today by the government accountability office . -__label__3 , oil near \$50 on supply fears in nigeria , oil prices rose to record highs monday near \$50 a barrel for us crude as nigeria emerged as the latest focus for worries about supply in an already tight worldwide energy market . -__label__4 , cisco switch products target small business , cisco systems is aggressively targeting small and midsize businesses with a set of ethernet switching products designed to greatly reduce the cost and complexity of operating a network . -__label__2 , court to hear case in gymnastics flap , one way or another , paul hamm #39 s gold-medal odyssey is about to end . whether he gets to keep the medal and the title he won a month ago in the olympic men #39 s gymnastics all-around will be up to the sporting world #39 s highest authority . -__label__2 , junior late father #39 had a lot to do #39 with rescue , new york -- dale earnhardt jr . has trouble remembering those frantic seconds when he escaped from his burning racecar . he believes , however , that his late father figured in his survival . -__label__1 , 5 dead in dubai airport accident , dubai - a steel mesh wall collapsed on workers building a multi-billion-dollar extension to dubai #39 s international airport yesterday , leaving five dead and 12 injured , authorities said . -__label__4 , cray promotes two execs , ly-huong pham becomes the supercomputer maker ' s senior vice president of operations , and peter ungaro is made senior vice president for sales , marketing and services . -__label__2 , manchester united admits paying 11m to transfer middle-men , the role of agents in multimillion-pound football transfer deals came under fresh scrutiny yesterday after manchester united revealed payments of 11m to middle-men for their help in signing players . -__label__3 , sky-high oil prices will ground air transport profits iata , montreal , canada sky-high oil costs will keep air transport profits in the basement , with losses between three billion and four billion dollars this year , despite a pickup in traffic , the international air trade association said . -__label__3 , update 3-walgreen profit rises , more stores planned , walgreen co . ( wag . n quote , profile , research ) , the top us drugstore chain , on monday said quarterly profit rose 18 percent on strong sales of prescription drugs -__label__2 , troubled real and roma meet as champions league resumes , madrid , spain ( sports network ) - two clubs with storied tradition but in the midst of current turmoil will meet tuesday when real madrid and roma highlight matchday 2 of the uefa champions league group play . -__label__2 , no . 12 virginia loses key defensive player , charlottesville , va ( sports network ) - the no . 12 ranked virginia cavaliers will be without defensive end chris canty for the remainder of the season . -__label__2 , redskins underway , the redskins and cowboys are underway from fedex field , a game that marks the first time legends joe gibbs and bill parcells have faced each other since 1990 . -__label__1 , hostages plight clouds meeting of blairs party , brighton , england the annual conference of prime minister tony blair #39 s labour party opened here monday under the pall of the war in iraq , as the fate of the british hostage ken bigley remained uncertain amid fresh appeals for his release from family -__label__4 , senate weighs h-1b visa changes , u . s . senators are debating a controversial measure to exempt foreign student graduates from the cap on h-1b visas . -__label__2 , hamm pleads case as the one and only champ , is olympic gold medal safe in his parents #39 wisconsin farmhouse , lovingly tucked into a white gym sock , the gymnast paul hamm had one goal in mind when he boarded a plane for europe last week to remain the olympic all-around champion . -__label__4 , microsoft crafts backup plan ( washingtonpost . com ) , washingtonpost . com - microsoft corp . officials said yesterday that the company has spent millions of dollars preparing a version of its windows operating system without a program for playing digital music and videos , in the event it loses its bid to postpone antitrust sanctions ordered by european authorities . -__label__3 , crude oil futures rise above \$50 on threat to nigerian supply , crude oil futures rose above \$50 a barrel in new york on concern rebel attacks in nigeria may reduce production while us inventories are near a 29-year low because of disruptions caused by hurricane ivan . -__label__1 , president terms farooqi #39 s death big achievement , the hague president general pervez musharraf monday described the killing of amjad farooqi as big achievement by security forces and said quot important terrorist has been eliminated . -__label__3 , stocks fall on oil , dow ends below 10 , 000 , the blue-chip dow jones average closed below 10 , 000 for the first time in about six weeks on monday as a spike in oil prices to nearly \$50 a barrel renewed concerns about corporate profits while analysts cutting recommendations hurt -__label__2 , al wrap red sox down devil rays to clinch playoff spot , new york ( reuters ) - manny ramirez belted his league-leading 43rd homer and johnny damon hit a three-run shot as the boston red sox clinched a playoff spot with a 7-3 win over the tampa bay devil rays in st petersburg on monday . -__label__2 , oswalt wins 19th as astros keep up the pace , roy oswalt became the nl #39 s first 19-game winner , and the houston astros stayed close in the wild-card race with a 10-3 victory over the st . -__label__2 , boston secures spot , the red sox clinch a second straight trip to the playoffs , topping tampa bay , 7-3 , monday behind manny ramirez ' s 43rd homer . -__label__2 , gold belongs to hamm , maybe there #39 s some technical justification for why paul hamm was forced to defend his gymnastics gold medal monday before a sports court in switzerland . -__label__3 , vodafone keen on future expansion , vodafone said today it remained keen on purchases in france , eastern europe and asia and africa as it detailed annual cost cuts expected to reach 2 . -__label__2 , shanghai atp canas struggles to first round win , shanghai a tired but determined guillermo canas of argentina held off a strong early charge from spains guillermo garcia-lopez to win his first round shanghai atp match 7-6 , 6-1 on monday . -__label__2 , skipper gives support while league sends warning , moises alou has a right to his opinion , chicago cubs manager dusty baker said monday . alou said everything he needed to say sunday . -__label__1 , blair readies crucial party speech under iraq cloud , britain #39 s tony blair faces one of the trickiest speeches of his career today , seeking to win back his labour party after rifts over iraq and spell out new policies to set up next year #39 s re-election bid . -__label__1 , north korea resists talks on nuclear arms , north korea said monday that it will not resume talks on its nuclear weapons program until the bush administration ends its quot hostile policy quot against pyongyang and -__label__3 , hurricanes , unrest in nigeria feed supply concerns , san francisco ( cbs . mw ) -- fueled by new supply worries in the united states and nigeria , crude-oil futures made history monday when the price topped \$50 per barrel late monday and one analyst said additional disruptions could push prices to \$60 per barrel -__label__3 , former executive testifies , offering insider #39 s look at enron #39 s < b> . . . < /b> , a former executive who was a participant in the wrongdoing that helped cripple enron testified on monday , providing the first glimpse through the eyes of a principal of -__label__4 , virgin to launch commercial space flights by 2007 , september 28 , 2004 -- london -- the ultimate high-end incentive trip took another step closer to reality yesterday when richard branson , head of the virgin group , announced plans to launch commercial space flights by 2007 . -__label__2 , angels 5 , rangers 3 , chone figgins and troy percival saved the anaheim angels , and gave them a little boost in the al west race . figgins had rbi hits in the last two innings and scored the go-ahead run on an infield grounder . -__label__3 , oil nears \$50 as gulf storms curtail output , crude oil prices settled at \$49 . 64 a barrel , up 76 cents as traders expressed concern that recent hurricanes had hurt output in the united states . -__label__1 , may have been transmitted between humans- report , thailand confirmed its second death from bird flu tuesday , and said the fatal case might have been transmitted by a human victim rather than a bird , according to published report . -__label__3 , industry report gambling -- casinos to be sold , harrah #39 s entertainment inc . and caesars entertainment inc . agreed to sell four casino hotels to an affiliate of colony capital llc for about \$1 . -__label__4 , using dna to stop elephant poachers , it #39 s like doing cold-case detective work on elephants , but university of washington scientist samuel wasser has devised an innovative method for pinpointing the dna fingerprints of poached elephant tusks . -__label__1 , cowboys defeat redskins 21-18 , landover , md . - bill parcells celebrated the touchdown with a big smile and his fist thrust high in the air . . . -__label__1 , israel levels new accusations against syria , without acknowledging responsibility for the car-bombing death of a hamas activist in syria , israeli deputy defense minister zeev boim yesterday issued a toughly worded -__label__3 , japan shares fall to low on oil worry , tokyo ( reuters ) - japan ' s nikkei share average fell 0 . 4 percent to a six-week closing low on tuesday , marking an eight-day losing streak , after oil prices topped \$50 a barrel , fanning concern over the business outlook for japanese companies . -__label__3 , banknorth investors voice doubts on bid , banknorth group inc . ' s biggest investors are voicing concerns about the proposed sale of a controlling stake to toronto-dominion bank . -__label__4 , gas prices up 5 cents after hurricane ivan , camarillo , calif . - gas prices jumped more than 5 cents a gallon in the past two weeks , largely because of supply problems related to hurricane ivan , an industry analyst said . -__label__2 , hearing held on hamm medal , paul hamm said yesterday that he would give back his olympic gold medal if sport #39 s highest court ordered him to . but lawyers for the american gymnast and the -__label__3 , independent directors demanded black #39 s resignation , investor says , catalyst fund general partner i inc . , a disgruntled shareholder of hollinger inc . , claimed yesterday that the company #39 s independent board members have demanded the resignations of conrad black , his wife and other insiders -- a charge disputed by the -__label__1 , us forces bomb falluja , many people were killed . the us military last week claimed to have killed around 100 of zarqawi #39 s . militiamen who have the area largely under their control . -__label__3 , hilfiger shares plunge amid probe , shares of tommy hilfiger corp . plummeted 22 percent yesterday following friday #39 s announcement that the apparel maker #39 s us division received subpoenas from the us attorney #39 s office regarding -__label__2 , soccer coach raymond goethals dies at 83 ( ap ) , ap - raymond goethals , the belgian soccer coach who led olympique marseille to the 1993 european champions cup title , died monday , according to news reports . he was 83 . -__label__3 , citigroup #39 s krawcheck named finance , strategy chief ( update2 ) , citigroup inc . , the world #39 s biggest bank , named sallie krawcheck chief financial officer and head of strategy , making her the highest-ranking woman on wall street and giving her responsibilities outside the brokerage industry . -__label__3 , virgin mobile growth prospects disappoint , richard branson #39 s virgin mobile has forecast substantially higher earnings and margins , but disappointing predictions for service revenue -__label__1 , us army considers shorter combat tours , washington -- the us army may shorten yearlong combat tours in iraq and afghanistan amid concerns the long and perilous duty is making it difficult to recruit soldiers and keep current ones , officials said yesterday . -__label__4 , aol aims to boost im on mobiles , aol has kicked off an initiative designed to make it easier for developers to engineer , test and distribute licensed aol instant messenger ( aim ) clients for mobile devices . -__label__1 , nigerian oil flows despite rebel threat-companies , oil should continue to flow from nigeria , the world #39 s seventh largest exporter , despite a rebel threat to attack foreign oil workers in an quot all-out war quot due to start on friday , multinational energy companies said . -__label__3 , uk bankers begin extradition hearing on enron-related charges , three british bankers will today begin fighting extradition to the us on fraud charges related to enron corp . , the first test of new british extradition laws . -__label__3 , pepsi bottling profit rises ( reuters ) , reuters - pepsi bottling group inc . , the\largest bottler of pepsi drinks , on tuesday said quarterly\profit rose on volume growth in the united states and europe . -__label__4 , microsoft , amazon . com file phishing , spamming lawsuits , microsoft and amazon . com monday filed one joint and several separate lawsuits against companies and individuals accusing them variously of trying to defraud consumers by imitating amazon and microsoft , the companies said tuesday . -__label__4 , meet uk #39 s #39 dr dolittle #39 of animal behaviour , london - lincoln university in the east of england has appointed britain #39 s first professor of animal psychiatry , a report said on tuesday . -__label__3 , motorola to cut 1 , 000 jobs , take charge , new york ( reuters ) - telecommunications equipment maker motorola inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mot . n target=/stocks/quickinfo/fullquote> mot . n< /a> said on tuesday that it would cut 1 , 000 jobs and take charges of about \$50 million for severance benefits as it tries to increase productivity . -__label__4 , viagra bought online ' often fake ' , half of viagra tablets sold on the internet are fake , research suggests . -__label__4 , national registry push could ease drug study hunt , by lauran neergaard washington ( ap ) -- scientists are conducting thousands of medical experiments that can offer tantalizing hope to the ill , but tracking them down and getting enrolled can be incredibly difficult . it might get easier , thanks to a growing push by doctors and lawmakers to force drug companies to list on a national registry every study they conduct . . . -__label__4 , first look intuit ' s quickbooks for newbies , new simple start edition accounting software targets small businesses still using pencil and paper . -__label__3 , pc sales hot for 2004 , but will soon cool off , pc shipments in the second quarter grew faster than any three-month period since 1999 , idc said monday , citing the continued pent-up demand for replacement systems as the driving force behind the sales surge . -__label__3 , stocks open higher , shrug off oil spike , new york ( reuters ) - u . s . stocks opened higher on tuesday , with beaten down shares offering bargains to investors and oil producer stocks bolstered by crude oil prices breaking through the \$50 a barrel mark . -__label__4 , russians next in line to receive cheap windows , after thailand , malaysia and indonesia , microsoft has identified russia as the fourth market for its low cost scaled down operating system , windows xp starter edition ( xp se ) . -__label__4 , dna map of elephants to net africa #39 s ivory poachers , scientists say a dna map of africa #39 s elephant herds will help combat the illegal trade in ivory . the map is a genetic profile of elephant groupings across the continent , from the dense forests of western and central africa to the vast eastern savanna . -__label__1 , oil companies in nigeria say they won #39 t give in to threats , major oil companies operating in nigeria #39 s oil-rich southern region say they will not give in to threats of attacks on their facilities and employees by militias . -__label__3 , motorola to cut 1 , 000 jobs , new york ( reuters ) - telecommunications equipment maker motorola inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mot . n target=/stocks/quickinfo/fullquote> mot . n< /a> said on tuesday that it would cut 1 , 000 jobs and take related charges of about \$50 million to focus on its wireless business . -__label__1 , pakistan ' s musharraf calls for unity against global terrorism ( afp ) , afp - pakistani president pervez musharraf kicked off a three-day visit to italy by calling on the world community to stand united in the fight against global terrorism . -__label__1 , consumer confidence dips in september , new york - job worries helped push consumer confidence down in september for the second consecutive month , a new york-based private research group said tuesday . the consumer confidence index fell 1 . 9 points to 96 . 8 from a revised reading of 98 . 7 in august , according to the conference board . . . -__label__3 , snap-on warns for 3q , 2004 , vehicle tool maker sees profit below forecasts amid high steel prices , soft demand in europe . new york ( reuters ) - snap-on inc . , which makes vehicle-repair tools , said tuesday its third-quarter and full-year -__label__3 , chicago fed conf . sees us 2005 gdp down at 3 . 3 pct , us economic growth is expected to slow in 2005 due to rising interest rates and high crude oil prices , according to a forecast of participants at a federal reserve bank of chicago conference released on monday . -__label__2 , philippoussis is humbled by weiner , shanghai , china -- defending champion mark philippoussis suffered a first round humiliation in the shanghai open , losing to unheralded american glenn weiner 3-6 , 6-4 , 6-4 . -__label__2 , browns ' lee suggs ready for return ( ap ) , ap - browns running back lee suggs , inactive for cleveland ' s first three games with a neck stinger , has been granted medical clearance to practice at full speed this week . -__label__2 , top seed federer struggles through in thai opener , bangkok ( reuters ) - top seed roger federer toiled to beat battling frenchman nicolas thomann and reach the second round of the thailand open on tuesday . -__label__4 , russia next to get windows xp starter edition , the windows xp starter edition pilot program has expanded to add a fourth country , russia , which now becomes the fourth market to join thailand , malaysia and indonesia . -__label__4 , freescale unveils dual-core powerpc , freescale semiconductor inc . took some of the wraps off of its dual-core microprocessor design , which the company said would be tailored to embedded applications . -__label__4 , virgin starts ( 70 ) mile-high club , with the misery that has plagued the airline industry recently , the last place you #39 d expect to see some inspiring -- heck , potentially rule-breaking -- thinking would be from an airline entrepreneur . -__label__1 , sudan reportedly hiding arab fighters in southern sudan , under international pressure to disarm and disband arab militias in troubled darfur , sudan #39 s government is instead reportedly moving hundreds , possibly thousands , of the fighters from darfur to remote areas of southern sudan . -__label__3 , lowe ' s sees profit rising in 2005 , 2006 , atlanta ( reuters ) - home improvement retailer lowe ' s cos . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=low . n target=/stocks/quickinfo/fullquote> low . n< /a> on tuesday said it expects diluted earnings per share to rise in both 2005 and 2006 as it benefits from increased remodeling activity and home ownership . -__label__3 , s amp p cuts sbc , bellsouth debt ratings , washington ( cbs . mw ) - standard amp poor #39 s on tuesday cut the debt rating of bellsouth and sbc communications , citing stiff competition and potential problems in absorbing at amp t wireless . -__label__4 , freescale details 90nm dual core processor architecture , freescale semiconductor inc . today unveiled the embedded mpc8641d dual core processor designed to deliver a performance jump and increased system bandwidth while keeping power under control . -__label__3 , us airways ' holding pattern , a decision on labor relief may be the difference between survival and liquidation . -__label__3 , us consumer confidence down for second month as job woes deepen ( afp ) , afp - us consumer confidence fell for the second straight month in september as the outlook for jobs deteriorated , the conference board said . -__label__3 , daimlerchrysler , bombardier settle dispute , german-american automaker daimlerchrysler and canadian transportation company bombardier have settled a dispute over the 2001 sale of railcar maker adtranz , the companies said in statements tuesday . -__label__1 , indian-americans hail manmohan speech , new york , sep 27 ( uni ) members of the indian-american community who attended a public meeting addressed by prime minister manmohan singh welcomed his speech and expressed confidence that india would soon be a developed economy . -__label__3 , bombardier , daimlerchrysler settle , bombardier inc . ( bbdb . to quote , profile , research ) and daimlerchrysler ag ( dcxgn . de quote , profile , research ) ended a three-year dispute over the montreal company #39 s acquisition of train -__label__1 , strong earthquake strikes central calif . , parkfield , calif . - a strong earthquake struck central california on tuesday that was felt from san francisco to the los angeles area . . . -__label__2 , real madrid 4 roma 2 , real madrid captain raul was the hero as he scored twice to help his side overturn a two-goal deficit and beat roma , easing the crisis with the spanish club while making even worse what has been a dreadful season so far for roma . -__label__3 , hicks muse pays for conagra ' s swift stake , new york ( reuters ) - conagra foods inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cag . n target=/stocks/quickinfo/fullquote> cag . n< /a> on tuesday said private equity firm hicks , muse , tate furst inc . exercised its option to buy the company ' s minority stake in swift foods , and that conagra received \$194 million in the transaction . -__label__4 , more older people turning to the internet to find love , mary bellis waller , now 64 , posted on two internet dating sites during her search for a companion . waller was a pioneer of online dating among people her age , and thousands of others age 60 and older are also turning to the internet to find romance . -__label__4 , hackers target flaw in microsoft ' s jpeg , new york ( ap ) -- in a harbinger of security threats to come , hackers have exploited a newly announced flaw in microsoft corp . ( msft ) programs and begun circulating malicious code hidden in images that use the popular jpeg format . . . +__label__3 , jury calls wtc attack two events , silverstein had hoped the 11-member jury would determine that the language of the insurance policy treated the attacks as two occurrences . +__label__4 , space o2 generator fails again , repairs to the oxygen generator onboard the international space station seemed to work , but then failed the following day . astronauts are again limited to backup oxygen supplies . by amit asaravala . +__label__4 , nothing robotic about robo-art , the artbots show in new york this past weekend proved that robots can wax artistic , too -- or at least carry out the instructions of their artistic creators . cyrus farivar reports from new york . +__label__2 , man united midfielder roy keane charged ( ap ) , ap - manchester united midfielder roy keane was charged with assault and criminal damage tuesday over an alleged confrontation with a 16-year-old boy . +__label__4 , boeing , ibm strategic alliance boosts net-centric technology , from the 1950 #39 s until the present , one of the dominant companies in the world #39 s computer industry . offers a variety of data processing hardware systems , system and application software , and information technology services . +__label__1 , goss gets senate panel ' s ok for cia post ( ap ) , ap - a senate panel on tuesday approved the nomination of rep . porter goss , r-fla . , to head the cia , overcoming democrats ' objections that goss was too political for the job . +__label__3 , jabil circuit posts higher profit , san francisco ( reuters ) - contract electronics manufacturer jabil circuit inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=jbl . n target=/stocks/quickinfo/fullquote> jbl . n< /a> on tuesday posted a higher quarterly profit on stronger demand for computers , cellphones and other electronic products . +__label__1 , stocks close higher on brokerage earnings , new york - stocks dashed higher tuesday as investors welcomed strong earnings from financial services companies , upbeat economic data and some reassuring news from the federal reserve . the fed ' s decision to raise short-term interest rates by another quarter-percentage point to 1 . 75 percent did not come as a surprise to the market . . . +__label__3 , oil prices rise above \$47 per barrel , oil prices hurdled \$47 a barrel tuesday , with further declines in the nation #39 s supply expected in the short-term as petroleum producers disrupted by hurricane ivan continue to regroup . +__label__3 , peoplesoft ceo conway maintains defiant tone , september 21 , 2004 ( idg news service ) - with 15 , 000 attendees at peoplesoft inc . #39 s connect 2004 user show waiting to hear how the company would handle oracle corp . +__label__4 , amazon #39 s a9 search evens out , google results with links to books at amazon . com , the internet movie database , google images , and gurunet . com , plus site information , including similar links that others have followed . +__label__4 , when outsourcing , don ' t forget security , experts say , when outsourcing it operations offshore , companies often focus on lower costs and more productivity -- and fail to keep in mind the cultural differences that could affect their security , said experts at the gartner it security summit . +__label__4 , microsoft cfo expect more acquisitions , microsoft may seek to become a more distributed company as it eyes future large acquisitions , cfo john connors said yesterday . +__label__4 , put rss feeds on your web page , put rss feeds on your web page\\if you ' re interested in putting rss feeds on your web page but you don ' t have a lot of server/programming expertise , you might want to try the rss digest tool at http //www . bigbold . com/rssdigest/ . this tools has some nice extras on it , though at the moment . . . +__label__3 , ackermann refocuses deutsche , frankfurt joseph ackermann , the deutsche bank chief executive , announced a much-anticipated personnel shake-up tuesday aimed at solidifying leadership in its profitable investment banking business and restoring confidence in its commitment to germany , the +__label__3 , oecd ups eu/japanese growth forecasts , growth in the us economy this year is likely to be 4 . 3 , the oecd forecast today , lowering an earlier forecast of 4 . 7 . but the japanese economy was set to grow by 4 . 4 instead of 3 forecast earlier and the euro zone by 2 instead of 1 . 6 . +__label__3 , michigan regulators allow sbc to charge more for use of its < b> . . . < /b> , state regulators unanimously voted tuesday to allow sbc communications inc . to charge competitors more to use its network , but it was unclear when , or if , that increase would be felt +__label__1 , no negotiation and no retreat , vows bush , when it came , the statement broadcast by the al-jazeera arabic news channel from qatar was as chilling as it was ghoulish a second american captive , jack hensley , 48 , had +__label__2 , bears place brown on injured reserve ( ap ) , ap - the chicago bears placed mike brown on injured reserve tuesday , one day after announcing the safety would miss the rest of the season with a torn achilles ' tendon . +__label__4 , academics get nsf grant for net security centers , national science foundation grants \$12 . 6 million to university scientists to study worms , viruses and the net ' s ecology . +__label__1 , turkish company freezes operations in iraq ( ap ) , ap - a turkish construction company announced tuesday that it was halting operations in neighboring iraq in a bid to save the lives of 10 employees kidnapped by militants . +__label__1 , senate panel gives nasa extra money ( ap ) , ap - nasa would get #36 16 . 4 billion next year under a bill a senate committee approved tuesday , reversing a decision by house lawmakers to cut the space agency ' s budget below this year ' s levels . +__label__2 , maradona finalmente le dice quot adis quot a la argentina , argentine soccer legend diego maradona finally departed for cuba monday where he will resume his treatment for cocaine addiction . maradona boarded a plane bound for havana , telling fans he would return in a month #39 s time . +__label__2 , giants give up right to void bonds ' deal ( ap ) , ap - barry bonds will have two more seasons to break hank aaron ' s career home run record with the san francisco giants , who decided tuesday to drop their right to void the final year of his contract . +__label__4 , wireless carriers privacy bill not needed , washington - representatives of wireless telephone carriers planning a telephone directory service told a u . s . senate committee tuesday that legislation to protect their customers ' privacy isn ' t needed , because their plan already does . +__label__4 , mp3 portable market to hit \$52b by 2008 , apple will be getting some stiff competition in the coming year . a slew of manufacturers will soon offer players utilizing small 1 quot hard drives that help propel the ipod and allow them to compete more favorably in the market . +__label__1 , how deadly are scorpions ? , a malaysian woman has broken the world record for time spent living in a scorpion-filled box . nur malena hassan , 27 , has so far endured 32 days in a glass case with 6 , 069 scorpions she +__label__4 , cisco unveils san products targeted at disaster recovery , cisco systems unveiled two san products that it says will help companies evade or recover quickly from disasters affecting corporate data . +__label__1 , at un , bush defends decision to invade iraq , president bush went before a skeptical hall of world leaders tuesday to mount a vigorous defense of the war in iraq , telling the united nations that the iraqi people are +__label__3 , online advertising up 43pc in us , new york - us internet ad revenue jumped to a record us\$2 . 37 billion ( \$3 . 5 billion ) in the second quarter , surpassing the highest levels of the dotcom era . +__label__1 , yudhoyono ' s apparent win boosts markets ( ap ) , ap - former general susilo bambang yudhoyono took a seemingly unassailable lead wednesday in indonesia ' s presidential election , cheering investors amid hopes he will introduce much-needed economic reforms and provide firm leadership in the war on terror . +__label__2 , bonds #39 contract reworked will stage assault on aaron #39 s record as < b> . . . < /b> , now that barry bonds is assured of staying with the san francisco giants for two more seasons , he already is looking beyond . his children won #39 t let him think about retirement just yet . +__label__2 , former red left hole struggling bullpen has yet to fill , nearly six months have passed since the reds traded chris reitsma to atlanta , but sean casey still regrets the move . quot you look at all the success the braves +__label__1 , flick collection opens in berlin , friedrich flick , who made his fortune as an arms supplier to the nazis during world war ii , once presented old master paintings to luftwaffe commander-in-chief hermann gring as a birthday gift . +__label__3 , legal loophole inflates profits in student loans , the white house could have closed a loophole through which student loan companies are billing the federal government nearly a billion dollars , but chose not to . +__label__3 , guilty plea seen in computer associates case , steven woghin , the former general counsel of computer associates , will plead guilty to criminal charges . +__label__3 , spread of gm grass raises fears of crossbreeding , pollen from a genetically modified grass was found 21 kilometres from where it was planted , scientists reported in a study published tuesday , raising fears of transgenic crossbreeding . +__label__2 , washington chooses a stadium site for expos , the dc sports and entertainment commission outlined its plans tuesday night in a meeting with city government officials . an official involved in the process , speaking on condition of anonymity , told the associated +__label__1 , walking link to low dementia risk , walking may protect the elderly from developing dementia , research suggests . +__label__1 , bush , lawmakers discuss social security ( ap ) , ap - president bush sought support from congressional leaders of both parties monday for his aggressive proposal to overhaul social security during his second term . +__label__3 , dimon solidifies control at nation #39 s second-largest bank , new york ( cbs . mw ) -- dina dublon is resigning as chief financial officer after 23 years at jp morgan chase in a shakeup that further solidifies jamie dimon #39 s control at the nation #39 s second-biggest bank . +__label__2 , the upper hand mcnabb and eagles down vikings , breaking free philadelphia quarterback donovan mcnabb pushes away minnesota cornerback antoine winfield before scrambling for more yards in the third quarter monday night . +__label__2 , giants creep up in division , there was only an quot uh oh quot inning for brett tomko in the first frame as the giants pitcher gave up two home runs , but the right-hander got on track and breezed to a +__label__1 , bush mixing diplomacy and campaigning ( ap ) , ap - president bush , straddling the worlds of diplomacy and re-election politics , is getting in another meeting with a foreign leader before hitting the road to pennsylvania , a state at the top of his campaign wish list . +__label__1 , us hostage killed by iraqi captors , a us hostage being held with briton ken bigley has been killed by his captors . us officials said the body of eugene armstrong had been found . +__label__2 , lab test puts hamilton #39 s gold at risk , olympic champion tyler hamilton , the stoic marblehead cyclist whose name has become synonymous with resilience and grit , could lose his gold medal and be banned +__label__2 , clash of the unpredictables wi-pak tie , what would happen when two of the worlds most talented and unpredictable sides rub shoulders and that too in an icc champions trophy semi-final ? +__label__4 , sony shows off new , smaller playstation , sony on tuesday showed a smaller , book-sized playstation 2 that will go on sale worldwide next month and help the japanese electronics giant cut costs as video-game consoles continue to drop in price . +__label__1 , pota #39 s dead , terror teeth remain , new delhi the ordinances to repeal the stringent anti-terror law , pota , and amend an existing law to provide teeth to it to tackle terror received presidential assent on tuesday night . +__label__1 , asia to outperform this year , lower growth seen in 2005 adb ( afp ) , afp - developing asia is set to outperform this year with higher-than-expected growth of 7 . 0 percent despite high oil prices but it will slow in 2005 in tandem with the developed world , the asian development bank ( adb ) said . +__label__4 , plan would turn restore wash . estuary , nisqually national wildlife refuge , wash . - a 15-year plan would restore salt marshes and mudflats for migrating salmon at the nisqually national wildlife refuge , more than 100 years after the farmland was drained and diked . +__label__1 , second beheading reported ( los angeles times ) , los angeles times - baghdad #8212 militants said tuesday that they had beheaded a second american hostage in as many days and threatened to kill a british captive , increasing pressure on president bush and british prime minister tony blair to confront a recent wave of kidnappings of foreigners in the iraqi capital . +__label__2 , pantano replaced by glock , jordan have terminated the contract of italian driver giorgio pantano and called in timo glock as a replacement . the team said contractual difficulties were behind the split , and confirmed german glock would race in sunday #39 s inaugural chinese grand prix . +__label__4 , peoplesoft goes a bundle on ibm , ' most significant enterprise applications alliance in history , ' it sez here . . . +__label__4 , bloglines aims for simplicity ( siliconvalley . com ) , siliconvalley . com - there ' s been a lot of innovation in online publishing lately , but regular internet users might be scratching their heads at some of the lingo . social software , blogs and rss technology ? what does it all mean ? +__label__3 , vodafone targets japan with 3g offensive , vodafone has unveiled plans for 10 new third-generation handsets for christmas to help shore up its struggling japanese unit . vodafone vod . +__label__1 , al-qaeda group kills a second us hostage in iraq ( update3 ) , an iraqi group linked to al-qaeda killed a second us hostage , jack hensley , and threatened to kill a british hostage unless iraqi women detainees are freed , the group said on its web site . +__label__4 , number of kids on antidepressants drops dramatically , new york ( ap ) -- the number of children taking antidepressants has dropped dramatically since the food and drug administration cautioned that the drugs can provoke suicidal behavior , according to a study . pharmacy benefit manager medco health solutions found that the number of children taking antidepressants fell 18 percent in the first quarter and an additional 5 percent in the second quarter . . . +__label__4 , peoplesoft , ibm strike middleware alliance , peoplesoft inc . is deepening its ties with ibm corp . , announcing on tuesday a sales and development partnership it called the most significant enterprise applications alliance in the companies ' history . +__label__3 , fedex quarterly earnings more than double , the world ' s top air-express shipper said earnings soared on strong revenue growth in its international , ground and freight services . +__label__3 , peoplesoft gets closer to ibm , as the threat of a hostile takeover by oracle rumbles on , peoplesoft has announced a \$1bn partnership with ibm . speaking at peoplesoft #39 s user conference in san francisco yesterday , the company #39 s chief executive +__label__3 , morgan stanley profit falls 34 percent , new york ( reuters ) - u . s . investment bank morgan stanley < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mwd . n target=/stocks/quickinfo/fullquote> mwd . n< /a> on wednesday said quarterly profit dropped 34 percent amid reduced trading revenue , falling well short of wall street ' s already-lowered expectations after a summer of sluggish market activity . +__label__3 , vz wireless slams national 411 directory , washington -- verizon wireless , the nation #39 s largest wireless carrier , clashed with other cellular carriers on tuesday , telling a us senate committee that a proposal for a national wireless telephone directory is a quot terrible idea quot and that the proposal +__label__2 , first drug cases at paralympics , athens - two weightlifters from azerbaidjan have been banned from competitions for life after testing positive for drugs , in the first two doping cases of the athens paralympics , officials said here on wednesday . +__label__4 , women , and the future of it , < strong> interview< /strong> professor wendy hall talks to < em> the reg< /em> +__label__3 , us stocks fall , cisco leads techs lower , stocks fell on wednesday after investment bank morgan stanley ( mwd . n quote , profile , research ) said quarterly profit fell , casting doubt on corporate profit growth , while a brokerage downgrade on cisco systems inc . +__label__2 , team directors criticize hamilton test procedure , two spanish cycling team directors have criticized how american tyler hamilton #39 s positive test for a blood transfusion was carried out . +__label__2 , indian board plans own telecast of australia series , the indian cricket board said on wednesday it was making arrangements on its own to broadcast next month #39 s test series against australia , which is under threat because of a raging tv rights dispute . +__label__4 , mars express instrument finds possible new evidence , when vittorio formisano , the principal investigator for the planetary fourier spectrometer ( pfs ) aboard the european space agency #39 s mars express , announced monday that his team found that concentrations +__label__2 , olympic traffic measures needed at paralympics experts , experts recommend that the traffic control measures taken during last month #39 s olympic summer games and the current paralympics should be kept in athens permanently , as they +__label__2 , mls mvp preki undergoes ankle surgery ( ap ) , ap - reigning major league soccer mvp preki will miss the rest of the season after left ankle surgery . +__label__4 , cape clear , neon in web services deal , cape clear software and neon systems inc . on wednesday announced they are working together to integrate their respective technologies and allow users to quickly integrate mainframe applications and data through the use of web services . +__label__4 , ireland launches phone fraud crackdown , in an effort to stop scams that cause unwitting internet users to be charged premium rates for calls placed by software surreptitiously installed on their pcs , ireland is going to block outgoing calls to 13 countries . +__label__1 , lesbians fight to retain post-soviet freedom ( afp ) , afp - since emerging from the shadow of the prudish soviet union a decade ago , sexual minorities have fought to gain a foothold in russian society . but russian lesbians now say they are facing growing pressure from authorities to return to the closet . +__label__4 , netmanage looks to soas with librados buy , netmanage ( quote , chart ) agreed to acquire privately held librados for an undisclosed sum . the deal would give netmanage application adapters to help its host services platform server applications via service +__label__1 , sharon says gaza evacuation set for 2005 ( ap ) , ap - israel ' s evacuation of the gaza strip will begin next summer and will take about 12 weeks , prime minister ariel sharon said wednesday , reversing an earlier decision to speed up the pullout . +__label__4 , tracking service aims to ease product returns ( ziff davis ) , ziff davis - a texas company tries to take a little bit of the sting out of the biggest online retail nightmare returns . +__label__3 , daimlerchrysler , mitsubishi in venture , automaker daimlerchrysler ag said wednesday it has signed a contract with japan #39 s mitsubishi motors corp . in which the two companies renewed their commitment to joint production and development projects . +__label__1 , israel urges sanctions on iran for nuke program , united nations ( reuters ) - israel urged the united nations on wednesday to move toward sanctions against iran because tehran is never going to abandon its alleged quest for nuclear weapons . +__label__2 , paralympics china surges as first doping cases result in lifetime < b> . . . < /b> , athens ( afp ) - the athens paralympics weathered its first doping scandal , while juggernaut china continued to dominate the competition , racking up nearly twice as many as second-place britain over the first four days of competition . +__label__3 , gm may close plant in europe , detroit ( reuters ) - general motors corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=gm . n target=/stocks/quickinfo/fullquote> gm . n< /a> will likely cut some jobs in europe and may close a plant there as part of a restructuring plan under development to try to return the region to profitability , the u . s . automaker said on wednesday . +__label__3 , ex-enron executive testifies about cover-up , the first witness in the first enron criminal trial testified this morning she believed those higher up than both she and the enron accountant now on trial were in on an effort to hide illicit +__label__1 , iraq promises to release one of two high-profile women prisoners , baghdad iraq promised wednesday to release one of two high-profile women prisoners , but officials denied the decision was linked to demands by militants who purportedly killed two american hostages and are threatening to execute a briton unless all female +__label__3 , saudi arabia , qatar , kuwait still risky investments study ( afp ) , afp - investing remains risky in saudi arabia , qatar and kuwait , notably because the presence of us forces in the region makes these countries vulnerable to terrorist attacks , a security consulting firm said . +__label__4 , at t builds voip alliance ( newsfactor ) , newsfactor - with its internet-based phone service well established , at t ( nyse t ) now is \focusing on establishing common ground among the broad array of technology\providers that help the operator deliver voip to businesses and\consumers . +__label__4 , toyota some security firms promise too much , if it sounds like you are being offered a panacea , then it ' s time to change the conversation , says an exec for the firm . +__label__1 , something positive in zanu pf , believe it or not , i still have personal friends who are ardent zanu pf supporters with whom i socialize now and then . with one of them however , our political differences were beginning to affect our personal relationship . +__label__4 , mobile boom draws telecom manufacturing to india , bangalore , india - an anticipated boom in mobile telephony use in india is attracting multinational and local companies to establish manufacturing operations in the country . +__label__4 , study mp3 player market booming , sales of portable digital-audio players are booming , and idc predicts the market will generate \$58 billion by 2008 . the research firm says apple #39 s ipod will continue to be a major participant +__label__4 , yahoo internet withdrawal anguishing , com september 22 , 2004 , 12 36 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . +__label__1 , us not to free female scientists , with time running out to save a british hostage in iraq , us officials said today they were not about to free female iraqi prisoners as demanded by an al qaida ally whose group has already beheaded two americans . +__label__4 , gao outsourcing could hurt it employment growth , a new gao report indicates that offshore outsourcing could hurt it employment growth over the next decade , but the study released today is sprinkled with caveats and qualifiers and shows more study is needed . +__label__1 , kashmir talks failure could be fatal , given their sordid 58 year-long history , its easy enough to sink into pessimism when discussing india-pakistan relations . the just-concluded first round of comprehensive talks between the +__label__4 , briefly t-mobile sells sidekick ii , roundup plus spyware bill moves to senate . . . supercomputer center gets new no . 2 . . . mit , caltech offer low-tech voting advice . +__label__4 , attacks disrupt some credit card transactions , flood of data interrupts authorize . net ' s credit card processing for internet merchants , leaving the company scrambling . +__label__4 , researchers study plastics from feathers ( ap ) , ap - researchers at iowa state university are pecking away at ways of making environmentally friendly plastic . from golf tees to a biodegradable flower pot that can be planted directly in the ground , scientists are studying ways of making plastics from things such as chicken feathers and soy protein . +__label__4 , review new imac g5 short on extras ( ap ) , ap - for six years , imacs have set the standard for the pc industry with eye-popping designs , clever utilization of space and leaps forward in usability . lately , though , apple computer inc . seems to be making more waves with ipod music players than its venerable consumer pcs . +__label__2 , cbs fined #36 550 , 000 for jackson stunt ( ap ) , ap - cbs got the bill wednesday for janet jackson ' s eye-catching flash dance during the super bowl halftime show a record #36 550 , 000 . +__label__3 , peoplesofts big bash , see you next year in las vegas , proclaimed a marquee at the peoplesoft user conference in san francisco in late september . it was one of many not-so-subtle attempts by the company to reassure its customers +__label__2 , hagans sizes up well , quarterback marques hagans has impressed in wins over temple , north carolina and akron , completing 43 of 59 passes for 568 yards , three touchdowns and one interception . +__label__3 , for jobs , brazilians desert their cities , a growing number of brazilians are finding it increasingly difficult to get good jobs in big metropolitan areas like so paulo and rio de janeiro , and are looking elsewhere . +__label__3 , commission backs 5bn british energy deal , british energy , the nuclear generator , yesterday welcomed a decision by the european commission to approve a government-backed 5bn rescue plan . +__label__1 , job-loss panic rises in western europe ( ap ) , ap - stephane zervos first suspected his job was threatened when his bosses removed most of the heavy equipment from the car wheel factory where he ' d worked for 24 years . +__label__2 , as mets look ahead , they keep looking back , a handful of potential managers , including lenny dykstra , has emerged from the mets ' 1986 world series-winning team . +__label__2 , ancelotti demands more from #39 world #39 s best defence #39 , ac milan coach carlo ancelotti said he expects better from his defence after the shock 2-1 home defeat to promoted messina on wednesday . +__label__1 , 4 nations lobby jointly for permanent seats , united nations - japan , brazil , germany and india formed a lobbying group to help one another get permanent seats on the united nations security council and head off proposals that might work against them . +__label__2 , al capsules , vernon wells hit a go-ahead , two-run triple off orlando hernandez in the seventh inning , and the toronto blue jays rallied past the new york yankees 5-4 on wednesday night . +__label__2 , zambrano zeroes out bucs , carlos zambrano picked up his career high 15th win , combining with two pitchers on a six-hit shutout to lift the chicago cubs to a 1-0 victory on wednesday night over +__label__1 , deal in congress to keep tax cuts , widening deficit , republican and democratic leaders agreed to extend \$150 billion worth of tax cuts sought by president bush without trying to pay for them . +__label__3 , dollar gains vs yen ( reuters ) , reuters - the dollar rose to a five-week high\against the yen on thursday as rising oil prices hurt asian\currencies and the market decided that u . s . interest rates were\still on a rising path . +__label__3 , fannie mae used improper accounting-probe , washington ( reuters ) - fannie mae used improper accounting to manipulate its quarterly earnings reports , regulators said , touching off the mortgage finance industry ' s second such controversy in less than 18 months . +__label__1 , latham stands by bali claims candidate , federal labor leader mark latham has ruled out disendorsing queensland labor candidate ivan molloy , over comments about the bali bombings . +__label__3 , unctad optimistic on global fdi inflows , the united nations conference on trade and development ( unctad ) on wednesday said that though global inflows of fdi fell in 2003 for the third year in a row to \$560 billion , prospects for the current year are promising . +__label__3 , shell to invest in major shake-up , oil group shell has pledged to invest \$45bn ( 25bn ) and make major disposals in a shake-up of the business , following its reserves crisis earlier this year . +__label__3 , probe examining fannie ' s promises , fannie mae chief executive franklin d . raines invited reporters to his wisconsin avenue headquarters a year ago to complain good-naturedly that recent disclosures of accounting manipulations at smaller rival freddie mac had unjustly hurt his company . +__label__3 , former enron employee testifies about cover-up to merrill lynch < b> . . . < /b> , new york , september 22 ( newratings . com ) - a witness in the first enron criminal trial , and a former executive at the company , testified today that she believed that the enron executives now on trial were involved in an effort to hide an illicit deal +__label__3 , american eagle reaches deal with pilots , union leaders representing pilots at american eagle , the commuter division of american airlines , have accepted a tentative contract agreement that includes pay raises . +__label__2 , bucs still seeking first offensive touchdown , in good times and bad , the tampa bay buccaneers could count on two things -taunch defense and stench offense . by chris o #39 meara , ap . +__label__4 , chambers cisco , fujitsu team on japan networking 2005 product < b> . . . < /b> , land of the rising routers . cisco systems ( nasdaq csco - news - people ) and fujitsu ( otc fjtsy - news - people ) will join forces to develop high-end routers for internet networks in japan . +__label__3 , russian atmosphere hard for westerners , the government has eviscerated russia #39 s western-style oil company , yukos , in what has been widely viewed as political payback . +__label__3 , maker of twinkies goes into bankruptcy , onge . interstate bakeries corp . has filed for bankruptcy , a casualty of rising costs and reduced demand for carbohydrate-rich breads and pastries , including its wonder bread and hostess twinkies . +__label__3 , wonder bread , twinkies maker files for bankruptcy , interstate bakeries corp . , the purveyor of lunch box staples wonder bread and twinkies , filed for bankruptcy protection yesterday , felled by the combination of a more health conscious public and smothering operational costs . +__label__2 , olympics-five sports on shortlist for possible games inclusion , golf , rugby and squash are on a shortlist of five sports to be assessed for possible inclusion in the 2012 olympics . the international olympic committee is reviewing +__label__3 , british energy to delist to save rescue plan , beleaguered british energy has applied to delist its shares as it tries to stop shareholders from blocking a restructuring plan to keep the company in business . +__label__3 , global foreign investment falls , foreign investment levels decline in 2003 , a un report reveals , but there are signs of recovery - especially among developing nations . +__label__4 , brits to lose 12 current of it jobs by 2010 , new report on offshoring ' s implications from the british computer society . +__label__1 , iraq pm to address us congress , iraqi prime minister iyad allawi is to address a joint session of the us congress as well as meeting president bush . +__label__1 , palestinian says americans ' killers can ' t be arrested , gaza -- palestinian security forces know who was behind the killing of three americans in gaza nearly a year ago but cannot act against the factions while fighting with israel continues , a top palestinian security official said . +__label__2 , cabrera ' s homer leads red sox past orioles ( ap ) , ap - orlando cabrera flung off his helmet , stepped on home plate and was mobbed by his teammates after leading the boston red sox to another dramatic victory . +__label__2 , pro tours the stops the talk , pga event 84 lumber classic site nemacolin woodlands resort amp spa , mystic rock course ( 7 , 276 yards , par 72 ) , farmington , pa . schedule today-sunday . purse \$4 . 2 million . winner ' s share \$756 , 000 . television espn ( today , 3 30-6 p . m . tomorrow , 3 50-6 saturday , 3 30-5 30 sunday , 3-6 ) . last year j . l . lewis closed with a course-record 62 for a two-stroke victory over frank lickliter , stuart appleby , and tim petrovic . . . . +__label__2 , serena williams , sharapova reach quarterfinals , serena williams struggled before finding her game wednesday and reached the china open quarterfinals with wimbledon champion maria sharapova . +__label__2 , ralf ready for racing return in china , ralf schumacher is adamant memories of his horror crash at indianapolis three months ago will not hamper his comeback in this weekends chinese grand prix . +__label__2 , button decision delayed , jenson button must wait until next month before discovering which formula one team he can race for next season . he wants to leave bar for williams but both teams claim to have a deal with the british driver +__label__3 , lawsuit alleges wal-mart biased against black truckers , little rock , ark . a mississippi man is suing wal-mart , claiming the world #39 s largest retailer discriminates against blacks from seeking truck-driving jobs in 12 southern states , including virginia . +__label__3 , u . s . stocks headed for flat open , new york ( reuters ) - u . s . stocks appeared set for a modest rebound at the open on thursday , as oil prices retreated a day after spiking to more than \$48 a barrel , a rise that fueled a sharp slide in stocks on concern that energy prices would hurt corporate profits and consumer spending . +__label__3 , rumours surround google browser , the search giant google is rumoured to be working on its own web browser . +__label__2 , sonics sign turkish captain , adding veteran leadership , the sonics signed guard ibrahim kutluay yesterday . terms of the contract were not disclosed , but it is expected to be a two-year deal worth about \$3 . +__label__4 , southern africa faces food , water crises - study ( reuters ) , reuters - southern africa faces major\challenges to feed its swelling populations and to keep its\wells from running dry , a study showed wednesday . +__label__4 , americans have dirty paws , new report gives them a ' c ' for hand hygiene healthdaynews -- americans are doing a crummy job of keeping their hands clean . they got a c in hand hygiene in the 2004 clean hands report card produced by the soap and detergent association . . . +__label__2 , japanese baseball players , owners reach deal ( reuters ) , reuters - japanese baseball players and club\representatives reached a deal thursday to end the first strike\in the 70-year history of the sport in japan , with owners\agreeing to let newcomers into the leagues as early as next\season . +__label__3 , treasuries tussle with profit-takers , new york ( reuters ) - u . s . treasury yields held near six-month lows on thursday , though the market was struggling to extend recent hefty gains in the face of profit-taking . +__label__1 , s leone takes control of freetown , un peacekeepers hand control of security in the sierra leone capital , freetown , to local forces after the end of a brutal war . +__label__1 , iraqi leader thanks u . s . in speech to congress , offering a simple , thank you america , iraqi interim prime minister ayad allawi declared thursday that his country is succeeding in its effort to move past the war that ousted saddam hussein . +__label__2 , japan #39 s baseball players avert another strike , japan #39 s baseball players averted a second strike this weekend after agreeing that a new team will be allowed to join japanese professional baseball next season . +__label__3 , lehman nears \$220m enron settlement , lehman brothers holdings inc . is close to settling a class action lawsuit for \$220 million stemming from allegations that it colluded with other brokerages to mislead enron corp . +__label__3 , peoplesoft plays defense , the business software maker inks a deal with ibm , but it isn ' t likely to dissuade oracle . +__label__3 , bailout plan shelved for donald trump #39 s casinos , a proposed bailout of donald j . trump #39 s casino company has been shelved , and trump now says he may take the company private . the company #39 s shares fell 10 percent . +__label__4 , sony shift to support mp3 , < a href=http //arstechnica . com/news/posts/20040923-4222 . html> sony considers adding native mp3 support to its players< /a> < font size=-1 color=#6f6f6f> < nobr> ars technica< /nobr> +__label__2 , hodge called up as ponting returns home , victorian batsman brad hodge has been called in to the australian test squad in india , as a replacement for injured captain ricky ponting . +__label__1 , u . s . won ' t release female iraq prisoners , baghdad , iraq - authorities insisted on thursday that they won ' t give in to militants ' demands to free female iraqi prisoners despite the plea of a tearful british hostage begging britain to save his life in a video released by his captors . meanwhile , iraq ' s most powerful shiite cleric , grand ayatollah ali al-sistani , said that increasing violence must not be used as a pretext for delaying elections scheduled for late january . . . +__label__4 , infocus detecting worms and abnormal activities with netflow , part 2 , this paper discusses the use of netflow , a traffic profile monitoring technology available on many routers , for use in the early detection of worms , spammers , and other abnormal network activity in large enterprise networks and service providers . part 2 of 2 . +__label__1 , terror scares hit australia , australia #39 s frayed nerves were given another jolt yesterday by the discovery of a home-made firebomb on a virgin blue airliner and the unrelated arrest of a man accused of threatening terror attacks in southeast asia . +__label__4 , former dot-com commerce one eyes closure , commerce one inc . , an internet software maker valued at \$20 billion at the peak of dot-com mania , is poised to go out of business as a pauper . +__label__3 , halliburton says it may separate kbr unit , new york ( reuters ) - halliburton co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hal . n target=/stocks/quickinfo/fullquote> hal . n< /a> said on thursday it would restructure its kbr unit and may shed the business if the company ' s stock performance continues to lag behind peers . +__label__3 , stocks off on exxon downgrade , oil price , new york ( reuters ) - u . s . stocks slipped on thursday after exxon mobil corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=xom . n target=/stocks/quickinfo/fullquote> xom . n< /a> was downgraded by a brokerage and oil prices rose , raising investor concerns about the health of corporate profits and economic growth . +__label__4 , take-two sees higher sports prices for new consoles , new york ( reuters ) - take-two interactive software inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=ttwo . o qtype=sym infotype=info qcat=news> ttwo . o< /a> on monday said that prices for its sports video games will likely return to higher levels once new game consoles arrive in late 2005 or 2006 . +__label__3 , computer associates exec pleads not guilty , sanjay kumar , the former chief executive of computer associates of islandia , ny , pleaded innocent thursday to charges he helped inflate financial results . +__label__4 , dinosaur may have been stealth hunter ( ap ) , ap - the strike would have come out of nowhere one second the fish was swimming placidly , no danger in sight , a moment later it was lunch . +__label__3 , beacon shares gain 22 percent in debut , beacon roofing supply inc . saw its shares jump nearly 22 percent in its first day of trading thursday after the company priced its initial public offering at the midpoint of its expected \$12 to \$14 price range . +__label__2 , mass . court denies new trial for convict , boston -- the state appeals court on thursday declined to allow a new trial for a father convicted of beating a man to death at their sons #39 hockey practice . +__label__4 , verisign touts childrens ' online identity token , washington ( reuters ) - verisign inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=vrsn . o qtype=sym infotype=info qcat=news> vrsn . o< /a> and a children ' s safety group unveiled a new technology on thursday that they said would make it easier for children to avoid child predators online . +__label__3 , bush set to open oil reserve spigot ( reuters ) , reuters - with oil prices close to #36 50 a\barrel , the bush administration is set to allow oil refineries\to borrow crude from the government ' s emergency petroleum\stockpile to make up for supplies disrupted by hurricane ivan , \a congressional source briefed on the pending decision told\reuters on thursday . +__label__1 , nigerian army kills 24 islamic militants near cameroon border ( afp ) , afp - the nigerian army killed 24 islamic militants who had taken refuge in the mountainous northeastern region bordering cameroon , the spokesman for the northeastern state of borno said . +__label__1 , leaders converge on melbourne , prime minister john howard and labor leader mark latham will converge on melbourne today as the city gets into the swing of afl celebrations . +__label__2 , pascual rodriguez wins 18th stage of vuelta race heras still < b> . . . < /b> , spaniard javier pascual rodriguez inched ahead of colombia #39 s ivan parra at the finish line to take the 18th stage of the spanish vuelta cycling tour thursday . +__label__3 , us opening oil reserve , new york ( cnn/money ) - the federal government said thursday it plans to loan a limited amount of crude oil from the nation #39 s strategic reserve in a bid to offset shortages caused by hurricane ivan . +__label__4 , microsoft antispam suit targets ' bulletproof ' web host , microsoft has filed nine lawsuits against individuals and companies allegedly involved sending out spam , including one suit against a web hosting company that claimed it was bulletproof and couldn ' t be shut down . +__label__1 , rumsfeld raises prospect of limited iraq elections ( reuters ) , reuters - defense secretary donald rumsfeld on\thursday raised the possibility that some areas of iraq night\be excluded from elections scheduled for january if security\could not be guaranteed . +__label__1 , russia seeks un terrorist asylum abuse crackdown , united nations ( reuters ) - russia on thursday proposed a u . n . crackdown on the abuse of political asylum for terrorist purposes , raising pressure on western states to hand over wanted chechen activists . +__label__3 , american airlines revenue weakens , american airlines holding company amr corp . ( amr research , estimates ) on wednesday said the airline #39 s august revenue was weaker than expected after hurricanes and high fuel prices +__label__1 , pm promotes his image of mostly safe iraq ( ap ) , ap - it may have seemed odd that interim iraqi prime minister ayad allawi felt compelled to spend a few of his precious first minutes at the white house giving reporters a geography lesson . +__label__1 , plo chief holds landmark talks in damascus , a high-ranking palestinian liberation organization delegation led by chairman mahmoud abbas held landmark talks with the syrian leaders in damascus monday . +__label__1 , us planes again hit sadr city , baghdad us warplanes fired on targets in the east baghdad slum of sadr city on thursday , the second day of fighting in the shiite militia stronghold . +__label__2 , track heads in the right direction , renault #39 s formula one team boss flavio briatore paid the shanghai international circuit the greatest compliment when he said yesterday #39 it #39 s going to be difficult to beat this one . +__label__1 , bambang unveils plans for his first 100 days , jakarta - mr susilo bambang yudhoyono , who is almost certain to emerge the winner of the country #39 s first direct presidential polls , has begun to unveil plans for his first 100 days in power . +__label__3 , us may draw on oil in reserve , washington oil prices climbed toward \$49 per barrel thursday even as the bush administration considered drawing crude from the us emergency stockpile and lending it to refiners whose supplies were disrupted by hurricane ivan . +__label__4 , ireland blocks calls to 13 countries to thwart internet scam , ireland #39 s telecom regulator said this week that is taking quot extraordinary quot measures to protect internet users from rogue autodialer programs that hijack their modems and run up long-distance phone charges by suspending direct dialing to 13 countries , most +__label__2 , one assist , goal for hometown star , stockholm , sweden -- first , peter forsberg watched as his retired jersey no . 21 was lowered from the rafters at kempehallen . then , after getting a standing ovation from the sold-out crowd , the locked-out colorado +__label__3 , jamaica had record fdi inflows in 2003 , jamaica last year attracted its highest level of foreign direct investment ( fdi ) flows yet , us\$720 . 4 million , outperforming traditional powerhouse investment hosts such as costa rica , trinidad and tobago and even argentina . +__label__3 , update 2-ottawa sets petro-canada price at c\$64 . 50 , ottawa has set a price per share of c\$64 . 50 ( \$50 . 42 ) in the sale of its 19 percent stake in petro-canada ( pca . to quote , profile , research ) , as analysts +__label__1 , china admits it #39 s worried over stalled n . korean nuclear talks , china admitted tuesday it was worried about the apparent stalling of six-party talks about north korea #39 s nuclear weapons program and blamed the lack of trust between pyongyang and washington . +__label__4 , blog that #39 s the most look-ed up world on merriam-webster #39 s < b> . . . < /b> , a four-letter term that came to symbolise the difference between old and new media tops us dictionary publisher merriam-webster #39 s list of the 10 words of the year . +__label__4 , survey finds #39 web withdrawal #39 , new york nearly half of us internet users say they could not go without the web for more than two weeks , with many suffering quot withdrawal quot symptoms while offline , according to a recent survey . +__label__4 , dino sucked in prey with its giraffe neck , the fossil of a sea reptile with a neck twice as long as its body is solving the mystery of how some ancient reptiles used such unusually long appendages . +__label__4 , who is hurt by microsoft #39 s neglect of older browsers ? , microsoft may find the burden of securing older versions of windows browsers a burden . tough . but its neglect hurts the entire internetand leaves and opening for open-source replacement . +__label__2 , england job remains full-time , the football association yesterday insisted it has no plans to reduce the england coach #39 s job to a part-time position . a report in the daily mirror claimed the fa was considering appointing a premiership boss +__label__4 , making windows more secure , hey labor long hours to write their software , testing and perfecting it . they toil in obscurity , fully aware that they #39 ll never get credit for their work . +__label__3 , id biomedical gets us flu drug deal , id biomedical corp . ( idb . to quote , profile , research ) ( idbe . o quote , profile , research ) signed a 10-year us distribution deal for its fluviral drug that could reap +__label__1 , in indonesia , businesses hopeful after election , after suffering through two shambling administrations , indonesia appears to have a new president who many of its business leaders say they believe will uproot corruption and revive investment . +__label__4 , hubble heats debate over ionised universe , astronomers poring over the deepest image ever taken of the universe are coming to different conclusions about what made space transparent to light billions of years ago . +__label__2 , world awaits chinese grand prix , a quarter of a billion dollars to build the track . tens of millions in racing fees . more than 150 , 000 live spectators and a television audience of hundreds of millions . +__label__2 , week of september 25th , 2004 , why to watch miami might be 2-0 and once again among the college football elite , but no one #39 s thinking orange bowl quite yet . +__label__2 , happy returns for cabrera , fly from new york to colombia on monday , be with your wife as she has surgery , make sure things are ok there , fly to boston overnight on tuesday and hit a game-winning home run in the 12th inning on wednesday . +__label__3 , lehman may settle over enron , new york , sept . 23 -- investment banking firm lehman brothers holdings inc . is nearing an agreement to pay approximately \$200 million to settle a shareholder lawsuit over its work for bankrupt energy trader enron corp . , sources familiar with the case said . +__label__1 , feed-tube law is struck down in florida case , the court said that gov . jeb bush violated separation of powers when he signed a law to keep theresa schiavo alive . +__label__2 , hamilton keeps gold but one test confirms doping , the american cyclist tyler hamilton will keep his gold medal from the athens olympics after a testing lab mishandled his blood sample . +__label__3 , japan shares down 1 . 6 pct , tokyo ( reuters ) - tokyo ' s nikkei average dropped 1 . 65 percent by mid-afternoon on friday and was on course for a sixth day of losses as worries over high oil prices and uncertainty over the u . s . economic and market outlook hit a broad range of stocks . +__label__3 , u . s . treasuries recover , jgb rally helps , london ( reuters ) - u . s . treasury prices rose on friday , with a rally in japanese government bond ( jgb ) prices helping the market recover some ground from the previous day ' s sell-off . +__label__3 , ge pledges to meet rules of disclosure in sec pact , general electric co . yesterday agreed to a settlement with the securities and exchange commission , which accused the company of failing to provide shareholders +__label__4 , islands press govt to reverse phone call decision , diplomats from a number of islands in the south pacific are reported to be pressing the government to reverse a decision to block all phone calls made to the islands . +__label__1 , palestinians kill three israeli soldiers , palestinian fighters sneaked onto an israeli military post at a small jewish settlement in the gaza strip early yesterday under cover of darkness and a thick morning fog +__label__1 , in mexico visit , enmity greets harvard scholar , mexico city -- ever since the release earlier this year of his book quot who are we ? the challenges to america ' s national identity , quot which argues that mexican immigrants pose a threat to american culture , samuel p . huntington has been the us academic mexicans love to hate . +__label__1 , dogs said to smell cancer signs , london -- it has long been suspected that man ' s best friend has a special ability to sense when something is wrong with us . now , the first experiment to verify that scientifically has demonstrated that dogs are able to smell cancer . +__label__3 , cadbury says annual results to be at low end of range ( update1 ) , cadbury schweppes plc , the maker of dr pepper and 7up , said results will be at the lower #39 #39 end of the range it has targeted in the current fiscal year because of lack of demand in the us and european drinks markets . +__label__2 , davis cup australia takes 2-0 lead in world group playoff , lleyton hewitt gave australia a 2-0 lead in its davis cup world group playoff today with a record-setting 6-0 6-2 6-2 win over mehdi tahiri of morocco on grass at royal kings park . +__label__2 , mountain climbers , the big east is under siege again . oh , it ' s not as overt as the move by the atlantic coast conference two years ago , which went on a membership drive , targeting miami , syracuse , boston college , and eventually virginia tech . +__label__2 , india , sports jankovic to joust with sharapova for semis spot , the win puts world number 36 jankovic into a clash with the current teenage queen of the game sharapova , who has played only one match to reach the last eight here after a bye . +__label__3 , ibm as peoplesoft #39 s hero ? hardly , big blue --a white knight ? it #39 s easy to see how industry watchers got carried away with speculation that ibm ( ibm ) might be riding to rescue of beleaguered peoplesoft ( psft ) . on sept . +__label__1 , uk to host mideast conference report , london , december 6 ( islamonline . net amp news agencies ) - britain received a green light from washington to host a conference on middle east peace after the palestinian presidential elections , a british news paper reported monday , december 6 . +__label__3 , update 2 alitalia , unions sign deal , alitalia signed a deal with eight of nine unions friday to split the loss-making italian airline in two - part of the company #39 s plan to stave off bankruptcy . +__label__4 , symantec warns of weakness in its firewall and gateway products , security specialist symantec has admitted to a number of vulnerabilities in its firewall and gateway products . the weaknesses make them liable to denial of service attacks and other compromises . +__label__2 , mcdowell succeeds where americans fail , nobody and nothing could overshadow colin montgomerie last week , but ulsterman graeme mcdowell was doing it at woburn again today . +__label__1 , thirteen people killed in power plant explosion in hebei , thirteen people were killed and one seriously injured in an explosion at a power plant in wu #39 an city in north china #39 s hebei province when the plant began trialoperation on thursday afternoon . +__label__2 , transactions , baseball boston ( al ) activated dh ellis burks from the 60-day disabled list released p phil seibel . milwaukee ( nl ) sent inf matt erickson outright to indianapolis ( il ) . +__label__4 , #39 blog #39 to be included in 2005 dictionary , the most requested online definition this year was quot blog quot -- a word not even yet officially in the dictionary , merriam-webster says . +__label__3 , u . s . treasuries inch up , await data , london ( reuters ) - u . s . treasury prices inched higher on friday , with a rally in japanese government bond ( jgb ) prices helping the market recover some ground from the previous day ' s sell-off . +__label__4 , samples from genesis craft sent to calif . ( ap ) , ap - the first solar-wind samples recovered from the crashed genesis space capsule have been sent to researchers in california . +__label__4 , symantec firewall/vpn appliance 200/200r ( firmware builds prior to < b> . . . < /b> , rigel kent security amp advisory services notified symantec of three high-risk vulnerabilities they identified in the symantec firewall/vpn appliance during an assessment . +__label__2 , f1 debuts in china , formula one made its long-awaited debut in the people #39 s republic of china today as the stunning new shanghai international circuit echoed to the banshee wail of formula one engines being used in anger for the first time . +__label__4 , baby for ovary transplant woman , a belgian cancer patient made infertile by chemotherapy has given birth following revolutionary treatment . +__label__1 , palestinian attack kills woman in gaza settlement ( reuters ) , reuters - a palestinian mortar bomb slammed into a\house in a jewish settlement in the gaza strip friday , killing\a woman and fueling settler anger over prime minister ariel\sharon ' s plan to pull israelis out of the area . +__label__4 , massive merger of galaxies is the most powerful on record , scientists have now officially witnessed the perfect cosmic storm . thanks to the european space agency ' s xmm-newton observatory , they watched a nearby head-on collision between two galaxy clusters . the clusters smashed together thousands of galaxies and trillions of stars in one of the most powerful events ever witnessed . +__label__3 , boeing thinks airbus is too optimistic on sector recovery , the head of us aircraft maker boeing , harry stonecipher , said friday that the recovery in the sector would not be as strong as arch-rival airbus was anticipating . +__label__3 , heathrow refuellers to push ahead with strike plans , aircraft refuellers at heathrow airport have vowed to push ahead with strike plans this weekend , potentially disrupting flights , after last-ditch pay talks collapsed , their union says . +__label__4 , group questions e-voting security , black box voting hopes to halt the use of diebold ' s voting machines . +__label__4 , internet emerging as potent terrorist tool , by thomas wagner london ( ap ) -- the images coming out of the latest hostage crisis in iraq - capped by dramatic video of british captive kenneth bigley begging for his life - have transfixed britons , left governments looking helpless , and revived a classic dilemma about whether to negotiate with terrorists . but the plight of the british construction worker and his two murdered american colleagues has also raised new concerns about terrorists ' tremendous ability to set agendas in an internet age that makes their messages - even in the form of shocking beheading videos - all but impossible to stop . . . +__label__3 , boeing ceo jet market recovery slower ( reuters ) , reuters - boeing co . chief executive harry\stonecipher said on friday the u . s . aircraft maker ' s archrival\airbus was exaggerating the speed of recovery in the commercial\airplane market . +__label__3 , uk watchdog turns up heat on banks , london ( reuters ) - britain ' s financial regulator will step up scrutiny of investment banks ' management of conflicts of interest and risk in the wake of a number of high profile cases such as worldcom , enron and parmalat . +__label__1 , un refugee chief backs autonomy for sudan #39 s darfur region , the united nations high commissioner for refugees says granting more autonomy to southern sudan could help end the bloody conflict there . +__label__3 , strikes at london airports , london - a 48-hour strike by aircraft refuellers at london heathrow airport got under way on friday , with baggage handlers at gatwick airport also preparing to walk out , threatening a weekend of travel disruptions . +__label__4 , security firm justifies virus writer ' s job , securepoint says the alleged sasser author was just an immature boy with mindless intent who wants to make amends . +__label__1 , nova scotia becomes sixth province , territory to allow same-sex marriages ( canadian press ) , canadian press - halifax ( cp ) - nova scotia became the sixth province or territory to allow same-sex marriages when the province ' s supreme court ruled friday that banning such unions is unconstitutional . +__label__3 , comcast part of group wanting to buy mgm , a consortium led by sony corp . of america that includes comcast corp . has entered into a definitive agreement to acquire metro-goldwyn mayer inc . +__label__3 , durable goods fall , aircraft orders slump ( reuters ) , reuters - orders for long-lasting u . s . durable\goods slipped unexpectedly in august as civilian aircraft\demand plunged , but beat forecasts once transportation was\stripped out , government data showed on friday . +__label__4 , rumors abound about google #39 s browser , < a href=http //www . techtree . com/techtree/jsp/showstory . jsp ? storyid=53949> google browser on its way ? < /a> < font size=-1 color=#6f6f6f> < nobr> techtree . com< /nobr> +__label__2 , boston red sox team report - september 24 , ( sports network ) - a sensational pitching matchup is on tap at fenway park this evening when pedro martinez and the boston red sox welcome mike mussina and the hated new york yankees to town for another chapter in baseball #39 s fiercest rivalry . +__label__4 , astronomers spot monster collision of galaxies ( reuters ) , reuters - if you think earth is a mess , \consider the turmoil in the constellation hydra , where\astronomers have spotted two monster galactic clusters slamming\together in one of the biggest collisions ever recorded . +__label__4 , airbus drops out of microsoft appeal , aircraft builder withdraws its request to intervene in microsoft ' s antitrust appeal boeing also forgoes intervention . +__label__4 , linux security boost , p2pnet . net news - a european consortium , including linux-distributor mandrakesoft , has won an \$8 . 6 million contract to boost linux #39 security , says a techweb story , going on that the french ministry of defense is , quot expected to make the operating system +__label__4 , microsoft sues bulletproof web hosts , anonymous writes quot microsoft corp . filed nine lawsuits against individuals and companies alleged to be involved in the distribution of spam , the company said wednesday . +__label__4 , mom hugs ' miracle ' baby after ovarian transplant ( reuters ) , reuters - ouarda touirat , her day-old baby\daughter nestling in her arms , said friday she had never lost\hope that she could conceive after cancer treatment left her\infertile . +__label__3 , china minmetals in talks to buy noranda , toronto -- one of canada #39 s largest and best-known miners , noranda inc . , is in exclusive talks to be acquired by a chinese metals producer , the two companies confirmed friday . +__label__3 , morningstar faces possible sec lawsuit , new york ( reuters ) - u . s . securities regulators may file suit against morningstar inc . , a provider of mutual fund and stock research , over incorrect data it published about a mutual fund , the company said on friday . +__label__4 , microsoft changes its tune on porting sp2 fixes , microsoft watch redmond had told developers privately earlier this year of plans to port some sp2 fixes to older versions of windows . +__label__2 , calvin murphy removed as rockets broadcaster , murphy will go to trial nov . 4 on charges he molested his daughters , a state district judge said tuesday . murphy is charged with three counts of indecency with a child and three counts of aggravated sexual assault , punishable by up to life in prison . +__label__1 , bush , kerry economic budgets exceed \$1t , washington - president bush and democratic sen . john kerry have starkly different economic priorities with a common thread price tags exceeding \$1 trillion that could pump already huge deficits skyward over the next decade . . . +__label__3 , some md . mds curtail surgeries in insurance protest , physicians in a northwest maryland county plan to halt non-emergency surgeries for at least two weeks to protest a 33 percent increase in malpractice insurance premiums . +__label__3 , us stocks up on durable goods news chips down , us stocks got a mild boost on friday as government data showed better-than-expected demand in august for durable goods other than transportation equipment , but climbing oil prices limited gains . +__label__4 , locusts encroach on west african rice-growing area ( reuters ) , reuters - west africa ' s worst locust plague for 15\years has encroached on one of the region ' s largest\rice-growing areas , authorities in mali said on friday . +__label__4 , intel shelves plans for wi-fi access point , due to lack of demand , the chipmaker postpones plans to build wi-fi access points into desktop pcs this year . +__label__3 , rivals ocean spray , northland make peace , cranberry juice rivals ocean spray and northland have ended their legal battle and agreed to join forces . the companies said friday that ocean spray will take over its smaller rival #39 s +__label__1 , calif . oks world ' s toughest smog rules , los angeles - california air regulators friday unanimously approved the world ' s most stringent rules to reduce auto emissions that contribute to global warming - a move that could affect car and truck buyers from coast to coast . under the regulations , the auto industry must cut exhaust from cars and light trucks by 25 percent and from larger trucks and sport utility vehicles by 18 percent . . . +__label__3 , ocean spray to buy northland assets , looking to expand its fruit receiving and concentrating operations in the nation #39 s largest cranberry-producing state , ocean spray cranberries inc . +__label__3 , ca , partners move on as kumar faces charges , concern over the fate of former computer associates international chairman and ceo sanjay kumar accompanied the collective sigh of relief felt by ca partners last week when federal prosecutors settled a two-year-old accounting fraud investigation with the +__label__4 , peter griffin a9 . com makes searching personal , i #39 ve really taken to a9 . com . it #39 s almost as if this new player in the search engine game has been built specifically for me . +__label__2 , england seek first one-day title against surprise package windies , london england have never won a major international limited-overs title while west indies world cup glory days date back to 1975 and 1979 . +__label__2 , wenger keep tabs on swp , arsenal boss arsene wenger has upped the stakes ahead of saturday #39 s clash against manchester city by claiming he would love to sign shaun-wright phillips . +__label__2 , a greek tragedy for fab three , paris greece #39 s shock euro 2004 triumph in july has had unexpected consequences with three european players of the year calling time on their national sides . +__label__2 , ichiro makes run at historic record , ichiro suzuki , baseball #39 s sang-froid player , is racing to shatter an elusive record for hits in a single season , aiming to bring glory to himself , the seattle mariners and his country japan . +__label__4 , first look creative zen portable media center , new device plays back audio and video on the go , but it sports a hefty price tag . +__label__3 , san diego fiscally sound , mayor says , san diego - in the wake of another downgrading of san diego #39 s credit rating , mayor dick murphy today reassured the public that the city is fiscally sound . +__label__2 , vaughan confident england can cap memorable season , england captain michael vaughan leads his side against the west indies today quietly confident of claiming his first major one-day trophy in the icc champions trophy final against west indies . +__label__1 , scientist ramanna mourned , bombay raja ramanna , the scientist who pioneered india #39 s drive to become a nuclear power , died yesterday in bombay at age 79 . +__label__1 , seoul says firms shipped lethal chemical to dprk , seoul south korean authorities stopped a shipment of a potentially lethal chemical to north korea this year , but at least two other shipments got through to the communist state , south korea said on friday . +__label__3 , putin says russia could be a yukos bidder , president vladimir v . putin said on friday that state-run companies might bid for assets of yukos in any sale to collect back taxes . +__label__1 , sudan ' foils islamist coup plot ' , sudan says it has foiled a coup plot by backers of detained islamist leader , hassan al-turabi . +__label__2 , one-two economic punch , proposals for two major league sports stadiums that would face each other across the anacostia river evolved independently , d . c . officials said friday . +__label__2 , mlb new york yankees 6 , boston 4 , hideki matsui homered and drove in two runs friday night as the new york yankees increased their division lead with a 6-4 win over boston . +__label__3 , us airways ' unions brace to fight deep cuts , us airways ' 28 , 000 employees waited last night for the airline to file a petition with the judge in its bankruptcy proceeding , seeking to void existing labor contracts and impose a 23 percent pay cut on workers . +__label__2 , pedro yanks ? no thanks bombers psyche out ace #39 , pedro martinez last night uttered the absolute last words any boston fan wants to hear from their ace - now , or ever call the yankees my daddy . +__label__1 , dodgers nip giants 3-2 in crucial series , san francisco - shawn green can sit out saturday knowing he was a huge help to the dodgers during their crucial series against san francisco . green hit a two-run homer in los angeles ' 3-2 victory over the giants on friday night , a day before the first baseman will miss a game to observe the jewish holiday yom kippur . . . +__label__3 , refiners line up for stockpiled oil , oil futures hit a record high friday as the government began lending oil from emergency reserves to refineries running low on crude after hurricane ivan . +__label__3 , fannie mae mess worries investors , the fallout from allegations of serious accounting problems at fannie mae has rattled investors and could even bump up mortgage rates down the road . +__label__2 , us leads 2-0 in davis cup , olympic silver medalist mardy fish served 19 aces to defeat max mirnyi in the second singles match 7-5 , 6-2 , 3-6 , 6-3 . roddick #39 s serve in the final game of the match eclipsed his own record of 153 mph set at the queen #39 s club tournament in england in june . +__label__2 , yanks beat pedro again santana wins 20th , all the boston red sox got from pedro martinez this week was a pair of losses to the yankees . the al central-champion twins drank a champagne toast to santana after he became the second 20-game winner in the +__label__2 , no . 21 boise state holds off byu 28-27 , what started as another boise state blowout came down to the final seconds . the no . 21 broncos jumped to a 16-0 lead in the first quarter , but needed a missed field goal with +__label__3 , us airways to ask court for pay cuts , s airways said yesterday that it would ask a bankruptcy judge to approve emergency pay cuts - which its unions said would be 23 percent - and other moves to raise cash . +__label__2 , yanks deflate sox , this wasn #39 t game 7 with the american league pennant at stake , but it certainly had the kind of bad vibes that the boston red sox felt last october . +__label__1 , pakistan and india agree to cooperate on easing tensions and < b> . . . < /b> , the leaders of india and pakistan promised friday to work together to quot restore normalcy and cooperation quot between their countries and seek peace in the disputed himalayan territory of kashmir . +__label__2 , shanghai , qualifying surprises all round , michael schumacher spun and sauber looked strong this afternoon . fernando and jacques went sixth and thirteenth . +__label__2 , time to step up , charlie garner didn #39 t come to tampa to watch the tampa bay bucs offense stumble around like it has in the first two games of this season . +__label__3 , oil prices rise despite us move to draw on strategic reserve , new york , sept 23 ( afp ) - oil prices edged closer to record territory thursday as markets shrugged off news that the us government may draw from its strategic reserves to make up for shortages due to hurricane ivan . +__label__2 , kuznetsova beats sharapova to make china open final , beijing ( reuters ) - u . s . open champion svetlana kuznetsova beat compatriot and wimbledon champion maria sharapova 6-2 , 6-2 for a place in the final of the \$585 , 000 china open wta tournament on saturday . +__label__3 , putin says state companies may buy yukos oil assets ( update3 ) , russian president vladimir putin said state-run companies may bid for oao yukos oil co . assets in any sale to collect back taxes , raising the prospect of further government control over the nation #39 s oil and gas industry . +__label__1 , israel destroys refugee homes , kills one , gaza city , gaza strip - a day after a mortar round killed an israeli-american woman in a nearby settlement , the israeli army charged into a palestinian refugee camp saturday , killing one person and tearing down 35 homes , witnesses and a u . n . aid official said . . . +__label__4 , firefox browser turns 1 . 0 as browser wars re-emerge , mozilla released a preview release of version 1 . 0 of its new , lightweight browser , named firefox , even as web traffic metrics indicate that microsofts internet explorer may be losing market share for the first time in many years . +__label__2 , australia better prepared , says gilchrist , mumbai - australia #39 s stand-in captain adam gilchrist said on saturday his team was seeking a momentous test series triumph in india . +__label__2 , serena sails into final at china open , though in an unfamiliar city , top seed serena williams turned the inaugural china open wta tennis tournament into a home court here on saturday as she stormed into the singles +__label__1 , un refugee chief tours sudanese refugee camp in chad , the top united nation refugee official is in chad , where saturday , he toured a camp for sudanese refugees who have fled violence in the western darfur region . +__label__1 , hu issues certificates to two new generals , chinese president hu jintao presented on saturday certificates to two nearly promoted generals in his capacity as chairman of the central military commission ( cmc ) of the communist party of china . +__label__3 , this week in the state legislature , the senate is expected to vote on the overall \$3 . 3 billion spending plan for the state department of transportation , which supports state and local highway programs , public transportation programs and department administration ( house bill 5528 ) . +__label__3 , airport staff walk-out fails to disrupt flights , a strike by hundreds of baggage handlers and maintenance workers at gatwick airport failed to disrupt flights today . the workers mounted picket lines outside +__label__2 , boro left feeling blue , accepting mediocrity has been part and parcel of following middlesbrough over the years , yet this campaign was supposed to bring something new . +__label__1 , men , women more different than thought , chicago - beyond the tired cliches and sperm-and-egg basics taught in grade school science class , researchers are discovering that men and women are even more different than anyone realized . it turns out that major illnesses like heart disease and lung cancer are influenced by gender and that perhaps treatments for women ought to be slightly different from the approach used for men . . . +__label__2 , gilchrist confident about india tour , sydney , sep 25 australia #39 s stand-in captain and wicketkeeper adam gilchrist has said that his twin responsibilities will not come in the way of seeking a winning start for his team against india in next month #39 s test series . +__label__2 , bremen , bayern amp stuttgart win as wolves stay top , vfl wolfsburg remain clear at the top of the bundesliga table after a last-minute diego klimowicz strike condemned kurt jara #39 s kaiserslautern to defeat at the volks-wagen arena , on a day that saw miroslav klose hit a hat-trick for werder bremen at bochum . +__label__2 , no . 13 lsu 51 , mississippi state 0 , alley broussard ran for a career-high three touchdowns in the first 17 minutes and no . 13 lsu held mississippi state to seven first downs and 130 yards in a 51-0 victory saturday . +__label__2 , nfl postpones miami game , due to hurricane jeanne , the national football league has postponed sunday #39 s scheduled game between the pittsburgh steelers and the miami dolphins in miami due to the threat of hurricane jeanne . +__label__2 , robby gordon planning to proceed with caution , robby gordon plans to join the oil spills , the tire chunks , the sharp pieces of debris and the other typical racetrack hazards on sunday . +__label__3 , us 2-year treasuries fall for week as fed raises target rate , the benchmark two-year us treasury note had its biggest weekly decline in a month on speculation the federal reserve will follow up this week #39 s interest-rate increase with at least one more this year . +__label__1 , four held in anti-terror raids , three of the men were seized in a quot pre-planned quot operation by officers from the metropolitan police anti-terrorist branch at a hotel in brent cross , north london . +__label__2 , premiership charlton snatch win , dennis rommedahl grabbed an injury-time winner for charlton against a crystal palace side who will be very upset at a missed penalty . +__label__3 , boeing gets downpayments , boeing has received downpayments for up to 200 of its new 7e7 planes in addition to the known 52 orders it has gained , chief executive harry stonecipher said in an interview published on thursday . +__label__3 , boeing ceo says market slower than airbus suggests , berlin boeing co . chief executive harry stonecipher has said the us aircraft makers archrival airbus was exaggerating the speed of recovery in the commercial airplane market . +__label__2 , cricket swings to calypso once again , from the time you touch down in the british isles , you get an overwhelming sense of grey . the skies are almost always leaden , the clothes people wear are generally either black or neutral shades guaranteed +__label__2 , update 1-struggling singh stays ahead in pennsylvania , world number one vijay singh stayed two shots clear of the field after struggling to a level-par 72 in the third round of the \$4 . 2 million pennsylvania classic on saturday . +__label__1 , italy and libya move on migrants , italy ' s interior minister visits libya to pave the way for joint efforts to curb illegal immigration into the eu . +__label__2 , cup chase lands in dover , when the green flag drops for today #39 s mbna america 400 at dover international speedway , 43 drivers will be lined up to cross the start/finish line . +__label__1 , how long will the pop press stomach the horrors of iraq ? , the sickening accounts of the ordeal of ken bigley have brought home to everyone the true wretchedness of the present situation in iraq . +__label__1 , un chief promises more staff to iraq when possible , un secretary-general kofi an nan meets with visiting iraqi prime minister iyad allawi at un headquarters in new york , sep 24 . ( xinhua photo ) . +__label__4 , quicken , money duel to a draw ( washingtonpost . com ) , washingtonpost . com - the intuit-microsoft battle for supremacy in the personal-finance software market is as long-running as some sports rivalries -- except that few users seem to care all that much about the outcome of this contest . +__label__2 , red sox explode in the 8th for 12-5 win , the new york yankees are going to the playoffs , and they will probably go there as al east champions , too . they just won #39 t be clinching the division in fenway park . +__label__2 , howard wins big , the bison win their second straight game with a 53-7 domination of nonconference savannah state before 5 , 205 at greene stadium . +__label__2 , live chinese grand prix , michael schumacher has set the stage for what promises to be a thrilling fightback through the field by qualifying at the back of the grid for the inaugural chinese grand prix , which starts at 0700 . +__label__1 , muslim council joins fight for hostage #39 s life , efforts to secure the release of iraq hostage ken bigley are being stepped up as a delegation from the muslim council of britain #39 heads to baghdad for talks . +__label__1 , afp interview un refugee chief says sudan likely to grant darfur < b> . . . < /b> , abeche , chad , sept 26 ( afp ) -- the sudanese government has seen the writing on the wall and is likely to grant some autonomy to the violence-wracked darfur region but the rebels should now do their bit to end the world #39 s worst humanitarian crisis , un high +__label__1 , riyadh says killing of frenchman was terrorist attack ( afp ) , afp - a french national shot dead in the saudi red sea city of jeddah overnight was the target of a quot terrorist attack quot according to initial investigations , an interior ministry spokesman told afp . +__label__2 , dover #39 s place in #39 chase #39 looks secure , nascar officials spent several days last december going through different scenarios when they met to come up with their quot chase for the nextel cup quot plan . +__label__2 , barrichello wins chinese grand prix , shanghai , china - rubens barrichello won the inaugural chinese grand prix on sunday , taking advantage of formula one champion michael schumacher #39 s disastrous weekend and outlasting runner-up jenson button by just over a second . +__label__2 , mark it down notre dame is back , shaking down the thunder from a puffy gray-white sky on a gorgeous saturday afternoon , notre dame reminded the usual 80 , 795 suspects that an opening loss to brigham young was an aberration . +__label__2 , orioles to get paid off for expos #39 move to dc , in this crevice of the baseball globe , as the season heads to the bottom of the ninth , nothing has changed . it #39 s an annual rite for both teams by the bay to be in prime playoff position with a week to go , and +__label__1 , half of men on pitcairn island on trial for alleged sex abuse , a small , prefabricated affair , consisting of just six cells . they have an incentive to build it well seven of them could soon be living there . +__label__4 , is google working on a web browser ! , after coming up with gmail and google news , rumours are rife that search engine google is now working on a web browser , reports bbc . +__label__4 , soldiers ' war blogs detail life in iraq , iraq war blogs are as varied as the soldiers who write them . some sites feature practical news , war pictures and advice . some are overtly political , with more slanting to the right than to the left . some question the war , some cheer it . +__label__4 , could newer browsers dethrone ie ? , every time a new ie security flaw is announced , or whenever someone gets fed up with hackers manipulating their web browser , firefox and other mozilla-based browsers get a bump in the marketplace . +__label__2 , fans honour legend clough , thousands of football fans fell silent today to honour the life and achievements of legendary manager brian clough . a public tribute was held in nottingham city centre and a minute +__label__1 , karzai travels north on first domestic trip since rocket attack , afghan president hamid karzai sunday made his first domestic trip outside the capital , kabul , since a trip cut short by a rocket attack 10 days ago . +__label__1 , pinochet questioned by investigative judge , an investigative judge has questioned former chilean dictator augusto pinochet for half an hour to decide whether to indict him in one of hundreds of human rights cases stemming from his 1973-1990 rule . +__label__2 , dolphins and steelers will play sunday night ( reuters ) , reuters - the miami dolphins and\pittsburgh steelers will play their scheduled game sunday night\at 8 30 p . m . +__label__1 , un refugee chief sees darfur autonomy as way out of crisis , ndjamena un high commissioner for refugees ruud lubbers said that sudan should grant more autonomy to darfur as he began a visit to address the crisis over the exodus of more than 1 . 4 million refugees from the troubled region . +__label__1 , israel sends syria tough message with hamas strike , widening its pursuit of hamas beyond the occupied territories , israel reached into damascus sunday , dealing a blow to both hamas and syria . +__label__2 , serena takes china title , serena williams got back to winning ways with victory over us open champion svetlana kuznetsova in the final of the china open on sunday . +__label__2 , giants most important game of the year will be an everyday < b> . . . < /b> , san francisco - lets defer to the slugger-philosopher , barry bonds , for saturdays life-lesson . it he said in reference to the san francisco giants latest biggest win of the season , is as big as it is today . +__label__1 , labour delegates force iraq vote , iraq is chosen for a vote at labour conference but tony blair says he will not apologise for the war . +__label__2 , a win worth a calypso or two , london , september 26 just the way the brazil is synonymous with soccer and tom with jerry , west indies cricket has always been synonymous with fast bowlers , with batsmen who had more flair than wood in their willows and with calypso . +__label__4 , ' wikis ' offer knowledge-sharing online ( ap ) , ap - taran rampersad didn ' t complain when he failed to find anything on his hometown in the online encyclopedia wikipedia . instead , he simply wrote his own entry for san fernando , trinidad and tobago . wikipedia is unique for an encyclopedia because anybody can add , edit and even erase . and the wikipedia is just one #151 albeit the best known #151 of a growing breed of internet knowledge-sharing communities called wikis . +__label__4 , sony , nintendo power up for battle of the portable game consoles ( afp ) , afp - riding on the global success of playstation 2 ( ps2 ) , sony has launched its first hand-held game console to challenge rival nintendo , whose game boy advance monopolizes the worldwide portable game market . +__label__3 , us airways wants court to cut pay , troubled carrier us airways has asked a us bankruptcy court to impose big wage and cost cuts , warning that otherwise it might fail to survive . +__label__2 , nfl game summary - jacksonville at tennessee , nashville , tn ( sports network ) - fred taylor scored on a one-yard run with nine seconds left in the fourth quarter to lift the jacksonville jaguars to a 15-12 victory over the tennessee titans at the coliseum . +__label__2 , giants 27 , browns 10 , kurt warner and michael strahan made sure the new york giants didn #39 t have a letdown against the injury-ravaged cleveland browns . +__label__2 , soccer vller quits roma after bologna loss , rudi vller said sunday that he had left roma of the italian league . he had been manager for less than four weeks . roma lost 3-1 to bologna in serie a on saturday , even though its opponents played for 40 minutes with just nine men . +__label__1 , haitian storm survivors give thanks , amid the destruction from tropical storm jeanne , haitians have prayed for the 1 , 500 dead and given thanks that their lives were spared at services on sunday . +__label__1 , no progress in n . korea , japan talks on abductees , talks between japan and north korea aimed at resolving a dispute over japanese nationals abducted by the north decades ago ended sunday without progress , japanese officials said . +__label__3 , uk writing off poor nations ' debt , gordon brown says the uk will write off its share of debts owed by the world ' s poorest countries to the world bank . +__label__4 , half . com to continue at full speed , this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . online auction giant ebay won #39 t be closing down its half . +__label__3 , financial planning an option for coles , coles myer ltd chief executive mr john fletcher yesterday said he was interested in branching out from the retail business into financial planning services for the groups customers . +__label__2 , green bay packers , indianapolis ( ticker ) -- the showdown between peyton manning and brett favre turned into an arena football league spectacle . manning threw for 320 yards and five touchdowns in the first half when the indianapolis +__label__3 , bill gates is the richest for 11 years successively , bill gates , the founder of microsoft , still remains the richest person in the usa , according to forbes magazine . gates has been keeping the first place for already 11 year in a raw among the richest americans . +__label__3 , no ticket matched all four numbers and the megaball in friday #39 s < b> . . . < /b> , no ticket matched all four numbers and the megaball in friday #39 s mega money drawing of the florida lottery . the numbers drawn were 10-18-19-22 the megaball was 6 . twelve tickets matched four of the numbers +__label__1 , iran deploys new missile , tehran iran added one more missile to its military arsenal and the defense minister said saturday his country was ready to confront any external threat . +__label__1 , jet lands in uk after bomb alert , an olympic airlines flight on its way from athens to new york is diverted to stansted airport after a security alert . +__label__1 , u . s . military arrests an iraqi commander , the arrest of a commander of the iraqi national guard raises concerns about the loyalty and reliability of the new security forces . +__label__3 , update 4 tokyo stocks shed 1 percent , dollar up , tokyo stocks shed more than 1 percent friday , extending declines to a sixth straight session driven by wall street #39 s weakness and worries that higher oil prices may crimp corporate profits . +__label__2 , kim captures 1-shot win at longs drugs ( ap ) , ap - christina kim made a charge on the back nine sunday , shooting a 6-under 65 at the longs drugs challenge for a one-shot victory over karrie webb and her first lpga win . +__label__2 , angels suspend guillen without pay ( ap ) , ap - angels left fielder jose guillen was suspended for the rest of the season sunday because of his outburst after being lifted for a pinch runner a day earlier . +__label__1 , u . s . wants to lease swedish submarine ( ap ) , ap - the united states wants to lease a swedish attack submarine for naval exercises in the baltic sea in a deal possibly worth tens of millions of dollars , defense officials said sunday . +__label__1 , japan ministers resign ahead of reshuffle , tokyo ( reuters ) - japanese cabinet ministers tendered their resignations on monday , setting the stage for prime minister junichiro koizumi to make new appointments aimed at boosting his popularity and tightening his grip on power after a set-back in july ' s upper house elections . +__label__4 , medimmune ceo talks finance and science , david mott , a dartmouth-educated wall street investment banker , is increasingly leveraging his reputation in the local and national biotech communities . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> +__label__4 , is google news biased ? , google news tends to favor news stories with a conservative bias , according to new media observer j . d . lasica , a claim which google denies . +__label__2 , fans put in position of deciding which team comes first , say you #39 re a raiders fan and the silver and black are playing the broncos in late december . you want denver to hurt the hurt that only comes with having your hiney handed to you . +__label__1 , pakistan #39 s top wanted terrorist killed , pakistani security forces sunday killed the country #39 s most wanted terrorist allegedly involved in an assassination attempt on president pervez musharrafand indicted in the murder of a us journalist . +__label__1 , pakistan al-qaeda suspect killed , pakistan says it has dealt a major blow to al-qaeda #39 s operations after its security forces shot dead the country #39 s most wanted terror suspect . +__label__2 , paralympians stripped of medals for failing tests , a visually impaired cyclist from slovakia , competing in the men #39 s tandem event , was stripped of his silver medal and three weightlifters were slapped with two-year bans after testing positive for banned substances at the athens +__label__1 , press blame right for swaying citizenship votes , on sunday voters rejected government-backed plans to simplify naturalisation procedures for second-generation foreigners . they also turned down a proposal to grant children born in switzerland to foreign parents the automatic right to a swiss passport . +__label__2 , tennis gb lose out in davis cup , great britain has been relegated from the davis cup group with the world #39 s best teams in after losing to austria . greg rusedski lost the crucial match to stefan koubek 7-6 6-4 7-5 to see britain lose out in the tie 3-2 . +__label__1 , experts dampen bird flu fears , international health officials at an emergency meeting in bangkok monday said there is no evidence that bird flu has been passed from one human to another . +__label__1 , hamas official killed in blast , jerusalem -- a hamas official was killed sunday when his sport utility vehicle exploded in a neighborhood of damascus , syria , seconds after he started the engine , according to witnesses and the palestinian militant group #39 s leaders , who accused israel of +__label__3 , crude oil prices near continued march toward symbolic \$50 us level , crude oil prices neared their all-time record high of \$49 . 40 us as supply fears in iraq and other key producers pushed up early trade monday , while the market took stock of hurricane ivan #39 s impact on oil rigs in the gulf of mexico . +__label__3 , a wandering congress trips over the us constitution , that is the one-word message of advice that citizens wanted to send to members of congress at the end of last week . both the house of representatives and the senate looked as if they are having trouble seizing +__label__1 , diverted london airliner given all-clear , a police search concluded there was no threat to a new york-bound greek airliner forced to make an emergency landing in britain following a bomb threat that mentioned iraq , officers said monday . +__label__2 , defensive adjustments keep it close , the chargers #39 defense had one of its better games in recent years , despite allowing 23 points . one of the keys was an adjustment to disrupt the broncos #39 passing game . +__label__2 , sox punish cocky yankees , bostonthese yankees are an arrogant bunch . six consecutive first-place finishes tend to do that . but very rarely do you see a team in the heat of a pennant race facing the team chasing them send out a starting pitcher just to see him get work . +__label__2 , it #39 s a record singh surpasses woods again , when vijay singh started out as a pro golfer more than 20 years ago , \$10 million seemed an unreachable goal . one more victory -- and , the way he #39 s playing , that could be only one more tournament away -- and +__label__4 , sims 2 plays with life addicts , the sims 2 adds dna into the mix and much more realistic 3d graphics , which gives the game an eerie feeling of reality . +__label__1 , debkafile special analysis , before deporting him to lebanon in 1991 , the late yitzhak rabin called ezz-eldin sheikh al-khalil the snakes head , singling him out as the terror master who raised and handled hamas most accomplished terror operatives , adnan al hool and +__label__3 , data view singapore aug indus output below expectations , singapore ( dow jones ) --singapore #39 s industrial output rose a smaller-than-expected 5 . 3 on year in august , as the production of pharmaceuticals fell sharply from a high base a year ago . +__label__3 , adobe updates raw plug-in with digital negative format , adobe has updated photoshop #39 s support for digital cameras #39 raw image formats . the new plug-in adds to the number of camera models supported and includes a utility for converting images into the dng , digital negative format . +__label__4 , now virgin to offer trips to space , london , england -- british entrepreneur richard branson announced his company has signed a deal to offer the world #39 s first commercial flights to space under the branding quot virgin galactic . +__label__4 , kill the poor , i ' ve been a soup van volunteer for three months plus a couple of weeks . i ' ve also been casually mentioning this example of my beneficence in everyday conversation for about the same length of time . i use this particular phrasing , rather than i work on a soup van , because what i ' m trying to emphasise is that i didn ' t take it up lightly or gingerly . in the beginning , i didn ' t know exactly how it would turn out , but i did know that i wanted to be good . between then and now , an awful lot became clear . +__label__4 , plan b proposes its own alternatives , donnie downs , president and chief executive of plan b technologies inc . , said the company itself is a plan b . +__label__1 , european press review climate change , european editorials on monday commented on the results of the local elections in the western german state of north rhine-westphalia . +__label__2 , sc to hear zee petition tommorrow , five judges of the top court will hear a petition filed by zee telefilms on tuesday . a three-judge panel of the supreme court said a five-judge bench would hear the dispute that threatens the rights of india #39 s +__label__3 , hurricane ivan blows courts #39 profits away , millions of pounds are likely to be wiped off profits at the caribbean arm of furniture retailer courts following the devastating impact of hurricane ivan . +__label__3 , fm , reddy to attend imf-wb meet , finance minister p chidambaram will lead a high-level delegation for the annual imf-world bank meeting in washington from october 1 , where new delhi would press for higher aid flows for infrastructure and social development . +__label__4 , red hat opens losing propaganda offensive against sun , opinion heaven help us all - there #39 s a blog battle being waged between red hat #39 s chief cheerleader michael tiemann and sun microsystems #39 president jonathan schwartz . +__label__4 , microsoft closes hotmail to outlook and outlook express users , from today , new users of microsoft #39 s outlook and outlook express won #39 t be able to view hotmail emails for free . the company has announced that in future the service will only be available to subscribers of the msn premium services costing \$19 . +__label__2 , the wayne rooney era begins at manchester united , manchester united manager alex ferguson calls him the best english player in the last 30 years , and he #39 s expected to debut for the club tuesday in its champions league match at old trafford against turkey #39 s fenerbahce . +__label__4 , the sims 2 demon stone the number devil , getting a life gets a lot more complicated in this sequel to the best-selling computer game in history . +__label__4 , mcdata offers san consolidation , mcdata plans to introduce a new san router this week designed to connect the growing number of isolated san networks in corporations . < p> advertisement< /p> < p> < img src=http //ad . doubleclick . net/ad/idg . us . ifw . general/sbcspotrssfeed sz=1x1 ord=200301151450 ? width=1 height=1 border=0/> < a href=http //ad . doubleclick . net/clk 9228975 9651165 a ? http //www . infoworld . com/spotlights/sbc/main . html ? lpid0103035400730000idlp> sbc case study crate barrel< /a> < br/> what sold them on improving their network ? a system that could cut management costs from the get-go . find out more . < /p> +__label__1 , greek school bus crash kills seven , injures 24 , kammena vourla , greece ( reuters ) - a bus carrying school students and teachers to the athens paralympic games collided with a truck in central greece on monday killing at least seven people and injuring 24 , officials said . +__label__3 , walgreen 4th-qtr net rises 18 percent on drug sales ( update1 ) , walgreen co . , the largest us drugstore chain , said fourth-quarter profit rose 18 percent , helped by sales of prescription drugs . net income had its biggest gain in almost two years , climbing +__label__4 , virgin tunes into the online music market , quot we dont see this market as crowded . there is tremendous growth potential quot - zack zalon , virgin digital president . story in full virgin mobile , part of billionaire sir richard bransons sprawling business +__label__3 , before the bell - ess technology drops 4 . 4 pct , shares of ess technology ( esst . o quote , profile , research ) , a maker of computer chips for dvd equipment , fell 4 . 4 percent in premarket trading on monday after the company lowered its third-quarter revenue and earnings +__label__1 , sports court hears hamm gold medal appeal , lausanne , switzerland - paul hamm appeared before the sports world ' s highest court monday to argue why he should he keep his olympic gymnastics gold medal . the court of arbitration for sport convened to hear the appeal from a south korean gymnast who believes he was unfairly deprived of the gold in the men ' s all-around event in athens last month because of a scoring error . . . +__label__3 , comcast gets option on tw cable , new york ( cbs . mw ) -- comcast said monday that it has an option to cut its stake in time warner cable to 17 percent from 21 percent in exchange for stock in a unit that will hold cable-television systems and cash . +__label__1 , rivalry blamed in philippine communist leader #39 s death , a leader of a philippine communist breakaway group has been killed , in what may be rivalry among former comrades . the shooting is the latest in a series of assassinations of communist party defectors . +__label__3 , touchy times at midas , the auto maintenance company has a simple business but a complicated prognosis . +__label__1 , blair , paisley confer on n . ireland , british prime minister tony blair met in london with democratic unionist leader ian paisley monday about power sharing with northern ireland #39 s assembly . +__label__3 , microsoft lawyer says company able to comply with eu antitrust < b> . . . < /b> , microsoft attorney brad smith , said quot we will certainly be prepared to comply with the court #39 s order whatever it may be . we have invested a tremendous amount of time and energy and spent millions +__label__3 , hilfiger tumbles on grand jury probe , chicago ( cbs . mw ) -- shares of tommy hilfiger corp . tumbled monday after the company disclosed that a grand jury was looking into the buying-office commissions the retailer pays to a non-us subsidiary . +__label__4 , siemens , freescale extend auto partnership , siemens vdo automotive and freescale semiconductor have renewed their automotive relationship , representing about \$245 million for components including asics , microcontrollers , analog and sensor components , beginning in 2006 . +__label__3 , stocks slip on oil , downgrade of semis , new york ( reuters ) - u . s . stocks were knocked lower on monday , with the dow dipping briefly below 10 , 000 , as record high oil prices threatened to hurt corporate profits and a brokerage downgrade hit semiconductor shares . +__label__3 , fannie mae agrees to accounting changes , fannie mae , facing questions about its accounting similar to those that shook up freddie mac last year , has agreed to changes that will bring it in compliance with accounting standards . +__label__4 , cybertrust ceo says merger driven by users , september 27 , 2004 ( computerworld ) - betrusted holdings inc . in new york and trusecure corp . in herndon , va . , last week said they #39 re merging to form a single it security services vendor . +__label__1 , presidential campaign turns even nastier ( afp ) , afp - the us presidential race hit a new low in nastiness with images of osama bin laden and epithets such as quot despicable quot and quot un-american quot bombarding voters before a crucial series of televised debates . +__label__1 , a graphic film of protest , and cries of blasphemy , the director of a 10-minute film shown on dutch television hopes to draw attention to what she says is widespread but hidden violence against muslim women . +__label__1 , bishop indicted on child rape charges , springfield , mass . - bishop thomas dupre , the former head of the springfield diocese , was indicted monday on child rape charges , accused of molesting two boys in the 1970s , the county prosecutor said . . . +__label__4 , sidebar microsoft enters data backup arena , september 27 , 2004 ( computerworld ) - chicago -- microsoft #39 s announcement of a disk-to-disk backup application designed to consolidate data backups on windows servers positions the company to compete against storage management stalwarts such as veritas +__label__2 , button happy with 2nd , jenson button was happy to settle for runners-up spot despite falling agonisingly short of a maiden formula one win for the second race in succession . +__label__1 , holiday stamps to be issued in oct . ( ap ) , ap - holiday postage stamps celebrating christmas , hanukkah and kwanzaa will be issued next month , the u . s . postal service announced monday . +__label__4 , shaving time from the virus race , ironport systems has launched the latest version of its ironport c-series e-mail security appliance , adding virus outbreak filters that the company said could respond to new virus outbreaks within minutes . +__label__3 , us airways may liquidate by february , alexandria , va . sept . 27 , 2004 - us airways group inc . warned in a bankruptcy court filing that it may have to liquidate by february if a judge does not impose a temporary 23 percent pay cut on its union workers . +__label__3 , dell , aol team up in schools initiative , round rock , texas -- dell inc . and america online inc . announced a partnership monday to provide 5 , 000 low-income students with free refurbished personal computers and a year #39 s worth of internet access . +__label__4 , cisco #39 s smb goods , cisco systems is accelerating its push into the smb market with the launch this week of entry-level switching modules , an aggregation switch and a web-based management tool that helps smaller customers gain easier access to high-level features . +__label__4 , gold indian coin expected to fetch #36 27 , 000 ( reuters ) , reuters - an indian gold coin which is nearly\1 , 900 years old and shows one of the earliest depictions of\buddha is to be sold at auction where it is expected to fetch\up to 15 , 000 pounds ( #36 27 , 000 ) . +__label__1 , embattled mortgage giant agrees to meet new standards , fannie mae agreed to keep more cash on hand while it corrects accounting problems , a u . s . regulator said . +__label__3 , treasuries benefit on spike in crude oil , new york ( reuters ) - treasury debt prices climbed on monday as investors bet oil prices near record highs might dent u . s . consumption and force the federal reserve to slow the pace of interest rate hikes . +__label__2 , mashburn #39 s season blocked by knee injury may retire , barely more than a year removed from his best season , jamal mashburn is likely done playing in the nba . mashburn and the new orleans hornets announced monday , a week before the opening +__label__4 , elephant dna could help stem ivory trade ( ap ) , ap - analyzing the dna of elephants may help trace the origins of ivory being sold illegally , information researchers hope will help foil such trade . +__label__3 , nymex oil rises on nigerian rebel threat , new york ( reuters ) - nymex crude oil futures jumped 36 cents in electronic trading on monday evening to the psychological \$50 a barrel level , the highest in the 21 years oil futures have traded on the exchange , as nigerian rebels decided an all-out war against the government starting oct . 1 . +__label__4 , dell upgrades high-performance cluster line , to boost performance for high-end users , dell inc . is upgrading its high-performance computing clusters by adding support for larger topspin infiniband switches and pcie host channel adapters . +__label__4 , dhs faces it management challenge , gao says , a quot formidable information and technology management challenge quot faces the homeland security department , according a report released today by the government accountability office . +__label__3 , oil near \$50 on supply fears in nigeria , oil prices rose to record highs monday near \$50 a barrel for us crude as nigeria emerged as the latest focus for worries about supply in an already tight worldwide energy market . +__label__4 , cisco switch products target small business , cisco systems is aggressively targeting small and midsize businesses with a set of ethernet switching products designed to greatly reduce the cost and complexity of operating a network . +__label__2 , court to hear case in gymnastics flap , one way or another , paul hamm #39 s gold-medal odyssey is about to end . whether he gets to keep the medal and the title he won a month ago in the olympic men #39 s gymnastics all-around will be up to the sporting world #39 s highest authority . +__label__2 , junior late father #39 had a lot to do #39 with rescue , new york -- dale earnhardt jr . has trouble remembering those frantic seconds when he escaped from his burning racecar . he believes , however , that his late father figured in his survival . +__label__1 , 5 dead in dubai airport accident , dubai - a steel mesh wall collapsed on workers building a multi-billion-dollar extension to dubai #39 s international airport yesterday , leaving five dead and 12 injured , authorities said . +__label__4 , cray promotes two execs , ly-huong pham becomes the supercomputer maker ' s senior vice president of operations , and peter ungaro is made senior vice president for sales , marketing and services . +__label__2 , manchester united admits paying 11m to transfer middle-men , the role of agents in multimillion-pound football transfer deals came under fresh scrutiny yesterday after manchester united revealed payments of 11m to middle-men for their help in signing players . +__label__3 , sky-high oil prices will ground air transport profits iata , montreal , canada sky-high oil costs will keep air transport profits in the basement , with losses between three billion and four billion dollars this year , despite a pickup in traffic , the international air trade association said . +__label__3 , update 3-walgreen profit rises , more stores planned , walgreen co . ( wag . n quote , profile , research ) , the top us drugstore chain , on monday said quarterly profit rose 18 percent on strong sales of prescription drugs +__label__2 , troubled real and roma meet as champions league resumes , madrid , spain ( sports network ) - two clubs with storied tradition but in the midst of current turmoil will meet tuesday when real madrid and roma highlight matchday 2 of the uefa champions league group play . +__label__2 , no . 12 virginia loses key defensive player , charlottesville , va ( sports network ) - the no . 12 ranked virginia cavaliers will be without defensive end chris canty for the remainder of the season . +__label__2 , redskins underway , the redskins and cowboys are underway from fedex field , a game that marks the first time legends joe gibbs and bill parcells have faced each other since 1990 . +__label__1 , hostages plight clouds meeting of blairs party , brighton , england the annual conference of prime minister tony blair #39 s labour party opened here monday under the pall of the war in iraq , as the fate of the british hostage ken bigley remained uncertain amid fresh appeals for his release from family +__label__4 , senate weighs h-1b visa changes , u . s . senators are debating a controversial measure to exempt foreign student graduates from the cap on h-1b visas . +__label__2 , hamm pleads case as the one and only champ , is olympic gold medal safe in his parents #39 wisconsin farmhouse , lovingly tucked into a white gym sock , the gymnast paul hamm had one goal in mind when he boarded a plane for europe last week to remain the olympic all-around champion . +__label__4 , microsoft crafts backup plan ( washingtonpost . com ) , washingtonpost . com - microsoft corp . officials said yesterday that the company has spent millions of dollars preparing a version of its windows operating system without a program for playing digital music and videos , in the event it loses its bid to postpone antitrust sanctions ordered by european authorities . +__label__3 , crude oil futures rise above \$50 on threat to nigerian supply , crude oil futures rose above \$50 a barrel in new york on concern rebel attacks in nigeria may reduce production while us inventories are near a 29-year low because of disruptions caused by hurricane ivan . +__label__1 , president terms farooqi #39 s death big achievement , the hague president general pervez musharraf monday described the killing of amjad farooqi as big achievement by security forces and said quot important terrorist has been eliminated . +__label__3 , stocks fall on oil , dow ends below 10 , 000 , the blue-chip dow jones average closed below 10 , 000 for the first time in about six weeks on monday as a spike in oil prices to nearly \$50 a barrel renewed concerns about corporate profits while analysts cutting recommendations hurt +__label__2 , al wrap red sox down devil rays to clinch playoff spot , new york ( reuters ) - manny ramirez belted his league-leading 43rd homer and johnny damon hit a three-run shot as the boston red sox clinched a playoff spot with a 7-3 win over the tampa bay devil rays in st petersburg on monday . +__label__2 , oswalt wins 19th as astros keep up the pace , roy oswalt became the nl #39 s first 19-game winner , and the houston astros stayed close in the wild-card race with a 10-3 victory over the st . +__label__2 , boston secures spot , the red sox clinch a second straight trip to the playoffs , topping tampa bay , 7-3 , monday behind manny ramirez ' s 43rd homer . +__label__2 , gold belongs to hamm , maybe there #39 s some technical justification for why paul hamm was forced to defend his gymnastics gold medal monday before a sports court in switzerland . +__label__3 , vodafone keen on future expansion , vodafone said today it remained keen on purchases in france , eastern europe and asia and africa as it detailed annual cost cuts expected to reach 2 . +__label__2 , shanghai atp canas struggles to first round win , shanghai a tired but determined guillermo canas of argentina held off a strong early charge from spains guillermo garcia-lopez to win his first round shanghai atp match 7-6 , 6-1 on monday . +__label__2 , skipper gives support while league sends warning , moises alou has a right to his opinion , chicago cubs manager dusty baker said monday . alou said everything he needed to say sunday . +__label__1 , blair readies crucial party speech under iraq cloud , britain #39 s tony blair faces one of the trickiest speeches of his career today , seeking to win back his labour party after rifts over iraq and spell out new policies to set up next year #39 s re-election bid . +__label__1 , north korea resists talks on nuclear arms , north korea said monday that it will not resume talks on its nuclear weapons program until the bush administration ends its quot hostile policy quot against pyongyang and +__label__3 , hurricanes , unrest in nigeria feed supply concerns , san francisco ( cbs . mw ) -- fueled by new supply worries in the united states and nigeria , crude-oil futures made history monday when the price topped \$50 per barrel late monday and one analyst said additional disruptions could push prices to \$60 per barrel +__label__3 , former executive testifies , offering insider #39 s look at enron #39 s < b> . . . < /b> , a former executive who was a participant in the wrongdoing that helped cripple enron testified on monday , providing the first glimpse through the eyes of a principal of +__label__4 , virgin to launch commercial space flights by 2007 , september 28 , 2004 -- london -- the ultimate high-end incentive trip took another step closer to reality yesterday when richard branson , head of the virgin group , announced plans to launch commercial space flights by 2007 . +__label__2 , angels 5 , rangers 3 , chone figgins and troy percival saved the anaheim angels , and gave them a little boost in the al west race . figgins had rbi hits in the last two innings and scored the go-ahead run on an infield grounder . +__label__3 , oil nears \$50 as gulf storms curtail output , crude oil prices settled at \$49 . 64 a barrel , up 76 cents as traders expressed concern that recent hurricanes had hurt output in the united states . +__label__1 , may have been transmitted between humans- report , thailand confirmed its second death from bird flu tuesday , and said the fatal case might have been transmitted by a human victim rather than a bird , according to published report . +__label__3 , industry report gambling -- casinos to be sold , harrah #39 s entertainment inc . and caesars entertainment inc . agreed to sell four casino hotels to an affiliate of colony capital llc for about \$1 . +__label__4 , using dna to stop elephant poachers , it #39 s like doing cold-case detective work on elephants , but university of washington scientist samuel wasser has devised an innovative method for pinpointing the dna fingerprints of poached elephant tusks . +__label__1 , cowboys defeat redskins 21-18 , landover , md . - bill parcells celebrated the touchdown with a big smile and his fist thrust high in the air . . . +__label__1 , israel levels new accusations against syria , without acknowledging responsibility for the car-bombing death of a hamas activist in syria , israeli deputy defense minister zeev boim yesterday issued a toughly worded +__label__3 , japan shares fall to low on oil worry , tokyo ( reuters ) - japan ' s nikkei share average fell 0 . 4 percent to a six-week closing low on tuesday , marking an eight-day losing streak , after oil prices topped \$50 a barrel , fanning concern over the business outlook for japanese companies . +__label__3 , banknorth investors voice doubts on bid , banknorth group inc . ' s biggest investors are voicing concerns about the proposed sale of a controlling stake to toronto-dominion bank . +__label__4 , gas prices up 5 cents after hurricane ivan , camarillo , calif . - gas prices jumped more than 5 cents a gallon in the past two weeks , largely because of supply problems related to hurricane ivan , an industry analyst said . +__label__2 , hearing held on hamm medal , paul hamm said yesterday that he would give back his olympic gold medal if sport #39 s highest court ordered him to . but lawyers for the american gymnast and the +__label__3 , independent directors demanded black #39 s resignation , investor says , catalyst fund general partner i inc . , a disgruntled shareholder of hollinger inc . , claimed yesterday that the company #39 s independent board members have demanded the resignations of conrad black , his wife and other insiders -- a charge disputed by the +__label__1 , us forces bomb falluja , many people were killed . the us military last week claimed to have killed around 100 of zarqawi #39 s . militiamen who have the area largely under their control . +__label__3 , hilfiger shares plunge amid probe , shares of tommy hilfiger corp . plummeted 22 percent yesterday following friday #39 s announcement that the apparel maker #39 s us division received subpoenas from the us attorney #39 s office regarding +__label__2 , soccer coach raymond goethals dies at 83 ( ap ) , ap - raymond goethals , the belgian soccer coach who led olympique marseille to the 1993 european champions cup title , died monday , according to news reports . he was 83 . +__label__3 , citigroup #39 s krawcheck named finance , strategy chief ( update2 ) , citigroup inc . , the world #39 s biggest bank , named sallie krawcheck chief financial officer and head of strategy , making her the highest-ranking woman on wall street and giving her responsibilities outside the brokerage industry . +__label__3 , virgin mobile growth prospects disappoint , richard branson #39 s virgin mobile has forecast substantially higher earnings and margins , but disappointing predictions for service revenue +__label__1 , us army considers shorter combat tours , washington -- the us army may shorten yearlong combat tours in iraq and afghanistan amid concerns the long and perilous duty is making it difficult to recruit soldiers and keep current ones , officials said yesterday . +__label__4 , aol aims to boost im on mobiles , aol has kicked off an initiative designed to make it easier for developers to engineer , test and distribute licensed aol instant messenger ( aim ) clients for mobile devices . +__label__1 , nigerian oil flows despite rebel threat-companies , oil should continue to flow from nigeria , the world #39 s seventh largest exporter , despite a rebel threat to attack foreign oil workers in an quot all-out war quot due to start on friday , multinational energy companies said . +__label__3 , uk bankers begin extradition hearing on enron-related charges , three british bankers will today begin fighting extradition to the us on fraud charges related to enron corp . , the first test of new british extradition laws . +__label__3 , pepsi bottling profit rises ( reuters ) , reuters - pepsi bottling group inc . , the\largest bottler of pepsi drinks , on tuesday said quarterly\profit rose on volume growth in the united states and europe . +__label__4 , microsoft , amazon . com file phishing , spamming lawsuits , microsoft and amazon . com monday filed one joint and several separate lawsuits against companies and individuals accusing them variously of trying to defraud consumers by imitating amazon and microsoft , the companies said tuesday . +__label__4 , meet uk #39 s #39 dr dolittle #39 of animal behaviour , london - lincoln university in the east of england has appointed britain #39 s first professor of animal psychiatry , a report said on tuesday . +__label__3 , motorola to cut 1 , 000 jobs , take charge , new york ( reuters ) - telecommunications equipment maker motorola inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mot . n target=/stocks/quickinfo/fullquote> mot . n< /a> said on tuesday that it would cut 1 , 000 jobs and take charges of about \$50 million for severance benefits as it tries to increase productivity . +__label__4 , viagra bought online ' often fake ' , half of viagra tablets sold on the internet are fake , research suggests . +__label__4 , national registry push could ease drug study hunt , by lauran neergaard washington ( ap ) -- scientists are conducting thousands of medical experiments that can offer tantalizing hope to the ill , but tracking them down and getting enrolled can be incredibly difficult . it might get easier , thanks to a growing push by doctors and lawmakers to force drug companies to list on a national registry every study they conduct . . . +__label__4 , first look intuit ' s quickbooks for newbies , new simple start edition accounting software targets small businesses still using pencil and paper . +__label__3 , pc sales hot for 2004 , but will soon cool off , pc shipments in the second quarter grew faster than any three-month period since 1999 , idc said monday , citing the continued pent-up demand for replacement systems as the driving force behind the sales surge . +__label__3 , stocks open higher , shrug off oil spike , new york ( reuters ) - u . s . stocks opened higher on tuesday , with beaten down shares offering bargains to investors and oil producer stocks bolstered by crude oil prices breaking through the \$50 a barrel mark . +__label__4 , russians next in line to receive cheap windows , after thailand , malaysia and indonesia , microsoft has identified russia as the fourth market for its low cost scaled down operating system , windows xp starter edition ( xp se ) . +__label__4 , dna map of elephants to net africa #39 s ivory poachers , scientists say a dna map of africa #39 s elephant herds will help combat the illegal trade in ivory . the map is a genetic profile of elephant groupings across the continent , from the dense forests of western and central africa to the vast eastern savanna . +__label__1 , oil companies in nigeria say they won #39 t give in to threats , major oil companies operating in nigeria #39 s oil-rich southern region say they will not give in to threats of attacks on their facilities and employees by militias . +__label__3 , motorola to cut 1 , 000 jobs , new york ( reuters ) - telecommunications equipment maker motorola inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mot . n target=/stocks/quickinfo/fullquote> mot . n< /a> said on tuesday that it would cut 1 , 000 jobs and take related charges of about \$50 million to focus on its wireless business . +__label__1 , pakistan ' s musharraf calls for unity against global terrorism ( afp ) , afp - pakistani president pervez musharraf kicked off a three-day visit to italy by calling on the world community to stand united in the fight against global terrorism . +__label__1 , consumer confidence dips in september , new york - job worries helped push consumer confidence down in september for the second consecutive month , a new york-based private research group said tuesday . the consumer confidence index fell 1 . 9 points to 96 . 8 from a revised reading of 98 . 7 in august , according to the conference board . . . +__label__3 , snap-on warns for 3q , 2004 , vehicle tool maker sees profit below forecasts amid high steel prices , soft demand in europe . new york ( reuters ) - snap-on inc . , which makes vehicle-repair tools , said tuesday its third-quarter and full-year +__label__3 , chicago fed conf . sees us 2005 gdp down at 3 . 3 pct , us economic growth is expected to slow in 2005 due to rising interest rates and high crude oil prices , according to a forecast of participants at a federal reserve bank of chicago conference released on monday . +__label__2 , philippoussis is humbled by weiner , shanghai , china -- defending champion mark philippoussis suffered a first round humiliation in the shanghai open , losing to unheralded american glenn weiner 3-6 , 6-4 , 6-4 . +__label__2 , browns ' lee suggs ready for return ( ap ) , ap - browns running back lee suggs , inactive for cleveland ' s first three games with a neck stinger , has been granted medical clearance to practice at full speed this week . +__label__2 , top seed federer struggles through in thai opener , bangkok ( reuters ) - top seed roger federer toiled to beat battling frenchman nicolas thomann and reach the second round of the thailand open on tuesday . +__label__4 , russia next to get windows xp starter edition , the windows xp starter edition pilot program has expanded to add a fourth country , russia , which now becomes the fourth market to join thailand , malaysia and indonesia . +__label__4 , freescale unveils dual-core powerpc , freescale semiconductor inc . took some of the wraps off of its dual-core microprocessor design , which the company said would be tailored to embedded applications . +__label__4 , virgin starts ( 70 ) mile-high club , with the misery that has plagued the airline industry recently , the last place you #39 d expect to see some inspiring -- heck , potentially rule-breaking -- thinking would be from an airline entrepreneur . +__label__1 , sudan reportedly hiding arab fighters in southern sudan , under international pressure to disarm and disband arab militias in troubled darfur , sudan #39 s government is instead reportedly moving hundreds , possibly thousands , of the fighters from darfur to remote areas of southern sudan . +__label__3 , lowe ' s sees profit rising in 2005 , 2006 , atlanta ( reuters ) - home improvement retailer lowe ' s cos . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=low . n target=/stocks/quickinfo/fullquote> low . n< /a> on tuesday said it expects diluted earnings per share to rise in both 2005 and 2006 as it benefits from increased remodeling activity and home ownership . +__label__3 , s amp p cuts sbc , bellsouth debt ratings , washington ( cbs . mw ) - standard amp poor #39 s on tuesday cut the debt rating of bellsouth and sbc communications , citing stiff competition and potential problems in absorbing at amp t wireless . +__label__4 , freescale details 90nm dual core processor architecture , freescale semiconductor inc . today unveiled the embedded mpc8641d dual core processor designed to deliver a performance jump and increased system bandwidth while keeping power under control . +__label__3 , us airways ' holding pattern , a decision on labor relief may be the difference between survival and liquidation . +__label__3 , us consumer confidence down for second month as job woes deepen ( afp ) , afp - us consumer confidence fell for the second straight month in september as the outlook for jobs deteriorated , the conference board said . +__label__3 , daimlerchrysler , bombardier settle dispute , german-american automaker daimlerchrysler and canadian transportation company bombardier have settled a dispute over the 2001 sale of railcar maker adtranz , the companies said in statements tuesday . +__label__1 , indian-americans hail manmohan speech , new york , sep 27 ( uni ) members of the indian-american community who attended a public meeting addressed by prime minister manmohan singh welcomed his speech and expressed confidence that india would soon be a developed economy . +__label__3 , bombardier , daimlerchrysler settle , bombardier inc . ( bbdb . to quote , profile , research ) and daimlerchrysler ag ( dcxgn . de quote , profile , research ) ended a three-year dispute over the montreal company #39 s acquisition of train +__label__1 , strong earthquake strikes central calif . , parkfield , calif . - a strong earthquake struck central california on tuesday that was felt from san francisco to the los angeles area . . . +__label__2 , real madrid 4 roma 2 , real madrid captain raul was the hero as he scored twice to help his side overturn a two-goal deficit and beat roma , easing the crisis with the spanish club while making even worse what has been a dreadful season so far for roma . +__label__3 , hicks muse pays for conagra ' s swift stake , new york ( reuters ) - conagra foods inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cag . n target=/stocks/quickinfo/fullquote> cag . n< /a> on tuesday said private equity firm hicks , muse , tate furst inc . exercised its option to buy the company ' s minority stake in swift foods , and that conagra received \$194 million in the transaction . +__label__4 , more older people turning to the internet to find love , mary bellis waller , now 64 , posted on two internet dating sites during her search for a companion . waller was a pioneer of online dating among people her age , and thousands of others age 60 and older are also turning to the internet to find romance . +__label__4 , hackers target flaw in microsoft ' s jpeg , new york ( ap ) -- in a harbinger of security threats to come , hackers have exploited a newly announced flaw in microsoft corp . ( msft ) programs and begun circulating malicious code hidden in images that use the popular jpeg format . . . __label__4 , news schwarzenegger signs bill banning paperless voting systems , the associated press by rachel konrad -__label__4 , cendant near deal to buy orbitz for #36 1 . 2 bln-source ( reuters ) , reuters - travel and real estate company\cendant corp . is close to an agreement to buy online\travel site orbitz inc . for about #36 1 . 2 billion in\cash , a source close to the talks said on tuesday . -__label__1 , putin ' s chechnya options narrow , on the fifth anniversary of the invasion of chechnya , some say there are few alternatives to negotiations . -__label__4 , new defense consortium aims for greater systems interoperability , september 28 , 2004 ( computerworld ) - an international consortium of 28 defense-oriented companies hopes to develop standards for a network-centric framework that allows a variety of communications and information systems and sensors to interact on a -__label__2 , 49ers #39 home to be renamed monster park after stereo cable company , some fans think 44-year-old candlestick park is already a dinosaur . now the san francisco 49ers #39 home stadium has the name to match . -__label__3 , jury orders medtronic to pay \$109 mln to inventor , a jury in federal court in tennessee has ordered medtronic inc . to pay at least \$109 million to an inventor in a dispute over rights to spinal fusion technology . -__label__2 , angry philippoussis loses again , defending champion mark philippoussis crashed out in the first round of the shanghai open on tuesday , losing to american glenn weiner 3-6 , 6-4 , 6-4 . -__label__2 , syracuse guard ruled ineligible for fall ( ap ) , ap - syracuse point guard billy edelin has been declared ineligible for the first semester of the academic year because he does not meet ncaa academic requirements , school officials said tuesday . +__label__4 , cendant near deal to buy orbitz for #36 1 . 2 bln-source ( reuters ) , reuters - travel and real estate company\cendant corp . is close to an agreement to buy online\travel site orbitz inc . for about #36 1 . 2 billion in\cash , a source close to the talks said on tuesday . +__label__1 , putin ' s chechnya options narrow , on the fifth anniversary of the invasion of chechnya , some say there are few alternatives to negotiations . +__label__4 , new defense consortium aims for greater systems interoperability , september 28 , 2004 ( computerworld ) - an international consortium of 28 defense-oriented companies hopes to develop standards for a network-centric framework that allows a variety of communications and information systems and sensors to interact on a +__label__2 , 49ers #39 home to be renamed monster park after stereo cable company , some fans think 44-year-old candlestick park is already a dinosaur . now the san francisco 49ers #39 home stadium has the name to match . +__label__3 , jury orders medtronic to pay \$109 mln to inventor , a jury in federal court in tennessee has ordered medtronic inc . to pay at least \$109 million to an inventor in a dispute over rights to spinal fusion technology . +__label__2 , angry philippoussis loses again , defending champion mark philippoussis crashed out in the first round of the shanghai open on tuesday , losing to american glenn weiner 3-6 , 6-4 , 6-4 . +__label__2 , syracuse guard ruled ineligible for fall ( ap ) , ap - syracuse point guard billy edelin has been declared ineligible for the first semester of the academic year because he does not meet ncaa academic requirements , school officials said tuesday . __label__2 , china wins paralympics , china dominated the medals race at the paralympic games that ended tuesday , and chinese officials expect a similar performance when beijing hosts the games in four years -__label__3 , amazon sues spammers for misleading consumers , seattle -- amazon . com has filed three lawsuits in king county superior court against unidentified defendants who allegedly forged e-mails and web sites to fool consumers into thinking they are doing business with the internet retailer . -__label__4 , high-tech start-up strives for open-source compatibility , sourcelabs could create some buzz because of its pedigree team of founders . the company is led by chief executive byron sebastian , a former executive at san jose #39 s bea systems , who founded the company in spring . -__label__1 , unrest spreads to southern iraq , ( cbs/ap ) as us forces continued to bombard the restive city of fallujah and clashed with militants in the streets of baghdad , there was unrest in the normally quiet british-patrolled city of basra . -__label__1 , taiwan acknowledges minister #39 s improper wording #39 on singapore , taiwan foreign minister chen tan- sun , who dismissed singapore as a country the size of a booger , #39 #39 regretted his improper wording , #39 #39 said foreign ministry spokesman michel lu . -__label__4 , why i will clone human cells dolly creator , the scientist who made his name by cloning dolly the sheep said yesterday that he was quot very optimistic quot about gaining a licence to clone human embryos to aid understanding of motor neurone disease . -__label__2 , redskins coach bemoans questionable calls ( ap ) , ap - apparently even a hall of fame coach doesn ' t get a break from the officials . -__label__3 , salaries cut 10 at delta in bid to remain solvent , elta air lines said yesterday that it was cutting the pay of executives and other salaried workers by 10 percent and making other changes meant to help it avoid a bankruptcy filing . -__label__1 , gunmen free cnn journalist , palestinian gunmen yesterday released a cnn journalist abducted in gaza city apparently to pressure members of an arab minority group not to serve in the israeli army . -__label__3 , google shares , once devalued , just may be winners after all , wall street , which forced google , the internet search engine , to sharply lower the price of its shares in its initial public offering in august , has decided that the company is worth a lot more today than it was then . -__label__4 , i . b . m . supercomputer sets world record for speed , an i . b . m . machine has reclaimed the title of fastest supercomputer , overtaking a japanese computer that had caused shock waves at united states government agencies when it set a computing speed record in 2002 . -__label__2 , vandeweghe keeps interest in forward white , the nuggets could be re-signing free-agent forward rodney white in the near future if white is able to resolve his off-court problems . -__label__3 , sec wants fixes , instead of fines , rather than rapping knuckles after abuse is uncovered , chairman william h . donaldson wants the sec staff to work with and get to know wall street well enough to get the jump on problems before investors lose money . -__label__1 , feds syrian clampdown on terror positive ( ap ) , ap - a syrian crackdown on terror groups would be the best way to halt violence in syria and promote peace in the middle east , the state department said monday after the assassination in damascus of a leader of hamas ' bombing unit . -__label__3 , currency trading rises to record \$1 . 9 trillion a day ( update3 ) , foreign-exchange trading surged to a record daily average of \$1 . 9 trillion this year as hedge funds and other money managers increased bets on currencies , according to the bank for international settlements . -__label__4 , hackers take advantage of microsoft #39 s jpeg flaw , new york - in a harbinger of security threats to come , hackers have exploited a newly announced flaw in microsoft corp . programs and begun circulating malicious code hidden in images that use the popular jpeg format . -__label__2 , astros 2 , cardinals 1 , jeff bagwell drove in two runs and brandon backe pitched five solid innings to help the houston astros gain ground in the nl wild-card race with a 2-1 win over the st . -__label__1 , china , singapore say world must help calm taiwan row , china and singapore on monday urged the international community to help calm beijing #39 s dispute with taiwan over its push for independence . -__label__3 , tokyo stocks turn lower by midday , tokyo ( reuters ) - tokyo ' s nikkei fell 0 . 19 percent by midday on wednesday , erasing initial gains and extending losses into a ninth straight day as worries about high oil prices and domestic economic uncertainty hit exporters and tech stocks . -__label__2 , gunners ready for tough test , fredrik ljungberg admits rosenborg have exceeded expectations in the champions league , but is looking to put one over on his scandinavian cousins tonight . -__label__2 , kasprowicz prested #39 after aussies lose series-opener , michael kasprowicz will miss the must-win second limited-overs international in sydney , but not because of his disastrous late over that gave new zealand a stranglehold on the first game , australian cricket selectors said monday . -__label__1 , official mlb to move expos to washington , washington - major league baseball will announce wednesday that washington will be the new home of the montreal expos , bringing the national pastime back to the nation ' s capital for the first time in 33 years , the associated press has learned . a city official , speaking on condition of anonymity , said washington has been notified by major league baseball of the impending announcement . . . -__label__2 , real back on track , david beckham could not hide his relief after real madrid overturned a two-goal deficit to defeat roma 4-2 in champions league group b . madrid opened their campaign with a shock 3-0 defeat at bayer leverkusen -__label__1 , gangs on prowl in storm-wracked haiti ( ap ) , ap - victims who lost relatives , homes and belongings in tropical storm jeanne are now tormented by street gangs who attack food convoys , raid homes at night and shoot those who get in their way . -__label__3 , business glance , somers , ny - pepsi bottling group inc . , the largest bottler of pepsico inc . beverages , tuesday said its profit for the latest quarter rose 4 . 4 percent as volume improved . -__label__4 , particle lab celebrates 50th birthday , the european research facility which helped shape our view of matter and invented the world wide web is exactly 50 years old . -__label__1 , taiwan fm apologises for #39 rude words #39 against singapore , taipei ( dpa ) - taiwan foreign minister mark chen apologised to singapore on tuesday over the words he used in describing the southeast asian city-state . -__label__2 , liberty rally to edge shock , bethany donaphin didn #39 t have time to think when she got the ball with the score tied and clock winding down in regulation . donaphin hit a turnaround jumper with 0 . 5 of a second remaining to lift the host new -__label__3 , motorola cuts may not hurt chandler , although motorola inc . announced it is cutting 1 , 000 jobs at its facilities worldwide , chandler economic development officials tuesday said the city should not see a negative impact at the company #39 s two sites . -__label__3 , sales boost for house of fraser , shares in uk department store group house of fraser have risen after the firm said it had cut half-year losses and was seeing solid sales growth . -__label__2 , tendulkar not giving up on first test , india #39 s star batsman sachin tendulkar says he may be fit for next week #39 s first test against australia , after revealing the tennis elbow injury was showing quot tremendous improvement . -__label__4 , the crusade against evolution , in the beginning there was darwin . and then there was intelligent design . how the next generation of ' creation science ' is invading america ' s classrooms . by evan ratliff from wired magazine . -__label__3 , shares gain while oil holds near \$50 , london ( reuters ) - european stock markets rose and absorbed three separate share placings on wednesday , boosted by wall street ' s strong finish while oil prices held close to \$50 a barrel ahead of u . s . oil inventory data . -__label__3 , new \$50 bill designed to counter counterfeits , washington - the green is still there , but with touches of blue , red and yellow . a stylized image of the stars and stripes now waves in the background . -__label__2 , angels ascend to first-place tie with a ' s ( ap ) , ap - for the first time in over three months , the angels are back in first place . -__label__3 , bluegene sneaks past earth simulator , the earth simulator , an nec supercomputer , is surpassed , at last . ibm announced yesterday that its blue gene/l supercomputer had achieved a sustained performance of 36 . -__label__4 , microsoft #39 s low-cost operating system , aimed at making cheaper pcs , microsoft on wednesday unveiled low-cost windows xp starter edition operating systems in india in hindi targetting the first-time home users . -__label__4 , supernova warning system will give astronomers earlier notice , duke university -- a supernova early warning system ( snews ) that detects ghostlike neutrino particles that are the earliest emanations from the immense , explosive death throes of large stars will alert astronomers of the blasts before they can see the flash . snews could allow astronomers a chance to make unprecedented observations of the very early turn-on of the supernova , wrote the authors of an article about the new system in the september issue of the new journal of physics . they also noted that no supernova has ever been observed soon after its birth . big stars end their lives in explosive gravitational collapses so complete that even the brilliant flashes of light usually announcing these extremely rare supernova events stay trapped inside , unseen by astronomers , for the first hours or days . . . -__label__3 , fannie mae woes may hit stock , if fannie mae ( fnm ) is hampered by new limits on its operations , shareholders of the usa #39 s biggest mortgage-investment company are likely to feel the pinch more than the nation #39 s mortgage borrowers . -__label__4 , india to get started on starter edition , the redmond , wash . -based software giant today announced a year-long pilot program to start shipping the windows xp starter edition to india in early 2005 . -__label__3 , india 4th largest economy world bank , ahead of the international monetary fund-world bank meeting , the world bank on tuesday placed india as the fourth largest economy in terms of purchasing power parity , even as it said the country lagged behind in technology and efficiency . -__label__1 , cricket dubai global academy , the international cricket council are to open a global cricket academy designed to improve standards of lesser nations . -__label__3 , telecom equipment maker agere to cut 500 employees , 7 . 6 of < b> . . . < /b> , telecommunications equipment maker agere systems inc . said wednesday it will lay off 500 employees , or 7 . 6 per cent of its workforce , as part of a corporate restructuring . -__label__4 , jpeg exploit could beat antivirus software , most it managers won #39 t question the importance of security , but this priority has been sliding between the third and fourth most important focus for companies . -__label__1 , no-confidence vote planned against palestinian pm , ramallah , west bank ( reuters ) - lawmakers angered by the palestinian leadership ' s failure to make reforms plan to force a parliamentary no-confidence vote that could bring down the government appointed by yasser arafat , legislators said . -__label__3 , air canada to buy 45 aircraft from embraer , scheduled to fly out of bankruptcy-court shelter this week , air canada announced a deal wednesday to buy 45 embraer aircraft in a deal worth at least \$1 . -__label__4 , ibm says its supercomputer is world ' s fastest , new york ( reuters ) - international business machines corp . on wednesday said it has developed the world ' s fastest computer , putting it back on top after a japanese supercomputer claimed the title some two years ago . -__label__4 , . mac bumps up storage capacity , improves mail ( maccentral ) , maccentral - apple has improved the services offered to subscribers of . mac . previously , the amount of storage for a basic . mac account was 100mb , with a maximum of 15mb for e-mail . the service ' s base online storage has been increased to 250mb , e-mail service has been enhanced , and the cost of upgrading has been reduced . . mac ' s basic subscription price remains the same -- us #36 99 . 95 per year . -__label__3 , oil falls below \$49 on nigeria cease-fire , london ( reuters ) - oil prices dropped from record highs above \$50 a barrel on wednesday as the u . s . government reported a surprise increase in crude stocks and rebels in nigeria ' s oil-rich delta region agreed a cease-fire . -__label__4 , invading bullfrogs appear nearly unstoppable , the north american bullfrog population is booming . that may sound like good news , but it isn ' t #151 not when the frog has leaped far beyond its native habitat . -__label__4 , microsoft to offer stripped-down xp in india , bangalore , india -- microsoft corp . will introduce the windows xp starter edition in india early next year , the company said wednesday , two days after announcing similar plans for russia . -__label__3 , jos . a . bank profit jumps , jos . a . bank clothiers ( josb nasdaq - news - research ) posted a handsome third-quarter profit monday , as strong internet and catalogue sales helped drive a 17 hike in net income . -__label__1 , u . s . asks laos to check massacre report ( ap ) , ap - the state department said monday it is taking seriously allegations that laotian military forces may have massacred children of the country ' s hmong ethnic minority . -__label__4 , date with destiny for private rocketeers , las vegas - a three-seat rocket plane with stubby wings and a nose studded with round windows will try to blast out of earth #39 s atmosphere above the mojave desert today to qualify for a us\$10 million ( \$15 . -__label__3 , stewart #39 s prison chosen , that prison is located in west virginia which means that she is not headed to a facility in connecticut or florida , as she had hoped . -__label__3 , eu antitrust ruling on mci overturned , in a fresh blow to europe #39 s antitrust enforcers , a top appeals tribunal said regulators wrongly blocked mci worldcom #39 s aborted bid to buy sprint corp in 2000 . -__label__4 , verizon wireless offers aol mail , verizon wireless has launched aol mail , a move that will give its get it now customers , who are aol members , wireless access to their e-mail . -__label__2 , sports cobbs out for the season , denton , texas last season #39 s ncaa rushing and scoring leader will miss the rest of this football season . north texas running back patrick cobbs has sprained ligaments in his left knee . -__label__3 , air canada confirms order for 45 embraer jets , montreal air canada said it sealed a deal with brazil #39 s embraer sa for 45 embraer-190 aircraft , worth 1 . 35 billion us dollars at list price . -__label__4 , start-up oqo to launch hand-size pc , want a full-fledged windows xp computer that ' s about the size of a pocket pc ? tiny machine debuts after two years of delay . -__label__2 , baseball #39 s return a long time coming for dc , the last time the nation #39 s capital was home to the national pastime , the game was literally a riot . fans stormed the field with two outs in the ninth inning of the washington senators #39 farewell appearance at rfk stadium on sept . -__label__4 , travelzoo shares rise as offering rumor fades ( reuters ) , reuters - shares of internet travel site\travelzoo inc . rose nearly 4 percent on wednesday as\market rumors of a secondary stock offering faded . -__label__4 , will itunes ever make a lot of money for apple ? , on its latest earnings call ( 7/14/04 ) , a question was asked about the profitability of itunes , and management responded by stating that it made just a small profit . -__label__4 , salesforce . com launches on-demand support system , on-demand crm provider salesforce . com wednesday rolled out a parallel service its calling support . com and aiming at corporations with far-flung call centers , help desks , and on-call technicians . -__label__1 , hungary ' s parliament elects prime minister ( ap ) , ap - parliament on wednesday elected one of hungary ' s wealthiest businessmen as prime minister , ending two months of political uncertainty . -__label__2 , washington baseball fans await word on expos ( reuters ) , reuters - baseball fans in the nation ' s\capital were anxiously awaiting formal word on wednesday that\the financially beleaguered montreal expos would relocate to\the city for the 2005 season . -__label__3 , workers from 4 sf hotels go on strike , hotel workers at four san francisco hotels have commenced a two-week strike this morning after working without a union contract for more than six weeks . -__label__2 , cska moscow 2 paris st germain 0 , cska moscow clinched their first-ever champions league win on wednesday as paris st germain #39 s revival came to a shuddering halt at the lokomotiv stadium . -__label__4 , microsoft open-sources web authoring application , company ' s third open-source contribution is the first time it has shared code for actual application . -__label__3 , colombia back in business , needs reforms-uribe , colombia is back in business and the andean country has ample room for growth backed by aggressive and transparent government policies but with some challenges -__label__4 , spaceshipone rolls toward victory , mojave , california -- a southern california aerospace team took a big step toward capturing the \$10 million ansari x prize wednesday , but not without surviving a scary moment when the pilot found himself in a rapid spin as he roared across the threshold -__label__4 , mammoth toxic algae bloom sighted off washington state coast , seattle - a toxic algae bloom 30 miles wide has been detected 15 miles off the northwest coast of washington state , the largest and most potentially lethal yet found by scientists in the region . -__label__3 , u . s . stocks end higher , new york ( reuters ) - u . s . stocks ended higher on wednesday as investors snapped up semiconductor shares at bargain prices and bought some blue chips after crude oil retreated from record high prices . -__label__4 , salesforce . com launches on-demand support , com september 29 , 2004 , 2 57 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . -__label__3 , disney rules out new deal with pixar studios , in january disney and pixar terminated their talks to extend a distribution partnership that has created such cartoon hits as quot finding nemo quot and the quot toy story quot series . -__label__4 , apple beefs up . mac storage limits , customers of apple #39 s . mac internet service can hit the delete button less often now that the company has boosted the amount of storage it gives subscribers . -__label__2 , diamondbacks ink fassero , phoenix , az -- the arizona diamondbacks have signed free agent pitcher jeff fassero for the remainder of the 2004 season . the move comes just five days after he was released by the colorado rockies . -__label__2 , judge clears release of kobe evidence ( ap ) , ap - a judge cleared the way for the release of documents and other evidence in the kobe bryant sexual assault case on wednesday . -__label__3 , cendant to buy orbitz for \$1 . 25 billion , chicago ( reuters ) - travel and real estate heavyweight cendant corp . on wednesday said it will buy travel web site orbitz inc . for about \$1 . 25 billion , making it the second-largest competitor in the online travel industry . -__label__4 , for neglected video , a hollywood touch , a growing cottage industry is taking customers ' raw home video and putting it on dvd , in some cases producing short movies with sophisticated cinematic effects and a musical soundtrack . -__label__4 , time on a chip the incredible shrinking atomic clock , researchers are developing tiny atomic clocks that could be made using standard semiconductor processes and slipped into cellphones , hand-held computers and global positioning system receivers . -__label__2 , expos set for washington , expos president tony tavares told reporters of the move after the expos #39 final home game . that news was later confirmed to washington mayor anthony williams by mlb officials . -__label__4 , instant messaging worm exploits jpeg flaw ( infoworld ) , infoworld - security experts have spotted the first attempts to create an internet worm that propagates using instant messages and exploits a recently disclosed flaw in microsoft software . -__label__4 , ibm says blue gene breaks speed record ( ap ) , ap - ibm corp . claimed unofficial bragging rights tuesday as owner of the world ' s fastest supercomputer . for three years running , the fastest supercomputer has been nec ' s earth simulator in japan . -__label__4 , web founder says cooperation needed ( ap ) , ap - the inventor of the world wide web told a technology conference on wednesday that making the web more useful hinges on a familiar challenge getting the players behind the technology to agree on standards governing how computers communicate with one another . -__label__1 , britain extends citizenship rights to gurkha soldiers ( afp ) , afp - britain has extended full citizenship rights to gurkha soldiers from nepal who serve in the british armed forces , prime minister tony blair has said . -__label__2 , catch a piece of history but hire a lawyer first , when steve williams picked up the ball barry bonds had just hit for his 700th home run , he thought he had his hands on a piece of history . -__label__4 , red hat acquires aol #39 s netscape server software , in a move to add more open-source arrows to its quiver , linux seller red hat has acquired the netscape server software products of aol time warner , the companies plan to announce thursday . -__label__4 , i . b . m . agrees to settle part of giant pension case , i . b . m . said that it had agreed to pay \$320 million to its employees to settle in part a class-action lawsuit over its pension plan . -__label__4 , immunity in ebbers case opposed in u . s . filing , new york , sept . 29 -- federal prosecutors told a judge in a filing late tuesday night that they have evidence that former worldcom inc . chief executive bernard j . ebbers knew company officials had improperly tinkered with the telecommunications firm ' s accounting to boost its publicly reported profits . -__label__4 , success for spaceship one , mojave -- burt rutan #39 s space ship one made its first trip into sub-orbital outer space in pursuit of the \$10 million ansari x prize . -__label__1 , typhoon meari kills nine in japan , moving northeast over large parts of the country including tokyo , with winds up to 67 miles per hour . media reports said at least nine had died , but public broadcaster nhk said the toll had reached 11 . -__label__2 , all eyes on woods #39 fitness , with world number one vijay singh missing because of hurricane jeanne and masters champion phil mickelson another no-show , there was even more attention than usual on tiger woods at mount juliet in county kilkenny this afternoon . -__label__4 , schwarzenegger signs ' foie gras ' bill ( ap ) , ap - california will end the force feeding of ducks , geese and other birds to produce the gourmet liver product foie gras by 2012 under legislation signed wednesday by gov . arnold schwarzengger . -__label__4 , microsoft , amazon file lawsuits against spammers , microsoft and amazon . com have joined forces to take legal action against us and canadian-based companies for allergy sending fraudulent e-mails to amazon and hotmail users , claiming to represent these companies . -__label__4 , microsoft , amazon to combine forces , individually theyve been unstoppable in their respective industries . theyre both legends that have survived the dot com burst and came out winners . -__label__4 , an interview with bill baker , sql server bi general manager , this article is the first in a new , regular series of articles and interviews with top microsoft program managers . our goal is to give you a close-up , helpful and informative look at things -__label__1 , australian pm fails to apologize on wrong pre-war intelligence on < b> . . . < /b> , australian prime minister john howard said thursday he won #39 t automatically follow his british counterpart tony blair who has said he could apologize for faulty evidence on iraqi weapons of mass destruction . -__label__3 , around the region , in another move to cut costs , continental airlines is closing 14 of its ticketing offices systemwide , including three in the houston area . -__label__3 , grand jury adds to healthsouth charges , federal prosecutors yesterday announced new perjury and obstruction-of-justice charges against healthsouth corp . founder richard m . scrushy , accusing the former chief executive of the rehabilitation -__label__1 , greenland criminals take road back to society , not prison ( afp ) , afp - some 20 people gather for a lunch of whale meat and potatoes inside a large wooden building facing a frozen fjord bathed in sunlight . no , these are not tourists on vacation , but rather criminals serving time in one of greenland ' s open penal centers . -__label__4 , senate bill aims at makers of file-sharing software , the senate judiciary committee is considering a copyright bill that stands at the center of the file-sharing debate . -__label__1 , car crashes into japan parliament gate -jiji ( reuters ) , reuters - a car crashed into a gate of japan ' s\parliament building in central tokyo on thursday and caught\fire , jiji news agency said . -__label__2 , pedro , red sox offer up few rays of hope , in pedro martinez stats , news #39 first start since conceding to the new york yankees stats , schedule by declaring that the red sox stats , schedule #39 rivals were his daddy , #39 #39 the tampa -__label__2 , sales , sun surge ahead , the connecticut sun had an off game last saturday , when they dropped the opener of their wnba eastern conference semifinal series against the washington mystics . -__label__1 , poor ? who #39 s poor ? poverty is down , the proportion of people living on less than \$1 a day decreased from 40 to 21 per cent of the global population between 1981 and 2001 , says the world bank #39 s latest annual report . -__label__3 , lehman in talks to buy uk hedge fund -wsj ( reuters ) , reuters - investment bank lehman brothers\holdings inc . is negotiating to buy glg partners , a large\british hedge fund , the wall street journal reported on\thursday , citing unnamed sources . -__label__1 , israeli tanks surge into gaza refugee camp -witnesses , gaza ( reuters ) - a column of israeli tanks surged into the heart of the jabalya refugee camp in the northern gaza strip on thursday as the army broadened its sweep for militants behind a deadly rocket attack on an israeli town . -__label__2 , sharapova sweeps into korea open quarters , seoul ( reuters ) - wimbledon champion maria sharapova disposed of japan ' s miho saeki 6-3 , 6-1 , on thursday to sweep into the quarter-finals of the hansol korea open . -__label__2 , patriots have memory to feel sorry about , do not bring up last season . patriots coach bill belichick despises talk of the past , except when it helps him prepare his team for the upcoming week . -__label__3 , neck stents boosted in two studies , boston scientific corp . and medtronic inc . , competing to enter the us market for stents that keep neck arteries open , said separate studies showed their devices prevent complications including stroke after 30 days . -__label__3 , ibm claims its bluegene supercomputer is the fastest , ibm corp . on wednesday said it has developed the world #39 s fastest computer - a 16 , 000-processor version of its bluegene/l supercomputer . -__label__2 , nfl qb shuffle miami gives fiedler the ball , by all accounts , jay fiedler is a good guy . he signs autographs , performs charity work and always speaks well of others , even the new york jets . -__label__1 , thailand tackles bird flu epidemic , bangkok , thailand sept . 30 , 2004 - millions of volunteers led by emergency teams fanned out across thailand on thursday in a new drive to fight bird flu after the prime minister gave officials 30 days to eradicate the epidemic . -__label__4 , rough ride won #39 t stop next x prize shot , the rolling experienced by spaceshipone on its first ansari x prize flight on wednesday will not jeopardise the team #39 s chances of winning the \$10 million purse , team members said in a post-flight briefing . -__label__2 , dolphins won #39 t let jets fans rankle them , davie dolphins coach dave wannstedt promoted quarterback jay fiedler in hopes of providing a spark to his winless squad . perhaps simply playing the archrival jets will be enough to jump-start a season on the brink . -__label__4 , man arrested for fatally stabbing elderly parents , saitama -- a middle-aged man who fatally stabbed his parents has been arrested , police said . hideo nakajima , an unemployed man from soka , saitama prefecture , apparently called police shortly before 8 pm , wednesday . -__label__1 , multiple bombings kill at least 37 in capital , _ at least three bombs exploded near a us convoy in western baghdad on thursday , killing 37 people and wounding more than 50 , officials said . -__label__3 , jobless claims rise on hurricanes , the number of americans seeking initial jobless benefits jumped by 18 , 000 last week , the government said on thursday , but it attributed the entire rise to the effects of hurricanes that have battered the southern united states . -__label__3 , general mills goes whole grains , new york ( cnn/money ) - general mills announced plans thursday to start using healthier whole grains in all of its ready-to-eat cereals , including children #39 s cereals such as trix , cocoa puffs and lucky charms . -__label__2 , cricket ponting out of two tests against india , sydney australia captain ricky ponting #39 s thumb injury has forced him out of the opening two cricket tests against india starting next week , cricket australia ( ca ) said . -__label__1 , musharraf meets pope john paul , pakistan president general pervez musharraf met pope john paul ii , who urged him to adopt a quot spirit of dialogue and tolerance quot in his region . -__label__1 , gurkhas win citizenship fight , the gurkhas who have served in the british army have won an historic fight to be allowed to apply for british citizenship . the decision comes after a lengthy fight by the nepalese soldiers for the right to -__label__1 , footage shows 10 new hostages in iraq , baghdad , iraq - the arab news network al-jazeera showed video thursday of 10 new hostages seized in iraq by militants . al-jazeera said the 10 - six iraqis , two lebanese and two indonesian women - were taken by the islamic army in iraq . . . -__label__3 , global markets-shares and dollar turn south after us data , european shares turned negative and government bonds were struggling for direction on thursday after us data showed subdued inflation numbers , flat spending and a rise in unemployment . -__label__4 , going private the promise and danger of space travel , a flurry of space tourism milestones and announcements in recent days signals that human spaceflight is shifting from governments to the private sector , space experts say . -__label__3 , blue chips drop after merck announcement , new york ( reuters ) - u . s . blue chips were lower on thursday after drug company and dow component merck co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mrk . n target=/stocks/quickinfo/fullquote> mrk . n< /a> said it was withdrawing a key drug , casting a dark mood over the market as oil prices remained above \$49 a barrel . -__label__4 , palm shows new smartphone os rev , palmsource #39 s latest iteration of the palm os operating system , code named cobalt , is expected to be available in consumer mobile phone devices in the first half of 2005 . -__label__2 , woods plays through the pain barrier , the uncertainty over tiger woods #39 participation at the world golf championship at mount juliet ended this morning when the american ace decided to play despite injury . -__label__1 , what do women want in a presidential candidate ? ( reuters ) , reuters - tammy hough is a life-long\republican , a socially conservative stay-at-home mother and a\woman who puts american security as a top priority , so many\pundits see her vote as an easy one for president bush . but\she ' s not so sure . -__label__1 , tough talks ahead after eu is criticized , efforts to forge the world ' s largest free trade zone between the european union and south america ' s mercosur economic bloc are unlikely to be concluded by an oct . 31 deadline , the eu said thursday , with both sides declaring each other ' s trade offers insufficient . -__label__4 , pharma groups work on epc issues , sept . 30 , 2004reacting to calls from pharmaceutical retailers , distributors and manufacturers , epcglobal has added a new action group to specifically study the pharmaceutical industry -__label__4 , red hat taps netscape to broaden its landscape , linux seller plans to release netscape enterprise suite as open-source software in a bid to expand beyond its core product . +__label__3 , amazon sues spammers for misleading consumers , seattle -- amazon . com has filed three lawsuits in king county superior court against unidentified defendants who allegedly forged e-mails and web sites to fool consumers into thinking they are doing business with the internet retailer . +__label__4 , high-tech start-up strives for open-source compatibility , sourcelabs could create some buzz because of its pedigree team of founders . the company is led by chief executive byron sebastian , a former executive at san jose #39 s bea systems , who founded the company in spring . +__label__1 , unrest spreads to southern iraq , ( cbs/ap ) as us forces continued to bombard the restive city of fallujah and clashed with militants in the streets of baghdad , there was unrest in the normally quiet british-patrolled city of basra . +__label__1 , taiwan acknowledges minister #39 s improper wording #39 on singapore , taiwan foreign minister chen tan- sun , who dismissed singapore as a country the size of a booger , #39 #39 regretted his improper wording , #39 #39 said foreign ministry spokesman michel lu . +__label__4 , why i will clone human cells dolly creator , the scientist who made his name by cloning dolly the sheep said yesterday that he was quot very optimistic quot about gaining a licence to clone human embryos to aid understanding of motor neurone disease . +__label__2 , redskins coach bemoans questionable calls ( ap ) , ap - apparently even a hall of fame coach doesn ' t get a break from the officials . +__label__3 , salaries cut 10 at delta in bid to remain solvent , elta air lines said yesterday that it was cutting the pay of executives and other salaried workers by 10 percent and making other changes meant to help it avoid a bankruptcy filing . +__label__1 , gunmen free cnn journalist , palestinian gunmen yesterday released a cnn journalist abducted in gaza city apparently to pressure members of an arab minority group not to serve in the israeli army . +__label__3 , google shares , once devalued , just may be winners after all , wall street , which forced google , the internet search engine , to sharply lower the price of its shares in its initial public offering in august , has decided that the company is worth a lot more today than it was then . +__label__4 , i . b . m . supercomputer sets world record for speed , an i . b . m . machine has reclaimed the title of fastest supercomputer , overtaking a japanese computer that had caused shock waves at united states government agencies when it set a computing speed record in 2002 . +__label__2 , vandeweghe keeps interest in forward white , the nuggets could be re-signing free-agent forward rodney white in the near future if white is able to resolve his off-court problems . +__label__3 , sec wants fixes , instead of fines , rather than rapping knuckles after abuse is uncovered , chairman william h . donaldson wants the sec staff to work with and get to know wall street well enough to get the jump on problems before investors lose money . +__label__1 , feds syrian clampdown on terror positive ( ap ) , ap - a syrian crackdown on terror groups would be the best way to halt violence in syria and promote peace in the middle east , the state department said monday after the assassination in damascus of a leader of hamas ' bombing unit . +__label__3 , currency trading rises to record \$1 . 9 trillion a day ( update3 ) , foreign-exchange trading surged to a record daily average of \$1 . 9 trillion this year as hedge funds and other money managers increased bets on currencies , according to the bank for international settlements . +__label__4 , hackers take advantage of microsoft #39 s jpeg flaw , new york - in a harbinger of security threats to come , hackers have exploited a newly announced flaw in microsoft corp . programs and begun circulating malicious code hidden in images that use the popular jpeg format . +__label__2 , astros 2 , cardinals 1 , jeff bagwell drove in two runs and brandon backe pitched five solid innings to help the houston astros gain ground in the nl wild-card race with a 2-1 win over the st . +__label__1 , china , singapore say world must help calm taiwan row , china and singapore on monday urged the international community to help calm beijing #39 s dispute with taiwan over its push for independence . +__label__3 , tokyo stocks turn lower by midday , tokyo ( reuters ) - tokyo ' s nikkei fell 0 . 19 percent by midday on wednesday , erasing initial gains and extending losses into a ninth straight day as worries about high oil prices and domestic economic uncertainty hit exporters and tech stocks . +__label__2 , gunners ready for tough test , fredrik ljungberg admits rosenborg have exceeded expectations in the champions league , but is looking to put one over on his scandinavian cousins tonight . +__label__2 , kasprowicz prested #39 after aussies lose series-opener , michael kasprowicz will miss the must-win second limited-overs international in sydney , but not because of his disastrous late over that gave new zealand a stranglehold on the first game , australian cricket selectors said monday . +__label__1 , official mlb to move expos to washington , washington - major league baseball will announce wednesday that washington will be the new home of the montreal expos , bringing the national pastime back to the nation ' s capital for the first time in 33 years , the associated press has learned . a city official , speaking on condition of anonymity , said washington has been notified by major league baseball of the impending announcement . . . +__label__2 , real back on track , david beckham could not hide his relief after real madrid overturned a two-goal deficit to defeat roma 4-2 in champions league group b . madrid opened their campaign with a shock 3-0 defeat at bayer leverkusen +__label__1 , gangs on prowl in storm-wracked haiti ( ap ) , ap - victims who lost relatives , homes and belongings in tropical storm jeanne are now tormented by street gangs who attack food convoys , raid homes at night and shoot those who get in their way . +__label__3 , business glance , somers , ny - pepsi bottling group inc . , the largest bottler of pepsico inc . beverages , tuesday said its profit for the latest quarter rose 4 . 4 percent as volume improved . +__label__4 , particle lab celebrates 50th birthday , the european research facility which helped shape our view of matter and invented the world wide web is exactly 50 years old . +__label__1 , taiwan fm apologises for #39 rude words #39 against singapore , taipei ( dpa ) - taiwan foreign minister mark chen apologised to singapore on tuesday over the words he used in describing the southeast asian city-state . +__label__2 , liberty rally to edge shock , bethany donaphin didn #39 t have time to think when she got the ball with the score tied and clock winding down in regulation . donaphin hit a turnaround jumper with 0 . 5 of a second remaining to lift the host new +__label__3 , motorola cuts may not hurt chandler , although motorola inc . announced it is cutting 1 , 000 jobs at its facilities worldwide , chandler economic development officials tuesday said the city should not see a negative impact at the company #39 s two sites . +__label__3 , sales boost for house of fraser , shares in uk department store group house of fraser have risen after the firm said it had cut half-year losses and was seeing solid sales growth . +__label__2 , tendulkar not giving up on first test , india #39 s star batsman sachin tendulkar says he may be fit for next week #39 s first test against australia , after revealing the tennis elbow injury was showing quot tremendous improvement . +__label__4 , the crusade against evolution , in the beginning there was darwin . and then there was intelligent design . how the next generation of ' creation science ' is invading america ' s classrooms . by evan ratliff from wired magazine . +__label__3 , shares gain while oil holds near \$50 , london ( reuters ) - european stock markets rose and absorbed three separate share placings on wednesday , boosted by wall street ' s strong finish while oil prices held close to \$50 a barrel ahead of u . s . oil inventory data . +__label__3 , new \$50 bill designed to counter counterfeits , washington - the green is still there , but with touches of blue , red and yellow . a stylized image of the stars and stripes now waves in the background . +__label__2 , angels ascend to first-place tie with a ' s ( ap ) , ap - for the first time in over three months , the angels are back in first place . +__label__3 , bluegene sneaks past earth simulator , the earth simulator , an nec supercomputer , is surpassed , at last . ibm announced yesterday that its blue gene/l supercomputer had achieved a sustained performance of 36 . +__label__4 , microsoft #39 s low-cost operating system , aimed at making cheaper pcs , microsoft on wednesday unveiled low-cost windows xp starter edition operating systems in india in hindi targetting the first-time home users . +__label__4 , supernova warning system will give astronomers earlier notice , duke university -- a supernova early warning system ( snews ) that detects ghostlike neutrino particles that are the earliest emanations from the immense , explosive death throes of large stars will alert astronomers of the blasts before they can see the flash . snews could allow astronomers a chance to make unprecedented observations of the very early turn-on of the supernova , wrote the authors of an article about the new system in the september issue of the new journal of physics . they also noted that no supernova has ever been observed soon after its birth . big stars end their lives in explosive gravitational collapses so complete that even the brilliant flashes of light usually announcing these extremely rare supernova events stay trapped inside , unseen by astronomers , for the first hours or days . . . +__label__3 , fannie mae woes may hit stock , if fannie mae ( fnm ) is hampered by new limits on its operations , shareholders of the usa #39 s biggest mortgage-investment company are likely to feel the pinch more than the nation #39 s mortgage borrowers . +__label__4 , india to get started on starter edition , the redmond , wash . -based software giant today announced a year-long pilot program to start shipping the windows xp starter edition to india in early 2005 . +__label__3 , india 4th largest economy world bank , ahead of the international monetary fund-world bank meeting , the world bank on tuesday placed india as the fourth largest economy in terms of purchasing power parity , even as it said the country lagged behind in technology and efficiency . +__label__1 , cricket dubai global academy , the international cricket council are to open a global cricket academy designed to improve standards of lesser nations . +__label__3 , telecom equipment maker agere to cut 500 employees , 7 . 6 of < b> . . . < /b> , telecommunications equipment maker agere systems inc . said wednesday it will lay off 500 employees , or 7 . 6 per cent of its workforce , as part of a corporate restructuring . +__label__4 , jpeg exploit could beat antivirus software , most it managers won #39 t question the importance of security , but this priority has been sliding between the third and fourth most important focus for companies . +__label__1 , no-confidence vote planned against palestinian pm , ramallah , west bank ( reuters ) - lawmakers angered by the palestinian leadership ' s failure to make reforms plan to force a parliamentary no-confidence vote that could bring down the government appointed by yasser arafat , legislators said . +__label__3 , air canada to buy 45 aircraft from embraer , scheduled to fly out of bankruptcy-court shelter this week , air canada announced a deal wednesday to buy 45 embraer aircraft in a deal worth at least \$1 . +__label__4 , ibm says its supercomputer is world ' s fastest , new york ( reuters ) - international business machines corp . on wednesday said it has developed the world ' s fastest computer , putting it back on top after a japanese supercomputer claimed the title some two years ago . +__label__4 , . mac bumps up storage capacity , improves mail ( maccentral ) , maccentral - apple has improved the services offered to subscribers of . mac . previously , the amount of storage for a basic . mac account was 100mb , with a maximum of 15mb for e-mail . the service ' s base online storage has been increased to 250mb , e-mail service has been enhanced , and the cost of upgrading has been reduced . . mac ' s basic subscription price remains the same -- us #36 99 . 95 per year . +__label__3 , oil falls below \$49 on nigeria cease-fire , london ( reuters ) - oil prices dropped from record highs above \$50 a barrel on wednesday as the u . s . government reported a surprise increase in crude stocks and rebels in nigeria ' s oil-rich delta region agreed a cease-fire . +__label__4 , invading bullfrogs appear nearly unstoppable , the north american bullfrog population is booming . that may sound like good news , but it isn ' t #151 not when the frog has leaped far beyond its native habitat . +__label__4 , microsoft to offer stripped-down xp in india , bangalore , india -- microsoft corp . will introduce the windows xp starter edition in india early next year , the company said wednesday , two days after announcing similar plans for russia . +__label__3 , jos . a . bank profit jumps , jos . a . bank clothiers ( josb nasdaq - news - research ) posted a handsome third-quarter profit monday , as strong internet and catalogue sales helped drive a 17 hike in net income . +__label__1 , u . s . asks laos to check massacre report ( ap ) , ap - the state department said monday it is taking seriously allegations that laotian military forces may have massacred children of the country ' s hmong ethnic minority . +__label__4 , date with destiny for private rocketeers , las vegas - a three-seat rocket plane with stubby wings and a nose studded with round windows will try to blast out of earth #39 s atmosphere above the mojave desert today to qualify for a us\$10 million ( \$15 . +__label__3 , stewart #39 s prison chosen , that prison is located in west virginia which means that she is not headed to a facility in connecticut or florida , as she had hoped . +__label__3 , eu antitrust ruling on mci overturned , in a fresh blow to europe #39 s antitrust enforcers , a top appeals tribunal said regulators wrongly blocked mci worldcom #39 s aborted bid to buy sprint corp in 2000 . +__label__4 , verizon wireless offers aol mail , verizon wireless has launched aol mail , a move that will give its get it now customers , who are aol members , wireless access to their e-mail . +__label__2 , sports cobbs out for the season , denton , texas last season #39 s ncaa rushing and scoring leader will miss the rest of this football season . north texas running back patrick cobbs has sprained ligaments in his left knee . +__label__3 , air canada confirms order for 45 embraer jets , montreal air canada said it sealed a deal with brazil #39 s embraer sa for 45 embraer-190 aircraft , worth 1 . 35 billion us dollars at list price . +__label__4 , start-up oqo to launch hand-size pc , want a full-fledged windows xp computer that ' s about the size of a pocket pc ? tiny machine debuts after two years of delay . +__label__2 , baseball #39 s return a long time coming for dc , the last time the nation #39 s capital was home to the national pastime , the game was literally a riot . fans stormed the field with two outs in the ninth inning of the washington senators #39 farewell appearance at rfk stadium on sept . +__label__4 , travelzoo shares rise as offering rumor fades ( reuters ) , reuters - shares of internet travel site\travelzoo inc . rose nearly 4 percent on wednesday as\market rumors of a secondary stock offering faded . +__label__4 , will itunes ever make a lot of money for apple ? , on its latest earnings call ( 7/14/04 ) , a question was asked about the profitability of itunes , and management responded by stating that it made just a small profit . +__label__4 , salesforce . com launches on-demand support system , on-demand crm provider salesforce . com wednesday rolled out a parallel service its calling support . com and aiming at corporations with far-flung call centers , help desks , and on-call technicians . +__label__1 , hungary ' s parliament elects prime minister ( ap ) , ap - parliament on wednesday elected one of hungary ' s wealthiest businessmen as prime minister , ending two months of political uncertainty . +__label__2 , washington baseball fans await word on expos ( reuters ) , reuters - baseball fans in the nation ' s\capital were anxiously awaiting formal word on wednesday that\the financially beleaguered montreal expos would relocate to\the city for the 2005 season . +__label__3 , workers from 4 sf hotels go on strike , hotel workers at four san francisco hotels have commenced a two-week strike this morning after working without a union contract for more than six weeks . +__label__2 , cska moscow 2 paris st germain 0 , cska moscow clinched their first-ever champions league win on wednesday as paris st germain #39 s revival came to a shuddering halt at the lokomotiv stadium . +__label__4 , microsoft open-sources web authoring application , company ' s third open-source contribution is the first time it has shared code for actual application . +__label__3 , colombia back in business , needs reforms-uribe , colombia is back in business and the andean country has ample room for growth backed by aggressive and transparent government policies but with some challenges +__label__4 , spaceshipone rolls toward victory , mojave , california -- a southern california aerospace team took a big step toward capturing the \$10 million ansari x prize wednesday , but not without surviving a scary moment when the pilot found himself in a rapid spin as he roared across the threshold +__label__4 , mammoth toxic algae bloom sighted off washington state coast , seattle - a toxic algae bloom 30 miles wide has been detected 15 miles off the northwest coast of washington state , the largest and most potentially lethal yet found by scientists in the region . +__label__3 , u . s . stocks end higher , new york ( reuters ) - u . s . stocks ended higher on wednesday as investors snapped up semiconductor shares at bargain prices and bought some blue chips after crude oil retreated from record high prices . +__label__4 , salesforce . com launches on-demand support , com september 29 , 2004 , 2 57 pm pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . +__label__3 , disney rules out new deal with pixar studios , in january disney and pixar terminated their talks to extend a distribution partnership that has created such cartoon hits as quot finding nemo quot and the quot toy story quot series . +__label__4 , apple beefs up . mac storage limits , customers of apple #39 s . mac internet service can hit the delete button less often now that the company has boosted the amount of storage it gives subscribers . +__label__2 , diamondbacks ink fassero , phoenix , az -- the arizona diamondbacks have signed free agent pitcher jeff fassero for the remainder of the 2004 season . the move comes just five days after he was released by the colorado rockies . +__label__2 , judge clears release of kobe evidence ( ap ) , ap - a judge cleared the way for the release of documents and other evidence in the kobe bryant sexual assault case on wednesday . +__label__3 , cendant to buy orbitz for \$1 . 25 billion , chicago ( reuters ) - travel and real estate heavyweight cendant corp . on wednesday said it will buy travel web site orbitz inc . for about \$1 . 25 billion , making it the second-largest competitor in the online travel industry . +__label__4 , for neglected video , a hollywood touch , a growing cottage industry is taking customers ' raw home video and putting it on dvd , in some cases producing short movies with sophisticated cinematic effects and a musical soundtrack . +__label__4 , time on a chip the incredible shrinking atomic clock , researchers are developing tiny atomic clocks that could be made using standard semiconductor processes and slipped into cellphones , hand-held computers and global positioning system receivers . +__label__2 , expos set for washington , expos president tony tavares told reporters of the move after the expos #39 final home game . that news was later confirmed to washington mayor anthony williams by mlb officials . +__label__4 , instant messaging worm exploits jpeg flaw ( infoworld ) , infoworld - security experts have spotted the first attempts to create an internet worm that propagates using instant messages and exploits a recently disclosed flaw in microsoft software . +__label__4 , ibm says blue gene breaks speed record ( ap ) , ap - ibm corp . claimed unofficial bragging rights tuesday as owner of the world ' s fastest supercomputer . for three years running , the fastest supercomputer has been nec ' s earth simulator in japan . +__label__4 , web founder says cooperation needed ( ap ) , ap - the inventor of the world wide web told a technology conference on wednesday that making the web more useful hinges on a familiar challenge getting the players behind the technology to agree on standards governing how computers communicate with one another . +__label__1 , britain extends citizenship rights to gurkha soldiers ( afp ) , afp - britain has extended full citizenship rights to gurkha soldiers from nepal who serve in the british armed forces , prime minister tony blair has said . +__label__2 , catch a piece of history but hire a lawyer first , when steve williams picked up the ball barry bonds had just hit for his 700th home run , he thought he had his hands on a piece of history . +__label__4 , red hat acquires aol #39 s netscape server software , in a move to add more open-source arrows to its quiver , linux seller red hat has acquired the netscape server software products of aol time warner , the companies plan to announce thursday . +__label__4 , i . b . m . agrees to settle part of giant pension case , i . b . m . said that it had agreed to pay \$320 million to its employees to settle in part a class-action lawsuit over its pension plan . +__label__4 , immunity in ebbers case opposed in u . s . filing , new york , sept . 29 -- federal prosecutors told a judge in a filing late tuesday night that they have evidence that former worldcom inc . chief executive bernard j . ebbers knew company officials had improperly tinkered with the telecommunications firm ' s accounting to boost its publicly reported profits . +__label__4 , success for spaceship one , mojave -- burt rutan #39 s space ship one made its first trip into sub-orbital outer space in pursuit of the \$10 million ansari x prize . +__label__1 , typhoon meari kills nine in japan , moving northeast over large parts of the country including tokyo , with winds up to 67 miles per hour . media reports said at least nine had died , but public broadcaster nhk said the toll had reached 11 . +__label__2 , all eyes on woods #39 fitness , with world number one vijay singh missing because of hurricane jeanne and masters champion phil mickelson another no-show , there was even more attention than usual on tiger woods at mount juliet in county kilkenny this afternoon . +__label__4 , schwarzenegger signs ' foie gras ' bill ( ap ) , ap - california will end the force feeding of ducks , geese and other birds to produce the gourmet liver product foie gras by 2012 under legislation signed wednesday by gov . arnold schwarzengger . +__label__4 , microsoft , amazon file lawsuits against spammers , microsoft and amazon . com have joined forces to take legal action against us and canadian-based companies for allergy sending fraudulent e-mails to amazon and hotmail users , claiming to represent these companies . +__label__4 , microsoft , amazon to combine forces , individually theyve been unstoppable in their respective industries . theyre both legends that have survived the dot com burst and came out winners . +__label__4 , an interview with bill baker , sql server bi general manager , this article is the first in a new , regular series of articles and interviews with top microsoft program managers . our goal is to give you a close-up , helpful and informative look at things +__label__1 , australian pm fails to apologize on wrong pre-war intelligence on < b> . . . < /b> , australian prime minister john howard said thursday he won #39 t automatically follow his british counterpart tony blair who has said he could apologize for faulty evidence on iraqi weapons of mass destruction . +__label__3 , around the region , in another move to cut costs , continental airlines is closing 14 of its ticketing offices systemwide , including three in the houston area . +__label__3 , grand jury adds to healthsouth charges , federal prosecutors yesterday announced new perjury and obstruction-of-justice charges against healthsouth corp . founder richard m . scrushy , accusing the former chief executive of the rehabilitation +__label__1 , greenland criminals take road back to society , not prison ( afp ) , afp - some 20 people gather for a lunch of whale meat and potatoes inside a large wooden building facing a frozen fjord bathed in sunlight . no , these are not tourists on vacation , but rather criminals serving time in one of greenland ' s open penal centers . +__label__4 , senate bill aims at makers of file-sharing software , the senate judiciary committee is considering a copyright bill that stands at the center of the file-sharing debate . +__label__1 , car crashes into japan parliament gate -jiji ( reuters ) , reuters - a car crashed into a gate of japan ' s\parliament building in central tokyo on thursday and caught\fire , jiji news agency said . +__label__2 , pedro , red sox offer up few rays of hope , in pedro martinez stats , news #39 first start since conceding to the new york yankees stats , schedule by declaring that the red sox stats , schedule #39 rivals were his daddy , #39 #39 the tampa +__label__2 , sales , sun surge ahead , the connecticut sun had an off game last saturday , when they dropped the opener of their wnba eastern conference semifinal series against the washington mystics . +__label__1 , poor ? who #39 s poor ? poverty is down , the proportion of people living on less than \$1 a day decreased from 40 to 21 per cent of the global population between 1981 and 2001 , says the world bank #39 s latest annual report . +__label__3 , lehman in talks to buy uk hedge fund -wsj ( reuters ) , reuters - investment bank lehman brothers\holdings inc . is negotiating to buy glg partners , a large\british hedge fund , the wall street journal reported on\thursday , citing unnamed sources . +__label__1 , israeli tanks surge into gaza refugee camp -witnesses , gaza ( reuters ) - a column of israeli tanks surged into the heart of the jabalya refugee camp in the northern gaza strip on thursday as the army broadened its sweep for militants behind a deadly rocket attack on an israeli town . +__label__2 , sharapova sweeps into korea open quarters , seoul ( reuters ) - wimbledon champion maria sharapova disposed of japan ' s miho saeki 6-3 , 6-1 , on thursday to sweep into the quarter-finals of the hansol korea open . +__label__2 , patriots have memory to feel sorry about , do not bring up last season . patriots coach bill belichick despises talk of the past , except when it helps him prepare his team for the upcoming week . +__label__3 , neck stents boosted in two studies , boston scientific corp . and medtronic inc . , competing to enter the us market for stents that keep neck arteries open , said separate studies showed their devices prevent complications including stroke after 30 days . +__label__3 , ibm claims its bluegene supercomputer is the fastest , ibm corp . on wednesday said it has developed the world #39 s fastest computer - a 16 , 000-processor version of its bluegene/l supercomputer . +__label__2 , nfl qb shuffle miami gives fiedler the ball , by all accounts , jay fiedler is a good guy . he signs autographs , performs charity work and always speaks well of others , even the new york jets . +__label__1 , thailand tackles bird flu epidemic , bangkok , thailand sept . 30 , 2004 - millions of volunteers led by emergency teams fanned out across thailand on thursday in a new drive to fight bird flu after the prime minister gave officials 30 days to eradicate the epidemic . +__label__4 , rough ride won #39 t stop next x prize shot , the rolling experienced by spaceshipone on its first ansari x prize flight on wednesday will not jeopardise the team #39 s chances of winning the \$10 million purse , team members said in a post-flight briefing . +__label__2 , dolphins won #39 t let jets fans rankle them , davie dolphins coach dave wannstedt promoted quarterback jay fiedler in hopes of providing a spark to his winless squad . perhaps simply playing the archrival jets will be enough to jump-start a season on the brink . +__label__4 , man arrested for fatally stabbing elderly parents , saitama -- a middle-aged man who fatally stabbed his parents has been arrested , police said . hideo nakajima , an unemployed man from soka , saitama prefecture , apparently called police shortly before 8 pm , wednesday . +__label__1 , multiple bombings kill at least 37 in capital , _ at least three bombs exploded near a us convoy in western baghdad on thursday , killing 37 people and wounding more than 50 , officials said . +__label__3 , jobless claims rise on hurricanes , the number of americans seeking initial jobless benefits jumped by 18 , 000 last week , the government said on thursday , but it attributed the entire rise to the effects of hurricanes that have battered the southern united states . +__label__3 , general mills goes whole grains , new york ( cnn/money ) - general mills announced plans thursday to start using healthier whole grains in all of its ready-to-eat cereals , including children #39 s cereals such as trix , cocoa puffs and lucky charms . +__label__2 , cricket ponting out of two tests against india , sydney australia captain ricky ponting #39 s thumb injury has forced him out of the opening two cricket tests against india starting next week , cricket australia ( ca ) said . +__label__1 , musharraf meets pope john paul , pakistan president general pervez musharraf met pope john paul ii , who urged him to adopt a quot spirit of dialogue and tolerance quot in his region . +__label__1 , gurkhas win citizenship fight , the gurkhas who have served in the british army have won an historic fight to be allowed to apply for british citizenship . the decision comes after a lengthy fight by the nepalese soldiers for the right to +__label__1 , footage shows 10 new hostages in iraq , baghdad , iraq - the arab news network al-jazeera showed video thursday of 10 new hostages seized in iraq by militants . al-jazeera said the 10 - six iraqis , two lebanese and two indonesian women - were taken by the islamic army in iraq . . . +__label__3 , global markets-shares and dollar turn south after us data , european shares turned negative and government bonds were struggling for direction on thursday after us data showed subdued inflation numbers , flat spending and a rise in unemployment . +__label__4 , going private the promise and danger of space travel , a flurry of space tourism milestones and announcements in recent days signals that human spaceflight is shifting from governments to the private sector , space experts say . +__label__3 , blue chips drop after merck announcement , new york ( reuters ) - u . s . blue chips were lower on thursday after drug company and dow component merck co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mrk . n target=/stocks/quickinfo/fullquote> mrk . n< /a> said it was withdrawing a key drug , casting a dark mood over the market as oil prices remained above \$49 a barrel . +__label__4 , palm shows new smartphone os rev , palmsource #39 s latest iteration of the palm os operating system , code named cobalt , is expected to be available in consumer mobile phone devices in the first half of 2005 . +__label__2 , woods plays through the pain barrier , the uncertainty over tiger woods #39 participation at the world golf championship at mount juliet ended this morning when the american ace decided to play despite injury . +__label__1 , what do women want in a presidential candidate ? ( reuters ) , reuters - tammy hough is a life-long\republican , a socially conservative stay-at-home mother and a\woman who puts american security as a top priority , so many\pundits see her vote as an easy one for president bush . but\she ' s not so sure . +__label__1 , tough talks ahead after eu is criticized , efforts to forge the world ' s largest free trade zone between the european union and south america ' s mercosur economic bloc are unlikely to be concluded by an oct . 31 deadline , the eu said thursday , with both sides declaring each other ' s trade offers insufficient . +__label__4 , pharma groups work on epc issues , sept . 30 , 2004reacting to calls from pharmaceutical retailers , distributors and manufacturers , epcglobal has added a new action group to specifically study the pharmaceutical industry +__label__4 , red hat taps netscape to broaden its landscape , linux seller plans to release netscape enterprise suite as open-source software in a bid to expand beyond its core product . __label__4 , net firms don ' t tax voip , the spanish-american war is over and a temporary tax created to pay for it should not be extended to internet phone calls , industry groups tell the irs -__label__3 , general mills converting all us cereals to whole grain , golden valley , minn . -- breakfast cereal maker general mills is converting all of its cereals to whole grain . the company says it becomes the first leading food company to make the move involving cereals . -__label__3 , nortel cuts fewer jobs , exits real estate , ottawa ( reuters ) - nortel networks corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=nt . to target=/stocks/quickinfo/fullquote> nt . to< /a> on thursday said it would eliminate about 10 percent of its work force , slightly less than previously estimated , and consolidate real estate in a cost-cutting plan that will save \$500 million in 2005 . -__label__1 , 23 palestinians , 3 israelis die in gaza fighting , jabalya , gaza ( reuters ) - twenty-three palestinians and three israelis were killed thursday , gaza ' s bloodiest day for more than two years , as israel ' s army struck back after a rocket attack killed two israeli children in a border town . -__label__4 , tesco steps up rfid efforts , tesco is rolling out radio barcode technology across its 98 tesco extra stores to track high-value items between its internal distribution centres and its outlets . -__label__1 , baghdad bombings kill one us soldier , wound 13 , washington , sept . 30 , 2004 -- a series of car bombings in baghdad today killed one american soldier and wounded 13 others . the bombings also killed at least two iraqi policemen and reportedly injured scores of other iraqis . -__label__4 , august chip sales growth slows on high inventory , san francisco ( reuters ) - global semiconductor sales growth slowed to 1 percent in august as electronics makers reacted to growing inventories in asia by limiting orders of chips , an industry trade group said on thursday . -__label__3 , hasbro ' s no conehead , its saturday night live version of trivial pursuit is good strategy for staying ahead of age compression . -__label__2 , cubs brushed back chicago loses wild-card lead after ninth-inning < b> . . . < /b> , austin kearns knows he #39 ll be back home in louisville , ky . , once the regular season ends on sunday . the cincinnati reds outfielder did his best wednesday to keep the chicago cubs -__label__2 , glory days long gone for roy jones , what a shocker ! the great roy jones lying unconscious on the canvas for five minutes . and who was the man who put him there ? unlikely light-heavyweight journeyman glen johnson - who , by his own admission , isn #39 t that flash . -__label__1 , political points 1 27 pm sorry is the hardest word , it did not go unnoticed among the press corps traveling with president bush that british prime minister tony blair apologized this week to fellow labor party officials for the fact that , as it -__label__4 , ibm claims computing crown ( the motley fool ) , the motley fool - ibm ( nyse ibm - news ) has new bragging rights . press reports indicate that the technology giant has created the world ' s fastest supercomputer two years after a japanese computer claimed that title . -__label__4 , red hat acquires netscape server software ( newsfactor ) , newsfactor - red hat ( nasdaq rhat ) has acquired netscape \server-software products of aol time warner ( nyse aol ) , as part of the linux vendor ' s open-source architecture strategy . -__label__2 , dunn sets major league strikeouts record ( ap ) , ap - cincinnati reds slugger adam dunn set the major league record for strikeouts in one season with 190 , when he fanned in his first two at-bats thursday against the chicago cubs . -__label__4 , privacy questions arise as rfid hits stores , baltimore--proponents of radio frequency identification used to have a quick and easy response to consumer advocates charging that the technology posed an alarming threat to privacy . -__label__1 , bush , kerry brace for key presidential debate ( afp ) , afp - the us presidential candidates were set to go head to head in a bruising , high-stakes televised debate , with republican incumbent george w . bush aiming to lock in his lead in the race and democratic challenger john kerry banking on a comeback . -__label__3 , treasury chief urges debt relief for poor nations , global lenders need to offer more grants and debt relief to poor countries and tailor lending toward the private sector , treasury secretary john snow said today . -__label__3 , bay bridge span faces re-bid , possible redesign , the eastern span of the oakland-san francisco bay bridge , currently under construction and over budget , will be re-bid , according to sunne wright mcpeak , secretary of california #39 s business , transportation and housing agency , which oversees caltrans , the -__label__4 , ebay expands paypal buyer protection up to \$1 , 000 , paypal , ebay inc . #39 s ( ebay . o quote , profile , research ) online payment service , will expand its us buyer protection program to cover up to \$1 , 000 for qualified transactions , the company said on thursday . -__label__3 , merck pulls arthritis drug from market , new york ( reuters ) - merck co inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mrk . n target=/stocks/quickinfo/fullquote> mrk . n< /a> pulled its arthritis drug vioxx off the market on thursday after a study showed it doubled the risk of heart attack and stroke . the move sent the company ' s shares plunging almost 27 percent and erased \$25 billion of its market value . -__label__2 , baseballer shot on bus , cleveland indians righthander kyle denney was reported to be in a stable condition after being shot in the leg on the team bus yesterday . -__label__2 , born to coach , for the reason , with apologies to michael vick , look no further than the third-youngest head coach in the nfl . james lawrence mora , the son , is already starting to look suspiciously like father james earnest -__label__2 , notes two-strike , two-out blues , chicago cubs manager dusty baker talked to latroy hawkins on thursday , and said he #39 ll go to the right-hander again if the team is in a save situation . -__label__3 , august chip sales up , global semiconductor sales rose 1 . 1 percent to \$18 . 2 billion in august from the previous month and it appears as though chip inventories are declining , an industry trade group said thursday . -__label__2 , on soccer rooney #39 s united debut makes cost look cheap , the much-anticipated debut of wayne rooney for manchester united lived up to its billing . it didn #39 t take long for rooney to make a splash as he became the first united player in 99 years to score a hat trick in his debut . -__label__3 , update 2 general mills to make cereals whole grain , the trix rabbit and that lucky charms leprechaun are going on a whole-grain diet . general mills announced thursday that it will convert all of its breakfast cereals to whole grain . -__label__2 , kendall gives jets ' offensive line a boost ( ap ) , ap - ask curtis martin to pick one of the most important additions to the new york jets this season , and he has a quick answer left guard pete kendall . -__label__4 , dog extinctions show why bigger isn #39 t better , fossils from extinct dogs show why bigger is not better -- giant meat-eating animals died out because they relied too heavily on hunting other big animals , scientists reported on thursday . -__label__3 , bid to create grocery giant , metcash stunned long-term suitor foodland ( foa ) yesterday with an audacious \$846 million takeover bid to create a supermarket heavyweight better able to compete with its bigger rivals . -__label__4 , opportunity rings ( forbes . com ) , forbes . com - this past summer 25 , 000 consumers , aged 18 to 24 , received short text messages on their cell phones alerting them to numbers on 225 million bottle caps of snapple iced tea , pink lemonade and the like . people holding a winning number , announced by text message and traditional media , landed overseas trips and walk-on parts on tv shows . -__label__2 , ichiro now one hit from sisler #39 s hits record , in a fitting microcosm of the seattle mariners #39 season , ichiro suzuki took oen more step toward history while his embattled team suffered another loss . -__label__1 , bombs kill 35 children in iraq , three bombs exploded at a neighborhood celebration today in western baghdad , killing 35 children and seven adults , officials said . -__label__4 , is piracy pushing linux sales ? , more pcs run the alternative os , but many will end up with a pirated version of windows , report says . linux may be shipping on a growing number of pcs sold in the emerging markets of asia , latin america , and eastern europe . -__label__1 , witnesses to confront cali cartel kingpin , thirteen years into their probe , u . s . investigators have assembled a team of smugglers , accountants and associates to testify against colombian cartel kingpin gilberto rodriguez orejuela . -__label__1 , iran leader reasserts arms views , new york iran #39 s foreign minister has said that his country will never give up its right to develop nuclear technology for peaceful use , though he denied any intent to produce nuclear weapons . -__label__4 , experts predict mount st . helens eruption ( ap ) , ap - the flurry of earthquakes at mount st . helens intensified further thursday , and one scientist put the chance of a small eruption happening in the next few days at 70 percent . -__label__4 , minding the search engine business , microsoft just swears that it hasn #39 t given up on internet explorer and that it #39 s really , really important to the future of microsoft , to the next version of windows , etc . -__label__2 , singer minaya returns home , new york -- omar minaya stood behind a small lectern in a danky room in the bowels of shea stadium , and allowed his life to flash before his eyes . -__label__2 , tigers split at tampa , after riding jeremy bonderman #39 s four-hitter to an 8-0 victory over tampa bay in thursday #39 s first game , the tigers watched their worn-out bullpen come unglued -- again -- when -__label__2 , three hold first-round lead at sfb classic ( ap ) , ap - john senden closed his 7-under 65 with his second eagle of the round and shared the lead with harrison frazar and glen day after the first round of the southern farm bureau classic on thursday . -__label__2 , biggest threat to britain #39 s grand prix heritage , henry ford once said that his factories didn #39 t make cars , quot they make money . quot it is a philosophy bernie ecclestone would surely understand more than most after his surgically dispassionate decision yesterday not to include the british grand prix on the -__label__2 , rick fox retires , rick fox retires thursday , ending a 13-year pro career during which he was part of three nba championship teams with the los angeles lakers . -__label__2 , brewers hand cards fourth straight loss ( ap ) , ap - matt morris struggled in his final tuneup for the playoffs , and the milwaukee brewers beat the st . louis cardinals 7-6 thursday night to send the nl central champions to their first four-game losing streak of the season . -__label__2 , iaaf to increase anti-doping measures , the iaaf will increase testing and funding as well as cooperation with the world anti-doping agency in its bid to detect and stem the use of new performance-enhancing substances , the sport #39 s governing body said sunday . -__label__4 , creators of private spaceship announce plans for second launch < b> . . . < /b> , the creators of a private rocket plane will go ahead with plans for another launch next week in a quest to claim a multimillion-dollar prize , despite a harrowing flight in which the spacecraft rolled dramatically while hurtling toward -__label__2 , mariners torment old foe a #39 s , ichiro , madritsch and cabrera are having a blast in an al west race they watched from a distance . oakland - george sisler stayed on top for at least another day , but the seattle mariners took down the oakland athletics on wednesday . -__label__2 , mlb milwaukee 7 , st . louis 6 , scott podsednik and keith ginter both had a homer and three rbi thursday night to help milwaukee edge st . louis , 7-6 . in his final start prior to the playoffs , st . -__label__3 , fannie mae criminal probe begun , federal prosecutors in washington have opened an investigation into possible wrongdoing at mortgage giant fannie mae , just days after regulators accused -__label__2 , sports in brief , he yelped after his second drive . his knees buckled after making contact on the sixth tee . . ( see photo at left . ) he stopped a half-dozen times and lifted his shirt so his caddie could rub heating cream between his shoulder blades . -__label__3 , us launches probe of fannie mae woes , washington -- federal prosecutors have opened an investigation into possible wrongdoing at mortgage giant fannie mae , just days after regulators accused the company of shoddy accounting practices , according to sources familiar with the probe . -__label__2 , british grand prix gets axed , the british grand prix has been dropped from the provisional calendar of formula one races for next year , media reports said yesterday . -__label__1 , 80 killed in u . s . offensive in iraq , samarra , iraq - u . s . and iraqi forces launched a major assault friday to regain control of the insurgent stronghold of samarra , and hospital officials said at least 80 people were killed and 100 wounded . . . -__label__4 , spaceshipone , take two , the spaceshipone team will attempt to win the \$10 million ansari x prize on monday , the 47th anniversary of the start of the first space race when the soviet union launched its sputnik satellite . -__label__1 , ba flight makes emergency landing in amsterdam , escorted by f-16 < b> . . . < /b> , a british airways passenger plane flying from berlin to london reported an unspecified security threat and made an emergency landing in amsterdam on thursday , escorted by two dutch f-16 jet fighters , the airline said . -__label__2 , different shea provides late-game heroics for hanover , hanover boys ' soccer coach jim sylvia is beginning to see a pattern in his team ' s play . luckily , it ' s not the kind of trend to complain about . -__label__2 , uefa cup round-up , newcastle eased their way into the uefa cup group stages on thursday night as alan shearer and patrick kluivert hit the goals trail again in a 5-1 victory over bnei sachnin in israel . -__label__1 , bush , kerry differ on approach to north korea , seoul ( reuters ) - the determination of north korea to develop nuclear arms could harden after president bush and his rival , senator john kerry , clashed over how to proceed with six-party talks on pyongyang ' s ambitions , analysts said . -__label__2 , huskies trip up pitt , connecticut linebacker alfred fincher matched his career high with 17 tackles and helped the huskies secure their first big east win as a conference member -__label__2 , friday is all right for fighting , tonight will be a busy one on the local fight scene with two cards . at the bayside expo center , ray oliveira will take on hicklet lau for the vacant international boxing union welterweight title . on the same card , heavyweight prospect matt godfrey ( 4-0 , 2 kos ) of providence will face andrew hutchinson . -__label__3 , nikkei closes higher after strong tankan , tokyo ( reuters ) - the nikkei average closed up 1 . 49 percent on friday , the first day of the fiscal second half , as a strong reading in the bank of japan ' s tankan business survey prompted investors at home and abroad to jump into the market . -__label__4 , netflix , tivo promise new service , the two companies say they will jointly develop a set-top box to download movies over the internet . netflix will arrange the movie licensing from hollywood studios , and tivo will take care of the product technology . -__label__1 , indonesia police identify embassy attacker , indonesian police on friday identified the man they suspect was the suicide bomber in an attack on the australian embassy in jakarta last month , and said the 30 -__label__1 , wen calls for better leadership from party , beijing - chinese premier wen jiabao yesterday pledged to improve the leadership of the communist party at a time when its popularity is waning . -__label__4 , dare you fight the possessed tomatoes ? , quirky , stick-figure kingdom of loathing shows continued promise of independent game-writing . -__label__3 , netflix , tivo sign vod alliance , netflix , the online dvd rental company , and tivo yesterday said they will work together to deliver movies digitally down the wires , presumably specifically to the latter #39 s pvr equipment . -__label__4 , genome mapped of co2-absorbing algae , us scientists have charted the genetic map of a microscopic algae that absorbs huge amounts of greenhouse gases . quot these organisms are incredibly important in the global carbon cycle , quot said virginia armbrust -__label__2 , millwall to complain to uefa , the lions lost 3-1 to ferencvaros - failing to progress to the next round of the uefa cup - on a night that saw four visiting fans suffering stab wounds and numerous other incidents of inter-fan violence . -__label__2 , rejuvenated real out to start scoring goals , it has not gone unnoticed in spain that the four goals real madrid put past roma in the champions league on tuesday equalled their tally in five league matches after one of their worst starts to a domestic campaign for many years . -__label__4 , net giants adopt anti-spam system , some of the net ' s biggest players such as aol , hotmail and yahoo are stepping up efforts to combat spam . -__label__4 , eu accuses microsoft of paternal view , microsoft corp . said friday that small companies and their customers would suffer most if it is forced to remove its digital media software from windows , while the european union accused it of being paternalistic in trying to decide what ' s best for everyone . -__label__1 , bin laden deputy purportedly seeks strikes ( ap ) , ap - an audio tape purportedly released by osama bin laden ' s deputy calls for attacks on u . s . and british interests everywhere , according to a broadcast friday by al-jazeera television . -__label__1 , chirac seeks vote on turkey bid , french president jacques chirac says france should hold a referendum on turkey ' s entry to the european union . -__label__3 , saudi setback hurts bae systems , bae systems shares slid more than 4 per dcent in early trade after the company , while announcing quot good progress quot on its eurofighter contracts , admitted further troubles in the controversial al-yamamah programme . -__label__3 , arthritis drug withdrawn after trial , a prescription painkiller used by more than 250 , 000 australians to treat arthritis has been withdrawn from sale after a clinical trial found it doubled the risk of heart attack and stroke . -__label__2 , game day preview game time 7 30 pm , new york ( ticker ) -- after a season in which they fired their coach , the new york liberty are hosting the top-seeded connecticut sun friday in game one of the best-of-three eastern conference finals . -__label__1 , eu set to launch ' transit camps ' , eu ministers agree to set up five pilot reception centres in africa to process asylum applications . -__label__4 , sun makes run for supercomputing title , with the economy slowly turning up , upgrading hardware has been on businesses radar in the past 12 months as their number two priority . -__label__2 , spears , stosur advance to quarterfinals , american abigail spears advanced to the quarterfinals of the korea open on wednesday with a 6-3 , 1-6 , 6-3 win over second-seeded shinobu asagoe of japan . -__label__4 , threat of extinction looms over larger species , being the biggest dog may pay off at feeding time , but species that grow too large may be more vulnerable to extinction , new research suggests . over 50 million years a succession of large carnivores evolved in north america , diversified , and then died out . -__label__4 , spaceshipone ready for x prize , designer burt rutan #39 s spaceshipone cracked through earth #39 s atmosphere and into outer space sept . 29 . pilot mike mevill guided the aircraft to an altitude of 102 , 870 meters . -__label__4 , red hat buys technology from netscape ( reuters ) , reuters - linux distributor red hat inc . \said on thursday that it had bought netscape ' s computer user\identification and management technology from america online\inc . , a unit of time warner inc . -__label__4 , spaceshipone ' s 2nd shot at x prize slated for monday ( space . com ) , space . com - the second attempt by the rocketplane spaceshipone to soar into space and snag \ the #36 10 million ansari x prize is planned for monday , officials announced last \ night . -__label__3 , siemens in 2 . 69bn deal with bbc , german industrial giant siemens has signed a 2 . 69bn contract to deliver technology services around the world to the bbc , a deal that will see it acquire the broadcasters technology subsidiary . -__label__2 , two millwall fans stabbed , hospitalized , budapest , hungary -- uefa has charged hungary #39 s ferencvaros after their fans threw missiles and shouted racist abuse in thursday #39 s uefa cup tie against millwall . -__label__2 , grizzlies make swift move , memphis , tn ( sports network ) - the memphis grizzlies friday re-signed forward stromile swift to a one-year contract . terms of the deal were not released . -__label__3 , hewlett-packard buys synstar , palo alto-based hewlett-packard co . has bought it services company synstar plc , of bracknell , england for about \$293 . 3 million . synstar has some 1 , 500 customers across europe , selling it support for various computer platforms . -__label__4 , sun ships java upgrade , focuses on ease of use , october 01 , 2004 ( computerworld ) - sun microsystems inc . this week released java 2 platform standard edition ( j2se ) 5 . 0 , an upgrade of its programming language with more than 100 new features designed to bolster -__label__3 , ford down , nissan up in september sales , detroit ( reuters ) - ford motor co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=f . n target=/stocks/quickinfo/fullquote> f . n< /a> posted its fourth consecutive month of weaker u . s . sales with a 7 percent drop in september results on friday , and the automaker doubled its incentives on some models to kick-start sales this month . -__label__3 , employees from 10 hotels locked out , the san francisco multi-employer group announced this morning that it has locked out unite here local 2 employees from 10 hotels and staffed the vacated positions with replacement workers . -__label__3 , research is definitely in motion , the blackberry wireless device maker is straining to exceed expectations . -__label__3 , level 3 acquires sprint #39 s wholesale dial-up internet business , level 3 today announced that it has purchased sprint #39 s wholesale dial-up internet access business for \$34 million in cash . sprint is one of the largest providers of wholesale dial-up service to isps in north america . -__label__4 , salvaging genesis , despite a seemingly calamitous crash to earth last month by the genesis spacecraft , large portions of the solar wind samples it had gathered in space appear to be salvageable , nasa scientists announced on sept . -__label__2 , national league roundup , jerome williams pitched seven innings in his first start in two months , and san francisco jumped back into a tie for the nl wild-card lead by beating host san diego . -__label__2 , nl wrap dunn goes deep as reds tame cubs , adam dunn hit his 44th home run of the season as the cincinnati reds dealt the chicago cubs a blow to their national league wild card aspirations with an 8-3 win at wrigley field on tuesday . -__label__1 , stocks climb on strong economic data , new york - newly optimistic investors sent stocks sharply higher friday , propelling the dow jones industrials up more than 100 points , after economic data showed strength in manufacturing and construction . wall street greeted the departure of peoplesoft inc . ' s chief executive by buying up technology shares . . . -__label__3 , molson issues earnings warning , montreal - molson inc . has served up a warning of disappointing summer-quarter earnings , saying sales have been slow in canada and profitability has been squeezed in brazil . -__label__4 , large mammals facing the fate of the sabre tooth , the future of the world #39 s large wild mammals is threatened by pressures similar to those that caused the extinction of two-thirds of such species at the end of the most recent ice age . -__label__1 , al qaeda urge wide-scale muslim resistance , al qaeda #39 s no . 2 man ayman zawahiri called for an all-out armed resistance in the muslim world against the west and jews whom he described as crusaders . -__label__4 , u . s . cybersecurity chief resigns , amit yoran leaves the department of homeland security a little over a year after joining . -__label__4 , update 2 us cybersecurity chief abruptly resigns , the government #39 s cybersecurity chief has abruptly resigned from the homeland security department amid a concerted campaign by the technology industry and some lawmakers to persuade the bush administration to give him more authority and money for -__label__2 , novak , canas top dogs left at atp shanghai , the seedings held friday in the quarterfinals at the atp stop in shanghai , with no . 2 jiri novak stopping no . 8 jan-mike gambill , and no . -__label__2 , cricket telecast prasar bharati to move sc as aggrieved party #39 , the legal battle surrounding the awarding of telecast rights to sony entertainment television for the forthcoming australia tour of india is getting complicated with the prasar bharati ceo , mr ks sarma , saying that the national broadcaster would approach -__label__3 , fortune ' s 100 most doomed ? , your company made it to fortune ' s 100 fastest growing companies list . is that a good thing ? -__label__4 , ig nobel awards honor weird science advances , if a herring asks you to pull his finger , be very afraid . thats one of the lessons derived from this years ig nobel awards ceremony , an event that honors offbeat scientific achievements . -__label__2 , can alabama pass ? can south carolina run ? , both have some reason for optimism . guillon should benefit from his first start at arkansas and from the more friendly environment of bryant-denny stadium . -__label__4 , briefly msn messenger beta leaks onto web , roundup plus level 3 to buy sprint ' s dial-up business . . . cisco ceo ' s salary shoots up from \$1 . . . sandisk ups capacity on flash memory cards . -__label__1 , bush , kerry trade barbs following debate , allentown , pa . - president bush on friday ripped into sen . . . -__label__3 , china pledges to move toward flexible exchange rate , china says it will move toward a flexible exchange rate for its currency , but there is no word on how long such a transition will take . -__label__4 , doj won ' t appeal oracle ruling , washington - the u . s . department of justice ( doj ) will not appeal a ruling by a california judge that would allow oracle corp . ' s proposed hostile takeover of competing software vendor peoplesoft inc . -__label__1 , us supreme court asked to rule on homosexuals ' right to adopt children ( afp ) , afp - the american civil liberties union , the leading us civil rights group , petitioned the us supreme court to rule on the right of homosexuals to adopt children . -__label__2 , world rally news subaru solberg has a #39 relatively #39 good lead . , subaru world rally team driver petter solberg took the lead on the all-new rally italia sardinia on ss1 this morning friday and held onto that advantage all day to end the leg more than thirty seconds ahead of second placed marcus gronholm . -__label__2 , jubilant spain revels in glory of second davis cup , spain hailed the fulfilment of an old dream and the rise of a new star on monday after the national team secured the country #39 s second davis cup title in five years . -__label__4 , ibm expands data centers , on-demand service , big blue enhances its on demand offering for companies through its data centers . -__label__2 , ronaldo a doubt for real , madrid , spain ( sports network ) - star striker ronaldo could miss real madrid #39 s la liga contest sunday against deportivo la coruna due to injury . -__label__1 , us welcomes sudan #39 s acceptance of expanded au mission in darfur , the united states welcomed on friday sudanese official #39 s announcement to accept a larger africanunion ( au ) mission in the western region of darfur and urged the speedy deployment of au troops . -__label__4 , nation ' s cybersecurity chief abruptly quits dhs post , amit yoran , the government ' s cybersecurity chief , abruptly resigned yesterday after a year at the department of homeland security , a move that raised questions about the bush administration ' s ability to quickly improve cybersecurity . -__label__1 , europe serbia calls on un to annul appointment of kosovo pm , he ( haradinaj ) is a war crimes suspect , and serbian authorities will face numerous difficulties . . . with such a person , kostunica said . -__label__3 , saks announces store closings , birmingham , ala . they #39 re closing eight saks fifth avenue stores and three off fifth outlet stores . saks incorporated says shutting down weaker stores will allow the company to focus on its more quot productive quot locations and further strengthen its brand . -__label__1 , u . n . war court transfers first case to serbia , belgrade ( reuters ) - the u . n . war crimes prosecutor sent the first case to the serbian judiciary friday in a move that could warm ties between the hague-based court and belgrade . -__label__4 , legal expert joins open-source screening firm , open source initiative general counsel larry rosen is now an advisor to black duck software . -__label__3 , greenspan worried congress to bar options expensing , washington ( reuters ) - federal reserve chairman alan greenspan on friday said he was very worried congress would try to thwart efforts by the financial accounting standards board to require expensing of stock options . -__label__3 , arthritis drug vioxx pulled off market , sept . 30 , 2004 -- long-term use of the painkiller vioxx doubles a person #39 s risk of heart attack and stroke , a huge clinical trial shows . -__label__2 , cubs plate three runs in ninth inning , fall a run short , the chicago cubs need more than rally caps , good-luck charms or curse-busters now . mike hampton and dewayne wise each hit two-run homers to lead the atlanta braves to -__label__1 , russias strange bedfellows , ministers from the commonwealth of independent states ( cis ) gathered in the ukrainian capital kiev on september 29 to formulate a common anti-terrorism strategy . -__label__3 , saks to close 11 stores , new york retailing group saks said friday it will close 11 stores and shed 700 jobs . the company said it will close down eight saks fifth avenue stores and three off 5th avenue -__label__3 , saks announces store closings , saks says shutting down weaker stores will allow the company to focus on its more quot productive quot locations and further strengthen its brand . -__label__1 , bangkok animal trade talks open , the rules controlling the trade in many at-risk wildlife species may change at a bangkok meeting starting on saturday . the 166 member states of the convention on international trade in endangered species of -__label__1 , israel kills two militants during massive gaza raid , gaza ( reuters ) - the israeli army killed two militants saturday in an air strike in the northern gaza strip , bringing the number of palestinians israel has killed in one of its deadliest gaza raids to 39 . -__label__3 , mds vioxx not the only drug to help arthritis , the withdrawal of vioxx may take a bite out of merck amp co . #39 s revenues , but it isn #39 ta setback for arthritis patients , doctors said friday , because dozens of other drugs offer the same symptom relief . -__label__4 , gates microsoft to offer anti-spyware , company chairman bill gates says this malware thing is so bad the software giant plans to offer its own tools . -__label__2 , packers lose flanagan for the season , green bay packers pro bowl center mike flanagan will undergo surgery on his left knee and miss the rest of the season . coach mike sherman made the announcement after practice friday , meaning for the second -__label__3 , ex-pentagon official gets 9 months for conspiring to favor boeing , the former official was sentenced after acknowledging that she had favored the boeing company in pentagon contracts while seeking a job at the company for herself . -__label__4 , gates us need not fear overseas tech , the united states has nothing to fear from rapidly growing technology markets in china and india , bill gates , chairman and chief software architect of microsoft corp . -__label__1 , aclu seeks to challenge gay adoption ban ( ap ) , ap - the american civil liberties union asked the supreme court on friday to hear its challenge to florida ' s ban on adoptions by gays . -__label__1 , five blasts reported in spain after eta threats , madrid ( reuters ) - five explosions were reported in different parts of spain monday after the basque separatist group eta threatened to set off a total of seven bombs , spanish media reported . -__label__3 , china at g-7 meeting for first time , china made its debut last night in the club of the world ' s leading economic powers , asinternational pressure mounts to change a decade-old currency peg that critics accuse of giving chinese products an unfair competitive edge . -__label__3 , ex-manager at fannie to skip hearing , the former fannie mae employee who assisted federal regulators in an investigation of the company ' s accounting will not testify at a congressional hearing next week . -__label__3 , stocks amp bonds technology issues lead rally as the 4th quarter < b> . . . < /b> , tocks rose yesterday amid heavy trading on the first day of the fourth quarter as peoplesoft and chip-related stocks sent the nasdaq to its highest level in more than two months . -__label__3 , imf urged to assist countries in prevention of financial crisis , developing countries on friday urged the international monetary fund ( imf to develop effective lending facilities to assist countries in the prevention of financial crisis . -__label__1 , lebanon and syria have not complied with un resolution annan , united nations - secretary-general kofi annan reported that syria has not pulled its forces out of lebanon as called for by the un security council , and said he had requested a timetable from damascus for its full implementation . -__label__1 , one hurt in blast at philippines muslim regional government complex ( afp ) , afp - a powerful home-made bomb has exploded in a compound housing offices of an autonomous muslim regional government in the southern philippine city of cotabato , wounding one person , police said . -__label__2 , astros beat rockies to keep wild-card lead ( ap ) , ap - jeff bagwell hit a two-run homer and the houston astros overcame a sloppy start , remaining atop the nl wild-card standings with a 4-2 victory over the colorado rockies on friday night . -__label__2 , baseball-ichiro breaks hits record , adds single , the seattle mariners #39 ichiro suzuki registered three singles to equal , break and then add to the major league hits record with his 259th of the season in a game against the texas rangers friday . -__label__1 , france opposes immigrant transit camps in africa , france , sweden and belgium shot down a german proposal to set up european union refugee processing centres in north africa , arguing that the idea would do more harm than good . -__label__2 , jeff gordon leads contenders at talladega , talladega , ala . - joe nemechek wasn #39 t surprised to be back at the front of the field , just that it took so long to get there . nemechek , who earned the nickname quot front row joe quot when he won six poles from 1997-00 , got no . -__label__2 , jeff gordon leads contenders at talladega , joe nemechek wasn #39 t surprised to be back at the front of the field , just that it took so long to get there . nemechek , who earned the nickname quot front row joe quot when he won six poles from 1997-00 , got no . -__label__1 , ukraine opposition seeks legal changes , kiev -- opposition leader viktor yushchenko yesterday pressed for the prime minister ' s removal from office , dismissal of electoral officials , and new legislation to guard against fraud in a new presidential runoff , warning that his supporters would continue to blockade government offices until outgoing president leonid d . kuchma meets those demands . -__label__1 , pakistan ups security , shi #39 ites mourn bomb victims , pakistan beefed up security saturday as minority shi #39 ite muslims prepared to bury victims of a suicide bomb attack on a mosque in the eastern town of sialkot that killed at least 30 people a day earlier . -__label__2 , angels one win from al west title ( ap ) , ap - the anaheim angels considered themselves a playoff team all along , even while they spent the summer playing catch up . now they ' re one win away . -__label__1 , violent protests erupt again in haiti , port-au-prince , haiti oct . 2 , 2004 - supporters of ousted president jean-bertrand aristide took to the streets of haiti #39 s capital for a second day , shooting wildly , smashing cars and blocking roads with burning tires . -__label__2 , sharapova advances to korea open final , reigning wimbledon champion maria sharapova has thrashed anne kremer of luxembourg to advance to the final of the korea open in seoul . -__label__3 , corporate krueger haunts peoplesoft , a few weeks ago the then-ceo of peoplesoft , craig conway , posed the following question to attendees at a technology conference quot have you ever had a bad dream that never ended ? -__label__2 , bc expects to need ' a ' game , it is not as though they need any more reminders . it is not as though they are not aware of the consequences . boston college has rutgers and mississippi state and , to an extent , pittsburgh as prime examples of what can happen to a division 1-a team on any given day against a division 1-aa opponent . -__label__3 , auto sales surged in sept . , auto sales soared 10 in september , led by a 25 surge at general motors and increases for chrysler and toyota . gm had its biggest gain in two years after boosting rebates . -__label__4 , nasa puts off space shuttle flights until at least may , washington the us space agency nasa has put off resumption of space shuttle flights from march until at least may , the agency has said . -__label__3 , perry oks money for aps as more accusations arise , the state #39 s adult protective services agency will get an emergency infusion of \$10 million to correct the kinds of problems that have arisen in el paso . -__label__1 , serial blasts rock ne 19 killed , guwahati a string of powerful bomb blasts rocked nagaland and assam on the birth anniversary of mahatma gandhi saturday , killing at least 19 people and injuring more than 50 . -__label__2 , mariners ' ichiro breaks hits record , adds single , seattle ( reuters ) - the seattle mariners ' ichiro suzuki registered three singles to tie , break and then add to the major league hits record with his 259th of the season in a game against the texas rangers friday . -__label__3 , g7 fails to reach debt deal , hopes of a deal to write off completely the debts of some of the world #39 s poorest countries were dashed after the group of seven rich nations club failed to reach agreement . -__label__2 , tennis canas crushes novak to reach shanghai final , faces < b> . . . < /b> , shanghai argentina #39 s guillermo canas dominated jiri novak of the czech republic to book his place in the final of the 380 , 000-dollar atp shanghai open tennis tournament against unheralded german lars burgsmuller . -__label__3 , techs lead gains on wall street , shares surged on wall street on friday night , pushing the dow over 100 points higher , as tech stocks rallied and drug giant merck staged a 1 per cent rebound following its 26 per cent fall on thursday . -__label__3 , oil , profit reports to weigh on stocks , new york ( reuters ) - a new reporting period for company earnings kicks into gear next week , giving investors a bit of hard data to chew on , and markets could be volatile if the price of crude oil stays north of \$50 a barrel . -__label__4 , oceanic storms make the earth #39 hum #39 , did you know that the earth is constantly humming ie it produces a low frequency noise which can be picked up in the 2 to 7 mhz ( millihertz ) range , a range far below the one human ears can detect and scientist have now found that it is the energy produced -__label__1 , blair heads to country home for rest after heart op , london , oct 2 ( afp ) - british prime minister tony blair said saturday that he felt in quot excellent quot health as he set off for his official country residence to rest after a successful minor heart operation . -__label__3 , imf , world bank look to keep global recovery strong ( afp ) , afp - facing a global economy on the mend but threatened by surging oil prices and other factors , imf and world bank policymakers opened two days of meetings saturday to discuss ways to keep the recovery on track . -__label__2 , sete returns to top form in qatar edwards joins party with runner < b> . . . < /b> , sete gibernau will go down in history as the first ever winner of the grand prix of qatar after an incredible race today which he led from start -__label__3 , us , allies far apart on iraq debt relief , washington oct . 2 , 2004 - the united states and its major economic allies struggled saturday to resolve deep differences over how best to relieve the heavy debt burden for iraq and the world #39 s poorest countries . -__label__3 , poor nations seek wto textile aid , with 40 years of textile quotas about to be abolished in a move to help developing nations , a group of the world #39 s poorest countries are asking for a different approach special trade deals to protect them from a free-for-all . -__label__2 , arsenal ' s unbeaten streak reaches 48 games ( ap ) , ap - arsenal extended its unbeaten streak in the premier league to 48 games saturday , getting two goals from thierry henry in a 4-0 victory over charlton and bouncing back from a champions league tie . -__label__1 , 22 killed , 100 injured in nagaland twin blasts , india news gt guwahati , oct 2 at least 22 people , including women and children , were killed and over 100 injured when two simultaneous landmine blasts ripped through the busy railway station here and a crowded market place of this commercial town of -__label__3 , update 4 belo to cut 250 jobs , mostly in dallas , media owner belo corp . said wednesday that it would cut 250 jobs , more than half of them at its flagship newspaper , the dallas morning news , and that an internal investigation into circulation overstatements -__label__1 , new appointments hint musharraf to remain coas after dec 31 , islamabad military analysts have said that after the appointment of new chairman joint chiefs of staff committee and vice chief of army staff it is clear that president general pervez musharraf will retain his cap of chief of army staff beyond december 31 -__label__2 , report bowa on his way out of philly , philadelphia ( sports network ) - larry bowa will reportedly be fired as manager of the philadelphia phillies at the end of the season . -__label__3 , china vows currency shift but mum on date , washington , oct . 2 in the face of growing international pressure , chinese officials told top us officials on friday that they would continue to push ahead with plans to float or revalue their currency , but -__label__2 , no . 20 wisconsin 24 , illinois 7 , tailback anthony davis #39 return from an eye injury sparked no . 20 wisconsin #39 s stagnant offense and the badgers #39 defense was as stout as ever in a 24-7 victory over illinois on saturday . -__label__3 , putin the power broker , last wednesday , at the stroke of noon , one of the most lucrative prizes in russia #39 s oil industry went under the hammer . russia #39 s federal property fund , which controls sales of state assets , auctioned a 7 . 6 -__label__2 , phillies relieve bowa of his duties , the phillies ended months of speculation when they announced the dismissal of manager larry bowa before saturday #39 s game against the marlins at citizens bank park . -__label__4 , the c . e . o . vanishes , and other mysteries , why did peoplesoft , in the midst of a takeover fight with oracle , fire its chief executive and president ? who knows ? and that ' s a problem . -__label__2 , new york yankees team report - october 1 , ( sports network ) - orlando hernandez tries to rebound from his first loss of the season this evening when the new york yankees open a three-game set with the toronto blue jays at skydome . -__label__2 , angels rally past a ' s to clinch al west crown ( reuters ) , reuters - garret anderson capped a three-run\eighth inning rally with a run-scoring single as the anaheim\angels edged the oakland athletics 5-4 saturday to capture\their first al west pennant in 18 years . -__label__2 , rapids clinch mls playoff berth ( ap ) , ap - dwyane derosario ' s goal in the 82nd minute lifted the san jose earthquakes to a 1-1 tie with the colorado rapids on saturday night . -__label__2 , a ' s bullpen blows up and angels take title , anaheim scored three runs in the eighth inning off oakland relievers to rally for a victory and clinch the american league west title . -__label__2 , louisiana tech bulldogs , ruston , louisiana ( ticker ) -- no . 17 fresno state could not overcome a dominant performance by ryan moats or a poor one by paul pinegar . -__label__1 , ransom may buy life of iraq hostage , the brother of iraq hostage ken bigley was investigating whether it might be possible to buy his sibling #39 s life . paul bigley was looking into reports in a kuwaiti newspaper that a new iraqi militant group -__label__4 , security beyond antivirus programs , comprehensive security programs that include firewall software , spyware defenses and diagnostic and repair tools are necessay to keep a pc in good health these days . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> -__label__3 , lucent ' s history a case study in wild rides , if you ' ve ever wondered what ignited america ' s late-1990s obsession with telecom and tech stocks , you could well argue it all started with lucent technologies . -__label__2 , finley #39 s slam wins wild west for la , los angeles - steve finley immediately raised his arms over his head , as if to show there really might be a great dodger in the sky looking after him and the los angeles franchise after a nine-year title drought . -__label__2 , angels rally past a ' s to clinch al west crown , oakland ( reuters ) - garret anderson capped a three-run eighth inning rally with a run-scoring single as the anaheim angels edged the oakland athletics 5-4 saturday to capture their first al west pennant in 18 years . -__label__4 , open source group blasts gartner for linking linux to windows < b> . . . < /b> , an australian open-source industry group on friday took exception to a gartner report that pre-loading pcs with linux is often a precursor to adding a pirated copy of windows , calling the research quot farcical . -__label__1 , turkey to get green light for eu entry talks -paper , the european commission #39 s report on turkey next week will recommend that the european union open accession negotiations with ankara , the german daily bild said sunday , quoting sources at the eu executive . -__label__1 , king ' s widow turns focus on voting rights ( ap ) , ap - the widow of martin luther king jr . said the right to vote should be open to everyone in a democracy , including those who have been convicted of crimes . -__label__1 , eta suspects arrested in france , french security forces have arrested 20 people suspected of being members of the outlawed basque separatist group , eta . most were spaniards living in the basque region of south-western france . -__label__1 , new bomb blast wounds 15 in india , suspected separatists bombed a power line , a gas pipeline , a tea plantation and a crowded marketplace in northeastern india on sunday , intensifying a campaign of violence -__label__2 , ichiro with 260 hits , writes first new chapter in 84 years , japans quot baseball talent quot suzuki ichiro ( 31 , seattle mariners ) has leapfrogged 84 years of outdated records of most hits in a season and stepped into the 260-hit peak . -__label__1 , brown calls for labour unity , chancellor gordon brown has sought to quell speculation over who should run the labour party and turned the attack on the opposition conservatives . -__label__3 , in the news instant recall , oct . 11 issue - last week merck pulled its blockbuster arthritis-and-pain-relief drug vioxx from the market . this week the 1 . 27 million americans who were taking it are wondering what to do . -__label__2 , espn . com news services , houston -- the houston astros enter today #39 s contest against the colorado rockies knowing that a victory will earn them an improbable playoff berth . -__label__2 , ft birmingham 2 newcastle 2 , newcastle almost regained the lead when bellamy headed a corner from robert back across goal but elliotts close range effort was somehow kept out by a pack of blues bodies guarding the goal-line . -__label__1 , bus ambush kills 17 workers near tikrit , gunmen ambushed a bus carrying unarmed iraqis to work at a us ammunition dump near tikrit yesterday , killing 17 and raising the toll from three days of intensified and bloody terrorist -__label__2 , flu sidelines clemens on sunday , roger clemens was scratched from his start on sunday after spending most of the overnight hours battling a stomach virus . clemens #39 blood pressure was slightly elevated -__label__2 , final score ny giants 14 , green bay 7 , green bay , wi ( sports network ) - kurt warner threw a four-yard touchdown pass to jeremy shockey early in the fourth quarter to lift the new york giants over the green bay packers , 14-7 , at lambeau field . -__label__3 , oil price spike had chilling effect -fed , the recent spike in oil prices has had some negative impact on the us economy , but the futures markets suggest that this will be a temporary phenomenon , a top fed official said on sunday . -__label__3 , ahold to sell spain operations to permira ( ap ) , ap - the dutch supermarket retailer ahold , seeking to streamline global operations and reduce debt , said sunday it will sell its holdings in spain to permira funds for about #36 849 million . -__label__2 , streaking patriots still stinging from last game at buffalo , anytime someone tells bill belichick how great his team is , the new england patriots coach needs only to slip in a tape of last year #39 s season opener to stay grounded . -__label__1 , gunfire erupts in pro-aristide haiti slum , port-au-prince , haiti oct . 3 , 2004 - gunfire erupted in a slum teeming with loyalists of ousted president jean-bertrand aristide on sunday , sending people scattering through trash-strewn streets following -__label__3 , a painful mistake , in a world in which the fortune of a pharmaceutical company can rise and fall on the strength of a handful of blockbuster drugs , vioxx was a giant . -__label__4 , trash begins to clutter space station ( ap ) , ap - there ' s no space in the space station . with no garbage pickup by shuttles for nearly two years , the international space station is looking more and more like a cluttered attic . -__label__4 , mobile phone network reaches last of china ' s ethnic minorities ( afp ) , afp - china has brought its mobile phone network to the last of its ethnic minority regions previously cut off from communication with the outside world , state media reported . -__label__1 , liberals enter political minefield of minority government starting monday ( canadian press ) , canadian press - ottawa ( cp ) - a chastened liberal government will find itself relying on support from the very opponents it steamrollered for over a decade when prime minister paul martin begins steering his party through the first minority parliament in a quarter-century . -__label__4 , blackberry , beloved gadget , continues to thrive , bout a year ago , palmone was poised to challenge the dominance of the blackberry , the wireless e-mail device made by research in motion that has become the gadget of choice among celebrities and politicians . -__label__4 , you have mail , always , with a blackberry , washington lawyer william wilhelm knows from experience that not everybody loves his blackberry as much as he does . the girlfriend was fed up with a relationship -__label__1 , darfur rebels reject khartoum bid to split them ahead of talks ( afp ) , afp - ethnic minority rebels in darfur have rejected an attempt by the sudanese government to divide them ahead of a new round of peace talks in nigeria later this month , a khartoum daily reported . -__label__1 , nikkei opens higher ( reuters ) , reuters - the nikkei average rose 1 . 37 percent at\the opening on monday as a recovery in u . s . stocks encouraged\investors to seek bargains among lagging issues , including\canon inc . and other high-tech issues . -__label__1 , us football patriots ' historic win , new england win a record-tying 18th straight game - plus an nfl round-up . -__label__1 , aussie ruling party leads in election polls , but gap narrows , the government of prime minister john howard had a narrow lead in opinion polls heading into the final week of campaigning ahead of the australian federal election , but the opposition labor party was narrowing the gap , according -__label__2 , nl wrap expos end life in montreal with defeat to mets , new york ( reuters ) - david wright and todd zeile both homered to lead the new york mets to an 8-1 win over montreal at shea stadium on sunday , handing the expos a heavy defeat in their final game before moving to washington next season . -__label__2 , al wrap indians , twins split unique doubleheader , new york ( reuters ) - ben broussard belted a two-run homer to give the cleveland indians a 5-2 win over the minnesota twins to salvage a split of a unique doubleheader on the final day of the regular season on sunday . -__label__3 , japan shares up 2 percent by midday , japanese stocks rose 1 . 9 percent by midsession on monday as a strong performance by us semiconductor-related stocks gave a push to japanese peers such as advantest corp . -__label__4 , mexico ' s ' fire volcano ' erupts , no evacuations yet ( reuters ) , reuters - mexico ' s so-called fire\volcano spewed lava , glowing rocks and flames on friday in an\eruption that authorities said was not yet serious enough to\evacuate nearby villages . -__label__3 , the rippling pain from vioxx , prescription-drug recalls aren #39 t common , and they #39 re almost always controversial . now that merck ( mrk ) is voluntarily withdrawing its vioxx pain medication around the world , due to a heightened risk of cardiovascular -__label__3 , bush defends tax cuts , washington , oct 2 ( afp ) - us president george w . bush said saturday he would renew some of the huge tax cuts that form a cornerstone of his economic rejuvenation policy and chided democratic challenger john kerry for opposing the cuts . -__label__2 , this year #39 s panthers could learn a thing or two from michael vick , charlotte - michael vick head-butting an opposing linebacker may not have been the smartest thing for a national football league quarterback to do . -__label__2 , falcons not cruising at 4-0 they #39 re working , jim mora thought his team deserved a little something special . his atlanta falcons , with a thorough 27-10 pounding of the carolina panthers , had just extended their record to 4-0 for the first time since 1986 . -__label__4 , new tungsten boasts big storage , palmone #39 s tungsten t5 comes with 256mb of flash memory , so you never risk losing your data . if you #39 re a pack-rat type who likes to keep a lot of data you can #39 t afford to lose on your personal digital assistant , palmone has a handheld for you . -__label__2 , dodgers ready for anything , com . when dodgers coach glenn hoffman makes out the daily schedule of spring training drills , there are entries for pickoffs and cutoffs , bunt situations and hit-and-runs . -__label__1 , six shot dead in new northeast india violence , guwahati , india ( reuters ) - suspected separatist rebels stormed a village in india ' s northeast on monday and shot dead six people , police said , taking the toll in the worst violence in years in the troubled region to 62 . -__label__3 , susan tompor stores turn paper into e-checks , i picked up my 6-year-old son from school last week , and we drove to wal-mart to see the future for paper checks . we grabbed a few of life #39 s staples some legos , a pack of 3x5 cards to create -__label__3 , brewers buyer expected to step out of the shadows monday , milwaukee - paul attanasio says the story of his brother buying a baseball team is like a script straight out of hollywood . he should know . -__label__3 , nikkei up 2 . 5 pct in afternoon , tokyo #39 s nikkei average jumped 2 . 5 percent by mid-afternoon on monday as semiconductor-related stocks such as advantest corp . mirrored a rally by their us peers while banks and brokerages extended last week #39 s gains . -__label__2 , junior swears by win at talladega , dale earnhardt jr . went from 11th on a restart on lap 184 to first less than two laps later to win the ea sports 500 . he led nine times for 78 laps . -__label__4 , informed and awaiting a st . helens eruption , the people who remember the eruption of mount st . helens in 1980 are not as fearful as they were then , with scientists predicting a less powerful eruption . -__label__1 , tokyo stocks finish 2 . 6 percent higher ( ap ) , ap - tokyo stocks finished sharply higher monday , fueled by wall street ' s gains last week . the u . s . dollar was higher against the japanese yen . -__label__1 , gujarat riot murder retrial opens , the retrial of 16 hindus charged with the murder of 12 muslims in the gujarat riots of 2002 opens in mumbai . -__label__3 , update 2 tokyo stocks finish 2 . 6 percent higher , tokyo stocks finished sharply higher monday , fueled by wall street #39 s gains last week . the us dollar was higher against the japanese yen . -__label__3 , 150 , 000 new jobs expected , the economy probably added 150 , 000 jobs in september and the unemployment rate held steady at 5 . 4 , a three-year low , according to a survey of economists . -__label__1 , poland to cut iraq troops by 2006 , poland will reduce its commitment of forces to the war in iraq by 40 percent by the end of 2005 , the polish defense ministry in warsaw says . -__label__3 , ftse hits 27-month high , top shares have jumped to their highest level for 27 months , tracking a buoyant start to the fourth quarter across global stock markets and as takeover speculation continues to rumble among banks and elsewhere . -__label__4 , red hat buys netscape enterprise suite technologies , red hat chairman and chief executive matthew szulik said in a statement quot directory server and certificate management system have already been widely deployed in the enterprise and are mature -__label__2 , thierry heels the wounds , the mark of brilliance is to produce the unexpected . the proof of genius is to do it time and again . thierry henry is a brilliant genius . -__label__4 , peoplesoft ousts ceo , still opposes oracle bid ( usatoday . com ) , usatoday . com - peoplesoft ' s board might have finally blinked . the business-software maker , facing a 16-month takeover siege from rival oracle , has canned the ceo who bitterly opposed the deal and lost crucial regulatory support in its bid to stay independent . -__label__4 , worldpay struck by online attack , net payment system worldpay is under attack from hackers delaying transaction times for hundreds of online retailers . -__label__4 , fable nascar 2005 chase for the cup , fable comes with a big reputation behind it -- it was developed by peter molyneux , creator of such involved , engrossing games as populous and black and white . -__label__2 , els sweats out american express victory ( ap ) , ap - emotionally spent from a grand slam season of heartache , ernie els reasserted himself as a major force sunday by outlasting thomas bjorn in a brilliantly played duel in the cold rain in the american express championship . he closed with a 3-under 69 for a one-shot victory and his first world golf championship . -__label__1 , austria to extradite turkish underworld figure , vienna ( reuters ) - convicted turkish underworld boss alaattin cakici , sought on charges of corruption and extortion , will be extradited from austria to turkey , a district court ruled on monday . -__label__2 , ex-philly eagles coach nick skorich dies ( ap ) , ap - nick skorich , head coach of the philadelphia eagles from 1961-63 and the offensive line coach on the 1960 championship team , has died at the age of 83 . -__label__2 , loeb looks for home comforts , sebastien loeb is dreaming of a title- winning homecoming after moving a step closer to the world championship in the italian rally . -__label__3 , office depot chairman , ceo nelson resigns , office depot inc . ( odp . n quote , profile , research ) on monday said chairman and chief executive bruce nelson resigned quot by mutual agreement quot with the board , after four years at the helm . -__label__4 , metcalfe , allen back zigbee start-up , ember , a start-up that is developing chips for zigbee--a low-cost , low-power wireless networking standard--received \$25 million in venture capital funding this week . -__label__3 , office depot chairman , ceo nelson resigns , office depot inc . ( odp . n quote , profile , research ) , the no . 2 us office supply chain , on monday said chairman and chief executive officer bruce nelson has resigned and a search for his successor is underway . -__label__4 , palmone announces tungsten t5 , palmone has introduced the new tungsten t5 pda . the new tungsten t5 features 256mb of flash memory , which doesn #39 t lose data when the device loses its charge . -__label__4 , gluecode delivers open source bpm engine ( infoworld ) , infoworld - hoping to put in place the last missing piece of the java stack , gluecode software and the apache software foundation this week unwrapped project agila , which the companies claim is the first embeddable open source bpm engine . -__label__3 , peoplesoft raises revenue forecasts , new york ( reuters ) - peoplesoft inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=psft . o target=/stocks/quickinfo/fullquote> psft . o< /a> , fresh from firing its chief executive amid a hostile takeover bid from oracle corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=orcl . o , target=/stocks/quickinfo/fullquote> orcl . o , < /a> on monday said quarterly revenue would exceed wall street ' s expectations , helped by an increase in customers making larger orders for its business software . -__label__1 , poland to reduce force in iraq , poland will significantly reduce its number of troops in iraq by the end of 2005 , the country #39 s defense minister said on monday . -__label__4 , a first look at palmone #39 s t5 , new york - if palmone #39 s tungsten t5 handheld was an automobile , it would be described as being a facelift rather than a complete overhaul of the model that preceded it , the tungsten t3 . -__label__3 , top court upholds visa , mastercard ruling , washington ( reuters ) - the supreme court on monday let stand a ruling that the visa and mastercard credit card associations violated federal antitrust law by barring their member banks from issuing credit and charge cards on the rival networks of american express co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=axp . n target=/stocks/quickinfo/fullquote> axp . n< /a> and morgan stanley . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mwd . n target=/stocks/quickinfo/fullquote> mwd . n< /a> . -__label__3 , imf sees rising oil prices having little impact on global growth , tokyo rising oil prices are unlikely to deal a major blow to global economic growth although the trend may seem quot uncomfortable , quot a researcher with the international monetary fund says . -__label__1 , al moves to stop israeli attacks against the palestinians , the arab league al has assigned the arab group at the un to call for convening an urgent meeting for the un general assembly or the un security council to halt the quot israeli war of extermination against the palestinian people . -__label__4 , eu pursues oracle-peoplesoft case ( ap ) , ap - european union regulators suggested monday they are not bound by a u . s . decision to allow oracle corp . to pursue its #36 7 . 7 billion bid for rival business software maker peoplesoft inc . and are continuing to collect data on the deal . -__label__1 , new poll shows bush and kerry in dead heat ( reuters ) , reuters - president bush is now in a\statistical dead heat with democratic challenger sen . john\kerry for the nov . 2 election , in a tightening of the race\after the first debate last week , a poll on monday showed . -__label__4 , coping with the common cold , by karen pallarito , healthday reporter healthdaynews -- determined this cold season to nip your sneezing , runny nose and scratchy throat in the bud before those nasty respiratory symptoms sideline you ? there ' s a broad array of cold remedies you might want to try , ranging from over-the-counter preparations to basic ingredients tucked away in your kitchen pantry . so what ' ll it be ? a combination pain reliever and nasal decongestant ? vitamin c and echinacea ? tea with honey ? a brimming bowl of chicken soup ? it turns out the best advice for dealing with the misery of a cold is the same principle mothers often apply when trying to coax their unruly toddlers to take a nap whatever works . . . -__label__4 , ballmer microsoft is listening to customers , microsoft chief executive steve ballmer says the software giant is listening to customers , and wants to make the company and its employees more accountable for delivering on its plans . -__label__1 , steep rise in haiti storm deaths , the number of deaths from floods in haiti caused by tropical storm jeanne has risen sharply to 1 , 970 , with 884 still missing , officials say . -__label__3 , sungard to spin off data recovery unit , new york ( reuters ) - sungard data systems inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=sds . n target=/stocks/quickinfo/fullquote> sds . n< /a> on monday said it would spin off its data recovery business , sending its stock up 11 percent to a four-month high . -__label__1 , flight diverted to uk after bomb threat , a singapore airlines passenger jet from frankfurt to new york was diverted to manchester airport in northern england on monday after a bomb threat that police said may have been a hoax . -__label__4 , small office / home office wi-fi device finds hotspots , more and more venues are becoming hotspots . using the wireless 802 . 11x protocol better known as wi-fi , these hotspots can be found in airports , libraries , coffeehouses , restaurants , shopping -__label__3 , sbc links e-mail , voice messages , fax , sbc on monday announced a new service that integrates voice messages , faxes and e-mails into a single mailbox that can be accessed from anywhere by phone or the internet . -__label__4 , opm delving deeper into employees #39 backgrounds , which sets hiring and employment standards for the government -- is reviewing its employees to ensure that they are suitable for jobs involving the quot public trust . -__label__2 , rijkaard - has suffered edmilson blow , barcelona have been stunned by the news that brazilian centre-half edmilson will be out of action for at least six months with a knee injury . -__label__1 , car bombs strike baghdad , at least 10 people were killed and 76 injured when one exploded near an army recruitment centre outside the top-security green zone housing iraq #39 s interim government and the us embassy . -__label__3 , irs demands fica from chili ' s owner , new york ( reuters ) - brinker international inc . which operates the chili ' s restaurant chain , on monday said it received a demand from the u . s . internal revenue service regarding the company ' s share of fica taxes on unreported tips of \$31 . 4 million during 2000 to 2002 . -__label__4 , spaceshipone wins x prize , scaled composites #39 spaceshipone broke the 100-km barrier for the second time , satisfying the conditions to win the \$10 million x prize . -__label__3 , top court upholds visa , mastercard ruling , washington/new york ( reuters ) - the supreme court on monday let stand a ruling that the visa and mastercard credit card associations violated u . s . antitrust law by barring member banks from issuing credit and charge cards on rival networks owned by american express co . and morgan stanley . -__label__1 , video shows militants killing iraqi from italy , turk , baghdad ( reuters ) - islamic militants distributed a video in iraq on monday showing the killings of two men who identified themselves as an italian of iraqi origin and a turk . -__label__1 , iraq video shows ' hostage deaths ' , a video is released which apparently shows the killing of two hostages in iraq , while two others are released . -__label__1 , turkey defiant over eu accession , turkey ' s foreign minister says the eu should not attach conditions to turkey ' s bid to start membership talks . -__label__4 , navy streamlines nmci contract , officials at the navy and contractor eds said they have reached an agreement to revise performance measurements on the navy marine corps intranet contract , which eds called a critical step toward billing nmci seats on a 100 percent basis . -__label__2 , reeling pack sends mckenzie to new orleans , green bay #39 s front office apparently had seen enough of cornerback mike mckenzie . his holdout and mystery hamstring injury , which had kept him out of the past -__label__4 , cox brings voip service to more cities , company also plans to launch a business-class net phone service in roanoke , va . , as cable providers battle to gain market share . -__label__3 , lockheed martin led group wins 3 billion dollar us postal service < b> . . . < /b> , owego , united states a group of technology and telecommunications heavyweights led by lockheed martin corp has won a potential three billion dollar contract from the us postal service to revamp its vast data communication networks , lockheed martin said . -__label__4 , peoplesoft revenues to beat expectations ( newsfactor ) , newsfactor - peoplesoft ( nasdaq psft ) said on monday that quarterly revenues would beat wall street ' s expectations , due to an increase in the number of customers making large orders for its enterprise-application software . -__label__3 , taking advantage of the terminally stupid , would you pay \$4 for something that , at best , is worth a dime ? concord communications shareholders would . -__label__2 , chiefs have opportunity to get back on track , kansas city needs a win in the worst way . thats obvious but tonight they face a tough baltimore ravens team that has as many question marks as our hometown chiefs . -__label__1 , israeli soldiers kill palestinian gunman in gaza -army ( reuters ) , reuters - israeli soldiers shot and killed a\palestinian gunman on monday as he approached a military\outpost near a jewish settlement in the southern gaza strip , a\military source said . -__label__1 , halliburton set for spotlight in vp debates ( reuters ) , reuters - a name likely to come up in\tuesday ' s vice presidential debate is halliburton , the texas\company once run by dick cheney that democrats say is an\example of cronyism because of its lucrative iraq deals . -__label__3 , air canada shares , shares of the new air canada pushed higher as they began trading today , gaining more than 25 percent from their issue price of \$20 . -__label__3 , update 4-court #39 s cards ruling to aid mbna , american express , the supreme court on monday let stand a ruling that the visa and mastercard credit card associations violated us antitrust law by barring -__label__4 , apple releases security update 2004-09-30 ( maccentral ) , maccentral - apple on monday released security update 2004-09-30 , which fixes two afp server and cups issues as well as problems with netinfomanager , postfix and the serveradmin component in mac os x server v10 . 2 . 8 and v10 . 3 . 5 . in addition , a quicktime heap buffer overflow problem that could allow someone to execute code hidden in a bmp has been repaired . the cups and quicktime fixes apply to mac os x v10 . 3 . 5 and v10 . 2 . 8 as well as the server versions of each while the others apply only to the user and server editions of v10 . 3 . 5 . -__label__4 , south seas islands pin future on geotourism , the cook islands receive more tourists per capita than any other south pacific destination . now authorities are revamping their tourism strategy to focus on preservation . -__label__1 , briton charged with plotting bomb attack , washington - u . s . authorities brought charges monday against a british man they contend conspired with admitted al-qaida member richard reid to use shoe bombs to blow up planes in midair . . . -__label__4 , flash memory abounds in palmone #39 s tungsten t5 , palmone inc . unveiled a new version of its tungsten-class personal digital assistant monday that is designed to protect data even when the device #39 s battery dies . -__label__4 , ibm unveils notebook with fingerprint reader , ibm on monday introduced a biometric notebook computer with an integrated fingerprint reader , which it says can recognize the user of the computer . -__label__4 , it #39 s time for tech firms to bet on growth , industry leaders have been offering too few innovations and too many marginal upgradesat not-so-marginal prices . there #39 s a joke going around that our lives have become so boring that we #39 ve taken up watching people play cards on tv . -__label__2 , sosa exits before game , angering management , when his cubs teammates were taking the field sunday for the final game of the season , sammy sosa already had taken off . and now it is possible sosa has played his final game as a cub . -__label__1 , un calls emergency meeting over israeli onslaught , the un security council called an emergency meeting monday at the request of arab nations to consider a resolution demanding an immediate halt to a major israeli offensive in the northern gaza strip . -__label__3 , supreme court turns down #39 do not call #39 case , supreme court - the supreme court is refusing to hear a challenge to the federal do-not-call telephone registry . telemarketers have been trying to invoke free-speech rights to do away with the ban on unwanted phone solicitations . -__label__4 , xamlon looks to beat microsoft to the punch , this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . software engineer and entrepreneur paul colton thinks he can beat microsoft by taking a page from its play book--literally . -__label__4 , judge challenges eu position on microsoft ( reuters ) , reuters - a top european union judge\challenged the eu executive ' s reasoning in its antitrust court\battle with microsoft corp . friday , questioning why it opposed\the u . s . software giant ' s setting industry standards . -__label__1 , voters flock to register by deadline , in a glimpse of what the nation might see a month from now , people lined up at election offices and caused parking lot traffic jams as voter registration deadlines fell monday in more than a dozen states . many officials reported record numbers of new voters , some said they were overwhelmed , and allegations were already flying about fraud and the disqualification of some voters ' applications . . . -__label__2 , brewers introduce prospective buyer , milwaukee , wi ( sports network ) - mark l . attanasio was introduced as next owner of the milwaukee brewers on monday . attanasio , an investor from los angeles , is planning on buying the team from the family of commissioner bud selig . -__label__2 , spielman defends decisions with dolphins ( ap ) , ap - miami dolphins general manager rick spielman watches home games from the owner ' s box , which would be the best seat in the house if the team was better . -__label__2 , brewers officially introduce team buyer ( ap ) , ap - the milwaukee brewers officially introduced los angeles investor mark attanasio on monday as the buyer of the ballclub . -__label__1 , france criticizes iraq hostage mediators , france has criticized unofficial negotiators for complicating release efforts for two french hostages held in iraq , the bbc reported saturday . -__label__1 , court weighs legal rights of mich . poor ( ap ) , ap - with backing from two-fifths of all states , michigan asked the supreme court on monday to whether a state can refuse to pay for appeals by indigent defendants who plead guilty to crimes . -__label__1 , un signs pact with new world court opposed by u . s . , united nations ( reuters ) - the united nations signed a cooperation agreement on monday with the new international criminal court , despite objections to the tribunal from the united states . -__label__2 , espn . com news services , six months ago , scottie pippen issued a quot this is probably it for me quot declaration , that last season was looking more and more like his last in an nba uniform . -__label__4 , peoplesoft down on testimony , forecast , investors react to a disappointing earnings projection and to testimony that dampens hopes of negotiations with oracle . -__label__3 , new siebel chief outlines chapter 2 for crm vendor , after 10 years of focusing on product development and delivery , ceo michael lawrie says siebel had to recognize that technology is only one part of the crm equation . -__label__1 , gordon cooper , nasa mercury pioneer , dies , los angeles - gordon cooper , who was the youngest and perhaps cockiest member of the original mercury astronauts and set the space endurance record that helped clear the way for the first moon landing , has died . he was 77 . . . -__label__3 , ex peoplesoft chief admits lying to analysts , wilmington the former chief executive of peoplesoft , who was fired last week , said he lied to wall street analysts last year about the impact of oracle #39 s hostile bid on the company #39 s business . -__label__4 , revamped tungsten hangs on to data , update palmone on monday introduced a handheld computer that holds on to data even when the battery runs down , as part of a revamping of its mobile-device lineup . -__label__2 , moose bullish about chances , this is mike mussina #39 s fourth postseason here , so he knows the drill . he understands that all of his bad memories of his disappointing season -- the japan trip , his early-season struggles and -__label__1 , rebels kill dozens in indian unrest , india #39 s restive north-east is reeling from one of its bloodiest waves of violence in years . bombings over the weekend left more than 60 dead and 140 injured . -__label__4 , web snags right demographic ( washingtonpost . com ) , washingtonpost . com - in 1996 , the internet was a curiosity for most , the record labels were swollen with cash from cd sales , and r . e . m . ' s new adventures in hi-fi could only add to that hoard . critics and fans drooled for the alt-rockers ' follow-up to their last two hit albums , and the media counted down the days until the cd hit stores in september of that year . -__label__1 , u . s . seeks reconciliation with oil-rich venezuela , sao paulo , brazil ( reuters ) - the united states said on monday it will seek better ties with oil-rich venezuela in the clearest sign since president hugo chavez won a recall referendum in august that washington is looking for reconciliation with the firebrand populist . -__label__1 , venezuela seeking arms , perhaps mig-29s , < p> < /p> < p> caracas , venezuela ( reuters ) - venezuela is looking to buyarms to strengthen its military capability and russian mig-29fighters are among the options being evaluated , a seniorofficer said on monday . < /p> -__label__2 , cards won #39 t overlook dodgers , the last time tony la russa managed a postseason series against the dodgers , his club was an oakland juggernaut that dominated the regular season with 104 victories . -__label__2 , texans follow astros #39 lead , the news sports editor . houston - the houston astros weren #39 t the only team in the bayou city toasting a watershed achievement sunday afternoon . -__label__1 , us soldiers in iraq murder probe , four soldiers are charged with the murder of an iraqi general who died in custody in iraq , the us army says . -__label__4 , #39 kind of a creepy thing #39 clues to human origins turn up in head < b> . . . < /b> , lice genes have been a head-scratcher for experts in human origins who now suspect that we humans picked up some parasites from our more primitive ancestors . -__label__1 , insurgents target green zone , insurgents exploded two car bombs at the gates of the main us-iraqi headquarters in baghdad and near major hotels monday , killing at least 21 people and wounding 96 . -__label__3 , feds kick off digital tv consumer campaign , washington - it #39 s one of the biggest technical changes in television since color tv the digital transition . and because many americans remain in the dark about it , federal regulators began an education campaign monday to enlighten them . -__label__3 , aig #39 s war of words with watchdogs , america #39 s largest insurer is in hot water again with regulators . american international group ( aig ) said on oct . 4 that officials at the securities amp exchange commission and the justice dept . -__label__1 , sex toy shuts down australian airport , a scare triggered by a vibrating sex toy shut down a major australian regional airport for almost an hour on monday . the vibrating object was discovered on monday morning inside a garbage can at the terminal -__label__2 , gibbs doubts skins were tipping plays , if the cleveland browns knew what plays the washington redskins were going to run before the ball was snapped sunday , a review of the game tape 24 hours later revealed scant evidence of it . -__label__1 , why putin is backing kyoto again , why did russian president vladimir putin decide to ratify the kyoto protocol on climate change last week , only six months after his top adviser , andrei illarionov , called it a quot death treaty ? -__label__4 , early astronaut showed the moon was attainable , gordon cooper jr . , one of the original seven astronauts who became space pioneers and national celebrities , died monday at his home in ventura , calif . -__label__1 , cambodia #39 s legislature bars government from pardoning khmer rouge , legislators today approved laws barring the cambodian government from pardoning khmer rouge suspects , one day after ratifying a landmark un-backed plan to set up a tribunal to prosecute surviving leaders of the murderous 1970s regime . -__label__3 , small changes , big profits , staples inc . hosted a daylong event last week for analysts who follow the company ' s stock , laying out plans to keep growing in the immediate future and beyond . everyone went home smiling . -__label__3 , sec considering civil action over 3 aig press releases , american international group inc . said it has been informed by the securities and exchange commission that it could face a civil action over three of the company ' s press releases , two of which came out in recent weeks . -__label__2 , report glazer soccer bid near , malcolm glazer , tycoon owner of the tampa bay buccaneers , reportedly plans to bid more than \$1 . 2-billion to take control of british icon manchester united , the world #39 s richest soccer team . -__label__4 , russia may ratify kyoto protocol in oct . -- minister ( reuters ) , reuters - the russian government expects\parliament to ratify the kyoto protocol this month in a move\allowing the long-delayed climate change treaty to come into\force worldwide , a senior minister said monday . -__label__1 , ex-general wins indonesian elections , retired general susilo bambang yudhoyono was on monday confirmed as indonesia #39 s next leader as final counting from the country #39 s first direct presidential polls gave him a landslide victory over his predecessor . -__label__3 , hutchison cuts ipo size by 7 pct , hong kong hutchison telecommunications international ltd ( htil ) cut the size of its ipo for a second time to bolster interest in its shares , reducing the sale #39 s value by about 7 percent to between us\$890 million and us\$1 . -__label__3 , webcrawler a9 . com is cool , now heres something else thats off the mind . theres no more need to make mental or computer notes while searching the internet . -__label__3 , us airways to cut hundreds of jobs , us airways group inc . plans to eliminate hundreds of management and nonunion jobs and cut top executives ' pay by between 5 and 10 percent . -__label__4 , nobel honours sub-atomic world , us scientists david gross , david politzer and frank wilczeck win the nobel physics prize for their insights into the deep structure of matter . -__label__1 , tennis night final for aus open , the centenary australian open will be the first grand slam event to stage its final at night . -__label__1 , u . s . defends detentions , the bush administration argued monday that the president can detain enemy combatants at a military prison in cuba as long as necessary to protect national security and that they have no constitutional rights to hear charges against them . -__label__3 , avaya to buy germany ' s tenovis ( reuters ) , reuters - avaya inc . , a\telecommunications equipment supplier , on tuesday said it would\buy tenovis gmbh co . of germany from private equity firm\kohlberg kravis roberts co . for #36 370 million to expand its\presence in europe . -__label__3 , oil prices set a new record above \$50 , singapore ( reuters ) - oil prices set a new record above \$50 a barrel on tuesday as a prolonged u . s . production outage following hurricane ivan attracted fresh speculative buying . -__label__3 , lazard meets in paris to discuss ipo , paris ( reuters ) - lazard ' s board was meeting in paris on tuesday to consider a share sale that could end more than 150 years of private ownership at the largest remaining independent investment bank and buy out its founding families . -__label__1 , israelis force down lufthansa jet , israeli jets force a flight to tel aviv to land in cyprus after a bomb alert german officials did not consider serious . -__label__3 , singapore airlines confirms sale of air nz stake , sydney - singapore airlines announced on tuesday the sale of its quot non-core quot 6 . 3 stake in air new zealand , ending a four-year strategic investment in the now government-owned carrier . -__label__3 , kodak eliminating nearly 900 jobs in england , france , _ eastman kodak co . announced tuesday it will cut nearly 900 jobs at three of its manufacturing facilities in europe as part of the company #39 s shift from traditional film production to digital photography . -__label__1 , russian parliament to consider kyoto ratification in october < b> . . . < /b> , moscow . oct 5 ( interfax ) - boris gryzlov , chairman of the state duma , the lower house of the russian parliament , told journalists on tuesday that the duma will be prepared in october to ratify the kyoto protocol . -__label__1 , fec wants campaign finance decision stayed ( ap ) , ap - federal election officials have asked a judge to stay a ruling striking down several government regulations on political fund raising , arguing that rules interpreting the nation ' s campaign finance law are crucial as the election approaches . -__label__1 , israeli fighters force lufthansa jet to cyprus , israeli jet fighters forced a lufthansa passenger plane bound for tel aviv to land in cyprus on tuesday due to a bomb threat . lufthansa said it had not judged the threat to be serious but that israel had insisted -__label__4 , palmone , microsoft set software pact , palmone inc . , the leading maker of handheld computers , said tuesday it licensed microsoft corp . software that enables secure delivery of corporate e-mail to portable devices . -__label__4 , sharp displays 65-inch lcd tv ( pc world ) , pc world - company claims the hdtv is the biggest of its kind . -__label__4 , treos to sync to ms exchange , palmone has licensed microsoft #39 s exchange server activesync protocol for use on future treo devices , allowing for wireless server synchronization . -__label__2 , els looks ahead with promise after major woes , london ( reuters ) - after being a frustrated ' nearly man ' at this year ' s majors , ernie els plans to make the most of a near-perfect finish to the 2004 season . -__label__3 , acuity earnings rise on improved demand , chicago ( reuters ) - acuity brands inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ayi . n target=/stocks/quickinfo/fullquote> ayi . n< /a> , a maker of lighting products and specialty chemicals , on tuesday said quarterly profit rose 87 percent due to improved sales , lower operating expenses and a lower tax rate . -__label__3 , parmalat investors flock to court seeking damages ( update2 ) , hundreds of italians who lost savings in the collapse of food company parmalat finanziaria spa flocked to milan #39 s courthouse , seeking to recover damages as part of the criminal investigation of italy #39 biggest bankruptcy . -__label__3 , minot officials give preliminary approval to wal-mart supercenter , minot , nd - city council members have given wal-mart preliminary approval to build a supercenter , though not without some soul-searching . -__label__4 , big guns board intertrust drm bandwagon , intertrust , philips and sony have added more top consumer electronics , content and technology heavyweights to their attempt to create an open interoperable digital rights management environment . -__label__1 , mofa releases new names of indonesian hostages , jakarta ( antara ) the ministry of foreign affairs offered up on tuesday yet new names of two indonesian women that were released by iraqi abductors on monday . -__label__1 , pitcairn mayor pleads guilty to sex attack , the mayor of pitcairn island has changed his plea to guilty and faces sentencing for sexually assaulting young girls , the telegraph reported tuesday . -__label__3 , judge indicts 2 former parmalat auditors , milan , italy oct . 5 , 2004 - two former auditors at parmalat were ordered to stand trial for market rigging under a fast-track procedure , the first indictments since the massive fraud scandal at the italian-based dairy giant . -__label__2 , japan #39 s sato staying at bar , japan #39 s takuma sato will continue to drive for bar next season , the formula one team said on tuesday . sato , gearing up for his home grand prix at suzuka on sunday , is eighth in the -__label__3 , update 1-ups buys cnf #39 s menlo worldwide , united parcel service inc . ( ups . n quote , profile , research ) agreed to buy menlo worldwide forwarding , a unit of cnf inc . ( cnf . n quote , profile , research ) , for \$150 million in -__label__1 , israel says it attacked islamic jihad leader ( reuters ) , reuters - the israeli army said it had attacked\the car of the palestinian islamic jihad militant commander who\was killed in a gaza city airstrike on tuesday . -__label__1 , chechnya ' s new leader knows he ' s a rebel target , grozny , ( reuters ) - chechnya ' s pro-kremlin leader was sworn in as president of the turbulent russian region tuesday and acknowledged immediately he was a prime target for assassination by separatists . -__label__3 , german retailer snubs union plan , struggling german department store owner , karstadtquelle , has rejected unions concessions over pay considered crucial to a successful restructuring of the firm . -__label__3 , oil hits \$51 a barrel on supply outage , new york ( reuters ) - oil prices hit a new record of more than \$51 a barrel tuesday as a prolonged u . s . production outage following hurricane ivan attracted fresh speculative buying . -__label__3 , lazard meeting ends without ipo decision , paris ( reuters ) - lazard ' s board on tuesday failed to decide on a share sale that would end over 150 years of private ownership at the independent investment bank but most partners seemed to back the plan , sources close to the matter said . -__label__3 , chiron won ' t make flu vaccine , stock down , washington ( reuters ) - the company that makes half the flu vaccine used in the united states said on tuesday it will not supply any vaccine for the coming flu season because of problems at its plant in britain , throwing a major u . s . flu drive into disarray . -__label__2 , vikings rb onterrio smith suspended , minneapolis , mn ( sports network ) - minnesota vikings running back onterrio smith , who has been suspended four games for violating the nfl #39 s substance abuse policy , will begin serving that suspension sunday . -__label__4 , is peoplesoft waiting for the right price ? , a company board member testifies in trial that a sale would be possible if oracle ups its offer . -__label__3 , dollar drifts lower as u . s . data weigh , new york ( reuters ) - the dollar edged lower on tuesday after bearish reports on the u . s . services sector and job market caused a sell-off ahead of friday ' s widely anticipated september employment data . -__label__1 , refugees fate of hundreds unknown , un officials have been denied permission to check the safety of about 850 migrants deported to libya from italy since friday . the italian government is flying the migrants to libya after hundreds landed on -__label__3 , chip and pc stocks mixed on warnings , semiconductor stocks were mixed tuesday after advanced micro devices inc . warned quarterly revenue would be lower than expected due to sluggish sales of flash memory chips used in mobile phones and other devices . -__label__4 , national geographic photo camps give kids new views , in new york , san francisco , and washington , d . c . , national geographic ' s photo camps this summer paired underprivileged students with seasoned photogropaphers . < i> with photo gallery . < /i> -__label__4 , amazon updates web services tools , adds alexa access , the amazon web services ( aws ) division of online retail giant amazon . com yesterday released amazon e-commerce service 4 . 0 and the beta version of alexa web information service . -__label__4 , biography of a worm , can anything stop the next global virus outbreak ? we follow the trail of one recent worm to see how the security system works--and whether it can be fixed . -__label__1 , us stops short of backing brazil on un council seat , the united states stopped short of endorsing brazil #39 s ambition for a permanent seat on an expanded un security council but did say the country would be a quot solid candidate . -__label__4 , ballmer strikes big rivals from microsoft shopping list , lisbon - customers watching for microsoft corp . to make a headline-grabbing buy in the business applications market faced disappointment tuesday as company chief executive officer steven ballmer ruled out acquisitions of peoplesoft inc . , oracle corp . and sap ag . -__label__1 , us vetoes gaza resolution , the united states on tuesday vetoed an arab-backed resolution demanding an immediate end to military operations in gaza and a pullout of israeli forces . -__label__4 , avaya to buy german ip telephony vendor , u . s . telecommunications equipment maker avaya inc . increased its presence in europe to the tune of about \$635 million on tuesday , agreeing to acquire german enterprise communications vendor tenovis gmbh co . kg . -__label__1 , poland to decide on iraq pullout soon , warsaw - poland should decide soon when to pull its troops out of iraq and end a political debate that encourages al-qaeda , prime minister marek belka says . -__label__4 , yahoo offers personal search , yahoo launched a new service designed to let users of its search engine save and manage their query results for accessing later and sharing with others , the company said tuesday . -__label__2 , tigers exercise trammell #39 s option , the tigers face plenty of decisions on players from here on out . their option on the manager was a quick one . two days after alan trammell completed his second season at -__label__2 , jaret wright back in the postseason spotlight with braves , jaret wright couldn #39 t get much lower waived by a last-place team , he stood outside houston #39 s minute maid park with his luggage stacked beside him , waiting for a cab that would take him to the airport . -__label__2 , perez struggles against the cardinals , odalis perez learned just how quickly things could unravel against the potent st . louis cardinals . after allowing albert pujols #39 first-inning home run tuesday , perez held the cardinals hitless until there were two outs in the third . -__label__1 , blair flies to sudan to press for darfur peace ( reuters ) , reuters - britain ' s tony blair flew to khartoum on\wednesday as the most senior yet in a parade of western\government figures seeking to pressure sudanese officials over\violence in darfur province . -__label__2 , nba star pippen announces retirement , national basketball association star scottie pippen has announced his retirement from the game , leaving the chicago bulls team he helped lead to six nba titles . -__label__2 , schilling , ramirez lead red sox to easy opening win , curt schilling pitched 6 2/3 innings and manny ramirez hit a three-run homer in a seven-run fourth frame to lead the boston red sox to a 9-3 win over the host anaheim angels in their american league divisional series opener tuesday . -__label__2 , cape town f1 bid , and they plan to build a multi-million-dollar race track here for the event , an official said today . quot the plans for the bid are far advanced . -__label__2 , millar and ramirez homers highlight big boston inning , the red sox thought they were going to have to earn all their runs against the angels the hard way . anaheim allowed the fewest numbest of unearned runs in the majors all season ( 36 ) . -__label__2 , titans receiver out with knee injury ( ap ) , ap - tennessee receiver tyrone calico will miss at least two to three weeks with torn cartilage in his left knee #151 another big loss for the titans ' receiving corps . -__label__1 , pitcairn trial views police interview tape , the court presiding over the pitcairn island sex trials has been shown a videotape of a police interview with one of the accused . steven christian denies rape but he does admit to having sex with underage girls . -__label__3 , update 1 hollinger to take \$27m charge for suits , hollinger international inc . said tuesday it will take a pretax charge of \$27 million to settle advertisers #39 lawsuits over inflated circulation numbers issued for years by the chicago sun-times . -__label__4 , wireless sensors ready to go global ? , soon millions of the data-collection devices will be scattered around the world , but there are still many obstacles to the networks . -__label__3 , uk #39 s diageo gets \$2 . 26 bln from general mills sale , britain #39 s diageo plc ( dge . l quote , profile , research ) , the world #39 s biggest spirits group raised \$2 . 26 billion from its sale of 49 . -__label__3 , japan stocks flat after wall street , the nikkei average was flat in mid-morning trade on wednesday , bolstered by bargain-hunting of a number of blue-chip stocks after us stocks showed resilience despite a rise in oil prices to new highs . -__label__2 , jug half full gophers hope to hit ground running at michigan , if minnesota wants to walk out of michigan stadium with the little brown jug for the first time since 1986 , it had better hope its offense is its old self and its defense isnt . -__label__1 , hk democrats to take seats , a new crop of hong kong democrats are due to be sworn in to the legislative council . -__label__3 , freddie tightens controls , mortgage giant freddie mac announced monday that it is shutting down some operations of its debt-securities sales division and transferring others - moves that experts said should tighten the company #39 s internal controls after an -__label__1 , karzai braves election rally to cheers , afghanistan #39 s interim president hamid karzai has left his heavily fortified compound in kabul for his first election rally , in the last week of campaigning , for this saturday #39 s first ever direct elections . -__label__1 , uk satisfied with peace process , says hoon , islamabad , oct 5 british defence secretary geoff hoon said on tuesday that history would judge the pace of the peace process between pakistan and india . -__label__1 , afghan race shaping up as battle of the modern and traditional , more than 1 , 000 leathery , turbaned men gathered in a cavernous village mosque friday for a presidential campaign rally . they no longer carried rifles , and some had even brought their small sons . -__label__1 , disappearance of baby azaria to remain australia ' s greatest mystery ( afp ) , afp - the disappearance of baby azaria chamberlain 24 years ago is expected to remain one of australia ' s most celebrated mysteries after the coroner ' s office ruled here that there was no new evidence to justify reopening the case . -__label__4 , verizon unveils wireless retriever , cell phone contacts find their way into new phones for \$1 . 99 a month--without the thumb strain . -__label__3 , stocks retreat as crude rises , the dow jones industrial average fell 38 . 86 , or 0 . 4 percent , to 10 , 177 . 68 . the standard amp poor #39 s 500 index was down 0 . 69 , or 0 . 1 percent , at 1 , 134 . -__label__1 , british fm makes surprise trip to iraq , children collect usable metal parts from the site of a car bomb explosion in baghdad , iraq , october 4 . ap . baghdad ( afp ) - britain #39 s foreign secretary jack straw paid a surprise visit to iraq on tuesday amid -__label__1 , detainees seen as minimal threat , washington -- most of the alleged al qaeda and taliban inmates at the us military prison at guantanamo bay , cuba , are likely to be freed or sent to their home countries for further investigation because many pose little threat and are not providing much valuable intelligence , the facility ' s deputy commander has said . -__label__1 , us , iraqi forces in new push to retake rebel zone , us and iraqi forces pushed on with their second major offensive in a week wednesday , hunting insurgents in a triangle southwest of baghdad that has become one of iraq #39 s most notorious hot spots . -__label__4 , house oks bill imposing ' spyware ' fines , companies and others that secretly install spyware programs on people ' s computers to quietly monitor their internet activities would face hefty federal fines under a bill the house passed tuesday . -__label__4 , fujitsu to announce nocona-based servers , fujitsu computer systems corp . on wednesday plans to unveil upgrades to the company ' s primergy tower and rack-mounted servers that will use the 64-bit capable version of the xeon processor , code-named nocona . -__label__3 , peoplesoft ceo ousted for #39 situational ethics #39 , accountingweb . com - october 06 , 2004 - the opening of a trial related to oracle #39 s takeover bid of peoplesoft featured the revelation that ceo craig conway was fired last week for making misleading statements about peoplesoft #39 s sales . -__label__2 , cardinals swing into playoff mode , st . louis - when the st . louis cardinals were playing . 500 ball for the last two weeks of the regular season after already having clinched the national league central championship , one question persisted . -__label__3 , on average , quarter was a loser ( usatoday . com ) , usatoday . com - in the great race between stock mutual funds and the mattress , the mattress won . -__label__2 , hewitt advances at japan open ( ap ) , ap - top seeded lleyton hewitt rallied to a 6-0 , 3-6 , 6-1 win over japan ' s gouichi motomura on wednesday in the second round of the japan open . -__label__4 , ibm delivers websphere 6 . 0 , ibm on wednesday formally announced the next major release of websphere , code-named vela , which company officials see as an integral building block for both its ongoing soa ( service-oriented architecture ) and on demand strategies . -__label__4 , amd sheds light on dual-core plans , upcoming opteron chips will occupy the same space as single-core models . -__label__3 , ca aquires computer security firm , computer associates international inc . , as promised , is back in the acquisition game , scooping up its second computer security company in as many months with an agreement to buy netegrity inc . -__label__4 , how to take the perfect penalty , a sports psychologist says how footballers should prepare themselves for the high-pressure penalties . -__label__3 , us files wto case against europe over airbus aid ( update3 ) , the us filed a complaint at the world trade organization , arguing that european union loans to aircraft maker airbus sas are an illegal subsidy . -__label__3 , corporate tax bill nearing approval , washington us house and senate negotiators , moving swiftly to finish a bill that would create more than \$100 billion in corporate tax breaks , have approved a \$10 billion buyout for tobacco farmers and rejected a senate provision that would have subjected -__label__1 , afghans rocky road to historic elections , kalakan , afghanistan there were toothless old men , turbaned and gray-bearded , and young men not yet old enough to shave . there were mullahs and mujahedeen , and the presidential candidate #39 s 3-year-old son . -__label__3 , pacific oil link is best for russia , ambassador says ( update1 ) , russia , the world #39 s second-biggest oil exporter , will benefit most from a siberian crude oil pipeline to the pacific rather than to china as energy resources are needed to develop the -__label__3 , ca to buy netegrity for \$430 million , com october 6 , 2004 , 7 36 am pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . -__label__2 , tiger woods ties the knot with swedish ex-nanny , london ( reuters ) - former world number one tiger woods has married swedish model elin nordegren at the luxury sandy lane resort in barbados , the barbados daily nation newspaper reported wednesday . -__label__3 , howard stern serious business for sirius , shock jock howard stern is jumping from radio broadcasting to satellite radio , promising to boost the ratings of the growing medium and bring his show to fans quot my way . -__label__2 , phelps seeks more gold at world championships , indianapolis ( reuters ) - still riding a wave of euphoria from the olympics , michael phelps returns to the pool this week at the world short course swimming championships seeking a repeat of his six gold medals in athens . -__label__3 , investors weigh effect of oil prices , new york another rise in oil prices is putting some pressure on stocks , which are mixed . the dow jones industrial average is down 12 points at ten-thousand-165 . -__label__2 , islamic threaten women #39 s soccer tournament in bangladesh , the organizers of bangladesh #39 s first women #39 s soccer tournament promised to keep playing despite protests by a muslim group that called the event quot indecent and against islamic norms quot . -__label__3 , update 1 united airlines to slash us flights , as part of its bid to emerge profitably from bankruptcy , united airlines announced plans wednesday to slash its domestic flight schedule , increase its more profitable international schedule and reduce the size of its fleet over the next six months . -__label__3 , update 2-uk #39 s linx drops itw offer after danaher steams in , british company linx printing technologies plc ( lpt . l quote , profile , research ) dropped its backing for an earlier takeover offer on wednesday after us firm danaher corp ( dhr . -__label__4 , spaceshipone lands after 2nd flight , mojave , calif . - the private manned rocket spaceshipone ( search ) streaked toward space early monday in a bid to top an altitude of 62 miles for the second time in six days and claim the \$10 million ansari x prize ( search ) . -__label__1 , us plutonium shipment reaches france , working under tight security from helicopters and police , port crews unloaded us military plutonium from a british ship on wednesday after its arrival in northwest france , nuclear industry officials said . -__label__4 , zingo keeps manganese bronze in red ( ft . com ) , ft . com - losses from its zingo mobile phone cab-ordering service kept manganese bronze holdings , maker of london taxis , in the red last year . -__label__4 , the last supernova 400-year-old explosion imaged ( space . com ) , space . com - four hundred years ago this \ week , a previously unseen star suddenly appeared in the night sky . discovered \ on oct . 9 , 1604 , it was brighter than all other stars . -__label__4 , qatar defense show focuses on videogame technology , doha ( reuters ) - rick bracewell is driving through baghdad when gunmen open fire . then a nearby dead dog strapped with explosives blows up and his vehicle goes up in flames . -__label__2 , ailton weighs rising sun offer , schalke 04 striker ailton has revealed that he has a big bucks contract waiting for him in japan . ( my agent ) put a concrete offer from japan in front of me , quot the reigning german footballer of the year told sportbild . -__label__1 , u . s . report undercuts bush war rationale , washington - undercutting the bush ' s administration ' s rationale for invading iraq , the final report of the chief u . s . arms inspector concludes that saddam hussein did not vigorously pursue a program to develop weapons of mass destruction after international inspectors left baghdad in 1998 , according to lawmakers and others briefed on the report . . . -__label__4 , mcnealy microsoft needs sun to beat ibm and red hat , whatever pleasantries once existed between sun microsystems and red hat have vanished . this won #39 t come as a shock to many of you . -__label__1 , turkey faces long road to eu membership , the european commission #39 s cautious recommendation that turkey begin membership negotiations puts the country a step closer to realizing its dream of joining europe -- but -__label__4 , briefly realnetworks signs up red flag linux , roundup plus microsoft ships virtual pc 7 . . . sgi warns of lower revenue , deeper loss . . . sap taps search technology . -__label__3 , low-income lending won #39 t take a hit , will low-income families become innocent victims of the crackdown on fannie mae ( fnm ) ? after all , one of fannie #39 s official missions is to increase the rate of homeownership by expanding the pool of capital available for mortgage loans . -__label__4 , old bones unearth new date for giant deer #39 s last stand , a new investigation into extinctions caused by climate change has revealed that the giant deer , previously thought to have been wiped out by a cold spell 10 , 500 years ago , instead survived well into the modern era . -__label__4 , ibm , partners roll out id management suite , ibm corp . and four partners on wednesday announced what they call a major breakthrough in identity management designed to help business and government agencies protect assets , including it systems and physical facilities , from unauthorized users . -__label__4 , new sony pc boasts 1 , 000 gb of storage ( ap ) , ap - japan ' s sony corp . will begin selling a computer and home-server system in japan with 1 , 000 gigabytes of hard-drive storage #151 enough to record six tv channels for a week straight #151 the company said . -__label__4 , purdy tapped as cyber-security director , the department of homeland security has filled the nation ' s top cyber-security post after the previous chief abruptly resigned last week , choosing the former director ' s deputy to take over the position . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__4 , ibm updates websphere application server , the express version of the new websphere server is targeted at the small and midsized business market . quot the smb market has become much more pivotal and crucial to everyone , quot according to yankee group analyst laura didio . -__label__3 , four former el paso natural gas traders charged , houston four former el paso corporation natural gas traders have been charged with making false reports used to calculate the index price of natural gas . -__label__1 , iraq #39 s government in talks with sunni , shi #39 ite leaders , iraq #39 s interim government is engaged in cease-fire talks with sunni and shi #39 ite leaders in an effort to restore calm to violent parts of iraq before january #39 s scheduled election . -__label__4 , old bones give new date for giant deer demise ( reuters ) , reuters - many large mammals were wiped out in the\last ice age but the eurasian giant deer managed to survive , \scientists said on wednesday . -__label__1 , plutonium rising terror threat , the radioactive element could be used to make weapons just as dangerous as enriched uranium bombs . -__label__1 , karzai ' s running mate survives attack , kabul , afghanistan - campaigning for afghanistan ' s first direct presidential election ended with a burst of violence wednesday as attackers set off a bomb in a failed effort to kill interim afghan leader hamid karzai ' s vice presidential running-mate . despite persistent violence , the united nations declared this hard-luck nation ready for saturday ' s vote , a historic experiment with democracy after more than two decades of unrelenting ruin , from soviet occupation to civil war to the repressive taliban and the thunderous u . s . . . -__label__3 , new trade war erupts over boeing , airbus , a decades-long struggle between the world #39 s two largest aircraft makers escalated into a new trade war between the united states and europe , just as france-based airbus stepped -__label__1 , sudan agrees peace plan after blair sets deadline , sudan agreed to a five-point peace plan for the war-torn region of darfur yesterday after tony blair set a three-month deadline for an end to the long-running conflict . -__label__1 , guinea-bissau soldiers stage mutiny , kill army chief , mutinous soldiers demanding pay for peacekeeping duty abroad killed the commander of guinea-bissau #39 s armed forces on wednesday and seized key buildings in the capital of the former portuguese colony . -__label__2 , gazza goes back to school , paul gascoigne has quit as player-coach at league two side boston because he wants to study for a coaching qualification . the 37-year-old former wants to complete the course before trying to get a player-manager role . -__label__1 , stern to join sirius satellite radio , new york - howard stern has long had two words for the federal communications commission - and in 15 months , he can finally utter them on the air . the self-proclaimed king of all media , perhaps the most influential radio voice of the last 20 years , is shifting his salacious act to satellite radio and freeing himself from the increasingly harsh glare of federal regulators . . . -__label__3 , howard stern moves radio show to sirius , shock jock howard stern announced wednesday he #39 s taking his radio show off the public airwaves and over to sirius satellite radio . -__label__4 , transparent search a snap , san francisco -- a new company launched by dotcom survivor idealab aims to take a chunk out of the search market by letting users slice and dice their search results . -__label__1 , ex-bush official on cybersecurity returns ( ap ) , ap - howard schmidt , a highly regarded technology executive who was former special adviser to president bush for cybersecurity , is returning to work with the homeland security department on efforts to protect the nation ' s computer networks . -__label__3 , sirius counting stern boost , howard stern #39 s planned defection is a tremendous coup for the emerging satellite radio industry and a setback for the already slumping field of traditional radio -- especially viacom , which -__label__2 , kobe bryant accuser #39 s name to be disclosed -judge , the young woman who accused basketball star kobe bryant of rape must disclose her identity in her civil case against him , a federal judge ruled on wednesday . -__label__2 , sparkling singh targets woods again , if there is no rest for the wicked , then there is none either for the tormented , as represented by those members of the us tour who are not vijay singh . -__label__4 , honeywell sues apple , 33 others over lcd patent , honeywell on wednesday announced that it has filed suit against apple and 33 other companies for alleged patent infringement over a technology that quot increases the brightness of images and that reduces the appearance of certain interference effects on a -__label__1 , at least 37 killed , 52 hurt in pakistan blast , multan , pakistan ( reuters ) - at least 37 people were killed and 52 wounded when a car bomb exploded at a rally to commemorate an assassinated religious leader in the central pakistani city of multan early on thursday , police said . -__label__1 , howard stern says he plans to jump to satellite radio , after heavy f . c . c . fines , howard stern expects to deliver my show my way in the mostly unregulated medium . -__label__4 , microsoft includes sp2 in windows xp embedded , customers using windows xp embedded will be able to use a downloadable preview to test the new software for conflicts with existing drivers . -__label__1 , expansion may lead to division , the asia-europe meeting , asem , will hold its fifth summit in hanoi in october amidst a recent crisis over the inclusion of myanmar . -__label__1 , analysis iran #39 s missile capabilities , iran has announced it has improved its missile capabilities by developing a medium-range ballistic missile , with abilities to work on longer range systems -- a steady progress that -__label__1 , hussein beat sanctions with bribes , saddam hussein made \$11 billion in illegal income and eroded the world ' s toughest economic embargo during his final years as iraq ' s leader through shrewd schemes to secretly buy off dozens of countries , top foreign officials and major international figures , said a new report by the chief u . s . weapons inspector released yesterday . -__label__2 , mlb ny yankees 7 , minnesota 6 ( 12 inn . ) , hideki matsui drove in derek jeter with a 12th-inning sacrifice fly wednesday night , giving the new york yankees a dramatic , 7-6 win over minnesota . -__label__2 , woods struggling to cope with body changes singh , st andrews , oct 07 - vijay singh thinks the main reason he has replaced tiger woods as world number one is the american #39 s failure to adapt to changes in his body . -__label__3 , concerns about winter push oil to record , singapore ( reuters ) - oil prices broke into new record territory above \$52 thursday on heightened concerns that supplies of heating fuels will prove inadequate during the northern hemisphere winter . -__label__2 , cougar football notes , houston , texas- - houston head football coach art briles finds himself in somewhat of a quandary as the cougars prepared to play at the university of southern mississippi this thursday night at mm roberts stadium in hattiesburg , miss . -__label__3 , around the region , a federal judge on wednesday ordered california to drop fraud claims seeking \$2 billion in refunds from enron , saying the company is protected from such suits under bankruptcy law . -__label__2 , martnez ' s effort lets boston fans take heart , boston ' s pedro martnez put his past four starts behind him wednesday night to post a redemptive 8-3 victory over the anaheim angels . -__label__3 , santander rejects spanish court tax ruling on execs , london ( cbs . mw ) -- spain #39 s banco santander ( std ) said it was in quot complete disagreement with a judicial decision quot on wednesday after a spanish court ruling on tax fraud in a case dating from the 1980s . -__label__3 , winter concerns push to record high , singapore ( reuters ) - oil prices broke into record territory above \$52 thursday on heightened concerns that supplies of heating fuels will prove inadequate during the northern hemisphere winter . -__label__3 , computer associates to buy netegrity , corporate computing software giant computer associates international inc . said yesterday it will pay \$430 million in cash to acquire waltham data security firm netegrity inc . -__label__2 , stewart hopes silverstone can hold f1 , jackie stewart is optimistic silverstones place on next years formula one calendar can be saved . talks between formula one chiefs and silverstones owners are understood to be at an advanced stage -__label__3 , bidding is hot for hotel eyed for condos , the doubletree guest suites hotel in allston is for sale , and its great views of the charles river may soon be owned instead of rented nightly . -__label__1 , turkey is put on track for eu membership , brussels -- in a historic move that could extend europe ' s borders to the edge of the volatile middle east , the european union recommended yesterday setting mostly muslim turkey on a course for full membership in the prosperous 25-nation bloc . -__label__3 , boeing , airbus competition escalates into trade war , a decades-long struggle between the world ' s two largest aircraft makers escalated into a trade war between the united states and europe , just as france-based airbus stepped up plans to challenge boeing for lucrative us defense contracts . -__label__3 , st . paul travelers posts hurricane losses , st . paul travelers co . , the second-largest business insurer in the united states , said wednesday that it estimates losses from hurricane ivan to be about \$94 million , and expects the losses to cut third-quarter earnings by about 14 cents per share . -__label__2 , phelps , fellow olympians swimming again , michael phelps has reached the stratosphere of sports stardom he #39 s on a first-name basis with fans . quot people come up to me and say , #39 are you michael ? -__label__3 , stern #39 i #39 m tired of censorship #39 switches channels , the local radio galaxy tilted on its axis wednesday when new york shock jock howard stern announced he would abandon the radio dial in 2006 for satellite subscriber radio . -__label__1 , blair time for excuses on africa is over ( reuters ) , reuters - british prime minister\tony blair is to say thursday that the time for excuses on\africa is over as he chairs a meeting in ethiopia he hopes will\turn the continent ' s problems into a global priority . -__label__3 , 34 tech firms sued for alleged lcd patent theft , honeywell has issued lawsuits against 34 companies , including dell , apple , sony and toshiba alleging lcd panels used in their products infringe a 1992 patent the company holds . -__label__3 , analysts see post-stern ripple effect , howard stern will leave a very different company than the infinity broadcasting he first joined in 1985 . the viacom-owned radio giant started out a -__label__2 , sports calendar , bolton over-30 women ' s soccer . the close-to-home soccer league is looking for female players 30 and olderver for the fall season for a team in the bolton area . interested candidates can expect refereed games , a friendly atmosphere , and renewal of basic skills . all levels of experience welcomed . contact miriam kandansky at 781-442-0750 or through e-mail at miriam . kadanskysun . com for more details . -__label__2 , transactions , baseball cincinnati ( nl ) announced of john vander wal declined an outright assignment and elected free agency . cleveland ( al ) designated inf ivan ochoa , p jake robbins , and of ernie young for assignment . montreal ( nl ) declined to exercise its 2005 option on c einar diaz assigned of matt cepicky outright to edmonton ( pcl ) . oakland ( al ) claimed p tim harikkala off waivers from . . . -__label__2 , emotional rescue for jones , jacque jones sprinted all the way around the bases , as if he couldn ' t wait to share the moment . -__label__3 , ca to buy netegrity for \$430 m , its biggest acquisition since 2000 , marking its return to inorganic growth mode , after shelving acquisition plans due to government probes in its accounting practices . -__label__2 , owen fitness holds the key , michael owen will have one last chance to prove his fitness - and possibly determine which formation england will employ against wales on saturday . -__label__3 , stocks seen flat with oil above \$52 , us stocks looked to open flat on thursday under pressure from the surge in oil prices and lackluster september sales reports from us retailers . -__label__4 , mojave , california spaceport , monday was a big day in mojave . tens of thousands of spectators showed up to see burt rutans spaceshipone make its second flight from below sea level to the edge of space , and in doing so -__label__4 , unisys to lay off 1 , 400 workers , unisys corp . plans to cut 1 , 400 jobs , primarily in general and administrative areas , and consolidate its office space worldwide , it announced wednesday . the cuts represent 3 . 8 percent of the company ' s staff of 37 , 000 . -__label__1 , two u . s . soldiers killed in iraq bombings ( ap ) , ap - two american soldiers were killed and two others were wounded in separate bombings that occurred within hours , the u . s . military said thursday . -__label__1 , u . s . report iraq didn ' t have wmds , washington - saddam hussein ' s weapons of mass destruction programs had deteriorated into only hopes and dreams by the time of the u . s . -led invasion last year , a decline wrought by the first gulf war and years of international sanctions , the chief u . s . weapons hunter found . . . -__label__1 , canada defends submarine fleet , canada has defended its decision to buy second-hand submarines after a crewman died from injuries sustained on one of the vessels that had broken down . -__label__2 , team almost had another legend , sacramento -- the one who got away , part i . with his collection of bow ties and an academic air , sacramento assistant coach pete carril would have fit perfectly among the professors and scholars in boston . he is , after all , one of the most intelligent and respected basketball minds living . -__label__2 , update 3-clarke cracks debut 151 as india collapse , michael clarke hit a sparkling 151 on his debut and a revitalised glenn mcgrath then ripped the heart out of india #39 s batting as australia took command of the first test on thursday . -__label__2 , fall classic plus , new york -- a short sacrifice fly by hideki matsui in the bottom of the 12th inning scored an alert derek jeter from third and gave the yankees a 7-6 victory over the minnesot twins in game 2 of their al playoff series . -__label__3 , new air routes to more profits , major airlines can #39 t make their low-cost competitors disappear into thin air , but they can fly away from them , which they are planning to do , to overseas routes where bargain-basement carriers don #39 t go . -__label__3 , statement by airbus on the us government for formal consultations < b> . . . < /b> , airbus has fully supported all recent actions by the european commission to engage with the us government in serious discussions on comprehensive new disciplines on government support . -__label__2 , #39 hawks primed to finally surpass rams , editor #39 s note espn senior nfl writer john clayton #39 s weekly quot first and 10 quot column takes you around the league with a look at the best game of the week followed by primers for 10 other games . -__label__1 , asia-europe forum grows , myanmar irritates , hanoi ( reuters ) - an asia-europe forum accepted myanmar and 12 other new members on thursday ahead of a summit strained by yangon ' s human rights record and detention of democracy icon aung san suu kyi . -__label__3 , nintendo to unveil handheld upgrade , facing its biggest threat ever from the arrival of sony corp . in the portable video-game machine market , japanese game-maker nintendo co . -__label__4 , ce giants #39 readying blu-ray camcorders #39 , sony , sharp and matsushita plan to offer camcorders based on a cut-down version of the blu-ray disc , and could announce product as early as next year . -__label__4 , fujitsu siemens profit grows 60 percent , fujitsu siemens computers ( holding ) bv , europe #39 s largest remaining computer manufacturer , posted a 60 percent leap in profit for the first half of its fiscal year on higher sales of laptops and servers to business customers , the company said wednesday . -__label__2 , rugby #39 s hill out for up to 9 months , may miss lions ( update1 ) , richard hill , england #39 s world cup- winning forward , will miss up to nine months of the rugby season because of a knee injury , ruling him out of the six nations and making him doubtful for next year #39 s british and irish lions tour . -__label__1 , sadr aide freed as iraq seeks pre-election calm , could help the interim government #39 s efforts to calm rebel-held strongholds before elections due in january . colleague , sheikh mahmoud sudani , after he got out of jail on thursday . -__label__2 , everyone wants a piece of orton , every sports collectible dealer knows the key to profit is getting in early . and the hounds are suddenly on the scent of kyle orton . -__label__2 , closer look astros-braves , com . this was not vintage roger clemens . on this afternoon , however , the hottest team in baseball didn #39 t need their old ace to be at top form . -__label__2 , mauresmo breezes through , amelie mauresmo comfortably came through her first match since taking over at the top of the world rankings . the frenchwoman reached the quarter-finals of the porsche grand prix in filderstadt with a 7-5 6-4 win over switzerland #39 s patty schynder . -__label__2 , boston marathon champ johnny kelley dies , johnny kelley , a two-time boston marathon champion who became a beloved figure in the history of the race by running it a record 61 times , died at 97 . -__label__3 , update 1-s amp p revises poland outlook to stable from negative , standard amp poor #39 s ratings services on thursday revised its credit ratings outlook on poland to stable from negative supported by strength in export growth and an improvement in the country #39 s fiscal performance . -__label__4 , sony , matsushita , sharp to launch blu-ray disc camcorders in 2005 < b> . . . < /b> , tokyo ( afx ) - firms that are supporting one of the next-generation optical dvd formats , the blu-ray disc , plan to release camcorders that record on smaller versions of the discs as early as 2005 , the nihon keizai shimbun reported , without citing sources . -__label__2 , game on , on the same day that tiger woods was married in barbados , the two best golfers in the world were walking the streets of st . andrews , scotland . -__label__2 , upstarts guatemala , panama face crunch qualifiers , rio de janeiro ( reuters ) - upstarts guatemala and panama face crunch matches against more experienced concacaf opponents saturday as they continue their quest to qualify for a first world cup . -__label__1 , san juan airport shuttered for an hour ( ap ) , ap - san juan ' s international airport was closed for more than an hour thursday morning after bomb-sniffing dogs alerted police to a suspicious piece of luggage , authorities said . -__label__4 , house passes second anti-spyware bill , washington ( reuters ) - the u . s . house of representatives on thursday unanimously passed a second bill targeting perpetrators of computer spyware that hides in users ' computers and monitors their activities . -__label__2 , astros try to go up 2-0 over braves ( ap ) , ap - the houston astros try to move a step closer to winning a playoff series for the first time , taking a 1-0 lead into thursday ' s game 2 against the atlanta braves at turner field . -__label__4 , microsoft releases fix for sp2-adware clash , microsoft has released a critical update for windows service pack 2 , designed to resolve an installation problem with a piece of adware -- but it maintains that the update isn #39 ta patch . -__label__4 , nokia says intel won ' t replace ti . . . yet , nokia corp . has no immediate plans to use intel corp . ' s processors in its handsets , the finnish phone maker said thursday , tempering an announcement earlier this week that intel is building a reference design for a symbian os ( operating system ) mobile phone based on nokia ' s series 60 user interface . -__label__2 , making it look easy , cleveland -- their membership in the nfl elite entitles the patriots to a gimme from time to time , like yesterday ' s 42-15 shellacking of the hapless cleveland browns . -__label__2 , no temporary insanity here , cleveland -- as he stood on the sideline waiting for the opening kickoff yesterday , terry robiskie was excited , but also realistic . the interim coach of the cleveland browns knew the score even before the first score had been rung up on his team by the new england patriots . -__label__4 , volcanoes may have sparked life on earth , study says , how did the building blocks of life arise on earth ? a new study says a volcanic gas may have been the key . -__label__4 , new trojan targets adware , new trojan targets adware\\antivirus maker symantec has reported the arrival of a spooky trojan horse online , which does something unique . codenamed downloader . lunii , it attacks and even removes advertisement enabled softwares , which are generally considered harmful for the system . on execution of the code , it tries to kill the processes associated . . . -__label__2 , mauresmo books a last-eight place , filderstadt , germany -- amelie mauresmo stated her determination to stay world no . 1 by surging into the quarterfinals of the filderstadt grand prix in germany with a 7-5 6-4 win over patty schynder . -__label__1 , sudan peace talks resume for south as tensions brew , khartoum/nairobi ( reuters ) - sudan ' s government resumed talks with rebels in the oil-producing south on thursday while the united nations set up a panel to investigate charges of genocide in the west of africa ' s largest country . -__label__1 , timeline of past 25 years in afghanistan , 1979 the soviet union sends troops into afghanistan to support a pro-moscow regime , sparking a decade-long war with anti-communist forces supplied and trained by the united states . -__label__3 , oil hits \$53 on winter worries , nigeria , london ( reuters ) - oil prices scaled new heights at \$53 for u . s . crude on thursday on concerns over tight winter heating fuel supplies and an unexpected strike at nigerian oil terminals . -__label__3 , stmicro may see windfall from stern satellite move , shock jock howard stern #39 s jump to satellite radio could create a \$180 million windfall for europe #39 s biggest chip maker , stmicroelectronics ( stm . -__label__3 , clubbing wet seal , a same-stores sales drop that ' s less crummy than expected can ' t fix this sick pup . -__label__4 , microsoft fixes key sp2 issue ( newsfactor ) , newsfactor - microsoft ( nasdaq msft ) has released a windows xp service pack 2 update to fix an installation problem that was caused by a third-party adware program named t . v . media . -__label__4 , study voip to proliferate in u . s . households , the number of homes using net telephony should reach 12 million by 2009 , but existing voip players could face hurdles . -__label__1 , employment picture expected to improve , new york - a rash of job cuts - more than 10 , 000 layoffs just this week from a handful of companies - has created some gloom on the jobs front . but friday ' s release of jobs data for september was expected to show a steady unemployment rate and creation between about 50 , 000 to 250 , 000 new jobs , though uncertainties such as the effects of last month ' s hurricanes kept the estimates all over the map , said wachovia corp . . . -__label__2 , will tiger woods #39 s marriage score a hole in one ? , will marriage help tiger woods #39 s golf game ? it couldn #39 t hurt . woods has had rough times on the course lately . for the first time since may 1999 he has slipped to no . -__label__3 , ecb quot consensus quot kept rates steady today , european central bank president jean-claude trichet has said that today #39 s decision to leave euro interest rates unchanged reflected a broad consensus on the governing council of the bank . -__label__2 , swimming phelps eases into world short course 200 free final , indianapolis , united states athens olympic star michael phelps made a relatively relaxed start on the first day of the seventh world short course swim championship , qualifying second for the 200m freestyle final . -__label__1 , us cautious on progress toward enriching uranium , the united states is responding carefully to iran #39 s announcement that it has taken a major step toward enriching uranium , a key ingredient in nuclear weapons . -__label__1 , italian pm , gaddafi open gas pipeline in new era of #39 friendship #39 , mellitah , libya italia #39 s prime minister silvio berlusconi and libyan leader muammar gaddafi opened a gas pipeline between their countries in a new era of quot friendship and cooperation quot across the mediterranean . -__label__3 , check boeing sops , airbustells us check boeing sops , airbustells < b> . . . < /b> , european aircraft maker airbus on thursday criticised a us move to take a fight about subsidies to the world trade organisation ( wto ) , saying it showed its rivals unwillingness to address its own subsidies . -__label__2 , head2head reader responses , the packers have a far better shot at making the playoffs than the titans . the packers play in a much easier division , which gives them a better chance at winning the magic number of games ( 10 ? -__label__4 , mark cuban prompts dot-com redux , reporteri #39 s notebook san francisco--hope and cynicism sparred to a draw on tuesday at the glitzy opening banquet of web 2 . 0 conference here , as serial entrepreneur and reality tv show host mark cuban took the stage to talk about what #39 s next for the 10-year -__label__1 , karzai uncle sam #39 s man , washington , october 08 ( online ) as afghans prepare for their first presidential elections on october 9 , president hamid karzai , a pashtun , is being challenged by over a dozen factional leaders , but most afghans and international officials expect him to -__label__4 , music firms reach out to creator of napster , los angeles as a teenager , shawn fanning brought free music to the masses , creating the napster file-swapping program and unleashing a technological genie that granted the wishes of fans seeking virtually any song at any time - gratis . -__label__4 , opportunity rover stumbles upon rocky , maybe watery , find ( space . com ) , space . com - almost by accident , nasa ' s mars rover opportunity has found a rock that may point to a second water event in the red planet ' s past . -__label__3 , shares of large drug makers fall , new york ( reuters ) - shares of large drug makers fell on thursday after a top u . s . cardiologist questioned the safety of new arthritis drugs and the performance of u . s . regulators in monitoring drug safety . -__label__4 , stem cells emit healing molecules , washington ( ap ) -- embryonic stem cells may not have to actually grow replacement body parts to be useful . new research suggests these cells also secrete healing molecules powerful enough to reverse a lethal birth defect in mice . . . -__label__1 , u . s . alerts schools about terror threat , washington - the education department has advised school leaders nationwide to watch for people spying on their buildings or buses to help detect any possibility of terrorism like the deadly school siege in russia . the warning follows an analysis by the fbi and the homeland security department of the siege that killed nearly 340 people , many of them students , in the city of beslan last month . . . -__label__1 , the king who courted the khmer rouge ( and survived ) , the career of king norodom sihanouk of cambodia has been a bewildering trail of political twists and expedient turns . now the man they call the #39 mercurial monarch #39 has announced his abdication . -__label__1 , elbaradei , environmentalist tipped for nobel ( reuters ) , reuters - among those tipped to win the 2004 nobel\peace prize on friday are the u . n . nuclear watchdog and its\leader mohamed elbaradei , a kenyan environmentalist and a\russian anti-nuclear activist . -__label__4 , ca offers usage-based pricing for mainframe tools , october 07 , 2004 ( idg news service ) - computer associates international inc . introduced a usage-based pricing and licensing option for its mainframe management products today , aligning its offerings with ibm #39 s on-demand model . -__label__4 , web gaming changes social interactions ( ap ) , ap - not so long ago , in a galaxy not so far away , chip collier was on a mission . i really gotta stop bleeding and dying , the 24-year old said as he slouched in front of his computer in his ninth-floor chicago apartment . i ' m really horrible about not paying attention to my battle fatigue . -__label__3 , alcoa profit hurt by labor , storm costs , alcoa inc . ( aa . n quote , profile , research ) , the world #39 s biggest aluminum producer , posted only slightly better quarterly earnings on thursday , as higher metal prices were -__label__4 , amd ' s q3 led by strong opteron , athlon 64 sales , san francisco - as expected , advanced micro devices inc . ' s ( amd ' s ) third-quarter revenue came in a little under the company ' s earlier predictions , but strong increases in sales of its 64-bit desktop and server processors led to the company ' s fourth straight profitable quarter . -__label__4 , uk recording industry sues file swappers over piracy , following the lead of their american counterparts , the leading music industry groups in the uk and europe have launched scores of lawsuits against dozens of individuals they say swapped copyrighted music illegally . -__label__3 , advanced micro devices meets reduced forecast for third quarter , san francisco - advanced micro devices inc . reported a third-quarter profit from a loss a year-earlier on today , but sales fell from the second quarter in line with the chip maker #39 s recently reduced outlook . -__label__1 , yellowknife parole officer found dead after visiting client in apartment ( canadian press ) , canadian press - yellowknife ( cp ) - the case of a parole officer apparently killed while she was visiting a client has devastated her colleagues . -__label__1 , lawmakers try to ok hurricane-drought aid ( ap ) , ap - lawmakers scrambled to approve a #36 14 billion package to aid hurricane and drought victims thursday , driven by warnings that relief money was running out and a need to pass legislation before the planned departure of congress at the end of this week for the election . -__label__3 , skyboxes may reach a limit , verizon communications inc . would seem to be a prime candidate to snap up a luxury suite at the \$440 million ballpark being planned for washington ' s major league baseball team . -__label__3 , techs lead asian shares down , oil eases , singapore ( reuters ) - technology stocks led asian share markets lower on friday after a retreat by their u . s . peers , with investors cautious amid record-breaking oil prices and ahead of u . s . jobs data later in the day . -__label__3 , bookings decline at us airways , us airways group inc . attorneys and executives acknowledged in bankruptcy court yesterday that bookings had fallen more steeply than they had anticipated in reaction to their chapter -__label__4 , sun and kodak settle out of court , as we reported previously , kodak filed a lawsuit against sun microsystems claiming that the company had infringed on its patents by implementing quot ask for help quot functionality in its java programming language , which gave a huge boost to the company #39 s yearly -__label__2 , ravens star jamal lewis pleads guilty to drug charge ( reuters ) , reuters - baltimore ravens football star jamal\lewis pleaded guilty on thursday to using a cell phone to try\to broker a cocaine deal , avoiding more serious federal drug\charges that could have sent him to prison for life . -__label__4 , plugging in a musical visionary ' s next ideas , musician brian eno , who has been turning ideas into visionary music for decades , is looking to create software that will write song lyrics . -__label__3 , techs hit asian shares lower oil down ( reuters ) , reuters - technology stocks led asian share\markets lower friday after a retreat by their u . s . peers , with\investors cautious amid record-breaking oil prices and ahead of\u . s . jobs data later in the day . -__label__2 , cardinals crush dodgers to grab 2-0 series lead , mike matheny #39 s two-run single highlighted a three-run fifth inning rally which lifted the st . louis cardinals to an 8-3 win over the los angeles dodgers in the national league divisional series thursday . -__label__4 , at amp t wireless gets in tune , at amp t wireless ( nyse awe ) recently debuted its mmode music store . developed together with loudeye ( nasdaq loud ) and microsoft ( nasdaq msft ) , the store allows subscribers to browse -__label__3 , how serious is pfizer #39 s condition ? , the stock is feeling some pain these days . however , this drugmaker has enough going for it that the illness shouldn #39 t last . amid nervousness over the future of pfizer #39 s arthritis pain treatment celebrex and -__label__3 , aisin finishes deal for michigan land , handy township -- a japanese auto supplier said thursday it completed the purchase of about 750 acres of michigan land for a proving ground . -__label__4 , riaa legal action barely gets a mention , something interesting happened in the filesharing world this week , the music industry launched another round of lawsuits against their core user base . -__label__4 , firefox invades market , progress many students eagerly await the final version of mozilla #39 s firefox internet browser that will be released later this month . -__label__3 , woman ' s death probed , public health officials are investigating why a 38-year-old woman died two weeks after undergoing gastric bypass surgery at saint anne ' s hospital in fall river . the hospital has stopped offering the surgery during the state probe and an internal review . -__label__3 , danaher to make offer for linx printing , danaher corp . , a maker of sears craftsman tools and environmental testing products , said wednesday that it plans to make a cash tender offer to purchase linx printing technologies plc for \$158 million , including transaction costs . -__label__2 , warne ends india #39 s teen resistance , india posted 199/7 and trail australia by 275 runs at lunch on the third day of the first test at bangalore . india #39 s two teenagers pathiv patel and irfan pathan , who resumed on 18 and one respectively , fought -__label__2 , today ' s schedule , pro baseball al division series -- anaheim vs . red sox at fenway park ( game 3 ) , 4 p . m . -__label__4 , picking your perfect pci express pc , way back in june i suggested you hold off on buying a new pc until systems with pci express shipped . the new technology has the potential to dramatically improve performance because it replaces the pokey old -__label__3 , viacom may pay sirius \$ howard , howard stern hinted broadly yesterday that he might continue his involvement with viacom after he switches to censor-free satellite radio in 15 months . -__label__1 , kenyan tree planter wins nobel peace prize report , london ( cbs . mw ) -- kenyan tree planter and government minister wangari maathai has won the nobel peace prize , agence france-presse said . -__label__4 , fujifilm and sprint launch photo printing service , sprint and fuji photo film usa recently introduced a new service that lets sprint #39 s picture mail customers send digital camera phone pictures from their online picture mail -__label__3 , london-based bank wins bid for permata , a consortium led by standard chartered plc won the bidding for a majority stake in pt bank permata , agreeing to pay us\$300 million ( euros 244 million ) for control of indonesia #39 s seventh-largest lender , finance minister boediono said friday . -__label__1 , kenyan tree planter wins peace prize , wangari maathai , a kenyan environmentalist , today became the first african woman to win the nobel peace prize . ms maathai , 64 , kenya #39 s deputy environment minister , heads the green belt movement , a group that -__label__3 , citigroup hits back at parmalat , milan ( reuters ) - citigroup on friday launched a legal challenge against a restructuring plan drawn up by parmalat , hitting back after the bankrupt food group took the world ' s biggest bank to court recently . -__label__4 , u . s . wildlife refuges facing grave threats , a sweeping wildlife preserve in southwestern arizona is among the nation ' s 10 most endangered refuges , due in large part to illegal drug and immigrant traffic and border patrol operations , a conservation group said friday . -__label__1 , kenyan activist plants tree to mark nobel prize , crying with delight , kenyan environmentalist wangari maathai planted a tree to celebrate winning the nobel peace prize on friday and vowed to use the money -__label__4 , microsoft , sun , intel push it management via web services ( infoworld ) , infoworld - microsoft and sun microsystems on thursday are publishing a specification to leverage web services for managing a broad range of it systems including pcs and devices on a network . -__label__1 , africa condemned to major polio epidemic - u . n . ( reuters ) , reuters - a major polio epidemic in west and central africa is inevitable in coming months , but the disease could be eradicated worldwide next year by mass immunisations , the world health organisation ( who ) said on friday . -__label__3 , almost 5 , 000 jobs cut on bank of america getting funds , bank of america has an option to cut at least 4 , 500 jobs while reorganizing its structure . this is not the first time when the bank reduces jobs . -__label__4 , polygon shapes on mars rock add to evidence of water , curious polygon shapes on the surface of mars are among the latest evidence clearly suggesting the presence of water , and some of it may have appeared there even after the surface was bombarded by objects from distant space . -__label__1 , reclusive amish could be thrown into election battleground ( afp ) , afp - martha lapp hopes to vote for the first time in the us presidential election , in which the reclusive amish sect that her family belongs to could play a key role . -__label__3 , oil prices send us stocks lower , investors sent stocks sharply lower today as oil prices continued their climb higher and new questions about the safety of arthritis drugs pressured pharmaceutical stocks . -__label__4 , dell recalls 4 . 4m notebook power adaptors , dell today asked 4 . 4m notebook users to return their power adaptors after it admitted these peripherals pose both a fire and electric shock hazard . -__label__2 , english fa planning to introduce epo tests this season , the english fa plans to introduce tests for the blood-boosting drug epo ( erythropoietin ) this season as part of its regular testing programme . -__label__4 , benq readies ipod rival , hard-drive based digital audio player will be available by the end of the year . -__label__1 , french trial watches bomb plot surveillance tape ( reuters ) , reuters - a paris court watched on friday a\surveillance video shot by islamic militants plotting to bomb a\strasbourg market , in which a commentator brands the french\city a modern-day babylon whose residents would go to hell . -__label__3 , soybeans retreat , grains futures mixed , soybean futures edged lower friday in early activity on the chicago board of trade . grain futures were mixed . wheat for december delivery rose 1/4 cent to \$3 . -__label__1 , jets hit rebel city in payback for hotel raid , baghdad us fighter jets bombed the rebel-held city of fallujah yesterday , killing at least 10 people , hours after rockets slammed into a baghdad hotel used by foreign journalists and contractors . -__label__3 , ba hikes oil surcharge by up to 8 per ticket , british airways , europe #39 s biggest airline by passenger capacity , has hiked its fuel surcharges by up to uk8 per ticket , a day after oil prices climbed to record levels . -__label__3 , thomson to sell media group for #36 350 mln ( reuters ) , reuters - thomson corp . said on friday it\will sell its media division to investment group investcorp in\a #36 350 million cash deal that will tighten its focus on\electronic publishing . -__label__4 , house passes bill to criminalize spyware fraud , the house thursday passed a bill that would criminalize the use of spyware to commit fraud or other crimes , adding an additional two to five years to federal sentences . -__label__1 , bomb rocks indonesia #39 s paris embassy , a small parcel bomb has exploded outside the indonesian embassy in paris , slightly injuring 10 people and shattering windows , but officials say they have no clues to the motive . -__label__1 , militants in iraq kill uk hostage , video shows , baghdad ( reuters ) - militants in iraq beheaded british hostage kenneth bigley , three weeks after kidnapping him to press a demand for the release of women held by u . s . -led forces , a video seen by reuters showed on friday . -__label__1 , cambodia passes succession law , cambodia approves a law to choose a new monarch , after king sihanouk ' s abdication announcement . -__label__1 , lackluster jobs report pushes stocks down , new york - investors pushed stocks lower friday as a surprisingly lackluster job creation report deepened wall street ' s pessimism over the health of the economy . a solid earnings report from general electric co . . . -__label__1 , for the first time , an african woman wins the nobel peace prize , wangari maathai , a kenyan who has worked tirelessly to protect the environment , improve the lives of women , and fight crime , friday became -__label__3 , sun settles kodak patent suit , sun microsystems says it will pay kodak \$92 million to settle a high-profile patent suit involving sun #39 s java programming technology . -__label__4 , google sms and wireless carriers that save your text messages . , yesterday we covered the news that google is expanding their search to the mobile arena with their new google sms service which lets you search by sending text messages from your cellphone . -__label__2 , mutv we #39 re giving balanced picture , mutv bosses have hit back strongly at allegations of bias levelled against them by a group of manchester united supporters . united #39 s official television station was targeted by fans who disrupted live coverage of the reserve-team match at altrincham . -__label__3 , house passes corporate tax bill , the house , by a vote of 280 to 141 , gave final approval last night to a far-reaching tax bill that provides a rich array of breaks to manufacturing companies , energy producers and small businesses and underwrites a \$10 billion buyout of american tobacco -__label__4 , cassini spies saturn ' s moon tethys , the cassini spacecraft in orbit around saturn caught a glimpse of tethys , a cratered , icy moon . notable for tethys are its split fissure and enormous crater , both of which leave the impression that its fragile surface is remaking itself slowly . . . -__label__4 , polese steps into open-source fray , former sun and marimba executive kim polese takes the helm of spikesource , a start-up which will offer services around open source software . -__label__1 , putin heads for turkey in landmark visit between former foes , russian president vladimir putin is making a two-day official visit to turkey , the first by any russian leader in 32 years . mr . putin is expected to sign several economic cooperation agreements -__label__2 , man u condemns fan protest against glazer , manchester united criticized fans who disrupted a game between reserve teams to protest a potential takeover of the famed english soccer club by tampa bay buccaneers owner malcolm glazer . -__label__2 , is king kahn #39 s reign coming to an end ? , he is first choice for his club bayern munich and used to be an automatic selection for the national team too . but when germany meets iran in a friendly this weekend , kahn is not going to be between the posts . -__label__2 , marquee matchup , with apologies to arizona and san francisco , there are only two teams in the nfc west again this year , and that means the division has just two truly meaningful games this one , and seattle at st . -__label__3 , lego , carrefour in french price-fix probe ( ap ) , ap - french competition authorities are investigating danish toy maker lego systems as and supermarket retailer carrefour sa as part of a probe into alleged price fixing in the french toy market in 2002 and early 2003 . -__label__3 , flu shot shortage highlights u . s . crisis , washington ( reuters ) - concerned health officials began investigating on friday what went wrong at a british vaccine plant where half the u . s . flu shots were made , and called on more companies to get into the vaccine business . -__label__4 , collaboration suite to help secure tonight ' s bush-kerry debate , the u . s . secret service and a throng of police and emergency management officials in missouri will for the first time use a customized microsoft-based collaboration portal to share security information during tonight ' s presidential debate . -__label__2 , sharapova eases through to second consecutive final , wimbledon champion maria sharapova reached her second consecutive final with a 6-2 6-3 victory over thailand #39 s tamarine tanasugarn at the japan open on friday . -__label__3 , copper prices rally to 16-year highs , copper prices surged to 16-year highs on friday as a strike at the world #39 s largest copper producer threatened to tighten world supplies . -__label__4 , dell ac adaptors recalled , october 8 , 2004 - dell inc . is recalling about 2 . 9 million ac adapters nationwide_ 4 . 4 million worldwide_ used with notebook personal computers because they can overheat and cause a fire and electrical shock -__label__3 , update 4 court dismisses suit from hollinger , newspaper publisher hollinger international inc . suffered a setback friday in its legal battle against ousted ceo conrad black and several associates when a federal judge sharply scaled back its effort to -__label__4 , cracks in martian rock point to watery past , los angeles - nasa #39 s mars rover , opportunity , has found more signs that rocks on the red planet were once submerged in water . data sent by opportunity suggest a crater was drenched a second time after drying out , scientists said . -__label__1 , iraq war was illegal chirac , hanoi french president jacques chirac has said the us-led war in iraq was illegal and expressed his fear for the countrys future in the face of a civil war . -__label__1 , california official rules on gay marriage , san francisco - california ' s constitution permits laws against gay marriage , the state ' s attorney general declared friday in a long-awaited legal opinion that sought to avoid offending either side of the debate . while acknowledging that committed and loving relationships between two individuals deserve recognition under california law , attorney general bill lockyer said it was up to the voters or the legislature to decide questions about whether gay couples should be allowed to marry . . . -__label__4 , caymas to open with security gateways , security start-up caymas systems launches monday with products to protect the flow of corporate data . -__label__4 , first look remotetv offers slick media streaming , belkin ' s latest product lets you effortlessly share digital content within the house , but is it lawful ? -__label__1 , u . s . warns americans to avoid haiti ( ap ) , ap - security in haiti remains unpredictable and dangerous , and americans should not travel to the caribbean nation except for emergencies , the state department said friday . -__label__4 , mpaa asks supreme court to rule on p-to-p cases , san francisco - representatives for the music and movie industries have filed a petition asking the u . s . supreme court to overturn an appeals court decision in which companies that enable peer-to-peer ( p-to-p ) file trading networks were absolved of liability for copyright violations by users of those networks . -__label__1 , chirac #39 s tour of china magnifies partnership , dialogue between china and france , two countries which highly value cultural diversity and pluralism in international politics , is no doubt conducive to world peace . -__label__1 , israelis trudge home , in shock after bombings , at least 29 people were killed and more than 160 were injured in what israeli officials believed were terrorist bombings . -__label__1 , turkey a step closer to brussels , the european commission is set to give the green light later today to accession talks with turkey . eu leaders will take a final decision in december . -__label__3 , trump defends martha stewart , new york real estate mogul donald trump defended his friend martha stewart as the woman who turned home economics into a media empire began her prison term . -__label__1 , rights activist , environmentalist wins peace prize , wangari maathai , a kenyan woman who started an environmental movement that has planted 30 million trees in africa and who has campaigned for women #39 s rights and greater democracy in her home country , won the 2004 nobel peace prize yesterday . -__label__1 , israel scrambled warplanes #39 in case of hijacking threat #39 , israeli warplanes scrambled as soon as news broke of the taba bombings . military sources would not elaborate but analysts suggested the most likely reason was to intercept any hijacked -__label__1 , israelis kill four palestinians in gaza strip , gaza ( reuters ) - israeli troops killed four armed palestinians in the gaza strip on saturday as it pressed a massive 10-day-old offensive that has cost 85 palestinian lives in an attempt to stop militants firing rockets . -__label__4 , astronaut #39 s kudos to rutan , i applaud burt rutan and the spaceshipone team for their miraculous achievement of winning the ansari x prize . as an astronaut , i understand well the challenges they faced in reaching suborbital space . -__label__4 , kodak accepts \$92 million from sun , sun microsystems will pay kodak \$92 million to settle a patents infringement case after a jury found it guilty of using java patents . -__label__3 , welcome to alderson , homemaking guru martha stewart slipped into the federal prison camp here in the dark morning hours to start her five-month sentence . -__label__2 , socceroos lead at break , the socceroos lead the solomon islands 4-0 at half-time in their confederations cup qualifier in honiara . a double from midfielder josip skoko and strikes to ante milicic and the impressive brett emerton have -__label__2 , earnhardt take money , not points , dale earnhardt jr . wants nascar to change its punishment for swearing on television and radio broadcasts before another driver commits a similar slip of the tongue . -__label__1 , rumsfeld to meet foreign defense chiefs on iraq , manama ( reuters ) - defense secretary donald rumsfeld was set to meet defense chiefs from about 18 nations aboard a u . s . aircraft carrier in the gulf saturday as the united states looks to improve the security situation in iraq with january elections looming . -__label__3 , martha stewart reports to jail to begin sentence , the time she had to report to the country #39 s oldest federal prison for women . service of her sentence , quot a federal bureau of prisons statement said . -__label__1 , alstom to sign 1 billion euro in contracts with china ( afp ) , afp - the french group alstom saturday will sign contracts worth up to 1 billion euros ( 1 . 23 billion dollars ) in china for the delivery of trains and locomotives , french sources with knowledge of the deal revealed to afp . -__label__1 , u . s . bishops reviewing sex abuse policy , the nation ' s roman catholic bishops said friday they will spend the next nine months deciding whether to make any changes in the policy they enacted at the height of the clergy sex abuse crisis that includes permanently barring guilty priests from church work . the review was mandated in the charter for the protection of children and young people , the document the bishops adopted at an emotional june 2002 assembly in dallas . . . -__label__3 , trading blows , when a can of worms is opened , all manner of slimy things crawl out . so it was when the us government fired the first shots in a fusillade against the european union - by complaining to the world trade organisation -__label__4 , a so-so debut for microsoft #39 s blog service , microsoft corp . made a belated entrance into the quot blogosphere quot thursday , unveiling a free web-log publishing service one day after merriam-webster inc . -__label__4 , new star-type resembles stillborn star , when a binary star system starts to transfer mass , one of the twins may well win out , leaving its companion to occupy a strange region half way between a star and a planet . a new star-type of this sort has been found , which resembles the infrared ash of a stillborn star . -__label__2 , wcq group 6 preview eriksson considers three up front . , manchester , oct 9 ( sw ) - england manager sven goran eriksson looks set to play with three forwards in saturdays world cup qualifier against wales at old trafford . -__label__2 , joyous red sox fans celebrate clean sweep over angels , boston -- exuberant red sox fans spilled out of fenway park on friday in a raucous celebration of friday #39 s dramatic 8-6 10th inning victory over the anaheim angels that propelled boston into the american league championship series . -__label__1 , chirac sees opportunity in china ' s economic surge , beijing ( reuters ) - french president jacques chirac declared saturday that france was a natural trade partner to china and , amid a flurry of air , rail and energy deals , played down any threat from one the world ' s fastest growing economies . -__label__4 , examining earth ' s primordial soup , how did the first amino acids form the first peptides ? it is the important question that may point the pathway towards understanding the primordial soup . researchers now suggest that the binder for linking together building blocks may have been volcanic gases -- or carbonyl sulfide . -__label__4 , gps in cell phones performs well , while some handheld computers have gps capabilities , not nearly as many people carry a pda as the legions who ' ve adopted cell phones as a daily appendage . that ' s why the notion of adding gps navigation to a cell phone , as nextel has with a service called telenav , seems appealing . -__label__1 , five killed , 30 hurt in kashmir car explosion , india news gt pattan/srinagar , oct . 9 a suicide bomber rammed a car packed with explosives into an army convoy in kashmir today , killing four soldiers and a civilian and wounding 30 more , police said . -__label__1 , militia to hand weapons to iraq police , baghdad , iraq - followers of radical shiite cleric muqtada al-sadr said saturday they will begin handing weapons over to iraqi police next week in a major step toward ending weeks of fighting with american soldiers in baghdad ' s sadr city district . meanwhile , there were reports that british hostage kenneth bigley tried to escape before he was beheaded . . . -__label__1 , bush , kerry seek to claim victory in ohio ( ap ) , ap - chatter about president bush and democrat john kerry was going strong above the whir of spin cycles at the soapbox laundry , the debate reflecting the presidential race in a must-win state for both candidates . -__label__4 , safety concerns stand in way of space tourism , thrill seekers are plunking down six figures to ride rockets not even been built yet , and a new airline called virgin galactic promises to be soaring in the next three years . -__label__2 , donald leads by two in dunhill links ( ap ) , ap - luke donald shot a 4-under-par 68 saturday for a two-stroke lead after three rounds of the dunhill links championship . -__label__3 , finance losing the right to sue , washington ( reuters ) - more and more businesses are sticking mandatory arbitration clauses into their contracts , forcing consumers to give up their right to sue if they want to conduct business , and consumer groups have made the elimination of these clauses a top priority . -__label__1 , mauritania coup kingpin held , nouakchott , mauritania - authorities said on saturday they arrested the alleged ringleader of a string of foiled coup and assassination attempts against mauritania #39 s leaders . -__label__1 , israeli army kills 5 palestinians in gaza , jebaliya refugee camp , gaza strip - israeli soldiers on saturday shot and killed a hamas militant whom the military said was responsible for a rocket attack that killed two israeli preschoolers last week and triggered an army offensive in northern gaza . abed nabhan , 25 , was one of five palestinians killed saturday in the continuing israeli operation in northern gaza . . . -__label__1 , afghan refugees vote in pakistan , iran , troops of pakistani para-military force check afghan refugee voters before they enter in polling station to vote in afghanistan #39 s presidential election at jallozai camp near peshawar , pakistan on saturday , oct . 9 , 2004 . -__label__4 , us names cyber chief , the department of homeland security has named an acting us cybersecurity chief as congress weighed whether to give the position greater clout to fight hackers , viruses and other online threats . -__label__1 , nigerian islamist rebels attack police , take officers hostage ( afp ) , afp - islamist rebels have attacked a major police patrol and taken a number of hostages in a remote area of northeastern nigeria near the cameroon border , the missing officers ' commander told afp . -__label__2 , sarin carries hoyas , kim sarin rushes for a career-high 180 yards and throws a scoring pass as georgetown snaps a four-game losing streak with a 21-0 victory over winless virginia military institute on saturday . -__label__1 , chirac , in beijing , signs accords to increase french investment , president jacques chirac of france declared saturday that france was a natural trade partner for china and , during a flurry of air , rail and energy deals , he played down -__label__1 , israelis kill five palestinans in gaza strip , israeli troops killed five armed palestinians in the gaza strip today as it pressed on with a massive offensive aimed at stopping militants firing rockets into israel . -__label__1 , accusations of fraud mar afghan election , kabul , afghanistan - afghans packed polling stations on saturday for a historic presidential election that was blemished when all 15 candidates opposing u . s . -backed interim president hamid karzai withdrew , charging the government and the u . n . with fraud and incompetence . . . -__label__1 , taiwan ' s leader urges china to begin talks ( ap ) , ap - taiwan ' s leader used his national day speech sunday to urge china to begin peace talks so the two rivals can avoid war . chinese and taiwanese leaders haven ' t met since the communists took over china in 1949 and taiwan began resisting the mainland ' s rule . china insists that taiwan is a chinese province and has threatened to attack if it refuses to unify eventually . -__label__2 , bauman lapse cost twins game , it is easy to look at the final game of a postseason series as the game that meant everything . but this particular series took a decisive turn two games before the end arrived saturday . -__label__2 , yanks shock twins , earn date with sox another late rally erases 4 < b> . . . < /b> , just when you think you #39 ve seen it all , the yankees devise a new way to win a game and torture their opponents . last night , they somehow landed a spot in the american league -__label__2 , late td lifts lsu over florida 24-21 , after coming up with one big play after another , florida left it up to the defense to save the game one final time in saturday night #39 s 24-21 loss to lsu . -__label__2 , rebels use late td to top gamecocks , columbia , s . c . -- ethan flatt found bill flowers in the corner of the end zone for a 29-yard touchdown pass with 1 05 left to give mississippi a 31-28 victory over no . 25 south carolina yesterday . -__label__2 , minutemen ko ' d by dukes , harrisonburg , va . -- opposing running backs are beginning to enjoy playing against the university of massachusetts . -__label__1 , on an old road to damascus an ancient city finds new life , damascus -- the crowd begins filling the courtyard of opaline , a trendy restaurant , as late evening teeters toward early morning . many arrive by golf cart , whisked through alleys to the wooden doors of a centuries-old arab home within old city walls . -__label__2 , lima gem ends la drought , jose lima came to the los angeles dodgers in february as a journeyman pitcher with a 71-77 win-loss record , a 5 . 13 era and a reputation as one of baseball #39 s hot dogs . -__label__1 , rebel attacks hit baghdad as rumsfeld visits iraq , a rocket attack and suicide car bombing killed at least four people in baghdad sunday as defense secretary donald rumsfeld began an unannounced visit to iraq to gauge efforts to calm violence before january elections . -__label__2 , sven refuses to criticise becks , quell surprise sven has refused to criticise david beckham despite the england captain #39 s latest demonstration of his infamous petulance against wales . -__label__1 , two car bombs kill 10 iraqis in baghdad , baghdad , iraq - two car bombs shook the capital in quick succession sunday , killing at least 10 iraqis and wounding 16 , police and hospital officials said . one american soldier was hurt . . . -__label__2 , tressel discounts replay , columbus - ohio state head coach jim tressel admitted it was a stretch to point to a videotape review of an apparent fumble by wisconsin early in the third quarter of yesterday #39 s 24-13 loss to the badgers , but a live microphone created some talk in the -__label__2 , lima ' s complete game shutout helps dodgers beat cards , los angeles ( reuters ) - jose lima pitched a complete game shutout and shawn green stroked two homers to help the los angeles dodgers beat the st louis cardinals 4-0 to stay alive in their national league divisional series saturday . -__label__1 , cambodia #39 s king wants to abdicate , cambodian king norodom sihanouk has announced he is too ill to continue and has confirmed he plans to abdicate . prince ranariddh , the king #39 s son has traveled to beijing , where -__label__4 , firm develops all-purpose memory cards , a leading japanese electronics company is developing memory cards that can be used to make cashless payments , open locks and read identification with a simple flick . -__label__1 , baghdad car bombs kill 11 , including gi , baghdad , iraq - two car bombs shook the capital in quick succession sunday , killing at least 11 people , including an american soldier , and wounding 16 , u . s . and iraqi officials said , as defense secretary donald h . . . -__label__2 , glazer could bid for manchester united this week reports , london us sports tycoon malcolm glazer could launch a takeover bid for english football giants manchester united this week after securing financing and making contact with the club #39 s largest shareholders , newspapers here reported . -__label__4 , security concerns shelve msn messenger 7 , microsoft has suspended the beta testing of the next version of its msn messenger client because of a potential security problem , a company spokesperson says . -__label__1 , preparations begin for return of sailor ' s body tow ending for sub ( canadian press ) , canadian press - halifax ( cp ) - as preparations began for the return to canada of a sailor killed in a submarine fire in the north atlantic , the hmcs chicoutimi was slowly being towed toward a port in scotland . -__label__4 , shock jock group boosts satellite radio profile , when radio shock jocks opie and anthony considered their next career move after two firings in four years , the twisted twosome was ready to feign rehabilitation . or at least that was the plan when they sat down with satellite radio executives . -__label__3 , american economist expected to win nobel ( ap ) , ap - americans have dominated the annual nobel memorial prize in economic sciences five years running , and it may not surprise nobel watchers if the trend continues . -__label__2 , u . s . -australia swimming rivalry set to heat up , indianapolis ( reuters ) - the rivalry between the u . s . and australia is set to heat up at the short course world championships with most of the five finals later sunday featuring head-to-head clashes by the two swimming powerhouses . -__label__1 , panel to investigate fraud charges in afghan vote , the move to head off the attack on the vote ' s legitimacy came as workers began the long process of collecting ballots . -__label__2 , johnson to request release or trade , brad johnson , who earlier in the week was replaced at quarterback by buccaneers second-year pro chris simms , will ask the team to trade or release him , sources have told espn #39 s chris mortensen . -__label__3 , gazprom plans lng terminal in us , gazprom came a step closer to the liquefied natural gas market on friday , saying petro-canada would help in its goal to build plants in russia and the united states . -__label__2 , griffin , davis both sitting out ( ap ) , ap - starting running backs quentin griffin of the broncos and stephen davis of the panthers both were inactive for sunday ' s game . -__label__2 , novak wins japan open , jiri novak of the czech republic settled his game after a rocky start and beat taylor dent 5-7 , 6-1 , 6-3 sunday to win the japan open for the sixth title of his career . -__label__1 , sihamoni ready to take over , phnom penh , oct . 10 . - king norodom sihanouk declared on sunday that his son , crown prince norodom sihamoni is ready to accept kingship . -__label__1 , study few americans buy drugs online , new york - only 4 percent of americans have ever used the internet to buy prescription drugs - and even fewer do so through foreign pharmacies - despite web sites maintained by a handful of states to help citizens import medicines more cheaply from canada , a new study finds . a majority - 62 percent - believe drugs bought online are less safe than those purchased from a local pharmacy , accepting the federal government ' s stated concerns in opposing drug imports , the pew internet and american life project said in a report sunday . . . -__label__1 , russian millionaire ' s party heads lithuania poll , but coalition needed ( afp ) , afp - a party led by a russian-born millionaire won the most votes in the first round parliamentary elections in lithuania , but apparently not enough to form a government on its own , initial results showed . -__label__3 , new pension ' would help millions ' , britain ' s pension system could easily be replaced by a new payment that would make millions better off , a report says . -__label__1 , chinese engineers kidnapped in pakistan , islamabad - tribal elders in pakistan #39 s south waziristan tribal area and local administration officials are negotiating with the kidnappers of two chinese engineers to secure their release , a government spokesman said sunday . -__label__2 , braves beat astros 6-5 , set up atlanta finale , houston ( reuters ) - adam laroche crushed a game-tying three-run homer and j . d . drew slapped a ninth-inning rbi single to give the braves a 6-5 comeback victory over the houston astros on sunday . -__label__2 , san diego chargers , san diego ( ticker ) -- jesse chatman recorded his first 100-yard rushing day while wearing the san diego chargers #39 powder blue 1960 #39 s-style uniforms . -__label__1 , rumsfeld says us is winning the war as bomb attacks kill 18 , bombs in baghdad killed 18 people as the us defence secretary , donald rumsfeld , declared that america was winning the war against insurgency during a visit to iraq . -__label__3 , labour has failed on pensions , commission will report , a report on pensions commissioned by the government will be highly critical of labour #39 s record on the issue , saying that people are saving far less for retirement than official figures show -__label__3 , senate resolves corporate tax bill delay , sen . mary landrieu , d-la . , is shown in washington in this nov . 11 , 2003 , file photo . known as one of the senate #39 s more moderate democrats , landrieu undertook a fiery defense sunday , oct . 10 , 2004 , of military -__label__1 , senate resolves corporate tax bill delay , washington - the senate late sunday resolved a dispute delaying passage of a sweeping corporate tax bill and two spending bills for disaster relief and homeland security , clearing the way for senators to adjourn monday to hit the campaign trail . the agreement removed parliamentary roadblocks thrown up by sen . . . -__label__3 , complex brings work , shops close to home , tucked on a side street , just a block from the cars and trucks that whiz along rockville pike , sits a new complex of 404 luxury apartments , renovated restaurants and stores that some planners and developers are calling the optimum in compact urban redevelopment . -__label__2 , american crocker sets short course world record , indianapolis ( reuters ) - ian crocker of the united states set a short course world record of 22 . 71 seconds in the 50 meters butterfly at the world championships on sunday . -__label__1 , iraqis fearing a sunni boycott of the election , leaders of iraq ' s sunni minority say they have failed to generate any enthusiasm for nationwide elections scheduled for january . -__label__2 , redskins trail , 14-10 , the ravens have pulled in front of the redskins , 14-10 , when b . j . sams returns a punt 78 yards for a touchdown . -__label__2 , big game hunting , virginia , navy and maryland face season-defining games , perhaps < em> program-defining < /em> games for the cavaliers and midshipmen as they play against florida state and notre dame , respectively on saturday . -__label__1 , cellphone industry hits snag as it woos untapped market , the mobile phone industry is turning its attention to the last untapped demographic - people over 65 . -__label__2 , seminoles monday recap , despite myriad miscues , florida state rallied from a seven-point halftime deficit to defeat syracuse 17-13 before 40 , 539 fans at the carrier dome . -__label__1 , ken caminiti , 1996 nl mvp , dies at age 41 , new york - ken caminiti , the 1996 national league mvp who later admitted using steroids during his major league career , died sunday . he was 41 . . . -__label__4 , mount st . helens releases more steam ( ap ) , ap - more steam gushed out of mount st . helens following an increase in earthquake activity , keeping scientists guessing as to what is happening deep within the volcano and perhaps showing that the mountain ' s seismic activity may not be over yet . -__label__1 , car bombs kill 11 in baghdad , baghdad -- two car bombs in baghdad killed at least 11 people yesterday , including one american soldier , and defense secretary donald rumsfeld visited us troops and diplomats in the capital and at a remote desert air base . -__label__3 , growth without jobs is a vexing contradiction , according to the government #39 s own labor reports , george w . bush is the first president since herbert hoover to preside over a net loss of jobs during his administration . -__label__4 , william watkins , 78 , recorder of marine mammals ' calls , dies , a leading researcher of marine mammal acoustics , william a . watkins created a database of thousands of underwater calls from more than 70 species . -__label__2 , clemens ' s exit opens door for braves , houston -- john smoltz , adam laroche , and j . d . drew saved the atlanta braves from another quick playoff exit . -__label__1 , ten turkish hostages freed in iraq , the men , who work for the ankara-based construction company vinsan , were kidnapped on september 18 by a militant organisation that identified itself as salafist abu bakr al-seddiq group . -__label__1 , legendary all-rounder miller dies , keith miller , arguably australia ' s greatest all-rounder in test cricket , has died in melbourne aged 84 . -__label__3 , second acts , former house speaker thomas m . finneran is the new president of the massachusetts biotechnology council , a trade group that counts more than 400 members , including genzyme corp . and biogen idec inc . , the two largest biotechnology companies in the state . its previous president left under pressure earlier this year , and some members say they chose finneran , who quit his legislative post . . . -__label__1 , chicoutimi #39 was seaworthy #39 , a submarine left stranded in the atlantic after a fire was seaworthy when it left the uk , the canadian navy has said . the second-hand vessel was sold to canada by the royal navy who earlier denied a refit was botched . -__label__3 , plan to ease sale of abbey shares , abbey national shareholders will no longer need to fill in complex spanish tax forms if bsch ' s bid to buy the uk firm succeeds . -__label__4 , inspector google solves the crime , it #39 s normally employed to drum up that missing address , phone number or website , or to check facts , dates , names and other miscellany . -__label__3 , singapore shares end lower , singapore shares ended lower monday , hurt by below-expected third-quarter economic data that added to ongoing concerns over high oil prices and weakness on wall street . -__label__3 , intel defeats amd in court , amd #39 s attempt to persuade the us court to sanction the release of over 60 , 000 pages of intel documentation to a european commission anti-trust enquiry has failed . -__label__3 , insurance giant to export 1 , 100 jobs to india , one of the countrys biggest insurance firms today announced plans to transfer more than 1 , 100 jobs to india over the next few years , sparking fears of a crisis in the uk . -__label__2 , chargers postgame show , denver was poised to take the late lead when cornerback drayton florence knocked away an end zone pass headed for rod smith . the pass ricocheted to safety jerry wilson for an interception . -__label__1 , explosions in refugee camp in south gaza strip , gaza ( reuters ) - several explosions rocked the house of an islamic jihad militant leader in a palestinian refugee camp in the southern gaza strip on monday , witnesses said . -__label__3 , t-online returns to deutsche telekom mothership , german incumbent telco deutsche telekom announced over the weekend it is to begin taking its internet division , t-online , back entirely within the mother corporation . -__label__1 , oil surges to new intraday high in europe ( ap ) , ap - the price of crude oil surged to a new intraday high of us #36 53 . 42 in european trade monday , despite assurances from middle east oil producers that they were committed to bringing the price down as a strike began in africa ' s largest exporter . -__label__3 , nobel economics prize awarded , norwegian-born finn kydland and edward prescott of the united states won the 2004 nobel\economics prize , the royal swedish academy of sciences said on monday . -__label__3 , diebold cuts forecast , new york ( reuters ) - diebold inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dbd . n target=/stocks/quickinfo/fullquote> dbd . n< /a> , the leading maker of automated teller machines , on monday reduced its third-quarter and full-year earnings forecasts as it absorbs costs for recertifying its electronic voting machines in california and for expenses related to a pending civil action in that state . -__label__2 , ken caminiti , former nl mvp , dies of heart attack at age 41 , ken caminiti , the 1996 national league most valuable player who admitted to using steroids during his major league baseball career , died yesterday of a heart attack , his agent said . -__label__2 , superstar kewell remains centre of attention , socceroo forward harry kewell loosens up by tossing around a ball at bondi beach yesterday . photo craig golding . there were half a dozen socceroos standing on a raised platform in sydney #39 s -__label__2 , adams out at foxes , micky adams has quit as manager of leicester city after the club failed to persuade him to stay . his resignation was accepted at an emergency board meeting at the walkers stadium this morning . -__label__1 , taiwan invites china to air talks , taiwan invited china to send envoys to the island to discuss direct charter flights on monday , a day after taiwan president chen shui-bian called for peace talks between the rivals . -__label__4 , google launches mobile messaging service , putting some truth to the rampant rumours that google was getting into the instant messaging business , the company has announced the beta test release of google sms , the mobile phone equivalent of im . -__label__3 , us stocks end lower on job data , record high for oil , new york ( cbs . mw ) -- us stocks ended lower friday as september #39 s weaker-than-expected employment report closed out a week of disappointing economic data , with a new a record high for oil and a lackluster start to the third quarter earning season prompting -__label__1 , finnish watchdog raps tv game operators ( reuters ) , reuters - finland ' s consumer watchdog said on\monday it had reprimanded broadcasters for causing children to\run up huge mobile phone bills with interactive television game\and chat programs . -__label__3 , multiplex , westfield in uk bid , shopping centre giant westfield group has drafted rival multiplex and the billionaire reuben brothers into its pound stg . 585 million ( \$1 . -__label__3 , update 1-diebold cuts forecast , cites voting machine unit , diebold inc . ( dbd . n quote , profile , research ) , the leading maker of automated teller machines , on monday reduced its third-quarter and full-year earnings forecasts as it absorbs -__label__3 , oracle #39 s catz sees peoplesoft profit declining ( update1 ) , peoplesoft inc . #39 s profit may drop significantly #39 #39 this year , and the company may have trouble surviving on its own , oracle corp . -__label__1 , sharon rejects army bid to wind down gaza offensive , israel #39 s ariel sharon has rejected his army #39 s request to scale back its gaza offensive , seeking to avoid any show of weakness after deadly bombings in egyptian resorts crowded with israelis , security sources said . -__label__3 , a senator #39 s outrage delays passage of corporate tax bill , the senate cleared a path on sunday for a bill to hand out about \$140 billion in corporate tax breaks , but it was blocked from a final vote by a fight over a provision aimed at helping reservists on duty in iraq . -__label__2 , safin survives first-round scare in moscow , moscow ( reuters ) - top seed marat safin survived a first-round scare before prevailing over his doubles partner max mirnyi 6-7 , 7-6 , 7-6 in the kremlin cup monday . -__label__2 , 49ers get first w , but lose peterson for year , the san francisco 49ers finally got off the schneid on sunday with a thrilling 31-28 overtime win over the arizona cardinals at monster park . -__label__1 , king abdicates after 6 decades , king norodom sihanouk , known as much for his colorful personality as his controversial statesmanship , has been synonymous with cambodia #39 s modern history for six decades . -__label__2 , tennis season over for tired henin-hardenne , brussels olympic champion justine henin-hardenne announced that her season is over because of persistent fatigue brought about by her struggle to recover from a long-term virus . -__label__3 , another oracle exec says company might lower offer price for < b> . . . < /b> , wilmington , del . another oracle executive says the company could lower its offering price for rival peoplesoft . during testimony this morning in delaware , oracle co-president safra catz said peoplesoft #39 s declining -__label__2 , do-or-die for braves , astros , cbc sports online - the situation is simple win and move on lose and go home . tied at two games apiece , the atlanta braves and houston astros square off in a do-or-die , winner-take-all contest on monday . -__label__4 , small fixes can pay big security dividends , computer users could stop most viruses and cyber attacks by fixing a small number of common flaws , according to new research . viruses , spam and distributed denial of service attacks could -__label__2 , lions are suddenly road warriors , one road victory was nice , but the lions #39 true road test came sunday against the previously unbeaten atlanta falcons at the georgia dome . -__label__1 , world bigley i want to live a simple life , the final plea , world news , the nearly five-minute tape was released two days after bigley #39 s family said it had the proof that the 62-year-old engineer from liverpool was killed . -__label__4 , study few americans buy drugs online , only 4 percent of americans have ever used the internet to buy prescription drugs - and even fewer do so through foreign pharmacies - despite web sites maintained by a handful of states to help citizens import medicines more cheaply from canada , a new study finds . -__label__1 , ballots pour into afghan counting centers , kabul , afghanistan - ballot boxes poured into counting centers monday for a tally of the disputed presidential election in afghanistan amid signs an opposition boycott was wavering after at least two candidates agreed to accept the ruling of an independent panel ' s inquiry . election organizers hope their decision , announced late sunday , to establish a panel of about three foreign election experts to investigate the balloting will end the boycott , which many fear could seriously undermine the winner ' s ability to rule this war-ravaged nation . . . -__label__3 , senate approves tax relief bill for manufacturers , the senate today passed a far-reaching , \$136 billion corporate tax package that cuts taxes for businesses ranging from film companies to bow-and-arrow makers while closing tax loopholes and bringing us exporters in line with -__label__1 , web site shows two beheadings in iraq , three hooded gunmen pose with an unidentified turkish hostage , who they threatened to behead unless all american release all iraq prisoners , and all turks leave iraq , in this image made from a television broadcast by al-arabiya television , monday oct . -__label__1 , israel ' s sharon survives two no-confidence votes ( reuters ) , reuters - prime minister ariel sharon survived\two no-confidence votes in israel ' s parliament on monday , \clinging to power as he seeks to push through a disputed plan\for withdrawal from some occupied territory . -__label__4 , dell recalls four million power adaptors , about 4 . 4 million ac adapters sold worldwide with dell notebooks between september 1998 and february 2002 were recalled on friday because of a risk of overheating , which could lead to a fire or electrical shock , according to dell . -__label__1 , sadr #39 s men cash in their guns , baghdad members of radical cleric moqtada al-sadr #39 s militia began handing back their weapons yesterday under a deal with the interim iraq government , while two us soldiers were killed in a baghdad rocket attack . -__label__4 , verizon wireless to add 16 cities to broadband ( reuters ) , reuters - verizon wireless , the largest u . s . \wireless company , will expand its high-speed data service to 16\markets by the end of the year , the chairman of verizon\communications inc . said on monday . -__label__1 , cambodia prince moves closer to throne ( ap ) , ap - the son of king norodom sihanouk moved closer monday to becoming cambodia ' s new monarch after legal hurdles were cleared in the complicated succession process triggered by the surprise abdication of his father last week . -__label__4 , polycom announces desktop videoconferencing software , polycom made several announcements today , including software that puts videoconferencing capability on standard desktops with third-party cameras . -__label__1 , an afghan ' hanging chad ' dispute , an independent inquiry is helping to defuse a controversy over ink used in saturday ' s election . -__label__3 , cocoa farmers issue strike threat , unions are threatening a general strike in the ivory coast in a protest against the prices farmers are paid for their cocoa supplies . -__label__3 , linux paris weighs a shift to open-source camp , paris the open-source computer system known as linux won a tough battle over microsoft earlier this year when the city of munich decided to change the operating software of 14 , 000 government computers , despite the personal intervention of steve ballmer -__label__2 , mauresmo retires , davenport wins porsche tennis grand prix , this was not the way that american lindsay davenport wanted to claim her second career title at the porsche tennis grand prix . in a match between the top two -__label__1 , mbeki #39 s deputy in fraud scandal , it has been dubbed hamlet without the prince , a trial where the accused is absent but which could determine if he is to rule south africa . -__label__2 , ecclestone driving a hard bargain , the negotiations over the future of the british grand prix are expected to shift up a gear tomorrow when the sport #39 s governing body , the fia , publishes a draft calendar for the 2005 formula one world championship . -__label__2 , adams quits as leicester boss , leicester mickey adams has quit as manager of english championship side leicester city , the club announced yesterday . adams #39 resignation was accepted at an emergency meeting of the board of directors at the -__label__1 , soweto township marks centenary , south africa ' s historic soweto township marks its 100th birthday on tuesday in a mood of optimism . -__label__4 , sgi to ship intel linux workstation ( ziff davis ) , ziff davis - silicon graphics inc . will ship a new ultra high performance intel itanium-based linux workstation designed for scientific and medical applications . -__label__3 , euro exchange rate poses no threat to eurozone economy , a top european union ( eu ) economic official said on monday that the current level of the euro against the us dollar posed no threat to the eurozone economic recovery . -__label__1 , german leader to arrive in china , german chancellor gerhard schroeder was preparing sunday to arrive in china for the start of a five day asian tour monday to discuss trade and bilateral ties . -__label__2 , ravens get rest , with the absence of running back jamal lewis , the ravens hope to get a number of injured players back during their bye week . -__label__1 , skorea ' s samsung to invest 24 billion dollars in new chip lines ( afp ) , afp - south korea ' s samsung electronics co . , the world ' s largest memory chipmaker , said it would invest some 24 billion dollars in building new chip production lines over the next six years . -__label__3 , #39 enron of kansas #39 trial begins , in the recent annals of corporate fraud , the names enron , tyco and worldcom ring the loudest . but for residents of topeka , kan . , the former leaders of the local utility company have become just as infamous . -__label__1 , nobel peace prize winner gives some credit to kansas catholic < b> . . . < /b> , atchison , kan . ( cns ) -- the 2004 winner of the nobel peace prize says a small catholic college in kansas was instrumental in making her quot who i am and may ever become , quot according to correspondence released by the school . -__label__2 , report dhanraj no longer needed coach , with australia pulling out of the champions trophy to be held in pakistan in december due to security reasons , india will replace the aussies in the tournament . -__label__3 , study 39 million americans in working poor families , washington -- a new report indicates that one in every five us jobs pays less than a poverty-level wage for a family of four . as a result , nearly 39 million americans , including 20 million children , are members -__label__3 , shares plunge 20 at global crossing , new yorkshares of global crossing ltd . lost nearly 20 per cent in value yesterday on concerns it could face a second bankruptcy after it said it is cutting 600 jobs as it negotiates with lenders for financing . -__label__1 , pakistan test-fires nuclear missile , pakistan has successfully test fired a medium-range , nuclear-capable missile that could hit most cities in neighbouring india . defence officials said the exercise was not intended as a message to the south asian rival . -__label__3 , oil prices close to record highs , oil prices hover just below monday ' s record peaks in asian trade , amid continued concerns over global supply shortages . -__label__3 , boeing chief rules out compromise , the chief executive of the us plane maker boeing warned yesterday that america would not compromise over its demand for an end to subsidies for airbus , in remarks that raised -__label__2 , familiar ? braves #39 tune is postseason dirge again , at the end of a long season and grueling playoff series , managers often point some weary optimist toward the hill and place the bullpen on high alert . -__label__1 , japan loses whale trade bid , a un meeting has harpooned a japanese bid to ease curbs on trade in whale products , but a defiant tokyo accused the west of quot cultural imperialism quot and vowed to press efforts to expand whaling . -__label__1 , highlights of what congress has done ( ap ) , ap - highlights of what congress has done #151 and has not done #151 this year . -__label__2 , sales key factor for sun in wnba title game , nykesha sales smiled when someone suggested the connecticut sun could add a wnba title to this year ' s ncaa championships won by the uconn men ' s and women ' s teams . -__label__3 , retail sales improve amid caution , the high street perked up in september , but consumer confidence is falling as a result of higher interest rates and concerns over the housing market , figures reveal . -__label__2 , caminiti , 41 , dies of heart attack , san diego - ken caminiti was never short of fearless on a baseball field . he made incredible stops at third base , swatted home runs from both sides of the plate and played through pain that would wither most men . -__label__4 , glacier grows in mount st . helen ' s crater ( ap ) , ap - while earthquakes , steam and magma are getting all the attention on mount st . helens these days , the volcano ' s most unique feature could be the icy epitome of slow motion that has sprouted on its flanks in the last two decades its glacier . -__label__4 , kenyan laureate urges rich nations to ratify kyoto ( reuters ) , reuters - kenya ' s nobel peace prize winner , \wangari maathai , on monday urged wealthy nations to ratify the\kyoto protocol on climate change to ease the burden of\pollution on poor countries . -__label__1 , afghanistan heads for vote count , afghans arrange votes in kabul , capital of afghanistan , oct . 11 , 2004 . the afghan joint electoral management body decided on monday to suspend vote counting and start to investigate into the voting process . -__label__4 , msn messenger difficulties - virus , people using microsoft #39 s instant-messaging software , msn messenger , may have been a mite lonely this weekend , with only a virus to keep them company . -__label__2 , sports ihf awaiting invitation for champions trophy , sports news , new delhi , oct 12 ( ians ) the indian hockey federation ( ihf ) is expecting a formal letter of invitation from the game #39 s world governing body to replace olympic champion australia in the champions trophy at lahore in december . -__label__2 , subplots abound in rich alcs , the two eastern division rivals as consumed with each other as ahab was with his whale , now and forever . tonight , it #39 s mike mussina vs . -__label__1 , iraqi nuclear assets #39 are missing #39 , equipment which could be used to make nuclear arms has been vanishing from iraq , the united nations has been warned . satellite images show entire nuclear plants appear to have been dismantled . -__label__1 , sharon seeks wider govt . to save gaza pullout plan , jerusalem ( reuters ) - israeli prime minister ariel sharon launched new efforts tuesday to widen his shaky coalition after a stinging setback in parliament that complicated his plan to withdraw from some occupied territory . -__label__1 , landmine kills darfur aid workers , two aid workers are killed in sudan ' s darfur region after their vehicle hit a landmine . -__label__4 , authorities shut down uk-based news web sites , us authorities , participating in an international investigation , have shut down 20 independent news web sites run by the independent media center ( indymedia ) by seizing two uk-based web servers , the group said on friday . -__label__4 , u . s . spies on chat rooms , could terrorists be plotting their next move online , obscured by the ' noise ' of chat-room chatter ? the u . s . government thinks that may be the case and is funding a yearlong study on chat-room surveillance . -__label__3 , oracle considers lower peoplesoft offer , oracle corp could reduce its offer for peoplesoft inc by as much as a third , to \$2 . 5 billion or \$14 a share , to reflect declining performance at the rival company , an oracle executive reportedly testified yesterday . -__label__1 , sharon seeks wider government to save gaza pullout plan , jerusalem ( reuters ) - israeli prime minister ariel sharon launched new efforts on tuesday to widen his shaky coalition after a stinging setback in parliament that complicated his plan to withdraw from some occupied territory . -__label__4 , prosecutors say ebbers lied to obtain loans , court documents show federal prosecutors have told lawyers for former worldcom inc . chief executive bernard j . ebbers that they plan to argue he lied about the telecommunications giant ' s financial condition in order to get personal loans . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__3 , carrefour dips ahead of expected warning , carrefour sa #39 s shares dipped tuesday amid reports that the world #39 s second largest retailer was to issue a profit warning when it posts third-quarter revenue later in the day . -__label__1 , princess diana fountain to close again ( ap ) , ap - it has been fenced in , clogged with leaves , overrun with visitors and even used as a dog bath . now the princess diana memorial fountain is to close again to replace surrounding grass that has become sodden with splashing water , park officials said tuesday . -__label__3 , update 3-sonic , asbury cut earnings estimates , stocks fall , shares of sonic automotive inc . ( sah . n quote , profile , research ) and asbury automotive group inc . ( abg . n quote , profile , research ) fell sharply on tuesday after both car dealership -__label__4 , ipod plus photo-viewing , now it looks as if an additional function , coupled with a definitely major enhancement , will further boosts its popularity - and apple #39 s profits . -__label__1 , u . s . says n . korea miscalculating by stalling on talks , tokyo ( reuters ) - the united states accused north korea tuesday of miscalculation by refusing to resume talks on its nuclear programs before the u . s . presidential election while china renewed a diplomatic drive to end the stalemate . -__label__1 , cricket tendulkar to miss test , sachin tendulkar is almost certain to miss thursday ' s second test against australia in madras . -__label__1 , oil prices , earnings send stocks lower , new york - investors sent stocks lower tuesday as oil prices crossed another milestone , \$54 per barrel . earnings reports from heavyweights johnson johnson and merrill lynch co . . . -__label__3 , johnson amp johnson facing single-digit growth , credit suisse first boston said it was quot still cautious quot regarding johnson amp johnson ( nyse jnj - news - people ) after the company reported quarterly results above wall street estimates . -__label__4 , oracle vs . peoplesoft lies and lying ceos who tell them , peoplesoft #39 s board knew that ceo craig conway had erred in his comments , so it filed a corrected version of the meeting transcript with the securities and exchange commission . -__label__1 , presidential winner faces ' twin deficits ' battle ( afp ) , afp - whoever wins the november 2 presidential election will inherit massive budget and trade deficits that pose huge economic challenges that will give little relief for president george w . bush or rival john kerry . -__label__2 , bengals de smith pleads not guilty to dui , kettering , oh ( sports network ) - cincinnati bengals defensive end justin smith entered a plea of not guilty for his drunken driving charge stemming from an arrest last tuesday . -__label__4 , dell axim x50v , large vga screen great graphics included gaming bundle windows media player 10 . 0 mobile fast processor and ample memory integrated wi-fi and bluetooth sleek design user-replaceable battery . -__label__4 , sgi launches linux workstation , quot sgi is pushing the limits of how many processors can run on a single version of linux , quot says idc #39 s dan kusnetzky . quot the intersection of these different technologies makes it much easier to -__label__1 , hostage-taker snubs rescue team , a pakistani militant leader linked to al-qaeda said today he refused to meet a council of tribal elders trying to secure the release of two chinese hostages held by his group . -__label__4 , paypal technical snafu hits ebay online commerce , technical problems for online payment service paypal are hampering e-commerce on the ebay online marketplace . the payment service , which is owned by ebay , has been experiencing problems since last friday when -__label__3 , microsoft launches new media center pc , microsoft corp . msft . o on tuesday unveiled a new version of its windows xp media center , adding features such as instant messaging and high-definition television to a personal computer designed for the living room . -__label__3 , rumors suggest photo ability to be added to ipod , quot apple has invested heavily in technology to edit pictures . not having a portable device to show them seemed an obvious oversight that would be corrected once the price of the displays -__label__1 , blast near convoy of palestinian security chief ( reuters ) , reuters - an explosion occurred near the convoy of a\palestinian security chief in the gaza strip on tuesday , \witnesses said . -__label__3 , amazon leaves jungle business , the company has no further expansion plans after buying a chinese website . also virgin joins quest for a better ipod hellip . peoplesoft makes promise that oracle will live up to hellip . and more . -__label__4 , dreamworks animation ipo set at 29m shares , underwriters for dreamworks animation skg inc . , producer of the blockbuster shrek movies , tuesday set the terms of the company ' s pending initial public offering at 29 million common shares , with an estimated price range of \$23 to \$25 a share . -__label__4 , extrasolar planets a matter of metallicity , the 130 extrasolar planets discovered so far are in solar systems very different from our own , in which life-bearing planets like earth are unlikely to exist . but an obscure characteristic of these planets and their stars has led astronomers to predict that our galaxy is brimming with solar systems like ours . the key to their prediction is something called metallicity . -__label__2 , madrid draw with villarreal to retain 2nd place , real madrid played without four regulars and settled for a 0-0 draw with villarreal yesterday , leaving them nine points behind spanish league leaders fc barcelona after 14 games . -__label__1 , germany deports turkey militant , german police deport an islamic militant wanted by turkey , hours after his extradition is approved . -__label__4 , feds make a strike against spyware companies , washington -- in what regulators are calling a first , the federal government has asked for a court order to shut down a spyware operation . -__label__3 , dreamworks animation ipo may raise up to \$725m , animated film-maker dreamworks animation skg inc . set its anticipated initial public offering at 29 million shares -- which could raise \$725 million , reuters is reporting . -__label__4 , microsoft issues patches for 7 software flaws , microsoft has warned of seven newly found flaws in its software that could allow an attacker to steal data and take over a personal computer running the windows operating system . -__label__3 , stocks end flat , intel jumps after hours , new york ( reuters ) - u . s . stocks ended slightly lower on tuesday , but well above their lows , after crude oil retreated from a record of over \$54 a barrel . -__label__1 , australia wallets trump war , a majority of australians oppose the iraq war , but they turned out to be more concerned about the economy . -__label__3 , lazard adversaries edge closer to a deal , bruce wasserstein , head of lazard , could reach an agreement as early as this week with michel david-weill , the chairman , extending the deadline for -__label__1 , fcc proposes \$1 . 2m indecency fine for fox , washington - federal regulators proposed a record indecency fine of nearly \$1 . 2 million tuesday against fox broadcasting co . for an episode of its reality series married by america that included graphic scenes from bachelor and bachelorette parties . . . -__label__1 , u . s . seeking nato help in afghanistan , washington will ask nato\to devise a blueprint by february to have the alliance take\over operations in afghanistan , now split between an american\force and nato contingent , officials said on tuesday . -__label__4 , piracy crackdown yields \$2 . 2 million , the business software alliance collects out-of-court settlements from companies that violated copyright rules . -__label__1 , ljubicic downs hanescu at open de moselle , top-seeded ivan ljubicic of croatia beat victor hanescu of romania 6-4 , 6-4 tuesday in the first round of the open de moselle . -__label__4 , will your phone become your credit card ? , motorola is working with mastercard to introduce a lifestyle changing credit card phone by year ' s end . -__label__4 , picture 7 of 8 microsoft ' s new media center push , software maker heads to la to show off a host of gadgets that use one or another microsoft technology to access movies , music and video . -__label__4 , peoplesoft , sap make bid for manufacturing dollars , business software vendors peoplesoft and sap separately debuted new technologies to further consolidate their respective positions in the manufacturing market . -__label__3 , starbucks ceo to retire , shares fall , starbucks corp . ( sbux . o quote , profile , research ) on tuesday said its chief executive , orin smith , will retire next year , surprising investors , who sent the coffee shop chain #39 s shares lower in after-hours trading . -__label__2 , drummond back to his happy home , scott drummond , who meets the defending champion ernie els tomorrow in the first round of the world match play championship , arrived at wentworth in may with career earnings on the european tour of less than 40 , 000 . -__label__3 , news corporation to buy 20 presses from man roland , london--oct . 12 , 2004-- news corporation today announced a significant investment in news international limited , with the expenditure over the next four to five years of more than gbp 600million on new printing plants . -__label__2 , nhl owner is criticized for talking of replacement players , the day before the regular season was supposed to open , the national hockey league rebuked a team official yesterday for his comments about the league #39 s strategy in its labor lockout , its second in a decade . -__label__1 , supreme court to review inmate freedom law ( ap ) , ap - the supreme court agreed tuesday to consider the constitutionality of a federal law that requires state prisons to accommodate inmate religions , from christianity to satanism . -__label__1 , 7 u . s . groups ask u . n . for vote observers ( ap ) , ap - seven american activist groups asked the united nations on monday to provide international observers for next month ' s presidential election . -__label__1 , us troops accelerate operations against sunni insurgents , _ us troops are on the offensive in iraq ahead of the holy month of ramadan , which is expected to start at the end of the week . the operations appear aimed at preventing a repeat of the -__label__3 , oil eases on profit-taking , singapore ( reuters ) - oil prices slipped further from record highs on wednesday as traders locked in profits after the market ' s \$10 surge since mid-august . -__label__3 , boeing competitors protest , lockheed martin corp . and bae systems north america inc . filed protests with the air force tuesday over a \$4 billion contract to upgrade electronics on c-130 military transport planes awarded to boeing co . in 2001 . -__label__3 , nevadans to benefit from sales tax deduction #39 s return , washington -- gaylyn spriggs can remember two decades back when she would keep every grocery and department store receipt in a shoebox on a closet shelf . -__label__4 , intel posts higher profit , sales , computer-chip maker intel corp . said yesterday that earnings for its third quarter were \$1 . 9 billion -- up 15 percent from the same quarter a year ago -- but the company cautioned that computer-processor demand in the united states is likely to remain low . -__label__4 , cyber-security to get higher-profile leader , homeland security secretary tom ridge said yesterday that the role of overseeing computer security and the internet should have a higher profile at the agency , in the face of increasing concern from technology executives and experts that cyber-security is getting inadequate attention . -__label__2 , thrashers owner fined , the nhl fined one of the owners of the thrashers \$250 , 000 on tuesday for saying the league would use replacement players next year if a new collective bargaining agreement isn ' t reached . -__label__1 , iraqi forces raid ramadi mosques , us forces stepped up operations yesterday across a wide swath of the sunni insurgent strongholds northwest of the capital , pounding targets in three urban centers from the air and supporting iraqi troops in raids on mosques suspected of harboring -__label__4 , ftc files first lawsuit against spyware concerns , the federal trade commission formally announced yesterday its first assault against spyware - bits of computer code that surreptitiously install themselves on the computers of internet users -__label__1 , iraq nuclear losses #39 a scandal #39 , former un chief weapons inspector hans blix has said the loss of control of iraq #39 s nuclear sites by the us after it occupied the country was scandalous . -__label__4 , thailand shows no easy war against wildlife crime ( reuters ) , reuters - with an ak-47 assault rifle slung over\his shoulder , sompong prajobjan roamed one of thailand ' s lush\national parks for more than a decade . -__label__2 , backe in no position to complain , brandon backe wasn #39 t pleased when the devil rays , for the 2001 season , switched the minor-leaguer from outfield to pitcher . considering how it worked out , backe should give tampa bay a big thumbs up . -__label__1 , the radical islamic cleric was deported from germany late tuesday < b> . . . < /b> , turkish officials were doing what was necessary in regard to the return of metin kaplan , who was deported by germany on tuesday after a cologne court ruled he could be extradited , erdogan told reporters . -__label__3 , alaskan pipeline has hurdles , energy companies planning a \$20 billion gas pipeline to us consuming markets from alaska welcomed new federal loan guarantees but cautioned tuesday that other issues must be resolved before the huge project proceeds . -__label__3 , uk ' s jobless level falls further , unemployment in the uk fell by 51 , 000 between june and august to 1 . 39 million - the lowest on record , according to official figures . -__label__3 , large number of station owners can now be paid , the us supreme court agreed tuesday to decide which gas station owners can claim refunds from exxon mobil corp . in a \$1 . 1 billion class-action lawsuit involving alleged fuel overcharges . -__label__4 , tsmc , freescale expect initial production of 65nm soi in 4q 2005 , taiwan semiconductor manufacturing company ( tsmc ) and freescale semiconductor expect to begin initial production of a high-speed 65nm silicon-on-insulator ( soi ) process in the fourth quarter of 2005 , with volume production pending on market demand -__label__4 , new year , new notebooks for all , t . c . williams high school is handing out laptops to make sure students of all backgrounds have the latest equipment in an increasingly computerized world . -__label__3 , tata cs celebrates profits uplift , indian software giant tata cs unveils sharply higher profits in its first set of results since its stock market launch . -__label__4 , new crew prepares for launch to international space station , all three men heading to the international space station in a russian-built soyuz spacecraft this thursday will be riding the tiny craft for the first time , breaking with 35 years of tradition . -__label__1 , ' sherlock ' is bicycling across australia , perth , australia - a former british soccer player raising money for a leukemia charity set off wednesday on a coast-to-coast ride across australia on a victorian-era bicycle that is older than the country . leukemia survivor lloyd scott dressed up as fictional british supersleuth sherlock holmes , complete with tweed coat , deerstalker hat and a fake mustache for the 2 , 700-mile trip from perth to sydney . . . -__label__2 , 76ers 114 , wizards 107 , marc jackson scored 12 of his 21 points in the final 31/2 minutes and the philadelphia 76ers capped their first training camp at duke university with a 114-107 victory over the washington wizards on tuesday night . -__label__3 , mcdonald #39 s earnings beat forecasts , mcdonald #39 s third-quarter earnings rose a higher-than-expected 42 percent , the world #39 s largest restaurant chain says , citing strong sales in the united states and a lower tax rate . -__label__2 , seattle sunset , the seattle storm raced to hot starts in both the first and second halves and never looked back , using the momentum to win their first wnba world championship . -__label__4 , paypal outages persist , worry users , sporadic outages at paypal stretched into a fifth day on tuesday , though the company late in the day reported that access had returned to normal for most users . -__label__3 , sick kids vs . disney in #39 peter pan #39 dustup , it #39 s a story that would make peter pan glad that he never grew up . walt disney co . is caught in a feud with a uk children #39 s hospital over the copyright to jm barrie #39 s classic novel , quot peter pan . -__label__3 , hca warns on third-quarter earnings , hospital giant hca inc . said wednesday it expects third-quarter earnings to range between \$222 million and \$232 million , or 46 cents to 48 cents per share , including losses from hurricanes charley , frances -__label__2 , nfl notebook jets #39 pennington to start vs . texans , jets quarterback chad pennington will start tomorrow against the houston texans after sitting out the past three games with a strained right rotator cuff . -__label__4 , cherry os new emulator runs mac os on windows hardware , a company called mxs announced a new software emulator called cherry os that makes it possible to install mac os x onto x86 hardware ( running windows ) . -__label__1 , more dead in fresh iraq violence , at least nine iraqis and four us soldiers are reported to have been killed in renewed violence in iraq . -__label__3 , excess chips a drag on 3rd-quarter intel results , intel on tuesday released third-quarter financial results showing that it continues to struggle to sell a substantial stockpile of computer chips as demand for personal computers remains slow . -__label__3 , update 1 ex-ahold ceo says he #39 s settled with sec , global grocery retailer ahold nv and its former chief executive have reached settlements with the us securities and exchange commission over charges related to a \$1 billion overstatement of earnings , they said wednesday . -__label__4 , live launch of expedition ten crew to the iss / esa tv live / 14 < b> . . . < /b> , the early morning hours of 14 october will see the next iss launch , bringing another permanent crew to the station . expedition 10 crew is made of commander leroy chiao and flight engineer salizhan sharipov . -__label__4 , computer users warned of #39 david beckham zombie trap #39 , hackers are trying to trick computer users into downloading damaging software by claiming to have sleazy photographs of football star david beckham , experts warned today . -__label__4 , google woos froogle uk shoppers , quot we developed froogle uk so that online shoppers could quickly and easily locate the products they are looking for , from the most obscure to the most popular , quot google engineering director cosmos nicolaou said in a statement . -__label__2 , lippi wants azzurri improvement , italy boss marcello lippi is counting in his charges to make the country forget their weekend loss to slovenia when they face belarus in uefa world cup qualifying action on wednesday . -__label__2 , jets #39 moss questionable for sunday , hempstead , ny -- new york jets wide receiver santana moss is questionable for sunday #39 s game against san francisco because of a hamstring injury . -__label__1 , nev . move to purge some dem voters fails ( ap ) , ap - elections officials have rebuffed an attempt by a former gop operative to purge about 17 , 000 democrats from the voter rolls in the battleground state of nevada , where the two presidential candidates are in a dead heat . -__label__2 , jackson the wizard of loz , whatever her status as an individual in the world of basketball , lauren jackson #39 s ultimate legacy will be what she achieves with her teams . -__label__1 , 4 us soldiers killed in roadside bomb attack coalition steps up < b> . . . < /b> , roadside bombings killed four american soldiers in baghdad , the us command said wednesday , as us and iraqi troops stepped up pressure on sunni insurgents before this week #39 s start of the islamic holy month of ramadan . -__label__4 , new msn search may be a google killer ! , new msn search may be a google killer ! \\the second look at msn ' s search technology is available for public beta testing . i ' ve given it a spin myself and must say that i ' m impressed . although they have no ads on the serp ' s of the preview site , i ' m sure they will load it . . . -__label__4 , next space station crew to launch , expedition 10 , the next crew to live on the international space station ( iss ) , is set to launch from kazakhstan . us astronaut leroy chiao and russian cosmonaut salizhan sharipov will leave the baikonur cosmodrome on a soyuz rocket at 0306gmt on thursday . -__label__2 , west lafayette abuzz with boilers #39 lofty ranking , purdue #39 s boilermakers are breathing thin and rarefied air as they climb up the college football rankings mountain . it #39 s a heady air that hasn #39 t been breathed on the west lafayette campus in nearly 25 years . -__label__4 , qualcomm acquires uk-based , mobile user interface leader trigenix , san diego , oct . 12 -qualcomm incorporated ( nasdaq qcom ) , pioneer and world leader of code division multiple access ( cdma ) digital wireless technology , today announced it has acquired trigenix , a mobile user interface company , based in the united kingdom . -__label__3 , ahold , ex-execs settle with regulators ( reuters ) , reuters - ahold nv , the dutch\grocery operator , and three former top executives have agreed\to settle u . s . securities fraud charges related to massive\overbooking of profits , the company and u . s . regulators said on\wednesday . -__label__1 , iraq ' s allawi issues ultimatum to falluja , baghdad ( reuters ) - iraq ' s interim prime minister warned the rebel-held city of falluja on wednesday it must hand over foreign militants , including america ' s top enemy in iraq , or face a major operation to root them out . -__label__2 , safin , petrova upset in kremlin cup , radek stepanek of the czech republic pulled off a major upset wednesday , eliminating top-seeded marat safin 7-6 ( 8 ) , 4-6 , 6-3 on the russian #39 s home turf in the second round of the us\$2 . -__label__2 , signing of teenage racer raises questions ( ap ) , ap - next october , chase austin will finally be old enough to drive to the grocery store by himself . by then , though , he ' ll also have a full season of stock car racing under his belt . -__label__1 , football azerbaijan 0-1 england , michael owen heads england ' s winner in the world cup qualifier against azerbaijan . -__label__1 , ban for former ahold executives , dutch retailer ahold ' s former chairman and its ex-finance officer are barred from executive posts as part of a us fraud case settlement . -__label__2 , warrick doubtful for sunday , cincinnati , oh ( sports network ) - cincinnati bengals wide receiver peter warrick is doubtful for sunday #39 s game against cleveland because of a shin injury . -__label__1 , israel arrests bombing suspect , kills 4 militants ( reuters ) , reuters - israel dealt a double blow to the\palestinian islamic group hamas on wednesday , arresting a west\bank leader held responsible for a twin suicide bus bombing\that killed 16 and killing two militants in gaza air strikes . -__label__3 , earnings for the new york times slip , the newspaper publisher today said that while the ad market remains uneven it has seen improved trends so far in october . -__label__3 , peoplesoft execs defend bid rejection , peoplesoft inc . #39 s ( psft . o quote , profile , research ) chief financial officer on wednesday said the company #39 s customer assurance program might not force liabilities on oracle corp . -__label__3 , mcteer lonesome dove to be an aggie , new york ( cnn/money ) - a new economy champion , a lover of the texas picker poets who write lovesick country songs . . . and , oh , by the way , a member of the federal reserve system for 36 years . -__label__1 , us got complaints about security guards , the us state department wednesday noted quot aggressive quot behavior by some dyncorp contractors hired to protect afghan president hamid karzai . -__label__3 , jjb profit and bid hopes fade away , sports retailer jjb yesterday reported a near 25 drop in profits and continuing poor sales , and ended shareholders #39 hopes of a takeover by announcing that a potential bidder had walked away . -__label__1 , nato to send staff to iraq , nato will send military trainers to iraq before the end of the year in response to appeals by iraqi leaders for speedy action , us ambassador to nato nicholas burns said today . -__label__1 , israel kills two hamas militants after renewed threat , israeli air strikes killed two hamas militants in gaza on thursday just after the islamic group renewed its threats to continue rocket attacks against israelis despite a massive army offensive aimed at stopping them . -__label__4 , ipod helps lift apple ' s fourth-quarter profit , the ipod helped apple ' s profit get up and dance . apple computer inc . reported wednesday that net income for its fourth fiscal quarter jumped 140 percent from the same period a year ago . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__1 , blair heads to hungary for summit , tony blair is to address leaders at conference of centre-left leaders in hungarian capital budapest . -__label__4 , sony looks under the christmas tree , americans will go gadget shopping this holiday season even if oil prices go up , sony execs say . -__label__4 , apple to give its stores a mini me look , the mac maker has big plans to expand its network of retail outlets by creating small versions of its stores . -__label__1 , era congratulates nobel peace prize winner , the environmental rights action/friends of the earth nigeria ( era/foen ) has congratulated kenya born nobel peace prize winner , dr . -__label__1 , russian rocket carrying russian-u . s . crew blasts off for space station ( canadian press ) , canadian press - baikonur , kazakhstan ( ap ) - a russian rocket carrying a new russian-u . s . crew to the international space station lifted off from the baikonur cosmodrome thursday . -__label__3 , asian shares hit by metals tumble , oil ( reuters ) , reuters - a sharp slide in global metals\markets hammered industrial and mining stocks such as jfe\holdings and bhp billiton thursday , while oil prices crawled\back toward record highs . -__label__3 , petroleum and natural-gas supply data due out thursday , san francisco ( cbs . mw ) -- a rally in heating-oil futures to a fresh record and gains for natural gas for the first time in four sessions pulled crude prices more than \$1 a barrel higher wednesday . -__label__3 , us may help to ease cost of boeing terror insurance , boeing soon may be eligible to buy us terrorism insurance at below-market rates , adding fuel to a debate with europe over aircraft-maker subsidies . -__label__4 , patent case challenges microsoft #39 s #39 autoplay #39 , a federal judge has set a december date for a patent suit challenging quot autoplay quot technology included in recent versions of microsoft windows . -__label__1 , israel suspends soldier after girl shot 15 times , gaza city -- the israeli army yesterday suspended a platoon commander on suspicion he emptied an ammunition clip into a 13-year-old palestinian girl from close range after she had already collapsed under fire . -__label__2 , marshall carries w . va . to victory , the senior quarterback rushed for 110 yards , threw for a touchdown and even punted a quick kick in the mountaineers #39 31-19 victory over connecticut last night . -__label__3 , accounting body delays rule on expensing options , bowing to corporate pressure , the group that sets standards for the us accounting industry yesterday postponed by six months its plan to force companies to expense employee stock options . -__label__3 , temasek may buy stakes in minsheng bank , medco to expand abroad , temasek holdings pte , a \$53 billion singapore government fund , may buy stakes in china #39 s first private bank and indonesia #39 s biggest listed oil company as it steps up investments abroad . -__label__2 , cardinals outslug astros to take opening game , new york ( reuters ) - jim edmonds hit a three-run double to key a six-run sixth inning as the st louis cardinals beat the houston astros 10-7 in the opening game of the national league championship series at busch stadium on wednesday . -__label__2 , us moves on to final round , the united states national soccer team revealed both its immediate and long-term future in a 6-0 victory over panama last night . -__label__2 , twists give game 3 added weight , new york -- the nature of this american league championship series fundamentally changed when it turned out that the supposed ankle tendinitis suffered by curt schilling was actually a displaced ankle tendon . -__label__1 , thais #39 bomb #39 south with paper birds on muslim south , around 50 thai air force planes quot bombed quot the largely muslim south with paper birds on sunday as a symbol of peace for the restive region where nearly 500 people have been killed since january . -__label__4 , bourses set for losses after wall st falls ( ft . com ) , ft . com - european equity markets were poised for opening losses on thursday following a weak session on wall street overnight , while caution was likely ahead of results from nokia , the leading mobile handset maker . -__label__4 , dual internal clocks control fruit flies -study ( reuters ) , reuters - humans are not the only creatures with\an internal biological clock . fruit flies have two , which\separately control morning and evening activity , scientists\said wednesday . -__label__4 , thai minister says zoo #39 s illegal orangutans to be moved , jakarta/bangkok ( dpa ) thailand , under growing pressure to repatriate some 100 orangutans allegedly smuggled into the country from indonesia , plans to shift the apes from a private zoo to a safe centre , probably in chiang mai , a minister said on thursday . -__label__3 , before the bell- first health soars 21 . 5 percent , shares of first health group corp . ( fhcc . o quote , profile , research ) rose 21 . 5 percent in pre-market trading on thursday after rival coventry health care inc . -__label__3 , cost cuts boost southwest air profit , southwest airlines ( luv ) on thursday said third-quarter earnings rose 12 percent due to higher revenue and better cost performance even though record-high fuel prices stung the low-cost carrier . -__label__4 , russian spacecraft heads for international space station , a russian soyuz spacecraft carrying two russian cosmonauts and one american astronaut has reached orbit , after blasting off from the baikonur cosmodrome in kazakhstan . -__label__2 , ruud double lifts dutch , amsterdam - goals in either half from manchester united striker ruud van nistelrooy lifted the netherlands to a 3-1 win over finland in their european group one qualifier for the 2006 world cup here on wednesday . -__label__1 , rescued chinese hostage dies , in southeast pakistan one of two chinese hostages injured during a rescue operation died of his injuries , military sources said thursday . -__label__1 , president hu congratulates sihamoni on becoming king of cambodia , chinese president hu jintao sent a message to norodom sihamoni on thursday to congratulate him on his election as the king of cambodia . -__label__1 , new planes fly to battle locusts , the united nations is flying six more aircraft to combat swarms of crop-devouring locusts in west africa . -__label__1 , bollywood actress nirupa roy dies , bollywood actress nirupa roy dies after a heart attack at her home in mumbai ( bombay ) aged 73 . -__label__1 , vote counting begins in afghan elections , kabul , afghanistan - vote counting in afghanistan ' s presidential election got under way thursday , five days after a landmark vote meant to cement a new era of stability after more than two decades of strife . the head of the afghan-u . n . . . -__label__4 , gates says broadcast tv model faces irrelevancy , bill gates predicts a\future for the entertainment industry in which traditional\broadcast television is rendered irrelevant . it ' s a positive\vision , however , because new and better business models made\possible by technology are emerging . -__label__4 , dell rides the wave to consumer gadgets ( usatoday . com ) , usatoday . com - dell will set out thursday to conquer markets dominated by apple , hewlett-packard and others with products that include its first small digital music player , photo printer and plasma tv . -__label__3 , stocks seen flat as earnings pour in , us stock futures pointed to a flat market open thursday as a rush of quarterly earnings reports painted a mixed picture for corporate profits amid lingering worries over the high price of oil . -__label__1 , oil exports flow as strike woes ease , a general strike in nigeria , which has raised fears over oil supply from the world #39 s seventh-largest exporter , will likely end its first phase on thursday quot all going well quot , union leaders said . -__label__2 , double dip , new york - maybe it will seem just mere whistling in the bronx , these pledges by manager terry francona and general manager theo epstein even before boston ' s 3-1 loss in game 2 that the red sox would somehow find a way to overcome the possible loss of curt schilling for the rest of this american league championship series because of . . . -__label__2 , it ' s always something with sox , forget about the curse and all that nonsense . the real ongoing issue with the boston red sox is the fact that they are eternally held hostage by what we shall call quot gilda ' s law . quot ( ok , roseanne roseannadanna ' s . ) -__label__4 , can ' t hide your lying . . . face ? , in search of the ultimate lie detector , researchers turn to thermal facial scans , brain wiring and eyeball tracking . but deception still , well , deceives . by randy dotinga . -__label__2 , seven-wicket kumble destroys australia , india #39 s spin king anil kumble grabbed seven wickets for 25 runs to skittle world champions australia for 235 in a dramatic start to the second test on thursday . -__label__3 , canada slips again in competitiveness rankings , canada slipped from 12th to 15th position in the survey conducted by the world economic forum . canada #39 s position has declined in five of the last six years , despite efforts by federal and provincial governments -__label__3 , diesels , hybrids fated to wed , two leading technologies used in fuel-efficient vehicles seem destined to unite . industry experts say joining hybrid motors with diesel engines would result in the greenest mainstream vehicles ever , and the initial tests are promising . -__label__3 , transport strike hits netherlands , public transport grinds to a halt in the netherlands as workers strike against the government ' s planned welfare cuts . -__label__2 , report gretzky pondering a move to coaching , mesa , az ( sports network ) - phoenix coyotes managing partner wayne gretzky is considering a move into the coaching ranks , according to a published report . -__label__1 , flight from hong kong diverted in uk , london oct . 14 , 2004 - a virgin atlantic plane heading from hong kong to london was diverted to an airport north of london on thursday after receiving a bomb threat , police said . -__label__4 , google unveils desktop search , takes on microsoft , google inc . ( goog . o quote , profile , research ) on thursday rolled out a preliminary version of its new desktop search tool , making the first move against -__label__4 , study mobile phone use increases brain tumor risk , but researchers say data based on analogue phone usage may not yield same results as digital phone usage . -__label__4 , new bug found in mysql , users of the increasingly popular , open-source mysql database may be at risk from remote attacks due to a bug in phpmyadmin , a widely used web-based mysql administration tool . -__label__2 , yao thrills capacity crowd at first china nba game ( reuters ) , reuters - yao ming ' s houston rockets squeezed\past the sacramento kings on thursday in the first nba game to\be played in china , a country the fast-growing basketball\league deems a potential marketing mecca . -__label__3 , us trade deficit balloons again , official figures show that the us trade deficit widened to the second-highest level on record in august . -__label__1 , munro , morris face off in nlcs game 2 , st . louis - the houston astros put their hopes in a pitcher untested in the postseason when they give pete munro the ball to start game 2 of the nl championship series on thursday , one night after dropping the opener to the st . . . -__label__2 , lippi laments lack of fixtures , italy coach marcello lippi claimed he was frustrated that the azzurri had no more world cup qualifiers before the new year after the 4-3 win over belarus saw the italians claim top spot in group five . -__label__3 , update 1 northwest airlines , pilots reach deal , northwest airlines corp . and its pilots reached a tentative agreement on thursday that includes \$265 million in labor concessions , the air line pilots association said . -__label__2 , nba says it has no plans to change 3-point shot despite nbdl < b> . . . < /b> , the nba has no plans to change its rules for the 3-point shot , though it will proceed with an experiment for its developmental league in which all field goals will be worth 2 points until the final five minutes of regulation and overtime . -__label__2 , season could be over for manninger , austrian goalkeeper alex manninger could miss the rest of the season after dislocating his shoulder in wednesday #39 s world cup qualifying draw with northern ireland . -__label__1 , al-aqsa mosque restriction lifted , israel says it will not restrict access to the al-aqsa mosque compound in jerusalem during the muslim holy month of ramadan , that begins on friday . -__label__4 , google debuts desktop-search tool , it enables people to retrieve e-mail from outlook and outlook express , documents from microsoft office , chat sessions from aol im , and web pages viewed with internet explorer . -__label__3 , index rp institutions among cellar dwellers , the countrys public institutions were ranked the sixth least effective in the world in the latest survey of the world economic forum ( wer ) , which measured the capacity for growth of 104 economies this year . -__label__3 , fcc exempts fiber-to-curb from sharing requirements , the federal communications commission thursday voted to allow incumbent telephone carriers from sharing fiber-to-the-curb deployments from competitors , prompting one incumbent to announce an accelerated fiber rollout . -__label__1 , 120m origami birds of peace fall on thailand , about 120 million origami birds were air-dropped over southern thailand yesterday in an attempt to quell a muslim insurgency that has led to the deaths of more than 500 people this year . -__label__4 , humax , tivo recorder aims for prime time , the companies target mainstream audiences with a low-cost combination digital video recorder and dvd burner box . -__label__4 , update intel shelves plans for 4ghz pentium 4 , intel corp . has confirmed its near-term plans for its desktop processors before it reaches the multicore era . the company will not release a 4ghz version of its flagship pentium 4 product , having decided instead to realign its engineers around the company ' s new design priorities , an intel spokesman said thursday . -__label__3 , eli lilly to cut 575 us jobs , eli lilly and co . ( lly . n quote , profile , research ) said thursday it plans to cut 575 jobs , or a little more than 2 percent of its us workforce , in a move to streamline its operations . -__label__4 , how an l . a . city department fought off user resistance , an administrator with the los angeles municipal government explains how his department was able to turn user resistance from the police and fire departments among others into an \$11 million purchasing and accounts payable system . -__label__3 , options expensing delay not enough , say us senators , a group of republican senators vowed on thursday to use the closing days of congress this year to try and stop accounting rulemakers from requiring the expensing of stock options . -__label__2 , god help us , yuvi replaces akash , the team india think tank has put its foot in the mouth again by replacing a specialist opener akash chopra by the odi specialist yuvraj singh . -__label__1 , un chief urges european union to commit more troops , the united nations secretary-general , kofi annan , has appealed to the european union to play a bigger role in un peacekeeping operations . -__label__3 , sec chief lashes out at reform opponents , washington -- too many business interests are clinging to a failed status quo and resisting necessary governance reforms , the government #39 s top securities regulator said thursday . -__label__3 , nab studying buyer interest for irish banks , sydney national australia bank ltd ( nab ) , australia #39 s biggest bank , is gauging buyer interest for its struggling irish banks , signalling that it is prepared to exit part of its european market . -__label__4 , microsoft brings tv to xbox , october 14 , 2004 - microsoft is set to release its windows media center extender for xbox mid-november . the device will allow you to view recorded and downloaded media content stored on your pc via your xbox . -__label__2 , red sox feeling heat of 0-2 start in alcs ( ap ) , ap - the infield at fenway park was covered with a dirty white tarp on a dreary day . unless the boston red sox start winning soon , the gloom will last all winter . the red sox returned home thursday after losing the first two games of the al championship series to the yankees in new york . as its workout began , boston announced ace curt schilling ' s ailing ankle will prevent him from pitching game 5 and perhaps the rest of the postseason . -__label__3 , sun micro posts narrower quarterly loss , san francisco ( reuters ) - network computer maker sun microsystems inc . on thursday posted a narrower quarterly loss as revenue rose for the second consecutive quarter on higher sales of servers after three years of declines . -__label__4 , australia amp new zealand , amphibians such as leopard frogs and salamanders are threatened with extinction as their homes dry up and a new disease spreads , possibly as a result of global warming , according to a new study in science magazine . -__label__4 , harvard seeks permission to clone human embryos ( reuters ) , reuters - harvard university researchers said\on wednesday they were seeking permission to use cloning\technology to make human stem cells . -__label__3 , netflix stock plummets on buzz about amazon . com competition , los gatos , calf . shares of mail-order dvd rental company netflix plunged today amid buzz that amazon-dot-com is getting into the movie rental business . -__label__4 , intel cancels revamped chip , the intel corporation said on thursday that it was canceling its plans to market a faster version of its pentium 4 chip for personal computers to focus on products with quot more bang for the buck . -__label__2 , california ace for rose , justin rose had his first-ever professional hole-in-one at the tough par-three 17th at forest oaks and then confessed that it was his only decent shot of the day . -__label__1 , italian woman ' s veil stirs more than fashion feud , the case of a muslim woman fined for wearing a veil has created a dispute involving politicians , civil rights groups and a fashion designer . -__label__1 , jewish state fears world isolation , an internal report prepared by israel #39 s foreign ministry paints a gloomy picture for the future of the country #39 s global standing , giving warning that in the coming decade it could -__label__4 , sun reports smaller loss and calls it a turnaround , as it struggled to increase sales and cut costs , sun microsystems managed to reduce its net loss in the first quarter to \$174 million . -__label__4 , intel cancels revamped chip , the intel corporation said that it was canceling plans to market a faster version of its pentium 4 chip to focus on products with more bang for the buck . -__label__2 , no . 3 miami stops no . 18 louisville 41-38 ( ap ) , ap - the louisville cardinals drew a flag for excessive celebration in the second quarter , and another in the third . against miami , the displays of jubilation were premature . led by brock berlin and devin hester , the third-ranked hurricanes erased a 17-point deficit over the final 20 minutes and came from behind twice in the fourth quarter to beat no . 18 louisville 41-38 thursday night . -__label__2 , u . s . impressive in world cup qualifying ( ap ) , ap - just because the united states has stormed through its regional qualifying for the next world cup does not mean the americans are a world soccer power . -__label__1 , australian guilty of backpacker murder , australian ian previte has been found guilty by a queensland jury of murdering 19-year-old british backpacker caroline stuttle in 2002 , when he threw her from a bridge in a botched attempt to steal her handbag . -__label__2 , record-smashing warne leaves murali behind , madras - australian leg-spinner shane warne may have shown only flashes of his genius in india , but he still has plenty of reasons to smile after smashing the test cricket bowling record in madras on friday . -__label__2 , warne #39 s career , 1992 makes test debut against india in january . in two tests against india his overall figures are 1-228 . australian wicketkeeper rod marsh invites him to return to the adelaide academy and his career is -__label__2 , glazer bid for old trafford falls flat , malcolm glazer #39 s bid for manchester united is dead in the water after major shareholders john magnier and jp mcmanus told the american there was no basis for a deal . -__label__3 , spitzer targets brokers , thursday ' s actions are the first shots in what spitzer called an investigation of widespread corruption in the insurance industry . -__label__1 , pakistan hunts kidnappers ' leader , pakistan vows to track down former guantanamo inmate who leads group that kidnapped two chinese engineers . -__label__1 , vote counting begins in afghan election , kabul , afghanistan -- vote counting started yesterday in afghanistan ' s landmark election , widely expected to install us-backed interim leader hamid karzai as the war-ravaged country ' s first popularly chosen president . -__label__1 , poland to reduce number of troops in iraq ( reuters ) , reuters - poland said friday it plans to reduce\the number of its troops in iraq from early next year and will\not remain there an hour longer than is sensible . -__label__4 , rss feeds hunger for more ads , there ' s no such thing as a free lunch . and soon , there may be no such thing as an ad-free rss feed , either , as publishers add advertisements to their feeds in hopes of making money through the popular content-aggregating technology . by cyrus farivar . -__label__4 , spawn of x prize on horizon , innovators take note the folks behind the x prize vow there will soon be more competitions in several disciplines . also the da vinci team presses ahead in canada . . . . rubicon team plans another launch attempt . by dan brekke . -__label__2 , schilling will not start game 5 of alcs , that #39 s the state of the boston red sox pitching rotation after schilling was scratched from his scheduled game 5 start because of a sore ankle . -__label__4 , ibm launches top-end power5 servers , ibm has expanded the top end of its eserver range with three multiple-processor systems aimed at datacentres and large enterprise clients . -__label__1 , bush , kerry start last campaign dash in nevada ( reuters ) , reuters - president bush and democratic sen . \john kerry began a 19-day sprint to the nov . 2 election on\thursday in the swing state of nevada , where the white house\rivals renewed their fight over who offered the best leadership\for the middle class . -__label__2 , red sox need arroyo , game 3 tonight in fenway park , but rain is forecast boston learns schilling may be done for postseason . by ronald blum associated press writer . -__label__2 , despite discord , biffle and busch to remain teammates , mears wins busch pole at lowe #39 s . casey mears won the second busch series pole of his career , earning the top starting position in qualifying for the spongebob 300 . -__label__4 , scientists prepare for huygens ' plunge into titan , uc berkeley -- on jan . 14 , 2005 , the huygens probe will plow into the orange atmosphere of saturn ' s moon , titan , becoming the first spacecraft to attempt to land on a moon in our solar system since the soviet union ' s luna 24 touched down on earth ' s moon in 1976 . . . -__label__3 , pfizer hikes warning on bextra skin risk , new york ( reuters ) - pfizer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pfe . n target=/stocks/quickinfo/fullquote> pfe . n< /a> said on friday it is sending additional information to healthcare professionals about its arthritis drug bextra , a cox-2 product in the same class as the withdrawn drug vioxx . -__label__1 , israel says will scale back gaza offensive , jabalya refugee camp , gaza strip ( reuters ) - israel said on friday it was easing a crushing offensive that has killed more than 100 palestinians since tanks rumbled into northern gaza 16 days ago to stop cross-border rocket attacks . -__label__1 , september retail sales up by 1 . 5 percent , washington - shoppers got their buying groove back last month , propelling sales at the nation ' s retailers by a strong 1 . 5 percent . it was the best showing since march . . . -__label__3 , shoppers return in september , sales up 1 . 5 , shoppers were out last month , propelling sales at the nation #39 s retailers by a strong 1 . 5 , best showing since march . the sizable gain reported by the commerce department on friday came -__label__2 , nfl preview another streak mark looming for patriots , until the final 11 minutes of the rams-seahawks game last week , seattle #39 s visit to new england this sunday looked like one of those overhyped matchups labelled quot super bowl preview quot or quot streak-ender . -__label__2 , desert turns into parks place , annika sorenstam may be the reigning queen of the lpga tour , but its grace park who seems to be royalty in the desert these days . -__label__1 , earthquake at sea gives taiwan a jolt , taipei a strong earthquake in the pacific off taiwan rocked the island #39 s northeast on friday , damaging buildings and injuring several people , officials said . -__label__3 , oil falls from record on concern high prices may slow growth , crude oil fell from yesterday #39 s record of \$54 . 88 a barrel in new york amid concern that sustained high prices may slow economies and reduce demand for energy . -__label__3 , delta sees much wider 3rd-qtr loss , new york ( reuters ) - delta air lines inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dal . n target=/stocks/quickinfo/fullquote> dal . n< /a> on friday forecast a much wider third-quarter loss than wall street had estimated , citing weak domestic fares and a spike in fuel costs , sending its shares down nearly 6 percent . -__label__1 , india , russia must work together on new tech putin , bangalore , dec 5 russian president vladimir putin has called upon india and russia to work together on innovative technologies with younger generation taking the lead . -__label__3 , ata to temporarily lay off 156 employees , indianapolis - ata airlines announced temporary layoffs thursday throughout its system amid speculation that the struggling airline was in merger talks . -__label__2 , week 6 pregame show hits the road for seattle-new england , every week , the experts of fox nfl sunday will candidly reveal their observations and make their opinions known as they prepare for their top-rated pregame telecast - seen each sunday at 12 pm et / 9 am pt . -__label__3 , united to seek more cuts from labor , elsewhere , united airlines says it #39 ll need even more labor cuts than anticipated to get out of bankruptcy . united told a bankruptcy court judge in chicago today that it intends to start talks with unions next month on a new round of cost savings . -__label__3 , oil rallies to new record high , crude oil futures rallied late friday to a new record high of \$54 . 90 , a day after a decline in the us inventory of heating oil roiled a market already on edge over tight supplies , high demand and unrest among key producers . -__label__3 , deal would cut united #39 s chicago airport debt , bankrupt united airlines stands to erase 75 percent of its obligation to pay off \$600 million of debt issued for projects at its chicago o #39 hare international airport hub , in a deal that would leave bondholders with 60 cents on -__label__4 , -posted by david . berlind 2 10 pm ( pdt ) , from the department of dualing rhetoric in his story regarding the launch of two new ibm pseries servers , news . com #39 s stephen shankland quotes ibm unix vice president karl freund as saying quot our goal is to beat sun and perhaps become the no . -__label__3 , demand for oil exceeds forecasts , oil demand is rising faster than predicted this year as opec pumps more low-quality oil in a failed bid to reduce record prices , according to international energy agency , an adviser to 26 industrialized nations . -__label__2 , bovina upsets williams at kremlin cup , unseeded elena bovina upset error-prone venus williams , 6-3 , 6-2 friday to advance to the kremlin cup semifinals . bovina , 19 , will be playing in her third semifinal this season . -__label__4 , dell unveils holiday lineup , including new plasma tvs , october 15 , 2004 ( idg news service ) - dell inc . took the wraps off its holiday lineup on thursday , showing new printers , plasma televisions and music players that will soon be available through its web site . -__label__1 , security council group named , the un has chosen argentina , denmark , greece , japan and tanzania as the five states to become non-permanent members of the security council next year . -__label__1 , islamic teacher charged with bombings , the reputed spiritual leader of an indonesian terrorist network has been charged with orchestrating the bombing of a bali nightclub and a jakarta hotel . -__label__3 , insurance probe rattles stocks , new york ( reuters ) - an investigation into u . s . insurers and brokers rattled insurance industry stocks for a second day on friday as investors , shaken further by subpoenas delivered to the top u . s . life insurer , struggled to gauge how deep the probe might reach . -__label__1 , kerry campaign seeks equal time over film ( ap ) , ap - sen . john kerry ' s presidential campaign , contending that sinclair broadcast group wants to help president bush by airing an anti-kerry documentary two weeks before the election , asked on friday that each station carrying the program provide a similar amount of time to kerry supporters . -__label__1 , russia ' s red army fetes pope on eve of anniversary , vatican city ( reuters ) - russia ' s red army chorus and orchestra on friday feted pope john paul to mark his 26th anniversary as roman catholic leader , an event unthinkable just 15 years ago before the fall of the soviet union . -__label__1 , pakistani leader arrives for talks , pakistani president general pervez musharraf has arrived in britain for a visit which will include talks with prime minister tony blair . -__label__4 , microsoft issues ie patch , ( article central ) microsoft released its october batch of security advisories this week , with a number of quot critical quot patches , including a significant fix for the internet explorer browser . -__label__3 , no chance of chiron vaccine , u . s . says , washington ( reuters ) - none of chiron corp . ' s flu vaccine made at a british plant is safe , which means the u . s . flu vaccine supply will be half of what was expected , u . s . health officials said on friday . -__label__2 , minaya shakes up mets coaching staff , new york oct . 13 , 2004 - mets general manager omar minaya shook up new york #39 s coaching staff wednesday while continuing to search for a manager to replace art howe . -__label__1 , for many airline pilots , the thrill is gone , while pilots still feel in command in the air , they increasingly are feeling slighted on the ground , as airlines extract salary and benefits concessions from them . -__label__4 , video game leaked on internet , halo 2 , one of the most anticipated video games of the year , got an early release date , but not the way fans or its publisher , microsoft , had hoped . -__label__2 , virender sehwag turns in 133 not out , virender sehwag #39 s smashing century spurred india in the second test match friday after australian leg-spinner shane warne surged to the top of test cricket #39 s all-time wicket-takers by dismissing irfan pathan for his 533rd wicket . -__label__2 , hanging by fingertips , jamaica #39 s bid for a place in the 2006 world cup finals suffered a major setback on wednesday night when they picked up only one point against el salvador at the national stadium . -__label__1 , downer welcomes terror charge , the federal government has welcomed the bringing of formal terrorism charges against indonesian militant cleric abu bakar bashir . a spokesman for foreign minister alexander downer said the charges reflected -__label__4 , blockbuster cuts online price , challenges netflix ( reuters ) , reuters - video chain blockbuster inc on\friday said it would lower the price of its online dvd rentals\to undercut a similar move by netflix inc . that sparked a stock\a sell-off of both companies ' shares . -__label__4 , great white shark loses monitor tag ( ap ) , ap - a great white shark that was tagged with a data-gathering device in shallow waters off cape cod has apparently reclaimed its privacy . -__label__3 , #39 do or die #39 for cash-tight delta , struggling delta air lines #39 latest financials show its cash on hand has dipped below the point where some analysts say it must decide to file for bankruptcy . -__label__3 , gm trims earnings projection for year , kicking off what promises to be a dismal round of automotive earnings reports , general motors yesterday laid out a range of problems that have no ready solutions , from the slowdown in auto-sales growth in china and record-high steel costs to intractable -__label__4 , ibm #39 s high-end power5 servers catch hp , ibm on friday introduced high-end servers in its pseries and iseries lines that include virtualization features and raw power that some experts say put the products on par with offerings from rival hewlett-packard co . -__label__2 , different time , different team , with 3 25 left in the third quarter , the score was 33-0 , and the 79 , 406 fans at doak campbell stadium in tallahassee , fla . , had long since stopped worrying about the outcome . -__label__1 , tensions surge in haiti , port-au-prince , haiti - heavy gunfire erupted yesterday when police streamed into a slum stronghold of ousted president jean-bertrand aristide . -__label__2 , jennings in charge , cape town - ray jennings was appointed as the interim coach of south africa #39 s national cricket side yesterday afternoon following the resignation earlier of the under-fire eric simons . -__label__4 , playing with the traumas of war , are games based on the vietnam conflict making us immune to realities of history ? -__label__2 , jimenez ends langer #39 s match play bid , spain #39 s miguel angel imenez completed a 2 amp 1 victory over german bernhard langer in their delayed world match play championship quarter-final at wentworth on saturday . -__label__1 , gaza clean-up operation after israeli withdrawal , palestinians retrieved belongings from the rubble of dozens of homes and work crews patched up roads and water pipes today - the aftermath of israels 17-day military offensive , the deadliest in the gaza strip in four years of fighting . -__label__2 , it ' s not sitting well with mientkiewicz , since his arrival in boston at the trading deadline , doug mientkiewicz has bought into the red sox ' team concept , accepting his role as a defensive replacement . -__label__1 , warne takes six but india establish handy lead ( reuters ) , reuters - world test wicket record holder shane warne grabbed six wickets as india established a handy 141-run first innings lead in the second test on saturday . -__label__1 , rugby kiwis earn draw , new zealand hold australia 16-16 in the first game of the 2004 tri-nations series . -__label__2 , jimenez ends langer #39 s challenge at the 35th , miguel angel jimenez ended the strong challenge of his ryder cup captain , bernhard langer , on the 35th hole saturday to earn a semifinal place in the world match play championship . -__label__3 , pfizer sends out update on drug bextra , pfizer inc . said friday that it will provide health-care professionals with additional information about its bextra arthritis drug and that it will conduct further studies to confirm the drug #39 s long-term cardiovascular safety record . -__label__1 , iran rejects any deal to end uranium enrichment , tehran ( reuters ) - iran said on saturday it would reject any proposal to halt uranium enrichment , a step european union diplomats are proposing to end a row over whether iran is seeking atomic weapons . -__label__1 , iran to shun europe nuclear deal , iran says it will reject any european proposal which requires it to halt its nuclear activities completely . -__label__2 , it #39 s plain rain helps red sox boston thinks it gained an edge < b> . . . < /b> , boston -- the red sox got their hoped-for rain on friday , and after the deluge , things are looking up for boston because of the postponement , pedro martinez may pitch game 5 , and in another development , 21-game winner curt schilling is back under -__label__1 , 14 dead in kashmir violence , new delhi - fourteen people have been killed in kashmir in an increase of violence since a visit by the indian prime minister in mid-november . -__label__3 , american shoppers splurge in september , washington ( afp ) - shoppers -- the dynamo in the us economy -- shrugged off rising energy prices and splurged in malls and car showrooms in september , a government report showed . -__label__2 , england sweeps zims , england has swept its one-day series against zimbabwe 4-0 with a 74-run win in bulawayo . veteran darren gough took 4-34 as zimbabwe was bowled out for 187 chasing 262 for victory . -__label__1 , one dead in romanian bear rampage , a brown bear kills one person and wounds several in the transylvanian forests of romania . -__label__1 , britain ups anti-terror security spending ( ap ) , ap - the sept . 11 attacks on america forced prime minister tony blair ' s government to ponder a troubling question could terrorists pull off something similar , or even worse , in london or another big british city ? the answer , they concluded , was yes . -__label__1 , kerry ' s wife paid 798 , 820 dollars in state , federal taxes in 2003 ( afp ) , afp - teresa heinz kerry , wife of democratic presidential candidate john kerry , declared 2 , 291 , 137 dollars in gross taxable income in 2003 and paid 798 , 820 dollars in state and federal taxes , or about 35 percent , her office said in a statement . -__label__1 , column who will stop genocide in sudan ? , this time , world leaders and their people cannot claim they knew nothing of the tens of thousands of murders of black africans and massive gang rapes in darfur perpetrated by the arab janjaweed -__label__4 , fda orders strong antidepressant warning labels , by diedtra henderson washington ( ap ) -- the food and drug administration on friday ordered that all antidepressants carry black box warnings that they increase the risk of suicidal thinking and behavior in children who take them . patients and their parents will be given medication guides that include the warning with each new prescription or refill . . . -__label__1 , powell to discuss nkorea on visit japan , china , skorea next week ( afp ) , afp - us secretary of state colin powell will visit japan , china and south korea beginning next week for talks on the stalled effort to end the impasse over north korea ' s nuclear program , iraq , terrorism and other matters , the state department said . -__label__1 , sudan questions who darfur deaths figures , sudan on saturday questioned un estimates that up to 70 , 000 people have died from hunger and disease in its remote darfur region since a rebellion began 20 months ago . -__label__1 , kerry to reverse stem cell policy , us presidential candidate john kerry says he will make stem cell research a priority , dropping george bush ' s policy . -__label__2 , yao rested and ready for kings again ( ap ) , ap - yao ming is refreshed . after a demanding few days in his hometown for the first nba game in china , the houston rockets center has had some time to unwind since arriving in beijing . -__label__1 , palestinians sift rubble after israel ' s gaza assault , jabalya refugee camp , gaza strip ( reuters ) - palestinians sifted through the rubble of dozens of homes in a sprawling refugee camp on saturday after israel ended its most powerful assault in the gaza strip in four years of bloodshed . -__label__2 , update 1-juninho on target as celtic beat hearts 3-0 , brazilian midfielder juninho scored his first goal for celtic in a 3-0 drubbing of hearts that gave the champions an eight-point lead at the top of the scottish premier league on saturday . -__label__1 , bush and kerry trade barbs in fla . , ohio , daytona beach , fla . - the presidential candidates found new ways to go negative saturday , president bush accusing his democratic challenger of putting politics ahead of the war on terror and sen . . . -__label__2 , astros 5 , cardinals 2 , roger clemens hopped off the mound , pumped his right fist and muttered to himself all the way to the dugout . his work was done and the houston astros were exactly where they wanted to be -- right back in the nl championship series . -__label__4 , astronauts arrive at space station , a russian spacecraft has delivered three astronauts to the international space station , overcoming docking system problems which had delayed its launch . -__label__2 , alabama upsets no . 24 southern miss 27-3 ( ap ) , ap - kenneth darby rushed for 197 yards and scored two touchdowns , one on a run and one on a pass , as alabama beat no . 24 southern mississippi 27-3 saturday for its first win against a ranked opponent in nearly two years . -__label__2 , els eases into final , defending champion ernie els beat padraig harrington 5 and 4 yesterday to move into the final of the world match play championship . -__label__1 , libya hosts #39 mini-summit #39 on sudan #39 s darfur conflict , tripoli , libya libya confirmed that the leaders of sudan , egypt , chad and nigeria would join moammar gadhafi for a quot mini-summit #39 #39 sunday on sudan #39 s darfur region , which the united nations calls the world #39 s worst humanitarian crisis . -__label__2 , rocket wills astros to win , houston - -- as if roger clemens did not have enough to chew on saturday morning as he sat in the astros #39 clubhouse , in walks owner drayton mclane , not to say quot good luck quot or quot go get #39 em , quot but to tell clemens , quot this is what we got you for . -__label__2 , ncaa game summary - virginia at florida state , booker carried the ball 15 times . . . chris rix closed out the game for florida state , completing his only pass for three yards in the fourth . . . virginia guard elton brown left the game with an apparent injury and did not return after catching a deflected -__label__1 , powell to japan us troops , n . korea on agenda , secretary of state colin powell will visit tokyo for two days next weekend to discuss security and trade as well as stalled talks aimed at ending north korea #39 s nuclear ambitions , japanese officials said on sunday . -__label__1 , eu to talk through asylum plans , key eu interior ministers are to meet in florence to discuss plans for migrant holding centres outside europe . -__label__1 , sharon to hold tense meeting with settlers , jerusalem - after more than a year of avoiding jewish settlers , israeli prime minister ariel sharon has decided to directly confront his former supporters in a meeting about his contentious plan to withdraw from the gaza strip and part of the west bank . sharon invited settler leaders to meet with him in jerusalem on sunday , just a week before he presents his disengagement plan to parliament . . . -__label__1 , blair to put british troops under us control , critics of the iraq war have slammed the prime minister following a decision to allow british troops to move into dangerous territory around baghdad under us military command . -__label__2 , late fumble dooms purdue , west lafayette , ind . -- scott starks returned a fumble by purdue quarterback kyle orton 40 yards for a touchdown in the closing minutes to lift 10th-ranked wisconsin to a 20-17 win over no . 5 purdue yesterday . -__label__2 , tigers are right on target , auburn , ala . -- jason campbell passed for a career-high 297 yards and three touchdowns to lead no . 4 auburn to a 38-20 rout of arkansas yesterday . -__label__3 , phony bids put insurance firm in real trouble , when greenville county in south carolina borrowed \$800 million two years ago to expand its public schools , insurance broker marsh amp mclennan cos . -__label__2 , report on tape , trainer says bonds used drug in ' 03 , san francisco -- slugger barry bonds took an undetectable performance-enhancing drug during the 2003 season , his weight trainer said on a secretly recorded tape , the san francisco chronicle reported yesterday . -__label__2 , lowe finally is a go , how fitting . down , three games to none , their season on its deathbed , the red sox now have to pitch derek lowe . -__label__2 , bullying zcu is cleared of racism , while zimbabwe #39 s international playing future hangs in the balance , the zimbabwe cricket union has been cleared of racism by the international cricket council . -__label__2 , ( sports network ) - carlos beltran may be the newest killer b in < b> . . . < /b> , lineup , but right now he is also the most feared hitter on the astros . he #39 ll . play the st . louis cardinals in game 4 today at minute maid park . -__label__2 , deco keeps barca flying high as ronaldo rescues real , brazilians bagged the plaudits in spain #39 s la liga on saturday as deco , brazil-born but a naturalised portuguese international , fired barcelona five points clear of the pack with the only goal in a derby win over espanyol . -__label__3 , halloween means sales as adults join in , new york ( reuters ) - halloween is expected to scare up record sales this year as more adults -- and pets -- join in what was once mainly a children ' s dress-up event , filling a void before the key christmas shopping season . -__label__2 , davydenko tops davis cup #39 mate youzhny , moscow -- nikolay davydenko overcame leg cramps to beat russian davis cup teammate mikhail youzhny in a tough kremlin cup semifinal , 7-5 , 6-7 , 7-5 on saturday . -__label__2 , update 2-cricket-malik reported for suspect action , cricket-icc clears zimbabwe cricket union of racism october 17 , 2004 14 05 37 lahore , pakistan , oct 17 ( reuters ) - a special report by an international cricket council ( icc ) inquiry commission has ruled there is no evidence of racism within the -__label__1 , pakistan says to give extra security to chinese , pakistan will provide extra security to the chinese working in the country and pursue a former guantanamo bay inmate who masterminded the abduction of two chinese engineers , the interior minister said on saturday . -__label__2 , newcastle held to draw by charlton , london , england ( sports network ) - charlton continued its strong play at home by coming from behind to tie newcastle sunday , 1-1 . alan curbishley #39 s team is now unbeaten at the valley in five matches this season , winning three times . -__label__4 , sun posts narrower quarterly loss , october 14 , 2004 ( reuters ) - san francisco -- sun microsystems inc . today posted a narrower quarterly loss as revenue rose year over year for the second consecutive quarter after three years of declines , sending shares slightly higher . -__label__2 , nfl game summary - san diego at atlanta , atlanta , ga -- michael vick ran for a score and threw a touchdown pass in the fourth quarter , as atlanta rallied to defeat san diego , 21-20 , at the georgia dome . -__label__2 , testing didn #39 t curtail homers , it #39 s time to fess up . we were among the hordes of skeptics ( sheep ? ) who boldly proclaimed drug-testing would blow a hole in the number of runs and home runs we #39 d see in 2004 . -__label__1 , region iran sticks by its right to possess nuclear fuel < b> . . . < /b> , tehran iran repeated on sunday it had a right to master the sensitive nuclear fuel cycle , ahead of an expected proposal from europe calling for tehran to abandon such work in exchange for diplomatic and trade incentives . -__label__3 , florida #39 s prepaid tuition program thriving , already the biggest of its kind in the country , florida #39 s popular prepaid-tuition program expects to count its millionth customer during a sign-up period that runs monday through jan . 31 . -__label__4 , ibm releasing new power5-based servers , research triangle park - ibm is rolling out a new line of power5-processor based servers that it says outperform rivals from sun and hp . -__label__2 , garcia throws four td passes in cleveland #39 s 34-17 win over < b> . . . < /b> , cleveland ( cp ) - chad johnson better still have a few bottles of that pink stomach medicine . his cincinnati bengals look pretty sick . -__label__2 , geiberger joins father as a winner in greensboro , when it was over , after brent geiberger made his final putt , he finally got to talk to his father , al , about their latest achievement . -__label__4 , toughest athlete is female and unknown , you probably haven ' t heard about one of the toughest endurance sports around the deca-ironman . that ' s 38 km swimming , immediately followed by an 1800 km bicycle ride and a 420 km run . currently , the world record stands at about 187 hours , held by a german housewife . nobody else has ever finished the course below 192 hours . -__label__4 , ipod , dvd players lead aug . electronics prices lower , new york ( reuters ) - price declines for u . s . consumer electronics accelerated in august , fueled by discounted price cuts for the popular ipod digital music player and traditional dvd players , according to an industry study prepared for reuters . -__label__2 , mlb not likely to punish steroid users ( ap ) , ap - for all the fuss over reported admissions of steroid use by barry bonds , jason giambi and gary sheffield , major league baseball probably won ' t discipline them . -__label__1 , india watches in awe as two grand families feud in public ( canadian press ) , canadian press - new delhi ( ap ) - on one side is the dynasty that has dominated indian politics for half a century . on the other is the family of india ' s most popular actor , a man so revered that his fans have been known to commit suicide out of loyalty to him . -__label__1 , french soldier threatens to blow up depot ( ap ) , ap - a soldier , angry about being forced to retire , was holed up in an army depot with 60 tons of explosives sunday , threatening to blow it up . about 400 residents were evacuated from nearby villages . -__label__1 , war in iraq did not make world safer , annan says , london , oct . 17 -- the us-led war in iraq has not made the world any safer , un secretary general kofi annan said in a british television interview aired on sunday . -__label__2 , dogged astros refocus eyes on texas , on the strength of carlos beltran and a tireless bullpen , the astros came back from a three-run deficit on sunday to defeat the cardinals , 6-5 . -__label__1 , australia turns down plea for more troops to protect un staff in iraq ( afp ) , afp - australia has turned down a diplomatic plea for a contribution to a military force to protect united nations ( un ) personnel in iraq . -__label__2 , martin #39 s tour de corse win hands wrc title to loeb , motorsport . com . markko martin dominated the this year #39 s edition of the legendary tour de corse rally , the 14th round of the 2004 world rally championship . -__label__2 , icc probe clears zimbabwe of racism in cricket , lahore , pakistan ( afp ) - the international cricket council said yesterday a probe had found no evidence of racism in zimbabwe cricket and that the test status of the country #39 s team was never in question . -__label__2 , geiberger heads threesome to win chrysler classic , brent geiberger secured his place on the uspga tour for the next two years with his fine two shot win at the chrysler classic of greensboro today . -__label__4 , strangers in life join hands in death as the web becomes a tool for suicide in japan , about once a month since january 2002 , japan has recorded a group suicide , successful or attempted , where participants met on the internet . -__label__2 , like father , like son in chrysler classic , if brent geiberger was pleased to win the chrysler classic of greensboro , his father al was positively ecstatic . quot i was going absolutely crazy watching it all unfold . -__label__2 , astros erupt vs . cards #39 pen , houston - even in a season of 105 wins , there had to be losses . but not like this one . the cardinals didn #39 t merely lose 6-5 to the houston astros in game 4 of the national league championship series . -__label__1 , sharon to meet with settlement group as referendum idea gains < b> . . . < /b> , prime minister ariel sharon is to meet formally with a group of settlement leaders from judea and samaria sunday for the first time in a year and half . -__label__3 , us consumers unaware of spyware , the findings come in a report from the newly formed consumer spyware initiative , a joint effort by dell and the non-profit internet education foundation that aims to increase awareness of spyware . -__label__4 , fcc ruling sets stage for broadband surge , broadband service may get a little broader in the next few years , now that the federal communications commission is graciously stepping out of the way . -__label__3 , wi-fi successor is called high-speed hype -- for now , san francisco -- at virtually every turn , intel corp . executives are heaping praise on an emerging long-range wireless technology known as wimax , which can blanket entire cities with high-speed internet access . -__label__1 , gay marriage issue motivates conservatives , washington - gay marriage is emerging as a big enough issue in several states to influence races both for congress and the presidency . ballot initiatives on banning same-sex marriages are expected to propel social conservatives to the polls in 11 states , including four presidential battlegrounds arkansas , ohio , michigan and oregon . . . -__label__2 , ace ' s wicked run leaves us wanting more , seven years of pedro . went by quickly , huh ? seven years , the best of which may very well have been the best pitching ever done in a boston uniform . seven years of feistiness . seven years of blazing fastballs . seven years of spellbinding changeups . seven years of pitching inside , sometimes waaaaay inside . seven years of double-digit strikeouts . seven years of sheer virtuosity . . . . -__label__2 , ramirez should be taking it to heart , when it comes down to this , when it ' s worse than you could have possibly imagined , if you are any kind of ballplayer at all , you look within and ask yourself what you can do to make it better . -__label__3 , stanley set sights on elland road for casino , stanley leisure plc has announced a stanley casinos limited plan to develop a casino complex on land adjacent to leeds united #39 s elland road stadium . -__label__3 , ireland #39 s national carrier seeks govt . aid , ireland #39 s state-owned carrier , aer lingus , has asked the government for a grant worth euro200 million to euro300 million ( us\$250 million to us\$375 million ) to begin buying 10 or more long-haul aircraft from either boeing or airbus . -__label__3 , goodale hints of tax cuts , the federal government says they are considering more tax cuts for lower and middle-income canadians . fending off attacks over the 9 . 1 billion dollar budget surplus , finance minister ralph goodale said he -__label__3 , attorney general is on target with aim at insurance industry ills , state attorney general eliot spitzer has embarked on another crusade against an industry whose wealth-fueled influence makes most politicians cower . -__label__2 , villeneuve looking for points in final race , jacques villeneuve will be looking to score points in his final race for the renault f1 team , this weekend in brazil . -__label__1 , australian reporter freed in iraq , an australian journalist was seized by militants in iraq for nearly 24 hours , but then released unharmed . -__label__1 , an old church ' s new tilt inspires tourists and t-shirts , a humble church has something germany ' s glorious cologne cathedral cannot match a leaning tower . -__label__1 , calif . mental health services may expand ( ap ) , ap - as pressures increase on california ' s mental health system , its workers and advocates say they are forced to do more with a supply of money that seems to shrink each year . -__label__2 , indycar champ kanaan finishes second and every lap , fort worth , texas helio castroneves had a great restart today with two laps to go after a lengthy caution . he held off indycar series champion tony kanaan to win the season finale at texas motor speedway . -__label__4 , google blows search into another universe , already the search tool so popular its name has become a verb , google has been quietly adding important features in the background since it became a public company . -__label__4 , the brains behind ai , daphne koller is pushing the limits of building computer programs that learn efficiently and reason intelligently . third in a series profiling this year ' s macarthur ' genius award ' winners . by kari lynn dean . -__label__4 , too few games could set back psp launch - sony exec , signs of a delay , or just managing expectations ? -__label__4 , star wars battlefront sly 2 band of thieves macfamily tree 4 . 0 . 6 , hearing a jar jar binks-lookalike gungan yell meesa gonna die ! as my droid tank shot him point-blank may have been the best part of this game . -__label__4 , older mobiles may cause tumours study , the institute of environmental medicine ( imm ) at karolinska institute in sweden found no indications of risk for less than 10 years of usage . -__label__3 , pfizer to sponsor large new celebrex trial , new york ( reuters ) - pfizer inc . said on monday it plans to sponsor a major clinical study to further assess the cardiovascular safety of its arthritis drug celebrex following the withdrawal of merck co . ' s vioxx , a drug in the same class . -__label__4 , halo 2 for xbox leaked online , microsoft confirms that a pirated copy of halo 2 for xbox in the pal video format and french language started circulating on the internet this week over newsgroups and piracy sites . -__label__3 , update 1-star gas suspends payout , may seek bankruptcy , star gas partners lp ( sgh . n quote , profile , research ) ( sgu . n quote , profile , research ) on monday said it has suspended distributions on its common partnership units and warned it may have to seek bankruptcy protection unless -__label__4 , tech giants declare , ' united we stand ' , tough times often make for strange bedfellows , and the explosion of viruses , computer worms and spyware programs on the internet is producing unique alliances among top technology firms . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__1 , 5 eu ministers back digital passports , florence interior ministers from the five largest west european countries have agreed to adopt digital fingerprinting on passports , officials here said , but a second day of talks on monday found them still deadlocked on a plan to create migrant holding -__label__4 , storage networking world highlights , news and survey results from computerworld ' s twice-annual storage conference . -__label__4 , liberty alliance names first director , new members , the liberty alliance project signalled that it expects to have longevity when it comes to developing and promoting federated identity standards by naming its first executive director on monday . -__label__2 , late collapse costs park a victory , grace park was bitterly disappointed after failing to produce her second lpga title of the season sunday at the samsung world championship at big horn golf course in palm desert , california . -__label__2 , o #39 neill backs juninho to excel , celtic manager martin o #39 neill believes striker juninho is benefiting from the support of the parkhead crowd as he settles into life in the bank of scotland premier league . -__label__2 , brazilian gp sauber preview , the brazilian grand prix at sao paulo on 24 october will be the 18th and final round of the fia formula one world championship 2004 . -__label__4 , un ' must ignore cloning ban call ' , the uk ' s royal society urges the un to ignore a call by president bush to ban all forms of human cloning . -__label__1 , human lives mere pawns in game of political expediency , it would have been obtuse to miss the streak of smug satisfaction in the western response to the seizure by al-qaeda #39 s pakistani allies of two chinese engineers working on pakistan #39 s -__label__3 , google puts desktop search privacy up front , google has announced a new desktop search application that enables users to search their e-mail , files , web history , and chats . perhaps learning from previous mistakes , google says it has designed the product quot from the ground up to respect user privacy . -__label__1 , fresh violence mars afghan vote count , a deadly explosion has hit a car carrying an election worker in southeastern afghanistan . in all , five people were killed , including the worker identified as a local physician who helped organize the vote . -__label__3 , odyssey warns of weak quarter , ceo quits , chicago ( reuters ) - odyssey healthcare inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=odsy . o target=/stocks/quickinfo/fullquote> odsy . o< /a> on monday warned of an earnings shortfall , announced the resignation of its chief executive and said it was the subject of a justice department probe , sending shares of the hospice care provider plummeting 42 percent . -__label__3 , gold fields ready to fight harmony takeover , gold fields ltd . ( gfi ) said it rejected a takeover bid by harmony gold mining co . ltd . to create the world #39 s leading gold mining group , saying it was not in its interests . -__label__4 , ' frankenfish ' caught in great lakes ( reuters ) , reuters - the dreaded northern snakehead , a\voracious predator dubbed the frankenfish that can breathe\out of water and wriggle across land , has invaded the great\lakes , authorities said on friday . -__label__4 , vendors upgrade development tools , october 18 , 2004 ( computerworld ) - ibm and borland software corp . last week separately brought out upgrades to their development tool lines that executives said add support for heterogeneous environments and -__label__3 , oil prices nosedive on profit-taking , oil prices fell sharply on monday in what traders described as a wave of profit-taking sparked by a steep decline in gasoline futures . -__label__1 , g5 , pisanu europol plays key role against terrorism , ( agi ) - florence , italy , oct . 18 - quot europol must play a key role in the struggle against terorrism quot said interior minister giuseppe pisanu , illustrating the results of the g5 ( italy , uk , france , germany , spain ) interior ministers meeting held today in -__label__3 , foreign investors likely to bid for yukos unit , moscow foreign investors may take part in the sale of assets in russian oil major yukos main production unit , which could be offered at a 60 price discount to settle back taxes , russian television reported on monday . -__label__4 , apple and u2 co-host autumn music special , the links between apple and u2 grow stronger , with apple #39 s announcement that it will hold a special music event next week on october 26 . -__label__1 , iraq to widen arms amnesty , success , could point to the government #39 s ability to organise nationwide polls by the end of january . the interim government has vowed to crack down on insurgents and pacify iraq before the january election . -__label__2 , manning throws 3 tds to lead colts past titans , indianapolis ( sports network ) - peyton manning threw for 425 yards with three touchdowns and edgerrin james ran for 105 yards with a pair of scores , as the indianapolis colts shook off a sluggish start and rolled to a 51-24 victory over the tennessee titans at the rca dome . -__label__4 , bono at apple promo , p2pnet . net news - quot select quot members of the press on monday have received an invitation to a special apple itunes / ipod promo slated for october 16 , says maccentral . -__label__3 , calif . lawmaker wants to privatize state pensions , hoping to stem a tide of rising pension debt , a california legislator will propose a controversial overhaul on monday that would convert traditional public employee retirement plans to privately managed 401 ( k ) -style plans , the los -__label__3 , kmart names yum marketing maven as ceo , new york ( reuters ) - kmart holding corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kmrt . o target=/stocks/quickinfo/fullquote> kmrt . o< /a> on monday named a new president and chief executive in a move that could signal the start of a campaign to revamp the discount retailer ' s image . -__label__1 , u . s . no decision made on iraq unit ' s fate , baghdad , iraq - the u . s . military said monday no decision had been made on whether to discipline army reservists who refused a supply mission last week , despite statements from their relatives that the soldiers would be discharged . . . -__label__4 , halo 2 for xbox leaked online , pc world has posted a news article claiming that the highly anticipated game halo 2 for the xbox has been released on the net . quot microsoft confirms that a pirated copy of halo 2 for xbox in the pal video format -__label__4 , raised by others , birds use code to find their kind , like the ugly duckling , cowbirds are raised by other bird species . so how do they find each other as adults ? a new study says they have a password , among other things . -__label__2 , els still has major ambitions , ernie els has another 1 . 4m and a world match play record all to himself . but he wants more . and top of the south africans agenda for 2005 is to try to win the masters and us pga titles . -__label__2 , glazer buys more man united shares , american business tycoon malcolm glazer has increased his stake in manchester united by buying another 17million worth of shares in the club . -__label__3 , ti profit up on cellular , tv chip sales , texas instruments inc . ( txn . n quote , profile , research ) , the largest maker of chips for cellular phones , on monday said quarterly profit rose about 26 percent on demand from handset -__label__4 , ibm unveils new storage technology , ibm recently unveiled the totalstorage ds6000 , a roughly vcr-size system aimed at mid-size businesses . the new ds8000 series system features ibm power5 microprocessors and ibm #39 s virtualization -__label__3 , deutsche bank defends role in collapse of company in singapore , deutsche bank defended today its role in the collapse of a chinese government-controlled company in singapore early last week , as investigators continued to study what went wrong . -__label__4 , users buoyed by monthly patch releases , october 18 , 2004 ( computerworld ) - microsoft corp . #39 s move to a monthly patch-release cycle one year ago this month has made it easier to install security updates for windows and other products , it managers said last weekeven as they were greeted with a -__label__3 , oil retreats on signs economy hurting , new york ( reuters ) - oil prices retreated sharply after setting record highs above \$55 a barrel on monday as dealers took profits on signs that energy costs are hurting economic growth . -__label__3 , u . s . stocks gain as oil retreats , new york ( reuters ) - u . s . stocks closed higher on monday after a drop in oil prices eased worries about corporate profits , although disappointing earnings from diversified manufacturer 3m co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mmm . n target=/stocks/quickinfo/fullquote> mmm . n< /a> limited gains on the blue-chip dow . -__label__3 , kraft profit falls on higher costs , chicago ( reuters ) - kraft foods inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kft . n target=/stocks/quickinfo/fullquote> kft . n< /a> on monday posted a 3 . 8 percent drop in quarterly profit , weighed down by higher marketing spending and increased costs for cheese , coffee and other materials . -__label__1 , tennis davenport to play on , lindsay davenport says she plans to play in the australian open next january . -__label__1 , stocks edge higher as oil prices retreat , new york - a sharp drop in oil prices gave wall street a modest relief rally monday , with stocks edging higher on news that oil production had soared during the month of september . investors who have sold stocks for months as oil prices climbed reversed course monday and started buying as the price of crude declined . . . -__label__1 , usc , miami top bcs standings , not okla . , southern california took the top spot monday in the season ' s first bowl championship series standings , and surprisingly miami is ahead of oklahoma in a close race for the second spot . oklahoma is no . . . -__label__4 , ibm posts broad q3 revenue growth , new york - ibm corp . posted quarterly results on monday showing 9 percent revenue growth from last year and slight earnings growth , despite a \$320 million charge it took during the quarter to settle some claims in a lawsuit over its pension plan . -__label__2 , models replace ball boys at madrid masters , fashion models replaced traditional ball boys in the biggest surprise monday at the madrid masters , where expected winners included albert costa , alex corretja and luis horna . -__label__1 , hungary citizenship fails due to low turnout ( afp ) , afp - voters in hungary failed to turn out in sufficient numbers to pass a referendum to extend citizenship to millions of ethnic hungarians living in the region , a motion that split the country and drew fire from neighboring governments . -__label__3 , us airways workers get pay cut , ( buffalo , ny , october 18 , 2004 ) - - buffalo #39 s dominant airlines is 1 of 2 carriers that #39 s taking drastic cost cutting steps to stay in the air . -__label__2 , glazer raises stake in united to close on buy-out trigger point , malcolm glazer edged closer to triggering a mandatory bid for manchester united last night by increasing his stake in the club to 27 . -__label__3 , opel management , workers talk in job issues , the management and labor representatives of the car producer opel began talks monday on thecontroversial massive layoffs faced by its workers . -__label__3 , bass moving headquarters to florida , the bass anglers sportsman society is moving its headquarters to central florida . the bass fishing organization , based in montgomery since its inception in 1967 , announced monday -__label__2 , leggy models wont distract corretja , madrid leggy models as ballgirls won #39 t be a distraction to family man alex corretja after the veteran moved into the second round of the madrid masters yesterday . -__label__1 , u . s . no decision made on iraq unit ' s fate ( ap ) , ap - the u . s . military said monday no decision had been made on whether to discipline army reservists who refused a supply mission last week , despite statements from their relatives that the soldiers would be discharged . -__label__1 , australia to relocate embassy in baghdad ( ap ) , ap - the australian embassy in baghdad is to be moved into the strife-torn city ' s heavily fortified green zone , the government said tuesday . -__label__2 , ferguson says he is picking the wrong teams , manchester united manager alex ferguson says he has picked the wrong teams at times this season . quot maybe at the moment i am making too many changes , quot ferguson told british newspapers -__label__2 , parade of heroes sets the pace for london 2012 bid , many of britain #39 s olympic medal winners had already done a lap of honour in athens , the civic reception and some even appeared on a question of sport . -__label__2 , seahawks looking at acquiring jerry rice ( ap ) , ap - jerry rice could be headed north to reunite with seattle seahawks coach mike holmgren . -__label__2 , utah seventh in first bcs standings ( ap ) , ap - as happy as utah coach urban meyer was to hear his team was ranked seventh in the first bowl championship series standings , he didn ' t want to talk about it much . -__label__1 , australian journalist tells of capture in iraq , tony eastley an australian journalist snatched by insurgents in iraq , has contradicted claims by foreign minister alexander downer that he was kidnapped in a part of baghdad where he was advised not to go . -__label__3 , coke plans new push into energy niche , in january , coke plans to introduce an energy drink called full throttle . coke hopes it will be a better competitor than an earlier entry , the slow-selling kmx . -__label__2 , united without key pair , keane was not with the squad flying out to the czech capital after contracting a virus and ferdinand , who would almost certainly have skippered united in the irishmans absence , was due to attend his grandmothers funeral . -__label__4 , google ' s new pc search tool poses risks ( ap ) , ap - people who use public or workplace computers for e-mail , instant messaging and web searching have a new privacy risk to worry about google ' s free new tool that indexes a pc ' s contents for quickly locating data . -__label__4 , south korea to pick country ' s first 2 astronauts ( reuters ) , reuters - south korea will pick its first two\astronauts next year for a space trip by 2007 , the science\ministry said sunday , after russia agreed to help the country ' s\space program . -__label__3 , mci to take \$3 . 5 billion charge in 3q , telecommunications firm mci inc . on monday said it will take a hefty \$3 . 5 billion charge in the third quarter to impair property , equipment and intangible assets related to its consumer phone business . -__label__2 , he ' s his own adu , georgetown prep defender fro adu is proud of brother freddy , a forward for d . c . united , but wants to step out on his own . -__label__4 , former dire straits front man uses amd opteron for new album , mark knopfler , the former lead guitarist and singer for dire straits , has recorded his new quot shangri-la quot album on a dual amd opteron processor-based digital audio workstation . -__label__3 , tsa deal overpaid boeing , report says , boeing co . received at least \$49 million in excessive profits on a \$1 . 2 billion contract to supply explosives-detection systems to hundreds of the nation #39 s airports , the department of homeland -__label__1 , uk to assess iraq troop move , a reconnaissance team is to visit the area around baghdad where uk forces could be sent to provide us back-up . -__label__2 , even longer red sox win in 14 innings , boston ' s david ortiz drilled a pitch into center field , a clean single that brought home johnny damon with the winning run in a marathon game 5 in the a . l . c . s . -__label__3 , keeping mad cow out of cosmetics , since mad cow disease turned up in the united states late last year , traced to a cow imported from canada , federal regulators have issued rules to prevent the spread of the fatal disease , focusing on limiting beef imports , testing and other measures to protect the domestic herd . -__label__3 , us airways to alter flights , us airways said it will change its flight schedules in february to increase departures at its charlotte and philadelphia hubs and create a mini-hub in fort lauderdale , fla . -__label__4 , new jersey lawsuit challenges electronic voting , a coalition of private citizens and local elected officials in new jersey plan to file a lawsuit to block the state ' s use of electronic voting machines . -__label__4 , regulators approve artificial heart , the food and drug administration approved the use of an artificial heart made by syncardia systems as a temporary device for people awaiting transplants . -__label__3 , industry report dec . 6 , 2004 , with a raft of new products ready to roll out over the next few years , ford motor co . is setting big growth goals for its long-troubled lincoln mercury division . -__label__3 , kmart names new ceo , kmart yesterday hired a restaurant and branding expert as its new president and chief executive officer , suggesting the nation #39 s third-largest discount retailer would soon start -__label__2 , nba roundup o #39 neal puts on a show for new fans in miami , miami -- shaquille o #39 neal swatted away boris diaw #39 s lay-up to preserve a 26-point lead , then waved into a nearby television camera the moment he landed on his feet . -__label__1 , candidates spar on iraq , terrorism war , president bush and democratic challenger john f . kerry lunged into the final two weeks of the 2004 presidential campaign on monday by feuding feverishly over the iraq war and the fight against terrorists . -__label__3 , rates on short-term t-bills hit 30-month high , washington -- interest rates on short-term treasury bills rose in yesterday ' s auction to the highest levels in 30 months . -__label__2 , exhausted yankees still in good shape , even after two draining nights of disappointment , the new york yankees are still in good shape . sure , they squandered a pair of chances to close out boston . -__label__3 , gm protests spread across europe , tens of thousands of general motors workers across europe were set to stop working on tuesday in a sign of solidarity with their german colleagues , who face massive job cuts . -__label__2 , ortiz , sox rally to fight another day sink yanks in 14 , send < b> . . . < /b> , the official crowd at fenway park last night was a capacity 35 , 120 , but as the years pass , the number of people who claim to have attended the red sox stats , schedule #39 5-4 , 14-inning victory -__label__1 , n korea crisis talks set to resume , a top north korean official has flagged the resumption of multilateral talks over the country #39 s efforts to develop nuclear weapons . -__label__1 , karzai camp scents victory early in afghan poll , kabul ( reuters ) - afghan president hamid karzai was on course on tuesday for an outright victory in the country ' s historic presidential election with almost a quarter of the votes counted from the poll 10 days ago . -__label__4 , microsoft , cisco partner on network-access security , microsoft and cisco systems will collaborate to make their emerging products for network security compatible . the vendors had been working independently in the area of pc access to networks but say customers -__label__4 , red hat appoints head of desktop infrastructure , linux distributor red hat inc has appointed a vice president of desktop infrastructure technologies , a new position demonstrating its renewed commitment to linux as a desktop operating system . -__label__2 , pro hockey notebook 10/19/04 , courtney prince , 25 , of manhattan , a former captain of the new york rangers #39 skating cheerleading squad sued the owner of madison square garden , saying she was fired after she told -__label__4 , intel gets off chip speed roller coaster , technology india new york , oct 19 the world #39 s leading computer chipmaker intel has jumped off the chip speed roller coaster by yanking its four giga hertz ( 4 ghz ) pentium 4 processor off the drawing board . -__label__4 , trust digital gets ceo , cash influx , trust digital inc . , a mclean software company , is getting a new chief executive and \$3 . 1 million in new investments as it tries to expand its business making security software for wireless devices . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__3 , key areas of sainsbury #39 s revival strategy , sainsburys chief executive justin king today unveiled his long-term plan to return the uks third largest supermarket chain to its former glory . +__label__3 , general mills converting all us cereals to whole grain , golden valley , minn . -- breakfast cereal maker general mills is converting all of its cereals to whole grain . the company says it becomes the first leading food company to make the move involving cereals . +__label__3 , nortel cuts fewer jobs , exits real estate , ottawa ( reuters ) - nortel networks corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=nt . to target=/stocks/quickinfo/fullquote> nt . to< /a> on thursday said it would eliminate about 10 percent of its work force , slightly less than previously estimated , and consolidate real estate in a cost-cutting plan that will save \$500 million in 2005 . +__label__1 , 23 palestinians , 3 israelis die in gaza fighting , jabalya , gaza ( reuters ) - twenty-three palestinians and three israelis were killed thursday , gaza ' s bloodiest day for more than two years , as israel ' s army struck back after a rocket attack killed two israeli children in a border town . +__label__4 , tesco steps up rfid efforts , tesco is rolling out radio barcode technology across its 98 tesco extra stores to track high-value items between its internal distribution centres and its outlets . +__label__1 , baghdad bombings kill one us soldier , wound 13 , washington , sept . 30 , 2004 -- a series of car bombings in baghdad today killed one american soldier and wounded 13 others . the bombings also killed at least two iraqi policemen and reportedly injured scores of other iraqis . +__label__4 , august chip sales growth slows on high inventory , san francisco ( reuters ) - global semiconductor sales growth slowed to 1 percent in august as electronics makers reacted to growing inventories in asia by limiting orders of chips , an industry trade group said on thursday . +__label__3 , hasbro ' s no conehead , its saturday night live version of trivial pursuit is good strategy for staying ahead of age compression . +__label__2 , cubs brushed back chicago loses wild-card lead after ninth-inning < b> . . . < /b> , austin kearns knows he #39 ll be back home in louisville , ky . , once the regular season ends on sunday . the cincinnati reds outfielder did his best wednesday to keep the chicago cubs +__label__2 , glory days long gone for roy jones , what a shocker ! the great roy jones lying unconscious on the canvas for five minutes . and who was the man who put him there ? unlikely light-heavyweight journeyman glen johnson - who , by his own admission , isn #39 t that flash . +__label__1 , political points 1 27 pm sorry is the hardest word , it did not go unnoticed among the press corps traveling with president bush that british prime minister tony blair apologized this week to fellow labor party officials for the fact that , as it +__label__4 , ibm claims computing crown ( the motley fool ) , the motley fool - ibm ( nyse ibm - news ) has new bragging rights . press reports indicate that the technology giant has created the world ' s fastest supercomputer two years after a japanese computer claimed that title . +__label__4 , red hat acquires netscape server software ( newsfactor ) , newsfactor - red hat ( nasdaq rhat ) has acquired netscape \server-software products of aol time warner ( nyse aol ) , as part of the linux vendor ' s open-source architecture strategy . +__label__2 , dunn sets major league strikeouts record ( ap ) , ap - cincinnati reds slugger adam dunn set the major league record for strikeouts in one season with 190 , when he fanned in his first two at-bats thursday against the chicago cubs . +__label__4 , privacy questions arise as rfid hits stores , baltimore--proponents of radio frequency identification used to have a quick and easy response to consumer advocates charging that the technology posed an alarming threat to privacy . +__label__1 , bush , kerry brace for key presidential debate ( afp ) , afp - the us presidential candidates were set to go head to head in a bruising , high-stakes televised debate , with republican incumbent george w . bush aiming to lock in his lead in the race and democratic challenger john kerry banking on a comeback . +__label__3 , treasury chief urges debt relief for poor nations , global lenders need to offer more grants and debt relief to poor countries and tailor lending toward the private sector , treasury secretary john snow said today . +__label__3 , bay bridge span faces re-bid , possible redesign , the eastern span of the oakland-san francisco bay bridge , currently under construction and over budget , will be re-bid , according to sunne wright mcpeak , secretary of california #39 s business , transportation and housing agency , which oversees caltrans , the +__label__4 , ebay expands paypal buyer protection up to \$1 , 000 , paypal , ebay inc . #39 s ( ebay . o quote , profile , research ) online payment service , will expand its us buyer protection program to cover up to \$1 , 000 for qualified transactions , the company said on thursday . +__label__3 , merck pulls arthritis drug from market , new york ( reuters ) - merck co inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mrk . n target=/stocks/quickinfo/fullquote> mrk . n< /a> pulled its arthritis drug vioxx off the market on thursday after a study showed it doubled the risk of heart attack and stroke . the move sent the company ' s shares plunging almost 27 percent and erased \$25 billion of its market value . +__label__2 , baseballer shot on bus , cleveland indians righthander kyle denney was reported to be in a stable condition after being shot in the leg on the team bus yesterday . +__label__2 , born to coach , for the reason , with apologies to michael vick , look no further than the third-youngest head coach in the nfl . james lawrence mora , the son , is already starting to look suspiciously like father james earnest +__label__2 , notes two-strike , two-out blues , chicago cubs manager dusty baker talked to latroy hawkins on thursday , and said he #39 ll go to the right-hander again if the team is in a save situation . +__label__3 , august chip sales up , global semiconductor sales rose 1 . 1 percent to \$18 . 2 billion in august from the previous month and it appears as though chip inventories are declining , an industry trade group said thursday . +__label__2 , on soccer rooney #39 s united debut makes cost look cheap , the much-anticipated debut of wayne rooney for manchester united lived up to its billing . it didn #39 t take long for rooney to make a splash as he became the first united player in 99 years to score a hat trick in his debut . +__label__3 , update 2 general mills to make cereals whole grain , the trix rabbit and that lucky charms leprechaun are going on a whole-grain diet . general mills announced thursday that it will convert all of its breakfast cereals to whole grain . +__label__2 , kendall gives jets ' offensive line a boost ( ap ) , ap - ask curtis martin to pick one of the most important additions to the new york jets this season , and he has a quick answer left guard pete kendall . +__label__4 , dog extinctions show why bigger isn #39 t better , fossils from extinct dogs show why bigger is not better -- giant meat-eating animals died out because they relied too heavily on hunting other big animals , scientists reported on thursday . +__label__3 , bid to create grocery giant , metcash stunned long-term suitor foodland ( foa ) yesterday with an audacious \$846 million takeover bid to create a supermarket heavyweight better able to compete with its bigger rivals . +__label__4 , opportunity rings ( forbes . com ) , forbes . com - this past summer 25 , 000 consumers , aged 18 to 24 , received short text messages on their cell phones alerting them to numbers on 225 million bottle caps of snapple iced tea , pink lemonade and the like . people holding a winning number , announced by text message and traditional media , landed overseas trips and walk-on parts on tv shows . +__label__2 , ichiro now one hit from sisler #39 s hits record , in a fitting microcosm of the seattle mariners #39 season , ichiro suzuki took oen more step toward history while his embattled team suffered another loss . +__label__1 , bombs kill 35 children in iraq , three bombs exploded at a neighborhood celebration today in western baghdad , killing 35 children and seven adults , officials said . +__label__4 , is piracy pushing linux sales ? , more pcs run the alternative os , but many will end up with a pirated version of windows , report says . linux may be shipping on a growing number of pcs sold in the emerging markets of asia , latin america , and eastern europe . +__label__1 , witnesses to confront cali cartel kingpin , thirteen years into their probe , u . s . investigators have assembled a team of smugglers , accountants and associates to testify against colombian cartel kingpin gilberto rodriguez orejuela . +__label__1 , iran leader reasserts arms views , new york iran #39 s foreign minister has said that his country will never give up its right to develop nuclear technology for peaceful use , though he denied any intent to produce nuclear weapons . +__label__4 , experts predict mount st . helens eruption ( ap ) , ap - the flurry of earthquakes at mount st . helens intensified further thursday , and one scientist put the chance of a small eruption happening in the next few days at 70 percent . +__label__4 , minding the search engine business , microsoft just swears that it hasn #39 t given up on internet explorer and that it #39 s really , really important to the future of microsoft , to the next version of windows , etc . +__label__2 , singer minaya returns home , new york -- omar minaya stood behind a small lectern in a danky room in the bowels of shea stadium , and allowed his life to flash before his eyes . +__label__2 , tigers split at tampa , after riding jeremy bonderman #39 s four-hitter to an 8-0 victory over tampa bay in thursday #39 s first game , the tigers watched their worn-out bullpen come unglued -- again -- when +__label__2 , three hold first-round lead at sfb classic ( ap ) , ap - john senden closed his 7-under 65 with his second eagle of the round and shared the lead with harrison frazar and glen day after the first round of the southern farm bureau classic on thursday . +__label__2 , biggest threat to britain #39 s grand prix heritage , henry ford once said that his factories didn #39 t make cars , quot they make money . quot it is a philosophy bernie ecclestone would surely understand more than most after his surgically dispassionate decision yesterday not to include the british grand prix on the +__label__2 , rick fox retires , rick fox retires thursday , ending a 13-year pro career during which he was part of three nba championship teams with the los angeles lakers . +__label__2 , brewers hand cards fourth straight loss ( ap ) , ap - matt morris struggled in his final tuneup for the playoffs , and the milwaukee brewers beat the st . louis cardinals 7-6 thursday night to send the nl central champions to their first four-game losing streak of the season . +__label__2 , iaaf to increase anti-doping measures , the iaaf will increase testing and funding as well as cooperation with the world anti-doping agency in its bid to detect and stem the use of new performance-enhancing substances , the sport #39 s governing body said sunday . +__label__4 , creators of private spaceship announce plans for second launch < b> . . . < /b> , the creators of a private rocket plane will go ahead with plans for another launch next week in a quest to claim a multimillion-dollar prize , despite a harrowing flight in which the spacecraft rolled dramatically while hurtling toward +__label__2 , mariners torment old foe a #39 s , ichiro , madritsch and cabrera are having a blast in an al west race they watched from a distance . oakland - george sisler stayed on top for at least another day , but the seattle mariners took down the oakland athletics on wednesday . +__label__2 , mlb milwaukee 7 , st . louis 6 , scott podsednik and keith ginter both had a homer and three rbi thursday night to help milwaukee edge st . louis , 7-6 . in his final start prior to the playoffs , st . +__label__3 , fannie mae criminal probe begun , federal prosecutors in washington have opened an investigation into possible wrongdoing at mortgage giant fannie mae , just days after regulators accused +__label__2 , sports in brief , he yelped after his second drive . his knees buckled after making contact on the sixth tee . . ( see photo at left . ) he stopped a half-dozen times and lifted his shirt so his caddie could rub heating cream between his shoulder blades . +__label__3 , us launches probe of fannie mae woes , washington -- federal prosecutors have opened an investigation into possible wrongdoing at mortgage giant fannie mae , just days after regulators accused the company of shoddy accounting practices , according to sources familiar with the probe . +__label__2 , british grand prix gets axed , the british grand prix has been dropped from the provisional calendar of formula one races for next year , media reports said yesterday . +__label__1 , 80 killed in u . s . offensive in iraq , samarra , iraq - u . s . and iraqi forces launched a major assault friday to regain control of the insurgent stronghold of samarra , and hospital officials said at least 80 people were killed and 100 wounded . . . +__label__4 , spaceshipone , take two , the spaceshipone team will attempt to win the \$10 million ansari x prize on monday , the 47th anniversary of the start of the first space race when the soviet union launched its sputnik satellite . +__label__1 , ba flight makes emergency landing in amsterdam , escorted by f-16 < b> . . . < /b> , a british airways passenger plane flying from berlin to london reported an unspecified security threat and made an emergency landing in amsterdam on thursday , escorted by two dutch f-16 jet fighters , the airline said . +__label__2 , different shea provides late-game heroics for hanover , hanover boys ' soccer coach jim sylvia is beginning to see a pattern in his team ' s play . luckily , it ' s not the kind of trend to complain about . +__label__2 , uefa cup round-up , newcastle eased their way into the uefa cup group stages on thursday night as alan shearer and patrick kluivert hit the goals trail again in a 5-1 victory over bnei sachnin in israel . +__label__1 , bush , kerry differ on approach to north korea , seoul ( reuters ) - the determination of north korea to develop nuclear arms could harden after president bush and his rival , senator john kerry , clashed over how to proceed with six-party talks on pyongyang ' s ambitions , analysts said . +__label__2 , huskies trip up pitt , connecticut linebacker alfred fincher matched his career high with 17 tackles and helped the huskies secure their first big east win as a conference member +__label__2 , friday is all right for fighting , tonight will be a busy one on the local fight scene with two cards . at the bayside expo center , ray oliveira will take on hicklet lau for the vacant international boxing union welterweight title . on the same card , heavyweight prospect matt godfrey ( 4-0 , 2 kos ) of providence will face andrew hutchinson . +__label__3 , nikkei closes higher after strong tankan , tokyo ( reuters ) - the nikkei average closed up 1 . 49 percent on friday , the first day of the fiscal second half , as a strong reading in the bank of japan ' s tankan business survey prompted investors at home and abroad to jump into the market . +__label__4 , netflix , tivo promise new service , the two companies say they will jointly develop a set-top box to download movies over the internet . netflix will arrange the movie licensing from hollywood studios , and tivo will take care of the product technology . +__label__1 , indonesia police identify embassy attacker , indonesian police on friday identified the man they suspect was the suicide bomber in an attack on the australian embassy in jakarta last month , and said the 30 +__label__1 , wen calls for better leadership from party , beijing - chinese premier wen jiabao yesterday pledged to improve the leadership of the communist party at a time when its popularity is waning . +__label__4 , dare you fight the possessed tomatoes ? , quirky , stick-figure kingdom of loathing shows continued promise of independent game-writing . +__label__3 , netflix , tivo sign vod alliance , netflix , the online dvd rental company , and tivo yesterday said they will work together to deliver movies digitally down the wires , presumably specifically to the latter #39 s pvr equipment . +__label__4 , genome mapped of co2-absorbing algae , us scientists have charted the genetic map of a microscopic algae that absorbs huge amounts of greenhouse gases . quot these organisms are incredibly important in the global carbon cycle , quot said virginia armbrust +__label__2 , millwall to complain to uefa , the lions lost 3-1 to ferencvaros - failing to progress to the next round of the uefa cup - on a night that saw four visiting fans suffering stab wounds and numerous other incidents of inter-fan violence . +__label__2 , rejuvenated real out to start scoring goals , it has not gone unnoticed in spain that the four goals real madrid put past roma in the champions league on tuesday equalled their tally in five league matches after one of their worst starts to a domestic campaign for many years . +__label__4 , net giants adopt anti-spam system , some of the net ' s biggest players such as aol , hotmail and yahoo are stepping up efforts to combat spam . +__label__4 , eu accuses microsoft of paternal view , microsoft corp . said friday that small companies and their customers would suffer most if it is forced to remove its digital media software from windows , while the european union accused it of being paternalistic in trying to decide what ' s best for everyone . +__label__1 , bin laden deputy purportedly seeks strikes ( ap ) , ap - an audio tape purportedly released by osama bin laden ' s deputy calls for attacks on u . s . and british interests everywhere , according to a broadcast friday by al-jazeera television . +__label__1 , chirac seeks vote on turkey bid , french president jacques chirac says france should hold a referendum on turkey ' s entry to the european union . +__label__3 , saudi setback hurts bae systems , bae systems shares slid more than 4 per dcent in early trade after the company , while announcing quot good progress quot on its eurofighter contracts , admitted further troubles in the controversial al-yamamah programme . +__label__3 , arthritis drug withdrawn after trial , a prescription painkiller used by more than 250 , 000 australians to treat arthritis has been withdrawn from sale after a clinical trial found it doubled the risk of heart attack and stroke . +__label__2 , game day preview game time 7 30 pm , new york ( ticker ) -- after a season in which they fired their coach , the new york liberty are hosting the top-seeded connecticut sun friday in game one of the best-of-three eastern conference finals . +__label__1 , eu set to launch ' transit camps ' , eu ministers agree to set up five pilot reception centres in africa to process asylum applications . +__label__4 , sun makes run for supercomputing title , with the economy slowly turning up , upgrading hardware has been on businesses radar in the past 12 months as their number two priority . +__label__2 , spears , stosur advance to quarterfinals , american abigail spears advanced to the quarterfinals of the korea open on wednesday with a 6-3 , 1-6 , 6-3 win over second-seeded shinobu asagoe of japan . +__label__4 , threat of extinction looms over larger species , being the biggest dog may pay off at feeding time , but species that grow too large may be more vulnerable to extinction , new research suggests . over 50 million years a succession of large carnivores evolved in north america , diversified , and then died out . +__label__4 , spaceshipone ready for x prize , designer burt rutan #39 s spaceshipone cracked through earth #39 s atmosphere and into outer space sept . 29 . pilot mike mevill guided the aircraft to an altitude of 102 , 870 meters . +__label__4 , red hat buys technology from netscape ( reuters ) , reuters - linux distributor red hat inc . \said on thursday that it had bought netscape ' s computer user\identification and management technology from america online\inc . , a unit of time warner inc . +__label__4 , spaceshipone ' s 2nd shot at x prize slated for monday ( space . com ) , space . com - the second attempt by the rocketplane spaceshipone to soar into space and snag \ the #36 10 million ansari x prize is planned for monday , officials announced last \ night . +__label__3 , siemens in 2 . 69bn deal with bbc , german industrial giant siemens has signed a 2 . 69bn contract to deliver technology services around the world to the bbc , a deal that will see it acquire the broadcasters technology subsidiary . +__label__2 , two millwall fans stabbed , hospitalized , budapest , hungary -- uefa has charged hungary #39 s ferencvaros after their fans threw missiles and shouted racist abuse in thursday #39 s uefa cup tie against millwall . +__label__2 , grizzlies make swift move , memphis , tn ( sports network ) - the memphis grizzlies friday re-signed forward stromile swift to a one-year contract . terms of the deal were not released . +__label__3 , hewlett-packard buys synstar , palo alto-based hewlett-packard co . has bought it services company synstar plc , of bracknell , england for about \$293 . 3 million . synstar has some 1 , 500 customers across europe , selling it support for various computer platforms . +__label__4 , sun ships java upgrade , focuses on ease of use , october 01 , 2004 ( computerworld ) - sun microsystems inc . this week released java 2 platform standard edition ( j2se ) 5 . 0 , an upgrade of its programming language with more than 100 new features designed to bolster +__label__3 , ford down , nissan up in september sales , detroit ( reuters ) - ford motor co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=f . n target=/stocks/quickinfo/fullquote> f . n< /a> posted its fourth consecutive month of weaker u . s . sales with a 7 percent drop in september results on friday , and the automaker doubled its incentives on some models to kick-start sales this month . +__label__3 , employees from 10 hotels locked out , the san francisco multi-employer group announced this morning that it has locked out unite here local 2 employees from 10 hotels and staffed the vacated positions with replacement workers . +__label__3 , research is definitely in motion , the blackberry wireless device maker is straining to exceed expectations . +__label__3 , level 3 acquires sprint #39 s wholesale dial-up internet business , level 3 today announced that it has purchased sprint #39 s wholesale dial-up internet access business for \$34 million in cash . sprint is one of the largest providers of wholesale dial-up service to isps in north america . +__label__4 , salvaging genesis , despite a seemingly calamitous crash to earth last month by the genesis spacecraft , large portions of the solar wind samples it had gathered in space appear to be salvageable , nasa scientists announced on sept . +__label__2 , national league roundup , jerome williams pitched seven innings in his first start in two months , and san francisco jumped back into a tie for the nl wild-card lead by beating host san diego . +__label__2 , nl wrap dunn goes deep as reds tame cubs , adam dunn hit his 44th home run of the season as the cincinnati reds dealt the chicago cubs a blow to their national league wild card aspirations with an 8-3 win at wrigley field on tuesday . +__label__1 , stocks climb on strong economic data , new york - newly optimistic investors sent stocks sharply higher friday , propelling the dow jones industrials up more than 100 points , after economic data showed strength in manufacturing and construction . wall street greeted the departure of peoplesoft inc . ' s chief executive by buying up technology shares . . . +__label__3 , molson issues earnings warning , montreal - molson inc . has served up a warning of disappointing summer-quarter earnings , saying sales have been slow in canada and profitability has been squeezed in brazil . +__label__4 , large mammals facing the fate of the sabre tooth , the future of the world #39 s large wild mammals is threatened by pressures similar to those that caused the extinction of two-thirds of such species at the end of the most recent ice age . +__label__1 , al qaeda urge wide-scale muslim resistance , al qaeda #39 s no . 2 man ayman zawahiri called for an all-out armed resistance in the muslim world against the west and jews whom he described as crusaders . +__label__4 , u . s . cybersecurity chief resigns , amit yoran leaves the department of homeland security a little over a year after joining . +__label__4 , update 2 us cybersecurity chief abruptly resigns , the government #39 s cybersecurity chief has abruptly resigned from the homeland security department amid a concerted campaign by the technology industry and some lawmakers to persuade the bush administration to give him more authority and money for +__label__2 , novak , canas top dogs left at atp shanghai , the seedings held friday in the quarterfinals at the atp stop in shanghai , with no . 2 jiri novak stopping no . 8 jan-mike gambill , and no . +__label__2 , cricket telecast prasar bharati to move sc as aggrieved party #39 , the legal battle surrounding the awarding of telecast rights to sony entertainment television for the forthcoming australia tour of india is getting complicated with the prasar bharati ceo , mr ks sarma , saying that the national broadcaster would approach +__label__3 , fortune ' s 100 most doomed ? , your company made it to fortune ' s 100 fastest growing companies list . is that a good thing ? +__label__4 , ig nobel awards honor weird science advances , if a herring asks you to pull his finger , be very afraid . thats one of the lessons derived from this years ig nobel awards ceremony , an event that honors offbeat scientific achievements . +__label__2 , can alabama pass ? can south carolina run ? , both have some reason for optimism . guillon should benefit from his first start at arkansas and from the more friendly environment of bryant-denny stadium . +__label__4 , briefly msn messenger beta leaks onto web , roundup plus level 3 to buy sprint ' s dial-up business . . . cisco ceo ' s salary shoots up from \$1 . . . sandisk ups capacity on flash memory cards . +__label__1 , bush , kerry trade barbs following debate , allentown , pa . - president bush on friday ripped into sen . . . +__label__3 , china pledges to move toward flexible exchange rate , china says it will move toward a flexible exchange rate for its currency , but there is no word on how long such a transition will take . +__label__4 , doj won ' t appeal oracle ruling , washington - the u . s . department of justice ( doj ) will not appeal a ruling by a california judge that would allow oracle corp . ' s proposed hostile takeover of competing software vendor peoplesoft inc . +__label__1 , us supreme court asked to rule on homosexuals ' right to adopt children ( afp ) , afp - the american civil liberties union , the leading us civil rights group , petitioned the us supreme court to rule on the right of homosexuals to adopt children . +__label__2 , world rally news subaru solberg has a #39 relatively #39 good lead . , subaru world rally team driver petter solberg took the lead on the all-new rally italia sardinia on ss1 this morning friday and held onto that advantage all day to end the leg more than thirty seconds ahead of second placed marcus gronholm . +__label__2 , jubilant spain revels in glory of second davis cup , spain hailed the fulfilment of an old dream and the rise of a new star on monday after the national team secured the country #39 s second davis cup title in five years . +__label__4 , ibm expands data centers , on-demand service , big blue enhances its on demand offering for companies through its data centers . +__label__2 , ronaldo a doubt for real , madrid , spain ( sports network ) - star striker ronaldo could miss real madrid #39 s la liga contest sunday against deportivo la coruna due to injury . +__label__1 , us welcomes sudan #39 s acceptance of expanded au mission in darfur , the united states welcomed on friday sudanese official #39 s announcement to accept a larger africanunion ( au ) mission in the western region of darfur and urged the speedy deployment of au troops . +__label__4 , nation ' s cybersecurity chief abruptly quits dhs post , amit yoran , the government ' s cybersecurity chief , abruptly resigned yesterday after a year at the department of homeland security , a move that raised questions about the bush administration ' s ability to quickly improve cybersecurity . +__label__1 , europe serbia calls on un to annul appointment of kosovo pm , he ( haradinaj ) is a war crimes suspect , and serbian authorities will face numerous difficulties . . . with such a person , kostunica said . +__label__3 , saks announces store closings , birmingham , ala . they #39 re closing eight saks fifth avenue stores and three off fifth outlet stores . saks incorporated says shutting down weaker stores will allow the company to focus on its more quot productive quot locations and further strengthen its brand . +__label__1 , u . n . war court transfers first case to serbia , belgrade ( reuters ) - the u . n . war crimes prosecutor sent the first case to the serbian judiciary friday in a move that could warm ties between the hague-based court and belgrade . +__label__4 , legal expert joins open-source screening firm , open source initiative general counsel larry rosen is now an advisor to black duck software . +__label__3 , greenspan worried congress to bar options expensing , washington ( reuters ) - federal reserve chairman alan greenspan on friday said he was very worried congress would try to thwart efforts by the financial accounting standards board to require expensing of stock options . +__label__3 , arthritis drug vioxx pulled off market , sept . 30 , 2004 -- long-term use of the painkiller vioxx doubles a person #39 s risk of heart attack and stroke , a huge clinical trial shows . +__label__2 , cubs plate three runs in ninth inning , fall a run short , the chicago cubs need more than rally caps , good-luck charms or curse-busters now . mike hampton and dewayne wise each hit two-run homers to lead the atlanta braves to +__label__1 , russias strange bedfellows , ministers from the commonwealth of independent states ( cis ) gathered in the ukrainian capital kiev on september 29 to formulate a common anti-terrorism strategy . +__label__3 , saks to close 11 stores , new york retailing group saks said friday it will close 11 stores and shed 700 jobs . the company said it will close down eight saks fifth avenue stores and three off 5th avenue +__label__3 , saks announces store closings , saks says shutting down weaker stores will allow the company to focus on its more quot productive quot locations and further strengthen its brand . +__label__1 , bangkok animal trade talks open , the rules controlling the trade in many at-risk wildlife species may change at a bangkok meeting starting on saturday . the 166 member states of the convention on international trade in endangered species of +__label__1 , israel kills two militants during massive gaza raid , gaza ( reuters ) - the israeli army killed two militants saturday in an air strike in the northern gaza strip , bringing the number of palestinians israel has killed in one of its deadliest gaza raids to 39 . +__label__3 , mds vioxx not the only drug to help arthritis , the withdrawal of vioxx may take a bite out of merck amp co . #39 s revenues , but it isn #39 ta setback for arthritis patients , doctors said friday , because dozens of other drugs offer the same symptom relief . +__label__4 , gates microsoft to offer anti-spyware , company chairman bill gates says this malware thing is so bad the software giant plans to offer its own tools . +__label__2 , packers lose flanagan for the season , green bay packers pro bowl center mike flanagan will undergo surgery on his left knee and miss the rest of the season . coach mike sherman made the announcement after practice friday , meaning for the second +__label__3 , ex-pentagon official gets 9 months for conspiring to favor boeing , the former official was sentenced after acknowledging that she had favored the boeing company in pentagon contracts while seeking a job at the company for herself . +__label__4 , gates us need not fear overseas tech , the united states has nothing to fear from rapidly growing technology markets in china and india , bill gates , chairman and chief software architect of microsoft corp . +__label__1 , aclu seeks to challenge gay adoption ban ( ap ) , ap - the american civil liberties union asked the supreme court on friday to hear its challenge to florida ' s ban on adoptions by gays . +__label__1 , five blasts reported in spain after eta threats , madrid ( reuters ) - five explosions were reported in different parts of spain monday after the basque separatist group eta threatened to set off a total of seven bombs , spanish media reported . +__label__3 , china at g-7 meeting for first time , china made its debut last night in the club of the world ' s leading economic powers , asinternational pressure mounts to change a decade-old currency peg that critics accuse of giving chinese products an unfair competitive edge . +__label__3 , ex-manager at fannie to skip hearing , the former fannie mae employee who assisted federal regulators in an investigation of the company ' s accounting will not testify at a congressional hearing next week . +__label__3 , stocks amp bonds technology issues lead rally as the 4th quarter < b> . . . < /b> , tocks rose yesterday amid heavy trading on the first day of the fourth quarter as peoplesoft and chip-related stocks sent the nasdaq to its highest level in more than two months . +__label__3 , imf urged to assist countries in prevention of financial crisis , developing countries on friday urged the international monetary fund ( imf to develop effective lending facilities to assist countries in the prevention of financial crisis . +__label__1 , lebanon and syria have not complied with un resolution annan , united nations - secretary-general kofi annan reported that syria has not pulled its forces out of lebanon as called for by the un security council , and said he had requested a timetable from damascus for its full implementation . +__label__1 , one hurt in blast at philippines muslim regional government complex ( afp ) , afp - a powerful home-made bomb has exploded in a compound housing offices of an autonomous muslim regional government in the southern philippine city of cotabato , wounding one person , police said . +__label__2 , astros beat rockies to keep wild-card lead ( ap ) , ap - jeff bagwell hit a two-run homer and the houston astros overcame a sloppy start , remaining atop the nl wild-card standings with a 4-2 victory over the colorado rockies on friday night . +__label__2 , baseball-ichiro breaks hits record , adds single , the seattle mariners #39 ichiro suzuki registered three singles to equal , break and then add to the major league hits record with his 259th of the season in a game against the texas rangers friday . +__label__1 , france opposes immigrant transit camps in africa , france , sweden and belgium shot down a german proposal to set up european union refugee processing centres in north africa , arguing that the idea would do more harm than good . +__label__2 , jeff gordon leads contenders at talladega , talladega , ala . - joe nemechek wasn #39 t surprised to be back at the front of the field , just that it took so long to get there . nemechek , who earned the nickname quot front row joe quot when he won six poles from 1997-00 , got no . +__label__2 , jeff gordon leads contenders at talladega , joe nemechek wasn #39 t surprised to be back at the front of the field , just that it took so long to get there . nemechek , who earned the nickname quot front row joe quot when he won six poles from 1997-00 , got no . +__label__1 , ukraine opposition seeks legal changes , kiev -- opposition leader viktor yushchenko yesterday pressed for the prime minister ' s removal from office , dismissal of electoral officials , and new legislation to guard against fraud in a new presidential runoff , warning that his supporters would continue to blockade government offices until outgoing president leonid d . kuchma meets those demands . +__label__1 , pakistan ups security , shi #39 ites mourn bomb victims , pakistan beefed up security saturday as minority shi #39 ite muslims prepared to bury victims of a suicide bomb attack on a mosque in the eastern town of sialkot that killed at least 30 people a day earlier . +__label__2 , angels one win from al west title ( ap ) , ap - the anaheim angels considered themselves a playoff team all along , even while they spent the summer playing catch up . now they ' re one win away . +__label__1 , violent protests erupt again in haiti , port-au-prince , haiti oct . 2 , 2004 - supporters of ousted president jean-bertrand aristide took to the streets of haiti #39 s capital for a second day , shooting wildly , smashing cars and blocking roads with burning tires . +__label__2 , sharapova advances to korea open final , reigning wimbledon champion maria sharapova has thrashed anne kremer of luxembourg to advance to the final of the korea open in seoul . +__label__3 , corporate krueger haunts peoplesoft , a few weeks ago the then-ceo of peoplesoft , craig conway , posed the following question to attendees at a technology conference quot have you ever had a bad dream that never ended ? +__label__2 , bc expects to need ' a ' game , it is not as though they need any more reminders . it is not as though they are not aware of the consequences . boston college has rutgers and mississippi state and , to an extent , pittsburgh as prime examples of what can happen to a division 1-a team on any given day against a division 1-aa opponent . +__label__3 , auto sales surged in sept . , auto sales soared 10 in september , led by a 25 surge at general motors and increases for chrysler and toyota . gm had its biggest gain in two years after boosting rebates . +__label__4 , nasa puts off space shuttle flights until at least may , washington the us space agency nasa has put off resumption of space shuttle flights from march until at least may , the agency has said . +__label__3 , perry oks money for aps as more accusations arise , the state #39 s adult protective services agency will get an emergency infusion of \$10 million to correct the kinds of problems that have arisen in el paso . +__label__1 , serial blasts rock ne 19 killed , guwahati a string of powerful bomb blasts rocked nagaland and assam on the birth anniversary of mahatma gandhi saturday , killing at least 19 people and injuring more than 50 . +__label__2 , mariners ' ichiro breaks hits record , adds single , seattle ( reuters ) - the seattle mariners ' ichiro suzuki registered three singles to tie , break and then add to the major league hits record with his 259th of the season in a game against the texas rangers friday . +__label__3 , g7 fails to reach debt deal , hopes of a deal to write off completely the debts of some of the world #39 s poorest countries were dashed after the group of seven rich nations club failed to reach agreement . +__label__2 , tennis canas crushes novak to reach shanghai final , faces < b> . . . < /b> , shanghai argentina #39 s guillermo canas dominated jiri novak of the czech republic to book his place in the final of the 380 , 000-dollar atp shanghai open tennis tournament against unheralded german lars burgsmuller . +__label__3 , techs lead gains on wall street , shares surged on wall street on friday night , pushing the dow over 100 points higher , as tech stocks rallied and drug giant merck staged a 1 per cent rebound following its 26 per cent fall on thursday . +__label__3 , oil , profit reports to weigh on stocks , new york ( reuters ) - a new reporting period for company earnings kicks into gear next week , giving investors a bit of hard data to chew on , and markets could be volatile if the price of crude oil stays north of \$50 a barrel . +__label__4 , oceanic storms make the earth #39 hum #39 , did you know that the earth is constantly humming ie it produces a low frequency noise which can be picked up in the 2 to 7 mhz ( millihertz ) range , a range far below the one human ears can detect and scientist have now found that it is the energy produced +__label__1 , blair heads to country home for rest after heart op , london , oct 2 ( afp ) - british prime minister tony blair said saturday that he felt in quot excellent quot health as he set off for his official country residence to rest after a successful minor heart operation . +__label__3 , imf , world bank look to keep global recovery strong ( afp ) , afp - facing a global economy on the mend but threatened by surging oil prices and other factors , imf and world bank policymakers opened two days of meetings saturday to discuss ways to keep the recovery on track . +__label__2 , sete returns to top form in qatar edwards joins party with runner < b> . . . < /b> , sete gibernau will go down in history as the first ever winner of the grand prix of qatar after an incredible race today which he led from start +__label__3 , us , allies far apart on iraq debt relief , washington oct . 2 , 2004 - the united states and its major economic allies struggled saturday to resolve deep differences over how best to relieve the heavy debt burden for iraq and the world #39 s poorest countries . +__label__3 , poor nations seek wto textile aid , with 40 years of textile quotas about to be abolished in a move to help developing nations , a group of the world #39 s poorest countries are asking for a different approach special trade deals to protect them from a free-for-all . +__label__2 , arsenal ' s unbeaten streak reaches 48 games ( ap ) , ap - arsenal extended its unbeaten streak in the premier league to 48 games saturday , getting two goals from thierry henry in a 4-0 victory over charlton and bouncing back from a champions league tie . +__label__1 , 22 killed , 100 injured in nagaland twin blasts , india news gt guwahati , oct 2 at least 22 people , including women and children , were killed and over 100 injured when two simultaneous landmine blasts ripped through the busy railway station here and a crowded market place of this commercial town of +__label__3 , update 4 belo to cut 250 jobs , mostly in dallas , media owner belo corp . said wednesday that it would cut 250 jobs , more than half of them at its flagship newspaper , the dallas morning news , and that an internal investigation into circulation overstatements +__label__1 , new appointments hint musharraf to remain coas after dec 31 , islamabad military analysts have said that after the appointment of new chairman joint chiefs of staff committee and vice chief of army staff it is clear that president general pervez musharraf will retain his cap of chief of army staff beyond december 31 +__label__2 , report bowa on his way out of philly , philadelphia ( sports network ) - larry bowa will reportedly be fired as manager of the philadelphia phillies at the end of the season . +__label__3 , china vows currency shift but mum on date , washington , oct . 2 in the face of growing international pressure , chinese officials told top us officials on friday that they would continue to push ahead with plans to float or revalue their currency , but +__label__2 , no . 20 wisconsin 24 , illinois 7 , tailback anthony davis #39 return from an eye injury sparked no . 20 wisconsin #39 s stagnant offense and the badgers #39 defense was as stout as ever in a 24-7 victory over illinois on saturday . +__label__3 , putin the power broker , last wednesday , at the stroke of noon , one of the most lucrative prizes in russia #39 s oil industry went under the hammer . russia #39 s federal property fund , which controls sales of state assets , auctioned a 7 . 6 +__label__2 , phillies relieve bowa of his duties , the phillies ended months of speculation when they announced the dismissal of manager larry bowa before saturday #39 s game against the marlins at citizens bank park . +__label__4 , the c . e . o . vanishes , and other mysteries , why did peoplesoft , in the midst of a takeover fight with oracle , fire its chief executive and president ? who knows ? and that ' s a problem . +__label__2 , new york yankees team report - october 1 , ( sports network ) - orlando hernandez tries to rebound from his first loss of the season this evening when the new york yankees open a three-game set with the toronto blue jays at skydome . +__label__2 , angels rally past a ' s to clinch al west crown ( reuters ) , reuters - garret anderson capped a three-run\eighth inning rally with a run-scoring single as the anaheim\angels edged the oakland athletics 5-4 saturday to capture\their first al west pennant in 18 years . +__label__2 , rapids clinch mls playoff berth ( ap ) , ap - dwyane derosario ' s goal in the 82nd minute lifted the san jose earthquakes to a 1-1 tie with the colorado rapids on saturday night . +__label__2 , a ' s bullpen blows up and angels take title , anaheim scored three runs in the eighth inning off oakland relievers to rally for a victory and clinch the american league west title . +__label__2 , louisiana tech bulldogs , ruston , louisiana ( ticker ) -- no . 17 fresno state could not overcome a dominant performance by ryan moats or a poor one by paul pinegar . +__label__1 , ransom may buy life of iraq hostage , the brother of iraq hostage ken bigley was investigating whether it might be possible to buy his sibling #39 s life . paul bigley was looking into reports in a kuwaiti newspaper that a new iraqi militant group +__label__4 , security beyond antivirus programs , comprehensive security programs that include firewall software , spyware defenses and diagnostic and repair tools are necessay to keep a pc in good health these days . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> +__label__3 , lucent ' s history a case study in wild rides , if you ' ve ever wondered what ignited america ' s late-1990s obsession with telecom and tech stocks , you could well argue it all started with lucent technologies . +__label__2 , finley #39 s slam wins wild west for la , los angeles - steve finley immediately raised his arms over his head , as if to show there really might be a great dodger in the sky looking after him and the los angeles franchise after a nine-year title drought . +__label__2 , angels rally past a ' s to clinch al west crown , oakland ( reuters ) - garret anderson capped a three-run eighth inning rally with a run-scoring single as the anaheim angels edged the oakland athletics 5-4 saturday to capture their first al west pennant in 18 years . +__label__4 , open source group blasts gartner for linking linux to windows < b> . . . < /b> , an australian open-source industry group on friday took exception to a gartner report that pre-loading pcs with linux is often a precursor to adding a pirated copy of windows , calling the research quot farcical . +__label__1 , turkey to get green light for eu entry talks -paper , the european commission #39 s report on turkey next week will recommend that the european union open accession negotiations with ankara , the german daily bild said sunday , quoting sources at the eu executive . +__label__1 , king ' s widow turns focus on voting rights ( ap ) , ap - the widow of martin luther king jr . said the right to vote should be open to everyone in a democracy , including those who have been convicted of crimes . +__label__1 , eta suspects arrested in france , french security forces have arrested 20 people suspected of being members of the outlawed basque separatist group , eta . most were spaniards living in the basque region of south-western france . +__label__1 , new bomb blast wounds 15 in india , suspected separatists bombed a power line , a gas pipeline , a tea plantation and a crowded marketplace in northeastern india on sunday , intensifying a campaign of violence +__label__2 , ichiro with 260 hits , writes first new chapter in 84 years , japans quot baseball talent quot suzuki ichiro ( 31 , seattle mariners ) has leapfrogged 84 years of outdated records of most hits in a season and stepped into the 260-hit peak . +__label__1 , brown calls for labour unity , chancellor gordon brown has sought to quell speculation over who should run the labour party and turned the attack on the opposition conservatives . +__label__3 , in the news instant recall , oct . 11 issue - last week merck pulled its blockbuster arthritis-and-pain-relief drug vioxx from the market . this week the 1 . 27 million americans who were taking it are wondering what to do . +__label__2 , espn . com news services , houston -- the houston astros enter today #39 s contest against the colorado rockies knowing that a victory will earn them an improbable playoff berth . +__label__2 , ft birmingham 2 newcastle 2 , newcastle almost regained the lead when bellamy headed a corner from robert back across goal but elliotts close range effort was somehow kept out by a pack of blues bodies guarding the goal-line . +__label__1 , bus ambush kills 17 workers near tikrit , gunmen ambushed a bus carrying unarmed iraqis to work at a us ammunition dump near tikrit yesterday , killing 17 and raising the toll from three days of intensified and bloody terrorist +__label__2 , flu sidelines clemens on sunday , roger clemens was scratched from his start on sunday after spending most of the overnight hours battling a stomach virus . clemens #39 blood pressure was slightly elevated +__label__2 , final score ny giants 14 , green bay 7 , green bay , wi ( sports network ) - kurt warner threw a four-yard touchdown pass to jeremy shockey early in the fourth quarter to lift the new york giants over the green bay packers , 14-7 , at lambeau field . +__label__3 , oil price spike had chilling effect -fed , the recent spike in oil prices has had some negative impact on the us economy , but the futures markets suggest that this will be a temporary phenomenon , a top fed official said on sunday . +__label__3 , ahold to sell spain operations to permira ( ap ) , ap - the dutch supermarket retailer ahold , seeking to streamline global operations and reduce debt , said sunday it will sell its holdings in spain to permira funds for about #36 849 million . +__label__2 , streaking patriots still stinging from last game at buffalo , anytime someone tells bill belichick how great his team is , the new england patriots coach needs only to slip in a tape of last year #39 s season opener to stay grounded . +__label__1 , gunfire erupts in pro-aristide haiti slum , port-au-prince , haiti oct . 3 , 2004 - gunfire erupted in a slum teeming with loyalists of ousted president jean-bertrand aristide on sunday , sending people scattering through trash-strewn streets following +__label__3 , a painful mistake , in a world in which the fortune of a pharmaceutical company can rise and fall on the strength of a handful of blockbuster drugs , vioxx was a giant . +__label__4 , trash begins to clutter space station ( ap ) , ap - there ' s no space in the space station . with no garbage pickup by shuttles for nearly two years , the international space station is looking more and more like a cluttered attic . +__label__4 , mobile phone network reaches last of china ' s ethnic minorities ( afp ) , afp - china has brought its mobile phone network to the last of its ethnic minority regions previously cut off from communication with the outside world , state media reported . +__label__1 , liberals enter political minefield of minority government starting monday ( canadian press ) , canadian press - ottawa ( cp ) - a chastened liberal government will find itself relying on support from the very opponents it steamrollered for over a decade when prime minister paul martin begins steering his party through the first minority parliament in a quarter-century . +__label__4 , blackberry , beloved gadget , continues to thrive , bout a year ago , palmone was poised to challenge the dominance of the blackberry , the wireless e-mail device made by research in motion that has become the gadget of choice among celebrities and politicians . +__label__4 , you have mail , always , with a blackberry , washington lawyer william wilhelm knows from experience that not everybody loves his blackberry as much as he does . the girlfriend was fed up with a relationship +__label__1 , darfur rebels reject khartoum bid to split them ahead of talks ( afp ) , afp - ethnic minority rebels in darfur have rejected an attempt by the sudanese government to divide them ahead of a new round of peace talks in nigeria later this month , a khartoum daily reported . +__label__1 , nikkei opens higher ( reuters ) , reuters - the nikkei average rose 1 . 37 percent at\the opening on monday as a recovery in u . s . stocks encouraged\investors to seek bargains among lagging issues , including\canon inc . and other high-tech issues . +__label__1 , us football patriots ' historic win , new england win a record-tying 18th straight game - plus an nfl round-up . +__label__1 , aussie ruling party leads in election polls , but gap narrows , the government of prime minister john howard had a narrow lead in opinion polls heading into the final week of campaigning ahead of the australian federal election , but the opposition labor party was narrowing the gap , according +__label__2 , nl wrap expos end life in montreal with defeat to mets , new york ( reuters ) - david wright and todd zeile both homered to lead the new york mets to an 8-1 win over montreal at shea stadium on sunday , handing the expos a heavy defeat in their final game before moving to washington next season . +__label__2 , al wrap indians , twins split unique doubleheader , new york ( reuters ) - ben broussard belted a two-run homer to give the cleveland indians a 5-2 win over the minnesota twins to salvage a split of a unique doubleheader on the final day of the regular season on sunday . +__label__3 , japan shares up 2 percent by midday , japanese stocks rose 1 . 9 percent by midsession on monday as a strong performance by us semiconductor-related stocks gave a push to japanese peers such as advantest corp . +__label__4 , mexico ' s ' fire volcano ' erupts , no evacuations yet ( reuters ) , reuters - mexico ' s so-called fire\volcano spewed lava , glowing rocks and flames on friday in an\eruption that authorities said was not yet serious enough to\evacuate nearby villages . +__label__3 , the rippling pain from vioxx , prescription-drug recalls aren #39 t common , and they #39 re almost always controversial . now that merck ( mrk ) is voluntarily withdrawing its vioxx pain medication around the world , due to a heightened risk of cardiovascular +__label__3 , bush defends tax cuts , washington , oct 2 ( afp ) - us president george w . bush said saturday he would renew some of the huge tax cuts that form a cornerstone of his economic rejuvenation policy and chided democratic challenger john kerry for opposing the cuts . +__label__2 , this year #39 s panthers could learn a thing or two from michael vick , charlotte - michael vick head-butting an opposing linebacker may not have been the smartest thing for a national football league quarterback to do . +__label__2 , falcons not cruising at 4-0 they #39 re working , jim mora thought his team deserved a little something special . his atlanta falcons , with a thorough 27-10 pounding of the carolina panthers , had just extended their record to 4-0 for the first time since 1986 . +__label__4 , new tungsten boasts big storage , palmone #39 s tungsten t5 comes with 256mb of flash memory , so you never risk losing your data . if you #39 re a pack-rat type who likes to keep a lot of data you can #39 t afford to lose on your personal digital assistant , palmone has a handheld for you . +__label__2 , dodgers ready for anything , com . when dodgers coach glenn hoffman makes out the daily schedule of spring training drills , there are entries for pickoffs and cutoffs , bunt situations and hit-and-runs . +__label__1 , six shot dead in new northeast india violence , guwahati , india ( reuters ) - suspected separatist rebels stormed a village in india ' s northeast on monday and shot dead six people , police said , taking the toll in the worst violence in years in the troubled region to 62 . +__label__3 , susan tompor stores turn paper into e-checks , i picked up my 6-year-old son from school last week , and we drove to wal-mart to see the future for paper checks . we grabbed a few of life #39 s staples some legos , a pack of 3x5 cards to create +__label__3 , brewers buyer expected to step out of the shadows monday , milwaukee - paul attanasio says the story of his brother buying a baseball team is like a script straight out of hollywood . he should know . +__label__3 , nikkei up 2 . 5 pct in afternoon , tokyo #39 s nikkei average jumped 2 . 5 percent by mid-afternoon on monday as semiconductor-related stocks such as advantest corp . mirrored a rally by their us peers while banks and brokerages extended last week #39 s gains . +__label__2 , junior swears by win at talladega , dale earnhardt jr . went from 11th on a restart on lap 184 to first less than two laps later to win the ea sports 500 . he led nine times for 78 laps . +__label__4 , informed and awaiting a st . helens eruption , the people who remember the eruption of mount st . helens in 1980 are not as fearful as they were then , with scientists predicting a less powerful eruption . +__label__1 , tokyo stocks finish 2 . 6 percent higher ( ap ) , ap - tokyo stocks finished sharply higher monday , fueled by wall street ' s gains last week . the u . s . dollar was higher against the japanese yen . +__label__1 , gujarat riot murder retrial opens , the retrial of 16 hindus charged with the murder of 12 muslims in the gujarat riots of 2002 opens in mumbai . +__label__3 , update 2 tokyo stocks finish 2 . 6 percent higher , tokyo stocks finished sharply higher monday , fueled by wall street #39 s gains last week . the us dollar was higher against the japanese yen . +__label__3 , 150 , 000 new jobs expected , the economy probably added 150 , 000 jobs in september and the unemployment rate held steady at 5 . 4 , a three-year low , according to a survey of economists . +__label__1 , poland to cut iraq troops by 2006 , poland will reduce its commitment of forces to the war in iraq by 40 percent by the end of 2005 , the polish defense ministry in warsaw says . +__label__3 , ftse hits 27-month high , top shares have jumped to their highest level for 27 months , tracking a buoyant start to the fourth quarter across global stock markets and as takeover speculation continues to rumble among banks and elsewhere . +__label__4 , red hat buys netscape enterprise suite technologies , red hat chairman and chief executive matthew szulik said in a statement quot directory server and certificate management system have already been widely deployed in the enterprise and are mature +__label__2 , thierry heels the wounds , the mark of brilliance is to produce the unexpected . the proof of genius is to do it time and again . thierry henry is a brilliant genius . +__label__4 , peoplesoft ousts ceo , still opposes oracle bid ( usatoday . com ) , usatoday . com - peoplesoft ' s board might have finally blinked . the business-software maker , facing a 16-month takeover siege from rival oracle , has canned the ceo who bitterly opposed the deal and lost crucial regulatory support in its bid to stay independent . +__label__4 , worldpay struck by online attack , net payment system worldpay is under attack from hackers delaying transaction times for hundreds of online retailers . +__label__4 , fable nascar 2005 chase for the cup , fable comes with a big reputation behind it -- it was developed by peter molyneux , creator of such involved , engrossing games as populous and black and white . +__label__2 , els sweats out american express victory ( ap ) , ap - emotionally spent from a grand slam season of heartache , ernie els reasserted himself as a major force sunday by outlasting thomas bjorn in a brilliantly played duel in the cold rain in the american express championship . he closed with a 3-under 69 for a one-shot victory and his first world golf championship . +__label__1 , austria to extradite turkish underworld figure , vienna ( reuters ) - convicted turkish underworld boss alaattin cakici , sought on charges of corruption and extortion , will be extradited from austria to turkey , a district court ruled on monday . +__label__2 , ex-philly eagles coach nick skorich dies ( ap ) , ap - nick skorich , head coach of the philadelphia eagles from 1961-63 and the offensive line coach on the 1960 championship team , has died at the age of 83 . +__label__2 , loeb looks for home comforts , sebastien loeb is dreaming of a title- winning homecoming after moving a step closer to the world championship in the italian rally . +__label__3 , office depot chairman , ceo nelson resigns , office depot inc . ( odp . n quote , profile , research ) on monday said chairman and chief executive bruce nelson resigned quot by mutual agreement quot with the board , after four years at the helm . +__label__4 , metcalfe , allen back zigbee start-up , ember , a start-up that is developing chips for zigbee--a low-cost , low-power wireless networking standard--received \$25 million in venture capital funding this week . +__label__3 , office depot chairman , ceo nelson resigns , office depot inc . ( odp . n quote , profile , research ) , the no . 2 us office supply chain , on monday said chairman and chief executive officer bruce nelson has resigned and a search for his successor is underway . +__label__4 , palmone announces tungsten t5 , palmone has introduced the new tungsten t5 pda . the new tungsten t5 features 256mb of flash memory , which doesn #39 t lose data when the device loses its charge . +__label__4 , gluecode delivers open source bpm engine ( infoworld ) , infoworld - hoping to put in place the last missing piece of the java stack , gluecode software and the apache software foundation this week unwrapped project agila , which the companies claim is the first embeddable open source bpm engine . +__label__3 , peoplesoft raises revenue forecasts , new york ( reuters ) - peoplesoft inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=psft . o target=/stocks/quickinfo/fullquote> psft . o< /a> , fresh from firing its chief executive amid a hostile takeover bid from oracle corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=orcl . o , target=/stocks/quickinfo/fullquote> orcl . o , < /a> on monday said quarterly revenue would exceed wall street ' s expectations , helped by an increase in customers making larger orders for its business software . +__label__1 , poland to reduce force in iraq , poland will significantly reduce its number of troops in iraq by the end of 2005 , the country #39 s defense minister said on monday . +__label__4 , a first look at palmone #39 s t5 , new york - if palmone #39 s tungsten t5 handheld was an automobile , it would be described as being a facelift rather than a complete overhaul of the model that preceded it , the tungsten t3 . +__label__3 , top court upholds visa , mastercard ruling , washington ( reuters ) - the supreme court on monday let stand a ruling that the visa and mastercard credit card associations violated federal antitrust law by barring their member banks from issuing credit and charge cards on the rival networks of american express co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=axp . n target=/stocks/quickinfo/fullquote> axp . n< /a> and morgan stanley . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mwd . n target=/stocks/quickinfo/fullquote> mwd . n< /a> . +__label__3 , imf sees rising oil prices having little impact on global growth , tokyo rising oil prices are unlikely to deal a major blow to global economic growth although the trend may seem quot uncomfortable , quot a researcher with the international monetary fund says . +__label__1 , al moves to stop israeli attacks against the palestinians , the arab league al has assigned the arab group at the un to call for convening an urgent meeting for the un general assembly or the un security council to halt the quot israeli war of extermination against the palestinian people . +__label__4 , eu pursues oracle-peoplesoft case ( ap ) , ap - european union regulators suggested monday they are not bound by a u . s . decision to allow oracle corp . to pursue its #36 7 . 7 billion bid for rival business software maker peoplesoft inc . and are continuing to collect data on the deal . +__label__1 , new poll shows bush and kerry in dead heat ( reuters ) , reuters - president bush is now in a\statistical dead heat with democratic challenger sen . john\kerry for the nov . 2 election , in a tightening of the race\after the first debate last week , a poll on monday showed . +__label__4 , coping with the common cold , by karen pallarito , healthday reporter healthdaynews -- determined this cold season to nip your sneezing , runny nose and scratchy throat in the bud before those nasty respiratory symptoms sideline you ? there ' s a broad array of cold remedies you might want to try , ranging from over-the-counter preparations to basic ingredients tucked away in your kitchen pantry . so what ' ll it be ? a combination pain reliever and nasal decongestant ? vitamin c and echinacea ? tea with honey ? a brimming bowl of chicken soup ? it turns out the best advice for dealing with the misery of a cold is the same principle mothers often apply when trying to coax their unruly toddlers to take a nap whatever works . . . +__label__4 , ballmer microsoft is listening to customers , microsoft chief executive steve ballmer says the software giant is listening to customers , and wants to make the company and its employees more accountable for delivering on its plans . +__label__1 , steep rise in haiti storm deaths , the number of deaths from floods in haiti caused by tropical storm jeanne has risen sharply to 1 , 970 , with 884 still missing , officials say . +__label__3 , sungard to spin off data recovery unit , new york ( reuters ) - sungard data systems inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=sds . n target=/stocks/quickinfo/fullquote> sds . n< /a> on monday said it would spin off its data recovery business , sending its stock up 11 percent to a four-month high . +__label__1 , flight diverted to uk after bomb threat , a singapore airlines passenger jet from frankfurt to new york was diverted to manchester airport in northern england on monday after a bomb threat that police said may have been a hoax . +__label__4 , small office / home office wi-fi device finds hotspots , more and more venues are becoming hotspots . using the wireless 802 . 11x protocol better known as wi-fi , these hotspots can be found in airports , libraries , coffeehouses , restaurants , shopping +__label__3 , sbc links e-mail , voice messages , fax , sbc on monday announced a new service that integrates voice messages , faxes and e-mails into a single mailbox that can be accessed from anywhere by phone or the internet . +__label__4 , opm delving deeper into employees #39 backgrounds , which sets hiring and employment standards for the government -- is reviewing its employees to ensure that they are suitable for jobs involving the quot public trust . +__label__2 , rijkaard - has suffered edmilson blow , barcelona have been stunned by the news that brazilian centre-half edmilson will be out of action for at least six months with a knee injury . +__label__1 , car bombs strike baghdad , at least 10 people were killed and 76 injured when one exploded near an army recruitment centre outside the top-security green zone housing iraq #39 s interim government and the us embassy . +__label__3 , irs demands fica from chili ' s owner , new york ( reuters ) - brinker international inc . which operates the chili ' s restaurant chain , on monday said it received a demand from the u . s . internal revenue service regarding the company ' s share of fica taxes on unreported tips of \$31 . 4 million during 2000 to 2002 . +__label__4 , spaceshipone wins x prize , scaled composites #39 spaceshipone broke the 100-km barrier for the second time , satisfying the conditions to win the \$10 million x prize . +__label__3 , top court upholds visa , mastercard ruling , washington/new york ( reuters ) - the supreme court on monday let stand a ruling that the visa and mastercard credit card associations violated u . s . antitrust law by barring member banks from issuing credit and charge cards on rival networks owned by american express co . and morgan stanley . +__label__1 , video shows militants killing iraqi from italy , turk , baghdad ( reuters ) - islamic militants distributed a video in iraq on monday showing the killings of two men who identified themselves as an italian of iraqi origin and a turk . +__label__1 , iraq video shows ' hostage deaths ' , a video is released which apparently shows the killing of two hostages in iraq , while two others are released . +__label__1 , turkey defiant over eu accession , turkey ' s foreign minister says the eu should not attach conditions to turkey ' s bid to start membership talks . +__label__4 , navy streamlines nmci contract , officials at the navy and contractor eds said they have reached an agreement to revise performance measurements on the navy marine corps intranet contract , which eds called a critical step toward billing nmci seats on a 100 percent basis . +__label__2 , reeling pack sends mckenzie to new orleans , green bay #39 s front office apparently had seen enough of cornerback mike mckenzie . his holdout and mystery hamstring injury , which had kept him out of the past +__label__4 , cox brings voip service to more cities , company also plans to launch a business-class net phone service in roanoke , va . , as cable providers battle to gain market share . +__label__3 , lockheed martin led group wins 3 billion dollar us postal service < b> . . . < /b> , owego , united states a group of technology and telecommunications heavyweights led by lockheed martin corp has won a potential three billion dollar contract from the us postal service to revamp its vast data communication networks , lockheed martin said . +__label__4 , peoplesoft revenues to beat expectations ( newsfactor ) , newsfactor - peoplesoft ( nasdaq psft ) said on monday that quarterly revenues would beat wall street ' s expectations , due to an increase in the number of customers making large orders for its enterprise-application software . +__label__3 , taking advantage of the terminally stupid , would you pay \$4 for something that , at best , is worth a dime ? concord communications shareholders would . +__label__2 , chiefs have opportunity to get back on track , kansas city needs a win in the worst way . thats obvious but tonight they face a tough baltimore ravens team that has as many question marks as our hometown chiefs . +__label__1 , israeli soldiers kill palestinian gunman in gaza -army ( reuters ) , reuters - israeli soldiers shot and killed a\palestinian gunman on monday as he approached a military\outpost near a jewish settlement in the southern gaza strip , a\military source said . +__label__1 , halliburton set for spotlight in vp debates ( reuters ) , reuters - a name likely to come up in\tuesday ' s vice presidential debate is halliburton , the texas\company once run by dick cheney that democrats say is an\example of cronyism because of its lucrative iraq deals . +__label__3 , air canada shares , shares of the new air canada pushed higher as they began trading today , gaining more than 25 percent from their issue price of \$20 . +__label__3 , update 4-court #39 s cards ruling to aid mbna , american express , the supreme court on monday let stand a ruling that the visa and mastercard credit card associations violated us antitrust law by barring +__label__4 , apple releases security update 2004-09-30 ( maccentral ) , maccentral - apple on monday released security update 2004-09-30 , which fixes two afp server and cups issues as well as problems with netinfomanager , postfix and the serveradmin component in mac os x server v10 . 2 . 8 and v10 . 3 . 5 . in addition , a quicktime heap buffer overflow problem that could allow someone to execute code hidden in a bmp has been repaired . the cups and quicktime fixes apply to mac os x v10 . 3 . 5 and v10 . 2 . 8 as well as the server versions of each while the others apply only to the user and server editions of v10 . 3 . 5 . +__label__4 , south seas islands pin future on geotourism , the cook islands receive more tourists per capita than any other south pacific destination . now authorities are revamping their tourism strategy to focus on preservation . +__label__1 , briton charged with plotting bomb attack , washington - u . s . authorities brought charges monday against a british man they contend conspired with admitted al-qaida member richard reid to use shoe bombs to blow up planes in midair . . . +__label__4 , flash memory abounds in palmone #39 s tungsten t5 , palmone inc . unveiled a new version of its tungsten-class personal digital assistant monday that is designed to protect data even when the device #39 s battery dies . +__label__4 , ibm unveils notebook with fingerprint reader , ibm on monday introduced a biometric notebook computer with an integrated fingerprint reader , which it says can recognize the user of the computer . +__label__4 , it #39 s time for tech firms to bet on growth , industry leaders have been offering too few innovations and too many marginal upgradesat not-so-marginal prices . there #39 s a joke going around that our lives have become so boring that we #39 ve taken up watching people play cards on tv . +__label__2 , sosa exits before game , angering management , when his cubs teammates were taking the field sunday for the final game of the season , sammy sosa already had taken off . and now it is possible sosa has played his final game as a cub . +__label__1 , un calls emergency meeting over israeli onslaught , the un security council called an emergency meeting monday at the request of arab nations to consider a resolution demanding an immediate halt to a major israeli offensive in the northern gaza strip . +__label__3 , supreme court turns down #39 do not call #39 case , supreme court - the supreme court is refusing to hear a challenge to the federal do-not-call telephone registry . telemarketers have been trying to invoke free-speech rights to do away with the ban on unwanted phone solicitations . +__label__4 , xamlon looks to beat microsoft to the punch , this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . software engineer and entrepreneur paul colton thinks he can beat microsoft by taking a page from its play book--literally . +__label__4 , judge challenges eu position on microsoft ( reuters ) , reuters - a top european union judge\challenged the eu executive ' s reasoning in its antitrust court\battle with microsoft corp . friday , questioning why it opposed\the u . s . software giant ' s setting industry standards . +__label__1 , voters flock to register by deadline , in a glimpse of what the nation might see a month from now , people lined up at election offices and caused parking lot traffic jams as voter registration deadlines fell monday in more than a dozen states . many officials reported record numbers of new voters , some said they were overwhelmed , and allegations were already flying about fraud and the disqualification of some voters ' applications . . . +__label__2 , brewers introduce prospective buyer , milwaukee , wi ( sports network ) - mark l . attanasio was introduced as next owner of the milwaukee brewers on monday . attanasio , an investor from los angeles , is planning on buying the team from the family of commissioner bud selig . +__label__2 , spielman defends decisions with dolphins ( ap ) , ap - miami dolphins general manager rick spielman watches home games from the owner ' s box , which would be the best seat in the house if the team was better . +__label__2 , brewers officially introduce team buyer ( ap ) , ap - the milwaukee brewers officially introduced los angeles investor mark attanasio on monday as the buyer of the ballclub . +__label__1 , france criticizes iraq hostage mediators , france has criticized unofficial negotiators for complicating release efforts for two french hostages held in iraq , the bbc reported saturday . +__label__1 , court weighs legal rights of mich . poor ( ap ) , ap - with backing from two-fifths of all states , michigan asked the supreme court on monday to whether a state can refuse to pay for appeals by indigent defendants who plead guilty to crimes . +__label__1 , un signs pact with new world court opposed by u . s . , united nations ( reuters ) - the united nations signed a cooperation agreement on monday with the new international criminal court , despite objections to the tribunal from the united states . +__label__2 , espn . com news services , six months ago , scottie pippen issued a quot this is probably it for me quot declaration , that last season was looking more and more like his last in an nba uniform . +__label__4 , peoplesoft down on testimony , forecast , investors react to a disappointing earnings projection and to testimony that dampens hopes of negotiations with oracle . +__label__3 , new siebel chief outlines chapter 2 for crm vendor , after 10 years of focusing on product development and delivery , ceo michael lawrie says siebel had to recognize that technology is only one part of the crm equation . +__label__1 , gordon cooper , nasa mercury pioneer , dies , los angeles - gordon cooper , who was the youngest and perhaps cockiest member of the original mercury astronauts and set the space endurance record that helped clear the way for the first moon landing , has died . he was 77 . . . +__label__3 , ex peoplesoft chief admits lying to analysts , wilmington the former chief executive of peoplesoft , who was fired last week , said he lied to wall street analysts last year about the impact of oracle #39 s hostile bid on the company #39 s business . +__label__4 , revamped tungsten hangs on to data , update palmone on monday introduced a handheld computer that holds on to data even when the battery runs down , as part of a revamping of its mobile-device lineup . +__label__2 , moose bullish about chances , this is mike mussina #39 s fourth postseason here , so he knows the drill . he understands that all of his bad memories of his disappointing season -- the japan trip , his early-season struggles and +__label__1 , rebels kill dozens in indian unrest , india #39 s restive north-east is reeling from one of its bloodiest waves of violence in years . bombings over the weekend left more than 60 dead and 140 injured . +__label__4 , web snags right demographic ( washingtonpost . com ) , washingtonpost . com - in 1996 , the internet was a curiosity for most , the record labels were swollen with cash from cd sales , and r . e . m . ' s new adventures in hi-fi could only add to that hoard . critics and fans drooled for the alt-rockers ' follow-up to their last two hit albums , and the media counted down the days until the cd hit stores in september of that year . +__label__1 , u . s . seeks reconciliation with oil-rich venezuela , sao paulo , brazil ( reuters ) - the united states said on monday it will seek better ties with oil-rich venezuela in the clearest sign since president hugo chavez won a recall referendum in august that washington is looking for reconciliation with the firebrand populist . +__label__1 , venezuela seeking arms , perhaps mig-29s , < p> < /p> < p> caracas , venezuela ( reuters ) - venezuela is looking to buyarms to strengthen its military capability and russian mig-29fighters are among the options being evaluated , a seniorofficer said on monday . < /p> +__label__2 , cards won #39 t overlook dodgers , the last time tony la russa managed a postseason series against the dodgers , his club was an oakland juggernaut that dominated the regular season with 104 victories . +__label__2 , texans follow astros #39 lead , the news sports editor . houston - the houston astros weren #39 t the only team in the bayou city toasting a watershed achievement sunday afternoon . +__label__1 , us soldiers in iraq murder probe , four soldiers are charged with the murder of an iraqi general who died in custody in iraq , the us army says . +__label__4 , #39 kind of a creepy thing #39 clues to human origins turn up in head < b> . . . < /b> , lice genes have been a head-scratcher for experts in human origins who now suspect that we humans picked up some parasites from our more primitive ancestors . +__label__1 , insurgents target green zone , insurgents exploded two car bombs at the gates of the main us-iraqi headquarters in baghdad and near major hotels monday , killing at least 21 people and wounding 96 . +__label__3 , feds kick off digital tv consumer campaign , washington - it #39 s one of the biggest technical changes in television since color tv the digital transition . and because many americans remain in the dark about it , federal regulators began an education campaign monday to enlighten them . +__label__3 , aig #39 s war of words with watchdogs , america #39 s largest insurer is in hot water again with regulators . american international group ( aig ) said on oct . 4 that officials at the securities amp exchange commission and the justice dept . +__label__1 , sex toy shuts down australian airport , a scare triggered by a vibrating sex toy shut down a major australian regional airport for almost an hour on monday . the vibrating object was discovered on monday morning inside a garbage can at the terminal +__label__2 , gibbs doubts skins were tipping plays , if the cleveland browns knew what plays the washington redskins were going to run before the ball was snapped sunday , a review of the game tape 24 hours later revealed scant evidence of it . +__label__1 , why putin is backing kyoto again , why did russian president vladimir putin decide to ratify the kyoto protocol on climate change last week , only six months after his top adviser , andrei illarionov , called it a quot death treaty ? +__label__4 , early astronaut showed the moon was attainable , gordon cooper jr . , one of the original seven astronauts who became space pioneers and national celebrities , died monday at his home in ventura , calif . +__label__1 , cambodia #39 s legislature bars government from pardoning khmer rouge , legislators today approved laws barring the cambodian government from pardoning khmer rouge suspects , one day after ratifying a landmark un-backed plan to set up a tribunal to prosecute surviving leaders of the murderous 1970s regime . +__label__3 , small changes , big profits , staples inc . hosted a daylong event last week for analysts who follow the company ' s stock , laying out plans to keep growing in the immediate future and beyond . everyone went home smiling . +__label__3 , sec considering civil action over 3 aig press releases , american international group inc . said it has been informed by the securities and exchange commission that it could face a civil action over three of the company ' s press releases , two of which came out in recent weeks . +__label__2 , report glazer soccer bid near , malcolm glazer , tycoon owner of the tampa bay buccaneers , reportedly plans to bid more than \$1 . 2-billion to take control of british icon manchester united , the world #39 s richest soccer team . +__label__4 , russia may ratify kyoto protocol in oct . -- minister ( reuters ) , reuters - the russian government expects\parliament to ratify the kyoto protocol this month in a move\allowing the long-delayed climate change treaty to come into\force worldwide , a senior minister said monday . +__label__1 , ex-general wins indonesian elections , retired general susilo bambang yudhoyono was on monday confirmed as indonesia #39 s next leader as final counting from the country #39 s first direct presidential polls gave him a landslide victory over his predecessor . +__label__3 , hutchison cuts ipo size by 7 pct , hong kong hutchison telecommunications international ltd ( htil ) cut the size of its ipo for a second time to bolster interest in its shares , reducing the sale #39 s value by about 7 percent to between us\$890 million and us\$1 . +__label__3 , webcrawler a9 . com is cool , now heres something else thats off the mind . theres no more need to make mental or computer notes while searching the internet . +__label__3 , us airways to cut hundreds of jobs , us airways group inc . plans to eliminate hundreds of management and nonunion jobs and cut top executives ' pay by between 5 and 10 percent . +__label__4 , nobel honours sub-atomic world , us scientists david gross , david politzer and frank wilczeck win the nobel physics prize for their insights into the deep structure of matter . +__label__1 , tennis night final for aus open , the centenary australian open will be the first grand slam event to stage its final at night . +__label__1 , u . s . defends detentions , the bush administration argued monday that the president can detain enemy combatants at a military prison in cuba as long as necessary to protect national security and that they have no constitutional rights to hear charges against them . +__label__3 , avaya to buy germany ' s tenovis ( reuters ) , reuters - avaya inc . , a\telecommunications equipment supplier , on tuesday said it would\buy tenovis gmbh co . of germany from private equity firm\kohlberg kravis roberts co . for #36 370 million to expand its\presence in europe . +__label__3 , oil prices set a new record above \$50 , singapore ( reuters ) - oil prices set a new record above \$50 a barrel on tuesday as a prolonged u . s . production outage following hurricane ivan attracted fresh speculative buying . +__label__3 , lazard meets in paris to discuss ipo , paris ( reuters ) - lazard ' s board was meeting in paris on tuesday to consider a share sale that could end more than 150 years of private ownership at the largest remaining independent investment bank and buy out its founding families . +__label__1 , israelis force down lufthansa jet , israeli jets force a flight to tel aviv to land in cyprus after a bomb alert german officials did not consider serious . +__label__3 , singapore airlines confirms sale of air nz stake , sydney - singapore airlines announced on tuesday the sale of its quot non-core quot 6 . 3 stake in air new zealand , ending a four-year strategic investment in the now government-owned carrier . +__label__3 , kodak eliminating nearly 900 jobs in england , france , _ eastman kodak co . announced tuesday it will cut nearly 900 jobs at three of its manufacturing facilities in europe as part of the company #39 s shift from traditional film production to digital photography . +__label__1 , russian parliament to consider kyoto ratification in october < b> . . . < /b> , moscow . oct 5 ( interfax ) - boris gryzlov , chairman of the state duma , the lower house of the russian parliament , told journalists on tuesday that the duma will be prepared in october to ratify the kyoto protocol . +__label__1 , fec wants campaign finance decision stayed ( ap ) , ap - federal election officials have asked a judge to stay a ruling striking down several government regulations on political fund raising , arguing that rules interpreting the nation ' s campaign finance law are crucial as the election approaches . +__label__1 , israeli fighters force lufthansa jet to cyprus , israeli jet fighters forced a lufthansa passenger plane bound for tel aviv to land in cyprus on tuesday due to a bomb threat . lufthansa said it had not judged the threat to be serious but that israel had insisted +__label__4 , palmone , microsoft set software pact , palmone inc . , the leading maker of handheld computers , said tuesday it licensed microsoft corp . software that enables secure delivery of corporate e-mail to portable devices . +__label__4 , sharp displays 65-inch lcd tv ( pc world ) , pc world - company claims the hdtv is the biggest of its kind . +__label__4 , treos to sync to ms exchange , palmone has licensed microsoft #39 s exchange server activesync protocol for use on future treo devices , allowing for wireless server synchronization . +__label__2 , els looks ahead with promise after major woes , london ( reuters ) - after being a frustrated ' nearly man ' at this year ' s majors , ernie els plans to make the most of a near-perfect finish to the 2004 season . +__label__3 , acuity earnings rise on improved demand , chicago ( reuters ) - acuity brands inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ayi . n target=/stocks/quickinfo/fullquote> ayi . n< /a> , a maker of lighting products and specialty chemicals , on tuesday said quarterly profit rose 87 percent due to improved sales , lower operating expenses and a lower tax rate . +__label__3 , parmalat investors flock to court seeking damages ( update2 ) , hundreds of italians who lost savings in the collapse of food company parmalat finanziaria spa flocked to milan #39 s courthouse , seeking to recover damages as part of the criminal investigation of italy #39 biggest bankruptcy . +__label__3 , minot officials give preliminary approval to wal-mart supercenter , minot , nd - city council members have given wal-mart preliminary approval to build a supercenter , though not without some soul-searching . +__label__4 , big guns board intertrust drm bandwagon , intertrust , philips and sony have added more top consumer electronics , content and technology heavyweights to their attempt to create an open interoperable digital rights management environment . +__label__1 , mofa releases new names of indonesian hostages , jakarta ( antara ) the ministry of foreign affairs offered up on tuesday yet new names of two indonesian women that were released by iraqi abductors on monday . +__label__1 , pitcairn mayor pleads guilty to sex attack , the mayor of pitcairn island has changed his plea to guilty and faces sentencing for sexually assaulting young girls , the telegraph reported tuesday . +__label__3 , judge indicts 2 former parmalat auditors , milan , italy oct . 5 , 2004 - two former auditors at parmalat were ordered to stand trial for market rigging under a fast-track procedure , the first indictments since the massive fraud scandal at the italian-based dairy giant . +__label__2 , japan #39 s sato staying at bar , japan #39 s takuma sato will continue to drive for bar next season , the formula one team said on tuesday . sato , gearing up for his home grand prix at suzuka on sunday , is eighth in the +__label__3 , update 1-ups buys cnf #39 s menlo worldwide , united parcel service inc . ( ups . n quote , profile , research ) agreed to buy menlo worldwide forwarding , a unit of cnf inc . ( cnf . n quote , profile , research ) , for \$150 million in +__label__1 , israel says it attacked islamic jihad leader ( reuters ) , reuters - the israeli army said it had attacked\the car of the palestinian islamic jihad militant commander who\was killed in a gaza city airstrike on tuesday . +__label__1 , chechnya ' s new leader knows he ' s a rebel target , grozny , ( reuters ) - chechnya ' s pro-kremlin leader was sworn in as president of the turbulent russian region tuesday and acknowledged immediately he was a prime target for assassination by separatists . +__label__3 , german retailer snubs union plan , struggling german department store owner , karstadtquelle , has rejected unions concessions over pay considered crucial to a successful restructuring of the firm . +__label__3 , oil hits \$51 a barrel on supply outage , new york ( reuters ) - oil prices hit a new record of more than \$51 a barrel tuesday as a prolonged u . s . production outage following hurricane ivan attracted fresh speculative buying . +__label__3 , lazard meeting ends without ipo decision , paris ( reuters ) - lazard ' s board on tuesday failed to decide on a share sale that would end over 150 years of private ownership at the independent investment bank but most partners seemed to back the plan , sources close to the matter said . +__label__3 , chiron won ' t make flu vaccine , stock down , washington ( reuters ) - the company that makes half the flu vaccine used in the united states said on tuesday it will not supply any vaccine for the coming flu season because of problems at its plant in britain , throwing a major u . s . flu drive into disarray . +__label__2 , vikings rb onterrio smith suspended , minneapolis , mn ( sports network ) - minnesota vikings running back onterrio smith , who has been suspended four games for violating the nfl #39 s substance abuse policy , will begin serving that suspension sunday . +__label__4 , is peoplesoft waiting for the right price ? , a company board member testifies in trial that a sale would be possible if oracle ups its offer . +__label__3 , dollar drifts lower as u . s . data weigh , new york ( reuters ) - the dollar edged lower on tuesday after bearish reports on the u . s . services sector and job market caused a sell-off ahead of friday ' s widely anticipated september employment data . +__label__1 , refugees fate of hundreds unknown , un officials have been denied permission to check the safety of about 850 migrants deported to libya from italy since friday . the italian government is flying the migrants to libya after hundreds landed on +__label__3 , chip and pc stocks mixed on warnings , semiconductor stocks were mixed tuesday after advanced micro devices inc . warned quarterly revenue would be lower than expected due to sluggish sales of flash memory chips used in mobile phones and other devices . +__label__4 , national geographic photo camps give kids new views , in new york , san francisco , and washington , d . c . , national geographic ' s photo camps this summer paired underprivileged students with seasoned photogropaphers . < i> with photo gallery . < /i> +__label__4 , amazon updates web services tools , adds alexa access , the amazon web services ( aws ) division of online retail giant amazon . com yesterday released amazon e-commerce service 4 . 0 and the beta version of alexa web information service . +__label__4 , biography of a worm , can anything stop the next global virus outbreak ? we follow the trail of one recent worm to see how the security system works--and whether it can be fixed . +__label__1 , us stops short of backing brazil on un council seat , the united states stopped short of endorsing brazil #39 s ambition for a permanent seat on an expanded un security council but did say the country would be a quot solid candidate . +__label__4 , ballmer strikes big rivals from microsoft shopping list , lisbon - customers watching for microsoft corp . to make a headline-grabbing buy in the business applications market faced disappointment tuesday as company chief executive officer steven ballmer ruled out acquisitions of peoplesoft inc . , oracle corp . and sap ag . +__label__1 , us vetoes gaza resolution , the united states on tuesday vetoed an arab-backed resolution demanding an immediate end to military operations in gaza and a pullout of israeli forces . +__label__4 , avaya to buy german ip telephony vendor , u . s . telecommunications equipment maker avaya inc . increased its presence in europe to the tune of about \$635 million on tuesday , agreeing to acquire german enterprise communications vendor tenovis gmbh co . kg . +__label__1 , poland to decide on iraq pullout soon , warsaw - poland should decide soon when to pull its troops out of iraq and end a political debate that encourages al-qaeda , prime minister marek belka says . +__label__4 , yahoo offers personal search , yahoo launched a new service designed to let users of its search engine save and manage their query results for accessing later and sharing with others , the company said tuesday . +__label__2 , tigers exercise trammell #39 s option , the tigers face plenty of decisions on players from here on out . their option on the manager was a quick one . two days after alan trammell completed his second season at +__label__2 , jaret wright back in the postseason spotlight with braves , jaret wright couldn #39 t get much lower waived by a last-place team , he stood outside houston #39 s minute maid park with his luggage stacked beside him , waiting for a cab that would take him to the airport . +__label__2 , perez struggles against the cardinals , odalis perez learned just how quickly things could unravel against the potent st . louis cardinals . after allowing albert pujols #39 first-inning home run tuesday , perez held the cardinals hitless until there were two outs in the third . +__label__1 , blair flies to sudan to press for darfur peace ( reuters ) , reuters - britain ' s tony blair flew to khartoum on\wednesday as the most senior yet in a parade of western\government figures seeking to pressure sudanese officials over\violence in darfur province . +__label__2 , nba star pippen announces retirement , national basketball association star scottie pippen has announced his retirement from the game , leaving the chicago bulls team he helped lead to six nba titles . +__label__2 , schilling , ramirez lead red sox to easy opening win , curt schilling pitched 6 2/3 innings and manny ramirez hit a three-run homer in a seven-run fourth frame to lead the boston red sox to a 9-3 win over the host anaheim angels in their american league divisional series opener tuesday . +__label__2 , cape town f1 bid , and they plan to build a multi-million-dollar race track here for the event , an official said today . quot the plans for the bid are far advanced . +__label__2 , millar and ramirez homers highlight big boston inning , the red sox thought they were going to have to earn all their runs against the angels the hard way . anaheim allowed the fewest numbest of unearned runs in the majors all season ( 36 ) . +__label__2 , titans receiver out with knee injury ( ap ) , ap - tennessee receiver tyrone calico will miss at least two to three weeks with torn cartilage in his left knee #151 another big loss for the titans ' receiving corps . +__label__1 , pitcairn trial views police interview tape , the court presiding over the pitcairn island sex trials has been shown a videotape of a police interview with one of the accused . steven christian denies rape but he does admit to having sex with underage girls . +__label__3 , update 1 hollinger to take \$27m charge for suits , hollinger international inc . said tuesday it will take a pretax charge of \$27 million to settle advertisers #39 lawsuits over inflated circulation numbers issued for years by the chicago sun-times . +__label__4 , wireless sensors ready to go global ? , soon millions of the data-collection devices will be scattered around the world , but there are still many obstacles to the networks . +__label__3 , uk #39 s diageo gets \$2 . 26 bln from general mills sale , britain #39 s diageo plc ( dge . l quote , profile , research ) , the world #39 s biggest spirits group raised \$2 . 26 billion from its sale of 49 . +__label__3 , japan stocks flat after wall street , the nikkei average was flat in mid-morning trade on wednesday , bolstered by bargain-hunting of a number of blue-chip stocks after us stocks showed resilience despite a rise in oil prices to new highs . +__label__2 , jug half full gophers hope to hit ground running at michigan , if minnesota wants to walk out of michigan stadium with the little brown jug for the first time since 1986 , it had better hope its offense is its old self and its defense isnt . +__label__1 , hk democrats to take seats , a new crop of hong kong democrats are due to be sworn in to the legislative council . +__label__3 , freddie tightens controls , mortgage giant freddie mac announced monday that it is shutting down some operations of its debt-securities sales division and transferring others - moves that experts said should tighten the company #39 s internal controls after an +__label__1 , karzai braves election rally to cheers , afghanistan #39 s interim president hamid karzai has left his heavily fortified compound in kabul for his first election rally , in the last week of campaigning , for this saturday #39 s first ever direct elections . +__label__1 , uk satisfied with peace process , says hoon , islamabad , oct 5 british defence secretary geoff hoon said on tuesday that history would judge the pace of the peace process between pakistan and india . +__label__1 , afghan race shaping up as battle of the modern and traditional , more than 1 , 000 leathery , turbaned men gathered in a cavernous village mosque friday for a presidential campaign rally . they no longer carried rifles , and some had even brought their small sons . +__label__1 , disappearance of baby azaria to remain australia ' s greatest mystery ( afp ) , afp - the disappearance of baby azaria chamberlain 24 years ago is expected to remain one of australia ' s most celebrated mysteries after the coroner ' s office ruled here that there was no new evidence to justify reopening the case . +__label__4 , verizon unveils wireless retriever , cell phone contacts find their way into new phones for \$1 . 99 a month--without the thumb strain . +__label__3 , stocks retreat as crude rises , the dow jones industrial average fell 38 . 86 , or 0 . 4 percent , to 10 , 177 . 68 . the standard amp poor #39 s 500 index was down 0 . 69 , or 0 . 1 percent , at 1 , 134 . +__label__1 , british fm makes surprise trip to iraq , children collect usable metal parts from the site of a car bomb explosion in baghdad , iraq , october 4 . ap . baghdad ( afp ) - britain #39 s foreign secretary jack straw paid a surprise visit to iraq on tuesday amid +__label__1 , detainees seen as minimal threat , washington -- most of the alleged al qaeda and taliban inmates at the us military prison at guantanamo bay , cuba , are likely to be freed or sent to their home countries for further investigation because many pose little threat and are not providing much valuable intelligence , the facility ' s deputy commander has said . +__label__1 , us , iraqi forces in new push to retake rebel zone , us and iraqi forces pushed on with their second major offensive in a week wednesday , hunting insurgents in a triangle southwest of baghdad that has become one of iraq #39 s most notorious hot spots . +__label__4 , house oks bill imposing ' spyware ' fines , companies and others that secretly install spyware programs on people ' s computers to quietly monitor their internet activities would face hefty federal fines under a bill the house passed tuesday . +__label__4 , fujitsu to announce nocona-based servers , fujitsu computer systems corp . on wednesday plans to unveil upgrades to the company ' s primergy tower and rack-mounted servers that will use the 64-bit capable version of the xeon processor , code-named nocona . +__label__3 , peoplesoft ceo ousted for #39 situational ethics #39 , accountingweb . com - october 06 , 2004 - the opening of a trial related to oracle #39 s takeover bid of peoplesoft featured the revelation that ceo craig conway was fired last week for making misleading statements about peoplesoft #39 s sales . +__label__2 , cardinals swing into playoff mode , st . louis - when the st . louis cardinals were playing . 500 ball for the last two weeks of the regular season after already having clinched the national league central championship , one question persisted . +__label__3 , on average , quarter was a loser ( usatoday . com ) , usatoday . com - in the great race between stock mutual funds and the mattress , the mattress won . +__label__2 , hewitt advances at japan open ( ap ) , ap - top seeded lleyton hewitt rallied to a 6-0 , 3-6 , 6-1 win over japan ' s gouichi motomura on wednesday in the second round of the japan open . +__label__4 , ibm delivers websphere 6 . 0 , ibm on wednesday formally announced the next major release of websphere , code-named vela , which company officials see as an integral building block for both its ongoing soa ( service-oriented architecture ) and on demand strategies . +__label__4 , amd sheds light on dual-core plans , upcoming opteron chips will occupy the same space as single-core models . +__label__3 , ca aquires computer security firm , computer associates international inc . , as promised , is back in the acquisition game , scooping up its second computer security company in as many months with an agreement to buy netegrity inc . +__label__4 , how to take the perfect penalty , a sports psychologist says how footballers should prepare themselves for the high-pressure penalties . +__label__3 , us files wto case against europe over airbus aid ( update3 ) , the us filed a complaint at the world trade organization , arguing that european union loans to aircraft maker airbus sas are an illegal subsidy . +__label__3 , corporate tax bill nearing approval , washington us house and senate negotiators , moving swiftly to finish a bill that would create more than \$100 billion in corporate tax breaks , have approved a \$10 billion buyout for tobacco farmers and rejected a senate provision that would have subjected +__label__1 , afghans rocky road to historic elections , kalakan , afghanistan there were toothless old men , turbaned and gray-bearded , and young men not yet old enough to shave . there were mullahs and mujahedeen , and the presidential candidate #39 s 3-year-old son . +__label__3 , pacific oil link is best for russia , ambassador says ( update1 ) , russia , the world #39 s second-biggest oil exporter , will benefit most from a siberian crude oil pipeline to the pacific rather than to china as energy resources are needed to develop the +__label__3 , ca to buy netegrity for \$430 million , com october 6 , 2004 , 7 36 am pt . this fourth priority #39 s main focus has been improving or obtaining crm and erp software for the past year and a half . +__label__2 , tiger woods ties the knot with swedish ex-nanny , london ( reuters ) - former world number one tiger woods has married swedish model elin nordegren at the luxury sandy lane resort in barbados , the barbados daily nation newspaper reported wednesday . +__label__3 , howard stern serious business for sirius , shock jock howard stern is jumping from radio broadcasting to satellite radio , promising to boost the ratings of the growing medium and bring his show to fans quot my way . +__label__2 , phelps seeks more gold at world championships , indianapolis ( reuters ) - still riding a wave of euphoria from the olympics , michael phelps returns to the pool this week at the world short course swimming championships seeking a repeat of his six gold medals in athens . +__label__3 , investors weigh effect of oil prices , new york another rise in oil prices is putting some pressure on stocks , which are mixed . the dow jones industrial average is down 12 points at ten-thousand-165 . +__label__2 , islamic threaten women #39 s soccer tournament in bangladesh , the organizers of bangladesh #39 s first women #39 s soccer tournament promised to keep playing despite protests by a muslim group that called the event quot indecent and against islamic norms quot . +__label__3 , update 1 united airlines to slash us flights , as part of its bid to emerge profitably from bankruptcy , united airlines announced plans wednesday to slash its domestic flight schedule , increase its more profitable international schedule and reduce the size of its fleet over the next six months . +__label__3 , update 2-uk #39 s linx drops itw offer after danaher steams in , british company linx printing technologies plc ( lpt . l quote , profile , research ) dropped its backing for an earlier takeover offer on wednesday after us firm danaher corp ( dhr . +__label__4 , spaceshipone lands after 2nd flight , mojave , calif . - the private manned rocket spaceshipone ( search ) streaked toward space early monday in a bid to top an altitude of 62 miles for the second time in six days and claim the \$10 million ansari x prize ( search ) . +__label__1 , us plutonium shipment reaches france , working under tight security from helicopters and police , port crews unloaded us military plutonium from a british ship on wednesday after its arrival in northwest france , nuclear industry officials said . +__label__4 , zingo keeps manganese bronze in red ( ft . com ) , ft . com - losses from its zingo mobile phone cab-ordering service kept manganese bronze holdings , maker of london taxis , in the red last year . +__label__4 , the last supernova 400-year-old explosion imaged ( space . com ) , space . com - four hundred years ago this \ week , a previously unseen star suddenly appeared in the night sky . discovered \ on oct . 9 , 1604 , it was brighter than all other stars . +__label__4 , qatar defense show focuses on videogame technology , doha ( reuters ) - rick bracewell is driving through baghdad when gunmen open fire . then a nearby dead dog strapped with explosives blows up and his vehicle goes up in flames . +__label__2 , ailton weighs rising sun offer , schalke 04 striker ailton has revealed that he has a big bucks contract waiting for him in japan . ( my agent ) put a concrete offer from japan in front of me , quot the reigning german footballer of the year told sportbild . +__label__1 , u . s . report undercuts bush war rationale , washington - undercutting the bush ' s administration ' s rationale for invading iraq , the final report of the chief u . s . arms inspector concludes that saddam hussein did not vigorously pursue a program to develop weapons of mass destruction after international inspectors left baghdad in 1998 , according to lawmakers and others briefed on the report . . . +__label__4 , mcnealy microsoft needs sun to beat ibm and red hat , whatever pleasantries once existed between sun microsystems and red hat have vanished . this won #39 t come as a shock to many of you . +__label__1 , turkey faces long road to eu membership , the european commission #39 s cautious recommendation that turkey begin membership negotiations puts the country a step closer to realizing its dream of joining europe -- but +__label__4 , briefly realnetworks signs up red flag linux , roundup plus microsoft ships virtual pc 7 . . . sgi warns of lower revenue , deeper loss . . . sap taps search technology . +__label__3 , low-income lending won #39 t take a hit , will low-income families become innocent victims of the crackdown on fannie mae ( fnm ) ? after all , one of fannie #39 s official missions is to increase the rate of homeownership by expanding the pool of capital available for mortgage loans . +__label__4 , old bones unearth new date for giant deer #39 s last stand , a new investigation into extinctions caused by climate change has revealed that the giant deer , previously thought to have been wiped out by a cold spell 10 , 500 years ago , instead survived well into the modern era . +__label__4 , ibm , partners roll out id management suite , ibm corp . and four partners on wednesday announced what they call a major breakthrough in identity management designed to help business and government agencies protect assets , including it systems and physical facilities , from unauthorized users . +__label__4 , new sony pc boasts 1 , 000 gb of storage ( ap ) , ap - japan ' s sony corp . will begin selling a computer and home-server system in japan with 1 , 000 gigabytes of hard-drive storage #151 enough to record six tv channels for a week straight #151 the company said . +__label__4 , purdy tapped as cyber-security director , the department of homeland security has filled the nation ' s top cyber-security post after the previous chief abruptly resigned last week , choosing the former director ' s deputy to take over the position . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__4 , ibm updates websphere application server , the express version of the new websphere server is targeted at the small and midsized business market . quot the smb market has become much more pivotal and crucial to everyone , quot according to yankee group analyst laura didio . +__label__3 , four former el paso natural gas traders charged , houston four former el paso corporation natural gas traders have been charged with making false reports used to calculate the index price of natural gas . +__label__1 , iraq #39 s government in talks with sunni , shi #39 ite leaders , iraq #39 s interim government is engaged in cease-fire talks with sunni and shi #39 ite leaders in an effort to restore calm to violent parts of iraq before january #39 s scheduled election . +__label__4 , old bones give new date for giant deer demise ( reuters ) , reuters - many large mammals were wiped out in the\last ice age but the eurasian giant deer managed to survive , \scientists said on wednesday . +__label__1 , plutonium rising terror threat , the radioactive element could be used to make weapons just as dangerous as enriched uranium bombs . +__label__1 , karzai ' s running mate survives attack , kabul , afghanistan - campaigning for afghanistan ' s first direct presidential election ended with a burst of violence wednesday as attackers set off a bomb in a failed effort to kill interim afghan leader hamid karzai ' s vice presidential running-mate . despite persistent violence , the united nations declared this hard-luck nation ready for saturday ' s vote , a historic experiment with democracy after more than two decades of unrelenting ruin , from soviet occupation to civil war to the repressive taliban and the thunderous u . s . . . +__label__3 , new trade war erupts over boeing , airbus , a decades-long struggle between the world #39 s two largest aircraft makers escalated into a new trade war between the united states and europe , just as france-based airbus stepped +__label__1 , sudan agrees peace plan after blair sets deadline , sudan agreed to a five-point peace plan for the war-torn region of darfur yesterday after tony blair set a three-month deadline for an end to the long-running conflict . +__label__1 , guinea-bissau soldiers stage mutiny , kill army chief , mutinous soldiers demanding pay for peacekeeping duty abroad killed the commander of guinea-bissau #39 s armed forces on wednesday and seized key buildings in the capital of the former portuguese colony . +__label__2 , gazza goes back to school , paul gascoigne has quit as player-coach at league two side boston because he wants to study for a coaching qualification . the 37-year-old former wants to complete the course before trying to get a player-manager role . +__label__1 , stern to join sirius satellite radio , new york - howard stern has long had two words for the federal communications commission - and in 15 months , he can finally utter them on the air . the self-proclaimed king of all media , perhaps the most influential radio voice of the last 20 years , is shifting his salacious act to satellite radio and freeing himself from the increasingly harsh glare of federal regulators . . . +__label__3 , howard stern moves radio show to sirius , shock jock howard stern announced wednesday he #39 s taking his radio show off the public airwaves and over to sirius satellite radio . +__label__4 , transparent search a snap , san francisco -- a new company launched by dotcom survivor idealab aims to take a chunk out of the search market by letting users slice and dice their search results . +__label__1 , ex-bush official on cybersecurity returns ( ap ) , ap - howard schmidt , a highly regarded technology executive who was former special adviser to president bush for cybersecurity , is returning to work with the homeland security department on efforts to protect the nation ' s computer networks . +__label__3 , sirius counting stern boost , howard stern #39 s planned defection is a tremendous coup for the emerging satellite radio industry and a setback for the already slumping field of traditional radio -- especially viacom , which +__label__2 , kobe bryant accuser #39 s name to be disclosed -judge , the young woman who accused basketball star kobe bryant of rape must disclose her identity in her civil case against him , a federal judge ruled on wednesday . +__label__2 , sparkling singh targets woods again , if there is no rest for the wicked , then there is none either for the tormented , as represented by those members of the us tour who are not vijay singh . +__label__4 , honeywell sues apple , 33 others over lcd patent , honeywell on wednesday announced that it has filed suit against apple and 33 other companies for alleged patent infringement over a technology that quot increases the brightness of images and that reduces the appearance of certain interference effects on a +__label__1 , at least 37 killed , 52 hurt in pakistan blast , multan , pakistan ( reuters ) - at least 37 people were killed and 52 wounded when a car bomb exploded at a rally to commemorate an assassinated religious leader in the central pakistani city of multan early on thursday , police said . +__label__1 , howard stern says he plans to jump to satellite radio , after heavy f . c . c . fines , howard stern expects to deliver my show my way in the mostly unregulated medium . +__label__4 , microsoft includes sp2 in windows xp embedded , customers using windows xp embedded will be able to use a downloadable preview to test the new software for conflicts with existing drivers . +__label__1 , expansion may lead to division , the asia-europe meeting , asem , will hold its fifth summit in hanoi in october amidst a recent crisis over the inclusion of myanmar . +__label__1 , analysis iran #39 s missile capabilities , iran has announced it has improved its missile capabilities by developing a medium-range ballistic missile , with abilities to work on longer range systems -- a steady progress that +__label__1 , hussein beat sanctions with bribes , saddam hussein made \$11 billion in illegal income and eroded the world ' s toughest economic embargo during his final years as iraq ' s leader through shrewd schemes to secretly buy off dozens of countries , top foreign officials and major international figures , said a new report by the chief u . s . weapons inspector released yesterday . +__label__2 , mlb ny yankees 7 , minnesota 6 ( 12 inn . ) , hideki matsui drove in derek jeter with a 12th-inning sacrifice fly wednesday night , giving the new york yankees a dramatic , 7-6 win over minnesota . +__label__2 , woods struggling to cope with body changes singh , st andrews , oct 07 - vijay singh thinks the main reason he has replaced tiger woods as world number one is the american #39 s failure to adapt to changes in his body . +__label__3 , concerns about winter push oil to record , singapore ( reuters ) - oil prices broke into new record territory above \$52 thursday on heightened concerns that supplies of heating fuels will prove inadequate during the northern hemisphere winter . +__label__2 , cougar football notes , houston , texas- - houston head football coach art briles finds himself in somewhat of a quandary as the cougars prepared to play at the university of southern mississippi this thursday night at mm roberts stadium in hattiesburg , miss . +__label__3 , around the region , a federal judge on wednesday ordered california to drop fraud claims seeking \$2 billion in refunds from enron , saying the company is protected from such suits under bankruptcy law . +__label__2 , martnez ' s effort lets boston fans take heart , boston ' s pedro martnez put his past four starts behind him wednesday night to post a redemptive 8-3 victory over the anaheim angels . +__label__3 , santander rejects spanish court tax ruling on execs , london ( cbs . mw ) -- spain #39 s banco santander ( std ) said it was in quot complete disagreement with a judicial decision quot on wednesday after a spanish court ruling on tax fraud in a case dating from the 1980s . +__label__3 , winter concerns push to record high , singapore ( reuters ) - oil prices broke into record territory above \$52 thursday on heightened concerns that supplies of heating fuels will prove inadequate during the northern hemisphere winter . +__label__3 , computer associates to buy netegrity , corporate computing software giant computer associates international inc . said yesterday it will pay \$430 million in cash to acquire waltham data security firm netegrity inc . +__label__2 , stewart hopes silverstone can hold f1 , jackie stewart is optimistic silverstones place on next years formula one calendar can be saved . talks between formula one chiefs and silverstones owners are understood to be at an advanced stage +__label__3 , bidding is hot for hotel eyed for condos , the doubletree guest suites hotel in allston is for sale , and its great views of the charles river may soon be owned instead of rented nightly . +__label__1 , turkey is put on track for eu membership , brussels -- in a historic move that could extend europe ' s borders to the edge of the volatile middle east , the european union recommended yesterday setting mostly muslim turkey on a course for full membership in the prosperous 25-nation bloc . +__label__3 , boeing , airbus competition escalates into trade war , a decades-long struggle between the world ' s two largest aircraft makers escalated into a trade war between the united states and europe , just as france-based airbus stepped up plans to challenge boeing for lucrative us defense contracts . +__label__3 , st . paul travelers posts hurricane losses , st . paul travelers co . , the second-largest business insurer in the united states , said wednesday that it estimates losses from hurricane ivan to be about \$94 million , and expects the losses to cut third-quarter earnings by about 14 cents per share . +__label__2 , phelps , fellow olympians swimming again , michael phelps has reached the stratosphere of sports stardom he #39 s on a first-name basis with fans . quot people come up to me and say , #39 are you michael ? +__label__3 , stern #39 i #39 m tired of censorship #39 switches channels , the local radio galaxy tilted on its axis wednesday when new york shock jock howard stern announced he would abandon the radio dial in 2006 for satellite subscriber radio . +__label__1 , blair time for excuses on africa is over ( reuters ) , reuters - british prime minister\tony blair is to say thursday that the time for excuses on\africa is over as he chairs a meeting in ethiopia he hopes will\turn the continent ' s problems into a global priority . +__label__3 , 34 tech firms sued for alleged lcd patent theft , honeywell has issued lawsuits against 34 companies , including dell , apple , sony and toshiba alleging lcd panels used in their products infringe a 1992 patent the company holds . +__label__3 , analysts see post-stern ripple effect , howard stern will leave a very different company than the infinity broadcasting he first joined in 1985 . the viacom-owned radio giant started out a +__label__2 , sports calendar , bolton over-30 women ' s soccer . the close-to-home soccer league is looking for female players 30 and olderver for the fall season for a team in the bolton area . interested candidates can expect refereed games , a friendly atmosphere , and renewal of basic skills . all levels of experience welcomed . contact miriam kandansky at 781-442-0750 or through e-mail at miriam . kadanskysun . com for more details . +__label__2 , transactions , baseball cincinnati ( nl ) announced of john vander wal declined an outright assignment and elected free agency . cleveland ( al ) designated inf ivan ochoa , p jake robbins , and of ernie young for assignment . montreal ( nl ) declined to exercise its 2005 option on c einar diaz assigned of matt cepicky outright to edmonton ( pcl ) . oakland ( al ) claimed p tim harikkala off waivers from . . . +__label__2 , emotional rescue for jones , jacque jones sprinted all the way around the bases , as if he couldn ' t wait to share the moment . +__label__3 , ca to buy netegrity for \$430 m , its biggest acquisition since 2000 , marking its return to inorganic growth mode , after shelving acquisition plans due to government probes in its accounting practices . +__label__2 , owen fitness holds the key , michael owen will have one last chance to prove his fitness - and possibly determine which formation england will employ against wales on saturday . +__label__3 , stocks seen flat with oil above \$52 , us stocks looked to open flat on thursday under pressure from the surge in oil prices and lackluster september sales reports from us retailers . +__label__4 , mojave , california spaceport , monday was a big day in mojave . tens of thousands of spectators showed up to see burt rutans spaceshipone make its second flight from below sea level to the edge of space , and in doing so +__label__4 , unisys to lay off 1 , 400 workers , unisys corp . plans to cut 1 , 400 jobs , primarily in general and administrative areas , and consolidate its office space worldwide , it announced wednesday . the cuts represent 3 . 8 percent of the company ' s staff of 37 , 000 . +__label__1 , two u . s . soldiers killed in iraq bombings ( ap ) , ap - two american soldiers were killed and two others were wounded in separate bombings that occurred within hours , the u . s . military said thursday . +__label__1 , u . s . report iraq didn ' t have wmds , washington - saddam hussein ' s weapons of mass destruction programs had deteriorated into only hopes and dreams by the time of the u . s . -led invasion last year , a decline wrought by the first gulf war and years of international sanctions , the chief u . s . weapons hunter found . . . +__label__1 , canada defends submarine fleet , canada has defended its decision to buy second-hand submarines after a crewman died from injuries sustained on one of the vessels that had broken down . +__label__2 , team almost had another legend , sacramento -- the one who got away , part i . with his collection of bow ties and an academic air , sacramento assistant coach pete carril would have fit perfectly among the professors and scholars in boston . he is , after all , one of the most intelligent and respected basketball minds living . +__label__2 , update 3-clarke cracks debut 151 as india collapse , michael clarke hit a sparkling 151 on his debut and a revitalised glenn mcgrath then ripped the heart out of india #39 s batting as australia took command of the first test on thursday . +__label__2 , fall classic plus , new york -- a short sacrifice fly by hideki matsui in the bottom of the 12th inning scored an alert derek jeter from third and gave the yankees a 7-6 victory over the minnesot twins in game 2 of their al playoff series . +__label__3 , new air routes to more profits , major airlines can #39 t make their low-cost competitors disappear into thin air , but they can fly away from them , which they are planning to do , to overseas routes where bargain-basement carriers don #39 t go . +__label__3 , statement by airbus on the us government for formal consultations < b> . . . < /b> , airbus has fully supported all recent actions by the european commission to engage with the us government in serious discussions on comprehensive new disciplines on government support . +__label__2 , #39 hawks primed to finally surpass rams , editor #39 s note espn senior nfl writer john clayton #39 s weekly quot first and 10 quot column takes you around the league with a look at the best game of the week followed by primers for 10 other games . +__label__1 , asia-europe forum grows , myanmar irritates , hanoi ( reuters ) - an asia-europe forum accepted myanmar and 12 other new members on thursday ahead of a summit strained by yangon ' s human rights record and detention of democracy icon aung san suu kyi . +__label__3 , nintendo to unveil handheld upgrade , facing its biggest threat ever from the arrival of sony corp . in the portable video-game machine market , japanese game-maker nintendo co . +__label__4 , ce giants #39 readying blu-ray camcorders #39 , sony , sharp and matsushita plan to offer camcorders based on a cut-down version of the blu-ray disc , and could announce product as early as next year . +__label__4 , fujitsu siemens profit grows 60 percent , fujitsu siemens computers ( holding ) bv , europe #39 s largest remaining computer manufacturer , posted a 60 percent leap in profit for the first half of its fiscal year on higher sales of laptops and servers to business customers , the company said wednesday . +__label__2 , rugby #39 s hill out for up to 9 months , may miss lions ( update1 ) , richard hill , england #39 s world cup- winning forward , will miss up to nine months of the rugby season because of a knee injury , ruling him out of the six nations and making him doubtful for next year #39 s british and irish lions tour . +__label__1 , sadr aide freed as iraq seeks pre-election calm , could help the interim government #39 s efforts to calm rebel-held strongholds before elections due in january . colleague , sheikh mahmoud sudani , after he got out of jail on thursday . +__label__2 , everyone wants a piece of orton , every sports collectible dealer knows the key to profit is getting in early . and the hounds are suddenly on the scent of kyle orton . +__label__2 , closer look astros-braves , com . this was not vintage roger clemens . on this afternoon , however , the hottest team in baseball didn #39 t need their old ace to be at top form . +__label__2 , mauresmo breezes through , amelie mauresmo comfortably came through her first match since taking over at the top of the world rankings . the frenchwoman reached the quarter-finals of the porsche grand prix in filderstadt with a 7-5 6-4 win over switzerland #39 s patty schynder . +__label__2 , boston marathon champ johnny kelley dies , johnny kelley , a two-time boston marathon champion who became a beloved figure in the history of the race by running it a record 61 times , died at 97 . +__label__3 , update 1-s amp p revises poland outlook to stable from negative , standard amp poor #39 s ratings services on thursday revised its credit ratings outlook on poland to stable from negative supported by strength in export growth and an improvement in the country #39 s fiscal performance . +__label__4 , sony , matsushita , sharp to launch blu-ray disc camcorders in 2005 < b> . . . < /b> , tokyo ( afx ) - firms that are supporting one of the next-generation optical dvd formats , the blu-ray disc , plan to release camcorders that record on smaller versions of the discs as early as 2005 , the nihon keizai shimbun reported , without citing sources . +__label__2 , game on , on the same day that tiger woods was married in barbados , the two best golfers in the world were walking the streets of st . andrews , scotland . +__label__2 , upstarts guatemala , panama face crunch qualifiers , rio de janeiro ( reuters ) - upstarts guatemala and panama face crunch matches against more experienced concacaf opponents saturday as they continue their quest to qualify for a first world cup . +__label__1 , san juan airport shuttered for an hour ( ap ) , ap - san juan ' s international airport was closed for more than an hour thursday morning after bomb-sniffing dogs alerted police to a suspicious piece of luggage , authorities said . +__label__4 , house passes second anti-spyware bill , washington ( reuters ) - the u . s . house of representatives on thursday unanimously passed a second bill targeting perpetrators of computer spyware that hides in users ' computers and monitors their activities . +__label__2 , astros try to go up 2-0 over braves ( ap ) , ap - the houston astros try to move a step closer to winning a playoff series for the first time , taking a 1-0 lead into thursday ' s game 2 against the atlanta braves at turner field . +__label__4 , microsoft releases fix for sp2-adware clash , microsoft has released a critical update for windows service pack 2 , designed to resolve an installation problem with a piece of adware -- but it maintains that the update isn #39 ta patch . +__label__4 , nokia says intel won ' t replace ti . . . yet , nokia corp . has no immediate plans to use intel corp . ' s processors in its handsets , the finnish phone maker said thursday , tempering an announcement earlier this week that intel is building a reference design for a symbian os ( operating system ) mobile phone based on nokia ' s series 60 user interface . +__label__2 , making it look easy , cleveland -- their membership in the nfl elite entitles the patriots to a gimme from time to time , like yesterday ' s 42-15 shellacking of the hapless cleveland browns . +__label__2 , no temporary insanity here , cleveland -- as he stood on the sideline waiting for the opening kickoff yesterday , terry robiskie was excited , but also realistic . the interim coach of the cleveland browns knew the score even before the first score had been rung up on his team by the new england patriots . +__label__4 , volcanoes may have sparked life on earth , study says , how did the building blocks of life arise on earth ? a new study says a volcanic gas may have been the key . +__label__4 , new trojan targets adware , new trojan targets adware\\antivirus maker symantec has reported the arrival of a spooky trojan horse online , which does something unique . codenamed downloader . lunii , it attacks and even removes advertisement enabled softwares , which are generally considered harmful for the system . on execution of the code , it tries to kill the processes associated . . . +__label__2 , mauresmo books a last-eight place , filderstadt , germany -- amelie mauresmo stated her determination to stay world no . 1 by surging into the quarterfinals of the filderstadt grand prix in germany with a 7-5 6-4 win over patty schynder . +__label__1 , sudan peace talks resume for south as tensions brew , khartoum/nairobi ( reuters ) - sudan ' s government resumed talks with rebels in the oil-producing south on thursday while the united nations set up a panel to investigate charges of genocide in the west of africa ' s largest country . +__label__1 , timeline of past 25 years in afghanistan , 1979 the soviet union sends troops into afghanistan to support a pro-moscow regime , sparking a decade-long war with anti-communist forces supplied and trained by the united states . +__label__3 , oil hits \$53 on winter worries , nigeria , london ( reuters ) - oil prices scaled new heights at \$53 for u . s . crude on thursday on concerns over tight winter heating fuel supplies and an unexpected strike at nigerian oil terminals . +__label__3 , stmicro may see windfall from stern satellite move , shock jock howard stern #39 s jump to satellite radio could create a \$180 million windfall for europe #39 s biggest chip maker , stmicroelectronics ( stm . +__label__3 , clubbing wet seal , a same-stores sales drop that ' s less crummy than expected can ' t fix this sick pup . +__label__4 , microsoft fixes key sp2 issue ( newsfactor ) , newsfactor - microsoft ( nasdaq msft ) has released a windows xp service pack 2 update to fix an installation problem that was caused by a third-party adware program named t . v . media . +__label__4 , study voip to proliferate in u . s . households , the number of homes using net telephony should reach 12 million by 2009 , but existing voip players could face hurdles . +__label__1 , employment picture expected to improve , new york - a rash of job cuts - more than 10 , 000 layoffs just this week from a handful of companies - has created some gloom on the jobs front . but friday ' s release of jobs data for september was expected to show a steady unemployment rate and creation between about 50 , 000 to 250 , 000 new jobs , though uncertainties such as the effects of last month ' s hurricanes kept the estimates all over the map , said wachovia corp . . . +__label__2 , will tiger woods #39 s marriage score a hole in one ? , will marriage help tiger woods #39 s golf game ? it couldn #39 t hurt . woods has had rough times on the course lately . for the first time since may 1999 he has slipped to no . +__label__3 , ecb quot consensus quot kept rates steady today , european central bank president jean-claude trichet has said that today #39 s decision to leave euro interest rates unchanged reflected a broad consensus on the governing council of the bank . +__label__2 , swimming phelps eases into world short course 200 free final , indianapolis , united states athens olympic star michael phelps made a relatively relaxed start on the first day of the seventh world short course swim championship , qualifying second for the 200m freestyle final . +__label__1 , us cautious on progress toward enriching uranium , the united states is responding carefully to iran #39 s announcement that it has taken a major step toward enriching uranium , a key ingredient in nuclear weapons . +__label__1 , italian pm , gaddafi open gas pipeline in new era of #39 friendship #39 , mellitah , libya italia #39 s prime minister silvio berlusconi and libyan leader muammar gaddafi opened a gas pipeline between their countries in a new era of quot friendship and cooperation quot across the mediterranean . +__label__3 , check boeing sops , airbustells us check boeing sops , airbustells < b> . . . < /b> , european aircraft maker airbus on thursday criticised a us move to take a fight about subsidies to the world trade organisation ( wto ) , saying it showed its rivals unwillingness to address its own subsidies . +__label__2 , head2head reader responses , the packers have a far better shot at making the playoffs than the titans . the packers play in a much easier division , which gives them a better chance at winning the magic number of games ( 10 ? +__label__4 , mark cuban prompts dot-com redux , reporteri #39 s notebook san francisco--hope and cynicism sparred to a draw on tuesday at the glitzy opening banquet of web 2 . 0 conference here , as serial entrepreneur and reality tv show host mark cuban took the stage to talk about what #39 s next for the 10-year +__label__1 , karzai uncle sam #39 s man , washington , october 08 ( online ) as afghans prepare for their first presidential elections on october 9 , president hamid karzai , a pashtun , is being challenged by over a dozen factional leaders , but most afghans and international officials expect him to +__label__4 , music firms reach out to creator of napster , los angeles as a teenager , shawn fanning brought free music to the masses , creating the napster file-swapping program and unleashing a technological genie that granted the wishes of fans seeking virtually any song at any time - gratis . +__label__4 , opportunity rover stumbles upon rocky , maybe watery , find ( space . com ) , space . com - almost by accident , nasa ' s mars rover opportunity has found a rock that may point to a second water event in the red planet ' s past . +__label__3 , shares of large drug makers fall , new york ( reuters ) - shares of large drug makers fell on thursday after a top u . s . cardiologist questioned the safety of new arthritis drugs and the performance of u . s . regulators in monitoring drug safety . +__label__4 , stem cells emit healing molecules , washington ( ap ) -- embryonic stem cells may not have to actually grow replacement body parts to be useful . new research suggests these cells also secrete healing molecules powerful enough to reverse a lethal birth defect in mice . . . +__label__1 , u . s . alerts schools about terror threat , washington - the education department has advised school leaders nationwide to watch for people spying on their buildings or buses to help detect any possibility of terrorism like the deadly school siege in russia . the warning follows an analysis by the fbi and the homeland security department of the siege that killed nearly 340 people , many of them students , in the city of beslan last month . . . +__label__1 , the king who courted the khmer rouge ( and survived ) , the career of king norodom sihanouk of cambodia has been a bewildering trail of political twists and expedient turns . now the man they call the #39 mercurial monarch #39 has announced his abdication . +__label__1 , elbaradei , environmentalist tipped for nobel ( reuters ) , reuters - among those tipped to win the 2004 nobel\peace prize on friday are the u . n . nuclear watchdog and its\leader mohamed elbaradei , a kenyan environmentalist and a\russian anti-nuclear activist . +__label__4 , ca offers usage-based pricing for mainframe tools , october 07 , 2004 ( idg news service ) - computer associates international inc . introduced a usage-based pricing and licensing option for its mainframe management products today , aligning its offerings with ibm #39 s on-demand model . +__label__4 , web gaming changes social interactions ( ap ) , ap - not so long ago , in a galaxy not so far away , chip collier was on a mission . i really gotta stop bleeding and dying , the 24-year old said as he slouched in front of his computer in his ninth-floor chicago apartment . i ' m really horrible about not paying attention to my battle fatigue . +__label__3 , alcoa profit hurt by labor , storm costs , alcoa inc . ( aa . n quote , profile , research ) , the world #39 s biggest aluminum producer , posted only slightly better quarterly earnings on thursday , as higher metal prices were +__label__4 , amd ' s q3 led by strong opteron , athlon 64 sales , san francisco - as expected , advanced micro devices inc . ' s ( amd ' s ) third-quarter revenue came in a little under the company ' s earlier predictions , but strong increases in sales of its 64-bit desktop and server processors led to the company ' s fourth straight profitable quarter . +__label__4 , uk recording industry sues file swappers over piracy , following the lead of their american counterparts , the leading music industry groups in the uk and europe have launched scores of lawsuits against dozens of individuals they say swapped copyrighted music illegally . +__label__3 , advanced micro devices meets reduced forecast for third quarter , san francisco - advanced micro devices inc . reported a third-quarter profit from a loss a year-earlier on today , but sales fell from the second quarter in line with the chip maker #39 s recently reduced outlook . +__label__1 , yellowknife parole officer found dead after visiting client in apartment ( canadian press ) , canadian press - yellowknife ( cp ) - the case of a parole officer apparently killed while she was visiting a client has devastated her colleagues . +__label__1 , lawmakers try to ok hurricane-drought aid ( ap ) , ap - lawmakers scrambled to approve a #36 14 billion package to aid hurricane and drought victims thursday , driven by warnings that relief money was running out and a need to pass legislation before the planned departure of congress at the end of this week for the election . +__label__3 , skyboxes may reach a limit , verizon communications inc . would seem to be a prime candidate to snap up a luxury suite at the \$440 million ballpark being planned for washington ' s major league baseball team . +__label__3 , techs lead asian shares down , oil eases , singapore ( reuters ) - technology stocks led asian share markets lower on friday after a retreat by their u . s . peers , with investors cautious amid record-breaking oil prices and ahead of u . s . jobs data later in the day . +__label__3 , bookings decline at us airways , us airways group inc . attorneys and executives acknowledged in bankruptcy court yesterday that bookings had fallen more steeply than they had anticipated in reaction to their chapter +__label__4 , sun and kodak settle out of court , as we reported previously , kodak filed a lawsuit against sun microsystems claiming that the company had infringed on its patents by implementing quot ask for help quot functionality in its java programming language , which gave a huge boost to the company #39 s yearly +__label__2 , ravens star jamal lewis pleads guilty to drug charge ( reuters ) , reuters - baltimore ravens football star jamal\lewis pleaded guilty on thursday to using a cell phone to try\to broker a cocaine deal , avoiding more serious federal drug\charges that could have sent him to prison for life . +__label__4 , plugging in a musical visionary ' s next ideas , musician brian eno , who has been turning ideas into visionary music for decades , is looking to create software that will write song lyrics . +__label__3 , techs hit asian shares lower oil down ( reuters ) , reuters - technology stocks led asian share\markets lower friday after a retreat by their u . s . peers , with\investors cautious amid record-breaking oil prices and ahead of\u . s . jobs data later in the day . +__label__2 , cardinals crush dodgers to grab 2-0 series lead , mike matheny #39 s two-run single highlighted a three-run fifth inning rally which lifted the st . louis cardinals to an 8-3 win over the los angeles dodgers in the national league divisional series thursday . +__label__4 , at amp t wireless gets in tune , at amp t wireless ( nyse awe ) recently debuted its mmode music store . developed together with loudeye ( nasdaq loud ) and microsoft ( nasdaq msft ) , the store allows subscribers to browse +__label__3 , how serious is pfizer #39 s condition ? , the stock is feeling some pain these days . however , this drugmaker has enough going for it that the illness shouldn #39 t last . amid nervousness over the future of pfizer #39 s arthritis pain treatment celebrex and +__label__3 , aisin finishes deal for michigan land , handy township -- a japanese auto supplier said thursday it completed the purchase of about 750 acres of michigan land for a proving ground . +__label__4 , riaa legal action barely gets a mention , something interesting happened in the filesharing world this week , the music industry launched another round of lawsuits against their core user base . +__label__4 , firefox invades market , progress many students eagerly await the final version of mozilla #39 s firefox internet browser that will be released later this month . +__label__3 , woman ' s death probed , public health officials are investigating why a 38-year-old woman died two weeks after undergoing gastric bypass surgery at saint anne ' s hospital in fall river . the hospital has stopped offering the surgery during the state probe and an internal review . +__label__3 , danaher to make offer for linx printing , danaher corp . , a maker of sears craftsman tools and environmental testing products , said wednesday that it plans to make a cash tender offer to purchase linx printing technologies plc for \$158 million , including transaction costs . +__label__2 , warne ends india #39 s teen resistance , india posted 199/7 and trail australia by 275 runs at lunch on the third day of the first test at bangalore . india #39 s two teenagers pathiv patel and irfan pathan , who resumed on 18 and one respectively , fought +__label__2 , today ' s schedule , pro baseball al division series -- anaheim vs . red sox at fenway park ( game 3 ) , 4 p . m . +__label__4 , picking your perfect pci express pc , way back in june i suggested you hold off on buying a new pc until systems with pci express shipped . the new technology has the potential to dramatically improve performance because it replaces the pokey old +__label__3 , viacom may pay sirius \$ howard , howard stern hinted broadly yesterday that he might continue his involvement with viacom after he switches to censor-free satellite radio in 15 months . +__label__1 , kenyan tree planter wins nobel peace prize report , london ( cbs . mw ) -- kenyan tree planter and government minister wangari maathai has won the nobel peace prize , agence france-presse said . +__label__4 , fujifilm and sprint launch photo printing service , sprint and fuji photo film usa recently introduced a new service that lets sprint #39 s picture mail customers send digital camera phone pictures from their online picture mail +__label__3 , london-based bank wins bid for permata , a consortium led by standard chartered plc won the bidding for a majority stake in pt bank permata , agreeing to pay us\$300 million ( euros 244 million ) for control of indonesia #39 s seventh-largest lender , finance minister boediono said friday . +__label__1 , kenyan tree planter wins peace prize , wangari maathai , a kenyan environmentalist , today became the first african woman to win the nobel peace prize . ms maathai , 64 , kenya #39 s deputy environment minister , heads the green belt movement , a group that +__label__3 , citigroup hits back at parmalat , milan ( reuters ) - citigroup on friday launched a legal challenge against a restructuring plan drawn up by parmalat , hitting back after the bankrupt food group took the world ' s biggest bank to court recently . +__label__4 , u . s . wildlife refuges facing grave threats , a sweeping wildlife preserve in southwestern arizona is among the nation ' s 10 most endangered refuges , due in large part to illegal drug and immigrant traffic and border patrol operations , a conservation group said friday . +__label__1 , kenyan activist plants tree to mark nobel prize , crying with delight , kenyan environmentalist wangari maathai planted a tree to celebrate winning the nobel peace prize on friday and vowed to use the money +__label__4 , microsoft , sun , intel push it management via web services ( infoworld ) , infoworld - microsoft and sun microsystems on thursday are publishing a specification to leverage web services for managing a broad range of it systems including pcs and devices on a network . +__label__1 , africa condemned to major polio epidemic - u . n . ( reuters ) , reuters - a major polio epidemic in west and central africa is inevitable in coming months , but the disease could be eradicated worldwide next year by mass immunisations , the world health organisation ( who ) said on friday . +__label__3 , almost 5 , 000 jobs cut on bank of america getting funds , bank of america has an option to cut at least 4 , 500 jobs while reorganizing its structure . this is not the first time when the bank reduces jobs . +__label__4 , polygon shapes on mars rock add to evidence of water , curious polygon shapes on the surface of mars are among the latest evidence clearly suggesting the presence of water , and some of it may have appeared there even after the surface was bombarded by objects from distant space . +__label__1 , reclusive amish could be thrown into election battleground ( afp ) , afp - martha lapp hopes to vote for the first time in the us presidential election , in which the reclusive amish sect that her family belongs to could play a key role . +__label__3 , oil prices send us stocks lower , investors sent stocks sharply lower today as oil prices continued their climb higher and new questions about the safety of arthritis drugs pressured pharmaceutical stocks . +__label__4 , dell recalls 4 . 4m notebook power adaptors , dell today asked 4 . 4m notebook users to return their power adaptors after it admitted these peripherals pose both a fire and electric shock hazard . +__label__2 , english fa planning to introduce epo tests this season , the english fa plans to introduce tests for the blood-boosting drug epo ( erythropoietin ) this season as part of its regular testing programme . +__label__4 , benq readies ipod rival , hard-drive based digital audio player will be available by the end of the year . +__label__1 , french trial watches bomb plot surveillance tape ( reuters ) , reuters - a paris court watched on friday a\surveillance video shot by islamic militants plotting to bomb a\strasbourg market , in which a commentator brands the french\city a modern-day babylon whose residents would go to hell . +__label__3 , soybeans retreat , grains futures mixed , soybean futures edged lower friday in early activity on the chicago board of trade . grain futures were mixed . wheat for december delivery rose 1/4 cent to \$3 . +__label__1 , jets hit rebel city in payback for hotel raid , baghdad us fighter jets bombed the rebel-held city of fallujah yesterday , killing at least 10 people , hours after rockets slammed into a baghdad hotel used by foreign journalists and contractors . +__label__3 , ba hikes oil surcharge by up to 8 per ticket , british airways , europe #39 s biggest airline by passenger capacity , has hiked its fuel surcharges by up to uk8 per ticket , a day after oil prices climbed to record levels . +__label__3 , thomson to sell media group for #36 350 mln ( reuters ) , reuters - thomson corp . said on friday it\will sell its media division to investment group investcorp in\a #36 350 million cash deal that will tighten its focus on\electronic publishing . +__label__4 , house passes bill to criminalize spyware fraud , the house thursday passed a bill that would criminalize the use of spyware to commit fraud or other crimes , adding an additional two to five years to federal sentences . +__label__1 , bomb rocks indonesia #39 s paris embassy , a small parcel bomb has exploded outside the indonesian embassy in paris , slightly injuring 10 people and shattering windows , but officials say they have no clues to the motive . +__label__1 , militants in iraq kill uk hostage , video shows , baghdad ( reuters ) - militants in iraq beheaded british hostage kenneth bigley , three weeks after kidnapping him to press a demand for the release of women held by u . s . -led forces , a video seen by reuters showed on friday . +__label__1 , cambodia passes succession law , cambodia approves a law to choose a new monarch , after king sihanouk ' s abdication announcement . +__label__1 , lackluster jobs report pushes stocks down , new york - investors pushed stocks lower friday as a surprisingly lackluster job creation report deepened wall street ' s pessimism over the health of the economy . a solid earnings report from general electric co . . . +__label__1 , for the first time , an african woman wins the nobel peace prize , wangari maathai , a kenyan who has worked tirelessly to protect the environment , improve the lives of women , and fight crime , friday became +__label__3 , sun settles kodak patent suit , sun microsystems says it will pay kodak \$92 million to settle a high-profile patent suit involving sun #39 s java programming technology . +__label__4 , google sms and wireless carriers that save your text messages . , yesterday we covered the news that google is expanding their search to the mobile arena with their new google sms service which lets you search by sending text messages from your cellphone . +__label__2 , mutv we #39 re giving balanced picture , mutv bosses have hit back strongly at allegations of bias levelled against them by a group of manchester united supporters . united #39 s official television station was targeted by fans who disrupted live coverage of the reserve-team match at altrincham . +__label__3 , house passes corporate tax bill , the house , by a vote of 280 to 141 , gave final approval last night to a far-reaching tax bill that provides a rich array of breaks to manufacturing companies , energy producers and small businesses and underwrites a \$10 billion buyout of american tobacco +__label__4 , cassini spies saturn ' s moon tethys , the cassini spacecraft in orbit around saturn caught a glimpse of tethys , a cratered , icy moon . notable for tethys are its split fissure and enormous crater , both of which leave the impression that its fragile surface is remaking itself slowly . . . +__label__4 , polese steps into open-source fray , former sun and marimba executive kim polese takes the helm of spikesource , a start-up which will offer services around open source software . +__label__1 , putin heads for turkey in landmark visit between former foes , russian president vladimir putin is making a two-day official visit to turkey , the first by any russian leader in 32 years . mr . putin is expected to sign several economic cooperation agreements +__label__2 , man u condemns fan protest against glazer , manchester united criticized fans who disrupted a game between reserve teams to protest a potential takeover of the famed english soccer club by tampa bay buccaneers owner malcolm glazer . +__label__2 , is king kahn #39 s reign coming to an end ? , he is first choice for his club bayern munich and used to be an automatic selection for the national team too . but when germany meets iran in a friendly this weekend , kahn is not going to be between the posts . +__label__2 , marquee matchup , with apologies to arizona and san francisco , there are only two teams in the nfc west again this year , and that means the division has just two truly meaningful games this one , and seattle at st . +__label__3 , lego , carrefour in french price-fix probe ( ap ) , ap - french competition authorities are investigating danish toy maker lego systems as and supermarket retailer carrefour sa as part of a probe into alleged price fixing in the french toy market in 2002 and early 2003 . +__label__3 , flu shot shortage highlights u . s . crisis , washington ( reuters ) - concerned health officials began investigating on friday what went wrong at a british vaccine plant where half the u . s . flu shots were made , and called on more companies to get into the vaccine business . +__label__4 , collaboration suite to help secure tonight ' s bush-kerry debate , the u . s . secret service and a throng of police and emergency management officials in missouri will for the first time use a customized microsoft-based collaboration portal to share security information during tonight ' s presidential debate . +__label__2 , sharapova eases through to second consecutive final , wimbledon champion maria sharapova reached her second consecutive final with a 6-2 6-3 victory over thailand #39 s tamarine tanasugarn at the japan open on friday . +__label__3 , copper prices rally to 16-year highs , copper prices surged to 16-year highs on friday as a strike at the world #39 s largest copper producer threatened to tighten world supplies . +__label__4 , dell ac adaptors recalled , october 8 , 2004 - dell inc . is recalling about 2 . 9 million ac adapters nationwide_ 4 . 4 million worldwide_ used with notebook personal computers because they can overheat and cause a fire and electrical shock +__label__3 , update 4 court dismisses suit from hollinger , newspaper publisher hollinger international inc . suffered a setback friday in its legal battle against ousted ceo conrad black and several associates when a federal judge sharply scaled back its effort to +__label__4 , cracks in martian rock point to watery past , los angeles - nasa #39 s mars rover , opportunity , has found more signs that rocks on the red planet were once submerged in water . data sent by opportunity suggest a crater was drenched a second time after drying out , scientists said . +__label__1 , iraq war was illegal chirac , hanoi french president jacques chirac has said the us-led war in iraq was illegal and expressed his fear for the countrys future in the face of a civil war . +__label__1 , california official rules on gay marriage , san francisco - california ' s constitution permits laws against gay marriage , the state ' s attorney general declared friday in a long-awaited legal opinion that sought to avoid offending either side of the debate . while acknowledging that committed and loving relationships between two individuals deserve recognition under california law , attorney general bill lockyer said it was up to the voters or the legislature to decide questions about whether gay couples should be allowed to marry . . . +__label__4 , caymas to open with security gateways , security start-up caymas systems launches monday with products to protect the flow of corporate data . +__label__4 , first look remotetv offers slick media streaming , belkin ' s latest product lets you effortlessly share digital content within the house , but is it lawful ? +__label__1 , u . s . warns americans to avoid haiti ( ap ) , ap - security in haiti remains unpredictable and dangerous , and americans should not travel to the caribbean nation except for emergencies , the state department said friday . +__label__4 , mpaa asks supreme court to rule on p-to-p cases , san francisco - representatives for the music and movie industries have filed a petition asking the u . s . supreme court to overturn an appeals court decision in which companies that enable peer-to-peer ( p-to-p ) file trading networks were absolved of liability for copyright violations by users of those networks . +__label__1 , chirac #39 s tour of china magnifies partnership , dialogue between china and france , two countries which highly value cultural diversity and pluralism in international politics , is no doubt conducive to world peace . +__label__1 , israelis trudge home , in shock after bombings , at least 29 people were killed and more than 160 were injured in what israeli officials believed were terrorist bombings . +__label__1 , turkey a step closer to brussels , the european commission is set to give the green light later today to accession talks with turkey . eu leaders will take a final decision in december . +__label__3 , trump defends martha stewart , new york real estate mogul donald trump defended his friend martha stewart as the woman who turned home economics into a media empire began her prison term . +__label__1 , rights activist , environmentalist wins peace prize , wangari maathai , a kenyan woman who started an environmental movement that has planted 30 million trees in africa and who has campaigned for women #39 s rights and greater democracy in her home country , won the 2004 nobel peace prize yesterday . +__label__1 , israel scrambled warplanes #39 in case of hijacking threat #39 , israeli warplanes scrambled as soon as news broke of the taba bombings . military sources would not elaborate but analysts suggested the most likely reason was to intercept any hijacked +__label__1 , israelis kill four palestinians in gaza strip , gaza ( reuters ) - israeli troops killed four armed palestinians in the gaza strip on saturday as it pressed a massive 10-day-old offensive that has cost 85 palestinian lives in an attempt to stop militants firing rockets . +__label__4 , astronaut #39 s kudos to rutan , i applaud burt rutan and the spaceshipone team for their miraculous achievement of winning the ansari x prize . as an astronaut , i understand well the challenges they faced in reaching suborbital space . +__label__4 , kodak accepts \$92 million from sun , sun microsystems will pay kodak \$92 million to settle a patents infringement case after a jury found it guilty of using java patents . +__label__3 , welcome to alderson , homemaking guru martha stewart slipped into the federal prison camp here in the dark morning hours to start her five-month sentence . +__label__2 , socceroos lead at break , the socceroos lead the solomon islands 4-0 at half-time in their confederations cup qualifier in honiara . a double from midfielder josip skoko and strikes to ante milicic and the impressive brett emerton have +__label__2 , earnhardt take money , not points , dale earnhardt jr . wants nascar to change its punishment for swearing on television and radio broadcasts before another driver commits a similar slip of the tongue . +__label__1 , rumsfeld to meet foreign defense chiefs on iraq , manama ( reuters ) - defense secretary donald rumsfeld was set to meet defense chiefs from about 18 nations aboard a u . s . aircraft carrier in the gulf saturday as the united states looks to improve the security situation in iraq with january elections looming . +__label__3 , martha stewart reports to jail to begin sentence , the time she had to report to the country #39 s oldest federal prison for women . service of her sentence , quot a federal bureau of prisons statement said . +__label__1 , alstom to sign 1 billion euro in contracts with china ( afp ) , afp - the french group alstom saturday will sign contracts worth up to 1 billion euros ( 1 . 23 billion dollars ) in china for the delivery of trains and locomotives , french sources with knowledge of the deal revealed to afp . +__label__1 , u . s . bishops reviewing sex abuse policy , the nation ' s roman catholic bishops said friday they will spend the next nine months deciding whether to make any changes in the policy they enacted at the height of the clergy sex abuse crisis that includes permanently barring guilty priests from church work . the review was mandated in the charter for the protection of children and young people , the document the bishops adopted at an emotional june 2002 assembly in dallas . . . +__label__3 , trading blows , when a can of worms is opened , all manner of slimy things crawl out . so it was when the us government fired the first shots in a fusillade against the european union - by complaining to the world trade organisation +__label__4 , a so-so debut for microsoft #39 s blog service , microsoft corp . made a belated entrance into the quot blogosphere quot thursday , unveiling a free web-log publishing service one day after merriam-webster inc . +__label__4 , new star-type resembles stillborn star , when a binary star system starts to transfer mass , one of the twins may well win out , leaving its companion to occupy a strange region half way between a star and a planet . a new star-type of this sort has been found , which resembles the infrared ash of a stillborn star . +__label__2 , wcq group 6 preview eriksson considers three up front . , manchester , oct 9 ( sw ) - england manager sven goran eriksson looks set to play with three forwards in saturdays world cup qualifier against wales at old trafford . +__label__2 , joyous red sox fans celebrate clean sweep over angels , boston -- exuberant red sox fans spilled out of fenway park on friday in a raucous celebration of friday #39 s dramatic 8-6 10th inning victory over the anaheim angels that propelled boston into the american league championship series . +__label__1 , chirac sees opportunity in china ' s economic surge , beijing ( reuters ) - french president jacques chirac declared saturday that france was a natural trade partner to china and , amid a flurry of air , rail and energy deals , played down any threat from one the world ' s fastest growing economies . +__label__4 , examining earth ' s primordial soup , how did the first amino acids form the first peptides ? it is the important question that may point the pathway towards understanding the primordial soup . researchers now suggest that the binder for linking together building blocks may have been volcanic gases -- or carbonyl sulfide . +__label__4 , gps in cell phones performs well , while some handheld computers have gps capabilities , not nearly as many people carry a pda as the legions who ' ve adopted cell phones as a daily appendage . that ' s why the notion of adding gps navigation to a cell phone , as nextel has with a service called telenav , seems appealing . +__label__1 , five killed , 30 hurt in kashmir car explosion , india news gt pattan/srinagar , oct . 9 a suicide bomber rammed a car packed with explosives into an army convoy in kashmir today , killing four soldiers and a civilian and wounding 30 more , police said . +__label__1 , militia to hand weapons to iraq police , baghdad , iraq - followers of radical shiite cleric muqtada al-sadr said saturday they will begin handing weapons over to iraqi police next week in a major step toward ending weeks of fighting with american soldiers in baghdad ' s sadr city district . meanwhile , there were reports that british hostage kenneth bigley tried to escape before he was beheaded . . . +__label__1 , bush , kerry seek to claim victory in ohio ( ap ) , ap - chatter about president bush and democrat john kerry was going strong above the whir of spin cycles at the soapbox laundry , the debate reflecting the presidential race in a must-win state for both candidates . +__label__4 , safety concerns stand in way of space tourism , thrill seekers are plunking down six figures to ride rockets not even been built yet , and a new airline called virgin galactic promises to be soaring in the next three years . +__label__2 , donald leads by two in dunhill links ( ap ) , ap - luke donald shot a 4-under-par 68 saturday for a two-stroke lead after three rounds of the dunhill links championship . +__label__3 , finance losing the right to sue , washington ( reuters ) - more and more businesses are sticking mandatory arbitration clauses into their contracts , forcing consumers to give up their right to sue if they want to conduct business , and consumer groups have made the elimination of these clauses a top priority . +__label__1 , mauritania coup kingpin held , nouakchott , mauritania - authorities said on saturday they arrested the alleged ringleader of a string of foiled coup and assassination attempts against mauritania #39 s leaders . +__label__1 , israeli army kills 5 palestinians in gaza , jebaliya refugee camp , gaza strip - israeli soldiers on saturday shot and killed a hamas militant whom the military said was responsible for a rocket attack that killed two israeli preschoolers last week and triggered an army offensive in northern gaza . abed nabhan , 25 , was one of five palestinians killed saturday in the continuing israeli operation in northern gaza . . . +__label__1 , afghan refugees vote in pakistan , iran , troops of pakistani para-military force check afghan refugee voters before they enter in polling station to vote in afghanistan #39 s presidential election at jallozai camp near peshawar , pakistan on saturday , oct . 9 , 2004 . +__label__4 , us names cyber chief , the department of homeland security has named an acting us cybersecurity chief as congress weighed whether to give the position greater clout to fight hackers , viruses and other online threats . +__label__1 , nigerian islamist rebels attack police , take officers hostage ( afp ) , afp - islamist rebels have attacked a major police patrol and taken a number of hostages in a remote area of northeastern nigeria near the cameroon border , the missing officers ' commander told afp . +__label__2 , sarin carries hoyas , kim sarin rushes for a career-high 180 yards and throws a scoring pass as georgetown snaps a four-game losing streak with a 21-0 victory over winless virginia military institute on saturday . +__label__1 , chirac , in beijing , signs accords to increase french investment , president jacques chirac of france declared saturday that france was a natural trade partner for china and , during a flurry of air , rail and energy deals , he played down +__label__1 , israelis kill five palestinans in gaza strip , israeli troops killed five armed palestinians in the gaza strip today as it pressed on with a massive offensive aimed at stopping militants firing rockets into israel . +__label__1 , accusations of fraud mar afghan election , kabul , afghanistan - afghans packed polling stations on saturday for a historic presidential election that was blemished when all 15 candidates opposing u . s . -backed interim president hamid karzai withdrew , charging the government and the u . n . with fraud and incompetence . . . +__label__1 , taiwan ' s leader urges china to begin talks ( ap ) , ap - taiwan ' s leader used his national day speech sunday to urge china to begin peace talks so the two rivals can avoid war . chinese and taiwanese leaders haven ' t met since the communists took over china in 1949 and taiwan began resisting the mainland ' s rule . china insists that taiwan is a chinese province and has threatened to attack if it refuses to unify eventually . +__label__2 , bauman lapse cost twins game , it is easy to look at the final game of a postseason series as the game that meant everything . but this particular series took a decisive turn two games before the end arrived saturday . +__label__2 , yanks shock twins , earn date with sox another late rally erases 4 < b> . . . < /b> , just when you think you #39 ve seen it all , the yankees devise a new way to win a game and torture their opponents . last night , they somehow landed a spot in the american league +__label__2 , late td lifts lsu over florida 24-21 , after coming up with one big play after another , florida left it up to the defense to save the game one final time in saturday night #39 s 24-21 loss to lsu . +__label__2 , rebels use late td to top gamecocks , columbia , s . c . -- ethan flatt found bill flowers in the corner of the end zone for a 29-yard touchdown pass with 1 05 left to give mississippi a 31-28 victory over no . 25 south carolina yesterday . +__label__2 , minutemen ko ' d by dukes , harrisonburg , va . -- opposing running backs are beginning to enjoy playing against the university of massachusetts . +__label__1 , on an old road to damascus an ancient city finds new life , damascus -- the crowd begins filling the courtyard of opaline , a trendy restaurant , as late evening teeters toward early morning . many arrive by golf cart , whisked through alleys to the wooden doors of a centuries-old arab home within old city walls . +__label__2 , lima gem ends la drought , jose lima came to the los angeles dodgers in february as a journeyman pitcher with a 71-77 win-loss record , a 5 . 13 era and a reputation as one of baseball #39 s hot dogs . +__label__1 , rebel attacks hit baghdad as rumsfeld visits iraq , a rocket attack and suicide car bombing killed at least four people in baghdad sunday as defense secretary donald rumsfeld began an unannounced visit to iraq to gauge efforts to calm violence before january elections . +__label__2 , sven refuses to criticise becks , quell surprise sven has refused to criticise david beckham despite the england captain #39 s latest demonstration of his infamous petulance against wales . +__label__1 , two car bombs kill 10 iraqis in baghdad , baghdad , iraq - two car bombs shook the capital in quick succession sunday , killing at least 10 iraqis and wounding 16 , police and hospital officials said . one american soldier was hurt . . . +__label__2 , tressel discounts replay , columbus - ohio state head coach jim tressel admitted it was a stretch to point to a videotape review of an apparent fumble by wisconsin early in the third quarter of yesterday #39 s 24-13 loss to the badgers , but a live microphone created some talk in the +__label__2 , lima ' s complete game shutout helps dodgers beat cards , los angeles ( reuters ) - jose lima pitched a complete game shutout and shawn green stroked two homers to help the los angeles dodgers beat the st louis cardinals 4-0 to stay alive in their national league divisional series saturday . +__label__1 , cambodia #39 s king wants to abdicate , cambodian king norodom sihanouk has announced he is too ill to continue and has confirmed he plans to abdicate . prince ranariddh , the king #39 s son has traveled to beijing , where +__label__4 , firm develops all-purpose memory cards , a leading japanese electronics company is developing memory cards that can be used to make cashless payments , open locks and read identification with a simple flick . +__label__1 , baghdad car bombs kill 11 , including gi , baghdad , iraq - two car bombs shook the capital in quick succession sunday , killing at least 11 people , including an american soldier , and wounding 16 , u . s . and iraqi officials said , as defense secretary donald h . . . +__label__2 , glazer could bid for manchester united this week reports , london us sports tycoon malcolm glazer could launch a takeover bid for english football giants manchester united this week after securing financing and making contact with the club #39 s largest shareholders , newspapers here reported . +__label__4 , security concerns shelve msn messenger 7 , microsoft has suspended the beta testing of the next version of its msn messenger client because of a potential security problem , a company spokesperson says . +__label__1 , preparations begin for return of sailor ' s body tow ending for sub ( canadian press ) , canadian press - halifax ( cp ) - as preparations began for the return to canada of a sailor killed in a submarine fire in the north atlantic , the hmcs chicoutimi was slowly being towed toward a port in scotland . +__label__4 , shock jock group boosts satellite radio profile , when radio shock jocks opie and anthony considered their next career move after two firings in four years , the twisted twosome was ready to feign rehabilitation . or at least that was the plan when they sat down with satellite radio executives . +__label__3 , american economist expected to win nobel ( ap ) , ap - americans have dominated the annual nobel memorial prize in economic sciences five years running , and it may not surprise nobel watchers if the trend continues . +__label__2 , u . s . -australia swimming rivalry set to heat up , indianapolis ( reuters ) - the rivalry between the u . s . and australia is set to heat up at the short course world championships with most of the five finals later sunday featuring head-to-head clashes by the two swimming powerhouses . +__label__1 , panel to investigate fraud charges in afghan vote , the move to head off the attack on the vote ' s legitimacy came as workers began the long process of collecting ballots . +__label__2 , johnson to request release or trade , brad johnson , who earlier in the week was replaced at quarterback by buccaneers second-year pro chris simms , will ask the team to trade or release him , sources have told espn #39 s chris mortensen . +__label__3 , gazprom plans lng terminal in us , gazprom came a step closer to the liquefied natural gas market on friday , saying petro-canada would help in its goal to build plants in russia and the united states . +__label__2 , griffin , davis both sitting out ( ap ) , ap - starting running backs quentin griffin of the broncos and stephen davis of the panthers both were inactive for sunday ' s game . +__label__2 , novak wins japan open , jiri novak of the czech republic settled his game after a rocky start and beat taylor dent 5-7 , 6-1 , 6-3 sunday to win the japan open for the sixth title of his career . +__label__1 , sihamoni ready to take over , phnom penh , oct . 10 . - king norodom sihanouk declared on sunday that his son , crown prince norodom sihamoni is ready to accept kingship . +__label__1 , study few americans buy drugs online , new york - only 4 percent of americans have ever used the internet to buy prescription drugs - and even fewer do so through foreign pharmacies - despite web sites maintained by a handful of states to help citizens import medicines more cheaply from canada , a new study finds . a majority - 62 percent - believe drugs bought online are less safe than those purchased from a local pharmacy , accepting the federal government ' s stated concerns in opposing drug imports , the pew internet and american life project said in a report sunday . . . +__label__1 , russian millionaire ' s party heads lithuania poll , but coalition needed ( afp ) , afp - a party led by a russian-born millionaire won the most votes in the first round parliamentary elections in lithuania , but apparently not enough to form a government on its own , initial results showed . +__label__3 , new pension ' would help millions ' , britain ' s pension system could easily be replaced by a new payment that would make millions better off , a report says . +__label__1 , chinese engineers kidnapped in pakistan , islamabad - tribal elders in pakistan #39 s south waziristan tribal area and local administration officials are negotiating with the kidnappers of two chinese engineers to secure their release , a government spokesman said sunday . +__label__2 , braves beat astros 6-5 , set up atlanta finale , houston ( reuters ) - adam laroche crushed a game-tying three-run homer and j . d . drew slapped a ninth-inning rbi single to give the braves a 6-5 comeback victory over the houston astros on sunday . +__label__2 , san diego chargers , san diego ( ticker ) -- jesse chatman recorded his first 100-yard rushing day while wearing the san diego chargers #39 powder blue 1960 #39 s-style uniforms . +__label__1 , rumsfeld says us is winning the war as bomb attacks kill 18 , bombs in baghdad killed 18 people as the us defence secretary , donald rumsfeld , declared that america was winning the war against insurgency during a visit to iraq . +__label__3 , labour has failed on pensions , commission will report , a report on pensions commissioned by the government will be highly critical of labour #39 s record on the issue , saying that people are saving far less for retirement than official figures show +__label__3 , senate resolves corporate tax bill delay , sen . mary landrieu , d-la . , is shown in washington in this nov . 11 , 2003 , file photo . known as one of the senate #39 s more moderate democrats , landrieu undertook a fiery defense sunday , oct . 10 , 2004 , of military +__label__1 , senate resolves corporate tax bill delay , washington - the senate late sunday resolved a dispute delaying passage of a sweeping corporate tax bill and two spending bills for disaster relief and homeland security , clearing the way for senators to adjourn monday to hit the campaign trail . the agreement removed parliamentary roadblocks thrown up by sen . . . +__label__3 , complex brings work , shops close to home , tucked on a side street , just a block from the cars and trucks that whiz along rockville pike , sits a new complex of 404 luxury apartments , renovated restaurants and stores that some planners and developers are calling the optimum in compact urban redevelopment . +__label__2 , american crocker sets short course world record , indianapolis ( reuters ) - ian crocker of the united states set a short course world record of 22 . 71 seconds in the 50 meters butterfly at the world championships on sunday . +__label__1 , iraqis fearing a sunni boycott of the election , leaders of iraq ' s sunni minority say they have failed to generate any enthusiasm for nationwide elections scheduled for january . +__label__2 , redskins trail , 14-10 , the ravens have pulled in front of the redskins , 14-10 , when b . j . sams returns a punt 78 yards for a touchdown . +__label__2 , big game hunting , virginia , navy and maryland face season-defining games , perhaps < em> program-defining < /em> games for the cavaliers and midshipmen as they play against florida state and notre dame , respectively on saturday . +__label__1 , cellphone industry hits snag as it woos untapped market , the mobile phone industry is turning its attention to the last untapped demographic - people over 65 . +__label__2 , seminoles monday recap , despite myriad miscues , florida state rallied from a seven-point halftime deficit to defeat syracuse 17-13 before 40 , 539 fans at the carrier dome . +__label__1 , ken caminiti , 1996 nl mvp , dies at age 41 , new york - ken caminiti , the 1996 national league mvp who later admitted using steroids during his major league career , died sunday . he was 41 . . . +__label__4 , mount st . helens releases more steam ( ap ) , ap - more steam gushed out of mount st . helens following an increase in earthquake activity , keeping scientists guessing as to what is happening deep within the volcano and perhaps showing that the mountain ' s seismic activity may not be over yet . +__label__1 , car bombs kill 11 in baghdad , baghdad -- two car bombs in baghdad killed at least 11 people yesterday , including one american soldier , and defense secretary donald rumsfeld visited us troops and diplomats in the capital and at a remote desert air base . +__label__3 , growth without jobs is a vexing contradiction , according to the government #39 s own labor reports , george w . bush is the first president since herbert hoover to preside over a net loss of jobs during his administration . +__label__4 , william watkins , 78 , recorder of marine mammals ' calls , dies , a leading researcher of marine mammal acoustics , william a . watkins created a database of thousands of underwater calls from more than 70 species . +__label__2 , clemens ' s exit opens door for braves , houston -- john smoltz , adam laroche , and j . d . drew saved the atlanta braves from another quick playoff exit . +__label__1 , ten turkish hostages freed in iraq , the men , who work for the ankara-based construction company vinsan , were kidnapped on september 18 by a militant organisation that identified itself as salafist abu bakr al-seddiq group . +__label__1 , legendary all-rounder miller dies , keith miller , arguably australia ' s greatest all-rounder in test cricket , has died in melbourne aged 84 . +__label__3 , second acts , former house speaker thomas m . finneran is the new president of the massachusetts biotechnology council , a trade group that counts more than 400 members , including genzyme corp . and biogen idec inc . , the two largest biotechnology companies in the state . its previous president left under pressure earlier this year , and some members say they chose finneran , who quit his legislative post . . . +__label__1 , chicoutimi #39 was seaworthy #39 , a submarine left stranded in the atlantic after a fire was seaworthy when it left the uk , the canadian navy has said . the second-hand vessel was sold to canada by the royal navy who earlier denied a refit was botched . +__label__3 , plan to ease sale of abbey shares , abbey national shareholders will no longer need to fill in complex spanish tax forms if bsch ' s bid to buy the uk firm succeeds . +__label__4 , inspector google solves the crime , it #39 s normally employed to drum up that missing address , phone number or website , or to check facts , dates , names and other miscellany . +__label__3 , singapore shares end lower , singapore shares ended lower monday , hurt by below-expected third-quarter economic data that added to ongoing concerns over high oil prices and weakness on wall street . +__label__3 , intel defeats amd in court , amd #39 s attempt to persuade the us court to sanction the release of over 60 , 000 pages of intel documentation to a european commission anti-trust enquiry has failed . +__label__3 , insurance giant to export 1 , 100 jobs to india , one of the countrys biggest insurance firms today announced plans to transfer more than 1 , 100 jobs to india over the next few years , sparking fears of a crisis in the uk . +__label__2 , chargers postgame show , denver was poised to take the late lead when cornerback drayton florence knocked away an end zone pass headed for rod smith . the pass ricocheted to safety jerry wilson for an interception . +__label__1 , explosions in refugee camp in south gaza strip , gaza ( reuters ) - several explosions rocked the house of an islamic jihad militant leader in a palestinian refugee camp in the southern gaza strip on monday , witnesses said . +__label__3 , t-online returns to deutsche telekom mothership , german incumbent telco deutsche telekom announced over the weekend it is to begin taking its internet division , t-online , back entirely within the mother corporation . +__label__1 , oil surges to new intraday high in europe ( ap ) , ap - the price of crude oil surged to a new intraday high of us #36 53 . 42 in european trade monday , despite assurances from middle east oil producers that they were committed to bringing the price down as a strike began in africa ' s largest exporter . +__label__3 , nobel economics prize awarded , norwegian-born finn kydland and edward prescott of the united states won the 2004 nobel\economics prize , the royal swedish academy of sciences said on monday . +__label__3 , diebold cuts forecast , new york ( reuters ) - diebold inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dbd . n target=/stocks/quickinfo/fullquote> dbd . n< /a> , the leading maker of automated teller machines , on monday reduced its third-quarter and full-year earnings forecasts as it absorbs costs for recertifying its electronic voting machines in california and for expenses related to a pending civil action in that state . +__label__2 , ken caminiti , former nl mvp , dies of heart attack at age 41 , ken caminiti , the 1996 national league most valuable player who admitted to using steroids during his major league baseball career , died yesterday of a heart attack , his agent said . +__label__2 , superstar kewell remains centre of attention , socceroo forward harry kewell loosens up by tossing around a ball at bondi beach yesterday . photo craig golding . there were half a dozen socceroos standing on a raised platform in sydney #39 s +__label__2 , adams out at foxes , micky adams has quit as manager of leicester city after the club failed to persuade him to stay . his resignation was accepted at an emergency board meeting at the walkers stadium this morning . +__label__1 , taiwan invites china to air talks , taiwan invited china to send envoys to the island to discuss direct charter flights on monday , a day after taiwan president chen shui-bian called for peace talks between the rivals . +__label__4 , google launches mobile messaging service , putting some truth to the rampant rumours that google was getting into the instant messaging business , the company has announced the beta test release of google sms , the mobile phone equivalent of im . +__label__3 , us stocks end lower on job data , record high for oil , new york ( cbs . mw ) -- us stocks ended lower friday as september #39 s weaker-than-expected employment report closed out a week of disappointing economic data , with a new a record high for oil and a lackluster start to the third quarter earning season prompting +__label__1 , finnish watchdog raps tv game operators ( reuters ) , reuters - finland ' s consumer watchdog said on\monday it had reprimanded broadcasters for causing children to\run up huge mobile phone bills with interactive television game\and chat programs . +__label__3 , multiplex , westfield in uk bid , shopping centre giant westfield group has drafted rival multiplex and the billionaire reuben brothers into its pound stg . 585 million ( \$1 . +__label__3 , update 1-diebold cuts forecast , cites voting machine unit , diebold inc . ( dbd . n quote , profile , research ) , the leading maker of automated teller machines , on monday reduced its third-quarter and full-year earnings forecasts as it absorbs +__label__3 , oracle #39 s catz sees peoplesoft profit declining ( update1 ) , peoplesoft inc . #39 s profit may drop significantly #39 #39 this year , and the company may have trouble surviving on its own , oracle corp . +__label__1 , sharon rejects army bid to wind down gaza offensive , israel #39 s ariel sharon has rejected his army #39 s request to scale back its gaza offensive , seeking to avoid any show of weakness after deadly bombings in egyptian resorts crowded with israelis , security sources said . +__label__3 , a senator #39 s outrage delays passage of corporate tax bill , the senate cleared a path on sunday for a bill to hand out about \$140 billion in corporate tax breaks , but it was blocked from a final vote by a fight over a provision aimed at helping reservists on duty in iraq . +__label__2 , safin survives first-round scare in moscow , moscow ( reuters ) - top seed marat safin survived a first-round scare before prevailing over his doubles partner max mirnyi 6-7 , 7-6 , 7-6 in the kremlin cup monday . +__label__2 , 49ers get first w , but lose peterson for year , the san francisco 49ers finally got off the schneid on sunday with a thrilling 31-28 overtime win over the arizona cardinals at monster park . +__label__1 , king abdicates after 6 decades , king norodom sihanouk , known as much for his colorful personality as his controversial statesmanship , has been synonymous with cambodia #39 s modern history for six decades . +__label__2 , tennis season over for tired henin-hardenne , brussels olympic champion justine henin-hardenne announced that her season is over because of persistent fatigue brought about by her struggle to recover from a long-term virus . +__label__3 , another oracle exec says company might lower offer price for < b> . . . < /b> , wilmington , del . another oracle executive says the company could lower its offering price for rival peoplesoft . during testimony this morning in delaware , oracle co-president safra catz said peoplesoft #39 s declining +__label__2 , do-or-die for braves , astros , cbc sports online - the situation is simple win and move on lose and go home . tied at two games apiece , the atlanta braves and houston astros square off in a do-or-die , winner-take-all contest on monday . +__label__4 , small fixes can pay big security dividends , computer users could stop most viruses and cyber attacks by fixing a small number of common flaws , according to new research . viruses , spam and distributed denial of service attacks could +__label__2 , lions are suddenly road warriors , one road victory was nice , but the lions #39 true road test came sunday against the previously unbeaten atlanta falcons at the georgia dome . +__label__1 , world bigley i want to live a simple life , the final plea , world news , the nearly five-minute tape was released two days after bigley #39 s family said it had the proof that the 62-year-old engineer from liverpool was killed . +__label__4 , study few americans buy drugs online , only 4 percent of americans have ever used the internet to buy prescription drugs - and even fewer do so through foreign pharmacies - despite web sites maintained by a handful of states to help citizens import medicines more cheaply from canada , a new study finds . +__label__1 , ballots pour into afghan counting centers , kabul , afghanistan - ballot boxes poured into counting centers monday for a tally of the disputed presidential election in afghanistan amid signs an opposition boycott was wavering after at least two candidates agreed to accept the ruling of an independent panel ' s inquiry . election organizers hope their decision , announced late sunday , to establish a panel of about three foreign election experts to investigate the balloting will end the boycott , which many fear could seriously undermine the winner ' s ability to rule this war-ravaged nation . . . +__label__3 , senate approves tax relief bill for manufacturers , the senate today passed a far-reaching , \$136 billion corporate tax package that cuts taxes for businesses ranging from film companies to bow-and-arrow makers while closing tax loopholes and bringing us exporters in line with +__label__1 , web site shows two beheadings in iraq , three hooded gunmen pose with an unidentified turkish hostage , who they threatened to behead unless all american release all iraq prisoners , and all turks leave iraq , in this image made from a television broadcast by al-arabiya television , monday oct . +__label__1 , israel ' s sharon survives two no-confidence votes ( reuters ) , reuters - prime minister ariel sharon survived\two no-confidence votes in israel ' s parliament on monday , \clinging to power as he seeks to push through a disputed plan\for withdrawal from some occupied territory . +__label__4 , dell recalls four million power adaptors , about 4 . 4 million ac adapters sold worldwide with dell notebooks between september 1998 and february 2002 were recalled on friday because of a risk of overheating , which could lead to a fire or electrical shock , according to dell . +__label__1 , sadr #39 s men cash in their guns , baghdad members of radical cleric moqtada al-sadr #39 s militia began handing back their weapons yesterday under a deal with the interim iraq government , while two us soldiers were killed in a baghdad rocket attack . +__label__4 , verizon wireless to add 16 cities to broadband ( reuters ) , reuters - verizon wireless , the largest u . s . \wireless company , will expand its high-speed data service to 16\markets by the end of the year , the chairman of verizon\communications inc . said on monday . +__label__1 , cambodia prince moves closer to throne ( ap ) , ap - the son of king norodom sihanouk moved closer monday to becoming cambodia ' s new monarch after legal hurdles were cleared in the complicated succession process triggered by the surprise abdication of his father last week . +__label__4 , polycom announces desktop videoconferencing software , polycom made several announcements today , including software that puts videoconferencing capability on standard desktops with third-party cameras . +__label__1 , an afghan ' hanging chad ' dispute , an independent inquiry is helping to defuse a controversy over ink used in saturday ' s election . +__label__3 , cocoa farmers issue strike threat , unions are threatening a general strike in the ivory coast in a protest against the prices farmers are paid for their cocoa supplies . +__label__3 , linux paris weighs a shift to open-source camp , paris the open-source computer system known as linux won a tough battle over microsoft earlier this year when the city of munich decided to change the operating software of 14 , 000 government computers , despite the personal intervention of steve ballmer +__label__2 , mauresmo retires , davenport wins porsche tennis grand prix , this was not the way that american lindsay davenport wanted to claim her second career title at the porsche tennis grand prix . in a match between the top two +__label__1 , mbeki #39 s deputy in fraud scandal , it has been dubbed hamlet without the prince , a trial where the accused is absent but which could determine if he is to rule south africa . +__label__2 , ecclestone driving a hard bargain , the negotiations over the future of the british grand prix are expected to shift up a gear tomorrow when the sport #39 s governing body , the fia , publishes a draft calendar for the 2005 formula one world championship . +__label__2 , adams quits as leicester boss , leicester mickey adams has quit as manager of english championship side leicester city , the club announced yesterday . adams #39 resignation was accepted at an emergency meeting of the board of directors at the +__label__1 , soweto township marks centenary , south africa ' s historic soweto township marks its 100th birthday on tuesday in a mood of optimism . +__label__4 , sgi to ship intel linux workstation ( ziff davis ) , ziff davis - silicon graphics inc . will ship a new ultra high performance intel itanium-based linux workstation designed for scientific and medical applications . +__label__3 , euro exchange rate poses no threat to eurozone economy , a top european union ( eu ) economic official said on monday that the current level of the euro against the us dollar posed no threat to the eurozone economic recovery . +__label__1 , german leader to arrive in china , german chancellor gerhard schroeder was preparing sunday to arrive in china for the start of a five day asian tour monday to discuss trade and bilateral ties . +__label__2 , ravens get rest , with the absence of running back jamal lewis , the ravens hope to get a number of injured players back during their bye week . +__label__1 , skorea ' s samsung to invest 24 billion dollars in new chip lines ( afp ) , afp - south korea ' s samsung electronics co . , the world ' s largest memory chipmaker , said it would invest some 24 billion dollars in building new chip production lines over the next six years . +__label__3 , #39 enron of kansas #39 trial begins , in the recent annals of corporate fraud , the names enron , tyco and worldcom ring the loudest . but for residents of topeka , kan . , the former leaders of the local utility company have become just as infamous . +__label__1 , nobel peace prize winner gives some credit to kansas catholic < b> . . . < /b> , atchison , kan . ( cns ) -- the 2004 winner of the nobel peace prize says a small catholic college in kansas was instrumental in making her quot who i am and may ever become , quot according to correspondence released by the school . +__label__2 , report dhanraj no longer needed coach , with australia pulling out of the champions trophy to be held in pakistan in december due to security reasons , india will replace the aussies in the tournament . +__label__3 , study 39 million americans in working poor families , washington -- a new report indicates that one in every five us jobs pays less than a poverty-level wage for a family of four . as a result , nearly 39 million americans , including 20 million children , are members +__label__3 , shares plunge 20 at global crossing , new yorkshares of global crossing ltd . lost nearly 20 per cent in value yesterday on concerns it could face a second bankruptcy after it said it is cutting 600 jobs as it negotiates with lenders for financing . +__label__1 , pakistan test-fires nuclear missile , pakistan has successfully test fired a medium-range , nuclear-capable missile that could hit most cities in neighbouring india . defence officials said the exercise was not intended as a message to the south asian rival . +__label__3 , oil prices close to record highs , oil prices hover just below monday ' s record peaks in asian trade , amid continued concerns over global supply shortages . +__label__3 , boeing chief rules out compromise , the chief executive of the us plane maker boeing warned yesterday that america would not compromise over its demand for an end to subsidies for airbus , in remarks that raised +__label__2 , familiar ? braves #39 tune is postseason dirge again , at the end of a long season and grueling playoff series , managers often point some weary optimist toward the hill and place the bullpen on high alert . +__label__1 , japan loses whale trade bid , a un meeting has harpooned a japanese bid to ease curbs on trade in whale products , but a defiant tokyo accused the west of quot cultural imperialism quot and vowed to press efforts to expand whaling . +__label__1 , highlights of what congress has done ( ap ) , ap - highlights of what congress has done #151 and has not done #151 this year . +__label__2 , sales key factor for sun in wnba title game , nykesha sales smiled when someone suggested the connecticut sun could add a wnba title to this year ' s ncaa championships won by the uconn men ' s and women ' s teams . +__label__3 , retail sales improve amid caution , the high street perked up in september , but consumer confidence is falling as a result of higher interest rates and concerns over the housing market , figures reveal . +__label__2 , caminiti , 41 , dies of heart attack , san diego - ken caminiti was never short of fearless on a baseball field . he made incredible stops at third base , swatted home runs from both sides of the plate and played through pain that would wither most men . +__label__4 , glacier grows in mount st . helen ' s crater ( ap ) , ap - while earthquakes , steam and magma are getting all the attention on mount st . helens these days , the volcano ' s most unique feature could be the icy epitome of slow motion that has sprouted on its flanks in the last two decades its glacier . +__label__4 , kenyan laureate urges rich nations to ratify kyoto ( reuters ) , reuters - kenya ' s nobel peace prize winner , \wangari maathai , on monday urged wealthy nations to ratify the\kyoto protocol on climate change to ease the burden of\pollution on poor countries . +__label__1 , afghanistan heads for vote count , afghans arrange votes in kabul , capital of afghanistan , oct . 11 , 2004 . the afghan joint electoral management body decided on monday to suspend vote counting and start to investigate into the voting process . +__label__4 , msn messenger difficulties - virus , people using microsoft #39 s instant-messaging software , msn messenger , may have been a mite lonely this weekend , with only a virus to keep them company . +__label__2 , sports ihf awaiting invitation for champions trophy , sports news , new delhi , oct 12 ( ians ) the indian hockey federation ( ihf ) is expecting a formal letter of invitation from the game #39 s world governing body to replace olympic champion australia in the champions trophy at lahore in december . +__label__2 , subplots abound in rich alcs , the two eastern division rivals as consumed with each other as ahab was with his whale , now and forever . tonight , it #39 s mike mussina vs . +__label__1 , iraqi nuclear assets #39 are missing #39 , equipment which could be used to make nuclear arms has been vanishing from iraq , the united nations has been warned . satellite images show entire nuclear plants appear to have been dismantled . +__label__1 , sharon seeks wider govt . to save gaza pullout plan , jerusalem ( reuters ) - israeli prime minister ariel sharon launched new efforts tuesday to widen his shaky coalition after a stinging setback in parliament that complicated his plan to withdraw from some occupied territory . +__label__1 , landmine kills darfur aid workers , two aid workers are killed in sudan ' s darfur region after their vehicle hit a landmine . +__label__4 , authorities shut down uk-based news web sites , us authorities , participating in an international investigation , have shut down 20 independent news web sites run by the independent media center ( indymedia ) by seizing two uk-based web servers , the group said on friday . +__label__4 , u . s . spies on chat rooms , could terrorists be plotting their next move online , obscured by the ' noise ' of chat-room chatter ? the u . s . government thinks that may be the case and is funding a yearlong study on chat-room surveillance . +__label__3 , oracle considers lower peoplesoft offer , oracle corp could reduce its offer for peoplesoft inc by as much as a third , to \$2 . 5 billion or \$14 a share , to reflect declining performance at the rival company , an oracle executive reportedly testified yesterday . +__label__1 , sharon seeks wider government to save gaza pullout plan , jerusalem ( reuters ) - israeli prime minister ariel sharon launched new efforts on tuesday to widen his shaky coalition after a stinging setback in parliament that complicated his plan to withdraw from some occupied territory . +__label__4 , prosecutors say ebbers lied to obtain loans , court documents show federal prosecutors have told lawyers for former worldcom inc . chief executive bernard j . ebbers that they plan to argue he lied about the telecommunications giant ' s financial condition in order to get personal loans . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__3 , carrefour dips ahead of expected warning , carrefour sa #39 s shares dipped tuesday amid reports that the world #39 s second largest retailer was to issue a profit warning when it posts third-quarter revenue later in the day . +__label__1 , princess diana fountain to close again ( ap ) , ap - it has been fenced in , clogged with leaves , overrun with visitors and even used as a dog bath . now the princess diana memorial fountain is to close again to replace surrounding grass that has become sodden with splashing water , park officials said tuesday . +__label__3 , update 3-sonic , asbury cut earnings estimates , stocks fall , shares of sonic automotive inc . ( sah . n quote , profile , research ) and asbury automotive group inc . ( abg . n quote , profile , research ) fell sharply on tuesday after both car dealership +__label__4 , ipod plus photo-viewing , now it looks as if an additional function , coupled with a definitely major enhancement , will further boosts its popularity - and apple #39 s profits . +__label__1 , u . s . says n . korea miscalculating by stalling on talks , tokyo ( reuters ) - the united states accused north korea tuesday of miscalculation by refusing to resume talks on its nuclear programs before the u . s . presidential election while china renewed a diplomatic drive to end the stalemate . +__label__1 , cricket tendulkar to miss test , sachin tendulkar is almost certain to miss thursday ' s second test against australia in madras . +__label__1 , oil prices , earnings send stocks lower , new york - investors sent stocks lower tuesday as oil prices crossed another milestone , \$54 per barrel . earnings reports from heavyweights johnson johnson and merrill lynch co . . . +__label__3 , johnson amp johnson facing single-digit growth , credit suisse first boston said it was quot still cautious quot regarding johnson amp johnson ( nyse jnj - news - people ) after the company reported quarterly results above wall street estimates . +__label__4 , oracle vs . peoplesoft lies and lying ceos who tell them , peoplesoft #39 s board knew that ceo craig conway had erred in his comments , so it filed a corrected version of the meeting transcript with the securities and exchange commission . +__label__1 , presidential winner faces ' twin deficits ' battle ( afp ) , afp - whoever wins the november 2 presidential election will inherit massive budget and trade deficits that pose huge economic challenges that will give little relief for president george w . bush or rival john kerry . +__label__2 , bengals de smith pleads not guilty to dui , kettering , oh ( sports network ) - cincinnati bengals defensive end justin smith entered a plea of not guilty for his drunken driving charge stemming from an arrest last tuesday . +__label__4 , dell axim x50v , large vga screen great graphics included gaming bundle windows media player 10 . 0 mobile fast processor and ample memory integrated wi-fi and bluetooth sleek design user-replaceable battery . +__label__4 , sgi launches linux workstation , quot sgi is pushing the limits of how many processors can run on a single version of linux , quot says idc #39 s dan kusnetzky . quot the intersection of these different technologies makes it much easier to +__label__1 , hostage-taker snubs rescue team , a pakistani militant leader linked to al-qaeda said today he refused to meet a council of tribal elders trying to secure the release of two chinese hostages held by his group . +__label__4 , paypal technical snafu hits ebay online commerce , technical problems for online payment service paypal are hampering e-commerce on the ebay online marketplace . the payment service , which is owned by ebay , has been experiencing problems since last friday when +__label__3 , microsoft launches new media center pc , microsoft corp . msft . o on tuesday unveiled a new version of its windows xp media center , adding features such as instant messaging and high-definition television to a personal computer designed for the living room . +__label__3 , rumors suggest photo ability to be added to ipod , quot apple has invested heavily in technology to edit pictures . not having a portable device to show them seemed an obvious oversight that would be corrected once the price of the displays +__label__1 , blast near convoy of palestinian security chief ( reuters ) , reuters - an explosion occurred near the convoy of a\palestinian security chief in the gaza strip on tuesday , \witnesses said . +__label__3 , amazon leaves jungle business , the company has no further expansion plans after buying a chinese website . also virgin joins quest for a better ipod hellip . peoplesoft makes promise that oracle will live up to hellip . and more . +__label__4 , dreamworks animation ipo set at 29m shares , underwriters for dreamworks animation skg inc . , producer of the blockbuster shrek movies , tuesday set the terms of the company ' s pending initial public offering at 29 million common shares , with an estimated price range of \$23 to \$25 a share . +__label__4 , extrasolar planets a matter of metallicity , the 130 extrasolar planets discovered so far are in solar systems very different from our own , in which life-bearing planets like earth are unlikely to exist . but an obscure characteristic of these planets and their stars has led astronomers to predict that our galaxy is brimming with solar systems like ours . the key to their prediction is something called metallicity . +__label__2 , madrid draw with villarreal to retain 2nd place , real madrid played without four regulars and settled for a 0-0 draw with villarreal yesterday , leaving them nine points behind spanish league leaders fc barcelona after 14 games . +__label__1 , germany deports turkey militant , german police deport an islamic militant wanted by turkey , hours after his extradition is approved . +__label__4 , feds make a strike against spyware companies , washington -- in what regulators are calling a first , the federal government has asked for a court order to shut down a spyware operation . +__label__3 , dreamworks animation ipo may raise up to \$725m , animated film-maker dreamworks animation skg inc . set its anticipated initial public offering at 29 million shares -- which could raise \$725 million , reuters is reporting . +__label__4 , microsoft issues patches for 7 software flaws , microsoft has warned of seven newly found flaws in its software that could allow an attacker to steal data and take over a personal computer running the windows operating system . +__label__3 , stocks end flat , intel jumps after hours , new york ( reuters ) - u . s . stocks ended slightly lower on tuesday , but well above their lows , after crude oil retreated from a record of over \$54 a barrel . +__label__1 , australia wallets trump war , a majority of australians oppose the iraq war , but they turned out to be more concerned about the economy . +__label__3 , lazard adversaries edge closer to a deal , bruce wasserstein , head of lazard , could reach an agreement as early as this week with michel david-weill , the chairman , extending the deadline for +__label__1 , fcc proposes \$1 . 2m indecency fine for fox , washington - federal regulators proposed a record indecency fine of nearly \$1 . 2 million tuesday against fox broadcasting co . for an episode of its reality series married by america that included graphic scenes from bachelor and bachelorette parties . . . +__label__1 , u . s . seeking nato help in afghanistan , washington will ask nato\to devise a blueprint by february to have the alliance take\over operations in afghanistan , now split between an american\force and nato contingent , officials said on tuesday . +__label__4 , piracy crackdown yields \$2 . 2 million , the business software alliance collects out-of-court settlements from companies that violated copyright rules . +__label__1 , ljubicic downs hanescu at open de moselle , top-seeded ivan ljubicic of croatia beat victor hanescu of romania 6-4 , 6-4 tuesday in the first round of the open de moselle . +__label__4 , will your phone become your credit card ? , motorola is working with mastercard to introduce a lifestyle changing credit card phone by year ' s end . +__label__4 , picture 7 of 8 microsoft ' s new media center push , software maker heads to la to show off a host of gadgets that use one or another microsoft technology to access movies , music and video . +__label__4 , peoplesoft , sap make bid for manufacturing dollars , business software vendors peoplesoft and sap separately debuted new technologies to further consolidate their respective positions in the manufacturing market . +__label__3 , starbucks ceo to retire , shares fall , starbucks corp . ( sbux . o quote , profile , research ) on tuesday said its chief executive , orin smith , will retire next year , surprising investors , who sent the coffee shop chain #39 s shares lower in after-hours trading . +__label__2 , drummond back to his happy home , scott drummond , who meets the defending champion ernie els tomorrow in the first round of the world match play championship , arrived at wentworth in may with career earnings on the european tour of less than 40 , 000 . +__label__3 , news corporation to buy 20 presses from man roland , london--oct . 12 , 2004-- news corporation today announced a significant investment in news international limited , with the expenditure over the next four to five years of more than gbp 600million on new printing plants . +__label__2 , nhl owner is criticized for talking of replacement players , the day before the regular season was supposed to open , the national hockey league rebuked a team official yesterday for his comments about the league #39 s strategy in its labor lockout , its second in a decade . +__label__1 , supreme court to review inmate freedom law ( ap ) , ap - the supreme court agreed tuesday to consider the constitutionality of a federal law that requires state prisons to accommodate inmate religions , from christianity to satanism . +__label__1 , 7 u . s . groups ask u . n . for vote observers ( ap ) , ap - seven american activist groups asked the united nations on monday to provide international observers for next month ' s presidential election . +__label__1 , us troops accelerate operations against sunni insurgents , _ us troops are on the offensive in iraq ahead of the holy month of ramadan , which is expected to start at the end of the week . the operations appear aimed at preventing a repeat of the +__label__3 , oil eases on profit-taking , singapore ( reuters ) - oil prices slipped further from record highs on wednesday as traders locked in profits after the market ' s \$10 surge since mid-august . +__label__3 , boeing competitors protest , lockheed martin corp . and bae systems north america inc . filed protests with the air force tuesday over a \$4 billion contract to upgrade electronics on c-130 military transport planes awarded to boeing co . in 2001 . +__label__3 , nevadans to benefit from sales tax deduction #39 s return , washington -- gaylyn spriggs can remember two decades back when she would keep every grocery and department store receipt in a shoebox on a closet shelf . +__label__4 , intel posts higher profit , sales , computer-chip maker intel corp . said yesterday that earnings for its third quarter were \$1 . 9 billion -- up 15 percent from the same quarter a year ago -- but the company cautioned that computer-processor demand in the united states is likely to remain low . +__label__4 , cyber-security to get higher-profile leader , homeland security secretary tom ridge said yesterday that the role of overseeing computer security and the internet should have a higher profile at the agency , in the face of increasing concern from technology executives and experts that cyber-security is getting inadequate attention . +__label__2 , thrashers owner fined , the nhl fined one of the owners of the thrashers \$250 , 000 on tuesday for saying the league would use replacement players next year if a new collective bargaining agreement isn ' t reached . +__label__1 , iraqi forces raid ramadi mosques , us forces stepped up operations yesterday across a wide swath of the sunni insurgent strongholds northwest of the capital , pounding targets in three urban centers from the air and supporting iraqi troops in raids on mosques suspected of harboring +__label__4 , ftc files first lawsuit against spyware concerns , the federal trade commission formally announced yesterday its first assault against spyware - bits of computer code that surreptitiously install themselves on the computers of internet users +__label__1 , iraq nuclear losses #39 a scandal #39 , former un chief weapons inspector hans blix has said the loss of control of iraq #39 s nuclear sites by the us after it occupied the country was scandalous . +__label__4 , thailand shows no easy war against wildlife crime ( reuters ) , reuters - with an ak-47 assault rifle slung over\his shoulder , sompong prajobjan roamed one of thailand ' s lush\national parks for more than a decade . +__label__2 , backe in no position to complain , brandon backe wasn #39 t pleased when the devil rays , for the 2001 season , switched the minor-leaguer from outfield to pitcher . considering how it worked out , backe should give tampa bay a big thumbs up . +__label__1 , the radical islamic cleric was deported from germany late tuesday < b> . . . < /b> , turkish officials were doing what was necessary in regard to the return of metin kaplan , who was deported by germany on tuesday after a cologne court ruled he could be extradited , erdogan told reporters . +__label__3 , alaskan pipeline has hurdles , energy companies planning a \$20 billion gas pipeline to us consuming markets from alaska welcomed new federal loan guarantees but cautioned tuesday that other issues must be resolved before the huge project proceeds . +__label__3 , uk ' s jobless level falls further , unemployment in the uk fell by 51 , 000 between june and august to 1 . 39 million - the lowest on record , according to official figures . +__label__3 , large number of station owners can now be paid , the us supreme court agreed tuesday to decide which gas station owners can claim refunds from exxon mobil corp . in a \$1 . 1 billion class-action lawsuit involving alleged fuel overcharges . +__label__4 , tsmc , freescale expect initial production of 65nm soi in 4q 2005 , taiwan semiconductor manufacturing company ( tsmc ) and freescale semiconductor expect to begin initial production of a high-speed 65nm silicon-on-insulator ( soi ) process in the fourth quarter of 2005 , with volume production pending on market demand +__label__4 , new year , new notebooks for all , t . c . williams high school is handing out laptops to make sure students of all backgrounds have the latest equipment in an increasingly computerized world . +__label__3 , tata cs celebrates profits uplift , indian software giant tata cs unveils sharply higher profits in its first set of results since its stock market launch . +__label__4 , new crew prepares for launch to international space station , all three men heading to the international space station in a russian-built soyuz spacecraft this thursday will be riding the tiny craft for the first time , breaking with 35 years of tradition . +__label__1 , ' sherlock ' is bicycling across australia , perth , australia - a former british soccer player raising money for a leukemia charity set off wednesday on a coast-to-coast ride across australia on a victorian-era bicycle that is older than the country . leukemia survivor lloyd scott dressed up as fictional british supersleuth sherlock holmes , complete with tweed coat , deerstalker hat and a fake mustache for the 2 , 700-mile trip from perth to sydney . . . +__label__2 , 76ers 114 , wizards 107 , marc jackson scored 12 of his 21 points in the final 31/2 minutes and the philadelphia 76ers capped their first training camp at duke university with a 114-107 victory over the washington wizards on tuesday night . +__label__3 , mcdonald #39 s earnings beat forecasts , mcdonald #39 s third-quarter earnings rose a higher-than-expected 42 percent , the world #39 s largest restaurant chain says , citing strong sales in the united states and a lower tax rate . +__label__2 , seattle sunset , the seattle storm raced to hot starts in both the first and second halves and never looked back , using the momentum to win their first wnba world championship . +__label__4 , paypal outages persist , worry users , sporadic outages at paypal stretched into a fifth day on tuesday , though the company late in the day reported that access had returned to normal for most users . +__label__3 , sick kids vs . disney in #39 peter pan #39 dustup , it #39 s a story that would make peter pan glad that he never grew up . walt disney co . is caught in a feud with a uk children #39 s hospital over the copyright to jm barrie #39 s classic novel , quot peter pan . +__label__3 , hca warns on third-quarter earnings , hospital giant hca inc . said wednesday it expects third-quarter earnings to range between \$222 million and \$232 million , or 46 cents to 48 cents per share , including losses from hurricanes charley , frances +__label__2 , nfl notebook jets #39 pennington to start vs . texans , jets quarterback chad pennington will start tomorrow against the houston texans after sitting out the past three games with a strained right rotator cuff . +__label__4 , cherry os new emulator runs mac os on windows hardware , a company called mxs announced a new software emulator called cherry os that makes it possible to install mac os x onto x86 hardware ( running windows ) . +__label__1 , more dead in fresh iraq violence , at least nine iraqis and four us soldiers are reported to have been killed in renewed violence in iraq . +__label__3 , excess chips a drag on 3rd-quarter intel results , intel on tuesday released third-quarter financial results showing that it continues to struggle to sell a substantial stockpile of computer chips as demand for personal computers remains slow . +__label__3 , update 1 ex-ahold ceo says he #39 s settled with sec , global grocery retailer ahold nv and its former chief executive have reached settlements with the us securities and exchange commission over charges related to a \$1 billion overstatement of earnings , they said wednesday . +__label__4 , live launch of expedition ten crew to the iss / esa tv live / 14 < b> . . . < /b> , the early morning hours of 14 october will see the next iss launch , bringing another permanent crew to the station . expedition 10 crew is made of commander leroy chiao and flight engineer salizhan sharipov . +__label__4 , computer users warned of #39 david beckham zombie trap #39 , hackers are trying to trick computer users into downloading damaging software by claiming to have sleazy photographs of football star david beckham , experts warned today . +__label__4 , google woos froogle uk shoppers , quot we developed froogle uk so that online shoppers could quickly and easily locate the products they are looking for , from the most obscure to the most popular , quot google engineering director cosmos nicolaou said in a statement . +__label__2 , lippi wants azzurri improvement , italy boss marcello lippi is counting in his charges to make the country forget their weekend loss to slovenia when they face belarus in uefa world cup qualifying action on wednesday . +__label__2 , jets #39 moss questionable for sunday , hempstead , ny -- new york jets wide receiver santana moss is questionable for sunday #39 s game against san francisco because of a hamstring injury . +__label__1 , nev . move to purge some dem voters fails ( ap ) , ap - elections officials have rebuffed an attempt by a former gop operative to purge about 17 , 000 democrats from the voter rolls in the battleground state of nevada , where the two presidential candidates are in a dead heat . +__label__2 , jackson the wizard of loz , whatever her status as an individual in the world of basketball , lauren jackson #39 s ultimate legacy will be what she achieves with her teams . +__label__1 , 4 us soldiers killed in roadside bomb attack coalition steps up < b> . . . < /b> , roadside bombings killed four american soldiers in baghdad , the us command said wednesday , as us and iraqi troops stepped up pressure on sunni insurgents before this week #39 s start of the islamic holy month of ramadan . +__label__4 , new msn search may be a google killer ! , new msn search may be a google killer ! \\the second look at msn ' s search technology is available for public beta testing . i ' ve given it a spin myself and must say that i ' m impressed . although they have no ads on the serp ' s of the preview site , i ' m sure they will load it . . . +__label__4 , next space station crew to launch , expedition 10 , the next crew to live on the international space station ( iss ) , is set to launch from kazakhstan . us astronaut leroy chiao and russian cosmonaut salizhan sharipov will leave the baikonur cosmodrome on a soyuz rocket at 0306gmt on thursday . +__label__2 , west lafayette abuzz with boilers #39 lofty ranking , purdue #39 s boilermakers are breathing thin and rarefied air as they climb up the college football rankings mountain . it #39 s a heady air that hasn #39 t been breathed on the west lafayette campus in nearly 25 years . +__label__4 , qualcomm acquires uk-based , mobile user interface leader trigenix , san diego , oct . 12 -qualcomm incorporated ( nasdaq qcom ) , pioneer and world leader of code division multiple access ( cdma ) digital wireless technology , today announced it has acquired trigenix , a mobile user interface company , based in the united kingdom . +__label__3 , ahold , ex-execs settle with regulators ( reuters ) , reuters - ahold nv , the dutch\grocery operator , and three former top executives have agreed\to settle u . s . securities fraud charges related to massive\overbooking of profits , the company and u . s . regulators said on\wednesday . +__label__1 , iraq ' s allawi issues ultimatum to falluja , baghdad ( reuters ) - iraq ' s interim prime minister warned the rebel-held city of falluja on wednesday it must hand over foreign militants , including america ' s top enemy in iraq , or face a major operation to root them out . +__label__2 , safin , petrova upset in kremlin cup , radek stepanek of the czech republic pulled off a major upset wednesday , eliminating top-seeded marat safin 7-6 ( 8 ) , 4-6 , 6-3 on the russian #39 s home turf in the second round of the us\$2 . +__label__2 , signing of teenage racer raises questions ( ap ) , ap - next october , chase austin will finally be old enough to drive to the grocery store by himself . by then , though , he ' ll also have a full season of stock car racing under his belt . +__label__1 , football azerbaijan 0-1 england , michael owen heads england ' s winner in the world cup qualifier against azerbaijan . +__label__1 , ban for former ahold executives , dutch retailer ahold ' s former chairman and its ex-finance officer are barred from executive posts as part of a us fraud case settlement . +__label__2 , warrick doubtful for sunday , cincinnati , oh ( sports network ) - cincinnati bengals wide receiver peter warrick is doubtful for sunday #39 s game against cleveland because of a shin injury . +__label__1 , israel arrests bombing suspect , kills 4 militants ( reuters ) , reuters - israel dealt a double blow to the\palestinian islamic group hamas on wednesday , arresting a west\bank leader held responsible for a twin suicide bus bombing\that killed 16 and killing two militants in gaza air strikes . +__label__3 , earnings for the new york times slip , the newspaper publisher today said that while the ad market remains uneven it has seen improved trends so far in october . +__label__3 , peoplesoft execs defend bid rejection , peoplesoft inc . #39 s ( psft . o quote , profile , research ) chief financial officer on wednesday said the company #39 s customer assurance program might not force liabilities on oracle corp . +__label__3 , mcteer lonesome dove to be an aggie , new york ( cnn/money ) - a new economy champion , a lover of the texas picker poets who write lovesick country songs . . . and , oh , by the way , a member of the federal reserve system for 36 years . +__label__1 , us got complaints about security guards , the us state department wednesday noted quot aggressive quot behavior by some dyncorp contractors hired to protect afghan president hamid karzai . +__label__3 , jjb profit and bid hopes fade away , sports retailer jjb yesterday reported a near 25 drop in profits and continuing poor sales , and ended shareholders #39 hopes of a takeover by announcing that a potential bidder had walked away . +__label__1 , nato to send staff to iraq , nato will send military trainers to iraq before the end of the year in response to appeals by iraqi leaders for speedy action , us ambassador to nato nicholas burns said today . +__label__1 , israel kills two hamas militants after renewed threat , israeli air strikes killed two hamas militants in gaza on thursday just after the islamic group renewed its threats to continue rocket attacks against israelis despite a massive army offensive aimed at stopping them . +__label__4 , ipod helps lift apple ' s fourth-quarter profit , the ipod helped apple ' s profit get up and dance . apple computer inc . reported wednesday that net income for its fourth fiscal quarter jumped 140 percent from the same period a year ago . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__1 , blair heads to hungary for summit , tony blair is to address leaders at conference of centre-left leaders in hungarian capital budapest . +__label__4 , sony looks under the christmas tree , americans will go gadget shopping this holiday season even if oil prices go up , sony execs say . +__label__4 , apple to give its stores a mini me look , the mac maker has big plans to expand its network of retail outlets by creating small versions of its stores . +__label__1 , era congratulates nobel peace prize winner , the environmental rights action/friends of the earth nigeria ( era/foen ) has congratulated kenya born nobel peace prize winner , dr . +__label__1 , russian rocket carrying russian-u . s . crew blasts off for space station ( canadian press ) , canadian press - baikonur , kazakhstan ( ap ) - a russian rocket carrying a new russian-u . s . crew to the international space station lifted off from the baikonur cosmodrome thursday . +__label__3 , asian shares hit by metals tumble , oil ( reuters ) , reuters - a sharp slide in global metals\markets hammered industrial and mining stocks such as jfe\holdings and bhp billiton thursday , while oil prices crawled\back toward record highs . +__label__3 , petroleum and natural-gas supply data due out thursday , san francisco ( cbs . mw ) -- a rally in heating-oil futures to a fresh record and gains for natural gas for the first time in four sessions pulled crude prices more than \$1 a barrel higher wednesday . +__label__3 , us may help to ease cost of boeing terror insurance , boeing soon may be eligible to buy us terrorism insurance at below-market rates , adding fuel to a debate with europe over aircraft-maker subsidies . +__label__4 , patent case challenges microsoft #39 s #39 autoplay #39 , a federal judge has set a december date for a patent suit challenging quot autoplay quot technology included in recent versions of microsoft windows . +__label__1 , israel suspends soldier after girl shot 15 times , gaza city -- the israeli army yesterday suspended a platoon commander on suspicion he emptied an ammunition clip into a 13-year-old palestinian girl from close range after she had already collapsed under fire . +__label__2 , marshall carries w . va . to victory , the senior quarterback rushed for 110 yards , threw for a touchdown and even punted a quick kick in the mountaineers #39 31-19 victory over connecticut last night . +__label__3 , accounting body delays rule on expensing options , bowing to corporate pressure , the group that sets standards for the us accounting industry yesterday postponed by six months its plan to force companies to expense employee stock options . +__label__3 , temasek may buy stakes in minsheng bank , medco to expand abroad , temasek holdings pte , a \$53 billion singapore government fund , may buy stakes in china #39 s first private bank and indonesia #39 s biggest listed oil company as it steps up investments abroad . +__label__2 , cardinals outslug astros to take opening game , new york ( reuters ) - jim edmonds hit a three-run double to key a six-run sixth inning as the st louis cardinals beat the houston astros 10-7 in the opening game of the national league championship series at busch stadium on wednesday . +__label__2 , us moves on to final round , the united states national soccer team revealed both its immediate and long-term future in a 6-0 victory over panama last night . +__label__2 , twists give game 3 added weight , new york -- the nature of this american league championship series fundamentally changed when it turned out that the supposed ankle tendinitis suffered by curt schilling was actually a displaced ankle tendon . +__label__1 , thais #39 bomb #39 south with paper birds on muslim south , around 50 thai air force planes quot bombed quot the largely muslim south with paper birds on sunday as a symbol of peace for the restive region where nearly 500 people have been killed since january . +__label__4 , bourses set for losses after wall st falls ( ft . com ) , ft . com - european equity markets were poised for opening losses on thursday following a weak session on wall street overnight , while caution was likely ahead of results from nokia , the leading mobile handset maker . +__label__4 , dual internal clocks control fruit flies -study ( reuters ) , reuters - humans are not the only creatures with\an internal biological clock . fruit flies have two , which\separately control morning and evening activity , scientists\said wednesday . +__label__4 , thai minister says zoo #39 s illegal orangutans to be moved , jakarta/bangkok ( dpa ) thailand , under growing pressure to repatriate some 100 orangutans allegedly smuggled into the country from indonesia , plans to shift the apes from a private zoo to a safe centre , probably in chiang mai , a minister said on thursday . +__label__3 , before the bell- first health soars 21 . 5 percent , shares of first health group corp . ( fhcc . o quote , profile , research ) rose 21 . 5 percent in pre-market trading on thursday after rival coventry health care inc . +__label__3 , cost cuts boost southwest air profit , southwest airlines ( luv ) on thursday said third-quarter earnings rose 12 percent due to higher revenue and better cost performance even though record-high fuel prices stung the low-cost carrier . +__label__4 , russian spacecraft heads for international space station , a russian soyuz spacecraft carrying two russian cosmonauts and one american astronaut has reached orbit , after blasting off from the baikonur cosmodrome in kazakhstan . +__label__2 , ruud double lifts dutch , amsterdam - goals in either half from manchester united striker ruud van nistelrooy lifted the netherlands to a 3-1 win over finland in their european group one qualifier for the 2006 world cup here on wednesday . +__label__1 , rescued chinese hostage dies , in southeast pakistan one of two chinese hostages injured during a rescue operation died of his injuries , military sources said thursday . +__label__1 , president hu congratulates sihamoni on becoming king of cambodia , chinese president hu jintao sent a message to norodom sihamoni on thursday to congratulate him on his election as the king of cambodia . +__label__1 , new planes fly to battle locusts , the united nations is flying six more aircraft to combat swarms of crop-devouring locusts in west africa . +__label__1 , bollywood actress nirupa roy dies , bollywood actress nirupa roy dies after a heart attack at her home in mumbai ( bombay ) aged 73 . +__label__1 , vote counting begins in afghan elections , kabul , afghanistan - vote counting in afghanistan ' s presidential election got under way thursday , five days after a landmark vote meant to cement a new era of stability after more than two decades of strife . the head of the afghan-u . n . . . +__label__4 , gates says broadcast tv model faces irrelevancy , bill gates predicts a\future for the entertainment industry in which traditional\broadcast television is rendered irrelevant . it ' s a positive\vision , however , because new and better business models made\possible by technology are emerging . +__label__4 , dell rides the wave to consumer gadgets ( usatoday . com ) , usatoday . com - dell will set out thursday to conquer markets dominated by apple , hewlett-packard and others with products that include its first small digital music player , photo printer and plasma tv . +__label__3 , stocks seen flat as earnings pour in , us stock futures pointed to a flat market open thursday as a rush of quarterly earnings reports painted a mixed picture for corporate profits amid lingering worries over the high price of oil . +__label__1 , oil exports flow as strike woes ease , a general strike in nigeria , which has raised fears over oil supply from the world #39 s seventh-largest exporter , will likely end its first phase on thursday quot all going well quot , union leaders said . +__label__2 , double dip , new york - maybe it will seem just mere whistling in the bronx , these pledges by manager terry francona and general manager theo epstein even before boston ' s 3-1 loss in game 2 that the red sox would somehow find a way to overcome the possible loss of curt schilling for the rest of this american league championship series because of . . . +__label__2 , it ' s always something with sox , forget about the curse and all that nonsense . the real ongoing issue with the boston red sox is the fact that they are eternally held hostage by what we shall call quot gilda ' s law . quot ( ok , roseanne roseannadanna ' s . ) +__label__4 , can ' t hide your lying . . . face ? , in search of the ultimate lie detector , researchers turn to thermal facial scans , brain wiring and eyeball tracking . but deception still , well , deceives . by randy dotinga . +__label__2 , seven-wicket kumble destroys australia , india #39 s spin king anil kumble grabbed seven wickets for 25 runs to skittle world champions australia for 235 in a dramatic start to the second test on thursday . +__label__3 , canada slips again in competitiveness rankings , canada slipped from 12th to 15th position in the survey conducted by the world economic forum . canada #39 s position has declined in five of the last six years , despite efforts by federal and provincial governments +__label__3 , diesels , hybrids fated to wed , two leading technologies used in fuel-efficient vehicles seem destined to unite . industry experts say joining hybrid motors with diesel engines would result in the greenest mainstream vehicles ever , and the initial tests are promising . +__label__3 , transport strike hits netherlands , public transport grinds to a halt in the netherlands as workers strike against the government ' s planned welfare cuts . +__label__2 , report gretzky pondering a move to coaching , mesa , az ( sports network ) - phoenix coyotes managing partner wayne gretzky is considering a move into the coaching ranks , according to a published report . +__label__1 , flight from hong kong diverted in uk , london oct . 14 , 2004 - a virgin atlantic plane heading from hong kong to london was diverted to an airport north of london on thursday after receiving a bomb threat , police said . +__label__4 , google unveils desktop search , takes on microsoft , google inc . ( goog . o quote , profile , research ) on thursday rolled out a preliminary version of its new desktop search tool , making the first move against +__label__4 , study mobile phone use increases brain tumor risk , but researchers say data based on analogue phone usage may not yield same results as digital phone usage . +__label__4 , new bug found in mysql , users of the increasingly popular , open-source mysql database may be at risk from remote attacks due to a bug in phpmyadmin , a widely used web-based mysql administration tool . +__label__2 , yao thrills capacity crowd at first china nba game ( reuters ) , reuters - yao ming ' s houston rockets squeezed\past the sacramento kings on thursday in the first nba game to\be played in china , a country the fast-growing basketball\league deems a potential marketing mecca . +__label__3 , us trade deficit balloons again , official figures show that the us trade deficit widened to the second-highest level on record in august . +__label__1 , munro , morris face off in nlcs game 2 , st . louis - the houston astros put their hopes in a pitcher untested in the postseason when they give pete munro the ball to start game 2 of the nl championship series on thursday , one night after dropping the opener to the st . . . +__label__2 , lippi laments lack of fixtures , italy coach marcello lippi claimed he was frustrated that the azzurri had no more world cup qualifiers before the new year after the 4-3 win over belarus saw the italians claim top spot in group five . +__label__3 , update 1 northwest airlines , pilots reach deal , northwest airlines corp . and its pilots reached a tentative agreement on thursday that includes \$265 million in labor concessions , the air line pilots association said . +__label__2 , nba says it has no plans to change 3-point shot despite nbdl < b> . . . < /b> , the nba has no plans to change its rules for the 3-point shot , though it will proceed with an experiment for its developmental league in which all field goals will be worth 2 points until the final five minutes of regulation and overtime . +__label__2 , season could be over for manninger , austrian goalkeeper alex manninger could miss the rest of the season after dislocating his shoulder in wednesday #39 s world cup qualifying draw with northern ireland . +__label__1 , al-aqsa mosque restriction lifted , israel says it will not restrict access to the al-aqsa mosque compound in jerusalem during the muslim holy month of ramadan , that begins on friday . +__label__4 , google debuts desktop-search tool , it enables people to retrieve e-mail from outlook and outlook express , documents from microsoft office , chat sessions from aol im , and web pages viewed with internet explorer . +__label__3 , index rp institutions among cellar dwellers , the countrys public institutions were ranked the sixth least effective in the world in the latest survey of the world economic forum ( wer ) , which measured the capacity for growth of 104 economies this year . +__label__3 , fcc exempts fiber-to-curb from sharing requirements , the federal communications commission thursday voted to allow incumbent telephone carriers from sharing fiber-to-the-curb deployments from competitors , prompting one incumbent to announce an accelerated fiber rollout . +__label__1 , 120m origami birds of peace fall on thailand , about 120 million origami birds were air-dropped over southern thailand yesterday in an attempt to quell a muslim insurgency that has led to the deaths of more than 500 people this year . +__label__4 , humax , tivo recorder aims for prime time , the companies target mainstream audiences with a low-cost combination digital video recorder and dvd burner box . +__label__4 , update intel shelves plans for 4ghz pentium 4 , intel corp . has confirmed its near-term plans for its desktop processors before it reaches the multicore era . the company will not release a 4ghz version of its flagship pentium 4 product , having decided instead to realign its engineers around the company ' s new design priorities , an intel spokesman said thursday . +__label__3 , eli lilly to cut 575 us jobs , eli lilly and co . ( lly . n quote , profile , research ) said thursday it plans to cut 575 jobs , or a little more than 2 percent of its us workforce , in a move to streamline its operations . +__label__4 , how an l . a . city department fought off user resistance , an administrator with the los angeles municipal government explains how his department was able to turn user resistance from the police and fire departments among others into an \$11 million purchasing and accounts payable system . +__label__3 , options expensing delay not enough , say us senators , a group of republican senators vowed on thursday to use the closing days of congress this year to try and stop accounting rulemakers from requiring the expensing of stock options . +__label__2 , god help us , yuvi replaces akash , the team india think tank has put its foot in the mouth again by replacing a specialist opener akash chopra by the odi specialist yuvraj singh . +__label__1 , un chief urges european union to commit more troops , the united nations secretary-general , kofi annan , has appealed to the european union to play a bigger role in un peacekeeping operations . +__label__3 , sec chief lashes out at reform opponents , washington -- too many business interests are clinging to a failed status quo and resisting necessary governance reforms , the government #39 s top securities regulator said thursday . +__label__3 , nab studying buyer interest for irish banks , sydney national australia bank ltd ( nab ) , australia #39 s biggest bank , is gauging buyer interest for its struggling irish banks , signalling that it is prepared to exit part of its european market . +__label__4 , microsoft brings tv to xbox , october 14 , 2004 - microsoft is set to release its windows media center extender for xbox mid-november . the device will allow you to view recorded and downloaded media content stored on your pc via your xbox . +__label__2 , red sox feeling heat of 0-2 start in alcs ( ap ) , ap - the infield at fenway park was covered with a dirty white tarp on a dreary day . unless the boston red sox start winning soon , the gloom will last all winter . the red sox returned home thursday after losing the first two games of the al championship series to the yankees in new york . as its workout began , boston announced ace curt schilling ' s ailing ankle will prevent him from pitching game 5 and perhaps the rest of the postseason . +__label__3 , sun micro posts narrower quarterly loss , san francisco ( reuters ) - network computer maker sun microsystems inc . on thursday posted a narrower quarterly loss as revenue rose for the second consecutive quarter on higher sales of servers after three years of declines . +__label__4 , australia amp new zealand , amphibians such as leopard frogs and salamanders are threatened with extinction as their homes dry up and a new disease spreads , possibly as a result of global warming , according to a new study in science magazine . +__label__4 , harvard seeks permission to clone human embryos ( reuters ) , reuters - harvard university researchers said\on wednesday they were seeking permission to use cloning\technology to make human stem cells . +__label__3 , netflix stock plummets on buzz about amazon . com competition , los gatos , calf . shares of mail-order dvd rental company netflix plunged today amid buzz that amazon-dot-com is getting into the movie rental business . +__label__4 , intel cancels revamped chip , the intel corporation said on thursday that it was canceling its plans to market a faster version of its pentium 4 chip for personal computers to focus on products with quot more bang for the buck . +__label__2 , california ace for rose , justin rose had his first-ever professional hole-in-one at the tough par-three 17th at forest oaks and then confessed that it was his only decent shot of the day . +__label__1 , italian woman ' s veil stirs more than fashion feud , the case of a muslim woman fined for wearing a veil has created a dispute involving politicians , civil rights groups and a fashion designer . +__label__1 , jewish state fears world isolation , an internal report prepared by israel #39 s foreign ministry paints a gloomy picture for the future of the country #39 s global standing , giving warning that in the coming decade it could +__label__4 , sun reports smaller loss and calls it a turnaround , as it struggled to increase sales and cut costs , sun microsystems managed to reduce its net loss in the first quarter to \$174 million . +__label__4 , intel cancels revamped chip , the intel corporation said that it was canceling plans to market a faster version of its pentium 4 chip to focus on products with more bang for the buck . +__label__2 , no . 3 miami stops no . 18 louisville 41-38 ( ap ) , ap - the louisville cardinals drew a flag for excessive celebration in the second quarter , and another in the third . against miami , the displays of jubilation were premature . led by brock berlin and devin hester , the third-ranked hurricanes erased a 17-point deficit over the final 20 minutes and came from behind twice in the fourth quarter to beat no . 18 louisville 41-38 thursday night . +__label__2 , u . s . impressive in world cup qualifying ( ap ) , ap - just because the united states has stormed through its regional qualifying for the next world cup does not mean the americans are a world soccer power . +__label__1 , australian guilty of backpacker murder , australian ian previte has been found guilty by a queensland jury of murdering 19-year-old british backpacker caroline stuttle in 2002 , when he threw her from a bridge in a botched attempt to steal her handbag . +__label__2 , record-smashing warne leaves murali behind , madras - australian leg-spinner shane warne may have shown only flashes of his genius in india , but he still has plenty of reasons to smile after smashing the test cricket bowling record in madras on friday . +__label__2 , warne #39 s career , 1992 makes test debut against india in january . in two tests against india his overall figures are 1-228 . australian wicketkeeper rod marsh invites him to return to the adelaide academy and his career is +__label__2 , glazer bid for old trafford falls flat , malcolm glazer #39 s bid for manchester united is dead in the water after major shareholders john magnier and jp mcmanus told the american there was no basis for a deal . +__label__3 , spitzer targets brokers , thursday ' s actions are the first shots in what spitzer called an investigation of widespread corruption in the insurance industry . +__label__1 , pakistan hunts kidnappers ' leader , pakistan vows to track down former guantanamo inmate who leads group that kidnapped two chinese engineers . +__label__1 , vote counting begins in afghan election , kabul , afghanistan -- vote counting started yesterday in afghanistan ' s landmark election , widely expected to install us-backed interim leader hamid karzai as the war-ravaged country ' s first popularly chosen president . +__label__1 , poland to reduce number of troops in iraq ( reuters ) , reuters - poland said friday it plans to reduce\the number of its troops in iraq from early next year and will\not remain there an hour longer than is sensible . +__label__4 , rss feeds hunger for more ads , there ' s no such thing as a free lunch . and soon , there may be no such thing as an ad-free rss feed , either , as publishers add advertisements to their feeds in hopes of making money through the popular content-aggregating technology . by cyrus farivar . +__label__4 , spawn of x prize on horizon , innovators take note the folks behind the x prize vow there will soon be more competitions in several disciplines . also the da vinci team presses ahead in canada . . . . rubicon team plans another launch attempt . by dan brekke . +__label__2 , schilling will not start game 5 of alcs , that #39 s the state of the boston red sox pitching rotation after schilling was scratched from his scheduled game 5 start because of a sore ankle . +__label__4 , ibm launches top-end power5 servers , ibm has expanded the top end of its eserver range with three multiple-processor systems aimed at datacentres and large enterprise clients . +__label__1 , bush , kerry start last campaign dash in nevada ( reuters ) , reuters - president bush and democratic sen . \john kerry began a 19-day sprint to the nov . 2 election on\thursday in the swing state of nevada , where the white house\rivals renewed their fight over who offered the best leadership\for the middle class . +__label__2 , red sox need arroyo , game 3 tonight in fenway park , but rain is forecast boston learns schilling may be done for postseason . by ronald blum associated press writer . +__label__2 , despite discord , biffle and busch to remain teammates , mears wins busch pole at lowe #39 s . casey mears won the second busch series pole of his career , earning the top starting position in qualifying for the spongebob 300 . +__label__4 , scientists prepare for huygens ' plunge into titan , uc berkeley -- on jan . 14 , 2005 , the huygens probe will plow into the orange atmosphere of saturn ' s moon , titan , becoming the first spacecraft to attempt to land on a moon in our solar system since the soviet union ' s luna 24 touched down on earth ' s moon in 1976 . . . +__label__3 , pfizer hikes warning on bextra skin risk , new york ( reuters ) - pfizer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pfe . n target=/stocks/quickinfo/fullquote> pfe . n< /a> said on friday it is sending additional information to healthcare professionals about its arthritis drug bextra , a cox-2 product in the same class as the withdrawn drug vioxx . +__label__1 , israel says will scale back gaza offensive , jabalya refugee camp , gaza strip ( reuters ) - israel said on friday it was easing a crushing offensive that has killed more than 100 palestinians since tanks rumbled into northern gaza 16 days ago to stop cross-border rocket attacks . +__label__1 , september retail sales up by 1 . 5 percent , washington - shoppers got their buying groove back last month , propelling sales at the nation ' s retailers by a strong 1 . 5 percent . it was the best showing since march . . . +__label__3 , shoppers return in september , sales up 1 . 5 , shoppers were out last month , propelling sales at the nation #39 s retailers by a strong 1 . 5 , best showing since march . the sizable gain reported by the commerce department on friday came +__label__2 , nfl preview another streak mark looming for patriots , until the final 11 minutes of the rams-seahawks game last week , seattle #39 s visit to new england this sunday looked like one of those overhyped matchups labelled quot super bowl preview quot or quot streak-ender . +__label__2 , desert turns into parks place , annika sorenstam may be the reigning queen of the lpga tour , but its grace park who seems to be royalty in the desert these days . +__label__1 , earthquake at sea gives taiwan a jolt , taipei a strong earthquake in the pacific off taiwan rocked the island #39 s northeast on friday , damaging buildings and injuring several people , officials said . +__label__3 , oil falls from record on concern high prices may slow growth , crude oil fell from yesterday #39 s record of \$54 . 88 a barrel in new york amid concern that sustained high prices may slow economies and reduce demand for energy . +__label__3 , delta sees much wider 3rd-qtr loss , new york ( reuters ) - delta air lines inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dal . n target=/stocks/quickinfo/fullquote> dal . n< /a> on friday forecast a much wider third-quarter loss than wall street had estimated , citing weak domestic fares and a spike in fuel costs , sending its shares down nearly 6 percent . +__label__1 , india , russia must work together on new tech putin , bangalore , dec 5 russian president vladimir putin has called upon india and russia to work together on innovative technologies with younger generation taking the lead . +__label__3 , ata to temporarily lay off 156 employees , indianapolis - ata airlines announced temporary layoffs thursday throughout its system amid speculation that the struggling airline was in merger talks . +__label__2 , week 6 pregame show hits the road for seattle-new england , every week , the experts of fox nfl sunday will candidly reveal their observations and make their opinions known as they prepare for their top-rated pregame telecast - seen each sunday at 12 pm et / 9 am pt . +__label__3 , united to seek more cuts from labor , elsewhere , united airlines says it #39 ll need even more labor cuts than anticipated to get out of bankruptcy . united told a bankruptcy court judge in chicago today that it intends to start talks with unions next month on a new round of cost savings . +__label__3 , oil rallies to new record high , crude oil futures rallied late friday to a new record high of \$54 . 90 , a day after a decline in the us inventory of heating oil roiled a market already on edge over tight supplies , high demand and unrest among key producers . +__label__3 , deal would cut united #39 s chicago airport debt , bankrupt united airlines stands to erase 75 percent of its obligation to pay off \$600 million of debt issued for projects at its chicago o #39 hare international airport hub , in a deal that would leave bondholders with 60 cents on +__label__4 , -posted by david . berlind 2 10 pm ( pdt ) , from the department of dualing rhetoric in his story regarding the launch of two new ibm pseries servers , news . com #39 s stephen shankland quotes ibm unix vice president karl freund as saying quot our goal is to beat sun and perhaps become the no . +__label__3 , demand for oil exceeds forecasts , oil demand is rising faster than predicted this year as opec pumps more low-quality oil in a failed bid to reduce record prices , according to international energy agency , an adviser to 26 industrialized nations . +__label__2 , bovina upsets williams at kremlin cup , unseeded elena bovina upset error-prone venus williams , 6-3 , 6-2 friday to advance to the kremlin cup semifinals . bovina , 19 , will be playing in her third semifinal this season . +__label__4 , dell unveils holiday lineup , including new plasma tvs , october 15 , 2004 ( idg news service ) - dell inc . took the wraps off its holiday lineup on thursday , showing new printers , plasma televisions and music players that will soon be available through its web site . +__label__1 , security council group named , the un has chosen argentina , denmark , greece , japan and tanzania as the five states to become non-permanent members of the security council next year . +__label__1 , islamic teacher charged with bombings , the reputed spiritual leader of an indonesian terrorist network has been charged with orchestrating the bombing of a bali nightclub and a jakarta hotel . +__label__3 , insurance probe rattles stocks , new york ( reuters ) - an investigation into u . s . insurers and brokers rattled insurance industry stocks for a second day on friday as investors , shaken further by subpoenas delivered to the top u . s . life insurer , struggled to gauge how deep the probe might reach . +__label__1 , kerry campaign seeks equal time over film ( ap ) , ap - sen . john kerry ' s presidential campaign , contending that sinclair broadcast group wants to help president bush by airing an anti-kerry documentary two weeks before the election , asked on friday that each station carrying the program provide a similar amount of time to kerry supporters . +__label__1 , russia ' s red army fetes pope on eve of anniversary , vatican city ( reuters ) - russia ' s red army chorus and orchestra on friday feted pope john paul to mark his 26th anniversary as roman catholic leader , an event unthinkable just 15 years ago before the fall of the soviet union . +__label__1 , pakistani leader arrives for talks , pakistani president general pervez musharraf has arrived in britain for a visit which will include talks with prime minister tony blair . +__label__4 , microsoft issues ie patch , ( article central ) microsoft released its october batch of security advisories this week , with a number of quot critical quot patches , including a significant fix for the internet explorer browser . +__label__3 , no chance of chiron vaccine , u . s . says , washington ( reuters ) - none of chiron corp . ' s flu vaccine made at a british plant is safe , which means the u . s . flu vaccine supply will be half of what was expected , u . s . health officials said on friday . +__label__2 , minaya shakes up mets coaching staff , new york oct . 13 , 2004 - mets general manager omar minaya shook up new york #39 s coaching staff wednesday while continuing to search for a manager to replace art howe . +__label__1 , for many airline pilots , the thrill is gone , while pilots still feel in command in the air , they increasingly are feeling slighted on the ground , as airlines extract salary and benefits concessions from them . +__label__4 , video game leaked on internet , halo 2 , one of the most anticipated video games of the year , got an early release date , but not the way fans or its publisher , microsoft , had hoped . +__label__2 , virender sehwag turns in 133 not out , virender sehwag #39 s smashing century spurred india in the second test match friday after australian leg-spinner shane warne surged to the top of test cricket #39 s all-time wicket-takers by dismissing irfan pathan for his 533rd wicket . +__label__2 , hanging by fingertips , jamaica #39 s bid for a place in the 2006 world cup finals suffered a major setback on wednesday night when they picked up only one point against el salvador at the national stadium . +__label__1 , downer welcomes terror charge , the federal government has welcomed the bringing of formal terrorism charges against indonesian militant cleric abu bakar bashir . a spokesman for foreign minister alexander downer said the charges reflected +__label__4 , blockbuster cuts online price , challenges netflix ( reuters ) , reuters - video chain blockbuster inc on\friday said it would lower the price of its online dvd rentals\to undercut a similar move by netflix inc . that sparked a stock\a sell-off of both companies ' shares . +__label__4 , great white shark loses monitor tag ( ap ) , ap - a great white shark that was tagged with a data-gathering device in shallow waters off cape cod has apparently reclaimed its privacy . +__label__3 , #39 do or die #39 for cash-tight delta , struggling delta air lines #39 latest financials show its cash on hand has dipped below the point where some analysts say it must decide to file for bankruptcy . +__label__3 , gm trims earnings projection for year , kicking off what promises to be a dismal round of automotive earnings reports , general motors yesterday laid out a range of problems that have no ready solutions , from the slowdown in auto-sales growth in china and record-high steel costs to intractable +__label__4 , ibm #39 s high-end power5 servers catch hp , ibm on friday introduced high-end servers in its pseries and iseries lines that include virtualization features and raw power that some experts say put the products on par with offerings from rival hewlett-packard co . +__label__2 , different time , different team , with 3 25 left in the third quarter , the score was 33-0 , and the 79 , 406 fans at doak campbell stadium in tallahassee , fla . , had long since stopped worrying about the outcome . +__label__1 , tensions surge in haiti , port-au-prince , haiti - heavy gunfire erupted yesterday when police streamed into a slum stronghold of ousted president jean-bertrand aristide . +__label__2 , jennings in charge , cape town - ray jennings was appointed as the interim coach of south africa #39 s national cricket side yesterday afternoon following the resignation earlier of the under-fire eric simons . +__label__4 , playing with the traumas of war , are games based on the vietnam conflict making us immune to realities of history ? +__label__2 , jimenez ends langer #39 s match play bid , spain #39 s miguel angel imenez completed a 2 amp 1 victory over german bernhard langer in their delayed world match play championship quarter-final at wentworth on saturday . +__label__1 , gaza clean-up operation after israeli withdrawal , palestinians retrieved belongings from the rubble of dozens of homes and work crews patched up roads and water pipes today - the aftermath of israels 17-day military offensive , the deadliest in the gaza strip in four years of fighting . +__label__2 , it ' s not sitting well with mientkiewicz , since his arrival in boston at the trading deadline , doug mientkiewicz has bought into the red sox ' team concept , accepting his role as a defensive replacement . +__label__1 , warne takes six but india establish handy lead ( reuters ) , reuters - world test wicket record holder shane warne grabbed six wickets as india established a handy 141-run first innings lead in the second test on saturday . +__label__1 , rugby kiwis earn draw , new zealand hold australia 16-16 in the first game of the 2004 tri-nations series . +__label__2 , jimenez ends langer #39 s challenge at the 35th , miguel angel jimenez ended the strong challenge of his ryder cup captain , bernhard langer , on the 35th hole saturday to earn a semifinal place in the world match play championship . +__label__3 , pfizer sends out update on drug bextra , pfizer inc . said friday that it will provide health-care professionals with additional information about its bextra arthritis drug and that it will conduct further studies to confirm the drug #39 s long-term cardiovascular safety record . +__label__1 , iran rejects any deal to end uranium enrichment , tehran ( reuters ) - iran said on saturday it would reject any proposal to halt uranium enrichment , a step european union diplomats are proposing to end a row over whether iran is seeking atomic weapons . +__label__1 , iran to shun europe nuclear deal , iran says it will reject any european proposal which requires it to halt its nuclear activities completely . +__label__2 , it #39 s plain rain helps red sox boston thinks it gained an edge < b> . . . < /b> , boston -- the red sox got their hoped-for rain on friday , and after the deluge , things are looking up for boston because of the postponement , pedro martinez may pitch game 5 , and in another development , 21-game winner curt schilling is back under +__label__1 , 14 dead in kashmir violence , new delhi - fourteen people have been killed in kashmir in an increase of violence since a visit by the indian prime minister in mid-november . +__label__3 , american shoppers splurge in september , washington ( afp ) - shoppers -- the dynamo in the us economy -- shrugged off rising energy prices and splurged in malls and car showrooms in september , a government report showed . +__label__2 , england sweeps zims , england has swept its one-day series against zimbabwe 4-0 with a 74-run win in bulawayo . veteran darren gough took 4-34 as zimbabwe was bowled out for 187 chasing 262 for victory . +__label__1 , one dead in romanian bear rampage , a brown bear kills one person and wounds several in the transylvanian forests of romania . +__label__1 , britain ups anti-terror security spending ( ap ) , ap - the sept . 11 attacks on america forced prime minister tony blair ' s government to ponder a troubling question could terrorists pull off something similar , or even worse , in london or another big british city ? the answer , they concluded , was yes . +__label__1 , kerry ' s wife paid 798 , 820 dollars in state , federal taxes in 2003 ( afp ) , afp - teresa heinz kerry , wife of democratic presidential candidate john kerry , declared 2 , 291 , 137 dollars in gross taxable income in 2003 and paid 798 , 820 dollars in state and federal taxes , or about 35 percent , her office said in a statement . +__label__1 , column who will stop genocide in sudan ? , this time , world leaders and their people cannot claim they knew nothing of the tens of thousands of murders of black africans and massive gang rapes in darfur perpetrated by the arab janjaweed +__label__4 , fda orders strong antidepressant warning labels , by diedtra henderson washington ( ap ) -- the food and drug administration on friday ordered that all antidepressants carry black box warnings that they increase the risk of suicidal thinking and behavior in children who take them . patients and their parents will be given medication guides that include the warning with each new prescription or refill . . . +__label__1 , powell to discuss nkorea on visit japan , china , skorea next week ( afp ) , afp - us secretary of state colin powell will visit japan , china and south korea beginning next week for talks on the stalled effort to end the impasse over north korea ' s nuclear program , iraq , terrorism and other matters , the state department said . +__label__1 , sudan questions who darfur deaths figures , sudan on saturday questioned un estimates that up to 70 , 000 people have died from hunger and disease in its remote darfur region since a rebellion began 20 months ago . +__label__1 , kerry to reverse stem cell policy , us presidential candidate john kerry says he will make stem cell research a priority , dropping george bush ' s policy . +__label__2 , yao rested and ready for kings again ( ap ) , ap - yao ming is refreshed . after a demanding few days in his hometown for the first nba game in china , the houston rockets center has had some time to unwind since arriving in beijing . +__label__1 , palestinians sift rubble after israel ' s gaza assault , jabalya refugee camp , gaza strip ( reuters ) - palestinians sifted through the rubble of dozens of homes in a sprawling refugee camp on saturday after israel ended its most powerful assault in the gaza strip in four years of bloodshed . +__label__2 , update 1-juninho on target as celtic beat hearts 3-0 , brazilian midfielder juninho scored his first goal for celtic in a 3-0 drubbing of hearts that gave the champions an eight-point lead at the top of the scottish premier league on saturday . +__label__1 , bush and kerry trade barbs in fla . , ohio , daytona beach , fla . - the presidential candidates found new ways to go negative saturday , president bush accusing his democratic challenger of putting politics ahead of the war on terror and sen . . . +__label__2 , astros 5 , cardinals 2 , roger clemens hopped off the mound , pumped his right fist and muttered to himself all the way to the dugout . his work was done and the houston astros were exactly where they wanted to be -- right back in the nl championship series . +__label__4 , astronauts arrive at space station , a russian spacecraft has delivered three astronauts to the international space station , overcoming docking system problems which had delayed its launch . +__label__2 , alabama upsets no . 24 southern miss 27-3 ( ap ) , ap - kenneth darby rushed for 197 yards and scored two touchdowns , one on a run and one on a pass , as alabama beat no . 24 southern mississippi 27-3 saturday for its first win against a ranked opponent in nearly two years . +__label__2 , els eases into final , defending champion ernie els beat padraig harrington 5 and 4 yesterday to move into the final of the world match play championship . +__label__1 , libya hosts #39 mini-summit #39 on sudan #39 s darfur conflict , tripoli , libya libya confirmed that the leaders of sudan , egypt , chad and nigeria would join moammar gadhafi for a quot mini-summit #39 #39 sunday on sudan #39 s darfur region , which the united nations calls the world #39 s worst humanitarian crisis . +__label__2 , rocket wills astros to win , houston - -- as if roger clemens did not have enough to chew on saturday morning as he sat in the astros #39 clubhouse , in walks owner drayton mclane , not to say quot good luck quot or quot go get #39 em , quot but to tell clemens , quot this is what we got you for . +__label__2 , ncaa game summary - virginia at florida state , booker carried the ball 15 times . . . chris rix closed out the game for florida state , completing his only pass for three yards in the fourth . . . virginia guard elton brown left the game with an apparent injury and did not return after catching a deflected +__label__1 , powell to japan us troops , n . korea on agenda , secretary of state colin powell will visit tokyo for two days next weekend to discuss security and trade as well as stalled talks aimed at ending north korea #39 s nuclear ambitions , japanese officials said on sunday . +__label__1 , eu to talk through asylum plans , key eu interior ministers are to meet in florence to discuss plans for migrant holding centres outside europe . +__label__1 , sharon to hold tense meeting with settlers , jerusalem - after more than a year of avoiding jewish settlers , israeli prime minister ariel sharon has decided to directly confront his former supporters in a meeting about his contentious plan to withdraw from the gaza strip and part of the west bank . sharon invited settler leaders to meet with him in jerusalem on sunday , just a week before he presents his disengagement plan to parliament . . . +__label__1 , blair to put british troops under us control , critics of the iraq war have slammed the prime minister following a decision to allow british troops to move into dangerous territory around baghdad under us military command . +__label__2 , late fumble dooms purdue , west lafayette , ind . -- scott starks returned a fumble by purdue quarterback kyle orton 40 yards for a touchdown in the closing minutes to lift 10th-ranked wisconsin to a 20-17 win over no . 5 purdue yesterday . +__label__2 , tigers are right on target , auburn , ala . -- jason campbell passed for a career-high 297 yards and three touchdowns to lead no . 4 auburn to a 38-20 rout of arkansas yesterday . +__label__3 , phony bids put insurance firm in real trouble , when greenville county in south carolina borrowed \$800 million two years ago to expand its public schools , insurance broker marsh amp mclennan cos . +__label__2 , report on tape , trainer says bonds used drug in ' 03 , san francisco -- slugger barry bonds took an undetectable performance-enhancing drug during the 2003 season , his weight trainer said on a secretly recorded tape , the san francisco chronicle reported yesterday . +__label__2 , lowe finally is a go , how fitting . down , three games to none , their season on its deathbed , the red sox now have to pitch derek lowe . +__label__2 , bullying zcu is cleared of racism , while zimbabwe #39 s international playing future hangs in the balance , the zimbabwe cricket union has been cleared of racism by the international cricket council . +__label__2 , ( sports network ) - carlos beltran may be the newest killer b in < b> . . . < /b> , lineup , but right now he is also the most feared hitter on the astros . he #39 ll . play the st . louis cardinals in game 4 today at minute maid park . +__label__2 , deco keeps barca flying high as ronaldo rescues real , brazilians bagged the plaudits in spain #39 s la liga on saturday as deco , brazil-born but a naturalised portuguese international , fired barcelona five points clear of the pack with the only goal in a derby win over espanyol . +__label__3 , halloween means sales as adults join in , new york ( reuters ) - halloween is expected to scare up record sales this year as more adults -- and pets -- join in what was once mainly a children ' s dress-up event , filling a void before the key christmas shopping season . +__label__2 , davydenko tops davis cup #39 mate youzhny , moscow -- nikolay davydenko overcame leg cramps to beat russian davis cup teammate mikhail youzhny in a tough kremlin cup semifinal , 7-5 , 6-7 , 7-5 on saturday . +__label__2 , update 2-cricket-malik reported for suspect action , cricket-icc clears zimbabwe cricket union of racism october 17 , 2004 14 05 37 lahore , pakistan , oct 17 ( reuters ) - a special report by an international cricket council ( icc ) inquiry commission has ruled there is no evidence of racism within the +__label__1 , pakistan says to give extra security to chinese , pakistan will provide extra security to the chinese working in the country and pursue a former guantanamo bay inmate who masterminded the abduction of two chinese engineers , the interior minister said on saturday . +__label__2 , newcastle held to draw by charlton , london , england ( sports network ) - charlton continued its strong play at home by coming from behind to tie newcastle sunday , 1-1 . alan curbishley #39 s team is now unbeaten at the valley in five matches this season , winning three times . +__label__4 , sun posts narrower quarterly loss , october 14 , 2004 ( reuters ) - san francisco -- sun microsystems inc . today posted a narrower quarterly loss as revenue rose year over year for the second consecutive quarter after three years of declines , sending shares slightly higher . +__label__2 , nfl game summary - san diego at atlanta , atlanta , ga -- michael vick ran for a score and threw a touchdown pass in the fourth quarter , as atlanta rallied to defeat san diego , 21-20 , at the georgia dome . +__label__2 , testing didn #39 t curtail homers , it #39 s time to fess up . we were among the hordes of skeptics ( sheep ? ) who boldly proclaimed drug-testing would blow a hole in the number of runs and home runs we #39 d see in 2004 . +__label__1 , region iran sticks by its right to possess nuclear fuel < b> . . . < /b> , tehran iran repeated on sunday it had a right to master the sensitive nuclear fuel cycle , ahead of an expected proposal from europe calling for tehran to abandon such work in exchange for diplomatic and trade incentives . +__label__3 , florida #39 s prepaid tuition program thriving , already the biggest of its kind in the country , florida #39 s popular prepaid-tuition program expects to count its millionth customer during a sign-up period that runs monday through jan . 31 . +__label__4 , ibm releasing new power5-based servers , research triangle park - ibm is rolling out a new line of power5-processor based servers that it says outperform rivals from sun and hp . +__label__2 , garcia throws four td passes in cleveland #39 s 34-17 win over < b> . . . < /b> , cleveland ( cp ) - chad johnson better still have a few bottles of that pink stomach medicine . his cincinnati bengals look pretty sick . +__label__2 , geiberger joins father as a winner in greensboro , when it was over , after brent geiberger made his final putt , he finally got to talk to his father , al , about their latest achievement . +__label__4 , toughest athlete is female and unknown , you probably haven ' t heard about one of the toughest endurance sports around the deca-ironman . that ' s 38 km swimming , immediately followed by an 1800 km bicycle ride and a 420 km run . currently , the world record stands at about 187 hours , held by a german housewife . nobody else has ever finished the course below 192 hours . +__label__4 , ipod , dvd players lead aug . electronics prices lower , new york ( reuters ) - price declines for u . s . consumer electronics accelerated in august , fueled by discounted price cuts for the popular ipod digital music player and traditional dvd players , according to an industry study prepared for reuters . +__label__2 , mlb not likely to punish steroid users ( ap ) , ap - for all the fuss over reported admissions of steroid use by barry bonds , jason giambi and gary sheffield , major league baseball probably won ' t discipline them . +__label__1 , india watches in awe as two grand families feud in public ( canadian press ) , canadian press - new delhi ( ap ) - on one side is the dynasty that has dominated indian politics for half a century . on the other is the family of india ' s most popular actor , a man so revered that his fans have been known to commit suicide out of loyalty to him . +__label__1 , french soldier threatens to blow up depot ( ap ) , ap - a soldier , angry about being forced to retire , was holed up in an army depot with 60 tons of explosives sunday , threatening to blow it up . about 400 residents were evacuated from nearby villages . +__label__1 , war in iraq did not make world safer , annan says , london , oct . 17 -- the us-led war in iraq has not made the world any safer , un secretary general kofi annan said in a british television interview aired on sunday . +__label__2 , dogged astros refocus eyes on texas , on the strength of carlos beltran and a tireless bullpen , the astros came back from a three-run deficit on sunday to defeat the cardinals , 6-5 . +__label__1 , australia turns down plea for more troops to protect un staff in iraq ( afp ) , afp - australia has turned down a diplomatic plea for a contribution to a military force to protect united nations ( un ) personnel in iraq . +__label__2 , martin #39 s tour de corse win hands wrc title to loeb , motorsport . com . markko martin dominated the this year #39 s edition of the legendary tour de corse rally , the 14th round of the 2004 world rally championship . +__label__2 , icc probe clears zimbabwe of racism in cricket , lahore , pakistan ( afp ) - the international cricket council said yesterday a probe had found no evidence of racism in zimbabwe cricket and that the test status of the country #39 s team was never in question . +__label__2 , geiberger heads threesome to win chrysler classic , brent geiberger secured his place on the uspga tour for the next two years with his fine two shot win at the chrysler classic of greensboro today . +__label__4 , strangers in life join hands in death as the web becomes a tool for suicide in japan , about once a month since january 2002 , japan has recorded a group suicide , successful or attempted , where participants met on the internet . +__label__2 , like father , like son in chrysler classic , if brent geiberger was pleased to win the chrysler classic of greensboro , his father al was positively ecstatic . quot i was going absolutely crazy watching it all unfold . +__label__2 , astros erupt vs . cards #39 pen , houston - even in a season of 105 wins , there had to be losses . but not like this one . the cardinals didn #39 t merely lose 6-5 to the houston astros in game 4 of the national league championship series . +__label__1 , sharon to meet with settlement group as referendum idea gains < b> . . . < /b> , prime minister ariel sharon is to meet formally with a group of settlement leaders from judea and samaria sunday for the first time in a year and half . +__label__3 , us consumers unaware of spyware , the findings come in a report from the newly formed consumer spyware initiative , a joint effort by dell and the non-profit internet education foundation that aims to increase awareness of spyware . +__label__4 , fcc ruling sets stage for broadband surge , broadband service may get a little broader in the next few years , now that the federal communications commission is graciously stepping out of the way . +__label__3 , wi-fi successor is called high-speed hype -- for now , san francisco -- at virtually every turn , intel corp . executives are heaping praise on an emerging long-range wireless technology known as wimax , which can blanket entire cities with high-speed internet access . +__label__1 , gay marriage issue motivates conservatives , washington - gay marriage is emerging as a big enough issue in several states to influence races both for congress and the presidency . ballot initiatives on banning same-sex marriages are expected to propel social conservatives to the polls in 11 states , including four presidential battlegrounds arkansas , ohio , michigan and oregon . . . +__label__2 , ace ' s wicked run leaves us wanting more , seven years of pedro . went by quickly , huh ? seven years , the best of which may very well have been the best pitching ever done in a boston uniform . seven years of feistiness . seven years of blazing fastballs . seven years of spellbinding changeups . seven years of pitching inside , sometimes waaaaay inside . seven years of double-digit strikeouts . seven years of sheer virtuosity . . . . +__label__2 , ramirez should be taking it to heart , when it comes down to this , when it ' s worse than you could have possibly imagined , if you are any kind of ballplayer at all , you look within and ask yourself what you can do to make it better . +__label__3 , stanley set sights on elland road for casino , stanley leisure plc has announced a stanley casinos limited plan to develop a casino complex on land adjacent to leeds united #39 s elland road stadium . +__label__3 , ireland #39 s national carrier seeks govt . aid , ireland #39 s state-owned carrier , aer lingus , has asked the government for a grant worth euro200 million to euro300 million ( us\$250 million to us\$375 million ) to begin buying 10 or more long-haul aircraft from either boeing or airbus . +__label__3 , goodale hints of tax cuts , the federal government says they are considering more tax cuts for lower and middle-income canadians . fending off attacks over the 9 . 1 billion dollar budget surplus , finance minister ralph goodale said he +__label__3 , attorney general is on target with aim at insurance industry ills , state attorney general eliot spitzer has embarked on another crusade against an industry whose wealth-fueled influence makes most politicians cower . +__label__2 , villeneuve looking for points in final race , jacques villeneuve will be looking to score points in his final race for the renault f1 team , this weekend in brazil . +__label__1 , australian reporter freed in iraq , an australian journalist was seized by militants in iraq for nearly 24 hours , but then released unharmed . +__label__1 , an old church ' s new tilt inspires tourists and t-shirts , a humble church has something germany ' s glorious cologne cathedral cannot match a leaning tower . +__label__1 , calif . mental health services may expand ( ap ) , ap - as pressures increase on california ' s mental health system , its workers and advocates say they are forced to do more with a supply of money that seems to shrink each year . +__label__2 , indycar champ kanaan finishes second and every lap , fort worth , texas helio castroneves had a great restart today with two laps to go after a lengthy caution . he held off indycar series champion tony kanaan to win the season finale at texas motor speedway . +__label__4 , google blows search into another universe , already the search tool so popular its name has become a verb , google has been quietly adding important features in the background since it became a public company . +__label__4 , the brains behind ai , daphne koller is pushing the limits of building computer programs that learn efficiently and reason intelligently . third in a series profiling this year ' s macarthur ' genius award ' winners . by kari lynn dean . +__label__4 , too few games could set back psp launch - sony exec , signs of a delay , or just managing expectations ? +__label__4 , star wars battlefront sly 2 band of thieves macfamily tree 4 . 0 . 6 , hearing a jar jar binks-lookalike gungan yell meesa gonna die ! as my droid tank shot him point-blank may have been the best part of this game . +__label__4 , older mobiles may cause tumours study , the institute of environmental medicine ( imm ) at karolinska institute in sweden found no indications of risk for less than 10 years of usage . +__label__3 , pfizer to sponsor large new celebrex trial , new york ( reuters ) - pfizer inc . said on monday it plans to sponsor a major clinical study to further assess the cardiovascular safety of its arthritis drug celebrex following the withdrawal of merck co . ' s vioxx , a drug in the same class . +__label__4 , halo 2 for xbox leaked online , microsoft confirms that a pirated copy of halo 2 for xbox in the pal video format and french language started circulating on the internet this week over newsgroups and piracy sites . +__label__3 , update 1-star gas suspends payout , may seek bankruptcy , star gas partners lp ( sgh . n quote , profile , research ) ( sgu . n quote , profile , research ) on monday said it has suspended distributions on its common partnership units and warned it may have to seek bankruptcy protection unless +__label__4 , tech giants declare , ' united we stand ' , tough times often make for strange bedfellows , and the explosion of viruses , computer worms and spyware programs on the internet is producing unique alliances among top technology firms . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__1 , 5 eu ministers back digital passports , florence interior ministers from the five largest west european countries have agreed to adopt digital fingerprinting on passports , officials here said , but a second day of talks on monday found them still deadlocked on a plan to create migrant holding +__label__4 , storage networking world highlights , news and survey results from computerworld ' s twice-annual storage conference . +__label__4 , liberty alliance names first director , new members , the liberty alliance project signalled that it expects to have longevity when it comes to developing and promoting federated identity standards by naming its first executive director on monday . +__label__2 , late collapse costs park a victory , grace park was bitterly disappointed after failing to produce her second lpga title of the season sunday at the samsung world championship at big horn golf course in palm desert , california . +__label__2 , o #39 neill backs juninho to excel , celtic manager martin o #39 neill believes striker juninho is benefiting from the support of the parkhead crowd as he settles into life in the bank of scotland premier league . +__label__2 , brazilian gp sauber preview , the brazilian grand prix at sao paulo on 24 october will be the 18th and final round of the fia formula one world championship 2004 . +__label__4 , un ' must ignore cloning ban call ' , the uk ' s royal society urges the un to ignore a call by president bush to ban all forms of human cloning . +__label__1 , human lives mere pawns in game of political expediency , it would have been obtuse to miss the streak of smug satisfaction in the western response to the seizure by al-qaeda #39 s pakistani allies of two chinese engineers working on pakistan #39 s +__label__3 , google puts desktop search privacy up front , google has announced a new desktop search application that enables users to search their e-mail , files , web history , and chats . perhaps learning from previous mistakes , google says it has designed the product quot from the ground up to respect user privacy . +__label__1 , fresh violence mars afghan vote count , a deadly explosion has hit a car carrying an election worker in southeastern afghanistan . in all , five people were killed , including the worker identified as a local physician who helped organize the vote . +__label__3 , odyssey warns of weak quarter , ceo quits , chicago ( reuters ) - odyssey healthcare inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=odsy . o target=/stocks/quickinfo/fullquote> odsy . o< /a> on monday warned of an earnings shortfall , announced the resignation of its chief executive and said it was the subject of a justice department probe , sending shares of the hospice care provider plummeting 42 percent . +__label__3 , gold fields ready to fight harmony takeover , gold fields ltd . ( gfi ) said it rejected a takeover bid by harmony gold mining co . ltd . to create the world #39 s leading gold mining group , saying it was not in its interests . +__label__4 , ' frankenfish ' caught in great lakes ( reuters ) , reuters - the dreaded northern snakehead , a\voracious predator dubbed the frankenfish that can breathe\out of water and wriggle across land , has invaded the great\lakes , authorities said on friday . +__label__4 , vendors upgrade development tools , october 18 , 2004 ( computerworld ) - ibm and borland software corp . last week separately brought out upgrades to their development tool lines that executives said add support for heterogeneous environments and +__label__3 , oil prices nosedive on profit-taking , oil prices fell sharply on monday in what traders described as a wave of profit-taking sparked by a steep decline in gasoline futures . +__label__1 , g5 , pisanu europol plays key role against terrorism , ( agi ) - florence , italy , oct . 18 - quot europol must play a key role in the struggle against terorrism quot said interior minister giuseppe pisanu , illustrating the results of the g5 ( italy , uk , france , germany , spain ) interior ministers meeting held today in +__label__3 , foreign investors likely to bid for yukos unit , moscow foreign investors may take part in the sale of assets in russian oil major yukos main production unit , which could be offered at a 60 price discount to settle back taxes , russian television reported on monday . +__label__4 , apple and u2 co-host autumn music special , the links between apple and u2 grow stronger , with apple #39 s announcement that it will hold a special music event next week on october 26 . +__label__1 , iraq to widen arms amnesty , success , could point to the government #39 s ability to organise nationwide polls by the end of january . the interim government has vowed to crack down on insurgents and pacify iraq before the january election . +__label__2 , manning throws 3 tds to lead colts past titans , indianapolis ( sports network ) - peyton manning threw for 425 yards with three touchdowns and edgerrin james ran for 105 yards with a pair of scores , as the indianapolis colts shook off a sluggish start and rolled to a 51-24 victory over the tennessee titans at the rca dome . +__label__4 , bono at apple promo , p2pnet . net news - quot select quot members of the press on monday have received an invitation to a special apple itunes / ipod promo slated for october 16 , says maccentral . +__label__3 , calif . lawmaker wants to privatize state pensions , hoping to stem a tide of rising pension debt , a california legislator will propose a controversial overhaul on monday that would convert traditional public employee retirement plans to privately managed 401 ( k ) -style plans , the los +__label__3 , kmart names yum marketing maven as ceo , new york ( reuters ) - kmart holding corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kmrt . o target=/stocks/quickinfo/fullquote> kmrt . o< /a> on monday named a new president and chief executive in a move that could signal the start of a campaign to revamp the discount retailer ' s image . +__label__1 , u . s . no decision made on iraq unit ' s fate , baghdad , iraq - the u . s . military said monday no decision had been made on whether to discipline army reservists who refused a supply mission last week , despite statements from their relatives that the soldiers would be discharged . . . +__label__4 , halo 2 for xbox leaked online , pc world has posted a news article claiming that the highly anticipated game halo 2 for the xbox has been released on the net . quot microsoft confirms that a pirated copy of halo 2 for xbox in the pal video format +__label__4 , raised by others , birds use code to find their kind , like the ugly duckling , cowbirds are raised by other bird species . so how do they find each other as adults ? a new study says they have a password , among other things . +__label__2 , els still has major ambitions , ernie els has another 1 . 4m and a world match play record all to himself . but he wants more . and top of the south africans agenda for 2005 is to try to win the masters and us pga titles . +__label__2 , glazer buys more man united shares , american business tycoon malcolm glazer has increased his stake in manchester united by buying another 17million worth of shares in the club . +__label__3 , ti profit up on cellular , tv chip sales , texas instruments inc . ( txn . n quote , profile , research ) , the largest maker of chips for cellular phones , on monday said quarterly profit rose about 26 percent on demand from handset +__label__4 , ibm unveils new storage technology , ibm recently unveiled the totalstorage ds6000 , a roughly vcr-size system aimed at mid-size businesses . the new ds8000 series system features ibm power5 microprocessors and ibm #39 s virtualization +__label__3 , deutsche bank defends role in collapse of company in singapore , deutsche bank defended today its role in the collapse of a chinese government-controlled company in singapore early last week , as investigators continued to study what went wrong . +__label__4 , users buoyed by monthly patch releases , october 18 , 2004 ( computerworld ) - microsoft corp . #39 s move to a monthly patch-release cycle one year ago this month has made it easier to install security updates for windows and other products , it managers said last weekeven as they were greeted with a +__label__3 , oil retreats on signs economy hurting , new york ( reuters ) - oil prices retreated sharply after setting record highs above \$55 a barrel on monday as dealers took profits on signs that energy costs are hurting economic growth . +__label__3 , u . s . stocks gain as oil retreats , new york ( reuters ) - u . s . stocks closed higher on monday after a drop in oil prices eased worries about corporate profits , although disappointing earnings from diversified manufacturer 3m co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mmm . n target=/stocks/quickinfo/fullquote> mmm . n< /a> limited gains on the blue-chip dow . +__label__3 , kraft profit falls on higher costs , chicago ( reuters ) - kraft foods inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kft . n target=/stocks/quickinfo/fullquote> kft . n< /a> on monday posted a 3 . 8 percent drop in quarterly profit , weighed down by higher marketing spending and increased costs for cheese , coffee and other materials . +__label__1 , tennis davenport to play on , lindsay davenport says she plans to play in the australian open next january . +__label__1 , stocks edge higher as oil prices retreat , new york - a sharp drop in oil prices gave wall street a modest relief rally monday , with stocks edging higher on news that oil production had soared during the month of september . investors who have sold stocks for months as oil prices climbed reversed course monday and started buying as the price of crude declined . . . +__label__1 , usc , miami top bcs standings , not okla . , southern california took the top spot monday in the season ' s first bowl championship series standings , and surprisingly miami is ahead of oklahoma in a close race for the second spot . oklahoma is no . . . +__label__4 , ibm posts broad q3 revenue growth , new york - ibm corp . posted quarterly results on monday showing 9 percent revenue growth from last year and slight earnings growth , despite a \$320 million charge it took during the quarter to settle some claims in a lawsuit over its pension plan . +__label__2 , models replace ball boys at madrid masters , fashion models replaced traditional ball boys in the biggest surprise monday at the madrid masters , where expected winners included albert costa , alex corretja and luis horna . +__label__1 , hungary citizenship fails due to low turnout ( afp ) , afp - voters in hungary failed to turn out in sufficient numbers to pass a referendum to extend citizenship to millions of ethnic hungarians living in the region , a motion that split the country and drew fire from neighboring governments . +__label__3 , us airways workers get pay cut , ( buffalo , ny , october 18 , 2004 ) - - buffalo #39 s dominant airlines is 1 of 2 carriers that #39 s taking drastic cost cutting steps to stay in the air . +__label__2 , glazer raises stake in united to close on buy-out trigger point , malcolm glazer edged closer to triggering a mandatory bid for manchester united last night by increasing his stake in the club to 27 . +__label__3 , opel management , workers talk in job issues , the management and labor representatives of the car producer opel began talks monday on thecontroversial massive layoffs faced by its workers . +__label__3 , bass moving headquarters to florida , the bass anglers sportsman society is moving its headquarters to central florida . the bass fishing organization , based in montgomery since its inception in 1967 , announced monday +__label__2 , leggy models wont distract corretja , madrid leggy models as ballgirls won #39 t be a distraction to family man alex corretja after the veteran moved into the second round of the madrid masters yesterday . +__label__1 , u . s . no decision made on iraq unit ' s fate ( ap ) , ap - the u . s . military said monday no decision had been made on whether to discipline army reservists who refused a supply mission last week , despite statements from their relatives that the soldiers would be discharged . +__label__1 , australia to relocate embassy in baghdad ( ap ) , ap - the australian embassy in baghdad is to be moved into the strife-torn city ' s heavily fortified green zone , the government said tuesday . +__label__2 , ferguson says he is picking the wrong teams , manchester united manager alex ferguson says he has picked the wrong teams at times this season . quot maybe at the moment i am making too many changes , quot ferguson told british newspapers +__label__2 , parade of heroes sets the pace for london 2012 bid , many of britain #39 s olympic medal winners had already done a lap of honour in athens , the civic reception and some even appeared on a question of sport . +__label__2 , seahawks looking at acquiring jerry rice ( ap ) , ap - jerry rice could be headed north to reunite with seattle seahawks coach mike holmgren . +__label__2 , utah seventh in first bcs standings ( ap ) , ap - as happy as utah coach urban meyer was to hear his team was ranked seventh in the first bowl championship series standings , he didn ' t want to talk about it much . +__label__1 , australian journalist tells of capture in iraq , tony eastley an australian journalist snatched by insurgents in iraq , has contradicted claims by foreign minister alexander downer that he was kidnapped in a part of baghdad where he was advised not to go . +__label__3 , coke plans new push into energy niche , in january , coke plans to introduce an energy drink called full throttle . coke hopes it will be a better competitor than an earlier entry , the slow-selling kmx . +__label__2 , united without key pair , keane was not with the squad flying out to the czech capital after contracting a virus and ferdinand , who would almost certainly have skippered united in the irishmans absence , was due to attend his grandmothers funeral . +__label__4 , google ' s new pc search tool poses risks ( ap ) , ap - people who use public or workplace computers for e-mail , instant messaging and web searching have a new privacy risk to worry about google ' s free new tool that indexes a pc ' s contents for quickly locating data . +__label__4 , south korea to pick country ' s first 2 astronauts ( reuters ) , reuters - south korea will pick its first two\astronauts next year for a space trip by 2007 , the science\ministry said sunday , after russia agreed to help the country ' s\space program . +__label__3 , mci to take \$3 . 5 billion charge in 3q , telecommunications firm mci inc . on monday said it will take a hefty \$3 . 5 billion charge in the third quarter to impair property , equipment and intangible assets related to its consumer phone business . +__label__2 , he ' s his own adu , georgetown prep defender fro adu is proud of brother freddy , a forward for d . c . united , but wants to step out on his own . +__label__4 , former dire straits front man uses amd opteron for new album , mark knopfler , the former lead guitarist and singer for dire straits , has recorded his new quot shangri-la quot album on a dual amd opteron processor-based digital audio workstation . +__label__3 , tsa deal overpaid boeing , report says , boeing co . received at least \$49 million in excessive profits on a \$1 . 2 billion contract to supply explosives-detection systems to hundreds of the nation #39 s airports , the department of homeland +__label__1 , uk to assess iraq troop move , a reconnaissance team is to visit the area around baghdad where uk forces could be sent to provide us back-up . +__label__2 , even longer red sox win in 14 innings , boston ' s david ortiz drilled a pitch into center field , a clean single that brought home johnny damon with the winning run in a marathon game 5 in the a . l . c . s . +__label__3 , keeping mad cow out of cosmetics , since mad cow disease turned up in the united states late last year , traced to a cow imported from canada , federal regulators have issued rules to prevent the spread of the fatal disease , focusing on limiting beef imports , testing and other measures to protect the domestic herd . +__label__3 , us airways to alter flights , us airways said it will change its flight schedules in february to increase departures at its charlotte and philadelphia hubs and create a mini-hub in fort lauderdale , fla . +__label__4 , new jersey lawsuit challenges electronic voting , a coalition of private citizens and local elected officials in new jersey plan to file a lawsuit to block the state ' s use of electronic voting machines . +__label__4 , regulators approve artificial heart , the food and drug administration approved the use of an artificial heart made by syncardia systems as a temporary device for people awaiting transplants . +__label__3 , industry report dec . 6 , 2004 , with a raft of new products ready to roll out over the next few years , ford motor co . is setting big growth goals for its long-troubled lincoln mercury division . +__label__3 , kmart names new ceo , kmart yesterday hired a restaurant and branding expert as its new president and chief executive officer , suggesting the nation #39 s third-largest discount retailer would soon start +__label__2 , nba roundup o #39 neal puts on a show for new fans in miami , miami -- shaquille o #39 neal swatted away boris diaw #39 s lay-up to preserve a 26-point lead , then waved into a nearby television camera the moment he landed on his feet . +__label__1 , candidates spar on iraq , terrorism war , president bush and democratic challenger john f . kerry lunged into the final two weeks of the 2004 presidential campaign on monday by feuding feverishly over the iraq war and the fight against terrorists . +__label__3 , rates on short-term t-bills hit 30-month high , washington -- interest rates on short-term treasury bills rose in yesterday ' s auction to the highest levels in 30 months . +__label__2 , exhausted yankees still in good shape , even after two draining nights of disappointment , the new york yankees are still in good shape . sure , they squandered a pair of chances to close out boston . +__label__3 , gm protests spread across europe , tens of thousands of general motors workers across europe were set to stop working on tuesday in a sign of solidarity with their german colleagues , who face massive job cuts . +__label__2 , ortiz , sox rally to fight another day sink yanks in 14 , send < b> . . . < /b> , the official crowd at fenway park last night was a capacity 35 , 120 , but as the years pass , the number of people who claim to have attended the red sox stats , schedule #39 5-4 , 14-inning victory +__label__1 , n korea crisis talks set to resume , a top north korean official has flagged the resumption of multilateral talks over the country #39 s efforts to develop nuclear weapons . +__label__1 , karzai camp scents victory early in afghan poll , kabul ( reuters ) - afghan president hamid karzai was on course on tuesday for an outright victory in the country ' s historic presidential election with almost a quarter of the votes counted from the poll 10 days ago . +__label__4 , microsoft , cisco partner on network-access security , microsoft and cisco systems will collaborate to make their emerging products for network security compatible . the vendors had been working independently in the area of pc access to networks but say customers +__label__4 , red hat appoints head of desktop infrastructure , linux distributor red hat inc has appointed a vice president of desktop infrastructure technologies , a new position demonstrating its renewed commitment to linux as a desktop operating system . +__label__2 , pro hockey notebook 10/19/04 , courtney prince , 25 , of manhattan , a former captain of the new york rangers #39 skating cheerleading squad sued the owner of madison square garden , saying she was fired after she told +__label__4 , intel gets off chip speed roller coaster , technology india new york , oct 19 the world #39 s leading computer chipmaker intel has jumped off the chip speed roller coaster by yanking its four giga hertz ( 4 ghz ) pentium 4 processor off the drawing board . +__label__4 , trust digital gets ceo , cash influx , trust digital inc . , a mclean software company , is getting a new chief executive and \$3 . 1 million in new investments as it tries to expand its business making security software for wireless devices . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__3 , key areas of sainsbury #39 s revival strategy , sainsburys chief executive justin king today unveiled his long-term plan to return the uks third largest supermarket chain to its former glory . __label__4 , creative sound blaster wireless music , < strong> review< /strong> from pc to hi-fi via wi-fi -__label__1 , myanmar pm sacked , arrested for corruption ( afp ) , afp - myanmar ' s prime minister general khin nyunt -- among the most reformist of the military regime ' s leaders -- has been sacked and placed under house arrest for alleged corruption , a thai government spokesman said . -__label__1 , charity chief kidnapped in iraq , care international charity says its chief of operations in iraq has been kidnapped in baghdad . a spokeswoman told reuters on tuesday that margaret hassan , who has been working -__label__3 , constellation brands offers \$1 . 3 billion for mondavi ( update1 ) , constellation brands inc . , the world #39 s largest winemaker , offered \$1 . 3 billion in cash to acquire robert mondavi corp . , maker of lower-price woodbridge wines . -__label__3 , texas instruments plans investment , us-based chipmaker texas instruments inc . said it will spend about us\$300 million ( euro 240 million ) over the next three years to increase output at its facilities in the northern philippines . -__label__1 , care official kidnapped in baghdad , margaret hassan , said to be a british-born iraqi national , the director of care international #39 s operation in iraq is seen in this image made from video footage made on may 20 , 2003 . -__label__4 , solar minimum is coming soon , something strange happened on the sun last week all the sunspots vanished . this is a sign , say scientists , that solar minimum is coming sooner than expected . -__label__4 , microsoft pushes sql server 2005 back , users and developers anxious to get their hands on microsoft sql server 2005 will have wait a little longer . since early this year microsoft said to expect the finished version of the product in the first half of 2005 . -__label__4 , microsoft no extra licenses needed for multicore chips , customers that use the dual-core processors that intel corp . and advanced micro devices inc . ( amd ) are expected to begin shipping next year will not need to buy extra licenses for microsoft corp . software , the software maker will announce tuesday . -__label__4 , amd pushes desktop performance with new chips , advanced micro devices inc . ( amd ) is expected to unveil its most powerful desktop processors to date on tuesday , a few days after rival intel corp . disclosed changes to its desktop processor road map . -__label__4 , amd readies powerful desktop chips , new athlon 64 processors will compete with intel ' s pentium 4 extreme edition . -__label__4 , flat-screen tv emits international distress signal , could your tv call the air force ? apparently , toshiba flat-screens can ! tv doesn #39 t get much better than this . . . quot an oregon man discovered earlier this month that his year-old toshiba corporation flat-screen -__label__1 , sharon ' at risk of assassination ' , israel ' s opposition leader warns that the prime minister risks being assassinated over his gaza disengagement plan . -__label__1 , glazer stake in man utd nears 30 , us tycoon malcolm glazer lifts his stake in manchester utd to 28 . 11 , one day after spending 17m on further share buys . -__label__3 , start of ebbers trial delayed , new york -- a federal judge has delayed the trial of former worldcom chief bernard ebbers until january 17th . the trial had been set to start november ninth . -__label__4 , symbol arms mobile professionals with new handheld , symbol technologies tuesday launched a line of enterprise-class handheld devices aimed at mobile professionals such as retail managers and supply chain management professionals . -__label__2 , haas , dent win openers at madrid masters , tommy haas of germany and taylor dent of the united states advanced to the second round of the madrid masters after easy wins tuesday . -__label__2 , barcelona crush malaga 4-0 , madrid , dec . 5 . - samuel etoo scored twice to help fc barcelona beat malaga 4-0 and extend its lead in the spanish league to 10 points . -__label__3 , update 2-sprint raises forecast , cuts \$3 . 5 bln from assets , sprint corp . ( fon . n quote , profile , research ) on tuesday reported a larger third-quarter loss due to a \$3 . 5 billion write-down in the value of its long-distance assets . -__label__2 , a game to remember , charlton #39 s players past and present would have been proud with this display - and how fitting that a game marking the addicks #39 centenary had everything you could wish for from a match . -__label__1 , national guard hq attacked near baghdad , a mortar attack on an iraqi national guard headquarters north of baghdad killed at least four national guards and injured 80 others , officials said tuesday . -__label__3 , sainsbury takes profit hit , j sainsbury will take a 550 million ( \$991 million ) hit to profits this year as it invests to boost sales and reverse falling market share , britain #39 s third-biggest supermarket chain said tuesday . -__label__4 , greenspan debt , home prices not dangerous , the record level of debt carried by american households and soaring home prices do not appear to represent serious threats to the us economy , federal reserve chairman alan greenspan said tuesday . -__label__3 , wells fargo profit rises 12 percent , new york ( reuters ) - wells fargo co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wfc . n target=/stocks/quickinfo/fullquote> wfc . n< /a> , the no . 4 u . s . bank , on tuesday said third-quarter profit rose a lower-than-expected 12 percent after a downturn in home mortgage lending . -__label__2 , tennessee ' s johnson suspended for gun ( ap ) , ap - tennessee starting safety brandon johnson was suspended indefinitely because he fired a gun into the air near campus . -__label__4 , u2 , apple in ipod deal , bono wins ted prize , u2 and apple computer are expected to announce next week that they have inked a deal to sell custom ipods . according to a source , the band #39 s upcoming interscope album quot how to dismantle an atomic bomb , quot due nov . -__label__3 , coke opens fridge door to rivals , coca cola says it will allow retailers to stock rival drinks in its branded coolers as part of a deal with eu anti-trust watchdogs . -__label__1 , ancient fungus ' revived ' in lab , fungus from a deep-sea sediment core that is hundreds of thousands of years old will grow when placed in culture , scientists discover . -__label__4 , neemo ' s undersea operations making telemedicine a long distance reality ( space . com ) , space . com - it gives new meaning to the term housecall , but aquanauts aboard nasa ' s undersea research station , aquarius , have performed simulated medical procedures with the help of a canadian doctor 1300 miles away . -__label__1 , karzai heading for afghan victory , supporters of afghan president hamid karzai say he is on course to win the presidential elections , with about one-quarter of the votes counted . -__label__4 , microsoft no extra licenses needed for multicore chips , october 19 , 2004 ( idg news service ) - customers that use the dual-core processors intel corp . and advanced micro devices inc . expect to ship next year won #39 t need to buy extra licenses for microsoft corp . -__label__1 , iran given nuclear deadline , the ( international atomic energy agency ) board of governors , quot he said . quot a proposal will be put to them . quot . produce fuel for nuclear weapons -- but tehran rejected the demand as illegal . +__label__1 , myanmar pm sacked , arrested for corruption ( afp ) , afp - myanmar ' s prime minister general khin nyunt -- among the most reformist of the military regime ' s leaders -- has been sacked and placed under house arrest for alleged corruption , a thai government spokesman said . +__label__1 , charity chief kidnapped in iraq , care international charity says its chief of operations in iraq has been kidnapped in baghdad . a spokeswoman told reuters on tuesday that margaret hassan , who has been working +__label__3 , constellation brands offers \$1 . 3 billion for mondavi ( update1 ) , constellation brands inc . , the world #39 s largest winemaker , offered \$1 . 3 billion in cash to acquire robert mondavi corp . , maker of lower-price woodbridge wines . +__label__3 , texas instruments plans investment , us-based chipmaker texas instruments inc . said it will spend about us\$300 million ( euro 240 million ) over the next three years to increase output at its facilities in the northern philippines . +__label__1 , care official kidnapped in baghdad , margaret hassan , said to be a british-born iraqi national , the director of care international #39 s operation in iraq is seen in this image made from video footage made on may 20 , 2003 . +__label__4 , solar minimum is coming soon , something strange happened on the sun last week all the sunspots vanished . this is a sign , say scientists , that solar minimum is coming sooner than expected . +__label__4 , microsoft pushes sql server 2005 back , users and developers anxious to get their hands on microsoft sql server 2005 will have wait a little longer . since early this year microsoft said to expect the finished version of the product in the first half of 2005 . +__label__4 , microsoft no extra licenses needed for multicore chips , customers that use the dual-core processors that intel corp . and advanced micro devices inc . ( amd ) are expected to begin shipping next year will not need to buy extra licenses for microsoft corp . software , the software maker will announce tuesday . +__label__4 , amd pushes desktop performance with new chips , advanced micro devices inc . ( amd ) is expected to unveil its most powerful desktop processors to date on tuesday , a few days after rival intel corp . disclosed changes to its desktop processor road map . +__label__4 , amd readies powerful desktop chips , new athlon 64 processors will compete with intel ' s pentium 4 extreme edition . +__label__4 , flat-screen tv emits international distress signal , could your tv call the air force ? apparently , toshiba flat-screens can ! tv doesn #39 t get much better than this . . . quot an oregon man discovered earlier this month that his year-old toshiba corporation flat-screen +__label__1 , sharon ' at risk of assassination ' , israel ' s opposition leader warns that the prime minister risks being assassinated over his gaza disengagement plan . +__label__1 , glazer stake in man utd nears 30 , us tycoon malcolm glazer lifts his stake in manchester utd to 28 . 11 , one day after spending 17m on further share buys . +__label__3 , start of ebbers trial delayed , new york -- a federal judge has delayed the trial of former worldcom chief bernard ebbers until january 17th . the trial had been set to start november ninth . +__label__4 , symbol arms mobile professionals with new handheld , symbol technologies tuesday launched a line of enterprise-class handheld devices aimed at mobile professionals such as retail managers and supply chain management professionals . +__label__2 , haas , dent win openers at madrid masters , tommy haas of germany and taylor dent of the united states advanced to the second round of the madrid masters after easy wins tuesday . +__label__2 , barcelona crush malaga 4-0 , madrid , dec . 5 . - samuel etoo scored twice to help fc barcelona beat malaga 4-0 and extend its lead in the spanish league to 10 points . +__label__3 , update 2-sprint raises forecast , cuts \$3 . 5 bln from assets , sprint corp . ( fon . n quote , profile , research ) on tuesday reported a larger third-quarter loss due to a \$3 . 5 billion write-down in the value of its long-distance assets . +__label__2 , a game to remember , charlton #39 s players past and present would have been proud with this display - and how fitting that a game marking the addicks #39 centenary had everything you could wish for from a match . +__label__1 , national guard hq attacked near baghdad , a mortar attack on an iraqi national guard headquarters north of baghdad killed at least four national guards and injured 80 others , officials said tuesday . +__label__3 , sainsbury takes profit hit , j sainsbury will take a 550 million ( \$991 million ) hit to profits this year as it invests to boost sales and reverse falling market share , britain #39 s third-biggest supermarket chain said tuesday . +__label__4 , greenspan debt , home prices not dangerous , the record level of debt carried by american households and soaring home prices do not appear to represent serious threats to the us economy , federal reserve chairman alan greenspan said tuesday . +__label__3 , wells fargo profit rises 12 percent , new york ( reuters ) - wells fargo co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wfc . n target=/stocks/quickinfo/fullquote> wfc . n< /a> , the no . 4 u . s . bank , on tuesday said third-quarter profit rose a lower-than-expected 12 percent after a downturn in home mortgage lending . +__label__2 , tennessee ' s johnson suspended for gun ( ap ) , ap - tennessee starting safety brandon johnson was suspended indefinitely because he fired a gun into the air near campus . +__label__4 , u2 , apple in ipod deal , bono wins ted prize , u2 and apple computer are expected to announce next week that they have inked a deal to sell custom ipods . according to a source , the band #39 s upcoming interscope album quot how to dismantle an atomic bomb , quot due nov . +__label__3 , coke opens fridge door to rivals , coca cola says it will allow retailers to stock rival drinks in its branded coolers as part of a deal with eu anti-trust watchdogs . +__label__1 , ancient fungus ' revived ' in lab , fungus from a deep-sea sediment core that is hundreds of thousands of years old will grow when placed in culture , scientists discover . +__label__4 , neemo ' s undersea operations making telemedicine a long distance reality ( space . com ) , space . com - it gives new meaning to the term housecall , but aquanauts aboard nasa ' s undersea research station , aquarius , have performed simulated medical procedures with the help of a canadian doctor 1300 miles away . +__label__1 , karzai heading for afghan victory , supporters of afghan president hamid karzai say he is on course to win the presidential elections , with about one-quarter of the votes counted . +__label__4 , microsoft no extra licenses needed for multicore chips , october 19 , 2004 ( idg news service ) - customers that use the dual-core processors intel corp . and advanced micro devices inc . expect to ship next year won #39 t need to buy extra licenses for microsoft corp . +__label__1 , iran given nuclear deadline , the ( international atomic energy agency ) board of governors , quot he said . quot a proposal will be put to them . quot . produce fuel for nuclear weapons -- but tehran rejected the demand as illegal . __label__4 , digital home entertainment hits the road , theater-quality entertainment systems are coming to the car . is rush hour ready for wireless file swapping ? \< br /> photo gallery consumer gear takes a test drive -__label__1 , journalist i just kept talking , baghdad - iraqi militants threatened to kill an australian journalist and interrogated him for more than 20 hours after kidnapping him outside a baghdad hotel . -__label__3 , vanguard cuts fees in some college funds , new york ( reuters ) - the vanguard group said on tuesday it has lowered expense ratios on six portfolios in its 529 college savings plan sponsored by the state of nevada . -__label__3 , s amp p says may cut constellation brands #39 debt rating , standard amp poor #39 s on tuesday said it may cut the debt rating for constellation brands ( stz . n quote , profile , research ) deeper into junk , after the wine and beer distributor said it had launched an unsolicited offer of \$970 -__label__4 , single license for dual core at microsoft , microsoft ( quote , chart ) said it has clarified its software licensing policies to address a new trend in microprocessors and to keep the pressure on its rivals . -__label__2 , venus gets revenge , mauresmo withdraws , zurich , switzerland ( ticker ) - venus williams got a measure of revenge against karolina sprem of croatia at the swisscom challenge on tuesday . -__label__2 , we can win the series , says ganguly , quot after the momentum we have got in chennai , we should win the next two tests . we are quite capable of winning the series , quot ganguly said . -__label__4 , chirac europe can do more in science race ( ap ) , ap - a european laboratory that was the birthplace of the world wide web and home of nobel prize-winning developments in understanding the origins of the universe celebrated its 50th birthday tuesday . but french president jacques chirac warned that despite those illustrious achievements , european scientists are falling behind . -__label__4 , briefly akamai boosts web application services , roundup plus good technology supported by hp , samsung . . . rim touts blackberry with wi-fi . . . hp to sell voltaire ' s infiniband switch . -__label__3 , us insurance stocks plunge on concern about spitzer ( update3 ) , the plunge in us insurance stocks widened to include companies such as aetna inc . and humana inc . on concern new york attorney general eliot spitzer #39 s probe of the industry will drag down profits . -__label__1 , feds mum on pre-election terror threat ( ap ) , ap - fbi , justice department and homeland security department officials aren ' t talking much about the threat of a terrorist attack to disrupt the election in two weeks . -__label__1 , video shows march madrid bombing , a ball of fire erupts from a train car , smothering commuters with smoke and littering the platform with bodies and staining it with blood in a chilling security-camera videotape of the march 11 train bombings broadcast tuesday by a spanish station . -__label__3 , ea reports higher quarterly profits , los angeles ( reuters ) - no . 1 video game maker electronic arts inc on tuesday reported higher quarterly profits on strong demand for titles like madden nfl 2005 , but its stock price fell after a holiday forecast fell short of wall street expectations . -__label__4 , album-on-a-card , p2pnet . net news - if you #39 re in britain and you see people peering intently at their mobile phones , tapping their feet and snapping their fingers at the same time , they might be checking out the new robbie williams greatest hits album . -__label__4 , amd assaults new performance heights with new chips , as expected , advanced micro devices , on tuesday officially released its new microprocessors aimed at high-end desktop computers . the new chips set the new records in a variety of industrial benchmarks and -__label__4 , toshiba to unveil hd dvd laptops in 2005 -- paper , tokyo ( reuters ) - japan ' s toshiba corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=6502 . t qtype=sym infotype=info qcat=news> 6502 . t< /a> will introduce laptop computers with hd dvd technology in december 2005 , aiming to pressure rivals in the battle over formats for next-generation dvds , the nihon keizai daily said on wednesday . -__label__3 , profit jumps at motorola , but shares trade lower , ot quot gt motorola , the world #39 s second-largest maker of cellphones , said yesterday that its profit more than quadrupled in the third quarter and revenue jumped 26 percent compared with the quarter -__label__2 , owen tastes real joy , england striker michael owen could not have been a happier man after finally finding the net for real madrid today . the former liverpool man had fallen short for his new club and had suffered the brickbats -__label__2 , nets 96 , bobcats 89 nets win but they still look out of sorts , one night after they were pounded by 19 points in a preseason game in cleveland , the nets looked like a much different team against the expansion charlotte bobcats -__label__2 , veterans face quandary with pistons , antonio mcdyess and derrick coleman understood that coming to the defending nba champion detroit pistons offered the best and worst scenarios for a veteran player . -__label__1 , britain charges cleric sought by us for aiding terrorism , a radical muslim cleric who is wanted on terrorism charges in the united states was accused by british prosecutors tuesday of encouraging others to murder non-believers , including jews , and inciting racial hatred . -__label__3 , us stocks market drops as insurers #39 woes offset ibm , new york - us stocks fell on tuesday as health insurers #39 shares slid on worries that the new york attorney general #39 s probe will hit the entire industry . -__label__2 , nets 96 , bobcats 89 , east rutherford , nj - in some ways , the new jersey nets are searching for an identity as much as the expansion charlotte bobcats . it #39 s the price of being dismantled in the offseason . -__label__3 , 3 former enron executives to share a trial , kenneth lay , a founder of the enron corporation , will get two criminal trials - one by himself and one with his former protg , jeffrey skilling , a judge ruled tuesday . -__label__4 , soy-fertility risk downplayed , ( webmd ) eating a diet rich in soy or taking soy supplements probably won #39 t harm a woman #39 s fertility , according to a new study . -__label__3 , coke opens its coolers to rival products , coca cola is to allow other companies #39 products in its shop coolers for the first time . it has agreed the move in a deal with the european commission to settle a five year competition case . -__label__3 , oil eases again as fuel costs hit economy ( reuters ) , reuters - oil prices ended lower on tuesday on\signs that high energy costs are slowing the economic growth\that has fueled this year ' s sharp increase in world oil\consumption . -__label__1 , soldier to plead guilty in iraq abuse case ( ap ) , ap - an army reservist charged with abusing iraqi prisoners plans to plead guilty at a court martial to four counts arising from the abu ghraib prison abuse scandal in a plea deal in which eight other counts will be dropped , his lawyer has said . -__label__2 , logjam at the point , doc rivers does not subscribe to the mad scientist , mix-and-match method when it comes to selecting a backup point guard . he does not want a rotation of marcus banks , jiri welsch , and delonte west picking up the minutes gary payton leaves behind . he does not want the trio of young , inexperienced guards wondering about playing time in addition . . . -__label__3 , facing a fund gap , lucent technologies ' population of retired workers has grown so large over the years , there are four retirees for every active employee on its payroll . with health insurance costs soaring , lucent now is saying that it ' s time for retirees to help pay for the benefit . -__label__1 , f1 british grand prix ruled out , jackie stewart rejects bernie ecclestone ' s claims that the british grand prix is dead . -__label__3 , web-based kidney match raises ethics questions , a colorado man who placed a quot transplant wanted quot ad on a massachusetts-based internet site is expected today to receive a kidney donated by a total stranger who simply wanted to do quot something big . quot the transaction marks the first time an organ transplant has been brokered by a commercial web company . -__label__1 , seven suspected terrorists arrested in spain , spain #39 s interior minister says police have broken up a radical muslim cell , plotting to bomb the country #39 s national court . -__label__4 , apple #39 s newest wrinkle the customized , u2 ipod , apple computer and the rock band u2 have inked a deal to sell customized ipods , the post has learned . the announcement will be made at a splashy event oct . -__label__2 , shakhtar to beat celtic twice , bets marica , donetsk , ukraine , oct . 20 -- shakhtar donetsks romanian teenage forward ciprian marica believes his sides strong team spirit will see them beat celtic twice in the uefa champions league . -__label__2 , franklin claims a test hat-trick , dhaka , bangladesh -- james franklin became the second new zealander to take a test hat-trick , on the second day of the first test against bangladesh in dhaka . -__label__1 , earthquake shook yunnan , china , baoshan , china - a strong earthquake shook southwest china . the epicenter of magnitude 5 quakes on the richter scale was located in the province of yunnan not far from the city of baoshan . -__label__2 , game 5 marathon rated highly with viewers , monday ' s game 5 of the red sox-yankees series showed an interesting ratings pattern . the window from 5 15-8 p . m . , the time allotted for the telecast , did a 42 . 2 rating and 66 audience share in boston . those are terrific numbers for any market . the better news for fox was that the game was only half-over at that point . -__label__4 , online gambling attracts surfers , more than four million britons are regular internet gamblers according to new research . -__label__1 , karzai ' s big poll lead shows afghan ethnic divide ( reuters ) , reuters - hamid karzai was cruising to victory in\afghanistan ' s first direct presidential elections , but by\wednesday the returns so far have underscored the ethnic fault\lines that have often divided the country . -__label__1 , anglican claims he was misquoted over attack on archbishop of canterbury ( afp ) , afp - anglican dean of sydney phillip jensen , whose reported attacks on the archbishop of canterbury and prince charles sparked a storm of protest last week , claims he never made the comments attributed to him by the media . -__label__4 , motorola quarterly earnings rise , motorola inc . , the world ' s no . 2 maker of cell phones , on tuesday said its quarterly profit\more than tripled , as sales rose 26 percent , driven in part by a host of new handset models and cost controls . -__label__3 , unit trust fan targets health care , new york ( reuters ) - businessman sam katz tried to tap into warren buffet ' s gravy train a decade ago with a plan to make the legendary investor ' s lofty berkshire hathaway shares more accessible to the small investor . -__label__4 , nj residents file lawsuit to block e-voting , washington - a coalition of new jersey residents filed a lawsuit tuesday asking a judge to stop the state from using electronic voting machines in the nov . 2 election . -__label__3 , growing auto losses cloud ford #39 s outlook , ford motor co . swung to a third-quarter profit , but losses at the automakers global automotive operations widened , underscoring the difficulty ford still faces -__label__4 , amd readies powerful desktop chips , amd is expected to unveil its most powerful desktop processors to date this week , a few days after rival intel disclosed changes to its desktop processor road map . -__label__4 , fcc chair to seek net telephone oversight , fcc chairman michael powell said tuesday that he would seek broad regulatory authority for the federal government over internet-based telephone services to avoid stifling the emerging market . -__label__1 , kerry win would trigger fierce senate race ( ap ) , ap - if john kerry is elected president , massachusetts would end up with its first senate vacancy in 20 years , triggering a springtime special election that could determine the balance of power in congress ' upper chamber . -__label__1 , lebanon pm resigns , says will not head new govt . , beirut ( reuters ) - lebanon ' s prime minister rafik al-hariri resigned wednesday and said he would not form a new government , following a widely opposed constitutional change to keep the syrian-backed president in office . -__label__1 , russian army bullying ' horrific ' , the ritual of organised bullying in the russian army is getting worse , an international rights group warns . -__label__3 , 230m claim against ft struck out , the high court in london has struck out the bulk of a record 240m libel damages claim brought against the financial times by investment bank collins stewart tullet . -__label__3 , colgate profit falls on higher costs , new york ( reuters ) - colgate-palmolive co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cl . n target=/stocks/quickinfo/fullquote> cl . n< /a> on wednesday said profit fell in the third quarter , as it warned it would a month ago , because of increased marketing spending and higher costs for raw materials . -__label__4 , software licensing moving toward subscription , utility models ( ziff davis ) , ziff davis - panelists at softsummit point to emerging alternatives to perpetual licensing but say the transition won ' t be easy . -__label__3 , northwest airlines swings to 3q loss , northwest airlines corp . posted a third-quarter loss on wednesday , compared with profits a year ago , due to rising fuel costs and low-fare competition . -__label__3 , children #39 s place to buy disney stores , in effort to expand market share , firm says it will invest \$100m in disney #39 s money-losing business . new york ( reuters ) - children #39 s place retail stores inc . -__label__1 , spain arrests eight over plot to bomb court , a terrorist attack believed to be aimed at the national court in madrid seems to have been foiled by the arrest in the past two days of eight alleged radical islamists . -__label__4 , sales of industrial robots surging un report , geneva - worldwide sales of industrial robots surged to record levels in the first half of 2004 after equipment prices fell while labour costs grew , the united nations economic commission for europe said in a report to be released today . -__label__3 , cummins 3q profit more than quadruples , service engine maker cummins inc . on wednesday said that third-quarter profits more than quadrupled - beating both its own guidance and wall street estimates - and full-year earnings would also exceed previous expectations . -__label__3 , opel workers abandon wildcat strikes , bochum - workers at the opel carmaking plant in the city of bochum voted overwhelmingly wednesday to end their nearly week-long wildcat strike and were to return almost immediately to work , officials announced . -__label__3 , south african miner in hostile bid for gold fields , harmony gold mining , the largest miner of south african gold , made a hostile bid yesterday to acquire gold fields ltd . , another south african miner , for 52 . -__label__2 , patriots place sam on injured reserve , foxboro , mass . , ( sports network ) - the new england patriots placed rookie wide receiver p . k . sam on injured reserve wednesday with a groin injury . -__label__3 , judge blocks record libel claim against financial times , london ( afp ) - a judge at the london high court struck out the bulk of a record libel damages claim of 240 million pounds ( 345 million euros , 434 million dollars ) against the financial times by stockbroker collins stewart tullet . -__label__1 , bookies take bets on new band aid , bookies take bets on a new band aid single being christmas no 1 , expected to be confirmed by midge ure . -__label__2 , petherick delighted over franklin hat trick , peter petherick welcomed james franklin into the test hat trick club with open arms last night . the former offspinner , who took his hat-trick on debut against pakistan in lahore 28 years -__label__1 , live prime minister #39 s questions , despite alan milburn holding his first press conference as labour #39 s election strategist yesterday , it #39 s unlikely tony blair will be able to escape the shadow of iraq at today #39 s session of pmqs . -__label__3 , coca-cola bottling #39 s 3q profit drops , coca-cola bottling co . consolidated , the coca-cola co . #39 s major bottler and distributor in the southeast , said wednesday that third-quarter profit fell as bad weather , high fuel prices and fewer promotions led to lower volume . -__label__4 , humans aren #39 t so complicated , a refined map of the human genome shows that humans have even fewer genes than previously thought -- less than 25 , 000 , about the same as a mustard green . +__label__1 , journalist i just kept talking , baghdad - iraqi militants threatened to kill an australian journalist and interrogated him for more than 20 hours after kidnapping him outside a baghdad hotel . +__label__3 , vanguard cuts fees in some college funds , new york ( reuters ) - the vanguard group said on tuesday it has lowered expense ratios on six portfolios in its 529 college savings plan sponsored by the state of nevada . +__label__3 , s amp p says may cut constellation brands #39 debt rating , standard amp poor #39 s on tuesday said it may cut the debt rating for constellation brands ( stz . n quote , profile , research ) deeper into junk , after the wine and beer distributor said it had launched an unsolicited offer of \$970 +__label__4 , single license for dual core at microsoft , microsoft ( quote , chart ) said it has clarified its software licensing policies to address a new trend in microprocessors and to keep the pressure on its rivals . +__label__2 , venus gets revenge , mauresmo withdraws , zurich , switzerland ( ticker ) - venus williams got a measure of revenge against karolina sprem of croatia at the swisscom challenge on tuesday . +__label__2 , we can win the series , says ganguly , quot after the momentum we have got in chennai , we should win the next two tests . we are quite capable of winning the series , quot ganguly said . +__label__4 , chirac europe can do more in science race ( ap ) , ap - a european laboratory that was the birthplace of the world wide web and home of nobel prize-winning developments in understanding the origins of the universe celebrated its 50th birthday tuesday . but french president jacques chirac warned that despite those illustrious achievements , european scientists are falling behind . +__label__4 , briefly akamai boosts web application services , roundup plus good technology supported by hp , samsung . . . rim touts blackberry with wi-fi . . . hp to sell voltaire ' s infiniband switch . +__label__3 , us insurance stocks plunge on concern about spitzer ( update3 ) , the plunge in us insurance stocks widened to include companies such as aetna inc . and humana inc . on concern new york attorney general eliot spitzer #39 s probe of the industry will drag down profits . +__label__1 , feds mum on pre-election terror threat ( ap ) , ap - fbi , justice department and homeland security department officials aren ' t talking much about the threat of a terrorist attack to disrupt the election in two weeks . +__label__1 , video shows march madrid bombing , a ball of fire erupts from a train car , smothering commuters with smoke and littering the platform with bodies and staining it with blood in a chilling security-camera videotape of the march 11 train bombings broadcast tuesday by a spanish station . +__label__3 , ea reports higher quarterly profits , los angeles ( reuters ) - no . 1 video game maker electronic arts inc on tuesday reported higher quarterly profits on strong demand for titles like madden nfl 2005 , but its stock price fell after a holiday forecast fell short of wall street expectations . +__label__4 , album-on-a-card , p2pnet . net news - if you #39 re in britain and you see people peering intently at their mobile phones , tapping their feet and snapping their fingers at the same time , they might be checking out the new robbie williams greatest hits album . +__label__4 , amd assaults new performance heights with new chips , as expected , advanced micro devices , on tuesday officially released its new microprocessors aimed at high-end desktop computers . the new chips set the new records in a variety of industrial benchmarks and +__label__4 , toshiba to unveil hd dvd laptops in 2005 -- paper , tokyo ( reuters ) - japan ' s toshiba corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=6502 . t qtype=sym infotype=info qcat=news> 6502 . t< /a> will introduce laptop computers with hd dvd technology in december 2005 , aiming to pressure rivals in the battle over formats for next-generation dvds , the nihon keizai daily said on wednesday . +__label__3 , profit jumps at motorola , but shares trade lower , ot quot gt motorola , the world #39 s second-largest maker of cellphones , said yesterday that its profit more than quadrupled in the third quarter and revenue jumped 26 percent compared with the quarter +__label__2 , owen tastes real joy , england striker michael owen could not have been a happier man after finally finding the net for real madrid today . the former liverpool man had fallen short for his new club and had suffered the brickbats +__label__2 , nets 96 , bobcats 89 nets win but they still look out of sorts , one night after they were pounded by 19 points in a preseason game in cleveland , the nets looked like a much different team against the expansion charlotte bobcats +__label__2 , veterans face quandary with pistons , antonio mcdyess and derrick coleman understood that coming to the defending nba champion detroit pistons offered the best and worst scenarios for a veteran player . +__label__1 , britain charges cleric sought by us for aiding terrorism , a radical muslim cleric who is wanted on terrorism charges in the united states was accused by british prosecutors tuesday of encouraging others to murder non-believers , including jews , and inciting racial hatred . +__label__3 , us stocks market drops as insurers #39 woes offset ibm , new york - us stocks fell on tuesday as health insurers #39 shares slid on worries that the new york attorney general #39 s probe will hit the entire industry . +__label__2 , nets 96 , bobcats 89 , east rutherford , nj - in some ways , the new jersey nets are searching for an identity as much as the expansion charlotte bobcats . it #39 s the price of being dismantled in the offseason . +__label__3 , 3 former enron executives to share a trial , kenneth lay , a founder of the enron corporation , will get two criminal trials - one by himself and one with his former protg , jeffrey skilling , a judge ruled tuesday . +__label__4 , soy-fertility risk downplayed , ( webmd ) eating a diet rich in soy or taking soy supplements probably won #39 t harm a woman #39 s fertility , according to a new study . +__label__3 , coke opens its coolers to rival products , coca cola is to allow other companies #39 products in its shop coolers for the first time . it has agreed the move in a deal with the european commission to settle a five year competition case . +__label__3 , oil eases again as fuel costs hit economy ( reuters ) , reuters - oil prices ended lower on tuesday on\signs that high energy costs are slowing the economic growth\that has fueled this year ' s sharp increase in world oil\consumption . +__label__1 , soldier to plead guilty in iraq abuse case ( ap ) , ap - an army reservist charged with abusing iraqi prisoners plans to plead guilty at a court martial to four counts arising from the abu ghraib prison abuse scandal in a plea deal in which eight other counts will be dropped , his lawyer has said . +__label__2 , logjam at the point , doc rivers does not subscribe to the mad scientist , mix-and-match method when it comes to selecting a backup point guard . he does not want a rotation of marcus banks , jiri welsch , and delonte west picking up the minutes gary payton leaves behind . he does not want the trio of young , inexperienced guards wondering about playing time in addition . . . +__label__3 , facing a fund gap , lucent technologies ' population of retired workers has grown so large over the years , there are four retirees for every active employee on its payroll . with health insurance costs soaring , lucent now is saying that it ' s time for retirees to help pay for the benefit . +__label__1 , f1 british grand prix ruled out , jackie stewart rejects bernie ecclestone ' s claims that the british grand prix is dead . +__label__3 , web-based kidney match raises ethics questions , a colorado man who placed a quot transplant wanted quot ad on a massachusetts-based internet site is expected today to receive a kidney donated by a total stranger who simply wanted to do quot something big . quot the transaction marks the first time an organ transplant has been brokered by a commercial web company . +__label__1 , seven suspected terrorists arrested in spain , spain #39 s interior minister says police have broken up a radical muslim cell , plotting to bomb the country #39 s national court . +__label__4 , apple #39 s newest wrinkle the customized , u2 ipod , apple computer and the rock band u2 have inked a deal to sell customized ipods , the post has learned . the announcement will be made at a splashy event oct . +__label__2 , shakhtar to beat celtic twice , bets marica , donetsk , ukraine , oct . 20 -- shakhtar donetsks romanian teenage forward ciprian marica believes his sides strong team spirit will see them beat celtic twice in the uefa champions league . +__label__2 , franklin claims a test hat-trick , dhaka , bangladesh -- james franklin became the second new zealander to take a test hat-trick , on the second day of the first test against bangladesh in dhaka . +__label__1 , earthquake shook yunnan , china , baoshan , china - a strong earthquake shook southwest china . the epicenter of magnitude 5 quakes on the richter scale was located in the province of yunnan not far from the city of baoshan . +__label__2 , game 5 marathon rated highly with viewers , monday ' s game 5 of the red sox-yankees series showed an interesting ratings pattern . the window from 5 15-8 p . m . , the time allotted for the telecast , did a 42 . 2 rating and 66 audience share in boston . those are terrific numbers for any market . the better news for fox was that the game was only half-over at that point . +__label__4 , online gambling attracts surfers , more than four million britons are regular internet gamblers according to new research . +__label__1 , karzai ' s big poll lead shows afghan ethnic divide ( reuters ) , reuters - hamid karzai was cruising to victory in\afghanistan ' s first direct presidential elections , but by\wednesday the returns so far have underscored the ethnic fault\lines that have often divided the country . +__label__1 , anglican claims he was misquoted over attack on archbishop of canterbury ( afp ) , afp - anglican dean of sydney phillip jensen , whose reported attacks on the archbishop of canterbury and prince charles sparked a storm of protest last week , claims he never made the comments attributed to him by the media . +__label__4 , motorola quarterly earnings rise , motorola inc . , the world ' s no . 2 maker of cell phones , on tuesday said its quarterly profit\more than tripled , as sales rose 26 percent , driven in part by a host of new handset models and cost controls . +__label__3 , unit trust fan targets health care , new york ( reuters ) - businessman sam katz tried to tap into warren buffet ' s gravy train a decade ago with a plan to make the legendary investor ' s lofty berkshire hathaway shares more accessible to the small investor . +__label__4 , nj residents file lawsuit to block e-voting , washington - a coalition of new jersey residents filed a lawsuit tuesday asking a judge to stop the state from using electronic voting machines in the nov . 2 election . +__label__3 , growing auto losses cloud ford #39 s outlook , ford motor co . swung to a third-quarter profit , but losses at the automakers global automotive operations widened , underscoring the difficulty ford still faces +__label__4 , amd readies powerful desktop chips , amd is expected to unveil its most powerful desktop processors to date this week , a few days after rival intel disclosed changes to its desktop processor road map . +__label__4 , fcc chair to seek net telephone oversight , fcc chairman michael powell said tuesday that he would seek broad regulatory authority for the federal government over internet-based telephone services to avoid stifling the emerging market . +__label__1 , kerry win would trigger fierce senate race ( ap ) , ap - if john kerry is elected president , massachusetts would end up with its first senate vacancy in 20 years , triggering a springtime special election that could determine the balance of power in congress ' upper chamber . +__label__1 , lebanon pm resigns , says will not head new govt . , beirut ( reuters ) - lebanon ' s prime minister rafik al-hariri resigned wednesday and said he would not form a new government , following a widely opposed constitutional change to keep the syrian-backed president in office . +__label__1 , russian army bullying ' horrific ' , the ritual of organised bullying in the russian army is getting worse , an international rights group warns . +__label__3 , 230m claim against ft struck out , the high court in london has struck out the bulk of a record 240m libel damages claim brought against the financial times by investment bank collins stewart tullet . +__label__3 , colgate profit falls on higher costs , new york ( reuters ) - colgate-palmolive co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cl . n target=/stocks/quickinfo/fullquote> cl . n< /a> on wednesday said profit fell in the third quarter , as it warned it would a month ago , because of increased marketing spending and higher costs for raw materials . +__label__4 , software licensing moving toward subscription , utility models ( ziff davis ) , ziff davis - panelists at softsummit point to emerging alternatives to perpetual licensing but say the transition won ' t be easy . +__label__3 , northwest airlines swings to 3q loss , northwest airlines corp . posted a third-quarter loss on wednesday , compared with profits a year ago , due to rising fuel costs and low-fare competition . +__label__3 , children #39 s place to buy disney stores , in effort to expand market share , firm says it will invest \$100m in disney #39 s money-losing business . new york ( reuters ) - children #39 s place retail stores inc . +__label__1 , spain arrests eight over plot to bomb court , a terrorist attack believed to be aimed at the national court in madrid seems to have been foiled by the arrest in the past two days of eight alleged radical islamists . +__label__4 , sales of industrial robots surging un report , geneva - worldwide sales of industrial robots surged to record levels in the first half of 2004 after equipment prices fell while labour costs grew , the united nations economic commission for europe said in a report to be released today . +__label__3 , cummins 3q profit more than quadruples , service engine maker cummins inc . on wednesday said that third-quarter profits more than quadrupled - beating both its own guidance and wall street estimates - and full-year earnings would also exceed previous expectations . +__label__3 , opel workers abandon wildcat strikes , bochum - workers at the opel carmaking plant in the city of bochum voted overwhelmingly wednesday to end their nearly week-long wildcat strike and were to return almost immediately to work , officials announced . +__label__3 , south african miner in hostile bid for gold fields , harmony gold mining , the largest miner of south african gold , made a hostile bid yesterday to acquire gold fields ltd . , another south african miner , for 52 . +__label__2 , patriots place sam on injured reserve , foxboro , mass . , ( sports network ) - the new england patriots placed rookie wide receiver p . k . sam on injured reserve wednesday with a groin injury . +__label__3 , judge blocks record libel claim against financial times , london ( afp ) - a judge at the london high court struck out the bulk of a record libel damages claim of 240 million pounds ( 345 million euros , 434 million dollars ) against the financial times by stockbroker collins stewart tullet . +__label__1 , bookies take bets on new band aid , bookies take bets on a new band aid single being christmas no 1 , expected to be confirmed by midge ure . +__label__2 , petherick delighted over franklin hat trick , peter petherick welcomed james franklin into the test hat trick club with open arms last night . the former offspinner , who took his hat-trick on debut against pakistan in lahore 28 years +__label__1 , live prime minister #39 s questions , despite alan milburn holding his first press conference as labour #39 s election strategist yesterday , it #39 s unlikely tony blair will be able to escape the shadow of iraq at today #39 s session of pmqs . +__label__3 , coca-cola bottling #39 s 3q profit drops , coca-cola bottling co . consolidated , the coca-cola co . #39 s major bottler and distributor in the southeast , said wednesday that third-quarter profit fell as bad weather , high fuel prices and fewer promotions led to lower volume . +__label__4 , humans aren #39 t so complicated , a refined map of the human genome shows that humans have even fewer genes than previously thought -- less than 25 , 000 , about the same as a mustard green . __label__4 , cern to probe life , the universe and everything ( reuters ) , reuters - it has revolutionized physics , made -__label__2 , cardinals hope to fire up offense at home , st . louis - they trudged off the field at minute maid park wearing glazed expressions , looking anywhere but home plate . that #39 s where jeff kent was celebrating a victory that left the houston astros one win from their first world series . -__label__1 , blair is #39 using our troops to boost bush #39 , tony blair last night stood accused of conspiring to use british troops in iraq as a quot political gesture quot to help george w bush in the us presidential election . -__label__4 , microsoft tests advanced im for enterprises , the istanbul technology is meant to replace msn chat and windows messenger . microsoft has not released much information on the technology , which may not reach market until next year or even later . -__label__1 , russia wants new business partnership with old ally india ( afp ) , afp - russia is seeking a new economic partnership to boost a decades-old friendship with india , envisaging sophisticated arms sales , high-end technology swaps and political support on the world stage . -__label__2 , motor racing bar win contract tug-of-war over button , sao paulo ( reuters ) - briton jenson button will drive for bar next year but is likely to join williams in 2006 after formula one ' s contract recognition board ( crb ) ended a tug-of-war between the teams wednesday . -__label__2 , souness looks forward , newcastle boss graeme souness was in defiant mood tonight as he attempted to push yesterdays training ground bust-up with striker craig bellamy into the background . -__label__3 , countrywide results spark sector selloff , new york ( reuters ) - countrywide financial corp . on wednesday posted a 47 percent drop in quarterly earnings and cut its outlook as mortgage refinancings fell and rates climbed , sparking a broad sell-off in mortgage-company stocks . +__label__2 , cardinals hope to fire up offense at home , st . louis - they trudged off the field at minute maid park wearing glazed expressions , looking anywhere but home plate . that #39 s where jeff kent was celebrating a victory that left the houston astros one win from their first world series . +__label__1 , blair is #39 using our troops to boost bush #39 , tony blair last night stood accused of conspiring to use british troops in iraq as a quot political gesture quot to help george w bush in the us presidential election . +__label__4 , microsoft tests advanced im for enterprises , the istanbul technology is meant to replace msn chat and windows messenger . microsoft has not released much information on the technology , which may not reach market until next year or even later . +__label__1 , russia wants new business partnership with old ally india ( afp ) , afp - russia is seeking a new economic partnership to boost a decades-old friendship with india , envisaging sophisticated arms sales , high-end technology swaps and political support on the world stage . +__label__2 , motor racing bar win contract tug-of-war over button , sao paulo ( reuters ) - briton jenson button will drive for bar next year but is likely to join williams in 2006 after formula one ' s contract recognition board ( crb ) ended a tug-of-war between the teams wednesday . +__label__2 , souness looks forward , newcastle boss graeme souness was in defiant mood tonight as he attempted to push yesterdays training ground bust-up with striker craig bellamy into the background . +__label__3 , countrywide results spark sector selloff , new york ( reuters ) - countrywide financial corp . on wednesday posted a 47 percent drop in quarterly earnings and cut its outlook as mortgage refinancings fell and rates climbed , sparking a broad sell-off in mortgage-company stocks . __label__1 , kids opt for kerry in bellwether online poll ( reuters ) , reuters - the kids have spoken , and it ' s sen . \john kerry with a convincing victory over president bush on -__label__1 , israel battens down hatches for volatile gaza vote , jerusalem ( reuters ) - israel ' s parliament took extraordinary security steps wednesday for a vote next week on a gaza pullout plan expected to spark jewish settler protests and heighten death threats against prime minister ariel sharon . -__label__4 , tabbed browsing flaws detected , tabbed browsing , one of the more popular features built into alternative web browsers , contains a security flaw that puts users at risk of spoofing attacks , research firm secunia warned on wednesday . -__label__3 , gas prices continue slide , down to #36 1 . 93/gallon ( reuters ) , reuters - u . s . average retail gasoline prices\fell over the last two weeks and are poised to slip even\further as crude oil prices continue to tumble , an industry\analyst said on sunday . -__label__4 , robo-servants set to sweep into homes , millions of new robots will be installed in households over the next few years , a un report predicts . -__label__4 , fcc mull november voip vote , washington -- in the absence of congressional action , federal communications commission ( fcc ) chairman michael powell has taken over the direction of voice over ip ( define ) policy in the capitol , at least for the time being . -__label__1 , 4 french schoolgirls expelled for wearing head scarves , two muslim girls were expelled wednesday from high school for refusing to remove their head scarf -- the fourth such expulsions in two days as officials began taking action against -__label__3 , lvmh plans to buy glenmorangie , french luxury goods company lvmh moet hennessy louis said wednesday it plans to buy whisky maker glenmorangie plc for about 300 million pounds ( euro430 . -__label__2 , henman crushes costa , madrid , oct . 20 . - top-seeded tim henman of britain was all praise for the novel idea of replacing ball boys and girls with fashion models at the madrid masters , after thrashing spaniard albert costa 6-4 , 6-2 , on wednesday . -__label__3 , kpmg to settle sec charges in gemstar audit case , the securities and exchange commission said wednesday that accounting firm kpmg llp will pay \$10 million to gemstar-tv guide international shareholders to settle allegations it committed improper conduct in gemstar #39 s audit . -__label__2 , valencia need to play #39 ugly #39 against inter , says albelda , valencia may have to ditch their new-found attacking style of football in favour of an quot ugly quot defensive approach if they are to beat inter milan in the champions league , according to club captain david albelda . -__label__2 , wenger spares red-faced lehmann , arsenal keeper jens lehmann was left red-faced in athens as two costly mistakes ensured that a champions league victory slipped through his sides fingers again . -__label__4 , apple itunes store cost varies , apple computer ( nasdaq aapl ) recently launched its apple itunes store in canada . but is a website really a store when all the company appears to be doing is charging different rates in each country ? -__label__4 , microsoft to ok one license for multicore chips , customers who use the dual-core processors that intel and advanced micro devices are expected to begin shipping next year will not need to buy extra licenses for microsoft software , the software maker will announce next week . -__label__2 , american fish confident about tough davis cup final , the us davis cup team is gearing up for a tough final against strong spanish opponents on an unfavorable surface but are optimistic about beating their hosts , said their semi-final team member mardy fish . -__label__1 , typhoon tokage claims 25 lives 43 missing , nhk tv reports , twenty-five people were confirmed dead and 43 missing as of 5 am after typhoon tokage passed through japan , nhk television said on its web site . -__label__3 , india snub for foreign airlines , new delhi the indian government increased the foreign direct investment ( fdi ) cap yesterday in domestic airlines from 40 to 49 per cent but kept a ban on foreign carriers taking stakes . -__label__2 , october games provide moments to remember , for all the polls that show how football is now america #39 s most popular game , the yankees-red sox showdown for the american league pennant is this year #39 s sweet reminder that october baseball -__label__4 , court whales have no standing to sue ( ap ) , ap - a federal appeals court decided wednesday that marine mammals have no standing to sue to stop the u . s . navy from using sonar . -__label__4 , speak clearly and carry a manual , ten years after it unveiled its first dream house , microsoft has a new demonstration home showcasing technology that microsoft is betting will become commonplace within a few years . -__label__2 , phillies to interview russell for vacant manager job , former philadelphia phillies catcher john russell will be the seventh person to interview for the team #39 s vacant managerial position . -__label__4 , new crew prepares for space station duty , cape canaveral , fla . -- a new crew is aboard the international space station wednesday preparing to take over command of the orbiting outpost . -__label__2 , button must stay with bar ! , the fia #39 s contract recognition board ( crb ) finally got around to deciding whether or not jenson button is contractually allowed to go drive for williams next season . -__label__3 , update 2-computershare buys us equiserve , shares surge , australia #39 s computershare ltd . ( cpu . ax quote , profile , research ) has agreed to buy the second-largest us share registrar , equiserve , for \$292 million , quadrupling -__label__2 , report card in , the black coaches association gave most of the 28 schools that filled head-coaching jobs in i-a and i-aa football last year above-average marks in its first hiring report card . -__label__2 , soccer matuzalem brace ends celtic #39 s champions league hopes , donetsk , ukraine brazilian midfielder matuzalem defied the chilly temperatures to score a double for shakhtar donetsk on wednesday in a 3-0 win which virtually ended celtic #39 s champions league ambitions this season . -__label__1 , peru gov ' t police killed in self-defense , peru ' s interior minister said wednesday that police acted in self-defense when they killed three coca farmers who were part of a group that hurled rocks and tried to burn a police lieutenant alive to protest u . s . -backed eradication of their cocaine producing crop . -__label__1 , gas explosion in chinese coal mine leaves 56 dead , scores missing ( canadian press ) , canadian press - beijing ( ap ) - a gas explosion in a coal mine in central china killed 56 people and left scores trapped and missing , the government said thursday . -__label__3 , crude oil prices hit \$55 a barrel , the steady decline in distillate fuel inventories comes as traders remain jittery about the world ' s strong demand and limited crude oil supply cushion . -__label__1 , kerry to go hunting for conservative votes ( ap ) , ap - john kerry planned to go hunting thursday , showing he ' s a regular guy to voters who might harbor some doubts . -__label__1 , syria #39 s role seen as root of lebanese political crisis , lebanese prime minister rafiq hariri resigned yesterday in a sign of deepening divisions within lebanon #39 s fragile government over the decisive role that -__label__2 , celtic suffer defeat in ukraine , brazilian juninho has apologised for his performance in celtic #39 s demoralising 3-0 champions league group f defeat in the ukraine last night . -__label__3 , japan probe claims citigroup trio , three top citigroup inc . executives , including vice chairman deryck maughan , are leaving the financial services giant in the wake of a scandal at its japanese private banking unit . -__label__2 , red sox slugger ortiz named alcs mvp ( ap ) , ap - the biggest comeback in postseason baseball history began when david ortiz had one of the greatest days in baseball history . -__label__3 , cingular sales rise in quarter , but profit falls 18 percent , by bloomberg news . cingular wireless , which is buying at amp t wireless , said yesterday that third-quarter sales rose 4 . 9 percent , to \$4 . -__label__1 , china mine blast kills 56 , death toll could soar , beijing ( reuters ) - a gas explosion in a crowded coal mine in china killed at least 56 people and left 92 missing with little hope of surviving the country ' s most serious mine accident in years , xinhua news agency said on thursday . -__label__4 , human gene total falls below 25 , 000 , a new report from the international consortium of laboratories that decoded the human genome has revised the estimated number of human genes sharply downward . -__label__3 , lucent milestone a profit , lucent technologies yesterday posted higher fiscal fourth- quarter earnings , helping lift the telecommunications equipment maker to its first profitable year since 2000 . -__label__2 , vijay singh seeks ninth win of 2004 , world no . 1 vijay singh , who is seeking his ninth win on the pga tour this year , will play the final three events this season , starting with this week #39 s funai classic . -__label__3 , sec may finalize qwest settlement today , the securities and exchange commission is expected to announce today a settlement with qwest that is highly critical of quot senior management , quot two sources familiar with the case said . -__label__4 , giga counters , they #39 re bold , brash and break most rules of business -- so why are the google guys multi-billionaires ? google inc had plenty to celebrate at its recent annual summer picnic -- its debut as a public company -__label__3 , california is joining probe of insurers , california #39 s top insurance regulator said wednesday he will file a civil suit shortly in the widening scandal over insurance industry sales practices . -__label__2 , panathinaikos 2 , arsenal 2 , arsenal keeper jens lehmann was left red-faced in athens as two costly mistakes ensured that a champions league victory slipped through his side #39 s fingers again . -__label__4 , when robots rule the world , well , not the world maybe , but possibly your lawns and kitchens . the use of robots -- especially as domestic help -- is expected to increase sevenfold by 2007 , according to the united nations . -__label__4 , sinful new gta san andreas trailer revealed , explicit lyrics , parachutes featured in new gta san andreas trailer official site also updated with info on las vegas-style city . -__label__1 , parties allowed to contact absentee voters ( ap ) , ap - like fishing in a stocked pond instead of an ocean , politicians are trying to catch votes by targeting phone calls and fliers at voters who have already applied for absentee ballots . -__label__3 , share price no basis for lawsuit , collins stewart was the first company to try to base libel damages on a falling share price . had the broker succeeded , it would have threatened the financial times with a huge liability - and -__label__1 , israeli troops kill gaza militant , at least one palestinian is shot dead by israeli troops as he attacked a checkpoint near gaza city . -__label__4 , crooks slither into net ' s shady nooks and crannies ( usatoday . com ) , usatoday . com - organized crime rings and petty thieves are flocking to the internet like start-ups in the go-go ' 90s , establishing a multibillion-dollar underground economy in just a few years . the internet ' s growth as an economic engine , particularly for financial transactions , is feeding the felonious frenzy . -__label__4 , hp , ibm , dell set code ' for treatment of workers ( siliconvalley . com ) , siliconvalley . com - hewlett-packard , ibm and dell , which were accused earlier this year of having dire working conditions at factories outside the united states , announced wednesday that they have agreed on a code of conduct for the treatment of workers and the environment . -__label__4 , u . n . robot use to surge sevenfold by 2007 , the use of robots around the home to mow lawns , vacuum floors , pull guard duty and perform other chores is set to surge sevenfold by 2007 , says a new u . n . survey , which credits dropping prices for the robot boom . -__label__3 , dollar at 8-month low vs euro , london ( reuters ) - the dollar fell to an eight-month low against the euro on thursday and set multi-month lows versus the yen , sterling and the swiss franc amid worries the u . s . economy was not growing enough to support its currency . -__label__1 , cricket pakistan edge ahead , pakistan take a slim lead over sri lanka by the end of the day two in the first test . -__label__3 , merck posts 3q profit drop on vioxx , pharmaceutical giant merck amp co . said thursday that third-quarter earnings dropped significantly year-over-year on charges related to the withdrawal of vioxx from the market . -__label__3 , the dollar struggles over funding fears , new york ( reuters ) - the dollar was weaker across the board early in new york on thursday , forging new lows on a growing sense that the united states is struggling to fund its record external deficits . -__label__2 , edmonds homer lifts cardinals to game 7 against astros , st . louis , missouri all of the wounds in this city , colored a fresh shade of cardinal red , healed with just one touch . the winning pitcher was the one who had the fractured hand . -__label__2 , galliani applauds both ancelotti and rijkaard , milan and barcelona offered a nice show on wednesday night in which the rossoneri defeated their spanish counterparts 1-0 at san siro . -__label__2 , #39 damned yankees #39 send new yorkers into mourning , new york was in shock today after their beloved baseball team the yankees suffered a surprise defeat to arch rivals , the boston red sox . -__label__2 , gunners reel after mugging in athens , arsenal manager arsene weenger was today counting his crocks ahead of sunday #39 s premiership showdown with manchester united at old trafford . -__label__3 , alaska #39 s summer tourism pegged at 1 . 4 million visitors , the number of summer visitors to alaska rose from the year before , prompting the president of the alaska travel industry association to say tourism appeared to be back on track since leveling off after the 2001 terrorist attacks . -__label__3 , at amp t posts \$7 . 1 billion loss for the 3q , at amp t corp . swung to a third-quarter loss of \$7 . 12 billion after recording huge charges related to the company #39 s retreat from traditional telephone services , which has included at least 7 , 500 more job cuts -__label__1 , barroso proposal to defuse eu commissioner row rejected , the socialist group in the european parliament ( ep ) on thursday rejected a proposal by incoming european commission president jose manuel barroso designed to defuse a row over -__label__4 , ti puts digital tv on cell phones , texas instruments inc . today announced development of the wireless industry #39 s first digital tv on a single chip for cell phones , code-named quot hollywood . -__label__4 , nec unveils world #39 s fastest vector supercomputer , nec corporation has announced the worldwide launch and availability of the sx series model quot sx-8 , quot the world #39 s most powerful vector supercomputer with a peak processing performance of a whopping 65 tflops ( trillion floating point operations per second ) . -__label__1 , nigerian military officers charged with coup plot ( reuters ) , reuters - four nigerian military officers and a\civilian were accused thursday of plotting to overthrow\president olusegun obasanjo by firing a rocket at his\helicopter , court documents showed . -__label__1 , kerry to hunt for male us votes as bush courts catholics ( afp ) , afp - us democratic presidential candidate john kerry will switch to macho politics when he makes an atypical hunting trip to rural ohio in a bid to woo traditionalist male voters , while president george w . bush courts catholics in pennsylvania less than two week before election day . -__label__4 , briefly sun expands pay-as-you go supercomputing , roundup plus sgi works on linux performance software . . . good technology supported by hp , samsung . . . realnetworks loss widens on litigation . -__label__3 , reebok third-quarter earnings , sales up , athletic shoe and apparel maker reebok international ltd . ( rbk ) on thursday posted better-than-expected quarterly earnings , helped by improved sales due to acquisitions and the weak dollar . -__label__1 , ap poll bush , kerry in dead heat ( ap ) , ap - president bush and sen . john kerry are locked in a tie for the popular vote , according to an associated press poll . voters seem open to change in the white house #151 most disapprove of the president ' s performance at home and in iraq #151 but still harbor doubts about making the switch . -__label__1 , au oks more troops for darfur talks resume , sudan #39 s government and darfur rebels are likely to restart talks thursday as the african union said it would increase its forces in the restive region . -__label__4 , we are using 20 more resources than the earth can produce , the human race is plundering the planet at a pace that outstrips its capacity to support life , according to a report by wwf . the living planet report 2004 shows that humans currently consume 20 per cent more -__label__3 , jobless claims drop , the us labor department said thursday the number of individuals who filed for unemployment insurance fell to a six-week low last week . -__label__3 , adv hassle-free car financing , don #146 t let less-than-perfect credit prevent you from driving the car you want . fill out a free loan application at auto net financial and we #146 ll pre-arrange financing at a dealer near you . -__label__3 , update 2-trump bondholders agree on recapitalization plan , trump hotels amp casino resorts inc . ( djtc . ob quote , profile , research ) , which has been on the brink of bankruptcy , said on thursday that a majority of bondholders have approved -__label__3 , hershey profit up , to sell cookies , chicago ( reuters ) - chocolate maker hershey foods corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hsy . n target=/stocks/quickinfo/fullquote> hsy . n< /a> on thursday posted a higher-than-expected 16 percent rise in quarterly profit and said it will get into the cookie business . -__label__4 , photo gallery bill gates ' home on lake washington , webshots users offer their photos of bill gates mansion in medina , wash . -__label__4 , general assembly committee opens two-day debate on anti-cloning < b> . . . < /b> , the un general assembly #39 s legal committee begins a two-day debate today that will focus on the contentious issue . there is support among member states for a treaty banning human cloning , but divisions remain -__label__4 , microsoft , swatch partner on wireless watch ( newsfactor ) , newsfactor - microsoft ( nasdaq msft ) has hooked up with swatch to deliver the latest in a line of smart wristwatches using the software giant ' s msn direct wireless content-delivery technology . -__label__2 , no . 15 west virginia , syracuse battle it out for control of first , morgantown , w . va . ( u-wire ) -- syracuse may enter morgantown , w . va . , for wednesday #39 s game under different circumstances than mountaineer fans are used to from the former big east powerhouse . -__label__1 , britain agrees to redeploy troops , britain agreed thursday to meet a u . s . request for british troops to be moved into volatile central iraq , a proposal that has met strong opposition within the governing labour party . -__label__1 , keep quiet on u . s . election , martin tells loose-lipped cabinet ( canadian press ) , canadian press - ottawa ( cp ) - prime minister paul martin served notice to his liberal cabinet thursday to clam up with their personal opinions on the u . s . presidential election . -__label__3 , microsoft profit , revenue rises , seattle ( reuters ) - microsoft corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=msft . o target=/stocks/quickinfo/fullquote> msft . o< /a> , the world ' s largest software maker , on thursday said its first quarter profit climbed as personal computer sales and business demand fueled higher sales . -__label__4 , sbc bundles up for long term ( the motley fool ) , the motley fool - the lure of bundling services has been hanging over the communications industry for the past six years or so , although many companies have been unable to perfect a winning strategy . bundling brings together services such as wired ( local and long distance ) and wireless phone service , internet access , and satellite or cable television services . -__label__2 , wilko in doubt , world cup hero and england skipper jonny wilkinson is set to miss the upcoming test against australia with a badly bruised right arm . -__label__4 , intel cancels plan to enter digital tv chip market , san francisco ( reuters ) - intel corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=intc . o qtype=sym infotype=info qcat=news> intc . o< /a> on thursday said it has scrapped plan to enter the digital television chip business , marking a major retreat from its push into consumer electronics . -__label__4 , warped satellites prove einstein theory -scientists , einstein was right -- again . satellites that have been pulled slightly off their orbits show that the earth is indeed twisting the fabric -__label__4 , strong server , pc sales boost microsoft revenue , the company ' s earnings beat wall street expectations . -__label__3 , viacom , disney pay \$1 . 5m fcc fine , disney and viacom agreed to a fine of \$1 . 5 million from the federal communications commission over claims their children #39 s cable television networks violated advertising restrictions , the fcc said thursday . -__label__4 , cisco #39 s perfigo acquisition delivers policy compliance to channel , in a move that targets the increased threats of worms and viruses to networked businesses , cisco systems thursday said it will acquire privately owned endpoint compliance vendor perfigo in a deal worth approximately \$74 million . -__label__2 , freddie #39 s goal rage , fed-up freddie ljungberg says arsenal must stop letting in stupid goals or face another season of euro heartache . the disappointed swede reckons the gunners have already wasted a golden opportunity -__label__4 , australia #39 living beyond its means #39 , environmental organisation wwf international has warned that the global population is consuming about 20 per cent more natural resources than the planet can produce . -__label__2 , america #39 s curse , there is an all but unanswerable case for asserting that the biggest story out of the united states this week has nothing to do with the presidential election , has no connection with the flu vaccine shortage and that it does not involve a gay bishop either -__label__2 , downing provides return on mcclaren #39 s gamble , in a week in which one of their former players rechristened himself g8 to distance himself from the past , middlesbroughs attempts to rewrite history took another step forward in athens . -__label__3 , erdogan believes european council #39 s decision will be a milestone , paris - turkish pm recep tayyip erdogan expressed belief on thursday that the decision that the european council would make on december 17th ( on whether and when to open negotiations with turkey ) would be a milestone for not only turkey- ( eu ) relations -__label__2 , beckham gets off scot-free despite candid confession , in a baffling interpretation of the word deliberate , the fa decided yesterday that there was insufficient evidence to charge david beckham over his premeditated yellow card against wales . -__label__4 , astronomers find proof of einstein #39 s theory , einstein was right scientists say satellites pulled slightly off their orbits show that the earth is indeed twisting the fabric of space-time as it rotates . -__label__4 , hackers are getting smarter , says ballmer , at gartner symposium itxpo , microsoft chief executive , steve ballmer touched on quite a few topics that are targeted towards microsoft #39 s end consumers . -__label__2 , golf capsules , jl lewis shot a 10-under 62 for his best start ever on the pga tour and a two-shot lead thursday in the funai classic at disney . lewis putted for birdie on every hole and made 11 of them on the magnolia course to match his career-low round . -__label__2 , feyenoord make most of early fortune , hearts uefa cup adventure may have been derailed in rotterdam but coach craig levein can take comfort from the fact he has three more games to get it back on track . -__label__2 , agassi advances in madrid , henman eliminated , top seed tim henman suffered a 6-4 , 4-6 , 6-2 defeat to croatian ivan ljubicic in the madrid masters on thursday as andre agassi advanced to the quarter-finals with a 6-1 , 6-3 victory over vincent spadea . -__label__1 , hamas military chief killed , gaza city one of the leaders of hamas #39 military wing was killed in an israeli airstrike in gaza city early today , a hamas spokesman said . -__label__2 , nuggets 100 , clippers 88 , carmelo anthony , who missed denver #39 s previous game after being cited for marijuana possession , scored 23 points for the nuggets in a 100-88 preseason victory thursday night over the los angeles clippers . -__label__3 , software giant microsoft rings up multibillion dollar profit gain , redmond , washington , oct 21 ( afp ) - the world #39 s biggest software company , microsoft corp , said thursday that its first quarter profits swelled to 2 . 9 billion dollars as consumers and businesses pumped up demand for new computers . -__label__4 , world #39 s #39 worst plunderers #39 named , human beings are plundering the earth #39 s resources at an alarming and unsustainable rate , and australians are among the worst offenders . -__label__1 , ' wrong kind of fall ' for castro , the us declines to wish fidel castro a speedy recovery after he fractures bones in a fall at a public ceremony . -__label__3 , us airways pilots approve 18 pay cut , five-year , \$1 . 8 billion cost-cutting contract approved thursday also reduces retirement benefits , increases work hours and eliminates retiree medical coverage . -__label__3 , j . e . robert assembles new investment fund , j . e . robert cos . completed raising \$823 million from about 40 institutional and private equity investors this week . -__label__3 , hummer going smaller for share of big market , general motors hopes to make its hulking hummer lineup quot more approachable quot with a new midsize sport utility vehicle scheduled to go on sale next spring . -__label__1 , death toll 69 in japan typhoon , 19 still missing , tokyo ( reuters ) - as the death toll rose from japan ' s deadliest typhoon in two decades , experts warned on friday that climate change could bring a stormier future . -__label__1 , south korean court blocks relocation of capital , yun young-chul ( c-back ) , president of the constitutional court , speaks as the court ruled against president roh moo-hyun #39 s plan to relocate the country #39 s capital at the court , in seoul , october 21 . -__label__3 , qwest to pay \$250 million to end probe , washington ( cbs . mw ) -- qwest communications on thursday said it #39 s agreed to pay \$250 million to end a federal probe of allegedly fraudulent accounting practices used by former executives . -__label__3 , bank ' looks to block glazer bid ' , the financial times claims nomura , the japanese bank , is involved in a plan to raise 200m to block a takeover of man utd by malcolm glazer . -__label__4 , in the e . r . , learning to love the pc , the keyboard is mightier than the whiteboard at an emergency room in the bronx , where the use of computers is now a staple . -__label__1 , meps threaten to sink commission over buttiglione , meps threatened last night to bring down the new european commission before it even takes office , as a row sparked by controversial comments about homosexuality escalated into an unprecedented crisis . -__label__2 , robertson emerges with time , a debate on draft day 2003 was whether the patriots should have moved up to take kentucky defensive lineman dewayne robertson , who was picked fourth overall by the jets . after he had a subpar rookie season , the feeling was the patriots made the right choice , though they took ty warren 13th overall that year and he also . . . -__label__3 , qwest the end of the beginning , thursday #39 s agreement between qwest communications and federal regulator settles allegations of quot massive financial fraud quot at a price of \$250 million . -__label__2 , vieira fit for united battle , skipper patrick vieira is set to hand arsenal a massive boost for sunday #39 s crunch clash against manchester united by declaring himself fit to lead the gunners at old trafford . -__label__1 , staying or going ? some possibilities if bush wins , president bush plans major changes in his cabinet if he wins a second term -- perhaps nominating the first female defense secretary and first black attorney general -- but very little change among the small group of his closest advisers . -__label__2 , city series-ly wounded , with the yanks out of the world series , the city #39 s economy loses out on at least \$40 million , according to studies by the controller #39 s office and other city agencies . -__label__2 , our crowds are up , say blues , chelsea today shrugged off concerns about their attendances this season and insisted they are delighted with the support for jose mourinho #39 s side . -__label__1 , sri lanka off to positive start , kumar sangakkara ' s unbeaten fifty revives sri lanka ' s chances against pakistan . -__label__1 , n . koreans seek asylum in beijing , twenty-nine people believed to be north koreans have entered a south korean school in beijing , apparently seeking asylum . diplomats say the group , including two children , entered the school early friday . -__label__3 , connecticut joins california in spitzer probe , connecticut is going to join california amid new york attorney general eliot spitzers probe over the us insurance industry scandal . -__label__4 , einstein is proved right again , an experiment using two orbiting satellites has proved that as the earth turns it drags space and time around itself , like a spinning top in treacle . -__label__4 , microsoft/swatch offer new wireless watch , microsoft and swatch announced a new line of wireless data watches named paparazzi . the watches offer news , sports , weather and stock quotes , among other snippets of content , via microsoft #39 s msn direct wireless data service . -__label__1 , trial date set for soldier at abu ghraib ( ap ) , ap - a military judge ordered a u . s . army reservist on friday to stand trial jan . 7 in baghdad for allegedly abusing iraq inmates at the abu ghraib prison outside baghdad . -__label__3 , citigroup ' s ex-exec may face sec action , new york ( reuters ) - citigroup inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=c . n target=/stocks/quickinfo/fullquote> c . n< /a> on friday said u . s . securities regulators may recommend enforcement proceedings against the former head of citigroup global investment management . -__label__3 , dollar stabilizes above recent lows ( reuters ) , reuters - the dollar edged up against the yen and\steadied against the euro on friday , but kept within sight of\multi-month lows hit this week on worries about the u . s . \economy and its ability to attract global investors . -__label__3 , chinese economy surges 9 . 5 in first 3 quarters , beijing china #39 s economy surged by an impressive 9 . 5 per cent year-on-year in the first nine months of this year , marginally slower than the 9 . 7 per cent recorded in the first half of the year , the government said here on sunday while claiming credit for -__label__3 , primaris to spend \$3 . 8b on jets , primaris airlines inc . has announced plans to buy 20 boeing 7e7-8 dreamliners and 20 737-800s , a deal worth \$3 . 8 billion at list prices , the new low-cost business carrier and the boeing co . -__label__4 , cisco bolsters its security story , the move won #39 t have raised many eyebrows . security is a hot market in which cisco already has a strong grip in the enterprise space , and the vendor giant has already bolstered its security portfolio through -__label__1 , eu launches graphic tobacco ads , the european commission launches graphic images showing the damage smoking can do to people ' s health . -__label__2 , now or never for united , arsenal were the clear #39 devils #39 back in september 2003 , just six games into last season . following captain patrick viera #39 s second half dismissal for lashing out on free-faller ruud van nistelrooy , and then -__label__1 , sunni clerics urge election boycott , religious and political leaders gather at the umm al-qura sunni muslim mosque outside baghdad , where clerics called for their followers to boycott iraq #39 s january elections . -__label__4 , fixed-to-mobile substitution gaining momentum , there is a strong trend for consumers to move away from using fixed-line phones in concert with mobiles to use mobile handsets for all or most of their voice calls , according to a study conducted for finnish mobile handset maker nokia by uk market -__label__3 , weyerhaeuser profit up , new york ( reuters ) - weyerhaeuser co . ' s quarterly profit rose sharply on a large gain from the sale of timberlands in georgia and it set tender offers to reduce as much as \$700 million in debt , the company said on friday . -__label__4 , yahoo acquires another e-mail startup , it bought stata labs and apparently plans to incorporate stata technology in an e-mail client that could compete with google #39 s gmail . -__label__4 , avis blames it for multimillion-dollar loss , the car rental company takes a major hit because of problems with it , including high costs associated with an erp project . -__label__4 , nec tops ibm with speedier supercomputer , nec has unveiled its latest supercomputer , which is almost twice as fast as the bluegene/l machine rolled out by ibm in september . -__label__2 , ballesteros hoping to play full season next year , madrid ( reuters ) - severiano ballesteros said on friday he has made such a dramatic recovery from his back problems that he hopes to play a full season next year on both sides of the atlantic . +__label__1 , israel battens down hatches for volatile gaza vote , jerusalem ( reuters ) - israel ' s parliament took extraordinary security steps wednesday for a vote next week on a gaza pullout plan expected to spark jewish settler protests and heighten death threats against prime minister ariel sharon . +__label__4 , tabbed browsing flaws detected , tabbed browsing , one of the more popular features built into alternative web browsers , contains a security flaw that puts users at risk of spoofing attacks , research firm secunia warned on wednesday . +__label__3 , gas prices continue slide , down to #36 1 . 93/gallon ( reuters ) , reuters - u . s . average retail gasoline prices\fell over the last two weeks and are poised to slip even\further as crude oil prices continue to tumble , an industry\analyst said on sunday . +__label__4 , robo-servants set to sweep into homes , millions of new robots will be installed in households over the next few years , a un report predicts . +__label__4 , fcc mull november voip vote , washington -- in the absence of congressional action , federal communications commission ( fcc ) chairman michael powell has taken over the direction of voice over ip ( define ) policy in the capitol , at least for the time being . +__label__1 , 4 french schoolgirls expelled for wearing head scarves , two muslim girls were expelled wednesday from high school for refusing to remove their head scarf -- the fourth such expulsions in two days as officials began taking action against +__label__3 , lvmh plans to buy glenmorangie , french luxury goods company lvmh moet hennessy louis said wednesday it plans to buy whisky maker glenmorangie plc for about 300 million pounds ( euro430 . +__label__2 , henman crushes costa , madrid , oct . 20 . - top-seeded tim henman of britain was all praise for the novel idea of replacing ball boys and girls with fashion models at the madrid masters , after thrashing spaniard albert costa 6-4 , 6-2 , on wednesday . +__label__3 , kpmg to settle sec charges in gemstar audit case , the securities and exchange commission said wednesday that accounting firm kpmg llp will pay \$10 million to gemstar-tv guide international shareholders to settle allegations it committed improper conduct in gemstar #39 s audit . +__label__2 , valencia need to play #39 ugly #39 against inter , says albelda , valencia may have to ditch their new-found attacking style of football in favour of an quot ugly quot defensive approach if they are to beat inter milan in the champions league , according to club captain david albelda . +__label__2 , wenger spares red-faced lehmann , arsenal keeper jens lehmann was left red-faced in athens as two costly mistakes ensured that a champions league victory slipped through his sides fingers again . +__label__4 , apple itunes store cost varies , apple computer ( nasdaq aapl ) recently launched its apple itunes store in canada . but is a website really a store when all the company appears to be doing is charging different rates in each country ? +__label__4 , microsoft to ok one license for multicore chips , customers who use the dual-core processors that intel and advanced micro devices are expected to begin shipping next year will not need to buy extra licenses for microsoft software , the software maker will announce next week . +__label__2 , american fish confident about tough davis cup final , the us davis cup team is gearing up for a tough final against strong spanish opponents on an unfavorable surface but are optimistic about beating their hosts , said their semi-final team member mardy fish . +__label__1 , typhoon tokage claims 25 lives 43 missing , nhk tv reports , twenty-five people were confirmed dead and 43 missing as of 5 am after typhoon tokage passed through japan , nhk television said on its web site . +__label__3 , india snub for foreign airlines , new delhi the indian government increased the foreign direct investment ( fdi ) cap yesterday in domestic airlines from 40 to 49 per cent but kept a ban on foreign carriers taking stakes . +__label__2 , october games provide moments to remember , for all the polls that show how football is now america #39 s most popular game , the yankees-red sox showdown for the american league pennant is this year #39 s sweet reminder that october baseball +__label__4 , court whales have no standing to sue ( ap ) , ap - a federal appeals court decided wednesday that marine mammals have no standing to sue to stop the u . s . navy from using sonar . +__label__4 , speak clearly and carry a manual , ten years after it unveiled its first dream house , microsoft has a new demonstration home showcasing technology that microsoft is betting will become commonplace within a few years . +__label__2 , phillies to interview russell for vacant manager job , former philadelphia phillies catcher john russell will be the seventh person to interview for the team #39 s vacant managerial position . +__label__4 , new crew prepares for space station duty , cape canaveral , fla . -- a new crew is aboard the international space station wednesday preparing to take over command of the orbiting outpost . +__label__2 , button must stay with bar ! , the fia #39 s contract recognition board ( crb ) finally got around to deciding whether or not jenson button is contractually allowed to go drive for williams next season . +__label__3 , update 2-computershare buys us equiserve , shares surge , australia #39 s computershare ltd . ( cpu . ax quote , profile , research ) has agreed to buy the second-largest us share registrar , equiserve , for \$292 million , quadrupling +__label__2 , report card in , the black coaches association gave most of the 28 schools that filled head-coaching jobs in i-a and i-aa football last year above-average marks in its first hiring report card . +__label__2 , soccer matuzalem brace ends celtic #39 s champions league hopes , donetsk , ukraine brazilian midfielder matuzalem defied the chilly temperatures to score a double for shakhtar donetsk on wednesday in a 3-0 win which virtually ended celtic #39 s champions league ambitions this season . +__label__1 , peru gov ' t police killed in self-defense , peru ' s interior minister said wednesday that police acted in self-defense when they killed three coca farmers who were part of a group that hurled rocks and tried to burn a police lieutenant alive to protest u . s . -backed eradication of their cocaine producing crop . +__label__1 , gas explosion in chinese coal mine leaves 56 dead , scores missing ( canadian press ) , canadian press - beijing ( ap ) - a gas explosion in a coal mine in central china killed 56 people and left scores trapped and missing , the government said thursday . +__label__3 , crude oil prices hit \$55 a barrel , the steady decline in distillate fuel inventories comes as traders remain jittery about the world ' s strong demand and limited crude oil supply cushion . +__label__1 , kerry to go hunting for conservative votes ( ap ) , ap - john kerry planned to go hunting thursday , showing he ' s a regular guy to voters who might harbor some doubts . +__label__1 , syria #39 s role seen as root of lebanese political crisis , lebanese prime minister rafiq hariri resigned yesterday in a sign of deepening divisions within lebanon #39 s fragile government over the decisive role that +__label__2 , celtic suffer defeat in ukraine , brazilian juninho has apologised for his performance in celtic #39 s demoralising 3-0 champions league group f defeat in the ukraine last night . +__label__3 , japan probe claims citigroup trio , three top citigroup inc . executives , including vice chairman deryck maughan , are leaving the financial services giant in the wake of a scandal at its japanese private banking unit . +__label__2 , red sox slugger ortiz named alcs mvp ( ap ) , ap - the biggest comeback in postseason baseball history began when david ortiz had one of the greatest days in baseball history . +__label__3 , cingular sales rise in quarter , but profit falls 18 percent , by bloomberg news . cingular wireless , which is buying at amp t wireless , said yesterday that third-quarter sales rose 4 . 9 percent , to \$4 . +__label__1 , china mine blast kills 56 , death toll could soar , beijing ( reuters ) - a gas explosion in a crowded coal mine in china killed at least 56 people and left 92 missing with little hope of surviving the country ' s most serious mine accident in years , xinhua news agency said on thursday . +__label__4 , human gene total falls below 25 , 000 , a new report from the international consortium of laboratories that decoded the human genome has revised the estimated number of human genes sharply downward . +__label__3 , lucent milestone a profit , lucent technologies yesterday posted higher fiscal fourth- quarter earnings , helping lift the telecommunications equipment maker to its first profitable year since 2000 . +__label__2 , vijay singh seeks ninth win of 2004 , world no . 1 vijay singh , who is seeking his ninth win on the pga tour this year , will play the final three events this season , starting with this week #39 s funai classic . +__label__3 , sec may finalize qwest settlement today , the securities and exchange commission is expected to announce today a settlement with qwest that is highly critical of quot senior management , quot two sources familiar with the case said . +__label__4 , giga counters , they #39 re bold , brash and break most rules of business -- so why are the google guys multi-billionaires ? google inc had plenty to celebrate at its recent annual summer picnic -- its debut as a public company +__label__3 , california is joining probe of insurers , california #39 s top insurance regulator said wednesday he will file a civil suit shortly in the widening scandal over insurance industry sales practices . +__label__2 , panathinaikos 2 , arsenal 2 , arsenal keeper jens lehmann was left red-faced in athens as two costly mistakes ensured that a champions league victory slipped through his side #39 s fingers again . +__label__4 , when robots rule the world , well , not the world maybe , but possibly your lawns and kitchens . the use of robots -- especially as domestic help -- is expected to increase sevenfold by 2007 , according to the united nations . +__label__4 , sinful new gta san andreas trailer revealed , explicit lyrics , parachutes featured in new gta san andreas trailer official site also updated with info on las vegas-style city . +__label__1 , parties allowed to contact absentee voters ( ap ) , ap - like fishing in a stocked pond instead of an ocean , politicians are trying to catch votes by targeting phone calls and fliers at voters who have already applied for absentee ballots . +__label__3 , share price no basis for lawsuit , collins stewart was the first company to try to base libel damages on a falling share price . had the broker succeeded , it would have threatened the financial times with a huge liability - and +__label__1 , israeli troops kill gaza militant , at least one palestinian is shot dead by israeli troops as he attacked a checkpoint near gaza city . +__label__4 , crooks slither into net ' s shady nooks and crannies ( usatoday . com ) , usatoday . com - organized crime rings and petty thieves are flocking to the internet like start-ups in the go-go ' 90s , establishing a multibillion-dollar underground economy in just a few years . the internet ' s growth as an economic engine , particularly for financial transactions , is feeding the felonious frenzy . +__label__4 , hp , ibm , dell set code ' for treatment of workers ( siliconvalley . com ) , siliconvalley . com - hewlett-packard , ibm and dell , which were accused earlier this year of having dire working conditions at factories outside the united states , announced wednesday that they have agreed on a code of conduct for the treatment of workers and the environment . +__label__4 , u . n . robot use to surge sevenfold by 2007 , the use of robots around the home to mow lawns , vacuum floors , pull guard duty and perform other chores is set to surge sevenfold by 2007 , says a new u . n . survey , which credits dropping prices for the robot boom . +__label__3 , dollar at 8-month low vs euro , london ( reuters ) - the dollar fell to an eight-month low against the euro on thursday and set multi-month lows versus the yen , sterling and the swiss franc amid worries the u . s . economy was not growing enough to support its currency . +__label__1 , cricket pakistan edge ahead , pakistan take a slim lead over sri lanka by the end of the day two in the first test . +__label__3 , merck posts 3q profit drop on vioxx , pharmaceutical giant merck amp co . said thursday that third-quarter earnings dropped significantly year-over-year on charges related to the withdrawal of vioxx from the market . +__label__3 , the dollar struggles over funding fears , new york ( reuters ) - the dollar was weaker across the board early in new york on thursday , forging new lows on a growing sense that the united states is struggling to fund its record external deficits . +__label__2 , edmonds homer lifts cardinals to game 7 against astros , st . louis , missouri all of the wounds in this city , colored a fresh shade of cardinal red , healed with just one touch . the winning pitcher was the one who had the fractured hand . +__label__2 , galliani applauds both ancelotti and rijkaard , milan and barcelona offered a nice show on wednesday night in which the rossoneri defeated their spanish counterparts 1-0 at san siro . +__label__2 , #39 damned yankees #39 send new yorkers into mourning , new york was in shock today after their beloved baseball team the yankees suffered a surprise defeat to arch rivals , the boston red sox . +__label__2 , gunners reel after mugging in athens , arsenal manager arsene weenger was today counting his crocks ahead of sunday #39 s premiership showdown with manchester united at old trafford . +__label__3 , alaska #39 s summer tourism pegged at 1 . 4 million visitors , the number of summer visitors to alaska rose from the year before , prompting the president of the alaska travel industry association to say tourism appeared to be back on track since leveling off after the 2001 terrorist attacks . +__label__3 , at amp t posts \$7 . 1 billion loss for the 3q , at amp t corp . swung to a third-quarter loss of \$7 . 12 billion after recording huge charges related to the company #39 s retreat from traditional telephone services , which has included at least 7 , 500 more job cuts +__label__1 , barroso proposal to defuse eu commissioner row rejected , the socialist group in the european parliament ( ep ) on thursday rejected a proposal by incoming european commission president jose manuel barroso designed to defuse a row over +__label__4 , ti puts digital tv on cell phones , texas instruments inc . today announced development of the wireless industry #39 s first digital tv on a single chip for cell phones , code-named quot hollywood . +__label__4 , nec unveils world #39 s fastest vector supercomputer , nec corporation has announced the worldwide launch and availability of the sx series model quot sx-8 , quot the world #39 s most powerful vector supercomputer with a peak processing performance of a whopping 65 tflops ( trillion floating point operations per second ) . +__label__1 , nigerian military officers charged with coup plot ( reuters ) , reuters - four nigerian military officers and a\civilian were accused thursday of plotting to overthrow\president olusegun obasanjo by firing a rocket at his\helicopter , court documents showed . +__label__1 , kerry to hunt for male us votes as bush courts catholics ( afp ) , afp - us democratic presidential candidate john kerry will switch to macho politics when he makes an atypical hunting trip to rural ohio in a bid to woo traditionalist male voters , while president george w . bush courts catholics in pennsylvania less than two week before election day . +__label__4 , briefly sun expands pay-as-you go supercomputing , roundup plus sgi works on linux performance software . . . good technology supported by hp , samsung . . . realnetworks loss widens on litigation . +__label__3 , reebok third-quarter earnings , sales up , athletic shoe and apparel maker reebok international ltd . ( rbk ) on thursday posted better-than-expected quarterly earnings , helped by improved sales due to acquisitions and the weak dollar . +__label__1 , ap poll bush , kerry in dead heat ( ap ) , ap - president bush and sen . john kerry are locked in a tie for the popular vote , according to an associated press poll . voters seem open to change in the white house #151 most disapprove of the president ' s performance at home and in iraq #151 but still harbor doubts about making the switch . +__label__1 , au oks more troops for darfur talks resume , sudan #39 s government and darfur rebels are likely to restart talks thursday as the african union said it would increase its forces in the restive region . +__label__4 , we are using 20 more resources than the earth can produce , the human race is plundering the planet at a pace that outstrips its capacity to support life , according to a report by wwf . the living planet report 2004 shows that humans currently consume 20 per cent more +__label__3 , jobless claims drop , the us labor department said thursday the number of individuals who filed for unemployment insurance fell to a six-week low last week . +__label__3 , adv hassle-free car financing , don #146 t let less-than-perfect credit prevent you from driving the car you want . fill out a free loan application at auto net financial and we #146 ll pre-arrange financing at a dealer near you . +__label__3 , update 2-trump bondholders agree on recapitalization plan , trump hotels amp casino resorts inc . ( djtc . ob quote , profile , research ) , which has been on the brink of bankruptcy , said on thursday that a majority of bondholders have approved +__label__3 , hershey profit up , to sell cookies , chicago ( reuters ) - chocolate maker hershey foods corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hsy . n target=/stocks/quickinfo/fullquote> hsy . n< /a> on thursday posted a higher-than-expected 16 percent rise in quarterly profit and said it will get into the cookie business . +__label__4 , photo gallery bill gates ' home on lake washington , webshots users offer their photos of bill gates mansion in medina , wash . +__label__4 , general assembly committee opens two-day debate on anti-cloning < b> . . . < /b> , the un general assembly #39 s legal committee begins a two-day debate today that will focus on the contentious issue . there is support among member states for a treaty banning human cloning , but divisions remain +__label__4 , microsoft , swatch partner on wireless watch ( newsfactor ) , newsfactor - microsoft ( nasdaq msft ) has hooked up with swatch to deliver the latest in a line of smart wristwatches using the software giant ' s msn direct wireless content-delivery technology . +__label__2 , no . 15 west virginia , syracuse battle it out for control of first , morgantown , w . va . ( u-wire ) -- syracuse may enter morgantown , w . va . , for wednesday #39 s game under different circumstances than mountaineer fans are used to from the former big east powerhouse . +__label__1 , britain agrees to redeploy troops , britain agreed thursday to meet a u . s . request for british troops to be moved into volatile central iraq , a proposal that has met strong opposition within the governing labour party . +__label__1 , keep quiet on u . s . election , martin tells loose-lipped cabinet ( canadian press ) , canadian press - ottawa ( cp ) - prime minister paul martin served notice to his liberal cabinet thursday to clam up with their personal opinions on the u . s . presidential election . +__label__3 , microsoft profit , revenue rises , seattle ( reuters ) - microsoft corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=msft . o target=/stocks/quickinfo/fullquote> msft . o< /a> , the world ' s largest software maker , on thursday said its first quarter profit climbed as personal computer sales and business demand fueled higher sales . +__label__4 , sbc bundles up for long term ( the motley fool ) , the motley fool - the lure of bundling services has been hanging over the communications industry for the past six years or so , although many companies have been unable to perfect a winning strategy . bundling brings together services such as wired ( local and long distance ) and wireless phone service , internet access , and satellite or cable television services . +__label__2 , wilko in doubt , world cup hero and england skipper jonny wilkinson is set to miss the upcoming test against australia with a badly bruised right arm . +__label__4 , intel cancels plan to enter digital tv chip market , san francisco ( reuters ) - intel corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=intc . o qtype=sym infotype=info qcat=news> intc . o< /a> on thursday said it has scrapped plan to enter the digital television chip business , marking a major retreat from its push into consumer electronics . +__label__4 , warped satellites prove einstein theory -scientists , einstein was right -- again . satellites that have been pulled slightly off their orbits show that the earth is indeed twisting the fabric +__label__4 , strong server , pc sales boost microsoft revenue , the company ' s earnings beat wall street expectations . +__label__3 , viacom , disney pay \$1 . 5m fcc fine , disney and viacom agreed to a fine of \$1 . 5 million from the federal communications commission over claims their children #39 s cable television networks violated advertising restrictions , the fcc said thursday . +__label__4 , cisco #39 s perfigo acquisition delivers policy compliance to channel , in a move that targets the increased threats of worms and viruses to networked businesses , cisco systems thursday said it will acquire privately owned endpoint compliance vendor perfigo in a deal worth approximately \$74 million . +__label__2 , freddie #39 s goal rage , fed-up freddie ljungberg says arsenal must stop letting in stupid goals or face another season of euro heartache . the disappointed swede reckons the gunners have already wasted a golden opportunity +__label__4 , australia #39 living beyond its means #39 , environmental organisation wwf international has warned that the global population is consuming about 20 per cent more natural resources than the planet can produce . +__label__2 , america #39 s curse , there is an all but unanswerable case for asserting that the biggest story out of the united states this week has nothing to do with the presidential election , has no connection with the flu vaccine shortage and that it does not involve a gay bishop either +__label__2 , downing provides return on mcclaren #39 s gamble , in a week in which one of their former players rechristened himself g8 to distance himself from the past , middlesbroughs attempts to rewrite history took another step forward in athens . +__label__3 , erdogan believes european council #39 s decision will be a milestone , paris - turkish pm recep tayyip erdogan expressed belief on thursday that the decision that the european council would make on december 17th ( on whether and when to open negotiations with turkey ) would be a milestone for not only turkey- ( eu ) relations +__label__2 , beckham gets off scot-free despite candid confession , in a baffling interpretation of the word deliberate , the fa decided yesterday that there was insufficient evidence to charge david beckham over his premeditated yellow card against wales . +__label__4 , astronomers find proof of einstein #39 s theory , einstein was right scientists say satellites pulled slightly off their orbits show that the earth is indeed twisting the fabric of space-time as it rotates . +__label__4 , hackers are getting smarter , says ballmer , at gartner symposium itxpo , microsoft chief executive , steve ballmer touched on quite a few topics that are targeted towards microsoft #39 s end consumers . +__label__2 , golf capsules , jl lewis shot a 10-under 62 for his best start ever on the pga tour and a two-shot lead thursday in the funai classic at disney . lewis putted for birdie on every hole and made 11 of them on the magnolia course to match his career-low round . +__label__2 , feyenoord make most of early fortune , hearts uefa cup adventure may have been derailed in rotterdam but coach craig levein can take comfort from the fact he has three more games to get it back on track . +__label__2 , agassi advances in madrid , henman eliminated , top seed tim henman suffered a 6-4 , 4-6 , 6-2 defeat to croatian ivan ljubicic in the madrid masters on thursday as andre agassi advanced to the quarter-finals with a 6-1 , 6-3 victory over vincent spadea . +__label__1 , hamas military chief killed , gaza city one of the leaders of hamas #39 military wing was killed in an israeli airstrike in gaza city early today , a hamas spokesman said . +__label__2 , nuggets 100 , clippers 88 , carmelo anthony , who missed denver #39 s previous game after being cited for marijuana possession , scored 23 points for the nuggets in a 100-88 preseason victory thursday night over the los angeles clippers . +__label__3 , software giant microsoft rings up multibillion dollar profit gain , redmond , washington , oct 21 ( afp ) - the world #39 s biggest software company , microsoft corp , said thursday that its first quarter profits swelled to 2 . 9 billion dollars as consumers and businesses pumped up demand for new computers . +__label__4 , world #39 s #39 worst plunderers #39 named , human beings are plundering the earth #39 s resources at an alarming and unsustainable rate , and australians are among the worst offenders . +__label__1 , ' wrong kind of fall ' for castro , the us declines to wish fidel castro a speedy recovery after he fractures bones in a fall at a public ceremony . +__label__3 , us airways pilots approve 18 pay cut , five-year , \$1 . 8 billion cost-cutting contract approved thursday also reduces retirement benefits , increases work hours and eliminates retiree medical coverage . +__label__3 , j . e . robert assembles new investment fund , j . e . robert cos . completed raising \$823 million from about 40 institutional and private equity investors this week . +__label__3 , hummer going smaller for share of big market , general motors hopes to make its hulking hummer lineup quot more approachable quot with a new midsize sport utility vehicle scheduled to go on sale next spring . +__label__1 , death toll 69 in japan typhoon , 19 still missing , tokyo ( reuters ) - as the death toll rose from japan ' s deadliest typhoon in two decades , experts warned on friday that climate change could bring a stormier future . +__label__1 , south korean court blocks relocation of capital , yun young-chul ( c-back ) , president of the constitutional court , speaks as the court ruled against president roh moo-hyun #39 s plan to relocate the country #39 s capital at the court , in seoul , october 21 . +__label__3 , qwest to pay \$250 million to end probe , washington ( cbs . mw ) -- qwest communications on thursday said it #39 s agreed to pay \$250 million to end a federal probe of allegedly fraudulent accounting practices used by former executives . +__label__3 , bank ' looks to block glazer bid ' , the financial times claims nomura , the japanese bank , is involved in a plan to raise 200m to block a takeover of man utd by malcolm glazer . +__label__4 , in the e . r . , learning to love the pc , the keyboard is mightier than the whiteboard at an emergency room in the bronx , where the use of computers is now a staple . +__label__1 , meps threaten to sink commission over buttiglione , meps threatened last night to bring down the new european commission before it even takes office , as a row sparked by controversial comments about homosexuality escalated into an unprecedented crisis . +__label__2 , robertson emerges with time , a debate on draft day 2003 was whether the patriots should have moved up to take kentucky defensive lineman dewayne robertson , who was picked fourth overall by the jets . after he had a subpar rookie season , the feeling was the patriots made the right choice , though they took ty warren 13th overall that year and he also . . . +__label__3 , qwest the end of the beginning , thursday #39 s agreement between qwest communications and federal regulator settles allegations of quot massive financial fraud quot at a price of \$250 million . +__label__2 , vieira fit for united battle , skipper patrick vieira is set to hand arsenal a massive boost for sunday #39 s crunch clash against manchester united by declaring himself fit to lead the gunners at old trafford . +__label__1 , staying or going ? some possibilities if bush wins , president bush plans major changes in his cabinet if he wins a second term -- perhaps nominating the first female defense secretary and first black attorney general -- but very little change among the small group of his closest advisers . +__label__2 , city series-ly wounded , with the yanks out of the world series , the city #39 s economy loses out on at least \$40 million , according to studies by the controller #39 s office and other city agencies . +__label__2 , our crowds are up , say blues , chelsea today shrugged off concerns about their attendances this season and insisted they are delighted with the support for jose mourinho #39 s side . +__label__1 , sri lanka off to positive start , kumar sangakkara ' s unbeaten fifty revives sri lanka ' s chances against pakistan . +__label__1 , n . koreans seek asylum in beijing , twenty-nine people believed to be north koreans have entered a south korean school in beijing , apparently seeking asylum . diplomats say the group , including two children , entered the school early friday . +__label__3 , connecticut joins california in spitzer probe , connecticut is going to join california amid new york attorney general eliot spitzers probe over the us insurance industry scandal . +__label__4 , einstein is proved right again , an experiment using two orbiting satellites has proved that as the earth turns it drags space and time around itself , like a spinning top in treacle . +__label__4 , microsoft/swatch offer new wireless watch , microsoft and swatch announced a new line of wireless data watches named paparazzi . the watches offer news , sports , weather and stock quotes , among other snippets of content , via microsoft #39 s msn direct wireless data service . +__label__1 , trial date set for soldier at abu ghraib ( ap ) , ap - a military judge ordered a u . s . army reservist on friday to stand trial jan . 7 in baghdad for allegedly abusing iraq inmates at the abu ghraib prison outside baghdad . +__label__3 , citigroup ' s ex-exec may face sec action , new york ( reuters ) - citigroup inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=c . n target=/stocks/quickinfo/fullquote> c . n< /a> on friday said u . s . securities regulators may recommend enforcement proceedings against the former head of citigroup global investment management . +__label__3 , dollar stabilizes above recent lows ( reuters ) , reuters - the dollar edged up against the yen and\steadied against the euro on friday , but kept within sight of\multi-month lows hit this week on worries about the u . s . \economy and its ability to attract global investors . +__label__3 , chinese economy surges 9 . 5 in first 3 quarters , beijing china #39 s economy surged by an impressive 9 . 5 per cent year-on-year in the first nine months of this year , marginally slower than the 9 . 7 per cent recorded in the first half of the year , the government said here on sunday while claiming credit for +__label__3 , primaris to spend \$3 . 8b on jets , primaris airlines inc . has announced plans to buy 20 boeing 7e7-8 dreamliners and 20 737-800s , a deal worth \$3 . 8 billion at list prices , the new low-cost business carrier and the boeing co . +__label__4 , cisco bolsters its security story , the move won #39 t have raised many eyebrows . security is a hot market in which cisco already has a strong grip in the enterprise space , and the vendor giant has already bolstered its security portfolio through +__label__1 , eu launches graphic tobacco ads , the european commission launches graphic images showing the damage smoking can do to people ' s health . +__label__2 , now or never for united , arsenal were the clear #39 devils #39 back in september 2003 , just six games into last season . following captain patrick viera #39 s second half dismissal for lashing out on free-faller ruud van nistelrooy , and then +__label__1 , sunni clerics urge election boycott , religious and political leaders gather at the umm al-qura sunni muslim mosque outside baghdad , where clerics called for their followers to boycott iraq #39 s january elections . +__label__4 , fixed-to-mobile substitution gaining momentum , there is a strong trend for consumers to move away from using fixed-line phones in concert with mobiles to use mobile handsets for all or most of their voice calls , according to a study conducted for finnish mobile handset maker nokia by uk market +__label__3 , weyerhaeuser profit up , new york ( reuters ) - weyerhaeuser co . ' s quarterly profit rose sharply on a large gain from the sale of timberlands in georgia and it set tender offers to reduce as much as \$700 million in debt , the company said on friday . +__label__4 , yahoo acquires another e-mail startup , it bought stata labs and apparently plans to incorporate stata technology in an e-mail client that could compete with google #39 s gmail . +__label__4 , avis blames it for multimillion-dollar loss , the car rental company takes a major hit because of problems with it , including high costs associated with an erp project . +__label__4 , nec tops ibm with speedier supercomputer , nec has unveiled its latest supercomputer , which is almost twice as fast as the bluegene/l machine rolled out by ibm in september . +__label__2 , ballesteros hoping to play full season next year , madrid ( reuters ) - severiano ballesteros said on friday he has made such a dramatic recovery from his back problems that he hopes to play a full season next year on both sides of the atlantic . __label__4 , bug bites continue to plague the net , roundup free-roaming source code breeds new netsky pest . also from ie to opera , browsers are a likely prey . \ -__label__4 , amazon . com net sales jump 29 google reports \$52m in net income , october 22 , 2004 ( idg news service ) - amazon . com inc . fell a penny short of analysts #39 per-share earnings expectations , while reporting net sales of \$1 . -__label__4 , lacie announces external sata harddrive , high-end lcd , lacie today introduced a new series of external harddrives with sata interface at the smau trade show in milan , italy . the drives are available in capacities up to 400 gbyte . -__label__1 , india , russia must join hands to develop new tech putin , mr vladimir v . putin , president of the russian federation , mr nr narayana murthy , chief mentor and chairman , infosys , and mr nandan nilekani , ceo and managing director , at the infosys campus in bangalore on sunday . -__label__3 , spitzer launches music industry probe , eliot spitzer , fresh from rocking the insurance industry , has now asked the music business to uncover the secrets behind how radio stations decide what records they play . -__label__3 , google results revive ' dot-com ' fervor , new york/san francisco ( reuters ) - shares of google inc . rose as much as 20 percent on friday , to trade at more than twice the level of its cut-price ipo , after the web search leader posted strong quarterly results in its first reported quarter as a public company . -__label__2 , wolfpack , canes clash at carter-finley , since becoming nc state #39 s head football coach in january of 2000 , chuck amato has endeavored to change the culture of a program that had rarely flirted with greatness . -__label__2 , broadhurst leads in spain , madrid , spain -- england #39 s paul broadhurst , winless in nine years on the european tour , shot a 6-under-par 65 friday and took a one-stroke lead midway through the madrid open . -__label__2 , bulldogs , gators remember last miss . game ( ap ) , ap - mississippi state is looking for another landmark win against florida . -__label__1 , campaign spending on rise in house races ( ap ) , ap - ground zero for the country ' s costliest house race is dallas , where two congressmen shoehorned into the same new district have each raised #36 4 . 1 million #151 and counting #151 to bash each other with television ads and sophisticated mailings . -__label__4 , this week in security news , the u . s . government ' s drive for homeland security has produced a boom in antiterror technologies--as well as industry confusion and privacy concerns . -__label__2 , brazilian gp , friday , fernando 7th and jacques 12th after a studious opening day at interlagos for the mild seven renault f1 team . -__label__1 , north korea eases tough stance against us in nuclear talks , north korea on friday eased its tough stance against the united states , saying it is willing to resume stalled six-way talks on its nuclear weapons if washington is ready to consider its demands . -__label__3 , rising oil , falling stocks lift us treasury prices , us treasury prices rose on friday as a potent combination of record high oil prices and slumping stocks kept market participants jittery about the potential for slower growth . -__label__1 , saudi denies failure to pursue insurgents ( ap ) , ap - a senior saudi official rejected on friday a suggestion that his government was lax in pursuing saudi nationals who provide money to iraqi insurgents or terrorist groups . -__label__3 , china #39 s economy still sizzling , with gdp up 9 . 1 in q3 , but prices < b> . . . < /b> , china #39 s economic boom is still roaring despite efforts to cool sizzling growth , with gross domestic product climbing 9 . 5 per cent in the first three quarters of this year , the government reported friday . -__label__1 , harrowing footage shows hassan pleading for her life , margaret hassan , the kidnapped british aid worker , appeared in a new and harrowing video yesterday , weeping and asking tony blair to save her life by halting the deployment of british -__label__1 , in controversial move , britain says #39 yes #39 to troop-redeployment < b> . . . < /b> , some 850 british troops have started preparations to redeploy from southern iraq to an area outside of baghdad . the move comes after britain agreed to a us request for help and is designed to make more us -__label__3 , bush signs \$136 billion tax-cut bill with no fanfare , washington president bush has signed into law the most sweeping rewrite of corporate tax law in nearly two decades . bush signed the bill today with no fanfare , during a flight on air force one to a campaign stop in pennsylvania . -__label__2 , clijsters and hewitt reach break point , there are two consolations for disillusioned tennis romantics upset by yesterday #39 s news of the split of lleyton hewitt and kim clijsters four months before their scheduled marriage . -__label__4 , news report card day looms for federal agencies , cyber security audits find improvement in some agencies , but viruses and worms still plague the halls of government . \ -__label__2 , big day for new england , pete kendall #39 s new england accent is as thick as his 6-5 , 292-pound frame . so there #39 s no hiding his roots or his allegiance to red sox nation . -__label__1 , president susilo stresses fighting against graft , terror as < b> . . . < /b> , in line with his pledge made during the election campaign , indonesian new president susilo bambang yudhoyono stressed the importance of fighting corruption and terror while -__label__2 , starting for cardinals has privileges , st . louis is a collection of superstar position players and anonymous pitchers . -__label__4 , regulators let cingular buy at t wireless , the \$41 billion merger between cingular wireless llc and at t wireless services inc . won approval from the federal communications commission friday , according to federal sources close to the agency . < br> \< font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__2 , cardinals make it to the world series , championship series albert pujols and scott rolen brought st . loius past houston during the sixth inning , giving them the win and the pennant . -__label__2 , column alabama fans should take responsibility for their own < b> . . . < /b> , tennessee and alabama fans needed extra reasons to hate each other about as much as deion sanders needs more reasons to love himself . -__label__3 , marts swoon on rising oil , stock prices were pummeled by a toxic combination of still-rising oil prices and anxiety surrounding eliot spitzer #39 s probe of the insurance industry . -__label__2 , agassi advances in madrid , madrid , spain ( ticker ) - appearing in his first tournament since the us open , andre agassi has not displayed much rust . the 34-year-old agassi advanced to the semifinals of the tennis masters madrid on friday +__label__4 , amazon . com net sales jump 29 google reports \$52m in net income , october 22 , 2004 ( idg news service ) - amazon . com inc . fell a penny short of analysts #39 per-share earnings expectations , while reporting net sales of \$1 . +__label__4 , lacie announces external sata harddrive , high-end lcd , lacie today introduced a new series of external harddrives with sata interface at the smau trade show in milan , italy . the drives are available in capacities up to 400 gbyte . +__label__1 , india , russia must join hands to develop new tech putin , mr vladimir v . putin , president of the russian federation , mr nr narayana murthy , chief mentor and chairman , infosys , and mr nandan nilekani , ceo and managing director , at the infosys campus in bangalore on sunday . +__label__3 , spitzer launches music industry probe , eliot spitzer , fresh from rocking the insurance industry , has now asked the music business to uncover the secrets behind how radio stations decide what records they play . +__label__3 , google results revive ' dot-com ' fervor , new york/san francisco ( reuters ) - shares of google inc . rose as much as 20 percent on friday , to trade at more than twice the level of its cut-price ipo , after the web search leader posted strong quarterly results in its first reported quarter as a public company . +__label__2 , wolfpack , canes clash at carter-finley , since becoming nc state #39 s head football coach in january of 2000 , chuck amato has endeavored to change the culture of a program that had rarely flirted with greatness . +__label__2 , broadhurst leads in spain , madrid , spain -- england #39 s paul broadhurst , winless in nine years on the european tour , shot a 6-under-par 65 friday and took a one-stroke lead midway through the madrid open . +__label__2 , bulldogs , gators remember last miss . game ( ap ) , ap - mississippi state is looking for another landmark win against florida . +__label__1 , campaign spending on rise in house races ( ap ) , ap - ground zero for the country ' s costliest house race is dallas , where two congressmen shoehorned into the same new district have each raised #36 4 . 1 million #151 and counting #151 to bash each other with television ads and sophisticated mailings . +__label__4 , this week in security news , the u . s . government ' s drive for homeland security has produced a boom in antiterror technologies--as well as industry confusion and privacy concerns . +__label__2 , brazilian gp , friday , fernando 7th and jacques 12th after a studious opening day at interlagos for the mild seven renault f1 team . +__label__1 , north korea eases tough stance against us in nuclear talks , north korea on friday eased its tough stance against the united states , saying it is willing to resume stalled six-way talks on its nuclear weapons if washington is ready to consider its demands . +__label__3 , rising oil , falling stocks lift us treasury prices , us treasury prices rose on friday as a potent combination of record high oil prices and slumping stocks kept market participants jittery about the potential for slower growth . +__label__1 , saudi denies failure to pursue insurgents ( ap ) , ap - a senior saudi official rejected on friday a suggestion that his government was lax in pursuing saudi nationals who provide money to iraqi insurgents or terrorist groups . +__label__3 , china #39 s economy still sizzling , with gdp up 9 . 1 in q3 , but prices < b> . . . < /b> , china #39 s economic boom is still roaring despite efforts to cool sizzling growth , with gross domestic product climbing 9 . 5 per cent in the first three quarters of this year , the government reported friday . +__label__1 , harrowing footage shows hassan pleading for her life , margaret hassan , the kidnapped british aid worker , appeared in a new and harrowing video yesterday , weeping and asking tony blair to save her life by halting the deployment of british +__label__1 , in controversial move , britain says #39 yes #39 to troop-redeployment < b> . . . < /b> , some 850 british troops have started preparations to redeploy from southern iraq to an area outside of baghdad . the move comes after britain agreed to a us request for help and is designed to make more us +__label__3 , bush signs \$136 billion tax-cut bill with no fanfare , washington president bush has signed into law the most sweeping rewrite of corporate tax law in nearly two decades . bush signed the bill today with no fanfare , during a flight on air force one to a campaign stop in pennsylvania . +__label__2 , clijsters and hewitt reach break point , there are two consolations for disillusioned tennis romantics upset by yesterday #39 s news of the split of lleyton hewitt and kim clijsters four months before their scheduled marriage . +__label__4 , news report card day looms for federal agencies , cyber security audits find improvement in some agencies , but viruses and worms still plague the halls of government . \ +__label__2 , big day for new england , pete kendall #39 s new england accent is as thick as his 6-5 , 292-pound frame . so there #39 s no hiding his roots or his allegiance to red sox nation . +__label__1 , president susilo stresses fighting against graft , terror as < b> . . . < /b> , in line with his pledge made during the election campaign , indonesian new president susilo bambang yudhoyono stressed the importance of fighting corruption and terror while +__label__2 , starting for cardinals has privileges , st . louis is a collection of superstar position players and anonymous pitchers . +__label__4 , regulators let cingular buy at t wireless , the \$41 billion merger between cingular wireless llc and at t wireless services inc . won approval from the federal communications commission friday , according to federal sources close to the agency . < br> \< font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__2 , cardinals make it to the world series , championship series albert pujols and scott rolen brought st . loius past houston during the sixth inning , giving them the win and the pennant . +__label__2 , column alabama fans should take responsibility for their own < b> . . . < /b> , tennessee and alabama fans needed extra reasons to hate each other about as much as deion sanders needs more reasons to love himself . +__label__3 , marts swoon on rising oil , stock prices were pummeled by a toxic combination of still-rising oil prices and anxiety surrounding eliot spitzer #39 s probe of the insurance industry . +__label__2 , agassi advances in madrid , madrid , spain ( ticker ) - appearing in his first tournament since the us open , andre agassi has not displayed much rust . the 34-year-old agassi advanced to the semifinals of the tennis masters madrid on friday __label__4 , treo 650 on monday ? , \\the blogs are buzzing that the treo 650 will be released on monday . \\from gizmodo \\not only have they announced special news next monday at the ctia wireless\conference in san francisco , earlier this week someone with palmone\accidentally sort of , you know , told me . i told them i ' d keep quiet as long as\they did , but if they ' re going to go and announce it with a wink and a nod , i\think i ' ve done my part . \\if they do this right i ' ll be sporting a treo 650 soon ! \\of course if this is true \\file it under hoping i ' m wrong . several reports have filtered in from people\who have had hands-on time with pre-release sprint versions of the upcoming\treo 650 . these reports say that the treo wi . . . \\ -__label__2 , bryant ' s 25 helps lakers beat clippers ( ap ) , ap - kobe bryant scored 25 points and the los angeles lakers got major contributions from their ever-improving reserves friday night , beating the clippers 113-102 in a preseason game . -__label__1 , roadside bomb injures six gis in iraq ( ap ) , ap - a roadside bomb exploded near an american military patrol in baghdad saturday , injuring six soldiers , the u . s . command said . -__label__3 , delta air may file bankruptcy soon-report , delta air lines inc . ( dal . n quote , profile , research ) could file for chapter 11 bankruptcy protection as soon as next week , the washington post reported in its saturday edition , citing an unnamed source familiar with the situation . -__label__2 , in ot , first-minute men lift umass , stephen werner and the minutemen weren ' t easily discouraged in their hockey east opener last night . -__label__3 , delta air lines prepares chapter 11 filing , delta air lines inc . could file for chapter 11 bankruptcy protection as soon as next week , a source familiar with the matter said yesterday . -__label__1 , 82 still missing in chinese mine blast , xinmi , china -- desperate to know their loved ones ' fates , grieving relatives scuffled with guards yesterday at the scene of china ' s worst mining accident this year as rescue workers pulled more bodies out of a mine shaft choked with poison gas . -__label__1 , us forces bomb iraq ' s falluja , seize zarqawi aide ( reuters ) , reuters - u . s . planes bombed targets in\iraq ' s rebel-held city of falluja , killing two people , and the\u . s . military said it had captured a lieutenant of its\deadliest islamist enemy in iraq in a raid early on saturday . -__label__3 , google #39 s new pc search tool poses risks , new york oct . 18 , 2004 - people who use public or workplace computers for e-mail , instant messaging and web searching have a new privacy risk to worry about google #39 s free new tool that indexes a pc #39 s contents for quickly locating data . -__label__1 , iran refutes allegation about collaboration with iaea chief , iran on sunday refuted a report made by some us media that un nuclear watchdog chief mohamed elbaradei had collaborated with iran by giving tehran an advance look at his reports , the official irna news agency reported . -__label__2 , bad blood , good rivalry vols prep for raging tide , the now former starting tennessee safety was arrested early monday morning for firing the handgun of teammate chris heath . afterwards , johnson was slapped with indefinite suspension . -__label__2 , tributes flood in for nicholson , former tottenham captain dave mackay has led the tributes to legendary former spurs manager bill nicholson , who passed away on saturday aged 85 . -__label__3 , greater pressure directed at us airways unions , bankrupt us airways is giving flight attendants , machinists and passenger service workers three weeks to reach consensual cost-cutting pacts before the airline asks -__label__2 , broadhurst leads by a shot after second round of madrid open , england #39 s paul broadhurst shot a 6-under 65 friday to take a one-stroke lead after the second round of the madrid open . broadhurst , who hasn #39 t won on the european tour in nine years , is 10-under 132 overall -__label__3 , wall street fears an undecided election , the doubts , the uncertainty , the mud-slinging that have kept investors indecisive all year are set to end one week from tuesday when us voters go to the polls . -__label__3 , miller slams transit funding , public transit in toronto will not improve next year despite \$81-million in provincial gas tax funding announced yesterday , according to mayor david miller . -__label__2 , cards all hearts , ten outs away from winter , knowing a 105-win magic-carpet ride was about to hit the runway way too soon . ten outs away from winter , and the st . -__label__2 , bucks ' zendon hamilton has knee surgery ( ap ) , ap - milwaukee bucks forward zendon hamilton will miss six weeks after undergoing arthroscopic surgery on his right knee . -__label__4 , mexico struggles to preserve ancient ruins ( reuters ) , reuters - the majestic pyramids and\temples of the ancient zapotec kingdom of monte alban sit\spectacularly atop a hill in mexico ' s southern state of oaxaca . -__label__2 , schumacher escapes high-speed practice crash , sao paulo , oct 23 ( afp ) - world champion michael schumacher was involved in a high-speed crash in saturday #39 s practice for the brazilian grand prix . -__label__1 , eu to give \$100 mln for au force in darfur-solana , addis ababa ( reuters ) - the european union and its member states will contribute more than \$100 million to an african union ( au ) force in sudan ' s troubled darfur region , eu foreign policy chief javier solana said on saturday . -__label__1 , plea for kidnapped aid worker meets with silence , charity workers were still facing an agonising wait for news of iraq aid worker margaret hassan tonight after a televised plea to her kidnappers was met with silence . -__label__2 , sharapova , molik advance to swisscom final ( ap ) , ap - wimbledon champion maria sharapova advanced to the final of the swisscom challenge , defeating fellow russian elena dementieva 4-6 , 6-2 , 6-3 in one of saturday ' s semifinals . the fourth-seeded sharapova , who eliminated venus williams in the quarterfinals , extended her winning streak to 12 matches . -__label__1 , rebel attacks kill 12 iraqis gi #39 s injured , insurgents launched strikes on saturday at united states and iraqi outposts across iraq , killing at least a dozen iraqi police officers and national guardsmen -__label__1 , edwards i won ' t raise retirement age ( ap ) , ap - seizing on a report that a plan to privatize social security includes raising the retirement age for full benefits to 72 , vice presidential candidate john edwards on saturday renewed a promise that the democrats would never raise the retirement age . -__label__1 , 16 killed in algeria rebel attack , suspected algerian islamic militants killed 16 people in the first attack on civilians since the start of the holy month of ramadan , officials said on saturday . -__label__2 , sachin ready for nagpur , sachin tendulkar will play in the third test against australia beginning tuesday . that the master batsman has been declared fit to play in the test was announced by physio andrew leipus of the indian cricket team . -__label__1 , taliban suicide bomber kills girl , wounds 6 others , kabul - a man with six grenades strapped to his body killed himself and a 12-year-old girl on a busy street in kabul saturday , police said . -__label__2 , rubens bad brazilian luck visits michael , rubens barrichello appears to have rid himself of his bad luck in brazil only for it land on his team-mate michael schumacher . barrichello last finished the brazilian gp in 1994 , which means even seeing the -__label__1 , taliban wanted list to be drawn ( ap ) , ap - the united states could cut its forces in afghanistan next summer if taliban militants accept an amnesty to be drawn up by president hamid karzai and neighboring pakistan , the senior u . s . commander here said sunday . -__label__4 , toshiba laptops with hd dvd soon , major japanese computer maker toshiba aimes to sell laptop computers that are loaded with its next generation dvd drive by next year . -__label__4 , countdown to deep impact , nasa #39 s deep impact spacecraft has arrived in florida to begin final preparations for a launch on dec . 30 , 2004 . the spacecraft was shipped from ball aerospace amp technologies in boulder , colo . -__label__3 , on wall street dominic rushe disney trial is more than a mickey < b> . . . < /b> , wilmington , delaware , isnta popular spot with the hollywood crowd . i imagine they would be a bit sniffy about what passes for local entertainment . -__label__2 , agassi bites the dust as russian safin sets up final clash with < b> . . . < /b> , madrid marat safin defeated andre agassi 6-3 , 7-6 yesterday to book a place in the madrid masters final against argentina #39 s david nalbandian . -__label__1 , iraq 26 killed on horrific day of violence , suicide bombers killed at least 22 members of iraq #39 s fledgling security forces yesterday amid a spate of insurgent attacks across the country that also -__label__1 , official eu will help rebuild somalia ( ap ) , ap - the european union will help rebuild conflict-ravaged somalia , but the cost is not clear , the eu ' s foreign policy chief said saturday . -__label__2 , lehman hoping third time is a charm , tied for the lead in what was shaping up as another shootout at disney , tom lehman believes he has experience on his side . not from the last 12 years , but the last three weeks . -__label__3 , investors put 1 . 5bn tag on kidde , shareholders in kidde , the fire protection group , have indicated they would be prepared to sell out if united technologies corporation ( utc ) , the us industrial conglomerate -__label__1 , mckinnon briefed on democracy meeting with pm , islamabad , oct 23 prime minister shaukat aziz briefed commonwealth secretary-general donald c . mckinnon on full restoration of democracy in the country and pakistan #39 s role in promoting regional and global peace . -__label__3 , nextel #39 s profit rose by 69 in 3rd quarter , nextel communications , the nation #39 s fifth-largest wireless provider , said yesterday that its profit jumped 69 percent in the third quarter from the period last year . -__label__2 , broadhurst , fichardt lead open de madrid , paul broadhurst shot a 3-under 68 saturday for a share of the lead after the third round of the open de madrid . broadhurst finished 54 holes at 13-under-par 200 for a tie with darren fichardt , who shot a 67 . -__label__3 , pension accounting , in finance , a process that requires a company to estimate the expected future value of a company #39 s pension assets and the expected cost of fulfilling pension and health care obligations to current and retired employees . -__label__2 , tenth-ranked ga . gets past ark . 20-14 ( ap ) , ap - david greene threw for a career-high 382 yards and two touchdowns , thomas brown rushed for 107 yards and no . 10 georgia held off arkansas 20-14 . -__label__3 , is fair trade coffee a beachhead for bananas ? , guilderland , ny socially conscious consumers have made fair trade brews a rapidly growing niche of the coffee market . the beans can now be found on supermarket shelves next to the folgers and in the espresso at dunkin #39 donuts . -__label__4 , google desktop outshines windows #39 file-search capabilities , google is famed for its web search engine , but over the past few years it has acquired a different role microsoft #39 s no . 1 foreign aid donor . -__label__1 , revolving door , < em> in< /em> < br> aylwin b . lewis , president of yum brands , as chief executive of kmart . -__label__2 , bellhorn makes big noise for red sox , boston ( reuters ) - with a power-packed lineup that features sluggers like manny ramirez and david ortiz , it was mark bellhorn who was the unlikely hero of game one of the 100th world series with a two-run homer for the boston red sox saturday . -__label__1 , south africa #39 s mbeki leaves ivory coast rebel zone , south african president thabo mbeki left ivory coast #39 s rebel town of bouake after talks sunday , saying mediators would prepare proposals to end the crisis in the world #39 s top cocoa grower . -__label__1 , u . s . weighs more sanctions vs . belarus ( ap ) , ap - the bush administration may impose sanctions against leaders of the former soviet republic of belarus as part of a broader range of punitive measures , the state department said thursday . -__label__3 , pilots #39 union accepts pay cuts from us airways , pilots at us airways narrowly approved \$300 million in wage and benefit cuts today , making the air line pilots association the first major union representing us airways workers to agree to permanent concessions . -__label__1 , iran says eu nuclear proposal unacceptable , tehran ( reuters ) - iran on sunday turned down a european union proposal that it stop enriching uranium in return for nuclear technology . -__label__3 , her aim give tufts-nemc intensive care , for 10 years , ellen zane oversaw community doctors for partners healthcare , the parent organization of massachusetts general and brigham and women ' s hospitals and the biggest and most profitable hospital and physician network in massachusetts . then in december , she became chief executive of a very different institution tufts-new england medical center in boston ' s chinatown neighborhood . tufts-nemc is not only smaller , it ' s . . . -__label__1 , suicide bomber wounds 7 afghan vote tally nears end , kabul , afghanistan -- a taliban suicide fighter killed himself and wounded at least seven others , including three members of a nato-led peacekeeping force , in a grenade attack on a busy shopping street in central kabul yesterday . -__label__2 , guerin trades nhl job for family business , for the first time in three years , former bruins forward bill guerin will be home with his family for halloween . but he won ' t be dressing up as a national hockey league player any time soon . he ' ll be a full-time dad to his four children while he waits -- with his nhl players association brethren -- for something to break in . . . -__label__2 , arsenal boss wenger has keeper worries , arsenal bounced back to winning ways with a comfortable 3-0 victory over struggling birmingham city yesterday . a brace from thierry henry came after robert pires #39 opener , but it was the shaky premiership debut -__label__1 , p . diddy takes vote drive to swing states ( ap ) , ap - hip-hop mogul sean p . diddy combs is following the lead of president bush and sen . john kerry by taking his get-out-the-vote campaign to the swing states . -__label__2 , berlin ties miami mark , raleigh , n . c . -- brock berlin tied a miami record shared by bernie kosar , steve walsh , and ken dorsey with five touchdown passes , and devin hester returned the opening kickoff 100 yards for another score , helping the no . 4 hurricanes hold off north carolina state , 45-31 , last night . -__label__3 , a card to your future , 401 ( k ) credit card would give millions of american workers the chance to borrow their own money from their retirement savings plans . -__label__1 , powell rejects nk overture , arrives here today , us secretary of state colin powell arrives in seoul today for a two-day visit , after rejecting a north korean overture to resume the six-party nuclear talks if the us rewards it for freezing its nuclear activities . -__label__2 , um defense a big hit from start to finish , markus curry made the hit low , ernest shazor made the hit high and leon hall leapt for the football as it wobbled freely toward the university of michigan sideline . -__label__2 , junqueira sets up champ car final , bruno junqueira won sunday #39 s lexmark indy 300 ahead to retain hopes of winning the champ car title . the brazilian #39 s newman-haas team-mate sebastian bourdais needed to win seven more points than junqueira in surfers paradise to secure the title . -__label__3 , bank on it checks won #39 t float , they #39 ll bounce , or write a check before the funds are available in their accounts - might soon find themselves at risk for more bounced checks and high overdraft fees . -__label__3 , stocks seen stymied by oil , earnings , new york ( reuters ) - record crude oil prices , a tidal wave of quarterly earnings reports and anxiety ahead of the presidential election may pin u . s . stocks down this week . -__label__1 , israel strikes before gaza vote , israel killed two islamic jihad militants in the gaza strip yesterday as ariel sharon and his cabinet finalised a bill to withdraw from gaza . -__label__1 , powell presses n . korea on weapons talks , us secretary of state colin powell , left , shakes hands with japanese prime minister junichiro koizumi before their meeting at the foreign ministry #39 s annex in tokyo sunday , oct . 24 , 2004 . -__label__1 , american woman , afghan girl die after kabul blast , an american woman , believed to be a civilian , and a young afghan girl died from their wounds after a suicide bomb attack in a busy shopping street in the afghan capital . -__label__1 , large explosion shakes downtown baghdad ( ap ) , ap - a large explosion shook downtown baghdad on sunday night , but its cause could not immediately be determined . -__label__2 , chinese skaters crowned at smart ones skate america , chinese duo zhang dan and zhang hao have clinched the first spot in pairs free skating at smart ones skate america , the first station of the 04-05 isu grand prix . -__label__1 , 2 people killed in clashes in iraq #39 s samarra , two iraqis were killed and four others wounded in clashes that broke out between us troops and insurgents in samarra , north of baghdad , police said on sunday . -__label__2 , moss in minnesota #39 s lineup against tennessee , randy moss was the starting lineup for the minnesota vikings on sunday despite a strained right hamstring that kept him out of practice all week . -__label__2 , schilling , morris face tall task , so what will curt schilling do for an encore tonight ? take the mound without a flu shot ? five days after baseball #39 s most inspiring comeback that didn #39 t involve an iowa cornfield , schilling -__label__1 , us security official killed in iraq attack , a us security official , assigned to the us embassy in baghdad , was killed on sunday by a mortar attack on a us army base near baghdad international airport , us secretary of state colin powell said . -__label__1 , japan earthquakes kill 23 , leave thousands in shelters ( afp ) , afp - thousands of people were spending the night in emergency shelters after the deadliest quakes to hit japan in nearly a decade killed 23 people and injured more than 900 , police and reports said . -__label__2 , united v arsenal match report , united are back in the title race after bringing arsenal #39 s long unbeaten run to a grisly end in the manchester rain . ruud van nistelrooy erased the misery of his penalty miss in last season #39 s fixture by slotting a second-half spot-kick past jens lehmann . -__label__1 , 2 troops said killed by turkey land mine ( ap ) , ap - two turkish soldiers were killed when their vehicle hit a land mine in southeastern turkey , and a small oil pipeline was damaged by a bomb in two attacks sunday blamed on kurdish rebels , the anatolia news agency reported . -__label__1 , headscarf optional at britain ' s first state-funded islamic school ( afp ) , afp - irish-moroccan or egyptian-english , with headscarf or without , the diverse students at britain ' s first state-funded islamic school are at the vanguard of a trend toward a distinctly european muslim culture . -__label__2 , plane of nascar team hendrick missing ( ap ) , ap - a plane carrying members of the hendrick motorsports organization was missing sunday after losing contact with the federal aviation administration on its way to a nascar race , and a search was underway for the aircraft . -__label__2 , jaguars 27 colts 24 , indianapolis byron leftwich was flawless on a 30-yard drive in the final four minutes , and rookie kicker josh scobee made a season-long 53-yard field goal to help the jacksonville jaguars pull off a 27-to-24 win over indianapolis . -__label__2 , dolphins finally win , taking out frustration on rams , the miami dolphins finally gave their fans reason to celebrate , combining a polished offensive performance with solid defense for their first victory this season , 31-14 over the st . -__label__1 , coors ' donation to own campaign draws ire ( ap ) , ap - a #36 500 , 000 donation by republican beer baron pete coors to his own senate campaign has triggered a new federal law that eases fund-raising restrictions for his democratic opponent . -__label__2 , plane of nascar team hendrick missing , race fans wave american flags in the stands during the singing of the national anthem prior to the start of the nascar subway 500 stock car race at martinsville speedway in martinsville , va . -__label__2 , tennessee loses mcnair again in loss , minneapolis -- with randy moss relegated to two snaps of decoy duty , daunte culpepper and the minnesota vikings shifted gears and grinded one out against the tennessee titans . -__label__2 , brazilian victory lifts williams , the williams team breathed a sigh of relief after juan pablo montoya #39 s victory in the brazilian grand prix . the team finished fourth in the constructors standings but technical director sam michael was full of praise for the colombian #39 s performance . -__label__2 , hendrick motorsports plane crash kills 10 ( ap ) , ap - a plane owned by the hendrick motorsports organization crashed sunday on its way to a nascar race , killing all 10 people aboard , federal officials said . a spokesman for a funeral home where the bodies were being taken said the dead included the son , brother and two nieces of rick hendrick , owner of one of the most successful organizations in nascar history . -__label__3 , bush quietly signs corporate tax-cut bill , washington - with no fanfare , president bush friday signed the most sweeping rewrite of corporate tax law in nearly two decades , showering \$136 billion in new tax breaks on businesses , farmers and other groups . -__label__3 , nikkei sinks due to exporters , tokyo ( reuters ) - tokyo ' s nikkei average fell 2 percent at the opening on monday as investors shied away from exporters including toyota motor corp . after a fall in the dollar below 107 yen stoked concerns about their earnings . -__label__3 , mg rover offers know-how to chinese partner , mg rover , the ailing british carmaker , has signed a binding agreement to hand over technology and know-how to the shanghai automotive industry corporation ( saic ) . -__label__2 , long and short of a rivalry that was , five years may not seem a whole lot , but consider what has happened since the last time the green bay packers played the dallas cowboys prior to today #39 s meeting . -__label__1 , kashmir leader survives attack , the head of indian kashmir #39 s main opposition party , omar abdullah , has survived a second assassination bid in a month . police say seven people were injured when rebels detonated a bomb a few steps away from mr abdullah , two of them critically . -__label__3 , ontario won #39 t help other provinces squeeze ottawa for more < b> . . . < /b> , premier dalton mcguinty sent a shot across the bow of have-not provinces sunday , warning that ontario will not support efforts to wring billions more in equalization payments out -__label__4 , approval expected for big cellphone deal , federal regulators will formally approve cingular wireless #39 s \$41 billion purchase of at amp t wireless today , company officials briefed on the matter said over the weekend . -__label__4 , new i . b . m . report will warn of computer security threats , i . b . m . plans to begin releasing a monthly report of threats to computer networks in an effort to establish an indicator similar to the federal governments homeland security advisory system . -__label__2 , dillon relishes icing victory , of the 115 rushing yards corey dillon rolled up against the jets on sunday , it was the final 12 that might have been the most important . -__label__1 , in haiti , peacekeepers take on militants , using armored cars and earth movers , u . n . peacekeepers and haitian police moved into an area early sunday controlled by militants loyal to ousted president jean-bertrand aristide , protecting workers removing burned out cars used as road blocks . -__label__2 , junqueira beats bourdais to take lexmark indy 300 , the race for the champ car drivers #39 title is going to mexico city in two weeks . bruno junqueira won yesterday #39 s lexmark indy 300 ahead of teammate sebastien bourdais , stalling bourdais #39 run to the 2004 championship -__label__2 , school #39 s out for sterne , a first win on the european tour - any tour , in fact - is a notable feat in any golfer #39 s career . but the one by south african richard sterne in the madrid open yesterday deserves special mention . -__label__1 , thousands of japanese endure night outdoors , destruction at least 21 people have been killed by the quake , which has forced thousands to evacuate . yesterday , many were readying to spend another chilly night outside . -__label__3 , divided s . e . c . likely to ask hedge funds for more data , a deeply divided s . e . c . is expected to approve rules requiring all but the smallest hedge funds to register with the s . e . c . and make their records available . -__label__2 , loss bodes well for future , they beat a bunch of bad teams -- some , just barely -- to become the first team in franchise history to get off to a 5-0 start . still , we couldn #39 t tell just how good the jets really were . -__label__2 , palmer breaks tour duck in style , ryan palmer came from five shots behind with a magnificent 62 to earn his maiden pga tour tournament victory at the funai classic on sunday . -__label__4 , regulators let cingular buy at amp t wireless , the \$41 billion merger between cingular wireless llc and at amp t wireless services inc . won approval from the federal communications commission yesterday , according to federal sources close to -__label__1 , dozens of iraqi soldiers found executed , the corpses of 50 soldiers of iraq #39 s new army have been discovered northeast of the capital baghdad . interim iraqi interior ministry spokesman adnan abd al-rahman said the troops were believed to have been -__label__1 , aftershock hits japan quake zone , strong aftershocks are still shaking northern japan after the country #39 s deadliest earthquake in nine years killed at least 24 people . -__label__2 , ferguson attacked in tunnel bust-up , sir alex ferguson was pelted with food and pea soup by an arsenal player in an extraordinary tunnel bust-up at old trafford yesterday . -__label__1 , pitcairn trial finds 5 of 7 guilty , the three new zealand judges presiding over sexual assault cases on pitcairn island have handed down their verdicts in adamstown , finding five of the seven men charged guilty of sex crimes . -__label__1 , victory looms for karzai as vote probe continues , hamid karzai was assured of a majority in afghanistans election to become its first democratically chosen president . with nearly 95 per cent of votes counted , the interim leader already has more than half -__label__2 , hendrick motorsports plane crash kills 10 , jimmie johnson , center , winner of the nascar subway 500 race , is escorted to a nextel cup trailer after the race at martinsville speedway in martinsville , va . -__label__2 , cardinals unable to solve schilling , the first at-bat of the game seemed to go on and on , with red sox starting pitcher curt schilling aiming to end the inning with little damage , and st . louis leadoff batter edgar renteria aiming to throw a wrench is his game plan . twelve pitches later , after several fouls , schilling got renteria to ground out to shortstop . -__label__1 , haiti moves on pro-aristide militants , haitian police and u . n . troops moved into a slum that has become a flashpoint for unrest , using bulldozers to remove a barricade of torched cars that had blocked traffic in the capital . -__label__2 , update 2-manchester united calls off bid talks with glazer , the world #39 s richest soccer club , manchester united ( mnu . l quote , profile , research ) , has called off talks with us sports tycoon malcolm glazer over his proposed -__label__2 , plane crash kills 10 close to racing , martinsville , va . -- a hendrick motorsports plane crashed yesterday on its way to a nascar race , killing all 10 people aboard , including the son , brother and two nieces of the owner of one of auto racing ' s most successful organizations . -__label__1 , eu seeks joint asylum policy , eu ministers meeting in luxembourg plan moves to integrate their asylum and immigration procedures . -__label__1 , israel kills 10 palestinians in gaza camp raid , gaza ( reuters ) - israeli tanks and troops backed by helicopter gunships stormed khan younis refugee camp , a gaza militant stronghold , on monday , killing 10 palestinians including an 11-year-old boy , medics and witnesses said . -__label__4 , rocky legends tony hawk ' s underground 2 nisus writer express 2 . 0 surfsaver 6 , this is the second rocky video game in two years -- even though it ' s been 14 years since the last rocky flick . -__label__2 , another controversial man utd-arsenal game , mount st . helen #39 s in oregon has been active these last few months but that is nothing compared to the eruption at old trafford on sunday . -__label__1 , u . s . urges china to push for more n . korea talks , beijing ( reuters ) - secretary of state colin powell urged china on monday to exert its influence over north korea to resume stalled talks on scrapping its nuclear weapons programs and pressed beijing to accept a taiwan offer of talks . -__label__4 , mission accomplished us astronauts are home at last , american astronaut mike fincke and russian commander gennady padalka descended to earth in remote kazakstan late saturday aboard a soyuz space capsule . -__label__1 , india , myanmar sign three accords , india and myanmar today signed three accords and agreed to step up cooperation in trade , economic and other key areas . a cultural exchange programme for 2004-06 and another mou on the tamanthi hydroelectric project in myanmar were inked . -__label__1 , africa must move away from conflicts mbeki , lusaka africa must move away from conflicts and begin to pool its resources to develop the impoverished continent and reduce poverty , south african president thabo mbeki said on sunday . -__label__4 , nasa puts hands-free linkup to a test , tuesday , barring a weather-caused delay , for the first time the united states will send an autonomous robot vehicle to join up with a satellite and conduct a 20-hour demonstration of its abilities -- without any human guidance . -__label__1 , egypt arrests alleged sinai bombers ( ap ) , ap - eight egyptians have been arrested and accused of plotting the nearly simultaneous car bombings of a hotel and tourist camp in the sinai that killed at least 34 people earlier this month . -__label__3 , harmony gold posts fifth straight quarterly loss ( update1 ) , harmony gold mining co . , the biggest miner of south african gold , made its fifth consecutive quarterly loss as the rand #39 s gains against the dollar eroded profit margins , compelling it to seek expansion to cut costs . -__label__3 , stocks seen lower as oil hits new high , new york ( reuters ) - u . s . stock futures pointed to a lower market open on monday , as oil prices hit another record , fueling worries that soaring energy costs will bite into corporate profits . -__label__3 , monday fortune business report , monday #39 s opening levels are the dow opens at 9 , 757 . 81 , lower by 107 . 95 . the nasdaq starts the day at 1 , 915 . 14 , lower by 38 . 48 . -__label__2 , patriots #39 game new england beats jets for 21st win in a row , while not pleased , the jets were neither surprised at the outcome of their showdown against the patriots , nor downcast about their future . -__label__2 , zeman #39 s lecce enjoy heady heights of serie a , when lecce sold their prolific uruguayan striker ernesto chevanton to french club monaco in the close-season , many pundits added the southern club to the list of favourites for relegation . -__label__3 , aon may face civil suit , the office of new york attorney general eliot spitzer has uncovered evidence of improper business practices at aon corp . , the world #39 s second-largest insurance broker , according to a published report . -__label__3 , ryder quarterly earnings up , new york ( reuters ) - ryder system inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=r . n target=/stocks/quickinfo/fullquote> r . n< /a> on monday reported an increase in quarterly net profit amid increased demand for transport services , especially in its fleet management division . -__label__3 , china trade volume to reach \$1 . 1trillion in 2004 , china #39 s total trade volume will reach 1 . 1 trillion us dollars in 2004 -- up 30 percent over 2003 --with a trade surplus of about 10 billion us dollars , said assistant minister of commerce yi xiaozhun . -__label__4 , yahoo ! email acquisition aims to keep google in view , stata labs previously sold two products bloomba and saproxy pro which have now been withdrawn from sale . saproxy was an anti-spam product whilst bloomba was an email management system which allows users to -__label__1 , hynix ' s 3q profit more than triples ( ap ) , ap - south korea ' s hynix semiconductor inc . said monday its third-quarter net profit more than tripled from same period last year thanks to steady global prices for memory chips . -__label__4 , cisco , microsoft shake hands on security , cisco and microsoft have gotten the word it managers are tired of constantly plugging security holes in their networks . -__label__4 , ctia shines spotlight on mobile middleware , mobility will take center stage this week as san francisco plays host to the cellular telecommunications internet association ' s ( ctia ) wireless i . t . entertainment 2004 fall conference . -__label__1 , un nuclear agency confirms tons of explosives missing , vienna , austria -- the un nuclear watchdog agency says it #39 s concerned tons of missing explosives in iraq quot could have fallen into the wrong hands . -__label__1 , china rebuffs powell over taiwan recommendation , china has rebuffed suggestions by us secretary of state colin powell that it consider accepting the taiwanese president #39 s offer of talks to reduce cross-strait tension . -__label__3 , update 3 lnm to buy isg for \$4 . 5b in cash , stock , a privately-owned dutch steelmaker headed by billionaire lakshmi mittal is buying us-based international steel group inc . for about \$4 . -__label__3 , magna bids to privatize auto parts spin-offs , aurora , ont . - auto parts giant magna international on monday unveiled bids worth a total of about \$1 . 3 billion to take its three publicly traded subsidiaries private . -__label__4 , internet users far from being secure , washington - internet users at home are not nearly as safe online as they believe , according to a nationwide inspection by researchers . -__label__4 , microsoft makes exchange road map more mirky , san francisco - after removing the 2006 kodiak release of exchange server from its product road map earlier this year , microsoft corp . ' s plans for the messaging software have gotten even cloudier . -__label__3 , citigroup to close unit in japan , citigroup inc . said monday it will close its trust banking unit in japan within a year , after japanese authorities ordered the us financial services giant to suspend its private banking business there . -__label__4 , palmone treo 650 arrives , the palmone treo 650 smartphone with high-resolution screen , bluetooth , swappable battery and extended multimedia capabilities was officially announced today . -__label__2 , danish fan falls to his death in copenhagen stadium , a 24-year-old danish football fan died after falling from the top tier of the stands at fc copenhagen #39 s parken stadium during a weekend match against viborg , news agency ritzau said . -__label__4 , invasion of the data snatchers ( washingtonpost . com ) , washingtonpost . com - think your pc is safe ? think again . a new study indicates your home computer is likely bogged down with spyware , viruses and other scourges wrought by hackers and pc pranksters . ignorance may be bliss for some people , but for computer users , not knowing can be costly and inefficient . -__label__4 , sony nw-e95 and nw-e99 network walkman , sony europe has launched two tiny 512mb and 1gb mp3 players , the nw-e95 and nw-e99 network walkman . both play mp3 ( sony has officially bit the mp3 bullet ) and atrac3plus compressed files and have a small blue backlit lcd screen . -__label__1 , zarqawi group claims attack on australian soldiers in baghdad ( afp ) , afp - the group loyal to al-qaeda-linked militant abu mussab al-zarqawi claimed to have bombed an australian convoy in baghdad , in a statement posted on an islamist website . -__label__3 , update 1-txu raises dividend , profit forecast shares jump , texas power company txu corp . ( txu . n quote , profile , research ) on monday raised its dividend by 350 percent , boosted its earnings forecast and increased its share buyback program -__label__1 , report iraq govt . cancels falluja negotiations ( reuters ) , reuters - the chief negotiator in the rebel-held\iraqi town of falluja said monday the government had canceled\indefinitely talks to avert a military assault on the town . +__label__2 , bryant ' s 25 helps lakers beat clippers ( ap ) , ap - kobe bryant scored 25 points and the los angeles lakers got major contributions from their ever-improving reserves friday night , beating the clippers 113-102 in a preseason game . +__label__1 , roadside bomb injures six gis in iraq ( ap ) , ap - a roadside bomb exploded near an american military patrol in baghdad saturday , injuring six soldiers , the u . s . command said . +__label__3 , delta air may file bankruptcy soon-report , delta air lines inc . ( dal . n quote , profile , research ) could file for chapter 11 bankruptcy protection as soon as next week , the washington post reported in its saturday edition , citing an unnamed source familiar with the situation . +__label__2 , in ot , first-minute men lift umass , stephen werner and the minutemen weren ' t easily discouraged in their hockey east opener last night . +__label__3 , delta air lines prepares chapter 11 filing , delta air lines inc . could file for chapter 11 bankruptcy protection as soon as next week , a source familiar with the matter said yesterday . +__label__1 , 82 still missing in chinese mine blast , xinmi , china -- desperate to know their loved ones ' fates , grieving relatives scuffled with guards yesterday at the scene of china ' s worst mining accident this year as rescue workers pulled more bodies out of a mine shaft choked with poison gas . +__label__1 , us forces bomb iraq ' s falluja , seize zarqawi aide ( reuters ) , reuters - u . s . planes bombed targets in\iraq ' s rebel-held city of falluja , killing two people , and the\u . s . military said it had captured a lieutenant of its\deadliest islamist enemy in iraq in a raid early on saturday . +__label__3 , google #39 s new pc search tool poses risks , new york oct . 18 , 2004 - people who use public or workplace computers for e-mail , instant messaging and web searching have a new privacy risk to worry about google #39 s free new tool that indexes a pc #39 s contents for quickly locating data . +__label__1 , iran refutes allegation about collaboration with iaea chief , iran on sunday refuted a report made by some us media that un nuclear watchdog chief mohamed elbaradei had collaborated with iran by giving tehran an advance look at his reports , the official irna news agency reported . +__label__2 , bad blood , good rivalry vols prep for raging tide , the now former starting tennessee safety was arrested early monday morning for firing the handgun of teammate chris heath . afterwards , johnson was slapped with indefinite suspension . +__label__2 , tributes flood in for nicholson , former tottenham captain dave mackay has led the tributes to legendary former spurs manager bill nicholson , who passed away on saturday aged 85 . +__label__3 , greater pressure directed at us airways unions , bankrupt us airways is giving flight attendants , machinists and passenger service workers three weeks to reach consensual cost-cutting pacts before the airline asks +__label__2 , broadhurst leads by a shot after second round of madrid open , england #39 s paul broadhurst shot a 6-under 65 friday to take a one-stroke lead after the second round of the madrid open . broadhurst , who hasn #39 t won on the european tour in nine years , is 10-under 132 overall +__label__3 , wall street fears an undecided election , the doubts , the uncertainty , the mud-slinging that have kept investors indecisive all year are set to end one week from tuesday when us voters go to the polls . +__label__3 , miller slams transit funding , public transit in toronto will not improve next year despite \$81-million in provincial gas tax funding announced yesterday , according to mayor david miller . +__label__2 , cards all hearts , ten outs away from winter , knowing a 105-win magic-carpet ride was about to hit the runway way too soon . ten outs away from winter , and the st . +__label__2 , bucks ' zendon hamilton has knee surgery ( ap ) , ap - milwaukee bucks forward zendon hamilton will miss six weeks after undergoing arthroscopic surgery on his right knee . +__label__4 , mexico struggles to preserve ancient ruins ( reuters ) , reuters - the majestic pyramids and\temples of the ancient zapotec kingdom of monte alban sit\spectacularly atop a hill in mexico ' s southern state of oaxaca . +__label__2 , schumacher escapes high-speed practice crash , sao paulo , oct 23 ( afp ) - world champion michael schumacher was involved in a high-speed crash in saturday #39 s practice for the brazilian grand prix . +__label__1 , eu to give \$100 mln for au force in darfur-solana , addis ababa ( reuters ) - the european union and its member states will contribute more than \$100 million to an african union ( au ) force in sudan ' s troubled darfur region , eu foreign policy chief javier solana said on saturday . +__label__1 , plea for kidnapped aid worker meets with silence , charity workers were still facing an agonising wait for news of iraq aid worker margaret hassan tonight after a televised plea to her kidnappers was met with silence . +__label__2 , sharapova , molik advance to swisscom final ( ap ) , ap - wimbledon champion maria sharapova advanced to the final of the swisscom challenge , defeating fellow russian elena dementieva 4-6 , 6-2 , 6-3 in one of saturday ' s semifinals . the fourth-seeded sharapova , who eliminated venus williams in the quarterfinals , extended her winning streak to 12 matches . +__label__1 , rebel attacks kill 12 iraqis gi #39 s injured , insurgents launched strikes on saturday at united states and iraqi outposts across iraq , killing at least a dozen iraqi police officers and national guardsmen +__label__1 , edwards i won ' t raise retirement age ( ap ) , ap - seizing on a report that a plan to privatize social security includes raising the retirement age for full benefits to 72 , vice presidential candidate john edwards on saturday renewed a promise that the democrats would never raise the retirement age . +__label__1 , 16 killed in algeria rebel attack , suspected algerian islamic militants killed 16 people in the first attack on civilians since the start of the holy month of ramadan , officials said on saturday . +__label__2 , sachin ready for nagpur , sachin tendulkar will play in the third test against australia beginning tuesday . that the master batsman has been declared fit to play in the test was announced by physio andrew leipus of the indian cricket team . +__label__1 , taliban suicide bomber kills girl , wounds 6 others , kabul - a man with six grenades strapped to his body killed himself and a 12-year-old girl on a busy street in kabul saturday , police said . +__label__2 , rubens bad brazilian luck visits michael , rubens barrichello appears to have rid himself of his bad luck in brazil only for it land on his team-mate michael schumacher . barrichello last finished the brazilian gp in 1994 , which means even seeing the +__label__1 , taliban wanted list to be drawn ( ap ) , ap - the united states could cut its forces in afghanistan next summer if taliban militants accept an amnesty to be drawn up by president hamid karzai and neighboring pakistan , the senior u . s . commander here said sunday . +__label__4 , toshiba laptops with hd dvd soon , major japanese computer maker toshiba aimes to sell laptop computers that are loaded with its next generation dvd drive by next year . +__label__4 , countdown to deep impact , nasa #39 s deep impact spacecraft has arrived in florida to begin final preparations for a launch on dec . 30 , 2004 . the spacecraft was shipped from ball aerospace amp technologies in boulder , colo . +__label__3 , on wall street dominic rushe disney trial is more than a mickey < b> . . . < /b> , wilmington , delaware , isnta popular spot with the hollywood crowd . i imagine they would be a bit sniffy about what passes for local entertainment . +__label__2 , agassi bites the dust as russian safin sets up final clash with < b> . . . < /b> , madrid marat safin defeated andre agassi 6-3 , 7-6 yesterday to book a place in the madrid masters final against argentina #39 s david nalbandian . +__label__1 , iraq 26 killed on horrific day of violence , suicide bombers killed at least 22 members of iraq #39 s fledgling security forces yesterday amid a spate of insurgent attacks across the country that also +__label__1 , official eu will help rebuild somalia ( ap ) , ap - the european union will help rebuild conflict-ravaged somalia , but the cost is not clear , the eu ' s foreign policy chief said saturday . +__label__2 , lehman hoping third time is a charm , tied for the lead in what was shaping up as another shootout at disney , tom lehman believes he has experience on his side . not from the last 12 years , but the last three weeks . +__label__3 , investors put 1 . 5bn tag on kidde , shareholders in kidde , the fire protection group , have indicated they would be prepared to sell out if united technologies corporation ( utc ) , the us industrial conglomerate +__label__1 , mckinnon briefed on democracy meeting with pm , islamabad , oct 23 prime minister shaukat aziz briefed commonwealth secretary-general donald c . mckinnon on full restoration of democracy in the country and pakistan #39 s role in promoting regional and global peace . +__label__3 , nextel #39 s profit rose by 69 in 3rd quarter , nextel communications , the nation #39 s fifth-largest wireless provider , said yesterday that its profit jumped 69 percent in the third quarter from the period last year . +__label__2 , broadhurst , fichardt lead open de madrid , paul broadhurst shot a 3-under 68 saturday for a share of the lead after the third round of the open de madrid . broadhurst finished 54 holes at 13-under-par 200 for a tie with darren fichardt , who shot a 67 . +__label__3 , pension accounting , in finance , a process that requires a company to estimate the expected future value of a company #39 s pension assets and the expected cost of fulfilling pension and health care obligations to current and retired employees . +__label__2 , tenth-ranked ga . gets past ark . 20-14 ( ap ) , ap - david greene threw for a career-high 382 yards and two touchdowns , thomas brown rushed for 107 yards and no . 10 georgia held off arkansas 20-14 . +__label__3 , is fair trade coffee a beachhead for bananas ? , guilderland , ny socially conscious consumers have made fair trade brews a rapidly growing niche of the coffee market . the beans can now be found on supermarket shelves next to the folgers and in the espresso at dunkin #39 donuts . +__label__4 , google desktop outshines windows #39 file-search capabilities , google is famed for its web search engine , but over the past few years it has acquired a different role microsoft #39 s no . 1 foreign aid donor . +__label__1 , revolving door , < em> in< /em> < br> aylwin b . lewis , president of yum brands , as chief executive of kmart . +__label__2 , bellhorn makes big noise for red sox , boston ( reuters ) - with a power-packed lineup that features sluggers like manny ramirez and david ortiz , it was mark bellhorn who was the unlikely hero of game one of the 100th world series with a two-run homer for the boston red sox saturday . +__label__1 , south africa #39 s mbeki leaves ivory coast rebel zone , south african president thabo mbeki left ivory coast #39 s rebel town of bouake after talks sunday , saying mediators would prepare proposals to end the crisis in the world #39 s top cocoa grower . +__label__1 , u . s . weighs more sanctions vs . belarus ( ap ) , ap - the bush administration may impose sanctions against leaders of the former soviet republic of belarus as part of a broader range of punitive measures , the state department said thursday . +__label__3 , pilots #39 union accepts pay cuts from us airways , pilots at us airways narrowly approved \$300 million in wage and benefit cuts today , making the air line pilots association the first major union representing us airways workers to agree to permanent concessions . +__label__1 , iran says eu nuclear proposal unacceptable , tehran ( reuters ) - iran on sunday turned down a european union proposal that it stop enriching uranium in return for nuclear technology . +__label__3 , her aim give tufts-nemc intensive care , for 10 years , ellen zane oversaw community doctors for partners healthcare , the parent organization of massachusetts general and brigham and women ' s hospitals and the biggest and most profitable hospital and physician network in massachusetts . then in december , she became chief executive of a very different institution tufts-new england medical center in boston ' s chinatown neighborhood . tufts-nemc is not only smaller , it ' s . . . +__label__1 , suicide bomber wounds 7 afghan vote tally nears end , kabul , afghanistan -- a taliban suicide fighter killed himself and wounded at least seven others , including three members of a nato-led peacekeeping force , in a grenade attack on a busy shopping street in central kabul yesterday . +__label__2 , guerin trades nhl job for family business , for the first time in three years , former bruins forward bill guerin will be home with his family for halloween . but he won ' t be dressing up as a national hockey league player any time soon . he ' ll be a full-time dad to his four children while he waits -- with his nhl players association brethren -- for something to break in . . . +__label__2 , arsenal boss wenger has keeper worries , arsenal bounced back to winning ways with a comfortable 3-0 victory over struggling birmingham city yesterday . a brace from thierry henry came after robert pires #39 opener , but it was the shaky premiership debut +__label__1 , p . diddy takes vote drive to swing states ( ap ) , ap - hip-hop mogul sean p . diddy combs is following the lead of president bush and sen . john kerry by taking his get-out-the-vote campaign to the swing states . +__label__2 , berlin ties miami mark , raleigh , n . c . -- brock berlin tied a miami record shared by bernie kosar , steve walsh , and ken dorsey with five touchdown passes , and devin hester returned the opening kickoff 100 yards for another score , helping the no . 4 hurricanes hold off north carolina state , 45-31 , last night . +__label__3 , a card to your future , 401 ( k ) credit card would give millions of american workers the chance to borrow their own money from their retirement savings plans . +__label__1 , powell rejects nk overture , arrives here today , us secretary of state colin powell arrives in seoul today for a two-day visit , after rejecting a north korean overture to resume the six-party nuclear talks if the us rewards it for freezing its nuclear activities . +__label__2 , um defense a big hit from start to finish , markus curry made the hit low , ernest shazor made the hit high and leon hall leapt for the football as it wobbled freely toward the university of michigan sideline . +__label__2 , junqueira sets up champ car final , bruno junqueira won sunday #39 s lexmark indy 300 ahead to retain hopes of winning the champ car title . the brazilian #39 s newman-haas team-mate sebastian bourdais needed to win seven more points than junqueira in surfers paradise to secure the title . +__label__3 , bank on it checks won #39 t float , they #39 ll bounce , or write a check before the funds are available in their accounts - might soon find themselves at risk for more bounced checks and high overdraft fees . +__label__3 , stocks seen stymied by oil , earnings , new york ( reuters ) - record crude oil prices , a tidal wave of quarterly earnings reports and anxiety ahead of the presidential election may pin u . s . stocks down this week . +__label__1 , israel strikes before gaza vote , israel killed two islamic jihad militants in the gaza strip yesterday as ariel sharon and his cabinet finalised a bill to withdraw from gaza . +__label__1 , powell presses n . korea on weapons talks , us secretary of state colin powell , left , shakes hands with japanese prime minister junichiro koizumi before their meeting at the foreign ministry #39 s annex in tokyo sunday , oct . 24 , 2004 . +__label__1 , american woman , afghan girl die after kabul blast , an american woman , believed to be a civilian , and a young afghan girl died from their wounds after a suicide bomb attack in a busy shopping street in the afghan capital . +__label__1 , large explosion shakes downtown baghdad ( ap ) , ap - a large explosion shook downtown baghdad on sunday night , but its cause could not immediately be determined . +__label__2 , chinese skaters crowned at smart ones skate america , chinese duo zhang dan and zhang hao have clinched the first spot in pairs free skating at smart ones skate america , the first station of the 04-05 isu grand prix . +__label__1 , 2 people killed in clashes in iraq #39 s samarra , two iraqis were killed and four others wounded in clashes that broke out between us troops and insurgents in samarra , north of baghdad , police said on sunday . +__label__2 , moss in minnesota #39 s lineup against tennessee , randy moss was the starting lineup for the minnesota vikings on sunday despite a strained right hamstring that kept him out of practice all week . +__label__2 , schilling , morris face tall task , so what will curt schilling do for an encore tonight ? take the mound without a flu shot ? five days after baseball #39 s most inspiring comeback that didn #39 t involve an iowa cornfield , schilling +__label__1 , us security official killed in iraq attack , a us security official , assigned to the us embassy in baghdad , was killed on sunday by a mortar attack on a us army base near baghdad international airport , us secretary of state colin powell said . +__label__1 , japan earthquakes kill 23 , leave thousands in shelters ( afp ) , afp - thousands of people were spending the night in emergency shelters after the deadliest quakes to hit japan in nearly a decade killed 23 people and injured more than 900 , police and reports said . +__label__2 , united v arsenal match report , united are back in the title race after bringing arsenal #39 s long unbeaten run to a grisly end in the manchester rain . ruud van nistelrooy erased the misery of his penalty miss in last season #39 s fixture by slotting a second-half spot-kick past jens lehmann . +__label__1 , 2 troops said killed by turkey land mine ( ap ) , ap - two turkish soldiers were killed when their vehicle hit a land mine in southeastern turkey , and a small oil pipeline was damaged by a bomb in two attacks sunday blamed on kurdish rebels , the anatolia news agency reported . +__label__1 , headscarf optional at britain ' s first state-funded islamic school ( afp ) , afp - irish-moroccan or egyptian-english , with headscarf or without , the diverse students at britain ' s first state-funded islamic school are at the vanguard of a trend toward a distinctly european muslim culture . +__label__2 , plane of nascar team hendrick missing ( ap ) , ap - a plane carrying members of the hendrick motorsports organization was missing sunday after losing contact with the federal aviation administration on its way to a nascar race , and a search was underway for the aircraft . +__label__2 , jaguars 27 colts 24 , indianapolis byron leftwich was flawless on a 30-yard drive in the final four minutes , and rookie kicker josh scobee made a season-long 53-yard field goal to help the jacksonville jaguars pull off a 27-to-24 win over indianapolis . +__label__2 , dolphins finally win , taking out frustration on rams , the miami dolphins finally gave their fans reason to celebrate , combining a polished offensive performance with solid defense for their first victory this season , 31-14 over the st . +__label__1 , coors ' donation to own campaign draws ire ( ap ) , ap - a #36 500 , 000 donation by republican beer baron pete coors to his own senate campaign has triggered a new federal law that eases fund-raising restrictions for his democratic opponent . +__label__2 , plane of nascar team hendrick missing , race fans wave american flags in the stands during the singing of the national anthem prior to the start of the nascar subway 500 stock car race at martinsville speedway in martinsville , va . +__label__2 , tennessee loses mcnair again in loss , minneapolis -- with randy moss relegated to two snaps of decoy duty , daunte culpepper and the minnesota vikings shifted gears and grinded one out against the tennessee titans . +__label__2 , brazilian victory lifts williams , the williams team breathed a sigh of relief after juan pablo montoya #39 s victory in the brazilian grand prix . the team finished fourth in the constructors standings but technical director sam michael was full of praise for the colombian #39 s performance . +__label__2 , hendrick motorsports plane crash kills 10 ( ap ) , ap - a plane owned by the hendrick motorsports organization crashed sunday on its way to a nascar race , killing all 10 people aboard , federal officials said . a spokesman for a funeral home where the bodies were being taken said the dead included the son , brother and two nieces of rick hendrick , owner of one of the most successful organizations in nascar history . +__label__3 , bush quietly signs corporate tax-cut bill , washington - with no fanfare , president bush friday signed the most sweeping rewrite of corporate tax law in nearly two decades , showering \$136 billion in new tax breaks on businesses , farmers and other groups . +__label__3 , nikkei sinks due to exporters , tokyo ( reuters ) - tokyo ' s nikkei average fell 2 percent at the opening on monday as investors shied away from exporters including toyota motor corp . after a fall in the dollar below 107 yen stoked concerns about their earnings . +__label__3 , mg rover offers know-how to chinese partner , mg rover , the ailing british carmaker , has signed a binding agreement to hand over technology and know-how to the shanghai automotive industry corporation ( saic ) . +__label__2 , long and short of a rivalry that was , five years may not seem a whole lot , but consider what has happened since the last time the green bay packers played the dallas cowboys prior to today #39 s meeting . +__label__1 , kashmir leader survives attack , the head of indian kashmir #39 s main opposition party , omar abdullah , has survived a second assassination bid in a month . police say seven people were injured when rebels detonated a bomb a few steps away from mr abdullah , two of them critically . +__label__3 , ontario won #39 t help other provinces squeeze ottawa for more < b> . . . < /b> , premier dalton mcguinty sent a shot across the bow of have-not provinces sunday , warning that ontario will not support efforts to wring billions more in equalization payments out +__label__4 , approval expected for big cellphone deal , federal regulators will formally approve cingular wireless #39 s \$41 billion purchase of at amp t wireless today , company officials briefed on the matter said over the weekend . +__label__4 , new i . b . m . report will warn of computer security threats , i . b . m . plans to begin releasing a monthly report of threats to computer networks in an effort to establish an indicator similar to the federal governments homeland security advisory system . +__label__2 , dillon relishes icing victory , of the 115 rushing yards corey dillon rolled up against the jets on sunday , it was the final 12 that might have been the most important . +__label__1 , in haiti , peacekeepers take on militants , using armored cars and earth movers , u . n . peacekeepers and haitian police moved into an area early sunday controlled by militants loyal to ousted president jean-bertrand aristide , protecting workers removing burned out cars used as road blocks . +__label__2 , junqueira beats bourdais to take lexmark indy 300 , the race for the champ car drivers #39 title is going to mexico city in two weeks . bruno junqueira won yesterday #39 s lexmark indy 300 ahead of teammate sebastien bourdais , stalling bourdais #39 run to the 2004 championship +__label__2 , school #39 s out for sterne , a first win on the european tour - any tour , in fact - is a notable feat in any golfer #39 s career . but the one by south african richard sterne in the madrid open yesterday deserves special mention . +__label__1 , thousands of japanese endure night outdoors , destruction at least 21 people have been killed by the quake , which has forced thousands to evacuate . yesterday , many were readying to spend another chilly night outside . +__label__3 , divided s . e . c . likely to ask hedge funds for more data , a deeply divided s . e . c . is expected to approve rules requiring all but the smallest hedge funds to register with the s . e . c . and make their records available . +__label__2 , loss bodes well for future , they beat a bunch of bad teams -- some , just barely -- to become the first team in franchise history to get off to a 5-0 start . still , we couldn #39 t tell just how good the jets really were . +__label__2 , palmer breaks tour duck in style , ryan palmer came from five shots behind with a magnificent 62 to earn his maiden pga tour tournament victory at the funai classic on sunday . +__label__4 , regulators let cingular buy at amp t wireless , the \$41 billion merger between cingular wireless llc and at amp t wireless services inc . won approval from the federal communications commission yesterday , according to federal sources close to +__label__1 , dozens of iraqi soldiers found executed , the corpses of 50 soldiers of iraq #39 s new army have been discovered northeast of the capital baghdad . interim iraqi interior ministry spokesman adnan abd al-rahman said the troops were believed to have been +__label__1 , aftershock hits japan quake zone , strong aftershocks are still shaking northern japan after the country #39 s deadliest earthquake in nine years killed at least 24 people . +__label__2 , ferguson attacked in tunnel bust-up , sir alex ferguson was pelted with food and pea soup by an arsenal player in an extraordinary tunnel bust-up at old trafford yesterday . +__label__1 , pitcairn trial finds 5 of 7 guilty , the three new zealand judges presiding over sexual assault cases on pitcairn island have handed down their verdicts in adamstown , finding five of the seven men charged guilty of sex crimes . +__label__1 , victory looms for karzai as vote probe continues , hamid karzai was assured of a majority in afghanistans election to become its first democratically chosen president . with nearly 95 per cent of votes counted , the interim leader already has more than half +__label__2 , hendrick motorsports plane crash kills 10 , jimmie johnson , center , winner of the nascar subway 500 race , is escorted to a nextel cup trailer after the race at martinsville speedway in martinsville , va . +__label__2 , cardinals unable to solve schilling , the first at-bat of the game seemed to go on and on , with red sox starting pitcher curt schilling aiming to end the inning with little damage , and st . louis leadoff batter edgar renteria aiming to throw a wrench is his game plan . twelve pitches later , after several fouls , schilling got renteria to ground out to shortstop . +__label__1 , haiti moves on pro-aristide militants , haitian police and u . n . troops moved into a slum that has become a flashpoint for unrest , using bulldozers to remove a barricade of torched cars that had blocked traffic in the capital . +__label__2 , update 2-manchester united calls off bid talks with glazer , the world #39 s richest soccer club , manchester united ( mnu . l quote , profile , research ) , has called off talks with us sports tycoon malcolm glazer over his proposed +__label__2 , plane crash kills 10 close to racing , martinsville , va . -- a hendrick motorsports plane crashed yesterday on its way to a nascar race , killing all 10 people aboard , including the son , brother and two nieces of the owner of one of auto racing ' s most successful organizations . +__label__1 , eu seeks joint asylum policy , eu ministers meeting in luxembourg plan moves to integrate their asylum and immigration procedures . +__label__1 , israel kills 10 palestinians in gaza camp raid , gaza ( reuters ) - israeli tanks and troops backed by helicopter gunships stormed khan younis refugee camp , a gaza militant stronghold , on monday , killing 10 palestinians including an 11-year-old boy , medics and witnesses said . +__label__4 , rocky legends tony hawk ' s underground 2 nisus writer express 2 . 0 surfsaver 6 , this is the second rocky video game in two years -- even though it ' s been 14 years since the last rocky flick . +__label__2 , another controversial man utd-arsenal game , mount st . helen #39 s in oregon has been active these last few months but that is nothing compared to the eruption at old trafford on sunday . +__label__1 , u . s . urges china to push for more n . korea talks , beijing ( reuters ) - secretary of state colin powell urged china on monday to exert its influence over north korea to resume stalled talks on scrapping its nuclear weapons programs and pressed beijing to accept a taiwan offer of talks . +__label__4 , mission accomplished us astronauts are home at last , american astronaut mike fincke and russian commander gennady padalka descended to earth in remote kazakstan late saturday aboard a soyuz space capsule . +__label__1 , india , myanmar sign three accords , india and myanmar today signed three accords and agreed to step up cooperation in trade , economic and other key areas . a cultural exchange programme for 2004-06 and another mou on the tamanthi hydroelectric project in myanmar were inked . +__label__1 , africa must move away from conflicts mbeki , lusaka africa must move away from conflicts and begin to pool its resources to develop the impoverished continent and reduce poverty , south african president thabo mbeki said on sunday . +__label__4 , nasa puts hands-free linkup to a test , tuesday , barring a weather-caused delay , for the first time the united states will send an autonomous robot vehicle to join up with a satellite and conduct a 20-hour demonstration of its abilities -- without any human guidance . +__label__1 , egypt arrests alleged sinai bombers ( ap ) , ap - eight egyptians have been arrested and accused of plotting the nearly simultaneous car bombings of a hotel and tourist camp in the sinai that killed at least 34 people earlier this month . +__label__3 , harmony gold posts fifth straight quarterly loss ( update1 ) , harmony gold mining co . , the biggest miner of south african gold , made its fifth consecutive quarterly loss as the rand #39 s gains against the dollar eroded profit margins , compelling it to seek expansion to cut costs . +__label__3 , stocks seen lower as oil hits new high , new york ( reuters ) - u . s . stock futures pointed to a lower market open on monday , as oil prices hit another record , fueling worries that soaring energy costs will bite into corporate profits . +__label__3 , monday fortune business report , monday #39 s opening levels are the dow opens at 9 , 757 . 81 , lower by 107 . 95 . the nasdaq starts the day at 1 , 915 . 14 , lower by 38 . 48 . +__label__2 , patriots #39 game new england beats jets for 21st win in a row , while not pleased , the jets were neither surprised at the outcome of their showdown against the patriots , nor downcast about their future . +__label__2 , zeman #39 s lecce enjoy heady heights of serie a , when lecce sold their prolific uruguayan striker ernesto chevanton to french club monaco in the close-season , many pundits added the southern club to the list of favourites for relegation . +__label__3 , aon may face civil suit , the office of new york attorney general eliot spitzer has uncovered evidence of improper business practices at aon corp . , the world #39 s second-largest insurance broker , according to a published report . +__label__3 , ryder quarterly earnings up , new york ( reuters ) - ryder system inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=r . n target=/stocks/quickinfo/fullquote> r . n< /a> on monday reported an increase in quarterly net profit amid increased demand for transport services , especially in its fleet management division . +__label__3 , china trade volume to reach \$1 . 1trillion in 2004 , china #39 s total trade volume will reach 1 . 1 trillion us dollars in 2004 -- up 30 percent over 2003 --with a trade surplus of about 10 billion us dollars , said assistant minister of commerce yi xiaozhun . +__label__4 , yahoo ! email acquisition aims to keep google in view , stata labs previously sold two products bloomba and saproxy pro which have now been withdrawn from sale . saproxy was an anti-spam product whilst bloomba was an email management system which allows users to +__label__1 , hynix ' s 3q profit more than triples ( ap ) , ap - south korea ' s hynix semiconductor inc . said monday its third-quarter net profit more than tripled from same period last year thanks to steady global prices for memory chips . +__label__4 , cisco , microsoft shake hands on security , cisco and microsoft have gotten the word it managers are tired of constantly plugging security holes in their networks . +__label__4 , ctia shines spotlight on mobile middleware , mobility will take center stage this week as san francisco plays host to the cellular telecommunications internet association ' s ( ctia ) wireless i . t . entertainment 2004 fall conference . +__label__1 , un nuclear agency confirms tons of explosives missing , vienna , austria -- the un nuclear watchdog agency says it #39 s concerned tons of missing explosives in iraq quot could have fallen into the wrong hands . +__label__1 , china rebuffs powell over taiwan recommendation , china has rebuffed suggestions by us secretary of state colin powell that it consider accepting the taiwanese president #39 s offer of talks to reduce cross-strait tension . +__label__3 , update 3 lnm to buy isg for \$4 . 5b in cash , stock , a privately-owned dutch steelmaker headed by billionaire lakshmi mittal is buying us-based international steel group inc . for about \$4 . +__label__3 , magna bids to privatize auto parts spin-offs , aurora , ont . - auto parts giant magna international on monday unveiled bids worth a total of about \$1 . 3 billion to take its three publicly traded subsidiaries private . +__label__4 , internet users far from being secure , washington - internet users at home are not nearly as safe online as they believe , according to a nationwide inspection by researchers . +__label__4 , microsoft makes exchange road map more mirky , san francisco - after removing the 2006 kodiak release of exchange server from its product road map earlier this year , microsoft corp . ' s plans for the messaging software have gotten even cloudier . +__label__3 , citigroup to close unit in japan , citigroup inc . said monday it will close its trust banking unit in japan within a year , after japanese authorities ordered the us financial services giant to suspend its private banking business there . +__label__4 , palmone treo 650 arrives , the palmone treo 650 smartphone with high-resolution screen , bluetooth , swappable battery and extended multimedia capabilities was officially announced today . +__label__2 , danish fan falls to his death in copenhagen stadium , a 24-year-old danish football fan died after falling from the top tier of the stands at fc copenhagen #39 s parken stadium during a weekend match against viborg , news agency ritzau said . +__label__4 , invasion of the data snatchers ( washingtonpost . com ) , washingtonpost . com - think your pc is safe ? think again . a new study indicates your home computer is likely bogged down with spyware , viruses and other scourges wrought by hackers and pc pranksters . ignorance may be bliss for some people , but for computer users , not knowing can be costly and inefficient . +__label__4 , sony nw-e95 and nw-e99 network walkman , sony europe has launched two tiny 512mb and 1gb mp3 players , the nw-e95 and nw-e99 network walkman . both play mp3 ( sony has officially bit the mp3 bullet ) and atrac3plus compressed files and have a small blue backlit lcd screen . +__label__1 , zarqawi group claims attack on australian soldiers in baghdad ( afp ) , afp - the group loyal to al-qaeda-linked militant abu mussab al-zarqawi claimed to have bombed an australian convoy in baghdad , in a statement posted on an islamist website . +__label__3 , update 1-txu raises dividend , profit forecast shares jump , texas power company txu corp . ( txu . n quote , profile , research ) on monday raised its dividend by 350 percent , boosted its earnings forecast and increased its share buyback program +__label__1 , report iraq govt . cancels falluja negotiations ( reuters ) , reuters - the chief negotiator in the rebel-held\iraqi town of falluja said monday the government had canceled\indefinitely talks to avert a military assault on the town . __label__4 , this just in - sprint is stupid , \\found this via boingboing this morning \\the new treo 650 is out today -- and as a long-time fan of the treo , i ' ve been\looking forward to it . i ' ve asked in the past for one with everything -- a\phone with all the features i could want in one device , without\compromises . it looks like palmone delivered , with a 320x320 screen , removable\battery , upgraded os , a better camera , and bluetooth . \\oops -- not quite ! treocentral is reporting that the sprint version of the\treo 650 doesn ' t allow you to use bluetooth for dial-up networking through\your computer . apparently other carriers will , but not sprint . \\you see , sprint sells connection cards , which are pccards that allow you to\dial up y . . . \\ -__label__4 , scientists volcano monitoring funds low ( ap ) , ap - for lack of funds , more than a third of the nation ' s truly dangerous volcanos lack even a seismometer for detecting signs of an impending eruption , scientists say . -__label__2 , eagles remain unbeaten , david akers kicked a 50-yard field goal in overtime to help the eagles to a 34-to-31 victory over the cleveland browns . donovan mcnabb matched a career high with four touchdown passes . -__label__3 , classmates agrees to \$100m buyout , united online inc . , a california-based provider of low-cost internet subscription services , has agreed to buy internet networking company classmates online inc . +__label__4 , scientists volcano monitoring funds low ( ap ) , ap - for lack of funds , more than a third of the nation ' s truly dangerous volcanos lack even a seismometer for detecting signs of an impending eruption , scientists say . +__label__2 , eagles remain unbeaten , david akers kicked a 50-yard field goal in overtime to help the eagles to a 34-to-31 victory over the cleveland browns . donovan mcnabb matched a career high with four touchdown passes . +__label__3 , classmates agrees to \$100m buyout , united online inc . , a california-based provider of low-cost internet subscription services , has agreed to buy internet networking company classmates online inc . __label__4 , news mac os x rootkit surfaces , one of the first pieces of malicious code targeting apple ' s mac os x operating system has been discovered . \ -__label__4 , ibm to report on computer security threats , ibm on monday plans to begin releasing a monthly report of threats to computer networks in an effort to establish an indicator similar to the us government #39 s homeland security advisory system . -__label__3 , treasuries mirror oil ' s climb ( reuters ) , reuters - u . s . treasury yields hit their lowest\level in almost seven months on monday as record high oil\prices clouded the outlook for global economic growth . -__label__2 , auburn ' s obomanu recalls ' the drop ' ( ap ) , ap - ben obomanu used to be curious about the goats of the sports world , the guys who had the game in their hands and failed . wow , i wonder how that guy feels , he ' d ask himself . he doesn ' t have to ask anymore . not since the drop , his own moment of infamy when a chance to beat mississippi last season slipped through his hands in the end zone , turning his dream game into a nightmare . -__label__4 , your pc may be less secure than you think , most users think their computer is safe from adware and spyware--but they #39 re wrong . a survey conducted by internet service provider america online found that 20 percent of home computers were infected by a -__label__4 , adobe adds yahoo search bar to acrobat , yahoo may glow in the halo effect of the popular adobe acrobat reader , installed on more than 500 million computers . at 274 million users , yahoo will leverage the partnership to try to oust -__label__3 , spyware opponents win another battle , the federal trade commission won an important victory last week in its fight to protect consumers from spyware , the software that tracks unsuspecting web surfers , bombards them with advertisements and sometimes even steal login information and passwords . -__label__2 , hendrick motorsports , our thoughts are with the hendricks motorsport team in the united states today following the plane crash in sunday which killed five team members , two family members and three pilots . -__label__3 , delta financing to use prepaid skymiles , shares of delta air lines soared after the troubled airline said monday it entered into a commitment letter with american express travel related services co . -__label__2 , conte turned athletes into towers of power , he is the face of sporting evil , this man who once was an accomplished bass player and now leers at us from a television screen describing the hell he hath wrought on the games people play and on the people who play them . -__label__1 , british re-enact charge of light brigade ( ap ) , ap - britain ' s prince philip and saber-waving cavalry re-enactors commemorated the charge of the light brigade on monday , 150 years after the doomed british assault against russian cannons in a crimean war battle immortalized by the poet alfred lord tennyson . -__label__2 , ravens #39 ogden could miss week 8 , baltimore , md ( sports network ) - baltimore ravens all-pro offensive tackle jonathan ogden could miss this week #39 s game at philadelphia against the undefeated eagles because of a left hamstring injury . -__label__4 , cisco tightens security on voice products , cisco systems announces an upgrade to its callmanager software to improve security on its ip telephony gear . -__label__4 , adobe , yahoo to integrate products , adobe systems inc . adbe . o and yahoo inc . yhoo . o on monday said they have signed a deal to combine adobe services , like its widely used document-sharing program , with yahoo #39 s web search functions . -__label__2 , red sox stumble and fumble their way to series lead , st louis ( reuters ) - so much for the curse of the bambino . -__label__3 , electronic data delays earnings for navy asset audit ( update1 ) , electronic data systems corp . , the world #39 s second-largest seller of computer services , delayed the release of third-quarter earnings while it reviews the value of a contract with the us navy . -__label__3 , mosaic merger to take effect today , polk county will retain its position at the heart of the us phosphate industry , at least through the end of this decade , following the merger of imc global inc . -__label__1 , castro appears on tv wearing an arm sling , five days after falling and fracturing a knee and an arm , cuban president fidel castro appeared on television on monday with his arm in a sling to announce cuba will end circulation of the us dollar . -__label__1 , broadcaster donates #36 325 , 000 to gop ( ap ) , ap - one of the state ' s biggest broadcasters has given 13 republican county committees #36 325 , 000 worth of free air time to promote candidates on its radio and television stations throughout california . -__label__3 , anz sells project finance unit , australia amp new zealand banking group said today it would transfer most of its london-based project finance business to standard chartered . -__label__2 , jags turnaround gives them afc south lead ( ap ) , ap - there are several reasons the jacksonville jaguars have gone from 1-6 at this time a year ago to their current 5-2 record . the answer given by most players is just one word confidence . -__label__3 , wellpoint net income increases 28 percent , thousand oaks , calif . -- wellpoint health networks inc . #39 s third-quarter net income rose 28 percent as the managed-care company saw membership growth in key markets and double-digit revenue growth . -__label__2 , houston isn #39 t ready , but the knicks will have to be , there is no simple way to replace one of the most accurate outside shooters in the game , but starting next week , barring a miraculous turn in allan houston #39 s health , the knicks will try . -__label__4 , microsoft reworks antispam spec to silence critics , com october 25 , 2004 , 6 49 pm pt . this priority retains its ranking at number five as more and more companies deploy web services to share business logic , data and processes with each other and with clients . -__label__2 , dave hyde column , october 25 , 2004 , in somber tones and professional adjectives , the president , the athletic director and the no-longer-the-football-coach took turns announcing a university of florida firing monday that was surprising only for coming sooner rather than later . -__label__4 , qualcomm a quot wireless intel quot ? , qualcomm began life in 1985 in a very unremarkable way -- in founder irwin jacobs #39 den . the space was small and crowded . the founding crew consisted of seven people , who were enthusiastic but low key . -__label__1 , china , asean agree to end tariffs ( ap ) , ap - china has reached agreement with the association of southeast asian nations , or asean , on completely removing tariffs on merchandise goods by 2010 as part of a proposed free trade agreement , the chinese ministry of commerce says . -__label__2 , cards unfazed by series deficit , monday #39 s workout at busch stadium contained a few more st . louis cardinals than you #39 d expect considering it was optional , but you could understand why they #39 d want to -__label__1 , ispat , lnm , isg merge to form world ' s largest steelmaker ( afp ) , afp - dutch steel groups ispat international and lnm holdings , both run by indian businessman lakshmi mittal , said they had agreed to merge with us international steel group to form the world ' s largest steelmaker . -__label__3 , bp beats q3 forecasts on high oil price ( reuters ) , reuters - bp plc , the world ' s second largest oil\company , reported bumper third-quarter earnings on tuesday on\the back of high oil prices . -__label__2 , bell would like to manage a contending team , in his previous stints with cleveland and colorado , the teams were rebuilding . they didn #39 t do well and he was let go . by don bostrom . -__label__3 , rbi hikes repo rate by 25bps , the reserve bank of india ( rbi ) kept the bank rate untouched at 6 today , but raised the repo rate by 0 . 25 to 4 . 75 effective from tomorrow . -__label__1 , \$70 billion increase in war funding sought , the bush administration intends to seek the emergency funding for the wars in iraq and afghanistan early next year , officials said on monday . -__label__2 , nascar mourns plane crash victims , crews on all-terrain vehicles yesterday recovered the bodies of all 10 people killed in the crash of a hendrick motorsports plane that was carrying family and friends of one of nascar ' s top syndicates . -__label__3 , to learn more , lnm holdings has steelmaking operations in eight countries with an annual steel production capacity of more than 32 million tons . isg was formed in 2002 and bought the assets of bankrupt bethlehem steel corp -__label__2 , as reserve , penny seeks knick payoff , the aging process for veteran nba players is usually accelerated when they have reached their tenth season . penny hardaway has 11 years and 647 games on his odometer and he can feel it in his bones and joints . -__label__1 , unprecedented peril forces tough calls , like the war on terrorism , which it often intersected , president bush ' s efforts against nuclear proliferation has followed many paths . -__label__2 , england held up in zimbabwe , zimbabwe held up england #39 s charge as they battled to avert a series whitewash in the fourth one-day international in bulawayo today . -__label__2 , miss peru takes miss world crown , twenty-year-old miss peru has been crowned miss world in a southern chinese resort town , as china looks to become the regular host of an event that would have once been deemed heretical by its communist leaders . -__label__1 , israel resumes gaza pull-out debate , israeli mps have resumed a debate on prime minister ariel sharon #39 s disengagement plan , which is expected to culminate in a historic vote in favour of a pull-out of troops and settlers from the gaza strip . -__label__3 , sara lee 1st-quarter net rises on fee ( reuters ) , reuters - sara lee corp . on tuesday\posted a 53 percent increase in quarterly profit , as a fee\related to the 1999 sale of a tobacco business helped offset\higher costs for meat and cotton . -__label__2 , lehmann may have played last test , the 34-year-old tore his right hamstring on day one of the third test against india at the vca ground just as he was presenting a very good case to be retained when captain ricky ponting returns from injury next week . -__label__1 , reuters poll bush keeps three-point lead on kerry ( reuters ) , reuters - president bush holds a slim\three-point lead over democratic rival john kerry one week\before the nov . 2 presidential election , according to a\reuters/zogby poll released on tuesday . -__label__1 , powell calls for more korea talks , us secretary of state colin powell ends his tour of asia by once again asking north korea to resume nuclear talks . -__label__4 , cassini-huygens fly-by at titan / esa tv live / 27-10-2004 , since it arrived at saturn in mid-2004 , cassini has already sent us back fascinating images of titan , saturn #39 s largest satellite . -__label__4 , adobe services now via yahoo ! , adobe systems and internet provider yahoo ! have announced a tie-up aimed at providing consumer services to internet users . the two companies will introduce integrated products that feature adobe services , increase the reach of yahoo ! -__label__1 , new rebel factions emerge in darfur , new rebel factions have emerged in western sudan , complicating peace talks on the conflict in darfur . the un special representative for darfur , jan pronk , says he thinks the new groups are serious and need to be taken into consideration . -__label__1 , australia 362-7 v india , third test - close ( reuters ) , reuters - australia were 362 for seven wickets at the close of play on the first day of their third cricket test against india on tuesday . -__label__4 , lockheed profit jumps on it , jet demand , < p> \< /p> < p> new york ( reuters ) - no . 1 u . s . defense contractor lockheed\martin corp . < lmt . n> reported a 41 percent rise in quarterly\profit on tuesday , beating wall street forecasts , as demand\soared for its combat aircraft and information technology\services . < /p> -__label__4 , cingular , at amp t deal gets an ok from justice ( usatoday . com ) , usatoday . com - justice department antitrust regulators cleared the way monday for cingular wireless ' #36 41 billion acquisition of at amp t wireless services ( awe ) , a crucial step toward creating the nation ' s largest wireless telephone company . -__label__3 , halliburton suffers loss on asbestos claims , houston - oilfield services giant halliburton co . on tuesday swung to a loss in the third quarter ended sept . 30 , hurt by hefty charges from discontinued operations related to the settlement of asbestos and silica claims . -__label__4 , system x supercomputer speeds up almost 20 percent , virginia tech #39 s all-mac system x supercomputer , installed at the university #39 s terascale computing facility , made headlines last year when it was determined to be the third-fastest supercomputer in the world . -__label__3 , treasury prices crawl higher before data , new york ( reuters ) - treasuries prices crawled ahead on tuesday as a hesitant market awaited the latest reading on consumer sentiment and an auction of new u . s . government debt . -__label__4 , panasonic , toshiba delve into alternate energy , a new home heating system from panasonic is based on a hydrogen fuel cell it both heats the house and produces hot water . -__label__3 , ge says it ' s on track for 2004 , 2005 , boston ( reuters ) - diversified manufacturer general electric co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ge . n target=/stocks/quickinfo/fullquote> ge . n< /a> said on tuesday that it is on track to meet its full-year earnings forecast and to achieve double-digit gains in earnings per share in 2005 . -__label__4 , microsoft prepares to ship new corporate im server , a little over a year after introducing the first version of office live communications server , microsoft corp . in december plans to release the next version of its enterprise instant messaging software , it said monday . -__label__1 , hot debate on gaza pullout in knesset , jerusalem israel #39 s parliament appeared poised tuesday to approve prime minister ariel sharon #39 s gaza pullout plan , clearing the way for a withdrawal of jewish settlers from palestinian territory for the first time in history . -__label__4 , intel guns for remote wireless device management , san francisco - intel corp . is working on a device management technology that could allow it departments to take advantage of existing management software and bring a host of disparate wireless devices under the it department umbrella , an intel executive said monday at the cellular telecommunications and internet association ' s wireless entertainment and it conference here . -__label__3 , halliburton suffers loss on asbestos claims , houston -- oilfield services giant halliburton co . on tuesday swung to a loss in the third quarter ended sept . 30 , hurt by hefty charges from discontinued operations related to the settlement of asbestos and silica claims . -__label__1 , rally demands aid worker #39 s release , colleagues of aid worker margaret hassan , kidnapped a week ago today , gathered at a rally in baghdad to demand her release . more than 200 people staged the protest as the foreign office dismissed claims that -__label__3 , consumer confidence hits 7-month low , new york ( reuters ) - u . s . consumers turned more gloomy in october , beset by soaring energy prices , relentless violence in iraq and the increasingly bitter end of the presidential election campaign . -__label__1 , bush blames poorly made shirt for bulge ( ap ) , ap - president bush sees the value #151 and the humor #151 in the idea that aides could secretly feed him advice through a radio receiver hidden on his back . -__label__4 , e . u . regulators approve oracle ' s peoplesoft bid , european union antitrust regulators on tuesday cleared oracle corp . ' s hostile \$7 . 7 billion bid for rival business software maker peoplesoft inc . , removing one of the last major hurdles to the contested takeover proposal . -__label__3 , eu sees oil prices spoiling euro zone growth party , record high oil prices will cut euro zone growth next year and further sharp euro gains could make matters worse , the european commission said on tuesday . -__label__3 , bank rate stable to boost exports reddy , mumbai despite the revision of the gross domestic product ( gdp ) and inflation rate , the reserve bank of india ( rbi ) had kept the bank rate stable at 6 per cent in the mid-term review of annual policy statement for the year 2004-05 in order to boost -__label__1 , eu head office trims 2005 growth forecast ( ap ) , ap - the european union ' s head office issued a bleak economic report tuesday , warning that the sharp rise in oil prices will take its toll on economic growth next year while the euro ' s renewed climb could threaten crucial exports . -__label__3 , lakshmi mittal is britain #39 s richest man , london nri business tycoon lakshmi n mittal , who is set to control the world #39 s largest steelmaker , has emerged as the richest man in britain . -__label__4 , aids warning over bushmeat trade , meat from african wild animals being sold illegally in the uk is spreading a virus similar to hiv , a leading scientist warns . -__label__1 , germany , france support turkish invitation to eu membership talks ( afp ) , afp - germany and france both support inviting to european union membership talks at a summit in december in brussels , chancellor gerhard schroeder said . -__label__3 , microsoft readies next business im server , a little over a year after introducing the first version of office live communications server , microsoft says it plans to release the next version of its enterprise instant messaging software , in december . -__label__3 , liffe ratchets up price war with merc , derivatives exchange liffe turned up the heat on rival chicago mercantile exchange on tuesday by ratcheting up its fee incentive program for some us traders in a bid improve volume in its eurodollar contract , the cme #39 s flagship offering . -__label__2 , 26/10/04 savabeel compared to dubai millennium , the man who says he didn #39 t have a pair of shoes until he was 12 is now fielding offers in the millions for a horse he compares to the late dubai millennium , the best in the world a few years ago . -__label__1 , protesters harry israel parliament before gaza vote , jerusalem ( reuters ) - thousands of rightist israelis accused prime minister ariel sharon of treason tuesday as parliament looked set to approve the first pullout of settlers from occupied land palestinians want as part of a future state . -__label__1 , 9 22 am missing explosives have experts wondering what else is < b> . . . < /b> , revelations that nearly 400 tons of conventional explosives have gone missing in iraq have experts wondering what other weapons might be in jeopardy of falling into insurgent or terrorist hands . -__label__4 , photo sgi ' s columbia supercomputer , the linux-based columbia is a top contender for the title of world ' s fastest supercomputer . -__label__1 , karzai happy to wait for official afghan poll verdict ( afp ) , afp - incumbent hamid karzai drew quot great happiness quot from his lead in afghanistan ' s presidential election , his spokesman said , but will not claim victory until results are officially certified . -__label__1 , eu chief battles to avert veto in crunch vote ( afp ) , afp - the european union braced for a knife-edge vote to decide the fate of its new executive arm with incoming eu chief jose manuel barroso hardening his stance against rebel legislators . -__label__3 , sec adopts new rules for hedge funds , a deeply divided sec voted tuesday to mandate new oversight for hedge funds -- largely unregulated investment pools , traditionally for the wealthy , that have become popular with small investors . -__label__3 , facetime , imlogic back live communications server 2005 , hard on the heels of microsoft announcing that it #39 s taken live communications server 2005 gold , instant messaging management software vendors imlogic and facetime on tuesday both touted their support for the communication product . -__label__2 , radcliffe to run in new york marathon , london ( reuters ) - world marathon record holder paula radcliffe believes she has put her failure at the athens olympics behind her after announcing on tuesday that she will run in the new york marathon on november 7 . -__label__4 , cassini to look at saturn ' s giant moon ( ap ) , ap - the theory that saturn ' s giant moon titan has oceans or seas of liquid methane and ethane faced its best test yet tuesday . -__label__2 , fan death , family members of a college student killed by boston police during a red sox celebration will wait for an internal investigation before deciding if they will sue the department . -__label__4 , broadcom taps ex-philips executive as ceo , scott mcgregor , former head of royal philips electronics ' semiconductor division , will replace alan ross , who plans to retire . -__label__4 , photo sony ' s locationfree tvs , the electronics maker ' s wireless television set emphasizes advances in the boob tube . -__label__2 , hundreds mourn loss of student killed by police during red sox < b> . . . < /b> , as hundreds of mourners paid their final respects tuesday to victoria snelgrove , her pastor denounced the raucous fans who prompted police to fire the pepper-spray pellet that killed the college student . -__label__3 , thomson beats the street on core strengths , thomson corp . , a provider of information services that was once canada #39 s largest newspaper publisher , sailed past street forecasts in its latest quarterly results released tuesday . -__label__4 , ibm unveils security intel service , notes big jump in attacks , ibm has launched a new intelligence service to give enterprises a monthly report showing the big picture of security attacks and other business threats , the armonk , ny-based giant said tuesday . -__label__1 , sharon faces netanyahu threat to resign over gaza , jerusalem ( reuters ) - israeli finance minister benjamin netanyahu said on tuesday he and three other cabinet members from ariel sharon ' s likud would quit unless the prime minister agreed to hold a referendum on a pullout from gaza . -__label__1 , iraq blames us-led forces for army massacre , baghdad ( reuters ) - iraq ' s u . s . -backed government said on tuesday that major neglect by its american-led allies led to a massacre of 49 army recruits at the weekend . -__label__3 , cingular closes #36 41 bln att wireless deal ( reuters ) , reuters - cingular wireless on tuesday closed\its #36 41 billion cash purchase of at t wireless services inc . \ , creating the biggest u . s . mobile service with more\than 46 million customers . -__label__3 , how the credit policy will affect you , the reserve bank of india announced the mid-term review of its monetary policy on tuesday . though the central bank kept away from the much expected interest rate hike , the policy contained recommendations -__label__4 , aol supports microsoft antispam plan , to overcome industry objections , microsoft revises its sender id proposal . -__label__4 , cassini flies past titan pictures expected tonight , nasa #39 s cassini spacecraft streaked by saturn #39 s smoggy moon titan today , targeted to pass within just 750 miles of the planet-sized satellite to give scientists their first -__label__2 , broncos and monday night on the road don #39 t mix , the bengals were happy to be back on monday night football after a 15 year absence . from gameplan to execution , they looked very good . -__label__4 , ibm unveils security intel service , notes big jump in attacks , attacks against crucial infrastructure -- utilities , telcos , and government agencies -- rose by 55 from july to august . by gregg keizer , techweb . -__label__4 , cassini heads toward giant moon on saturn ( ap ) , ap - the u . s . -european spacecraft cassini hurtled tuesday toward its closest encounter yet with saturn ' s giant moon titan . -__label__1 , israeli officer arrested over killing of gaza girl ( reuters ) , reuters - israeli military police on tuesday\arrested a commander accused by comrades of riddling the body\of a palestinian schoolgirl with bullets after fellow soldiers\killed her . -__label__3 , pickup in us insurance sector sends stocks surging despite higher < b> . . . < /b> , toronto ( cp ) - a rally in the insurance sector helped take stock markets up sharply - and drove new york #39 s blue chip index to a triple-digit runup - despite higher oil prices and a further slowdown in us consumer confidence . -__label__4 , ftc wins a temporary injunction against alleged spammer , u . s . district judge joseph a . diclerico jr . ordered sanford wallace and his companies to remove any software scripts from their web sites that exploit security vulnerabilities in some versions of internet explorer . -__label__2 , update 1-bayern rein in wolfsburg with pizarro double , bayern munich reined in bundesliga leaders wolfsburg on tuesday with a 2-0 victory , courtesy of a double strike from peruvian striker claudio pizarro in his first match in a month . -__label__1 , hispanic rights groups unite to fight voter discrimination ( afp ) , afp - us civil rights groups expressed concern over alleged intimidation of hispanic voters and said they will work to ensure their ballots are counted in the november 2 presidential election . -__label__3 , eds cutting 4 , 600 jobs through early retirement , taking us\$150m < b> . . . < /b> , plano , tex . ( cp ) - electronic data systems is cutting 4 , 600 jobs through early retirement and taking a \$150 million us charge in the fourth quarter , the information technology company said tuesday . -__label__4 , microsoft previews quot whitehorse quot developer tools , microsoft released on tuesday a preview version of new tools intended to make it easier for companies to create custom web applications . -__label__4 , aol shows safe chat rooms , secure usb tokens used to verify a child ' s age before allowing him to chat . -__label__2 , cards try to narrow gap in game 3 , after losing the first two games to the boston red sox , the st . louis cardinals try to make the world series competitive by winning tuesday night ' s game 3 at home . three-time cy young award winner pedro martinez starts for boston against journeyman jeff suppan , who used to play for the red sox . both are 16-9 . -__label__1 , dodge denies copps charge that martin wanted to scrap canada health act ( canadian press ) , canadian press - ottawa ( cp ) - add the governor of the bank of canada to the list of people who say sheila copps has a faulty memory . +__label__4 , ibm to report on computer security threats , ibm on monday plans to begin releasing a monthly report of threats to computer networks in an effort to establish an indicator similar to the us government #39 s homeland security advisory system . +__label__3 , treasuries mirror oil ' s climb ( reuters ) , reuters - u . s . treasury yields hit their lowest\level in almost seven months on monday as record high oil\prices clouded the outlook for global economic growth . +__label__2 , auburn ' s obomanu recalls ' the drop ' ( ap ) , ap - ben obomanu used to be curious about the goats of the sports world , the guys who had the game in their hands and failed . wow , i wonder how that guy feels , he ' d ask himself . he doesn ' t have to ask anymore . not since the drop , his own moment of infamy when a chance to beat mississippi last season slipped through his hands in the end zone , turning his dream game into a nightmare . +__label__4 , your pc may be less secure than you think , most users think their computer is safe from adware and spyware--but they #39 re wrong . a survey conducted by internet service provider america online found that 20 percent of home computers were infected by a +__label__4 , adobe adds yahoo search bar to acrobat , yahoo may glow in the halo effect of the popular adobe acrobat reader , installed on more than 500 million computers . at 274 million users , yahoo will leverage the partnership to try to oust +__label__3 , spyware opponents win another battle , the federal trade commission won an important victory last week in its fight to protect consumers from spyware , the software that tracks unsuspecting web surfers , bombards them with advertisements and sometimes even steal login information and passwords . +__label__2 , hendrick motorsports , our thoughts are with the hendricks motorsport team in the united states today following the plane crash in sunday which killed five team members , two family members and three pilots . +__label__3 , delta financing to use prepaid skymiles , shares of delta air lines soared after the troubled airline said monday it entered into a commitment letter with american express travel related services co . +__label__2 , conte turned athletes into towers of power , he is the face of sporting evil , this man who once was an accomplished bass player and now leers at us from a television screen describing the hell he hath wrought on the games people play and on the people who play them . +__label__1 , british re-enact charge of light brigade ( ap ) , ap - britain ' s prince philip and saber-waving cavalry re-enactors commemorated the charge of the light brigade on monday , 150 years after the doomed british assault against russian cannons in a crimean war battle immortalized by the poet alfred lord tennyson . +__label__2 , ravens #39 ogden could miss week 8 , baltimore , md ( sports network ) - baltimore ravens all-pro offensive tackle jonathan ogden could miss this week #39 s game at philadelphia against the undefeated eagles because of a left hamstring injury . +__label__4 , cisco tightens security on voice products , cisco systems announces an upgrade to its callmanager software to improve security on its ip telephony gear . +__label__4 , adobe , yahoo to integrate products , adobe systems inc . adbe . o and yahoo inc . yhoo . o on monday said they have signed a deal to combine adobe services , like its widely used document-sharing program , with yahoo #39 s web search functions . +__label__2 , red sox stumble and fumble their way to series lead , st louis ( reuters ) - so much for the curse of the bambino . +__label__3 , electronic data delays earnings for navy asset audit ( update1 ) , electronic data systems corp . , the world #39 s second-largest seller of computer services , delayed the release of third-quarter earnings while it reviews the value of a contract with the us navy . +__label__3 , mosaic merger to take effect today , polk county will retain its position at the heart of the us phosphate industry , at least through the end of this decade , following the merger of imc global inc . +__label__1 , castro appears on tv wearing an arm sling , five days after falling and fracturing a knee and an arm , cuban president fidel castro appeared on television on monday with his arm in a sling to announce cuba will end circulation of the us dollar . +__label__1 , broadcaster donates #36 325 , 000 to gop ( ap ) , ap - one of the state ' s biggest broadcasters has given 13 republican county committees #36 325 , 000 worth of free air time to promote candidates on its radio and television stations throughout california . +__label__3 , anz sells project finance unit , australia amp new zealand banking group said today it would transfer most of its london-based project finance business to standard chartered . +__label__2 , jags turnaround gives them afc south lead ( ap ) , ap - there are several reasons the jacksonville jaguars have gone from 1-6 at this time a year ago to their current 5-2 record . the answer given by most players is just one word confidence . +__label__3 , wellpoint net income increases 28 percent , thousand oaks , calif . -- wellpoint health networks inc . #39 s third-quarter net income rose 28 percent as the managed-care company saw membership growth in key markets and double-digit revenue growth . +__label__2 , houston isn #39 t ready , but the knicks will have to be , there is no simple way to replace one of the most accurate outside shooters in the game , but starting next week , barring a miraculous turn in allan houston #39 s health , the knicks will try . +__label__4 , microsoft reworks antispam spec to silence critics , com october 25 , 2004 , 6 49 pm pt . this priority retains its ranking at number five as more and more companies deploy web services to share business logic , data and processes with each other and with clients . +__label__2 , dave hyde column , october 25 , 2004 , in somber tones and professional adjectives , the president , the athletic director and the no-longer-the-football-coach took turns announcing a university of florida firing monday that was surprising only for coming sooner rather than later . +__label__4 , qualcomm a quot wireless intel quot ? , qualcomm began life in 1985 in a very unremarkable way -- in founder irwin jacobs #39 den . the space was small and crowded . the founding crew consisted of seven people , who were enthusiastic but low key . +__label__1 , china , asean agree to end tariffs ( ap ) , ap - china has reached agreement with the association of southeast asian nations , or asean , on completely removing tariffs on merchandise goods by 2010 as part of a proposed free trade agreement , the chinese ministry of commerce says . +__label__2 , cards unfazed by series deficit , monday #39 s workout at busch stadium contained a few more st . louis cardinals than you #39 d expect considering it was optional , but you could understand why they #39 d want to +__label__1 , ispat , lnm , isg merge to form world ' s largest steelmaker ( afp ) , afp - dutch steel groups ispat international and lnm holdings , both run by indian businessman lakshmi mittal , said they had agreed to merge with us international steel group to form the world ' s largest steelmaker . +__label__3 , bp beats q3 forecasts on high oil price ( reuters ) , reuters - bp plc , the world ' s second largest oil\company , reported bumper third-quarter earnings on tuesday on\the back of high oil prices . +__label__2 , bell would like to manage a contending team , in his previous stints with cleveland and colorado , the teams were rebuilding . they didn #39 t do well and he was let go . by don bostrom . +__label__3 , rbi hikes repo rate by 25bps , the reserve bank of india ( rbi ) kept the bank rate untouched at 6 today , but raised the repo rate by 0 . 25 to 4 . 75 effective from tomorrow . +__label__1 , \$70 billion increase in war funding sought , the bush administration intends to seek the emergency funding for the wars in iraq and afghanistan early next year , officials said on monday . +__label__2 , nascar mourns plane crash victims , crews on all-terrain vehicles yesterday recovered the bodies of all 10 people killed in the crash of a hendrick motorsports plane that was carrying family and friends of one of nascar ' s top syndicates . +__label__3 , to learn more , lnm holdings has steelmaking operations in eight countries with an annual steel production capacity of more than 32 million tons . isg was formed in 2002 and bought the assets of bankrupt bethlehem steel corp +__label__2 , as reserve , penny seeks knick payoff , the aging process for veteran nba players is usually accelerated when they have reached their tenth season . penny hardaway has 11 years and 647 games on his odometer and he can feel it in his bones and joints . +__label__1 , unprecedented peril forces tough calls , like the war on terrorism , which it often intersected , president bush ' s efforts against nuclear proliferation has followed many paths . +__label__2 , england held up in zimbabwe , zimbabwe held up england #39 s charge as they battled to avert a series whitewash in the fourth one-day international in bulawayo today . +__label__2 , miss peru takes miss world crown , twenty-year-old miss peru has been crowned miss world in a southern chinese resort town , as china looks to become the regular host of an event that would have once been deemed heretical by its communist leaders . +__label__1 , israel resumes gaza pull-out debate , israeli mps have resumed a debate on prime minister ariel sharon #39 s disengagement plan , which is expected to culminate in a historic vote in favour of a pull-out of troops and settlers from the gaza strip . +__label__3 , sara lee 1st-quarter net rises on fee ( reuters ) , reuters - sara lee corp . on tuesday\posted a 53 percent increase in quarterly profit , as a fee\related to the 1999 sale of a tobacco business helped offset\higher costs for meat and cotton . +__label__2 , lehmann may have played last test , the 34-year-old tore his right hamstring on day one of the third test against india at the vca ground just as he was presenting a very good case to be retained when captain ricky ponting returns from injury next week . +__label__1 , reuters poll bush keeps three-point lead on kerry ( reuters ) , reuters - president bush holds a slim\three-point lead over democratic rival john kerry one week\before the nov . 2 presidential election , according to a\reuters/zogby poll released on tuesday . +__label__1 , powell calls for more korea talks , us secretary of state colin powell ends his tour of asia by once again asking north korea to resume nuclear talks . +__label__4 , cassini-huygens fly-by at titan / esa tv live / 27-10-2004 , since it arrived at saturn in mid-2004 , cassini has already sent us back fascinating images of titan , saturn #39 s largest satellite . +__label__4 , adobe services now via yahoo ! , adobe systems and internet provider yahoo ! have announced a tie-up aimed at providing consumer services to internet users . the two companies will introduce integrated products that feature adobe services , increase the reach of yahoo ! +__label__1 , new rebel factions emerge in darfur , new rebel factions have emerged in western sudan , complicating peace talks on the conflict in darfur . the un special representative for darfur , jan pronk , says he thinks the new groups are serious and need to be taken into consideration . +__label__1 , australia 362-7 v india , third test - close ( reuters ) , reuters - australia were 362 for seven wickets at the close of play on the first day of their third cricket test against india on tuesday . +__label__4 , lockheed profit jumps on it , jet demand , < p> \< /p> < p> new york ( reuters ) - no . 1 u . s . defense contractor lockheed\martin corp . < lmt . n> reported a 41 percent rise in quarterly\profit on tuesday , beating wall street forecasts , as demand\soared for its combat aircraft and information technology\services . < /p> +__label__4 , cingular , at amp t deal gets an ok from justice ( usatoday . com ) , usatoday . com - justice department antitrust regulators cleared the way monday for cingular wireless ' #36 41 billion acquisition of at amp t wireless services ( awe ) , a crucial step toward creating the nation ' s largest wireless telephone company . +__label__3 , halliburton suffers loss on asbestos claims , houston - oilfield services giant halliburton co . on tuesday swung to a loss in the third quarter ended sept . 30 , hurt by hefty charges from discontinued operations related to the settlement of asbestos and silica claims . +__label__4 , system x supercomputer speeds up almost 20 percent , virginia tech #39 s all-mac system x supercomputer , installed at the university #39 s terascale computing facility , made headlines last year when it was determined to be the third-fastest supercomputer in the world . +__label__3 , treasury prices crawl higher before data , new york ( reuters ) - treasuries prices crawled ahead on tuesday as a hesitant market awaited the latest reading on consumer sentiment and an auction of new u . s . government debt . +__label__4 , panasonic , toshiba delve into alternate energy , a new home heating system from panasonic is based on a hydrogen fuel cell it both heats the house and produces hot water . +__label__3 , ge says it ' s on track for 2004 , 2005 , boston ( reuters ) - diversified manufacturer general electric co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ge . n target=/stocks/quickinfo/fullquote> ge . n< /a> said on tuesday that it is on track to meet its full-year earnings forecast and to achieve double-digit gains in earnings per share in 2005 . +__label__4 , microsoft prepares to ship new corporate im server , a little over a year after introducing the first version of office live communications server , microsoft corp . in december plans to release the next version of its enterprise instant messaging software , it said monday . +__label__1 , hot debate on gaza pullout in knesset , jerusalem israel #39 s parliament appeared poised tuesday to approve prime minister ariel sharon #39 s gaza pullout plan , clearing the way for a withdrawal of jewish settlers from palestinian territory for the first time in history . +__label__4 , intel guns for remote wireless device management , san francisco - intel corp . is working on a device management technology that could allow it departments to take advantage of existing management software and bring a host of disparate wireless devices under the it department umbrella , an intel executive said monday at the cellular telecommunications and internet association ' s wireless entertainment and it conference here . +__label__3 , halliburton suffers loss on asbestos claims , houston -- oilfield services giant halliburton co . on tuesday swung to a loss in the third quarter ended sept . 30 , hurt by hefty charges from discontinued operations related to the settlement of asbestos and silica claims . +__label__1 , rally demands aid worker #39 s release , colleagues of aid worker margaret hassan , kidnapped a week ago today , gathered at a rally in baghdad to demand her release . more than 200 people staged the protest as the foreign office dismissed claims that +__label__3 , consumer confidence hits 7-month low , new york ( reuters ) - u . s . consumers turned more gloomy in october , beset by soaring energy prices , relentless violence in iraq and the increasingly bitter end of the presidential election campaign . +__label__1 , bush blames poorly made shirt for bulge ( ap ) , ap - president bush sees the value #151 and the humor #151 in the idea that aides could secretly feed him advice through a radio receiver hidden on his back . +__label__4 , e . u . regulators approve oracle ' s peoplesoft bid , european union antitrust regulators on tuesday cleared oracle corp . ' s hostile \$7 . 7 billion bid for rival business software maker peoplesoft inc . , removing one of the last major hurdles to the contested takeover proposal . +__label__3 , eu sees oil prices spoiling euro zone growth party , record high oil prices will cut euro zone growth next year and further sharp euro gains could make matters worse , the european commission said on tuesday . +__label__3 , bank rate stable to boost exports reddy , mumbai despite the revision of the gross domestic product ( gdp ) and inflation rate , the reserve bank of india ( rbi ) had kept the bank rate stable at 6 per cent in the mid-term review of annual policy statement for the year 2004-05 in order to boost +__label__1 , eu head office trims 2005 growth forecast ( ap ) , ap - the european union ' s head office issued a bleak economic report tuesday , warning that the sharp rise in oil prices will take its toll on economic growth next year while the euro ' s renewed climb could threaten crucial exports . +__label__3 , lakshmi mittal is britain #39 s richest man , london nri business tycoon lakshmi n mittal , who is set to control the world #39 s largest steelmaker , has emerged as the richest man in britain . +__label__4 , aids warning over bushmeat trade , meat from african wild animals being sold illegally in the uk is spreading a virus similar to hiv , a leading scientist warns . +__label__1 , germany , france support turkish invitation to eu membership talks ( afp ) , afp - germany and france both support inviting to european union membership talks at a summit in december in brussels , chancellor gerhard schroeder said . +__label__3 , microsoft readies next business im server , a little over a year after introducing the first version of office live communications server , microsoft says it plans to release the next version of its enterprise instant messaging software , in december . +__label__3 , liffe ratchets up price war with merc , derivatives exchange liffe turned up the heat on rival chicago mercantile exchange on tuesday by ratcheting up its fee incentive program for some us traders in a bid improve volume in its eurodollar contract , the cme #39 s flagship offering . +__label__2 , 26/10/04 savabeel compared to dubai millennium , the man who says he didn #39 t have a pair of shoes until he was 12 is now fielding offers in the millions for a horse he compares to the late dubai millennium , the best in the world a few years ago . +__label__1 , protesters harry israel parliament before gaza vote , jerusalem ( reuters ) - thousands of rightist israelis accused prime minister ariel sharon of treason tuesday as parliament looked set to approve the first pullout of settlers from occupied land palestinians want as part of a future state . +__label__1 , 9 22 am missing explosives have experts wondering what else is < b> . . . < /b> , revelations that nearly 400 tons of conventional explosives have gone missing in iraq have experts wondering what other weapons might be in jeopardy of falling into insurgent or terrorist hands . +__label__4 , photo sgi ' s columbia supercomputer , the linux-based columbia is a top contender for the title of world ' s fastest supercomputer . +__label__1 , karzai happy to wait for official afghan poll verdict ( afp ) , afp - incumbent hamid karzai drew quot great happiness quot from his lead in afghanistan ' s presidential election , his spokesman said , but will not claim victory until results are officially certified . +__label__1 , eu chief battles to avert veto in crunch vote ( afp ) , afp - the european union braced for a knife-edge vote to decide the fate of its new executive arm with incoming eu chief jose manuel barroso hardening his stance against rebel legislators . +__label__3 , sec adopts new rules for hedge funds , a deeply divided sec voted tuesday to mandate new oversight for hedge funds -- largely unregulated investment pools , traditionally for the wealthy , that have become popular with small investors . +__label__3 , facetime , imlogic back live communications server 2005 , hard on the heels of microsoft announcing that it #39 s taken live communications server 2005 gold , instant messaging management software vendors imlogic and facetime on tuesday both touted their support for the communication product . +__label__2 , radcliffe to run in new york marathon , london ( reuters ) - world marathon record holder paula radcliffe believes she has put her failure at the athens olympics behind her after announcing on tuesday that she will run in the new york marathon on november 7 . +__label__4 , cassini to look at saturn ' s giant moon ( ap ) , ap - the theory that saturn ' s giant moon titan has oceans or seas of liquid methane and ethane faced its best test yet tuesday . +__label__2 , fan death , family members of a college student killed by boston police during a red sox celebration will wait for an internal investigation before deciding if they will sue the department . +__label__4 , broadcom taps ex-philips executive as ceo , scott mcgregor , former head of royal philips electronics ' semiconductor division , will replace alan ross , who plans to retire . +__label__4 , photo sony ' s locationfree tvs , the electronics maker ' s wireless television set emphasizes advances in the boob tube . +__label__2 , hundreds mourn loss of student killed by police during red sox < b> . . . < /b> , as hundreds of mourners paid their final respects tuesday to victoria snelgrove , her pastor denounced the raucous fans who prompted police to fire the pepper-spray pellet that killed the college student . +__label__3 , thomson beats the street on core strengths , thomson corp . , a provider of information services that was once canada #39 s largest newspaper publisher , sailed past street forecasts in its latest quarterly results released tuesday . +__label__4 , ibm unveils security intel service , notes big jump in attacks , ibm has launched a new intelligence service to give enterprises a monthly report showing the big picture of security attacks and other business threats , the armonk , ny-based giant said tuesday . +__label__1 , sharon faces netanyahu threat to resign over gaza , jerusalem ( reuters ) - israeli finance minister benjamin netanyahu said on tuesday he and three other cabinet members from ariel sharon ' s likud would quit unless the prime minister agreed to hold a referendum on a pullout from gaza . +__label__1 , iraq blames us-led forces for army massacre , baghdad ( reuters ) - iraq ' s u . s . -backed government said on tuesday that major neglect by its american-led allies led to a massacre of 49 army recruits at the weekend . +__label__3 , cingular closes #36 41 bln att wireless deal ( reuters ) , reuters - cingular wireless on tuesday closed\its #36 41 billion cash purchase of at t wireless services inc . \ , creating the biggest u . s . mobile service with more\than 46 million customers . +__label__3 , how the credit policy will affect you , the reserve bank of india announced the mid-term review of its monetary policy on tuesday . though the central bank kept away from the much expected interest rate hike , the policy contained recommendations +__label__4 , aol supports microsoft antispam plan , to overcome industry objections , microsoft revises its sender id proposal . +__label__4 , cassini flies past titan pictures expected tonight , nasa #39 s cassini spacecraft streaked by saturn #39 s smoggy moon titan today , targeted to pass within just 750 miles of the planet-sized satellite to give scientists their first +__label__2 , broncos and monday night on the road don #39 t mix , the bengals were happy to be back on monday night football after a 15 year absence . from gameplan to execution , they looked very good . +__label__4 , ibm unveils security intel service , notes big jump in attacks , attacks against crucial infrastructure -- utilities , telcos , and government agencies -- rose by 55 from july to august . by gregg keizer , techweb . +__label__4 , cassini heads toward giant moon on saturn ( ap ) , ap - the u . s . -european spacecraft cassini hurtled tuesday toward its closest encounter yet with saturn ' s giant moon titan . +__label__1 , israeli officer arrested over killing of gaza girl ( reuters ) , reuters - israeli military police on tuesday\arrested a commander accused by comrades of riddling the body\of a palestinian schoolgirl with bullets after fellow soldiers\killed her . +__label__3 , pickup in us insurance sector sends stocks surging despite higher < b> . . . < /b> , toronto ( cp ) - a rally in the insurance sector helped take stock markets up sharply - and drove new york #39 s blue chip index to a triple-digit runup - despite higher oil prices and a further slowdown in us consumer confidence . +__label__4 , ftc wins a temporary injunction against alleged spammer , u . s . district judge joseph a . diclerico jr . ordered sanford wallace and his companies to remove any software scripts from their web sites that exploit security vulnerabilities in some versions of internet explorer . +__label__2 , update 1-bayern rein in wolfsburg with pizarro double , bayern munich reined in bundesliga leaders wolfsburg on tuesday with a 2-0 victory , courtesy of a double strike from peruvian striker claudio pizarro in his first match in a month . +__label__1 , hispanic rights groups unite to fight voter discrimination ( afp ) , afp - us civil rights groups expressed concern over alleged intimidation of hispanic voters and said they will work to ensure their ballots are counted in the november 2 presidential election . +__label__3 , eds cutting 4 , 600 jobs through early retirement , taking us\$150m < b> . . . < /b> , plano , tex . ( cp ) - electronic data systems is cutting 4 , 600 jobs through early retirement and taking a \$150 million us charge in the fourth quarter , the information technology company said tuesday . +__label__4 , microsoft previews quot whitehorse quot developer tools , microsoft released on tuesday a preview version of new tools intended to make it easier for companies to create custom web applications . +__label__4 , aol shows safe chat rooms , secure usb tokens used to verify a child ' s age before allowing him to chat . +__label__2 , cards try to narrow gap in game 3 , after losing the first two games to the boston red sox , the st . louis cardinals try to make the world series competitive by winning tuesday night ' s game 3 at home . three-time cy young award winner pedro martinez starts for boston against journeyman jeff suppan , who used to play for the red sox . both are 16-9 . +__label__1 , dodge denies copps charge that martin wanted to scrap canada health act ( canadian press ) , canadian press - ottawa ( cp ) - add the governor of the bank of canada to the list of people who say sheila copps has a faulty memory . __label__4 , the video ipod is coming , i hope , at tuesday ' s unveiling of the ipod photo , steve jobs repeated his contention that the ipod is the wrong place for video . i doubt he ' ll be saying that a year from now . missing links -__label__4 , xandros rolls out linux desktop management app , linux desktop vendor xandros inc . on tuesday announced the availability of its new xandros desktop management server ( xdms ) application , which gives it administrators the tools to roll out , configure and maintain mass deployments of linux-equipped pcs . -__label__4 , apple ' s ipod features u2 collaboration ( ap ) , ap - apple computer inc . on tuesday introduced a new larger-capacity ipod with a color display as well as a first-of-its-kind digital compendium of the rock band u2 ' s songs . -__label__3 , oracle #39 s bid still facing hurdles , peoplesoft reiterated on tuesday its opposition to a \$7 . 7 billion takeover offer from oracle after the european union approved the bid , removing the last regulatory hurdle to a deal . -__label__1 , putin praises ukraine #39 s leader , russian president vladimir putin has taken part in a live phone-in on ukrainian tv , just days before the country #39 s presidential election . -__label__3 , sec seeks to make hedge funds more transparent , description a divided securities and exchange commission will likely approve new regulations governing the hedge fund industry . under the rules , all but the smallest hedge funds would be required to register with federal regulators . -__label__2 , cfl erred , stamps still losers , the result of the calgary-bc game last friday night will stand , the cfl announced yesterday . while a review of videotape from the game confirmed an officiating error resulting in a no-yards -__label__2 , florida denies contact with spurrier ( ap ) , ap - florida athletic director jeremy foley denied a report tuesday that school officials have contacted former coach steve spurrier about replacing ron zook . -__label__1 , threat to behead japanese soldier , the group led by wanted terrorist abu musab al-zarqawi has said it has abducted a member of japan #39 s armed forces and is threatening to behead him if the japanese government does not withdraw its troops from iraq within 48 hours . -__label__4 , sony launches music players with mp3 support , the company has just announced the release of two flash-memory-based devices , the walkman nw-e99 and nw-e95 , in europe . the music players can play songs in mp3 and sony #39 s own atrac file format . -__label__3 , marsh to scrap fees spitzer faulted ( reuters ) , reuters - marsh mclennan cos . , the\world ' s largest insurance broker , said on tuesday it would\reform its business practices and stop accepting fees at the\center of an investigation by new york attorney general eliot\spitzer into bid rigging . -__label__2 , sporting news bonds is player of year pujols fourth , san francisco giants slugger barry bonds , who hit . 362 , set a record with 232 walks and topped 700 career homers , was named 2004 player of the year by the sporting news . -__label__1 , indonesia at a crossroad , at midnight on saturday , the dance floor in the hard rock cafe ( hrc ) in bali was heaving . apart from a careful pat down at the door for guests , the scene was no different from two years ago , before islamist -__label__1 , japanese citizen reportedly taken hostage in iraq , the islamic militant group of abu mussab al-zarqawi reportedly claims to have taken a japanese citizen hostage in iraq . in a video shown on the internet , the group threatens to execute him if tokyo does not withdraw its troops from iraq in 48 hours . -__label__4 , korean and japanese phone makers win -survey , amsterdam ( reuters ) - south korean mobile phone makers continued a rapid move up the global market rankings during the third quarter , while growth in the wider mobile phone market slowed , a survey found on wednesday . -__label__4 , dmca limited by sixth circuit appeals court , the fine print the following comments are owned by whoever posted them . we are not responsible for them in any way . i really dont know why a printer manufacturer should have exclusive rights on producing ink that work with their printers . -__label__1 , india cool on kashmir proposals , india responded coolly yesterday to suggestions by the pakistani president , pervez musharraf , on how to solve the kashmir dispute between the two countries . -__label__2 , paterno #39 s real tragedy may be not knowing when to go , joe paterno often has talked about the profound impact that a piece of classic literature has had on his life . while a student at brooklyn prep in the early 1940s , he devoured theaeneid , written by the roman poet virgil . -__label__2 , martinez moves red sox nearer series title ( ap ) , ap - don ' t question pedro martinez anymore . fame and fortune already his , martinez finally made it to the world series on tuesday night . and when he got there , he shut down the st . louis cardinals , putting the boston red sox within one victory of the world series title that has eluded them since 1918 . -__label__3 , ovitz defends his tenure , michael ovitz said on tuesday that walt disney co . would have made a string of dazzling deals and shrewd strategic moves during his brief tenure as the company #39 s president -__label__2 , baseball-red sox on brink of world series victory , st . louis ( reuters ) - pedro martinez pitched seven shutout innings and manny ramirez hit a home run as the boston red sox beat the st . louis cardinals 4-1 tuesday , moving to the brink of their first world series title since 1918 . -__label__3 , update air new zealand rights issue greeted positively , wellington ( dow jones ) --air new zealand ltd . ( air . nz ) said wednesday it expects to post a slight drop in profit in the current financial year , and that it hopes to raise nz\$186 million in a rights issue next month to fund investment in new aircraft . -__label__2 , red sox on brink of world series victory , st . louis ( reuters ) - pedro martinez pitched seven shutout innings and manny ramirez hit a home run as the boston red sox beat the st . louis cardinals 4-1 tuesday , moving to the brink of their first world series title since 1918 . -__label__2 , two wizards face possible suspensions , the washington wizards #39 brendan haywood and larry hughes could face suspensions for their part in a fight during monday night #39 s preseason game against the bulls in chicago . -__label__2 , former al batting champion dies at 78 ( ap ) , ap - bobby avila , a three-time all-star who won the american league batting title in 1954 , died tuesday of complications from diabetes and a lung ailment . he was 78 . -__label__3 , eisner blocked big ideas , ovitz tells court , former walt disney co . president michael ovitz insisted tuesday that he worked tirelessly to better the company but frequently ran into resistance from ceo michael eisner and a handful of senior executives who refused to report to him . -__label__2 , belmont beats the best to take its place at the top , any time in the last decade and a half , yesterday ' s result would have been an upset . with a 3-2 victory over host winchester , the belmont girls ' soccer team took the middlesex league title from the sachems for the first time in 16 years , and avenged a 1-1 tie with winchester that was the only blemish on a 15-0-1 season . -__label__3 , q amp a merger changes little for now , here are answers to some questions arising from the closing of cingular wireless #39 acquisition of at amp t wireless . q with the merger , how will the combined company rank in the industry ? -__label__2 , midseason ouster no surprise , unless there #39 s an extenuating circumstance - see the university of arizona last september - it #39 s generally considered poor form to change football coaches in midseason . -__label__1 , in asia , powell defends n . korea policy , seoul -- secretary of state colin l . powell yesterday sought to fend off complaints from key partners in the effort to end north korea ' s nuclear programs that the bush administration has not been sufficiently creative or willing to compromise in the negotiations . -__label__3 , ftse 100 lifted by bright dow , the ftse 100 has climbed as a surge by us shares gives a boost to european markets . shire pharmaceuticals shp . l jumped after winning approval for a key drug and consumer goods giant unilever ulvr . -__label__1 , sharon , under pressure , snubs gaza referendum call , jerusalem ( reuters ) - israeli leader ariel sharon rejected calls from within his divided cabinet on wednesday for a referendum on leaving gaza after winning parliament ' s support to uproot settlements from land claimed by palestinians . -__label__2 , radcliffe awaits gun for start of russian roulette , for the 3 , 000 britons who will run in the new york city marathon next month the most important thing will be to finish the 26 . 2-mile race , in order to achieve a sense of personal fulfilment . -__label__4 , chip giant umc reports higher profits ( ap ) , ap - united microelectronics corp . #151 the world ' s no . 2 producer of made-to-order chips #151 on wednesday reported that its third-quarter net profit more than doubled on year as shipments of chips for mobile phones and other gadgets increased . -__label__1 , n . korea called worst for press freedom , media watchdog reporters without borders has labeled north korea and cuba the worst countries in terms of press freedom , with denmark being the best . -__label__4 , nasa expert says bush stifles evidence on global warming , iowa city , iowa a nasa scientist has charged that the bush administration is subverting science and misleading the public by trying to suppress or alter evidence on the dangers of global warming . -__label__1 , thai pm defiant after 78 muslims die in custody ( reuters ) , reuters - thai prime minister thaksin\shinawatra shed few tears on wednesday over the death of 78\muslims in military custody as distraught mourners besieged an\army base in the far south , demanding the bodies of relatives . -__label__3 , spanish bank makes bumper profits , the spanish bank which is buying abbey made a 2 . 2bn profit ( 3 . 1bn euros ) in the first nine months of 2004 . banco santander central hispano , which is acquiring the uk lender in a 8 . -__label__2 , stanford ties arizona in poll media splits on who #39 s favorite in < b> . . . < /b> , the two teams that shared the pac-10 women #39 s basketball title last season -- stanford and arizona -- are primed to share it again , according to the annual poll released at pac-10 media day tuesday at hp pavilion in san jose . -__label__1 , milosevic defense team asks to withdraw from case , the hague ( reuters ) - former yugoslav president slobodan milosevic ' s two court-assigned defense lawyers have asked to be withdrawn from his case , the hague war crimes tribunal said wednesday . -__label__4 , singapore telecom ties up with malaysia ' s time dotcom ( afp ) , afp - singapore telecommunications ( singtel ) said it has entered into an agreement with malaysia ' s time dotcom to link their corporate customers through private leased line circuits . -__label__2 , koetter hill will play saturday , hakim hill , the asu football teams oft-controversial running back , will be back on the field when the sun devils travel to face california , head coach dirk koetter announced tuesday . -__label__1 , bhp billiton , alcoa sell integris metals for 359 million pounds ( afp ) , afp - anglo-australian mining giant bhp billiton and alcoa , the world ' s largest aluminium producer , have agreed to sell their metal services joint venture integris metals for 660 million dollars ( 359 million pounds ) including debt , a joint statement said . -__label__1 , chirac says turkey ' s eu bid ' not a done deal ' ( afp ) , afp - french president jacques chirac said wednesday that turkey ' s eu membership bid was quot not a done deal , quot although he believed it was in europe ' s best interests , a government spokesman reported after a cabinet meeting . -__label__3 , comcast posts smaller 3q profit , cable giant comcast corp . on wednesday posted a smaller third-quarter profit that missed wall street expectations , but said digital cable and high-speed internet subscriptions continued to grow during the period . -__label__3 , durable goods orders up 0 . 2 percent ( reuters ) , reuters - u . s . orders for long-lasting durable\goods rose by a smaller-than-expected 0 . 2 percent in september , \held back by another sharp fall in commercial aircraft , \government data showed on wednesday . -__label__1 , www kotv . com , _ nearly 800 british forces left their base in southern iraq on wednesday , heading north toward baghdad to replace us troops who are expected to take part in an offensive against insurgent strongholds . -__label__4 , nokia wins 115-million-dollar network deal from brazil ' s oi celular ( afp ) , afp - nokia , the world ' s largest mobile phone maker , said it had received a 115-million-dollar ( 90-million-euro ) order to expand oi celular ' s second-generation gsm network in brazil . -__label__1 , india and bangladesh neglect their enclaves ( reuters ) , reuters - nazrul islam is an indian\living in an indian village . -__label__1 , black watch move towards baghdad , the black watch today moved towards baghdad in response to the us plea for help . the ministry of defence said today that soldiers from the scottish regiment were leaving their base in the southern city of -__label__2 , aussie quartet put india on back foot , the second day of the third test at nagpur belonged to australia #39 s bowlers , with their attritional approach wearing down india #39 s batsmen . -__label__2 , stanford picked to win much-improved pac-10 , tara vanderveer stepped to the dais at the pacific-10 conference women #39 s basketball media day tuesday and was asked to make an opening comment . -__label__2 , leyland has emerged as a managerial candidate , jim leyland just might be ready to manage a major league baseball team again , and he will reportedly interview for jobs with the philadelphia phillies and new york mets , according to the ny daily news . -__label__3 , mortgage approvals drop sharply , figures showing falling mortgage approvals and rising repossessions suggest interest rate rises are being felt . -__label__4 , google acquires satellite mapping firm keyhole , google acquires satellite mapping firm keyhole\\after a tip from andy beal , i checked out keyhole satellite image mapping and local search tool and absolutely loved it . basically , with keyhole you get a satellite image of the world and can view streets in the major cities , political hotspots , and towns ( mostly . . . -__label__4 , is apple photogenic ? , with competitors avidly trying to nibble at the ipod #39 s market share , apple ( nasdaq aapl ) has released its ostensibly new and improved version . -__label__1 , britain ' s not-so-civil war hunters outfoxed ? , if hunting is banned in britain , the pro-hunt lobby says its supporters will continue to hunt illegally . -__label__4 , are cheaper flat-panel tvs on the way ? ( pc world ) , pc world - ifire aims to displace lcd tvs with its lower-cost display technology . -__label__1 , rumsfeld turns to radio interviews in battleground states to defend iraq situation ( afp ) , afp - us defense secretary donald rumsfeld says he has been ordered not to comment on the presidential elections , but it hasn ' t kept him from defending the war in iraq in interviews with radio talk show hosts in battleground states . -__label__3 , ata customers won #39 t be affected by bankruptcy , indianapolis -- ata says it will honor all tickets and maintain its full schedule , after filing for chapter 11 bankruptcy tuesday . -__label__1 , black watch troops move near baghdad , british troops have rolled north from basra to take over a deadly area near baghdad and free up us troops for a widely expected attack on the rebel-held city of falluja . -__label__1 , henman sails at the swiss indoors , < p> < /p> < p> by mark ledsom< /p> < p> basel ( reuters ) - britain ' s world number four tim henmanwon his opening match at the swiss indoors tennis tournamentwith little difficulty on wednesday , beating frenchman antonydupuis 6-3 , 6-4 . < /p> -__label__3 , comcast profit falls short of forecasts , comcast corp . ( cmcsa . o quote , profile , research ) , the largest us cable operator , on wednesday posted a quarterly profit that fell short of wall street forecasts but reported better-than -__label__4 , remains of new species of hobbit-sized human found , scientists in australia have found a new species of hobbit-sized humans who lived about 18 , 000 years ago on an indonesian island in a discovery that adds another piece to the complex puzzle of human evolution . -__label__1 , vietnam opens bunker used by ho chi minh ( ap ) , ap - behind thick concrete walls and iron doors , ho chi minh and other top vietnamese leaders hid in secret underground tunnels during u . s . b-52 bombing raids to plot key military strategies that led to america ' s defeat in the vietnam war . -__label__3 , stocks up as oil slides , new york ( reuters ) - u . s . stocks jumped on wednesday as oil prices , which have held investor enthusiasm for stocks in check for months , fell sharply after a higher-than-expected crude build last week . -__label__4 , dell offers suse on servers , dell ( quote , chart ) officials announced wednesday an agreement with linux distributor novell ( quote , chart ) to distribute and support suse enterprise server 9 on its single- and dual-processor line of servers . -__label__1 , storms batter cornish coastline , \flooding causes chaos for homeowners all along cornwall ' s south coast as 80mph winds hit land . -__label__4 , dell from factory floor to finished gear , pc giant also wants to be your supplier of high-end home electronics . also how your desktop gets bolted together . -__label__1 , black market in british treasure sold on ebay ( reuters ) , reuters - pieces of britain ' s past , including a\second-century silver ring and a 500-year-old tudor trade\weight , are among artifacts being peddled daily on the internet\to the alarm of experts at the british museum . -__label__4 , security report windows vs linux , much ado has been made about whether or not linux is truly more secure than windows . the results were not unexpected . even by microsoft #39 s subjective and flawed standards , fully 38 of the most recent patches address flaws that microsoft ranks as critical . -__label__1 , al-jazeera airs new footage of pleading british hostage in iraq ( afp ) , afp - kidnapped briton margaret hassan made a new appeal for the withdrawal of british troops from iraq , al-jazeera television said , showing her in a video . -__label__3 , closing arguments in enron barge trial , houston -- prosecutors claim six executives conspired to push through a 1999 sham sale of barges because they didn #39 t think they #39 d get caught . -__label__3 , report finds handheld device market in continued decline , the worldwide market for handheld devices saw its third successive quarter of year-over-year decline in the third quarter of 2004 , according to a new report released by idc . -__label__4 , sony announces playstation por , sony corp . announced a price more fitting of a video-game machine than a slick movie-playing gadget for its new playstation portable - 19 , 800 yen ( \$186 ) . -__label__1 , eu unveils plans for new banana tariffs ( ap ) , ap - the european union said wednesday it will impose a duty of 230 euros ( #36 290 ) per ton of bananas starting in 2006 , in an effort to prevent producers in former african and caribbean colonies from losing business to larger growers in latin america . -__label__3 , faces from the 1929 crash , new york - the people who will forever be associated with the great crash of 1929 were all white , male and wealthy , but their occupations and ethics varied considerably . -__label__3 , opec head urges u . s . to use oil reserves , jakarta ( reuters ) - opec has taken the unprecedented step of urging the united states to tap its emergency crude reserves to bring down world oil prices . -__label__3 , military buoys profit at defense firms , chicago ( reuters ) - robust demand for military equipment and technology led four u . s . defense companies to post higher quarterly profit on wednesday , with jet maker boeing co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ba . n target=/stocks/quickinfo/fullquote> ba . n< /a> reporting a 78 percent jump in earnings despite a decline in commercial airplane revenue . -__label__3 , will tellabs push its luck ? , perhaps the optical network supplier should call off its merger with afc . -__label__3 , us economy continues to expand in spite of rising energy prices < b> . . . < /b> , the us economy continued to expand in september and early october in spite of rising energy costs , the federal reserve said wednesday in its beige book , a survey of business activity around the country . -__label__3 , yahoo debuts mobile search , san francisco -- yahoo ( quote , chart ) expanded its search empire to the mobile arena with the launch of some additional services . the company was one of the original content providers for mobile devices running -__label__2 , hubris , caution in boston as red sox eye victory ( reuters ) , reuters - giddiness . paranoia . arrogance . caution . \all were on display on wednesday in boston as the supposedly\cursed red sox moved within one victory of a baseball\championship that has eluded them for 86 years . -__label__3 , lexmark loss good for consumers , lexmark ' s loss in court on tuesday may mean that consumer electronics companies won ' t try to use the digital millenium copyright act as an all-purpose competition shield anymore , consumer advocates say . by katie dean . -__label__1 , thai villagers search for relatives , hundreds of villagers besieged a thai military camp wednesday demanding to know whether their relatives were among at least 78 muslim men who officials said suffocated -__label__2 , palmeiro signs one-year deal with orioles ( ap ) , ap - rafael palmeiro didn ' t want his homecoming with the baltimore orioles to end after just one season , so he took a pay cut and accepted a one-year , #36 3 million contract wednesday . -__label__4 , suse warns of hole in linux kernel , october 27 , 2004 ( techworld . com ) - linux distributor suse has warned of one of the most serious security holes to date in version 2 . 6 of the linux kernel , which could allow attackers to shut down a system running 2 . 6-based software . -__label__2 , wenger commits future to arsenal , arsenal fc have agreed a three-year contract extension with manager arsne wenger , retaining the frenchman #39 s services until may 2008 . -__label__2 , kezman #39 s first hammer blow , mateja kezman finally broke his scoring duck to settle this league cup derby at stamford bridge today . kezman missed a string of chances before firing in from joe cole #39 s through-ball in the 57th-minute to quash the hammers #39 hopes of making the last 16 . -__label__1 , black watch troops move into position , the first units of a black watch battlegroup are due to arrive today in their new positions south of baghdad as tony blair indicated that more british troops may replace them in the american-controlled zone before the end of the year . -__label__2 , georgia tech looks to virginia tech ( ap ) , ap - georgia tech wants to avoid being embarrassed by another acc rookie . -__label__1 , abdullah conveys concerns over violence to thaksin , kuala lumpur malaysia has conveyed to thai prime minister thaksin shinawatra its concern over the latest incident of violence in southern thailand . -__label__1 , 3 police officials charged over beslan siege , rostov-on-don , russia - three russian police officers have been charged with criminal negligence in connection with the beslan school hostage-taking that left 360 people dead , almost half of them children . -__label__4 , idc sees continuing decline in pda market , if a handheld device doesn ' t have voice capabilities , a growing number of users around the world aren ' t interested , according to idc . for the third straight quarter , shipments of handheld devices such as personal digital assistants ( pdas ) fell as some prominent vendors decided to pull back from the market , idc said wednesday . -__label__2 , germany to kick off 2006 world cup , frankfurt , germany -- hosts germany will play in the opening match of the 2006 world cup , the organizing committee of the governing body fifa announced on wednesday . -__label__3 , national foods take no action on fonterra takeover bid , melbourne ( dow jones ) --australia #39 s national foods ltd . ( nfd . au ) on thursday told shareholders to take no action on new zealand dairy group fonterra co-operative group ltd . -__label__4 , new web domain names get preliminary nod ( ap ) , ap - two new internet domain names #151 . post and . travel #151 could appear online as early as next year as the internet ' s key oversight board announced preliminary approval on wednesday . -__label__2 , inter draw with lecce while ac milan crash atlanta , bulgarian teenager valeri bojinov scored twice as lecce came from two goals behind to draw 2-2 with inter milan in italian first division league on wednesday . -__label__4 , yahoo battles google for the cell phone , yahoo added a search feature for cell phones wednesday , just a few weeks after rival google launched one of its own . while google sms ( short message service ) uses text-only messages to deliver its results , yahoo #39 s -__label__2 , new-age general manager labors to end age-old curse , until theo epstein became the general manager of the boston red sox two years ago , at 28 , life had offered him little cause to believe in superstition . -__label__1 , russian parliament ratifies kyoto pact ( ap ) , ap - the kyoto protocol overcame its final legislative hurdle in russia when the upper house of parliament ratified the global climate pact wednesday and sent it on to president vladimir putin for his signature #151 setting the stage for the treaty to come into force next year . -__label__1 , arafat ' s health reported to have turned sharply worse , an ambulance was called to yasir arafat ' s compound amid unconfirmed reports that he had lost consciousness at least once . -__label__2 , owens explains ravens snub , baltimore ravens linebacker ray lewis took a deep breath as he prepared to answer yet another question about terrell owens , the wide receiver who spurned an -__label__1 , at least five dead in russia mine blast ( reuters ) , reuters - at least five miners were killed and 14\injured in a blast in a coal mine in russia ' s siberia , the\emergencies ministry said on thursday . -__label__1 , japanese rescuers grapple with rocks to retrieve girl from quake < b> . . . < /b> , tokyo - rescuers grappled through mud and rocks for a second day thursday in the hope of finding a three-year-old girl trapped in a crushed car since japans killer earthquake last weekend . -__label__3 , durable goods orders up , orders for durable goods rose in september for the third time in four months . home sales also increased . orders for goods intended to last more than three years increased 0 . 2 percent to \$195 . -__label__4 , stargazers enjoy total lunar eclipse , astronomy buffs and amateur stargazers turned out to watch a total lunar eclipse wednesday night - the last one earth will get for nearly two and a half years . -__label__1 , large explosion heard in central baghdad ( reuters ) , reuters - a large blast was heard in central\baghdad on thursday , witnesses said . -__label__1 , hundreds trapped in russia mine , five miners are killed by an explosion which leaves up to 240 trapped in a siberian coal mine . -__label__3 , low-cost airline enters bankruptcy , blaming excess capacity , extremely high fuel prices , which and descending fares , ata holdings corp . , parent of discount airline carrier ata airlines , said it has filed for bankruptcy . -__label__1 , at least five dead in russia mine blast , quot at 9 45 am ( 2 45 am british time ) we received the signal for a methane blast . at the time , a 45-strong repair team was working in that . -__label__3 , despite scandals , boeing still charms wall street , boeing ' s bottom line continues to fatten , even as its image tarnishes , thanks in part to the consolidation of the defense industry , which has left the pentagon with few choices for buying weapons , industry analysts said . -__label__1 , stability control systems can save lives ( ap ) , ap - stability control systems could save up to 7 , 000 lives each year if they were standard equipment on all vehicles , according to a study by the insurance industry . -__label__4 , washington contractors ' sales increase , companies that provide federal agencies with network integration and payroll accounting technologies are benefiting from a government trying to bolster its defenses against terrorism , experts say . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> -__label__3 , airtran #39 s plan may aid city , if the airline acquires some ata assets , wichita mid-continent could see expanded airtran service , especially to chicago . by phyllis jacobs griekspoor . -__label__2 , chelsea 1-0 west ham , mateja kezman finally broke his chelsea goal duck with the winner against a spirited west ham in the carling cup . the striker was making his 13th outing for chelsea and he arrowed in a second half shot past keeper james walker . -__label__2 , healthy henman looking forward to moodie match , tim henman confirmed he was in good health , despite being diagnosed with a magnesium deficiency , after a straight-sets win over antony dupuis in the first round of the davidoff swiss masters . -__label__2 , broken thumb sidelines payton , results of x-rays on gary payton #39 s right hand revealed a non-displaced fracture in the point guard #39 s right thumb . payton did not play last night against the -__label__1 , powell backpedals on taiwan remarks , us secretary of state colin powell yesterday carefully avoided repeating a suggestion he made earlier this week of an eventual reunification of china and taiwan . -__label__3 , tokyo shares follow ny trend higher , share prices closed higher across the board in tokyo this morning , as investors were cheered by last night #39 s gains on wall street . -__label__2 , tennis leading brits go marching on , tim henman showed he was on top form despite being diagnosed as suffering from magnesium deficiency , with a straight-sets win over antony dupuis in the first round of the davidoff swiss masters . -__label__2 , haywood suspended for three games , new york - brendan haywood of the washington wizards was suspended for three games by the nba yesterday for fighting during a pre-season game against the chicago bulls . -__label__2 , big east braces for growth spurt , it #39 s hard to imagine , but the league that gave us college basketball #39 s last two national champions is about to get a lot better . -__label__2 , hidden value for wakefield , when we look back on this improbable postseason turnaround by the red sox , one of the turning points will be hard to find unless we recall the words of red sox manager terry francona in the aftermath of the humiliating 19-8 loss to the yankees in game 3 of the american league championship series . -__label__2 , lowe ' s road to glory , for derek lowe , two roads diverged not in a yellow wood , as new england ' s poet laureate robert frost had it , but on the greenswards of fenway park , yankee stadium , and busch stadium . -__label__2 , today ' s schedule , college field hockey umass-dartmouth at salve regina , 3 p . m . unh at bc , 7 p . m . anna maria at westfield st . , 7 p . m . -__label__1 , australia establish 300-run lead in third india test ( afp ) , afp - australia batted cautiously in their second innings to build a lead of 300 runs over india with nine wickets in hand in the third cricket test here . -__label__3 , gold fields hit by q3 rand strength , johannesburg ( mineweb . com ) -- gold fields , the takeover target of smaller rival harmony , contained its costs on its south african mines during the september quarter . -__label__1 , nigerian protection force leaves for darfur , an elite contingent of 50 nigerian soldiers left nigeria on thursday for darfur , the first stage in the deployment of 3 , 000 extra african union ( au ) troops to monitor a shaky cease-fire in the western sudanese region . -__label__4 , russians to see full lunar eclipse thursday morning , moscow , october 28 ( itar-tass ) - people in russia #39 s european part will have an opportunity to see a full eclipse of the moon during several hours thursday morning , said dr andrei finkelshtein , director of the russian institute of applied astronomy . -__label__4 , attack prompts bush website block , the re-election website of president bush is blocking overseas visitors because of security reasons . -__label__3 , royal dutch/shell merges holding companies with unified board , london , october 28 ( newratings . com ) - royal dutch/shell group has announced its plans to merge its two holding companies in the netherlands and the uk , royal dutch petroleum ( roy . -__label__4 , dell comes up with novell idea to sell servers , novell has given its recently acquired linux distro , suse , a push , by signing an agreement with dell to offer suse linux enterprise server ( sles ) 9 on select poweredge servers worldwide . -__label__4 , web tv start-ups show programs outside the box ( washingtonpost . com ) , washingtonpost . com - internet tv is a mirage , seeming so close yet turning out to be far away or downright unreal when you try to watch it . at least that ' s my take on the many past plans for zapping motion pictures over the internet . -__label__4 , game on as sony puts 100 tag on psp system , sony is going head-to-head with nintendo in the battle for the handheld games console market . the company will price its long-awaited playstation portable ( psp ) at about 100 for its launch in japan , when -__label__2 , nakatani expects a big day at bc , no stranger to brash statements , jockey corey nakatani has a firm goal for saturday #39 s breeders #39 cup program at lone star park . -__label__4 , when wireless networks merge , now that its \$41 billion takeover of at t wireless has been completed , cingular will spend hundreds of millions of dollars in coming weeks on its advertising campaign . -__label__2 , sainsbury ultimatum to leeds , sebastian sainsbury warned leeds united chiefs today they face the stark choice of accepting his 25million bid or selling elland road . -__label__3 , delta , pilots ok deal , union officials representing 7 , 500 pilots at delta air lines said wednesday night they have reached a cost-cutting agreement with management , which presumably could halt , or at least -__label__2 , kiwis heading for big win , daniel vettori spun new zealand to the brink of a crushing victory over bangladesh in the second and final test at the ma aziz stadium in chittagong today . -__label__1 , 3 un staff kidnapped in afghan capital , unknown armed men in military uniform kidnapped three staff of the united nations in the afghan capital city at broad daylight thursday , afghan officials confirmed . -__label__4 , google and microsft getting close , google and microsft getting close\\microsoft partnering with google ? well sort of , an article released yesterday details the relationship between the two , and the use of google deskbar in microsoft ' s partner pack for windows , a collection of microsoft and third-party products released last week that microsoft describes on its web site . . . -__label__3 , ata files for bankruptcy protection , ata holdings corp . ( atah ) , parent of struggling low-cost carrier ata airlines , on tuesday filed for chapter 11 bankruptcy protection as falling fares and soaring fuel prices drained it of cash . -__label__3 , dow chemical reports 86 percent increase in profit , detroit - dow chemical co . #39 s third-quarter earnings soared 86 percent to beat wall street forecasts , thanks largely to improved margins . -__label__1 , blast outside thailand bar injures 15 ( ap ) , ap - a bomb exploded thursday evening outside a bar in southern thailand , the scene of a campaign of violence blamed on islamic separatists , injuring at least 15 people , police said . -__label__3 , final edition for a respected asian newsweekly , hong kong the far eastern economic review , an often incisive newsweekly for more than half a century , will become a monthly opinion magazine in december , and virtually all of its employees will lose their jobs , dow jones announced on thursday . -__label__4 , amd rolls out low-cost net access device in india , us chip maker advanced micro devices amd . n has unveiled a low-cost internet access device that could cost just a few hundred dollars , aimed at first-time technology users in the developing world . -__label__2 , raiders notes gallery appreciates the silence , because his name is called infrequently , he is having a solid season as a rookie . by gregg bell -- bee staff writer . it #39 s not too late to get into a fantasy sports league . -__label__3 , new zealand bank raises key interest rate , wellington new zealand #39 s central bank raised the benchmark interest rate by a quarter point on thursday , to 6 . 5 percent , and said the sixth increase this year may be the last as economic growth slows . -__label__1 , bomb kills one in southern thailand , a bomb has exploded in southern thailand , killing one person and injuring about 20 , in what could be the first reaction to the deaths of 85 muslim protesters earlier this week . -__label__3 , update 2-viacom posts loss on charges cable networks up , viacom inc . ( viab . n quote , profile , research ) ( via . n quote , profile , research ) on thursday posted a quarterly loss on charges related to the spinoff of video rental chain blockbuster -__label__3 , delta gets tentative deal with pilots , after 15 months of negotiations , delta air lines inc . has secured a tentative contract with its pilots , a move that might help the struggling carrier avoid a chapter 11 bankruptcy filing . -__label__4 , titan reveals its purple patches , london unprecedented pictures of the purple atmospheric haze on titan have been captured by the cassini spacecraft during its closest approach yet to saturn #39 s largest moon . -__label__1 , israel would not bar arafat return after overseas treatment , jerusalem , oct 28 ( afp ) - israel will not bar ailing palestinian leader yasser arafat from returning to the west bank if he were to leave for medical treatment , senior government spokesman raanan gissin told afp thursday . -__label__4 , web domains approved for posties , travel , the internet corporation for assigned names and numbers ( icann ) has approved two new sponsored internet domains , . post and . travel , specifically for the post and travel industries . -__label__4 , a fresh look at the stars . . . , a supernova spotted by the danish astronomer tycho brahe more than four centuries ago - which changed the course of human knowledge - has just yielded a further discovery the companion star that triggered the great event . -__label__1 , remark on homosexuality delays seating of european panel , the european union #39 s normally yawn-inducing institutions raised eyebrows on wednesday when a spat over comments about homosexuality made by an italian bureaucrat led to the -__label__3 , earnings improve at japanese electronics firms , the japanese electronics makers remained cautious about the months ahead , citing worries about global growth . japanese corporate profits are almost certain to be hurt by any economic slowdown in japan and in the united states . -__label__3 , ryanair agrees to repay 4m in an escrow account for the walloon < b> . . . < /b> , vueling writes quot ryanair confirmed it had written to the walloon authorities and agreed to repay 4m in an escrow account until ryanairs appeal is heard and the european courts make a definitive decision on this matter . -__label__4 , yahoo takes search to the airwaves , yahoo will offer its own version of wireless internet searching , keeping pace with rival google , which recently introduced a mobile search offering . -__label__3 , pilot leaders ok delta deal , the leadership of delta air lines #39 pilot union early this morning approved a tentative concessionary agreement with the company , sending it to a vote of the entire membership . -__label__3 , oil price steadies after 5 percent slide , london ( reuters ) - oil steadied on thursday after wednesday ' s 5 percent retreat from record highs , as traders concluded that china ' s surprise interest rate rise would not do much to dampen fuel demand growth . -__label__2 , cavs pick up option on drew gooden , cleveland ( sports network ) - the cleveland cavaliers thursday picked up the team ' s 2005-06 contract option on forward drew gooden . -__label__4 , link between migraine , endometriosis found , there #39 s evidence of a possible link between endometriosis and migraine , says an italian study in the latest issue of human reproduction . -__label__2 , update 2-spaniards garcia and lara share volvo masters lead , sergio garcia showed the consistency that has lifted his game this year with a four-under-par 67 in difficult conditions to share the volvo masters lead with spanish compatriot jose manuel lara . -__label__3 , aol files lawsuit against im #39 spim #39 , america online inc . said thursday it had filed a federal lawsuit accusing numerous unnamed defendants of violating federal and state laws by sending bulk messages known as quot spim quot to instant message accounts and internet chat rooms . -__label__1 , iran #39 not obliged #39 to allow military site inspections , iran says it is not obliged to allow un atomic energy agency inspectors to visit military sites alleged to be involved in secret nuclear weapons work but that it is willing to discuss the issue . -__label__4 , nasa again postpones launch of autonomous dart spacecraft , com staff . nasa once again postponed the launch of the demonstration of autonomous rendezvous technology ( dart ) spacecraft thursday due to the discovery of contamination inside the fairing of its pegasus launch vehicle . -__label__4 , new technology powers fuel cells , a new fuel cell for notebook pcs , more compact and powerful than competing technologies , could be on the market in early 2006 at a price of around \$90 , its japanese inventors claim . -__label__2 , boston red sox outperform their owner #39 s funds , boston red sox owner john henry #39 s bet on baseball has paid off big with the team #39 s first world series championship since 1918 , but his calls in financial markets have been less blessed this year . -__label__4 , voting machines remain unsecured--experts , in one example , a government study of voting-machine security issues was eventually canceled because conclusions by the panel of computer scientists were so negative . -__label__4 , amd launches low-cost web device , advanced micro devices is launching a low-cost internet access device dubbed quot pic , quot or personal internet communicator , targeted at first-time computer users in the developing world . -__label__2 , this could be the week for a patriots loss , the new england patriots might be like no other powerhouse in nfl history . they almost never dominate , they just always win -- a record 21 victories in a row including the postseason , 18 straight in the regular season . -__label__2 , judge ex-baylor player unfit for trial ( ap ) , ap - a former baylor university basketball player charged with murdering a teammate was ruled incompetent to stand trial thursday . -__label__3 , racing in an evening gown ( forbes . com ) , forbes . com - not every driver was dressed formally for the start of this year ' s bullrun , a road rally that begins in london , at the marble arch , and ends three days later in ibiza , spain . yet as drivers thrummed their engines nervously on the afternoon of sept . 23 , waiting for the checkered flag , a quick inspection of the field revealed one entrant clad in an oxford shirt and gray pinstripe blazer , another sporting a tuxedo , and a third--me--wearing a red couture matthew earnest gown . -__label__3 , aol , e-mail companies sue spammers , the nation #39 s largest e-mail providers today filed a new round of lawsuits against internet spammers allegedly responsible for shoveling millions of junk e-mail messages into computer users #39 in-boxes and their instant messaging screens . -__label__4 , revenge of the sith turning ds , psp , gba to the dark side , ubisoft and lucasarts are teaming up to bring the adaptation of the third star wars prequel to all portables will be released alongside the game in spring 2005 . -__label__2 , astros exercise biggio #39 s option , but not kent #39 s , houston , tx ( sports network ) - craig biggio will be around for an 18th season with the houston astros . on thursday , the team exercised its contract option on biggio for the 2005 season . -__label__2 , elarton agrees to \$850 , 000 , one-year deal with indians , scott elarton , who pitched effectively late in the season after a slow start with cleveland , agreed thursday to an \$850 , 000 , one-year contract with the indians . -__label__4 , uk gives blessing to open source , with most organizations that planned to move already moved to microsoft server 2003 , os migration has dropped to the bottom ranks after making its -__label__1 , hostage-takers demand u . s . allies quit iraq , baghdad ( reuters ) - militants piled more pressure on washington ' s military allies in iraq on thursday , seizing an iraqi-polish woman and holding a japanese man under threat of death . -__label__4 , gateway reports smaller quarterly loss , gateway inc . reported a narrowed net loss in the first quarter as it continues to restructure its operations and integrate its acquisition of emachines . still , the personal computer and electronics company posted a tiny operating profit -- its first in nearly three years . -__label__1 , ' american ' voice on new terror video , abc news is in possession of a tape purportedly from al qaeda , threatening attacks on the us . -__label__4 , at wireless show , services take center stage , games , graphic ring tones and other services dominate the showroom floor . also yahoo battles google for the cell phone . -__label__4 , microsoft ' s live communications server may drive interest in enterprise im , with microsoft ' s new live communications server 2005 due out in december , enterprise im users and vendors are eyeing new opportunities for more secure messaging in the workplace . -__label__4 , emc unveils ' storage router ' , emc has unveiled long-awaited storage virtualization technology that the company said will allow users to manage its arrays -- and high-end boxes from major competitors -- through a single interface . -__label__3 , gateway reports smaller net loss as restructuring continues , gateway inc . reported a narrowed net loss in the first quarter as it continues to restructure its operations and integrate its acquisition of emachines . -__label__3 , update 1 ual posts \$274m loss , capping bad quarter , record fuel costs and low air fares contributed to a \$274 million third-quarter loss for united airlines #39 parent company , which warned again that labor costs must be slashed again soon in order for it to emerge from bankruptcy . -__label__4 , recording industry sues 750 computer users , los angeles - the recording industry on thursday filed another round of copyright infringement lawsuits against people it said were illegally distributing songs over the internet . -__label__1 , arafat to seek treatment in france , ramallah , west bank - yasser arafat is about to leave his compound in the west bank for the first time in two and a half years . two helicopters from jordan were expected to arrive in ramallah late thursday -__label__3 , update 3-alliance capital profit rises in third quarter , alliance capital management holdings lp ( ac . n quote , profile , research ) , one of the biggest us money managers , on thursday said its profit rose in the third quarter -__label__1 , british tourists killed in jordan bus crash , nine british tourists , two jordanians and an egyptian have been killed in a bus accident in southern jordan , civil defence sources and diplomats say . -__label__1 , thaksin in the firing line after massacre , bangkok/jeddah , 29 october 2004 - a bomb ripped through two bars in southern thailand yesterday , killing two people and wounding about 20 , in what could be the first reaction to the deaths of 78 muslims in police custody this week . -__label__4 , hobbit-sized humans called homo floresiensis discovered by < b> . . . < /b> , long live the real bilbo baggins , the first little people of the world , homo floresiensis and homo sapien archeologists michael morwood , peter brown and professor soejono ! -__label__1 , us diplomat among 7 injured in islamabad hotel explosion , islamabad seven people including foreigners were injured in a powerful explosion at the entrance to the marriott hotel lobby on thursday . -__label__4 , uk gov #39 t report cites merits of open source , open source software proponents received a potential boost from the uk government thursday with a release of a report citing the well-documented advantages on the server side , but also growing maturity on the desktop front . -__label__1 , japan steps up efforts for iraq hostage release , japan has made last-ditch efforts to secure the release of a japanese hostage facing execution in iraq . a japanese government official says efforts are still being made to free shosei koda , 24 , but there have been no reports of any progress . -__label__2 , egypt names former player shehata as caretaker coach , the egyptian football association ( efa ) has appointed a domestic coach to take over italian marco tardelli who was sacked earlier this month after a surprise defeatto libya , a spokesman said thursday . -__label__4 , stargazers enjoy total lunar eclipse ( ap ) , ap - the earth ' s last total lunar eclipse for nearly two and a half years didn ' t disappoint . -__label__3 , shell warns of new cuts in reserves of oil and gas , the warning came during its earnings report and on a day when shell said it would merge the two entities that make up the company , unifying the boards and management . -__label__2 , red sox spread good feeling across nation ( ap ) , ap - it was a pinch-me morning . did the boston red sox really win the world series or was it all a sweet dream ? opened the shades , let in the sunlight , blinked at red , gold and orange leaves shimmering against a clear blue sky . it seemed too perfect , too real . -__label__2 , the red sox gaze ahead after much looking back , the boston red sox are already thinking about next year , the year after and , above all , how to avoid another eight-and-a-half-decade drought . -__label__3 , new federal law ends check floating , a new federal law that went into effect yesterday will eventually eliminate the days of check floating . . however , some sumner county bankers say it depends on where you bank and -__label__1 , as drama plays out , mixed feelings for arafat #39 s neighbors , no crowds of well-wishers massed thursday outside the mukata , the mostly ruined compound where yasser arafat has been confined for the past two years . -__label__1 , militant rivals show unity behind arafat ( ap ) , ap - the militant palestinian group hamas said friday it was setting aside its differences with ailing palestinian leader yasser arafat and called for a united palestinian leadership to work toward general elections . -__label__1 , thai pm to address nation as more bombs hit south , pattani , thailand ( reuters ) - bomb blasts rocked southern thailand on friday hours before thai prime minister thaksin shinawatra was to address the nation as he faces his worst crisis following the deaths of 85 muslim protesters . a second bomb exploded at a busy food stall in yala province on friday , wounding nine bomb squad members who had arrived to investigate an earlier blast that wounded three people , including one policeman , hospital officials said . -__label__1 , bush , kerry stick to issue of security , presidential candidates combed the midwest for the last few uncommitted voters thursday , each carrying severe warnings that his rival ' s victory would worsen the security of americans . -__label__4 , blame player , not game , it was like nothing youd ever exercised your thumbs to before . you could do whatever you wanted , whenever you wanted . the game seemed endless . -__label__1 , weakened arafat heads for france , cancer suspected , ramallah , west bank ( reuters ) - palestinian leader yasser arafat , weakened by what doctors think may be leukemia , flew for treatment in france on friday from the besieged west bank headquarters where he has been pinned for over 2-1/2 years . -__label__2 , brazilian soccer player dies of heat attack during match , player paulo de oliveira , quot serginho , quot of brazilian first division club sao caetano , wednesdaynight died of a heart attack during the second half of a match against sao paulo -__label__4 , aol attacks the spimmers , a volley of lawsuits was launched against alleged spammers on thursday by the four major us internet service providers . this includes a case brought by aol against twenty individuals accused of spimming , or -__label__2 , tennis agassi makes short work of vliegen , stockholm - andre agassi made short work of kristof vliegen in his opening stockholm open tennis match today , beating the belgian 6-2 6-4 in just over an hour . -__label__1 , at least seven police injured in second bomb in thai south , police say the blast occurred less than 90 minutes after a previous explosion at the same site injured seven other people . the police had been conducting forensic research at the site of a bomb blast in the -__label__1 , us confirms commitment to defend taiwan , mr powell says that while the us recognises the one-china policy , it will offer to assist taiwan if it is threatened . a us state department spokesman says the issue came up during talks with china #39 s visiting military chief , general liang guanglie . -__label__3 , pension sales help to lift aviva , the uk ' s biggest insurer unveils better than expected sales figures for the first nine months of the year . -__label__2 , new englanders greet the day with wings on their heels , in a framingham coffee shop yesterday morning , an elderly man softly asked a customer if he could see her newspaper . when the woman held up the front page , emblazoned with news of the red sox victory , the man stared in silence , touched his eyes , and began to cry . -__label__3 , sign off , then sign in , g . michael caggiano jr . lies awake at night thinking about bank signs . he ponders them during breakfast , while brushing his teeth , and quot constantly quot during the day , he says . -__label__2 , not quite high tech , virginia tech just couldn ' t seem to get going . there were turnovers . there were botched plays . there were missed opportunities . then , in the last 5 1/2 minutes , bryan randall and the hokies turned it all around . -__label__4 , aol to add free anti-virus service for members , america online on thursday said it would give away a formerly for-fee virus scanning service when it releases a special security-focused edition of its software next month . -__label__2 , update 2-chelsea sack mutu after positive dope test , chelsea have sacked their romanian striker adrian mutu after he tested positive for cocaine last month . quot chelsea has terminated the contract of adrian mutu for gross misconduct , quot the premier league club said on friday . -__label__3 , suit says secret accounts at dcx used for bribes , the securities and exchange commission is investigating allegations that german automaker daimlerchrysler ag maintained at least 40 secret bank accounts to bribe foreign government officials -__label__4 , music industry group sues 750 for file sharing , los angeles , october 29 a trade group representing the us music industry said on thursday it has filed lawsuits against 750 people it claims used online file-sharing networks to illegally trade in copyrighted songs . -__label__2 , sluman shoots course-mark 62 , consistency was the key to jeff sluman #39 s record-breaking round on thursday on the difficult copperhead course at the westin innisbrook resort . -__label__4 , dems , gop who ' s got the brains ? , well , both do , actually . but there are some discernible differences in brain activity which may just explain why a democrat sees the world one way , and a republican sees it another . -__label__3 , martha stewart living posts bigger loss , martha stewart living omnimedia inc . , still reeling from the personal legal woes of its imprisoned founder , former chairwoman and ceo , posted a wider loss in the third quarter -__label__2 , canning zook could backfire on the gators , florida long-snapper casey griffith let the secret slip while talking to a fort lauderdale ( fla . ) sun-sentinel reporter this week quot don #39 t tell anyone i told you this , but someone inside the system told me they heard we #39 re going to be playing against -__label__1 , war costs 100 , 000 iraqi lives , around 100 , 000 iraqis have been killed in violence since the us-led coalition forces invaded the country in march 2003 , said a report published friday in british medicine journal the lancet . -__label__3 , loss-making smart ' is not doomed ' , the head of smart cars denies rumours that the loss-making firm may be sold , or even closed down , by parent group daimlerchrysler . -__label__3 , avon third-quarter profit rises , chicago ( reuters ) - avon products inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=avp . n target=/stocks/quickinfo/fullquote> avp . n< /a> on friday posted higher quarterly earnings as business in latin america and europe helped offset weakness in the united states for the direct seller of cosmetics . -__label__3 , national foods to look for protector , 29/10/2004 national foods will hunt for a quot white knight quot to protect it from fonterras \$a1 . 62 billion ( \$nz1 . 76 billion ) bid , raising the risk new zealand dairy farmers will get dragged into an expensive bidding war . -__label__1 , ailing arafat arrives in paris for medical treatment , a french military jet believed to be carrying the palestinian leader landed today at an airfield outside paris , witnesses said . -__label__3 , french firms sagem , snecma plan merger , paris ( reuters ) - french companies snecma and sagem announced a planned 7 billion euro ( \$8 . 9 billion ) merger on friday , in a deal that analysts said was driven by political rather than shareholder interests . -__label__3 , economy grows at a 3 . 7 percent rate in 3q , the us economy grew at a 3 . 7 percent annual rate in the third quarter - a pace that was slightly better than in the spring but not as strong as many analysts expected . -__label__1 , sudan govt rejects call to separate religion , state , sudanese rebel leaders #39 demand that islam be kept out of government in the war-torn region of darfur , has been rejected by government negotiators . -__label__2 , koch , park leads first day in nine bridges classic , carin koch of sweden and south korea #39 s grace park both shot a 6-under-par 66 on friday , taking the lead after the first round of the lpga #39 s cj nine bridges classic . -__label__1 , cosatu delegation sent home in minibus , a 12-member delegation of the congress of south african trade unions ( cosatu ) was deported early yesterday after being driven to beitbridge overnight in a minibus . -__label__4 , voters checking out other sides ' sites , are right-leaning voters spending all their online time on rushlimbaugh . com ? are left-leaning voters locked into the like-minded talkingpointsmemo . com ? -__label__2 , harrington tied for first at valderrama , padraig harrington is tied for first at the volvo masters in valderrama , at two under after 14 holes . joining him at the top of the leaderbaod are angel cabrera , brian davis , and alastair forsyth . -__label__1 , eu clears flextronics purchase of units ( ap ) , ap - european union regulators friday cleared singapore ' s flextronics international ltd . , the world ' s largest contract electronics manufacturer , to acquire factories from canada ' s nortel networks corp . -__label__4 , game sparks sales frenzy , games stores opened at midnight to meet demand for the latest version of the controversial great theft auto . there were queues outside shops around merseyside with people anxious -__label__2 , fitful mauresmo through to linz semifinals , vienna ( reuters ) - top seed amelie mauresmo reached the semifinals of the linz open when she continued her run of success against ai sugiyama by beating the defending champion 6-2 , 6-4 friday . -__label__3 , bank of america fires back at parmalat , london ( reuters ) - grant thornton and bank of america have filed motions in a new york court to remove a u . s . injunction stopping them counter-suing insolvent italian dairy group parmalat , which has sued each for \$10 billion . -__label__4 , optimism drives google shares to new highs ( reuters ) , reuters - stock of google inc . powered\to new highs on friday , buoyed by the web search leader ' s new\products and growth prospects , which complement its recent\strong financial results , analysts said . -__label__2 , agassi overcomes verdasco power , stockholm ( reuters ) - andre agassi marched into the stockholm open semifinals friday , beating spanish eighth seed fernando verdasco 7-6 , 6-2 in his toughest match of the tournament . -__label__1 , thai inquiry over muslim deaths , the thai prime minister pledges to set up an independent inquiry into the deaths of 78 muslim protesters in police custody . -__label__4 , search engine marketing outsource or in house ? , search engine marketing outsource or in house ? \\the next search engine strategies session i thought would be interesting to report on was search engine marketing outsource or in house ? . chris sherman is moderating this panel , which includes drew graham from kelkoo , bill hunt from ibm , joseph morin from autobytel ( sew forum . . . -__label__2 , times to scrap broadsheet edition , the times is to scrap its broadsheet edition and go tabloid from monday , it was confirmed today . the decision was made after a trial run of the compact edition proved a success , said editor robert thomson . -__label__4 , xbox owner sues ms , p2pnet . net news - microsoft is being sued for damages , restitution and other costs and fees , quot on behalf of all xbox owners across the united states , quot says reuters . -__label__3 , csfb may cut costs by merging units , shedding jobs , people say , credit suisse first boston , the securities arm of switzerland #39 s second-biggest bank , plans to cut costs by combining some units and eliminating jobs , people familiar with the matter said . -__label__4 , aol adds mcafee to bundle ( newsfactor ) , newsfactor - america online is adding a layer of security to its popular internet\service with the bundling of virus protection software from mcafee at no\charge to customers . aol ( nyse aol ) claims it is the first isp to offer premium\antivirus coverage in the basic membership package . -__label__1 , ukraine challenger predicts mass cheating in vote ( reuters ) , reuters - liberal challenger viktor yushchenko\predicted on friday that ukrainian authorities would resort to\mass fraud to ensure victory for the establishment candidate in\an increasingly tense weekend presidential poll . -__label__1 , silva ' s party could lose sao paulo control , president luiz inacio lula da silva ' s leftist worker ' s party appears set to lose control of south america ' s biggest city , sao paulo , with polls showing voters will replace the mayor with the man who lost the presidential election to silva two years ago . -__label__4 , nasa scientists find surface of titan ' very alien ' ( reuters ) , reuters - the surface of saturn ' s moon titan\may be covered by thick drifts of combustible organic snow\floating on lakes of liquid methane or water and ammonia ice\flows , nasa scientists said on friday . -__label__1 , us says ukraine can still salvage a free and fair election , the united states says friday ukraine still has an opportunity to conduct a free and fair presidential election sunday , despite a campaign marred by charges of pro-government bias . -__label__3 , aol ' s viral marketing , america online will now provide gratis antivirus protection to its subscribers . -__label__1 , washington post comes clean on party ( ap ) , ap - the washington post ' s executive editor says his paper should have told readers up front that it had helped arrange a republican debate-watching party it covered , paid for food and carried a photograph that was not as spontaneous as the story suggested . -__label__3 , update 3 adm #39 s earnings skyrocket stocks soars , shares in agribusiness giant archer daniels midland co . soared to a 6 1/2-year high friday , fueled by a 77 percent increase in quarterly earnings . -__label__3 , s amp p 500 rises for 4th day material , energy shares lead advance , the standard amp poor #39 s 500 index rose for a fourth day as investors looked past a disappointing third- quarter economic growth report to better-than-expected readings on chicago-area business and consumer confidence . -__label__4 , secret service busts internet organized crime ring , feds allege 1 . 7 million stolen credit card numbers were involved in global scam . -__label__4 , feds charge 28 in id theft ring , agents at the us secret service unmasked 28 people who thought they were safe behind anonymous identities and charged them in connection with alleged id theft activities . -__label__2 , australia conquer their final frontier , adam gilchrist boldly went where no australian captain since bill lawry has gone before at the vca stadium in nagpur yesterday . his team #39 s 342-run win gave them an invincible 2-0 -__label__4 , hosted e-mail service leaves windows for linux , company outsources e-mail for small to medium businesses . -__label__4 , ' smelly ' mates guide seabirds , seabirds called prions , which mate for life , find their nests by sniffing out their partners , scientists say . -__label__1 , liberia religious riots erupt in monrovia , curfew imposed , monrovia , 29 october ( irin ) - religious riots between christians and muslims erupted in the liberian capital monrovia on thursday night and continued on friday morning until un peacekeeping troops restored order and the government imposed an indefinite -__label__4 , cassini radar lifts the veil from saturn #39 s titan , washington - the first radar images of titan , the cloud-shrouded moon of saturn , revealed a relatively young , active surface , nasa said friday ( oct . 29 ) . -__label__1 , bush seeks schwarzenegger ' s muscle , as missing explosives cast campaign shadow ( afp ) , afp - president george w . bush called on the star power of actor-turned-california-governor arnold schwarzenegger to boost his campaign appeal as democratic challenger john kerry shifted his attack from missing explosives in iraq to domestic economics . -__label__1 , cambodia #39 s new king ascends the throne , description in cambodia , norodom sihamoni who accedes to the throne with an elaborate coronation , following the abdication of his father king norodom sihanouk . -__label__2 , ghostzapper has speed to burn , grand prairie , tex . < br> the most brilliant american racehorse in years has labored in relative obscurity until now . but when he runs saturday in the breeders ' cup classic at lone star park , ghostzapper can demonstrate his talent to the world and , quite possibly , win the horse-of-the-year . . . -__label__2 , no . 18 boise st . 69 , hawaii 3 , jared zabransky and the no . 18 boise state broncos reduced timmy chang #39 s bid to break the ncaa division ia passing record to a footnote friday night , routing hawaii 69-3 for their 19th straight victory . -__label__4 , times to go completely compact , the times newspaper has announced that it is to move on from its tradition of publishing in a broadsheet format and will appear in a compact size only , starting on monday . -__label__2 , sluman , byrd split lead many bubbles burst , jeff sluman and jonathan byrd were tied for the lead at the chrysler championship , both knowing the tournament really doesn #39 t start until the weekend . -__label__2 , golf clarke #39 s 11-shot torment , and then crashed out of it with a sextuple-bogey 11 . the nightmare came on the infamous 536-yard 17th at valderrama where -__label__1 , danish group #39 s gift criticized , a danish group has caused controversy in colombia by publicly donating money to the country #39 s largest marxist guerrilla organization . -__label__1 , #39 hundreds to be charged #39 over thai protest , prime minister thaksin shinawatra said today hundreds of muslims will be prosecuted over a demonstration that led to the deaths of 87 people in southern thailand last week , in a move which could further raise tensions in the region . -__label__2 , gators may be hungover before cocktail party , ike the bourbon and beer , emotions tend to spill over in this traditional grudge match along the st . johns river they call quot the world #39 s largest outdoor cocktail party . -__label__4 , up , down and away nasa #39 s #39 weightless wonder #39 makes final flight , houston -- the nasa turbojet notoriously known as the quot vomit comet quot for its use in training astronauts for weightlessness made its final flight friday . -__label__2 , injured toomer might be able to play tomorrow , although giants wide receiver amani toomer took limited work yesterday after missing the previous two days of practice , coach tom coughlin won #39 t decide on his availability -__label__4 , titan photos pose new questions , photographs and radar surveys from the cassini spacecraft #39 s tuesday-night flyby of saturn #39 s mysterious moon titan are raising more questions than they #39 re answering , say nasa scientists . -__label__1 , thailand to prosecute 300 muslims detained in deadly riot , bangkok thai prime minister thaksin shinawatra said the government would prosecute 300 muslims detained at a riot this week that led to the deaths of 87 protesters , while another 900 would be released . -__label__2 , loeb forced out of rally , estonia #39 s markko martin took the rally of catalonia lead today after newly-crowned world champion sebastien loeb , the overnight leader , was forced out of the race with a severe oil leak . -__label__4 , report global warming now inevitable , the arctic council , an international group of northern nations , says global warming will be both a blessing and a curse . the group #39 s report , four years in the making and set for a nov . -__label__2 , harrison keeps title for fifth time , glasgow - scotland #39 s scott harrison successfully defended his wbo featherweight title for a fifth time with a farcical first-round stoppage of swedish-based ethiopian samuel kebede on saturday . -__label__1 , un kabul kidnappers reveal demands , a militant group is threatening to kill three un hostages kidnapped in afghanistan , including a british woman , unless all taliban prisoners are released . -__label__4 , new riaa file-swapping suits target students , fletcher writes quot the recording industry association of america filed another round of lawsuits against alleged file-swappers , including students on 13 university campuses . -__label__2 , update 1-tamada claims pole in valencia , japan #39 s makoto tamada grabbed his third pole position of the season before sunday #39 s valencia motogp after clocking the fastest time in the second qualifying session on saturday . -__label__1 , first black watch troops move north to sunni triangle , baghdad , iraq an advance party of british soldiers has arrived at its new base near baghdad . the small group from the scottish black watch regiment set up base camp south of the capital , according to a pool report made to british media . -__label__2 , forsyth forges clear , he may be 120 places lower in the world , but it was advantage alastair forsyth in his volvo masters duel with sergio garcia today before a thunderstorm suspended play . -__label__2 , four pay price for india defeats , india have dropped wicket-keeper parthiv patel and batsman yuvraj singh for the final test against australia . opening batsman aakash chopra and seamer ajit agarkar were also left out after india conceded the -__label__2 , update 1-beck to face youzhny in st petersburg final , unseeded slovak karol beck reached the first final of his career at the st petersburg open , upsetting seventh-seeded michael llodra of france 6-4 2-6 6-1 on saturday . -__label__1 , iraqi president on visit to kuwait , kuwait city - iraqi president ghazi al-yawar arrived in kuwait on saturday for a two-day official visit , an afp correspondent reported . -__label__4 , get the facts on microsoft benchmarks , now that steve ballmer and company have given you all the facts you need to compare windows and linux , allow me to add just one little tidbit . -__label__2 , after the lord mayor #39 s show , it is just six days since the #39 mulligatawny madness #39 at old trafford , but the shock waves are still reverberating around the arsenal dressing room . -__label__1 , the unfolding uniform , pakistan is inherently unstable . dealing with them is like playing with matches in a forest . - larry pressler . that statement from larry pressler , made during his recent visit to india , coincided with -__label__2 , better talk now upsets rough breeders #39 cup turf , grand prairie , texas ( ticker ) - after further review , better talk now proved to be the best after all . overcoming huge favorite kitten #39 s joy , better talk now pulled off a surprising upset in saturday #39 s \$2 million breeders #39 cup turf at lone star park . -__label__3 , fastrak toll bridge discounts end monday , about 70 , 000 motorists signed up for fastrak , the electronic toll collection system , since july 1 , when tolls went up from \$2 to \$3 . -__label__2 , update 1-singh takes lead at chrysler , world number one vijay singh shot a four-under-par 67 on saturday and took the lead of the chrysler championship after three rounds . -__label__4 , china closes 1 , 600 internet cafes in crackdown , china shut 1 , 600 internet cafes between february and august and imposed \$12 . 1 million worth of fines for allowing children to play violent or adult-only games and other violations , state media said . -__label__2 , new memories warm heart of this bosox fan , is it really true ? did it really happen ? or was that just the figment of some boston red sox fanatic #39 s wild imagination ? did the red sox really win the world series for the first time since 1918 by sweeping the st . -__label__3 , oil bounces higher amid fears of supply disruption , oil prices bounced higher on friday following two days of sharp declines that came on the heels of rising inventories of crude in the us and a move by china to cool its economy . -__label__2 , no . 1 usc 42 , washington state 12 , reggie bush and lendale white each scored two touchdowns , dwayne jarrett caught two more from scores from matt leinart and no . 1 southern california routed washington state 42-12 saturday . -__label__3 , boeing trying to keep up aircraftmaker seeks buyers for new < b> . . . < /b> , seattle -- the assembly line at boeing co . #39 s cavernous everett plant near here is designed to keep moving continuously , if almost imperceptibly , as workers scramble over the silvery bodies of skeletal boeing 777s , applying finishing touches . -__label__1 , black watch death family speak of #39 devastation #39 , relatives of the black watch soldier killed during the controversial military deployment from basra have spoken of their devastation at his death . -__label__1 , japan confirms captive in iraq beheaded , japan has confirmed that the headless body found in baghdad on saturday is of the japanese being held captive in iraq . an armed group in iraq had on tuesday threatened to behead shosei koda , 24 , within 48-hours unless japan pulled its troops out of iraq . -__label__2 , singletary shuffles into winner #39 s circle , it is the best story of the breeders #39 cup world thoroughbred championships at lone star park . a partnership puts together an ownership group to buy and race thoroughbreds . -__label__2 , cast-aside candidates grab onto sox coattails , by raphael lewis and benjamin gedan , globe staff and globe correspondent october 31 , 2004 . republican state senate candidate rod jane of westborough woke up yesterday with a plan to grab some attention from -__label__2 , ashado pulls away to win distaff , ashado had a little trouble finding running room in the stretch of the breeders #39 cup distaff on saturday . but once she did , she quickly kicked away from the opposition -__label__2 , it #39 s about time sox became the champs and real rivals , finally . the new york yankees and the boston red sox have a bona fide rivalry . please don #39 t assume that this belongs on the sports pages . -__label__4 , nasa to resume shuttle missions , the american space agency nasa says the first space shuttle mission since the columbia disaster of 2003 is to be launched next may or early june . -__label__3 , putin ready to probe other oil companies , russian president vladimir putin is ready to go after other oil companies the way he has hammered yukos , a top kremlin official has said . -__label__4 , psp region free , there have been essentially four questions sent into the psp mailbag -- four questions , and a heck of a lot of hate mail . those questions are when is psp shipping , what will psp cost , how long will psp #39 s -__label__1 , malaysia #39 s anwar returns to hero #39 s welcome , malaysia #39 s former deputy prime minister anwar ibrahim has come home to a rock star #39 s welcome sunday . he returned from undergoing back surgery in germany following his release from prison last month . -__label__2 , tar heels beat miami , for the second time this month , unc football fans had something to celebrate . in a stunning upset , the tar heels beat miami 31 to 28 . -__label__2 , dawgs get gators off their back , not with players dragging off the field , their bodies drained by yet another anticlimactic loss . not with their fired leader standing before reporters , struggling to hold back the tears once more . -__label__4 , the great vegetarian scam , ive written before about my struggle to remain a vegetarian on tuesday - when i abjure meat for religious reasons -hile travelling . -__label__1 , iranian bill backs nuclear drive , has passed a bill obliging the government to continue efforts to develop a nuclear energy programme . uranium enrichment can be used both for nuclear power and to make atomic bombs . -__label__1 , kidnappers may extend deadline , militants holding three un workers hostage in afghanistan have offered to consider extending a three-day deadline for their beheading . -__label__1 , jordan #39 s zarqawi financier jailed six months , jordan #39 s state security court jailed an islamist militant for six months on sunday for financing al qaeda ally abu musab al-zarqawi #39 s bombings in iraq but found no evidence to charge him with plotting any attacks . -__label__2 , martin wins second straight race , markko martin won his second consecutive world rally championship race on sunday to clinch the rally of catalunya . the estonian , driving a ford , followed up his recent victory in -__label__1 , anwar begins malaysia political comeback , malaysia #39 s most charismatic dissident anwar ibrahim , released from jail two months ago , kicked off his political comeback sunday , vowing to restart a campaign for democratic reforms and racial equality . -__label__2 , novak captures first indoor title , basel , switzerland oct 31 , 2004 - jiri novak of the czech republic won the swiss indoors for his first indoor title , defeating david nalbandian in five sets sunday in a final in which the argentine smashed two rackets . -__label__4 , china shuts down 1600 internet cafes , between february and august of this year , china has shut down 1 , 600 internet cafes , and handed out 100 million yuan fines ( us\$12 million ) to cafe operators , for allowing children access to violent or adult-only content and games . -__label__3 , key australia-us fta deadline passes , a key deadline to bring australia #39 s free trade agreement with the united states into force has expired . but the australian government is still confident the deal will come into effect next year , as louise willis reports . -__label__2 , update 1-bolton end newcastle run with 2-1 win , bolton wanderers continued their impressive start to the season as they battled to beat in-form newcastle united 2-1 on sunday to stay in touch with the leading pack at the top of the premier league . -__label__3 , saturday essay , when in his mid-50s , immigrant andrew carnegie sold his steel holdings into a trust headed by jp morgan in 1901 , the scottish immigrant and former cotton factory bobbin boy left a life of astounding , ground-up capitalism for retirement into philanthropy . -__label__4 , kyocera battery recall kyocera battery recall , by guest contributor josh pereira . kyocera , a leading manufacturer of cdma phones , has announced a voluntary and precautionary recall of the batteries found in their ke/kx 400 series , 3200 series , and slider series phones . -__label__2 , redskins loss - bad news for bush , great for kerry , the washington redskins lost their final home football game before the us presidential election on sunday -- and that #39 s great news for democratic sen . john kerry and bad news for president bush . -__label__3 , automakers work on fuel cell vehicles , general motors ( gm ) and chinese partner shanghai automotive industry corp ( saic ) on saturday signed a joint development and commercialization agreement on hybrid and fuel cell -__label__2 , allardyce is infuriated by souness #39 criticism , bolton manager sam allardyce rounded on his newcastle counterpart graeme souness last night for criticising their style of play . allardyce saw his unsung side reclaim fourth spot in the table after a 2-1 victory at the reebok stadium . -__label__4 , ninety million bagle worms kill the windows xp2 firewall , earlier this year microsoft released a major security update for windows xp , which was designed to strengthen the operating systems defences against attack from viruses and hackers . -__label__1 , 15 killed in iraq hotel explosion , baghdad fifteen people were killed and eight others injured in an explosion that hit a hotel last night in the northern iraqi city of tikrit , police and hospital officials said . -__label__2 , rossi celebrates in style , valentino rossi hailed an quot unbelievable quot season after celebrating his fourth world championship with victory in valencia . -__label__1 , china lays into #39 bush doctrine #39 ahead of us poll , on the eve of the us election , china laid into what it called the quot bush doctrine , quot said the iraq war has destroyed the global anti-terror coalition and blamed arrogance for the problems dogging the united states worldwide . -__label__3 , med school move delayed to 2007 , the msu college of human medicine won #39 t be relocated to grand rapids until at least 2007 , and could cost only half as much as university officials originally estimated . -__label__3 , singapore #39 s unemployment rate eases to 3 . 4 as economy expands , singapore singapore #39 s unemployment rate has fallen to its lowest level in five years on the back of strong economic growth in the first half of the year , the government said monday . -__label__4 , business technology microsoft and its blind spot linux , steve ballmer #39 s letter to customers said nothing about the widespread reality of tens of thousands of microsoft customers who are eager to deploy both windows and linux . -__label__3 , some think this metal is golden , so many disasters to avoid , so many uncertainties to resolve , no wonder so many investors have been cautious about buying stocks and bonds . -__label__4 , venus and jupiter witnessed in dawn rendezvous , with no planets on view , and with large areas of the southern sky devoid of bright stars , the evening sky at our star map times may not be the most exciting of the year . -__label__1 , profile leftist vazquez wins uruguay presidential poll , uruguay #39 s leftist candidate tabare vazquez won a historic victory in sunday #39 s presidential elections with more than 50 percent of the ballot . -__label__2 , liverpool target morientes after cisse break , djibril cisse #39 s horrific injury will spur liverpool manager rafael benitez into a renewed bid to prise striker fernando morientes from real madrid when the transfer window opens in january . -__label__4 , china shuts 1 , 600 cybercafes , the chinese government confirmed this weekend that it has closed 1 , 600 internet cafes and fined operators a total of 100m yuan since march , when it began its crackdown on violent or pornographic content , and other material it considers harmful to public -__label__1 , anwar returns to malaysia , former deputy leader of malaysia , anwar ibrahim , has returned home after two months overseas , and ahs pledged to fight on for reform in malaysia . -__label__4 , apple adds photos to ipods , san jose , calif . - apple computer inc . rolled out a new ipod tuesday that allows users to view and share photos as it opened nine new itunes music stores in europe , spurring its rivalry with microsoft corp . -__label__3 , update 1 oracle raises offer for peoplesoft , software manufacturer oracle corp . said monday that it raised its hostile bid for rival peoplesoft inc . to \$24 per share from \$21 , and said the new price represents the company #39 s quot best and final offer . -__label__2 , spanish flyer markko martin steers his ford focus during the < b> . . . < /b> , markko martin won his second event in succession as he held off a late charge from marcus gronholm to come out on top in the rally of catalunya . -__label__3 , singapore govt extends third-party war risk insurance , singapore the government is extending third-party war risk insurance cover to the civil aviation authority of singapore and sats security services , a unit of the singapore airlines group . -__label__2 , redskins lose , kerry hopes for win , tampa . fla . first it was the boston red sox world series win that had john kerry grinning , now another sports event has him feeling good . -__label__2 , kaneohes wilson comes up short , kaneohe native dean wilson missed out yesterday on his final chance to secure his pga tour card . wilson , who entered the final round of the chrysler championship tied for 18th and needing a top-20 finish to -__label__3 , consumer spending jumped in september , washington - consumers , who substantially slowed down their spending in late summer , roared back to life in september , boosting their purchases by 0 . 6 percent . -__label__2 , 49ers stake out some dubious turf , their fall to the bottom of the league is complete with an uninspired loss to another very bad team . by matthew barrows -- bee staff writer . -__label__4 , china closes more internet cafs , chinese authorities have between february and august of this year closed 1 , 600 internet bars . in additional fines amounting to a total of 100 million yuan ( 9 . -__label__4 , london times goes strictly tabloid , after more than two centuries as a broadsheet newspaper , the times of london has gone strictly tabloid . on monday , the times moved to a totally compact format after almost a year of dual publication . -__label__3 , sysco profit climbs 8 percent on sales , sysco corp . , the country #39 s largest food service distributor , monday said profit for its latest quarter rose 8 percent , as it increased sales and trimmed expenses despite the hurricanes in the southeast . -__label__4 , dial m for music , mobile-phone makers scored a surprising hit four years ago when they introduced handsets equipped with tiny digital cameras . today , nearly one-third of the cell phones sold worldwide do double duty as cameras -__label__3 , update 1 sysco profit climbs 8 percent on sales , sysco corp . , the country #39 s largest food service distributor , monday said profit for its latest quarter rose 8 percent , as it increased sales and trimmed expenses despite the hurricanes in the southeast . -__label__3 , merck shares drop on report of documents about vioxx drug , merck amp co . shares fell as much as 7 percent to their lowest level in more than eight years after the wall street journal said the drugmaker tried for years to stop safety concerns from hurting sales of its vioxx painkiller . -__label__3 , allergan to close contact-lens solution plant , lay off third of < b> . . . < /b> , allergan inc . , the us drug company that makes the anti-wrinkle treatment botox as well as contract lens solution at its irish factory , plans to lay off more than a third of its irish workforce as it ends its lens solution operations and -__label__2 , rehhagel runs into adoring greeks in germany , otto rehhagel , the german who led greece to an upset win at euro 2004 , is amazed how many adoring greeks there are in every corner of the world and how hard it is to pay for anything when he meets the grateful fans . -__label__4 , spimming for dollars , today #39 s new word , for all you dictionary freaks , is quot spim quot . spam im ( instant messaging ) = spim . im spam . and for many im companies it is the bane of their existence requiring increasingly aggressive filtering and block list capabilities . -__label__3 , allergan to axe 325 westport jobs , the county #39 s largest employer said the jobs losses at its westport plant occurred following the spin off of allergan #39 s optical medical device business to advanced medical optics ( amo ) . -__label__1 , a suicide bombing killed 3 people in a crowded tel aviv market < b> . . . < /b> , a suicide bombing killed at least five people and seriously injured more than 30 others in a crowded tel aviv open-air market . injured shoppers were treated on the ground , as vegetables were strewn on the pavement . -__label__2 , van driven by arsenal quest for glory , there #39 s little danger of robin van persie getting carried away with himself . after scoring a dramatic first premiership goal with the injury-time equaliser against southampton -__label__3 , first credit rating for serbia 19 50 november 01 dow jones , london -- monday -- serbia reached a milestone on the road to economic stability monday , as its first-ever credit rating opened the way for a return to international credit markets . -__label__2 , report drugs caused ken caminiti #39 s death , new york - a drug overdose killed former baseball star ken caminiti , who tested positive for cocaine in the weeks before he died at age 41 and had admitted using steroids during his playing days , the city medical examiner ruled monday . -__label__1 , darfur peace talks inch forward despite deadlock over security , abuja ( afp ) - african union mediators met separately with sudanese government envoys and the leaders of the uprising in the strife-torn region of darfur in a bid to hammer out a deal on demilitarising the conflict . -__label__3 , russia slaps yukos with fresh , potentially fatal , tax claims , moscow russian authorities hit the bruised yukos oil giant with a battery of fresh tax claims which could see the firm #39 s total debt soar to an astronomical 17 billion dollars . -__label__2 , pinkel reinstates damien nash , missouri tailback damien nash was reinstated by coach gary pinkel , ending a one-game suspension for the teams #39 leading rusher . -__label__2 , lions career sack leader porcher retires , allen park , mich . - robert porcher finally couldn #39 t take standing on the sidelines any more . porcher , the detroit lions #39 career sack leader , retired monday , ending a frustrating season and a 13-year career . -__label__3 , jacobs engineering names watson chairman , shares of the engineering company closed earlier down 37 cents , or just under 1 percent , at \$40 . 36 on the new york stock exchange . -__label__3 , new housing goals finalized for fannie , freddie , the us department of housing and urban development has finalized a rule that will require the nation #39 s two largest housing finance companies to increase their purchase of mortgages for low- and moderate-income families and underserved communities . -__label__2 , football we want walter , walter smith was flexing his muscles last night as he prepared to answer the sos from the sfa . scotland #39 s fans were finally put out of their misery when berti vogts resigned as manager of the national team . -__label__4 , open source ingres swings at oracle , sql server , the fine print the following comments are owned by whoever posted them . we are not responsible for them in any way . not sql-type competition . -__label__3 , lg electronics-matsushita pdp battle , tokyo ( cbs . mw ) -- south korea #39 s lg electronics inc . said tuesday it would file a counter measure against japan #39 s matsushita electric industrial co . -__label__3 , la . seeks new bridge , elevated highway , if you think oil is expensive now , just imagine if hurricane ivan had swung west and come ashore at this bustling oil and gas port at the southernmost point of louisiana . -__label__3 , paper says merck hid data on vioxx , whitehouse station , nj - shares of merck amp co . plunged nearly 10 percent monday after a media report said documents show the pharmaceutical giant hid or denied evidence for years that its blockbuster arthritis drug vioxx causes heart problems . -__label__1 , relaxed pot possession bill returns , ottawa -- the long push to reform marijuana laws took a big step forward yesterday as the federal government re-introduced legislation decriminalizing possession for personal use . -__label__4 , nokia announces near field communication products , with the nokia nfc ( near field communication ) shell on their phone , consumers will be able to access a variety of services and exchange information with a simple touch gesture . -__label__3 , many newspapers see circulation declines , some of the nation #39 s largest daily newspapers reported steep circulation declines yesterday , with overall circulation down across the industry , a new report revealed . -__label__2 , steeler subs doing their jobs , when the new england patriots rolled into town sunday afternoon to take on the pittsburgh steelers , the final outcome of the football game might have been secondary to some vital information needed by the black and gold as far as the rest of the season is -__label__3 , oracle #39 s sweet on peoplesoft , oracle sweetened its hostile bid for rival business software maker peoplesoft to \$9 . 2 billion , a 14 increase aimed at resolving the long-running takeover battle between the bitter foes . -__label__3 , singapore shares end up on wall st . gains , singapore shares ended higher tuesday boosted by modest overnight gains on wall street and easing oil prices , traders said . the united states is a major trading partner and the local stock market traditionally -__label__4 , germans use nokia phones in wireless ticket trial , the world #39 s top mobile phone maker nokia said on tuesday its phones would be used in a project to test wireless public transport fares in hanau , near frankfurt in germany , beginning early next year . -__label__3 , stocks to open up as election day starts , dow jones futures rose 37 points recently , while nasdaq futures climbed 6 points and standard amp poor #39 s futures edged up 3 . 60 points . -__label__1 , arafat #39 s brother moved to cairo for cancer therapy , palestinian sources said on tuesday that palestinian leader yasser arafat #39 s younger brother fatehy arafat was transferred to a hospital in cairo to be treated for intestines cancer . -__label__3 , jfk airport sees most growth among top us airports , john f . kennedy international airport saw the most growth in passengers over the last year among the nation #39 s 25 busiest airports . -__label__1 , car bomb kills at least six in baghdad , a car bomb exploded outside the education ministry in central baghdad tuesday , killing at least six people and wounding about eight , the interior ministry said . -__label__2 , premier league charges villa manager with illegal approach for < b> . . . < /b> , the premier league has charged aston villa manager david o #39 leary with making an illegal approach for southampton striker james beattie . -__label__3 , cheap airfares help baa profits , britain #39 s biggest airport operator baa posted a 16 percent jump in first-half earnings on tuesday , meeting expectations as cheap airfares and stronger economies drove up passenger numbers . -__label__2 , sri lanka batsman fined as pakistan tie series , sri lanka #39 s kumar sangakkara has been fined 30 of his match fee for showing dissent during the fourth day of the second test against pakistan in karachi . -__label__2 , diva gallops into history , wind , water and makybe diva -ll came together to create an unforgettable melbourne cup yesterday . the diva raced through driving rain to win for the second year in a row . -__label__1 , volkswagen may be close to settling its wage talks , volkswagen and its workers entered a critical week in their wage negotiations on monday , with signs that a compromise was taking shape even as protests flared at factories across germany . -__label__2 , warriors lock up young veterans , staring at the possibility of watching two of his young standouts stage a walkout on opening night , chris mullin made one of the most important decisions in recent golden state warriors history monday . -__label__3 , profit plunges at international game tech , international game technology , the world #39 s biggest maker of slot machines , tuesday said said profit for its latest quarter fell 50 percent from a year ago due to a charge for early redemption of debt and a tax adjustment . -__label__3 , toyota #39 s quarterly profit drops , toyota motor corporation , the world #39 s second-largest carmaker , had an unexpected drop in quarterly profit as investment earnings declined at a truckmaking unit and a stronger yen cut the value of overseas sales . -__label__3 , forest says drug trial misses goal , forest laboratories inc . ( frx ) on tuesday said its experimental hypertension drug failed to meet all its goals in an effectiveness study , an outcome that will delay development and may lead to a new trial . -__label__2 , bettman says #39 season is likely slipping away #39 , national hockey league commissioner gary bettman doesn #39 t appear optimistic that the current player lockout will end soon , according to a televised report . -__label__4 , windows-based treo on the way ? , earlier today , engadget broke the story that palmone might be looking at possibly making a windows-based treo . not dumping the palmsource treo #39 s that run palmos , merely adding to the line . -__label__3 , volkswagen #39 s talks with union move forward , london , november 2 ( newratings . com ) - the german automotive giant , volkswagen ag ( vow . etr ) , continued its negotiations with the labour union today on its planned labour cost reductions . -__label__2 , liverpool #39 s benitez hopes to sign new striker , liverpool manager rafael benitez would like to sign a new striker in january #39 s transfer window after an injured djibril cisse was sidelined for the rest of the season but warned he would not break the bank to sign someone . -__label__4 , palmone to play with windows mobile ? , rumors of treo #39 s using a microsoft operating system have been circulating for more than three years . now an investment bank reports that palmone will use a -__label__3 , aol to cut 700 jobs , america online inc . ( aol ) plans to lay off 700 employees , about 5 percent of its us workforce , by the end of the year , several news organizations reported tuesday . -__label__1 , death toll climbs in baghdad blast , a car bomb exploded outside the education ministry in central baghdad on tuesday , killing at least six people and wounding about eight , the interior ministry said . -__label__2 , australian bookies gutted after betting splurge , australia - as reported by the sydney morning herald quot the biggest betting plunge in recent memory ensured bookmakers at randwick were #39 stripped out #39 of more than \$3 million by makybe diva #39 s melbourne cup romp yesterday . -__label__1 , sabotage halts iraq oil exports from north , kirkuk , iraq , nov 2 ( afp ) - iraqi oil exports to turkey were halted after a series of attacks tuesday , including a major strike on a pipeline network connecting wells west of kirkuk with the main export pipeline and refineries further south , oil officials -__label__1 , new video of care hostage released , iraq kidnap victim margaret hassan #39 s three sisters , from left to right catherine fitzsimons , deidre fitzsimons and geraldine fitzsimons make a statement to the media in dublin tuesday , nov . 2 , 2004 . -__label__1 , captors threaten to hand hostage to zarqawi , an unknown militant group holding iraqi-british hostage margaret hassan in iraq has threatened to turn her over to a group led by al qaeda ally abu musab al-zarqawi if its demands are not met , al jazeera television says . -__label__4 , climax to show off avalon to us publishers , #39 project avalon #39 becomes just plain avalon developer will show playable prototype of next-generation shooter to american execs . -__label__1 , report care hostage faces transfer to al-qaida , baghdad , iraq -- the kidnappers of aid worker margaret hassan threatened to turn her over to an al-qaida affiliated group within 48 hours if the british government refuses to pull its troops from iraq , al-jazeera television reported tuesday . -__label__2 , hewitt advances to round 3 at paris masters , second seed lleyton hewitt beat gael monfils 6-3 , 7-6 ( 3 ) on tuesday , turning back the french teenager #39 s bid for a second upset at the ? -__label__2 , update 1-ronaldinho strikes to give barca win over milan , a brilliant late strike from ronaldinho gave dominant barcelona a 2-1 win over ac milan in an epic champions league contest at the nou camp on tuesday . -__label__2 , group e arsenal mystery continues , arsenal wasted a golden opportunity to virtually guarantee themselves a place in the knockout phase of the champions league when they were held to a 1-1 draw by panathinaikos at highbury on tuesday . -__label__3 , time warner shares idle ahead of report , shares of media giant time warner inc . were little changed monday ahead of the company #39 s third-quarter earnings report as investors wonder exactly what chairman dick parsons might say about its troubled america online unit . -__label__3 , steenland northwest joins southwest in raiding bankrupt ata turf , gnawed by northwest . joining an apparent feeding frenzy , northwest airlines ( nasdaq nwac - news - people ) on tuesday said it plans to expand in indianapolis , a move that will knock rival ata airlines from its no . -__label__3 , aol is said to plan 700 layoffs , america online , the country #39 s leading internet service , is preparing to lay off as many as 700 of its 13 , 000 employees in the united states , according to an executive knowledgeable about its plans . -__label__2 , chelsea advances in champions league , chelsea and inter milan have advanced to the next round of the champions league , while ac milan and barcelona look certain to join them . -__label__2 , despite struggles at plate , boone wins gold glove , the way bret boone sees it , winning a gold glove after a tough offensive season is a validation of the award itself . quot there #39 s a lot of debate about the gold glove , quot the mariners second baseman said . -__label__4 , dark echoes from titan , microwave brightness of titan reveals surface properties such as temperature composition and roughness . image credit nasa/jpl . looking at radar reflections of titan , scientists are puzzled by what they see -__label__2 , fleetcenter to be reunion arena , it has all the gossipy intrigue and social awkwardness of seating the still-respected ex-wife and the sexy new girlfriend at the same table for a family wedding . -__label__3 , oil firms above \$50 as bush nears win , oil prices jumped above \$50 a barrel this morning , supported by us election tallies projecting a slim lead for president george w bush . -__label__2 , needham nips framingh , as carey division rivals in the bay state conference , the needham and framingham field hockey teams met twice already this fall , with the clubs splitting a pair of 1-0 decisions . -__label__2 , russell moving on , away from lakers , bryon russell doesn #39 t plan to read phil jackson #39 s book on the lakers #39 tumultuous 2003-04 season . russell doesn #39 t need to he saw it all himself , as part of the not-quite team of the century . -__label__3 , atlantic city settlement , in an agreement that could have significant implications for locked- out san francisco hotel workers , striking casino workers in atlantic city today are expected to ratify a deal that offers lucrative benefits but abandons the union #39 s strategy to -__label__2 , report lehman to get ryder cup job , tom lehman will get the chance to succeed where hal sutton failed when he is introduced as the 2006 united states ryder cup captain , according to golfdigest . -__label__2 , wallace fined for newman collision . , former nascar cup champion rusty wallace has been fined \$10 , 000 dollars for deliberately ramming his penske racing teammate ryan newman at the conclusion of the subway 500 at the martinsville speedway two weeks ago . -__label__3 , update 2 time warner profit dips , sets aside reserve , time warner inc . , the world #39 s largest media company , said wednesday that its third quarter earnings slid 8 percent as it set aside a \$500 million reserve because of pending government investigations . -__label__3 , interpublic posts wider 3q loss , interpublic group of cos . , the world #39 s third-largest ad conglomerate , said wednesday that third-quarter losses widened significantly on increased charges as well as greater salary and severance costs . -__label__1 , uae founding father buried , elder son likely successor , abu dhabi , november 3 ( islamonline . net amp news agencies ) - arab and muslim leaders converged on abu dhabi wednesday , november 3 , and joined the people of the united arab emirates in burying sheikh zayed bin sultan al-nahayan , president and founding father -__label__3 , wal-mart china business grows , wal-mart stores , the worlds no . 1 retailer , said the number of its china stores would be lifted by at least 15 new stores with the total of around 45 outlets throughout china . -__label__3 , stocks leap , dow up 142 points at open , us stocks soared at the open on wednesday as investors bet that george w . bush would soon be declared the winner in the tight presidential race despite disputed results in the key state of ohio . -__label__4 , nokia to launch rfid phone kit with a magic touch , nokia has launched its first product that supports near field communication ( nfc ) , an emerging radio frequency identification ( rfid ) technology that could have significant implications for mobile commerce . -__label__2 , cricket india embarrassed by australia on rain-ravaged day , bombay india #39 s bid to secure a face-saving win over australia got off on the wrong foot after they lost two quick wickets in the 11 overs bowled on the rain-hit opening day of the fourth test here . -__label__4 , nasa looking at may launch , citing technical challenges due to hurricanes , nasa officials said that the initial space shuttle mission for return to flight will slip from march to may 2005 . -__label__1 , kidnappers in iraq seize lebanese-american contractor , four < b> . . . < /b> , gunmen abducted a lebanese-american contractor who worked with the us army from his baghdad home , iraqi officials said wednesday , while four jordanian truck drivers were seized by assailants in a separate kidnapping . -__label__3 , bond report , chicago ( cbs . mw ) - treasurys remained solidly lower wednesday in the wake of election results that had president bush ahead of democratic challenger john kerry . -__label__1 , dutch film director theo van gogh killed , dutch film director and columnist theo van gogh was shot and killed yesterday morning in amsterdam . the company gogh owned and worked explained that he was attacked and murdered in the morning at lineaustraat street . -__label__1 , kidnappers in iraq seize lebanese-american contractor , an iraqi security official said gunmen abducted a lebanese-american contractor who worked with the us army in iraq . officials said gunmen snatched him when he answered the door at his baghdad home overnight . -__label__4 , business news for technology leaders microsoft makes deal with < b> . . . < /b> , a quot landmark agreement quot between microsoft and england #39 s department of health to renew the agency #39 s license for desktop products could save it an estimated \$608 million . -__label__3 , no quick fix in boeing-airbus talks , world trade organization ( wto ) talks on a transatlantic row over plane subsidies will bring no quick fix for what could be the biggest commercial dispute in wto history , officials and analysts warned on wednesday . -__label__4 , gateway can party like it #39 s 1999 , those were heady days , they were , back in 1999 . the bull market was still roaring . we hadn #39 t yet heard of hanging or dimpled chads . -__label__2 , cricket boje pulls out of tour to india , south africa #39 s vice-captain nicky boje has pulled out of the team to tour india next week because he has not been given any assurance by the indian police that he would not be arrested in connection with the 2000 match-fixing saga . -__label__3 , markets celebrate bush victory , wall street threw a victory rally for president bush today , driving up the entire market -- especially the stocks that investors believe will benefit from even more dominant republican control of the federal government . -__label__4 , coming to project managers multiscreen microsoft pc , microsoft corp . has launched a new entry in its ongoing effort to bring more innovative pc form factors to marketin the somewhat quirky form of a high-end system specialized for project managers . -__label__2 , caley determined to make right choice , inverness caledonian thistle chairman ken mackie insists the club will not be rushed into appointing a successor to john robertson . -__label__3 , ip proposal , ameren is offering some union workers at illinois power the chance to walk away from new management . the saint louis based utility company announced a voluntary separation opportunity for certain ameren ip employees . -__label__3 , delta #39 s aborted crash landing , if you #39 ve ever been in an airplane that has to abort a landing , you know that it is a completely hair-raising , disorienting experience . -__label__2 , nhl players still express solidarity , the cracks that were appearing in the nhl players #39 association #39 s resolve in the last two weeks were apparently smoothed over during a meeting tuesday in toronto . -__label__4 , nokia plans to boost memory for phones , new handsets from the mobile phones global leader will have hard disk to store more songs and pictures in a move to tap the rapidly growing smartphone market . -__label__3 , ford monthly sales drop , company looks to new vehicles , cruising along the ever-stretching road of decline . auto giant ford motor ( nyse f - news - people ) reported vehicle sales in october that fell 5 from a year ago . -__label__1 , an ominous watershed ? 4 more years of trauma ? , beirut consistently second only to ariel sharon in terms of unpopularity among arabs , us president george w . bush #39 s re-election victory was greeted in the arab world with a sense of disillusionment and foreboding . -__label__4 , hackers reopen stolen code store with cisco wares , november 03 , 2004 ( idg news service ) - an anonymous group of malicious hackers reopened an online store that sells the stolen source code of prominent software products and is offering the code for cisco systems inc . -__label__2 , deportivo la corua 0-1 liverpool ft report , la coruna , november 3 ( champions league ) - rafael benitez heard his name ring around a spanish stadium in his homeland again but this time it was from scouse voices rather than those in valencia , with whom he won la liga . -__label__2 , roma 1-1 bayer leverkusen ft report , rome , november 3 ( champions league ) - vincenzo montella #39 s injury-time equaliser forced bayer leverkusen to settle for a share of the points on wednesday in group b of the champions league but the eternal city club are virtually eliminated if not yet -__label__3 , us stocks markets rally on bush win oil surge limits gains , us stocks rallied wednesday , boosted by shares of health and defence companies that are seen benefiting from the re-election of president george w . bush , but higher oil prices checked advances . -__label__4 , microsoft browser market share slips slightly , microsoft corp . #39 s ( msft . o quote , profile , research ) share of the browser market slipped slightly in recent months but still dominated with 92 . -__label__2 , inter milan #39 s adriano apologises for dismissal , inter milan striker adriano has asked fans to forgive him after he was sent-off in the 0-0 draw against valencia on tuesday night . -__label__3 , time warner readies for accounting fallout , new york time warner , the largest us media company and owner of america online , said wednesday that its third-quarter profit fell 7 . 8 percent as it set aside money to pay for potential penalties stemming from a government inquiry into its accounting -__label__3 , constellation gets mondavi for \$1 . 36b , chicago ( cbs . mw ) - by upping the ante a bit , constellation brands has made an apparently successful bid to gobble up winemaker robert mondavi in a \$1 . -__label__3 , sia chip sales to hit record , flatten , worldwide semiconductor sales will hit an all-time high in 2004 but stay relatively flat in 2005 before climbing again over the next two years , according to the semiconductor industry association . -__label__4 , nhs signs microsoft license deal , the british national health service ( nhs ) has signed a massive software licensing deal with microsoft . the deal will ultimately save the nhs \$625 million in licensing fees , as well as requiring that microsoft -__label__2 , lehman relishes chance to halt us slide , after being named as the 2006 us ryder cup team captain by the pga of america at a press conference in florida last night , tom lehman insisted he saw the chance to halt americas recent dismal showing in the biennial match with europe as an opportunity -__label__3 , quick end to us election crucial , us president george w . bush is on the verge of a re-election victory , but democratic challenger john kerry is not conceding defeat , at least not now . -__label__1 , arafat #39 s health worsening , aides in paris say , speaking from france , palestinian officials say leader yasser arafat took a turn for the worse late wednesday . citing officials who spoke on condition of anonymity , the associated press reports that arafat #39 s -__label__1 , foreign reactions to the election , top foreign officials across europe are either accepting or welcoming the second term for president bush . meeting in moscow , italian prime minister silvio berlusconi and russian president vladimir putin said they welcome the bush win . -__label__3 , cnh global workers in racine go on strike after contract stalemate , cnh global nv workers in racine and three other cities went on strike wednesday , six months after rejecting the company #39 s final contract offer . -__label__2 , lehman aims for players with passion , amelia island - tom lehman had yet to officially take the job as the next us ryder cup captain , and already his phone was ringing . -__label__4 , nokia to unify smartphone software , amsterdam nokia , the world #39 s biggest mobile phone maker , said on wednesday it will create a single software platform for smart mobile phones that double as tvs , mp3 players , radios and e-mail devices . -__label__2 , singh looking to finish year in style , vijay singh of fiji tees off on the sixth hole during the first round of the chrysler championship on oct . 28 on the copperhead course at the innisbrook resort in palm harbor , fla . -__label__3 , news corp . net profit soars 27 , news corp . saw healthy gains in profit and revenue in the fiscal first quarter - helped by growth in advertising at the fox news channel and the fox broadcast network , as -__label__3 , update 1 toshiba , tcl to cooperate on appliances , focusing on the fast-growing chinese market , japan #39 s toshiba and major chinese appliance maker tcl have signed a broad agreement to cooperate in making and marketing appliances in china , the companies said thursday . -__label__3 , auto sales rise asians gain share , consumers shrugged off higher gasoline prices and weaker economic conditions to lift new car and truck sales up 2 . 2 percent in october . -__label__3 , yukos to vote on bankruptcy , yukos warned yesterday it could declare bankruptcy within months following fresh tax claims that could leave russia #39 s biggest oil company facing an astronomical bill of \$17 billion ( r104 billion ) . -__label__1 , blair calls for world to unite , prime minister tony blair tried to bridge the trans-atlantic rift over iraq , urging a quot fractured , divided and uncertain quot world to unite in the wake of president bush #39 s election victory . -__label__2 , c #39 s open with dang squander 18-point lead in loss to sixers , this is getting monotonous . for the second straight night , a candidate from boston was looking good after some exit polling , but when the last points/votes were counted , the opponent had the plurality . -__label__4 , plans for new beagle trip to mars , the team behind beagle 2 , the failed mission to land on mars and search for life , have unveiled plans for a successor . professor colin pillinger , lead -__label__4 , nhs signs nine-year extension with microsoft , the national health service ( nhs ) has extended a software licensing deal with microsoft for nine years - three times longer than its current agreement . -__label__1 , arafat in critical condition aides , palestinian leader yasser arafat has been in a coma for several hours and now in critical condition , arafat #39 s senior aides said on thursday . -__label__3 , crude futures ease on news of good supply , crude futures eased slightly thursday after a us government report showed another boost in supplies ahead of the northern hemisphere winter . -__label__3 , cvs profit slips as eckerd expenses weigh , cvs corp . ( cvs . n quote , profile , research ) , the no . 2 us drugstore chain , on thursday reported a lower quarterly profit as it grappled with expenses tied to its recent purchase of eckerd drug stores from jc penney co . -__label__2 , youzhny sends champion henman crashing out of paris , paris ( afp ) - defending champion tim henman crashed out of the 2 . 45-million-euro paris masters tamely surrendering the title he won so impressively last year . -__label__1 , cold war deserter jailed after 40 years , the long , strange journey of charles robert jenkins reached a tearful climax with a 30-day sentence in a military prison and a dishonourable discharge from the united states army he deserted for north korea almost 40 years ago . -__label__3 , mci reports \$3 . 4 bln third-quarter loss , mci inc . #39 s ( mcip . o quote , profile , research ) quarterly loss ballooned to \$3 . 4 billion as the no . 2 us long-distance company wrote down the value of its assets due to -__label__4 , microsoft amp intel team up for ad campaign , microsoft and intel recently announced a new advertising campaign entitled quot digital joy quot aimed at increasing awareness of living digital entertainment products , particularly microsoft #39 s media center software . -__label__1 , bush says he will work with allies , president bush told a thursday news conference he would continue to lead the united states in promoting freedom and democracy in the middle east . -__label__3 , mortgage rates rise around the country , mortgage rates around the country rose this week but are still at levels that should continue to provide support to the vibrant housing market , analysts say . -__label__4 , movie studios to sue illegal film-file traders , movie studios and the motion picture association of america said on thursday they would sue individuals suspected of illegally distributing movies over the internet . -__label__3 , telecom lifts first quarter net profit 19pc , telecom corp today reported its september first quarter net profit rose 19 per cent to \$193 million . the profit bettered analysts #39 average forecasts of \$185m . -__label__4 , hubble sees rare triple jupiter eclipse , nov . 4 , 2004 - a rare alignment of jupiter #39 s three largest moons across the planet #39 s face was captured on film by the hubble space telescope . -__label__4 , movie studios launch legal offensive against online pirates , los angeles - hollywood studios said thursday they will file hundreds of lawsuits later this month against individuals who swap pirated copies of movies over the internet . -__label__2 , shaq turns up heat in first outing with miami , shaquille o #39 neal shot 7-for-9 and finished with 16 points in his miami debut yesterday as the heat took a 100-77 victory against the home side new jersey nets . -__label__1 , death threats on film-maker #39 s body , a letter left on the body of a dutch filmmmaker murdered in amsterdam contained death threats against a dutch politician , the justice minister said today . -__label__2 , stuttgart closing on qualification , vfb stuttgart went clear at the top of uefa group g with a convincing 3-0 win over portuguese giants benfica . brazilian striker cacau put matthias sammers side ahead and further -__label__2 , brennan confirms departure , for 18 years tom brennan has been has been a sidelines fixture at patrick gym . his 19th will be his last . today at his news conference , brennan admitted he was at the end . -__label__2 , eagles sign cornerback brown to six-year deal , sheldon brown signed a six-year extension with philadelphia on thursday , keeping the second-year cornerback with the eagles through the 2012 season . -__label__4 , connect the jovian dots , nasa #39 s hubble space telescope ( hst ) captured an alignment of three of jupiter #39 s largest moons io , ganymede , and callisto . -__label__4 , nokia sees strong demand for smartphones and camera phones in 2005 , nokia has forecast that smartphone shipments worldwide are expected to increase to 238 million units by 2008 , up from 23 million this year , according to anssi vanjoki , executive vice president and general manager of multimedia at nokia . -__label__3 , rap over danger drug ban , a painkiller for arthritis sufferers should have been banned four years ago , experts said yesterday . vioxx , used by 400 , 000 brits , was taken off the market by its us makers last month due to potentially deadly side-effects . -__label__4 , modified mice help explain nicotine addiction , washington - researchers in california , using genetically modified mice , say they #39 re closing in on understanding exactly what makes nicotine in tobacco so addictive . -__label__2 , mumbai set for battle , the battle lines are drawn on the third of the fourth and final test in mumbai . after a miserable batting display , india fought back thanks to their bowlers to restrict australia #39 s first innings lead to 99 runs . -__label__3 , study says drug #39 s dangers were apparent years ago , merck and federal officials should have withdrawn the painkiller vioxx from the market as early as 2000 because studies of the drug had clearly shown that it doubled the risk of heart attacks -__label__3 , vioxx should have been recalled in 2000 , merck amp co inc . should have pulled the arthritis drug vioxx off the market in 2000 , because there was enough evidence that showed it was associated with an increased heart attack risk , according to researchers . -__label__1 , new eu executive chief announces revamped team , the incoming head of the european union #39 s executive body has announced changes to his group of commissioners and says he is ready to go to the european parliament to seek its approval of his team . -__label__3 , drastic ual cuts , united airlines , trying to further pare costs so it can emerge from bankruptcy , said thursday it is seeking about \$725 million in annual savings through proposed pay -__label__3 , executives dismissed in insurance inquiry , ace yesterday became the latest insurance company to announce changes in its business practices in response to the industry investigation launched by new york #39 s attorney general . -__label__2 , army to meet navy in sprint football , west point , ny - army #39 s sprint football team will conclude its 2004 campaign friday evening when the black knights take on navy with the collegiate sprint football league title hanging in the balance . -__label__4 , top us spammer is bound for the slammer , washington - a man convicted of violating anti-spam laws by sending out tens of thousands of unsolicited emails using fake addresses faces nine years in prison in virginia , authorities said on thursday . -__label__1 , putin signs up russia for kyoto pact , the kremlin said putin signed a parliament bill late on thursday confirming russia #39 s ratification of the protocol . both chambers of russia #39 s parliament approved ratification of the pact last month after putin pointed the way . -__label__3 , united airlines seeks staff concessions , new york ( reuters ) - united airlines is expected to ask a bankruptcy judge to let it extract new concessions worth \$725 million a year from employees as it seeks to reorganize , the wall street journal reported on friday , citing unnamed sources . -__label__4 , locusts devastate mauritania crops , others escape ( reuters ) , reuters - crop-devouring locusts have caused major\damage to cereals in mauritania but other west and central\african states have suffered much less than feared from the\worst infestation in over a decade , the u . n . said on thursday . -__label__4 , calif . voters back #36 3 billion stem cell measure ( reuters ) , reuters - a controversial california ballot\measure that would fund a decade of stem cell research with #36 3\billion in state money was headed for a resounding victory on\wednesday , initial returns showed . -__label__1 , putin signs up russia for kyoto pact , moscow ( reuters ) - president vladimir putin gave his seal of approval for russia ' s crucial backing of the kyoto protocol , clearing the way for the u . n . environment pact aimed at curbing global warming to come into force early next year . -__label__3 , pfizer celebrex safe after news report , new york/ottawa ( reuters ) - pfizer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pfe . n target=/stocks/quickinfo/fullquote> pfe . n< /a> said on thursday its arthritis drug celebrex was safe after a report in a canadian newspaper linked it to 14 deaths , -__label__1 , us troops move toward fallujah , insurgents and american forces clashed briefly thursday near the iraqi city . a large us assault is expected . -__label__3 , regulator clears abbey takeover , the financial services authority has cleared spanish bank santander central hispano ' s 9bn takeover of abbey national . -__label__2 , nfl games on tv , ny jets ( 6-1 ) at buffalo ( 2-5 ) when , where sunday , 1 p . m . , at orchard park , n . y . tv ch . 4 . last meeting new york won , 16-14 , oct . 10 . comments the jets pulled out the first meeting , 16-14 , on a late 38-yard doug brien field goal . chad pennington threw for a season high 310 yards in that game , 90 of which went to . . . -__label__1 , letter threat to dutch politician , a letter left on the body of murdered film-maker theo van gogh reportedly threatens the life of a liberal politician . -__label__1 , canadian freedoms ' under threat ' , personal freedoms in canada are being eroded by the war on terror , the country ' s privacy commissioner warns . -__label__4 , nasa picks may 2005 shuttle launch date ( ap ) , ap - nasa is aiming for a mid-may launch of the first shuttle flight since the columbia tragedy almost two years ago . the launch date was the latest of several set by the space agency , and just as subject to change . -__label__1 , confident bush outlines ambitious plan for 2nd term , president bush said he would begin work immediately on his proposal to overhaul social security . -__label__1 , israel , egypt in prisoner swap , cairo ( reuters ) - israel released six egyptian students from prison on sunday as part of a deal which includes freedom for israeli businessman and convicted spy azzam azzam , egyptian security sources said . -__label__3 , sole survivor , making sneakers in america is so yesterday . how can new balance do it -- and still thrive ? -__label__4 , another homicide in holland , it is a sad day . in what seems to be another politically inspired homicide in holland , dutch filmmaker , and controversial columnist theo van gogh was brutally murdered in the streets of amsterdam this morning . -__label__1 , argentina basketball coach magnano quits , ruben magnano , who coached argentina to the olympic basketball gold medal in athens , resigned thursday to accept a coaching job in italy . +__label__4 , xandros rolls out linux desktop management app , linux desktop vendor xandros inc . on tuesday announced the availability of its new xandros desktop management server ( xdms ) application , which gives it administrators the tools to roll out , configure and maintain mass deployments of linux-equipped pcs . +__label__4 , apple ' s ipod features u2 collaboration ( ap ) , ap - apple computer inc . on tuesday introduced a new larger-capacity ipod with a color display as well as a first-of-its-kind digital compendium of the rock band u2 ' s songs . +__label__3 , oracle #39 s bid still facing hurdles , peoplesoft reiterated on tuesday its opposition to a \$7 . 7 billion takeover offer from oracle after the european union approved the bid , removing the last regulatory hurdle to a deal . +__label__1 , putin praises ukraine #39 s leader , russian president vladimir putin has taken part in a live phone-in on ukrainian tv , just days before the country #39 s presidential election . +__label__3 , sec seeks to make hedge funds more transparent , description a divided securities and exchange commission will likely approve new regulations governing the hedge fund industry . under the rules , all but the smallest hedge funds would be required to register with federal regulators . +__label__2 , cfl erred , stamps still losers , the result of the calgary-bc game last friday night will stand , the cfl announced yesterday . while a review of videotape from the game confirmed an officiating error resulting in a no-yards +__label__2 , florida denies contact with spurrier ( ap ) , ap - florida athletic director jeremy foley denied a report tuesday that school officials have contacted former coach steve spurrier about replacing ron zook . +__label__1 , threat to behead japanese soldier , the group led by wanted terrorist abu musab al-zarqawi has said it has abducted a member of japan #39 s armed forces and is threatening to behead him if the japanese government does not withdraw its troops from iraq within 48 hours . +__label__4 , sony launches music players with mp3 support , the company has just announced the release of two flash-memory-based devices , the walkman nw-e99 and nw-e95 , in europe . the music players can play songs in mp3 and sony #39 s own atrac file format . +__label__3 , marsh to scrap fees spitzer faulted ( reuters ) , reuters - marsh mclennan cos . , the\world ' s largest insurance broker , said on tuesday it would\reform its business practices and stop accepting fees at the\center of an investigation by new york attorney general eliot\spitzer into bid rigging . +__label__2 , sporting news bonds is player of year pujols fourth , san francisco giants slugger barry bonds , who hit . 362 , set a record with 232 walks and topped 700 career homers , was named 2004 player of the year by the sporting news . +__label__1 , indonesia at a crossroad , at midnight on saturday , the dance floor in the hard rock cafe ( hrc ) in bali was heaving . apart from a careful pat down at the door for guests , the scene was no different from two years ago , before islamist +__label__1 , japanese citizen reportedly taken hostage in iraq , the islamic militant group of abu mussab al-zarqawi reportedly claims to have taken a japanese citizen hostage in iraq . in a video shown on the internet , the group threatens to execute him if tokyo does not withdraw its troops from iraq in 48 hours . +__label__4 , korean and japanese phone makers win -survey , amsterdam ( reuters ) - south korean mobile phone makers continued a rapid move up the global market rankings during the third quarter , while growth in the wider mobile phone market slowed , a survey found on wednesday . +__label__4 , dmca limited by sixth circuit appeals court , the fine print the following comments are owned by whoever posted them . we are not responsible for them in any way . i really dont know why a printer manufacturer should have exclusive rights on producing ink that work with their printers . +__label__1 , india cool on kashmir proposals , india responded coolly yesterday to suggestions by the pakistani president , pervez musharraf , on how to solve the kashmir dispute between the two countries . +__label__2 , paterno #39 s real tragedy may be not knowing when to go , joe paterno often has talked about the profound impact that a piece of classic literature has had on his life . while a student at brooklyn prep in the early 1940s , he devoured theaeneid , written by the roman poet virgil . +__label__2 , martinez moves red sox nearer series title ( ap ) , ap - don ' t question pedro martinez anymore . fame and fortune already his , martinez finally made it to the world series on tuesday night . and when he got there , he shut down the st . louis cardinals , putting the boston red sox within one victory of the world series title that has eluded them since 1918 . +__label__3 , ovitz defends his tenure , michael ovitz said on tuesday that walt disney co . would have made a string of dazzling deals and shrewd strategic moves during his brief tenure as the company #39 s president +__label__2 , baseball-red sox on brink of world series victory , st . louis ( reuters ) - pedro martinez pitched seven shutout innings and manny ramirez hit a home run as the boston red sox beat the st . louis cardinals 4-1 tuesday , moving to the brink of their first world series title since 1918 . +__label__3 , update air new zealand rights issue greeted positively , wellington ( dow jones ) --air new zealand ltd . ( air . nz ) said wednesday it expects to post a slight drop in profit in the current financial year , and that it hopes to raise nz\$186 million in a rights issue next month to fund investment in new aircraft . +__label__2 , red sox on brink of world series victory , st . louis ( reuters ) - pedro martinez pitched seven shutout innings and manny ramirez hit a home run as the boston red sox beat the st . louis cardinals 4-1 tuesday , moving to the brink of their first world series title since 1918 . +__label__2 , two wizards face possible suspensions , the washington wizards #39 brendan haywood and larry hughes could face suspensions for their part in a fight during monday night #39 s preseason game against the bulls in chicago . +__label__2 , former al batting champion dies at 78 ( ap ) , ap - bobby avila , a three-time all-star who won the american league batting title in 1954 , died tuesday of complications from diabetes and a lung ailment . he was 78 . +__label__3 , eisner blocked big ideas , ovitz tells court , former walt disney co . president michael ovitz insisted tuesday that he worked tirelessly to better the company but frequently ran into resistance from ceo michael eisner and a handful of senior executives who refused to report to him . +__label__2 , belmont beats the best to take its place at the top , any time in the last decade and a half , yesterday ' s result would have been an upset . with a 3-2 victory over host winchester , the belmont girls ' soccer team took the middlesex league title from the sachems for the first time in 16 years , and avenged a 1-1 tie with winchester that was the only blemish on a 15-0-1 season . +__label__3 , q amp a merger changes little for now , here are answers to some questions arising from the closing of cingular wireless #39 acquisition of at amp t wireless . q with the merger , how will the combined company rank in the industry ? +__label__2 , midseason ouster no surprise , unless there #39 s an extenuating circumstance - see the university of arizona last september - it #39 s generally considered poor form to change football coaches in midseason . +__label__1 , in asia , powell defends n . korea policy , seoul -- secretary of state colin l . powell yesterday sought to fend off complaints from key partners in the effort to end north korea ' s nuclear programs that the bush administration has not been sufficiently creative or willing to compromise in the negotiations . +__label__3 , ftse 100 lifted by bright dow , the ftse 100 has climbed as a surge by us shares gives a boost to european markets . shire pharmaceuticals shp . l jumped after winning approval for a key drug and consumer goods giant unilever ulvr . +__label__1 , sharon , under pressure , snubs gaza referendum call , jerusalem ( reuters ) - israeli leader ariel sharon rejected calls from within his divided cabinet on wednesday for a referendum on leaving gaza after winning parliament ' s support to uproot settlements from land claimed by palestinians . +__label__2 , radcliffe awaits gun for start of russian roulette , for the 3 , 000 britons who will run in the new york city marathon next month the most important thing will be to finish the 26 . 2-mile race , in order to achieve a sense of personal fulfilment . +__label__4 , chip giant umc reports higher profits ( ap ) , ap - united microelectronics corp . #151 the world ' s no . 2 producer of made-to-order chips #151 on wednesday reported that its third-quarter net profit more than doubled on year as shipments of chips for mobile phones and other gadgets increased . +__label__1 , n . korea called worst for press freedom , media watchdog reporters without borders has labeled north korea and cuba the worst countries in terms of press freedom , with denmark being the best . +__label__4 , nasa expert says bush stifles evidence on global warming , iowa city , iowa a nasa scientist has charged that the bush administration is subverting science and misleading the public by trying to suppress or alter evidence on the dangers of global warming . +__label__1 , thai pm defiant after 78 muslims die in custody ( reuters ) , reuters - thai prime minister thaksin\shinawatra shed few tears on wednesday over the death of 78\muslims in military custody as distraught mourners besieged an\army base in the far south , demanding the bodies of relatives . +__label__3 , spanish bank makes bumper profits , the spanish bank which is buying abbey made a 2 . 2bn profit ( 3 . 1bn euros ) in the first nine months of 2004 . banco santander central hispano , which is acquiring the uk lender in a 8 . +__label__2 , stanford ties arizona in poll media splits on who #39 s favorite in < b> . . . < /b> , the two teams that shared the pac-10 women #39 s basketball title last season -- stanford and arizona -- are primed to share it again , according to the annual poll released at pac-10 media day tuesday at hp pavilion in san jose . +__label__1 , milosevic defense team asks to withdraw from case , the hague ( reuters ) - former yugoslav president slobodan milosevic ' s two court-assigned defense lawyers have asked to be withdrawn from his case , the hague war crimes tribunal said wednesday . +__label__4 , singapore telecom ties up with malaysia ' s time dotcom ( afp ) , afp - singapore telecommunications ( singtel ) said it has entered into an agreement with malaysia ' s time dotcom to link their corporate customers through private leased line circuits . +__label__2 , koetter hill will play saturday , hakim hill , the asu football teams oft-controversial running back , will be back on the field when the sun devils travel to face california , head coach dirk koetter announced tuesday . +__label__1 , bhp billiton , alcoa sell integris metals for 359 million pounds ( afp ) , afp - anglo-australian mining giant bhp billiton and alcoa , the world ' s largest aluminium producer , have agreed to sell their metal services joint venture integris metals for 660 million dollars ( 359 million pounds ) including debt , a joint statement said . +__label__1 , chirac says turkey ' s eu bid ' not a done deal ' ( afp ) , afp - french president jacques chirac said wednesday that turkey ' s eu membership bid was quot not a done deal , quot although he believed it was in europe ' s best interests , a government spokesman reported after a cabinet meeting . +__label__3 , comcast posts smaller 3q profit , cable giant comcast corp . on wednesday posted a smaller third-quarter profit that missed wall street expectations , but said digital cable and high-speed internet subscriptions continued to grow during the period . +__label__3 , durable goods orders up 0 . 2 percent ( reuters ) , reuters - u . s . orders for long-lasting durable\goods rose by a smaller-than-expected 0 . 2 percent in september , \held back by another sharp fall in commercial aircraft , \government data showed on wednesday . +__label__1 , www kotv . com , _ nearly 800 british forces left their base in southern iraq on wednesday , heading north toward baghdad to replace us troops who are expected to take part in an offensive against insurgent strongholds . +__label__4 , nokia wins 115-million-dollar network deal from brazil ' s oi celular ( afp ) , afp - nokia , the world ' s largest mobile phone maker , said it had received a 115-million-dollar ( 90-million-euro ) order to expand oi celular ' s second-generation gsm network in brazil . +__label__1 , india and bangladesh neglect their enclaves ( reuters ) , reuters - nazrul islam is an indian\living in an indian village . +__label__1 , black watch move towards baghdad , the black watch today moved towards baghdad in response to the us plea for help . the ministry of defence said today that soldiers from the scottish regiment were leaving their base in the southern city of +__label__2 , aussie quartet put india on back foot , the second day of the third test at nagpur belonged to australia #39 s bowlers , with their attritional approach wearing down india #39 s batsmen . +__label__2 , stanford picked to win much-improved pac-10 , tara vanderveer stepped to the dais at the pacific-10 conference women #39 s basketball media day tuesday and was asked to make an opening comment . +__label__2 , leyland has emerged as a managerial candidate , jim leyland just might be ready to manage a major league baseball team again , and he will reportedly interview for jobs with the philadelphia phillies and new york mets , according to the ny daily news . +__label__3 , mortgage approvals drop sharply , figures showing falling mortgage approvals and rising repossessions suggest interest rate rises are being felt . +__label__4 , google acquires satellite mapping firm keyhole , google acquires satellite mapping firm keyhole\\after a tip from andy beal , i checked out keyhole satellite image mapping and local search tool and absolutely loved it . basically , with keyhole you get a satellite image of the world and can view streets in the major cities , political hotspots , and towns ( mostly . . . +__label__4 , is apple photogenic ? , with competitors avidly trying to nibble at the ipod #39 s market share , apple ( nasdaq aapl ) has released its ostensibly new and improved version . +__label__1 , britain ' s not-so-civil war hunters outfoxed ? , if hunting is banned in britain , the pro-hunt lobby says its supporters will continue to hunt illegally . +__label__4 , are cheaper flat-panel tvs on the way ? ( pc world ) , pc world - ifire aims to displace lcd tvs with its lower-cost display technology . +__label__1 , rumsfeld turns to radio interviews in battleground states to defend iraq situation ( afp ) , afp - us defense secretary donald rumsfeld says he has been ordered not to comment on the presidential elections , but it hasn ' t kept him from defending the war in iraq in interviews with radio talk show hosts in battleground states . +__label__3 , ata customers won #39 t be affected by bankruptcy , indianapolis -- ata says it will honor all tickets and maintain its full schedule , after filing for chapter 11 bankruptcy tuesday . +__label__1 , black watch troops move near baghdad , british troops have rolled north from basra to take over a deadly area near baghdad and free up us troops for a widely expected attack on the rebel-held city of falluja . +__label__1 , henman sails at the swiss indoors , < p> < /p> < p> by mark ledsom< /p> < p> basel ( reuters ) - britain ' s world number four tim henmanwon his opening match at the swiss indoors tennis tournamentwith little difficulty on wednesday , beating frenchman antonydupuis 6-3 , 6-4 . < /p> +__label__3 , comcast profit falls short of forecasts , comcast corp . ( cmcsa . o quote , profile , research ) , the largest us cable operator , on wednesday posted a quarterly profit that fell short of wall street forecasts but reported better-than +__label__4 , remains of new species of hobbit-sized human found , scientists in australia have found a new species of hobbit-sized humans who lived about 18 , 000 years ago on an indonesian island in a discovery that adds another piece to the complex puzzle of human evolution . +__label__1 , vietnam opens bunker used by ho chi minh ( ap ) , ap - behind thick concrete walls and iron doors , ho chi minh and other top vietnamese leaders hid in secret underground tunnels during u . s . b-52 bombing raids to plot key military strategies that led to america ' s defeat in the vietnam war . +__label__3 , stocks up as oil slides , new york ( reuters ) - u . s . stocks jumped on wednesday as oil prices , which have held investor enthusiasm for stocks in check for months , fell sharply after a higher-than-expected crude build last week . +__label__4 , dell offers suse on servers , dell ( quote , chart ) officials announced wednesday an agreement with linux distributor novell ( quote , chart ) to distribute and support suse enterprise server 9 on its single- and dual-processor line of servers . +__label__1 , storms batter cornish coastline , \flooding causes chaos for homeowners all along cornwall ' s south coast as 80mph winds hit land . +__label__4 , dell from factory floor to finished gear , pc giant also wants to be your supplier of high-end home electronics . also how your desktop gets bolted together . +__label__1 , black market in british treasure sold on ebay ( reuters ) , reuters - pieces of britain ' s past , including a\second-century silver ring and a 500-year-old tudor trade\weight , are among artifacts being peddled daily on the internet\to the alarm of experts at the british museum . +__label__4 , security report windows vs linux , much ado has been made about whether or not linux is truly more secure than windows . the results were not unexpected . even by microsoft #39 s subjective and flawed standards , fully 38 of the most recent patches address flaws that microsoft ranks as critical . +__label__1 , al-jazeera airs new footage of pleading british hostage in iraq ( afp ) , afp - kidnapped briton margaret hassan made a new appeal for the withdrawal of british troops from iraq , al-jazeera television said , showing her in a video . +__label__3 , closing arguments in enron barge trial , houston -- prosecutors claim six executives conspired to push through a 1999 sham sale of barges because they didn #39 t think they #39 d get caught . +__label__3 , report finds handheld device market in continued decline , the worldwide market for handheld devices saw its third successive quarter of year-over-year decline in the third quarter of 2004 , according to a new report released by idc . +__label__4 , sony announces playstation por , sony corp . announced a price more fitting of a video-game machine than a slick movie-playing gadget for its new playstation portable - 19 , 800 yen ( \$186 ) . +__label__1 , eu unveils plans for new banana tariffs ( ap ) , ap - the european union said wednesday it will impose a duty of 230 euros ( #36 290 ) per ton of bananas starting in 2006 , in an effort to prevent producers in former african and caribbean colonies from losing business to larger growers in latin america . +__label__3 , faces from the 1929 crash , new york - the people who will forever be associated with the great crash of 1929 were all white , male and wealthy , but their occupations and ethics varied considerably . +__label__3 , opec head urges u . s . to use oil reserves , jakarta ( reuters ) - opec has taken the unprecedented step of urging the united states to tap its emergency crude reserves to bring down world oil prices . +__label__3 , military buoys profit at defense firms , chicago ( reuters ) - robust demand for military equipment and technology led four u . s . defense companies to post higher quarterly profit on wednesday , with jet maker boeing co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ba . n target=/stocks/quickinfo/fullquote> ba . n< /a> reporting a 78 percent jump in earnings despite a decline in commercial airplane revenue . +__label__3 , will tellabs push its luck ? , perhaps the optical network supplier should call off its merger with afc . +__label__3 , us economy continues to expand in spite of rising energy prices < b> . . . < /b> , the us economy continued to expand in september and early october in spite of rising energy costs , the federal reserve said wednesday in its beige book , a survey of business activity around the country . +__label__3 , yahoo debuts mobile search , san francisco -- yahoo ( quote , chart ) expanded its search empire to the mobile arena with the launch of some additional services . the company was one of the original content providers for mobile devices running +__label__2 , hubris , caution in boston as red sox eye victory ( reuters ) , reuters - giddiness . paranoia . arrogance . caution . \all were on display on wednesday in boston as the supposedly\cursed red sox moved within one victory of a baseball\championship that has eluded them for 86 years . +__label__3 , lexmark loss good for consumers , lexmark ' s loss in court on tuesday may mean that consumer electronics companies won ' t try to use the digital millenium copyright act as an all-purpose competition shield anymore , consumer advocates say . by katie dean . +__label__1 , thai villagers search for relatives , hundreds of villagers besieged a thai military camp wednesday demanding to know whether their relatives were among at least 78 muslim men who officials said suffocated +__label__2 , palmeiro signs one-year deal with orioles ( ap ) , ap - rafael palmeiro didn ' t want his homecoming with the baltimore orioles to end after just one season , so he took a pay cut and accepted a one-year , #36 3 million contract wednesday . +__label__4 , suse warns of hole in linux kernel , october 27 , 2004 ( techworld . com ) - linux distributor suse has warned of one of the most serious security holes to date in version 2 . 6 of the linux kernel , which could allow attackers to shut down a system running 2 . 6-based software . +__label__2 , wenger commits future to arsenal , arsenal fc have agreed a three-year contract extension with manager arsne wenger , retaining the frenchman #39 s services until may 2008 . +__label__2 , kezman #39 s first hammer blow , mateja kezman finally broke his scoring duck to settle this league cup derby at stamford bridge today . kezman missed a string of chances before firing in from joe cole #39 s through-ball in the 57th-minute to quash the hammers #39 hopes of making the last 16 . +__label__1 , black watch troops move into position , the first units of a black watch battlegroup are due to arrive today in their new positions south of baghdad as tony blair indicated that more british troops may replace them in the american-controlled zone before the end of the year . +__label__2 , georgia tech looks to virginia tech ( ap ) , ap - georgia tech wants to avoid being embarrassed by another acc rookie . +__label__1 , abdullah conveys concerns over violence to thaksin , kuala lumpur malaysia has conveyed to thai prime minister thaksin shinawatra its concern over the latest incident of violence in southern thailand . +__label__1 , 3 police officials charged over beslan siege , rostov-on-don , russia - three russian police officers have been charged with criminal negligence in connection with the beslan school hostage-taking that left 360 people dead , almost half of them children . +__label__4 , idc sees continuing decline in pda market , if a handheld device doesn ' t have voice capabilities , a growing number of users around the world aren ' t interested , according to idc . for the third straight quarter , shipments of handheld devices such as personal digital assistants ( pdas ) fell as some prominent vendors decided to pull back from the market , idc said wednesday . +__label__2 , germany to kick off 2006 world cup , frankfurt , germany -- hosts germany will play in the opening match of the 2006 world cup , the organizing committee of the governing body fifa announced on wednesday . +__label__3 , national foods take no action on fonterra takeover bid , melbourne ( dow jones ) --australia #39 s national foods ltd . ( nfd . au ) on thursday told shareholders to take no action on new zealand dairy group fonterra co-operative group ltd . +__label__4 , new web domain names get preliminary nod ( ap ) , ap - two new internet domain names #151 . post and . travel #151 could appear online as early as next year as the internet ' s key oversight board announced preliminary approval on wednesday . +__label__2 , inter draw with lecce while ac milan crash atlanta , bulgarian teenager valeri bojinov scored twice as lecce came from two goals behind to draw 2-2 with inter milan in italian first division league on wednesday . +__label__4 , yahoo battles google for the cell phone , yahoo added a search feature for cell phones wednesday , just a few weeks after rival google launched one of its own . while google sms ( short message service ) uses text-only messages to deliver its results , yahoo #39 s +__label__2 , new-age general manager labors to end age-old curse , until theo epstein became the general manager of the boston red sox two years ago , at 28 , life had offered him little cause to believe in superstition . +__label__1 , russian parliament ratifies kyoto pact ( ap ) , ap - the kyoto protocol overcame its final legislative hurdle in russia when the upper house of parliament ratified the global climate pact wednesday and sent it on to president vladimir putin for his signature #151 setting the stage for the treaty to come into force next year . +__label__1 , arafat ' s health reported to have turned sharply worse , an ambulance was called to yasir arafat ' s compound amid unconfirmed reports that he had lost consciousness at least once . +__label__2 , owens explains ravens snub , baltimore ravens linebacker ray lewis took a deep breath as he prepared to answer yet another question about terrell owens , the wide receiver who spurned an +__label__1 , at least five dead in russia mine blast ( reuters ) , reuters - at least five miners were killed and 14\injured in a blast in a coal mine in russia ' s siberia , the\emergencies ministry said on thursday . +__label__1 , japanese rescuers grapple with rocks to retrieve girl from quake < b> . . . < /b> , tokyo - rescuers grappled through mud and rocks for a second day thursday in the hope of finding a three-year-old girl trapped in a crushed car since japans killer earthquake last weekend . +__label__3 , durable goods orders up , orders for durable goods rose in september for the third time in four months . home sales also increased . orders for goods intended to last more than three years increased 0 . 2 percent to \$195 . +__label__4 , stargazers enjoy total lunar eclipse , astronomy buffs and amateur stargazers turned out to watch a total lunar eclipse wednesday night - the last one earth will get for nearly two and a half years . +__label__1 , large explosion heard in central baghdad ( reuters ) , reuters - a large blast was heard in central\baghdad on thursday , witnesses said . +__label__1 , hundreds trapped in russia mine , five miners are killed by an explosion which leaves up to 240 trapped in a siberian coal mine . +__label__3 , low-cost airline enters bankruptcy , blaming excess capacity , extremely high fuel prices , which and descending fares , ata holdings corp . , parent of discount airline carrier ata airlines , said it has filed for bankruptcy . +__label__1 , at least five dead in russia mine blast , quot at 9 45 am ( 2 45 am british time ) we received the signal for a methane blast . at the time , a 45-strong repair team was working in that . +__label__3 , despite scandals , boeing still charms wall street , boeing ' s bottom line continues to fatten , even as its image tarnishes , thanks in part to the consolidation of the defense industry , which has left the pentagon with few choices for buying weapons , industry analysts said . +__label__1 , stability control systems can save lives ( ap ) , ap - stability control systems could save up to 7 , 000 lives each year if they were standard equipment on all vehicles , according to a study by the insurance industry . +__label__4 , washington contractors ' sales increase , companies that provide federal agencies with network integration and payroll accounting technologies are benefiting from a government trying to bolster its defenses against terrorism , experts say . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -the washington post< /b> < /font> +__label__3 , airtran #39 s plan may aid city , if the airline acquires some ata assets , wichita mid-continent could see expanded airtran service , especially to chicago . by phyllis jacobs griekspoor . +__label__2 , chelsea 1-0 west ham , mateja kezman finally broke his chelsea goal duck with the winner against a spirited west ham in the carling cup . the striker was making his 13th outing for chelsea and he arrowed in a second half shot past keeper james walker . +__label__2 , healthy henman looking forward to moodie match , tim henman confirmed he was in good health , despite being diagnosed with a magnesium deficiency , after a straight-sets win over antony dupuis in the first round of the davidoff swiss masters . +__label__2 , broken thumb sidelines payton , results of x-rays on gary payton #39 s right hand revealed a non-displaced fracture in the point guard #39 s right thumb . payton did not play last night against the +__label__1 , powell backpedals on taiwan remarks , us secretary of state colin powell yesterday carefully avoided repeating a suggestion he made earlier this week of an eventual reunification of china and taiwan . +__label__3 , tokyo shares follow ny trend higher , share prices closed higher across the board in tokyo this morning , as investors were cheered by last night #39 s gains on wall street . +__label__2 , tennis leading brits go marching on , tim henman showed he was on top form despite being diagnosed as suffering from magnesium deficiency , with a straight-sets win over antony dupuis in the first round of the davidoff swiss masters . +__label__2 , haywood suspended for three games , new york - brendan haywood of the washington wizards was suspended for three games by the nba yesterday for fighting during a pre-season game against the chicago bulls . +__label__2 , big east braces for growth spurt , it #39 s hard to imagine , but the league that gave us college basketball #39 s last two national champions is about to get a lot better . +__label__2 , hidden value for wakefield , when we look back on this improbable postseason turnaround by the red sox , one of the turning points will be hard to find unless we recall the words of red sox manager terry francona in the aftermath of the humiliating 19-8 loss to the yankees in game 3 of the american league championship series . +__label__2 , lowe ' s road to glory , for derek lowe , two roads diverged not in a yellow wood , as new england ' s poet laureate robert frost had it , but on the greenswards of fenway park , yankee stadium , and busch stadium . +__label__2 , today ' s schedule , college field hockey umass-dartmouth at salve regina , 3 p . m . unh at bc , 7 p . m . anna maria at westfield st . , 7 p . m . +__label__1 , australia establish 300-run lead in third india test ( afp ) , afp - australia batted cautiously in their second innings to build a lead of 300 runs over india with nine wickets in hand in the third cricket test here . +__label__3 , gold fields hit by q3 rand strength , johannesburg ( mineweb . com ) -- gold fields , the takeover target of smaller rival harmony , contained its costs on its south african mines during the september quarter . +__label__1 , nigerian protection force leaves for darfur , an elite contingent of 50 nigerian soldiers left nigeria on thursday for darfur , the first stage in the deployment of 3 , 000 extra african union ( au ) troops to monitor a shaky cease-fire in the western sudanese region . +__label__4 , russians to see full lunar eclipse thursday morning , moscow , october 28 ( itar-tass ) - people in russia #39 s european part will have an opportunity to see a full eclipse of the moon during several hours thursday morning , said dr andrei finkelshtein , director of the russian institute of applied astronomy . +__label__4 , attack prompts bush website block , the re-election website of president bush is blocking overseas visitors because of security reasons . +__label__3 , royal dutch/shell merges holding companies with unified board , london , october 28 ( newratings . com ) - royal dutch/shell group has announced its plans to merge its two holding companies in the netherlands and the uk , royal dutch petroleum ( roy . +__label__4 , dell comes up with novell idea to sell servers , novell has given its recently acquired linux distro , suse , a push , by signing an agreement with dell to offer suse linux enterprise server ( sles ) 9 on select poweredge servers worldwide . +__label__4 , web tv start-ups show programs outside the box ( washingtonpost . com ) , washingtonpost . com - internet tv is a mirage , seeming so close yet turning out to be far away or downright unreal when you try to watch it . at least that ' s my take on the many past plans for zapping motion pictures over the internet . +__label__4 , game on as sony puts 100 tag on psp system , sony is going head-to-head with nintendo in the battle for the handheld games console market . the company will price its long-awaited playstation portable ( psp ) at about 100 for its launch in japan , when +__label__2 , nakatani expects a big day at bc , no stranger to brash statements , jockey corey nakatani has a firm goal for saturday #39 s breeders #39 cup program at lone star park . +__label__4 , when wireless networks merge , now that its \$41 billion takeover of at t wireless has been completed , cingular will spend hundreds of millions of dollars in coming weeks on its advertising campaign . +__label__2 , sainsbury ultimatum to leeds , sebastian sainsbury warned leeds united chiefs today they face the stark choice of accepting his 25million bid or selling elland road . +__label__3 , delta , pilots ok deal , union officials representing 7 , 500 pilots at delta air lines said wednesday night they have reached a cost-cutting agreement with management , which presumably could halt , or at least +__label__2 , kiwis heading for big win , daniel vettori spun new zealand to the brink of a crushing victory over bangladesh in the second and final test at the ma aziz stadium in chittagong today . +__label__1 , 3 un staff kidnapped in afghan capital , unknown armed men in military uniform kidnapped three staff of the united nations in the afghan capital city at broad daylight thursday , afghan officials confirmed . +__label__4 , google and microsft getting close , google and microsft getting close\\microsoft partnering with google ? well sort of , an article released yesterday details the relationship between the two , and the use of google deskbar in microsoft ' s partner pack for windows , a collection of microsoft and third-party products released last week that microsoft describes on its web site . . . +__label__3 , ata files for bankruptcy protection , ata holdings corp . ( atah ) , parent of struggling low-cost carrier ata airlines , on tuesday filed for chapter 11 bankruptcy protection as falling fares and soaring fuel prices drained it of cash . +__label__3 , dow chemical reports 86 percent increase in profit , detroit - dow chemical co . #39 s third-quarter earnings soared 86 percent to beat wall street forecasts , thanks largely to improved margins . +__label__1 , blast outside thailand bar injures 15 ( ap ) , ap - a bomb exploded thursday evening outside a bar in southern thailand , the scene of a campaign of violence blamed on islamic separatists , injuring at least 15 people , police said . +__label__3 , final edition for a respected asian newsweekly , hong kong the far eastern economic review , an often incisive newsweekly for more than half a century , will become a monthly opinion magazine in december , and virtually all of its employees will lose their jobs , dow jones announced on thursday . +__label__4 , amd rolls out low-cost net access device in india , us chip maker advanced micro devices amd . n has unveiled a low-cost internet access device that could cost just a few hundred dollars , aimed at first-time technology users in the developing world . +__label__2 , raiders notes gallery appreciates the silence , because his name is called infrequently , he is having a solid season as a rookie . by gregg bell -- bee staff writer . it #39 s not too late to get into a fantasy sports league . +__label__3 , new zealand bank raises key interest rate , wellington new zealand #39 s central bank raised the benchmark interest rate by a quarter point on thursday , to 6 . 5 percent , and said the sixth increase this year may be the last as economic growth slows . +__label__1 , bomb kills one in southern thailand , a bomb has exploded in southern thailand , killing one person and injuring about 20 , in what could be the first reaction to the deaths of 85 muslim protesters earlier this week . +__label__3 , update 2-viacom posts loss on charges cable networks up , viacom inc . ( viab . n quote , profile , research ) ( via . n quote , profile , research ) on thursday posted a quarterly loss on charges related to the spinoff of video rental chain blockbuster +__label__3 , delta gets tentative deal with pilots , after 15 months of negotiations , delta air lines inc . has secured a tentative contract with its pilots , a move that might help the struggling carrier avoid a chapter 11 bankruptcy filing . +__label__4 , titan reveals its purple patches , london unprecedented pictures of the purple atmospheric haze on titan have been captured by the cassini spacecraft during its closest approach yet to saturn #39 s largest moon . +__label__1 , israel would not bar arafat return after overseas treatment , jerusalem , oct 28 ( afp ) - israel will not bar ailing palestinian leader yasser arafat from returning to the west bank if he were to leave for medical treatment , senior government spokesman raanan gissin told afp thursday . +__label__4 , web domains approved for posties , travel , the internet corporation for assigned names and numbers ( icann ) has approved two new sponsored internet domains , . post and . travel , specifically for the post and travel industries . +__label__4 , a fresh look at the stars . . . , a supernova spotted by the danish astronomer tycho brahe more than four centuries ago - which changed the course of human knowledge - has just yielded a further discovery the companion star that triggered the great event . +__label__1 , remark on homosexuality delays seating of european panel , the european union #39 s normally yawn-inducing institutions raised eyebrows on wednesday when a spat over comments about homosexuality made by an italian bureaucrat led to the +__label__3 , earnings improve at japanese electronics firms , the japanese electronics makers remained cautious about the months ahead , citing worries about global growth . japanese corporate profits are almost certain to be hurt by any economic slowdown in japan and in the united states . +__label__3 , ryanair agrees to repay 4m in an escrow account for the walloon < b> . . . < /b> , vueling writes quot ryanair confirmed it had written to the walloon authorities and agreed to repay 4m in an escrow account until ryanairs appeal is heard and the european courts make a definitive decision on this matter . +__label__4 , yahoo takes search to the airwaves , yahoo will offer its own version of wireless internet searching , keeping pace with rival google , which recently introduced a mobile search offering . +__label__3 , pilot leaders ok delta deal , the leadership of delta air lines #39 pilot union early this morning approved a tentative concessionary agreement with the company , sending it to a vote of the entire membership . +__label__3 , oil price steadies after 5 percent slide , london ( reuters ) - oil steadied on thursday after wednesday ' s 5 percent retreat from record highs , as traders concluded that china ' s surprise interest rate rise would not do much to dampen fuel demand growth . +__label__2 , cavs pick up option on drew gooden , cleveland ( sports network ) - the cleveland cavaliers thursday picked up the team ' s 2005-06 contract option on forward drew gooden . +__label__4 , link between migraine , endometriosis found , there #39 s evidence of a possible link between endometriosis and migraine , says an italian study in the latest issue of human reproduction . +__label__2 , update 2-spaniards garcia and lara share volvo masters lead , sergio garcia showed the consistency that has lifted his game this year with a four-under-par 67 in difficult conditions to share the volvo masters lead with spanish compatriot jose manuel lara . +__label__3 , aol files lawsuit against im #39 spim #39 , america online inc . said thursday it had filed a federal lawsuit accusing numerous unnamed defendants of violating federal and state laws by sending bulk messages known as quot spim quot to instant message accounts and internet chat rooms . +__label__1 , iran #39 not obliged #39 to allow military site inspections , iran says it is not obliged to allow un atomic energy agency inspectors to visit military sites alleged to be involved in secret nuclear weapons work but that it is willing to discuss the issue . +__label__4 , nasa again postpones launch of autonomous dart spacecraft , com staff . nasa once again postponed the launch of the demonstration of autonomous rendezvous technology ( dart ) spacecraft thursday due to the discovery of contamination inside the fairing of its pegasus launch vehicle . +__label__4 , new technology powers fuel cells , a new fuel cell for notebook pcs , more compact and powerful than competing technologies , could be on the market in early 2006 at a price of around \$90 , its japanese inventors claim . +__label__2 , boston red sox outperform their owner #39 s funds , boston red sox owner john henry #39 s bet on baseball has paid off big with the team #39 s first world series championship since 1918 , but his calls in financial markets have been less blessed this year . +__label__4 , voting machines remain unsecured--experts , in one example , a government study of voting-machine security issues was eventually canceled because conclusions by the panel of computer scientists were so negative . +__label__4 , amd launches low-cost web device , advanced micro devices is launching a low-cost internet access device dubbed quot pic , quot or personal internet communicator , targeted at first-time computer users in the developing world . +__label__2 , this could be the week for a patriots loss , the new england patriots might be like no other powerhouse in nfl history . they almost never dominate , they just always win -- a record 21 victories in a row including the postseason , 18 straight in the regular season . +__label__2 , judge ex-baylor player unfit for trial ( ap ) , ap - a former baylor university basketball player charged with murdering a teammate was ruled incompetent to stand trial thursday . +__label__3 , racing in an evening gown ( forbes . com ) , forbes . com - not every driver was dressed formally for the start of this year ' s bullrun , a road rally that begins in london , at the marble arch , and ends three days later in ibiza , spain . yet as drivers thrummed their engines nervously on the afternoon of sept . 23 , waiting for the checkered flag , a quick inspection of the field revealed one entrant clad in an oxford shirt and gray pinstripe blazer , another sporting a tuxedo , and a third--me--wearing a red couture matthew earnest gown . +__label__3 , aol , e-mail companies sue spammers , the nation #39 s largest e-mail providers today filed a new round of lawsuits against internet spammers allegedly responsible for shoveling millions of junk e-mail messages into computer users #39 in-boxes and their instant messaging screens . +__label__4 , revenge of the sith turning ds , psp , gba to the dark side , ubisoft and lucasarts are teaming up to bring the adaptation of the third star wars prequel to all portables will be released alongside the game in spring 2005 . +__label__2 , astros exercise biggio #39 s option , but not kent #39 s , houston , tx ( sports network ) - craig biggio will be around for an 18th season with the houston astros . on thursday , the team exercised its contract option on biggio for the 2005 season . +__label__2 , elarton agrees to \$850 , 000 , one-year deal with indians , scott elarton , who pitched effectively late in the season after a slow start with cleveland , agreed thursday to an \$850 , 000 , one-year contract with the indians . +__label__4 , uk gives blessing to open source , with most organizations that planned to move already moved to microsoft server 2003 , os migration has dropped to the bottom ranks after making its +__label__1 , hostage-takers demand u . s . allies quit iraq , baghdad ( reuters ) - militants piled more pressure on washington ' s military allies in iraq on thursday , seizing an iraqi-polish woman and holding a japanese man under threat of death . +__label__4 , gateway reports smaller quarterly loss , gateway inc . reported a narrowed net loss in the first quarter as it continues to restructure its operations and integrate its acquisition of emachines . still , the personal computer and electronics company posted a tiny operating profit -- its first in nearly three years . +__label__1 , ' american ' voice on new terror video , abc news is in possession of a tape purportedly from al qaeda , threatening attacks on the us . +__label__4 , at wireless show , services take center stage , games , graphic ring tones and other services dominate the showroom floor . also yahoo battles google for the cell phone . +__label__4 , microsoft ' s live communications server may drive interest in enterprise im , with microsoft ' s new live communications server 2005 due out in december , enterprise im users and vendors are eyeing new opportunities for more secure messaging in the workplace . +__label__4 , emc unveils ' storage router ' , emc has unveiled long-awaited storage virtualization technology that the company said will allow users to manage its arrays -- and high-end boxes from major competitors -- through a single interface . +__label__3 , gateway reports smaller net loss as restructuring continues , gateway inc . reported a narrowed net loss in the first quarter as it continues to restructure its operations and integrate its acquisition of emachines . +__label__3 , update 1 ual posts \$274m loss , capping bad quarter , record fuel costs and low air fares contributed to a \$274 million third-quarter loss for united airlines #39 parent company , which warned again that labor costs must be slashed again soon in order for it to emerge from bankruptcy . +__label__4 , recording industry sues 750 computer users , los angeles - the recording industry on thursday filed another round of copyright infringement lawsuits against people it said were illegally distributing songs over the internet . +__label__1 , arafat to seek treatment in france , ramallah , west bank - yasser arafat is about to leave his compound in the west bank for the first time in two and a half years . two helicopters from jordan were expected to arrive in ramallah late thursday +__label__3 , update 3-alliance capital profit rises in third quarter , alliance capital management holdings lp ( ac . n quote , profile , research ) , one of the biggest us money managers , on thursday said its profit rose in the third quarter +__label__1 , british tourists killed in jordan bus crash , nine british tourists , two jordanians and an egyptian have been killed in a bus accident in southern jordan , civil defence sources and diplomats say . +__label__1 , thaksin in the firing line after massacre , bangkok/jeddah , 29 october 2004 - a bomb ripped through two bars in southern thailand yesterday , killing two people and wounding about 20 , in what could be the first reaction to the deaths of 78 muslims in police custody this week . +__label__4 , hobbit-sized humans called homo floresiensis discovered by < b> . . . < /b> , long live the real bilbo baggins , the first little people of the world , homo floresiensis and homo sapien archeologists michael morwood , peter brown and professor soejono ! +__label__1 , us diplomat among 7 injured in islamabad hotel explosion , islamabad seven people including foreigners were injured in a powerful explosion at the entrance to the marriott hotel lobby on thursday . +__label__4 , uk gov #39 t report cites merits of open source , open source software proponents received a potential boost from the uk government thursday with a release of a report citing the well-documented advantages on the server side , but also growing maturity on the desktop front . +__label__1 , japan steps up efforts for iraq hostage release , japan has made last-ditch efforts to secure the release of a japanese hostage facing execution in iraq . a japanese government official says efforts are still being made to free shosei koda , 24 , but there have been no reports of any progress . +__label__2 , egypt names former player shehata as caretaker coach , the egyptian football association ( efa ) has appointed a domestic coach to take over italian marco tardelli who was sacked earlier this month after a surprise defeatto libya , a spokesman said thursday . +__label__4 , stargazers enjoy total lunar eclipse ( ap ) , ap - the earth ' s last total lunar eclipse for nearly two and a half years didn ' t disappoint . +__label__3 , shell warns of new cuts in reserves of oil and gas , the warning came during its earnings report and on a day when shell said it would merge the two entities that make up the company , unifying the boards and management . +__label__2 , red sox spread good feeling across nation ( ap ) , ap - it was a pinch-me morning . did the boston red sox really win the world series or was it all a sweet dream ? opened the shades , let in the sunlight , blinked at red , gold and orange leaves shimmering against a clear blue sky . it seemed too perfect , too real . +__label__2 , the red sox gaze ahead after much looking back , the boston red sox are already thinking about next year , the year after and , above all , how to avoid another eight-and-a-half-decade drought . +__label__3 , new federal law ends check floating , a new federal law that went into effect yesterday will eventually eliminate the days of check floating . . however , some sumner county bankers say it depends on where you bank and +__label__1 , as drama plays out , mixed feelings for arafat #39 s neighbors , no crowds of well-wishers massed thursday outside the mukata , the mostly ruined compound where yasser arafat has been confined for the past two years . +__label__1 , militant rivals show unity behind arafat ( ap ) , ap - the militant palestinian group hamas said friday it was setting aside its differences with ailing palestinian leader yasser arafat and called for a united palestinian leadership to work toward general elections . +__label__1 , thai pm to address nation as more bombs hit south , pattani , thailand ( reuters ) - bomb blasts rocked southern thailand on friday hours before thai prime minister thaksin shinawatra was to address the nation as he faces his worst crisis following the deaths of 85 muslim protesters . a second bomb exploded at a busy food stall in yala province on friday , wounding nine bomb squad members who had arrived to investigate an earlier blast that wounded three people , including one policeman , hospital officials said . +__label__1 , bush , kerry stick to issue of security , presidential candidates combed the midwest for the last few uncommitted voters thursday , each carrying severe warnings that his rival ' s victory would worsen the security of americans . +__label__4 , blame player , not game , it was like nothing youd ever exercised your thumbs to before . you could do whatever you wanted , whenever you wanted . the game seemed endless . +__label__1 , weakened arafat heads for france , cancer suspected , ramallah , west bank ( reuters ) - palestinian leader yasser arafat , weakened by what doctors think may be leukemia , flew for treatment in france on friday from the besieged west bank headquarters where he has been pinned for over 2-1/2 years . +__label__2 , brazilian soccer player dies of heat attack during match , player paulo de oliveira , quot serginho , quot of brazilian first division club sao caetano , wednesdaynight died of a heart attack during the second half of a match against sao paulo +__label__4 , aol attacks the spimmers , a volley of lawsuits was launched against alleged spammers on thursday by the four major us internet service providers . this includes a case brought by aol against twenty individuals accused of spimming , or +__label__2 , tennis agassi makes short work of vliegen , stockholm - andre agassi made short work of kristof vliegen in his opening stockholm open tennis match today , beating the belgian 6-2 6-4 in just over an hour . +__label__1 , at least seven police injured in second bomb in thai south , police say the blast occurred less than 90 minutes after a previous explosion at the same site injured seven other people . the police had been conducting forensic research at the site of a bomb blast in the +__label__1 , us confirms commitment to defend taiwan , mr powell says that while the us recognises the one-china policy , it will offer to assist taiwan if it is threatened . a us state department spokesman says the issue came up during talks with china #39 s visiting military chief , general liang guanglie . +__label__3 , pension sales help to lift aviva , the uk ' s biggest insurer unveils better than expected sales figures for the first nine months of the year . +__label__2 , new englanders greet the day with wings on their heels , in a framingham coffee shop yesterday morning , an elderly man softly asked a customer if he could see her newspaper . when the woman held up the front page , emblazoned with news of the red sox victory , the man stared in silence , touched his eyes , and began to cry . +__label__3 , sign off , then sign in , g . michael caggiano jr . lies awake at night thinking about bank signs . he ponders them during breakfast , while brushing his teeth , and quot constantly quot during the day , he says . +__label__2 , not quite high tech , virginia tech just couldn ' t seem to get going . there were turnovers . there were botched plays . there were missed opportunities . then , in the last 5 1/2 minutes , bryan randall and the hokies turned it all around . +__label__4 , aol to add free anti-virus service for members , america online on thursday said it would give away a formerly for-fee virus scanning service when it releases a special security-focused edition of its software next month . +__label__2 , update 2-chelsea sack mutu after positive dope test , chelsea have sacked their romanian striker adrian mutu after he tested positive for cocaine last month . quot chelsea has terminated the contract of adrian mutu for gross misconduct , quot the premier league club said on friday . +__label__3 , suit says secret accounts at dcx used for bribes , the securities and exchange commission is investigating allegations that german automaker daimlerchrysler ag maintained at least 40 secret bank accounts to bribe foreign government officials +__label__4 , music industry group sues 750 for file sharing , los angeles , october 29 a trade group representing the us music industry said on thursday it has filed lawsuits against 750 people it claims used online file-sharing networks to illegally trade in copyrighted songs . +__label__2 , sluman shoots course-mark 62 , consistency was the key to jeff sluman #39 s record-breaking round on thursday on the difficult copperhead course at the westin innisbrook resort . +__label__4 , dems , gop who ' s got the brains ? , well , both do , actually . but there are some discernible differences in brain activity which may just explain why a democrat sees the world one way , and a republican sees it another . +__label__3 , martha stewart living posts bigger loss , martha stewart living omnimedia inc . , still reeling from the personal legal woes of its imprisoned founder , former chairwoman and ceo , posted a wider loss in the third quarter +__label__2 , canning zook could backfire on the gators , florida long-snapper casey griffith let the secret slip while talking to a fort lauderdale ( fla . ) sun-sentinel reporter this week quot don #39 t tell anyone i told you this , but someone inside the system told me they heard we #39 re going to be playing against +__label__1 , war costs 100 , 000 iraqi lives , around 100 , 000 iraqis have been killed in violence since the us-led coalition forces invaded the country in march 2003 , said a report published friday in british medicine journal the lancet . +__label__3 , loss-making smart ' is not doomed ' , the head of smart cars denies rumours that the loss-making firm may be sold , or even closed down , by parent group daimlerchrysler . +__label__3 , avon third-quarter profit rises , chicago ( reuters ) - avon products inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=avp . n target=/stocks/quickinfo/fullquote> avp . n< /a> on friday posted higher quarterly earnings as business in latin america and europe helped offset weakness in the united states for the direct seller of cosmetics . +__label__3 , national foods to look for protector , 29/10/2004 national foods will hunt for a quot white knight quot to protect it from fonterras \$a1 . 62 billion ( \$nz1 . 76 billion ) bid , raising the risk new zealand dairy farmers will get dragged into an expensive bidding war . +__label__1 , ailing arafat arrives in paris for medical treatment , a french military jet believed to be carrying the palestinian leader landed today at an airfield outside paris , witnesses said . +__label__3 , french firms sagem , snecma plan merger , paris ( reuters ) - french companies snecma and sagem announced a planned 7 billion euro ( \$8 . 9 billion ) merger on friday , in a deal that analysts said was driven by political rather than shareholder interests . +__label__3 , economy grows at a 3 . 7 percent rate in 3q , the us economy grew at a 3 . 7 percent annual rate in the third quarter - a pace that was slightly better than in the spring but not as strong as many analysts expected . +__label__1 , sudan govt rejects call to separate religion , state , sudanese rebel leaders #39 demand that islam be kept out of government in the war-torn region of darfur , has been rejected by government negotiators . +__label__2 , koch , park leads first day in nine bridges classic , carin koch of sweden and south korea #39 s grace park both shot a 6-under-par 66 on friday , taking the lead after the first round of the lpga #39 s cj nine bridges classic . +__label__1 , cosatu delegation sent home in minibus , a 12-member delegation of the congress of south african trade unions ( cosatu ) was deported early yesterday after being driven to beitbridge overnight in a minibus . +__label__4 , voters checking out other sides ' sites , are right-leaning voters spending all their online time on rushlimbaugh . com ? are left-leaning voters locked into the like-minded talkingpointsmemo . com ? +__label__2 , harrington tied for first at valderrama , padraig harrington is tied for first at the volvo masters in valderrama , at two under after 14 holes . joining him at the top of the leaderbaod are angel cabrera , brian davis , and alastair forsyth . +__label__1 , eu clears flextronics purchase of units ( ap ) , ap - european union regulators friday cleared singapore ' s flextronics international ltd . , the world ' s largest contract electronics manufacturer , to acquire factories from canada ' s nortel networks corp . +__label__4 , game sparks sales frenzy , games stores opened at midnight to meet demand for the latest version of the controversial great theft auto . there were queues outside shops around merseyside with people anxious +__label__2 , fitful mauresmo through to linz semifinals , vienna ( reuters ) - top seed amelie mauresmo reached the semifinals of the linz open when she continued her run of success against ai sugiyama by beating the defending champion 6-2 , 6-4 friday . +__label__3 , bank of america fires back at parmalat , london ( reuters ) - grant thornton and bank of america have filed motions in a new york court to remove a u . s . injunction stopping them counter-suing insolvent italian dairy group parmalat , which has sued each for \$10 billion . +__label__4 , optimism drives google shares to new highs ( reuters ) , reuters - stock of google inc . powered\to new highs on friday , buoyed by the web search leader ' s new\products and growth prospects , which complement its recent\strong financial results , analysts said . +__label__2 , agassi overcomes verdasco power , stockholm ( reuters ) - andre agassi marched into the stockholm open semifinals friday , beating spanish eighth seed fernando verdasco 7-6 , 6-2 in his toughest match of the tournament . +__label__1 , thai inquiry over muslim deaths , the thai prime minister pledges to set up an independent inquiry into the deaths of 78 muslim protesters in police custody . +__label__4 , search engine marketing outsource or in house ? , search engine marketing outsource or in house ? \\the next search engine strategies session i thought would be interesting to report on was search engine marketing outsource or in house ? . chris sherman is moderating this panel , which includes drew graham from kelkoo , bill hunt from ibm , joseph morin from autobytel ( sew forum . . . +__label__2 , times to scrap broadsheet edition , the times is to scrap its broadsheet edition and go tabloid from monday , it was confirmed today . the decision was made after a trial run of the compact edition proved a success , said editor robert thomson . +__label__4 , xbox owner sues ms , p2pnet . net news - microsoft is being sued for damages , restitution and other costs and fees , quot on behalf of all xbox owners across the united states , quot says reuters . +__label__3 , csfb may cut costs by merging units , shedding jobs , people say , credit suisse first boston , the securities arm of switzerland #39 s second-biggest bank , plans to cut costs by combining some units and eliminating jobs , people familiar with the matter said . +__label__4 , aol adds mcafee to bundle ( newsfactor ) , newsfactor - america online is adding a layer of security to its popular internet\service with the bundling of virus protection software from mcafee at no\charge to customers . aol ( nyse aol ) claims it is the first isp to offer premium\antivirus coverage in the basic membership package . +__label__1 , ukraine challenger predicts mass cheating in vote ( reuters ) , reuters - liberal challenger viktor yushchenko\predicted on friday that ukrainian authorities would resort to\mass fraud to ensure victory for the establishment candidate in\an increasingly tense weekend presidential poll . +__label__1 , silva ' s party could lose sao paulo control , president luiz inacio lula da silva ' s leftist worker ' s party appears set to lose control of south america ' s biggest city , sao paulo , with polls showing voters will replace the mayor with the man who lost the presidential election to silva two years ago . +__label__4 , nasa scientists find surface of titan ' very alien ' ( reuters ) , reuters - the surface of saturn ' s moon titan\may be covered by thick drifts of combustible organic snow\floating on lakes of liquid methane or water and ammonia ice\flows , nasa scientists said on friday . +__label__1 , us says ukraine can still salvage a free and fair election , the united states says friday ukraine still has an opportunity to conduct a free and fair presidential election sunday , despite a campaign marred by charges of pro-government bias . +__label__3 , aol ' s viral marketing , america online will now provide gratis antivirus protection to its subscribers . +__label__1 , washington post comes clean on party ( ap ) , ap - the washington post ' s executive editor says his paper should have told readers up front that it had helped arrange a republican debate-watching party it covered , paid for food and carried a photograph that was not as spontaneous as the story suggested . +__label__3 , update 3 adm #39 s earnings skyrocket stocks soars , shares in agribusiness giant archer daniels midland co . soared to a 6 1/2-year high friday , fueled by a 77 percent increase in quarterly earnings . +__label__3 , s amp p 500 rises for 4th day material , energy shares lead advance , the standard amp poor #39 s 500 index rose for a fourth day as investors looked past a disappointing third- quarter economic growth report to better-than-expected readings on chicago-area business and consumer confidence . +__label__4 , secret service busts internet organized crime ring , feds allege 1 . 7 million stolen credit card numbers were involved in global scam . +__label__4 , feds charge 28 in id theft ring , agents at the us secret service unmasked 28 people who thought they were safe behind anonymous identities and charged them in connection with alleged id theft activities . +__label__2 , australia conquer their final frontier , adam gilchrist boldly went where no australian captain since bill lawry has gone before at the vca stadium in nagpur yesterday . his team #39 s 342-run win gave them an invincible 2-0 +__label__4 , hosted e-mail service leaves windows for linux , company outsources e-mail for small to medium businesses . +__label__4 , ' smelly ' mates guide seabirds , seabirds called prions , which mate for life , find their nests by sniffing out their partners , scientists say . +__label__1 , liberia religious riots erupt in monrovia , curfew imposed , monrovia , 29 october ( irin ) - religious riots between christians and muslims erupted in the liberian capital monrovia on thursday night and continued on friday morning until un peacekeeping troops restored order and the government imposed an indefinite +__label__4 , cassini radar lifts the veil from saturn #39 s titan , washington - the first radar images of titan , the cloud-shrouded moon of saturn , revealed a relatively young , active surface , nasa said friday ( oct . 29 ) . +__label__1 , bush seeks schwarzenegger ' s muscle , as missing explosives cast campaign shadow ( afp ) , afp - president george w . bush called on the star power of actor-turned-california-governor arnold schwarzenegger to boost his campaign appeal as democratic challenger john kerry shifted his attack from missing explosives in iraq to domestic economics . +__label__1 , cambodia #39 s new king ascends the throne , description in cambodia , norodom sihamoni who accedes to the throne with an elaborate coronation , following the abdication of his father king norodom sihanouk . +__label__2 , ghostzapper has speed to burn , grand prairie , tex . < br> the most brilliant american racehorse in years has labored in relative obscurity until now . but when he runs saturday in the breeders ' cup classic at lone star park , ghostzapper can demonstrate his talent to the world and , quite possibly , win the horse-of-the-year . . . +__label__2 , no . 18 boise st . 69 , hawaii 3 , jared zabransky and the no . 18 boise state broncos reduced timmy chang #39 s bid to break the ncaa division ia passing record to a footnote friday night , routing hawaii 69-3 for their 19th straight victory . +__label__4 , times to go completely compact , the times newspaper has announced that it is to move on from its tradition of publishing in a broadsheet format and will appear in a compact size only , starting on monday . +__label__2 , sluman , byrd split lead many bubbles burst , jeff sluman and jonathan byrd were tied for the lead at the chrysler championship , both knowing the tournament really doesn #39 t start until the weekend . +__label__2 , golf clarke #39 s 11-shot torment , and then crashed out of it with a sextuple-bogey 11 . the nightmare came on the infamous 536-yard 17th at valderrama where +__label__1 , danish group #39 s gift criticized , a danish group has caused controversy in colombia by publicly donating money to the country #39 s largest marxist guerrilla organization . +__label__1 , #39 hundreds to be charged #39 over thai protest , prime minister thaksin shinawatra said today hundreds of muslims will be prosecuted over a demonstration that led to the deaths of 87 people in southern thailand last week , in a move which could further raise tensions in the region . +__label__2 , gators may be hungover before cocktail party , ike the bourbon and beer , emotions tend to spill over in this traditional grudge match along the st . johns river they call quot the world #39 s largest outdoor cocktail party . +__label__4 , up , down and away nasa #39 s #39 weightless wonder #39 makes final flight , houston -- the nasa turbojet notoriously known as the quot vomit comet quot for its use in training astronauts for weightlessness made its final flight friday . +__label__2 , injured toomer might be able to play tomorrow , although giants wide receiver amani toomer took limited work yesterday after missing the previous two days of practice , coach tom coughlin won #39 t decide on his availability +__label__4 , titan photos pose new questions , photographs and radar surveys from the cassini spacecraft #39 s tuesday-night flyby of saturn #39 s mysterious moon titan are raising more questions than they #39 re answering , say nasa scientists . +__label__1 , thailand to prosecute 300 muslims detained in deadly riot , bangkok thai prime minister thaksin shinawatra said the government would prosecute 300 muslims detained at a riot this week that led to the deaths of 87 protesters , while another 900 would be released . +__label__2 , loeb forced out of rally , estonia #39 s markko martin took the rally of catalonia lead today after newly-crowned world champion sebastien loeb , the overnight leader , was forced out of the race with a severe oil leak . +__label__4 , report global warming now inevitable , the arctic council , an international group of northern nations , says global warming will be both a blessing and a curse . the group #39 s report , four years in the making and set for a nov . +__label__2 , harrison keeps title for fifth time , glasgow - scotland #39 s scott harrison successfully defended his wbo featherweight title for a fifth time with a farcical first-round stoppage of swedish-based ethiopian samuel kebede on saturday . +__label__1 , un kabul kidnappers reveal demands , a militant group is threatening to kill three un hostages kidnapped in afghanistan , including a british woman , unless all taliban prisoners are released . +__label__4 , new riaa file-swapping suits target students , fletcher writes quot the recording industry association of america filed another round of lawsuits against alleged file-swappers , including students on 13 university campuses . +__label__2 , update 1-tamada claims pole in valencia , japan #39 s makoto tamada grabbed his third pole position of the season before sunday #39 s valencia motogp after clocking the fastest time in the second qualifying session on saturday . +__label__1 , first black watch troops move north to sunni triangle , baghdad , iraq an advance party of british soldiers has arrived at its new base near baghdad . the small group from the scottish black watch regiment set up base camp south of the capital , according to a pool report made to british media . +__label__2 , forsyth forges clear , he may be 120 places lower in the world , but it was advantage alastair forsyth in his volvo masters duel with sergio garcia today before a thunderstorm suspended play . +__label__2 , four pay price for india defeats , india have dropped wicket-keeper parthiv patel and batsman yuvraj singh for the final test against australia . opening batsman aakash chopra and seamer ajit agarkar were also left out after india conceded the +__label__2 , update 1-beck to face youzhny in st petersburg final , unseeded slovak karol beck reached the first final of his career at the st petersburg open , upsetting seventh-seeded michael llodra of france 6-4 2-6 6-1 on saturday . +__label__1 , iraqi president on visit to kuwait , kuwait city - iraqi president ghazi al-yawar arrived in kuwait on saturday for a two-day official visit , an afp correspondent reported . +__label__4 , get the facts on microsoft benchmarks , now that steve ballmer and company have given you all the facts you need to compare windows and linux , allow me to add just one little tidbit . +__label__2 , after the lord mayor #39 s show , it is just six days since the #39 mulligatawny madness #39 at old trafford , but the shock waves are still reverberating around the arsenal dressing room . +__label__1 , the unfolding uniform , pakistan is inherently unstable . dealing with them is like playing with matches in a forest . - larry pressler . that statement from larry pressler , made during his recent visit to india , coincided with +__label__2 , better talk now upsets rough breeders #39 cup turf , grand prairie , texas ( ticker ) - after further review , better talk now proved to be the best after all . overcoming huge favorite kitten #39 s joy , better talk now pulled off a surprising upset in saturday #39 s \$2 million breeders #39 cup turf at lone star park . +__label__3 , fastrak toll bridge discounts end monday , about 70 , 000 motorists signed up for fastrak , the electronic toll collection system , since july 1 , when tolls went up from \$2 to \$3 . +__label__2 , update 1-singh takes lead at chrysler , world number one vijay singh shot a four-under-par 67 on saturday and took the lead of the chrysler championship after three rounds . +__label__4 , china closes 1 , 600 internet cafes in crackdown , china shut 1 , 600 internet cafes between february and august and imposed \$12 . 1 million worth of fines for allowing children to play violent or adult-only games and other violations , state media said . +__label__2 , new memories warm heart of this bosox fan , is it really true ? did it really happen ? or was that just the figment of some boston red sox fanatic #39 s wild imagination ? did the red sox really win the world series for the first time since 1918 by sweeping the st . +__label__3 , oil bounces higher amid fears of supply disruption , oil prices bounced higher on friday following two days of sharp declines that came on the heels of rising inventories of crude in the us and a move by china to cool its economy . +__label__2 , no . 1 usc 42 , washington state 12 , reggie bush and lendale white each scored two touchdowns , dwayne jarrett caught two more from scores from matt leinart and no . 1 southern california routed washington state 42-12 saturday . +__label__3 , boeing trying to keep up aircraftmaker seeks buyers for new < b> . . . < /b> , seattle -- the assembly line at boeing co . #39 s cavernous everett plant near here is designed to keep moving continuously , if almost imperceptibly , as workers scramble over the silvery bodies of skeletal boeing 777s , applying finishing touches . +__label__1 , black watch death family speak of #39 devastation #39 , relatives of the black watch soldier killed during the controversial military deployment from basra have spoken of their devastation at his death . +__label__1 , japan confirms captive in iraq beheaded , japan has confirmed that the headless body found in baghdad on saturday is of the japanese being held captive in iraq . an armed group in iraq had on tuesday threatened to behead shosei koda , 24 , within 48-hours unless japan pulled its troops out of iraq . +__label__2 , singletary shuffles into winner #39 s circle , it is the best story of the breeders #39 cup world thoroughbred championships at lone star park . a partnership puts together an ownership group to buy and race thoroughbreds . +__label__2 , cast-aside candidates grab onto sox coattails , by raphael lewis and benjamin gedan , globe staff and globe correspondent october 31 , 2004 . republican state senate candidate rod jane of westborough woke up yesterday with a plan to grab some attention from +__label__2 , ashado pulls away to win distaff , ashado had a little trouble finding running room in the stretch of the breeders #39 cup distaff on saturday . but once she did , she quickly kicked away from the opposition +__label__2 , it #39 s about time sox became the champs and real rivals , finally . the new york yankees and the boston red sox have a bona fide rivalry . please don #39 t assume that this belongs on the sports pages . +__label__4 , nasa to resume shuttle missions , the american space agency nasa says the first space shuttle mission since the columbia disaster of 2003 is to be launched next may or early june . +__label__3 , putin ready to probe other oil companies , russian president vladimir putin is ready to go after other oil companies the way he has hammered yukos , a top kremlin official has said . +__label__4 , psp region free , there have been essentially four questions sent into the psp mailbag -- four questions , and a heck of a lot of hate mail . those questions are when is psp shipping , what will psp cost , how long will psp #39 s +__label__1 , malaysia #39 s anwar returns to hero #39 s welcome , malaysia #39 s former deputy prime minister anwar ibrahim has come home to a rock star #39 s welcome sunday . he returned from undergoing back surgery in germany following his release from prison last month . +__label__2 , tar heels beat miami , for the second time this month , unc football fans had something to celebrate . in a stunning upset , the tar heels beat miami 31 to 28 . +__label__2 , dawgs get gators off their back , not with players dragging off the field , their bodies drained by yet another anticlimactic loss . not with their fired leader standing before reporters , struggling to hold back the tears once more . +__label__4 , the great vegetarian scam , ive written before about my struggle to remain a vegetarian on tuesday - when i abjure meat for religious reasons -hile travelling . +__label__1 , iranian bill backs nuclear drive , has passed a bill obliging the government to continue efforts to develop a nuclear energy programme . uranium enrichment can be used both for nuclear power and to make atomic bombs . +__label__1 , kidnappers may extend deadline , militants holding three un workers hostage in afghanistan have offered to consider extending a three-day deadline for their beheading . +__label__1 , jordan #39 s zarqawi financier jailed six months , jordan #39 s state security court jailed an islamist militant for six months on sunday for financing al qaeda ally abu musab al-zarqawi #39 s bombings in iraq but found no evidence to charge him with plotting any attacks . +__label__2 , martin wins second straight race , markko martin won his second consecutive world rally championship race on sunday to clinch the rally of catalunya . the estonian , driving a ford , followed up his recent victory in +__label__1 , anwar begins malaysia political comeback , malaysia #39 s most charismatic dissident anwar ibrahim , released from jail two months ago , kicked off his political comeback sunday , vowing to restart a campaign for democratic reforms and racial equality . +__label__2 , novak captures first indoor title , basel , switzerland oct 31 , 2004 - jiri novak of the czech republic won the swiss indoors for his first indoor title , defeating david nalbandian in five sets sunday in a final in which the argentine smashed two rackets . +__label__4 , china shuts down 1600 internet cafes , between february and august of this year , china has shut down 1 , 600 internet cafes , and handed out 100 million yuan fines ( us\$12 million ) to cafe operators , for allowing children access to violent or adult-only content and games . +__label__3 , key australia-us fta deadline passes , a key deadline to bring australia #39 s free trade agreement with the united states into force has expired . but the australian government is still confident the deal will come into effect next year , as louise willis reports . +__label__2 , update 1-bolton end newcastle run with 2-1 win , bolton wanderers continued their impressive start to the season as they battled to beat in-form newcastle united 2-1 on sunday to stay in touch with the leading pack at the top of the premier league . +__label__3 , saturday essay , when in his mid-50s , immigrant andrew carnegie sold his steel holdings into a trust headed by jp morgan in 1901 , the scottish immigrant and former cotton factory bobbin boy left a life of astounding , ground-up capitalism for retirement into philanthropy . +__label__4 , kyocera battery recall kyocera battery recall , by guest contributor josh pereira . kyocera , a leading manufacturer of cdma phones , has announced a voluntary and precautionary recall of the batteries found in their ke/kx 400 series , 3200 series , and slider series phones . +__label__2 , redskins loss - bad news for bush , great for kerry , the washington redskins lost their final home football game before the us presidential election on sunday -- and that #39 s great news for democratic sen . john kerry and bad news for president bush . +__label__3 , automakers work on fuel cell vehicles , general motors ( gm ) and chinese partner shanghai automotive industry corp ( saic ) on saturday signed a joint development and commercialization agreement on hybrid and fuel cell +__label__2 , allardyce is infuriated by souness #39 criticism , bolton manager sam allardyce rounded on his newcastle counterpart graeme souness last night for criticising their style of play . allardyce saw his unsung side reclaim fourth spot in the table after a 2-1 victory at the reebok stadium . +__label__4 , ninety million bagle worms kill the windows xp2 firewall , earlier this year microsoft released a major security update for windows xp , which was designed to strengthen the operating systems defences against attack from viruses and hackers . +__label__1 , 15 killed in iraq hotel explosion , baghdad fifteen people were killed and eight others injured in an explosion that hit a hotel last night in the northern iraqi city of tikrit , police and hospital officials said . +__label__2 , rossi celebrates in style , valentino rossi hailed an quot unbelievable quot season after celebrating his fourth world championship with victory in valencia . +__label__1 , china lays into #39 bush doctrine #39 ahead of us poll , on the eve of the us election , china laid into what it called the quot bush doctrine , quot said the iraq war has destroyed the global anti-terror coalition and blamed arrogance for the problems dogging the united states worldwide . +__label__3 , med school move delayed to 2007 , the msu college of human medicine won #39 t be relocated to grand rapids until at least 2007 , and could cost only half as much as university officials originally estimated . +__label__3 , singapore #39 s unemployment rate eases to 3 . 4 as economy expands , singapore singapore #39 s unemployment rate has fallen to its lowest level in five years on the back of strong economic growth in the first half of the year , the government said monday . +__label__4 , business technology microsoft and its blind spot linux , steve ballmer #39 s letter to customers said nothing about the widespread reality of tens of thousands of microsoft customers who are eager to deploy both windows and linux . +__label__3 , some think this metal is golden , so many disasters to avoid , so many uncertainties to resolve , no wonder so many investors have been cautious about buying stocks and bonds . +__label__4 , venus and jupiter witnessed in dawn rendezvous , with no planets on view , and with large areas of the southern sky devoid of bright stars , the evening sky at our star map times may not be the most exciting of the year . +__label__1 , profile leftist vazquez wins uruguay presidential poll , uruguay #39 s leftist candidate tabare vazquez won a historic victory in sunday #39 s presidential elections with more than 50 percent of the ballot . +__label__2 , liverpool target morientes after cisse break , djibril cisse #39 s horrific injury will spur liverpool manager rafael benitez into a renewed bid to prise striker fernando morientes from real madrid when the transfer window opens in january . +__label__4 , china shuts 1 , 600 cybercafes , the chinese government confirmed this weekend that it has closed 1 , 600 internet cafes and fined operators a total of 100m yuan since march , when it began its crackdown on violent or pornographic content , and other material it considers harmful to public +__label__1 , anwar returns to malaysia , former deputy leader of malaysia , anwar ibrahim , has returned home after two months overseas , and ahs pledged to fight on for reform in malaysia . +__label__4 , apple adds photos to ipods , san jose , calif . - apple computer inc . rolled out a new ipod tuesday that allows users to view and share photos as it opened nine new itunes music stores in europe , spurring its rivalry with microsoft corp . +__label__3 , update 1 oracle raises offer for peoplesoft , software manufacturer oracle corp . said monday that it raised its hostile bid for rival peoplesoft inc . to \$24 per share from \$21 , and said the new price represents the company #39 s quot best and final offer . +__label__2 , spanish flyer markko martin steers his ford focus during the < b> . . . < /b> , markko martin won his second event in succession as he held off a late charge from marcus gronholm to come out on top in the rally of catalunya . +__label__3 , singapore govt extends third-party war risk insurance , singapore the government is extending third-party war risk insurance cover to the civil aviation authority of singapore and sats security services , a unit of the singapore airlines group . +__label__2 , redskins lose , kerry hopes for win , tampa . fla . first it was the boston red sox world series win that had john kerry grinning , now another sports event has him feeling good . +__label__2 , kaneohes wilson comes up short , kaneohe native dean wilson missed out yesterday on his final chance to secure his pga tour card . wilson , who entered the final round of the chrysler championship tied for 18th and needing a top-20 finish to +__label__3 , consumer spending jumped in september , washington - consumers , who substantially slowed down their spending in late summer , roared back to life in september , boosting their purchases by 0 . 6 percent . +__label__2 , 49ers stake out some dubious turf , their fall to the bottom of the league is complete with an uninspired loss to another very bad team . by matthew barrows -- bee staff writer . +__label__4 , china closes more internet cafs , chinese authorities have between february and august of this year closed 1 , 600 internet bars . in additional fines amounting to a total of 100 million yuan ( 9 . +__label__4 , london times goes strictly tabloid , after more than two centuries as a broadsheet newspaper , the times of london has gone strictly tabloid . on monday , the times moved to a totally compact format after almost a year of dual publication . +__label__3 , sysco profit climbs 8 percent on sales , sysco corp . , the country #39 s largest food service distributor , monday said profit for its latest quarter rose 8 percent , as it increased sales and trimmed expenses despite the hurricanes in the southeast . +__label__4 , dial m for music , mobile-phone makers scored a surprising hit four years ago when they introduced handsets equipped with tiny digital cameras . today , nearly one-third of the cell phones sold worldwide do double duty as cameras +__label__3 , update 1 sysco profit climbs 8 percent on sales , sysco corp . , the country #39 s largest food service distributor , monday said profit for its latest quarter rose 8 percent , as it increased sales and trimmed expenses despite the hurricanes in the southeast . +__label__3 , merck shares drop on report of documents about vioxx drug , merck amp co . shares fell as much as 7 percent to their lowest level in more than eight years after the wall street journal said the drugmaker tried for years to stop safety concerns from hurting sales of its vioxx painkiller . +__label__3 , allergan to close contact-lens solution plant , lay off third of < b> . . . < /b> , allergan inc . , the us drug company that makes the anti-wrinkle treatment botox as well as contract lens solution at its irish factory , plans to lay off more than a third of its irish workforce as it ends its lens solution operations and +__label__2 , rehhagel runs into adoring greeks in germany , otto rehhagel , the german who led greece to an upset win at euro 2004 , is amazed how many adoring greeks there are in every corner of the world and how hard it is to pay for anything when he meets the grateful fans . +__label__4 , spimming for dollars , today #39 s new word , for all you dictionary freaks , is quot spim quot . spam im ( instant messaging ) = spim . im spam . and for many im companies it is the bane of their existence requiring increasingly aggressive filtering and block list capabilities . +__label__3 , allergan to axe 325 westport jobs , the county #39 s largest employer said the jobs losses at its westport plant occurred following the spin off of allergan #39 s optical medical device business to advanced medical optics ( amo ) . +__label__1 , a suicide bombing killed 3 people in a crowded tel aviv market < b> . . . < /b> , a suicide bombing killed at least five people and seriously injured more than 30 others in a crowded tel aviv open-air market . injured shoppers were treated on the ground , as vegetables were strewn on the pavement . +__label__2 , van driven by arsenal quest for glory , there #39 s little danger of robin van persie getting carried away with himself . after scoring a dramatic first premiership goal with the injury-time equaliser against southampton +__label__3 , first credit rating for serbia 19 50 november 01 dow jones , london -- monday -- serbia reached a milestone on the road to economic stability monday , as its first-ever credit rating opened the way for a return to international credit markets . +__label__2 , report drugs caused ken caminiti #39 s death , new york - a drug overdose killed former baseball star ken caminiti , who tested positive for cocaine in the weeks before he died at age 41 and had admitted using steroids during his playing days , the city medical examiner ruled monday . +__label__1 , darfur peace talks inch forward despite deadlock over security , abuja ( afp ) - african union mediators met separately with sudanese government envoys and the leaders of the uprising in the strife-torn region of darfur in a bid to hammer out a deal on demilitarising the conflict . +__label__3 , russia slaps yukos with fresh , potentially fatal , tax claims , moscow russian authorities hit the bruised yukos oil giant with a battery of fresh tax claims which could see the firm #39 s total debt soar to an astronomical 17 billion dollars . +__label__2 , pinkel reinstates damien nash , missouri tailback damien nash was reinstated by coach gary pinkel , ending a one-game suspension for the teams #39 leading rusher . +__label__2 , lions career sack leader porcher retires , allen park , mich . - robert porcher finally couldn #39 t take standing on the sidelines any more . porcher , the detroit lions #39 career sack leader , retired monday , ending a frustrating season and a 13-year career . +__label__3 , jacobs engineering names watson chairman , shares of the engineering company closed earlier down 37 cents , or just under 1 percent , at \$40 . 36 on the new york stock exchange . +__label__3 , new housing goals finalized for fannie , freddie , the us department of housing and urban development has finalized a rule that will require the nation #39 s two largest housing finance companies to increase their purchase of mortgages for low- and moderate-income families and underserved communities . +__label__2 , football we want walter , walter smith was flexing his muscles last night as he prepared to answer the sos from the sfa . scotland #39 s fans were finally put out of their misery when berti vogts resigned as manager of the national team . +__label__4 , open source ingres swings at oracle , sql server , the fine print the following comments are owned by whoever posted them . we are not responsible for them in any way . not sql-type competition . +__label__3 , lg electronics-matsushita pdp battle , tokyo ( cbs . mw ) -- south korea #39 s lg electronics inc . said tuesday it would file a counter measure against japan #39 s matsushita electric industrial co . +__label__3 , la . seeks new bridge , elevated highway , if you think oil is expensive now , just imagine if hurricane ivan had swung west and come ashore at this bustling oil and gas port at the southernmost point of louisiana . +__label__3 , paper says merck hid data on vioxx , whitehouse station , nj - shares of merck amp co . plunged nearly 10 percent monday after a media report said documents show the pharmaceutical giant hid or denied evidence for years that its blockbuster arthritis drug vioxx causes heart problems . +__label__1 , relaxed pot possession bill returns , ottawa -- the long push to reform marijuana laws took a big step forward yesterday as the federal government re-introduced legislation decriminalizing possession for personal use . +__label__4 , nokia announces near field communication products , with the nokia nfc ( near field communication ) shell on their phone , consumers will be able to access a variety of services and exchange information with a simple touch gesture . +__label__3 , many newspapers see circulation declines , some of the nation #39 s largest daily newspapers reported steep circulation declines yesterday , with overall circulation down across the industry , a new report revealed . +__label__2 , steeler subs doing their jobs , when the new england patriots rolled into town sunday afternoon to take on the pittsburgh steelers , the final outcome of the football game might have been secondary to some vital information needed by the black and gold as far as the rest of the season is +__label__3 , oracle #39 s sweet on peoplesoft , oracle sweetened its hostile bid for rival business software maker peoplesoft to \$9 . 2 billion , a 14 increase aimed at resolving the long-running takeover battle between the bitter foes . +__label__3 , singapore shares end up on wall st . gains , singapore shares ended higher tuesday boosted by modest overnight gains on wall street and easing oil prices , traders said . the united states is a major trading partner and the local stock market traditionally +__label__4 , germans use nokia phones in wireless ticket trial , the world #39 s top mobile phone maker nokia said on tuesday its phones would be used in a project to test wireless public transport fares in hanau , near frankfurt in germany , beginning early next year . +__label__3 , stocks to open up as election day starts , dow jones futures rose 37 points recently , while nasdaq futures climbed 6 points and standard amp poor #39 s futures edged up 3 . 60 points . +__label__1 , arafat #39 s brother moved to cairo for cancer therapy , palestinian sources said on tuesday that palestinian leader yasser arafat #39 s younger brother fatehy arafat was transferred to a hospital in cairo to be treated for intestines cancer . +__label__3 , jfk airport sees most growth among top us airports , john f . kennedy international airport saw the most growth in passengers over the last year among the nation #39 s 25 busiest airports . +__label__1 , car bomb kills at least six in baghdad , a car bomb exploded outside the education ministry in central baghdad tuesday , killing at least six people and wounding about eight , the interior ministry said . +__label__2 , premier league charges villa manager with illegal approach for < b> . . . < /b> , the premier league has charged aston villa manager david o #39 leary with making an illegal approach for southampton striker james beattie . +__label__3 , cheap airfares help baa profits , britain #39 s biggest airport operator baa posted a 16 percent jump in first-half earnings on tuesday , meeting expectations as cheap airfares and stronger economies drove up passenger numbers . +__label__2 , sri lanka batsman fined as pakistan tie series , sri lanka #39 s kumar sangakkara has been fined 30 of his match fee for showing dissent during the fourth day of the second test against pakistan in karachi . +__label__2 , diva gallops into history , wind , water and makybe diva -ll came together to create an unforgettable melbourne cup yesterday . the diva raced through driving rain to win for the second year in a row . +__label__1 , volkswagen may be close to settling its wage talks , volkswagen and its workers entered a critical week in their wage negotiations on monday , with signs that a compromise was taking shape even as protests flared at factories across germany . +__label__2 , warriors lock up young veterans , staring at the possibility of watching two of his young standouts stage a walkout on opening night , chris mullin made one of the most important decisions in recent golden state warriors history monday . +__label__3 , profit plunges at international game tech , international game technology , the world #39 s biggest maker of slot machines , tuesday said said profit for its latest quarter fell 50 percent from a year ago due to a charge for early redemption of debt and a tax adjustment . +__label__3 , toyota #39 s quarterly profit drops , toyota motor corporation , the world #39 s second-largest carmaker , had an unexpected drop in quarterly profit as investment earnings declined at a truckmaking unit and a stronger yen cut the value of overseas sales . +__label__3 , forest says drug trial misses goal , forest laboratories inc . ( frx ) on tuesday said its experimental hypertension drug failed to meet all its goals in an effectiveness study , an outcome that will delay development and may lead to a new trial . +__label__2 , bettman says #39 season is likely slipping away #39 , national hockey league commissioner gary bettman doesn #39 t appear optimistic that the current player lockout will end soon , according to a televised report . +__label__4 , windows-based treo on the way ? , earlier today , engadget broke the story that palmone might be looking at possibly making a windows-based treo . not dumping the palmsource treo #39 s that run palmos , merely adding to the line . +__label__3 , volkswagen #39 s talks with union move forward , london , november 2 ( newratings . com ) - the german automotive giant , volkswagen ag ( vow . etr ) , continued its negotiations with the labour union today on its planned labour cost reductions . +__label__2 , liverpool #39 s benitez hopes to sign new striker , liverpool manager rafael benitez would like to sign a new striker in january #39 s transfer window after an injured djibril cisse was sidelined for the rest of the season but warned he would not break the bank to sign someone . +__label__4 , palmone to play with windows mobile ? , rumors of treo #39 s using a microsoft operating system have been circulating for more than three years . now an investment bank reports that palmone will use a +__label__3 , aol to cut 700 jobs , america online inc . ( aol ) plans to lay off 700 employees , about 5 percent of its us workforce , by the end of the year , several news organizations reported tuesday . +__label__1 , death toll climbs in baghdad blast , a car bomb exploded outside the education ministry in central baghdad on tuesday , killing at least six people and wounding about eight , the interior ministry said . +__label__2 , australian bookies gutted after betting splurge , australia - as reported by the sydney morning herald quot the biggest betting plunge in recent memory ensured bookmakers at randwick were #39 stripped out #39 of more than \$3 million by makybe diva #39 s melbourne cup romp yesterday . +__label__1 , sabotage halts iraq oil exports from north , kirkuk , iraq , nov 2 ( afp ) - iraqi oil exports to turkey were halted after a series of attacks tuesday , including a major strike on a pipeline network connecting wells west of kirkuk with the main export pipeline and refineries further south , oil officials +__label__1 , new video of care hostage released , iraq kidnap victim margaret hassan #39 s three sisters , from left to right catherine fitzsimons , deidre fitzsimons and geraldine fitzsimons make a statement to the media in dublin tuesday , nov . 2 , 2004 . +__label__1 , captors threaten to hand hostage to zarqawi , an unknown militant group holding iraqi-british hostage margaret hassan in iraq has threatened to turn her over to a group led by al qaeda ally abu musab al-zarqawi if its demands are not met , al jazeera television says . +__label__4 , climax to show off avalon to us publishers , #39 project avalon #39 becomes just plain avalon developer will show playable prototype of next-generation shooter to american execs . +__label__1 , report care hostage faces transfer to al-qaida , baghdad , iraq -- the kidnappers of aid worker margaret hassan threatened to turn her over to an al-qaida affiliated group within 48 hours if the british government refuses to pull its troops from iraq , al-jazeera television reported tuesday . +__label__2 , hewitt advances to round 3 at paris masters , second seed lleyton hewitt beat gael monfils 6-3 , 7-6 ( 3 ) on tuesday , turning back the french teenager #39 s bid for a second upset at the ? +__label__2 , update 1-ronaldinho strikes to give barca win over milan , a brilliant late strike from ronaldinho gave dominant barcelona a 2-1 win over ac milan in an epic champions league contest at the nou camp on tuesday . +__label__2 , group e arsenal mystery continues , arsenal wasted a golden opportunity to virtually guarantee themselves a place in the knockout phase of the champions league when they were held to a 1-1 draw by panathinaikos at highbury on tuesday . +__label__3 , time warner shares idle ahead of report , shares of media giant time warner inc . were little changed monday ahead of the company #39 s third-quarter earnings report as investors wonder exactly what chairman dick parsons might say about its troubled america online unit . +__label__3 , steenland northwest joins southwest in raiding bankrupt ata turf , gnawed by northwest . joining an apparent feeding frenzy , northwest airlines ( nasdaq nwac - news - people ) on tuesday said it plans to expand in indianapolis , a move that will knock rival ata airlines from its no . +__label__3 , aol is said to plan 700 layoffs , america online , the country #39 s leading internet service , is preparing to lay off as many as 700 of its 13 , 000 employees in the united states , according to an executive knowledgeable about its plans . +__label__2 , chelsea advances in champions league , chelsea and inter milan have advanced to the next round of the champions league , while ac milan and barcelona look certain to join them . +__label__2 , despite struggles at plate , boone wins gold glove , the way bret boone sees it , winning a gold glove after a tough offensive season is a validation of the award itself . quot there #39 s a lot of debate about the gold glove , quot the mariners second baseman said . +__label__4 , dark echoes from titan , microwave brightness of titan reveals surface properties such as temperature composition and roughness . image credit nasa/jpl . looking at radar reflections of titan , scientists are puzzled by what they see +__label__2 , fleetcenter to be reunion arena , it has all the gossipy intrigue and social awkwardness of seating the still-respected ex-wife and the sexy new girlfriend at the same table for a family wedding . +__label__3 , oil firms above \$50 as bush nears win , oil prices jumped above \$50 a barrel this morning , supported by us election tallies projecting a slim lead for president george w bush . +__label__2 , needham nips framingh , as carey division rivals in the bay state conference , the needham and framingham field hockey teams met twice already this fall , with the clubs splitting a pair of 1-0 decisions . +__label__2 , russell moving on , away from lakers , bryon russell doesn #39 t plan to read phil jackson #39 s book on the lakers #39 tumultuous 2003-04 season . russell doesn #39 t need to he saw it all himself , as part of the not-quite team of the century . +__label__3 , atlantic city settlement , in an agreement that could have significant implications for locked- out san francisco hotel workers , striking casino workers in atlantic city today are expected to ratify a deal that offers lucrative benefits but abandons the union #39 s strategy to +__label__2 , report lehman to get ryder cup job , tom lehman will get the chance to succeed where hal sutton failed when he is introduced as the 2006 united states ryder cup captain , according to golfdigest . +__label__2 , wallace fined for newman collision . , former nascar cup champion rusty wallace has been fined \$10 , 000 dollars for deliberately ramming his penske racing teammate ryan newman at the conclusion of the subway 500 at the martinsville speedway two weeks ago . +__label__3 , update 2 time warner profit dips , sets aside reserve , time warner inc . , the world #39 s largest media company , said wednesday that its third quarter earnings slid 8 percent as it set aside a \$500 million reserve because of pending government investigations . +__label__3 , interpublic posts wider 3q loss , interpublic group of cos . , the world #39 s third-largest ad conglomerate , said wednesday that third-quarter losses widened significantly on increased charges as well as greater salary and severance costs . +__label__1 , uae founding father buried , elder son likely successor , abu dhabi , november 3 ( islamonline . net amp news agencies ) - arab and muslim leaders converged on abu dhabi wednesday , november 3 , and joined the people of the united arab emirates in burying sheikh zayed bin sultan al-nahayan , president and founding father +__label__3 , wal-mart china business grows , wal-mart stores , the worlds no . 1 retailer , said the number of its china stores would be lifted by at least 15 new stores with the total of around 45 outlets throughout china . +__label__3 , stocks leap , dow up 142 points at open , us stocks soared at the open on wednesday as investors bet that george w . bush would soon be declared the winner in the tight presidential race despite disputed results in the key state of ohio . +__label__4 , nokia to launch rfid phone kit with a magic touch , nokia has launched its first product that supports near field communication ( nfc ) , an emerging radio frequency identification ( rfid ) technology that could have significant implications for mobile commerce . +__label__2 , cricket india embarrassed by australia on rain-ravaged day , bombay india #39 s bid to secure a face-saving win over australia got off on the wrong foot after they lost two quick wickets in the 11 overs bowled on the rain-hit opening day of the fourth test here . +__label__4 , nasa looking at may launch , citing technical challenges due to hurricanes , nasa officials said that the initial space shuttle mission for return to flight will slip from march to may 2005 . +__label__1 , kidnappers in iraq seize lebanese-american contractor , four < b> . . . < /b> , gunmen abducted a lebanese-american contractor who worked with the us army from his baghdad home , iraqi officials said wednesday , while four jordanian truck drivers were seized by assailants in a separate kidnapping . +__label__3 , bond report , chicago ( cbs . mw ) - treasurys remained solidly lower wednesday in the wake of election results that had president bush ahead of democratic challenger john kerry . +__label__1 , dutch film director theo van gogh killed , dutch film director and columnist theo van gogh was shot and killed yesterday morning in amsterdam . the company gogh owned and worked explained that he was attacked and murdered in the morning at lineaustraat street . +__label__1 , kidnappers in iraq seize lebanese-american contractor , an iraqi security official said gunmen abducted a lebanese-american contractor who worked with the us army in iraq . officials said gunmen snatched him when he answered the door at his baghdad home overnight . +__label__4 , business news for technology leaders microsoft makes deal with < b> . . . < /b> , a quot landmark agreement quot between microsoft and england #39 s department of health to renew the agency #39 s license for desktop products could save it an estimated \$608 million . +__label__3 , no quick fix in boeing-airbus talks , world trade organization ( wto ) talks on a transatlantic row over plane subsidies will bring no quick fix for what could be the biggest commercial dispute in wto history , officials and analysts warned on wednesday . +__label__4 , gateway can party like it #39 s 1999 , those were heady days , they were , back in 1999 . the bull market was still roaring . we hadn #39 t yet heard of hanging or dimpled chads . +__label__2 , cricket boje pulls out of tour to india , south africa #39 s vice-captain nicky boje has pulled out of the team to tour india next week because he has not been given any assurance by the indian police that he would not be arrested in connection with the 2000 match-fixing saga . +__label__3 , markets celebrate bush victory , wall street threw a victory rally for president bush today , driving up the entire market -- especially the stocks that investors believe will benefit from even more dominant republican control of the federal government . +__label__4 , coming to project managers multiscreen microsoft pc , microsoft corp . has launched a new entry in its ongoing effort to bring more innovative pc form factors to marketin the somewhat quirky form of a high-end system specialized for project managers . +__label__2 , caley determined to make right choice , inverness caledonian thistle chairman ken mackie insists the club will not be rushed into appointing a successor to john robertson . +__label__3 , ip proposal , ameren is offering some union workers at illinois power the chance to walk away from new management . the saint louis based utility company announced a voluntary separation opportunity for certain ameren ip employees . +__label__3 , delta #39 s aborted crash landing , if you #39 ve ever been in an airplane that has to abort a landing , you know that it is a completely hair-raising , disorienting experience . +__label__2 , nhl players still express solidarity , the cracks that were appearing in the nhl players #39 association #39 s resolve in the last two weeks were apparently smoothed over during a meeting tuesday in toronto . +__label__4 , nokia plans to boost memory for phones , new handsets from the mobile phones global leader will have hard disk to store more songs and pictures in a move to tap the rapidly growing smartphone market . +__label__3 , ford monthly sales drop , company looks to new vehicles , cruising along the ever-stretching road of decline . auto giant ford motor ( nyse f - news - people ) reported vehicle sales in october that fell 5 from a year ago . +__label__1 , an ominous watershed ? 4 more years of trauma ? , beirut consistently second only to ariel sharon in terms of unpopularity among arabs , us president george w . bush #39 s re-election victory was greeted in the arab world with a sense of disillusionment and foreboding . +__label__4 , hackers reopen stolen code store with cisco wares , november 03 , 2004 ( idg news service ) - an anonymous group of malicious hackers reopened an online store that sells the stolen source code of prominent software products and is offering the code for cisco systems inc . +__label__2 , deportivo la corua 0-1 liverpool ft report , la coruna , november 3 ( champions league ) - rafael benitez heard his name ring around a spanish stadium in his homeland again but this time it was from scouse voices rather than those in valencia , with whom he won la liga . +__label__2 , roma 1-1 bayer leverkusen ft report , rome , november 3 ( champions league ) - vincenzo montella #39 s injury-time equaliser forced bayer leverkusen to settle for a share of the points on wednesday in group b of the champions league but the eternal city club are virtually eliminated if not yet +__label__3 , us stocks markets rally on bush win oil surge limits gains , us stocks rallied wednesday , boosted by shares of health and defence companies that are seen benefiting from the re-election of president george w . bush , but higher oil prices checked advances . +__label__4 , microsoft browser market share slips slightly , microsoft corp . #39 s ( msft . o quote , profile , research ) share of the browser market slipped slightly in recent months but still dominated with 92 . +__label__2 , inter milan #39 s adriano apologises for dismissal , inter milan striker adriano has asked fans to forgive him after he was sent-off in the 0-0 draw against valencia on tuesday night . +__label__3 , time warner readies for accounting fallout , new york time warner , the largest us media company and owner of america online , said wednesday that its third-quarter profit fell 7 . 8 percent as it set aside money to pay for potential penalties stemming from a government inquiry into its accounting +__label__3 , constellation gets mondavi for \$1 . 36b , chicago ( cbs . mw ) - by upping the ante a bit , constellation brands has made an apparently successful bid to gobble up winemaker robert mondavi in a \$1 . +__label__3 , sia chip sales to hit record , flatten , worldwide semiconductor sales will hit an all-time high in 2004 but stay relatively flat in 2005 before climbing again over the next two years , according to the semiconductor industry association . +__label__4 , nhs signs microsoft license deal , the british national health service ( nhs ) has signed a massive software licensing deal with microsoft . the deal will ultimately save the nhs \$625 million in licensing fees , as well as requiring that microsoft +__label__2 , lehman relishes chance to halt us slide , after being named as the 2006 us ryder cup team captain by the pga of america at a press conference in florida last night , tom lehman insisted he saw the chance to halt americas recent dismal showing in the biennial match with europe as an opportunity +__label__3 , quick end to us election crucial , us president george w . bush is on the verge of a re-election victory , but democratic challenger john kerry is not conceding defeat , at least not now . +__label__1 , arafat #39 s health worsening , aides in paris say , speaking from france , palestinian officials say leader yasser arafat took a turn for the worse late wednesday . citing officials who spoke on condition of anonymity , the associated press reports that arafat #39 s +__label__1 , foreign reactions to the election , top foreign officials across europe are either accepting or welcoming the second term for president bush . meeting in moscow , italian prime minister silvio berlusconi and russian president vladimir putin said they welcome the bush win . +__label__3 , cnh global workers in racine go on strike after contract stalemate , cnh global nv workers in racine and three other cities went on strike wednesday , six months after rejecting the company #39 s final contract offer . +__label__2 , lehman aims for players with passion , amelia island - tom lehman had yet to officially take the job as the next us ryder cup captain , and already his phone was ringing . +__label__4 , nokia to unify smartphone software , amsterdam nokia , the world #39 s biggest mobile phone maker , said on wednesday it will create a single software platform for smart mobile phones that double as tvs , mp3 players , radios and e-mail devices . +__label__2 , singh looking to finish year in style , vijay singh of fiji tees off on the sixth hole during the first round of the chrysler championship on oct . 28 on the copperhead course at the innisbrook resort in palm harbor , fla . +__label__3 , news corp . net profit soars 27 , news corp . saw healthy gains in profit and revenue in the fiscal first quarter - helped by growth in advertising at the fox news channel and the fox broadcast network , as +__label__3 , update 1 toshiba , tcl to cooperate on appliances , focusing on the fast-growing chinese market , japan #39 s toshiba and major chinese appliance maker tcl have signed a broad agreement to cooperate in making and marketing appliances in china , the companies said thursday . +__label__3 , auto sales rise asians gain share , consumers shrugged off higher gasoline prices and weaker economic conditions to lift new car and truck sales up 2 . 2 percent in october . +__label__3 , yukos to vote on bankruptcy , yukos warned yesterday it could declare bankruptcy within months following fresh tax claims that could leave russia #39 s biggest oil company facing an astronomical bill of \$17 billion ( r104 billion ) . +__label__1 , blair calls for world to unite , prime minister tony blair tried to bridge the trans-atlantic rift over iraq , urging a quot fractured , divided and uncertain quot world to unite in the wake of president bush #39 s election victory . +__label__2 , c #39 s open with dang squander 18-point lead in loss to sixers , this is getting monotonous . for the second straight night , a candidate from boston was looking good after some exit polling , but when the last points/votes were counted , the opponent had the plurality . +__label__4 , plans for new beagle trip to mars , the team behind beagle 2 , the failed mission to land on mars and search for life , have unveiled plans for a successor . professor colin pillinger , lead +__label__4 , nhs signs nine-year extension with microsoft , the national health service ( nhs ) has extended a software licensing deal with microsoft for nine years - three times longer than its current agreement . +__label__1 , arafat in critical condition aides , palestinian leader yasser arafat has been in a coma for several hours and now in critical condition , arafat #39 s senior aides said on thursday . +__label__3 , crude futures ease on news of good supply , crude futures eased slightly thursday after a us government report showed another boost in supplies ahead of the northern hemisphere winter . +__label__3 , cvs profit slips as eckerd expenses weigh , cvs corp . ( cvs . n quote , profile , research ) , the no . 2 us drugstore chain , on thursday reported a lower quarterly profit as it grappled with expenses tied to its recent purchase of eckerd drug stores from jc penney co . +__label__2 , youzhny sends champion henman crashing out of paris , paris ( afp ) - defending champion tim henman crashed out of the 2 . 45-million-euro paris masters tamely surrendering the title he won so impressively last year . +__label__1 , cold war deserter jailed after 40 years , the long , strange journey of charles robert jenkins reached a tearful climax with a 30-day sentence in a military prison and a dishonourable discharge from the united states army he deserted for north korea almost 40 years ago . +__label__3 , mci reports \$3 . 4 bln third-quarter loss , mci inc . #39 s ( mcip . o quote , profile , research ) quarterly loss ballooned to \$3 . 4 billion as the no . 2 us long-distance company wrote down the value of its assets due to +__label__4 , microsoft amp intel team up for ad campaign , microsoft and intel recently announced a new advertising campaign entitled quot digital joy quot aimed at increasing awareness of living digital entertainment products , particularly microsoft #39 s media center software . +__label__1 , bush says he will work with allies , president bush told a thursday news conference he would continue to lead the united states in promoting freedom and democracy in the middle east . +__label__3 , mortgage rates rise around the country , mortgage rates around the country rose this week but are still at levels that should continue to provide support to the vibrant housing market , analysts say . +__label__4 , movie studios to sue illegal film-file traders , movie studios and the motion picture association of america said on thursday they would sue individuals suspected of illegally distributing movies over the internet . +__label__3 , telecom lifts first quarter net profit 19pc , telecom corp today reported its september first quarter net profit rose 19 per cent to \$193 million . the profit bettered analysts #39 average forecasts of \$185m . +__label__4 , hubble sees rare triple jupiter eclipse , nov . 4 , 2004 - a rare alignment of jupiter #39 s three largest moons across the planet #39 s face was captured on film by the hubble space telescope . +__label__4 , movie studios launch legal offensive against online pirates , los angeles - hollywood studios said thursday they will file hundreds of lawsuits later this month against individuals who swap pirated copies of movies over the internet . +__label__2 , shaq turns up heat in first outing with miami , shaquille o #39 neal shot 7-for-9 and finished with 16 points in his miami debut yesterday as the heat took a 100-77 victory against the home side new jersey nets . +__label__1 , death threats on film-maker #39 s body , a letter left on the body of a dutch filmmmaker murdered in amsterdam contained death threats against a dutch politician , the justice minister said today . +__label__2 , stuttgart closing on qualification , vfb stuttgart went clear at the top of uefa group g with a convincing 3-0 win over portuguese giants benfica . brazilian striker cacau put matthias sammers side ahead and further +__label__2 , brennan confirms departure , for 18 years tom brennan has been has been a sidelines fixture at patrick gym . his 19th will be his last . today at his news conference , brennan admitted he was at the end . +__label__2 , eagles sign cornerback brown to six-year deal , sheldon brown signed a six-year extension with philadelphia on thursday , keeping the second-year cornerback with the eagles through the 2012 season . +__label__4 , connect the jovian dots , nasa #39 s hubble space telescope ( hst ) captured an alignment of three of jupiter #39 s largest moons io , ganymede , and callisto . +__label__4 , nokia sees strong demand for smartphones and camera phones in 2005 , nokia has forecast that smartphone shipments worldwide are expected to increase to 238 million units by 2008 , up from 23 million this year , according to anssi vanjoki , executive vice president and general manager of multimedia at nokia . +__label__3 , rap over danger drug ban , a painkiller for arthritis sufferers should have been banned four years ago , experts said yesterday . vioxx , used by 400 , 000 brits , was taken off the market by its us makers last month due to potentially deadly side-effects . +__label__4 , modified mice help explain nicotine addiction , washington - researchers in california , using genetically modified mice , say they #39 re closing in on understanding exactly what makes nicotine in tobacco so addictive . +__label__2 , mumbai set for battle , the battle lines are drawn on the third of the fourth and final test in mumbai . after a miserable batting display , india fought back thanks to their bowlers to restrict australia #39 s first innings lead to 99 runs . +__label__3 , study says drug #39 s dangers were apparent years ago , merck and federal officials should have withdrawn the painkiller vioxx from the market as early as 2000 because studies of the drug had clearly shown that it doubled the risk of heart attacks +__label__3 , vioxx should have been recalled in 2000 , merck amp co inc . should have pulled the arthritis drug vioxx off the market in 2000 , because there was enough evidence that showed it was associated with an increased heart attack risk , according to researchers . +__label__1 , new eu executive chief announces revamped team , the incoming head of the european union #39 s executive body has announced changes to his group of commissioners and says he is ready to go to the european parliament to seek its approval of his team . +__label__3 , drastic ual cuts , united airlines , trying to further pare costs so it can emerge from bankruptcy , said thursday it is seeking about \$725 million in annual savings through proposed pay +__label__3 , executives dismissed in insurance inquiry , ace yesterday became the latest insurance company to announce changes in its business practices in response to the industry investigation launched by new york #39 s attorney general . +__label__2 , army to meet navy in sprint football , west point , ny - army #39 s sprint football team will conclude its 2004 campaign friday evening when the black knights take on navy with the collegiate sprint football league title hanging in the balance . +__label__4 , top us spammer is bound for the slammer , washington - a man convicted of violating anti-spam laws by sending out tens of thousands of unsolicited emails using fake addresses faces nine years in prison in virginia , authorities said on thursday . +__label__1 , putin signs up russia for kyoto pact , the kremlin said putin signed a parliament bill late on thursday confirming russia #39 s ratification of the protocol . both chambers of russia #39 s parliament approved ratification of the pact last month after putin pointed the way . +__label__3 , united airlines seeks staff concessions , new york ( reuters ) - united airlines is expected to ask a bankruptcy judge to let it extract new concessions worth \$725 million a year from employees as it seeks to reorganize , the wall street journal reported on friday , citing unnamed sources . +__label__4 , locusts devastate mauritania crops , others escape ( reuters ) , reuters - crop-devouring locusts have caused major\damage to cereals in mauritania but other west and central\african states have suffered much less than feared from the\worst infestation in over a decade , the u . n . said on thursday . +__label__4 , calif . voters back #36 3 billion stem cell measure ( reuters ) , reuters - a controversial california ballot\measure that would fund a decade of stem cell research with #36 3\billion in state money was headed for a resounding victory on\wednesday , initial returns showed . +__label__1 , putin signs up russia for kyoto pact , moscow ( reuters ) - president vladimir putin gave his seal of approval for russia ' s crucial backing of the kyoto protocol , clearing the way for the u . n . environment pact aimed at curbing global warming to come into force early next year . +__label__3 , pfizer celebrex safe after news report , new york/ottawa ( reuters ) - pfizer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pfe . n target=/stocks/quickinfo/fullquote> pfe . n< /a> said on thursday its arthritis drug celebrex was safe after a report in a canadian newspaper linked it to 14 deaths , +__label__1 , us troops move toward fallujah , insurgents and american forces clashed briefly thursday near the iraqi city . a large us assault is expected . +__label__3 , regulator clears abbey takeover , the financial services authority has cleared spanish bank santander central hispano ' s 9bn takeover of abbey national . +__label__2 , nfl games on tv , ny jets ( 6-1 ) at buffalo ( 2-5 ) when , where sunday , 1 p . m . , at orchard park , n . y . tv ch . 4 . last meeting new york won , 16-14 , oct . 10 . comments the jets pulled out the first meeting , 16-14 , on a late 38-yard doug brien field goal . chad pennington threw for a season high 310 yards in that game , 90 of which went to . . . +__label__1 , letter threat to dutch politician , a letter left on the body of murdered film-maker theo van gogh reportedly threatens the life of a liberal politician . +__label__1 , canadian freedoms ' under threat ' , personal freedoms in canada are being eroded by the war on terror , the country ' s privacy commissioner warns . +__label__4 , nasa picks may 2005 shuttle launch date ( ap ) , ap - nasa is aiming for a mid-may launch of the first shuttle flight since the columbia tragedy almost two years ago . the launch date was the latest of several set by the space agency , and just as subject to change . +__label__1 , confident bush outlines ambitious plan for 2nd term , president bush said he would begin work immediately on his proposal to overhaul social security . +__label__1 , israel , egypt in prisoner swap , cairo ( reuters ) - israel released six egyptian students from prison on sunday as part of a deal which includes freedom for israeli businessman and convicted spy azzam azzam , egyptian security sources said . +__label__3 , sole survivor , making sneakers in america is so yesterday . how can new balance do it -- and still thrive ? +__label__4 , another homicide in holland , it is a sad day . in what seems to be another politically inspired homicide in holland , dutch filmmaker , and controversial columnist theo van gogh was brutally murdered in the streets of amsterdam this morning . +__label__1 , argentina basketball coach magnano quits , ruben magnano , who coached argentina to the olympic basketball gold medal in athens , resigned thursday to accept a coaching job in italy . __label__3 , product previews , palmoneupgrades treo with faster chip , better display\with more than 600 , 000 units shipped , the treo 600 is one of the big smartphone success stories . last week , palmone introduced the follow-on treo 650 with a higher resolution 320-by-320-pixel tft screen , which the company claims increases the visible area of the display and makes pictures and documents much clearer . the 650 also carries a removable battery 32mb of flash memory , and a faster 312mhz , intel xscale processor . improved multimedia features include a built-in mp3 player , a digital camera with improved low-light capabilities , as well as video capture and playback functionality . products are expected to ship by years end from some carriers who will add their own services , and will be priced at about \$499 . \ treo 650 , palmone -__label__4 , ' money woes ' foiled beagle 2 shot , a report into the loss of british mars probe beagle 2 blames the uk government ' s failure to commit funds early . -__label__4 , dell , philips cut \$700 million deal , dell will supply pcs , managed services and application packaging services to philips electronics worldwide , the two companies said thursday . -__label__4 , dubai first to breed at-risk bird , a zoo in the gulf has bred a bird which is threatened by the fast pace of development in the region . -__label__3 , santander takeover of abbey approved by uk #39 s fsa ( update1 ) , the uk #39 s financial services authority approved santander central hispano sa #39 s 9 . 4 billion-pound ( \$17 . 4 billion ) takeover of abbey national plc , paving the way for europe #39 s biggest cross-border bank merger . -__label__4 , 10 o ' clock news goes interactive , bbc one ' s 10 o ' clock news is launching the first interactive news television bulletin on tuesday . +__label__4 , ' money woes ' foiled beagle 2 shot , a report into the loss of british mars probe beagle 2 blames the uk government ' s failure to commit funds early . +__label__4 , dell , philips cut \$700 million deal , dell will supply pcs , managed services and application packaging services to philips electronics worldwide , the two companies said thursday . +__label__4 , dubai first to breed at-risk bird , a zoo in the gulf has bred a bird which is threatened by the fast pace of development in the region . +__label__3 , santander takeover of abbey approved by uk #39 s fsa ( update1 ) , the uk #39 s financial services authority approved santander central hispano sa #39 s 9 . 4 billion-pound ( \$17 . 4 billion ) takeover of abbey national plc , paving the way for europe #39 s biggest cross-border bank merger . +__label__4 , 10 o ' clock news goes interactive , bbc one ' s 10 o ' clock news is launching the first interactive news television bulletin on tuesday . __label__4 , hackers , spoofers and malware--oh my ! , ie exploit code could boost risk of browser mishaps . microsoft says teamwork makes for better defenses . \ -__label__4 , wells fargo computers stolen , identity thieves may have obtained information on thousands of wells fargo mortgage and student loan customers . -__label__3 , retail , auto sales , job numbers suggest tougher times , chicago ( cbs . mw ) -- could it be that people are just tired of buying things on the cheap at wal-mart ? free ! sign up here to receive our weekly roundup e-newsletter ! -__label__4 , supercomputer breaks speed record , the us is poised to push japan off the top of the supercomputing chart with ibm #39 s prototype blue gene/l machine . it is being assembled for the lawrence livermore national laboratories , a us department of energy lab ( doe ) . -__label__4 , convicted spammer gets nine years in slammer , a brother and sister have been convicted of three felony charges of sending thousands of junk e-mails one of them was sentenced to nine years in prison , the other was fined \$7 , 500 . -__label__4 , microsoft to help users prep for patching , microsoft said today that it plans to give customers three days ' advance notice about its monthly security updates to help them prepare to install related software patches . -__label__4 , search marketing beyond google and overture , when most people talk about pay per click ( ppc ) search engine advertising , google and overture ( yahoo ! ) take center stage . but in reality , there are hundreds of smaller ' tier two ' search engines that offer compelling ppc opportunities . -__label__1 , japan airlines sees profit on int ' l travel ( ap ) , ap - japan airlines corp . said friday that it returned to profitability in first half of the fiscal year as international travel picked up from a decline a year ago caused by the war in iraq and the sars outbreak in asia . -__label__3 , dollar mired near lows before jobs data , london ( reuters ) - the dollar teetered just above nine-year lows on a trade-weighted basis on friday as investors waited for key u . s . jobs data before deciding whether to extend the greenback ' s recent decline . -__label__4 , studios to sue pirates , hollywood studios plan to file hundreds of lawsuits this month against people who illegally share movies online , industry representatives said thursday . -__label__4 , serial hiv assault verdict expected mon . ( ap ) , ap - a verdict will be announced monday in the trial of a man charged with intentionally exposing 17 women to hiv , a county judge said . -__label__3 , euro stocks rally after strong u . s . data , london ( reuters ) - european shares strongly extended gains on friday after data showed job creation in the u . s . economy was double expectations at 337 , 000 in october . -__label__4 , nations use net to spy , plot attacks ex-bush aide ( reuters ) , reuters - the world ' s most advanced\military powers are using the internet to spy on their enemies\and prepare digital attacks against rogue targets , a leading\cyber security expert said on friday . -__label__4 , salesforce . com pushes integration ( infoworld ) , infoworld - hosted crm service provider salesforce . com took another step forward last week in its strategy to build an online ecosystem of vendors that offer software as a service . -__label__3 , all rosy at which bank , productivity gains should keep commonwealth bank in a sweet spot for years to come , departing chairman john ralph claimed yesterday . -__label__1 , eu leaders agree on commission reshuffle , isn security watch ( 05/11/04 ) - the eu heads of state agreed on thursday night to a new line-up of commissioners in a attempt to bring the eu out of its institutional crisis that set in after incoming commission president , former portuguese prime minister -__label__4 , contradiction in terms how to make beer , it ' s been around for thousands of years . it has been worshiped , reviled , banned , and made the cornerstone of economies . it has helped us celebrate , weep , relax , and get laid . and now we ' re going to make some . a pint , a glass , an ale , a lager , a beer . -__label__4 , hope fades for saving 2 boys stuck in mexico cave ( reuters ) , reuters - hopes of rescuing two small boys\trapped for five days in a jungle cave faded fast on friday\after contact was lost with the brothers and as the cavern\flooded in overnight rains . -__label__3 , vornado buys 4 . 3 pct . sears stake , vornado realty trust said on friday it has acquired a 4 . 3 percent stake in the retailer sears , roebuck amp co . . sears #39 stock rose as high as \$45 . -__label__4 , first flight of a wild condor chick in california , a wild-born condor chick has taken flight -- the first wild chick to fly in california in 22 years . the chick slowly began the process of fledging ( first flight ) by leaving the nest in early september and -__label__1 , ivory coast ' s army bombs rebel towns ( reuters ) , reuters - government warplanes and helicopter\gunships pounded rebel-held towns in northern ivory coast for a\second day on friday , fueling fears of a slide into all-out war\in the world ' s top cocoa grower . -__label__1 , u . n . traces of plutonium found in egypt ( ap ) , ap - u . n . experts have found traces of plutonium near an egyptian nuclear facility and are investigating whether it could be weapons-related or simply a byproduct of the country ' s peaceful atomic activities , diplomats told the associated press on friday . -__label__2 , backman out as d-backs manager , the diamondbacks will replace wally backman as manager , the sporting news has confirmed , and his replacement will be bob melvin , according to the east valley tribune . -__label__3 , united seeks further labor cuts , united airlines is moving to obtain another \$725 million in labor concessions and eliminate employees ' traditional pensions as it seeks the financing to come out of bankruptcy . -__label__4 , microsoft braces for crucial tv test , comcast trials will provide a big clue about the software giant ' s prospects for cable success . -__label__3 , slew of lawsuits will target vioxx maker , throngs of lawyers who represent people allegedly hurt or killed by the withdrawn painkiller vioxx will gather in california and las vegas next week to discuss preparing class-action lawsuits against the drug #39 s maker , merck amp co . -__label__4 , rover gets mystery power boost , scientists have been baffled by a mysterious boost in power to one of its two robotic rovers which are exploring the surface of the red planet . -__label__3 , sears shares soar as vornado boosts stake , new york ( reuters ) - sears , roebuck co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=s . n target=/stocks/quickinfo/fullquote> s . n< /a> shares jumped as much as 25 percent on friday after real estate company vornado realty trust < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=vno . n target=/stocks/quickinfo/fullquote> vno . n< /a> said it raised its stake in the retailer , a step that could lead sears to convert some of its real estate assets into cash . -__label__1 , morocco mosque collapse kills 10 , a house collapses onto a mosque in north-eastern morocco , killing 10 people and injuring five others . -__label__1 , atomic power station halted in russia , no radiation , moscow ( reuters ) - one reactor at a russian nuclear power station was closed down after a malfunction , but there was no leak of radiation at the site near the city of saratov on the volga river , russian news agencies reported on friday . -__label__3 , molson will pay dividend to push through coors merger ( update6 ) , molson inc . , canada #39 s biggest beermaker , said it will pay minority shareholders a special dividend to overcome opposition to its planned c\$3 . -__label__4 , sco postpones legal web site ( newsfactor ) , newsfactor - the sco group is delaying the launch of a web site focusing on the details of ongoing litigation concerning the company ' s intellectual property . -__label__4 , verizon wireless buys nextwave licenses ( newsfactor ) , newsfactor - verizon wireless is adding to its considerable spectrum holdings with the proposed acquisition of airwaves owned by nextwave telecom . under terms of the agreement , verizon will pay us #36 3 billion for nextwave ' s pcs spectrum licenses in 23 u . s . markets . -__label__2 , diamondbacks fire new manager backman , wally backman is introduced as the new manager of the arizona diamondbacks during a news conference on nov . 1 , 2004 , in phoenix . backman was fired friday , nov . 5 , by the club . -__label__1 , millionaire candidates list ( ap ) , ap - candidates who spent more than #36 1 million of their own money trying to win election to congress in 2004 struck out in nearly every case . eight made it to the nov . 2 election , but only one was victorious . the spenders , how much they spent and how they fared -__label__4 , novell counters microsoft ' s linux ' facts ' with ' truth ' , in a battle of dueling memos and e-mails , novell ceo jack messman and microsoft ceo steve ballmer are each touting their own software -- and criticizing the competition . -__label__4 , action game ' halo 2 ' sold early on ebay ( ap ) , ap - advance copies of the aliens-versus-space marines video game halo 2 have already fetched as much as #36 265 on internet auction site ebay , days before the official launch . -__label__3 , google stock falls on outlook - analyst , new york/chicago ( reuters ) - shares of google inc . fell almost 9 percent on friday after an analyst forecast a sharp drop in the price over the next 12 months as the internet search company grows more slowly . -__label__3 , u . s . october hiring at a seven-month peak , washington ( reuters ) - u . s . jobs were created at the heartiest pace in seven months during october , the government said on friday , spurred by rebuilding in the hurricane-battered southeast and brisk hiring in service industries . -__label__1 , peru rebel chief scores publicity coup in court , callao naval base , peru ( reuters ) - punching the air with a fist and chanting rebel slogans , peru ' s shining path founder abimael guzman scored a propaganda coup on friday and forced his terrorism retrial to be postponed for a week . -__label__3 , update 3 sears #39 stock surge after firm buys stake , sears , roebuck and co . #39 s stock shot up 23 percent friday after a real estate investment trust disclosed it had purchased a 4 . 3 percent interest in the department-store chain . -__label__3 , red robin perched higher , the company beats third-quarter estimates and raises yearly guidance , but wall street doesn ' t seem to care . -__label__4 , tiger telematics plans business smartphone , tiger telematics acquired integra sp , a uk company that produces software allowing real-time streaming of data and applications to handheld devices . -__label__2 , berkman tears acl , may be out until june , houston - houston astros star outfielder lance berkman suffered a torn acl in his right knee and will undergo arthroscopic surgery within the next 10 days , the team announced friday . -__label__4 , this week in open-source news , adobe quietly begins testing the waters to increase its involvement in desktop linux . also open-source web browsers mozilla and firefox post gains over microsoft ' s internet explorer . -__label__4 , report e-voting problems cause loss of votes , e-voting machine problems caused more than 4 , 500 votes to be lost in one north carolina county during tuesday ' s general election , and gave u . s . president george bush more than 3 , 800 extra votes in ohio , according to the associated press . -__label__4 , symantec adds threat data to managed security services , san francisco - in a bid to expand its services business , symantec corp . next week plans to start selling security intelligence data as an add-on to its managed security services . < p> advertisement< /p> < p> < img src=http //ad . doubleclick . net/ad/idg . us . ifw . general/sbcspotrssfeed sz=1x1 ord=200301151450 ? width=1 height=1 border=0/> < a href=http //ad . doubleclick . net/clk 11714255 9651165 g ? http //infoworld . com/spotlights/sbc/main . html ? lpid0101035400730403idlp> sbc datacomm white paper< /a> < br/> find out how crate barrel expects to save \$180 , 000 by moving to voip , compared to a traditional pbx . < /p> -__label__4 , webmaster worlds world of search conference features 70 speakers , webmaster world ' s world of search conference features 70 speakers\\the webmasterworld of search conference scheduled for november 16-18 in las vegas has published a final speaker roster and announced over 24 sessions with more than 70 industry-leading speakers . the line up features speakers from such companies as google , yahoo , kanoodle , ask . . . -__label__2 , usc releases stewart from scholarship ( ap ) , ap - southern california point guard rodrick stewart was granted a release from his basketball scholarship friday . -__label__1 , 22 spend own fortunes , one wins house seat ( ap ) , ap - of the 22 candidates who each spent more than #36 1 million of their own money trying to win their first election to congress , only one made it . -__label__4 , idc software sales to hit \$189 billion , the market researcher has predicted a 6 . 2 percent increase in software revenues during 2004 . -__label__4 , a sneak peek at trillian 3 . 0 instant messaging , the popular im consolidation service adds audio and video chat . -__label__4 , rsa sees looming identity crisis online , as internet becomes a crime-choked neighborhood , companies could close their e-commerce shutters and customers could flee . -__label__1 , returning fallujans will face clampdown , fallujah , iraq -- the us military is drawing up plans to keep insurgents from regaining control of this battle-scarred city , but returning residents may find that the measures make fallujah look more like a police state than the democracy they have been promised . -__label__4 , mount st . helens sprouts magma extension ( ap ) , ap - the new lava lobe inside mount st . helens ' crater has sprouted a piston-like protrusion the size of a 30-story building #151 glowing red at night . -__label__4 , research predicts iceless arctic , global warming is causing the arctic ice-cap to melt at such an unprecedented rate that by the summer of 2070 it may have no ice at all , according to the most comprehensive study carried out on global climate change in the region . -__label__1 , dutch security reviewed on threat , the hague , netherlands - the government vowed tough measures yesterday against what a leading politician called quot the arrival of jihad in the netherlands quot after a death threat to a dutch lawmaker was found pinned with a knife to the body of a slain -__label__4 , record breaking supercomputer performance , us secretary of energy spencer abraham announced that a supercomputer developed for the nation #39 s stockpile stewardship program has attained a record breaking performance of 70 . -__label__1 , peruvian maoist trial thrown into chaos , the first hearing in the re-trial of former leaders of peru #39 s shining path guerrilla group has ended in chaos . the judge suspended the hearing after the group #39 s founder , abimael guzman , and his 15 co-defendants -__label__2 , golf roundup haas closer to ending drought , atlanta -- the tour championship suddenly is loaded with optimism for jay haas and tiger woods . haas , who turns 51 next month , showed no signs of slowing down . -__label__2 , jets ' offensive line takes control , waltham -- east boston ' s jimmy yarde lived the lineman ' s dream tuesday night , returning a fumble 70 yards for a touchdown . yesterday , he ran with something even more significant . -__label__4 , microsoft amp novell rumble over linux , while its always interesting to watch two equally opinionated groups go at it , particularly over something as fundamental as whether linux is worth it the current fight is comical at best . -__label__3 , cazenove teams up with jp morgan , cazenove said it had agreed to hive off its investment banking business into a joint venture with jp morgan chase and co , in effect ending the independence of the 181-year-old british bank . -__label__2 , in it for long run , pasadena , calif . -- they no longer have to do any politicking for the national championship . they can simply play for it now . -__label__3 , sears gets a boost from vornado , vornado realty trust gave sears , roebuck amp co . #39 s stock a big boost friday when it said it bought a 4 . 3 percent stake in the famous but struggling chain . -__label__2 , wilson well placed in mexico city , britain #39 s justin wilson was fourth in first qualifying for the final champ car race of the season in mexico city . wilson is looking to end his season on a high note after missing out on the rookie #39 s title to aj allmendinger . -__label__1 , iraq pm pleads for europe #39 s help , iraq #39 s us-backed leader has made an impassioned plea for european nations divided by the war to reunite to help stabilize and rebuild his country . -__label__2 , surrey poised to sign harbhajan , surrey are waiting for approval from the board of control for cricket in india before announcing harbhajan singh as an overseas signing for 2005 . -__label__1 , us bombardment kills 5 in fallujah , fallujah - us artillery shelled fallujah yesterday after overnight air and tank attacks killed five people in iraqs most rebellious city , braced for an all-out offensive now the us presidential election is over . -__label__3 , wal-mart keeps same-store sales outlook , chicago ( reuters ) - wal-mart stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wmt . n target=/stocks/quickinfo/fullquote> wmt . n< /a> , the world ' s largest retailer , said on saturday it still anticipates a 2 percent to 4 percent increase in november sales at its stores open at least a year . -__label__2 , hakkinen back at mercedes , finland #39 s two-time formula one champion mika hakkinen ended his three year exile from motor sport on saturday agreeing to drive for the mercedes team in the 2005 german touring car championship . -__label__1 , bush americans expect bipartisanship ( ap ) , ap - president bush is striking twin themes for a second term , vowing to fight hard for his political agenda while reaching across the aisle to democrats . -__label__1 , musharraf visits afghanistan , pakistani president general pervez musharraf on his visit after the landmark presidential polls in afghanistan congratulated his afghan counterpart hamid karzai for his victory saturday afternoon . -__label__1 , baffled in loss , democrats seek road forward , democrats said president bush ' s defeat of senator john kerry by three million votes left the party facing its most difficult time in at least 20 years . -__label__2 , sharapova withdraws from advanta tourney ( ap ) , ap - maria sharapova withdrew from her semifinal at the advanta championships on saturday with a strained right shoulder . -__label__2 , contenders can #39 t afford any more mistakes , when nextel cup leader kurt busch was hit by engine failure at atlanta motor speedway and finished 42nd last sunday , the mishap tightened nascar #39 s new 10-race championship format . -__label__2 , melvin faces major challenge in arizona ( ap ) , ap - after the wally backman fiasco , the arizona diamondbacks were fortunate to have a handy and willing backup choice in bob melvin . the low-key melvin so coveted the managing job that he brushed aside any concern about being the team ' s second choice . this is the one i really wanted , he said . this is where i feel most at home . that home , though , is in disarray . -__label__2 , greene leads no . 8 georgia to rout of kentucky , lexington , kentucky ( sports network ) - david greene became the winningest quarterback in division ia history and thomas brown ran for 130 yards with three touchdowns to lead eighth-ranked georgia to a 62-17 rout of kentucky at commonwealth stadium . -__label__2 , eleusis wins long island #39 cap personal legend wins turnback the < b> . . . < /b> , eleusis made a successful us debut by beating literacy by 2\\ lengths in aqueduct #39 s saturday feature , the grade ii , \$150 , 000 long island handicap for fillies and mares 3 and older . -__label__2 , woods leads in atlanta , playing his best golf of the year in the season-ending tour championship , tiger woods shoots a 5-under 65 , leaving him tied with jay haas . -__label__2 , lehigh downs hoyas , mark borda throws four touchdown passes and lehigh wins its seventh straight game , 49-18 , over georgetown . -__label__3 , sparks fly in gold fields bid battle , the bitterly fought \$8 . 1bn ( 4 . 5bn ) bid battle for control of gold fields is set to become even more acrimonious this week when harmony gold mining launches a fresh attack on its target #39 s track record . -__label__3 , ontario gets harsh with school dropouts , huntsville , ont . - the ontario government plans to introduce legislation that will require students to stay in school until they reach the age of 18 , said the province ? -__label__2 , woods joins haas in tour championship lead , tiger woods was 2 years old when jay haas won his first golf tournament and 17 when he won his last . on sunday , though , the two men will play together in the final group in the -__label__1 , silence the loose cannons , the us presidential election is finally over ! now the hard part begins . i #39 m not talking about getting north korea back to the negotiating table that will come soon enough . -__label__2 , hamstring shelves moss , vikings receiver randy moss will miss his first game as a pro on monday night against the colts with a recurring hamstring strain that requires rest . -__label__1 , blair , bush to meet as middle east issues loom , british prime minister tony blair , who has pushed for progress on middle east peace talks and is one of the united states #39 closest allies , will meet with president bush next week , the white house said on saturday . -__label__3 , bridges loom as cash cow that nobody dares to milk , there they stand , glinting in the sun , hanging off the shore of manhattan like fruit-laden branches of a money tree the free bridges over the east river to brooklyn and queens . -__label__3 , social security reform a boon for funds ? ( reuters ) , reuters - the bonanza many believe president\bush has handed the mutual fund industry with his plans to\reform social security may be a mirage , industry leaders said\on friday . -__label__3 , it ' s cleanup time at citi , charles o . prince , the chief executive of citigroup , is on a campaign to revamp the banking giant ' s culture after a financial scandal in japan tainted its reputation . -__label__3 , social security reform a boon for funds ? , new york ( reuters ) - the bonanza many believe president bush has handed the mutual fund industry with his plans to reform social security may be a mirage , industry leaders said on friday . -__label__2 , inheriting aura from woods , the new king of golf is a lion , vijay singh has a golf swing to envy , even when fooling around . a few days ago on the driving range at the tour championship , singh grabbed steve flesch #39 s golf clubs . -__label__1 , eu offering economic incentives to iran to suspend uranium < b> . . . < /b> , carrot and stick the eu is hoping iran will cease its nuclear program before the iaea meets later this month . another option could be economic sanctions . -__label__2 , steelers downgrade staley from probable ( ap ) , ap - pittsburgh steelers running back duce staley was downgraded saturday from probable to questionable for sunday ' s game against the philadelphia eagles . -__label__2 , rivers soaks up his big moment , the game ball was retrieved following the celtics #39 107-73 victory over the knicks last night . it will be appropriately lettered and presented to coach doc rivers to commemorate his first win for the club . -__label__1 , militants holding un workers say talks have been postponed , militants threatening to kill three un hostages said yesterday that talks with afghan and un officials had been postponed for another day . -__label__1 , peru ' s toledo wants new judges for guzman retrial , < p> < /p> < p> by jude webber< /p> < p> lima , peru ( reuters ) - peruvian president alejandro toledosaid on saturday he wanted new judges to try shining pathleader abimael guzman after the shameful spectacle he stagedat the start of his terrorism retrial , punching the air withhis fist and chanting rebel slogans . < /p> -__label__3 , union halts vote on grocers #39 offer , members of the grocery workers union will continue to meet to discuss the final contract proposal from king soopers , safeway and albertsons following a surprise decision by the international union to halt voting on the offers . -__label__4 , flat-screen tv prices are falling for holidays , but trend provokes industry unrest panel makers call for drop in retail markups to move units . by evan ramstad and gary mcwilliams . -__label__2 , rijkaard savours barca win , barcelona coach frank rijkaard savoured his side #39 s battling qualities after the catalan giants fought back to beat deportivo la coruna 2-1 at the nou camp and open up a nine-point lead in the primera liga . -__label__1 , afghan militants say drop some hostage demands , kabul ( reuters ) - afghan militants holding three u . n . workers hostage began talks with the government and the united nations on sunday and the kidnappers have dropped some of their demands , a militant spokesman said . -__label__1 , israel to present pa with #39 good will #39 steps in coming days , israel will respond with a series of positive gestures if the successors to palestinian authority chairman yasser arafat will implement security reforms and a quot real quot cease-fire felt on the ground in the territories , israeli security and diplomatic sources -__label__1 , arafat #39 s legacy statelessness for palestinians , the exit from the world stage of palestinian leader and icon yasser arafat will mark the end of a turbulent era , and the beginning of a period of uncertainty and possible instability in the volatile cauldron of the israeli-palestinian conflict . -__label__4 , photos plus music equals an expensive ipod ( washingtonpost . com ) , washingtonpost . com - first apple put some color on the ipod , when it offered the ipod mini in a palette of pastel hues , and now it has put some color inside it , in the form of the new ipod photo . -__label__2 , knicks ' baker on rebound , new york -- putting a slight spin on frank sinatra , gary payton figures that if former teammate vin baker quot can do it in new york , with a city like that , then he can do it anywhere . quot -__label__2 , celtics put it together , new york -- in the wake of a second straight fourth-quarter collapse friday night , coach doc rivers said , quot it just doesn ' t take a lot to distract us right now . quot -__label__2 , badgers ride early surge , madison , wis . -- anthony davis ran for 124 yards and two touchdowns , and quarterback john stocco threw for a career-high 297 yards and a touchdown as no . 5 wisconsin remained unbeaten with a 38-14 rout of archrival minnesota . stocco also ran for two touchdowns as the badgers , 9-0 for the third time in school history , moved into a first-place tie . . . -__label__2 , dalomba sprints to win , with the eastern massachussetts cross-country championships just a week away , yesterday ' s mstca invitational at franklin park offered area runners a last chance to tune up for the title race . -__label__1 , in wake of attacks , state of emergency declared in iraq , the iraqi government declared a state of emergency for 60 days as u . s . and iraqi forces prepared for an expected assault on rebels in fallujah . -__label__3 , south korea planning huge spending to revive economy report ( afp ) , afp - the south korean government is preparing a huge quot new deal quot spending package in the next few years to revive the country ' s sagging economy , yonhap news agency said . -__label__1 , iraqi interim government declares martial law , baghdad ( reuters ) - iraq ' s interim government declared a state of emergency for 60 days on sunday to quell violence gripping the country ahead of january elections . -__label__1 , hezbollah plane flies over israel , lebanon #39 s guerrilla organization hezbollah announced sunday it hd flown an unmanned reconnaissance plane over northern israel for the first time . -__label__1 , ex-envoys mideast peace breakthrough possible , jerusalem -- former us envoys say that the passing of yasser arafat would open up new opportunities for mideast peace , especially if new , pragmatic palestinian leaders emerge . -__label__2 , safin clinches third paris masters , paris ( reuters ) - marat safin won the paris masters for a record-equaling third time when he beat czech qualifier radek stepanek 6-3 7-6 6-3 on sunday . -__label__1 , arafat said to have liver failure pm to visit , paris ( reuters ) - yasser arafat , critically ill in a paris hospital , has suffered liver failure , a palestinian official said on sunday as arafat ' s subordinates decided in his absence to enforce a law and order plan in palestinian areas . -__label__1 , hezbollah flies unmanned plane over israel , hezbollah sent an unmanned reconnaissance plane over israeli airspace sunday , the lebanon-based group and the israeli military said . -__label__1 , afghan officials meet kidnappers to seek release of un workers < b> . . . < /b> , kabul ( afp ) - militants claiming to hold three foreign un workers met afghan officials on sunday and gave them a list of 26 prisoners whom they want to swap for their hostages , a spokesman for the group said . -__label__3 , bt group set to buy us infonet for \$1bn , london britains bt group is hoping to make a dramatic return to the us with a \$1bn acquisition of californian telecoms group infonet services , the sunday times reported . -__label__2 , mauresmo rallies to take advanta title , new york ( reuters ) - top seed amelie mauresmo rallied to beat russia ' s sixth-seeded vera zvonareva 3-6 , 6-2 , 6-2 to complete a successful defense of her advanta championship title in philadelphia on sunday . -__label__1 , low turnout sinks macedonian bid to kill rights bill , skopje ( reuters ) - a referendum bid to block a law that gives macedonia ' s albanian minority more rights failed on sunday , upholding a western-brokered peace plan which ended ethnic fighting in 2001 . -__label__1 , afghan militants hold talks on hostages , but no deal yet , militants holding three foreign united nations workers in afghanistan said that they had held negotiations with officials from the afghan government and the united -__label__1 , infiltration who knows better , army or patil ? , new delhi it appears another instance of the left hand not knowing what the right is doing . barely hours after shivraj patil claimed in srinagar that there was a drop in infiltration from across the border -__label__1 , canada #39 s military ombudsman to investigate troop complaints , canada #39 s military ombudsman will travel to afghanistan next week to investigate troop complaints there , it is reported here sunday . -__label__3 , unskilled jobs to go , there will be no jobs for unskilled workers in britain within 10 years , the leading employers #39 organisation claims today . the prediction is based on the growth in -__label__3 , kremlin keeps all guessing over yukos fate , as yukos contemplates a staggering \$17 . 5 billion tax bill , the spectre of bankruptcy has never seemed closer for russia #39 s biggest oil company . -__label__4 , remote control could save soldiers ' lives ( ap ) , ap - unmanned aerial vehicles and other so-called stand-off weapons , whether currently used or in secret testing , belong to a developing high-tech arsenal that the u . s . military says will help minimize casualties as it battles insurgents . -__label__2 , goosen wins the tour championship , retief goosen closed with a 6-under 64 to win by four shots and become only the third player to overtake tiger woods in the final round . -__label__2 , ramaala ' s first marathon victory is a tale of the tape , south africa ' s hendrik ramaala , who had never finished higher than fifth in a major marathon , won the new york city marathon in 2 hours 9 minutes 28 seconds . -__label__1 , islamic group threatens to kill indian cricketers in bangladesh ( afp ) , afp - a little known radical islamic group has threatened to kill indian cricketers when they tour bangladesh from tuesday , the indian high commission told afp . -__label__4 , vars stone #39 s exit won #39 t slow novell #39 s linux drive , solution providers last week said they do not expect the sudden departure of novell vice chairman chris stone , who engineered the company #39 s aggressive linux push , to slow its linux initiative . -__label__4 , travelocity says speed is the ticket for growth , sam gilliand , the chief executive of travelocity , talks about the online travel industry , the cendant-orbitz merger and the woes of the airline industry . -__label__3 , big tax plans , big tax risks , reforming the tax system is more politically risky and economically complex than the president let on during the campaign . -__label__2 , costecu makes it two , denisa costescu follows up her victory in indianapolis on saturday with another win at the veteran ' s day 10k sunday in washington . -__label__2 , bonds deserves a quot c quot for historic 73 , what symbol should be placed next to barry bonds #39 monumental mark of 73 home runs ? how about a capital quot c quot for quot the cream , quot quot the clear , quot quot the cheat quot ? -__label__2 , bills ' williams sustains neck injury ( ap ) , ap - bills right tackle mike williams sustained a neck injury and was driven off the field in an ambulance during the third quarter of buffalo ' s 22-17 victory over the new york jets on sunday . -__label__3 , fed expected to stay the course for now , if there is a good rule of thumb about the federal reserve , it is this a startling economic report is not enough to sway policy . when the labor department reported -__label__1 , government gets tough as south korea ' s labor reform sparks protests ( afp ) , afp - the south korean government is warning of tough action against union militancy as legislation aimed at increasing flexibility in south korea ' s labor market triggered a head-on collision with labor groups . -__label__1 , uk train line to be closed for days #39 after fatal derailment , a main rail line between london and southwest england will remain closed for a number of days #39 #39 as uk police investigate the weekend derailment of a firstgroup plc train , in which seven people lost their lives . -__label__3 , s . e . c . is said to examine stock pricing by big brokers , the securities and exchange commission is looking at brokerage firms suspected of failing to get customers the best stock prices , people briefed on the inquiry said . -__label__1 , india must recognize international realities pm , prime minister manmohan singh has responded to the left #39 s criticism of his congratulatory call to us president george w . bush by saying india must recognise international realities . -__label__4 , photos matrix ' s high-rise chips , matrix semiconductor ' s memory chips have several layers of transistors rather than a single plane . -__label__1 , earthquakes shake central japan bullet train resumed ( update4 ) , a series of earthquakes shook central japan in niigata prefecture , where quakes that began last month have killed more than 30 people . -__label__3 , closing the giving gap , near the entrance for the christmas tree shop on route 1 in lynnfield , barbara patten stood next to her salvation army kettle and played her flute on a recent saturday as customers walked past . -__label__2 , defense is chief problem again , the tampa bay buccaneers found a way to beat the kansas city chiefs . they simply outscored them . -__label__2 , lewis , allen super vs . spurs , rashard lewis scored 27 points and ray allen added 24 , leading the supersonics to a 113-94 victory over the san antonio spurs last night in seattle . -__label__3 , start-ups are discovering they might have to wait until the timing is right , is the market for initial public offerings open or closed ? few questions loom larger for venture capital firms , which risk money on entrepreneurial companies and look for ' ' liquidity events quot that will help them recoup their investments . but more than at any other time in the recent past , the answer may depend on your vantage point . -__label__3 , nothing ventured , nothing at all gained , there are two topics most venture capitalists hate to discuss companies they invested in that tanked , and companies they didn ' t invest in that soared . -__label__3 , westpac delivers \$2 . 5b profit , westpac bank has reported a record after-tax profit of \$2 . 54 billion , a 16 per cent increase on the previous year #39 s results . the bank has also announced a final dividend of 44 cents , taking the full-year dividend to 86 cents fully franked . -__label__3 , anz increases it spend , a new \$100 million retail telling platform , which was completed in the first half of this year , and the growing cost of compliance were the key drivers for the rise according to the bank #39 s 2004 annual roadshow presentation . -__label__2 , bourdais takes series title , mexico city - sebastien bourdais took his first champ car world series title , beating teammate bruno junqueira with a flag-to-flag win sunday in the mexican grand prix . -__label__3 , study raises stent doubts , heart patients aren #39 t more likely to live long term after getting the artery-opening tubes called stents , according to a study released yesterday by researchers at duke university . -__label__1 , negotiations for hostages in afghanistan fall short , militants holding hostage three foreign un workers in afghanistan said they negotiated yesterday with afghan government and un officials in southern afghanistan but that the meeting ended without results . -__label__1 , ivory coast leader urges end to violence , abidjan ( reuters ) - ivory coast president laurent gbagbo appealed for an end to the anti-french violence which erupted after france destroyed most of the country ' s air force in retaliation for the killing of nine french peacekeepers . -__label__4 , flying taxis - quot within five years quot , british company avcen , designers of quot jetpod quot taxi , believe they can offer a flying taxi service within 5 years . the taxi , due to undergo quot proof of concept quot test flights over the next 18 months , cruises to 228m with speeds of up to 350 mph ( 563 kph ) . -__label__2 , notebook james giving sonics a jump-start , jerome james showed up late to the sonics #39 home opener , and his lack of substantial playing time in exhibition games hinted at another wasted season full of jokes about a 7-foot-1 guy who couldn #39 t grab a rebound from a toddler . -__label__2 , plummer spreading production , jake plummer #39 s four touchdown passes and 137 . 8 quarterback rating sunday only begins to describe the efficient air attack used by the broncos to rout the houston texas 31-13 . -__label__1 , website posts video of suicide attack against british troops , a video purportedly showing a suicide attack against british troops last week was posted on an islamic website . soldiers from britain #39 s black watch regiment were manning a vehicle checkpoint south of baghdad -__label__3 , british airways posts robust 2q profit growth , london , november 8 ( newratings . com ) - british airways #39 ( bai1 . fse ) second-quarter pretax profits more than doubled this fiscal year , boosted by the company #39 s effective cost reduction measures and a robust upturn in the long-haul passenger traffic trends . -__label__4 , flat-screen tv , but the booming demand isn #39 t proving profitable for the companies that make the high-resolution video panels . for electronics retailers , it will be the holiday season of the flat-screen tv . -__label__2 , notes kahne , harvick have verbal confrontation , avondale , ariz . - some sparks flew between rookie kasey kahne and kevin harvick at the conclusion of sunday #39 s checker auto parts 500 . -__label__3 , pm welcomes eu partnership , prime minister manmohan singh arrived in the hague last night to participate in the india-european summit . quot in recognition of indias growing stature and influence , the eu has proposed a strategic partnership with india . -__label__1 , france says hostages still alive a few days ago , france said on sunday two french reporters held hostage with their syrian driver in iraq were still alive a few days ago . quot we are working discreetly , following up leads , reestablishing -__label__4 , tesco to sell downloadable tunes , tesco aint daft , theyve done the insurance blag and now they getting stuck into the music downloading service . they will be the first supermarket to enter a market that is worth over 25million and is currently dominated by the apple run itunes . -__label__4 , ati launches new radeon xpress 200 chipsets for amd k8 platform , ati technologies today announced the availability of its new radeon xpress 200 series of core logic chipsets for the amd k8 desktop platform . -__label__3 , united seeking further cuts , ditching pension for 401 ( k ) , chicago - united airlines #39 workers are getting formal details on how the bankrupt company wants to replace their traditional pension with a 401 ( k ) -style benefit plan - plus further steep reductions in pay and other benefits . -__label__3 , stocks open lower as wall st . pulls back , us stocks opened slightly lower on monday as investors pause after a three-day rally last week , with interest rates and a weakening dollar gaining focus now that the presidential election is over . -__label__3 , #39 poison pill #39 just in case , the haste with which news corporation has adopted a quot poison pill quot - or stockholders rights plan - following the bold move of john malone #39 s liberty media to put its foot on a further 8 per cent of the voting stock demonstrates a real concern as to his -__label__3 , interest rates to mark time , australian home owners can breathe a sigh of relief stable interest rates are predicted well into next year . the reserve bank issued a glowing report card on the australian economy yesterday , now that the -__label__3 , canada oct . housing starts fall 5 . 4 , led by cities ( update1 ) , canadian housing starts fell 5 . 4 percent to an annual pace of 225 , 000 units in october , led by drops in multi- and single-family homebuilding in cities , the federal government #39 s housing agency said . -__label__1 , greenpeace #39 shocked #39 over death of anti-nuclear protestor , paris - the international environment watchdog group greenpeace said monday it was quot shocked and very saddened quot by the death of a french protestor who was struck and killed sunday by a train transporting nuclear waste to germany . -__label__4 , microsoft settles antitrust cases with novell , ccia , microsoft corp on monday announced antitrust settlements with novell inc . and the computer and communications industry association ( ccia ) , ending years of legal wrangling . -__label__4 , ibm to commercialize blue gene supercomputer , fresh from setting a record for performance among supercomputers just a few days ago , ibm on monday announced it is making a commercial version of its blue gene system available to be aimed at businesses and scientific researchers . -__label__4 , microsoft plans heavy hype for ' halo 2 ' , halo 2 appears to be one of the most hotly hyped and heavily anticipated video games ever , and microsoft is planning a tuesday release that may rival the best of hollywood ' s movie glitz . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__3 , alternative energy ready or not ? , even with a boost from higher oil prices and growing concern about global warming , the payoff on most alternative energy technologies seems a ways off . -__label__3 , microsoft ends decade of antitrust suits , seattle/new york ( reuters ) - microsoft corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=msft . o target=/stocks/quickinfo/fullquote> msft . o< /a> said on monday it had agreed to settle antitrust lawsuits with novell inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=novl . o target=/stocks/quickinfo/fullquote> novl . o< /a> and an industry trade group , marking the end of a decade-long antitrust battle . -__label__1 , ivory coast facing un sanctions , france is pushing to win passage of a un resolution that seeks an arms embargo and other penalties against the ivory coast . france #39 s un ambassador , jean-marc de la sabliere , hopes for a vote early this week . +__label__4 , wells fargo computers stolen , identity thieves may have obtained information on thousands of wells fargo mortgage and student loan customers . +__label__3 , retail , auto sales , job numbers suggest tougher times , chicago ( cbs . mw ) -- could it be that people are just tired of buying things on the cheap at wal-mart ? free ! sign up here to receive our weekly roundup e-newsletter ! +__label__4 , supercomputer breaks speed record , the us is poised to push japan off the top of the supercomputing chart with ibm #39 s prototype blue gene/l machine . it is being assembled for the lawrence livermore national laboratories , a us department of energy lab ( doe ) . +__label__4 , convicted spammer gets nine years in slammer , a brother and sister have been convicted of three felony charges of sending thousands of junk e-mails one of them was sentenced to nine years in prison , the other was fined \$7 , 500 . +__label__4 , microsoft to help users prep for patching , microsoft said today that it plans to give customers three days ' advance notice about its monthly security updates to help them prepare to install related software patches . +__label__4 , search marketing beyond google and overture , when most people talk about pay per click ( ppc ) search engine advertising , google and overture ( yahoo ! ) take center stage . but in reality , there are hundreds of smaller ' tier two ' search engines that offer compelling ppc opportunities . +__label__1 , japan airlines sees profit on int ' l travel ( ap ) , ap - japan airlines corp . said friday that it returned to profitability in first half of the fiscal year as international travel picked up from a decline a year ago caused by the war in iraq and the sars outbreak in asia . +__label__3 , dollar mired near lows before jobs data , london ( reuters ) - the dollar teetered just above nine-year lows on a trade-weighted basis on friday as investors waited for key u . s . jobs data before deciding whether to extend the greenback ' s recent decline . +__label__4 , studios to sue pirates , hollywood studios plan to file hundreds of lawsuits this month against people who illegally share movies online , industry representatives said thursday . +__label__4 , serial hiv assault verdict expected mon . ( ap ) , ap - a verdict will be announced monday in the trial of a man charged with intentionally exposing 17 women to hiv , a county judge said . +__label__3 , euro stocks rally after strong u . s . data , london ( reuters ) - european shares strongly extended gains on friday after data showed job creation in the u . s . economy was double expectations at 337 , 000 in october . +__label__4 , nations use net to spy , plot attacks ex-bush aide ( reuters ) , reuters - the world ' s most advanced\military powers are using the internet to spy on their enemies\and prepare digital attacks against rogue targets , a leading\cyber security expert said on friday . +__label__4 , salesforce . com pushes integration ( infoworld ) , infoworld - hosted crm service provider salesforce . com took another step forward last week in its strategy to build an online ecosystem of vendors that offer software as a service . +__label__3 , all rosy at which bank , productivity gains should keep commonwealth bank in a sweet spot for years to come , departing chairman john ralph claimed yesterday . +__label__1 , eu leaders agree on commission reshuffle , isn security watch ( 05/11/04 ) - the eu heads of state agreed on thursday night to a new line-up of commissioners in a attempt to bring the eu out of its institutional crisis that set in after incoming commission president , former portuguese prime minister +__label__4 , contradiction in terms how to make beer , it ' s been around for thousands of years . it has been worshiped , reviled , banned , and made the cornerstone of economies . it has helped us celebrate , weep , relax , and get laid . and now we ' re going to make some . a pint , a glass , an ale , a lager , a beer . +__label__4 , hope fades for saving 2 boys stuck in mexico cave ( reuters ) , reuters - hopes of rescuing two small boys\trapped for five days in a jungle cave faded fast on friday\after contact was lost with the brothers and as the cavern\flooded in overnight rains . +__label__3 , vornado buys 4 . 3 pct . sears stake , vornado realty trust said on friday it has acquired a 4 . 3 percent stake in the retailer sears , roebuck amp co . . sears #39 stock rose as high as \$45 . +__label__4 , first flight of a wild condor chick in california , a wild-born condor chick has taken flight -- the first wild chick to fly in california in 22 years . the chick slowly began the process of fledging ( first flight ) by leaving the nest in early september and +__label__1 , ivory coast ' s army bombs rebel towns ( reuters ) , reuters - government warplanes and helicopter\gunships pounded rebel-held towns in northern ivory coast for a\second day on friday , fueling fears of a slide into all-out war\in the world ' s top cocoa grower . +__label__1 , u . n . traces of plutonium found in egypt ( ap ) , ap - u . n . experts have found traces of plutonium near an egyptian nuclear facility and are investigating whether it could be weapons-related or simply a byproduct of the country ' s peaceful atomic activities , diplomats told the associated press on friday . +__label__2 , backman out as d-backs manager , the diamondbacks will replace wally backman as manager , the sporting news has confirmed , and his replacement will be bob melvin , according to the east valley tribune . +__label__3 , united seeks further labor cuts , united airlines is moving to obtain another \$725 million in labor concessions and eliminate employees ' traditional pensions as it seeks the financing to come out of bankruptcy . +__label__4 , microsoft braces for crucial tv test , comcast trials will provide a big clue about the software giant ' s prospects for cable success . +__label__3 , slew of lawsuits will target vioxx maker , throngs of lawyers who represent people allegedly hurt or killed by the withdrawn painkiller vioxx will gather in california and las vegas next week to discuss preparing class-action lawsuits against the drug #39 s maker , merck amp co . +__label__4 , rover gets mystery power boost , scientists have been baffled by a mysterious boost in power to one of its two robotic rovers which are exploring the surface of the red planet . +__label__3 , sears shares soar as vornado boosts stake , new york ( reuters ) - sears , roebuck co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=s . n target=/stocks/quickinfo/fullquote> s . n< /a> shares jumped as much as 25 percent on friday after real estate company vornado realty trust < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=vno . n target=/stocks/quickinfo/fullquote> vno . n< /a> said it raised its stake in the retailer , a step that could lead sears to convert some of its real estate assets into cash . +__label__1 , morocco mosque collapse kills 10 , a house collapses onto a mosque in north-eastern morocco , killing 10 people and injuring five others . +__label__1 , atomic power station halted in russia , no radiation , moscow ( reuters ) - one reactor at a russian nuclear power station was closed down after a malfunction , but there was no leak of radiation at the site near the city of saratov on the volga river , russian news agencies reported on friday . +__label__3 , molson will pay dividend to push through coors merger ( update6 ) , molson inc . , canada #39 s biggest beermaker , said it will pay minority shareholders a special dividend to overcome opposition to its planned c\$3 . +__label__4 , sco postpones legal web site ( newsfactor ) , newsfactor - the sco group is delaying the launch of a web site focusing on the details of ongoing litigation concerning the company ' s intellectual property . +__label__4 , verizon wireless buys nextwave licenses ( newsfactor ) , newsfactor - verizon wireless is adding to its considerable spectrum holdings with the proposed acquisition of airwaves owned by nextwave telecom . under terms of the agreement , verizon will pay us #36 3 billion for nextwave ' s pcs spectrum licenses in 23 u . s . markets . +__label__2 , diamondbacks fire new manager backman , wally backman is introduced as the new manager of the arizona diamondbacks during a news conference on nov . 1 , 2004 , in phoenix . backman was fired friday , nov . 5 , by the club . +__label__1 , millionaire candidates list ( ap ) , ap - candidates who spent more than #36 1 million of their own money trying to win election to congress in 2004 struck out in nearly every case . eight made it to the nov . 2 election , but only one was victorious . the spenders , how much they spent and how they fared +__label__4 , novell counters microsoft ' s linux ' facts ' with ' truth ' , in a battle of dueling memos and e-mails , novell ceo jack messman and microsoft ceo steve ballmer are each touting their own software -- and criticizing the competition . +__label__4 , action game ' halo 2 ' sold early on ebay ( ap ) , ap - advance copies of the aliens-versus-space marines video game halo 2 have already fetched as much as #36 265 on internet auction site ebay , days before the official launch . +__label__3 , google stock falls on outlook - analyst , new york/chicago ( reuters ) - shares of google inc . fell almost 9 percent on friday after an analyst forecast a sharp drop in the price over the next 12 months as the internet search company grows more slowly . +__label__3 , u . s . october hiring at a seven-month peak , washington ( reuters ) - u . s . jobs were created at the heartiest pace in seven months during october , the government said on friday , spurred by rebuilding in the hurricane-battered southeast and brisk hiring in service industries . +__label__1 , peru rebel chief scores publicity coup in court , callao naval base , peru ( reuters ) - punching the air with a fist and chanting rebel slogans , peru ' s shining path founder abimael guzman scored a propaganda coup on friday and forced his terrorism retrial to be postponed for a week . +__label__3 , update 3 sears #39 stock surge after firm buys stake , sears , roebuck and co . #39 s stock shot up 23 percent friday after a real estate investment trust disclosed it had purchased a 4 . 3 percent interest in the department-store chain . +__label__3 , red robin perched higher , the company beats third-quarter estimates and raises yearly guidance , but wall street doesn ' t seem to care . +__label__4 , tiger telematics plans business smartphone , tiger telematics acquired integra sp , a uk company that produces software allowing real-time streaming of data and applications to handheld devices . +__label__2 , berkman tears acl , may be out until june , houston - houston astros star outfielder lance berkman suffered a torn acl in his right knee and will undergo arthroscopic surgery within the next 10 days , the team announced friday . +__label__4 , this week in open-source news , adobe quietly begins testing the waters to increase its involvement in desktop linux . also open-source web browsers mozilla and firefox post gains over microsoft ' s internet explorer . +__label__4 , report e-voting problems cause loss of votes , e-voting machine problems caused more than 4 , 500 votes to be lost in one north carolina county during tuesday ' s general election , and gave u . s . president george bush more than 3 , 800 extra votes in ohio , according to the associated press . +__label__4 , symantec adds threat data to managed security services , san francisco - in a bid to expand its services business , symantec corp . next week plans to start selling security intelligence data as an add-on to its managed security services . < p> advertisement< /p> < p> < img src=http //ad . doubleclick . net/ad/idg . us . ifw . general/sbcspotrssfeed sz=1x1 ord=200301151450 ? width=1 height=1 border=0/> < a href=http //ad . doubleclick . net/clk 11714255 9651165 g ? http //infoworld . com/spotlights/sbc/main . html ? lpid0101035400730403idlp> sbc datacomm white paper< /a> < br/> find out how crate barrel expects to save \$180 , 000 by moving to voip , compared to a traditional pbx . < /p> +__label__4 , webmaster worlds world of search conference features 70 speakers , webmaster world ' s world of search conference features 70 speakers\\the webmasterworld of search conference scheduled for november 16-18 in las vegas has published a final speaker roster and announced over 24 sessions with more than 70 industry-leading speakers . the line up features speakers from such companies as google , yahoo , kanoodle , ask . . . +__label__2 , usc releases stewart from scholarship ( ap ) , ap - southern california point guard rodrick stewart was granted a release from his basketball scholarship friday . +__label__1 , 22 spend own fortunes , one wins house seat ( ap ) , ap - of the 22 candidates who each spent more than #36 1 million of their own money trying to win their first election to congress , only one made it . +__label__4 , idc software sales to hit \$189 billion , the market researcher has predicted a 6 . 2 percent increase in software revenues during 2004 . +__label__4 , a sneak peek at trillian 3 . 0 instant messaging , the popular im consolidation service adds audio and video chat . +__label__4 , rsa sees looming identity crisis online , as internet becomes a crime-choked neighborhood , companies could close their e-commerce shutters and customers could flee . +__label__1 , returning fallujans will face clampdown , fallujah , iraq -- the us military is drawing up plans to keep insurgents from regaining control of this battle-scarred city , but returning residents may find that the measures make fallujah look more like a police state than the democracy they have been promised . +__label__4 , mount st . helens sprouts magma extension ( ap ) , ap - the new lava lobe inside mount st . helens ' crater has sprouted a piston-like protrusion the size of a 30-story building #151 glowing red at night . +__label__4 , research predicts iceless arctic , global warming is causing the arctic ice-cap to melt at such an unprecedented rate that by the summer of 2070 it may have no ice at all , according to the most comprehensive study carried out on global climate change in the region . +__label__1 , dutch security reviewed on threat , the hague , netherlands - the government vowed tough measures yesterday against what a leading politician called quot the arrival of jihad in the netherlands quot after a death threat to a dutch lawmaker was found pinned with a knife to the body of a slain +__label__4 , record breaking supercomputer performance , us secretary of energy spencer abraham announced that a supercomputer developed for the nation #39 s stockpile stewardship program has attained a record breaking performance of 70 . +__label__1 , peruvian maoist trial thrown into chaos , the first hearing in the re-trial of former leaders of peru #39 s shining path guerrilla group has ended in chaos . the judge suspended the hearing after the group #39 s founder , abimael guzman , and his 15 co-defendants +__label__2 , golf roundup haas closer to ending drought , atlanta -- the tour championship suddenly is loaded with optimism for jay haas and tiger woods . haas , who turns 51 next month , showed no signs of slowing down . +__label__2 , jets ' offensive line takes control , waltham -- east boston ' s jimmy yarde lived the lineman ' s dream tuesday night , returning a fumble 70 yards for a touchdown . yesterday , he ran with something even more significant . +__label__4 , microsoft amp novell rumble over linux , while its always interesting to watch two equally opinionated groups go at it , particularly over something as fundamental as whether linux is worth it the current fight is comical at best . +__label__3 , cazenove teams up with jp morgan , cazenove said it had agreed to hive off its investment banking business into a joint venture with jp morgan chase and co , in effect ending the independence of the 181-year-old british bank . +__label__2 , in it for long run , pasadena , calif . -- they no longer have to do any politicking for the national championship . they can simply play for it now . +__label__3 , sears gets a boost from vornado , vornado realty trust gave sears , roebuck amp co . #39 s stock a big boost friday when it said it bought a 4 . 3 percent stake in the famous but struggling chain . +__label__2 , wilson well placed in mexico city , britain #39 s justin wilson was fourth in first qualifying for the final champ car race of the season in mexico city . wilson is looking to end his season on a high note after missing out on the rookie #39 s title to aj allmendinger . +__label__1 , iraq pm pleads for europe #39 s help , iraq #39 s us-backed leader has made an impassioned plea for european nations divided by the war to reunite to help stabilize and rebuild his country . +__label__2 , surrey poised to sign harbhajan , surrey are waiting for approval from the board of control for cricket in india before announcing harbhajan singh as an overseas signing for 2005 . +__label__1 , us bombardment kills 5 in fallujah , fallujah - us artillery shelled fallujah yesterday after overnight air and tank attacks killed five people in iraqs most rebellious city , braced for an all-out offensive now the us presidential election is over . +__label__3 , wal-mart keeps same-store sales outlook , chicago ( reuters ) - wal-mart stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wmt . n target=/stocks/quickinfo/fullquote> wmt . n< /a> , the world ' s largest retailer , said on saturday it still anticipates a 2 percent to 4 percent increase in november sales at its stores open at least a year . +__label__2 , hakkinen back at mercedes , finland #39 s two-time formula one champion mika hakkinen ended his three year exile from motor sport on saturday agreeing to drive for the mercedes team in the 2005 german touring car championship . +__label__1 , bush americans expect bipartisanship ( ap ) , ap - president bush is striking twin themes for a second term , vowing to fight hard for his political agenda while reaching across the aisle to democrats . +__label__1 , musharraf visits afghanistan , pakistani president general pervez musharraf on his visit after the landmark presidential polls in afghanistan congratulated his afghan counterpart hamid karzai for his victory saturday afternoon . +__label__1 , baffled in loss , democrats seek road forward , democrats said president bush ' s defeat of senator john kerry by three million votes left the party facing its most difficult time in at least 20 years . +__label__2 , sharapova withdraws from advanta tourney ( ap ) , ap - maria sharapova withdrew from her semifinal at the advanta championships on saturday with a strained right shoulder . +__label__2 , contenders can #39 t afford any more mistakes , when nextel cup leader kurt busch was hit by engine failure at atlanta motor speedway and finished 42nd last sunday , the mishap tightened nascar #39 s new 10-race championship format . +__label__2 , melvin faces major challenge in arizona ( ap ) , ap - after the wally backman fiasco , the arizona diamondbacks were fortunate to have a handy and willing backup choice in bob melvin . the low-key melvin so coveted the managing job that he brushed aside any concern about being the team ' s second choice . this is the one i really wanted , he said . this is where i feel most at home . that home , though , is in disarray . +__label__2 , greene leads no . 8 georgia to rout of kentucky , lexington , kentucky ( sports network ) - david greene became the winningest quarterback in division ia history and thomas brown ran for 130 yards with three touchdowns to lead eighth-ranked georgia to a 62-17 rout of kentucky at commonwealth stadium . +__label__2 , eleusis wins long island #39 cap personal legend wins turnback the < b> . . . < /b> , eleusis made a successful us debut by beating literacy by 2\\ lengths in aqueduct #39 s saturday feature , the grade ii , \$150 , 000 long island handicap for fillies and mares 3 and older . +__label__2 , woods leads in atlanta , playing his best golf of the year in the season-ending tour championship , tiger woods shoots a 5-under 65 , leaving him tied with jay haas . +__label__2 , lehigh downs hoyas , mark borda throws four touchdown passes and lehigh wins its seventh straight game , 49-18 , over georgetown . +__label__3 , sparks fly in gold fields bid battle , the bitterly fought \$8 . 1bn ( 4 . 5bn ) bid battle for control of gold fields is set to become even more acrimonious this week when harmony gold mining launches a fresh attack on its target #39 s track record . +__label__3 , ontario gets harsh with school dropouts , huntsville , ont . - the ontario government plans to introduce legislation that will require students to stay in school until they reach the age of 18 , said the province ? +__label__2 , woods joins haas in tour championship lead , tiger woods was 2 years old when jay haas won his first golf tournament and 17 when he won his last . on sunday , though , the two men will play together in the final group in the +__label__1 , silence the loose cannons , the us presidential election is finally over ! now the hard part begins . i #39 m not talking about getting north korea back to the negotiating table that will come soon enough . +__label__2 , hamstring shelves moss , vikings receiver randy moss will miss his first game as a pro on monday night against the colts with a recurring hamstring strain that requires rest . +__label__1 , blair , bush to meet as middle east issues loom , british prime minister tony blair , who has pushed for progress on middle east peace talks and is one of the united states #39 closest allies , will meet with president bush next week , the white house said on saturday . +__label__3 , bridges loom as cash cow that nobody dares to milk , there they stand , glinting in the sun , hanging off the shore of manhattan like fruit-laden branches of a money tree the free bridges over the east river to brooklyn and queens . +__label__3 , social security reform a boon for funds ? ( reuters ) , reuters - the bonanza many believe president\bush has handed the mutual fund industry with his plans to\reform social security may be a mirage , industry leaders said\on friday . +__label__3 , it ' s cleanup time at citi , charles o . prince , the chief executive of citigroup , is on a campaign to revamp the banking giant ' s culture after a financial scandal in japan tainted its reputation . +__label__3 , social security reform a boon for funds ? , new york ( reuters ) - the bonanza many believe president bush has handed the mutual fund industry with his plans to reform social security may be a mirage , industry leaders said on friday . +__label__2 , inheriting aura from woods , the new king of golf is a lion , vijay singh has a golf swing to envy , even when fooling around . a few days ago on the driving range at the tour championship , singh grabbed steve flesch #39 s golf clubs . +__label__1 , eu offering economic incentives to iran to suspend uranium < b> . . . < /b> , carrot and stick the eu is hoping iran will cease its nuclear program before the iaea meets later this month . another option could be economic sanctions . +__label__2 , steelers downgrade staley from probable ( ap ) , ap - pittsburgh steelers running back duce staley was downgraded saturday from probable to questionable for sunday ' s game against the philadelphia eagles . +__label__2 , rivers soaks up his big moment , the game ball was retrieved following the celtics #39 107-73 victory over the knicks last night . it will be appropriately lettered and presented to coach doc rivers to commemorate his first win for the club . +__label__1 , militants holding un workers say talks have been postponed , militants threatening to kill three un hostages said yesterday that talks with afghan and un officials had been postponed for another day . +__label__1 , peru ' s toledo wants new judges for guzman retrial , < p> < /p> < p> by jude webber< /p> < p> lima , peru ( reuters ) - peruvian president alejandro toledosaid on saturday he wanted new judges to try shining pathleader abimael guzman after the shameful spectacle he stagedat the start of his terrorism retrial , punching the air withhis fist and chanting rebel slogans . < /p> +__label__3 , union halts vote on grocers #39 offer , members of the grocery workers union will continue to meet to discuss the final contract proposal from king soopers , safeway and albertsons following a surprise decision by the international union to halt voting on the offers . +__label__4 , flat-screen tv prices are falling for holidays , but trend provokes industry unrest panel makers call for drop in retail markups to move units . by evan ramstad and gary mcwilliams . +__label__2 , rijkaard savours barca win , barcelona coach frank rijkaard savoured his side #39 s battling qualities after the catalan giants fought back to beat deportivo la coruna 2-1 at the nou camp and open up a nine-point lead in the primera liga . +__label__1 , afghan militants say drop some hostage demands , kabul ( reuters ) - afghan militants holding three u . n . workers hostage began talks with the government and the united nations on sunday and the kidnappers have dropped some of their demands , a militant spokesman said . +__label__1 , israel to present pa with #39 good will #39 steps in coming days , israel will respond with a series of positive gestures if the successors to palestinian authority chairman yasser arafat will implement security reforms and a quot real quot cease-fire felt on the ground in the territories , israeli security and diplomatic sources +__label__1 , arafat #39 s legacy statelessness for palestinians , the exit from the world stage of palestinian leader and icon yasser arafat will mark the end of a turbulent era , and the beginning of a period of uncertainty and possible instability in the volatile cauldron of the israeli-palestinian conflict . +__label__4 , photos plus music equals an expensive ipod ( washingtonpost . com ) , washingtonpost . com - first apple put some color on the ipod , when it offered the ipod mini in a palette of pastel hues , and now it has put some color inside it , in the form of the new ipod photo . +__label__2 , knicks ' baker on rebound , new york -- putting a slight spin on frank sinatra , gary payton figures that if former teammate vin baker quot can do it in new york , with a city like that , then he can do it anywhere . quot +__label__2 , celtics put it together , new york -- in the wake of a second straight fourth-quarter collapse friday night , coach doc rivers said , quot it just doesn ' t take a lot to distract us right now . quot +__label__2 , badgers ride early surge , madison , wis . -- anthony davis ran for 124 yards and two touchdowns , and quarterback john stocco threw for a career-high 297 yards and a touchdown as no . 5 wisconsin remained unbeaten with a 38-14 rout of archrival minnesota . stocco also ran for two touchdowns as the badgers , 9-0 for the third time in school history , moved into a first-place tie . . . +__label__2 , dalomba sprints to win , with the eastern massachussetts cross-country championships just a week away , yesterday ' s mstca invitational at franklin park offered area runners a last chance to tune up for the title race . +__label__1 , in wake of attacks , state of emergency declared in iraq , the iraqi government declared a state of emergency for 60 days as u . s . and iraqi forces prepared for an expected assault on rebels in fallujah . +__label__3 , south korea planning huge spending to revive economy report ( afp ) , afp - the south korean government is preparing a huge quot new deal quot spending package in the next few years to revive the country ' s sagging economy , yonhap news agency said . +__label__1 , iraqi interim government declares martial law , baghdad ( reuters ) - iraq ' s interim government declared a state of emergency for 60 days on sunday to quell violence gripping the country ahead of january elections . +__label__1 , hezbollah plane flies over israel , lebanon #39 s guerrilla organization hezbollah announced sunday it hd flown an unmanned reconnaissance plane over northern israel for the first time . +__label__1 , ex-envoys mideast peace breakthrough possible , jerusalem -- former us envoys say that the passing of yasser arafat would open up new opportunities for mideast peace , especially if new , pragmatic palestinian leaders emerge . +__label__2 , safin clinches third paris masters , paris ( reuters ) - marat safin won the paris masters for a record-equaling third time when he beat czech qualifier radek stepanek 6-3 7-6 6-3 on sunday . +__label__1 , arafat said to have liver failure pm to visit , paris ( reuters ) - yasser arafat , critically ill in a paris hospital , has suffered liver failure , a palestinian official said on sunday as arafat ' s subordinates decided in his absence to enforce a law and order plan in palestinian areas . +__label__1 , hezbollah flies unmanned plane over israel , hezbollah sent an unmanned reconnaissance plane over israeli airspace sunday , the lebanon-based group and the israeli military said . +__label__1 , afghan officials meet kidnappers to seek release of un workers < b> . . . < /b> , kabul ( afp ) - militants claiming to hold three foreign un workers met afghan officials on sunday and gave them a list of 26 prisoners whom they want to swap for their hostages , a spokesman for the group said . +__label__3 , bt group set to buy us infonet for \$1bn , london britains bt group is hoping to make a dramatic return to the us with a \$1bn acquisition of californian telecoms group infonet services , the sunday times reported . +__label__2 , mauresmo rallies to take advanta title , new york ( reuters ) - top seed amelie mauresmo rallied to beat russia ' s sixth-seeded vera zvonareva 3-6 , 6-2 , 6-2 to complete a successful defense of her advanta championship title in philadelphia on sunday . +__label__1 , low turnout sinks macedonian bid to kill rights bill , skopje ( reuters ) - a referendum bid to block a law that gives macedonia ' s albanian minority more rights failed on sunday , upholding a western-brokered peace plan which ended ethnic fighting in 2001 . +__label__1 , afghan militants hold talks on hostages , but no deal yet , militants holding three foreign united nations workers in afghanistan said that they had held negotiations with officials from the afghan government and the united +__label__1 , infiltration who knows better , army or patil ? , new delhi it appears another instance of the left hand not knowing what the right is doing . barely hours after shivraj patil claimed in srinagar that there was a drop in infiltration from across the border +__label__1 , canada #39 s military ombudsman to investigate troop complaints , canada #39 s military ombudsman will travel to afghanistan next week to investigate troop complaints there , it is reported here sunday . +__label__3 , unskilled jobs to go , there will be no jobs for unskilled workers in britain within 10 years , the leading employers #39 organisation claims today . the prediction is based on the growth in +__label__3 , kremlin keeps all guessing over yukos fate , as yukos contemplates a staggering \$17 . 5 billion tax bill , the spectre of bankruptcy has never seemed closer for russia #39 s biggest oil company . +__label__4 , remote control could save soldiers ' lives ( ap ) , ap - unmanned aerial vehicles and other so-called stand-off weapons , whether currently used or in secret testing , belong to a developing high-tech arsenal that the u . s . military says will help minimize casualties as it battles insurgents . +__label__2 , goosen wins the tour championship , retief goosen closed with a 6-under 64 to win by four shots and become only the third player to overtake tiger woods in the final round . +__label__2 , ramaala ' s first marathon victory is a tale of the tape , south africa ' s hendrik ramaala , who had never finished higher than fifth in a major marathon , won the new york city marathon in 2 hours 9 minutes 28 seconds . +__label__1 , islamic group threatens to kill indian cricketers in bangladesh ( afp ) , afp - a little known radical islamic group has threatened to kill indian cricketers when they tour bangladesh from tuesday , the indian high commission told afp . +__label__4 , vars stone #39 s exit won #39 t slow novell #39 s linux drive , solution providers last week said they do not expect the sudden departure of novell vice chairman chris stone , who engineered the company #39 s aggressive linux push , to slow its linux initiative . +__label__4 , travelocity says speed is the ticket for growth , sam gilliand , the chief executive of travelocity , talks about the online travel industry , the cendant-orbitz merger and the woes of the airline industry . +__label__3 , big tax plans , big tax risks , reforming the tax system is more politically risky and economically complex than the president let on during the campaign . +__label__2 , costecu makes it two , denisa costescu follows up her victory in indianapolis on saturday with another win at the veteran ' s day 10k sunday in washington . +__label__2 , bonds deserves a quot c quot for historic 73 , what symbol should be placed next to barry bonds #39 monumental mark of 73 home runs ? how about a capital quot c quot for quot the cream , quot quot the clear , quot quot the cheat quot ? +__label__2 , bills ' williams sustains neck injury ( ap ) , ap - bills right tackle mike williams sustained a neck injury and was driven off the field in an ambulance during the third quarter of buffalo ' s 22-17 victory over the new york jets on sunday . +__label__3 , fed expected to stay the course for now , if there is a good rule of thumb about the federal reserve , it is this a startling economic report is not enough to sway policy . when the labor department reported +__label__1 , government gets tough as south korea ' s labor reform sparks protests ( afp ) , afp - the south korean government is warning of tough action against union militancy as legislation aimed at increasing flexibility in south korea ' s labor market triggered a head-on collision with labor groups . +__label__1 , uk train line to be closed for days #39 after fatal derailment , a main rail line between london and southwest england will remain closed for a number of days #39 #39 as uk police investigate the weekend derailment of a firstgroup plc train , in which seven people lost their lives . +__label__3 , s . e . c . is said to examine stock pricing by big brokers , the securities and exchange commission is looking at brokerage firms suspected of failing to get customers the best stock prices , people briefed on the inquiry said . +__label__1 , india must recognize international realities pm , prime minister manmohan singh has responded to the left #39 s criticism of his congratulatory call to us president george w . bush by saying india must recognise international realities . +__label__4 , photos matrix ' s high-rise chips , matrix semiconductor ' s memory chips have several layers of transistors rather than a single plane . +__label__1 , earthquakes shake central japan bullet train resumed ( update4 ) , a series of earthquakes shook central japan in niigata prefecture , where quakes that began last month have killed more than 30 people . +__label__3 , closing the giving gap , near the entrance for the christmas tree shop on route 1 in lynnfield , barbara patten stood next to her salvation army kettle and played her flute on a recent saturday as customers walked past . +__label__2 , defense is chief problem again , the tampa bay buccaneers found a way to beat the kansas city chiefs . they simply outscored them . +__label__2 , lewis , allen super vs . spurs , rashard lewis scored 27 points and ray allen added 24 , leading the supersonics to a 113-94 victory over the san antonio spurs last night in seattle . +__label__3 , start-ups are discovering they might have to wait until the timing is right , is the market for initial public offerings open or closed ? few questions loom larger for venture capital firms , which risk money on entrepreneurial companies and look for ' ' liquidity events quot that will help them recoup their investments . but more than at any other time in the recent past , the answer may depend on your vantage point . +__label__3 , nothing ventured , nothing at all gained , there are two topics most venture capitalists hate to discuss companies they invested in that tanked , and companies they didn ' t invest in that soared . +__label__3 , westpac delivers \$2 . 5b profit , westpac bank has reported a record after-tax profit of \$2 . 54 billion , a 16 per cent increase on the previous year #39 s results . the bank has also announced a final dividend of 44 cents , taking the full-year dividend to 86 cents fully franked . +__label__3 , anz increases it spend , a new \$100 million retail telling platform , which was completed in the first half of this year , and the growing cost of compliance were the key drivers for the rise according to the bank #39 s 2004 annual roadshow presentation . +__label__2 , bourdais takes series title , mexico city - sebastien bourdais took his first champ car world series title , beating teammate bruno junqueira with a flag-to-flag win sunday in the mexican grand prix . +__label__3 , study raises stent doubts , heart patients aren #39 t more likely to live long term after getting the artery-opening tubes called stents , according to a study released yesterday by researchers at duke university . +__label__1 , negotiations for hostages in afghanistan fall short , militants holding hostage three foreign un workers in afghanistan said they negotiated yesterday with afghan government and un officials in southern afghanistan but that the meeting ended without results . +__label__1 , ivory coast leader urges end to violence , abidjan ( reuters ) - ivory coast president laurent gbagbo appealed for an end to the anti-french violence which erupted after france destroyed most of the country ' s air force in retaliation for the killing of nine french peacekeepers . +__label__4 , flying taxis - quot within five years quot , british company avcen , designers of quot jetpod quot taxi , believe they can offer a flying taxi service within 5 years . the taxi , due to undergo quot proof of concept quot test flights over the next 18 months , cruises to 228m with speeds of up to 350 mph ( 563 kph ) . +__label__2 , notebook james giving sonics a jump-start , jerome james showed up late to the sonics #39 home opener , and his lack of substantial playing time in exhibition games hinted at another wasted season full of jokes about a 7-foot-1 guy who couldn #39 t grab a rebound from a toddler . +__label__2 , plummer spreading production , jake plummer #39 s four touchdown passes and 137 . 8 quarterback rating sunday only begins to describe the efficient air attack used by the broncos to rout the houston texas 31-13 . +__label__1 , website posts video of suicide attack against british troops , a video purportedly showing a suicide attack against british troops last week was posted on an islamic website . soldiers from britain #39 s black watch regiment were manning a vehicle checkpoint south of baghdad +__label__3 , british airways posts robust 2q profit growth , london , november 8 ( newratings . com ) - british airways #39 ( bai1 . fse ) second-quarter pretax profits more than doubled this fiscal year , boosted by the company #39 s effective cost reduction measures and a robust upturn in the long-haul passenger traffic trends . +__label__4 , flat-screen tv , but the booming demand isn #39 t proving profitable for the companies that make the high-resolution video panels . for electronics retailers , it will be the holiday season of the flat-screen tv . +__label__2 , notes kahne , harvick have verbal confrontation , avondale , ariz . - some sparks flew between rookie kasey kahne and kevin harvick at the conclusion of sunday #39 s checker auto parts 500 . +__label__3 , pm welcomes eu partnership , prime minister manmohan singh arrived in the hague last night to participate in the india-european summit . quot in recognition of indias growing stature and influence , the eu has proposed a strategic partnership with india . +__label__1 , france says hostages still alive a few days ago , france said on sunday two french reporters held hostage with their syrian driver in iraq were still alive a few days ago . quot we are working discreetly , following up leads , reestablishing +__label__4 , tesco to sell downloadable tunes , tesco aint daft , theyve done the insurance blag and now they getting stuck into the music downloading service . they will be the first supermarket to enter a market that is worth over 25million and is currently dominated by the apple run itunes . +__label__4 , ati launches new radeon xpress 200 chipsets for amd k8 platform , ati technologies today announced the availability of its new radeon xpress 200 series of core logic chipsets for the amd k8 desktop platform . +__label__3 , united seeking further cuts , ditching pension for 401 ( k ) , chicago - united airlines #39 workers are getting formal details on how the bankrupt company wants to replace their traditional pension with a 401 ( k ) -style benefit plan - plus further steep reductions in pay and other benefits . +__label__3 , stocks open lower as wall st . pulls back , us stocks opened slightly lower on monday as investors pause after a three-day rally last week , with interest rates and a weakening dollar gaining focus now that the presidential election is over . +__label__3 , #39 poison pill #39 just in case , the haste with which news corporation has adopted a quot poison pill quot - or stockholders rights plan - following the bold move of john malone #39 s liberty media to put its foot on a further 8 per cent of the voting stock demonstrates a real concern as to his +__label__3 , interest rates to mark time , australian home owners can breathe a sigh of relief stable interest rates are predicted well into next year . the reserve bank issued a glowing report card on the australian economy yesterday , now that the +__label__3 , canada oct . housing starts fall 5 . 4 , led by cities ( update1 ) , canadian housing starts fell 5 . 4 percent to an annual pace of 225 , 000 units in october , led by drops in multi- and single-family homebuilding in cities , the federal government #39 s housing agency said . +__label__1 , greenpeace #39 shocked #39 over death of anti-nuclear protestor , paris - the international environment watchdog group greenpeace said monday it was quot shocked and very saddened quot by the death of a french protestor who was struck and killed sunday by a train transporting nuclear waste to germany . +__label__4 , microsoft settles antitrust cases with novell , ccia , microsoft corp on monday announced antitrust settlements with novell inc . and the computer and communications industry association ( ccia ) , ending years of legal wrangling . +__label__4 , ibm to commercialize blue gene supercomputer , fresh from setting a record for performance among supercomputers just a few days ago , ibm on monday announced it is making a commercial version of its blue gene system available to be aimed at businesses and scientific researchers . +__label__4 , microsoft plans heavy hype for ' halo 2 ' , halo 2 appears to be one of the most hotly hyped and heavily anticipated video games ever , and microsoft is planning a tuesday release that may rival the best of hollywood ' s movie glitz . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__3 , alternative energy ready or not ? , even with a boost from higher oil prices and growing concern about global warming , the payoff on most alternative energy technologies seems a ways off . +__label__3 , microsoft ends decade of antitrust suits , seattle/new york ( reuters ) - microsoft corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=msft . o target=/stocks/quickinfo/fullquote> msft . o< /a> said on monday it had agreed to settle antitrust lawsuits with novell inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=novl . o target=/stocks/quickinfo/fullquote> novl . o< /a> and an industry trade group , marking the end of a decade-long antitrust battle . +__label__1 , ivory coast facing un sanctions , france is pushing to win passage of a un resolution that seeks an arms embargo and other penalties against the ivory coast . france #39 s un ambassador , jean-marc de la sabliere , hopes for a vote early this week . __label__4 , supercomputing at your fingertips , machines that only a few years ago seemed to be the stuff of fantasy are slowly but surely reaching the mainstream . < br /> photos ibm ' s blue gene/l < br /> photos barcelona ' s big blade -__label__4 , microsoft makes another antitrust deal , software giant settles with novell and the ccia , ending years of legal wrangling . -__label__3 , us treasuries slip lower ahead of new supply , treasuries slipped lower on monday as investors positioned themselves to absorb \$51 billion of new supply this week ahead of an expected federal reserve increase in official interest rates . -__label__3 , news corp plans for poison pill , news corp , the media group led by rupert murdoch , on monday announced plans for a poison pill rights issue to prevent a hostile takeover by potential predators such as liberty media , one of the company #39 s largest shareholders . -__label__3 , pfizer ' s gloom factor , the stock will continue to be depressed , but things will improve if celebrex ' s safety is proven . -__label__3 , phoney ebay bidders fined , eight ebay sellers were ordered to pay nearly \$us90 , 000 ( \$118 , 000 ) in restitution and fines after admitting they had bid on products to inflate the prices . -__label__4 , ibm blue gene supercomputer for sale , fresh after taking the performance crown and capping a five-year , \$100 million r amp d effort , ibm today announced that blue gene is officially going on sale with a starting price of \$1 . -__label__4 , something oozed on titan #39 s surface , summary - ( nov 8 , 2004 ) nasa #39 s cassini spacecraft took this image of titan as it sped past the moon on oct . 26 , 2004 . it was taken from an altitude of 2 , 500 km ( 1 , 553 miles ) using the spacecraft #39 s aperture -__label__2 , beckham practicing again with real madrid , david beckham trained with real madrid on monday for the first time since breaking two ribs last month during a world cup qualifier . -__label__1 , ivorian unrest poses new test for france , two years after french forces arrived to restore order in turmoil-torn ivory coast , a peace agreement between ivorian rebels and the government of president laurent gbagbo is in -__label__3 , microsoft settles novell antitrust suit ( reuters ) , reuters - microsoft corp . said\on monday it agreed to settle antitrust lawsuits with novell\inc . and an industry trade group , marking the end of a\decade-long antitrust battle . -__label__4 , cellphones outstrip landlines in india ( afp ) , afp - mobile phone users have outstripped traditional landline connections in india , the government announced . -__label__4 , scientists try to save largest salamander ( ap ) , ap - the population of north america ' s largest salamander is plummeting in missouri and arkansas , and scientists from five states met to consider how to prevent the creature ' s disappearance . -__label__4 , conversion rates between ppc ( paid ) and organic ( free ) results , conversion rates between ppc ( paid ) and organic ( free ) results\\in a thread over at cre8asite forums named organic vs paid traffic roi ? , there is a discussion going on about the different conversion rates and roi seen between the pay per click traffic ( paid traffic ) and organic traffic ( free traffic ) . i have . . . -__label__4 , ibm #39 s eserver blue gene for sale , ibm #39 s five-year , \$100 million blue gene project on monday bore commercial fruit as the armonk , ny-based computer maker announced it was offering the supercomputer to anyone who has at least \$1 . -__label__4 , uk to take tougher line on ultrawideband , report for british regulator calls for wireless technology to be more strictly controlled than in united states . -__label__2 , ou puts exclamation point on season , no apologies , no justifications , no excuses necessary . oklahoma isn #39 t slinking into the bcs championship game through the back door this year . -__label__4 , ibm #39 s blue gene/l goes on sale , quot ibm plans to announce on monday that the blue gene will be available immediately with a starting price of \$1 . 5 million . quot . -__label__4 , fcc expected to keep states off voip ' s back , sources expect that on tuesday , the fcc will exempt more net phone calls from state telephone rules and taxes , even as the cable industry tries to grab voip ' s coattails . -__label__4 , voip firm ties rebate deal to wi-fi router , vonage and cisco ' s linksys have a new bundle an 802 . 11g router and any of three vonage plans . -__label__4 , competitions foster next generation of linux talent , ibm #39 s linux scholar challenge is one of a few programs to drum up enthusiasm among students worldwide in linux and open-source software . -__label__2 , victory so sweet after athens collapse , britain #39 s world record holder paula radcliffe ran away with the closest women #39 s winning margin in the history of the new york city marathon yesterday . -__label__3 , microsoft , novell settle antitrust suit , seattle/new york ( reuters ) - microsoft corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=msft . o target=/stocks/quickinfo/fullquote> msft . o< /a> said on monday said it will pay \$536 million to its smaller rival novell inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=novl . o target=/stocks/quickinfo/fullquote> novl . o< /a> to settle an antitrust suit and resolved a 10-year dispute with a computer trade group . -__label__2 , drink-drive swimmer #39 very sorry #39 , an apologetic michael phelps today said he made a dangerous mistake when he was arrested for drink-driving last week . the olympic swimming champion was arrested and charged with drink driving after a trooper -__label__3 , bt to buy infonet for us\$965mil , berlin bt group plc , britain #39 s largest phone company , plans to buy infonet services corp . for us\$965mil to add a data network spanning more than 180 countries . -__label__3 , lcc int #39 l posts 3q profit , shares tumble , lcc international inc . , which offers wireless voice and data technical consulting , on monday saw shares plummet as much as 12 percent in after-hours trade after the company swung to a third-quarter profit but predicted lower revenues are ahead . -__label__1 , colombia accuses cos . of illegal imports , the colombian government has filed a lawsuit accusing pernod ricard sa , diageo plc and seagram export sales co . of illegally importing spirits via colombian companies that launder drug money . -__label__4 , #39 halo 2 #39 has game fans , atlanta - for many video game addicts , the buzz on the sequel to quot halo quot is louder than a machine gun rat-a-tatting in their ears . -__label__4 , postal service to use motorola devices ( ap ) , ap - motorola israel ltd . said monday it will provide the u . s . postal service with new hand-held scanning devices under a three-year deal worth about #36 300 million . -__label__4 , ati launches chipset for amd desktops , ati technologies on monday delivered the radeon xpress 200 , a new chipset for desktops using advanced micro devices #39 athlon 64 and other eighth-generation processors . -__label__4 , novell launches linux for desktop computers , novell , one of the popular names in the open-source community , has launched linux desktop 9 os for enterprise computer systems today for lower deployment and management prices . -__label__4 , volcano #39 cowboys #39 who ride a ring of fire , scientists tap everything from gas-sniffing devices to gps systems to better forecast when a mountain will stir . by brad knickerbocker staff writer of the christian science monitor . -__label__3 , six flags 3q net income falls 60 percent , new york - six flags inc . #39 s third-quarter net income fell 60 percent , as cool weather hurt attendance at its amusement parks . six flags late monday reported net income of \$56 . -__label__3 , oracle to drop suit if takeover bid fails , oracle corp . said monday it will drop a lawsuit it filed in delaware against peoplesoft , its rival and takeover target , if a majority of peoplesoft -__label__4 , scientists find arctic is warming quickly , a four-year-long study of the arctic climate confirms what many in canada #39 s north have been saying for years -- the arctic is melting , and faster all the time . -__label__3 , new york times co . announces plan to sell manhattan building , _ the new york times co . plans to sell its building on west 43rd street in manhattan to a partnership led by tishman speyer properties , the companies announced monday . -__label__4 , last gasp of a dying star ? spacecraft to find out , a new spacecraft is being readied to make the fastest , most detailed study yet of the fleeting gamma ray bursts emanating from deep in space . -__label__2 , pittsburgh where the unbeaten go to die , the body blows came in staccato fashion , from the arm of a rookie quarterback and the legs of an old pro . ben roethlisberger would give the ball to jerome bettis , and bettis -__label__1 , afghans vow to kill un hostage if demands not met , kabul ( reuters ) - a taliban splinter group holding three u . n . workers hostage demanded a response to its demands from the afghan government and united nations by tuesday afternoon , saying it would kill one captive if they were not met . -__label__3 , karp team won ' t buy fan pier , for the second time in less than two months , a prospective buyer of the prime fan pier land in south boston has pulled out of a deal . -__label__4 , burning of fossil fuels threatens to overwhelm arctic environment , the burning of fossil fuels has contributed to warming in the arctic that is much faster and more dramatic than scientists previously believed at nearly twice the rate of the rest of the world , a new international report concludes . -__label__2 , nba today ( ap ) , ap - indiana at minnesota ( 8 p . m . est ) . last year ' s eastern and western conference regular-season champions meet for the first of two times this season . -__label__3 , german finance professionals grow sharply ( ap ) , ap - german finance professionals grew sharply more pessimistic about the country ' s economic growth outlook , fearing that the euro ' s record highs against the u . s . dollar will weigh on exports , a monthly survey showed tuesday . -__label__4 , ca integrates pestpatrol anti-spyware , computer associates ( ca ) has integrated an anti-spyware product with its etrust security management portfolio . the integrated product called etrust pestpatrol anti-spyware r5 includes faster detection and removal and an enhanced graphical interface . -__label__2 , phelps faces possible jail term , olympic swimming champion michael phelps may face a jail term after being arrested on drink-driving charges last week in salisbury , maryland . -__label__1 , explosion in kathmandu injures 30 , at least 30 people have been hurt in a explosion in nepal #39 s capital , kathmandu . police say it was a bomb . the explosion struck a building of the government-owned employees #39 provident fund that was under construction . -__label__4 , australia in grip of water crisis , there is a warning that some of australia ' s major cities could run out of drinking water . -__label__1 , u . s . forces push into heart of fallujah , u . s . army and marine units thrust into the heart of the insurgent stronghold of fallujah on tuesday , fighting fierce street battles and conducting house-to-house searches on the second day of a major assault to retake the city from islamic militants . -__label__1 , south africa intervenes in ivory coast , south african president thabo mbeki flew to ivory coast on tuesday to launch an african effort to rein in four days of violence that have killed at least 20 people , wounded more than 600 and shut down cocoa exports from the world ' s largest producer . -__label__1 , bomb explosion in nepali capital wounds 38 , kathmandu ( reuters ) - a bomb tore through a government building under construction in the nepali capital on tuesday , wounding at least 38 people in an attack police suspect was carried out by maoist rebels . -__label__4 , bluetooth sig completes core specification 2 . 0 , the bluetooth special interest group ( sig ) has announced the successful completion of the first stage in its three-year roadmap for the wireless technology , with the release of bluetooth core specification 2 . 0 edr ( enhanced data rate ) . -__label__2 , strahan out for the season , it #39 s bad enough when a team loses both starting defensive ends in one game . but when one of them is named michael strahan , it becomes a near disaster . -__label__3 , echostar posts profit , adds subscribers ( reuters ) , reuters - echostar communications corp . \on tuesday said third-quarter profit rose on an aggressive\campaign to add more new subscribers . -__label__3 , oil downturn deepens as supplies swell , london ( reuters ) - oil on tuesday extended a price slide that has cut 12 percent from record highs in two weeks as growing signs of ample supply eases concerns over fuel stocks for the northern winter . -__label__3 , dollar holds above record low vs euro , london ( reuters ) - the dollar held almost a cent above its record low against the euro on tuesday , winning a respite after heavy selling as european officials warned about a strong euro and investors grew wary ahead of u . s . trade data . -__label__3 , lloyds tsb to move more than 1 , 000 uk jobs to asia ( update1 ) , lloyds tsb group plc , the uk #39 s no . 5 bank by assets , plans to move at least another 1 , 000 employees from britain to asia , where labor costs are lower . -__label__4 , amd et chartered signent des contrats d #39 approvisionnement et de < b> . . . < /b> , sunnyvale , calif . and singapore-- ( business wire ) 9 novembre 2004--chartered adopte la fabrication de prcision automatise d #39 amd et prvoit de fabriquer des processeurs amd64 en 2006 . -__label__2 , lights ! camera ! beckham ! , england #39 s most celebrated soccer player , david beckham , has announced that he will undertake his first major acting role in a film trilogy called #39 goal ! -__label__1 , eu will go it alone on nuclear project if french site bid fails , brussels , nov 9 ( afp ) - the european union said tuesday it was prepared to forge ahead with a revolutionary nuclear energy project if negotiations with japan and other backers on where to locate it break down . -__label__3 , cvs same-store sales up 5 . 4 percent , new york ( reuters ) - drugstore chain cvs corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cvs . n target=/stocks/quickinfo/fullquote> cvs . n< /a> on tuesday said october sales at stores open at least a year rose 5 . 4 percent on higher demand for prescriptions and other merchandise at its cvs stores . -__label__3 , stocks open flat , waiting for fed , new york ( reuters ) - u . s . stocks opened flat on tuesday as investors took another pause after last week ' s big rally , with the fed expected to raise interest rates a quarter point on wednesday . -__label__4 , microsoft ' s legal cleanup day , perhaps microsoft was hoping for all eyes to be on the much-ballyhooed launch tuesday of its halo 2 video game , but the company ' s efforts to clean up its lawsuit headaches can ' t be overshadowed by virtual gunslinging . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__4 , firefox roars from the gates , tuesday , november 9 , 2004 will likely go down in the history books as the day the browser wars officially started . obviously things happened before today to get us to the point where there was a real , legitimate -__label__3 , aol plans revamp , shake up management - reports , the america online unit of time warner inc . ( twx . n quote , profile , research ) is reorganizing itself into four operational units to improve decision making , the wall street journal and the washington post reported on tuesday . -__label__3 , cablevision narrows loss on revenue surge , cablevision systems corp . on tuesday said it narrowed its third-quarter loss as revenue jumped 20 percent , buoyed by subscriber growth . -__label__4 , supreme court asked to hear file-sharing arguments , the file-sharing legal battle has moved to the supreme court , with a group composed of labor unions , sports leagues and state attorneys general asking for a hearing on a claim brought -__label__2 , fa plan new united-arsenal talks , the football association are set to wait until after the conclusion of any disciplinary action against arsene wenger before trying to broker a peace summit between arsenal and manchester united . -__label__1 , armitage holds talks with pakistani leaders , world news islamabad , nov 9 us deputy secretary of state richard armitage tuesday met top pakistani leaders to exchange views on a wide array of issues , including the dialogue between pakistan and india and the war on terror . -__label__1 , cocoa prices down but ivorian exports still blocked , world cocoa prices were down on tuesday but off the day #39 s lows as exports remained on hold after mob violence and military clashes in ivory coast , the key global supplier , traders said . -__label__3 , cocoa price off , ivory coast shot to bits ( reuters ) , reuters - world cocoa prices rose from intraday\lows , but exports from the ivory coast , the key global\supplier , remain on hold after mob violence and military\clashes paralyze business in the west african country , traders\said on tuesday . -__label__3 , us rate rise locked in for wednesday ( afp ) , afp - the unexpected boom in us job creation in october has locked in an interest rate rise and will likely encourage another tightening in december , analysts said . -__label__4 , matrix delivers on 3d memory chip promise , nearly three years after matrix semiconductor first announced plans to offer write-once memory chips based on a 3d design technology , the chips are in volume production . -__label__1 , french troops clash with ivory coast protesters , abidjan ( reuters ) - french soldiers fired to disperse protesters on tuesday after days of rioting in ivory coast ' s main city abidjan as south africa ' s president thabo mbeki gave an upbeat assessment of a brief peace mission to the country . -__label__1 , the bag of aeolus , quot aeolus was keeper of the winds . he gave a bag of evil winds to odysseus , instructing him to keep it closed while a good breeze wafted him home . -__label__4 , novell brings linux to the desktop , novell #39 s linux desktop 9 includes an end-user operating system , office applications and productivity tools . it boasts the same levels of security and reliability as the suse linux enterprise -__label__4 , crazy like a firefox , today , the mozilla foundation #39 s firefox browser officially launched -- welcome , version 1 . 0 . in a way , it #39 s much ado about nothing , seeing how it wasn #39 t that long ago that we reported on how mozilla had set -__label__4 , computer associates launches pestpatrol , computer associates is releasing etrust pestpatrol anti-spyware r5 , aimed at consumers and small businesses , and based on technology ca obtained when it bought anti-spyware provider pestpatrol two months ago . -__label__4 , trio of new games victimized by piracy , dallas - a month before the video game #39 s scheduled release this coming tuesday , illegal copies of the hot sci-fi action title quot halo 2 quot were already circulating on the internet . -__label__2 , dolphins owner huizenga stayed with likeable wannstedt a little < b> . . . < /b> , this bit of coaching euthanasia -- dave wannstedt getting whacked ( or whatever they called it ) by the dolphins -- had to happen . i #39 m quot stepping aside for the good of the team #39 #39 is what he told me just after noon today . -__label__4 , bluetooth group outlines strategy ( newsfactor ) , newsfactor - with bluetooth short-range wireless technology finding its way into an array of hardware products , ranging from mobile phones to in-vehicle telematics systems , a working group promoting the specification has outlined a strategy to make it even more attractive and useful . -__label__4 , amd signs up for extra 64-bit production capacity , advanced micro devices inc . will use chartered semiconductor manufacturing ltd . ' s manufacturing services to produce amd ' s opteron and athlon 64 processors starting in 2006 , adding production capacity as the company starts building chips at its second dresden , germany , plant , the companies said monday . -__label__3 , cisco systems 1st-quarter earnings rise ( reuters ) , reuters - cisco systems inc . , the biggest maker\of equipment that directs data over the internet , on tuesday\said quarterly earnings rose 29 percent on rising demand for\its networking gear . -__label__4 , the mozilla firefox 1 . 0 is out ! , even though this barely touches the topics of this site , it is well worth mentioning that the mozilla firefox browser has finally reached the 1 . 0 milestone . -__label__4 , court considers textbook stickers downplaying evolution , a georgia school board is in court this week over quot disclaimer quot stickers it placed on biology textbooks stating that the theory of evolution has not been proven as fact . -__label__4 , trojan horse drives spam into cell phones , infected computers send out a slew of unwanted text messages , a security firm says . -__label__3 , fed #39 s rate hikes expected to continue this week and most of next < b> . . . < /b> , the federal reserve is expected to nudge interest rates up for a fourth time this year on wednesday , acting on the belief that the economy has finally emerged from an extended quot soft patch . -__label__4 , wordperfect office 12 - home edition defines home productivity < b> . . . < /b> , building on the company #39 s mandate to open the home consumer software market to value-priced alternatives to microsoft ( r ) office , corel today announced the availability of wordperfect office ( r ) 12 - home edition . -__label__4 , brief ibm integrates enigma technology into auto dealer portal , enigma ' s 3c platform is designed to help ibm streamline business processes for automotive oems and dealers . -__label__3 , marsh axes 3 , 000 as insurer braces itself for a payout , marsh amp mclennan , the insurance broker , is to axe 3 , 000 jobs to help to prop up its flagging profits , which have been hurt by a \$232 million ( 125 million ) charge to cover a potential settlement with eliot spitzer , the new york attorney-general . -__label__2 , clarett accuses ohio state of improprieties school denies claims , former ohio state star maurice clarett accused coach jim tressel , his staff and school boosters of arranging for him to get passing grades , cars , and thousands of dollars , including for bogus summer jobs . -__label__2 , new columbia athletic director sounds off ( ap ) , ap - one day on the job , and columbia university athletic director m . dianne murphy wasted little time saying what she thought of the school ' s sports performance . -__label__4 , fusion reactor decision must wait , six nations planning to build the world ' s biggest nuclear fusion reactor fail to agree where to site the facility . -__label__3 , calif . official backs anthem-wellpoint , los angeles/philadelphia ( reuters ) - california ' s insurance commissioner on tuesday ended his opposition to anthem inc . ' s < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ath . n target=/stocks/quickinfo/fullquote> ath . n< /a> proposed \$16 . 5 billion acquisition of wellpoint health networks inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wlp . n target=/stocks/quickinfo/fullquote> wlp . n< /a> after anthem agreed to hike its funding of state health projects . -__label__3 , crude oil prices fall to their lowest level in seven weeks , crude oil futures closed below 48 dollars a barrel tuesday , the lowest level in seven weeks amid rising expectations about us oil supply for this winter . -__label__3 , shake-up at british retailer , london marks amp spencer announced a management shake-up tuesday that cost six senior executives their jobs , as the company said profit plunged and sales dipped in its home market for the first half of 2004 . -__label__2 , robson is back with a swipe at his critics , bryan robson ended a three and a half year exile from premiership management by returning to the hawthorns , where he first excelled as a player more than 20 years ago . -__label__2 , keane hits two to put spurs back on track , tottenham , in disarray last weekend following the shock resignation of manager jacques santini , got their troubled campaign back on the rails last night by putting championship opponents -__label__4 , patch in for microsoft server spoofing flaw , attackers could use hole in small-business software to trick personal information out of people . -__label__4 , verizon brings top-speed dsl to 16 more areas , dsl at 3mbps debuts in areas within company ' s existing footprint . -__label__4 , peoplesoft revises third-quarter profit , oracle target adds \$2 . 6 million to bottom line after tax adjustment related to ex-ceo ' s severance package . -__label__4 , nike teams with sony on special gt4 offer , a limited edition gran turismo bundle in japan will come with a pair of nike sneakers and t-shirt . tokyo--major running shoe and apparel manufacturer nike is collaborating with sony computer entertainment -__label__1 , us troops reach centre of fallujah as 48 killed in baquba and < b> . . . < /b> , fallujah iraqi prime minister ayad allawi on tuesday imposed a night curfew in baghdad as us troops with crack iraqi soldiers surged into the heart of fallujah in a hail of explosions and gunfire on the second day of the largest operation in iraq since -__label__3 , chips are down in tech world , europe #39 s biggest chipmaker , infineon , rocked the technology world today as profits fell e100m ( 70m ) short of analysts #39 expectations . -__label__4 , microsoft to showcase new msn search preview , microsoft is having big problems in the search engine market . their online search engine stands nowhere on popularity charts and now google and yahoo ! -__label__1 , fallujah violence leaves 10 troops dead ( ap ) , ap - u . s . troops powered their way into the center of the insurgent stronghold of fallujah on tuesday , overwhelming small bands of guerrillas with massive force , searching homes along the city ' s deserted , narrow passageways and using loudspeakers to try to goad militants onto the streets . -__label__4 , sail away into space , the ancient art of sailing gets a space-age update next year with the launch of the first sunlight-propelled quot solar sail quot spacecraft . +__label__4 , microsoft makes another antitrust deal , software giant settles with novell and the ccia , ending years of legal wrangling . +__label__3 , us treasuries slip lower ahead of new supply , treasuries slipped lower on monday as investors positioned themselves to absorb \$51 billion of new supply this week ahead of an expected federal reserve increase in official interest rates . +__label__3 , news corp plans for poison pill , news corp , the media group led by rupert murdoch , on monday announced plans for a poison pill rights issue to prevent a hostile takeover by potential predators such as liberty media , one of the company #39 s largest shareholders . +__label__3 , pfizer ' s gloom factor , the stock will continue to be depressed , but things will improve if celebrex ' s safety is proven . +__label__3 , phoney ebay bidders fined , eight ebay sellers were ordered to pay nearly \$us90 , 000 ( \$118 , 000 ) in restitution and fines after admitting they had bid on products to inflate the prices . +__label__4 , ibm blue gene supercomputer for sale , fresh after taking the performance crown and capping a five-year , \$100 million r amp d effort , ibm today announced that blue gene is officially going on sale with a starting price of \$1 . +__label__4 , something oozed on titan #39 s surface , summary - ( nov 8 , 2004 ) nasa #39 s cassini spacecraft took this image of titan as it sped past the moon on oct . 26 , 2004 . it was taken from an altitude of 2 , 500 km ( 1 , 553 miles ) using the spacecraft #39 s aperture +__label__2 , beckham practicing again with real madrid , david beckham trained with real madrid on monday for the first time since breaking two ribs last month during a world cup qualifier . +__label__1 , ivorian unrest poses new test for france , two years after french forces arrived to restore order in turmoil-torn ivory coast , a peace agreement between ivorian rebels and the government of president laurent gbagbo is in +__label__3 , microsoft settles novell antitrust suit ( reuters ) , reuters - microsoft corp . said\on monday it agreed to settle antitrust lawsuits with novell\inc . and an industry trade group , marking the end of a\decade-long antitrust battle . +__label__4 , cellphones outstrip landlines in india ( afp ) , afp - mobile phone users have outstripped traditional landline connections in india , the government announced . +__label__4 , scientists try to save largest salamander ( ap ) , ap - the population of north america ' s largest salamander is plummeting in missouri and arkansas , and scientists from five states met to consider how to prevent the creature ' s disappearance . +__label__4 , conversion rates between ppc ( paid ) and organic ( free ) results , conversion rates between ppc ( paid ) and organic ( free ) results\\in a thread over at cre8asite forums named organic vs paid traffic roi ? , there is a discussion going on about the different conversion rates and roi seen between the pay per click traffic ( paid traffic ) and organic traffic ( free traffic ) . i have . . . +__label__4 , ibm #39 s eserver blue gene for sale , ibm #39 s five-year , \$100 million blue gene project on monday bore commercial fruit as the armonk , ny-based computer maker announced it was offering the supercomputer to anyone who has at least \$1 . +__label__4 , uk to take tougher line on ultrawideband , report for british regulator calls for wireless technology to be more strictly controlled than in united states . +__label__2 , ou puts exclamation point on season , no apologies , no justifications , no excuses necessary . oklahoma isn #39 t slinking into the bcs championship game through the back door this year . +__label__4 , ibm #39 s blue gene/l goes on sale , quot ibm plans to announce on monday that the blue gene will be available immediately with a starting price of \$1 . 5 million . quot . +__label__4 , fcc expected to keep states off voip ' s back , sources expect that on tuesday , the fcc will exempt more net phone calls from state telephone rules and taxes , even as the cable industry tries to grab voip ' s coattails . +__label__4 , voip firm ties rebate deal to wi-fi router , vonage and cisco ' s linksys have a new bundle an 802 . 11g router and any of three vonage plans . +__label__4 , competitions foster next generation of linux talent , ibm #39 s linux scholar challenge is one of a few programs to drum up enthusiasm among students worldwide in linux and open-source software . +__label__2 , victory so sweet after athens collapse , britain #39 s world record holder paula radcliffe ran away with the closest women #39 s winning margin in the history of the new york city marathon yesterday . +__label__3 , microsoft , novell settle antitrust suit , seattle/new york ( reuters ) - microsoft corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=msft . o target=/stocks/quickinfo/fullquote> msft . o< /a> said on monday said it will pay \$536 million to its smaller rival novell inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=novl . o target=/stocks/quickinfo/fullquote> novl . o< /a> to settle an antitrust suit and resolved a 10-year dispute with a computer trade group . +__label__2 , drink-drive swimmer #39 very sorry #39 , an apologetic michael phelps today said he made a dangerous mistake when he was arrested for drink-driving last week . the olympic swimming champion was arrested and charged with drink driving after a trooper +__label__3 , bt to buy infonet for us\$965mil , berlin bt group plc , britain #39 s largest phone company , plans to buy infonet services corp . for us\$965mil to add a data network spanning more than 180 countries . +__label__3 , lcc int #39 l posts 3q profit , shares tumble , lcc international inc . , which offers wireless voice and data technical consulting , on monday saw shares plummet as much as 12 percent in after-hours trade after the company swung to a third-quarter profit but predicted lower revenues are ahead . +__label__1 , colombia accuses cos . of illegal imports , the colombian government has filed a lawsuit accusing pernod ricard sa , diageo plc and seagram export sales co . of illegally importing spirits via colombian companies that launder drug money . +__label__4 , #39 halo 2 #39 has game fans , atlanta - for many video game addicts , the buzz on the sequel to quot halo quot is louder than a machine gun rat-a-tatting in their ears . +__label__4 , postal service to use motorola devices ( ap ) , ap - motorola israel ltd . said monday it will provide the u . s . postal service with new hand-held scanning devices under a three-year deal worth about #36 300 million . +__label__4 , ati launches chipset for amd desktops , ati technologies on monday delivered the radeon xpress 200 , a new chipset for desktops using advanced micro devices #39 athlon 64 and other eighth-generation processors . +__label__4 , novell launches linux for desktop computers , novell , one of the popular names in the open-source community , has launched linux desktop 9 os for enterprise computer systems today for lower deployment and management prices . +__label__4 , volcano #39 cowboys #39 who ride a ring of fire , scientists tap everything from gas-sniffing devices to gps systems to better forecast when a mountain will stir . by brad knickerbocker staff writer of the christian science monitor . +__label__3 , six flags 3q net income falls 60 percent , new york - six flags inc . #39 s third-quarter net income fell 60 percent , as cool weather hurt attendance at its amusement parks . six flags late monday reported net income of \$56 . +__label__3 , oracle to drop suit if takeover bid fails , oracle corp . said monday it will drop a lawsuit it filed in delaware against peoplesoft , its rival and takeover target , if a majority of peoplesoft +__label__4 , scientists find arctic is warming quickly , a four-year-long study of the arctic climate confirms what many in canada #39 s north have been saying for years -- the arctic is melting , and faster all the time . +__label__3 , new york times co . announces plan to sell manhattan building , _ the new york times co . plans to sell its building on west 43rd street in manhattan to a partnership led by tishman speyer properties , the companies announced monday . +__label__4 , last gasp of a dying star ? spacecraft to find out , a new spacecraft is being readied to make the fastest , most detailed study yet of the fleeting gamma ray bursts emanating from deep in space . +__label__2 , pittsburgh where the unbeaten go to die , the body blows came in staccato fashion , from the arm of a rookie quarterback and the legs of an old pro . ben roethlisberger would give the ball to jerome bettis , and bettis +__label__1 , afghans vow to kill un hostage if demands not met , kabul ( reuters ) - a taliban splinter group holding three u . n . workers hostage demanded a response to its demands from the afghan government and united nations by tuesday afternoon , saying it would kill one captive if they were not met . +__label__3 , karp team won ' t buy fan pier , for the second time in less than two months , a prospective buyer of the prime fan pier land in south boston has pulled out of a deal . +__label__4 , burning of fossil fuels threatens to overwhelm arctic environment , the burning of fossil fuels has contributed to warming in the arctic that is much faster and more dramatic than scientists previously believed at nearly twice the rate of the rest of the world , a new international report concludes . +__label__2 , nba today ( ap ) , ap - indiana at minnesota ( 8 p . m . est ) . last year ' s eastern and western conference regular-season champions meet for the first of two times this season . +__label__3 , german finance professionals grow sharply ( ap ) , ap - german finance professionals grew sharply more pessimistic about the country ' s economic growth outlook , fearing that the euro ' s record highs against the u . s . dollar will weigh on exports , a monthly survey showed tuesday . +__label__4 , ca integrates pestpatrol anti-spyware , computer associates ( ca ) has integrated an anti-spyware product with its etrust security management portfolio . the integrated product called etrust pestpatrol anti-spyware r5 includes faster detection and removal and an enhanced graphical interface . +__label__2 , phelps faces possible jail term , olympic swimming champion michael phelps may face a jail term after being arrested on drink-driving charges last week in salisbury , maryland . +__label__1 , explosion in kathmandu injures 30 , at least 30 people have been hurt in a explosion in nepal #39 s capital , kathmandu . police say it was a bomb . the explosion struck a building of the government-owned employees #39 provident fund that was under construction . +__label__4 , australia in grip of water crisis , there is a warning that some of australia ' s major cities could run out of drinking water . +__label__1 , u . s . forces push into heart of fallujah , u . s . army and marine units thrust into the heart of the insurgent stronghold of fallujah on tuesday , fighting fierce street battles and conducting house-to-house searches on the second day of a major assault to retake the city from islamic militants . +__label__1 , south africa intervenes in ivory coast , south african president thabo mbeki flew to ivory coast on tuesday to launch an african effort to rein in four days of violence that have killed at least 20 people , wounded more than 600 and shut down cocoa exports from the world ' s largest producer . +__label__1 , bomb explosion in nepali capital wounds 38 , kathmandu ( reuters ) - a bomb tore through a government building under construction in the nepali capital on tuesday , wounding at least 38 people in an attack police suspect was carried out by maoist rebels . +__label__4 , bluetooth sig completes core specification 2 . 0 , the bluetooth special interest group ( sig ) has announced the successful completion of the first stage in its three-year roadmap for the wireless technology , with the release of bluetooth core specification 2 . 0 edr ( enhanced data rate ) . +__label__2 , strahan out for the season , it #39 s bad enough when a team loses both starting defensive ends in one game . but when one of them is named michael strahan , it becomes a near disaster . +__label__3 , echostar posts profit , adds subscribers ( reuters ) , reuters - echostar communications corp . \on tuesday said third-quarter profit rose on an aggressive\campaign to add more new subscribers . +__label__3 , oil downturn deepens as supplies swell , london ( reuters ) - oil on tuesday extended a price slide that has cut 12 percent from record highs in two weeks as growing signs of ample supply eases concerns over fuel stocks for the northern winter . +__label__3 , dollar holds above record low vs euro , london ( reuters ) - the dollar held almost a cent above its record low against the euro on tuesday , winning a respite after heavy selling as european officials warned about a strong euro and investors grew wary ahead of u . s . trade data . +__label__3 , lloyds tsb to move more than 1 , 000 uk jobs to asia ( update1 ) , lloyds tsb group plc , the uk #39 s no . 5 bank by assets , plans to move at least another 1 , 000 employees from britain to asia , where labor costs are lower . +__label__4 , amd et chartered signent des contrats d #39 approvisionnement et de < b> . . . < /b> , sunnyvale , calif . and singapore-- ( business wire ) 9 novembre 2004--chartered adopte la fabrication de prcision automatise d #39 amd et prvoit de fabriquer des processeurs amd64 en 2006 . +__label__2 , lights ! camera ! beckham ! , england #39 s most celebrated soccer player , david beckham , has announced that he will undertake his first major acting role in a film trilogy called #39 goal ! +__label__1 , eu will go it alone on nuclear project if french site bid fails , brussels , nov 9 ( afp ) - the european union said tuesday it was prepared to forge ahead with a revolutionary nuclear energy project if negotiations with japan and other backers on where to locate it break down . +__label__3 , cvs same-store sales up 5 . 4 percent , new york ( reuters ) - drugstore chain cvs corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cvs . n target=/stocks/quickinfo/fullquote> cvs . n< /a> on tuesday said october sales at stores open at least a year rose 5 . 4 percent on higher demand for prescriptions and other merchandise at its cvs stores . +__label__3 , stocks open flat , waiting for fed , new york ( reuters ) - u . s . stocks opened flat on tuesday as investors took another pause after last week ' s big rally , with the fed expected to raise interest rates a quarter point on wednesday . +__label__4 , microsoft ' s legal cleanup day , perhaps microsoft was hoping for all eyes to be on the much-ballyhooed launch tuesday of its halo 2 video game , but the company ' s efforts to clean up its lawsuit headaches can ' t be overshadowed by virtual gunslinging . < font face=verdana , ms sans serif , arial , helvetica size=-2\ color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__4 , firefox roars from the gates , tuesday , november 9 , 2004 will likely go down in the history books as the day the browser wars officially started . obviously things happened before today to get us to the point where there was a real , legitimate +__label__3 , aol plans revamp , shake up management - reports , the america online unit of time warner inc . ( twx . n quote , profile , research ) is reorganizing itself into four operational units to improve decision making , the wall street journal and the washington post reported on tuesday . +__label__3 , cablevision narrows loss on revenue surge , cablevision systems corp . on tuesday said it narrowed its third-quarter loss as revenue jumped 20 percent , buoyed by subscriber growth . +__label__4 , supreme court asked to hear file-sharing arguments , the file-sharing legal battle has moved to the supreme court , with a group composed of labor unions , sports leagues and state attorneys general asking for a hearing on a claim brought +__label__2 , fa plan new united-arsenal talks , the football association are set to wait until after the conclusion of any disciplinary action against arsene wenger before trying to broker a peace summit between arsenal and manchester united . +__label__1 , armitage holds talks with pakistani leaders , world news islamabad , nov 9 us deputy secretary of state richard armitage tuesday met top pakistani leaders to exchange views on a wide array of issues , including the dialogue between pakistan and india and the war on terror . +__label__1 , cocoa prices down but ivorian exports still blocked , world cocoa prices were down on tuesday but off the day #39 s lows as exports remained on hold after mob violence and military clashes in ivory coast , the key global supplier , traders said . +__label__3 , cocoa price off , ivory coast shot to bits ( reuters ) , reuters - world cocoa prices rose from intraday\lows , but exports from the ivory coast , the key global\supplier , remain on hold after mob violence and military\clashes paralyze business in the west african country , traders\said on tuesday . +__label__3 , us rate rise locked in for wednesday ( afp ) , afp - the unexpected boom in us job creation in october has locked in an interest rate rise and will likely encourage another tightening in december , analysts said . +__label__4 , matrix delivers on 3d memory chip promise , nearly three years after matrix semiconductor first announced plans to offer write-once memory chips based on a 3d design technology , the chips are in volume production . +__label__1 , french troops clash with ivory coast protesters , abidjan ( reuters ) - french soldiers fired to disperse protesters on tuesday after days of rioting in ivory coast ' s main city abidjan as south africa ' s president thabo mbeki gave an upbeat assessment of a brief peace mission to the country . +__label__1 , the bag of aeolus , quot aeolus was keeper of the winds . he gave a bag of evil winds to odysseus , instructing him to keep it closed while a good breeze wafted him home . +__label__4 , novell brings linux to the desktop , novell #39 s linux desktop 9 includes an end-user operating system , office applications and productivity tools . it boasts the same levels of security and reliability as the suse linux enterprise +__label__4 , crazy like a firefox , today , the mozilla foundation #39 s firefox browser officially launched -- welcome , version 1 . 0 . in a way , it #39 s much ado about nothing , seeing how it wasn #39 t that long ago that we reported on how mozilla had set +__label__4 , computer associates launches pestpatrol , computer associates is releasing etrust pestpatrol anti-spyware r5 , aimed at consumers and small businesses , and based on technology ca obtained when it bought anti-spyware provider pestpatrol two months ago . +__label__4 , trio of new games victimized by piracy , dallas - a month before the video game #39 s scheduled release this coming tuesday , illegal copies of the hot sci-fi action title quot halo 2 quot were already circulating on the internet . +__label__2 , dolphins owner huizenga stayed with likeable wannstedt a little < b> . . . < /b> , this bit of coaching euthanasia -- dave wannstedt getting whacked ( or whatever they called it ) by the dolphins -- had to happen . i #39 m quot stepping aside for the good of the team #39 #39 is what he told me just after noon today . +__label__4 , bluetooth group outlines strategy ( newsfactor ) , newsfactor - with bluetooth short-range wireless technology finding its way into an array of hardware products , ranging from mobile phones to in-vehicle telematics systems , a working group promoting the specification has outlined a strategy to make it even more attractive and useful . +__label__4 , amd signs up for extra 64-bit production capacity , advanced micro devices inc . will use chartered semiconductor manufacturing ltd . ' s manufacturing services to produce amd ' s opteron and athlon 64 processors starting in 2006 , adding production capacity as the company starts building chips at its second dresden , germany , plant , the companies said monday . +__label__3 , cisco systems 1st-quarter earnings rise ( reuters ) , reuters - cisco systems inc . , the biggest maker\of equipment that directs data over the internet , on tuesday\said quarterly earnings rose 29 percent on rising demand for\its networking gear . +__label__4 , the mozilla firefox 1 . 0 is out ! , even though this barely touches the topics of this site , it is well worth mentioning that the mozilla firefox browser has finally reached the 1 . 0 milestone . +__label__4 , court considers textbook stickers downplaying evolution , a georgia school board is in court this week over quot disclaimer quot stickers it placed on biology textbooks stating that the theory of evolution has not been proven as fact . +__label__4 , trojan horse drives spam into cell phones , infected computers send out a slew of unwanted text messages , a security firm says . +__label__3 , fed #39 s rate hikes expected to continue this week and most of next < b> . . . < /b> , the federal reserve is expected to nudge interest rates up for a fourth time this year on wednesday , acting on the belief that the economy has finally emerged from an extended quot soft patch . +__label__4 , wordperfect office 12 - home edition defines home productivity < b> . . . < /b> , building on the company #39 s mandate to open the home consumer software market to value-priced alternatives to microsoft ( r ) office , corel today announced the availability of wordperfect office ( r ) 12 - home edition . +__label__4 , brief ibm integrates enigma technology into auto dealer portal , enigma ' s 3c platform is designed to help ibm streamline business processes for automotive oems and dealers . +__label__3 , marsh axes 3 , 000 as insurer braces itself for a payout , marsh amp mclennan , the insurance broker , is to axe 3 , 000 jobs to help to prop up its flagging profits , which have been hurt by a \$232 million ( 125 million ) charge to cover a potential settlement with eliot spitzer , the new york attorney-general . +__label__2 , clarett accuses ohio state of improprieties school denies claims , former ohio state star maurice clarett accused coach jim tressel , his staff and school boosters of arranging for him to get passing grades , cars , and thousands of dollars , including for bogus summer jobs . +__label__2 , new columbia athletic director sounds off ( ap ) , ap - one day on the job , and columbia university athletic director m . dianne murphy wasted little time saying what she thought of the school ' s sports performance . +__label__4 , fusion reactor decision must wait , six nations planning to build the world ' s biggest nuclear fusion reactor fail to agree where to site the facility . +__label__3 , calif . official backs anthem-wellpoint , los angeles/philadelphia ( reuters ) - california ' s insurance commissioner on tuesday ended his opposition to anthem inc . ' s < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ath . n target=/stocks/quickinfo/fullquote> ath . n< /a> proposed \$16 . 5 billion acquisition of wellpoint health networks inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wlp . n target=/stocks/quickinfo/fullquote> wlp . n< /a> after anthem agreed to hike its funding of state health projects . +__label__3 , crude oil prices fall to their lowest level in seven weeks , crude oil futures closed below 48 dollars a barrel tuesday , the lowest level in seven weeks amid rising expectations about us oil supply for this winter . +__label__3 , shake-up at british retailer , london marks amp spencer announced a management shake-up tuesday that cost six senior executives their jobs , as the company said profit plunged and sales dipped in its home market for the first half of 2004 . +__label__2 , robson is back with a swipe at his critics , bryan robson ended a three and a half year exile from premiership management by returning to the hawthorns , where he first excelled as a player more than 20 years ago . +__label__2 , keane hits two to put spurs back on track , tottenham , in disarray last weekend following the shock resignation of manager jacques santini , got their troubled campaign back on the rails last night by putting championship opponents +__label__4 , patch in for microsoft server spoofing flaw , attackers could use hole in small-business software to trick personal information out of people . +__label__4 , verizon brings top-speed dsl to 16 more areas , dsl at 3mbps debuts in areas within company ' s existing footprint . +__label__4 , peoplesoft revises third-quarter profit , oracle target adds \$2 . 6 million to bottom line after tax adjustment related to ex-ceo ' s severance package . +__label__4 , nike teams with sony on special gt4 offer , a limited edition gran turismo bundle in japan will come with a pair of nike sneakers and t-shirt . tokyo--major running shoe and apparel manufacturer nike is collaborating with sony computer entertainment +__label__1 , us troops reach centre of fallujah as 48 killed in baquba and < b> . . . < /b> , fallujah iraqi prime minister ayad allawi on tuesday imposed a night curfew in baghdad as us troops with crack iraqi soldiers surged into the heart of fallujah in a hail of explosions and gunfire on the second day of the largest operation in iraq since +__label__3 , chips are down in tech world , europe #39 s biggest chipmaker , infineon , rocked the technology world today as profits fell e100m ( 70m ) short of analysts #39 expectations . +__label__4 , microsoft to showcase new msn search preview , microsoft is having big problems in the search engine market . their online search engine stands nowhere on popularity charts and now google and yahoo ! +__label__1 , fallujah violence leaves 10 troops dead ( ap ) , ap - u . s . troops powered their way into the center of the insurgent stronghold of fallujah on tuesday , overwhelming small bands of guerrillas with massive force , searching homes along the city ' s deserted , narrow passageways and using loudspeakers to try to goad militants onto the streets . +__label__4 , sail away into space , the ancient art of sailing gets a space-age update next year with the launch of the first sunlight-propelled quot solar sail quot spacecraft . __label__4 , true colors , with 48 editions in 19 different languages available in over 60 countries , reader #146 s digest is a publishing phenomenon the world #146 s top-selling magazine . and wherever you buy your copy , at least one thing will remain constant #151 the quality and color balance of the images . see how a mac-based workflow ensures this color consistency . \ nov 09 -__label__3 , vivendi surprises with rise in revenue , vivendi universal , the french media group that almost collapsed into bankruptcy two years ago , yesterday surprised investors with strong third-quarter revenues driven by soaring music sales in the britain and north america . -__label__3 , cisco #39 s q1 profit leaps 29 percent , cisco systems has reported first-quarter profits of \$1 . 4 on sales of \$6 billion . despite cautious spending by its corporate customers , softness in the global economy and a lingering uncertainty over whether -__label__1 , scotland awaits smoking decision , the scottish cabinet is to meet amid signs it will opt to introduce a ban on smoking in public places . -__label__4 , stand aside , rudolph the mouse will lead , a list of some of the best holiday gifts , based on taste , appearance or utility , available on the web . -__label__4 , u . s . genetically modified corn is assailed , a scientific panel of international experts has concluded that the unintended spread of u . s . genetically modified corn in mexico poses a potential threat that should be limited or stopped . -__label__3 , update nz f amp p healthcare 1h net up currency hedge helps , wellington ( dow jones ) --new zealand medical equipment maker fisher amp paykel healthcare corp . ( fph . nz ) said wednesday it is confident it can better the high revenue growth -__label__2 , cricket-sri lanka #39 s wicketkeeper calls it quits , colombo ( afp ) - sri lanka #39 s wicketkeeper romesh kaluwitharana has announced his retirement from international cricket after being left out of the squad for next month #39 s tour to new zealand . -__label__2 , mayor sure of ballpark support , dc mayor anthony a . williams said yesterday he is quot very confident quot that he has the seven necessary votes from the dc council for his plan to build a ballpark near south capitol street southeast . -__label__3 , pay adviser talks of role in ovitz deal , the outside adviser who helped draft the 1995 employment agreement for the president of walt disney , michael s . ovitz , testified on tuesday that he had reservations -__label__4 , warning over rapid arctic warming , with temperatures in the arctic rising at twice the rate of elsewhere , the ice cover there will within the next 100 years completely disappear in summer and the biodiversity will change dramatically , according to a scientific study published this week . -__label__4 , thousands queue for halo 2 , hordes of video game fans queued outside more than 6500 stores across the united states overnight on tuesday to get a copy of the new halo 2 game whose first day takings are expected to rival a hollywood blockbuster . -__label__1 , kidnapped italian freed in southern philippines ( afp ) , afp - an italian aid worker walked free from the southern philippines jungle , a day after he was abducted by local gunmen . -__label__2 , varitek ' s terms could be tough to meet , as much as the red sox hope to persuade jason varitek to stay in boston , they face a mighty challenge since varitek ' s agent , scott boras , said last night the catcher expects to receive a five-year contract with a no-trade clause that compensates him as lucratively as the top catchers in the game . -__label__3 , vodafone begins 3g service , vodafone launches its third-generation services for mobile phones , offering video calls , music downloads and games . -__label__3 , microsoft plays up growth , dividend , they were preaching to the choir , but bill gates and steve ballmer still did their best to sell the virtues of microsoft stock at the company #39 s annual shareholder meeting yesterday in bellevue . -__label__3 , ( b ) old new frontiers , northrop grumman corp . and boeing co . yesterday announced plans to team up to design a vehicle to take astronauts back to the moon and even beyond , but they #39 ve got to make one stop first -__label__4 , fcc ok ' s paging company deal ( thedeal . com ) , thedeal . com - arch wireless inc . can complete its #36 367 million acquisition of metrocall holdings inc . -__label__4 , patron saint of the nerds , st . expedite might not even be a true saint , but that doesn ' t stop programmers and job seekers from asking for his help . michelle delio reports from new orleans . -__label__4 , microsoft enters the internet search market at last , after years of licensing search technology from yahoo and seeing its web search market share slowly but steadily decline , microsoft has finally developed its own search engine and is expected to unveil it later this week . -__label__2 , brdc waiting for a proposal , the formula 1 teams say that the british grand prix is saved but the owners of silverstone , the british racing drivers #39 club do not yet have a deal with formula one management . -__label__4 , fcc declares authority over states on voip ( siliconvalley . com ) , siliconvalley . com - federal regulators tuesday declared authority over the states in governing internet phone services , a move providers called crucial to fostering growth , innovation and competitive pricing in the budding industry . -__label__4 , cable and wireless to cut 600 jobs , shut london headquarters ( afp ) , afp - cable and wireless , the struggling british telecoms group , said it would cut 600 jobs across europe , part company with a top executive and shut its london headquarters . -__label__1 , musharraf hopeful for kashmir solution , islamabad , pakistan nov 10 ( sada ) - president general pervez musharraf tuesday hoped that debate on options he spelt out recently on kashmir issue would take pakistan and india closer to find out the settlement of decades-old dispute . -__label__1 , iran official warns of npt pull-out if west presses , iran will pull out of the nuclear non-proliferation treaty ( npt ) and develop its atomic programme in secret if western nations threaten or put pressure on tehran , a senior iran diplomat was quoted as saying on wednesday . -__label__4 , prosecutor explains why spammer sent to slammer , during my opening statement , i explained to the jury that sending spam by itself is not a crime , but when you masquerade your identity , you violate virginia #39 s law that took effect in july 2003 . -__label__2 , sainz forced off road , two-time world champion carlos sainz #39 s career came to a premature end today after the spaniard was forced out of the rally of australia . -__label__1 , india will never become an international liability manmohan singh < b> . . . < /b> , india news gt the hague the indian prime minister , dr manmohan singh , has said that despite three changes in government in the past 14 years since the economic reforms were introduced in the country , there has been no roll back in the reforms programme . -__label__1 , france begins evacuations from ivory coast , france and the united nations began evacuating thousands of french and other expatriates wednesday trapped at u . n . offices and a french military base amid days of anti-foreigner rampages in ivory coast ' s largest city , french and u . n . officials said . -__label__4 , solar spacecraft set to launch next year , the \$4 million cosmos 1 project is backed by the planetary society , co-founded by carl sagan . by the associated press . a solar sail spacecraft designed to be propelled by the pressure of sunlight will be launched -__label__3 , hong kong shares rise on airline stocks , share prices in hong kong rose wednesday , led by airline stocks , on falling oil prices . the key hang seng index jumped 155 . 70 points , or 1 . 2 percent , to end at 13 , 672 . -__label__3 , cable wireless to cut 600 jobs , london ( reuters ) - britain ' s cable wireless posted its first net profit in over 3 years and announced plans to cut 600 jobs and return cash to investors , sending the telecom company ' s shares racing to 5-month highs on wednesday . -__label__2 , tributes pour in for #39 crazy horse #39 , hughes had been battling the illness for 15 months but deteriorated in the past few days , his wife barbara said . quot he died at his home in sheffield with his family around him , quot she said . -__label__3 , delta to cut 6 , 000-6 , 900 jobs , chicago ( reuters ) - delta air lines on wednesday said it plans to cut between 6 , 000 and 6 , 900 jobs during the next 18 months , implement a 10 percent across-the-board pay reduction and reduce employee benefits in a bid to avoid bankruptcy . -__label__1 , observers warn militant groups may exploit bitterness in < b> . . . < /b> , narathiwat , thailand the deaths and beatings that followed last month #39 s demonstration in southern thailand have left an indelible mark on the psyche of the muslims living -__label__4 , hp unveils an array of printing products , hewlett-packard showed off 14 new imaging and printing products during an event in frankfurt , germany this week . hp executives showcased the hp laserjet 4345mfp multifunction copier , which they say can crank -__label__4 , solar sail launch date set , smooth wombat writes quot get out your pdas and set aside march 1 , 2005 . that is date the solar sail , named cosmos 1 , is set to be launched from a submerged russian submarine in the barents sea . -__label__1 , bush ' picks new attorney general ' , white house legal counsel alberto gonzales is the president ' s choice for attorney general , sources say . -__label__4 , launch date set for solar sail , summary - ( nov 10 , 2004 ) the countdown has begun for the launch of the planetary society #39 s cosmos 1 spacecraft the first ever to be powered by a solar sail . -__label__2 , two michigan state receivers arrested on bomb-making charges , two michigan state football players have been charged with planting homemade bombs outside apartments . terry love and irving campbell , both 19-year-old redshirt freshmen wide receivers -__label__4 , gap , wild planet get together on radio sweatshirt , new york ( reuters ) - wild planet , a toy maker known for its spy gear and adventure gadgets , said on wednesday it was teaming up with clothing retailer gap inc < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=gps . n qtype=sym infotype=info qcat=news> gps . n< /a> to sell sweatshirts with fm radios built in at gapkids stores . -__label__2 , showalter edges twins #39 gardenhire in al , texas #39 buck showalter and atlanta #39 s bobby cox were named managers of the year wednesday in balloting by the baseball writers #39 association of america . -__label__2 , mauresmo confident of la victory , amelie mauresmo insists she can win the tour championships this week and finish the year as world number one . the frenchwoman could overtake lindsay davenport with a win in los angeles . -__label__3 , federated department stores posts profit , new york ( reuters ) - federated department stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=fd . n target=/stocks/quickinfo/fullquote> fd . n< /a> , parent of macy ' s and bloomingdale ' s , posted higher-than-expected quarterly earnings on wednesday , as the company rebounded from the florida hurricanes . -__label__4 , energy dept . funds open-source infiniband work , three-year project will back programmers ' effort to build linux software support for the high-speed networking technology . -__label__4 , don #39 t answer the cell phone , it #39 s spam again , it figures . . . and just when it looked like some major email spammers were going to jail , too . so far , it #39 s only in russia , but it #39 s nasty . -__label__1 , chile ' s lagos receives torture commission report , < p> < /p> < p> by ignacio badal< /p> < p> santiago , chile ( reuters ) - chilean president ricardo lagosreceived a chilling report on wednesday from a governmentcommission that interviewed more than 30 , 000 victims tochronicle for the first time the systematic use of tortureduring augusto pinochet ' s 1973-1990 dictatorship . < /p> -__label__4 , firefox browser alternative to microsoft ( ap ) , ap - web surfing has belonged almost exclusively to microsoft corp . ' s internet explorer ever since it buried netscape ' s pioneering browser . that doesn ' t seem to have bothered the developers of the mozilla firefox , a feisty new kid on the block that ' s worth a serious look . +__label__3 , vivendi surprises with rise in revenue , vivendi universal , the french media group that almost collapsed into bankruptcy two years ago , yesterday surprised investors with strong third-quarter revenues driven by soaring music sales in the britain and north america . +__label__3 , cisco #39 s q1 profit leaps 29 percent , cisco systems has reported first-quarter profits of \$1 . 4 on sales of \$6 billion . despite cautious spending by its corporate customers , softness in the global economy and a lingering uncertainty over whether +__label__1 , scotland awaits smoking decision , the scottish cabinet is to meet amid signs it will opt to introduce a ban on smoking in public places . +__label__4 , stand aside , rudolph the mouse will lead , a list of some of the best holiday gifts , based on taste , appearance or utility , available on the web . +__label__4 , u . s . genetically modified corn is assailed , a scientific panel of international experts has concluded that the unintended spread of u . s . genetically modified corn in mexico poses a potential threat that should be limited or stopped . +__label__3 , update nz f amp p healthcare 1h net up currency hedge helps , wellington ( dow jones ) --new zealand medical equipment maker fisher amp paykel healthcare corp . ( fph . nz ) said wednesday it is confident it can better the high revenue growth +__label__2 , cricket-sri lanka #39 s wicketkeeper calls it quits , colombo ( afp ) - sri lanka #39 s wicketkeeper romesh kaluwitharana has announced his retirement from international cricket after being left out of the squad for next month #39 s tour to new zealand . +__label__2 , mayor sure of ballpark support , dc mayor anthony a . williams said yesterday he is quot very confident quot that he has the seven necessary votes from the dc council for his plan to build a ballpark near south capitol street southeast . +__label__3 , pay adviser talks of role in ovitz deal , the outside adviser who helped draft the 1995 employment agreement for the president of walt disney , michael s . ovitz , testified on tuesday that he had reservations +__label__4 , warning over rapid arctic warming , with temperatures in the arctic rising at twice the rate of elsewhere , the ice cover there will within the next 100 years completely disappear in summer and the biodiversity will change dramatically , according to a scientific study published this week . +__label__4 , thousands queue for halo 2 , hordes of video game fans queued outside more than 6500 stores across the united states overnight on tuesday to get a copy of the new halo 2 game whose first day takings are expected to rival a hollywood blockbuster . +__label__1 , kidnapped italian freed in southern philippines ( afp ) , afp - an italian aid worker walked free from the southern philippines jungle , a day after he was abducted by local gunmen . +__label__2 , varitek ' s terms could be tough to meet , as much as the red sox hope to persuade jason varitek to stay in boston , they face a mighty challenge since varitek ' s agent , scott boras , said last night the catcher expects to receive a five-year contract with a no-trade clause that compensates him as lucratively as the top catchers in the game . +__label__3 , vodafone begins 3g service , vodafone launches its third-generation services for mobile phones , offering video calls , music downloads and games . +__label__3 , microsoft plays up growth , dividend , they were preaching to the choir , but bill gates and steve ballmer still did their best to sell the virtues of microsoft stock at the company #39 s annual shareholder meeting yesterday in bellevue . +__label__3 , ( b ) old new frontiers , northrop grumman corp . and boeing co . yesterday announced plans to team up to design a vehicle to take astronauts back to the moon and even beyond , but they #39 ve got to make one stop first +__label__4 , fcc ok ' s paging company deal ( thedeal . com ) , thedeal . com - arch wireless inc . can complete its #36 367 million acquisition of metrocall holdings inc . +__label__4 , patron saint of the nerds , st . expedite might not even be a true saint , but that doesn ' t stop programmers and job seekers from asking for his help . michelle delio reports from new orleans . +__label__4 , microsoft enters the internet search market at last , after years of licensing search technology from yahoo and seeing its web search market share slowly but steadily decline , microsoft has finally developed its own search engine and is expected to unveil it later this week . +__label__2 , brdc waiting for a proposal , the formula 1 teams say that the british grand prix is saved but the owners of silverstone , the british racing drivers #39 club do not yet have a deal with formula one management . +__label__4 , fcc declares authority over states on voip ( siliconvalley . com ) , siliconvalley . com - federal regulators tuesday declared authority over the states in governing internet phone services , a move providers called crucial to fostering growth , innovation and competitive pricing in the budding industry . +__label__4 , cable and wireless to cut 600 jobs , shut london headquarters ( afp ) , afp - cable and wireless , the struggling british telecoms group , said it would cut 600 jobs across europe , part company with a top executive and shut its london headquarters . +__label__1 , musharraf hopeful for kashmir solution , islamabad , pakistan nov 10 ( sada ) - president general pervez musharraf tuesday hoped that debate on options he spelt out recently on kashmir issue would take pakistan and india closer to find out the settlement of decades-old dispute . +__label__1 , iran official warns of npt pull-out if west presses , iran will pull out of the nuclear non-proliferation treaty ( npt ) and develop its atomic programme in secret if western nations threaten or put pressure on tehran , a senior iran diplomat was quoted as saying on wednesday . +__label__4 , prosecutor explains why spammer sent to slammer , during my opening statement , i explained to the jury that sending spam by itself is not a crime , but when you masquerade your identity , you violate virginia #39 s law that took effect in july 2003 . +__label__2 , sainz forced off road , two-time world champion carlos sainz #39 s career came to a premature end today after the spaniard was forced out of the rally of australia . +__label__1 , india will never become an international liability manmohan singh < b> . . . < /b> , india news gt the hague the indian prime minister , dr manmohan singh , has said that despite three changes in government in the past 14 years since the economic reforms were introduced in the country , there has been no roll back in the reforms programme . +__label__1 , france begins evacuations from ivory coast , france and the united nations began evacuating thousands of french and other expatriates wednesday trapped at u . n . offices and a french military base amid days of anti-foreigner rampages in ivory coast ' s largest city , french and u . n . officials said . +__label__4 , solar spacecraft set to launch next year , the \$4 million cosmos 1 project is backed by the planetary society , co-founded by carl sagan . by the associated press . a solar sail spacecraft designed to be propelled by the pressure of sunlight will be launched +__label__3 , hong kong shares rise on airline stocks , share prices in hong kong rose wednesday , led by airline stocks , on falling oil prices . the key hang seng index jumped 155 . 70 points , or 1 . 2 percent , to end at 13 , 672 . +__label__3 , cable wireless to cut 600 jobs , london ( reuters ) - britain ' s cable wireless posted its first net profit in over 3 years and announced plans to cut 600 jobs and return cash to investors , sending the telecom company ' s shares racing to 5-month highs on wednesday . +__label__2 , tributes pour in for #39 crazy horse #39 , hughes had been battling the illness for 15 months but deteriorated in the past few days , his wife barbara said . quot he died at his home in sheffield with his family around him , quot she said . +__label__3 , delta to cut 6 , 000-6 , 900 jobs , chicago ( reuters ) - delta air lines on wednesday said it plans to cut between 6 , 000 and 6 , 900 jobs during the next 18 months , implement a 10 percent across-the-board pay reduction and reduce employee benefits in a bid to avoid bankruptcy . +__label__1 , observers warn militant groups may exploit bitterness in < b> . . . < /b> , narathiwat , thailand the deaths and beatings that followed last month #39 s demonstration in southern thailand have left an indelible mark on the psyche of the muslims living +__label__4 , hp unveils an array of printing products , hewlett-packard showed off 14 new imaging and printing products during an event in frankfurt , germany this week . hp executives showcased the hp laserjet 4345mfp multifunction copier , which they say can crank +__label__4 , solar sail launch date set , smooth wombat writes quot get out your pdas and set aside march 1 , 2005 . that is date the solar sail , named cosmos 1 , is set to be launched from a submerged russian submarine in the barents sea . +__label__1 , bush ' picks new attorney general ' , white house legal counsel alberto gonzales is the president ' s choice for attorney general , sources say . +__label__4 , launch date set for solar sail , summary - ( nov 10 , 2004 ) the countdown has begun for the launch of the planetary society #39 s cosmos 1 spacecraft the first ever to be powered by a solar sail . +__label__2 , two michigan state receivers arrested on bomb-making charges , two michigan state football players have been charged with planting homemade bombs outside apartments . terry love and irving campbell , both 19-year-old redshirt freshmen wide receivers +__label__4 , gap , wild planet get together on radio sweatshirt , new york ( reuters ) - wild planet , a toy maker known for its spy gear and adventure gadgets , said on wednesday it was teaming up with clothing retailer gap inc < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=gps . n qtype=sym infotype=info qcat=news> gps . n< /a> to sell sweatshirts with fm radios built in at gapkids stores . +__label__2 , showalter edges twins #39 gardenhire in al , texas #39 buck showalter and atlanta #39 s bobby cox were named managers of the year wednesday in balloting by the baseball writers #39 association of america . +__label__2 , mauresmo confident of la victory , amelie mauresmo insists she can win the tour championships this week and finish the year as world number one . the frenchwoman could overtake lindsay davenport with a win in los angeles . +__label__3 , federated department stores posts profit , new york ( reuters ) - federated department stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=fd . n target=/stocks/quickinfo/fullquote> fd . n< /a> , parent of macy ' s and bloomingdale ' s , posted higher-than-expected quarterly earnings on wednesday , as the company rebounded from the florida hurricanes . +__label__4 , energy dept . funds open-source infiniband work , three-year project will back programmers ' effort to build linux software support for the high-speed networking technology . +__label__4 , don #39 t answer the cell phone , it #39 s spam again , it figures . . . and just when it looked like some major email spammers were going to jail , too . so far , it #39 s only in russia , but it #39 s nasty . +__label__1 , chile ' s lagos receives torture commission report , < p> < /p> < p> by ignacio badal< /p> < p> santiago , chile ( reuters ) - chilean president ricardo lagosreceived a chilling report on wednesday from a governmentcommission that interviewed more than 30 , 000 victims tochronicle for the first time the systematic use of tortureduring augusto pinochet ' s 1973-1990 dictatorship . < /p> +__label__4 , firefox browser alternative to microsoft ( ap ) , ap - web surfing has belonged almost exclusively to microsoft corp . ' s internet explorer ever since it buried netscape ' s pioneering browser . that doesn ' t seem to have bothered the developers of the mozilla firefox , a feisty new kid on the block that ' s worth a serious look . __label__3 , toile gets a makeover , the traditional pattern shakes its fussy image as designers give it a new look -__label__4 , google enhances discussion groups , google is improving on the discussions its popular web site hosts , hoping the upgrades will spur more online banter and make its market-leading search engine a richer destination . -__label__2 , andreas herzog retires from pro soccer ( ap ) , ap - los angeles galaxy midfielder andreas herzog , who played for austria in the 1990 and 1998 world cups , retired from professional soccer wednesday . -__label__4 , business objects touts dashboards , standardization , business objects executives this week touted dashboard technology features and rallied support for standardization on their new business intelligence software -- two hot-button issues for users here at the company ' s international users conference . -__label__4 , ibm plans web meeting service , takes aim at webex , ibm ' s new lotus web conferencing service , expected to be offered next month , requires that users simply register an account and have an internet connection , a web browser and a phone . -__label__3 , residents protest nation #39 s first hydrogen refueling station , two dozen protesters greeted mayor tony williams and top executives of shell , who came to open north america #39 s first hydrogen refueling station . -__label__1 , refugees #39 hopes for return will outlive arafat , beirut , lebanon - yasser arafat promised palestinians he would return them to the homes they lost when israel was founded in 1948 . -__label__3 , forget bextra , new orleans - this morning , pfizer was blindsided as the new york times reported information about a reanalysis of old data that say the drug giant #39 s bextra , which is similar to merck #39 s vioxx , increased the risk of heart attacks and strokes . -__label__2 , soccer juventus beat fiorentina 1-0 in italian league match , rome juventus extended their lead at the top of serie a to six points after they scraped a 1-0 home win over fiorentina and closest rivals ac milan were held to a goalless draw at brescia . -__label__3 , nikkei seen flat earnings , data awaited , tokyo ( reuters ) - japanese stocks are expected to change little from the previous day ' s closing levels on thursday as investors await key domestic economic data and earnings reports from companies such as tokyo electron ltd . september machinery orders data is due on thursday afternoon , ahead of friday ' s gross domestic product ( gdp ) figures for the july-september quarter . -__label__3 , intel doubles cash dividend , manhasset , ny - intel corp . ( santa clara , calif . ) has taken some lumps this year due to weakening market conditions and several strategic errors , but the semiconductor supplier remains loyal to its shareholders . -__label__3 , officials boston #39 s big dig highway project full of leaks < b> . . . < /b> , but taxpayers won #39 t have to foot the bill -- massachusetts turnpike managers say the repairs are the responsibility of the private contractors who built the nearly 15 ( b ) billion dollar tunnel project . -__label__4 , from digital camera to print , no computer required , the big news in digital photography is the explosion of printers designed exclusively for 4-by-6 photos . a comparison of seven printers vying for your business . -__label__2 , league of development , major league soccer plans to start a new league to develop young players , part of its 10-year sponsorship deal with adidas . -__label__3 , halo 2 scores record sales of \$125 million in first 24 hours , halo 2 broke entertainment retail records in its first 24 hours . microsoft game studios said that the video game sold through 2 . 4 million stores in the us and canada raking in \$125 million in sales . -__label__4 , superfast notebook graphics nvidia #39 s geforce go 6800 , pc world #39 s first tests of nvidia #39 s just announced high-end mobile graphics chip , the geforce go 6800 , show that it is one of the first notebook graphics components to support performance rivaling that of desktop boards . -__label__3 , growth cut , the bank of england yesterday cut its forecast for uk economic growth next year to 2 . 5 per cent and said inflation could be below expectations . -__label__4 , microsoft takes on google , early thursday , microsoft will begin revving its engines squarely in googles direction with the beta launch of the new msn search engine . -__label__3 , exporters lead nikkei up , trade slow , tokyo ( reuters ) - the nikkei average was up 0 . 37 percent in mid-morning trade on thursday as a recovery in the dollar helped auto makers among other exporters , but trade was slow as investors waited for important japanese economic data . -__label__2 , foster , bender out against clippers , indiana pacers center scot pollard and forward jonathan bender missed wednesday night #39 s game against the los angeles clippers , adding to the team #39 s injury woes . +__label__4 , google enhances discussion groups , google is improving on the discussions its popular web site hosts , hoping the upgrades will spur more online banter and make its market-leading search engine a richer destination . +__label__2 , andreas herzog retires from pro soccer ( ap ) , ap - los angeles galaxy midfielder andreas herzog , who played for austria in the 1990 and 1998 world cups , retired from professional soccer wednesday . +__label__4 , business objects touts dashboards , standardization , business objects executives this week touted dashboard technology features and rallied support for standardization on their new business intelligence software -- two hot-button issues for users here at the company ' s international users conference . +__label__4 , ibm plans web meeting service , takes aim at webex , ibm ' s new lotus web conferencing service , expected to be offered next month , requires that users simply register an account and have an internet connection , a web browser and a phone . +__label__3 , residents protest nation #39 s first hydrogen refueling station , two dozen protesters greeted mayor tony williams and top executives of shell , who came to open north america #39 s first hydrogen refueling station . +__label__1 , refugees #39 hopes for return will outlive arafat , beirut , lebanon - yasser arafat promised palestinians he would return them to the homes they lost when israel was founded in 1948 . +__label__3 , forget bextra , new orleans - this morning , pfizer was blindsided as the new york times reported information about a reanalysis of old data that say the drug giant #39 s bextra , which is similar to merck #39 s vioxx , increased the risk of heart attacks and strokes . +__label__2 , soccer juventus beat fiorentina 1-0 in italian league match , rome juventus extended their lead at the top of serie a to six points after they scraped a 1-0 home win over fiorentina and closest rivals ac milan were held to a goalless draw at brescia . +__label__3 , nikkei seen flat earnings , data awaited , tokyo ( reuters ) - japanese stocks are expected to change little from the previous day ' s closing levels on thursday as investors await key domestic economic data and earnings reports from companies such as tokyo electron ltd . september machinery orders data is due on thursday afternoon , ahead of friday ' s gross domestic product ( gdp ) figures for the july-september quarter . +__label__3 , intel doubles cash dividend , manhasset , ny - intel corp . ( santa clara , calif . ) has taken some lumps this year due to weakening market conditions and several strategic errors , but the semiconductor supplier remains loyal to its shareholders . +__label__3 , officials boston #39 s big dig highway project full of leaks < b> . . . < /b> , but taxpayers won #39 t have to foot the bill -- massachusetts turnpike managers say the repairs are the responsibility of the private contractors who built the nearly 15 ( b ) billion dollar tunnel project . +__label__4 , from digital camera to print , no computer required , the big news in digital photography is the explosion of printers designed exclusively for 4-by-6 photos . a comparison of seven printers vying for your business . +__label__2 , league of development , major league soccer plans to start a new league to develop young players , part of its 10-year sponsorship deal with adidas . +__label__3 , halo 2 scores record sales of \$125 million in first 24 hours , halo 2 broke entertainment retail records in its first 24 hours . microsoft game studios said that the video game sold through 2 . 4 million stores in the us and canada raking in \$125 million in sales . +__label__4 , superfast notebook graphics nvidia #39 s geforce go 6800 , pc world #39 s first tests of nvidia #39 s just announced high-end mobile graphics chip , the geforce go 6800 , show that it is one of the first notebook graphics components to support performance rivaling that of desktop boards . +__label__3 , growth cut , the bank of england yesterday cut its forecast for uk economic growth next year to 2 . 5 per cent and said inflation could be below expectations . +__label__4 , microsoft takes on google , early thursday , microsoft will begin revving its engines squarely in googles direction with the beta launch of the new msn search engine . +__label__3 , exporters lead nikkei up , trade slow , tokyo ( reuters ) - the nikkei average was up 0 . 37 percent in mid-morning trade on thursday as a recovery in the dollar helped auto makers among other exporters , but trade was slow as investors waited for important japanese economic data . +__label__2 , foster , bender out against clippers , indiana pacers center scot pollard and forward jonathan bender missed wednesday night #39 s game against the los angeles clippers , adding to the team #39 s injury woes . __label__4 , news banks prepare for atm cyber crime , an industry and law enforcement group hopes to prevent windows xp-based cash machines from inspiring the next wave of atm crime . \ -__label__4 , microsoft to launch new search engine , software giant , microsoft corp . , has decided to release beta versions of its updated msn search engine earlier today . the company hopes to compete against leading search engines such as google and yahoo by -__label__1 , fallujah ' hostage slaughterhouses ' found ( ap ) , ap - u . s . troops , on the verge of gaining control of the city , fought pockets of resistance in this former militant stronghold wednesday and uncovered what the iraqi commander said were hostage slaughterhouses in which foreign captives had been killed . -__label__1 , specter wants to make case to lead sjc ( ap ) , ap - sen . arlen specter , r-pa . , wants to make his case to be chairman of the senate judiciary committee directly to the panel ' s gop members next week . -__label__3 , cost of borrowing goes up in us , america #39 s central bank , the federal reserve , last night raised interest rates for the fourth time in six months and warned us consumers and businesses to expect further increases in the cost of borrowing over the coming months . -__label__2 , brand , clippers clobber pacers , indianapolis , nov . 10 ( ticker ) -- the indiana pacers were looking for a first . the los angeles clippers accomplished one . elton brand had 19 points and a season-high 16 rebounds as the clippers pounded the pacers , 102-68 . -__label__2 , traber rehabbed all of last season , traber was chosen in the first round and 16th overall of the 2001 draft by the new york mets , and made his major league debut with cleveland in 2003 . -__label__3 , fed raises interest rate a 4th time , to 2 percent , the federal reserve suggested that it would continue to raise interest rates gradually through much of next year . -__label__3 , intel doubles dividend , boosts buyback by \$11 . 5 bln ( update2 ) , intel corp . , the world #39 s biggest computer-chip maker , doubled its quarterly dividend and boosted its stock buyback program by \$11 . -__label__2 , motor racing ferrari in talk fury , ferrari are to snub crucial talks at heathrow today aimed at revolutionising grand prix racing . the italian giants are the only team blocking radical changes that could save the leading outfits -__label__3 , delta air to issue more shares , delta air lines , fighting to avoid bankruptcy , said yesterday that it had won approval to bypass shareholders to issue up to 75 million common shares . -__label__2 , edu quot devastated quot as arsenal future in doubt , the brazilian midfielder , 26 , broke a bone during tuesday #39 s league cup victory over everton - his comeback match after a calf injury . -__label__1 , row over australian army photo , a picture of australian troops dressed as members of the ku klux klan stirs accusations of racism . -__label__3 , analysis us heating oil guides nymex , the price of oil futures jumped sharply wednesday when a disappointing decline in the us heating-oil supply trumped growth in the crude stockpile . -__label__2 , nascar gives liquor a shot , beginning next season , nascar will uncork its long-standing ban on hard-liquor sponsorships , which will tap a new source of funding for at least two high-profile race teams . -__label__1 , arafat dead at 75 , paris -- yasser arafat , who triumphantly forced his people ' s plight into the world spotlight but failed to achieve his lifelong quest for palestinian statehood , died this morning at a french hospital , the chief doctor at the hospital said . he was 75 . -__label__3 , tuc urges 6 minimum wage rate , the uk ' s minimum wage should rise to rise to 6 an hour in the next two years , the tuc says , but business calls the proposal totally irresponsible . -__label__3 , marsh says putnam isn ' t on block , officials of embattled marsh amp mclennan cos . yesterday moved to squelch speculation that its boston money management firm , putnam investments , will be divorced from its corporate parent , either in a sale to an outside buyer or through a private buyout engineered by putnam executives . -__label__2 , guard registers a special point , gary payton didn ' t know he had joined the 20 , 000-point club last night until the public address announcer at the fleetcenter trumpeted the feat . -__label__3 , ftse dips as insurers fall , blue-chip shares have retreated from 28-month highs , with insurer royal amp sun alliance leading the losers as investors baulk at the potential for further adverse claims from its us business and a rating downgrade . -__label__3 , metropolitan life mandates banks for sterling bond , london ( dow jones ) --metropolitan life global funding has mandated hsbc , deutsche bank and royal bank of scotland to lead-manage its forthcoming sterling-denominated bond issue , one of the lead managers said thursday . -__label__3 , gold fields loses high court bid to halt harmony takeover , south african mining giant gold fields lost a high court bid to halt a hostile takeover by rival harmony gold , which is seeking to create the world #39 s biggest gold producer , a court official said . -__label__2 , pires unfazed by france exclusion , robert pires admits his current form does not merit inclusion in the french national side but has made it clear he has no plans to retire from international football . -__label__4 , euro supercomputing initiative welcomes users , european researchers can now turn to a new supercomputing network for help in their scientific endeavors . quot we have just completed testing , quot said david henty with the edinburgh parallel computing centre , a -__label__2 , two michigan st football players arrested , east lansing , michigan ( ticker ) - two michigan state football players were arrested tuesday morning for planting three homemade quot macgyver bombs quot outside a campus apartment . -__label__1 , sub flees after navy chase , the fragile relations between tokyo and beijing were further weakened yesterday when a suspected chinese nuclear submarine was chased out of japanese territorial waters . -__label__4 , cloud rat arrives at london zoo , london zoo celebrates the birth of a panay cloud rat , a very rare tree-living rodent from the philippines . -__label__4 , uk gta san andreas sells one mi , according to the elspa , gta san andreas has become the fastest selling video game of all time in the uk . they claim that the title has sold more than one million units in just nine days . -__label__1 , passing of arafat draws mixed reactions ( ap ) , ap - tears and gunshots , praise and condemnation marked the death of yasser arafat , whose fight for the palestinian cause made him a towering and controversial figure on the world stage . -__label__4 , interview osdl chief stuart cohen - part 2 , in the second of a two-part interview , open systems development labs chief stuart cohen gives his views on linux security , desktops , the domino effect towards linux , and why microsoft will eventually port to linux . -__label__4 , microsoft patches for isa server 2000 and proxy server 2 . 0 , microsoft has released bulletin ms04-039 reporting a security vulnerability in internet security and acceleration ( isa ) server 2000 and in proxy server 2 . 0 , and has also announced the availability of the patches to resolve these issues . -__label__1 , central baghdad car bomb kills 17 , wounds 20 , a car bomb exploded near a police patrol in busy central baghdad on thursday , killing 17 people and wounding 20 , police said . a police source said the blast missed a convoy -__label__1 , viet nam deeply regrets palestinian leader #39 s death , ha noi , nov . 11 ( vna ) - quot we are deeply moved and grieved by the death of president yasser arafat , president of the palestinian state and president of the palestine liberation organisation , quot foreign ministry spokesman le dung has said . -__label__3 , jones confirms deal to buy barneys , jones apparel group said thursday it struck a deal to acquire barneys new york inc . , agreeing to pay \$400 million for the upscale clothing retailer #39 s outstanding stock and debt . -__label__3 , hk banks to adopt different prime rates , hsbc , standard chartered , hang seng bank announced thursday that they will cut their lending and saving rates despite the 25 points rate hike in the united states overnight . -__label__1 , yasser arafat dies , yasser arafat , who triumphantly forced his peoples plight into the world spotlight but failed to achieve his lifelong quest for palestinian statehood , died today , aged 75 , palestinian cabinet minister saeb erekat confirmed . -__label__1 , us welcomes speech by taiwan president , washington -- the state department is welcoming what it describes as quot the positive and constructive points quot in a speech on china policy by taiwanese president chen shui-bian . -__label__2 , jet-lagged clarke tied for lead in japan , gotemba , japan ( reuters ) - britain ' s darren clarke shook off the effects of jet-lag and a hectic schedule to fire a six-under-par 66 for a share of the first-round lead at the taiheiyo masters thursday . -__label__3 , jones buys barneys in \$400 million deal , a company with a middle-brow reputation announced a deal today to buy the singularly trendy clothing chain . -__label__3 , wall street will the rally continue through december ? , so far , wall street #39 s hoped-for fourth-quarter rally has met investors #39 expectations . but there #39 s been enough bad news lately to make you wonder if the buying will sputter . -__label__4 , red hat opens office in china , the linux firm said it will be collaborating with hewlett-packard , ibm , intel and oracle , as well as with chinese companies . -__label__4 , microsoft slaps down intel #39 s itanium chip , the cinderella of intel #39 s chips , the itanium , has been told it can #39 t go to the microsoft #39 s supercomputer ball . that #39 s according to a report on infoworld , which claims that the software giant will only support -__label__1 , terror suspects arrested in netherlands , description dutch police arrest three suspects after a counterterror operation in the hague . the murder of filmmaker theo van gogh by a suspected islamic extremist has heightened concern about terrorism in the netherlands . -__label__3 , pepsico reaffirms its 2005 outlook , pepsico inc . , the world #39 s second-largest carbonated soft-drink maker , reaffirmed its outlook for 2005 thursday after rival coca-cola co . -__label__2 , world cup triumph means more money , england #39 s first rugby world cup triumph a year ago generated profits of 13 . 5 million pounds ( \$29 . 8 million cdn ) despite the loss of revenue from a lack of home games . -__label__3 , target earns \$537 million , target corp . , the no . 2 us discount retailer , on thursday posted a higher quarterly profit on stronger sales and gains from selling its mervyn #39 s department store chain , and forecast 2004 would end well . -__label__4 , testimony ends in evolution sticker trial , atlanta -- testimony concluded wednesday in the lawsuit against cobb county georgia schools for placing disclaimer stickers about evolution in high school biology texts . -__label__3 , prized fossil just a rock ? , with positive and negative results , it remains to be seen what type of fossil this company really is . -__label__4 , photo gap ' s gadget garment , clothing retailer ' s new high-tech kids ' fleece comes with a built-in radio . -__label__1 , police remove checkpoints around capitol ( ap ) , ap - police checkpoints that have surrounded the capitol since last august were gone thursday following a postelection decision by authorities to lower the threat level . -__label__3 , nortel financial filings could be delayed into 2005 , less than a week after it launched a media blitz to boost its image , nortel networks ltd . postponed yet again the release of its financial statements , underlining the company #39 s challenges to steer out of the -__label__2 , bucs decline option on reliever boehringer , jose mesa and salomon torres did most of their best work in tandem in 2004 , so it is only fitting that they would come to terms on news deals with the pittsburgh pirates on the same day , too . -__label__4 , hit tv series 24 goes from small screen to smaller screen ( afp ) , afp - the hit us television show quot 24 quot is going from the small screen to the smaller after 20th century fox and vodaphone struck a groundbreaking deal to distribute the drama on mobile telephones . -__label__2 , pac-10 teams seek to revive reputation ( ap ) , ap - as it looks ahead to another basketball season , the pac-10 can take some comfort in one thing there ' s a lot of room for improvement after a miserable 2003-04 . and with traditional power arizona leading the way , the conference should indeed be much better . -__label__1 , europe must adapt to u . s . view on terror , nato chief says , the head of nato said there was a critical perception gap between europe and the u . s . on the subject of global terror . -__label__3 , delta pilots ratify concession package , chicago ( reuters ) - pilots at delta air lines inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dal . n target=/stocks/quickinfo/fullquote> dal . n< /a> on thursday ratified a concession package that will save the carrier \$1 billion a year , in a move the company hopes will buy it time to restructure outside of bankruptcy . -__label__3 , wto rules against us gambling laws , the world trade organization says the us ban on cross-border gambling violates international trade laws the united states said it would appeal . -__label__3 , agilent guides sharply lower , agilent #39 s ( a nyse - news - research ) fiscal fourth quarter came up light , and the company slashed first-quarter guidance . blaming a weak chip business , the palo alto , calif . -__label__2 , only injury can stop peerless federer at masters cup , last season , roger federer left houston not even the top-ranked player of the year . he returns to the westside tennis club next week to defend his masters cup title as the most -__label__1 , arafat #39 s body arrives in cairo for funeral , the body of late palestinian president yasser arafat has arrived in cairo from paris for a military funeral which presidents and other dignitaries from around the world are due to attend . -__label__4 , microsoft launches new search engine , redmond-based microsoft corp . on thursday launched a test version of its new msn search service , hoping to compete with google and other major web search services . -__label__4 , four in court over sql theft , four former microsoft employees have been charged with stealing \$us32 . 4 million ( \$42 . 71 million ) worth of software and selling it on the side . -__label__2 , more mature busch looking forward to darlington , kurt busch has learned a lot during his four years in nascar #39 s top series . he just hopes that knowledge is enough to carry him and his roush racing team to a nextel cup championship . -__label__3 , delta pilots ratify concession package ( reuters ) , reuters - pilots at delta air lines inc . \on thursday ratified a concession package that will save the\carrier #36 1 billion a year , in a move the company hopes will buy\it time to restructure outside of bankruptcy . -__label__1 , blair flies to stand by bush in post-arafat plans ( reuters ) , reuters - as george w . bush formulates his plans\for a middle east without yasser arafat , british prime minister\tony blair will be standing where he says he belongs right by\the u . s . president ' s side . -__label__1 , dutch lawmakers say threat underestimated ( ap ) , ap - dutch lawmakers accused the government thursday of underestimating the threat from islamic terrorists and failing to protect a filmmaker slain by a suspected muslim radical . -__label__4 , european spacecraft prepares to orbit moon , europes first lunar spacecraft is set to go into orbit around the moon on monday . smart-1 has already reached the gateway to the moon , the region where its gravity starts to dominate that of the earth . -__label__2 , senna suspension stands , madrid , spain ( sports network ) - uefa #39 s suspension and fine of villarreal #39 s marcos senna was upheld on thursday after an investigation into the player #39 s positive drug test . -__label__1 , deadly explosion hits central baghdad , there were no official casualty figures but witnesses said at least four people were killed and several others wounded . the blast set more than 10 cars on fire . -__label__3 , delta pilots ratify concession package , chicago ( reuters ) - pilots at delta air lines inc . on thursday ratified a concession package that will save the carrier \$1 billion a year , in a move the company hopes will buy it time to restructure outside of bankruptcy . -__label__4 , an unknown giant flexes its muscles , although virtually unknown in the u . s . , lenovo - in talks to buy i . b . m . ' s personal computer business - is china ' s largest pc maker and the world ' s fastest growing one . -__label__4 , firefox - ready to take on internet explorer ? , the open-source firefox browser is chipping away at internet explorer #39 s market dominance , and analysts are saying that internet sites should add it to their test list . -__label__2 , four players shoot opening-round 66 , semmes , ala . -- grace park , looking to clinch second place in the player of the year race , birdied the final hole thursday to gain a share of the lead after the first round of the tournament of champions . +__label__4 , microsoft to launch new search engine , software giant , microsoft corp . , has decided to release beta versions of its updated msn search engine earlier today . the company hopes to compete against leading search engines such as google and yahoo by +__label__1 , fallujah ' hostage slaughterhouses ' found ( ap ) , ap - u . s . troops , on the verge of gaining control of the city , fought pockets of resistance in this former militant stronghold wednesday and uncovered what the iraqi commander said were hostage slaughterhouses in which foreign captives had been killed . +__label__1 , specter wants to make case to lead sjc ( ap ) , ap - sen . arlen specter , r-pa . , wants to make his case to be chairman of the senate judiciary committee directly to the panel ' s gop members next week . +__label__3 , cost of borrowing goes up in us , america #39 s central bank , the federal reserve , last night raised interest rates for the fourth time in six months and warned us consumers and businesses to expect further increases in the cost of borrowing over the coming months . +__label__2 , brand , clippers clobber pacers , indianapolis , nov . 10 ( ticker ) -- the indiana pacers were looking for a first . the los angeles clippers accomplished one . elton brand had 19 points and a season-high 16 rebounds as the clippers pounded the pacers , 102-68 . +__label__2 , traber rehabbed all of last season , traber was chosen in the first round and 16th overall of the 2001 draft by the new york mets , and made his major league debut with cleveland in 2003 . +__label__3 , fed raises interest rate a 4th time , to 2 percent , the federal reserve suggested that it would continue to raise interest rates gradually through much of next year . +__label__3 , intel doubles dividend , boosts buyback by \$11 . 5 bln ( update2 ) , intel corp . , the world #39 s biggest computer-chip maker , doubled its quarterly dividend and boosted its stock buyback program by \$11 . +__label__2 , motor racing ferrari in talk fury , ferrari are to snub crucial talks at heathrow today aimed at revolutionising grand prix racing . the italian giants are the only team blocking radical changes that could save the leading outfits +__label__3 , delta air to issue more shares , delta air lines , fighting to avoid bankruptcy , said yesterday that it had won approval to bypass shareholders to issue up to 75 million common shares . +__label__2 , edu quot devastated quot as arsenal future in doubt , the brazilian midfielder , 26 , broke a bone during tuesday #39 s league cup victory over everton - his comeback match after a calf injury . +__label__1 , row over australian army photo , a picture of australian troops dressed as members of the ku klux klan stirs accusations of racism . +__label__3 , analysis us heating oil guides nymex , the price of oil futures jumped sharply wednesday when a disappointing decline in the us heating-oil supply trumped growth in the crude stockpile . +__label__2 , nascar gives liquor a shot , beginning next season , nascar will uncork its long-standing ban on hard-liquor sponsorships , which will tap a new source of funding for at least two high-profile race teams . +__label__1 , arafat dead at 75 , paris -- yasser arafat , who triumphantly forced his people ' s plight into the world spotlight but failed to achieve his lifelong quest for palestinian statehood , died this morning at a french hospital , the chief doctor at the hospital said . he was 75 . +__label__3 , tuc urges 6 minimum wage rate , the uk ' s minimum wage should rise to rise to 6 an hour in the next two years , the tuc says , but business calls the proposal totally irresponsible . +__label__3 , marsh says putnam isn ' t on block , officials of embattled marsh amp mclennan cos . yesterday moved to squelch speculation that its boston money management firm , putnam investments , will be divorced from its corporate parent , either in a sale to an outside buyer or through a private buyout engineered by putnam executives . +__label__2 , guard registers a special point , gary payton didn ' t know he had joined the 20 , 000-point club last night until the public address announcer at the fleetcenter trumpeted the feat . +__label__3 , ftse dips as insurers fall , blue-chip shares have retreated from 28-month highs , with insurer royal amp sun alliance leading the losers as investors baulk at the potential for further adverse claims from its us business and a rating downgrade . +__label__3 , metropolitan life mandates banks for sterling bond , london ( dow jones ) --metropolitan life global funding has mandated hsbc , deutsche bank and royal bank of scotland to lead-manage its forthcoming sterling-denominated bond issue , one of the lead managers said thursday . +__label__3 , gold fields loses high court bid to halt harmony takeover , south african mining giant gold fields lost a high court bid to halt a hostile takeover by rival harmony gold , which is seeking to create the world #39 s biggest gold producer , a court official said . +__label__2 , pires unfazed by france exclusion , robert pires admits his current form does not merit inclusion in the french national side but has made it clear he has no plans to retire from international football . +__label__4 , euro supercomputing initiative welcomes users , european researchers can now turn to a new supercomputing network for help in their scientific endeavors . quot we have just completed testing , quot said david henty with the edinburgh parallel computing centre , a +__label__2 , two michigan st football players arrested , east lansing , michigan ( ticker ) - two michigan state football players were arrested tuesday morning for planting three homemade quot macgyver bombs quot outside a campus apartment . +__label__1 , sub flees after navy chase , the fragile relations between tokyo and beijing were further weakened yesterday when a suspected chinese nuclear submarine was chased out of japanese territorial waters . +__label__4 , cloud rat arrives at london zoo , london zoo celebrates the birth of a panay cloud rat , a very rare tree-living rodent from the philippines . +__label__4 , uk gta san andreas sells one mi , according to the elspa , gta san andreas has become the fastest selling video game of all time in the uk . they claim that the title has sold more than one million units in just nine days . +__label__1 , passing of arafat draws mixed reactions ( ap ) , ap - tears and gunshots , praise and condemnation marked the death of yasser arafat , whose fight for the palestinian cause made him a towering and controversial figure on the world stage . +__label__4 , interview osdl chief stuart cohen - part 2 , in the second of a two-part interview , open systems development labs chief stuart cohen gives his views on linux security , desktops , the domino effect towards linux , and why microsoft will eventually port to linux . +__label__4 , microsoft patches for isa server 2000 and proxy server 2 . 0 , microsoft has released bulletin ms04-039 reporting a security vulnerability in internet security and acceleration ( isa ) server 2000 and in proxy server 2 . 0 , and has also announced the availability of the patches to resolve these issues . +__label__1 , central baghdad car bomb kills 17 , wounds 20 , a car bomb exploded near a police patrol in busy central baghdad on thursday , killing 17 people and wounding 20 , police said . a police source said the blast missed a convoy +__label__1 , viet nam deeply regrets palestinian leader #39 s death , ha noi , nov . 11 ( vna ) - quot we are deeply moved and grieved by the death of president yasser arafat , president of the palestinian state and president of the palestine liberation organisation , quot foreign ministry spokesman le dung has said . +__label__3 , jones confirms deal to buy barneys , jones apparel group said thursday it struck a deal to acquire barneys new york inc . , agreeing to pay \$400 million for the upscale clothing retailer #39 s outstanding stock and debt . +__label__3 , hk banks to adopt different prime rates , hsbc , standard chartered , hang seng bank announced thursday that they will cut their lending and saving rates despite the 25 points rate hike in the united states overnight . +__label__1 , yasser arafat dies , yasser arafat , who triumphantly forced his peoples plight into the world spotlight but failed to achieve his lifelong quest for palestinian statehood , died today , aged 75 , palestinian cabinet minister saeb erekat confirmed . +__label__1 , us welcomes speech by taiwan president , washington -- the state department is welcoming what it describes as quot the positive and constructive points quot in a speech on china policy by taiwanese president chen shui-bian . +__label__2 , jet-lagged clarke tied for lead in japan , gotemba , japan ( reuters ) - britain ' s darren clarke shook off the effects of jet-lag and a hectic schedule to fire a six-under-par 66 for a share of the first-round lead at the taiheiyo masters thursday . +__label__3 , jones buys barneys in \$400 million deal , a company with a middle-brow reputation announced a deal today to buy the singularly trendy clothing chain . +__label__3 , wall street will the rally continue through december ? , so far , wall street #39 s hoped-for fourth-quarter rally has met investors #39 expectations . but there #39 s been enough bad news lately to make you wonder if the buying will sputter . +__label__4 , red hat opens office in china , the linux firm said it will be collaborating with hewlett-packard , ibm , intel and oracle , as well as with chinese companies . +__label__4 , microsoft slaps down intel #39 s itanium chip , the cinderella of intel #39 s chips , the itanium , has been told it can #39 t go to the microsoft #39 s supercomputer ball . that #39 s according to a report on infoworld , which claims that the software giant will only support +__label__1 , terror suspects arrested in netherlands , description dutch police arrest three suspects after a counterterror operation in the hague . the murder of filmmaker theo van gogh by a suspected islamic extremist has heightened concern about terrorism in the netherlands . +__label__3 , pepsico reaffirms its 2005 outlook , pepsico inc . , the world #39 s second-largest carbonated soft-drink maker , reaffirmed its outlook for 2005 thursday after rival coca-cola co . +__label__2 , world cup triumph means more money , england #39 s first rugby world cup triumph a year ago generated profits of 13 . 5 million pounds ( \$29 . 8 million cdn ) despite the loss of revenue from a lack of home games . +__label__3 , target earns \$537 million , target corp . , the no . 2 us discount retailer , on thursday posted a higher quarterly profit on stronger sales and gains from selling its mervyn #39 s department store chain , and forecast 2004 would end well . +__label__4 , testimony ends in evolution sticker trial , atlanta -- testimony concluded wednesday in the lawsuit against cobb county georgia schools for placing disclaimer stickers about evolution in high school biology texts . +__label__3 , prized fossil just a rock ? , with positive and negative results , it remains to be seen what type of fossil this company really is . +__label__4 , photo gap ' s gadget garment , clothing retailer ' s new high-tech kids ' fleece comes with a built-in radio . +__label__1 , police remove checkpoints around capitol ( ap ) , ap - police checkpoints that have surrounded the capitol since last august were gone thursday following a postelection decision by authorities to lower the threat level . +__label__3 , nortel financial filings could be delayed into 2005 , less than a week after it launched a media blitz to boost its image , nortel networks ltd . postponed yet again the release of its financial statements , underlining the company #39 s challenges to steer out of the +__label__2 , bucs decline option on reliever boehringer , jose mesa and salomon torres did most of their best work in tandem in 2004 , so it is only fitting that they would come to terms on news deals with the pittsburgh pirates on the same day , too . +__label__4 , hit tv series 24 goes from small screen to smaller screen ( afp ) , afp - the hit us television show quot 24 quot is going from the small screen to the smaller after 20th century fox and vodaphone struck a groundbreaking deal to distribute the drama on mobile telephones . +__label__2 , pac-10 teams seek to revive reputation ( ap ) , ap - as it looks ahead to another basketball season , the pac-10 can take some comfort in one thing there ' s a lot of room for improvement after a miserable 2003-04 . and with traditional power arizona leading the way , the conference should indeed be much better . +__label__1 , europe must adapt to u . s . view on terror , nato chief says , the head of nato said there was a critical perception gap between europe and the u . s . on the subject of global terror . +__label__3 , delta pilots ratify concession package , chicago ( reuters ) - pilots at delta air lines inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dal . n target=/stocks/quickinfo/fullquote> dal . n< /a> on thursday ratified a concession package that will save the carrier \$1 billion a year , in a move the company hopes will buy it time to restructure outside of bankruptcy . +__label__3 , wto rules against us gambling laws , the world trade organization says the us ban on cross-border gambling violates international trade laws the united states said it would appeal . +__label__3 , agilent guides sharply lower , agilent #39 s ( a nyse - news - research ) fiscal fourth quarter came up light , and the company slashed first-quarter guidance . blaming a weak chip business , the palo alto , calif . +__label__2 , only injury can stop peerless federer at masters cup , last season , roger federer left houston not even the top-ranked player of the year . he returns to the westside tennis club next week to defend his masters cup title as the most +__label__1 , arafat #39 s body arrives in cairo for funeral , the body of late palestinian president yasser arafat has arrived in cairo from paris for a military funeral which presidents and other dignitaries from around the world are due to attend . +__label__4 , microsoft launches new search engine , redmond-based microsoft corp . on thursday launched a test version of its new msn search service , hoping to compete with google and other major web search services . +__label__4 , four in court over sql theft , four former microsoft employees have been charged with stealing \$us32 . 4 million ( \$42 . 71 million ) worth of software and selling it on the side . +__label__2 , more mature busch looking forward to darlington , kurt busch has learned a lot during his four years in nascar #39 s top series . he just hopes that knowledge is enough to carry him and his roush racing team to a nextel cup championship . +__label__3 , delta pilots ratify concession package ( reuters ) , reuters - pilots at delta air lines inc . \on thursday ratified a concession package that will save the\carrier #36 1 billion a year , in a move the company hopes will buy\it time to restructure outside of bankruptcy . +__label__1 , blair flies to stand by bush in post-arafat plans ( reuters ) , reuters - as george w . bush formulates his plans\for a middle east without yasser arafat , british prime minister\tony blair will be standing where he says he belongs right by\the u . s . president ' s side . +__label__1 , dutch lawmakers say threat underestimated ( ap ) , ap - dutch lawmakers accused the government thursday of underestimating the threat from islamic terrorists and failing to protect a filmmaker slain by a suspected muslim radical . +__label__4 , european spacecraft prepares to orbit moon , europes first lunar spacecraft is set to go into orbit around the moon on monday . smart-1 has already reached the gateway to the moon , the region where its gravity starts to dominate that of the earth . +__label__2 , senna suspension stands , madrid , spain ( sports network ) - uefa #39 s suspension and fine of villarreal #39 s marcos senna was upheld on thursday after an investigation into the player #39 s positive drug test . +__label__1 , deadly explosion hits central baghdad , there were no official casualty figures but witnesses said at least four people were killed and several others wounded . the blast set more than 10 cars on fire . +__label__3 , delta pilots ratify concession package , chicago ( reuters ) - pilots at delta air lines inc . on thursday ratified a concession package that will save the carrier \$1 billion a year , in a move the company hopes will buy it time to restructure outside of bankruptcy . +__label__4 , an unknown giant flexes its muscles , although virtually unknown in the u . s . , lenovo - in talks to buy i . b . m . ' s personal computer business - is china ' s largest pc maker and the world ' s fastest growing one . +__label__4 , firefox - ready to take on internet explorer ? , the open-source firefox browser is chipping away at internet explorer #39 s market dominance , and analysts are saying that internet sites should add it to their test list . +__label__2 , four players shoot opening-round 66 , semmes , ala . -- grace park , looking to clinch second place in the player of the year race , birdied the final hole thursday to gain a share of the lead after the first round of the tournament of champions . __label__4 , outsourcing to arkansas , a new kid on the block promises to give offshore outsourcing a run for its money--by routing technology work to rural america . outsourcing blog -__label__3 , intel dauphin otellini becomes king , intel #39 s board has given the go ahead for the long anticipated shift in power from current ceo craig barrett to current president paul otellini come may 18 , otellini will take over the chipmaker and become its fifth ever ceo . -__label__2 , ironman winner confirms she used drug , nina kraft , winner of last month #39 s ironman triathlon world championship in hawai #39 i , acknowledged yesterday that she had used the banned endurance-boosting drug epo . -__label__1 , philippine rail cars crash into ravine , 100 trapped , manila ( reuters ) - rescuers in the philippines smashed train windows with axes and hammers friday to reach 100 passengers trapped when a carriage derailed and dragged other cars into a ravine , killing at least four people . -__label__3 , intel taps otellini as next ceo , intel #39 s board , as expected , has named paul otellini to succeed craig barrett as ceo effective next may 18 , the company announced thursday . -__label__2 , italy sicilian derby ends in draw , palermo , nov 11 ( sw ) - after a 39-year wait for a serie a sicilian derby , the match between palermo and messina on thursday managed only a 0-0 draw . -__label__1 , local israeli and palestinian teens react to arafat #39 s death , the death of palestinian leader yasser arafat is deeply dividing an already torn middle eastern country . as palestinians mourn the loss of their leader -__label__4 , #39 star trek #39 spaceship enters the gateway to the moon , a european spacecraft powered by a star trek-style thruster has flown through a lunar gateway that puts it on course to reach the moon on monday . -__label__1 , strong quake hits indonesian island , kills six , jakarta ( reuters ) - an earthquake measuring 6 . 0 on the richter scale shook an island in eastern indonesia on friday , killing six people and injuring at least six more , a government official said . -__label__4 , georgia evolution dispute embarrasses some , atlanta , nov . 11 - first , georgia #39 s education chief tried to take the word quot evolution quot out of the state #39 s science curriculum . -__label__1 , sharon cautious on reopening talks , the israeli prime minister , ariel sharon , yesterday said the death of his long-time rival , yasser arafat , could prove to be quot a historic turning point in the middle east quot . -__label__2 , patriots open with win , george mason has five players score in double figures thursday night as the patriots defeat indianapolis-purdue fort wayne , 69-51 , in the opening round of the coaches vs . cancer classic . -__label__2 , no . 6 syracuse crushes n . colo . 104-54 , syracuse #39 s hakim warrick dunks against northern colorado during the first half in syracuse , ny , thursday , nov . 11 , 2004 . ( ap photo/kevin rivoli ) . -__label__2 , giants hold on to warner , eli manning , sleepy-eyed and tousled-haired , dropped off his playbook at his locker thursday . four television crews swarmed around him . -__label__2 , mccline , byrd say fight won #39 t weigh heavy on friendship , jameel mccline had made a habit of calling heavyweight titleholder chris byrd , his good friend , whenever he found out about his next fight in order to hear byrd #39 s opinion and discuss strategy . -__label__3 , europe clears pay tv deal , creating rival to bskyb , the european commission approved a joint venture that would group two hollywood movie studios with a video-on-demand company to compete with rupert murdoch ' s bskyb company . -__label__3 , nj transit riders get a quot fare quot warning , ( 1010 wins ) ( newark ) nj transit #39 s executive director on thursday said the agency #39 s 400 , 000 daily riders should expect fare hikes of up to 15 percent starting in july to offset a projected \$50 million deficit caused by higher fuel and security costs and -__label__1 , earthquake hits indonesian island , at least six people are killed as a strong earthquake jolts an island in eastern indonesia . -__label__2 , orange crush bears , sixth-ranked syracuse scores the first 24 points of the game and cruises to a 104-54 victory over northern colorado on thursday night in the first round of the coaches vs . cancer classic . -__label__2 , #39 noles put clamps on wolfpack , the florida state offense looked inept in the first half of its game thursday night against north carolina state . it played feebly . -__label__1 , some grieve for arafat while others sigh in relief , in death , as in life , the palestinian leader yasir arafat provoked a great wave of contrary emotions across the middle east on thursday - grief at the passing of the once -__label__1 , arafat memorial important - mbeki , describing yasser arafat as one of the giants of the twentieth century , sa president thabo mbeki said it was important for him to be at his memorial service in cairo on friday . -__label__3 , delta pilots ok \$5b in concessions , san francisco ( cbs . mw ) -- pilots at delta air lines approved a management-backed pay cut that will save the airline \$5 billion over the next five years , the pilots union said thursday . -__label__4 , game daze #39 grand theft auto san andreas , #39 #39 midway arcade < b> . . . < /b> , it #39 s violent . it #39 s profane and politically incorrect . it #39 s packed wall to wall with tough thugs doing terrible things . -__label__3 , yen rises vs dollar despite japan data , tokyo ( reuters ) - the yen advanced against the dollar on friday , shrugging off weak third-quarter growth figures for japan as market worries persisted about the huge u . s . deficits . -__label__2 , schedule filled with key games , supernatural forces must be at work in the land of high school football . there ' s no other way to explain a schedule that features 12 games between first- and second-place teams of leagues this weekend . -__label__1 , japan to protest to china over intruder submarine , tokyo ( reuters ) - japan will protest to china after concluding that a nuclear-powered submarine that intruded into its waters this week belonged to the chinese navy , top government spokesman hiroyuki hosoda said on friday . -__label__2 , no . 12 mississippi st . struggles in opener ( ap ) , ap - two of the three ranked teams playing on the opening night of the college basketball season cruised to easy wins . then there was mississippi state . -__label__3 , report eads could link with thales , the french government is considering a linkup of european aeronautic defence amp space co . with thales sa to create an aerospace giant , the financial daily les echos reported friday . -__label__4 , brown bears came to n . america earlier than thought , fossil < b> . . . < /b> , the discovery also sheds light on the ancestry of modern brown bears , which has long puzzled researchers . a genetic analysis of the skull fragment indicates its owner was closely related to the brown bears -__label__1 , china ' s inflation rate slows sharply but problems remain ( afp ) , afp - china ' s inflation rate eased sharply in october as government efforts to cool the economy began to really bite , with food prices , one of the main culprits , showing some signs of slowing , official data showed . -__label__1 , nujoma ' s man set to sweep namibia elections , oshakati , namibia ( reuters ) - hifikepunye pohamba , who has spearheaded moves to expropriate white-owned land for redistribution to black peasants , is virtually guaranteed victory in namibia ' s presidential polls next week . -__label__3 , austrian panel oks siemens takeover bid , austrian regulators have approved siemens ag #39 s bid to takeover engineering competitor va technologie ag , austrian radio said friday . -__label__3 , hit animated films boost pixar , pixar animation studio reported on thursday strong third-quarter results that were lifted by solid home video sales of its older blockbuster hits quot finding nemo #39 #39 and quot monsters , inc . -__label__3 , france joins germany , japan in economic slide ( afp ) , afp - the french economy hit a rough patch in the third quarter , throwing the government ' s full-year growth target into question amid signs of an economic slowdown in the 12-nation eurozone . -__label__3 , us oct . retail sales up 0 . 2 , auto sales declined 2 . 2 percent in october after a 4 . 3 percent increase in september . excluding autos , retail sales rose 0 . 9 percent , the strongest sales since may . -__label__2 , tigers #39 challenge win out or lose out , satchel paige said don #39 t look back because something might be gaining on you . satch was a baseball pitcher , not a football coach . -__label__1 , ' tensions high ' in nigeria state , anambra state in nigeria is tense after gangs set fire to the governor ' s office and other buildings , local officials say . -__label__1 , kashmir separatist chief arrested , kashmir separatist leader syed ali shah geelani is prevented from leading a protest against allleged rapes by an indian army officer . -__label__1 , bskyb sees profits rise after strong subscriber growth ( afp ) , afp - british satellite broadcaster bskyb said profit rose by 16 percent in the first quarter as the group enjoyed strong subscriber growth in the run-up to the key christmas trading period . -__label__4 , halo 2 vs xbox hacks , p2pnet . net news - xbox add-ons that let users run items not produced by microsoft have been out there almost since day one . quot hackers who equip their xboxes with mod chips and other upgrades such as bigger -__label__2 , 49ers tickets are available , since just before the start of the nfl #39 s regular season two months ago , television viewers in the bay area have been seeing commercials for a product that for years has sold itself . -__label__3 , new york ' s spitzer expects to sue universal life ( reuters ) , reuters - new york attorney general eliot\spitzer , who is probing bid-rigging in the insurance industry , \expects to file suit against health insurance consultant\universal life resources as early as friday , a spokesman for\his office said . -__label__3 , telephone tag ( forbes . com ) , forbes . com - arris group ( 5 , arrs ) saw its market cap unjustifiably halved recently when comcast , a huge customer ( 24 of arris ' sales ) , hinted it might buy next-generation technology from cisco systems . arris supplies the technical guts that cable companies use to provide phone service . ( for the reverse phenomenon , see story on p . 162 . ) -__label__3 , donors seek clarity on pa finances , donors to the palestinians are asking whether the change of leadership can let more light into palestinian finances . -__label__4 , hp hugs jboss tighter , hp ( quote , chart ) deepened its relationship with open source software concern jboss , agreeing to become a major source of support for its application server and linux . -__label__4 , nasa scramjet goes for mach 10 burn , nasa #39 s x-43a scramjet will on monday undergo its third test flight during which scientists will attempt to push the vehicle to mach 10 . -__label__4 , microsoft probing reported flaws in windows xp sp2 , november 12 , 2004 ( computerworld ) - microsoft corp . yesterday said it is investigating claims that several new vulnerabilities have been found in windows xp service pack 2 by security firm finjan software inc . -__label__2 , one of nation #39 s hottest coaches , tedford will shock nation and < b> . . . < /b> , the t-shirt was the brainchild of bob rose , the university of california #39 s aptly named executive associate athletic director for communications , and it speaks to the school #39 s football revival on numerous levels . -__label__1 , us forces move deeper into fallujah clashes in mosul , us and iraqi forces are pushing deeper south into the city of fallujah on the fifth day of a joint offensive to drive out insurgents . -__label__1 , eu studies iranian response on nuclear program wrangle , vienna ( afp ) - eu officials were evaluating iran #39 s response to an offer for tehran to avoid possible un sanctions over its nuclear program in a wrangle that has led a un watchdog to hold up a key report . -__label__4 , goldeneye rogue agent golden , ea #39 s james bond-baddie shooter has left its secret headquarters and taken over the factory . like an evil genius announcing his demands , electronic arts has let the world know that goldeneye rogue agent has gone gold . -__label__1 , prosecutor seeks 8-year jail term for italy ' s pm , milan ( reuters ) - an italian prosecutor asked a court on friday to sentence silvio berlusconi to eight years in jail for bribing judges as the prime minister ' s four-year corruption trial reached its closing stages . -__label__4 , europes first moon probe to enter lunar orbit , europes first mission to the moon is just days away from its goal after taking the slow boat from earth more than a year ago . the spacecraft , dubbed smart-1 , will make its first close pass by the moon on the evening of nov . -__label__1 , france defends itself against accusations of excessive force in < b> . . . < /b> , abidjan , ivory coast ( cp ) - france defended itself friday against accusations by ivory coast authorities , and some western evacuees , that it used excessive force to protect foreigners against violent mobs during five days of upheaval in its former west -__label__1 , secretary rumsfeld remarks en route to el salvador , sec . rumsfeld as you know , were going to be stopping in el salvador and nicaragua and panama and ecuador . the first stops will be visits to the places , particularly el salvador and nicaragua - countries -__label__1 , ' miracle baby ' a victim - judge , a miracle baby was the victim of child traffickers motivated by financial greed , a judge rules . -__label__1 , relatives of abandoned man found , the family of an 82-year-old alzheimer ' s sufferer who was abandoned at a hospital have come forward . -__label__4 , firefox - ready to take on internet explorer ? ( newsfactor ) , newsfactor - while firefox wins rave reviews for its browser technology and appears ready to chip away at microsoft ' s ( nasdaq msft ) dominant internet explorer market share , the open-source browser is probably a long way off from unseating ie in the enterprise . -__label__1 , vilsack , dean jockey for top dnc post ( ap ) , ap - iowa gov . tom vilsack told democratic leaders on friday he may seek the party ' s top job as the jockeying to replace chairman terry mcauliffe intensified . -__label__3 , update 4-new york #39 s spitzer charges universal life with fraud , new york attorney general eliot spitzer on friday filed suit against universal life resources ( ulr ) , charging the life and disability insurance broker with taking fraudulent kick-backs for steering business to certain insurers -__label__4 , security company warning of vulnerabilities in windows xp sp2 , a us security company is warning that it has found ten #39 serious #39 vulnerabilities in windows xp systems with sp2 installed . +__label__3 , intel dauphin otellini becomes king , intel #39 s board has given the go ahead for the long anticipated shift in power from current ceo craig barrett to current president paul otellini come may 18 , otellini will take over the chipmaker and become its fifth ever ceo . +__label__2 , ironman winner confirms she used drug , nina kraft , winner of last month #39 s ironman triathlon world championship in hawai #39 i , acknowledged yesterday that she had used the banned endurance-boosting drug epo . +__label__1 , philippine rail cars crash into ravine , 100 trapped , manila ( reuters ) - rescuers in the philippines smashed train windows with axes and hammers friday to reach 100 passengers trapped when a carriage derailed and dragged other cars into a ravine , killing at least four people . +__label__3 , intel taps otellini as next ceo , intel #39 s board , as expected , has named paul otellini to succeed craig barrett as ceo effective next may 18 , the company announced thursday . +__label__2 , italy sicilian derby ends in draw , palermo , nov 11 ( sw ) - after a 39-year wait for a serie a sicilian derby , the match between palermo and messina on thursday managed only a 0-0 draw . +__label__1 , local israeli and palestinian teens react to arafat #39 s death , the death of palestinian leader yasser arafat is deeply dividing an already torn middle eastern country . as palestinians mourn the loss of their leader +__label__4 , #39 star trek #39 spaceship enters the gateway to the moon , a european spacecraft powered by a star trek-style thruster has flown through a lunar gateway that puts it on course to reach the moon on monday . +__label__1 , strong quake hits indonesian island , kills six , jakarta ( reuters ) - an earthquake measuring 6 . 0 on the richter scale shook an island in eastern indonesia on friday , killing six people and injuring at least six more , a government official said . +__label__4 , georgia evolution dispute embarrasses some , atlanta , nov . 11 - first , georgia #39 s education chief tried to take the word quot evolution quot out of the state #39 s science curriculum . +__label__1 , sharon cautious on reopening talks , the israeli prime minister , ariel sharon , yesterday said the death of his long-time rival , yasser arafat , could prove to be quot a historic turning point in the middle east quot . +__label__2 , patriots open with win , george mason has five players score in double figures thursday night as the patriots defeat indianapolis-purdue fort wayne , 69-51 , in the opening round of the coaches vs . cancer classic . +__label__2 , no . 6 syracuse crushes n . colo . 104-54 , syracuse #39 s hakim warrick dunks against northern colorado during the first half in syracuse , ny , thursday , nov . 11 , 2004 . ( ap photo/kevin rivoli ) . +__label__2 , giants hold on to warner , eli manning , sleepy-eyed and tousled-haired , dropped off his playbook at his locker thursday . four television crews swarmed around him . +__label__2 , mccline , byrd say fight won #39 t weigh heavy on friendship , jameel mccline had made a habit of calling heavyweight titleholder chris byrd , his good friend , whenever he found out about his next fight in order to hear byrd #39 s opinion and discuss strategy . +__label__3 , europe clears pay tv deal , creating rival to bskyb , the european commission approved a joint venture that would group two hollywood movie studios with a video-on-demand company to compete with rupert murdoch ' s bskyb company . +__label__3 , nj transit riders get a quot fare quot warning , ( 1010 wins ) ( newark ) nj transit #39 s executive director on thursday said the agency #39 s 400 , 000 daily riders should expect fare hikes of up to 15 percent starting in july to offset a projected \$50 million deficit caused by higher fuel and security costs and +__label__1 , earthquake hits indonesian island , at least six people are killed as a strong earthquake jolts an island in eastern indonesia . +__label__2 , orange crush bears , sixth-ranked syracuse scores the first 24 points of the game and cruises to a 104-54 victory over northern colorado on thursday night in the first round of the coaches vs . cancer classic . +__label__2 , #39 noles put clamps on wolfpack , the florida state offense looked inept in the first half of its game thursday night against north carolina state . it played feebly . +__label__1 , some grieve for arafat while others sigh in relief , in death , as in life , the palestinian leader yasir arafat provoked a great wave of contrary emotions across the middle east on thursday - grief at the passing of the once +__label__1 , arafat memorial important - mbeki , describing yasser arafat as one of the giants of the twentieth century , sa president thabo mbeki said it was important for him to be at his memorial service in cairo on friday . +__label__3 , delta pilots ok \$5b in concessions , san francisco ( cbs . mw ) -- pilots at delta air lines approved a management-backed pay cut that will save the airline \$5 billion over the next five years , the pilots union said thursday . +__label__4 , game daze #39 grand theft auto san andreas , #39 #39 midway arcade < b> . . . < /b> , it #39 s violent . it #39 s profane and politically incorrect . it #39 s packed wall to wall with tough thugs doing terrible things . +__label__3 , yen rises vs dollar despite japan data , tokyo ( reuters ) - the yen advanced against the dollar on friday , shrugging off weak third-quarter growth figures for japan as market worries persisted about the huge u . s . deficits . +__label__2 , schedule filled with key games , supernatural forces must be at work in the land of high school football . there ' s no other way to explain a schedule that features 12 games between first- and second-place teams of leagues this weekend . +__label__1 , japan to protest to china over intruder submarine , tokyo ( reuters ) - japan will protest to china after concluding that a nuclear-powered submarine that intruded into its waters this week belonged to the chinese navy , top government spokesman hiroyuki hosoda said on friday . +__label__2 , no . 12 mississippi st . struggles in opener ( ap ) , ap - two of the three ranked teams playing on the opening night of the college basketball season cruised to easy wins . then there was mississippi state . +__label__3 , report eads could link with thales , the french government is considering a linkup of european aeronautic defence amp space co . with thales sa to create an aerospace giant , the financial daily les echos reported friday . +__label__4 , brown bears came to n . america earlier than thought , fossil < b> . . . < /b> , the discovery also sheds light on the ancestry of modern brown bears , which has long puzzled researchers . a genetic analysis of the skull fragment indicates its owner was closely related to the brown bears +__label__1 , china ' s inflation rate slows sharply but problems remain ( afp ) , afp - china ' s inflation rate eased sharply in october as government efforts to cool the economy began to really bite , with food prices , one of the main culprits , showing some signs of slowing , official data showed . +__label__1 , nujoma ' s man set to sweep namibia elections , oshakati , namibia ( reuters ) - hifikepunye pohamba , who has spearheaded moves to expropriate white-owned land for redistribution to black peasants , is virtually guaranteed victory in namibia ' s presidential polls next week . +__label__3 , austrian panel oks siemens takeover bid , austrian regulators have approved siemens ag #39 s bid to takeover engineering competitor va technologie ag , austrian radio said friday . +__label__3 , hit animated films boost pixar , pixar animation studio reported on thursday strong third-quarter results that were lifted by solid home video sales of its older blockbuster hits quot finding nemo #39 #39 and quot monsters , inc . +__label__3 , france joins germany , japan in economic slide ( afp ) , afp - the french economy hit a rough patch in the third quarter , throwing the government ' s full-year growth target into question amid signs of an economic slowdown in the 12-nation eurozone . +__label__3 , us oct . retail sales up 0 . 2 , auto sales declined 2 . 2 percent in october after a 4 . 3 percent increase in september . excluding autos , retail sales rose 0 . 9 percent , the strongest sales since may . +__label__2 , tigers #39 challenge win out or lose out , satchel paige said don #39 t look back because something might be gaining on you . satch was a baseball pitcher , not a football coach . +__label__1 , ' tensions high ' in nigeria state , anambra state in nigeria is tense after gangs set fire to the governor ' s office and other buildings , local officials say . +__label__1 , kashmir separatist chief arrested , kashmir separatist leader syed ali shah geelani is prevented from leading a protest against allleged rapes by an indian army officer . +__label__1 , bskyb sees profits rise after strong subscriber growth ( afp ) , afp - british satellite broadcaster bskyb said profit rose by 16 percent in the first quarter as the group enjoyed strong subscriber growth in the run-up to the key christmas trading period . +__label__4 , halo 2 vs xbox hacks , p2pnet . net news - xbox add-ons that let users run items not produced by microsoft have been out there almost since day one . quot hackers who equip their xboxes with mod chips and other upgrades such as bigger +__label__2 , 49ers tickets are available , since just before the start of the nfl #39 s regular season two months ago , television viewers in the bay area have been seeing commercials for a product that for years has sold itself . +__label__3 , new york ' s spitzer expects to sue universal life ( reuters ) , reuters - new york attorney general eliot\spitzer , who is probing bid-rigging in the insurance industry , \expects to file suit against health insurance consultant\universal life resources as early as friday , a spokesman for\his office said . +__label__3 , telephone tag ( forbes . com ) , forbes . com - arris group ( 5 , arrs ) saw its market cap unjustifiably halved recently when comcast , a huge customer ( 24 of arris ' sales ) , hinted it might buy next-generation technology from cisco systems . arris supplies the technical guts that cable companies use to provide phone service . ( for the reverse phenomenon , see story on p . 162 . ) +__label__3 , donors seek clarity on pa finances , donors to the palestinians are asking whether the change of leadership can let more light into palestinian finances . +__label__4 , hp hugs jboss tighter , hp ( quote , chart ) deepened its relationship with open source software concern jboss , agreeing to become a major source of support for its application server and linux . +__label__4 , nasa scramjet goes for mach 10 burn , nasa #39 s x-43a scramjet will on monday undergo its third test flight during which scientists will attempt to push the vehicle to mach 10 . +__label__4 , microsoft probing reported flaws in windows xp sp2 , november 12 , 2004 ( computerworld ) - microsoft corp . yesterday said it is investigating claims that several new vulnerabilities have been found in windows xp service pack 2 by security firm finjan software inc . +__label__2 , one of nation #39 s hottest coaches , tedford will shock nation and < b> . . . < /b> , the t-shirt was the brainchild of bob rose , the university of california #39 s aptly named executive associate athletic director for communications , and it speaks to the school #39 s football revival on numerous levels . +__label__1 , us forces move deeper into fallujah clashes in mosul , us and iraqi forces are pushing deeper south into the city of fallujah on the fifth day of a joint offensive to drive out insurgents . +__label__1 , eu studies iranian response on nuclear program wrangle , vienna ( afp ) - eu officials were evaluating iran #39 s response to an offer for tehran to avoid possible un sanctions over its nuclear program in a wrangle that has led a un watchdog to hold up a key report . +__label__4 , goldeneye rogue agent golden , ea #39 s james bond-baddie shooter has left its secret headquarters and taken over the factory . like an evil genius announcing his demands , electronic arts has let the world know that goldeneye rogue agent has gone gold . +__label__1 , prosecutor seeks 8-year jail term for italy ' s pm , milan ( reuters ) - an italian prosecutor asked a court on friday to sentence silvio berlusconi to eight years in jail for bribing judges as the prime minister ' s four-year corruption trial reached its closing stages . +__label__4 , europes first moon probe to enter lunar orbit , europes first mission to the moon is just days away from its goal after taking the slow boat from earth more than a year ago . the spacecraft , dubbed smart-1 , will make its first close pass by the moon on the evening of nov . +__label__1 , france defends itself against accusations of excessive force in < b> . . . < /b> , abidjan , ivory coast ( cp ) - france defended itself friday against accusations by ivory coast authorities , and some western evacuees , that it used excessive force to protect foreigners against violent mobs during five days of upheaval in its former west +__label__1 , secretary rumsfeld remarks en route to el salvador , sec . rumsfeld as you know , were going to be stopping in el salvador and nicaragua and panama and ecuador . the first stops will be visits to the places , particularly el salvador and nicaragua - countries +__label__1 , ' miracle baby ' a victim - judge , a miracle baby was the victim of child traffickers motivated by financial greed , a judge rules . +__label__1 , relatives of abandoned man found , the family of an 82-year-old alzheimer ' s sufferer who was abandoned at a hospital have come forward . +__label__4 , firefox - ready to take on internet explorer ? ( newsfactor ) , newsfactor - while firefox wins rave reviews for its browser technology and appears ready to chip away at microsoft ' s ( nasdaq msft ) dominant internet explorer market share , the open-source browser is probably a long way off from unseating ie in the enterprise . +__label__1 , vilsack , dean jockey for top dnc post ( ap ) , ap - iowa gov . tom vilsack told democratic leaders on friday he may seek the party ' s top job as the jockeying to replace chairman terry mcauliffe intensified . +__label__3 , update 4-new york #39 s spitzer charges universal life with fraud , new york attorney general eliot spitzer on friday filed suit against universal life resources ( ulr ) , charging the life and disability insurance broker with taking fraudulent kick-backs for steering business to certain insurers +__label__4 , security company warning of vulnerabilities in windows xp sp2 , a us security company is warning that it has found ten #39 serious #39 vulnerabilities in windows xp systems with sp2 installed . __label__4 , video phones act as dating tools , plus at 80 , fractal discoverer benoit mandelbrot says he has much math work left to do . news . com extra -__label__3 , suntrust restates results , profits up , new york ( reuters ) - suntrust banks inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=sti . n target=/stocks/quickinfo/fullquote> sti . n< /a> , which fired three executives over its accounting for bad loans , on friday restated first-half profit higher by \$25 . 1 million , more than it had forecast , to fix the mistakes . -__label__4 , aol dumping some broadband , unsupported writes quot just days after news that aol will be breaking up into 4 business units , aol is telling existing broadband customers in 9 southern states to find a new carrier . -__label__3 , gencorp to reject steel partners offer--cnbc , gencorp ( gy . n quote , profile , research ) is expected to reject a \$17 per share offer from us investment fund steel partners ii , according to a report by cnbc . -__label__2 , lokomotiv moscow captures league title , moscow , russia ( sports network ) - lokomotiv moscow won the russian premier league championship on the final day of the season with a 2-0 victory over shinnik yaroslavl . -__label__4 , coalition asks us congress to kill copyright bill , washington - a coalition of technology and advocacy groups on friday asked the u . s . senate to kill copyright legislation that might result in jail time for people who trade copyrighted files online . +__label__3 , suntrust restates results , profits up , new york ( reuters ) - suntrust banks inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=sti . n target=/stocks/quickinfo/fullquote> sti . n< /a> , which fired three executives over its accounting for bad loans , on friday restated first-half profit higher by \$25 . 1 million , more than it had forecast , to fix the mistakes . +__label__4 , aol dumping some broadband , unsupported writes quot just days after news that aol will be breaking up into 4 business units , aol is telling existing broadband customers in 9 southern states to find a new carrier . +__label__3 , gencorp to reject steel partners offer--cnbc , gencorp ( gy . n quote , profile , research ) is expected to reject a \$17 per share offer from us investment fund steel partners ii , according to a report by cnbc . +__label__2 , lokomotiv moscow captures league title , moscow , russia ( sports network ) - lokomotiv moscow won the russian premier league championship on the final day of the season with a 2-0 victory over shinnik yaroslavl . +__label__4 , coalition asks us congress to kill copyright bill , washington - a coalition of technology and advocacy groups on friday asked the u . s . senate to kill copyright legislation that might result in jail time for people who trade copyrighted files online . __label__4 , is google the new devil ? , looks like microsoft may have been biding its time to get back at search giant google . missing links -__label__4 , u . s . to allow some telemarketing ' robo calls ' , washington ( reuters ) - telemarketers will be able to use prerecorded robo calls to stay in touch with established customers starting next week -- at least for the short term , u . s . regulators said friday . -__label__3 , governor calls for resignation of big dig chief , boston massachusetts governor mitt romney is calling for the resignation of the head of the state #39 s turnpike authority . romney #39 s move comes in the wake of reports that a record 14-point-six ( b ) billion-dollar -__label__4 , microsoft now leads in pda , embedded os , two new studies show microsoft ( quote , chart ) is now leading both the embedded operating system category as well as in pdas . according to statistics by research firm gartner ( quote , chart ) , microsoft #39 s windows -__label__1 , fallujah assault traps 50 , 000 residents , party says ( update2 ) , tens of thousands of civilians are confined to their houses in fallujah and may be in need of humanitarian aid as us and iraqi forces battle insurgents for control of the city , according to iraq #39 s islamic party . -__label__2 , usc , auburn complete seasons undefeated ( ap ) , ap - southern california and auburn finished perfect regular seasons in very different ways . -__label__1 , arafat buried in chaotic scenes in west bank ( reuters ) , reuters - yasser arafat was buried on\friday in chaotic scenes of grief and gunfire at the compound\where he spent his final years encircled by the israeli army\and powerless to realize his dream of a palestinian state . -__label__1 , police lose control of mosul amid uprising ( ap ) , ap - the iraqi government rushed reinforcements friday to the country ' s third-largest city , mosul , seeking to quell a deadly militant uprising that u . s . officials suspected may be in support of the resistance in fallujah #151 now said to be under 80 percent u . s . control . -__label__4 , court ruling has fat cats purring , the future of horseracing in britain was thrown into confusion this week as a result of a judgment by the european court of justice . -__label__3 , oil prices don #39 t deter shoppers consumer confidence index up , consumers shrugged off record oil prices to increase spending at the start of the fourth quarter , data released friday by the commerce department showed . -__label__2 , warren is told not to get personal , the nfl cautioned cleveland browns defensive tackle gerard warren not to pick up a personal foul penalty against pittsburgh steelers quarterback ben roethlisberger during tomorrow #39 s game . -__label__1 , new ivory coast violence shatters french connection , chanting quot we want the french ! quot a crowd of armed and angry young men swept past la planta , a club owned by an ivorian . they started to attack the nearby byblos -__label__3 , fed sticks with its ' measured ' pace , federal reserve officials agreed at a meeting in september that they probably would keep raising their benchmark interest rate in coming quarters because of the likelihood of continued solid economic growth . -__label__4 , microsoft takes lead in pda software , microsoft corp . ' s software platform for personal digital assistants took over the market lead from palmsource inc . for the first time in the third quarter , according to market research released friday . -__label__3 , asian rust poses problem to area farmers , david martz , like many other area farmers , just sighed upon hearing the news that asian soybean rust had been discovered in louisiana . -__label__1 , final respects paid to arafat , palestinians pay their last respects to yasser arafat after chaotic scenes at his burial in ramallah . -__label__1 , ship hits japan breakwater , at least six crew members are killed and one is missing after a south korean cargo ship hits a breakwater in japan . -__label__2 , yankees ' holding pattern is sure to change , brian cashman , the general manager of the yankees , on friday looked as if he had been up deep into the night plotting how to improve the team . -__label__1 , prosecutor seeks 8 years in jail for berlusconi , milan -- an italian prosecutor asked a court yesterday to sentence silvio berlusconi to eight years in jail for bribing judges as the prime minister ' s four-year corruption trial reached its closing stages . -__label__2 , iverson answers bell in ot , philadelphia , nov . 12 ( ticker ) -- it seemed like a highly unlikely game for allen iverson to sink his first career game-winning buzzer-beater . -__label__1 , mosque set on fire in netherlands , a dutch mosque is set on fire in what appears to be the latest attack on the muslim community . -__label__1 , iran says eu nuke negotiations in final stages , tehran ( reuters ) - iran ' s negotiations with the european union over a deal which would spare tehran from possible u . n . sanctions over its nuclear program are in their final stages , iran said saturday . -__label__2 , warren tones down his bark , #39 #39 the views of the host do not necessarily reflect the views of the station or its sponsors . #39 #39 . the browns were not thrilled when warren said he would gladly pay a \$50 , 000 fine to rub out roethlisberger , who -__label__1 , bush says u . s . will push hard on peace plan , at a news conference with prime minister tony blair , president bush said there was a great chance to create a palestinian state . -__label__3 , us air asks court to end labor contracts , us airways asked to throw out contracts covering passenger service agents , flight attendants and other workers and replace them with less-expensive ones . +__label__4 , u . s . to allow some telemarketing ' robo calls ' , washington ( reuters ) - telemarketers will be able to use prerecorded robo calls to stay in touch with established customers starting next week -- at least for the short term , u . s . regulators said friday . +__label__3 , governor calls for resignation of big dig chief , boston massachusetts governor mitt romney is calling for the resignation of the head of the state #39 s turnpike authority . romney #39 s move comes in the wake of reports that a record 14-point-six ( b ) billion-dollar +__label__4 , microsoft now leads in pda , embedded os , two new studies show microsoft ( quote , chart ) is now leading both the embedded operating system category as well as in pdas . according to statistics by research firm gartner ( quote , chart ) , microsoft #39 s windows +__label__1 , fallujah assault traps 50 , 000 residents , party says ( update2 ) , tens of thousands of civilians are confined to their houses in fallujah and may be in need of humanitarian aid as us and iraqi forces battle insurgents for control of the city , according to iraq #39 s islamic party . +__label__2 , usc , auburn complete seasons undefeated ( ap ) , ap - southern california and auburn finished perfect regular seasons in very different ways . +__label__1 , arafat buried in chaotic scenes in west bank ( reuters ) , reuters - yasser arafat was buried on\friday in chaotic scenes of grief and gunfire at the compound\where he spent his final years encircled by the israeli army\and powerless to realize his dream of a palestinian state . +__label__1 , police lose control of mosul amid uprising ( ap ) , ap - the iraqi government rushed reinforcements friday to the country ' s third-largest city , mosul , seeking to quell a deadly militant uprising that u . s . officials suspected may be in support of the resistance in fallujah #151 now said to be under 80 percent u . s . control . +__label__4 , court ruling has fat cats purring , the future of horseracing in britain was thrown into confusion this week as a result of a judgment by the european court of justice . +__label__3 , oil prices don #39 t deter shoppers consumer confidence index up , consumers shrugged off record oil prices to increase spending at the start of the fourth quarter , data released friday by the commerce department showed . +__label__2 , warren is told not to get personal , the nfl cautioned cleveland browns defensive tackle gerard warren not to pick up a personal foul penalty against pittsburgh steelers quarterback ben roethlisberger during tomorrow #39 s game . +__label__1 , new ivory coast violence shatters french connection , chanting quot we want the french ! quot a crowd of armed and angry young men swept past la planta , a club owned by an ivorian . they started to attack the nearby byblos +__label__3 , fed sticks with its ' measured ' pace , federal reserve officials agreed at a meeting in september that they probably would keep raising their benchmark interest rate in coming quarters because of the likelihood of continued solid economic growth . +__label__4 , microsoft takes lead in pda software , microsoft corp . ' s software platform for personal digital assistants took over the market lead from palmsource inc . for the first time in the third quarter , according to market research released friday . +__label__3 , asian rust poses problem to area farmers , david martz , like many other area farmers , just sighed upon hearing the news that asian soybean rust had been discovered in louisiana . +__label__1 , final respects paid to arafat , palestinians pay their last respects to yasser arafat after chaotic scenes at his burial in ramallah . +__label__1 , ship hits japan breakwater , at least six crew members are killed and one is missing after a south korean cargo ship hits a breakwater in japan . +__label__2 , yankees ' holding pattern is sure to change , brian cashman , the general manager of the yankees , on friday looked as if he had been up deep into the night plotting how to improve the team . +__label__1 , prosecutor seeks 8 years in jail for berlusconi , milan -- an italian prosecutor asked a court yesterday to sentence silvio berlusconi to eight years in jail for bribing judges as the prime minister ' s four-year corruption trial reached its closing stages . +__label__2 , iverson answers bell in ot , philadelphia , nov . 12 ( ticker ) -- it seemed like a highly unlikely game for allen iverson to sink his first career game-winning buzzer-beater . +__label__1 , mosque set on fire in netherlands , a dutch mosque is set on fire in what appears to be the latest attack on the muslim community . +__label__1 , iran says eu nuke negotiations in final stages , tehran ( reuters ) - iran ' s negotiations with the european union over a deal which would spare tehran from possible u . n . sanctions over its nuclear program are in their final stages , iran said saturday . +__label__2 , warren tones down his bark , #39 #39 the views of the host do not necessarily reflect the views of the station or its sponsors . #39 #39 . the browns were not thrilled when warren said he would gladly pay a \$50 , 000 fine to rub out roethlisberger , who +__label__1 , bush says u . s . will push hard on peace plan , at a news conference with prime minister tony blair , president bush said there was a great chance to create a palestinian state . +__label__3 , us air asks court to end labor contracts , us airways asked to throw out contracts covering passenger service agents , flight attendants and other workers and replace them with less-expensive ones . __label__4 , coding viruses for the mind , if as some have suggested religions are viruses of the mind , then it might make sense to separate the components of any given religion into two parts . the first part being those things which are necessary to maintain viral infection and which assist in the infection of new hosts . the second part is the payload those instructions which the virus writer wishes those who have been infected to carry out or execute . my hope is that this method of analysis will assist others in understanding the structure of existing religions as well as those who aim to write one from scratch -__label__4 , wireless operators team on wi-fi roaming , ntt communications , t-mobile usa , telstra , starhub , and maxis communications have joined to establish roaming arrangements that allow customers to use wireless broadband services from internet access points -- called hotspots quot -- in their countries -__label__2 , tennis mauresmo books semi-final berth at wta tour championships , los angeles france #39 s amelie mauresmo has booked her berth in the semi-finals of the season-ending wta tour championships with a 6-3 , 6-2 victory over us open champion svetlana kuznetsova of russia . -__label__2 , warren warned following threat , cleveland - the nfl gave a warning to browns defensive tackle gerard warren on friday , a day after he said he would try to hit pittsburgh quarterback ben roethlisberger in the head sunday . -__label__1 , pakistan says militants on the run , despite blast , nano , pakistan ( reuters ) - pakistani forces are driving al qaeda-linked militants out of mountains near the afghan border but attacks such as a bomb that wounded soldiers on saturday could not be ruled out , a commander said . -__label__2 , don king productions presents quot battle for supremacy quot , on saturday november 13th , ten misfits , nomads and upstarts seek to wage war or settle the score at the famed madison square garden in new york , new york . -__label__3 , fda bans vioxx and bextra critic from advisory panel meeting , a drug safety expert says his invitation to participate in a meeting on the risks of arthritis drugs like vioxx and bextra has been rescinded by government officials because he publicly expressed concerns about the medications . -__label__2 , toronto raptors team report - november 13 , ( sports network ) - the surprising toronto raptors will try to push their record to 5-2 tonight , when they continue their six-game road trip against the portland trail blazers at the rose garden . -__label__4 , this week in game news , they risked hypothermia and fought off the effects of sleep deprivation so they could be among the first to achieve their quest in the wee hours of the morning . -__label__1 , grief , tears as mother , seven children killed in house fire mourned ( canadian press ) , canadian press - st . catharines , ont . ( cp ) - about 1 , 000 mourners filled a church saturday for a funeral service for a mother and her seven children killed when fire tore through their century-old rural southwestern ontario home . -__label__2 , parker #39 s confidence key wade needs seasoning , tonight #39 s game featuring the miami heat and their three-time nba finals mvp shaquille o #39 neal versus the san antonio spurs and their two-time nba finals mvp tim duncan has obvious potential as an early-season championship preview . -__label__4 , hp joins with jboss on server support , hewlett-packard co . and open-source middleware vendor jboss inc . on friday said that hp will now provide first-line support for jboss #39 open-source java application server . -__label__2 , the nfl is at its midway point . time to hand out some awards , it #39 s the nfl midseason , and i #39 ve done a pretty good job the last couple of months pretending i don #39 t cover the sport for si . -__label__2 , no . 6 texas rallies past kansas , 27-23 ( ap ) , ap - vince young scored on an 18-yard touchdown run with 4 11 left and threw a 22-yard td pass to tony jeffrey with 11 seconds remaining to rally no . 6 texas past kansas 27-23 saturday . -__label__2 , beckham returns to england squad for spain game , david beckham , out for a month with broken ribs , was named by sven-goran eriksson to england #39 s team for its friendly match on wednesday against spain at real madrid #39 s santiago bernabeu stadium . -__label__3 , indian pm pledges to protect poor from oil-driven inflation , new delhi indian prime minister manmohan singh pledged to try to shield the poor by keeping down prices of essential goods amid rising inflation . -__label__4 , greek , british police break illegal software ring , greek and british police in a joint operation cracked a multi-million illegal software sales ring , arresting two people and seizing thousands of pirate high-tech software programs , greek police said on friday . -__label__2 , hornets ' davis sidelined with back injury , new orleans ( sports network ) - new orleans hornets guard baron davis did not make the trip to milwaukee for saturday ' s game against the bucks because of a strained lower back . -__label__2 , carolina ' s davis done for the season , charlotte , n . c . ( sports network ) - carolina panthers running back stephen davis will miss the remainder of the season after being placed on injured reserve saturday . -__label__2 , psv stays top after 1-0 win over willem ii , amsterdam ( reuters ) - jan vennegoor of hesselink scored his seventh goal of the season to give dutch league leader psv eindhoven a 1-0 win over willem ii tilburg on saturday . -__label__2 , through strife , ravens are bonding and winning through intimidation , since 1996 , the team ' s first season in baltimore , the ravens have projected an image of 11 black helmets swarming to the football , imposing their will with unequaled fervor . -__label__1 , panama assures rumsfeld on canal security , panama city , panama ( reuters ) - panama ' s security chief told defense secretary donald rumsfeld on saturday the central american nation was working to prevent any terror attack that might close the panama canal . -__label__2 , the rundown , unquestionably the showcase game of the day . auburn already has sewn up the southeastern conference west , and georgia would need tennessee to lose to have a chance in the east . -__label__3 , will hutton , there were two stories last week that will have world-shaping implications . the first was in a paris hospital and a compound in ramallah . -__label__2 , man utd calls for emergency glazer meeting , the directors of manchester united will this week demand an emergency meeting with malcolm glazer , head of the florida family that is stalking the world-famous football club . -__label__2 , spurs accuse liar santini , former tottenham hotspur manager jacques santini sparked a war of words last night after claiming that he had resigned nine days ago because of a rift with director of football , frank arnesen , and not as previously stated for personal reasons . -__label__2 , chance to measure up , during his 14 seasons as an nfl assistant and head coach , virginia coach al groh was often involved in the evaluation of college prospects . -__label__3 , stocks end higher as dell boosts techs , stocks extended their rally on friday , led by technology shares after computer maker dell inc . ( dell . o quote , profile , research ) shot up 8 percent on a higher quarterly profit and an optimistic forecast . -__label__2 , michigan state shocks wisconsin , east lansing , mich . ( sports network ) - jason teague , who ran for 112 yards and a score on 17 carries , caught a touchdown pass in the second quarter to snap a tie and help michigan state post a 49-14 win over -__label__2 , arizona state retires tillman ' s jersey ( ap ) , ap - jake plummer was among about 50 former arizona state teammates of pat tillman who gathered saturday night to help the school retire the fallen soldier ' s no . 42 jersey in an emotional halftime ceremony . -__label__4 , firefox leaves no reason to endure internet explorer , that should have been said a long time ago . after microsoft cemented a monopoly of the web-browser market , it let internet explorer go stale , parceling out ho-hum updates that neglected vulnerabilities -__label__1 , editorial sub incident shows china #39 s stripes , after days of speculation and a chase by japanese destroyers and a surveillance plane , it has finally been determined that the nuclear submarine that intruded into japanese territorial water between okinawa and taiwan was chinese . -__label__4 , final round in cable-isp fight , the u . s . supreme court has agreed to hear whether cable operators must give access to their lines to third-party isps . michael grebb reports from washington . -__label__4 , adobe gets high marks for photo fixes , among three digital photography repair programs , adobe elements is cited as providing the right amount of features and commands while maintaining user simplicity . -__label__1 , safety group closely echoes rail industry , documents show that the nation ' s most influential rail-safety group is tightly bound to the railroad industry . -__label__4 , game under fire , attacking police officers , racial slurs , bloody beatings of innocent bystanders . . . is it really just a game ? in four and a half minutes , 14-year-old ryan mason ran over a police officer , stole his gun and shot and killed three innocent bystanders . -__label__4 , at tuesday #39 s midnight hour , you #39 ll find a meteor shower , while walking the pooch in the crisp early morning air wednesday , you might hear a few snaps , perhaps a buzz , and maybe even some whistles overhead . -__label__2 , ( 5 ) california 42 washington 12 , seattle fifth-ranked california ran past washington 42-to-12 . jj arrington rushed for 121 yards and marshawn lynch matched that . lynch had td runs of 32 and 70 yards along with a 29-yard scoring reception . -__label__1 , life after yasir arafat , his successors wanted an orderly funeral . they brought in bulldozers to clean up yasir arafat #39 s broken-down headquarters in ramallah . -__label__3 , where have all the people gone ? , while media and political attention is on the threat of outsourcing , the reality is that outsourcing is a sideshow in a much larger event . -__label__4 , microsoft takes lead in handheld market , microsoft corp . , worlds largest software maker , increased its market shares of windows ce , operating system for handheld devices , in the third quarter of this year , stated a research study conducted by gartner , inc . -__label__2 , boston archbishop reveals anguish of closings , boston boston #39 s archbishop is telling catholics that the church #39 s financial footing is quot much worse than people realize . -__label__2 , will bills be more receptive ? , foxborough -- hello , mike mularkey . welcome to opportunity . watch that game film of new england-st . louis last week ? -__label__2 , this silence can ' t be golden , what does larry bird think of ron artest ' s recent sabbatical ? he ' s not saying . but given that this was a guy who came out of traction to play a game , we can pretty much assume what he has said behind closed doors . -__label__1 , american deaths , the pentagon has released the names of the following us service members killed recently in iraq -__label__2 , i quit because of recruitment problems santini , tottenham manager jacques santini said he left the north london club because he was not in control of recruitment , he said on french television on saturday . -__label__4 , newest video games gun to be no . 1 , voters apparently weren #39 t the only ones willing to stand in long lines . the release of this year #39 s two hottest video games - grand theft auto san andreas , and halo 2 - had gamers lined up at stores across the nation to pick up their pre-ordered games . -__label__4 , virtual warriors have feelings , too , instead of playing halo 2 as intended , a filmmaker and a crew of machinima peers exploit the game ' s software quirks to create their online comedy series , red vs . blue , within halo ' s virtual world . -__label__2 , beckham could quit england after world cup , england captain david beckham has revealed that he is considering retiring from international football after the 2006 world cup . the 29-year-old real madrid midfielder is keen to preserve his club career for -__label__1 , northern irish protestant group pledges to end violence , northern ireland #39 s main pro-british paramilitary group , the ulster defence association ( uda ) , has pledged to end all violence and work towards complete disarmament . -__label__3 , except for less export business , most find little to complain < b> . . . < /b> , longtime gonzales county rancher jim selman , who raises calves in the biggest cattle county in the nation #39 s biggest cattle state , sees 2004 as a year to remember . -__label__2 , safin tallest obstacle to host #39 s patriotic games hope , as tennis fans go , houston #39 s jim #39 mattress mack #39 mcingvale is very rich , extremely forthright , exceedingly patriotic and unflinchingly republican . -__label__1 , activists want divestment from sudan ( ap ) , ap - black activists and religious groups are pressing public pension funds to divest a purported #36 91 billion in holdings of companies operating in oil-rich sudan . -__label__4 , kiwi firms ditch explorer for firefox , aoraki mt cook ski planes and new zealand tourism online are turning their backs on microsoft #39 s internet explorer . both companies are among the early adopters of firefox , a free quot open source quot web browser . -__label__2 , motorsport loeb matches record season , perth - french driver sebastien loeb won his first motor rally of australia yesterday when comfortably negotiating the final six stages near perth . -__label__2 , d . c . to face k . c . for mls championship ( ap ) , ap - peter nowak has played in two mls cups #151 he liked the first a lot better #151 and gets another crack at the championship this year . the rookie coach will guide d . c . united in sunday ' s title game against kansas city . -__label__2 , online football bruins unable to squeeze past trojans , the ucla football team had all that it asked for possession of the ball in the fourth quarter with an opportunity to beat no . 1 usc . -__label__3 , column many struggle to comply with sarbanes rules , a flurry of companies may miss the deadline to comply with new regulations brought in after the corporate scandals of 2002 , but the key for investors will be to judge how serious the underlying problems really are . -__label__2 , middlesbrough spoil robson #39 s home-coming , bryan robson had an unhappy start as west bromwich albion manager on sunday when the premier league strugglers went down 2-1 to middlesbrough on the ground he once graced as a budding england great . -__label__1 , iran agrees to suspend uranium enrichment ( ap ) , ap - iran has agreed to fully suspend uranium enrichment and linked activities that washington asserts are part of a nuclear weapons program , diplomats said sunday . -__label__1 , obama balances stardom , local interests ( ap ) , ap - in the days since he was elected to the u . s . senate , barack obama has chatted by phone with president bush , had his picture in people magazine and appeared several times on national television . -__label__2 , usc rolls to easy win , despite playing well arizona was unable the hold the top ranked usc trojans , losing 49-9 . the score was a bit deceiving as the wildcats hung tough with the nations best team for about a quarter and a half . -__label__2 , nfl game summary - detroit at jacksonville , jacksonville , fl ( sports network ) - david garrard hooked up with jimmy smith for a 36-yard touchdown pass 5 28 into overtime to lift jacksonville over detroit , 23-17 , in a wild affair at alltel stadium . -__label__2 , no . 6 duke tops south fla . in women #39 s nit , duke #39 s wanisha smith ( 23 ) celebrates a duke basket along side assistant coach lavonda wagner during the second half of the second round of the pre-season women #39 s national invitational tournament on sunday , nov . 14 , 2004 in durham , nc no . -__label__1 , uda pledge ceasefire , the uda , northern ireland #39 s largest loyalist paramilitary group has pledged to end all violence and work towards complete disarmament . -__label__1 , abbas escapes gaza shooting unharmed ( ap ) , ap - mahmoud abbas , the temporary successor to yasser arafat , escaped unharmed sunday when militants firing assault rifles burst into a mourning tent for the deceased palestinian leader , killing two security guards and wounding six other people . -__label__1 , b . c . mountie killed in stolen truck crash leaves wife , two small children ( canadian press ) , canadian press - vernon , b . c . ( cp ) - vernon rcmp have identified the auxiliary officer killed when the cruiser in which he was riding was struck by a stolen truck as glen evely , 39 . -__label__4 , nasa to test hypersonic scramjet , washington nasa will today conduct the final and fastest test flight of its pilotless x-43a hypersonic research aircraft , aiming to send it zooming across the pacific ocean at about 10 times the speed of sound -- almost 3 . 2 kilometers ( two miles ) per -__label__4 , firefox 1 . 0 presents threat to ie , the firefox browser offers superior security features over internet explorer -- and as long as ie drives more than 90 percent of the world #39 s computers , hackers will continue to make it a target . -__label__2 , serena ends mauresmo ' s year-end no . 1 bid ( ap ) , ap - serena williams is in love #151 with her new attacking game and herself . -__label__2 , prso seals victory for 10-man rangers , striker dado prso netted a second-half penalty as rangers battled to a 1-0 scottish premier league win at hibernian on sunday . prso converted after 65 minutes after -__label__1 , france , ivory coast relations worsen , nine french peacekeepers were killed during an air raid by ivorian bombers more than a week ago . france responded by destroying most of the ivorian air force . -__label__2 , instant analysis va tech at miami , for so many years , so many big games , and so many white-knuckle moments , the miami hurricanes have made the last minute of a football game their close friend . -__label__2 , norman looking to post a low score , greg norman will be looking to post a low score to give the leaders a target in the final round of the australian pga championship at coolum #39 s hyatt resort , north of brisbane . -__label__1 , nobel laureate to convey chen #39 s goodwill to beijing leader at apec , taipei , nov . 12 ( cna ) academia sinica president lee yuan-tseh said friday he will convey president chen shui-bian #39 s goodwill to mainland chinese president hu jintao at the upcoming informal leadership meeting -__label__1 , in taipei , talk of arms -- and amity , premier yu shyi-kun hopes economic ties to the mainland will guarantee peace . if not , quot taiwan has to have to ability to defend itself quot . -__label__4 , yahoo , earthlink to test new anti-spam system , washington ( reuters ) - earthlink inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=elnk . o qtype=sym infotype=info qcat=news> elnk . o< /a> and yahoo inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=yhoo . o qtype=sym infotype=info qcat=news> yhoo . o< /a> said on monday they would begin tests of a new anti-spam technology that encodes digital signatures into customers ' e-mail as a way to separate legitimate messages from unwanted spam . -__label__2 , wardian , feldman right at home in parks marathon , michael wardian rounded the corner onto woodmont avenue in bethesda , smiling broadly and waving to the cheering crowd . making his way to the finish line , wardian ran comfortably , looking more like someone finishing a training run rather than a race . -__label__3 , ongc , cairn energy decide to team up , mumbai oil and natural gas corporation ( ongc ) and scottish oil firm cairn energy ltd have decided to team up for oil exploration and production ( e amp p ) in the domestic as well as international markets . -__label__4 , sun to shine spotlight on new operating system , solaris 10 , sun microsystems sunw is expected to release a new version of its operating system today - a big part of the struggling computer maker #39 s plan to save itself . -__label__2 , rocastle offers support to novo , hibernian midfielder craig rocastle has promised to back rangers striker nacho novo if he decides to appeal against the red card he picked up at easter road . -__label__1 , india launches rural aid project , india launches a \$445m food-for-work programme aimed at tackling hunger in poor rural areas . -__label__4 , halo 2 donkey konga , the first halo game sold quite a few xboxes ( we know a few xbox owners who don ' t appear to play any other titles on their consoles ) , and halo 2 has already clocked \$125 million in sales -- on its first day in stores . -__label__2 , ford underlines committed to motorsport . , despite confirming the successful sale of both jaguar racing and its cosworth engine company to new owners , ford motor company has stressed that it remains committed to supporting motorsport at all levels . -__label__2 , colts 49 , texans 14 , indianapolis peyton manning completed 18 of 27 passes for 320 yards and threw five touchdowns as the indianapolis colts beat the houston texans , 49-to-14 . -__label__4 , yahoo doubles free e-mail storage limits , yahoo inc . is more than doubling its limits on free e-mail storage in its latest move to combat two of its biggest rivals , google inc . and microsoft corp . -__label__4 , metier assists fbi information technology initiative , metier ltd . of the district won a one-year , \$2 million contract for software and services for the fbi ' s enterprise it portfolio management program . the new initiative will improve oversight of the fbi ' s information-technology systems , applications and assets by the agency ' s it management and staff , the company said . -__label__4 , fate of cameras on the line , virginia ' s 10-year experiment with red-light cameras at traffic intersections expires next year , and it is uncertain whether they will be renewed . -__label__3 , wrigley to buy life savers , altoids , chicago ( reuters ) - wm . wrigley jr . co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wwy . n target=/stocks/quickinfo/fullquote> wwy . n< /a> is buying the life savers and altoids candy and mint businesses from kraft foods inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kft . n target=/stocks/quickinfo/fullquote> kft . n< /a> for \$1 . 48 billion in cash , the companies said on monday . -__label__1 , dow jones agrees to buy marketwatch in \$519 million deal , dow jones company , the publisher of the wall street journal , has agreed to buy marketwatch , the parent company of the financial news web site cbs marketwatch , for approximately \$519 million , the companies said today . -__label__3 , reports china will see more shortages , shortages of coal and electricity are expected to fail to keep up with demand this winter , state media reported monday . the national power regulatory commission reported high demand for virtually every region -__label__4 , microsoft signs two indian deals , microsoft is to form multi-million pound partnerships with two indian software firms , and is expected to double the 1 , 500 people it already employs in india . -__label__1 , iran says it will stop enriching uranium , washington -- iran pledged yesterday to temporarily suspend its uranium enrichment program in an attempt to ease suspicions that it is trying to develop nuclear weapons . the move could defuse a longstanding showdown with the united states over iran ' s nuclear activities , diplomats said . -__label__1 , ivory coast arms embargo backed , abidjan , ivory coast -- african leaders backed an arms embargo and other immediate un sanctions against ivory coast yesterday , isolating president laurent gbagbo ' s hard-line government even further in its deadly confrontation with its former colonial ruler , france . -__label__2 , rivera was a corner stone for ruiz , new york -- for a time saturday night , john ruiz was ready to give up . -__label__1 , strong quake injures six in colombia , bogota , colombia ( reuters ) - six people were hurt and two hospitals evacuated after a strong earthquake shook a large part of western colombia on monday , the government said . -__label__4 , sun to set solaris free , after a fashion , operating system to come at no charge for servers with x86 processors . but the bug fixes will cost you . -__label__3 , microsoft signs two indian deals , the announcement came as microsoft chief executive steve ballmer opened the group #39 s new indian headquarters in the city of hyderabad . -__label__2 , pires prepared to pay fine for wearing wrong kit , arsenal star robert pires said monday he is prepared to pay a fine for not wearing the official french team sponsor #39 s kit in a television interview last month . -__label__3 , lowe #39 s q3 earnings jump 15 . 5 percent , new york ( cbs . mw ) - lowe #39 s reported a strong 15 . 5 percent increase in earnings in the third quarter early monday and offered a bullish outlook for the full year . -__label__3 , passenger revenue boost for air france-klm , air france-klm on monday posted a 61 percent rise in revenue in the group #39 s fiscal second quarter , boosted by the merger between the french and dutch carriers and a strong rise in passenger and cargo revenue . -__label__4 , adobe launching new version of acrobat by year #39 s end , adobe systems inc . will release version 7 . 0 of its digital document product acrobat by the end of the year , including a new free acrobat reader with added reviewing capabilities , the company announced monday . -__label__4 , microsoft steals pda topspot , windows ce has become the most popular pda operating system , passing the palm os for the first time . worldwide shipments of pdas using microsoft #39 s system were just under -__label__4 , games just don #39 t get much better than #39 san andreas #39 , this country has seen a massive upsurge in morality since election day , and nowhere is this more evident than in the commercial failure of the quot grand theft auto quot games . -__label__3 , steel group sees continued strength in china demand , london ( cbs . mw ) -- european markets saw a moderate advance in early trade monday , carrying over some of the late-session rally on wall street and helped by steel group arcelor #39 s view of chinese demand . -__label__3 , econ edge the economic week , fed governor speaks ( 12 45 pm et ) federal reserve governor mark olson speaks about his economic outlook at a roundtable lunch in toronto . -__label__4 , dell touts new blades #39 bang for the buck , organizations are replacing aging servers with newer more-powerful boxes , often linux--based , and theyre also investing in storage . -__label__3 , microsoft storms india , microsoft is making big news in india this week by expanding its hyderabad campus and signing two lucrative deals in asias fourth largest economy . -__label__4 , dell takes second shot at blades , two years after launching its first blade server , dell inc . on monday is set to launch a follow-up product the poweredge 855 , a server based on intel corp . -__label__3 , deficit at us pension agency soars to \$23 . 3 billion , the deficit at the federal agency that rescues failed us pension funds more than doubled to \$23 . 3 billion in fiscal 2004 , officials said on monday , as the safety net was hit by losses from pension plans that have failed or are -__label__2 , ganguly suspension appealed , london - the international cricket council ( icc ) on monday confirmed that it had received notice from the board of control for cricket in india ( bcci ) that it was intending to appeal against captain sourav ganguly #39 s two test match suspension . -__label__4 , dell and microsoft launch joint software ( ap ) , ap - dell inc . and microsoft corp . promised big savings on the billions of dollars companies spend on system maintenance as they unveiled jointly developed software monday that manages and upgrades servers in one mouse-click . -__label__3 , sec charges hollinger ' s black with fraud ( reuters ) , reuters - u . s . regulators filed fraud charges\on monday against former hollinger international inc . \chairman conrad black and his deputy , david radler , moving to\bar the two from serving as officers of a public company . -__label__2 , hornets ' davis out with back injury ( reuters ) , reuters - new orleans hornets guard\baron davis is expected to be sidelined one-to-two weeks\because of a lower back injury . -__label__2 , myskina , kuznetsov to play in fed cup ( ap ) , ap - anastasia myskina and svetlana kuznetsova will lead russia ' s fed cup team when it plays austria in this month ' s semifinals . defending champion france will feature amelie mauresmo and mary pierce in the other semifinal against spain , which has won this event five times . -__label__3 , boeing offers 777 cargo freighter , boeing co . on monday said it is offering a 777 cargo model that will be the largest and farthest-flying twin-engine freighter . the boeing 777 freighter is scheduled to enter service in the fourth quarter of 2008 . -__label__4 , smart phones to make up 16 of market , london-a new study shows that the market for smart phones will continue to increase during the next several years , with global shipments growing from 14 . -__label__4 , grand central spiffs up integration service , company enhances online service for moving business information between corporations . -__label__4 , car seats measured for whiplash safety , using a new dynamic test and a dummy designed especially for rear impact testing , the insurance institute for highway safety has rated 73 seat/head restraint combinations available in 63 car models sold in the us market . -__label__1 , iran agrees to nuclear enrichment freeze -diplomats , iran has agreed to suspend its uranium enrichment programme in an attempt to ease concerns that its nuclear programme is aimed at developing weapons , a western diplomat close to the united nations said today . -__label__3 , deutsche bank to sell scudder business to legg mason , deutsche bank ag of germany plans to sell its new york , philadelphia , cincinnati and chicago offices of scudder private investment counsel to legg mason inc . for \$55 million , plus payments of up to \$26 million , the company said monday . -__label__4 , liquid machines pours out new drm software , liquid machines today announced the release of email control version 6 . 0 , an e-mail policy and security messaging software package designed for enterprise networks . -__label__3 , microsoft opens software development center in india ( update3 ) , microsoft corp . , the world #39 s largest software maker , will hire several hundred #39 #39 people in the next year at its development center in india , expanding its workforce of 800 , chief executive steve ballmer said . -__label__4 , dell takes another cut at blade market , quot the biggest danger to hp and ibm is a price war , quot said john enck of gartner . quot blades are still premium-priced products from ibm and hp . -__label__3 , sec charges hollinger ' s black with fraud , washington ( reuters ) - u . s . regulators filed fraud charges on monday against former hollinger international inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hlr . n target=/stocks/quickinfo/fullquote> hlr . n< /a> chairman conrad black and his deputy , david radler , moving to bar the two from serving as officers of a public company . -__label__3 , lowe #39 s forecast hammers stock , home improvement retailer lowe #39 s cos . ( low . n quote , profile , research ) on monday reported a 15 percent rise in third-quarter profit , aided by its expansion to new york -__label__3 , boeing to build cargo version of 777 , new york boeing co said today it will manufacture a cargo version of the twin-engine boeing 777 commercial airliner . due to enter service late in the fourth quarter of 2008 , the boeing 777 freighter will -__label__1 , fighting spreads in sunni triangle , fierce battles between insurgents and us and iraqi forces killed at least 27 people today in baqouba and south of baghdad as us forces move against the last remaining pockets of resistance in fallujah . +__label__4 , wireless operators team on wi-fi roaming , ntt communications , t-mobile usa , telstra , starhub , and maxis communications have joined to establish roaming arrangements that allow customers to use wireless broadband services from internet access points -- called hotspots quot -- in their countries +__label__2 , tennis mauresmo books semi-final berth at wta tour championships , los angeles france #39 s amelie mauresmo has booked her berth in the semi-finals of the season-ending wta tour championships with a 6-3 , 6-2 victory over us open champion svetlana kuznetsova of russia . +__label__2 , warren warned following threat , cleveland - the nfl gave a warning to browns defensive tackle gerard warren on friday , a day after he said he would try to hit pittsburgh quarterback ben roethlisberger in the head sunday . +__label__1 , pakistan says militants on the run , despite blast , nano , pakistan ( reuters ) - pakistani forces are driving al qaeda-linked militants out of mountains near the afghan border but attacks such as a bomb that wounded soldiers on saturday could not be ruled out , a commander said . +__label__2 , don king productions presents quot battle for supremacy quot , on saturday november 13th , ten misfits , nomads and upstarts seek to wage war or settle the score at the famed madison square garden in new york , new york . +__label__3 , fda bans vioxx and bextra critic from advisory panel meeting , a drug safety expert says his invitation to participate in a meeting on the risks of arthritis drugs like vioxx and bextra has been rescinded by government officials because he publicly expressed concerns about the medications . +__label__2 , toronto raptors team report - november 13 , ( sports network ) - the surprising toronto raptors will try to push their record to 5-2 tonight , when they continue their six-game road trip against the portland trail blazers at the rose garden . +__label__4 , this week in game news , they risked hypothermia and fought off the effects of sleep deprivation so they could be among the first to achieve their quest in the wee hours of the morning . +__label__1 , grief , tears as mother , seven children killed in house fire mourned ( canadian press ) , canadian press - st . catharines , ont . ( cp ) - about 1 , 000 mourners filled a church saturday for a funeral service for a mother and her seven children killed when fire tore through their century-old rural southwestern ontario home . +__label__2 , parker #39 s confidence key wade needs seasoning , tonight #39 s game featuring the miami heat and their three-time nba finals mvp shaquille o #39 neal versus the san antonio spurs and their two-time nba finals mvp tim duncan has obvious potential as an early-season championship preview . +__label__4 , hp joins with jboss on server support , hewlett-packard co . and open-source middleware vendor jboss inc . on friday said that hp will now provide first-line support for jboss #39 open-source java application server . +__label__2 , the nfl is at its midway point . time to hand out some awards , it #39 s the nfl midseason , and i #39 ve done a pretty good job the last couple of months pretending i don #39 t cover the sport for si . +__label__2 , no . 6 texas rallies past kansas , 27-23 ( ap ) , ap - vince young scored on an 18-yard touchdown run with 4 11 left and threw a 22-yard td pass to tony jeffrey with 11 seconds remaining to rally no . 6 texas past kansas 27-23 saturday . +__label__2 , beckham returns to england squad for spain game , david beckham , out for a month with broken ribs , was named by sven-goran eriksson to england #39 s team for its friendly match on wednesday against spain at real madrid #39 s santiago bernabeu stadium . +__label__3 , indian pm pledges to protect poor from oil-driven inflation , new delhi indian prime minister manmohan singh pledged to try to shield the poor by keeping down prices of essential goods amid rising inflation . +__label__4 , greek , british police break illegal software ring , greek and british police in a joint operation cracked a multi-million illegal software sales ring , arresting two people and seizing thousands of pirate high-tech software programs , greek police said on friday . +__label__2 , hornets ' davis sidelined with back injury , new orleans ( sports network ) - new orleans hornets guard baron davis did not make the trip to milwaukee for saturday ' s game against the bucks because of a strained lower back . +__label__2 , carolina ' s davis done for the season , charlotte , n . c . ( sports network ) - carolina panthers running back stephen davis will miss the remainder of the season after being placed on injured reserve saturday . +__label__2 , psv stays top after 1-0 win over willem ii , amsterdam ( reuters ) - jan vennegoor of hesselink scored his seventh goal of the season to give dutch league leader psv eindhoven a 1-0 win over willem ii tilburg on saturday . +__label__2 , through strife , ravens are bonding and winning through intimidation , since 1996 , the team ' s first season in baltimore , the ravens have projected an image of 11 black helmets swarming to the football , imposing their will with unequaled fervor . +__label__1 , panama assures rumsfeld on canal security , panama city , panama ( reuters ) - panama ' s security chief told defense secretary donald rumsfeld on saturday the central american nation was working to prevent any terror attack that might close the panama canal . +__label__2 , the rundown , unquestionably the showcase game of the day . auburn already has sewn up the southeastern conference west , and georgia would need tennessee to lose to have a chance in the east . +__label__3 , will hutton , there were two stories last week that will have world-shaping implications . the first was in a paris hospital and a compound in ramallah . +__label__2 , man utd calls for emergency glazer meeting , the directors of manchester united will this week demand an emergency meeting with malcolm glazer , head of the florida family that is stalking the world-famous football club . +__label__2 , spurs accuse liar santini , former tottenham hotspur manager jacques santini sparked a war of words last night after claiming that he had resigned nine days ago because of a rift with director of football , frank arnesen , and not as previously stated for personal reasons . +__label__2 , chance to measure up , during his 14 seasons as an nfl assistant and head coach , virginia coach al groh was often involved in the evaluation of college prospects . +__label__3 , stocks end higher as dell boosts techs , stocks extended their rally on friday , led by technology shares after computer maker dell inc . ( dell . o quote , profile , research ) shot up 8 percent on a higher quarterly profit and an optimistic forecast . +__label__2 , michigan state shocks wisconsin , east lansing , mich . ( sports network ) - jason teague , who ran for 112 yards and a score on 17 carries , caught a touchdown pass in the second quarter to snap a tie and help michigan state post a 49-14 win over +__label__2 , arizona state retires tillman ' s jersey ( ap ) , ap - jake plummer was among about 50 former arizona state teammates of pat tillman who gathered saturday night to help the school retire the fallen soldier ' s no . 42 jersey in an emotional halftime ceremony . +__label__4 , firefox leaves no reason to endure internet explorer , that should have been said a long time ago . after microsoft cemented a monopoly of the web-browser market , it let internet explorer go stale , parceling out ho-hum updates that neglected vulnerabilities +__label__1 , editorial sub incident shows china #39 s stripes , after days of speculation and a chase by japanese destroyers and a surveillance plane , it has finally been determined that the nuclear submarine that intruded into japanese territorial water between okinawa and taiwan was chinese . +__label__4 , final round in cable-isp fight , the u . s . supreme court has agreed to hear whether cable operators must give access to their lines to third-party isps . michael grebb reports from washington . +__label__4 , adobe gets high marks for photo fixes , among three digital photography repair programs , adobe elements is cited as providing the right amount of features and commands while maintaining user simplicity . +__label__1 , safety group closely echoes rail industry , documents show that the nation ' s most influential rail-safety group is tightly bound to the railroad industry . +__label__4 , game under fire , attacking police officers , racial slurs , bloody beatings of innocent bystanders . . . is it really just a game ? in four and a half minutes , 14-year-old ryan mason ran over a police officer , stole his gun and shot and killed three innocent bystanders . +__label__4 , at tuesday #39 s midnight hour , you #39 ll find a meteor shower , while walking the pooch in the crisp early morning air wednesday , you might hear a few snaps , perhaps a buzz , and maybe even some whistles overhead . +__label__2 , ( 5 ) california 42 washington 12 , seattle fifth-ranked california ran past washington 42-to-12 . jj arrington rushed for 121 yards and marshawn lynch matched that . lynch had td runs of 32 and 70 yards along with a 29-yard scoring reception . +__label__1 , life after yasir arafat , his successors wanted an orderly funeral . they brought in bulldozers to clean up yasir arafat #39 s broken-down headquarters in ramallah . +__label__3 , where have all the people gone ? , while media and political attention is on the threat of outsourcing , the reality is that outsourcing is a sideshow in a much larger event . +__label__4 , microsoft takes lead in handheld market , microsoft corp . , worlds largest software maker , increased its market shares of windows ce , operating system for handheld devices , in the third quarter of this year , stated a research study conducted by gartner , inc . +__label__2 , boston archbishop reveals anguish of closings , boston boston #39 s archbishop is telling catholics that the church #39 s financial footing is quot much worse than people realize . +__label__2 , will bills be more receptive ? , foxborough -- hello , mike mularkey . welcome to opportunity . watch that game film of new england-st . louis last week ? +__label__2 , this silence can ' t be golden , what does larry bird think of ron artest ' s recent sabbatical ? he ' s not saying . but given that this was a guy who came out of traction to play a game , we can pretty much assume what he has said behind closed doors . +__label__1 , american deaths , the pentagon has released the names of the following us service members killed recently in iraq +__label__2 , i quit because of recruitment problems santini , tottenham manager jacques santini said he left the north london club because he was not in control of recruitment , he said on french television on saturday . +__label__4 , newest video games gun to be no . 1 , voters apparently weren #39 t the only ones willing to stand in long lines . the release of this year #39 s two hottest video games - grand theft auto san andreas , and halo 2 - had gamers lined up at stores across the nation to pick up their pre-ordered games . +__label__4 , virtual warriors have feelings , too , instead of playing halo 2 as intended , a filmmaker and a crew of machinima peers exploit the game ' s software quirks to create their online comedy series , red vs . blue , within halo ' s virtual world . +__label__2 , beckham could quit england after world cup , england captain david beckham has revealed that he is considering retiring from international football after the 2006 world cup . the 29-year-old real madrid midfielder is keen to preserve his club career for +__label__1 , northern irish protestant group pledges to end violence , northern ireland #39 s main pro-british paramilitary group , the ulster defence association ( uda ) , has pledged to end all violence and work towards complete disarmament . +__label__3 , except for less export business , most find little to complain < b> . . . < /b> , longtime gonzales county rancher jim selman , who raises calves in the biggest cattle county in the nation #39 s biggest cattle state , sees 2004 as a year to remember . +__label__2 , safin tallest obstacle to host #39 s patriotic games hope , as tennis fans go , houston #39 s jim #39 mattress mack #39 mcingvale is very rich , extremely forthright , exceedingly patriotic and unflinchingly republican . +__label__1 , activists want divestment from sudan ( ap ) , ap - black activists and religious groups are pressing public pension funds to divest a purported #36 91 billion in holdings of companies operating in oil-rich sudan . +__label__4 , kiwi firms ditch explorer for firefox , aoraki mt cook ski planes and new zealand tourism online are turning their backs on microsoft #39 s internet explorer . both companies are among the early adopters of firefox , a free quot open source quot web browser . +__label__2 , motorsport loeb matches record season , perth - french driver sebastien loeb won his first motor rally of australia yesterday when comfortably negotiating the final six stages near perth . +__label__2 , d . c . to face k . c . for mls championship ( ap ) , ap - peter nowak has played in two mls cups #151 he liked the first a lot better #151 and gets another crack at the championship this year . the rookie coach will guide d . c . united in sunday ' s title game against kansas city . +__label__2 , online football bruins unable to squeeze past trojans , the ucla football team had all that it asked for possession of the ball in the fourth quarter with an opportunity to beat no . 1 usc . +__label__3 , column many struggle to comply with sarbanes rules , a flurry of companies may miss the deadline to comply with new regulations brought in after the corporate scandals of 2002 , but the key for investors will be to judge how serious the underlying problems really are . +__label__2 , middlesbrough spoil robson #39 s home-coming , bryan robson had an unhappy start as west bromwich albion manager on sunday when the premier league strugglers went down 2-1 to middlesbrough on the ground he once graced as a budding england great . +__label__1 , iran agrees to suspend uranium enrichment ( ap ) , ap - iran has agreed to fully suspend uranium enrichment and linked activities that washington asserts are part of a nuclear weapons program , diplomats said sunday . +__label__1 , obama balances stardom , local interests ( ap ) , ap - in the days since he was elected to the u . s . senate , barack obama has chatted by phone with president bush , had his picture in people magazine and appeared several times on national television . +__label__2 , usc rolls to easy win , despite playing well arizona was unable the hold the top ranked usc trojans , losing 49-9 . the score was a bit deceiving as the wildcats hung tough with the nations best team for about a quarter and a half . +__label__2 , nfl game summary - detroit at jacksonville , jacksonville , fl ( sports network ) - david garrard hooked up with jimmy smith for a 36-yard touchdown pass 5 28 into overtime to lift jacksonville over detroit , 23-17 , in a wild affair at alltel stadium . +__label__2 , no . 6 duke tops south fla . in women #39 s nit , duke #39 s wanisha smith ( 23 ) celebrates a duke basket along side assistant coach lavonda wagner during the second half of the second round of the pre-season women #39 s national invitational tournament on sunday , nov . 14 , 2004 in durham , nc no . +__label__1 , uda pledge ceasefire , the uda , northern ireland #39 s largest loyalist paramilitary group has pledged to end all violence and work towards complete disarmament . +__label__1 , abbas escapes gaza shooting unharmed ( ap ) , ap - mahmoud abbas , the temporary successor to yasser arafat , escaped unharmed sunday when militants firing assault rifles burst into a mourning tent for the deceased palestinian leader , killing two security guards and wounding six other people . +__label__1 , b . c . mountie killed in stolen truck crash leaves wife , two small children ( canadian press ) , canadian press - vernon , b . c . ( cp ) - vernon rcmp have identified the auxiliary officer killed when the cruiser in which he was riding was struck by a stolen truck as glen evely , 39 . +__label__4 , nasa to test hypersonic scramjet , washington nasa will today conduct the final and fastest test flight of its pilotless x-43a hypersonic research aircraft , aiming to send it zooming across the pacific ocean at about 10 times the speed of sound -- almost 3 . 2 kilometers ( two miles ) per +__label__4 , firefox 1 . 0 presents threat to ie , the firefox browser offers superior security features over internet explorer -- and as long as ie drives more than 90 percent of the world #39 s computers , hackers will continue to make it a target . +__label__2 , serena ends mauresmo ' s year-end no . 1 bid ( ap ) , ap - serena williams is in love #151 with her new attacking game and herself . +__label__2 , prso seals victory for 10-man rangers , striker dado prso netted a second-half penalty as rangers battled to a 1-0 scottish premier league win at hibernian on sunday . prso converted after 65 minutes after +__label__1 , france , ivory coast relations worsen , nine french peacekeepers were killed during an air raid by ivorian bombers more than a week ago . france responded by destroying most of the ivorian air force . +__label__2 , instant analysis va tech at miami , for so many years , so many big games , and so many white-knuckle moments , the miami hurricanes have made the last minute of a football game their close friend . +__label__2 , norman looking to post a low score , greg norman will be looking to post a low score to give the leaders a target in the final round of the australian pga championship at coolum #39 s hyatt resort , north of brisbane . +__label__1 , nobel laureate to convey chen #39 s goodwill to beijing leader at apec , taipei , nov . 12 ( cna ) academia sinica president lee yuan-tseh said friday he will convey president chen shui-bian #39 s goodwill to mainland chinese president hu jintao at the upcoming informal leadership meeting +__label__1 , in taipei , talk of arms -- and amity , premier yu shyi-kun hopes economic ties to the mainland will guarantee peace . if not , quot taiwan has to have to ability to defend itself quot . +__label__4 , yahoo , earthlink to test new anti-spam system , washington ( reuters ) - earthlink inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=elnk . o qtype=sym infotype=info qcat=news> elnk . o< /a> and yahoo inc . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=yhoo . o qtype=sym infotype=info qcat=news> yhoo . o< /a> said on monday they would begin tests of a new anti-spam technology that encodes digital signatures into customers ' e-mail as a way to separate legitimate messages from unwanted spam . +__label__2 , wardian , feldman right at home in parks marathon , michael wardian rounded the corner onto woodmont avenue in bethesda , smiling broadly and waving to the cheering crowd . making his way to the finish line , wardian ran comfortably , looking more like someone finishing a training run rather than a race . +__label__3 , ongc , cairn energy decide to team up , mumbai oil and natural gas corporation ( ongc ) and scottish oil firm cairn energy ltd have decided to team up for oil exploration and production ( e amp p ) in the domestic as well as international markets . +__label__4 , sun to shine spotlight on new operating system , solaris 10 , sun microsystems sunw is expected to release a new version of its operating system today - a big part of the struggling computer maker #39 s plan to save itself . +__label__2 , rocastle offers support to novo , hibernian midfielder craig rocastle has promised to back rangers striker nacho novo if he decides to appeal against the red card he picked up at easter road . +__label__1 , india launches rural aid project , india launches a \$445m food-for-work programme aimed at tackling hunger in poor rural areas . +__label__4 , halo 2 donkey konga , the first halo game sold quite a few xboxes ( we know a few xbox owners who don ' t appear to play any other titles on their consoles ) , and halo 2 has already clocked \$125 million in sales -- on its first day in stores . +__label__2 , ford underlines committed to motorsport . , despite confirming the successful sale of both jaguar racing and its cosworth engine company to new owners , ford motor company has stressed that it remains committed to supporting motorsport at all levels . +__label__2 , colts 49 , texans 14 , indianapolis peyton manning completed 18 of 27 passes for 320 yards and threw five touchdowns as the indianapolis colts beat the houston texans , 49-to-14 . +__label__4 , yahoo doubles free e-mail storage limits , yahoo inc . is more than doubling its limits on free e-mail storage in its latest move to combat two of its biggest rivals , google inc . and microsoft corp . +__label__4 , metier assists fbi information technology initiative , metier ltd . of the district won a one-year , \$2 million contract for software and services for the fbi ' s enterprise it portfolio management program . the new initiative will improve oversight of the fbi ' s information-technology systems , applications and assets by the agency ' s it management and staff , the company said . +__label__4 , fate of cameras on the line , virginia ' s 10-year experiment with red-light cameras at traffic intersections expires next year , and it is uncertain whether they will be renewed . +__label__3 , wrigley to buy life savers , altoids , chicago ( reuters ) - wm . wrigley jr . co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wwy . n target=/stocks/quickinfo/fullquote> wwy . n< /a> is buying the life savers and altoids candy and mint businesses from kraft foods inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=kft . n target=/stocks/quickinfo/fullquote> kft . n< /a> for \$1 . 48 billion in cash , the companies said on monday . +__label__1 , dow jones agrees to buy marketwatch in \$519 million deal , dow jones company , the publisher of the wall street journal , has agreed to buy marketwatch , the parent company of the financial news web site cbs marketwatch , for approximately \$519 million , the companies said today . +__label__3 , reports china will see more shortages , shortages of coal and electricity are expected to fail to keep up with demand this winter , state media reported monday . the national power regulatory commission reported high demand for virtually every region +__label__4 , microsoft signs two indian deals , microsoft is to form multi-million pound partnerships with two indian software firms , and is expected to double the 1 , 500 people it already employs in india . +__label__1 , iran says it will stop enriching uranium , washington -- iran pledged yesterday to temporarily suspend its uranium enrichment program in an attempt to ease suspicions that it is trying to develop nuclear weapons . the move could defuse a longstanding showdown with the united states over iran ' s nuclear activities , diplomats said . +__label__1 , ivory coast arms embargo backed , abidjan , ivory coast -- african leaders backed an arms embargo and other immediate un sanctions against ivory coast yesterday , isolating president laurent gbagbo ' s hard-line government even further in its deadly confrontation with its former colonial ruler , france . +__label__2 , rivera was a corner stone for ruiz , new york -- for a time saturday night , john ruiz was ready to give up . +__label__1 , strong quake injures six in colombia , bogota , colombia ( reuters ) - six people were hurt and two hospitals evacuated after a strong earthquake shook a large part of western colombia on monday , the government said . +__label__4 , sun to set solaris free , after a fashion , operating system to come at no charge for servers with x86 processors . but the bug fixes will cost you . +__label__3 , microsoft signs two indian deals , the announcement came as microsoft chief executive steve ballmer opened the group #39 s new indian headquarters in the city of hyderabad . +__label__2 , pires prepared to pay fine for wearing wrong kit , arsenal star robert pires said monday he is prepared to pay a fine for not wearing the official french team sponsor #39 s kit in a television interview last month . +__label__3 , lowe #39 s q3 earnings jump 15 . 5 percent , new york ( cbs . mw ) - lowe #39 s reported a strong 15 . 5 percent increase in earnings in the third quarter early monday and offered a bullish outlook for the full year . +__label__3 , passenger revenue boost for air france-klm , air france-klm on monday posted a 61 percent rise in revenue in the group #39 s fiscal second quarter , boosted by the merger between the french and dutch carriers and a strong rise in passenger and cargo revenue . +__label__4 , adobe launching new version of acrobat by year #39 s end , adobe systems inc . will release version 7 . 0 of its digital document product acrobat by the end of the year , including a new free acrobat reader with added reviewing capabilities , the company announced monday . +__label__4 , microsoft steals pda topspot , windows ce has become the most popular pda operating system , passing the palm os for the first time . worldwide shipments of pdas using microsoft #39 s system were just under +__label__4 , games just don #39 t get much better than #39 san andreas #39 , this country has seen a massive upsurge in morality since election day , and nowhere is this more evident than in the commercial failure of the quot grand theft auto quot games . +__label__3 , steel group sees continued strength in china demand , london ( cbs . mw ) -- european markets saw a moderate advance in early trade monday , carrying over some of the late-session rally on wall street and helped by steel group arcelor #39 s view of chinese demand . +__label__3 , econ edge the economic week , fed governor speaks ( 12 45 pm et ) federal reserve governor mark olson speaks about his economic outlook at a roundtable lunch in toronto . +__label__4 , dell touts new blades #39 bang for the buck , organizations are replacing aging servers with newer more-powerful boxes , often linux--based , and theyre also investing in storage . +__label__3 , microsoft storms india , microsoft is making big news in india this week by expanding its hyderabad campus and signing two lucrative deals in asias fourth largest economy . +__label__4 , dell takes second shot at blades , two years after launching its first blade server , dell inc . on monday is set to launch a follow-up product the poweredge 855 , a server based on intel corp . +__label__3 , deficit at us pension agency soars to \$23 . 3 billion , the deficit at the federal agency that rescues failed us pension funds more than doubled to \$23 . 3 billion in fiscal 2004 , officials said on monday , as the safety net was hit by losses from pension plans that have failed or are +__label__2 , ganguly suspension appealed , london - the international cricket council ( icc ) on monday confirmed that it had received notice from the board of control for cricket in india ( bcci ) that it was intending to appeal against captain sourav ganguly #39 s two test match suspension . +__label__4 , dell and microsoft launch joint software ( ap ) , ap - dell inc . and microsoft corp . promised big savings on the billions of dollars companies spend on system maintenance as they unveiled jointly developed software monday that manages and upgrades servers in one mouse-click . +__label__3 , sec charges hollinger ' s black with fraud ( reuters ) , reuters - u . s . regulators filed fraud charges\on monday against former hollinger international inc . \chairman conrad black and his deputy , david radler , moving to\bar the two from serving as officers of a public company . +__label__2 , hornets ' davis out with back injury ( reuters ) , reuters - new orleans hornets guard\baron davis is expected to be sidelined one-to-two weeks\because of a lower back injury . +__label__2 , myskina , kuznetsov to play in fed cup ( ap ) , ap - anastasia myskina and svetlana kuznetsova will lead russia ' s fed cup team when it plays austria in this month ' s semifinals . defending champion france will feature amelie mauresmo and mary pierce in the other semifinal against spain , which has won this event five times . +__label__3 , boeing offers 777 cargo freighter , boeing co . on monday said it is offering a 777 cargo model that will be the largest and farthest-flying twin-engine freighter . the boeing 777 freighter is scheduled to enter service in the fourth quarter of 2008 . +__label__4 , smart phones to make up 16 of market , london-a new study shows that the market for smart phones will continue to increase during the next several years , with global shipments growing from 14 . +__label__4 , grand central spiffs up integration service , company enhances online service for moving business information between corporations . +__label__4 , car seats measured for whiplash safety , using a new dynamic test and a dummy designed especially for rear impact testing , the insurance institute for highway safety has rated 73 seat/head restraint combinations available in 63 car models sold in the us market . +__label__1 , iran agrees to nuclear enrichment freeze -diplomats , iran has agreed to suspend its uranium enrichment programme in an attempt to ease concerns that its nuclear programme is aimed at developing weapons , a western diplomat close to the united nations said today . +__label__3 , deutsche bank to sell scudder business to legg mason , deutsche bank ag of germany plans to sell its new york , philadelphia , cincinnati and chicago offices of scudder private investment counsel to legg mason inc . for \$55 million , plus payments of up to \$26 million , the company said monday . +__label__4 , liquid machines pours out new drm software , liquid machines today announced the release of email control version 6 . 0 , an e-mail policy and security messaging software package designed for enterprise networks . +__label__3 , microsoft opens software development center in india ( update3 ) , microsoft corp . , the world #39 s largest software maker , will hire several hundred #39 #39 people in the next year at its development center in india , expanding its workforce of 800 , chief executive steve ballmer said . +__label__4 , dell takes another cut at blade market , quot the biggest danger to hp and ibm is a price war , quot said john enck of gartner . quot blades are still premium-priced products from ibm and hp . +__label__3 , sec charges hollinger ' s black with fraud , washington ( reuters ) - u . s . regulators filed fraud charges on monday against former hollinger international inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hlr . n target=/stocks/quickinfo/fullquote> hlr . n< /a> chairman conrad black and his deputy , david radler , moving to bar the two from serving as officers of a public company . +__label__3 , lowe #39 s forecast hammers stock , home improvement retailer lowe #39 s cos . ( low . n quote , profile , research ) on monday reported a 15 percent rise in third-quarter profit , aided by its expansion to new york +__label__3 , boeing to build cargo version of 777 , new york boeing co said today it will manufacture a cargo version of the twin-engine boeing 777 commercial airliner . due to enter service late in the fourth quarter of 2008 , the boeing 777 freighter will +__label__1 , fighting spreads in sunni triangle , fierce battles between insurgents and us and iraqi forces killed at least 27 people today in baqouba and south of baghdad as us forces move against the last remaining pockets of resistance in fallujah . __label__4 , wonkette blogs force quick action from major media , plus row brewing over peer-to-peer ads . news . com extra -__label__1 , man sets himself on fire near white house ( ap ) , ap - a man set himself afire monday just outside a white house gate and repeatedly yelled allah allah as a secret service officer held him facedown on the sidewalk . -__label__2 , bonds mvp award provides sparkle in tainted season , new york ( reuters ) - san francisco giants slugger barry bonds captured a record seventh mvp award monday , providing a sparkling finish to a season tainted by doping allegations . -__label__4 , acer ships 64-bit notebook , acer america corp . on monday introduced a notebook based on the 64-bit mobile processor from advanced micro devices inc . the ferrari 3400 , which runs on the mobile amd athlon 64 for thin and -__label__4 , alienware tames its prices for home pc users , with its lowest-priced home pc to date , company shows desire to move beyond pricier game machines . -__label__2 , sec ' s gaston admits official missed call ( ap ) , ap - the southeastern conference ' s supervisor of officials said an lsu player should have been called for pass interference on a pivotal interception against alabama . -__label__3 , oil edges down , microsoft boosts techs , new york ( reuters ) - oil prices touched 2-month lows near \$45 a barrel on monday before taking back most of their losses , but the downward trend knocked energy company stocks lower and u . s . stock indexes ended little changed . a rise in microsoft shares helped boost the technology sector . -__label__1 , un council votes ivory coast arms embargo ( reuters ) , reuters - the u . n . security council on\monday imposed an immediate arms embargo on ivory coast and\voted to punish key government and rebel leaders with\additional sanctions next month . -__label__4 , will firefox ignite enterprises ? , many users are celebrating mozilla #39 s release of firefox 1 . 0 , its open-source web browser . the beta version was downloaded some 8 million times . -__label__4 , yahoo , earthlink test domainkeys spoofing defense , yahoo announced enhancements to its e-mail service , implementing search , more storage and its domainkeys sender authentication technology , which is also being deployed by internet service provider earthlink in a test roll-out . -__label__2 , reggae boyz head to world cup qualifier ( ap ) , ap - jamaica ' s soccer team left monday for columbus , ohio , where it will play the united states in a crucial world cup qualifying match . -__label__2 , mularkey sticking with bledsoe as bills starter , mike mularkey has a message to those clamoring for rookie quarterback jp losman to replace drew bledsoe as buffalo #39 s starter . not yet . -__label__3 , dow jones to buy marketwatch , san francisco marketwatch inc , which owns the cbs . marketwatch . com website , has agreed to be acquired by dow jones amp co for us\$520mil , ending a month-long bidding war for the online financial news and information provider . -__label__4 , take control of your desktop chaos , dragging and dropping files into well-organized desktop folders can be a chore for everyone but the most fastidious . a new technology , however , aims to do most of the work for you . -__label__4 , dell blades cut deeper to data centers ( infoworld ) , infoworld - dell computer re-energized its enterprise-class blade server strategy on monday , rolling out a new architecture that supports as many as 10 servers in a seven-unit chassis that can fit into a standard-size rack . -__label__4 , nasa cancels hypersonic flight , nasa scrubbed its mission monday to launch a pilotless plane that is capable of flying at 10 times the speed of sound . the launch of the x-43a was canceled due to technical problems . -__label__1 , wounded troops detail fierce fight , landstuhl , germany - four us servicemen wounded last week in the iraqi city of fallujah on monday described intense fighting with a skilled enemy , adept at markmanship and rigging booby traps . -__label__1 , france #39 s #39 watergate #39 trial opens , in france , 12 people have gone on trial for running a phone-tapping operation used by the late president francois mitterrand to monitor his opponents . -__label__1 , microsoft open new software development unit in india ( afp ) , afp - microsoft said it will join with india ' s second-largest software firm , infosys technologies , to provide software and consulting to manufacturing , banking and automobile companies . -__label__2 , federer puts right spin on easy victory over gaudio , a grey , damp opening day at the masters cup here was memorable for the latest amazing shot in roger federer #39 s armoury . the world no 1 played an overhead with so much spin that the -__label__1 , timing of indian move in kashmir vital pak paper , islamabad , nov . 16 ( nnn ) pakistans leading newspaper , dawn , finds the timing of the indian announcement on reduction of troops in kashmir as significance . -__label__4 , netapp claims breakthrough with new storage software , network appliance has announced what it terms a key milestone in its storage grid vision with the release of its data ontap 7g enterprise storage software , which the company is touting as bringing newer functionality and lower costs to the concept of -__label__2 , eagles lead cowboys 7-0 after first quarter , terrell owens turned the first pass thrown to him into a 59-yard touchdown and gave the philadelphia eagles a 7-0 lead over the dallas cowboys after the first quarter monday night . -__label__2 , no . 2 wake forest rips george washington ( ap ) , ap - chris paul scored 25 points and six assists to lift wake forest past george washington 97-76 in the preseason nit in the demon deacons ' debut as the nation ' s second-ranked team . -__label__2 , bonds getting better with age , barry bonds continues to defy the odds , and at 40 years of age he is still easily the most dominant hitter in major league baseball . -__label__3 , s amp p 500 slides nasdaq , dow rise , the standard amp poor #39 s 500-stock index slipped from a three-year high , dragged lower by energy shares including exxon mobil as crude-oil prices dropped to their lowest in almost two months . -__label__1 , rebels attack in central iraq and the north , a rebel counteroffensive swept through central and northern iraq on monday as american troops struggled to flush the remaining insurgents from the rubble-strewn streets of falluja . -__label__1 , blair builds atlantic bridge , tony blair last night put worldwide political and human rights at the centre of his hopes to revitalise the united nations and bring the united states and europe closer together again in pursuit of global democracy . -__label__3 , wrigley gets into the candy business , chicago ( cbs . mw ) -- wm . wrigley jr . co . said monday that it #39 s getting into the candy business via a \$1 . 48 billion acquisition of the life savers and altoids brands , among others , from kraft foods inc . -__label__1 , australian train crash injures scores , a high-speed passenger train carrying more than 160 people jumped the rails and crashed in eastern australia , injuring most of those on board , officials said . -__label__1 , china sets terms for taiwan talks , china is ready to resume negotiations after nearly five years with taiwan if the island nation accepts the quot one china quot principle , the state media reported monday . -__label__4 , conservationists meet to plan global green agenda ( reuters ) , reuters - more than 5 , 000 scientists , \conservationists and politicians meet in thailand over the next\week to hammer out a blueprint for saving some of the world ' s\most endangered species and fragile ecosystems . -__label__2 , celtics ok with this traveling , gary payton was back at practice yesterday . his third round trip to california since the start of training camp was , as they say in the trade , an elevator ride . out on saturday . check on the family . back on sunday in time for the rap concert at the fleetcenter . -__label__1 , china ' owns up ' over mystery sub , \china has expressed regret for the intrusion of one of its subs into japanese waters last week , tokyo says . -__label__3 , scansoft to acquire 3 software firms , scansoft inc . said it plans three acquisitions . the company will acquire phonetic systems ltd . , a provider of automated directory assistance and voice-based programs , for \$35 million in cash , and an additional consideration of up to \$35 million , based on the achievement of performance targets and the potential vesting of a warrant to buy 750 , 000 common shares . art advanced recognition technologies . . . -__label__3 , mass . franchisees hit shell in lawsuit , four years after filing suit against the royal dutch/shell group of cos . , shell service station owners in massachusetts went before a us district court judge in boston yesterday , charging that shell took several measures in the late 1990s to drive them out of business . -__label__1 , swimmer , 77 , believed killed in shark attack , cape town -- a great white shark estimated to be at least 18 feet long attacked and presumably killed an elderly south african woman yesterday off a beach near cape town , officials said . tyna webb , 77 , who lived in the area , was swimming off sunny cove in fish hoek when the massive shark circled her and then attacked , witnesses and . . . -__label__4 , south korea #39 s lg claims development of media broadcasts-receiving < b> . . . < /b> , seoul south korea #39 s lg electronics inc announced that it has developed the world #39 s first mobile handset capable of receiving terrestrial digital multimedia broadcasts ( dmb ) . -__label__2 , mets decline leiter ' s \$10 . 2 million option , al leiter , 39 , became a free agent when the new york mets declined his \$10 . 2 million option and decided to pay a \$2 . 1 million buyout . the lefthander went 10-8 with a 3 . 21 era in 30 starts last season . he was on the disabled list from may 11 to june 1 because of tendinitis in his left shoulder . . . . . -__label__1 , japan snubs russian proposal , says it wants all disputed kuril < b> . . . < /b> , tokyo japan said it wanted russia to return all four kuril islands , snubbing moscow #39 s renewed talk of returning two of them to end the dispute that has prevented the countries from formally ending world war ii . -__label__4 , web still in early days , tech leaders say , the internet is only in its early adolescence with a raft of improvements on the horizon , and the venture capitalists who helped fund the early boom are -__label__2 , federer relieved to return , roger federer still appears unbeatable after he showed no signs of a torn thigh muscle to defeat argentina #39 s gaston gaudio 6-1 , 7-6 in the opening match of the atp masters cup in houston . -__label__2 , notebook bears #39 urlacher to miss 4-6 weeks , just when their defense was playing at a high level and sparking a three-game winning streak , the chicago bears lost standout linebacker brian urlacher . -__label__1 , russia seeks island conflict resolution , russia has begun making overtures to japan to end a 48-year-old territorial dispute over the southern kurile islands , the novosti news agency said monday . -__label__1 , mitterand phone-tap trial opens , proceedings are due to begin on a case that has scandalised france for over two decades . twelve mitterand-era government officials and senior police officers will face trial in paris for running a phone tapping -__label__1 , powell announces his resignation , secretary of state colin l . powell announced his resignation monday , ending four years of battles with vice president cheney and defense secretary donald h . rumsfeld over the course of u . s . foreign policy . -__label__4 , acer boosts its ferrari , acer has announced the newest addition to the ferrari line of notebooks , the ferrari 3400 . the notebook is based on the latest mobile amd athlon 64 processor 3000 for thin and light notebooks . -__label__4 , amd readies security , virtualisation features for 2006 , advanced micro devices ( amd ) plans to build security and virtualisation features into its server processors by 2006 , the company said friday during its annual analyst event . -__label__1 , un divided over darfur measures , on the eve of a high-profile un security council visit to nairobi , members are split over a draft resolution on atrocities in sudan #39 s western darfur region . -__label__3 , oreskes named times deputy managing editor , the new york times has appointed michael oreskes , who directed much of the newspaper #39 s coverage of the clinton-lewinsky scandal , to deputy managing editor . -__label__4 , reality tv show follows the unfaithful ( reuters ) , reuters - two emmy-nominated\reality producers are developing a series about infidelity , \featuring stories of unfaithful spouses who have turned to a\popular online matchmaking service that caters to attached\people seeking extramarital affairs . -__label__3 , microsoft to hire hundreds in india , microsoft on tuesday announced its decision to localise windows and office software in 14 indian languages over the next 12 months and that the company would hire #39 hundreds #39 in india this year . -__label__4 , iu researchers helping to study video game-violence link , researchers from the indiana university school of medicine are trying to determine whether violent video games such as grand theft auto can make players more prone to violent behavior . -__label__2 , 4-to-6 defense urlacher out , lovie smith #39 s monday morning started off with a phone call from tony dungy , his longtime friend and former boss . the indianapolis colts #39 coach was too early to offer condolences . -__label__1 , ivory coast leader ' s camp criticizes arms ban , abidjan ( reuters ) - supporters of ivory coast ' s president laurent gbagbo criticized on tuesday a united nations decision to impose an arms embargo on the world ' s top cocoa grower but rebel leaders welcomed the move . -__label__3 , wrigley bites into kraft , wrigley is buying the life savers and altoids sweet and mint businesses from kraft foods for 800 million . the deal allows wrigley to expand in the sweet section , while leaving kraft to focus on the rest of its food business . -__label__3 , nova , bp to form joint venture , nova chemicals corp . said tuesday it has agreed to form a joint venture with bp plc to manufacture and market styrenic polymers in europe . -__label__3 , stronger sales boost jc penney earnings ( reuters ) , reuters - department store operator j . c . penney\co . inc . on tuesday said third-quarter profit rose 86 . 3\percent , helped by stronger sales and fewer markdowns . -__label__3 , wholesale prices post biggest gain since 1990 , wholesale prices shot up 1 . 7 last month , biggest gain in nearly 15 years and well above expectations , as energy costs skyrocketed and food prices surged , a government report said tuesday . -__label__2 , former louisville basketball player dies ( ap ) , ap - former university of louisville basketball player larry williams has died . he was 48 . -__label__3 , google shares released for sale , employees and some investors in google will be able to sell shares in the company as the latest lockup phase on sales ends . -__label__3 , casino owners team up in macao , macao publishing amp broadcasting said tuesday that it had bought a stake in stanley ho #39 s latest gambling project in macao as asia #39 s two leading casino operators team up to expand in the region . -__label__2 , inside info man utd shares drop , man united #39 s share price has fallen by just over 2 . 5 , less than expected after the resignation of malcolm glazer #39 s bankers jp morgan . -__label__3 , stocks open lower inflation data weighs , new york ( reuters ) - u . s . stocks opened lower on tuesday after a government report showing a much larger-than-expected rise in u . s . producer prices in october raised inflation concerns . -__label__3 , crude oil prices continue decline , crude oil fell to the lowest price in almost two months after iran , opec #39 s second-biggest oil producer , said it would stop enriching uranium to ward off us calls for sanctions . -__label__2 , gerrard available for reds , liverpool captain steven gerrard believes he is ready to make his comeback against middlesbrough at the weekend following a two-month injury lay-off . -__label__4 , oil company on trial in madagascar over pollution ( reuters ) , reuters - the operator of madagascar ' s\privatized oil refinery went on trial on tuesday , accused of\polluting the environment around the indian ocean island ' s main\international port , officials said . -__label__4 , europe #39 s mission to moon called success , in this artist #39 s rendition released by the european space agency , the european-made smart-1 solar-powered satellite is seen nearing the moon on its way to make the first comprehensive inventory of key chemical elements in the lunar surface . +__label__1 , man sets himself on fire near white house ( ap ) , ap - a man set himself afire monday just outside a white house gate and repeatedly yelled allah allah as a secret service officer held him facedown on the sidewalk . +__label__2 , bonds mvp award provides sparkle in tainted season , new york ( reuters ) - san francisco giants slugger barry bonds captured a record seventh mvp award monday , providing a sparkling finish to a season tainted by doping allegations . +__label__4 , acer ships 64-bit notebook , acer america corp . on monday introduced a notebook based on the 64-bit mobile processor from advanced micro devices inc . the ferrari 3400 , which runs on the mobile amd athlon 64 for thin and +__label__4 , alienware tames its prices for home pc users , with its lowest-priced home pc to date , company shows desire to move beyond pricier game machines . +__label__2 , sec ' s gaston admits official missed call ( ap ) , ap - the southeastern conference ' s supervisor of officials said an lsu player should have been called for pass interference on a pivotal interception against alabama . +__label__3 , oil edges down , microsoft boosts techs , new york ( reuters ) - oil prices touched 2-month lows near \$45 a barrel on monday before taking back most of their losses , but the downward trend knocked energy company stocks lower and u . s . stock indexes ended little changed . a rise in microsoft shares helped boost the technology sector . +__label__1 , un council votes ivory coast arms embargo ( reuters ) , reuters - the u . n . security council on\monday imposed an immediate arms embargo on ivory coast and\voted to punish key government and rebel leaders with\additional sanctions next month . +__label__4 , will firefox ignite enterprises ? , many users are celebrating mozilla #39 s release of firefox 1 . 0 , its open-source web browser . the beta version was downloaded some 8 million times . +__label__4 , yahoo , earthlink test domainkeys spoofing defense , yahoo announced enhancements to its e-mail service , implementing search , more storage and its domainkeys sender authentication technology , which is also being deployed by internet service provider earthlink in a test roll-out . +__label__2 , reggae boyz head to world cup qualifier ( ap ) , ap - jamaica ' s soccer team left monday for columbus , ohio , where it will play the united states in a crucial world cup qualifying match . +__label__2 , mularkey sticking with bledsoe as bills starter , mike mularkey has a message to those clamoring for rookie quarterback jp losman to replace drew bledsoe as buffalo #39 s starter . not yet . +__label__3 , dow jones to buy marketwatch , san francisco marketwatch inc , which owns the cbs . marketwatch . com website , has agreed to be acquired by dow jones amp co for us\$520mil , ending a month-long bidding war for the online financial news and information provider . +__label__4 , take control of your desktop chaos , dragging and dropping files into well-organized desktop folders can be a chore for everyone but the most fastidious . a new technology , however , aims to do most of the work for you . +__label__4 , dell blades cut deeper to data centers ( infoworld ) , infoworld - dell computer re-energized its enterprise-class blade server strategy on monday , rolling out a new architecture that supports as many as 10 servers in a seven-unit chassis that can fit into a standard-size rack . +__label__4 , nasa cancels hypersonic flight , nasa scrubbed its mission monday to launch a pilotless plane that is capable of flying at 10 times the speed of sound . the launch of the x-43a was canceled due to technical problems . +__label__1 , wounded troops detail fierce fight , landstuhl , germany - four us servicemen wounded last week in the iraqi city of fallujah on monday described intense fighting with a skilled enemy , adept at markmanship and rigging booby traps . +__label__1 , france #39 s #39 watergate #39 trial opens , in france , 12 people have gone on trial for running a phone-tapping operation used by the late president francois mitterrand to monitor his opponents . +__label__1 , microsoft open new software development unit in india ( afp ) , afp - microsoft said it will join with india ' s second-largest software firm , infosys technologies , to provide software and consulting to manufacturing , banking and automobile companies . +__label__2 , federer puts right spin on easy victory over gaudio , a grey , damp opening day at the masters cup here was memorable for the latest amazing shot in roger federer #39 s armoury . the world no 1 played an overhead with so much spin that the +__label__1 , timing of indian move in kashmir vital pak paper , islamabad , nov . 16 ( nnn ) pakistans leading newspaper , dawn , finds the timing of the indian announcement on reduction of troops in kashmir as significance . +__label__4 , netapp claims breakthrough with new storage software , network appliance has announced what it terms a key milestone in its storage grid vision with the release of its data ontap 7g enterprise storage software , which the company is touting as bringing newer functionality and lower costs to the concept of +__label__2 , eagles lead cowboys 7-0 after first quarter , terrell owens turned the first pass thrown to him into a 59-yard touchdown and gave the philadelphia eagles a 7-0 lead over the dallas cowboys after the first quarter monday night . +__label__2 , no . 2 wake forest rips george washington ( ap ) , ap - chris paul scored 25 points and six assists to lift wake forest past george washington 97-76 in the preseason nit in the demon deacons ' debut as the nation ' s second-ranked team . +__label__2 , bonds getting better with age , barry bonds continues to defy the odds , and at 40 years of age he is still easily the most dominant hitter in major league baseball . +__label__3 , s amp p 500 slides nasdaq , dow rise , the standard amp poor #39 s 500-stock index slipped from a three-year high , dragged lower by energy shares including exxon mobil as crude-oil prices dropped to their lowest in almost two months . +__label__1 , rebels attack in central iraq and the north , a rebel counteroffensive swept through central and northern iraq on monday as american troops struggled to flush the remaining insurgents from the rubble-strewn streets of falluja . +__label__1 , blair builds atlantic bridge , tony blair last night put worldwide political and human rights at the centre of his hopes to revitalise the united nations and bring the united states and europe closer together again in pursuit of global democracy . +__label__3 , wrigley gets into the candy business , chicago ( cbs . mw ) -- wm . wrigley jr . co . said monday that it #39 s getting into the candy business via a \$1 . 48 billion acquisition of the life savers and altoids brands , among others , from kraft foods inc . +__label__1 , australian train crash injures scores , a high-speed passenger train carrying more than 160 people jumped the rails and crashed in eastern australia , injuring most of those on board , officials said . +__label__1 , china sets terms for taiwan talks , china is ready to resume negotiations after nearly five years with taiwan if the island nation accepts the quot one china quot principle , the state media reported monday . +__label__4 , conservationists meet to plan global green agenda ( reuters ) , reuters - more than 5 , 000 scientists , \conservationists and politicians meet in thailand over the next\week to hammer out a blueprint for saving some of the world ' s\most endangered species and fragile ecosystems . +__label__2 , celtics ok with this traveling , gary payton was back at practice yesterday . his third round trip to california since the start of training camp was , as they say in the trade , an elevator ride . out on saturday . check on the family . back on sunday in time for the rap concert at the fleetcenter . +__label__1 , china ' owns up ' over mystery sub , \china has expressed regret for the intrusion of one of its subs into japanese waters last week , tokyo says . +__label__3 , scansoft to acquire 3 software firms , scansoft inc . said it plans three acquisitions . the company will acquire phonetic systems ltd . , a provider of automated directory assistance and voice-based programs , for \$35 million in cash , and an additional consideration of up to \$35 million , based on the achievement of performance targets and the potential vesting of a warrant to buy 750 , 000 common shares . art advanced recognition technologies . . . +__label__3 , mass . franchisees hit shell in lawsuit , four years after filing suit against the royal dutch/shell group of cos . , shell service station owners in massachusetts went before a us district court judge in boston yesterday , charging that shell took several measures in the late 1990s to drive them out of business . +__label__1 , swimmer , 77 , believed killed in shark attack , cape town -- a great white shark estimated to be at least 18 feet long attacked and presumably killed an elderly south african woman yesterday off a beach near cape town , officials said . tyna webb , 77 , who lived in the area , was swimming off sunny cove in fish hoek when the massive shark circled her and then attacked , witnesses and . . . +__label__4 , south korea #39 s lg claims development of media broadcasts-receiving < b> . . . < /b> , seoul south korea #39 s lg electronics inc announced that it has developed the world #39 s first mobile handset capable of receiving terrestrial digital multimedia broadcasts ( dmb ) . +__label__2 , mets decline leiter ' s \$10 . 2 million option , al leiter , 39 , became a free agent when the new york mets declined his \$10 . 2 million option and decided to pay a \$2 . 1 million buyout . the lefthander went 10-8 with a 3 . 21 era in 30 starts last season . he was on the disabled list from may 11 to june 1 because of tendinitis in his left shoulder . . . . . +__label__1 , japan snubs russian proposal , says it wants all disputed kuril < b> . . . < /b> , tokyo japan said it wanted russia to return all four kuril islands , snubbing moscow #39 s renewed talk of returning two of them to end the dispute that has prevented the countries from formally ending world war ii . +__label__4 , web still in early days , tech leaders say , the internet is only in its early adolescence with a raft of improvements on the horizon , and the venture capitalists who helped fund the early boom are +__label__2 , federer relieved to return , roger federer still appears unbeatable after he showed no signs of a torn thigh muscle to defeat argentina #39 s gaston gaudio 6-1 , 7-6 in the opening match of the atp masters cup in houston . +__label__2 , notebook bears #39 urlacher to miss 4-6 weeks , just when their defense was playing at a high level and sparking a three-game winning streak , the chicago bears lost standout linebacker brian urlacher . +__label__1 , russia seeks island conflict resolution , russia has begun making overtures to japan to end a 48-year-old territorial dispute over the southern kurile islands , the novosti news agency said monday . +__label__1 , mitterand phone-tap trial opens , proceedings are due to begin on a case that has scandalised france for over two decades . twelve mitterand-era government officials and senior police officers will face trial in paris for running a phone tapping +__label__1 , powell announces his resignation , secretary of state colin l . powell announced his resignation monday , ending four years of battles with vice president cheney and defense secretary donald h . rumsfeld over the course of u . s . foreign policy . +__label__4 , acer boosts its ferrari , acer has announced the newest addition to the ferrari line of notebooks , the ferrari 3400 . the notebook is based on the latest mobile amd athlon 64 processor 3000 for thin and light notebooks . +__label__4 , amd readies security , virtualisation features for 2006 , advanced micro devices ( amd ) plans to build security and virtualisation features into its server processors by 2006 , the company said friday during its annual analyst event . +__label__1 , un divided over darfur measures , on the eve of a high-profile un security council visit to nairobi , members are split over a draft resolution on atrocities in sudan #39 s western darfur region . +__label__3 , oreskes named times deputy managing editor , the new york times has appointed michael oreskes , who directed much of the newspaper #39 s coverage of the clinton-lewinsky scandal , to deputy managing editor . +__label__4 , reality tv show follows the unfaithful ( reuters ) , reuters - two emmy-nominated\reality producers are developing a series about infidelity , \featuring stories of unfaithful spouses who have turned to a\popular online matchmaking service that caters to attached\people seeking extramarital affairs . +__label__3 , microsoft to hire hundreds in india , microsoft on tuesday announced its decision to localise windows and office software in 14 indian languages over the next 12 months and that the company would hire #39 hundreds #39 in india this year . +__label__4 , iu researchers helping to study video game-violence link , researchers from the indiana university school of medicine are trying to determine whether violent video games such as grand theft auto can make players more prone to violent behavior . +__label__2 , 4-to-6 defense urlacher out , lovie smith #39 s monday morning started off with a phone call from tony dungy , his longtime friend and former boss . the indianapolis colts #39 coach was too early to offer condolences . +__label__1 , ivory coast leader ' s camp criticizes arms ban , abidjan ( reuters ) - supporters of ivory coast ' s president laurent gbagbo criticized on tuesday a united nations decision to impose an arms embargo on the world ' s top cocoa grower but rebel leaders welcomed the move . +__label__3 , wrigley bites into kraft , wrigley is buying the life savers and altoids sweet and mint businesses from kraft foods for 800 million . the deal allows wrigley to expand in the sweet section , while leaving kraft to focus on the rest of its food business . +__label__3 , nova , bp to form joint venture , nova chemicals corp . said tuesday it has agreed to form a joint venture with bp plc to manufacture and market styrenic polymers in europe . +__label__3 , stronger sales boost jc penney earnings ( reuters ) , reuters - department store operator j . c . penney\co . inc . on tuesday said third-quarter profit rose 86 . 3\percent , helped by stronger sales and fewer markdowns . +__label__3 , wholesale prices post biggest gain since 1990 , wholesale prices shot up 1 . 7 last month , biggest gain in nearly 15 years and well above expectations , as energy costs skyrocketed and food prices surged , a government report said tuesday . +__label__2 , former louisville basketball player dies ( ap ) , ap - former university of louisville basketball player larry williams has died . he was 48 . +__label__3 , google shares released for sale , employees and some investors in google will be able to sell shares in the company as the latest lockup phase on sales ends . +__label__3 , casino owners team up in macao , macao publishing amp broadcasting said tuesday that it had bought a stake in stanley ho #39 s latest gambling project in macao as asia #39 s two leading casino operators team up to expand in the region . +__label__2 , inside info man utd shares drop , man united #39 s share price has fallen by just over 2 . 5 , less than expected after the resignation of malcolm glazer #39 s bankers jp morgan . +__label__3 , stocks open lower inflation data weighs , new york ( reuters ) - u . s . stocks opened lower on tuesday after a government report showing a much larger-than-expected rise in u . s . producer prices in october raised inflation concerns . +__label__3 , crude oil prices continue decline , crude oil fell to the lowest price in almost two months after iran , opec #39 s second-biggest oil producer , said it would stop enriching uranium to ward off us calls for sanctions . +__label__2 , gerrard available for reds , liverpool captain steven gerrard believes he is ready to make his comeback against middlesbrough at the weekend following a two-month injury lay-off . +__label__4 , oil company on trial in madagascar over pollution ( reuters ) , reuters - the operator of madagascar ' s\privatized oil refinery went on trial on tuesday , accused of\polluting the environment around the indian ocean island ' s main\international port , officials said . +__label__4 , europe #39 s mission to moon called success , in this artist #39 s rendition released by the european space agency , the european-made smart-1 solar-powered satellite is seen nearing the moon on its way to make the first comprehensive inventory of key chemical elements in the lunar surface . __label__4 , ofcom ' s review of telecoms due this week , < strong> analysis< /strong> that ' ll be the circus in town , then -__label__4 , sony bmg head says in early talks with grokster ( reuters ) , reuters - sony bmg , the world ' s no . 2 record\label , is in early talks with file-sharing network grokster in\what could lead to a legalized internet music service , its\chairman said on tuesday . -__label__4 , smart-1 makes lunar orbit , the smart-1 probe has entered its lunar orbit , and the history books as the first european mission to have done so . professor david southwood , director of science for the european space agency ( esa ) , said quot europe -__label__3 , american express sues credit card rivals , american express is suing visa and mastercard plus eight us banks , claiming anti-competitive tactics kept it out of the market . the litigation is the latest setback for visa and mastercard , which last month -__label__3 , update 2 eds reports third-quarter loss , electronic data systems corp . finally settled a dispute with outside auditors and reported a third-quarter loss of \$153 million due to the write-down of a huge contract to build a computer network for the navy . -__label__4 , nasa delays flight of x-43a scramjet to attempt mach 10 , los angeles nasa will try again today to fly an unmanned hypersonic jet designed to reach a record speed of mach ten , or seven-thousand-miles-per-hour . -__label__4 , apple sailing on digital river , the ipod -s a nifty little device , primarily allowing you to listen to downloaded music , but also giving you the opportunity -__label__4 , nokia demos first mobile call using ip standard , nokia has developed a prototype handset that supports mobile ipv6 ( internet protocol version 6 ) , a version of the protocol that will help to improve the quality of voip ( voice over ip ) , streaming video and other applications delivered to wireless devices . -__label__1 , dutch mulling limits on freedom of expression , many dutch decision-makers wondering whether reactions , particularly criticism of muslims , did not go too far . by isabelle wesselingh - the hague . -__label__3 , nova chemicals , bp to form european plastics venture ( update1 ) , nova chemicals corp . , canada #39 s largest chemical maker , and bp plc , europe #39 s biggest oil company , agreed to merge their european styrenics polymer businesses into a 50-50 venture to reduce costs . -__label__4 , sony to offer dvd burner for mac , sony on tuesday announced plans to release a new dual-format dvd burner that is compatible with macintosh computers . the external double-layer dvd drive , dubbed the drx-710ul-t , is designed to record up to -__label__4 , lg electronics unveils world #39 s first terrestrial dmb-receiving < b> . . . < /b> , lg electronics has unveiled the worlds first terrestrial digital multimedia broadcast-receiving mobile phone , and demonstrated its functions . -__label__2 , xabi reckons england are great , xabi alonso is prepared for a hard battle when spain meet england in the bernabeu on wednesday having experienced the build-up from the other side . -__label__4 , not to be outfeatured , yahoo adds e-mail storage ( newsfactor ) , newsfactor - yahoo ( nasdaq yhoo ) has beefed up e-mail storage for users of its free e-mail service from 100 megabytes to 250 mb . the internet giant also unveiled an anti-spam authentication technology called domainkeys , which curtails messages sent from spoofed addresses . -__label__4 , ibm launches global computing grid , ibm announced today that it was driving the initiative to use the worlds vast untapped computer power for useful things ( like playing games and shopping online isn #39 t useful ! -__label__3 , you say sell , i say potato , disgruntled shareholders file suit to force talks with oracle while peoplesoft ' s two largest shareholders agree to disagree . -__label__4 , european probe arrives to orbit moon , paris - europe #39 s dishwasher-sized spacecraft has entered a lunar orbit . the unmanned mission is the continent #39 s first voyage to the moon . -__label__4 , lg unveils terrestrial dmb-receiving phone , lg #39 s dmb-receiving system-on-chip lets users watch terrestrial broadcasts while talking on the phone . lg plans to use its terrestrial dmb phone technologies in an aggressive campaign to penetrate the global -__label__3 , zurich employees plead guilty in probe , new york ( reuters ) - two senior insurance underwriters at zurich american insurance co . pleaded guilty on tuesday to misdemeanors related to bid-rigging in the insurance market . -__label__4 , motorola buy adds heat to mesh networking , a motorola acquisition and an expected deal from nortel show the market for mobile ad hoc network equipment is hot . -__label__3 , hp profit tops lowered forecast ( reuters ) , reuters - hewlett-packard co . on\tuesday said quarterly profit topped its own lowered\expectations as the computer and printer maker saw record\revenues in every business and every region . -__label__4 , sun previews next version of java , sun microsystems on monday night posted a prerelease , snapshot version of java 2 standard edition 6 . 0 , code-named mustang , which represents the next generation of the java platform . -__label__3 , google stock falls as share lockups expire , san francisco , - shares of google inc . fell as much as 6 . 5 percent tuesday , as selling restrictions were lifted on 39 million shares held by employees and early investors in the newly public web search company . -__label__1 , committee recommends abusive clergy ban ( ap ) , ap - a committee overseeing a review of the child protection plan adopted by roman catholic bishops has recommended preserving a ban on church work for clerics who molest young people , according to a document the panel has sent to all u . s . bishops . -__label__3 , motorola buys wireless network developer , eyes defense contracts , chicago - motorola inc . is acquiring meshnetworks inc . , developer of a wi-fi based technology that is expected to help land more contracts for its growing government contracting business . -__label__2 , olympic hopefuls for #39 12 submit bids , the five cities looking to host the 2012 summer games submitted bids to the international olympic committee , entering the final stage of a long process in hopes of landing one of the biggest prizes in sports . -__label__1 , spanish teenager pleads guilty in first trial stemming from madrid < b> . . . < /b> , madrid , spain there #39 s been a guilty plea in the first trial stemming from the madrid train bombings earlier this year . a 16-year-old has pleaded guilty to charges he helped transport dynamite used in the attack . -__label__1 , quietly , tide of opinion turns on chechen war , although discussion of the war has been marginalized , many experts say russians may not prefer it that way . -__label__4 , novell netware users get microsofts offer , with novell concentrating on linux more and more , many netware consumers might be facing dilemmas on where to move on for future needs . -__label__4 , viruses blame microsoft ? , last year we explored the question of microsoft #39 s potential liability for software flaws exploited by viruses and other forms of malware . -__label__2 , agent #39 it #39 s going to be a love-in #39 , as many as 60 national hockey league agents , including those representing the top players in the game , will descend on a chicago hotel meeting room wednesday for a tte--tte with executives -__label__1 , sharon takes step towards peace , ariel sharon , the israeli prime minister , made his first conciliatory gesture towards palestinians after the death of yassir arafat when he said that he would consider co-ordinating the dismantling of jewish settlements in the gaza strip with a new -__label__1 , south korea president in brazil ( afp ) , afp - south korea ' s president roh moo-hyun started an official visit to brazil as part of his country ' s campaign to find new business in the region . -__label__4 , nasa ' scramjet ' launched on mach 10 try ( ap ) , ap - a tiny unmanned nasa scramjet soared above the pacific ocean tuesday at nearly 10 times the speed of sound , or almost 7 , 000 mph , in a successful demonstration of a radical new engine technology . -__label__2 , unhappy robinson rejoins 76ers ( ap ) , ap - unhappy he hasn ' t been traded , glenn robinson rejoined the philadelphia 76ers on tuesday . -__label__2 , agent extortion plot targeted sheffield ( ap ) , ap - new york yankees slugger gary sheffield and his wife were the targets of a blackmailer who claimed to have embarrassing sexual videotapes of her and a musician , sheffield ' s business agent said tuesday . -__label__3 , crude oil futures fall to us\$46 per barrel after moving above \$47 , crude oil futures fell tuesday after moving above \$47 us a barrel in intraday trading . december delivery crude on the new york mercantile exchange dropped 76 cents to \$46 . 11 per barrel . -__label__1 , argentina gets china investment , china is to invest nearly \$20bn ( 11bn ) in argentina over the next 10 years , argentine officials say . -__label__1 , doesn ' t matter to me if health care is privately delivered alta ' s klein ( canadian press ) , canadian press - edmonton ( cp ) - alberta premier ralph klein acknowledged tuesday that he personally doesn ' t have a problem with private delivery of health-care services . -__label__1 , producer price surge fuels inflation fears , producer prices surged 1 . 7 percent in october , their sharpest monthly increase in nearly 15 years . -__label__2 , jerry graybeal quits as weber state coach , ogden , utah -- weber state football coach jerry graybeal resigned tuesday after a 1-10 season , the worst in the program #39 s 43-year history . -__label__1 , us doctor says evacuations , body armor has helped save lives in < b> . . . < /b> , the commander of the biggest us military hospital abroad said tuesday that american troops body armor and speedy evacuations appear to be helping save lives in the -__label__1 , u . s . commander in iraq calls shooting ' tragic ' , the killing of a wounded iraqi by a u . s . marine in fallujah was termed a tragic incident by the u . s . military commander in iraq on tuesday as arab satellite channels replayed unedited footage of the shooting as often as every half-hour . -__label__4 , 14 nations to participate in plan to reduce methane , thirteen countries agreed yesterday to join a global plan proposed by the bush administration to curb methane emissions by capturing the greenhouse gas and using it as an energy source before it is released into the atmosphere . -__label__1 , some democrats believe the party should get religion , bested by a republican campaign emphasizing christian faith , some democrats are stepping up efforts to organize the religious left . -__label__1 , we have to learn to be patient on indian pitches smith ( afp ) , afp - south african skipper graeme smith said his team had to learn to be patient on slow pitches if they hoped to do well in an upcoming two-test series against india . -__label__3 , eisner says ovitz required oversight daily , michael d . eisner appeared for a second day of testimony in the shareholder lawsuit over the lucrative severance package granted to michael s . ovitz . -__label__1 , queen urges thais to help govt . fight muslim unrest , bangkok ( reuters ) - revered queen sirikit has urged all thais to work with the government in its fight against the violence in the largely muslim south , where almost 500 people have been killed since january . -__label__4 , science counts species on brink , a list of 15 , 000 species threatened with extinction - many of them by human activity - is published . -__label__4 , google stock slips as new shares hit market , google inc . stock dropped more than 6 percent tuesday as tens of millions of new shares held by early investors and employees of the search engine giant became available for sale for the first time . . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> -__label__1 , australia comdemns apparent killing of aid worker in iraq , australia #39 s foreign minister , alexander downer , says the apparent murder in iraq of aid worker , margaret hassan , is a heinous and inexcusable crime . -__label__2 , colonials upend medford , for most of the season , the acton-boxboro football team has garnered the headlines with its record-setting win streak . last night , the boys ' soccer team proved a-b is not just a football school , claiming miaa division 1 north sectional title with a 1-0 win over two-time defending champion medford . -__label__4 , gates announces new windows update tool , update microsoft founder bill gates on tuesday detailed his company #39 s plan for computer management software and announced a long-awaited windows update tool . -__label__3 , china , argentina sign 5 cooperation documents , china and argentina signed five agreements in buenos aires tuesday that will allow them to expand cooperation in the areas of trade , space , education , tourism and railways . -__label__3 , judge asked to penalize microsoft over e-mails , burst . com asked a us judge to penalize microsoft for destroying e-mails it says the world #39 s largest software company should have preserved as evidence in antitrust suits . -__label__4 , press review , 0850cet--the seizure of fake nike sportswear by the customs department was one of the main stories on wednesday #39 s newspapers . l-orizzont published -__label__4 , study posture found able to communicate fear , a fight breaks out , and even though people at the far side of the crowd can #39 t see what #39 s going on , they are immediately on edge . -__label__2 , new home ice looks slick , if playing for one of college hockey ' s most storied programs wasn ' t enticing enough for potential recruits , boston university ' s new \$97 million harry agganis arena should do the trick . -__label__2 , today ' s schedule , college hockey men -- stonehill at umass-dartmouth , 7 30 p . m . franklin pierce at assumption , 7 30 p . m . women -- sacred heart at holy cross , 7 p . m . -__label__4 , getting with the program , microsoft , the behemoth redmond , wash . , software company lurking over the computing world , nov . 11 released a quot beta , quot or test , version of its online search service . -__label__3 , update 8 crude oil futures sink to \$46 per barrel , december delivery crude on the new york mercantile exchange dropped 76 cents to \$46 . 11 per barrel . the benchmark light , sweet crude remained about \$8 a barrel cheaper than its closing record of \$55 . 17 recorded oct . 22 and oct . 26 . -__label__2 , clip and save , the historically maligned clippers appeared headed for a letdown . they started their first seven games above . 500 and had their first home game in eight days against the mediocre toronto raptors . -__label__1 , confusion over afghan un hostages , 17 november 2004 -- afghanistan #39 s interior ministry believes three un workers abducted nearly three weeks ago in afghanistan are probably still being held in the area . -__label__1 , hassan #39 abhorrent act #39 says blair , western political leaders have united to condemn the kidnappers of charity worker margaret hassan after a video surfaced apparently showing a militant firing a pistol into the head of a blindfolded woman wearing an orange jumpsuit . -__label__4 , movie studios sue file traders , the motion picture association of america slaps an undisclosed number of individuals with lawsuits , accusing them of sharing copyright flicks on the internet . by katie dean . -__label__4 , sony plans dual-dvd for mac , the drx-710ul-t external dvd burner supports both firewire 400 and usb 2 . 0 . it ships with roxio toast 6 lite . double-layer support means users can burn up to 8 . 5gb of data on a single dvdr dl disc . -__label__1 , battles rage across mosul , mosul , iraq -- us and iraqi troops stormed insurgent-held police stations and neighborhoods in this northern city tuesday , retaking a number of sites seized last week by gunmen who rose up in support of militants in fallujah . -__label__2 , louisville slams tulane , new orleans ( sports network ) - eric shelton rushed for two touchdowns , stefan lefors passed for 247 yards with two touchdowns and no . 7 louisville completed a perfect conference usa campaign by routing tulane , 55-7 , -__label__3 , dollar dives to record low vs . euro , london ( reuters ) - the dollar crashed through key barriers to a record low on the euro and a 7-month low on the yen on wednesday , as concern mounted a forthcoming g20 finance ministers ' meeting would do little to halt its slide . -__label__1 , conocophillips boosts lukoil stake to 10 percent ( afp ) , afp - us oil major conocophillips has boosted its stake in russia ' s second-largest oil producer lukoil to 10 percent , giving conoco at least one representative on lukoil ' s board . -__label__4 , grid bids to save the world , hoping to harness a few million of the personal computers not already running the setihome screensaver , ibm and united devices yesterday launched the world community grid to act as a clearing house for humanitarian it projects . -__label__4 , sony burner for mac users , sony has introduced a mac compatible external double-layer dual-format dvd drive . the drx-710ul-t comes with roxio #39 s toast 6 lite software and will be available next month . -__label__3 , dollar hits new low against euro , the us treasury secretary pledges commitment to a strong dollar , as the currency hits another record low against euro . -__label__1 , putin says russia working on new nuclear systems ( reuters ) , reuters - russia is working on new nuclear missile\systems that other powers do not have in order to protect\itself against future security challenges , president vladimir\putin said wednesday . -__label__3 , dow falls on wal-mart update and rise in producer costs , disappointment over wal-marts third-quarter sales performance and news of a sharp rise in october producer prices sent shares in the united states on a downward path yesterday . -__label__1 , focus on deadly africa diseases , the un ' s global fund meets african leaders in tanzania for talks on fighting the world ' s deadliest diseases . -__label__3 , long-awaited audit shows major discrepancies in newsday < b> . . . < /b> , the audit bureau of circulations released the long-awaited results of its audit of the tribune company #39 s scandal-tarred newsday on tuesday , confirming the magnitude of the discrepancies uncovered by the company #39 s recent internal audit . -__label__4 , microsoft #39 s quest for google-like gold falls short , for now , microsoft corp . last week released a preview version of its new internet search engine . it will be available in its final form early next year . -__label__3 , \$904 , 800 in refund checks go undelivered in southeastern < b> . . . < /b> , philadelphia - the internal revenue service is looking for 1 , 088 southeastern pennsylvanians whose income tax refund checks could not be delivered . -__label__4 , nasa #39 scramjet #39 makes historic flight off california , los angeles nasa #39 s unmanned quot scramjet quot proved it #39 s small but it #39 s fast -- in a record-breaking demonstration above the pacific ocean . -__label__1 , arafat was not poisoned , paris - doctors who treated palestinian leader yasser arafat believe he died of a blood condition called disseminated intravascular coagulation ( dic ) and have ruled out poisoning , le monde newspaper reported on wednesday . -__label__1 , smoking ban would target pubs , ritain #39 s government proposed banning smoking in most public places yesterday , setting off debate over what one smoker decried as the brainchild of a busybody quot nanny state . -__label__1 , is more aid needed to solve africa ' s woes ? ( reuters ) , reuters - american economist jeffrey sachs\has a novel way to tackle african poverty shower more aid on\the world ' s poorest continent . -__label__4 , sparkle starts shipping geforce 6600 gt agp , < a href=http //www . hardwareanalysis . com/content/article/1755/> geforce 6600gt agp , as good as it gets ? < /a> < font size=-1 color=#6f6f6f> < nobr> hardware analysis< /nobr> -__label__4 , mpaa takes filesharers to court , the motion picture association of america has gone on the offensive in its battle against piracy and peer-to-peer sharing of movies , and has launched more than 200 civil suits against users it identifies as being the worst offenders . -__label__3 , housing starts surge 6 . 4 pct . in october , washington ( reuters ) - u . s . housing starts jumped a larger-than-expected 6 . 4 percent in october to the busiest pace since december as buyers took advantage of low mortgage rates , a government report showed on wednesday . -__label__3 , sears and kmart agree to merge in \$11 billion deal , two of the nation ' s most well-known companies today said they would combine to form the third-largest u . s . retailer . -__label__3 , consumer prices biggest jump since may , surging energy costs drove us consumer prices up by a hefty and larger-than-expected 0 . 6 percent last month , the biggest jump since may , a government report showed on wednesday . -__label__1 , swedes beam poetry into outer space ( reuters ) , reuters - swedish poets have broadcast their work into outer space by radio to give alien life forms -- if they exist -- a taste\of earthling literature . -__label__3 , business bush administration , washington post business columnist steven pearlstein will be online to discuss his latest column , which looks at the bush administration ' s plans for social security and health care . -__label__3 , tv ' s passport stamp of approval , the sixth season of a popular reality television show is ready to rock the world . -__label__1 , bombings at two buenos aires banks kill 1 ( ap ) , ap - homemade bombs exploded in two buenos aires banks wednesday , killing a security guard , police said . -__label__1 , explosions rock argentine banks , a blast rocks a branch of citibank in the argentine capital , buenos aires , killing a security guard , reports say . -__label__3 , jack in the box profit surges 32 percent , helped by sales jump , san diego san diego-based jack in the box says profit for its latest quarter soared 32 percent . the fast-food chain says net income for the fourth quarter rose to 21-point-7 ( m ) million dollars from 16-point-4 ( m ) million a year ago . -__label__1 , cricket nz suffer franklin blow , new zealand bowler james franklin misses the first test against australia with injury . -__label__3 , martha , vornado shares rise on sears-kmart deal , shares of local companies martha stewart living omnimedia and vornado realty trust were boosted by news that sears and kmart will merge in an \$11 billion deal , creating a new company called sears holdings with about \$55 billion in yearly revenue and -__label__3 , enbridge to buy some of shell ' s pipelines , toronto ( reuters ) - enbridge inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=enb . to target=/stocks/quickinfo/fullquote> enb . to< /a> will buy shell ' s gulf of mexico natural gas pipelines for \$613 million in a move that will make it a major transporter in the huge gas-producing area , canada ' s no . 2 pipeline company said on wednesday . -__label__4 , sbc gives microsoft \$400 mln internet tv deal , washington ( reuters ) - sbc communications < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=sbc . n qtype=sym infotype=info qcat=news> sbc . n< /a> will use microsoft corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=msft . o qtype=sym infotype=info qcat=news> msft . o< /a> technology to launch video services over upgraded high-speed data lines , the companies said wednesday . -__label__1 , russia working on new nuclear weapons putin , moscow - new nuclear weapons systems being developed in russia could include a missile designed to defeat the us missile defence shield . -__label__3 , usa wal-mart predicts bumper christmas , wal-mart stores inc , the world #39 s biggest retailer , informed it was confident to see quot another record quarter and a successful holiday season quot after posting solid third-quarter results . -__label__4 , cheese sandwich back on ebay , miami -- you might say that this time , ebay melted in the resolve to ban the online sale of part of a 10-year-old grilled cheese sandwich . -__label__2 , casey comments not #39 smart #39 - verplank , the backlash to anti-american comments by ryder cup player paul casey has already started - and is likely only to get worse in the coming months . -__label__2 , canucks announce partial sale , vancouver , british columbia ( sports network ) - the vancouver canucks wednesday announced the sale of 50 percent of the team and its arena , general motors place . -__label__3 , treasuries mount rally despite inflation , new york ( reuters ) - u . s . treasury prices rallied on wednesday as inflation excluding food and energy , one of the federal reserve ' s preferred price measures , proved less dramatic than bond bulls had feared . -__label__1 , un council arrives in nairobi , un security council members have arrived in nairobi for a two-day meeting devoted to the conflicts engulfing sudan , including the western darfur region . -__label__3 , stocks up after sears deal , hp earnings , new york ( reuters ) - u . s . stocks ended higher on wednesday after kmart ' s plan to buy sears in an \$11 . 5 billion deal was announced and computer maker hewlett-packard co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hpq . n target=/stocks/quickinfo/fullquote> hpq . n< /a> posted solid earnings . -__label__1 , still under fire , us troops shifting to relief effort , us forces in fallujah offer food and first aid as they face scattered pockets of guerrilla resistance . -__label__2 , delhomme questionable against cardinals ( ap ) , ap - carolina quarterback jake delhomme did not practice wednesday and is questionable this week because of a broken bone in his right thumb . -__label__3 , bae included in sfo investigation , bae systems says it has found out that it is being investigated by the uk ' s serious fraud office . -__label__1 , apec ministers urge new effort on trade talks , pacific rim trading nations said on wednesday they should pool their influence to energize talks to free up world trade . as trade and foreign ministers from the 21-member asia-pacific -__label__2 , closer percival oks \$12m deal with tigers , detroit tigers relief pitcher troy percival speaks to the media after a news conference in detroit , wednesday , nov . 17 , 2004 . percival and the tigers agreed on a \$12 million , two-year contract . -__label__1 , democrats question kerry ' s campaign funds , democratic party leaders said wednesday they want to know why sen . john kerry ended his presidential campaign with more than \$15 million in the bank , money that could have helped democratic candidates across the country . -__label__2 , baseball owners set to approve expos sale ( ap ) , ap - the proposed move of the montreal expos to washington is set to be approved when baseball owners meet thursday in chicago . -__label__4 , vampire the masquerade - bloodlines review , november 17 , 2004 - most of us who #39 ve been gamers for a while are familiar with the history behind troika , which was formed from key members of the black isle group that made the fallout , among other talented individuals . -__label__1 , palestinians investigate rumours that israel poisoned arafat , the palestinian authority is to set up an official commission of inquiry into yasser arafats death amid increasing rumours among the palestinian public that he was poisoned by israel . -__label__3 , column ceo pay stays high , new york ( reuters ) - u . s . executives are reaping another year of abundant pay , and the rich rewards are likely to stir demands for greater disclosure on how and why heads of companies are compensated . -__label__2 , pot charge dropped against anthony , in a case that his lawyer said quot has received more prosecutorial scrutiny than any petty offense in denver history , quot nuggets forward carmelo anthony saw the marijuana charge he faced dropped by the denver city attorney #39 s office today . +__label__4 , sony bmg head says in early talks with grokster ( reuters ) , reuters - sony bmg , the world ' s no . 2 record\label , is in early talks with file-sharing network grokster in\what could lead to a legalized internet music service , its\chairman said on tuesday . +__label__4 , smart-1 makes lunar orbit , the smart-1 probe has entered its lunar orbit , and the history books as the first european mission to have done so . professor david southwood , director of science for the european space agency ( esa ) , said quot europe +__label__3 , american express sues credit card rivals , american express is suing visa and mastercard plus eight us banks , claiming anti-competitive tactics kept it out of the market . the litigation is the latest setback for visa and mastercard , which last month +__label__3 , update 2 eds reports third-quarter loss , electronic data systems corp . finally settled a dispute with outside auditors and reported a third-quarter loss of \$153 million due to the write-down of a huge contract to build a computer network for the navy . +__label__4 , nasa delays flight of x-43a scramjet to attempt mach 10 , los angeles nasa will try again today to fly an unmanned hypersonic jet designed to reach a record speed of mach ten , or seven-thousand-miles-per-hour . +__label__4 , apple sailing on digital river , the ipod -s a nifty little device , primarily allowing you to listen to downloaded music , but also giving you the opportunity +__label__4 , nokia demos first mobile call using ip standard , nokia has developed a prototype handset that supports mobile ipv6 ( internet protocol version 6 ) , a version of the protocol that will help to improve the quality of voip ( voice over ip ) , streaming video and other applications delivered to wireless devices . +__label__1 , dutch mulling limits on freedom of expression , many dutch decision-makers wondering whether reactions , particularly criticism of muslims , did not go too far . by isabelle wesselingh - the hague . +__label__3 , nova chemicals , bp to form european plastics venture ( update1 ) , nova chemicals corp . , canada #39 s largest chemical maker , and bp plc , europe #39 s biggest oil company , agreed to merge their european styrenics polymer businesses into a 50-50 venture to reduce costs . +__label__4 , sony to offer dvd burner for mac , sony on tuesday announced plans to release a new dual-format dvd burner that is compatible with macintosh computers . the external double-layer dvd drive , dubbed the drx-710ul-t , is designed to record up to +__label__4 , lg electronics unveils world #39 s first terrestrial dmb-receiving < b> . . . < /b> , lg electronics has unveiled the worlds first terrestrial digital multimedia broadcast-receiving mobile phone , and demonstrated its functions . +__label__2 , xabi reckons england are great , xabi alonso is prepared for a hard battle when spain meet england in the bernabeu on wednesday having experienced the build-up from the other side . +__label__4 , not to be outfeatured , yahoo adds e-mail storage ( newsfactor ) , newsfactor - yahoo ( nasdaq yhoo ) has beefed up e-mail storage for users of its free e-mail service from 100 megabytes to 250 mb . the internet giant also unveiled an anti-spam authentication technology called domainkeys , which curtails messages sent from spoofed addresses . +__label__4 , ibm launches global computing grid , ibm announced today that it was driving the initiative to use the worlds vast untapped computer power for useful things ( like playing games and shopping online isn #39 t useful ! +__label__3 , you say sell , i say potato , disgruntled shareholders file suit to force talks with oracle while peoplesoft ' s two largest shareholders agree to disagree . +__label__4 , european probe arrives to orbit moon , paris - europe #39 s dishwasher-sized spacecraft has entered a lunar orbit . the unmanned mission is the continent #39 s first voyage to the moon . +__label__4 , lg unveils terrestrial dmb-receiving phone , lg #39 s dmb-receiving system-on-chip lets users watch terrestrial broadcasts while talking on the phone . lg plans to use its terrestrial dmb phone technologies in an aggressive campaign to penetrate the global +__label__3 , zurich employees plead guilty in probe , new york ( reuters ) - two senior insurance underwriters at zurich american insurance co . pleaded guilty on tuesday to misdemeanors related to bid-rigging in the insurance market . +__label__4 , motorola buy adds heat to mesh networking , a motorola acquisition and an expected deal from nortel show the market for mobile ad hoc network equipment is hot . +__label__3 , hp profit tops lowered forecast ( reuters ) , reuters - hewlett-packard co . on\tuesday said quarterly profit topped its own lowered\expectations as the computer and printer maker saw record\revenues in every business and every region . +__label__4 , sun previews next version of java , sun microsystems on monday night posted a prerelease , snapshot version of java 2 standard edition 6 . 0 , code-named mustang , which represents the next generation of the java platform . +__label__3 , google stock falls as share lockups expire , san francisco , - shares of google inc . fell as much as 6 . 5 percent tuesday , as selling restrictions were lifted on 39 million shares held by employees and early investors in the newly public web search company . +__label__1 , committee recommends abusive clergy ban ( ap ) , ap - a committee overseeing a review of the child protection plan adopted by roman catholic bishops has recommended preserving a ban on church work for clerics who molest young people , according to a document the panel has sent to all u . s . bishops . +__label__3 , motorola buys wireless network developer , eyes defense contracts , chicago - motorola inc . is acquiring meshnetworks inc . , developer of a wi-fi based technology that is expected to help land more contracts for its growing government contracting business . +__label__2 , olympic hopefuls for #39 12 submit bids , the five cities looking to host the 2012 summer games submitted bids to the international olympic committee , entering the final stage of a long process in hopes of landing one of the biggest prizes in sports . +__label__1 , spanish teenager pleads guilty in first trial stemming from madrid < b> . . . < /b> , madrid , spain there #39 s been a guilty plea in the first trial stemming from the madrid train bombings earlier this year . a 16-year-old has pleaded guilty to charges he helped transport dynamite used in the attack . +__label__1 , quietly , tide of opinion turns on chechen war , although discussion of the war has been marginalized , many experts say russians may not prefer it that way . +__label__4 , novell netware users get microsofts offer , with novell concentrating on linux more and more , many netware consumers might be facing dilemmas on where to move on for future needs . +__label__4 , viruses blame microsoft ? , last year we explored the question of microsoft #39 s potential liability for software flaws exploited by viruses and other forms of malware . +__label__2 , agent #39 it #39 s going to be a love-in #39 , as many as 60 national hockey league agents , including those representing the top players in the game , will descend on a chicago hotel meeting room wednesday for a tte--tte with executives +__label__1 , sharon takes step towards peace , ariel sharon , the israeli prime minister , made his first conciliatory gesture towards palestinians after the death of yassir arafat when he said that he would consider co-ordinating the dismantling of jewish settlements in the gaza strip with a new +__label__1 , south korea president in brazil ( afp ) , afp - south korea ' s president roh moo-hyun started an official visit to brazil as part of his country ' s campaign to find new business in the region . +__label__4 , nasa ' scramjet ' launched on mach 10 try ( ap ) , ap - a tiny unmanned nasa scramjet soared above the pacific ocean tuesday at nearly 10 times the speed of sound , or almost 7 , 000 mph , in a successful demonstration of a radical new engine technology . +__label__2 , unhappy robinson rejoins 76ers ( ap ) , ap - unhappy he hasn ' t been traded , glenn robinson rejoined the philadelphia 76ers on tuesday . +__label__2 , agent extortion plot targeted sheffield ( ap ) , ap - new york yankees slugger gary sheffield and his wife were the targets of a blackmailer who claimed to have embarrassing sexual videotapes of her and a musician , sheffield ' s business agent said tuesday . +__label__3 , crude oil futures fall to us\$46 per barrel after moving above \$47 , crude oil futures fell tuesday after moving above \$47 us a barrel in intraday trading . december delivery crude on the new york mercantile exchange dropped 76 cents to \$46 . 11 per barrel . +__label__1 , argentina gets china investment , china is to invest nearly \$20bn ( 11bn ) in argentina over the next 10 years , argentine officials say . +__label__1 , doesn ' t matter to me if health care is privately delivered alta ' s klein ( canadian press ) , canadian press - edmonton ( cp ) - alberta premier ralph klein acknowledged tuesday that he personally doesn ' t have a problem with private delivery of health-care services . +__label__1 , producer price surge fuels inflation fears , producer prices surged 1 . 7 percent in october , their sharpest monthly increase in nearly 15 years . +__label__2 , jerry graybeal quits as weber state coach , ogden , utah -- weber state football coach jerry graybeal resigned tuesday after a 1-10 season , the worst in the program #39 s 43-year history . +__label__1 , us doctor says evacuations , body armor has helped save lives in < b> . . . < /b> , the commander of the biggest us military hospital abroad said tuesday that american troops body armor and speedy evacuations appear to be helping save lives in the +__label__1 , u . s . commander in iraq calls shooting ' tragic ' , the killing of a wounded iraqi by a u . s . marine in fallujah was termed a tragic incident by the u . s . military commander in iraq on tuesday as arab satellite channels replayed unedited footage of the shooting as often as every half-hour . +__label__4 , 14 nations to participate in plan to reduce methane , thirteen countries agreed yesterday to join a global plan proposed by the bush administration to curb methane emissions by capturing the greenhouse gas and using it as an energy source before it is released into the atmosphere . +__label__1 , some democrats believe the party should get religion , bested by a republican campaign emphasizing christian faith , some democrats are stepping up efforts to organize the religious left . +__label__1 , we have to learn to be patient on indian pitches smith ( afp ) , afp - south african skipper graeme smith said his team had to learn to be patient on slow pitches if they hoped to do well in an upcoming two-test series against india . +__label__3 , eisner says ovitz required oversight daily , michael d . eisner appeared for a second day of testimony in the shareholder lawsuit over the lucrative severance package granted to michael s . ovitz . +__label__1 , queen urges thais to help govt . fight muslim unrest , bangkok ( reuters ) - revered queen sirikit has urged all thais to work with the government in its fight against the violence in the largely muslim south , where almost 500 people have been killed since january . +__label__4 , science counts species on brink , a list of 15 , 000 species threatened with extinction - many of them by human activity - is published . +__label__4 , google stock slips as new shares hit market , google inc . stock dropped more than 6 percent tuesday as tens of millions of new shares held by early investors and employees of the search engine giant became available for sale for the first time . . < br> < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> +__label__1 , australia comdemns apparent killing of aid worker in iraq , australia #39 s foreign minister , alexander downer , says the apparent murder in iraq of aid worker , margaret hassan , is a heinous and inexcusable crime . +__label__2 , colonials upend medford , for most of the season , the acton-boxboro football team has garnered the headlines with its record-setting win streak . last night , the boys ' soccer team proved a-b is not just a football school , claiming miaa division 1 north sectional title with a 1-0 win over two-time defending champion medford . +__label__4 , gates announces new windows update tool , update microsoft founder bill gates on tuesday detailed his company #39 s plan for computer management software and announced a long-awaited windows update tool . +__label__3 , china , argentina sign 5 cooperation documents , china and argentina signed five agreements in buenos aires tuesday that will allow them to expand cooperation in the areas of trade , space , education , tourism and railways . +__label__3 , judge asked to penalize microsoft over e-mails , burst . com asked a us judge to penalize microsoft for destroying e-mails it says the world #39 s largest software company should have preserved as evidence in antitrust suits . +__label__4 , press review , 0850cet--the seizure of fake nike sportswear by the customs department was one of the main stories on wednesday #39 s newspapers . l-orizzont published +__label__4 , study posture found able to communicate fear , a fight breaks out , and even though people at the far side of the crowd can #39 t see what #39 s going on , they are immediately on edge . +__label__2 , new home ice looks slick , if playing for one of college hockey ' s most storied programs wasn ' t enticing enough for potential recruits , boston university ' s new \$97 million harry agganis arena should do the trick . +__label__2 , today ' s schedule , college hockey men -- stonehill at umass-dartmouth , 7 30 p . m . franklin pierce at assumption , 7 30 p . m . women -- sacred heart at holy cross , 7 p . m . +__label__4 , getting with the program , microsoft , the behemoth redmond , wash . , software company lurking over the computing world , nov . 11 released a quot beta , quot or test , version of its online search service . +__label__3 , update 8 crude oil futures sink to \$46 per barrel , december delivery crude on the new york mercantile exchange dropped 76 cents to \$46 . 11 per barrel . the benchmark light , sweet crude remained about \$8 a barrel cheaper than its closing record of \$55 . 17 recorded oct . 22 and oct . 26 . +__label__2 , clip and save , the historically maligned clippers appeared headed for a letdown . they started their first seven games above . 500 and had their first home game in eight days against the mediocre toronto raptors . +__label__1 , confusion over afghan un hostages , 17 november 2004 -- afghanistan #39 s interior ministry believes three un workers abducted nearly three weeks ago in afghanistan are probably still being held in the area . +__label__1 , hassan #39 abhorrent act #39 says blair , western political leaders have united to condemn the kidnappers of charity worker margaret hassan after a video surfaced apparently showing a militant firing a pistol into the head of a blindfolded woman wearing an orange jumpsuit . +__label__4 , movie studios sue file traders , the motion picture association of america slaps an undisclosed number of individuals with lawsuits , accusing them of sharing copyright flicks on the internet . by katie dean . +__label__4 , sony plans dual-dvd for mac , the drx-710ul-t external dvd burner supports both firewire 400 and usb 2 . 0 . it ships with roxio toast 6 lite . double-layer support means users can burn up to 8 . 5gb of data on a single dvdr dl disc . +__label__1 , battles rage across mosul , mosul , iraq -- us and iraqi troops stormed insurgent-held police stations and neighborhoods in this northern city tuesday , retaking a number of sites seized last week by gunmen who rose up in support of militants in fallujah . +__label__2 , louisville slams tulane , new orleans ( sports network ) - eric shelton rushed for two touchdowns , stefan lefors passed for 247 yards with two touchdowns and no . 7 louisville completed a perfect conference usa campaign by routing tulane , 55-7 , +__label__3 , dollar dives to record low vs . euro , london ( reuters ) - the dollar crashed through key barriers to a record low on the euro and a 7-month low on the yen on wednesday , as concern mounted a forthcoming g20 finance ministers ' meeting would do little to halt its slide . +__label__1 , conocophillips boosts lukoil stake to 10 percent ( afp ) , afp - us oil major conocophillips has boosted its stake in russia ' s second-largest oil producer lukoil to 10 percent , giving conoco at least one representative on lukoil ' s board . +__label__4 , grid bids to save the world , hoping to harness a few million of the personal computers not already running the setihome screensaver , ibm and united devices yesterday launched the world community grid to act as a clearing house for humanitarian it projects . +__label__4 , sony burner for mac users , sony has introduced a mac compatible external double-layer dual-format dvd drive . the drx-710ul-t comes with roxio #39 s toast 6 lite software and will be available next month . +__label__3 , dollar hits new low against euro , the us treasury secretary pledges commitment to a strong dollar , as the currency hits another record low against euro . +__label__1 , putin says russia working on new nuclear systems ( reuters ) , reuters - russia is working on new nuclear missile\systems that other powers do not have in order to protect\itself against future security challenges , president vladimir\putin said wednesday . +__label__3 , dow falls on wal-mart update and rise in producer costs , disappointment over wal-marts third-quarter sales performance and news of a sharp rise in october producer prices sent shares in the united states on a downward path yesterday . +__label__1 , focus on deadly africa diseases , the un ' s global fund meets african leaders in tanzania for talks on fighting the world ' s deadliest diseases . +__label__3 , long-awaited audit shows major discrepancies in newsday < b> . . . < /b> , the audit bureau of circulations released the long-awaited results of its audit of the tribune company #39 s scandal-tarred newsday on tuesday , confirming the magnitude of the discrepancies uncovered by the company #39 s recent internal audit . +__label__4 , microsoft #39 s quest for google-like gold falls short , for now , microsoft corp . last week released a preview version of its new internet search engine . it will be available in its final form early next year . +__label__3 , \$904 , 800 in refund checks go undelivered in southeastern < b> . . . < /b> , philadelphia - the internal revenue service is looking for 1 , 088 southeastern pennsylvanians whose income tax refund checks could not be delivered . +__label__4 , nasa #39 scramjet #39 makes historic flight off california , los angeles nasa #39 s unmanned quot scramjet quot proved it #39 s small but it #39 s fast -- in a record-breaking demonstration above the pacific ocean . +__label__1 , arafat was not poisoned , paris - doctors who treated palestinian leader yasser arafat believe he died of a blood condition called disseminated intravascular coagulation ( dic ) and have ruled out poisoning , le monde newspaper reported on wednesday . +__label__1 , smoking ban would target pubs , ritain #39 s government proposed banning smoking in most public places yesterday , setting off debate over what one smoker decried as the brainchild of a busybody quot nanny state . +__label__1 , is more aid needed to solve africa ' s woes ? ( reuters ) , reuters - american economist jeffrey sachs\has a novel way to tackle african poverty shower more aid on\the world ' s poorest continent . +__label__4 , sparkle starts shipping geforce 6600 gt agp , < a href=http //www . hardwareanalysis . com/content/article/1755/> geforce 6600gt agp , as good as it gets ? < /a> < font size=-1 color=#6f6f6f> < nobr> hardware analysis< /nobr> +__label__4 , mpaa takes filesharers to court , the motion picture association of america has gone on the offensive in its battle against piracy and peer-to-peer sharing of movies , and has launched more than 200 civil suits against users it identifies as being the worst offenders . +__label__3 , housing starts surge 6 . 4 pct . in october , washington ( reuters ) - u . s . housing starts jumped a larger-than-expected 6 . 4 percent in october to the busiest pace since december as buyers took advantage of low mortgage rates , a government report showed on wednesday . +__label__3 , sears and kmart agree to merge in \$11 billion deal , two of the nation ' s most well-known companies today said they would combine to form the third-largest u . s . retailer . +__label__3 , consumer prices biggest jump since may , surging energy costs drove us consumer prices up by a hefty and larger-than-expected 0 . 6 percent last month , the biggest jump since may , a government report showed on wednesday . +__label__1 , swedes beam poetry into outer space ( reuters ) , reuters - swedish poets have broadcast their work into outer space by radio to give alien life forms -- if they exist -- a taste\of earthling literature . +__label__3 , business bush administration , washington post business columnist steven pearlstein will be online to discuss his latest column , which looks at the bush administration ' s plans for social security and health care . +__label__3 , tv ' s passport stamp of approval , the sixth season of a popular reality television show is ready to rock the world . +__label__1 , bombings at two buenos aires banks kill 1 ( ap ) , ap - homemade bombs exploded in two buenos aires banks wednesday , killing a security guard , police said . +__label__1 , explosions rock argentine banks , a blast rocks a branch of citibank in the argentine capital , buenos aires , killing a security guard , reports say . +__label__3 , jack in the box profit surges 32 percent , helped by sales jump , san diego san diego-based jack in the box says profit for its latest quarter soared 32 percent . the fast-food chain says net income for the fourth quarter rose to 21-point-7 ( m ) million dollars from 16-point-4 ( m ) million a year ago . +__label__1 , cricket nz suffer franklin blow , new zealand bowler james franklin misses the first test against australia with injury . +__label__3 , martha , vornado shares rise on sears-kmart deal , shares of local companies martha stewart living omnimedia and vornado realty trust were boosted by news that sears and kmart will merge in an \$11 billion deal , creating a new company called sears holdings with about \$55 billion in yearly revenue and +__label__3 , enbridge to buy some of shell ' s pipelines , toronto ( reuters ) - enbridge inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=enb . to target=/stocks/quickinfo/fullquote> enb . to< /a> will buy shell ' s gulf of mexico natural gas pipelines for \$613 million in a move that will make it a major transporter in the huge gas-producing area , canada ' s no . 2 pipeline company said on wednesday . +__label__4 , sbc gives microsoft \$400 mln internet tv deal , washington ( reuters ) - sbc communications < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=sbc . n qtype=sym infotype=info qcat=news> sbc . n< /a> will use microsoft corp . < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=msft . o qtype=sym infotype=info qcat=news> msft . o< /a> technology to launch video services over upgraded high-speed data lines , the companies said wednesday . +__label__1 , russia working on new nuclear weapons putin , moscow - new nuclear weapons systems being developed in russia could include a missile designed to defeat the us missile defence shield . +__label__3 , usa wal-mart predicts bumper christmas , wal-mart stores inc , the world #39 s biggest retailer , informed it was confident to see quot another record quarter and a successful holiday season quot after posting solid third-quarter results . +__label__4 , cheese sandwich back on ebay , miami -- you might say that this time , ebay melted in the resolve to ban the online sale of part of a 10-year-old grilled cheese sandwich . +__label__2 , casey comments not #39 smart #39 - verplank , the backlash to anti-american comments by ryder cup player paul casey has already started - and is likely only to get worse in the coming months . +__label__2 , canucks announce partial sale , vancouver , british columbia ( sports network ) - the vancouver canucks wednesday announced the sale of 50 percent of the team and its arena , general motors place . +__label__3 , treasuries mount rally despite inflation , new york ( reuters ) - u . s . treasury prices rallied on wednesday as inflation excluding food and energy , one of the federal reserve ' s preferred price measures , proved less dramatic than bond bulls had feared . +__label__1 , un council arrives in nairobi , un security council members have arrived in nairobi for a two-day meeting devoted to the conflicts engulfing sudan , including the western darfur region . +__label__3 , stocks up after sears deal , hp earnings , new york ( reuters ) - u . s . stocks ended higher on wednesday after kmart ' s plan to buy sears in an \$11 . 5 billion deal was announced and computer maker hewlett-packard co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=hpq . n target=/stocks/quickinfo/fullquote> hpq . n< /a> posted solid earnings . +__label__1 , still under fire , us troops shifting to relief effort , us forces in fallujah offer food and first aid as they face scattered pockets of guerrilla resistance . +__label__2 , delhomme questionable against cardinals ( ap ) , ap - carolina quarterback jake delhomme did not practice wednesday and is questionable this week because of a broken bone in his right thumb . +__label__3 , bae included in sfo investigation , bae systems says it has found out that it is being investigated by the uk ' s serious fraud office . +__label__1 , apec ministers urge new effort on trade talks , pacific rim trading nations said on wednesday they should pool their influence to energize talks to free up world trade . as trade and foreign ministers from the 21-member asia-pacific +__label__2 , closer percival oks \$12m deal with tigers , detroit tigers relief pitcher troy percival speaks to the media after a news conference in detroit , wednesday , nov . 17 , 2004 . percival and the tigers agreed on a \$12 million , two-year contract . +__label__1 , democrats question kerry ' s campaign funds , democratic party leaders said wednesday they want to know why sen . john kerry ended his presidential campaign with more than \$15 million in the bank , money that could have helped democratic candidates across the country . +__label__2 , baseball owners set to approve expos sale ( ap ) , ap - the proposed move of the montreal expos to washington is set to be approved when baseball owners meet thursday in chicago . +__label__4 , vampire the masquerade - bloodlines review , november 17 , 2004 - most of us who #39 ve been gamers for a while are familiar with the history behind troika , which was formed from key members of the black isle group that made the fallout , among other talented individuals . +__label__1 , palestinians investigate rumours that israel poisoned arafat , the palestinian authority is to set up an official commission of inquiry into yasser arafats death amid increasing rumours among the palestinian public that he was poisoned by israel . +__label__3 , column ceo pay stays high , new york ( reuters ) - u . s . executives are reaping another year of abundant pay , and the rich rewards are likely to stir demands for greater disclosure on how and why heads of companies are compensated . +__label__2 , pot charge dropped against anthony , in a case that his lawyer said quot has received more prosecutorial scrutiny than any petty offense in denver history , quot nuggets forward carmelo anthony saw the marijuana charge he faced dropped by the denver city attorney #39 s office today . __label__4 , odd couple schwartz and mcnealy , it hasn ' t even been eight months since sun microsystems promoted jonathan schwartz to be chief executive scott mcnealy ' s right-hand man , but the two are already acting like an old couple . missing links -__label__1 , fox to push bush on migration at apec , mexico president vicente fox said wednesday he will meet with us president george w . bush in chile during the economic summit of pacific rim nations . -__label__2 , no . 10 ohio st . tops no . 24 arizona 78-45 ( ap ) , ap - caity matter exploited arizona ' s defense by hitting four 3-pointers and scored 20 points to lead no . 10 ohio state to a 78-45 victory in the semifinals of the women ' s nit on wednesday night . -__label__2 , pacers triumph in harrington #39 s return , harrington scored a season-high 30 points in a superlative performance against his former team , but the indiana pacers still escaped conseco fieldhouse with a 93-83 victory over atlanta . -__label__4 , fire pit dated to be over 50 , 000 years old ( ap ) , ap - in the growing debate about when people first appeared on this continent , a leading archaeologist said wednesday he has discovered what could be sooty evidence of human occupation in north america tens of thousands of years earlier than is commonly believed . -__label__3 , dollar in sight of all-time low vs euro ( reuters ) , reuters - the dollar was in striking distance of\record lows against the euro and 7- month lows versus the\yen on thursday , as traders concluded that nations at an\upcoming g20 meeting would tolerate a weaker dollar . -__label__2 , us mnt streaking into final round , the us mens national team will look to extend their record unbeaten streak to 13 matches when the take on jamaica at columbus crew stadium in its final match of semifinal-round qualifying for the 2006 fifa world cup . -__label__3 , a pair of dethroned kings , in the early 1980s , sears and kmart were american retail giants , with gobs of money , huge portfolios of real estate and loyal customer bases that should have made them fast-growing fulfillers of americans #39 insatiable demand for more stuff . -__label__1 , india #39 s offer for peace talks on kashmir is sweetened with aid , india #39 s prime minister , manmohan singh , came to kashmir on wednesday offering unconditional talks with anyone willing to renounce violence and a \$5 . 3 billion economic -__label__1 , nursery rhymes more violent than tv ( reuters ) , reuters - children ' s nursery rhymes contain 10 times more violence than television shows broadcast before the\9 p . m . watershed after which more adult content can be shown , research has said . -__label__1 , kashmiris reject indian pm #39 s offer , muzaffarabad , nov 17 a multi-party alliance fighting indian rule in kashmir rejected on wednesday the economic package offered by indian prime minister dr manmohan singh during -__label__2 , new york unveils last , best bid to gain the olympics in 2012 , leaders of the nyc2012 committee highlighted new york ' s advantages in multiculturalism , money and media power . -__label__2 , olympic 2012 madrid unveils bid dossier , madrid , one of five cities bidding to host the 2012 olympics and paralympics , unveiled its dossier on wednesday ( 17 november ) , just two days after submitting it to the international olympic committee ( ioc ) . -__label__2 , argentina heads world cup qualifying group after brazil loses , argentina moved atop south america #39 s qualifying group for the 2006 soccer world cup with a 3-2 victory over venezuela , grabbing the lead after world champion brazil suffered its first defeat of the campaign . -__label__3 , us stocks gain on kmart-sears merger , stocks closed higher on wall street as investors welcomed the merger of kmart holding corp . and sears . however , climbing oil prices restricted gains . -__label__3 , us airways watch 11/18/04 , us bankruptcy court judge stephen mitchell will hear arguments today asking him to reconsider a four-month , 21 percent pay cut he imposed on many unionized workers last month . -__label__2 , nuggets 112 , raptors 106 , carmelo anthony scored 30 points and kenyon martin added 24 points and 16 rebounds , helping the denver nuggets hold off the toronto raptors 112-106 wednesday night . -__label__1 , india desperate for jobs , infrastructure despite economic boom ( afp ) , afp - despite india ' s economic boom in software and outsourcing services , economists have warned the government needs more reforms to create jobs in manufacturing to cut poverty . -__label__1 , australia , us seal free trade agreement ( afp ) , afp - australia and the united states sealed a free trade agreement to start january 1 , 2005 after clearing last-minute obstacles . -__label__4 , seagate to ship 400 gb hdd , sl seagate technology has announced that it will begin shipping the world #39 s highest capacity pc hard drive to retail stores and resellers . -__label__1 , israeli tank reportedly kills egyptian troops , an israeli tank has opened fire and killed three egyptian troops on the sensitive border between the two countries , mistaking them for palestinian militants on the way to carry out an attack , israeli media says . -__label__1 , pm backs indigenous alcohol ban , curfews and alcohol bans may be necessary in aboriginal communities , prime minister john howard said today , adding that civil liberties were less important than staying alive . -__label__3 , pilgrim baxter founders to pay \$160m , washington -- the two founders of the pilgrim baxter mutual fund family have agreed to pay \$80 million each to settle regulators ' charges of improper trading to benefit themselves and friends at the expense of longer-term shareholders , the authorities said yesterday . -__label__3 , trustees worry on oversight , a month after federal regulators adopted sweeping new rules for mutual fund oversight , fund trustees remain concerned about their ability to serve as watchdogs over fund managers and others who handle investor money , a new survey shows . -__label__4 , running may have defined the body , next time you drive past a jogger on the street , give her a honk and a wave - she #39 s honing the skill that helped define the human body , according to a study by researchers from the university of utah and harvard . -__label__1 , report israeli army mistakenly kills three egyptian soldiers , jerusalem a preliminary israeli army investigation has found that israeli troops apparently killed three egyptian soldiers by mistake , thinking they were palestinian militants along the gaza-egypt border . -__label__2 , raptors fall to nuggets , cbc sports online - after starting the season with three straight wins , the toronto raptors are heading back home with a losing record . -__label__1 , israeli tank kills three egyptian troops , an israeli tank has opened fire and killed three egyptian troops in a border zone near the gaza strip after mistaking them for palestinian arms smugglers , israeli security sources say . -__label__1 , three egyptian policemen killed by israeli tank fire near border ( afp ) , afp - three egyptian policemen were killed overnight by israeli tank fire on the tense border between egypt and the gaza strip when they were mistaken for palestinian arms smugglers , officials said . -__label__1 , putin backs veto for members of expanded security council , russian president vladimir putin yesterday rejected a key recommendation of a united nations panel on expanding the un security council , saying any reform would be one-sided if new members did not have veto power . -__label__3 , optimism raises markets , stocks bounded higher wednesday as investors shrugged off a fresh indicator of rising inflation and welcomed postitive economic reports and the merger of kmart holding corp . -__label__3 , sanpaolo and dexia in merger talks by reuters - november 18 2004 < b> . . . < /b> , italian bank sanpaolo and dexia , the franco-belgian group , confirmed they were in preliminary talks after a report that they were considering a merger to create a major cross-border lender . -__label__3 , aa takes soft option on cost cuts , penny-pinching american airlines is to remove the pillows from half its planes to save \$300 , 000 ( 163 , 000 ) a year . while the cost savings are small beer compared with the \$4bn a year american has slashed -__label__2 , woods on top at rain-soaked dunlop phoenix , miyazaki , japan ( reuters ) - tiger woods fired a superb five-under-par 65 in torrential rain to take a three-stoke lead after the first round of the dunlop phoenix tournament thursday . -__label__3 , enron probe turns focus to 1 . 3 mn stock sale by lay #39 s wife , houston , nov 17 us authorities are probing if linda , wife of ex-enron chairman ken lay , acted improperly when she had their family foundation sell 1 . 3 million enron stocks just days before the energy giant #39 s bankruptcy . -__label__2 , us ends jamaica #39 s cup hopes , eddie johnson scored his fifth goal in three games wednesday and the us national soccer team eliminated jamaica from 2006 world cup contention with a 1-1 tie at columbus , ohio . -__label__3 , us commercial crude oil reserves rise slightly , us commercial crude oil inventories increased 800 , 000 barrels to 292 . 3 million in the week ending nov . 12 , the energy department reported wednesday . -__label__3 , sbc calling on cable , sbc is teaming up with microsoft to provide consumers with a new way to view television -- a move that puts it in direct competition with the cable tv industry . -__label__1 , mbeki calls for arms embargo , rebels vow to fight , president thabo mbeki has urged all countries , including ivory coast #39 s neighbours , to immediately enforce a united nations arms embargo on government and rebel forces in ivory coast . -__label__4 , safety first with latest aol 9 . 0 , america online ( quote , chart ) is bundling existing security features along with new ones for the thursday launch of its aol 9 . 0 software client , security edition . -__label__2 , honda linked with bar takeover , bar #39 s engine partner honda is believed to be interested in purchasing the brackley team and a deal could be done within the next 12 months . -__label__3 , peoplesoft investors urged to tender shares , new york ( reuters ) - oracle corp . on thursday said in a letter to peoplesoft inc . stockholders that it would withdraw its hostile takeover bid if less than half of peoplesoft shares were tendered by the offer ' s deadline . -__label__3 , russia #39 s putin defends reforms , worries about clans , russian president vladimir putin said on thursday he had no plans to grab more power or change the constitution when reforming russia #39 s government structure . -__label__2 , honda aiming for bar buyout ? , motorsport . com . reports this week suggest that honda is aiming to either buy bar or become co-owner of the team by purchasing a shareholding . -__label__4 , google unveils scholar search tool , jacksonville , fl -- the online search engine leader google has unveiled a new tool for scholarly research . the new service is aimed at making better sense of all the scholarly work stored on the web and it -__label__4 , dna lab that handles high-profile cases fires analyst , germantown , md . a maryland-based private lab that analyzes criminal-case dna evidence has fired an analyst for allegedly falsifying test data . -__label__3 , oil steady as winter worries stem decline , london ( reuters ) - oil prices were steady on thursday as concern over lean heating fuel supplies in the united states and europe ahead of winter stemmed falls of nearly \$10 since late october . -__label__4 , on google ' s horizon . . . microsoft ( washingtonpost . com ) , washingtonpost . com - careful followers of search-engine giant google surely took note this morning of reports that the company is reiterating an earlier warning that its future growth could fall below expectations . as the bbc news reported , the company has warned that fiercer competition is set to hit sales growth . the firm , which had a successful share flotation earlier this year , said its rate of growth from the second quarter to the third may not be sustainable . -__label__1 , fini named italy foreign minister , the leader of italy ' s right-wing national alliance , gianfranco fini , is appointed foreign minister . -__label__3 , update 2 google says revenue growth is slowing , shares of google inc . slipped in pre-market trading thursday after the world #39 s most popular internet search engine warned for the second time in a week that its fourth-quarter revenue growth rate is likely to slow from previous quarters . -__label__4 , seagate claims storage record , seagate claims to have broken the record for the most storage on a single disc platter , managing to store 133gb per disc in its newly released 400gb hard drive . -__label__3 , broker downgrades sink medtronic , chicago ( reuters ) - shares of medtronic inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mdt . n target=/stocks/quickinfo/fullquote> mdt . n< /a> on thursday sank 7 percent to their lowest level in more than three months after the medical device maker posted weaker-than-expected growth in one of its key business units , sparking at least three broker downgrades . -__label__4 , gauging reactions to msn search , last thursday , msn announced the official beta launch of their search engine . although a preview had been available on their sandbox site , the launch marked the official unveiling of the company #39 s proprietary search technology to the general public . -__label__4 , new google scholar search service aimed at academics , google inc . on thursday formally launched a new search service aimed at scientists and academic researchers . google scholar is a free beta service that allows users to search for scholarly literature -__label__4 , bill gates gets 4 million e-mails a day , bill gates might not use aol , but he ' s definitely got mail . the microsoft corp . chairman receives millions of internet messages a day , said steve ballmer , the company ' s chief executive . bill literally receives 4 million pieces of e-mail per day , most of it spam , ballmer said thursday . -__label__2 , report spurrier will take s . carolina job ( ap ) , ap - steve spurrier has agreed to take over as football coach at south carolina if lou holtz retires at the end of the season , the tennessean of nashville reported in thursday ' s editions . -__label__4 , aol beefs up its homeland security , aol has added a range of features to ward off computer viruses , intrusive spyware programs and spam to a special edition of its internet access package , aol 9 . 0 security edition . -__label__3 , congress told fda failed public on vioxx , washington ( reuters ) - the u . s . food and drug administration failed the public in its oversight of merck co inc . ' s painkiller vioxx , which has been withdrawn , and is incapable of protecting america from another dangerous drug , an agency researcher told congress on thursday . -__label__3 , sbc and yahoo ! extend pact to offer internet service , san antonio sbc communications and yahoo are expanding their high-speed internet service partnership to link video , wireless phone , internet and other services . -__label__3 , stocks in motion claire #39 s , shares of claire #39 s stores ( cle nyse - news - research ) were among the nyse #39 s losers thursday , falling 15 after the company posted third-quarter results that missed analysts #39 expectations and warning about the fourth quarter . -__label__3 , leading indicators down for 5th month ( reuters ) , reuters - a key forecasting gauge of future\u . s . economic activity fell for a fifth straight month in\october , a private research firm said on thursday . -__label__3 , kiwi hits eight-year high against struggling greenback , the new zealand dollar has hit its highest level this year , propelled by a dramatic dip in the us dollar . as the greenback slumped against most global currencies , the kiwi rose to 71 . 02usc , its highest level for eight years . -__label__4 , google unveils service for academics , google has launched google scholar , a search service aimed specifically at the academic community . the search tool will help scientists and academic researchers locate papers , theses and -__label__3 , blue chips rise , altria higher on upgrade , new york ( reuters ) - u . s . blue chips rose on thursday , led by altria group inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mo . n target=/stocks/quickinfo/fullquote> mo . n< /a> and other tobacco stocks , after a federal appeals court expressed skepticism about whether the government could force cigarette makers in a lawsuit to pay billions of dollars . -__label__3 , suspect animal tested for mad cow disease , washington ( reuters ) - government scientists are chasing a possible new case of mad cow disease in the united states , with final results on a suspicious slaughtered animal expected in coming days , officials said on thursday . -__label__2 , london to unveil 2012 bid plans , london #39 s bid team will reveal their final plans for hosting the 2012 olympic games when they unveil full details of the bid document on friday . -__label__4 , google shows it #39 s only human , shares of google slipped after the search engine warned , for the second time in a week , that its fourth-quarter revenue growth rate is likely to slow from previous quarters . -__label__4 , apple confirms more uk retail stores coming additional locations < b> . . . < /b> , apple computer confirmed thursday it plans to open two additional apple retail stores in the united kingdom in 2005 - one in birmingham , northwest -__label__1 , israel apologizes for killing egyptian officers , the israeli prime minister , ariel sharon , apologized to egypt today after an israeli army tank crew fired on an egyptian patrol near the border with gaza , killing three egyptian police officers . -__label__2 , fifa to investigate racism in madrid , zurich , switzerland ( sports network ) - fifa will launch an investigation into the racist chants spanish fans aimed at black english players during wednesday #39 s friendly at the bernabeu in madrid . -__label__4 , cambridge soundworks gives digital music a spin , home theater company to help users digitally convert audio cds and store songs on a dvd or player . -__label__4 , epiphany looks to beef up call center , crm software maker epiphany inc . this week is rolling out new analytical software , including two new products and vertical-specific bundles aimed at the communications and retail finance industries . -__label__4 , mpaa sues first movie swappers , industry group will offer a free program to help users find and eliminate illegal files . -__label__3 , stern blasts fcc at satellite promotion , #39 down with the fcc ! #39 howard stern says at new york rally to promote switch to satellite radio . radio host howard stern , below center , waits as thousands of his fans line up to receive a free sirius radio from him in union square in new york thursday , nov . -__label__4 , mpaa seeks research , p2p cop role on internet2 , the motion picture association of america is in talks with the internet2 research consortium , hoping both to test next-generation video delivery projects and to monitor peer-to-peer piracy on the ultrahigh-speed network . -__label__2 , spain reflects on football racism row , the racist chanting by spanish fans at wednesday night #39 s friendly international in madrid has left the government here red-faced and fearing a black-mark against the city #39 s bid to host the 2012 olympic games . -__label__2 , mears wins busch pole , casey mears set a track qualifying record and won his third nascar busch series pole of the season thursday at homestead-miami speedway . -__label__1 , prince charles chastised for quot old fashioned quot views , a minister has launched a scathing attack on heir to the throne prince charles , accusing him of being quot very old fashioned quot and out of touch in his views on teaching in schools . -__label__3 , argentina views china as market economy , argentina recognized china as a market economy on thursday , granting the asian country a status it has been seeking worldwide to keep countries from imposing penalties on the dumping of chinese exports . -__label__3 , us may have new case of mad cow disease , washington ( reuters ) - a final test is likely to confirm a second u . s . case of mad cow disease , experts said on thursday , though they see a small possibility the animal , which tested inconclusive in two preliminary tests , could be given a clean bill of health . -__label__1 , police chief backs using force against intruders , britains top police officer today called for an urgent updating of the law to protect householders who use force to defend their homes against criminals - even if it involves killing the intruder . -__label__1 , bereft indian pilots leaving andamans are saluted by air force ( afp ) , afp - the indian air force saluted pilots who rescued hundreds on the remote nicobar islands despite losing family and colleagues when their base was destroyed by last week ' s deadly tsunami . -__label__1 , meps approve revamped commission , ending three weeks of stalemate , european lawmakers have approved a new executive commission for the european union . european mps had refused to accept a new team of commissioners proposed by commission president jose manuel barroso . -__label__1 , e . guinea coup suspects say they were tortured , equatorial guinea has told a court he and his comrades had been chained like animals and tortured into confessing . and hand-cuffs to plead their innocence on thursday . -__label__1 , palestinians to host western diplomats , sponsors of an internationally backed mideast peace plan will send their foreign ministers to the region next week in hopes of restarting israeli-palestinian talks in the wake of yasser arafat #39 s death . -__label__3 , nike co-founder knight steps down as ceo ( reuters ) , reuters - nike inc . co-founder\philip knight , who helped transform a small-start up business\into the world ' s biggest athletic shoe company , will step down\as chief executive officer , the company said on thursday . -__label__3 , nike ceo philip knight resigned , the co-founder of nike inc . philip knight has resigned from his position as chief executive officer , the company said on thursday . -__label__3 , is mad cow disease back ? , reuters is reporting that the us department of agriculture ( usda ) has a possible second case of mad cow disease in the united states . -__label__2 , expos skipper robinson oks one-year deal ( ap ) , ap - frank robinson has agreed to a one-year contract to return as manager of the expos , although whether he actually manages the team next year will hinge on the pace of the team ' s sale and the whim of the new owners . -__label__3 , disney profit up , tv outshines studio , los angeles ( reuters ) - walt disney co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dis . n target=/stocks/quickinfo/fullquote> dis . n< /a> posted a 24 percent rise in profit on thursday as advertising gains at espn and abc television networks more than made up for a sharp slowdown at disney ' s movie studio . -__label__3 , fda stifled dangerous vioxx results - expert , washington - an expert with the united states food and drug administration ( fda ) has said on thursday he was pressured by his agency to stifle study results showing the potential dangers of the anti-inflammatory drug vioxx . -__label__4 , ibm says swamps rivals in key unix computer test , ibm ( ibm . n quote , profile , research ) said on thursday its workhorse commercial computers have smashed the industry #39 s most demanding tests , which analysts said creates -__label__2 , spain hunts for fans who racially abused england players , the spanish government responded to diplomatic pressure from britain yesterday by starting a search for fans who racially abused england players during a quot friendly quot football match with spain . -__label__2 , disgraced greek sprint pair charged , kostas kederis and ekaterini thanou , the sprinters who brought shame on greece on the eve of the olympics , are facing the end of their careers after being charged with missing a drug test and faking a motorcycle accident . -__label__1 , a bit of wall st . on the tigris , the 150 brokers and traders on the iraq stock exchange are not waiting for the war to end , buying and selling orders a few hundred yards away from the fighting . -__label__4 , air force to launch enterprise microsoft initiative , the u . s . air force tomorrow plans to announce an enterprisewide microsoft software initiative that some analysts see as a prime example of how users can leverage their spending power to force vendors to deliver more secure products . -__label__2 , are the spanish really racist ? , for once , it was the english fans who could claim the moral high ground . the spanish football federation now faces an official inquiry after several black players in wednesday night #39 s england squad were subjected -__label__1 , powell accuses iran of trying to develop nuclear missiles , the bush administration yesterday accused iran of attempting to develop missiles with nuclear warheads - a charge that could derail the european arms-control agreement struck earlier this week . -__label__4 , objectweb adds portal content management middleware , using open-source modules instead of commercial alternatives -- even standards-based ones -- could save businesses money . -__label__4 , mccain again opposes the president , global warming needs more attention , according to john mccain , and president bush needs to lead the way . i listened to some of the hearings on this subject this week , and i must say the people testifying are -__label__3 , nike founder steps down , nike boss phil knight last night announced his decision to step down as chief executive of the footwear company he helped found 42 years ago . -__label__1 , bush confronts new challenge on issue of iran , while assembling a new national security team , president bush is confronting what could become the biggest challenge of his second term how to contain iran #39 s -__label__3 , kmart and sears announce merger , kmart holding corp and sears , roebuck and co said wednesday that they are merging to form a new retail company called sears holdings corp that will be the us #39 third-largest retailer with about us\$55 billion in annual revenues . -__label__3 , aussies battle eu over cheese , champagne , ap - the united states and australia have prevailed in an interim ruling by world trade organisation ( wto ) in a dispute over the protection given by the european union to its regional goods such as champagne wine and feta cheese , trade officials said . -__label__4 , a fair tax , some say a fair tax that removes the need to file tax returns from the vast majority of the citizenry is a national sales tax . this doesn ' t seem to be very fair to people trying to feed , house and clothe themselves and seems to subsidize large land holders ( bush ' s favorite constituency ) . there is a tax that lives up to the promises broken by bush ' s proposal for a national sales tax . -__label__3 , american fare cuts presage price war , american airlines slashed its fares to miami yesterday by as much as 85 percent from several cities including washington ' s reagan national airport , possibly setting off a winter fare war on routes to florida . -__label__3 , eisner continues defense of hiring , firing , georgetown , del . , nov . 18 -- when walt disney co . chief executive michael d . eisner and disney president michael s . ovitz appeared on larry king live on sept . 30 , 1996 , their corporate partnership was dissolving into an acrimonious disaster . -__label__4 , running was a key human characteristic , by lee bowman . the ability to run long distances across the african savannah gave human ancestors an evolutionary advantage over other primates that walked upright , but could not run the mile or 20 , researchers argue in a new study . -__label__3 , nike co-founder stepping down , president effective december 28 after more than a year-long search . knight , 66 , who also will give up his title of president , . chairman , quot knight said in a statement on thursday . -__label__2 , hokies making statement about acc title intentions , the annual summer barbecues that ralph friedgen and frank beamer co-host at their lake homes in georgia may be a little less cordial after the way beamer #39 s virginia tech hokies waxed friedgen #39 s maryland terrapins 55-6 last night . -__label__3 , eichel wants strong euro on g20 agenda , german finance minister eichel called for the euro #39 s quot brutal quot rise versus the dollar to be put on the agenda of the summit of g20 countries in berlin this weekend amid concerns the greenback #39 s slide could hit eu growth . -__label__1 , 3 egyptian soldiers killed in israeli error , jerusalem -- israeli troops mistook three egyptian police officers for palestinian militants and shot them dead yesterday along the gaza strip ' s border with egypt , increasing tensions between the neighbors . -__label__2 , roddick breaks down safin , top-seeded roger federer overcame a second-set lapse and remained unbeaten in the atp masters cup championships with a victory last night over carlos moya . -__label__2 , spurs 88 , 76ers 80 , the philadelphia 76ers got a firsthand demonstration of why tim duncan might be the toughest player in the nba to defend . duncan scored a season-high 34 points and grabbed 13 rebounds to lead the spurs to -__label__4 , microsoft warns asian governments of potential linux lawsuits , singapore microsoft #39 s chief executive steve ballmer warned asian governments on thursday that they could face patent lawsuits for using the linux operating system instead of windows . -__label__3 , auto suppliers feel squeeze , detroit -- new car and truck sales rose more than two per cent during the first 10 months of 2004 , but many of the companies that supply parts to the big automakers have little to celebrate -- their profits are shrinking as raw materials costs rise and -__label__4 , lab used by lapd falsified dna data , and possibly dozens -- of pending criminal cases to determine whether critical evidence was tainted or falsified during -__label__4 , dream tv screen , now in size large , the most desired electronic gift item for this holiday season is a plasma tv . you might , however , want to consider something that wasn ' t even in the running l . c . d . -__label__4 , peoplesoft chief threatens to sue over oracle statements , peoplesoft ' s chief executive accused oracle of spreading misleading information about his stock sales and threatened to sue for defamation . -__label__3 , first howard , now mel karmazin joins sirius as ceo , hours after his close associate howard stern addressed a teeming crowd about the benefits of sirius satellite radio , former viacom chief operating officer and president mel karmazin announced that he has signed onto the fledgling company as ceo . -__label__3 , yahoo and sbc extend partnership and plan new services , yahoo and sbc communications have agreed to collaborate to extend some of the online services and content they currently provide to pc users to mobile phones and home entertainment devices . -__label__4 , so you think you get a lot of e-mail , singapore -- if you didnt think anybody else could possibly get any more spam than you , then think of bill gates . the microsoft corp . -__label__4 , oracle gets with the patch programme , the company said thursday that it will release security bulletins and accompanying patches for its products on 18 january , 12 april , 12 july and 18 october . -__label__2 , oram shuns cairns comparisons , brisbane - new zealand batting hero jacob oram shunned comparisons with one of his country #39 s great all-rounders chris cairns after he bludgeoned the kiwis into contention against australia here on friday . -__label__4 , bearingpoint cfo out error found , mclean technology consulting company bearingpoint inc . said yesterday that its chief financial officer , robert s . falcone , would retire on nov . 30 . -__label__1 , football brazil legend ' s uk debut , brazil football great socrates is set to make his debut for non-league garforth town on saturday . -__label__2 , this week #39 s golf tournaments , last year meg mallon won the season-ending tournament for her lone 2003 title , beating annika sorenstam by a stroke . last week heather daly-donofrio won the tournament of champions in mobile , ala . -__label__3 , oracle tender results out saturday , company will report preliminary count of its \$8 . 8b hostile bid for peoplesoft after 1 am et . new york ( reuters ) - oracle corp . said it would report preliminary results of its \$8 . 8 billion hostile tender offer -__label__2 , spain condemns racial abuse , defends reputation , madrid ( reuters ) - the madrid council has condemned the racist behavior of fans that marred wednesday ' s friendly between spain and england and said that the events should not be allowed to harm the city ' s bid to host the 2012 olympics . -__label__1 , football spanish fa apologises , the spanish fa apologises to its english counterparts following racist chanting . -__label__4 , thestreet . com may be up for sale -- report ( reuters ) , reuters - thestreet . com inc . , the\financial news and commentary web site , may be up for sale , \according to a report in business week , sparking a 7 percent\rise in its shares . -__label__4 , a pc in the toaster ? how mod ! , photos there ' s also room in the humidor and the darth vader helmet . take a gander at some strange and wonderful creations . -__label__3 , auction for yukos core set for dec . 19 , a planned sale of russian energy giant yukos #39 main asset has become clouded by confusion over the price , the participants and the legality of the sale . -__label__4 , google launches new search tool for academics , google has rolled out a new search tool called , google scholar . google scholar enables you to search specifically for scholarly literature , including peer-reviewed papers , theses , books , preprints , abstracts -__label__1 , a conspiracy theory in the aftermath of arafats passing , ah jaffor ullah . yasser arafat , the acknowledged leader of palestinian people , lived amidst controversy all through his life . the cause of his death has now become a source of controversy amongst the departed leaders people all over middle east . -__label__1 , vladimir putin claims of authoritarian drift quot total nonsense quot , president vladimir putin rejected concern that he is beating a path toward authoritarianism , calling such criticism quot total nonsense quot in an interview published friday and saying russia needs time to build democracy after centuries of heavy -__label__3 , lazarus-like virus hits computers , a new computer virus is catching people out by coming back from the dead . -__label__3 , sirius satellite radio quot outperform , quot target price raised , new york , november 19 ( newratings . com ) - analysts at stifel nicolaus amp company reiterate their quot outperform quot rating on sirius satellite radio ( siri . -__label__2 , game notes the 24th-ranked memphis tigers and the fifth-ranked < b> . . . < /b> , orange are set to square off in the title game of the coaches vs . cancer . classic . the orange posted an impressive 71-58 victory over 12th-ranked . -__label__3 , emi profits fall but online music market improving , london emi , the world #39 s third-largest music group , reported a drop in first-half profits on friday but said the beleaguered industry was rebounding as online music sales start to take off . -__label__3 , greenspan issues new warning over us current account deficit ( afp ) , afp - us federal reserve chairman alan greenspan said the united states ' huge current account deficit cannot be indefinitely financed by foreign countries and investors . -__label__3 , california employee pension fund tenders peoplesoft shares to < b> . . . < /b> , november 19 , 2004 ( idg news service ) - the california employees #39 retirement system ( calpers ) is tendering its 1 . 5 million peoplesoft inc . -__label__2 , prem preview everton v fulham , a favourite with the crowd during his time at goodison park , many fans will not forget radzinskis comments prior to his 1 . 75 m move to the londoners during the summer . -__label__1 , pakistan arrests key al-qaeda operative ( afp ) , afp - pakistani security forces have arrested a key al-qaeda operative wanted in connection with attacks on christian targets and a failed bid to kill president pervez musharraf , an official said . -__label__1 , bush signs into law debt ceiling increase , < p> < /p> < p> washington ( reuters ) - president bush on friday signed intolaw a measure authorizing an \$800 billion increase in thecredit limit of the united states , the white house said . < /p> -__label__3 , dollar plunges on greenspan comments , new york ( reuters ) - the dollar sank across the board , dropping to multiyear lows against the yen and the euro on friday , after federal reserve chairman alan greenspan said demand for u . s . assets could ease at some point given the size of the current account deficit . -__label__4 , tacoma weathers erp and crm ' perfect storm ' , problems with a \$50 million-plus rollout of sap ' s erp , crm and other business apps in the city of tacoma , wash . , have generated a storm of end-user complaints , bad press and a call for an independent audit of the situation . -__label__2 , it takes 6 gators to match bowden , there is no shortage of ways to measure bobby bowden #39 s stellar career as florida state #39 s football coach . there are the 277 of his division ia leading 350 wins here , which is -__label__4 , hotmail fights fraud and gmail with new domains , to kick off the availability of the new domain names , microsoft will conduct a charity auction of what it believes will be the most sought after uk addresses . -__label__3 , fcc says allowing cable tv subscribers to choose their channels < b> . . . < /b> , federal regulators rejected on friday the idea that allowing cable tv subscribers to pay only for channels they want would lower high cable bills . -__label__1 , un deadlock defeats cloning ban , the united nations has shelved efforts to draft a treaty banning the cloning of human embryos in a setback for the bush administration . -__label__4 , congress sends ' net access ban to white house , the u . s . congress on friday reinstated a ban on internet access taxes after the house of representatives agreed to extend it for another three years rather than make it permanent . -__label__3 , gleaning insights from berkshire , other than comcast and servicemaster additions , it ' s been a quiet quarter of trading for this portfolio . -__label__3 , big dig tunnel is riddled with leaks , in a burgeoning political and engineering scandal , boston #39 s gleaming new underground interstate 93 highway is riddled with hundreds of leaks . -__label__2 , holyfield #39 s effort to unify heavyweight title running out of time , evander holyfield just doesn #39 t get it . he #39 s beyond old for a fighter and seemingly hasn #39 t been able to punch his way out of a paper bag in years . -__label__1 , north korea-watchers ponder significance of kim #39 s changed status , seoul - watchers of the reclusive north korean regime are buzzing about reports that might indicate a change in the cult of personality surrounding kim jong il . -__label__1 , kidnap fears for lost tsunami boy , police in tsunami-hit thailand search for a swedish boy feared kidnapped by child sex traffickers . -__label__2 , busch wins pole for season-ending race , pressure ? what pressure ? kurt busch , last in the qualifying line and first in the nascar nextel cup points , waited out 54 other drivers friday and then won the pole for the season-ending ford 400 , which will determine the 2004 champion . -__label__3 , investors expect peoplesoft shareholders to back oracle bid , redwood shores , calif . investors continue to bet today that most peoplesoft shareholders will back oracle #39 s nine-point-two ( b ) billion-dollar takeover bid for its bitter rival . -__label__1 , van gogh #39 s murder brings out holland #39 s contradictions , the murder of dutch filmmaker theo van gogh by a young muslim of moroccan descent has shaken holland to its very foundations . to most people , including the dutch , the killing and its violent -__label__3 , icahn takes the high river , new york - why has carl icahn set his sights on the relatively insignificant mylan laboratories , a generic drug company with just \$1 . 5 billion in sales and a \$4 . 3 billion market cap ? -__label__4 , images nintendo grows up--a little , the nintendo ds includes a touch-sensitive screen and is geared for an older crowd . -__label__4 , barrett good business models vary widely , bangalore , india - peer-to-peer ( p2p ) sharing would never have gathered momentum if the music industry had adopted models for distribution over the internet , said intel corp . chief executive officer craig barrett , addressing it executives in india friday . -__label__2 , pepperdine 80 , fairleigh dickinson 79 , glen mcgowan had 22 points and little-used reserve chase griffin came off the bench to make two clutch free throws to help pepperdine hold off fairleigh dickinson 80-79 friday for fifth place in the bca invitational . -__label__2 , nebraska player charged with assault , an arrest warrant was issued friday , nov . 19 , 2004 , for nebraska offensive lineman darren delone , shown in this undated handout photo . +__label__1 , fox to push bush on migration at apec , mexico president vicente fox said wednesday he will meet with us president george w . bush in chile during the economic summit of pacific rim nations . +__label__2 , no . 10 ohio st . tops no . 24 arizona 78-45 ( ap ) , ap - caity matter exploited arizona ' s defense by hitting four 3-pointers and scored 20 points to lead no . 10 ohio state to a 78-45 victory in the semifinals of the women ' s nit on wednesday night . +__label__2 , pacers triumph in harrington #39 s return , harrington scored a season-high 30 points in a superlative performance against his former team , but the indiana pacers still escaped conseco fieldhouse with a 93-83 victory over atlanta . +__label__4 , fire pit dated to be over 50 , 000 years old ( ap ) , ap - in the growing debate about when people first appeared on this continent , a leading archaeologist said wednesday he has discovered what could be sooty evidence of human occupation in north america tens of thousands of years earlier than is commonly believed . +__label__3 , dollar in sight of all-time low vs euro ( reuters ) , reuters - the dollar was in striking distance of\record lows against the euro and 7- month lows versus the\yen on thursday , as traders concluded that nations at an\upcoming g20 meeting would tolerate a weaker dollar . +__label__2 , us mnt streaking into final round , the us mens national team will look to extend their record unbeaten streak to 13 matches when the take on jamaica at columbus crew stadium in its final match of semifinal-round qualifying for the 2006 fifa world cup . +__label__3 , a pair of dethroned kings , in the early 1980s , sears and kmart were american retail giants , with gobs of money , huge portfolios of real estate and loyal customer bases that should have made them fast-growing fulfillers of americans #39 insatiable demand for more stuff . +__label__1 , india #39 s offer for peace talks on kashmir is sweetened with aid , india #39 s prime minister , manmohan singh , came to kashmir on wednesday offering unconditional talks with anyone willing to renounce violence and a \$5 . 3 billion economic +__label__1 , nursery rhymes more violent than tv ( reuters ) , reuters - children ' s nursery rhymes contain 10 times more violence than television shows broadcast before the\9 p . m . watershed after which more adult content can be shown , research has said . +__label__1 , kashmiris reject indian pm #39 s offer , muzaffarabad , nov 17 a multi-party alliance fighting indian rule in kashmir rejected on wednesday the economic package offered by indian prime minister dr manmohan singh during +__label__2 , new york unveils last , best bid to gain the olympics in 2012 , leaders of the nyc2012 committee highlighted new york ' s advantages in multiculturalism , money and media power . +__label__2 , olympic 2012 madrid unveils bid dossier , madrid , one of five cities bidding to host the 2012 olympics and paralympics , unveiled its dossier on wednesday ( 17 november ) , just two days after submitting it to the international olympic committee ( ioc ) . +__label__2 , argentina heads world cup qualifying group after brazil loses , argentina moved atop south america #39 s qualifying group for the 2006 soccer world cup with a 3-2 victory over venezuela , grabbing the lead after world champion brazil suffered its first defeat of the campaign . +__label__3 , us stocks gain on kmart-sears merger , stocks closed higher on wall street as investors welcomed the merger of kmart holding corp . and sears . however , climbing oil prices restricted gains . +__label__3 , us airways watch 11/18/04 , us bankruptcy court judge stephen mitchell will hear arguments today asking him to reconsider a four-month , 21 percent pay cut he imposed on many unionized workers last month . +__label__2 , nuggets 112 , raptors 106 , carmelo anthony scored 30 points and kenyon martin added 24 points and 16 rebounds , helping the denver nuggets hold off the toronto raptors 112-106 wednesday night . +__label__1 , india desperate for jobs , infrastructure despite economic boom ( afp ) , afp - despite india ' s economic boom in software and outsourcing services , economists have warned the government needs more reforms to create jobs in manufacturing to cut poverty . +__label__1 , australia , us seal free trade agreement ( afp ) , afp - australia and the united states sealed a free trade agreement to start january 1 , 2005 after clearing last-minute obstacles . +__label__4 , seagate to ship 400 gb hdd , sl seagate technology has announced that it will begin shipping the world #39 s highest capacity pc hard drive to retail stores and resellers . +__label__1 , israeli tank reportedly kills egyptian troops , an israeli tank has opened fire and killed three egyptian troops on the sensitive border between the two countries , mistaking them for palestinian militants on the way to carry out an attack , israeli media says . +__label__1 , pm backs indigenous alcohol ban , curfews and alcohol bans may be necessary in aboriginal communities , prime minister john howard said today , adding that civil liberties were less important than staying alive . +__label__3 , pilgrim baxter founders to pay \$160m , washington -- the two founders of the pilgrim baxter mutual fund family have agreed to pay \$80 million each to settle regulators ' charges of improper trading to benefit themselves and friends at the expense of longer-term shareholders , the authorities said yesterday . +__label__3 , trustees worry on oversight , a month after federal regulators adopted sweeping new rules for mutual fund oversight , fund trustees remain concerned about their ability to serve as watchdogs over fund managers and others who handle investor money , a new survey shows . +__label__4 , running may have defined the body , next time you drive past a jogger on the street , give her a honk and a wave - she #39 s honing the skill that helped define the human body , according to a study by researchers from the university of utah and harvard . +__label__1 , report israeli army mistakenly kills three egyptian soldiers , jerusalem a preliminary israeli army investigation has found that israeli troops apparently killed three egyptian soldiers by mistake , thinking they were palestinian militants along the gaza-egypt border . +__label__2 , raptors fall to nuggets , cbc sports online - after starting the season with three straight wins , the toronto raptors are heading back home with a losing record . +__label__1 , israeli tank kills three egyptian troops , an israeli tank has opened fire and killed three egyptian troops in a border zone near the gaza strip after mistaking them for palestinian arms smugglers , israeli security sources say . +__label__1 , three egyptian policemen killed by israeli tank fire near border ( afp ) , afp - three egyptian policemen were killed overnight by israeli tank fire on the tense border between egypt and the gaza strip when they were mistaken for palestinian arms smugglers , officials said . +__label__1 , putin backs veto for members of expanded security council , russian president vladimir putin yesterday rejected a key recommendation of a united nations panel on expanding the un security council , saying any reform would be one-sided if new members did not have veto power . +__label__3 , optimism raises markets , stocks bounded higher wednesday as investors shrugged off a fresh indicator of rising inflation and welcomed postitive economic reports and the merger of kmart holding corp . +__label__3 , sanpaolo and dexia in merger talks by reuters - november 18 2004 < b> . . . < /b> , italian bank sanpaolo and dexia , the franco-belgian group , confirmed they were in preliminary talks after a report that they were considering a merger to create a major cross-border lender . +__label__3 , aa takes soft option on cost cuts , penny-pinching american airlines is to remove the pillows from half its planes to save \$300 , 000 ( 163 , 000 ) a year . while the cost savings are small beer compared with the \$4bn a year american has slashed +__label__2 , woods on top at rain-soaked dunlop phoenix , miyazaki , japan ( reuters ) - tiger woods fired a superb five-under-par 65 in torrential rain to take a three-stoke lead after the first round of the dunlop phoenix tournament thursday . +__label__3 , enron probe turns focus to 1 . 3 mn stock sale by lay #39 s wife , houston , nov 17 us authorities are probing if linda , wife of ex-enron chairman ken lay , acted improperly when she had their family foundation sell 1 . 3 million enron stocks just days before the energy giant #39 s bankruptcy . +__label__2 , us ends jamaica #39 s cup hopes , eddie johnson scored his fifth goal in three games wednesday and the us national soccer team eliminated jamaica from 2006 world cup contention with a 1-1 tie at columbus , ohio . +__label__3 , us commercial crude oil reserves rise slightly , us commercial crude oil inventories increased 800 , 000 barrels to 292 . 3 million in the week ending nov . 12 , the energy department reported wednesday . +__label__3 , sbc calling on cable , sbc is teaming up with microsoft to provide consumers with a new way to view television -- a move that puts it in direct competition with the cable tv industry . +__label__1 , mbeki calls for arms embargo , rebels vow to fight , president thabo mbeki has urged all countries , including ivory coast #39 s neighbours , to immediately enforce a united nations arms embargo on government and rebel forces in ivory coast . +__label__4 , safety first with latest aol 9 . 0 , america online ( quote , chart ) is bundling existing security features along with new ones for the thursday launch of its aol 9 . 0 software client , security edition . +__label__2 , honda linked with bar takeover , bar #39 s engine partner honda is believed to be interested in purchasing the brackley team and a deal could be done within the next 12 months . +__label__3 , peoplesoft investors urged to tender shares , new york ( reuters ) - oracle corp . on thursday said in a letter to peoplesoft inc . stockholders that it would withdraw its hostile takeover bid if less than half of peoplesoft shares were tendered by the offer ' s deadline . +__label__3 , russia #39 s putin defends reforms , worries about clans , russian president vladimir putin said on thursday he had no plans to grab more power or change the constitution when reforming russia #39 s government structure . +__label__2 , honda aiming for bar buyout ? , motorsport . com . reports this week suggest that honda is aiming to either buy bar or become co-owner of the team by purchasing a shareholding . +__label__4 , google unveils scholar search tool , jacksonville , fl -- the online search engine leader google has unveiled a new tool for scholarly research . the new service is aimed at making better sense of all the scholarly work stored on the web and it +__label__4 , dna lab that handles high-profile cases fires analyst , germantown , md . a maryland-based private lab that analyzes criminal-case dna evidence has fired an analyst for allegedly falsifying test data . +__label__3 , oil steady as winter worries stem decline , london ( reuters ) - oil prices were steady on thursday as concern over lean heating fuel supplies in the united states and europe ahead of winter stemmed falls of nearly \$10 since late october . +__label__4 , on google ' s horizon . . . microsoft ( washingtonpost . com ) , washingtonpost . com - careful followers of search-engine giant google surely took note this morning of reports that the company is reiterating an earlier warning that its future growth could fall below expectations . as the bbc news reported , the company has warned that fiercer competition is set to hit sales growth . the firm , which had a successful share flotation earlier this year , said its rate of growth from the second quarter to the third may not be sustainable . +__label__1 , fini named italy foreign minister , the leader of italy ' s right-wing national alliance , gianfranco fini , is appointed foreign minister . +__label__3 , update 2 google says revenue growth is slowing , shares of google inc . slipped in pre-market trading thursday after the world #39 s most popular internet search engine warned for the second time in a week that its fourth-quarter revenue growth rate is likely to slow from previous quarters . +__label__4 , seagate claims storage record , seagate claims to have broken the record for the most storage on a single disc platter , managing to store 133gb per disc in its newly released 400gb hard drive . +__label__3 , broker downgrades sink medtronic , chicago ( reuters ) - shares of medtronic inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mdt . n target=/stocks/quickinfo/fullquote> mdt . n< /a> on thursday sank 7 percent to their lowest level in more than three months after the medical device maker posted weaker-than-expected growth in one of its key business units , sparking at least three broker downgrades . +__label__4 , gauging reactions to msn search , last thursday , msn announced the official beta launch of their search engine . although a preview had been available on their sandbox site , the launch marked the official unveiling of the company #39 s proprietary search technology to the general public . +__label__4 , new google scholar search service aimed at academics , google inc . on thursday formally launched a new search service aimed at scientists and academic researchers . google scholar is a free beta service that allows users to search for scholarly literature +__label__4 , bill gates gets 4 million e-mails a day , bill gates might not use aol , but he ' s definitely got mail . the microsoft corp . chairman receives millions of internet messages a day , said steve ballmer , the company ' s chief executive . bill literally receives 4 million pieces of e-mail per day , most of it spam , ballmer said thursday . +__label__2 , report spurrier will take s . carolina job ( ap ) , ap - steve spurrier has agreed to take over as football coach at south carolina if lou holtz retires at the end of the season , the tennessean of nashville reported in thursday ' s editions . +__label__4 , aol beefs up its homeland security , aol has added a range of features to ward off computer viruses , intrusive spyware programs and spam to a special edition of its internet access package , aol 9 . 0 security edition . +__label__3 , congress told fda failed public on vioxx , washington ( reuters ) - the u . s . food and drug administration failed the public in its oversight of merck co inc . ' s painkiller vioxx , which has been withdrawn , and is incapable of protecting america from another dangerous drug , an agency researcher told congress on thursday . +__label__3 , sbc and yahoo ! extend pact to offer internet service , san antonio sbc communications and yahoo are expanding their high-speed internet service partnership to link video , wireless phone , internet and other services . +__label__3 , stocks in motion claire #39 s , shares of claire #39 s stores ( cle nyse - news - research ) were among the nyse #39 s losers thursday , falling 15 after the company posted third-quarter results that missed analysts #39 expectations and warning about the fourth quarter . +__label__3 , leading indicators down for 5th month ( reuters ) , reuters - a key forecasting gauge of future\u . s . economic activity fell for a fifth straight month in\october , a private research firm said on thursday . +__label__3 , kiwi hits eight-year high against struggling greenback , the new zealand dollar has hit its highest level this year , propelled by a dramatic dip in the us dollar . as the greenback slumped against most global currencies , the kiwi rose to 71 . 02usc , its highest level for eight years . +__label__4 , google unveils service for academics , google has launched google scholar , a search service aimed specifically at the academic community . the search tool will help scientists and academic researchers locate papers , theses and +__label__3 , blue chips rise , altria higher on upgrade , new york ( reuters ) - u . s . blue chips rose on thursday , led by altria group inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=mo . n target=/stocks/quickinfo/fullquote> mo . n< /a> and other tobacco stocks , after a federal appeals court expressed skepticism about whether the government could force cigarette makers in a lawsuit to pay billions of dollars . +__label__3 , suspect animal tested for mad cow disease , washington ( reuters ) - government scientists are chasing a possible new case of mad cow disease in the united states , with final results on a suspicious slaughtered animal expected in coming days , officials said on thursday . +__label__2 , london to unveil 2012 bid plans , london #39 s bid team will reveal their final plans for hosting the 2012 olympic games when they unveil full details of the bid document on friday . +__label__4 , google shows it #39 s only human , shares of google slipped after the search engine warned , for the second time in a week , that its fourth-quarter revenue growth rate is likely to slow from previous quarters . +__label__4 , apple confirms more uk retail stores coming additional locations < b> . . . < /b> , apple computer confirmed thursday it plans to open two additional apple retail stores in the united kingdom in 2005 - one in birmingham , northwest +__label__1 , israel apologizes for killing egyptian officers , the israeli prime minister , ariel sharon , apologized to egypt today after an israeli army tank crew fired on an egyptian patrol near the border with gaza , killing three egyptian police officers . +__label__2 , fifa to investigate racism in madrid , zurich , switzerland ( sports network ) - fifa will launch an investigation into the racist chants spanish fans aimed at black english players during wednesday #39 s friendly at the bernabeu in madrid . +__label__4 , cambridge soundworks gives digital music a spin , home theater company to help users digitally convert audio cds and store songs on a dvd or player . +__label__4 , epiphany looks to beef up call center , crm software maker epiphany inc . this week is rolling out new analytical software , including two new products and vertical-specific bundles aimed at the communications and retail finance industries . +__label__4 , mpaa sues first movie swappers , industry group will offer a free program to help users find and eliminate illegal files . +__label__3 , stern blasts fcc at satellite promotion , #39 down with the fcc ! #39 howard stern says at new york rally to promote switch to satellite radio . radio host howard stern , below center , waits as thousands of his fans line up to receive a free sirius radio from him in union square in new york thursday , nov . +__label__4 , mpaa seeks research , p2p cop role on internet2 , the motion picture association of america is in talks with the internet2 research consortium , hoping both to test next-generation video delivery projects and to monitor peer-to-peer piracy on the ultrahigh-speed network . +__label__2 , spain reflects on football racism row , the racist chanting by spanish fans at wednesday night #39 s friendly international in madrid has left the government here red-faced and fearing a black-mark against the city #39 s bid to host the 2012 olympic games . +__label__2 , mears wins busch pole , casey mears set a track qualifying record and won his third nascar busch series pole of the season thursday at homestead-miami speedway . +__label__1 , prince charles chastised for quot old fashioned quot views , a minister has launched a scathing attack on heir to the throne prince charles , accusing him of being quot very old fashioned quot and out of touch in his views on teaching in schools . +__label__3 , argentina views china as market economy , argentina recognized china as a market economy on thursday , granting the asian country a status it has been seeking worldwide to keep countries from imposing penalties on the dumping of chinese exports . +__label__3 , us may have new case of mad cow disease , washington ( reuters ) - a final test is likely to confirm a second u . s . case of mad cow disease , experts said on thursday , though they see a small possibility the animal , which tested inconclusive in two preliminary tests , could be given a clean bill of health . +__label__1 , police chief backs using force against intruders , britains top police officer today called for an urgent updating of the law to protect householders who use force to defend their homes against criminals - even if it involves killing the intruder . +__label__1 , bereft indian pilots leaving andamans are saluted by air force ( afp ) , afp - the indian air force saluted pilots who rescued hundreds on the remote nicobar islands despite losing family and colleagues when their base was destroyed by last week ' s deadly tsunami . +__label__1 , meps approve revamped commission , ending three weeks of stalemate , european lawmakers have approved a new executive commission for the european union . european mps had refused to accept a new team of commissioners proposed by commission president jose manuel barroso . +__label__1 , e . guinea coup suspects say they were tortured , equatorial guinea has told a court he and his comrades had been chained like animals and tortured into confessing . and hand-cuffs to plead their innocence on thursday . +__label__1 , palestinians to host western diplomats , sponsors of an internationally backed mideast peace plan will send their foreign ministers to the region next week in hopes of restarting israeli-palestinian talks in the wake of yasser arafat #39 s death . +__label__3 , nike co-founder knight steps down as ceo ( reuters ) , reuters - nike inc . co-founder\philip knight , who helped transform a small-start up business\into the world ' s biggest athletic shoe company , will step down\as chief executive officer , the company said on thursday . +__label__3 , nike ceo philip knight resigned , the co-founder of nike inc . philip knight has resigned from his position as chief executive officer , the company said on thursday . +__label__3 , is mad cow disease back ? , reuters is reporting that the us department of agriculture ( usda ) has a possible second case of mad cow disease in the united states . +__label__2 , expos skipper robinson oks one-year deal ( ap ) , ap - frank robinson has agreed to a one-year contract to return as manager of the expos , although whether he actually manages the team next year will hinge on the pace of the team ' s sale and the whim of the new owners . +__label__3 , disney profit up , tv outshines studio , los angeles ( reuters ) - walt disney co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=dis . n target=/stocks/quickinfo/fullquote> dis . n< /a> posted a 24 percent rise in profit on thursday as advertising gains at espn and abc television networks more than made up for a sharp slowdown at disney ' s movie studio . +__label__3 , fda stifled dangerous vioxx results - expert , washington - an expert with the united states food and drug administration ( fda ) has said on thursday he was pressured by his agency to stifle study results showing the potential dangers of the anti-inflammatory drug vioxx . +__label__4 , ibm says swamps rivals in key unix computer test , ibm ( ibm . n quote , profile , research ) said on thursday its workhorse commercial computers have smashed the industry #39 s most demanding tests , which analysts said creates +__label__2 , spain hunts for fans who racially abused england players , the spanish government responded to diplomatic pressure from britain yesterday by starting a search for fans who racially abused england players during a quot friendly quot football match with spain . +__label__2 , disgraced greek sprint pair charged , kostas kederis and ekaterini thanou , the sprinters who brought shame on greece on the eve of the olympics , are facing the end of their careers after being charged with missing a drug test and faking a motorcycle accident . +__label__1 , a bit of wall st . on the tigris , the 150 brokers and traders on the iraq stock exchange are not waiting for the war to end , buying and selling orders a few hundred yards away from the fighting . +__label__4 , air force to launch enterprise microsoft initiative , the u . s . air force tomorrow plans to announce an enterprisewide microsoft software initiative that some analysts see as a prime example of how users can leverage their spending power to force vendors to deliver more secure products . +__label__2 , are the spanish really racist ? , for once , it was the english fans who could claim the moral high ground . the spanish football federation now faces an official inquiry after several black players in wednesday night #39 s england squad were subjected +__label__1 , powell accuses iran of trying to develop nuclear missiles , the bush administration yesterday accused iran of attempting to develop missiles with nuclear warheads - a charge that could derail the european arms-control agreement struck earlier this week . +__label__4 , objectweb adds portal content management middleware , using open-source modules instead of commercial alternatives -- even standards-based ones -- could save businesses money . +__label__4 , mccain again opposes the president , global warming needs more attention , according to john mccain , and president bush needs to lead the way . i listened to some of the hearings on this subject this week , and i must say the people testifying are +__label__3 , nike founder steps down , nike boss phil knight last night announced his decision to step down as chief executive of the footwear company he helped found 42 years ago . +__label__1 , bush confronts new challenge on issue of iran , while assembling a new national security team , president bush is confronting what could become the biggest challenge of his second term how to contain iran #39 s +__label__3 , kmart and sears announce merger , kmart holding corp and sears , roebuck and co said wednesday that they are merging to form a new retail company called sears holdings corp that will be the us #39 third-largest retailer with about us\$55 billion in annual revenues . +__label__3 , aussies battle eu over cheese , champagne , ap - the united states and australia have prevailed in an interim ruling by world trade organisation ( wto ) in a dispute over the protection given by the european union to its regional goods such as champagne wine and feta cheese , trade officials said . +__label__4 , a fair tax , some say a fair tax that removes the need to file tax returns from the vast majority of the citizenry is a national sales tax . this doesn ' t seem to be very fair to people trying to feed , house and clothe themselves and seems to subsidize large land holders ( bush ' s favorite constituency ) . there is a tax that lives up to the promises broken by bush ' s proposal for a national sales tax . +__label__3 , american fare cuts presage price war , american airlines slashed its fares to miami yesterday by as much as 85 percent from several cities including washington ' s reagan national airport , possibly setting off a winter fare war on routes to florida . +__label__3 , eisner continues defense of hiring , firing , georgetown , del . , nov . 18 -- when walt disney co . chief executive michael d . eisner and disney president michael s . ovitz appeared on larry king live on sept . 30 , 1996 , their corporate partnership was dissolving into an acrimonious disaster . +__label__4 , running was a key human characteristic , by lee bowman . the ability to run long distances across the african savannah gave human ancestors an evolutionary advantage over other primates that walked upright , but could not run the mile or 20 , researchers argue in a new study . +__label__3 , nike co-founder stepping down , president effective december 28 after more than a year-long search . knight , 66 , who also will give up his title of president , . chairman , quot knight said in a statement on thursday . +__label__2 , hokies making statement about acc title intentions , the annual summer barbecues that ralph friedgen and frank beamer co-host at their lake homes in georgia may be a little less cordial after the way beamer #39 s virginia tech hokies waxed friedgen #39 s maryland terrapins 55-6 last night . +__label__3 , eichel wants strong euro on g20 agenda , german finance minister eichel called for the euro #39 s quot brutal quot rise versus the dollar to be put on the agenda of the summit of g20 countries in berlin this weekend amid concerns the greenback #39 s slide could hit eu growth . +__label__1 , 3 egyptian soldiers killed in israeli error , jerusalem -- israeli troops mistook three egyptian police officers for palestinian militants and shot them dead yesterday along the gaza strip ' s border with egypt , increasing tensions between the neighbors . +__label__2 , roddick breaks down safin , top-seeded roger federer overcame a second-set lapse and remained unbeaten in the atp masters cup championships with a victory last night over carlos moya . +__label__2 , spurs 88 , 76ers 80 , the philadelphia 76ers got a firsthand demonstration of why tim duncan might be the toughest player in the nba to defend . duncan scored a season-high 34 points and grabbed 13 rebounds to lead the spurs to +__label__4 , microsoft warns asian governments of potential linux lawsuits , singapore microsoft #39 s chief executive steve ballmer warned asian governments on thursday that they could face patent lawsuits for using the linux operating system instead of windows . +__label__3 , auto suppliers feel squeeze , detroit -- new car and truck sales rose more than two per cent during the first 10 months of 2004 , but many of the companies that supply parts to the big automakers have little to celebrate -- their profits are shrinking as raw materials costs rise and +__label__4 , lab used by lapd falsified dna data , and possibly dozens -- of pending criminal cases to determine whether critical evidence was tainted or falsified during +__label__4 , dream tv screen , now in size large , the most desired electronic gift item for this holiday season is a plasma tv . you might , however , want to consider something that wasn ' t even in the running l . c . d . +__label__4 , peoplesoft chief threatens to sue over oracle statements , peoplesoft ' s chief executive accused oracle of spreading misleading information about his stock sales and threatened to sue for defamation . +__label__3 , first howard , now mel karmazin joins sirius as ceo , hours after his close associate howard stern addressed a teeming crowd about the benefits of sirius satellite radio , former viacom chief operating officer and president mel karmazin announced that he has signed onto the fledgling company as ceo . +__label__3 , yahoo and sbc extend partnership and plan new services , yahoo and sbc communications have agreed to collaborate to extend some of the online services and content they currently provide to pc users to mobile phones and home entertainment devices . +__label__4 , so you think you get a lot of e-mail , singapore -- if you didnt think anybody else could possibly get any more spam than you , then think of bill gates . the microsoft corp . +__label__4 , oracle gets with the patch programme , the company said thursday that it will release security bulletins and accompanying patches for its products on 18 january , 12 april , 12 july and 18 october . +__label__2 , oram shuns cairns comparisons , brisbane - new zealand batting hero jacob oram shunned comparisons with one of his country #39 s great all-rounders chris cairns after he bludgeoned the kiwis into contention against australia here on friday . +__label__4 , bearingpoint cfo out error found , mclean technology consulting company bearingpoint inc . said yesterday that its chief financial officer , robert s . falcone , would retire on nov . 30 . +__label__1 , football brazil legend ' s uk debut , brazil football great socrates is set to make his debut for non-league garforth town on saturday . +__label__2 , this week #39 s golf tournaments , last year meg mallon won the season-ending tournament for her lone 2003 title , beating annika sorenstam by a stroke . last week heather daly-donofrio won the tournament of champions in mobile , ala . +__label__3 , oracle tender results out saturday , company will report preliminary count of its \$8 . 8b hostile bid for peoplesoft after 1 am et . new york ( reuters ) - oracle corp . said it would report preliminary results of its \$8 . 8 billion hostile tender offer +__label__2 , spain condemns racial abuse , defends reputation , madrid ( reuters ) - the madrid council has condemned the racist behavior of fans that marred wednesday ' s friendly between spain and england and said that the events should not be allowed to harm the city ' s bid to host the 2012 olympics . +__label__1 , football spanish fa apologises , the spanish fa apologises to its english counterparts following racist chanting . +__label__4 , thestreet . com may be up for sale -- report ( reuters ) , reuters - thestreet . com inc . , the\financial news and commentary web site , may be up for sale , \according to a report in business week , sparking a 7 percent\rise in its shares . +__label__4 , a pc in the toaster ? how mod ! , photos there ' s also room in the humidor and the darth vader helmet . take a gander at some strange and wonderful creations . +__label__3 , auction for yukos core set for dec . 19 , a planned sale of russian energy giant yukos #39 main asset has become clouded by confusion over the price , the participants and the legality of the sale . +__label__4 , google launches new search tool for academics , google has rolled out a new search tool called , google scholar . google scholar enables you to search specifically for scholarly literature , including peer-reviewed papers , theses , books , preprints , abstracts +__label__1 , a conspiracy theory in the aftermath of arafats passing , ah jaffor ullah . yasser arafat , the acknowledged leader of palestinian people , lived amidst controversy all through his life . the cause of his death has now become a source of controversy amongst the departed leaders people all over middle east . +__label__1 , vladimir putin claims of authoritarian drift quot total nonsense quot , president vladimir putin rejected concern that he is beating a path toward authoritarianism , calling such criticism quot total nonsense quot in an interview published friday and saying russia needs time to build democracy after centuries of heavy +__label__3 , lazarus-like virus hits computers , a new computer virus is catching people out by coming back from the dead . +__label__3 , sirius satellite radio quot outperform , quot target price raised , new york , november 19 ( newratings . com ) - analysts at stifel nicolaus amp company reiterate their quot outperform quot rating on sirius satellite radio ( siri . +__label__2 , game notes the 24th-ranked memphis tigers and the fifth-ranked < b> . . . < /b> , orange are set to square off in the title game of the coaches vs . cancer . classic . the orange posted an impressive 71-58 victory over 12th-ranked . +__label__3 , emi profits fall but online music market improving , london emi , the world #39 s third-largest music group , reported a drop in first-half profits on friday but said the beleaguered industry was rebounding as online music sales start to take off . +__label__3 , greenspan issues new warning over us current account deficit ( afp ) , afp - us federal reserve chairman alan greenspan said the united states ' huge current account deficit cannot be indefinitely financed by foreign countries and investors . +__label__3 , california employee pension fund tenders peoplesoft shares to < b> . . . < /b> , november 19 , 2004 ( idg news service ) - the california employees #39 retirement system ( calpers ) is tendering its 1 . 5 million peoplesoft inc . +__label__2 , prem preview everton v fulham , a favourite with the crowd during his time at goodison park , many fans will not forget radzinskis comments prior to his 1 . 75 m move to the londoners during the summer . +__label__1 , pakistan arrests key al-qaeda operative ( afp ) , afp - pakistani security forces have arrested a key al-qaeda operative wanted in connection with attacks on christian targets and a failed bid to kill president pervez musharraf , an official said . +__label__1 , bush signs into law debt ceiling increase , < p> < /p> < p> washington ( reuters ) - president bush on friday signed intolaw a measure authorizing an \$800 billion increase in thecredit limit of the united states , the white house said . < /p> +__label__3 , dollar plunges on greenspan comments , new york ( reuters ) - the dollar sank across the board , dropping to multiyear lows against the yen and the euro on friday , after federal reserve chairman alan greenspan said demand for u . s . assets could ease at some point given the size of the current account deficit . +__label__4 , tacoma weathers erp and crm ' perfect storm ' , problems with a \$50 million-plus rollout of sap ' s erp , crm and other business apps in the city of tacoma , wash . , have generated a storm of end-user complaints , bad press and a call for an independent audit of the situation . +__label__2 , it takes 6 gators to match bowden , there is no shortage of ways to measure bobby bowden #39 s stellar career as florida state #39 s football coach . there are the 277 of his division ia leading 350 wins here , which is +__label__4 , hotmail fights fraud and gmail with new domains , to kick off the availability of the new domain names , microsoft will conduct a charity auction of what it believes will be the most sought after uk addresses . +__label__3 , fcc says allowing cable tv subscribers to choose their channels < b> . . . < /b> , federal regulators rejected on friday the idea that allowing cable tv subscribers to pay only for channels they want would lower high cable bills . +__label__1 , un deadlock defeats cloning ban , the united nations has shelved efforts to draft a treaty banning the cloning of human embryos in a setback for the bush administration . +__label__4 , congress sends ' net access ban to white house , the u . s . congress on friday reinstated a ban on internet access taxes after the house of representatives agreed to extend it for another three years rather than make it permanent . +__label__3 , gleaning insights from berkshire , other than comcast and servicemaster additions , it ' s been a quiet quarter of trading for this portfolio . +__label__3 , big dig tunnel is riddled with leaks , in a burgeoning political and engineering scandal , boston #39 s gleaming new underground interstate 93 highway is riddled with hundreds of leaks . +__label__2 , holyfield #39 s effort to unify heavyweight title running out of time , evander holyfield just doesn #39 t get it . he #39 s beyond old for a fighter and seemingly hasn #39 t been able to punch his way out of a paper bag in years . +__label__1 , north korea-watchers ponder significance of kim #39 s changed status , seoul - watchers of the reclusive north korean regime are buzzing about reports that might indicate a change in the cult of personality surrounding kim jong il . +__label__1 , kidnap fears for lost tsunami boy , police in tsunami-hit thailand search for a swedish boy feared kidnapped by child sex traffickers . +__label__2 , busch wins pole for season-ending race , pressure ? what pressure ? kurt busch , last in the qualifying line and first in the nascar nextel cup points , waited out 54 other drivers friday and then won the pole for the season-ending ford 400 , which will determine the 2004 champion . +__label__3 , investors expect peoplesoft shareholders to back oracle bid , redwood shores , calif . investors continue to bet today that most peoplesoft shareholders will back oracle #39 s nine-point-two ( b ) billion-dollar takeover bid for its bitter rival . +__label__1 , van gogh #39 s murder brings out holland #39 s contradictions , the murder of dutch filmmaker theo van gogh by a young muslim of moroccan descent has shaken holland to its very foundations . to most people , including the dutch , the killing and its violent +__label__3 , icahn takes the high river , new york - why has carl icahn set his sights on the relatively insignificant mylan laboratories , a generic drug company with just \$1 . 5 billion in sales and a \$4 . 3 billion market cap ? +__label__4 , images nintendo grows up--a little , the nintendo ds includes a touch-sensitive screen and is geared for an older crowd . +__label__4 , barrett good business models vary widely , bangalore , india - peer-to-peer ( p2p ) sharing would never have gathered momentum if the music industry had adopted models for distribution over the internet , said intel corp . chief executive officer craig barrett , addressing it executives in india friday . +__label__2 , pepperdine 80 , fairleigh dickinson 79 , glen mcgowan had 22 points and little-used reserve chase griffin came off the bench to make two clutch free throws to help pepperdine hold off fairleigh dickinson 80-79 friday for fifth place in the bca invitational . +__label__2 , nebraska player charged with assault , an arrest warrant was issued friday , nov . 19 , 2004 , for nebraska offensive lineman darren delone , shown in this undated handout photo . __label__4 , hey mate , we ' re moving offshore too ! , australia ' s it news reports the findings of a recent survey in which more than 20 percent of company execs said they were considering or recommending offshore outsourcing . outsourcing blog -__label__1 , clinton rips starr , media on prosecution ( ap ) , ap - in a prime-time television outburst , bill clinton ripped old nemesis kenneth starr and what the former president portrayed as a gullible media eager to report every sleazy thing leaked from a prosecutor bent on bringing him down . -__label__3 , yukos under the hammer at \$8 . 6bn , russia pressed ahead yesterday with controversial plans to break up the country #39 s biggest oil company yukos , setting a date of december 19 for an auction of its main production unit at a bargain basement starting price of \$8 . 65bn ( 4 . 88bn ) . -__label__4 , first look ipod brings music to your photos ( pc world ) , pc world - apple ' s latest offers a brilliant color screen and photo capabilities , but the price is high . -__label__1 , next big hit at the modern its reopening , the buzz over the greatly enlarged museum is expected to turn into a cacophony on saturday . -__label__1 , funding of election monitors a concern , a delegation that was paid to watch the ukraine elections by a lobbyist affiliated with one of the candidates has some saying the move taints the process of promoting democracy . -__label__2 , steelers ' staley downgraded to doubtful ( ap ) , ap - pittsburgh steelers running back duce staley was downgraded to doubtful friday with a sore hamstring , meaning he will almost certainly miss a third consecutive game sunday . -__label__1 , protesters denounce apec summit in chile , thousands of protesters marched peacefully through downtown santiago on friday , expressing anger at a weekend summit of pacific rim leaders , particularly president bush . but violence later erupted at a rock concert . -__label__3 , no tax on internet access until at least 2007 , consumers won #39 t have to pay a tax to log on to the internet until at least 2007 , after congress voted friday to renew a recently lapsed ban on internet taxation . -__label__3 , lawyers in the limelight , by all appearances , steven woghin was a lawyer at the top of his game . after years in government service , the former justice department attorney had worked his way up to a comfortable six-figure salary and the chief legal job at software maker computer associates international inc . -__label__4 , inside apple #39 s new regent street store , with 48 hours left before its official opening , apple gave us a sneak peek at the new regent street store . billed as #39 a place to belong #39 , it #39 s staffed by the 138 successful candidates , whittled down from an original list of over 4000 applicants . -__label__4 , earthquake ' redraws the map ' , the devastating earthquake that struck the indian ocean probably caused some islands to move by several metres . -__label__4 , system glitch hits hsbc , a glitch leaves customers of hsbc bank unable to use its internet services as well as cash machines . -__label__3 , market not ready to cheer , despite announcing the biggest news in its short history , osi pharmaceuticals stock fell nearly 10 percent friday , as some investors grew nervous about whether its newly approved cancer drug would be the bonanza they expected . -__label__1 , myanmar frees nearly 4 , 000 prisoners , un secretary general kofi annan has praised the release of several political prisoners in myanmar , the bbc reported saturday . annan also said he hoped others still behind -__label__4 , linux core consortium may not derail fate #39 s wheels , fate may hold something of a pre-determined fragmentation for linux operating systems , like unix before them , that even standards efforts cannot undo . -__label__1 , world ' s oldest man dies aged 113 , the world ' s oldest man , who gave up driving at 108 because slow drivers annoyed him , dies at 113 . -__label__2 , spurrier expected to replace holtz , lou holtz wanted his south carolina players to focus on their game against clemson . they suddenly have a lot more on their minds . holtz will retire as coach at south carolina -__label__2 , manchester united beats charlton 2-0 ( ap ) , ap - manchester united defeated charlton 2-0 saturday in the premier league behind goals from ryan giggs and paul scholes . charlton did little to test united ' s defense before 67 , 704 fans , and the only surprise was that man united didn ' t score more . -__label__2 , toronto raptors team report - november 20 , ( sports network ) - the toronto raptors found themselves on the wrong end of a 101-94 decision against the red-hot seattle supersonics on friday at the air canada centre . -__label__1 , top senate dem calls for bipartisanship ( ap ) , ap - rallying a party stung by presidential and congressional losses , the incoming senate democratic leader reminded fellow lawmakers on saturday of their shared commitment to help the nation . -__label__1 , england humble sprinboks , charlie hodgson scores 27 points as england overwhelm the springboks at twickenham . -__label__2 , police join probe into pistons-pacers mass brawl , police launched an investigation on saturday into an extraordinary mass brawl involving players and fans at a game between the detroit pistons and indiana pacers . -__label__2 , harvick holds off mcmurray for busch series win , homestead , fla . ( sports network ) - kevin harvick held off fellow nextel cup driver jamie mcmurray on three restarts over the final 20 laps to capture the ford 300 . the no . 29 chevrolet crossed the finish line 0 . 218 seconds ahead of runner-up mcmurray . -__label__2 , michigan st . beats central conn . st . , michigan state #39 s liz shimek ( 52 ) starts a fast break trailed by central connecticut state #39 s gabriella geugbelet , left , and michigan state #39 s kelli roehrig , right , during the second half saturday , nov . 20 , 2004 , in east lansing , mich . -__label__4 , nasa successfully launches swift satellite , nasa #39 s swift satellite successfully launched today aboard a boeing delta 2 rocket at 12 16 pm est from launch complex 17a at the cape canaveral air force station , fla . -__label__2 , united states edge ahead at kiawah island , the rest of the world face an uphill task in their bid to win the ubs cup for the first time after the united states took the second day fourball session 4-2 to establish a 6 - 5 lead going into the final day singles at kiawah islands cassique -__label__2 , federer to meet hewitt in masters cup final , houston , tx ( sports network ) - world no . 1 roger federer of switzerland and third-seeded lleyton hewitt each posted straight-set wins and advanced to sunday #39 s final at the lucrative 2004 tennis masters cup . -__label__2 , gamecocks , tigers brawl , clemson , sc south carolina and clemson duked it out in the closing minutes of today #39 s game at clemson . police , security and coaches tried to separate the teams , who scuffled before the game started and continually pushed and showed each other throughout . -__label__1 , african troops begin with small steps to calm darfur ( reuters ) , reuters - the rebels emerge from the desert\haze like ghosts . first one , silhouetted atop a sand dune and\holding a grenade launcher , then a dozen more , their shadowy\figures appearing in unison . -__label__1 , china miners ' trapped by fire ' , rescuers in northern china look for dozens of miners thought to be trapped after a fire broke out . -__label__1 , al-jazeera man remanded in spain , a spanish court remands tayseer alouni and eight others in custody ahead of their trial for suspected al-qaeda links . -__label__3 , senators want boeing deal investigated , leaders of the senate armed services committee asked the defense department on friday to have its inspector general #39 s office investigate the air force #39 s effort to -__label__2 , wrapup 1-careless chelsea and arsenal let victories slip , league leaders chelsea allowed bolton wanderers to recover from two goals down to force a 2-2 draw at stamford bridge in one of two major surprises in the premier league on saturday . -__label__2 , with a rookie quarterback in the n . f . l . , call it in the air , debuts are rarely pretty , especially for rookies such as giants quarterback eli manning , who will make his first start sunday . -__label__2 , auburn stays perfect , no . 2 auburn rallies in the second half and defeats rival alabama , 21-13 , saturday to keep its national championship hopes alive . -__label__3 , viewpoints just say #39 no #39 , you can #39 t get much clearer than no . that was the strongly implied response of the us treasury secretary , john snow , to europe #39 s growing cries that he help it deal with a weakening dollar by intervening to stop the slide . -__label__1 , iraq continues battle against insurgents , baghdad , iraq - insurgents continued to strike against coalition targets in iraq saturday , resulting in the deaths of one us soldier and four government employees in baghdad . -__label__4 , us spacecraft to probe origin of gamma rays far beyond our galaxy , the us space agency , nasa , launched a satellite saturday that scientists hope will help them locate the sources of mysterious gamma ray explosions , the -__label__4 , titantic is a treasure to be protected , explorer says , legendary explorer robert ballard was nervous this summer as he prepared to return to the titanic for the first time since he discovered the famous shipwreck nearly two decades ago . -__label__3 , congress asks sec for mutual fund study ( reuters ) , reuters - the u . s . congress asked the\securities and exchange commission on saturday to send\lawmakers a report justifying a new rule forcing mutual fund\boards to have independent chairmen . -__label__2 , all-rounder mcgrath , glenn mcgrath , thoroughbred fast bowler for a decade , embarked on a new career as an all-rounder in his 102nd test match at the gabba , hitting his first half-century as australia -__label__2 , cavs beat bobcats for sixth win in row ( ap ) , ap - lebron james scored 25 points , jeff mcinnis added a season-high 24 and the cleveland cavaliers won their sixth straight , 100-84 over the charlotte bobcats on saturday night . -__label__2 , michigan gets rose bowl berth despite loss to ohio st . , columbus , ohio ( sports network ) - troy smith threw for 241 yards and two touchdowns and ran for 145 yards and a score to lead the ohio state buckeyes to a 37-21 victory over no . 7 michigan in the final game of the regular season for both teams . -__label__3 , congress asks sec for mutual fund study , washington ( reuters ) - the u . s . congress asked the securities and exchange commission on saturday to send lawmakers a report justifying a new rule forcing mutual fund boards to have independent chairmen . -__label__2 , sorenstam maintains florida lead , annika sorenstam could only manage a level-par 72 on day three of the adt tour championship in florida but it was enough to maintain a one-stroke lead . -__label__1 , will there be peace in great lakes region ? , to coordinate and cooperate or not to , that is where the rub is , and that is the key issue when it comes to answering the question whether there will be peace in the great lakes region . -__label__1 , leaders of spain , portugal , latin america urge falklands dialogue ( afp ) , afp - leaders from spain , portugal and their former colonies in latin america urged britain and argentina to renew their dialogue on the falkland islands , known in argentina as the malvinas . -__label__1 , explosion in southern italy kills eight , gas leak possible cause , foggia , italy eight people have been killed in an explosion that leveled a two-story apartment building in southern italy . firefighters are investigating whether a gas leak is to blame . -__label__2 , florida upsets no . 10 florida state 20-13 , florida state #39 s chauncey stovall , left , comes down with a fourth-quarter-touchdown catch as florida defender vernell brown , right , falls down , saturday , nov . 20 , 2004 , in tallahassee , fla . -__label__2 , fans are to blame , but players will face biggest penalties , look for david stern to come down hard on the principals in friday #39 s pacers-pistons brawl . with the nba #39 s image possibly at stake , many around the league expect him to send a strong message when he makes his final ruling . -__label__3 , dreams of perfect market are fine , as long as they don ' t come true , in these times of financial wrongdoing and subsequent systemic changes , it ' s only natural to wonder what a perfect investment world would look like . -__label__3 , hotel workers #39 lockout off for now employers , union ok 60-day < b> . . . < /b> , thirty-eight raucous days of picket lines , tough talk and the angst of 4 , 300 san francisco hotel workers locked out of their jobs with the holidays nigh were put aside saturday when negotiators for the hotels and the workers #39 union agreed to a 60-day -__label__2 , westwood closes in on first title of 2004 , sun city , south africa ( reuters ) - briton lee westwood closed in on his first title of 2004 when he claimed the third-round lead in the sun city golf challenge saturday . -__label__3 , lawyer says we #39 re good guys , drug giant merck pulled its painkiller vioxx because it increased the risk of heart attacks and strokes . now the company may face thousands of lawsuits . -__label__2 , local knowledge produced benefits , patriots fans had one of their own working sunday ' s regular-season finale against the 49ers . fox producer p . t . navarro considers himself a new englander , even though he moved around the country as the son of college football coach frank navarro ( columbia , wabash , princeton ) . -__label__3 , special to espn . com , it #39 s the age old question quot what do you give to the man who #39 s been everything ? quot . only time will tell whether phil knight #39 s retirement will be as long-lived as so many players he paid to endorse nike . -__label__2 , woods wins dunlop phoenix , miyazaki - tiger woods shot a 3-under 67 sunday to win the dunlop phoenix for his first title since february and first victory in japan . -__label__2 , huskies blank buffalo , dan orlovsky threw for 283 yards and a touchdown in his final home game yesterday to lead connecticut to a 29-0 victory over buffalo , assuring the huskies of a winning record and making them eligible for a bowl bid . -__label__2 , auburn 21 , alabama 13 auburn #39 s strong second half keeps it in < b> . . . < /b> , for one half saturday , the controversy over the bowl championship series looked like it might disappear in the dampness of bryant-denny stadium as undefeated auburn found itself in a fight with archrival alabama . -__label__1 , army restricted ethnic recruits , the british army secretly restricted numbers of ethnic recruits , according to official files just released . -__label__2 , ohio state defense keeps hart in check , columbus - it had been awhile since anyone had slammed the door on michigan phenom mike hart . the freshman running back established a school record by rushing for 150 or more yards in five straight games entering -__label__1 , baghdad governor assassinated bombing kills 10 , baghdad ( reuters ) - gunmen killed the baghdad governor in iraq ' s highest-profile assassination in eight months and a suicide bomber killed 10 people near the green zone on tuesday in an escalating campaign to wreck a jan . 30 election . -__label__3 , taser execs selling heavily on the news , shares of taser international inc . ( tasr . o quote , profile , research ) have jumped 20 percent since early last week as the stun gun maker issued a slew of announcements -__label__3 , update 1 negotiators meet at wto for farm talks , negotiators met friday at the world trade organization for formal farm talks , capping a weeklong series of informal discussions on ways to reach a wider-ranging liberalization accord by the end of 2005 . -__label__2 , ohio state #39 s big plays kill wolverines , football coaches , especially those at michigan , continually stress the importance of preventing the big play . a lot of players didn #39 t get the message on saturday . -__label__2 , sugar shane not so sweet , ( november 21 , 2004 ) . ronald winky wright successfully defended his 154 lb . title for the sixth time in the highly anticipated rematch with the formerly sweet sugar shane mosley -__label__3 , rats in mouse #39 s house ? , remember john edwards two americas campaign theme ? it occurred to me how well that theme fits the corporate world . for proof , look no further than the stockholder lawsuit against walt disney co . -__label__1 , costa rica quake , a powerful early-morning earthquake in costa rica shook presidents and prime ministers from their beds while damaging houses and frightening several people into heart attacks . -__label__2 , vieira slams spain #39 s stance on racism , patrick vieira has fiercely criticised spain #39 s record in combating racism in football and paid tribute to england #39 s record in acting against it . -__label__2 , utah caps unbeaten season with rout of byu ( ap ) , ap - utah beat rival brigham young 52-21 saturday , completing its first unbeaten season since 1930 and putting the utes one step closer to the first appearance in the bowl championship series for a team from a mid-major conference . -__label__4 , three more linux mobile phones coming in japan , an anonymous reader writes quot nec and panasonic have developed three linux-powered 3g mobile phones to be introduced in japan in the coming months -- nec #39 s n900il , nec #39 s n901ic , and panasonic #39 s p901i . -__label__2 , mosley unable to escape winkys jab , las vegas , nv you have to give credit to sugar shane mosley . for the second time in his career , the former world champion valiantly tried to reverse a thorough beating by jumping headfirst into an immediate rematch . -__label__1 , after a decade of silence , cambodia ' s cinema enjoys resurgence ( afp ) , afp - after a decade of silence , cambodia ' s movie industry is enjoying a boom due to a dash of hollywood attention , burgeoning nationalism and cheaper production costs , industry insiders say . -__label__3 , anil ambani authorises mother to take decisions on his behalf , mumbai/new delhi the stage is set for a family meeting of the ambanis here on monday on the ownership issue in the rs 80 , 000 crore-reliance group of industries as mukesh ambani returned from the us even as his brother anil is understood to have -__label__1 , commuter plane crashes in china , killing 54 , a china eastern airlines commuter plane crashed into a frozen lake in northern china this morning , killing all 53 people on board and 1 on the ground , state media and the airline said . -__label__1 , halliburton leading contender in construction of british aircraft carriers report ( afp ) , afp - halliburton , the oil services giant once run by us vice president dick cheney , has emerged as a leading contender to manage the construction of two british aircraft carriers , the sunday telegraph said . -__label__1 , deadly fire sweeps through china mines , shahe , china - nine people were confirmed dead and 57 remained missing late sunday after a fire swept through five iron ore mines in northern china , the xinhau news agency said . -__label__3 , update 2 oracle poised to pounce on peoplesoft , bolstered by investors , oracle corp . appears destined to complete its long-sought takeover of peoplesoft inc . unless its rival becomes more profitable and proves it #39 s worth more than the \$9 . 2 billion bid currently on the table . -__label__3 , google creators in share sell-off , google founders larry page and sergey brin have announced plans to sell millions of shares in the web search company they launched in 1998 . -__label__2 , backstage pass mosley-wright 2 , by sammy rozenberg ( ap staff writer/boxingscene staff writer ) . boxingscene was ready and willing to engage in conversation during the post-fight press conference following the shane mosley-winky wright rematch . -__label__1 , australia cancels 80pc of iraqi debt , nineteen countries , including australia , have agreed to cancel 80 per cent of the debt iraq owes them . the deal secured for the paris club of creditor nations ends a trans-atlantic dispute and probably sets -__label__1 , arafat nephew set to pick up medical chart , paris - nasser al-kidwa , nephew of the deceased palestinian leader yasser arafat , arrived in paris from cairo sunday to pick up a copy of arafat #39 s medical records . -__label__1 , pm invites north east groups for talks , striking a personal chord , prime minister manmohan singh today invited ulfa in assam and other insurgent groups in the north east to shun violence . -__label__1 , us urges israel to help palestinian vote , us secretary of state colin powell has launched a new middle east peace drive by saying he will press both israeli and palestinian leaders for steps to help palestinians elect a successor to yasser arafat . -__label__2 , iverson misses game against heat ( ap ) , ap - philadelphia 76ers guard allen iverson didn ' t travel with the team for sunday ' s game against miami because of a bruised right elbow . -__label__1 , iran pledges to halt nuclear work , the head of iran #39 s nuclear energy organisation said work would stop at two nuclear facilities in the central cities of isfahan and natanz . -__label__3 , no deal on dollar as us shrugs off european pressure , europe and japan failed yesterday to persuade the united states to address the decline in the dollar , despite talks at a fractious meeting of the group of 20 industrialised and developing nations . -__label__2 , for dempsey , soccer impasse qualifies as a concern , us national team candidates expected to begin training in los angeles this week for the start of the final round of world cup qualifying . instead , the training camp has been postponed because of a contract dispute between the us soccer federation and the us national soccer team players association . -__label__1 , blunkett gets tougher on drugs , new police powers to prosecute offenders for possession if they test positive for drugs when they are arrested , even if the only drugs they have are in their bloodstream , are to be announced this week . -__label__4 , top exec shares business lessons , jeff raikes was working at apple computer in the early 1980s when a guy named steve ballmer called and asked him to interview for a product-management job at a small software outfit in the seattle area . -__label__4 , nvidia and intel sign broad cross-license and chipset license < b> . . . < /b> , quot nvidia and intel corporation announced that the companies have signed a broad , multi-year patent cross-license agreement spanning multiple product lines and product generations . -__label__1 , apec leaders vow to scrap trade barriers , pacific rim leaders pledged sunday to shore up global security and push ahead with the world trade organization ' s negotiations on lowering global trade barriers . -__label__3 , hgs picks watkins as new chief executive , human genome sciences inc . plans to announce today that it has hired a 20-year product development veteran from abbott laboratories inc . as chief executive . h . thomas watkins , 51 , will face the challenge of completing the rockville company ' s makeover from gene hunter to drug marketer . -__label__2 , bettis , steelers post eighth straight win , cincinnati - jerome bettis ran for 129 yards and the pittsburgh steelers #39 blitzing defense created havoc in the second half in a 19-14 win over the cincinnati bengals yesterday . -__label__3 , update james hardie 1h net disappoints cuts fy forecast , sydney ( dow jones ) --australian building products manufacturer james hardie industries nv ( jhx ) surprised investors monday by reporting a 9 . 5 drop in net profit for -__label__2 , favre does it again , with the texans nursing a second-half lead , the stage was set for another packers ' comeback , authored by brett favre . the result a 16-13 green bay win . -__label__3 , google targets software giant , seattle -- not too long ago , google inc . seemed little more than a pesky insect to microsoft corp . ' s 800-pound gorilla . -__label__2 , defense finally craters against favre , considering how poorly the texans #39 defense played in the first halves in blowout losses to the denver broncos and indianapolis colts the previous two weeks , sunday night #39 s performance was encouraging . -__label__1 , bush tries to mend ties with latin america , president bush , trying to mend relations with latin america , pledged sunday to make a fresh push for stalled immigration reforms and defended the u . s . invasion of iraq , saying that history will prove it right . -__label__3 , toy safety glance , 398 , 000 bumble bee toys distributed by graco children #39 s products . graco received 26 reports of antennae breaking off the toys , including five reports of children who started to choke on the broken parts . -__label__3 , holiday sales results lift wal-mart , kmart , wal-mart stores inc . said a surge in after-christmas shopping spurred december same-store sales gains of about 3 percent , at the high end of its forecast . kmart holding corp . said profit rose 10 percent during the holiday season after it limited deep discounts . -__label__4 , skulls trojan keelhauls symbian phones , users with symbian-based mobile phones have been hit by malicious code that disables smartphone features . skulls , a trojan horse program that poses as gaming software , is one of the first examples of malicious code to successfully infect mobiles . -__label__2 , gullit to take action after defeat , feyenoord boss ruud gullit has launched a stinging attack on his players after watching them crash to their third defeat of the season against fc groningen . -__label__1 , iran suspends key nuclear work to avoid sanctions , iran on monday froze sensitive nuclear work including uranium enrichment in a move likely to thwart us efforts to report the islamic state to the un security council for possible sanctions . -__label__3 , amtrak infrastructure on brink , dot warns , the national passenger rail service risks a major point of failure if infrastructure needs remain unaddressed , the u . s . department of transportation warned in a scathing report made public . -__label__3 , xstrata in new bid for mines firm , swiss firm xstrata relaunches a takeover bid for australian mining company wmc resources by appealing directly to its shareholders . -__label__2 , nine men bhoys fall at ibrox , celtic lost ground in the title race today after rangers won a heated old firm encounter that will be better remembered for its sending offs and scuffles . -__label__2 , wright ready to cash in after win , shane mosley gave winky wright his big chance . after beating mosley a second time , wright is now ready to cash in on it . wright pronounced himself one of boxing #39 s elite contenders saturday night after beating -__label__1 , china iron mine fire death toll rises to 57 , beijing ( reuters ) - the death toll from a fire that swept through an iron mine complex in the northern chinese province of hebei rose to 57 , with three miners still missing , xinhua news agency said on monday . -__label__1 , raid in hunt for afghan hostages , \us and afghan forces raid houses in kabul as part of a hunt for three un workers kidnapped last month . -__label__4 , microsoft and dell get air force pact , microsoft corp . on friday said that together with dell inc . it will provide the air force with software and related support services to simplify the acquisition process in an agreement worth up to \$500 million over six years . -__label__3 , cat and astrazeneca enter \$175m collaboration , astrazeneca intends to invest over 120m in cambridge antibody technology ( cat ) through an innovative five-year research collaboration and a 75m equity -__label__3 , trump ' s casinos file for bankruptcy , philadelphia ( reuters ) - donald trump ' s casino operations filed for bankruptcy sunday in a long-expected move that would allow the real estate maverick to restructure the company ' s debt and overhaul its aging casinos . -__label__3 , xstrata makes a bid for wmc resources , swiss mining group xstrata plc monday launched a hostile 7 . 4 billion australian dollar ( us\$5 . 8 billion euro4 . 4 billion ) bid for uranium and copper miner wmc resources ltd , increasing pressure on the independent australian miner . -__label__3 , hk disneyland theme park to open in september , hong kong #39 s disneyland theme park will open on sept . 12 , 2005 and become the driving force for growth in the city #39 s tourism industry , hong kong #39 s government and walt disney co . -__label__3 , ryanair names liverpool airport as 12th base , ryanair is making liverpool #39 s john lennon airport its 12th european base . the low fares airline is investing \$240m in four new boeing 737-800 aircraft and will launch nine new european routes from the airport . -__label__4 , trapeze software eases services delivery ( ziff davis ) , ziff davis - trapeze networks this week will announce upgrades to its wireless lan switch software . -__label__4 , before-the-bell gencorp falls 5 . 6 pct . ( reuters ) , reuters - shares of gencorp inc . fell 5 . 6\percent before the opening bell on monday after investment fund\steel partners withdrew its proposal to acquire the aerospace\and real estate company . -__label__3 , study ranks st . louis as fourth most dangerous city , a new study ranks st . louis as the fourth most dangerous city . camden , new jersey came in first , followed by detroit and atlanta . the rankings are in morgan quitno #39 s quot city crime rankings , quot an annual reference -__label__3 , karstadtquelle sells stake in venture , troubled german retailer karstadtquelle ag said monday it is selling its 82 percent stake in a three-year-old joint venture with coffeehouse chain starbucks coffee international to the us company . -__label__4 , panasonic braves linux-fuelled wrath of ballmer , was this what microsoft ( steve ballmer ) was growling and threatening about , when he told asian countries quot nice little linux os you have here . -__label__1 , arafat #39 s nephew not ruling out poison as cause of death , while yasser arafat #39 s nephew says toxicology tests on his uncle show no poisons were found in his system , arafat #39 s nephew isn #39 t ruling that out as a cause of death . -__label__1 , putin in brazil for space talks , russian president vladimir putin visits brazil for talks on its space programme and the sale of fighter planes . -__label__1 , iraq gears up for elections , iraq iraq geared up monday for its first post-saddam hussein elections on january 30 despite relentless nationwide violence , as world powers gathered in egypt for a conference on the country #39 s future . -__label__1 , powell meets with middle east leaders , cbn . com - ( cbn news ) -erusalem -h the death of yasser arafat behind them , the palestinians and israelis are now facing an historic opportunity to move forward in peace . -__label__1 , elbaradei strongly rejects charges of collaboration with iran , international atomic energy agency ( iaea ) director-general mohamed elbaradei angrily rejected allegations that he had collaborated with iran ahead of releasing investigation reports about tehrans nuclear program . -__label__3 , campbell 9 pct . profit #39 hmmm hmmm good #39 , campbell soup co . ( cpb . n quote , profile , research ) on monday posted a better-than-expected 9 percent rise in profit , sending shares to a near three-year high , as heavy promotions and product improvements spurred soup sales . -__label__2 , f1 power struggle now in session . , the legal battle for control of formula one gets underway in earnest today , with bernie ecclestone and the three german banks that make up the major shareholding in the sport going to court to decide who has the right to power . -__label__3 , stelco loses contract to supply gm steel ( reuters ) , reuters - stelco inc . \ ( stea . to ) has lost a contract to supply steel to general motors\inc . , its biggest customer , because the insolvent\canadian steelmaker failed to strike a deal with its workers , \the union at stelco said on monday . -__label__4 , thomson joins microsoft-time warner deal ( ap ) , ap - french technology company thomson sa said monday it was joining microsoft corp . and time warner inc . ' s proposed venture to make anti-piracy software , a move that could relieve european union concerns about the pending deal . -__label__4 , thomson joins takeover bid for contentguard , thomson joined microsoft and time warner on monday in trying to take control of u . s . digital rights management ( drm ) company contentguard holdings . -__label__4 , bofra worm spreads by banner ads , attacks exploit ie flaw , and allow attacker to gain complete control of your pc . -__label__4 , google founders selling off stock , google founders selling off stock\\is this a sign that google stack is overpriced ? or does it just mean that since there is so much interest in google and its shares right now that the founders decided to sell off a big part of their holdings with the search engine . dow . . . -__label__1 , israel trial over slain gaza girl , an israeli military court has charged an army officer with illegally using his weapon when he allegedly shot a palestinian girl who was already dead . -__label__2 , mccartney to headline super bowl halftime in #39 05 , jacksonville , fla . - paul mccartney will headline the 2005 super bowl halftime show as the national football league goes mainstream after the controversy over this year #39 s show . -__label__3 , stelco loses contract to supply gm steel ( reuters ) , reuters - stelco inc . ( stea . to ) has lost a\contract to supply steel to its biggest customer general motors\corp . , the company said on monday , after the insolvent\canadian steelmaker failed to strike a deal with its workers . -__label__1 , ivory coast violence deals economic blow , burned , looted shops dot the commercial capital . european airlines have suspended flights . and only a few ships remain in what was one of west africa #39 s busiest ports . -__label__3 , banks seek court ruling over f1 , three banks go to the high court in london seeking a ruling which could lead to bernie ecclestone losing control of formula one racing . -__label__4 , bofra burrows in through banner ads , hackers may be using banner ad servers to multiply the impact of the internet explorer virus , security experts warn . -__label__4 , pioneer replaces plasma tv power supplies , certain pioneer tvs have a faulty power supply . an upgrade is available . -__label__2 , cu athletic director dick tharp resigns ( ap ) , ap - colorado athletic director dick tharp resigned monday , ending a nine-year tenure sullied by accusations of recruiting violations and fiscal mismanagement . -__label__3 , nike boosts dividend by 25 percent ( reuters ) , reuters - nike inc . boosted its\quarterly dividend by 25 percent on monday , citing strong cash\flow and growth prospects as the world ' s biggest athletic shoe\company has racked up record revenue and soaring profits the\past few years . -__label__3 , stocks finish up , apple provides a lift , new york ( reuters ) - u . s . stocks rose on monday as a higher price target for shares of apple computer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=aapl . o target=/stocks/quickinfo/fullquote> aapl . o< /a> prompted enthusiasm for technology stocks and a rally in crude oil stalled . -__label__3 , tivo net loss widens subscribers grow , tivo inc . ( tivo . o quote , profile , research ) , maker of digital television recorders , on monday said its quarterly net loss widened as it boosted spending to acquire customers , but subscribers to its fee-based tv service rose -__label__4 , company launches windows-only jfk assassination game via online < b> . . . < /b> , quot a spokesman for the president #39 s brother , sen . edward m . kennedy , d-mass . , called the game #39 despicable . #39 the glasgow-based firm traffic said quot jfk reloaded quot was an educational quot docu-game quot that would help disprove conspiracy theories about kennedy #39 s death . -__label__4 , rtx provides cordless phones for net-based calls , copenhagen ( reuters ) - danish electronics equipment maker rtx telecom < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=rtx . co qtype=sym infotype=info qcat=news> rtx . co< /a> said on monday it had signed an agreement with skype , a provider of internet-based voice telephony , to develop and market cordless handsets . -__label__3 , federal cisos rank patch management as biggest obstacle , survey by intelligent decisions indicates that patch management leaves less time for chief information security officers to work on improving overall security . -__label__2 , nfl suspends seattle receiver four games ( ap ) , ap - seattle receiver koren robinson was suspended without pay monday for the next four games for violating the nfl ' s substance-abuse policy . -__label__4 , update peoplesoft board won ' t negotiate oracle takeover , peoplesoft executives said over the weekend that they won ' t discuss a sale to oracle at a price of \$24 per share but would consider an offer at a higher price . -__label__2 , seahawks receiver robinson suspended by nfl , new york ( sports network ) - seattle seahawks wide receiver koren robinson has been suspended without pay for four games by the league for violating the nfl ' s substance abuse policy . -__label__4 , alamosa offers to buy airgate ( reuters ) , reuters - alamosa holdings inc . said\on monday it made an unsolicited bid for airgate pcs inc . \ worth about #36 380 million , which would create one of\the largest sellers of wireless telephone service under the\sprint brand . -__label__1 , forgoing stiff upper lip , charles jousts with critics , london in an unusual departure from the tradition of regal silence and the stiff upper lip , prince charles fought back monday against accusations by a government minister who called his views on education quot old fashioned quot and quot out of time . -__label__4 , report ibm software executive to become ca ceo , computer associates is set to name a recently departed ibm executive as its new chief executive officer , the wall street journal reported online on monday . -__label__3 , defence contractors chase \$23bn deal , europes biggest defence contractors will have the chance to bid for a \$23 billion ( 12 billion ) air refuelling contract for the us air force that has been withdrawn from boeing . -__label__3 , xstrata puts \$5 . 8bn bid to shareholders , xstrata yesterday took its \$5 . 8 billion ( 3 . 1 billion ) cash bid for australian miner wmc hostile , laying the ground for another major takeover clash between the old guard and the new of the mining world . -__label__3 , pulitzer shares surge on possible sale , st . louis pulitzer incorporated shares spike more than 17 percent on news that the publisher of the st . louis post-dispatch and two arizona newspapers is considering a possible sale . -__label__1 , chinese president meets with castro ( ap ) , ap - chinese president hu jintao met with fidel castro monday for talks focusing on the broadening ties between cuba and china , which has become the island ' s third-largest trading partner . -__label__4 , measures aim to stem middle east bird slaughter ( reuters ) , reuters - conservationists launched a\three-year project on tuesday to protect millions of migrating\birds which are indiscriminately targeted by hunters in north\africa and the middle east . -__label__4 , britain #39 s biggest dinosaur found in isle of wight ( update1 ) , a prehistoric neck bone found 12 years ago by amateur fossil hunters in britain belongs to the biggest dinosaur ever discovered in the uk and possibly europe , a report published in the cretaceous research journal said today . -__label__2 , artest banned for season jackson gets 30 games , o #39 neal 25 , new york ( ticker ) - ron artest received the longest suspension in nba history sunday as he was banned for the rest of the season for his role as the ringleader in what amounted to a riot . -__label__3 , trump #39 s casinos file for bankruptcy , donald trump #39 s flagship casino business yesterday filed for bankruptcy as part of a financial restructuring aimed at easing \$1 . 8bn ( 1m ) debt . -__label__3 , mcdonald #39 s ceo charlie bell devoted working career to mcdonald #39 s , oak brook , ill . cancer has forced charlie bell to step down as ceo of the restaurant chain to which he #39 s devoted most of his working career . -__label__1 , skorea ' s hyundai motor to join strike against labor reform bill ( afp ) , afp - workers at south korea ' s largest automaker hyundai motor will go on strike friday to oppose proposed government labor reform legislaton , union leaders said . -__label__3 , the handbag ? total knockoff . the price tag ? all too real . , it is as much a rite of the new york holiday season as sidewalk santas or crowded fifth avenue sidewalks the proliferation of hawkers selling counterfeit products like the fake fendi handbag , the replica rolex watch and the pirated dvd . -__label__4 , novell ships desktop linux for the enterprise , novell inc has announced the availability of the novell linux desktop 9 , powered by suse linux . backed by novells extensive enterprise-level support , training and consulting services , novell linux desktop -__label__2 , ramsey , redskins come up a little short in first start , patrick ramsey can picture each long pass he threw during his first start this season . the five deep throws came on tight spirals that were only a tad off . -__label__3 , bhp stock boosted by share buy-back , mining giant bhp billiton has completed a bigger-than-expected a\$2 . 27 billion ( 950 million pound ) share buyback , driving up its stock price as investors reinvest profits from the tax-efficient deal . -__label__4 , publisher files copyright suit against google , an adult publishing company sued google last week , alleging a dozen counts of copyright infringement . perfect 10 , a beverly hills , ca-based publisher of an adult-oriented magazine and web sites , asserts that -__label__2 , sa-india test south africa declare at 510 for 9 , sports india cricket gt kanpur , nov 22 south africa declared their first innings at 510 for nine on the third day of the first cricket test against india here today . -__label__4 , lawmakers give the space agency greater flexibility in its new < b> . . . < /b> , after a year of wrangling over nasa #39 s \$16 . 2 billion budget , lawmakers have delivered in a big way , giving the space agency its full funding request and unprecedented spending flexibility . -__label__3 , icahn blasts ceo coury after mylan rejects stock buyout offer , the war of words between mylan laboratories inc . and the company #39 s largest shareholder over mylan #39 s \$4 billion deal to acquire king pharmaceuticals inc . -__label__2 , paul mccartney to perform at super bowl , following this year #39 s quot nipplegate quot affair with janet jackson and justin timberlake , the organisers of half-time entertainment at the super bowl aren #39 t taking any chances in 2005 . -__label__2 , paul mccartney to perform at super bowl , the organisers of the half-time entertainment for next year #39 s super bowl have signed a deal with sir paul mccartney to entertain millions . -__label__2 , timberwolves go all way back , trailing by 12 points with 4 minutes , 27 seconds left , having gone longer than that since they last scored , the minnesota timberwolves could have been thinking about finally getting home after a week on the road . -__label__2 , notebook usc , sooners in control of bcs , usc vs . oklahoma in the orange bowl appears to be three victories away - two by usc and one by the sooners . usc and oklahoma held the top two spots in the bowl championship -__label__1 , israel kills 5 palestinians in north gaza -- medics , gaza ( reuters ) - israeli soldiers shot dead five palestinians in north gaza on tuesday after mortar fire from palestinian militants wounded two people in a nearby jewish settlement , medics on both sides said . +__label__1 , clinton rips starr , media on prosecution ( ap ) , ap - in a prime-time television outburst , bill clinton ripped old nemesis kenneth starr and what the former president portrayed as a gullible media eager to report every sleazy thing leaked from a prosecutor bent on bringing him down . +__label__3 , yukos under the hammer at \$8 . 6bn , russia pressed ahead yesterday with controversial plans to break up the country #39 s biggest oil company yukos , setting a date of december 19 for an auction of its main production unit at a bargain basement starting price of \$8 . 65bn ( 4 . 88bn ) . +__label__4 , first look ipod brings music to your photos ( pc world ) , pc world - apple ' s latest offers a brilliant color screen and photo capabilities , but the price is high . +__label__1 , next big hit at the modern its reopening , the buzz over the greatly enlarged museum is expected to turn into a cacophony on saturday . +__label__1 , funding of election monitors a concern , a delegation that was paid to watch the ukraine elections by a lobbyist affiliated with one of the candidates has some saying the move taints the process of promoting democracy . +__label__2 , steelers ' staley downgraded to doubtful ( ap ) , ap - pittsburgh steelers running back duce staley was downgraded to doubtful friday with a sore hamstring , meaning he will almost certainly miss a third consecutive game sunday . +__label__1 , protesters denounce apec summit in chile , thousands of protesters marched peacefully through downtown santiago on friday , expressing anger at a weekend summit of pacific rim leaders , particularly president bush . but violence later erupted at a rock concert . +__label__3 , no tax on internet access until at least 2007 , consumers won #39 t have to pay a tax to log on to the internet until at least 2007 , after congress voted friday to renew a recently lapsed ban on internet taxation . +__label__3 , lawyers in the limelight , by all appearances , steven woghin was a lawyer at the top of his game . after years in government service , the former justice department attorney had worked his way up to a comfortable six-figure salary and the chief legal job at software maker computer associates international inc . +__label__4 , inside apple #39 s new regent street store , with 48 hours left before its official opening , apple gave us a sneak peek at the new regent street store . billed as #39 a place to belong #39 , it #39 s staffed by the 138 successful candidates , whittled down from an original list of over 4000 applicants . +__label__4 , earthquake ' redraws the map ' , the devastating earthquake that struck the indian ocean probably caused some islands to move by several metres . +__label__4 , system glitch hits hsbc , a glitch leaves customers of hsbc bank unable to use its internet services as well as cash machines . +__label__3 , market not ready to cheer , despite announcing the biggest news in its short history , osi pharmaceuticals stock fell nearly 10 percent friday , as some investors grew nervous about whether its newly approved cancer drug would be the bonanza they expected . +__label__1 , myanmar frees nearly 4 , 000 prisoners , un secretary general kofi annan has praised the release of several political prisoners in myanmar , the bbc reported saturday . annan also said he hoped others still behind +__label__4 , linux core consortium may not derail fate #39 s wheels , fate may hold something of a pre-determined fragmentation for linux operating systems , like unix before them , that even standards efforts cannot undo . +__label__1 , world ' s oldest man dies aged 113 , the world ' s oldest man , who gave up driving at 108 because slow drivers annoyed him , dies at 113 . +__label__2 , spurrier expected to replace holtz , lou holtz wanted his south carolina players to focus on their game against clemson . they suddenly have a lot more on their minds . holtz will retire as coach at south carolina +__label__2 , manchester united beats charlton 2-0 ( ap ) , ap - manchester united defeated charlton 2-0 saturday in the premier league behind goals from ryan giggs and paul scholes . charlton did little to test united ' s defense before 67 , 704 fans , and the only surprise was that man united didn ' t score more . +__label__2 , toronto raptors team report - november 20 , ( sports network ) - the toronto raptors found themselves on the wrong end of a 101-94 decision against the red-hot seattle supersonics on friday at the air canada centre . +__label__1 , top senate dem calls for bipartisanship ( ap ) , ap - rallying a party stung by presidential and congressional losses , the incoming senate democratic leader reminded fellow lawmakers on saturday of their shared commitment to help the nation . +__label__1 , england humble sprinboks , charlie hodgson scores 27 points as england overwhelm the springboks at twickenham . +__label__2 , police join probe into pistons-pacers mass brawl , police launched an investigation on saturday into an extraordinary mass brawl involving players and fans at a game between the detroit pistons and indiana pacers . +__label__2 , harvick holds off mcmurray for busch series win , homestead , fla . ( sports network ) - kevin harvick held off fellow nextel cup driver jamie mcmurray on three restarts over the final 20 laps to capture the ford 300 . the no . 29 chevrolet crossed the finish line 0 . 218 seconds ahead of runner-up mcmurray . +__label__2 , michigan st . beats central conn . st . , michigan state #39 s liz shimek ( 52 ) starts a fast break trailed by central connecticut state #39 s gabriella geugbelet , left , and michigan state #39 s kelli roehrig , right , during the second half saturday , nov . 20 , 2004 , in east lansing , mich . +__label__4 , nasa successfully launches swift satellite , nasa #39 s swift satellite successfully launched today aboard a boeing delta 2 rocket at 12 16 pm est from launch complex 17a at the cape canaveral air force station , fla . +__label__2 , united states edge ahead at kiawah island , the rest of the world face an uphill task in their bid to win the ubs cup for the first time after the united states took the second day fourball session 4-2 to establish a 6 - 5 lead going into the final day singles at kiawah islands cassique +__label__2 , federer to meet hewitt in masters cup final , houston , tx ( sports network ) - world no . 1 roger federer of switzerland and third-seeded lleyton hewitt each posted straight-set wins and advanced to sunday #39 s final at the lucrative 2004 tennis masters cup . +__label__2 , gamecocks , tigers brawl , clemson , sc south carolina and clemson duked it out in the closing minutes of today #39 s game at clemson . police , security and coaches tried to separate the teams , who scuffled before the game started and continually pushed and showed each other throughout . +__label__1 , african troops begin with small steps to calm darfur ( reuters ) , reuters - the rebels emerge from the desert\haze like ghosts . first one , silhouetted atop a sand dune and\holding a grenade launcher , then a dozen more , their shadowy\figures appearing in unison . +__label__1 , china miners ' trapped by fire ' , rescuers in northern china look for dozens of miners thought to be trapped after a fire broke out . +__label__1 , al-jazeera man remanded in spain , a spanish court remands tayseer alouni and eight others in custody ahead of their trial for suspected al-qaeda links . +__label__3 , senators want boeing deal investigated , leaders of the senate armed services committee asked the defense department on friday to have its inspector general #39 s office investigate the air force #39 s effort to +__label__2 , wrapup 1-careless chelsea and arsenal let victories slip , league leaders chelsea allowed bolton wanderers to recover from two goals down to force a 2-2 draw at stamford bridge in one of two major surprises in the premier league on saturday . +__label__2 , with a rookie quarterback in the n . f . l . , call it in the air , debuts are rarely pretty , especially for rookies such as giants quarterback eli manning , who will make his first start sunday . +__label__2 , auburn stays perfect , no . 2 auburn rallies in the second half and defeats rival alabama , 21-13 , saturday to keep its national championship hopes alive . +__label__3 , viewpoints just say #39 no #39 , you can #39 t get much clearer than no . that was the strongly implied response of the us treasury secretary , john snow , to europe #39 s growing cries that he help it deal with a weakening dollar by intervening to stop the slide . +__label__1 , iraq continues battle against insurgents , baghdad , iraq - insurgents continued to strike against coalition targets in iraq saturday , resulting in the deaths of one us soldier and four government employees in baghdad . +__label__4 , us spacecraft to probe origin of gamma rays far beyond our galaxy , the us space agency , nasa , launched a satellite saturday that scientists hope will help them locate the sources of mysterious gamma ray explosions , the +__label__4 , titantic is a treasure to be protected , explorer says , legendary explorer robert ballard was nervous this summer as he prepared to return to the titanic for the first time since he discovered the famous shipwreck nearly two decades ago . +__label__3 , congress asks sec for mutual fund study ( reuters ) , reuters - the u . s . congress asked the\securities and exchange commission on saturday to send\lawmakers a report justifying a new rule forcing mutual fund\boards to have independent chairmen . +__label__2 , all-rounder mcgrath , glenn mcgrath , thoroughbred fast bowler for a decade , embarked on a new career as an all-rounder in his 102nd test match at the gabba , hitting his first half-century as australia +__label__2 , cavs beat bobcats for sixth win in row ( ap ) , ap - lebron james scored 25 points , jeff mcinnis added a season-high 24 and the cleveland cavaliers won their sixth straight , 100-84 over the charlotte bobcats on saturday night . +__label__2 , michigan gets rose bowl berth despite loss to ohio st . , columbus , ohio ( sports network ) - troy smith threw for 241 yards and two touchdowns and ran for 145 yards and a score to lead the ohio state buckeyes to a 37-21 victory over no . 7 michigan in the final game of the regular season for both teams . +__label__3 , congress asks sec for mutual fund study , washington ( reuters ) - the u . s . congress asked the securities and exchange commission on saturday to send lawmakers a report justifying a new rule forcing mutual fund boards to have independent chairmen . +__label__2 , sorenstam maintains florida lead , annika sorenstam could only manage a level-par 72 on day three of the adt tour championship in florida but it was enough to maintain a one-stroke lead . +__label__1 , will there be peace in great lakes region ? , to coordinate and cooperate or not to , that is where the rub is , and that is the key issue when it comes to answering the question whether there will be peace in the great lakes region . +__label__1 , leaders of spain , portugal , latin america urge falklands dialogue ( afp ) , afp - leaders from spain , portugal and their former colonies in latin america urged britain and argentina to renew their dialogue on the falkland islands , known in argentina as the malvinas . +__label__1 , explosion in southern italy kills eight , gas leak possible cause , foggia , italy eight people have been killed in an explosion that leveled a two-story apartment building in southern italy . firefighters are investigating whether a gas leak is to blame . +__label__2 , florida upsets no . 10 florida state 20-13 , florida state #39 s chauncey stovall , left , comes down with a fourth-quarter-touchdown catch as florida defender vernell brown , right , falls down , saturday , nov . 20 , 2004 , in tallahassee , fla . +__label__2 , fans are to blame , but players will face biggest penalties , look for david stern to come down hard on the principals in friday #39 s pacers-pistons brawl . with the nba #39 s image possibly at stake , many around the league expect him to send a strong message when he makes his final ruling . +__label__3 , dreams of perfect market are fine , as long as they don ' t come true , in these times of financial wrongdoing and subsequent systemic changes , it ' s only natural to wonder what a perfect investment world would look like . +__label__3 , hotel workers #39 lockout off for now employers , union ok 60-day < b> . . . < /b> , thirty-eight raucous days of picket lines , tough talk and the angst of 4 , 300 san francisco hotel workers locked out of their jobs with the holidays nigh were put aside saturday when negotiators for the hotels and the workers #39 union agreed to a 60-day +__label__2 , westwood closes in on first title of 2004 , sun city , south africa ( reuters ) - briton lee westwood closed in on his first title of 2004 when he claimed the third-round lead in the sun city golf challenge saturday . +__label__3 , lawyer says we #39 re good guys , drug giant merck pulled its painkiller vioxx because it increased the risk of heart attacks and strokes . now the company may face thousands of lawsuits . +__label__2 , local knowledge produced benefits , patriots fans had one of their own working sunday ' s regular-season finale against the 49ers . fox producer p . t . navarro considers himself a new englander , even though he moved around the country as the son of college football coach frank navarro ( columbia , wabash , princeton ) . +__label__3 , special to espn . com , it #39 s the age old question quot what do you give to the man who #39 s been everything ? quot . only time will tell whether phil knight #39 s retirement will be as long-lived as so many players he paid to endorse nike . +__label__2 , woods wins dunlop phoenix , miyazaki - tiger woods shot a 3-under 67 sunday to win the dunlop phoenix for his first title since february and first victory in japan . +__label__2 , huskies blank buffalo , dan orlovsky threw for 283 yards and a touchdown in his final home game yesterday to lead connecticut to a 29-0 victory over buffalo , assuring the huskies of a winning record and making them eligible for a bowl bid . +__label__2 , auburn 21 , alabama 13 auburn #39 s strong second half keeps it in < b> . . . < /b> , for one half saturday , the controversy over the bowl championship series looked like it might disappear in the dampness of bryant-denny stadium as undefeated auburn found itself in a fight with archrival alabama . +__label__1 , army restricted ethnic recruits , the british army secretly restricted numbers of ethnic recruits , according to official files just released . +__label__2 , ohio state defense keeps hart in check , columbus - it had been awhile since anyone had slammed the door on michigan phenom mike hart . the freshman running back established a school record by rushing for 150 or more yards in five straight games entering +__label__1 , baghdad governor assassinated bombing kills 10 , baghdad ( reuters ) - gunmen killed the baghdad governor in iraq ' s highest-profile assassination in eight months and a suicide bomber killed 10 people near the green zone on tuesday in an escalating campaign to wreck a jan . 30 election . +__label__3 , taser execs selling heavily on the news , shares of taser international inc . ( tasr . o quote , profile , research ) have jumped 20 percent since early last week as the stun gun maker issued a slew of announcements +__label__3 , update 1 negotiators meet at wto for farm talks , negotiators met friday at the world trade organization for formal farm talks , capping a weeklong series of informal discussions on ways to reach a wider-ranging liberalization accord by the end of 2005 . +__label__2 , ohio state #39 s big plays kill wolverines , football coaches , especially those at michigan , continually stress the importance of preventing the big play . a lot of players didn #39 t get the message on saturday . +__label__2 , sugar shane not so sweet , ( november 21 , 2004 ) . ronald winky wright successfully defended his 154 lb . title for the sixth time in the highly anticipated rematch with the formerly sweet sugar shane mosley +__label__3 , rats in mouse #39 s house ? , remember john edwards two americas campaign theme ? it occurred to me how well that theme fits the corporate world . for proof , look no further than the stockholder lawsuit against walt disney co . +__label__1 , costa rica quake , a powerful early-morning earthquake in costa rica shook presidents and prime ministers from their beds while damaging houses and frightening several people into heart attacks . +__label__2 , vieira slams spain #39 s stance on racism , patrick vieira has fiercely criticised spain #39 s record in combating racism in football and paid tribute to england #39 s record in acting against it . +__label__2 , utah caps unbeaten season with rout of byu ( ap ) , ap - utah beat rival brigham young 52-21 saturday , completing its first unbeaten season since 1930 and putting the utes one step closer to the first appearance in the bowl championship series for a team from a mid-major conference . +__label__4 , three more linux mobile phones coming in japan , an anonymous reader writes quot nec and panasonic have developed three linux-powered 3g mobile phones to be introduced in japan in the coming months -- nec #39 s n900il , nec #39 s n901ic , and panasonic #39 s p901i . +__label__2 , mosley unable to escape winkys jab , las vegas , nv you have to give credit to sugar shane mosley . for the second time in his career , the former world champion valiantly tried to reverse a thorough beating by jumping headfirst into an immediate rematch . +__label__1 , after a decade of silence , cambodia ' s cinema enjoys resurgence ( afp ) , afp - after a decade of silence , cambodia ' s movie industry is enjoying a boom due to a dash of hollywood attention , burgeoning nationalism and cheaper production costs , industry insiders say . +__label__3 , anil ambani authorises mother to take decisions on his behalf , mumbai/new delhi the stage is set for a family meeting of the ambanis here on monday on the ownership issue in the rs 80 , 000 crore-reliance group of industries as mukesh ambani returned from the us even as his brother anil is understood to have +__label__1 , commuter plane crashes in china , killing 54 , a china eastern airlines commuter plane crashed into a frozen lake in northern china this morning , killing all 53 people on board and 1 on the ground , state media and the airline said . +__label__1 , halliburton leading contender in construction of british aircraft carriers report ( afp ) , afp - halliburton , the oil services giant once run by us vice president dick cheney , has emerged as a leading contender to manage the construction of two british aircraft carriers , the sunday telegraph said . +__label__1 , deadly fire sweeps through china mines , shahe , china - nine people were confirmed dead and 57 remained missing late sunday after a fire swept through five iron ore mines in northern china , the xinhau news agency said . +__label__3 , update 2 oracle poised to pounce on peoplesoft , bolstered by investors , oracle corp . appears destined to complete its long-sought takeover of peoplesoft inc . unless its rival becomes more profitable and proves it #39 s worth more than the \$9 . 2 billion bid currently on the table . +__label__3 , google creators in share sell-off , google founders larry page and sergey brin have announced plans to sell millions of shares in the web search company they launched in 1998 . +__label__2 , backstage pass mosley-wright 2 , by sammy rozenberg ( ap staff writer/boxingscene staff writer ) . boxingscene was ready and willing to engage in conversation during the post-fight press conference following the shane mosley-winky wright rematch . +__label__1 , australia cancels 80pc of iraqi debt , nineteen countries , including australia , have agreed to cancel 80 per cent of the debt iraq owes them . the deal secured for the paris club of creditor nations ends a trans-atlantic dispute and probably sets +__label__1 , arafat nephew set to pick up medical chart , paris - nasser al-kidwa , nephew of the deceased palestinian leader yasser arafat , arrived in paris from cairo sunday to pick up a copy of arafat #39 s medical records . +__label__1 , pm invites north east groups for talks , striking a personal chord , prime minister manmohan singh today invited ulfa in assam and other insurgent groups in the north east to shun violence . +__label__1 , us urges israel to help palestinian vote , us secretary of state colin powell has launched a new middle east peace drive by saying he will press both israeli and palestinian leaders for steps to help palestinians elect a successor to yasser arafat . +__label__2 , iverson misses game against heat ( ap ) , ap - philadelphia 76ers guard allen iverson didn ' t travel with the team for sunday ' s game against miami because of a bruised right elbow . +__label__1 , iran pledges to halt nuclear work , the head of iran #39 s nuclear energy organisation said work would stop at two nuclear facilities in the central cities of isfahan and natanz . +__label__3 , no deal on dollar as us shrugs off european pressure , europe and japan failed yesterday to persuade the united states to address the decline in the dollar , despite talks at a fractious meeting of the group of 20 industrialised and developing nations . +__label__2 , for dempsey , soccer impasse qualifies as a concern , us national team candidates expected to begin training in los angeles this week for the start of the final round of world cup qualifying . instead , the training camp has been postponed because of a contract dispute between the us soccer federation and the us national soccer team players association . +__label__1 , blunkett gets tougher on drugs , new police powers to prosecute offenders for possession if they test positive for drugs when they are arrested , even if the only drugs they have are in their bloodstream , are to be announced this week . +__label__4 , top exec shares business lessons , jeff raikes was working at apple computer in the early 1980s when a guy named steve ballmer called and asked him to interview for a product-management job at a small software outfit in the seattle area . +__label__4 , nvidia and intel sign broad cross-license and chipset license < b> . . . < /b> , quot nvidia and intel corporation announced that the companies have signed a broad , multi-year patent cross-license agreement spanning multiple product lines and product generations . +__label__1 , apec leaders vow to scrap trade barriers , pacific rim leaders pledged sunday to shore up global security and push ahead with the world trade organization ' s negotiations on lowering global trade barriers . +__label__3 , hgs picks watkins as new chief executive , human genome sciences inc . plans to announce today that it has hired a 20-year product development veteran from abbott laboratories inc . as chief executive . h . thomas watkins , 51 , will face the challenge of completing the rockville company ' s makeover from gene hunter to drug marketer . +__label__2 , bettis , steelers post eighth straight win , cincinnati - jerome bettis ran for 129 yards and the pittsburgh steelers #39 blitzing defense created havoc in the second half in a 19-14 win over the cincinnati bengals yesterday . +__label__3 , update james hardie 1h net disappoints cuts fy forecast , sydney ( dow jones ) --australian building products manufacturer james hardie industries nv ( jhx ) surprised investors monday by reporting a 9 . 5 drop in net profit for +__label__2 , favre does it again , with the texans nursing a second-half lead , the stage was set for another packers ' comeback , authored by brett favre . the result a 16-13 green bay win . +__label__3 , google targets software giant , seattle -- not too long ago , google inc . seemed little more than a pesky insect to microsoft corp . ' s 800-pound gorilla . +__label__2 , defense finally craters against favre , considering how poorly the texans #39 defense played in the first halves in blowout losses to the denver broncos and indianapolis colts the previous two weeks , sunday night #39 s performance was encouraging . +__label__1 , bush tries to mend ties with latin america , president bush , trying to mend relations with latin america , pledged sunday to make a fresh push for stalled immigration reforms and defended the u . s . invasion of iraq , saying that history will prove it right . +__label__3 , toy safety glance , 398 , 000 bumble bee toys distributed by graco children #39 s products . graco received 26 reports of antennae breaking off the toys , including five reports of children who started to choke on the broken parts . +__label__3 , holiday sales results lift wal-mart , kmart , wal-mart stores inc . said a surge in after-christmas shopping spurred december same-store sales gains of about 3 percent , at the high end of its forecast . kmart holding corp . said profit rose 10 percent during the holiday season after it limited deep discounts . +__label__4 , skulls trojan keelhauls symbian phones , users with symbian-based mobile phones have been hit by malicious code that disables smartphone features . skulls , a trojan horse program that poses as gaming software , is one of the first examples of malicious code to successfully infect mobiles . +__label__2 , gullit to take action after defeat , feyenoord boss ruud gullit has launched a stinging attack on his players after watching them crash to their third defeat of the season against fc groningen . +__label__1 , iran suspends key nuclear work to avoid sanctions , iran on monday froze sensitive nuclear work including uranium enrichment in a move likely to thwart us efforts to report the islamic state to the un security council for possible sanctions . +__label__3 , amtrak infrastructure on brink , dot warns , the national passenger rail service risks a major point of failure if infrastructure needs remain unaddressed , the u . s . department of transportation warned in a scathing report made public . +__label__3 , xstrata in new bid for mines firm , swiss firm xstrata relaunches a takeover bid for australian mining company wmc resources by appealing directly to its shareholders . +__label__2 , nine men bhoys fall at ibrox , celtic lost ground in the title race today after rangers won a heated old firm encounter that will be better remembered for its sending offs and scuffles . +__label__2 , wright ready to cash in after win , shane mosley gave winky wright his big chance . after beating mosley a second time , wright is now ready to cash in on it . wright pronounced himself one of boxing #39 s elite contenders saturday night after beating +__label__1 , china iron mine fire death toll rises to 57 , beijing ( reuters ) - the death toll from a fire that swept through an iron mine complex in the northern chinese province of hebei rose to 57 , with three miners still missing , xinhua news agency said on monday . +__label__1 , raid in hunt for afghan hostages , \us and afghan forces raid houses in kabul as part of a hunt for three un workers kidnapped last month . +__label__4 , microsoft and dell get air force pact , microsoft corp . on friday said that together with dell inc . it will provide the air force with software and related support services to simplify the acquisition process in an agreement worth up to \$500 million over six years . +__label__3 , cat and astrazeneca enter \$175m collaboration , astrazeneca intends to invest over 120m in cambridge antibody technology ( cat ) through an innovative five-year research collaboration and a 75m equity +__label__3 , trump ' s casinos file for bankruptcy , philadelphia ( reuters ) - donald trump ' s casino operations filed for bankruptcy sunday in a long-expected move that would allow the real estate maverick to restructure the company ' s debt and overhaul its aging casinos . +__label__3 , xstrata makes a bid for wmc resources , swiss mining group xstrata plc monday launched a hostile 7 . 4 billion australian dollar ( us\$5 . 8 billion euro4 . 4 billion ) bid for uranium and copper miner wmc resources ltd , increasing pressure on the independent australian miner . +__label__3 , hk disneyland theme park to open in september , hong kong #39 s disneyland theme park will open on sept . 12 , 2005 and become the driving force for growth in the city #39 s tourism industry , hong kong #39 s government and walt disney co . +__label__3 , ryanair names liverpool airport as 12th base , ryanair is making liverpool #39 s john lennon airport its 12th european base . the low fares airline is investing \$240m in four new boeing 737-800 aircraft and will launch nine new european routes from the airport . +__label__4 , trapeze software eases services delivery ( ziff davis ) , ziff davis - trapeze networks this week will announce upgrades to its wireless lan switch software . +__label__4 , before-the-bell gencorp falls 5 . 6 pct . ( reuters ) , reuters - shares of gencorp inc . fell 5 . 6\percent before the opening bell on monday after investment fund\steel partners withdrew its proposal to acquire the aerospace\and real estate company . +__label__3 , study ranks st . louis as fourth most dangerous city , a new study ranks st . louis as the fourth most dangerous city . camden , new jersey came in first , followed by detroit and atlanta . the rankings are in morgan quitno #39 s quot city crime rankings , quot an annual reference +__label__3 , karstadtquelle sells stake in venture , troubled german retailer karstadtquelle ag said monday it is selling its 82 percent stake in a three-year-old joint venture with coffeehouse chain starbucks coffee international to the us company . +__label__4 , panasonic braves linux-fuelled wrath of ballmer , was this what microsoft ( steve ballmer ) was growling and threatening about , when he told asian countries quot nice little linux os you have here . +__label__1 , arafat #39 s nephew not ruling out poison as cause of death , while yasser arafat #39 s nephew says toxicology tests on his uncle show no poisons were found in his system , arafat #39 s nephew isn #39 t ruling that out as a cause of death . +__label__1 , putin in brazil for space talks , russian president vladimir putin visits brazil for talks on its space programme and the sale of fighter planes . +__label__1 , iraq gears up for elections , iraq iraq geared up monday for its first post-saddam hussein elections on january 30 despite relentless nationwide violence , as world powers gathered in egypt for a conference on the country #39 s future . +__label__1 , powell meets with middle east leaders , cbn . com - ( cbn news ) -erusalem -h the death of yasser arafat behind them , the palestinians and israelis are now facing an historic opportunity to move forward in peace . +__label__1 , elbaradei strongly rejects charges of collaboration with iran , international atomic energy agency ( iaea ) director-general mohamed elbaradei angrily rejected allegations that he had collaborated with iran ahead of releasing investigation reports about tehrans nuclear program . +__label__3 , campbell 9 pct . profit #39 hmmm hmmm good #39 , campbell soup co . ( cpb . n quote , profile , research ) on monday posted a better-than-expected 9 percent rise in profit , sending shares to a near three-year high , as heavy promotions and product improvements spurred soup sales . +__label__2 , f1 power struggle now in session . , the legal battle for control of formula one gets underway in earnest today , with bernie ecclestone and the three german banks that make up the major shareholding in the sport going to court to decide who has the right to power . +__label__3 , stelco loses contract to supply gm steel ( reuters ) , reuters - stelco inc . \ ( stea . to ) has lost a contract to supply steel to general motors\inc . , its biggest customer , because the insolvent\canadian steelmaker failed to strike a deal with its workers , \the union at stelco said on monday . +__label__4 , thomson joins microsoft-time warner deal ( ap ) , ap - french technology company thomson sa said monday it was joining microsoft corp . and time warner inc . ' s proposed venture to make anti-piracy software , a move that could relieve european union concerns about the pending deal . +__label__4 , thomson joins takeover bid for contentguard , thomson joined microsoft and time warner on monday in trying to take control of u . s . digital rights management ( drm ) company contentguard holdings . +__label__4 , bofra worm spreads by banner ads , attacks exploit ie flaw , and allow attacker to gain complete control of your pc . +__label__4 , google founders selling off stock , google founders selling off stock\\is this a sign that google stack is overpriced ? or does it just mean that since there is so much interest in google and its shares right now that the founders decided to sell off a big part of their holdings with the search engine . dow . . . +__label__1 , israel trial over slain gaza girl , an israeli military court has charged an army officer with illegally using his weapon when he allegedly shot a palestinian girl who was already dead . +__label__2 , mccartney to headline super bowl halftime in #39 05 , jacksonville , fla . - paul mccartney will headline the 2005 super bowl halftime show as the national football league goes mainstream after the controversy over this year #39 s show . +__label__3 , stelco loses contract to supply gm steel ( reuters ) , reuters - stelco inc . ( stea . to ) has lost a\contract to supply steel to its biggest customer general motors\corp . , the company said on monday , after the insolvent\canadian steelmaker failed to strike a deal with its workers . +__label__1 , ivory coast violence deals economic blow , burned , looted shops dot the commercial capital . european airlines have suspended flights . and only a few ships remain in what was one of west africa #39 s busiest ports . +__label__3 , banks seek court ruling over f1 , three banks go to the high court in london seeking a ruling which could lead to bernie ecclestone losing control of formula one racing . +__label__4 , bofra burrows in through banner ads , hackers may be using banner ad servers to multiply the impact of the internet explorer virus , security experts warn . +__label__4 , pioneer replaces plasma tv power supplies , certain pioneer tvs have a faulty power supply . an upgrade is available . +__label__2 , cu athletic director dick tharp resigns ( ap ) , ap - colorado athletic director dick tharp resigned monday , ending a nine-year tenure sullied by accusations of recruiting violations and fiscal mismanagement . +__label__3 , nike boosts dividend by 25 percent ( reuters ) , reuters - nike inc . boosted its\quarterly dividend by 25 percent on monday , citing strong cash\flow and growth prospects as the world ' s biggest athletic shoe\company has racked up record revenue and soaring profits the\past few years . +__label__3 , stocks finish up , apple provides a lift , new york ( reuters ) - u . s . stocks rose on monday as a higher price target for shares of apple computer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=aapl . o target=/stocks/quickinfo/fullquote> aapl . o< /a> prompted enthusiasm for technology stocks and a rally in crude oil stalled . +__label__3 , tivo net loss widens subscribers grow , tivo inc . ( tivo . o quote , profile , research ) , maker of digital television recorders , on monday said its quarterly net loss widened as it boosted spending to acquire customers , but subscribers to its fee-based tv service rose +__label__4 , company launches windows-only jfk assassination game via online < b> . . . < /b> , quot a spokesman for the president #39 s brother , sen . edward m . kennedy , d-mass . , called the game #39 despicable . #39 the glasgow-based firm traffic said quot jfk reloaded quot was an educational quot docu-game quot that would help disprove conspiracy theories about kennedy #39 s death . +__label__4 , rtx provides cordless phones for net-based calls , copenhagen ( reuters ) - danish electronics equipment maker rtx telecom < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=rtx . co qtype=sym infotype=info qcat=news> rtx . co< /a> said on monday it had signed an agreement with skype , a provider of internet-based voice telephony , to develop and market cordless handsets . +__label__3 , federal cisos rank patch management as biggest obstacle , survey by intelligent decisions indicates that patch management leaves less time for chief information security officers to work on improving overall security . +__label__2 , nfl suspends seattle receiver four games ( ap ) , ap - seattle receiver koren robinson was suspended without pay monday for the next four games for violating the nfl ' s substance-abuse policy . +__label__4 , update peoplesoft board won ' t negotiate oracle takeover , peoplesoft executives said over the weekend that they won ' t discuss a sale to oracle at a price of \$24 per share but would consider an offer at a higher price . +__label__2 , seahawks receiver robinson suspended by nfl , new york ( sports network ) - seattle seahawks wide receiver koren robinson has been suspended without pay for four games by the league for violating the nfl ' s substance abuse policy . +__label__4 , alamosa offers to buy airgate ( reuters ) , reuters - alamosa holdings inc . said\on monday it made an unsolicited bid for airgate pcs inc . \ worth about #36 380 million , which would create one of\the largest sellers of wireless telephone service under the\sprint brand . +__label__1 , forgoing stiff upper lip , charles jousts with critics , london in an unusual departure from the tradition of regal silence and the stiff upper lip , prince charles fought back monday against accusations by a government minister who called his views on education quot old fashioned quot and quot out of time . +__label__4 , report ibm software executive to become ca ceo , computer associates is set to name a recently departed ibm executive as its new chief executive officer , the wall street journal reported online on monday . +__label__3 , defence contractors chase \$23bn deal , europes biggest defence contractors will have the chance to bid for a \$23 billion ( 12 billion ) air refuelling contract for the us air force that has been withdrawn from boeing . +__label__3 , xstrata puts \$5 . 8bn bid to shareholders , xstrata yesterday took its \$5 . 8 billion ( 3 . 1 billion ) cash bid for australian miner wmc hostile , laying the ground for another major takeover clash between the old guard and the new of the mining world . +__label__3 , pulitzer shares surge on possible sale , st . louis pulitzer incorporated shares spike more than 17 percent on news that the publisher of the st . louis post-dispatch and two arizona newspapers is considering a possible sale . +__label__1 , chinese president meets with castro ( ap ) , ap - chinese president hu jintao met with fidel castro monday for talks focusing on the broadening ties between cuba and china , which has become the island ' s third-largest trading partner . +__label__4 , measures aim to stem middle east bird slaughter ( reuters ) , reuters - conservationists launched a\three-year project on tuesday to protect millions of migrating\birds which are indiscriminately targeted by hunters in north\africa and the middle east . +__label__4 , britain #39 s biggest dinosaur found in isle of wight ( update1 ) , a prehistoric neck bone found 12 years ago by amateur fossil hunters in britain belongs to the biggest dinosaur ever discovered in the uk and possibly europe , a report published in the cretaceous research journal said today . +__label__2 , artest banned for season jackson gets 30 games , o #39 neal 25 , new york ( ticker ) - ron artest received the longest suspension in nba history sunday as he was banned for the rest of the season for his role as the ringleader in what amounted to a riot . +__label__3 , trump #39 s casinos file for bankruptcy , donald trump #39 s flagship casino business yesterday filed for bankruptcy as part of a financial restructuring aimed at easing \$1 . 8bn ( 1m ) debt . +__label__3 , mcdonald #39 s ceo charlie bell devoted working career to mcdonald #39 s , oak brook , ill . cancer has forced charlie bell to step down as ceo of the restaurant chain to which he #39 s devoted most of his working career . +__label__1 , skorea ' s hyundai motor to join strike against labor reform bill ( afp ) , afp - workers at south korea ' s largest automaker hyundai motor will go on strike friday to oppose proposed government labor reform legislaton , union leaders said . +__label__3 , the handbag ? total knockoff . the price tag ? all too real . , it is as much a rite of the new york holiday season as sidewalk santas or crowded fifth avenue sidewalks the proliferation of hawkers selling counterfeit products like the fake fendi handbag , the replica rolex watch and the pirated dvd . +__label__4 , novell ships desktop linux for the enterprise , novell inc has announced the availability of the novell linux desktop 9 , powered by suse linux . backed by novells extensive enterprise-level support , training and consulting services , novell linux desktop +__label__2 , ramsey , redskins come up a little short in first start , patrick ramsey can picture each long pass he threw during his first start this season . the five deep throws came on tight spirals that were only a tad off . +__label__3 , bhp stock boosted by share buy-back , mining giant bhp billiton has completed a bigger-than-expected a\$2 . 27 billion ( 950 million pound ) share buyback , driving up its stock price as investors reinvest profits from the tax-efficient deal . +__label__4 , publisher files copyright suit against google , an adult publishing company sued google last week , alleging a dozen counts of copyright infringement . perfect 10 , a beverly hills , ca-based publisher of an adult-oriented magazine and web sites , asserts that +__label__2 , sa-india test south africa declare at 510 for 9 , sports india cricket gt kanpur , nov 22 south africa declared their first innings at 510 for nine on the third day of the first cricket test against india here today . +__label__4 , lawmakers give the space agency greater flexibility in its new < b> . . . < /b> , after a year of wrangling over nasa #39 s \$16 . 2 billion budget , lawmakers have delivered in a big way , giving the space agency its full funding request and unprecedented spending flexibility . +__label__3 , icahn blasts ceo coury after mylan rejects stock buyout offer , the war of words between mylan laboratories inc . and the company #39 s largest shareholder over mylan #39 s \$4 billion deal to acquire king pharmaceuticals inc . +__label__2 , paul mccartney to perform at super bowl , following this year #39 s quot nipplegate quot affair with janet jackson and justin timberlake , the organisers of half-time entertainment at the super bowl aren #39 t taking any chances in 2005 . +__label__2 , paul mccartney to perform at super bowl , the organisers of the half-time entertainment for next year #39 s super bowl have signed a deal with sir paul mccartney to entertain millions . +__label__2 , timberwolves go all way back , trailing by 12 points with 4 minutes , 27 seconds left , having gone longer than that since they last scored , the minnesota timberwolves could have been thinking about finally getting home after a week on the road . +__label__2 , notebook usc , sooners in control of bcs , usc vs . oklahoma in the orange bowl appears to be three victories away - two by usc and one by the sooners . usc and oklahoma held the top two spots in the bowl championship +__label__1 , israel kills 5 palestinians in north gaza -- medics , gaza ( reuters ) - israeli soldiers shot dead five palestinians in north gaza on tuesday after mortar fire from palestinian militants wounded two people in a nearby jewish settlement , medics on both sides said . __label__4 , the blog confusion , \\i hear that we have a new word - vlog . the amount of confusion this will result\in should be terrifying . \\my appologies to abbott and costello . . . i couldn ' t resist . \\abbott i say blogs ' s on first , vlogs ' s on second , and blogosphere ' s on third . \\costello is blog the publisher ? \\abbott yes . \\costello is blog going to have the video too ? \\abbott yes . \\costello and you don ' t know the fellows ' names ? \\abbott well i should . \\costello well then blogs publishing the story ? \\abbott yes . \\costello i mean the persons ' s name . \\abbott blog . \\costello the guy on first . \\abbott blog ! \\costello the first publisher . \\abbott blog . \\costello the guy writing . . . \\abbott blogs the publisher ! \ . . . \\ -__label__2 , sox lose kapler to japan , outfielder gabe kapler became the first player to leave the world series champion boston red sox , agreeing to a one-year contract with the yomiuri giants in tokyo . -__label__1 , peru arrests siege leader , to attack police post ( reuters ) , reuters - peruvian authorities have detained a\former army major who led a three-day uprising in a southern\peruvian town and are preparing to storm the police station he\took over with 200 supporters , a government source told reuters\early on tuesday . -__label__4 , family of jfk attacks dallas death game , a video games company from scotland is causing outrage in america with a title called jfk reloaded , which allows players to look through the crosshairs of lee harvey oswalds rifle and assassinate the late us president . -__label__3 , a . i . g . will accept monitor and pay \$80 million to close inquiries , the insurance company has agreed to pay about \$80 million to settle investigations into insurance sales that were used by companies to manipulate their earnings . -__label__4 , group cites video games for violence , sex ( ap ) , ap - video games that have players shoot rival gang members , watch bare-breasted women and recreate the assassination of president kennedy were criticized tuesday by advocacy groups that said , at the least , they should be kept away from children . -__label__4 , review ' half-life 2 ' a tech masterpiece ( ap ) , ap - it ' s been six years since valve corp . perfected the first-person shooter with half-life . video games have come a long way since , with better graphics and more options than ever . still , relatively few games have mustered this one ' s memorable characters and original science fiction story . -__label__4 , cingular to cut about 7 , 000 jobs ( reuters ) , reuters - cingular wireless will cut about 7 , 000\jobs , or 10 percent of its work force , to cut costs as it\integrates recently purchased at t wireless , the company said\on tuesday . -__label__4 , phone makers embrace linux ( newsfactor ) , newsfactor - open-source software is carving a larger niche in the mobile realm , with electronics firms nec ( nasdaq nipny ) and panasonic rolling out linux-based handhelds for japanese telecom giant ntt docomo ( nyse dcm ) . -__label__4 , bride of kazaa , arnold schwarzenegger married a kennedy . michael jackson married a presley . and kazaa married an internet phone company . beginning monday , the latest version of the embattled file sharing companys software -__label__1 , serbia , bosnian serbs fail to help war crimes tribunal , un says , the governments of serbia and the bosnian serb enclave of bosnia-herzegovina have failed to bring war crimes suspects to the united nations tribunal , chief prosecutor carla del ponte told the security council . -__label__4 , no sign of el nino in pacific for now - scientists ( reuters ) , reuters - sea temperatures in the southeastern\pacific show no sign of bringing extreme el nino weather\conditions in the next two months , peru ' s maritime institute\ ( imarpe ) said on tuesday . -__label__4 , catalina foxes back after near extinction ( ap ) , ap - a unique subspecies of fox that is about the size of a house cat is back from the brink of extinction on santa catalina island and can survive on its own thanks to a captive breeding program , the head of a nonprofit group that manages most of the island said tuesday . -__label__2 , arrowhead it still is pointing the way , in comparison to its contemporaries it could be termed a modern marvel , an example of how to do things right when everyone else was doing things wrong . -__label__4 , cingular to reduce work force by roughly 10 percent , ceo says , cingular wireless llc , the nation ' s largest cell phone company , will cut about 10 percent of its 68 , 000 jobs over the next 12 to 18 months as it combines operations with the recently acquired at t wireless , cingular ' s chief executive said tuesday . -__label__1 , four men held over jakarta bomb , four men are arrested over the suicide bomb attack on the australian embassy in jakarta , police say . -__label__4 , citrix buying vpn company net6 for \$50 million , boston - citrix systems is buying net6 , a privately-held maker of ssl ( secure socket layer ) vpn ( virtual private network ) technology , for \$50 million cash , citrix said tuesday . -__label__4 , echoes repeats success , don ' t junk that gamecube metroid prime 2 provides gorgeous atmosphere , a sweet score and fun gameplay to create a winner . by chris kohler . -__label__1 , chavez visit to spain sparks coup controversy , madrid ( reuters ) - venezuelan president hugo chavez ' s fence-mending visit to spain sparked political uproar on tuesday when madrid for the first time backed his allegations that the former spanish government backed a coup against him . -__label__4 , jfk killing fades in intensity , washington the 41st anniversary of president john f kennedy #39 s assassination passed on november 22 - a lot more quietly than earlier ones . -__label__2 , three arrested after demanding money from nba star , three men were arrested tuesday night for trying to extort \$3 million from denver nuggets star carmelo anthony . joubert santos and jason pabon of the bronx -__label__1 , easygroup close to launching low-cost mobile phone service ( afp ) , afp - easygroup , the holding company of no-frills british airline easyjet , is close to striking a deal to launch a low-cost mobile telephone service in britain , the financial times reported . -__label__2 , they #39 re not on same side , unable to reach an agreement on a one-year deal that pleases both sides , al leiter and the mets finally were able to come to terms on something it #39 s time both sides stop talking to each other and start looking elsewhere . -__label__2 , been there , won that nd hopes usc game mirrors effort vs . < b> . . . < /b> , south bend , ind . -- for the second time in less than a month , the notre dame football team returned to the practice field tuesday after a bye week preceded by a frustrating home loss . -__label__2 , gamecocks can expect fun , intensity from new coach spurrier , ( columbia-ap ) nov . 24 , 2004 - friends and colleagues of south carolina #39 s new coach steve spurrier say he is a family man who jokes around and likes to play golf , just like his predecessor lou holtz . -__label__2 , cricket-lillee a victim of generational change , says spin guru , melbourne , australia ( afp ) - cricket australia said it was better off hiring full-time coaches than employing bowling great dennis lillee , who has abruptly ended his long coaching involvement with the body . -__label__1 , british media security stopped several major terrorist attacks , a british television station and a newspaper are reporting that british security services believe they have thwarted several major attacks planned by terrorists linked to osama bin laden #39 s al-qaida organization . -__label__2 , portsmouth manager redknapp resigns to take break #39 from soccer , harry redknapp has quit as manager of english soccer premiership club portsmouth and said he wants a complete break #39 #39 from the game , the club web site reported . -__label__1 , u . n . n . korea sends positive message on nuke talks , seoul ( reuters ) - north korea gave a visiting u . n . official a very positive message about resuming stalled six-way talks on its nuclear programs , the south korean unification ministry said wednesday . -__label__3 , travelers stuff roads , terminals , traditionally , the wednesday before thanksgiving is the busiest travel day of the year , and the american automobile association expected travel this year to hit pre-sept . -__label__3 , no changes for certain nortel accounting , nortel networks corp . ( nt . to quote , profile , research ) said on wednesday that a far-reaching revision of its faulty financials will not require accounting changes for sales of certain fiber optic equipment . -__label__1 , asia freed un hostages say humbled by support in ordeal , the un workers , who helped to run a presidential election won last month by us-backed incumbent karzai , discussed their ordeal with him at his presidential palace in the morning . -__label__1 , britain plans national id cards , london -- invoking a global threat of terrorism , the british government announced plans tuesday to introduce national identity cards for the first time since the world war ii era . -__label__1 , la . becomes latest political battleground ( ap ) , ap - the swamps , bayous and rice fields of louisiana ' s cajun country have emerged as the site of the nation ' s latest political battleground . -__label__2 , bearcat qb has broken bone in throwing hand , cincinnati university of cincinnati quarterback gino guidugli ( guh-doo #39 -lee ) has a broken bone in his throwing hand , and may miss saturday #39 s game at number-seven louisville . -__label__1 , #39 grateful #39 kabul hostages look forward to returning to work , three un election workers who were freed yesterday nearly a month after being abducted in afghanistan have spoken of their gratitude to the afghan people for supporting them during their plight . -__label__3 , world trade organization holds off on sanctions over us anti < b> . . . < /b> , the world trade organization held off wednesday on approving stiff sanctions on us exports - ranging from cod to mobile homes - intended to punish washington until it repeals the so-called byrd amendment . -__label__1 , iran seeks to amend nuclear freeze deal ( ap ) , ap - iran sought on wednesday to partially roll back its commitment to freeze all uranium enrichment programs , demanding the right to run some equipment that can be used to produce nuclear arms . -__label__4 , elderly ' need digital tv funds ' , vulnerable groups such as the elderly should be helped to buy digital tv equipment , a report says . -__label__3 , microsoft , eu officials in procedure meeting , microsoft ( quote , chart ) and representatives of the european union #39 s competition commission will sit down at the table together on thursday , but it won #39 t be to eat . -__label__4 , microsoft will replace fake copies of xp , u . k . users will be able to replace pirated versions of windows that they have purchased . -__label__3 , us travelers face weather delays on holiday journey ( update2 ) , travelers faced weather delays across the us as they took to the highways and airways today to begin what industry experts say will be the biggest thanksgiving travel weekend since 2000 . -__label__3 , hearing set after microsoft rivals quit , the judge considering microsoft corp . #39 s appeal against european union sanctions has called a closed meeting for thursday to decide what action to take after two more major -__label__3 , mytravel wins court approval for creditor , shareholder meeting , mytravel plc , an unprofitable uk tour operator , got the go-ahead from a london court to meet creditors for approval of a refinancing plan after it submitted a revised version . -__label__4 , phishing on the increase , group says ( infoworld ) , infoworld - online phishing schemes increased significantly in october as financial institutions struggled to combat attempts to steal private account information from online consumers , according to the anti-phishing working group ( apwg ) . -__label__4 , e-mail and im get closer , icq , an im service provider owned by america online , and mail2world inc . , a provider of messaging and collaboration services , this week revealed a free upgrade to the icqmail service that -__label__1 , the east-west stakes over ukraine , russian and western leaders are sharply at odds over the country ' s election crisis . -__label__1 , weah returns to liberia , liberian legend george weah returns to liberia to launch his bid for the country ' s presidency . -__label__3 , ruling delayed in peoplesoft case , a crucial legal ruling in oracle ' s takeover bid for peoplesoft is delayed after a judge says he needs to hear more evidence . -__label__4 , apple ipod holds sway in japan , juliana sasaki did not bother checking out sony #39 s digital music player in tokyo before buying her ipod mini . quot i knew sony and other companies had mp3 players , but they can #39 t beat the mini , quot says sasaki , 23 , a language teacher . -__label__2 , ohio state bomb dogs irk michigan coach ( ap ) , ap - the intense rivalry between ohio state and michigan has gone to the dogs #151 bomb-sniffing ones . -__label__3 , time warner , sec near deal on aol troubles , the securities and exchange commission and time warner inc . are nearing agreement on a deal in which the media giant would pay about \$750 million to settle wide-ranging allegations -__label__2 , zimbabwe cricket tour collapses , england #39 s tour to zimbabwe was on the brink of cancellation last night after david morgan , the chairman of the england and wales cricket board , instructed michael vaughan #39 s team not to board a flight to harare an hour before it was scheduled to leave -__label__3 , spanish buy luton airport operator in 551m deal , luton airport was bought by the spanish yesterday as part of a 551m takeover deal which will net the men who run it almost 60m . -__label__2 , jags #39 leftwich likely to start on sunday , jacksonville , fl ( sports network ) - jacksonville jaguars quarterback byron leftwich participated in practice wednesday and is expected to start this week against the minnesota vikings . -__label__1 , annan starts reshuffling un staff for reform push ( reuters ) , reuters - u . n . secretary-general kofi\annan on monday chose the high-profile british head of a key\agency as his new chief of staff , the start of a reshuffle\aimed at instituting u . n . reforms and combating scandals . -__label__3 , spaniards to run luton airport after 551m deal , luton , cardiff and belfast international airports are to fall into the hands of a spanish toll motorways operator through a 551m takeover of the aviation group tbi by a barcelona-based abertis infrastructure . -__label__3 , judge threatens to punish mci over fees it has paid , the judge who presided over the securities and exchange commission #39 s fraud suit against mci , the long-distance telephone company , threatened to punish the company yesterday for ignoring his -__label__3 , agency sustains \$2 m hit , the pennsylvania turnpike commission lost about \$2 million in revenue wednesday as thousands of holiday travelers zipped through the toll booths for free . -__label__4 , good luck and bubblewrap . com , collard greens and black-eyed peas , a new years tradition , on a chefs site virtual-bubblewrap . com lets you punch holes with your mouse knowitallvideo . com , where amateur instructional videos are posted and rated . -__label__2 , lions have their work cut out for them against manning , you see it every time indianapolis colts quarterback peyton manning steps to the line of scrimmage before taking the snap . it #39 s like he #39 s going through his own little workout routine . -__label__2 , chicago bulls silence utah jazz , 101-99 ( ap ) , ap - ben gordon scored a career-high 22 points , including four free throws in the final minute , to lead the chicago bulls past the utah jazz 101-99 wednesday night to avoid an 0-10 start that would have been the worst in franchise history . -__label__4 , science as ice thaws , arctic peoples at loss for words , science news , iceland , what are the words used by indigenous peoples in the arctic for quot hornet , quot quot robin , quot quot elk , quot quot barn owl quot or quot salmon ? -__label__3 , tsa #39 pat-downs #39 cross the line for some fliers , millions of holiday travelers nationwide are experiencing an all-too-intimate form of security screening that some say amounts to sexual groping - a quot pat-down quot by government officials . -__label__4 , skulls on your symbian phone ? don #39 t panic ! , petaling jaya virus experts at british software security firm sophos plc have advised customers not to panic , following media reports of a trojan horse which infects cellphones . -__label__4 , sid meier #39 s pirates ! sets sail , the fourth-quarter deluge of top-quality games continued today , with atari announcing that sid meier #39 s pirates ! had shipped to stores . -__label__4 , streamlined cable tv in a card , an innovation called the cablecard , which slides into a slot on the back of many new tv sets , is meant to eliminate the cable box . so why aren ' t cable customers hearing more about it ? -__label__3 , dollar drops to new overnight low , the dollar hits yet another record low against the euro , causing concerns about the german and wider eurozone economies . -__label__2 , here ' s the catch branch is back , deion branch lists the revolution among his favorite soccer teams in his press guide biography . and branch ' s patriot season has mirrored that of the revolution -- a long-term injury sustained in the second game , followed by a spectacular recovery after the halfway point in the season . branch strained his knee in the patriots ' 23-12 win at arizona sept . . . . -__label__2 , cocky arsene , arsene wenger is confident that arsenal will make the knockout stages of the champions league , despite needing to beat rosenborg to make sure . -__label__2 , psg lead race for second group h berth , such has been chelsea #39 s dominance of their champions league group that the other three teams including holders porto are still all vying for a place in the knockout stage going into their final games next month . -__label__1 , blast kills one , injures 15 in southwest pakistan , quetta , pakistan - a bomb fixed to a bicycle killed one man and injured 15 people in southwestern pakistans restive desert province of baluchistan on thursday , police said . -__label__3 , petrol sales boost tesco turnover , the uk ' s largest supermarket - tesco - says strong petrol sales aided a rise in third quarter sales across all parts of its business . -__label__3 , british grocer tesco sees group sales rise 12 . 0-percent ( afp ) , afp - tesco , britain ' s biggest supermarket chain , said that group sales grew by 12 . 2 percent in the third quarter , driven by strong performances from its stores at home and abroad . -__label__3 , fbi interviews halliburton whistleblower , bunnatine greenhouse , chief contracting officer of the army corps of engineers , is seen in her official undated government photo . fbi agents recently spent a day interviewing greenhouse , the army contracting -__label__3 , more harmful drugs may be on the market , after writing about hundreds of individual and class-action lawsuits that have been filed on behalf of consumers who developed cancer , suffered heart attacks or other medical problems from hormone replacement therapy drugs and vioxx , an fda employee now -__label__3 , court bars mci from making payments , a federal court wednesday barred no . 2 us long-distance carrier mci inc . from making further payments to cover more than \$25 million in unauthorized expenses related to bankruptcy of predecessor worldcom . -__label__1 , abductor kills self in moscow region hostage freeing operation , moscow , november 25 ( itar-tass ) - a special task force unit freed both women who were held hostage by two armed army deserters in the moscow region . -__label__1 , uk minister visits arafat grave , uk foreign secretary jack straw lays a wreath at the grave of former palestinian leader yasser arafat . -__label__3 , judge mci may have violated court order on certain fees , new york a federal judge in manhattan says mci may have violated a court order by paying more than 25 ( m ) million dollars in professional services fees as part of its bankruptcy proceedings in excess of caps on such fees . -__label__1 , one killed , 15 injured in khuzdar bomb blast , one person killed and 15 injured as bomb went off in a market in district khuzdar of balochistan , reports the news . according to police officials , the bomb was planted in a cycle . -__label__2 , deacons defeat friars , justin gray leads wake forest with 21 points despite suffering a gashed face as the top-ranked demon deacons beat providence , 79-67 . -__label__4 , intel puts in plug for linux ( siliconvalley . com ) , siliconvalley . com - intel is making a big push to help personal computer makers in china and india offer the linux operating system on machines powered by the company ' s chips . -__label__4 , intel helps asian pc partners ship with linux ( techweb ) , techweb - chipmaker provides linux tools to reach growing market there . -__label__2 , france surges into fed cup final , defending champion france surged into the fed cup final , completing a 5-0 sweep of spain on thursday behind singles victories by nathalie dechy and tatiana golovin . -__label__4 , exeter uni cans chemistry department , in a move that has been dubbed as #39 disastrous #39 by the royal society of chemistry , exeter university is to drop the teaching of chemistry as a subject . -__label__1 , pro-pot groups says federal policies out of step with canadians ( canadian press ) , canadian press - ottawa ( cp ) - a group which advocates legalized marijuana says a new poll shows federal pot policies are out of touch with public opinion . -__label__4 , nintendo returns to profit ( ap ) , ap - nintendo co . returned to profit in the first half of the fiscal year from a loss a year ago as the japanese video-game maker erased foreign exchange losses and turned more profit with game-software sales . -__label__1 , un urges dialogue after rwanda vows action , rwanda insisted on thursday that it would soon attack rebels inside the democratic republic of congo unless they were disarmed , as the united nations security -__label__2 , blues misfit joins villarreal , former birmingham striker luciano figueroa has returned to the elite of european football with a move to spanish club villarreal . the argentina international was signed by the blues for 2 . 5million before -__label__2 , hartson #39 s goal gives celtic hope in europe , they may not have exorcised their demons but celtic certainly laid one ghost with a towering performance to come from behind to draw with barcelona in the nou camp and take their -__label__3 , new drug extends multiple sclerosis options , 25/11/2004 - the first in a completely new class of drug for multiple sclerosis has been approved in the us , opening up a new avenue of treatment for sufferers of the debilitating diseases and potential blockbuster revenues for developers elan and biogen -__label__3 , wto backs korea in shipbuilding dispute with eu , the world trade organization has ruled against european union claims that the korean government provided illegal subsidies to its shipbuilding industry , the ministry of foreign affairs and trade said today . -__label__2 , golovin and dechy lead france into fed cup final , moscow ( afp ) - tatiana golovin and nathalie dechy led holders france to a 5-0 mauling of spain to set up a fed cup final clash against russia . -__label__4 , detailed view of dione , summary - ( nov 25 , 2004 ) cassini took this amazing photograph of dione , one of saturn #39 s larger moons , on october 27 when it was 1 . 2 million km ( 746 , 000 miles ) away . -__label__1 , us-israel ties hang on palestinian vote , in a pace-setting adventure next january that could herald a new beginning in the middle east or spell disaster for all is the election of a palestinian successor to the charismatic yasser arafat and a new baghdad regime that could bring to an end the -__label__2 , wiggins siblings honor dad by playing ( ap ) , ap - candice wiggins is a walking advertisement for the anti-drug effort . a star freshman for stanford ' s basketball team , she showed up for a recent practice wearing a t-shirt reading no doubt about it . my health . my sport . my victory . i compete clean . -__label__1 , deputy prime minister lauds decision of ukrainian court in disputed election ( canadian press ) , canadian press - ottawa ( cp ) - deputy prime minister anne mclellan has applauded the intervention of ukraine ' s supreme court in that country ' s disputed presidential election . -__label__2 , naia coach nears matching smith ' s total ( ap ) , ap - harry statham thought he was making a temporary stop when he took over as mckendree college ' s basketball coach in 1966 . his dream was to win a state high school championship , but jobs at the premier high schools were hard to come by , especially for a young coach . statham figured if he could put a few successful seasons together at mckendree , his alma mater , he ' d be able to land a better job . -__label__2 , madrid miffed ! , the organisers of madrid #39 s bid complained that paris had broken the rules by using france #39 s embassies in oslo and kuwait to hold events to promote its candidacy , the newspaper said . -__label__3 , probe sought on charges fda discredited whistleblower , the head of the senate finance committee called on the us department of health and human services to launch a probe of allegations that the us food and drug administration went out of its way to discredit a whistleblower . -__label__2 , monkey chant fan banned from football for five years , a football supporter who racially abused dwight yorke , the premiership striker , was banned yesterday from every soccer stadium in england and wales for five years . -__label__2 , racist blackburn fan cops five-year ban , a soccer fan was fined \$2400 and banned from soccer grounds for the maximum five years yesterday when he pleaded guilty to racially abusing birmingham city striker dwight yorke . -__label__2 , brown in line after livingston sack preston , livingston have sacked allan preston as manager . the former hearts and st johnstone defender and his assistant , alan kernaghan , were dismissed after a run of seven defeats left the club -__label__4 , all in the beak scientists find secret of homing pigeons #39 < b> . . . < /b> , the sensitivity of a homing pigeon #39 s beak could provide an answer to the complicated story of how it finds its way home . scientists have shown for the first time that homing -__label__2 , no . 17 rutgers stops south dakota state ( ap ) , ap - freshman guard matee ajavon scored 29 points to lead rutgers over south dakota state 68-50 on thursday in the opening game of the paradise jam tournament in the u . s . virgin islands . -__label__1 , protests in canada over ukraine crisis ( afp ) , afp - hundreds of canadians , many of ukrainian descent , braved freezing temperatures to protest what they consider to be the fixed outcome of the ukrainian presidential election . -__label__1 , syria says it is ready for talks on peace , damascus , syria - syrian president bashar assad is ready to resume peace talks with israel quot without conditions , quot a top un envoy said yesterday . -__label__1 , a threat to the west bank pullout , the expected withdrawal from the gaza strip is substantively different from that which israel will carry out in the northern west bank , in the area of jenin . -__label__3 , yukos bosses in exile , its survival in doubt , russian oil company yukos , with shares near all-time lows and its bosses in exile , warned last night it is being driven toward bankruptcy . -__label__1 , mediation efforts to end ukraine crisis step up as solana due in kiev ( afp ) , afp - attempts to mediate the political crisis in ukraine are gathering pace with eu foreign policy chief javier solana and polish president aleksander kwasniewski expected in kiev . -__label__1 , us official murdered in baghdad , washington a us state department official who worked with the iraqi ministers of education and higher education was murdered in baghdad by a group linked to abu musab al-zarqawi , the group claimed on thursday . -__label__1 , two us soldiers killed , kabul -- two us soldiers died and another was injured when a bomb ripped through their patrol in southern afghanistan yesterday . the troops were attacked near deh rawood , a town 400 km southwest of kabul where -__label__2 , henry doubtful for anfield clash , arsenal striker thierry henry is doubtful for sundays barclays premiership trip to liverpool with a calf injury . the frenchman aggravated the problem during wednesday nights ill-tempered champions league -__label__1 , harry flies home after #39 kidnap plot #39 claims , prince harry flew back to the uk from argentina today amid reports of a plot to kidnap him . local media said that gunshots had been heard at a polo ranch where he was working . -__label__2 , eras blend together perfectly , as the final seconds ticked down on the last home game of his high school career , larry abare glanced up the hill at the far end of edward m . leary field and watched all the little boys in blue jeans and acton-boxboro jerseys , one of them scrambling through the leaves with a football tucked carefully under his arm . . . . -__label__2 , brockton upset makes waltham ' s day , waltham -- paul mayberry was dripping , luis cotto was weeping , and alex russo was kneeling on the sideline . -__label__2 , cordio paves the way , for the last six years , the leominster blue devils have endured a thanksgiving day filled with frustration instead of celebration . -__label__2 , marzeoti ( 4 tds ) paces shawsheen , for years , shawsheen tech and greater lowell have battled for the william j . collins cup on thanksgiving day . -__label__2 , melrose comes up short , melrose entered its thanksgiving day matchup with wakefield as an undefeated powerhouse bound for the postseason . but wakefield has tripped up the red raiders in recent years -- and yesterday was no exception . -__label__2 , a traditional victory for a-b , ask anyone associated with the acton-boxboro football program about the secret to its success , and they ' ll say it ' s rooted in a winning tradition established long before members of the 2004 team ever strapped on a helmet . -__label__3 , douglas , fraser , and blue await you , jim mcleod has a great day job , but a seasonal sideline is his #39 #39 tree #39 #39 calling . throughout the year , he #39 s president and owner of a software company called infocode corp . -__label__2 , police use stun gun to subdue t-wolves #39 olowokandi , minnesota timberwolves center michael olowokandi was arrested early yesterday after police used a stun gun to subdue him when he refused to leave an indianapolis club . -__label__1 , eight children stabbed to death as they sleep , a man broke into a school dormitory and stabbed eight sleeping children to death before fleeing . the murders at the ruzhou no2 senior middle school in pingdingshan , in the central province of henan , was the -__label__1 , darfur rebel group promises to respect truce , one rebel group in sudan #39 s troubled darfur region thursday pledged to fully respect a truce with the sudanese government amid contradictory statements and international concern about an escalation in fighting . -__label__2 , nba brawl sends wrong message to all of us , ever since last friday night #39 s nba brawl in detroit , i have tried to make sense out of the whole mess . i have watched replay after replay of the ordeal , hoping to come up with some sort of reason -__label__1 , 450 colombian paramilitaries disarm ( ap ) , ap - some 450 right-wing paramilitary fighters left colombia ' s crowded battlefields , turning in their weapons and asking society to let them back into its fold . -__label__2 , cal quarterback to enter nfl draft ( ap ) , ap - california quarterback aaron rodgers will skip his senior season to enter the nfl draft . -__label__1 , top zarqawi aide captured in iraq , a lieutenant of iraq ' s most feared insurgent leader , abu musab zarqawi , was captured this week , the country ' s national security minister said thursday . -__label__3 , yukos considers self-destruction , shareholders in yukos are considering liquidation or filing for bankruptcy , after deciding against a rescue plan for the embattled russian oil firm . -__label__4 , behaviour control by smartphone , the massachusetts institute of technology is developing mobile phones designed to learn users #39 daily habits so that they can predict what users will do , reports the register . -__label__3 , us airways , ge reach accord on airplane leasing and financing , the wall street journal reports that the carrier #39 s largest creditor has agreed to an aircraft leasing and financing deal that would give us airways a financial lifeline . -__label__3 , four hurricanes hurting florida economy ( ap ) , ap - normally at this time of the year , labor contractor jose luis avalos would be assembling a crew of workers who could each earn #36 1 , 500 to #36 2 , 000 a week in the area ' s abundant citrus groves . -__label__3 , bt sells off stake in eutelsat , british telecom today announced the sale of its stake in one of the worlds largest satellite companies for 363 million . the telecoms giant said it was offloading its 15 . 8 per cent holding in paris-based -__label__4 , nintendo moving into online within 3 to 4 years , comments attributed to nintendo #39 s shigeru miyamoto in this week #39 s famitsu magazine indicate that the company is planning to bring its systems online within a three to four year timescale , with ds leading the way . -__label__1 , iran #39 committed #39 to nuke freeze , iran #39 s chief negotiator to the united nations nuclear agency says tehran is committed to the freeze on uranium enrichment agreed earlier this month . -__label__3 , salvation army says target policy threatens fund-raising , st . paul - salvation army officials say they #39 re worried that they may not meet their holiday fund-raising goal because they won #39 t have bell-ringers outside of target stores . -__label__1 , russia agrees to dalai lama visit despite certain anger from china ( afp ) , afp - russia will allow tibet ' s exiled spiritual leader , the dalai lama , to visit a southern buddhist russian region for the first time , the foreign ministry said in a move certain to anger china . -__label__2 , hayden walks into strife , spirit of australia was on the skids last night after another example of double standards by the home side marred the opening day of the second cricket test against new zealand in adelaide . -__label__3 , wto approves sanctions against us , the european union , japan and others will be able to impose heavy sanctions against us firms dumping goods from early next year . -__label__4 , chicago to hold ebay auction to raise money for cultural programs , city officials hope there are people willing to pay plenty of money to own a vintage playboy bunny costume , toss green dye into the chicago river or throw a dinner party prepared by oprah winfrey ' s chef . -__label__1 , four employees of british security firm slain by mortar attack in < b> . . . < /b> , a mortar attack killed four employees of a british security firm and wounded 15 others in the baghdad #39 s green zone , a fortified area that houses the -__label__1 , parties call for postponement of elections , despite a new call friday for a postponement of the iraqi elections , president bush said he hopes they still go forward . seventeen political parties say the election should be put off for at least six months -__label__1 , india test-fires surface-to air missile , india has successfully test-fired a surface-to-air missile from a site in the eastern orissa state on friday , a government official said on condition of anonymity . -__label__4 , mmo2 i-mode launch looks certain , mmo2 and ntt docomo are reportedly planning to launch a uk i-mode mobile service . november 26 , 2004 4 35 pm gmt ( datamonitor ) - the much-touted tie-up between ntt docomo and mmo2 to bring i-mode mobile content to the uk looks to be a done deal . -__label__1 , mounties left in dark by u . s . on deportation of syrian-born canadian ( canadian press ) , canadian press - ottawa ( cp ) - the mounties provided information on maher arar to american authorities but were left in the dark when the u . s . deported the canadian citizen to syria , newly released documents show . -__label__2 , nba game summary - portland at dallas , dallas , tx ( sports network ) - dirk nowitzki scored 23 points and grabbed 14 rebounds to lead dallas to a 92-83 win over portland at american airlines arena . -__label__4 , recording industry , file-share face off , the next chapter in the global legal battle between the recording industry and file-sharing services is due to unfold here monday when the owners of the hugely popular kazaa software go on trial on civil copyright infringement charges . -__label__3 , board with mukesh reliance , mumbai , nov . 26 mukesh ambani apparently commands the full support of the board on all recent decisions , including the controversial one that elevated him to the final authority in the group . -__label__2 , winter on saturday peace initiative in spain shows beckham #39 s < b> . . . < /b> , david beckham prevented a major incident between england #39 s fired-up players and their aggrieved spanish counterparts in madrid , according to an england insider yesterday . -__label__1 , man held for slashing teens , beijing - chinese police have detained a man who they say murdered eight teenagers and injured four others in a school dormitory overnight , state press said late on friday . -__label__3 , toy safety report released , checking for them by hand before buying -- because children could choke on them , consumer advocates said in an annual warning on toy safety . -__label__3 , dollar drops further as central banks reassess reserves , the falling dollar reached new depths against the euro today as the dollar ' s status as the premier international reserve currency is growing more precarious . -__label__2 , frisday #39 s sports transactions , boston celtics_activated g delonte west from the injured list . placed f justin reed on the injured list . philadelphia 76ers_activated g aaron mckie from the inujred list . -__label__3 , reliance battle seen getting messier in days ahead , business india mumbai , nov 26 the much talked about family feud over the control of reliance industries , india #39 s largest industrial house , is set to turn into a full-fledged boardroom battle that may entail a revamp of the company #39 s management . -__label__3 , w . t . o . authorizes trade sanctions against the united states , the world trade organization authorized about \$150 million in trade sanctions on the u . s . in retaliation for an import duties law that has been ruled illegal . -__label__3 , land rover aims new model at us , land rover will launch a sports tourer next year in a what is likely to be a test of british carmakers #39 ability to compete in the us . -__label__4 , gone phishing ? , zastrossi writes quot according to the anti-phishing working group , phishing sites--the practice of making sites that look and act like popular sites such as banks in order to steal personal information from customers--rose from 543 sites in september to -__label__3 , wr grace is likely to face indictment in montana case , by bloomberg news . wr grace amp company , a producer of chemicals and building material that filed for bankruptcy protection in 2001 amid thousands of asbestos-related claims , said yesterday -__label__1 , forecast frosty for u . s . -canadian ties , toronto -- the weather won ' t be the only thing that ' s cool when president bush visits neighboring canada next week . -__label__4 , smartphones get smart , in an attempt to become more useful , us researchers are developing new smartphone software which watches users calling and usage patterns and tries to learn how best to help . -__label__1 , india test-fires missile , new delhi , nov 26 india on friday test fired akash , the indigenously developed surface-to-air missile from the integrated test range at chandipur-on-sea , about 14km from balasore ( orissa ) . -__label__1 , 2 ex-officers nabbed in venezuela slaying , national guard troops arrested two brothers friday in connection with a state prosecutor ' s killing , just days after two suspects in the car bombing case were shot dead by police , authorities said . -__label__3 , stocks finish mixed in early close , stocks finished mixed in post-holiday trading friday as wall street meandered through a shortened session . the major indexes ended the week higher as investors looked forward to the results of the first weekend of holiday shopping and a key jobs report next week . -__label__2 , hoyas beat the citadel , new coach john thompson iii gets his first victory as georetown routs the citadel , 69-34 , behind 23 points from brandon bowman . -__label__2 , gray was selected tourney mvp , justin gray went down to the madison square garden court as soon as mustafa shakur inadvertently kicked him in the face while going for a loose ball . -__label__2 , wake forest survives at the nit , no . 1 wake forest used a 19-5 second half run to take the lead and then held off arizona 63-60 to win the preseason nit . mustafa shakur had a chance to take the lead in the final seconds , but he missed a runner in the lane . -__label__1 , iran , eu negotiators seek nuke agreement ( ap ) , ap - a key u . n . atomic agency meeting adjourned for the weekend , giving iran time to consider a total freeze of a program that could make weapons grade uranium and for delegates to decide on further steps in policing tehran ' s nuclear activities . -__label__4 , apple enhances uk online shopping , the store adds such features as details of an expected dispatch date it the point where shoppers select a product . for example the power mac g5 dual 2 . 5ghz is quot usually dispatched 1 - 3 weeks -__label__3 , wto sanctions on us exports widens gap in congress , angry over unfair subsidies paid to us companies from tariffs collected on goods imported here , the wto has widened the gap with congress by imposing sanctions of their own . -__label__3 , nissan #39 s supply shortage sends steel stocks up , us steelmakers #39 shares rose sharply yesterday , with us steel , allegheny technologies and nucor ( which operates a mill in seattle ) reaching their highest prices in at least seven years , after nissan said the metal is in short supply in japan . -__label__3 , steel stocks soar as shortages are biting , steel shares hit seven-year highs yesterday after nissan said the metal is in short supply in japan . us steel rose \$3 . 30 , or 7 , to \$51 . 25 , while nucor surged \$2 . 90 to \$54 . 05 , an all-time high . -__label__2 , rison free after making support payment ( ap ) , ap - former pro bowl receiver andre rison was released from jail monday after paying #36 10 , 000 in child support . -__label__1 , backgrounder basic facts about asean , leaders from members of the association of southeast asian nations ( asean ) are gathering in vientiane , capital of laos , for a summit meeting among themselves and a series -__label__1 , iraq election delay #39 considered #39 , iraq #39 s electoral commission has said it will consider a request from leading political parties to delay general elections scheduled for 30 january . -__label__1 , iraq commission examines request to delay polls , baghdad ( afp ) - iraq #39 s electoral commission was due to study a call by top leaders to delay the january 30 polls because of violence gripping the country , as us-led troops continued their anti-insurgency crackdown . -__label__2 , stephen dodd leads volvo china open , stephen dodd took a three-stroke lead friday after 36 holes of the volvo china open in shanghai to stand six-under-par 138 after two rounds . -__label__1 , asean to push australia , new zealand to sign non-aggression pact ( afp ) , afp - southeast asian foreign ministers said they would encourage australia and new zealand to accede to a non-aggression pact with their 10-nation asean group that south korea signed . -__label__3 , yukos plans to fix itself before auction , the russian oil giant yukos said yesterday that management was putting together an emergency plan to continue running the company for a few months , even after the auction of its prize asset in december . -__label__4 , holidays disrupts launch plans for da vinci rocket team , kindersley , sask . - a team from ontario has delayed the launch of its private rocket until at least january . the da vinci project had planned to use a gigantic balloon to lift a rocket to 24 kilometres . -__label__2 , serie a preview inter-juventus , the derby of italy is back on sunday night as inter host arch-rivals juventus in a do-or-die encounter for the nerazzurri . inter-juventus is never an ordinary match , even when both teams are not fighting for any major honours . -__label__1 , rioters firebomb police station , terrified police have told how they feared they would die as a rampaging mob burnt down the police station in which they were trapped on palm island , off north queensland . -__label__1 , return of relics to rekindle catholic-orthodox dialogue , vatican city , nov . 25 , 2004 ( zenit . org ) . - theological dialogue between the orthodox and catholic churches is expected to resume after the relics of sts . -__label__1 , un aid plane shot at in ivory coast , abidjan - a united nations world food programme ( wfp ) plane was met with gunfire and threats when it arrived in man , western ivory coast , the un said in a statement on saturday . -__label__2 , sixers-wizards matinee doesn #39 t disappoint , still home in philly for the thanksgiving holiday , we decided to hit the sixers/wizards matinee yesterday . one of the best decisions we #39 ve made in a long time . -__label__3 , it may be end of line for narrow track , hurricane forecasters debate the usefulness of the quot skinny line quot in tracking maps , and look at more accurate alternatives . -__label__4 , violent video games slammed , p2pnet . net news -the launch of the now much-maligned kill jack kennedy again game has achieved at least one thing its woken the mainstream media up to the fact that video games based on giving players a way to take part in virtual murder aren #39 ta -__label__3 , alltel buys cingular properties , expands network , little rock-based alltel will expand its wireless phone service in connecticut , kentucky , mississippi , oklahoma and texas in a \$170 million deal with cingular wireless . -__label__2 , pompey start life without harry with a win , london - portsmouth have recovered from the shock of manager harry redknapp #39 s resignation in midweek to give new executive director velimir zajec his first win . -__label__2 , game swings back and forth as giteau toys with england #39 s defence , after so many signs of a fresh enthusiasm and a new sense of adventure in the england side , they ended their autumn series on a backward note , losing to the side they had beaten in the world cup final . -__label__4 , climate change and unfamiliar species leave inuit lost for words , global warming is increasingly rendering inuit and other arctic peoples at a loss for words . they simply do not have names in their languages for the temperate species flocking up from the south . -__label__1 , us army deserter jenkins obtains early release from detention in < b> . . . < /b> , a former us army sergeant who defected to north korea almost 40 years ago - has been released after serving 25 days in military detention in japan . -__label__2 , no . 5 north carolina 63 , no . 24 villanova 56 , the north carolina tar heels put their lackluster first half behind them . then they did the same to villanova . after scoring just 25 points in the first half , the no . -__label__2 , knicks hold off raptors , 108-102 , new york knicks #39 jamal crawford puts up a shot against the toronto raptors during the second quarter saturday , nov . 27 , 2004 . crawford scored 30 points in the knicks #39 108-102 win . -__label__4 , the shockwaves of sumatra , the indian ocean earthquake of december 2004 produced a shockwave that created tsunamis all across the indian ocean . the tsunamis hammered nearby indonesia and struck as far as the coast of east africa . the death toll has climbed over 100 , 000 and continues to grow . it also created social shockwaves . -__label__1 , official farc sought bush assassination , colombia ' s main rebel group asked followers to mount an assassination attempt against president bush during his visit to colombia last week , defense minister jorge uribe said . there was no evidence saturday that rebels even tried to organize such an attack . -__label__2 , the egg goes to the plucky rebels , backup quarterback robert lane has 205 total yards with a touchdown pass and a touchdown run in mississippi ' s 20-3 win over mississippi state on saturday . -__label__3 , tax-free bonuses tagged out , some taxpayers have been dusting off an old internal revenue service ruling about signing bonuses in baseball contracts and using it to justify skipping payroll taxes and income-tax withholding on signing bonuses generally . -__label__4 , nasa finishes redesigned shuttle fuel tank ( reuters ) , reuters - nasa has finished building a redesigned\space shuttle fuel tank that was reconfigured to eliminate the\debris problem that doomed the shuttle columbia and its seven\astronauts , agency officials said on tuesday . -__label__2 , bucks edge pistons 96-90 ( ap ) , ap - michael redd scored 20 of his 29 points in the second half , keith van horn added 20 points and the milwaukee bucks ended a six-game losing streak with a 96-90 victory over the detroit pistons on saturday night . -__label__4 , weather data in your own back yard ( washingtonpost . com ) , washingtonpost . com - weatherbug wants to make meteorologists out of its users . the internet weather service based in gaithersburg has begun selling sensors that can turn anyone ' s back yard into a web-connected weather station . -__label__2 , virginia tech downs virginia , 24-10 , the team that few thought could contend for an atlantic coast conference title less than two months ago is now one game away from winning it on its first try . -__label__3 , eurozone data to confirm slumping confidence , easing inflation , brussels ( afp ) - eurozone figures due out this week will confirm that confidence is slumping due to high oil prices and the rise of the euro , and that inflation is easing , economists said . -__label__1 , death bell tolls for russia ' s yukos oil giant ( afp ) , afp - russia ' s yukos does not begin the week teetering on the edge of ruin where it has been for months now . the oil giant is flat on its back , gasping for its last breaths of air . -__label__3 , time to look overseas for a healthier 401 ( k ) , i change the mutual funds in my 401 ( k ) plan about as often as the red sox win the world series . -__label__3 , rate hikes by fed dull arms #39 luster , 30-year fixed home loans remain appealing , but variable rates have been on the move up . by sandra block . if you #39 re hoping an adjustable-rate mortgage will help you afford your dream house , you may want to rethink those granite countertops . -__label__1 , say neighbors #39 weapons leave them vulnerable , electrical engineering student roozbeh rahimi reflects a common sentiment among iranians when he expresses hope that this famous tourist city will gain fame soon for its nuclear technology . -__label__4 , #39 sickos #39 hunting for deer with a mouse , san antonio - forget about playstation 2 - texas entrepreneur wants to kick computer gaming up to the next level by offering players a chance at some real-live killing via mouse and modem . -__label__1 , bush won #39 t take iran #39 s word for it , crawford , texas as president bush sees it , quot the only good deal is one that #39 s verifiable . quot . he #39 s applauding the efforts of some european countries to get iran to honor its commitment to refrain from developing nuclear weapons . -__label__2 , pitt can crash bcs with closing victory , as if things weren #39 t bad enough for the bowl championship series , it appears that pittsburgh is going to represent the big east with an 8-3 record . -__label__1 , fda oks scientist publishing vioxx data ( ap ) , ap - the food and drug administration has given a whistle-blower scientist permission to publish data indicating that as many as 139 , 000 people had heart attacks that may be linked to vioxx , the scientist ' s lawyer said monday . -__label__1 , annan urged to play larger role in iraq ( ap ) , ap - u . n . secretary-general kofi annan , under fire in congress over a troubled oil program for iraq , received some friendly advice last month in a private meeting with former u . s . ambassador richard holbrooke and other foreign policy experts . -__label__1 , sri lanka army blames tamil tigers of failing to keep pledge , sri lanka #39 s army sunday blamed thetamil tigers for failing to attend a meeting saturday which they had agreed to attend during a meeting with the international trucemonitors and the government troops . -__label__2 , ravens ' offensive coordinator resigns ( ap ) , ap - baltimore ravens offensive coordinator matt cavanaugh resigned under pressure monday after meeting with head coach brian billick , who finally lost patience with the team ' s sputtering attack . -__label__2 , illini hit on all cylinders , zap zags , there #39 s no way no . 5 illinois could have shredded the gonzaga , king of the mid-majors , the way it demolished its opponent at conseco fieldhouse on saturday . -__label__3 , #39 designer #39 christmas tree growers target national holiday market , aurora , ore . the national christmas tree association is hoping a push of designer trees will renew consumer demand for live trees . -__label__2 , game itself needs repair , last sunday night , while announcing the suspensions of ron artest , stephen jackson , jermaine o ' neal , ben wallace , and others , the commissioner of the nba , david stern , spoke forcefully and eloquently about redefining quot the covenant between players and fans and between fans and fans , and making sure we can play our games in a very welcoming and peaceful setting . quot -__label__1 , rwandan #39 motivated by riches #39 , ouagadougou - rwanda #39 s threat to launch military strikes in democratic republic of congo would be motivated by the abundant mineral wealth in its giant western neighbour not by the desire to attack hutu fighters based there , a congolese diplomat said here -__label__3 , wal-mart move ominous sign for retailers ( ap ) , ap - weaker-than-expected holiday shopping forced wal-mart stores inc . on saturday to cut its projected sales increase for november by more than half , an ominous announcement for retailers as their busiest time of year begins . -__label__2 , fed cup all tied up , france #39 s russian-born tatiana golovin left the fed cup final hanging in the balance today as she beat russia #39 s us open champion svetlana kuznetsova 6-4 , 6-1 to level the tie at 2-2 and take it to the final doubles match . -__label__1 , sinn fein says n . irish deal nears no bush call ( reuters ) , reuters - the leader of sinn fein , northern\ireland ' s main catholic party and the political ally of the\irish republican army ( ira ) , said sunday he believed his\protestant rivals were ready to agree to a peace deal . -__label__2 , sorenstam ' s putt sets up #36 300k skin ( ap ) , ap - annika sorenstam calmly sank a short birdie putt on the ninth hole , earning a hug from tiger woods . more importantly , it kept #36 250 , 000 in play in the skins game . -__label__2 , redskins , steelers underway , patrick ramsey makes his first second start of the season as the redskins face the afc north-leading steelers at a sloppy heinz field in pittsburgh . -__label__2 , defoe drives spurs home , jermain defoe underlined his claims for an improved contract as he inspired tottenham to a 2-0 win against 10-man middlesbrough . new coach martin jol , who secured his first win in charge , may have been helped -__label__2 , arsenal loses again in premier league , arsenal dropped five points behind chelsea in the english premier league on sunday after losing 2-1 to liverpool on an injury-time goal by neil mellor . -__label__4 , trouble in psp land , november 27 , 2004 - things aren #39 t looking good for the psp over in japan . well . . . maybe that #39 s not exactly true . if you #39 re sony , and you want to generate lots of hype for your new portable system , things are looking very good . -__label__3 , retail sees solid , not stellar , holidays ( reuters ) , reuters - holiday shopping got off to a flying\start in the united states this weekend . -__label__2 , titans ' mcnair hints at retiring from nfl ( ap ) , ap - tennessee titans quarterback steve mcnair hinted sunday that his 10th season in the nfl could be his last . -__label__2 , bills 38 , seahawks 9 , drew bledsoe went all the way home to washington state to help the buffalo bills collect a rare road win . willis mcgahee had 116 yards rushing and four touchdowns , leading buffalo to a 38-9 win over seattle -__label__3 , cbi calls for cuts in spending to reduce borrowing , gordon brown faces a new warning today that he will have to raise taxes by 7 billion or cut swaths of government spending if labour wins next years general election . -__label__2 , surprise chargers #39 air power changing marty #39 s stripes , kansas city , mo . -- the san diego chargers players couldn #39 t quite believe what they were hearing , nor would many in the crowd at arrowhead stadium if they were privy to it . -__label__2 , bears set to sign qb jeff george ( reuters ) , reuters - the chicago bears are expected\to sign quarterback jeff george on monday . -__label__2 , giants #39 frustration seeps to surface as slide continues , at about the moment a melee broke out on the giants #39 sideline sunday - after eagles linebacker jeremiah trotter hit giants quarterback eli manning out of bounds -__label__4 , signs of a glut and lower prices on thin tv ' s , dont buy that high-definition tv yet . competition may force the prices down further . -__label__3 , holiday shoppers off to a fast start , holiday shoppers spent 10 percent more friday than they did a year ago , according to early reports , but wal-mart stores inc . dampened hopes for a strong start to the key retail season by -__label__2 , hard-running dillon #39 s difference in making champs even tougher , it wasn #39 t just to resuscitate one of the league #39 s worst rushing games . it was to make dillon and that dreadful rushing attack allies when the weather and/or the opponent demanded it -- which they did sunday -__label__3 , discovery channel tests power of licensing , by rushing more than 700 products under the american chopper brand as part of a new in-house licensing program , the cable channel is relying more heavily on licensing to market shows . -__label__1 , int #39 l conference calls for mine-free world , senior officials of 143 governments are calling for the total ban of production and use of anti-personnel landmine . senior government officials of 143 countries across the world -__label__1 , cambodia plays active role in asean , cambodia has been active and playing an increasingly important role in the association of southeast asian nations ( asean ) and regional affairs politically and economically -__label__1 , tremor shook japan , at least 14 people sustained injuries when a strong earthquake with a preliminary magnitude of 7 . 1 hit a sparsely populated area of japan #39 s northernmost main island of hokkaido . -__label__2 , game day recap sunday , november 28 , sandora irvin had 23 points and 17 rebounds and tcu upset a ranked team for the second night in a row , beating michigan state ( no . -__label__2 , fish top 49ers in brutal bowl , dolphins 24 , 49ers 17 the dolphins spent the holiday week eating room service food and practising thousands of kilometres from home , all to prove they were the best of the nfl #39 s worst two teams . -__label__2 , eagles 27 , giants 6 , east rutherford , nj - the philadelphia eagles won a fourth consecutive nfc east title by making eli manning look very much like a rookie . -__label__1 , colombia reveals plot to assassinate bush , colombian rebels plotted to assassinate george bush during his brief stopover in the port of cartagena last week , according to the country #39 s defence minister . -__label__2 , quarterback brady enjoyed a field day , foxborough -- though more than \$300 million was invested in the construction of gillette stadium , part of it going to a state-of-the-art drainage system , the playing surface reminds tom brady of his high school field in san mateo , calif . -__label__1 , zarqawi group claims mosul killings , baghdad -- iraq ' s most feared terrorist group claimed responsibility yesterday for slaughtering members of the iraqi security forces in mosul , where dozens of bodies have been found . the claim raises fears the group has expanded to the north after the loss of its purported base in fallujah . -__label__4 , clearest view yet of saturn #39 s largest moon , scientists controlling the cameras aboard the cassini spacecraft in orbit around saturn have just recovered two extraordinary , contrasting images of the planet #39 s most intriguing moons . -__label__2 , ita juventus blows 2-goal lead againt inter milan , serie a leader juventus wasted a two-goal lead in the second half and was held to a 2-2 draw by inter milan at san siro on sunday , losing ground to defending champion ac milan . -__label__3 , wal-mart reduces sales forecast , wal-mart , the world #39 s largest retailer , has lowered its november growth forecast amid concerns that fuel costs may slow down christmas retail sales . -__label__3 , iraq to spend \$1 billion to expand oil production , iraq is planning to spend more than \$1 billion in 2005 to boost its oil production capacity by about 15 percent to 3 . 25 million barrels a day , an iraqi official said . -__label__1 , pa #39 s abbas rules out interim deal with israel , the palestinians will not accept an interim settlement with israel , palestine liberation organization chief mahmoud abbas told the arab league during a visit to egypt yesterday . -__label__4 , brighter previews for your pictures , epson ' s photo fine technology promises vivid , crisp colors on digital camera lcds . -__label__4 , new wi-fi nearly doubles speed , belkin ' s pre-n wireless networking line also dramatically improves range--even for 802 . 11b and 802 . 11g gear . -__label__1 , france #39 s american problem , paris -- us diplomats here respond to jacques chirac #39 s continued yankee-bashing following george w . bush #39 s re-election by saying the french president is out of step with his people , who are not nearly that anti-american . -__label__4 , google stumbles with new desktop tool , google wants to help you effectively access the piles of information you store in the documents , e-mail messages , web pages , and contact lists stuffed on your pc . -__label__3 , oil down 3 pct . as u . s . winter stays mild , new york ( reuters ) - oil prices slid 3 percent on monday on expectations that more mild u . s . weather at the start of the new year will limit heating oil demand . -__label__4 , the next giant leap , rendezvous quot for the docking techniques he developed while at mit earning his phd in astronautics . lessig technology over ideology ! -__label__4 , planned grand canyon flood seeks to reverse erosion , description researchers flooded the colorado river last week , in an attempt to reverse erosion in the grand canyon . npr #39 s liane hansen speaks to denny fenn , director of the southwest biological science center , about the experiment #39 s preliminary findings . -__label__1 , pakistan tests nuclear-capable missile , islamabad - pakistan test-fired a short-range missile capable of carrying nuclear weapons on monday , and said more tests are planned . -__label__3 , easymobile launch set for march , denmark #39 s leading telecoms operator tdc says it will launch a low-budget mobile telephone operator dubbed quot easymobile quot with mobile network operator t-mobile in britain in march 2005 . -__label__3 , more buyers choose artificial , renee mcdonald remembers the christmas trees of her youth spindly , fake and out of a box . they were hard to put up , and they just didn #39 t smell right . -__label__4 , chip power , times 10 , ibm , sony corp . and toshiba corp . on monday unveiled some key details on the powerful new quot cell quot processor the three are jointly producing to run next-generation computers , game consoles and tvs . -__label__4 , seo #39 s multiplying effect on paid inclusion , paid inclusion ( pi ) has always been a hot potato . it #39 s not quite seo ( define ) and not quite search advertising . no one wants to touch it . -__label__2 , burger and boks get irb gongs , south africa #39 s schalk burger has been honoured as international rugby #39 s player of the year in 2004 . the springboks , the reigning tri nations champions , also scooped the awards for team of the year and coach -__label__2 , myskina caps magnificent year for russia , anastasia myskina capped a magnificent year for russian tennis by leading her country to their first fed cup title with a dramatic win over holders france . -__label__4 , universal , warner bros , paramount , and new line support hd-dvd , major movie studious paramount , universal pictures , warner bros . , and new line cinema all said today that they have adopted the new high definition dvd disc format ( hd-dvd ) , and will begin issuing movie titles in the new format in 2005 . -__label__3 , metropcs obtains cingular air , com november 29 , 2004 , 8 33 am pt . wired amp wireless continues its reign as the top it priority among it managers due to widespread ip telephony deployment and other network infrastructure upgrades . -__label__2 , dillon enjoys a grand time , corey dillon keeps piling up the rushing yards for the patriots , but he could care less . what dillon wants to pile up is wins . he #39 s doing that , too , in his -__label__3 , is this the end of it as we know it ? , halsey minor , ceo of hosted integration provider grand central communications , has a powerful message for it in four years , . . . basically the whole notion of enterprise application software is going to be dead . he believes application functionality will instead be available as hosted , pay-per-use services delivered by companies such as salesforce . com . putting his money where his mouth is , minor has recently launched a \$50 million venture capital fund with his own money to fuel on-demand startups . for its part , grand central will handle data and process integration between enterprises and multiple on-demand services . -__label__4 , mamma search is buying copernic , mamma search is buying copernic\\mamma . com inc . , the paid search company , and copernic technologies inc . announced that mamma has signed a letter of intent where they will acquire all of the shares of copernic technologies for a combination of cash and shares of mamma . com inc . the closing of the acquisition will . . . -__label__1 , toshiba claims hollywood backing in war for next dvd standard ( afp ) , afp - toshiba said four major hollywood studios had thrown their crucial weight behind high definition dvd ( hd-dvd ) , one of two disc formats contending to be the standard in next-generation dvds . -__label__2 , toronto #39 s skydome sold for \$25 million , toronto #39 s major league baseball franchise finally has a nest it can call its own . blue jays-owner rogers communications has reached a \$25 million deal to buy the skydome . -__label__1 , court declines to hear gay marriage case ( ap ) , ap - the supreme court on monday sidestepped a dispute over gay marriages , rejecting a challenge to the nation ' s only law sanctioning such unions . -__label__1 , sharon survives 3 parliament no-confidence votes , jerusalem ( reuters ) - prime minister ariel sharon on monday narrowly survived three parliamentary no-confidence votes sponsored by opposition parties over deepening poverty in israel . -__label__1 , romania faces hung parliament risk after vote , bucharest ( reuters ) - romania faced weeks of uncertainty on monday after inconclusive general elections in the poor balkan country , already struggling to stay on track to join the european union . partial results showed the ruling ex-communist social democrats ( psd ) of prime minister adrian nastase a whisker ahead of the opposition centrists in sunday ' s election but well short of a majority in parliament . -__label__4 , space station crew moves rescue capsule , the maneuver frees the hatch on the docking station that the crew members will use for work sorties in january and march . in addition , the launch of an unmanned progress cargo ship has been postponed one day to december 24 . -__label__3 , telekom austria taps the bulgarian market , telekom austria , austrias largest telecoms operator , obtained access to the relatively underdeveloped east european mobile services market by winning the right to purchase the bulgarian mobile operator mobiltel for 1 . 6billion ( \$2 . 12billion ) . -__label__3 , philippines gdp grows 6 . 3 on strong exports , the philippine economy continued to grow robustly in the third quarter despite rising consumer prices , with the gross domestic product expanding by 6 . 3 per cent from a year ago -__label__2 , tough courses #39 killing excitement #39 , richard green is campaigning for a fair go for players in a bid to make home tour tournaments more exciting this summer . green blasted the brutal course set-up for last week #39 s australian open , claiming it -__label__3 , cost of #39 12 days of christmas #39 now is \$66 , 000 , pnc financial services says the luxury cars and vintage watch would cost you just as much as all the gifts listed in the christmas carol quot the twelve days of christmas . -__label__3 , merck #39 s board adopts severance plan for top officials ( update5 ) , merck amp co . , seeking to keep managers from leaving after the withdrawal of its vioxx painkiller , adopted a plan to give severance payments to more than 200 executives should control of the company change . -__label__1 , anxious wait for whale rescuers , rescue workers will know this morning if their attempts to save whales beached yesterday on maria island , off tasmania #39 s east coast , were successful . -__label__1 , musharraf sees ' light at end of tunnel ' with india ( reuters ) , reuters - pakistani president pervez\musharraf said on monday there were prospects for resolving all\disputes with india , including over kashmir , through peace\talks now under way . -__label__4 , a u . s . brain drain ? , a drop in engineering degrees combined with a fall-off in foreign students matriculating at u . s . colleges spells big trouble ahead . -__label__2 , diouf charged after spitting row , bolton #39 s el-hadji diouf has been charged by the football association for spitting at portsmouth #39 s arjan de zeeuw in saturday #39 s 1-0 win for pompey . -__label__3 , bush picks kellogg ceo for commerce , president bush on monday chose carlos gutierrez , the cuban-born ceo of kellogg co ( kn quote , profile , research ) , as his nominee to be commerce secretary , his second selection of a hispanic for a second-term cabinet . -__label__3 , sony , ibm , toshiba give details of ' cell ' chip ( reuters ) , reuters - ibm , sony corp . ( 6758 . t ) and\toshiba corp . ( 6502 . t ) on monday revealed their plans for the\powerful new cell processor the three are jointly producing\to run next-generation computers , game consoles and\televisions . -__label__3 , bush picks kellogg ceo for commerce , washington ( reuters ) - president bush on monday chose carlos gutierrez , the cuban-born ceo of kellogg co , as his nominee to be commerce secretary , his second selection of a hispanic for a second-term cabinet . +__label__2 , sox lose kapler to japan , outfielder gabe kapler became the first player to leave the world series champion boston red sox , agreeing to a one-year contract with the yomiuri giants in tokyo . +__label__1 , peru arrests siege leader , to attack police post ( reuters ) , reuters - peruvian authorities have detained a\former army major who led a three-day uprising in a southern\peruvian town and are preparing to storm the police station he\took over with 200 supporters , a government source told reuters\early on tuesday . +__label__4 , family of jfk attacks dallas death game , a video games company from scotland is causing outrage in america with a title called jfk reloaded , which allows players to look through the crosshairs of lee harvey oswalds rifle and assassinate the late us president . +__label__3 , a . i . g . will accept monitor and pay \$80 million to close inquiries , the insurance company has agreed to pay about \$80 million to settle investigations into insurance sales that were used by companies to manipulate their earnings . +__label__4 , group cites video games for violence , sex ( ap ) , ap - video games that have players shoot rival gang members , watch bare-breasted women and recreate the assassination of president kennedy were criticized tuesday by advocacy groups that said , at the least , they should be kept away from children . +__label__4 , review ' half-life 2 ' a tech masterpiece ( ap ) , ap - it ' s been six years since valve corp . perfected the first-person shooter with half-life . video games have come a long way since , with better graphics and more options than ever . still , relatively few games have mustered this one ' s memorable characters and original science fiction story . +__label__4 , cingular to cut about 7 , 000 jobs ( reuters ) , reuters - cingular wireless will cut about 7 , 000\jobs , or 10 percent of its work force , to cut costs as it\integrates recently purchased at t wireless , the company said\on tuesday . +__label__4 , phone makers embrace linux ( newsfactor ) , newsfactor - open-source software is carving a larger niche in the mobile realm , with electronics firms nec ( nasdaq nipny ) and panasonic rolling out linux-based handhelds for japanese telecom giant ntt docomo ( nyse dcm ) . +__label__4 , bride of kazaa , arnold schwarzenegger married a kennedy . michael jackson married a presley . and kazaa married an internet phone company . beginning monday , the latest version of the embattled file sharing companys software +__label__1 , serbia , bosnian serbs fail to help war crimes tribunal , un says , the governments of serbia and the bosnian serb enclave of bosnia-herzegovina have failed to bring war crimes suspects to the united nations tribunal , chief prosecutor carla del ponte told the security council . +__label__4 , no sign of el nino in pacific for now - scientists ( reuters ) , reuters - sea temperatures in the southeastern\pacific show no sign of bringing extreme el nino weather\conditions in the next two months , peru ' s maritime institute\ ( imarpe ) said on tuesday . +__label__4 , catalina foxes back after near extinction ( ap ) , ap - a unique subspecies of fox that is about the size of a house cat is back from the brink of extinction on santa catalina island and can survive on its own thanks to a captive breeding program , the head of a nonprofit group that manages most of the island said tuesday . +__label__2 , arrowhead it still is pointing the way , in comparison to its contemporaries it could be termed a modern marvel , an example of how to do things right when everyone else was doing things wrong . +__label__4 , cingular to reduce work force by roughly 10 percent , ceo says , cingular wireless llc , the nation ' s largest cell phone company , will cut about 10 percent of its 68 , 000 jobs over the next 12 to 18 months as it combines operations with the recently acquired at t wireless , cingular ' s chief executive said tuesday . +__label__1 , four men held over jakarta bomb , four men are arrested over the suicide bomb attack on the australian embassy in jakarta , police say . +__label__4 , citrix buying vpn company net6 for \$50 million , boston - citrix systems is buying net6 , a privately-held maker of ssl ( secure socket layer ) vpn ( virtual private network ) technology , for \$50 million cash , citrix said tuesday . +__label__4 , echoes repeats success , don ' t junk that gamecube metroid prime 2 provides gorgeous atmosphere , a sweet score and fun gameplay to create a winner . by chris kohler . +__label__1 , chavez visit to spain sparks coup controversy , madrid ( reuters ) - venezuelan president hugo chavez ' s fence-mending visit to spain sparked political uproar on tuesday when madrid for the first time backed his allegations that the former spanish government backed a coup against him . +__label__4 , jfk killing fades in intensity , washington the 41st anniversary of president john f kennedy #39 s assassination passed on november 22 - a lot more quietly than earlier ones . +__label__2 , three arrested after demanding money from nba star , three men were arrested tuesday night for trying to extort \$3 million from denver nuggets star carmelo anthony . joubert santos and jason pabon of the bronx +__label__1 , easygroup close to launching low-cost mobile phone service ( afp ) , afp - easygroup , the holding company of no-frills british airline easyjet , is close to striking a deal to launch a low-cost mobile telephone service in britain , the financial times reported . +__label__2 , they #39 re not on same side , unable to reach an agreement on a one-year deal that pleases both sides , al leiter and the mets finally were able to come to terms on something it #39 s time both sides stop talking to each other and start looking elsewhere . +__label__2 , been there , won that nd hopes usc game mirrors effort vs . < b> . . . < /b> , south bend , ind . -- for the second time in less than a month , the notre dame football team returned to the practice field tuesday after a bye week preceded by a frustrating home loss . +__label__2 , gamecocks can expect fun , intensity from new coach spurrier , ( columbia-ap ) nov . 24 , 2004 - friends and colleagues of south carolina #39 s new coach steve spurrier say he is a family man who jokes around and likes to play golf , just like his predecessor lou holtz . +__label__2 , cricket-lillee a victim of generational change , says spin guru , melbourne , australia ( afp ) - cricket australia said it was better off hiring full-time coaches than employing bowling great dennis lillee , who has abruptly ended his long coaching involvement with the body . +__label__1 , british media security stopped several major terrorist attacks , a british television station and a newspaper are reporting that british security services believe they have thwarted several major attacks planned by terrorists linked to osama bin laden #39 s al-qaida organization . +__label__2 , portsmouth manager redknapp resigns to take break #39 from soccer , harry redknapp has quit as manager of english soccer premiership club portsmouth and said he wants a complete break #39 #39 from the game , the club web site reported . +__label__1 , u . n . n . korea sends positive message on nuke talks , seoul ( reuters ) - north korea gave a visiting u . n . official a very positive message about resuming stalled six-way talks on its nuclear programs , the south korean unification ministry said wednesday . +__label__3 , travelers stuff roads , terminals , traditionally , the wednesday before thanksgiving is the busiest travel day of the year , and the american automobile association expected travel this year to hit pre-sept . +__label__3 , no changes for certain nortel accounting , nortel networks corp . ( nt . to quote , profile , research ) said on wednesday that a far-reaching revision of its faulty financials will not require accounting changes for sales of certain fiber optic equipment . +__label__1 , asia freed un hostages say humbled by support in ordeal , the un workers , who helped to run a presidential election won last month by us-backed incumbent karzai , discussed their ordeal with him at his presidential palace in the morning . +__label__1 , britain plans national id cards , london -- invoking a global threat of terrorism , the british government announced plans tuesday to introduce national identity cards for the first time since the world war ii era . +__label__1 , la . becomes latest political battleground ( ap ) , ap - the swamps , bayous and rice fields of louisiana ' s cajun country have emerged as the site of the nation ' s latest political battleground . +__label__2 , bearcat qb has broken bone in throwing hand , cincinnati university of cincinnati quarterback gino guidugli ( guh-doo #39 -lee ) has a broken bone in his throwing hand , and may miss saturday #39 s game at number-seven louisville . +__label__1 , #39 grateful #39 kabul hostages look forward to returning to work , three un election workers who were freed yesterday nearly a month after being abducted in afghanistan have spoken of their gratitude to the afghan people for supporting them during their plight . +__label__3 , world trade organization holds off on sanctions over us anti < b> . . . < /b> , the world trade organization held off wednesday on approving stiff sanctions on us exports - ranging from cod to mobile homes - intended to punish washington until it repeals the so-called byrd amendment . +__label__1 , iran seeks to amend nuclear freeze deal ( ap ) , ap - iran sought on wednesday to partially roll back its commitment to freeze all uranium enrichment programs , demanding the right to run some equipment that can be used to produce nuclear arms . +__label__4 , elderly ' need digital tv funds ' , vulnerable groups such as the elderly should be helped to buy digital tv equipment , a report says . +__label__3 , microsoft , eu officials in procedure meeting , microsoft ( quote , chart ) and representatives of the european union #39 s competition commission will sit down at the table together on thursday , but it won #39 t be to eat . +__label__4 , microsoft will replace fake copies of xp , u . k . users will be able to replace pirated versions of windows that they have purchased . +__label__3 , us travelers face weather delays on holiday journey ( update2 ) , travelers faced weather delays across the us as they took to the highways and airways today to begin what industry experts say will be the biggest thanksgiving travel weekend since 2000 . +__label__3 , hearing set after microsoft rivals quit , the judge considering microsoft corp . #39 s appeal against european union sanctions has called a closed meeting for thursday to decide what action to take after two more major +__label__3 , mytravel wins court approval for creditor , shareholder meeting , mytravel plc , an unprofitable uk tour operator , got the go-ahead from a london court to meet creditors for approval of a refinancing plan after it submitted a revised version . +__label__4 , phishing on the increase , group says ( infoworld ) , infoworld - online phishing schemes increased significantly in october as financial institutions struggled to combat attempts to steal private account information from online consumers , according to the anti-phishing working group ( apwg ) . +__label__4 , e-mail and im get closer , icq , an im service provider owned by america online , and mail2world inc . , a provider of messaging and collaboration services , this week revealed a free upgrade to the icqmail service that +__label__1 , the east-west stakes over ukraine , russian and western leaders are sharply at odds over the country ' s election crisis . +__label__1 , weah returns to liberia , liberian legend george weah returns to liberia to launch his bid for the country ' s presidency . +__label__3 , ruling delayed in peoplesoft case , a crucial legal ruling in oracle ' s takeover bid for peoplesoft is delayed after a judge says he needs to hear more evidence . +__label__4 , apple ipod holds sway in japan , juliana sasaki did not bother checking out sony #39 s digital music player in tokyo before buying her ipod mini . quot i knew sony and other companies had mp3 players , but they can #39 t beat the mini , quot says sasaki , 23 , a language teacher . +__label__2 , ohio state bomb dogs irk michigan coach ( ap ) , ap - the intense rivalry between ohio state and michigan has gone to the dogs #151 bomb-sniffing ones . +__label__3 , time warner , sec near deal on aol troubles , the securities and exchange commission and time warner inc . are nearing agreement on a deal in which the media giant would pay about \$750 million to settle wide-ranging allegations +__label__2 , zimbabwe cricket tour collapses , england #39 s tour to zimbabwe was on the brink of cancellation last night after david morgan , the chairman of the england and wales cricket board , instructed michael vaughan #39 s team not to board a flight to harare an hour before it was scheduled to leave +__label__3 , spanish buy luton airport operator in 551m deal , luton airport was bought by the spanish yesterday as part of a 551m takeover deal which will net the men who run it almost 60m . +__label__2 , jags #39 leftwich likely to start on sunday , jacksonville , fl ( sports network ) - jacksonville jaguars quarterback byron leftwich participated in practice wednesday and is expected to start this week against the minnesota vikings . +__label__1 , annan starts reshuffling un staff for reform push ( reuters ) , reuters - u . n . secretary-general kofi\annan on monday chose the high-profile british head of a key\agency as his new chief of staff , the start of a reshuffle\aimed at instituting u . n . reforms and combating scandals . +__label__3 , spaniards to run luton airport after 551m deal , luton , cardiff and belfast international airports are to fall into the hands of a spanish toll motorways operator through a 551m takeover of the aviation group tbi by a barcelona-based abertis infrastructure . +__label__3 , judge threatens to punish mci over fees it has paid , the judge who presided over the securities and exchange commission #39 s fraud suit against mci , the long-distance telephone company , threatened to punish the company yesterday for ignoring his +__label__3 , agency sustains \$2 m hit , the pennsylvania turnpike commission lost about \$2 million in revenue wednesday as thousands of holiday travelers zipped through the toll booths for free . +__label__4 , good luck and bubblewrap . com , collard greens and black-eyed peas , a new years tradition , on a chefs site virtual-bubblewrap . com lets you punch holes with your mouse knowitallvideo . com , where amateur instructional videos are posted and rated . +__label__2 , lions have their work cut out for them against manning , you see it every time indianapolis colts quarterback peyton manning steps to the line of scrimmage before taking the snap . it #39 s like he #39 s going through his own little workout routine . +__label__2 , chicago bulls silence utah jazz , 101-99 ( ap ) , ap - ben gordon scored a career-high 22 points , including four free throws in the final minute , to lead the chicago bulls past the utah jazz 101-99 wednesday night to avoid an 0-10 start that would have been the worst in franchise history . +__label__4 , science as ice thaws , arctic peoples at loss for words , science news , iceland , what are the words used by indigenous peoples in the arctic for quot hornet , quot quot robin , quot quot elk , quot quot barn owl quot or quot salmon ? +__label__3 , tsa #39 pat-downs #39 cross the line for some fliers , millions of holiday travelers nationwide are experiencing an all-too-intimate form of security screening that some say amounts to sexual groping - a quot pat-down quot by government officials . +__label__4 , skulls on your symbian phone ? don #39 t panic ! , petaling jaya virus experts at british software security firm sophos plc have advised customers not to panic , following media reports of a trojan horse which infects cellphones . +__label__4 , sid meier #39 s pirates ! sets sail , the fourth-quarter deluge of top-quality games continued today , with atari announcing that sid meier #39 s pirates ! had shipped to stores . +__label__4 , streamlined cable tv in a card , an innovation called the cablecard , which slides into a slot on the back of many new tv sets , is meant to eliminate the cable box . so why aren ' t cable customers hearing more about it ? +__label__3 , dollar drops to new overnight low , the dollar hits yet another record low against the euro , causing concerns about the german and wider eurozone economies . +__label__2 , here ' s the catch branch is back , deion branch lists the revolution among his favorite soccer teams in his press guide biography . and branch ' s patriot season has mirrored that of the revolution -- a long-term injury sustained in the second game , followed by a spectacular recovery after the halfway point in the season . branch strained his knee in the patriots ' 23-12 win at arizona sept . . . . +__label__2 , cocky arsene , arsene wenger is confident that arsenal will make the knockout stages of the champions league , despite needing to beat rosenborg to make sure . +__label__2 , psg lead race for second group h berth , such has been chelsea #39 s dominance of their champions league group that the other three teams including holders porto are still all vying for a place in the knockout stage going into their final games next month . +__label__1 , blast kills one , injures 15 in southwest pakistan , quetta , pakistan - a bomb fixed to a bicycle killed one man and injured 15 people in southwestern pakistans restive desert province of baluchistan on thursday , police said . +__label__3 , petrol sales boost tesco turnover , the uk ' s largest supermarket - tesco - says strong petrol sales aided a rise in third quarter sales across all parts of its business . +__label__3 , british grocer tesco sees group sales rise 12 . 0-percent ( afp ) , afp - tesco , britain ' s biggest supermarket chain , said that group sales grew by 12 . 2 percent in the third quarter , driven by strong performances from its stores at home and abroad . +__label__3 , fbi interviews halliburton whistleblower , bunnatine greenhouse , chief contracting officer of the army corps of engineers , is seen in her official undated government photo . fbi agents recently spent a day interviewing greenhouse , the army contracting +__label__3 , more harmful drugs may be on the market , after writing about hundreds of individual and class-action lawsuits that have been filed on behalf of consumers who developed cancer , suffered heart attacks or other medical problems from hormone replacement therapy drugs and vioxx , an fda employee now +__label__3 , court bars mci from making payments , a federal court wednesday barred no . 2 us long-distance carrier mci inc . from making further payments to cover more than \$25 million in unauthorized expenses related to bankruptcy of predecessor worldcom . +__label__1 , abductor kills self in moscow region hostage freeing operation , moscow , november 25 ( itar-tass ) - a special task force unit freed both women who were held hostage by two armed army deserters in the moscow region . +__label__1 , uk minister visits arafat grave , uk foreign secretary jack straw lays a wreath at the grave of former palestinian leader yasser arafat . +__label__3 , judge mci may have violated court order on certain fees , new york a federal judge in manhattan says mci may have violated a court order by paying more than 25 ( m ) million dollars in professional services fees as part of its bankruptcy proceedings in excess of caps on such fees . +__label__1 , one killed , 15 injured in khuzdar bomb blast , one person killed and 15 injured as bomb went off in a market in district khuzdar of balochistan , reports the news . according to police officials , the bomb was planted in a cycle . +__label__2 , deacons defeat friars , justin gray leads wake forest with 21 points despite suffering a gashed face as the top-ranked demon deacons beat providence , 79-67 . +__label__4 , intel puts in plug for linux ( siliconvalley . com ) , siliconvalley . com - intel is making a big push to help personal computer makers in china and india offer the linux operating system on machines powered by the company ' s chips . +__label__4 , intel helps asian pc partners ship with linux ( techweb ) , techweb - chipmaker provides linux tools to reach growing market there . +__label__2 , france surges into fed cup final , defending champion france surged into the fed cup final , completing a 5-0 sweep of spain on thursday behind singles victories by nathalie dechy and tatiana golovin . +__label__4 , exeter uni cans chemistry department , in a move that has been dubbed as #39 disastrous #39 by the royal society of chemistry , exeter university is to drop the teaching of chemistry as a subject . +__label__1 , pro-pot groups says federal policies out of step with canadians ( canadian press ) , canadian press - ottawa ( cp ) - a group which advocates legalized marijuana says a new poll shows federal pot policies are out of touch with public opinion . +__label__4 , nintendo returns to profit ( ap ) , ap - nintendo co . returned to profit in the first half of the fiscal year from a loss a year ago as the japanese video-game maker erased foreign exchange losses and turned more profit with game-software sales . +__label__1 , un urges dialogue after rwanda vows action , rwanda insisted on thursday that it would soon attack rebels inside the democratic republic of congo unless they were disarmed , as the united nations security +__label__2 , blues misfit joins villarreal , former birmingham striker luciano figueroa has returned to the elite of european football with a move to spanish club villarreal . the argentina international was signed by the blues for 2 . 5million before +__label__2 , hartson #39 s goal gives celtic hope in europe , they may not have exorcised their demons but celtic certainly laid one ghost with a towering performance to come from behind to draw with barcelona in the nou camp and take their +__label__3 , new drug extends multiple sclerosis options , 25/11/2004 - the first in a completely new class of drug for multiple sclerosis has been approved in the us , opening up a new avenue of treatment for sufferers of the debilitating diseases and potential blockbuster revenues for developers elan and biogen +__label__3 , wto backs korea in shipbuilding dispute with eu , the world trade organization has ruled against european union claims that the korean government provided illegal subsidies to its shipbuilding industry , the ministry of foreign affairs and trade said today . +__label__2 , golovin and dechy lead france into fed cup final , moscow ( afp ) - tatiana golovin and nathalie dechy led holders france to a 5-0 mauling of spain to set up a fed cup final clash against russia . +__label__4 , detailed view of dione , summary - ( nov 25 , 2004 ) cassini took this amazing photograph of dione , one of saturn #39 s larger moons , on october 27 when it was 1 . 2 million km ( 746 , 000 miles ) away . +__label__1 , us-israel ties hang on palestinian vote , in a pace-setting adventure next january that could herald a new beginning in the middle east or spell disaster for all is the election of a palestinian successor to the charismatic yasser arafat and a new baghdad regime that could bring to an end the +__label__2 , wiggins siblings honor dad by playing ( ap ) , ap - candice wiggins is a walking advertisement for the anti-drug effort . a star freshman for stanford ' s basketball team , she showed up for a recent practice wearing a t-shirt reading no doubt about it . my health . my sport . my victory . i compete clean . +__label__1 , deputy prime minister lauds decision of ukrainian court in disputed election ( canadian press ) , canadian press - ottawa ( cp ) - deputy prime minister anne mclellan has applauded the intervention of ukraine ' s supreme court in that country ' s disputed presidential election . +__label__2 , naia coach nears matching smith ' s total ( ap ) , ap - harry statham thought he was making a temporary stop when he took over as mckendree college ' s basketball coach in 1966 . his dream was to win a state high school championship , but jobs at the premier high schools were hard to come by , especially for a young coach . statham figured if he could put a few successful seasons together at mckendree , his alma mater , he ' d be able to land a better job . +__label__2 , madrid miffed ! , the organisers of madrid #39 s bid complained that paris had broken the rules by using france #39 s embassies in oslo and kuwait to hold events to promote its candidacy , the newspaper said . +__label__3 , probe sought on charges fda discredited whistleblower , the head of the senate finance committee called on the us department of health and human services to launch a probe of allegations that the us food and drug administration went out of its way to discredit a whistleblower . +__label__2 , monkey chant fan banned from football for five years , a football supporter who racially abused dwight yorke , the premiership striker , was banned yesterday from every soccer stadium in england and wales for five years . +__label__2 , racist blackburn fan cops five-year ban , a soccer fan was fined \$2400 and banned from soccer grounds for the maximum five years yesterday when he pleaded guilty to racially abusing birmingham city striker dwight yorke . +__label__2 , brown in line after livingston sack preston , livingston have sacked allan preston as manager . the former hearts and st johnstone defender and his assistant , alan kernaghan , were dismissed after a run of seven defeats left the club +__label__4 , all in the beak scientists find secret of homing pigeons #39 < b> . . . < /b> , the sensitivity of a homing pigeon #39 s beak could provide an answer to the complicated story of how it finds its way home . scientists have shown for the first time that homing +__label__2 , no . 17 rutgers stops south dakota state ( ap ) , ap - freshman guard matee ajavon scored 29 points to lead rutgers over south dakota state 68-50 on thursday in the opening game of the paradise jam tournament in the u . s . virgin islands . +__label__1 , protests in canada over ukraine crisis ( afp ) , afp - hundreds of canadians , many of ukrainian descent , braved freezing temperatures to protest what they consider to be the fixed outcome of the ukrainian presidential election . +__label__1 , syria says it is ready for talks on peace , damascus , syria - syrian president bashar assad is ready to resume peace talks with israel quot without conditions , quot a top un envoy said yesterday . +__label__1 , a threat to the west bank pullout , the expected withdrawal from the gaza strip is substantively different from that which israel will carry out in the northern west bank , in the area of jenin . +__label__3 , yukos bosses in exile , its survival in doubt , russian oil company yukos , with shares near all-time lows and its bosses in exile , warned last night it is being driven toward bankruptcy . +__label__1 , mediation efforts to end ukraine crisis step up as solana due in kiev ( afp ) , afp - attempts to mediate the political crisis in ukraine are gathering pace with eu foreign policy chief javier solana and polish president aleksander kwasniewski expected in kiev . +__label__1 , us official murdered in baghdad , washington a us state department official who worked with the iraqi ministers of education and higher education was murdered in baghdad by a group linked to abu musab al-zarqawi , the group claimed on thursday . +__label__1 , two us soldiers killed , kabul -- two us soldiers died and another was injured when a bomb ripped through their patrol in southern afghanistan yesterday . the troops were attacked near deh rawood , a town 400 km southwest of kabul where +__label__2 , henry doubtful for anfield clash , arsenal striker thierry henry is doubtful for sundays barclays premiership trip to liverpool with a calf injury . the frenchman aggravated the problem during wednesday nights ill-tempered champions league +__label__1 , harry flies home after #39 kidnap plot #39 claims , prince harry flew back to the uk from argentina today amid reports of a plot to kidnap him . local media said that gunshots had been heard at a polo ranch where he was working . +__label__2 , eras blend together perfectly , as the final seconds ticked down on the last home game of his high school career , larry abare glanced up the hill at the far end of edward m . leary field and watched all the little boys in blue jeans and acton-boxboro jerseys , one of them scrambling through the leaves with a football tucked carefully under his arm . . . . +__label__2 , brockton upset makes waltham ' s day , waltham -- paul mayberry was dripping , luis cotto was weeping , and alex russo was kneeling on the sideline . +__label__2 , cordio paves the way , for the last six years , the leominster blue devils have endured a thanksgiving day filled with frustration instead of celebration . +__label__2 , marzeoti ( 4 tds ) paces shawsheen , for years , shawsheen tech and greater lowell have battled for the william j . collins cup on thanksgiving day . +__label__2 , melrose comes up short , melrose entered its thanksgiving day matchup with wakefield as an undefeated powerhouse bound for the postseason . but wakefield has tripped up the red raiders in recent years -- and yesterday was no exception . +__label__2 , a traditional victory for a-b , ask anyone associated with the acton-boxboro football program about the secret to its success , and they ' ll say it ' s rooted in a winning tradition established long before members of the 2004 team ever strapped on a helmet . +__label__3 , douglas , fraser , and blue await you , jim mcleod has a great day job , but a seasonal sideline is his #39 #39 tree #39 #39 calling . throughout the year , he #39 s president and owner of a software company called infocode corp . +__label__2 , police use stun gun to subdue t-wolves #39 olowokandi , minnesota timberwolves center michael olowokandi was arrested early yesterday after police used a stun gun to subdue him when he refused to leave an indianapolis club . +__label__1 , eight children stabbed to death as they sleep , a man broke into a school dormitory and stabbed eight sleeping children to death before fleeing . the murders at the ruzhou no2 senior middle school in pingdingshan , in the central province of henan , was the +__label__1 , darfur rebel group promises to respect truce , one rebel group in sudan #39 s troubled darfur region thursday pledged to fully respect a truce with the sudanese government amid contradictory statements and international concern about an escalation in fighting . +__label__2 , nba brawl sends wrong message to all of us , ever since last friday night #39 s nba brawl in detroit , i have tried to make sense out of the whole mess . i have watched replay after replay of the ordeal , hoping to come up with some sort of reason +__label__1 , 450 colombian paramilitaries disarm ( ap ) , ap - some 450 right-wing paramilitary fighters left colombia ' s crowded battlefields , turning in their weapons and asking society to let them back into its fold . +__label__2 , cal quarterback to enter nfl draft ( ap ) , ap - california quarterback aaron rodgers will skip his senior season to enter the nfl draft . +__label__1 , top zarqawi aide captured in iraq , a lieutenant of iraq ' s most feared insurgent leader , abu musab zarqawi , was captured this week , the country ' s national security minister said thursday . +__label__3 , yukos considers self-destruction , shareholders in yukos are considering liquidation or filing for bankruptcy , after deciding against a rescue plan for the embattled russian oil firm . +__label__4 , behaviour control by smartphone , the massachusetts institute of technology is developing mobile phones designed to learn users #39 daily habits so that they can predict what users will do , reports the register . +__label__3 , us airways , ge reach accord on airplane leasing and financing , the wall street journal reports that the carrier #39 s largest creditor has agreed to an aircraft leasing and financing deal that would give us airways a financial lifeline . +__label__3 , four hurricanes hurting florida economy ( ap ) , ap - normally at this time of the year , labor contractor jose luis avalos would be assembling a crew of workers who could each earn #36 1 , 500 to #36 2 , 000 a week in the area ' s abundant citrus groves . +__label__3 , bt sells off stake in eutelsat , british telecom today announced the sale of its stake in one of the worlds largest satellite companies for 363 million . the telecoms giant said it was offloading its 15 . 8 per cent holding in paris-based +__label__4 , nintendo moving into online within 3 to 4 years , comments attributed to nintendo #39 s shigeru miyamoto in this week #39 s famitsu magazine indicate that the company is planning to bring its systems online within a three to four year timescale , with ds leading the way . +__label__1 , iran #39 committed #39 to nuke freeze , iran #39 s chief negotiator to the united nations nuclear agency says tehran is committed to the freeze on uranium enrichment agreed earlier this month . +__label__3 , salvation army says target policy threatens fund-raising , st . paul - salvation army officials say they #39 re worried that they may not meet their holiday fund-raising goal because they won #39 t have bell-ringers outside of target stores . +__label__1 , russia agrees to dalai lama visit despite certain anger from china ( afp ) , afp - russia will allow tibet ' s exiled spiritual leader , the dalai lama , to visit a southern buddhist russian region for the first time , the foreign ministry said in a move certain to anger china . +__label__2 , hayden walks into strife , spirit of australia was on the skids last night after another example of double standards by the home side marred the opening day of the second cricket test against new zealand in adelaide . +__label__3 , wto approves sanctions against us , the european union , japan and others will be able to impose heavy sanctions against us firms dumping goods from early next year . +__label__4 , chicago to hold ebay auction to raise money for cultural programs , city officials hope there are people willing to pay plenty of money to own a vintage playboy bunny costume , toss green dye into the chicago river or throw a dinner party prepared by oprah winfrey ' s chef . +__label__1 , four employees of british security firm slain by mortar attack in < b> . . . < /b> , a mortar attack killed four employees of a british security firm and wounded 15 others in the baghdad #39 s green zone , a fortified area that houses the +__label__1 , parties call for postponement of elections , despite a new call friday for a postponement of the iraqi elections , president bush said he hopes they still go forward . seventeen political parties say the election should be put off for at least six months +__label__1 , india test-fires surface-to air missile , india has successfully test-fired a surface-to-air missile from a site in the eastern orissa state on friday , a government official said on condition of anonymity . +__label__4 , mmo2 i-mode launch looks certain , mmo2 and ntt docomo are reportedly planning to launch a uk i-mode mobile service . november 26 , 2004 4 35 pm gmt ( datamonitor ) - the much-touted tie-up between ntt docomo and mmo2 to bring i-mode mobile content to the uk looks to be a done deal . +__label__1 , mounties left in dark by u . s . on deportation of syrian-born canadian ( canadian press ) , canadian press - ottawa ( cp ) - the mounties provided information on maher arar to american authorities but were left in the dark when the u . s . deported the canadian citizen to syria , newly released documents show . +__label__2 , nba game summary - portland at dallas , dallas , tx ( sports network ) - dirk nowitzki scored 23 points and grabbed 14 rebounds to lead dallas to a 92-83 win over portland at american airlines arena . +__label__4 , recording industry , file-share face off , the next chapter in the global legal battle between the recording industry and file-sharing services is due to unfold here monday when the owners of the hugely popular kazaa software go on trial on civil copyright infringement charges . +__label__3 , board with mukesh reliance , mumbai , nov . 26 mukesh ambani apparently commands the full support of the board on all recent decisions , including the controversial one that elevated him to the final authority in the group . +__label__2 , winter on saturday peace initiative in spain shows beckham #39 s < b> . . . < /b> , david beckham prevented a major incident between england #39 s fired-up players and their aggrieved spanish counterparts in madrid , according to an england insider yesterday . +__label__1 , man held for slashing teens , beijing - chinese police have detained a man who they say murdered eight teenagers and injured four others in a school dormitory overnight , state press said late on friday . +__label__3 , toy safety report released , checking for them by hand before buying -- because children could choke on them , consumer advocates said in an annual warning on toy safety . +__label__3 , dollar drops further as central banks reassess reserves , the falling dollar reached new depths against the euro today as the dollar ' s status as the premier international reserve currency is growing more precarious . +__label__2 , frisday #39 s sports transactions , boston celtics_activated g delonte west from the injured list . placed f justin reed on the injured list . philadelphia 76ers_activated g aaron mckie from the inujred list . +__label__3 , reliance battle seen getting messier in days ahead , business india mumbai , nov 26 the much talked about family feud over the control of reliance industries , india #39 s largest industrial house , is set to turn into a full-fledged boardroom battle that may entail a revamp of the company #39 s management . +__label__3 , w . t . o . authorizes trade sanctions against the united states , the world trade organization authorized about \$150 million in trade sanctions on the u . s . in retaliation for an import duties law that has been ruled illegal . +__label__3 , land rover aims new model at us , land rover will launch a sports tourer next year in a what is likely to be a test of british carmakers #39 ability to compete in the us . +__label__4 , gone phishing ? , zastrossi writes quot according to the anti-phishing working group , phishing sites--the practice of making sites that look and act like popular sites such as banks in order to steal personal information from customers--rose from 543 sites in september to +__label__3 , wr grace is likely to face indictment in montana case , by bloomberg news . wr grace amp company , a producer of chemicals and building material that filed for bankruptcy protection in 2001 amid thousands of asbestos-related claims , said yesterday +__label__1 , forecast frosty for u . s . -canadian ties , toronto -- the weather won ' t be the only thing that ' s cool when president bush visits neighboring canada next week . +__label__4 , smartphones get smart , in an attempt to become more useful , us researchers are developing new smartphone software which watches users calling and usage patterns and tries to learn how best to help . +__label__1 , india test-fires missile , new delhi , nov 26 india on friday test fired akash , the indigenously developed surface-to-air missile from the integrated test range at chandipur-on-sea , about 14km from balasore ( orissa ) . +__label__1 , 2 ex-officers nabbed in venezuela slaying , national guard troops arrested two brothers friday in connection with a state prosecutor ' s killing , just days after two suspects in the car bombing case were shot dead by police , authorities said . +__label__3 , stocks finish mixed in early close , stocks finished mixed in post-holiday trading friday as wall street meandered through a shortened session . the major indexes ended the week higher as investors looked forward to the results of the first weekend of holiday shopping and a key jobs report next week . +__label__2 , hoyas beat the citadel , new coach john thompson iii gets his first victory as georetown routs the citadel , 69-34 , behind 23 points from brandon bowman . +__label__2 , gray was selected tourney mvp , justin gray went down to the madison square garden court as soon as mustafa shakur inadvertently kicked him in the face while going for a loose ball . +__label__2 , wake forest survives at the nit , no . 1 wake forest used a 19-5 second half run to take the lead and then held off arizona 63-60 to win the preseason nit . mustafa shakur had a chance to take the lead in the final seconds , but he missed a runner in the lane . +__label__1 , iran , eu negotiators seek nuke agreement ( ap ) , ap - a key u . n . atomic agency meeting adjourned for the weekend , giving iran time to consider a total freeze of a program that could make weapons grade uranium and for delegates to decide on further steps in policing tehran ' s nuclear activities . +__label__4 , apple enhances uk online shopping , the store adds such features as details of an expected dispatch date it the point where shoppers select a product . for example the power mac g5 dual 2 . 5ghz is quot usually dispatched 1 - 3 weeks +__label__3 , wto sanctions on us exports widens gap in congress , angry over unfair subsidies paid to us companies from tariffs collected on goods imported here , the wto has widened the gap with congress by imposing sanctions of their own . +__label__3 , nissan #39 s supply shortage sends steel stocks up , us steelmakers #39 shares rose sharply yesterday , with us steel , allegheny technologies and nucor ( which operates a mill in seattle ) reaching their highest prices in at least seven years , after nissan said the metal is in short supply in japan . +__label__3 , steel stocks soar as shortages are biting , steel shares hit seven-year highs yesterday after nissan said the metal is in short supply in japan . us steel rose \$3 . 30 , or 7 , to \$51 . 25 , while nucor surged \$2 . 90 to \$54 . 05 , an all-time high . +__label__2 , rison free after making support payment ( ap ) , ap - former pro bowl receiver andre rison was released from jail monday after paying #36 10 , 000 in child support . +__label__1 , backgrounder basic facts about asean , leaders from members of the association of southeast asian nations ( asean ) are gathering in vientiane , capital of laos , for a summit meeting among themselves and a series +__label__1 , iraq election delay #39 considered #39 , iraq #39 s electoral commission has said it will consider a request from leading political parties to delay general elections scheduled for 30 january . +__label__1 , iraq commission examines request to delay polls , baghdad ( afp ) - iraq #39 s electoral commission was due to study a call by top leaders to delay the january 30 polls because of violence gripping the country , as us-led troops continued their anti-insurgency crackdown . +__label__2 , stephen dodd leads volvo china open , stephen dodd took a three-stroke lead friday after 36 holes of the volvo china open in shanghai to stand six-under-par 138 after two rounds . +__label__1 , asean to push australia , new zealand to sign non-aggression pact ( afp ) , afp - southeast asian foreign ministers said they would encourage australia and new zealand to accede to a non-aggression pact with their 10-nation asean group that south korea signed . +__label__3 , yukos plans to fix itself before auction , the russian oil giant yukos said yesterday that management was putting together an emergency plan to continue running the company for a few months , even after the auction of its prize asset in december . +__label__4 , holidays disrupts launch plans for da vinci rocket team , kindersley , sask . - a team from ontario has delayed the launch of its private rocket until at least january . the da vinci project had planned to use a gigantic balloon to lift a rocket to 24 kilometres . +__label__2 , serie a preview inter-juventus , the derby of italy is back on sunday night as inter host arch-rivals juventus in a do-or-die encounter for the nerazzurri . inter-juventus is never an ordinary match , even when both teams are not fighting for any major honours . +__label__1 , rioters firebomb police station , terrified police have told how they feared they would die as a rampaging mob burnt down the police station in which they were trapped on palm island , off north queensland . +__label__1 , return of relics to rekindle catholic-orthodox dialogue , vatican city , nov . 25 , 2004 ( zenit . org ) . - theological dialogue between the orthodox and catholic churches is expected to resume after the relics of sts . +__label__1 , un aid plane shot at in ivory coast , abidjan - a united nations world food programme ( wfp ) plane was met with gunfire and threats when it arrived in man , western ivory coast , the un said in a statement on saturday . +__label__2 , sixers-wizards matinee doesn #39 t disappoint , still home in philly for the thanksgiving holiday , we decided to hit the sixers/wizards matinee yesterday . one of the best decisions we #39 ve made in a long time . +__label__3 , it may be end of line for narrow track , hurricane forecasters debate the usefulness of the quot skinny line quot in tracking maps , and look at more accurate alternatives . +__label__4 , violent video games slammed , p2pnet . net news -the launch of the now much-maligned kill jack kennedy again game has achieved at least one thing its woken the mainstream media up to the fact that video games based on giving players a way to take part in virtual murder aren #39 ta +__label__3 , alltel buys cingular properties , expands network , little rock-based alltel will expand its wireless phone service in connecticut , kentucky , mississippi , oklahoma and texas in a \$170 million deal with cingular wireless . +__label__2 , pompey start life without harry with a win , london - portsmouth have recovered from the shock of manager harry redknapp #39 s resignation in midweek to give new executive director velimir zajec his first win . +__label__2 , game swings back and forth as giteau toys with england #39 s defence , after so many signs of a fresh enthusiasm and a new sense of adventure in the england side , they ended their autumn series on a backward note , losing to the side they had beaten in the world cup final . +__label__4 , climate change and unfamiliar species leave inuit lost for words , global warming is increasingly rendering inuit and other arctic peoples at a loss for words . they simply do not have names in their languages for the temperate species flocking up from the south . +__label__1 , us army deserter jenkins obtains early release from detention in < b> . . . < /b> , a former us army sergeant who defected to north korea almost 40 years ago - has been released after serving 25 days in military detention in japan . +__label__2 , no . 5 north carolina 63 , no . 24 villanova 56 , the north carolina tar heels put their lackluster first half behind them . then they did the same to villanova . after scoring just 25 points in the first half , the no . +__label__2 , knicks hold off raptors , 108-102 , new york knicks #39 jamal crawford puts up a shot against the toronto raptors during the second quarter saturday , nov . 27 , 2004 . crawford scored 30 points in the knicks #39 108-102 win . +__label__4 , the shockwaves of sumatra , the indian ocean earthquake of december 2004 produced a shockwave that created tsunamis all across the indian ocean . the tsunamis hammered nearby indonesia and struck as far as the coast of east africa . the death toll has climbed over 100 , 000 and continues to grow . it also created social shockwaves . +__label__1 , official farc sought bush assassination , colombia ' s main rebel group asked followers to mount an assassination attempt against president bush during his visit to colombia last week , defense minister jorge uribe said . there was no evidence saturday that rebels even tried to organize such an attack . +__label__2 , the egg goes to the plucky rebels , backup quarterback robert lane has 205 total yards with a touchdown pass and a touchdown run in mississippi ' s 20-3 win over mississippi state on saturday . +__label__3 , tax-free bonuses tagged out , some taxpayers have been dusting off an old internal revenue service ruling about signing bonuses in baseball contracts and using it to justify skipping payroll taxes and income-tax withholding on signing bonuses generally . +__label__4 , nasa finishes redesigned shuttle fuel tank ( reuters ) , reuters - nasa has finished building a redesigned\space shuttle fuel tank that was reconfigured to eliminate the\debris problem that doomed the shuttle columbia and its seven\astronauts , agency officials said on tuesday . +__label__2 , bucks edge pistons 96-90 ( ap ) , ap - michael redd scored 20 of his 29 points in the second half , keith van horn added 20 points and the milwaukee bucks ended a six-game losing streak with a 96-90 victory over the detroit pistons on saturday night . +__label__4 , weather data in your own back yard ( washingtonpost . com ) , washingtonpost . com - weatherbug wants to make meteorologists out of its users . the internet weather service based in gaithersburg has begun selling sensors that can turn anyone ' s back yard into a web-connected weather station . +__label__2 , virginia tech downs virginia , 24-10 , the team that few thought could contend for an atlantic coast conference title less than two months ago is now one game away from winning it on its first try . +__label__3 , eurozone data to confirm slumping confidence , easing inflation , brussels ( afp ) - eurozone figures due out this week will confirm that confidence is slumping due to high oil prices and the rise of the euro , and that inflation is easing , economists said . +__label__1 , death bell tolls for russia ' s yukos oil giant ( afp ) , afp - russia ' s yukos does not begin the week teetering on the edge of ruin where it has been for months now . the oil giant is flat on its back , gasping for its last breaths of air . +__label__3 , time to look overseas for a healthier 401 ( k ) , i change the mutual funds in my 401 ( k ) plan about as often as the red sox win the world series . +__label__3 , rate hikes by fed dull arms #39 luster , 30-year fixed home loans remain appealing , but variable rates have been on the move up . by sandra block . if you #39 re hoping an adjustable-rate mortgage will help you afford your dream house , you may want to rethink those granite countertops . +__label__1 , say neighbors #39 weapons leave them vulnerable , electrical engineering student roozbeh rahimi reflects a common sentiment among iranians when he expresses hope that this famous tourist city will gain fame soon for its nuclear technology . +__label__4 , #39 sickos #39 hunting for deer with a mouse , san antonio - forget about playstation 2 - texas entrepreneur wants to kick computer gaming up to the next level by offering players a chance at some real-live killing via mouse and modem . +__label__1 , bush won #39 t take iran #39 s word for it , crawford , texas as president bush sees it , quot the only good deal is one that #39 s verifiable . quot . he #39 s applauding the efforts of some european countries to get iran to honor its commitment to refrain from developing nuclear weapons . +__label__2 , pitt can crash bcs with closing victory , as if things weren #39 t bad enough for the bowl championship series , it appears that pittsburgh is going to represent the big east with an 8-3 record . +__label__1 , fda oks scientist publishing vioxx data ( ap ) , ap - the food and drug administration has given a whistle-blower scientist permission to publish data indicating that as many as 139 , 000 people had heart attacks that may be linked to vioxx , the scientist ' s lawyer said monday . +__label__1 , annan urged to play larger role in iraq ( ap ) , ap - u . n . secretary-general kofi annan , under fire in congress over a troubled oil program for iraq , received some friendly advice last month in a private meeting with former u . s . ambassador richard holbrooke and other foreign policy experts . +__label__1 , sri lanka army blames tamil tigers of failing to keep pledge , sri lanka #39 s army sunday blamed thetamil tigers for failing to attend a meeting saturday which they had agreed to attend during a meeting with the international trucemonitors and the government troops . +__label__2 , ravens ' offensive coordinator resigns ( ap ) , ap - baltimore ravens offensive coordinator matt cavanaugh resigned under pressure monday after meeting with head coach brian billick , who finally lost patience with the team ' s sputtering attack . +__label__2 , illini hit on all cylinders , zap zags , there #39 s no way no . 5 illinois could have shredded the gonzaga , king of the mid-majors , the way it demolished its opponent at conseco fieldhouse on saturday . +__label__3 , #39 designer #39 christmas tree growers target national holiday market , aurora , ore . the national christmas tree association is hoping a push of designer trees will renew consumer demand for live trees . +__label__2 , game itself needs repair , last sunday night , while announcing the suspensions of ron artest , stephen jackson , jermaine o ' neal , ben wallace , and others , the commissioner of the nba , david stern , spoke forcefully and eloquently about redefining quot the covenant between players and fans and between fans and fans , and making sure we can play our games in a very welcoming and peaceful setting . quot +__label__1 , rwandan #39 motivated by riches #39 , ouagadougou - rwanda #39 s threat to launch military strikes in democratic republic of congo would be motivated by the abundant mineral wealth in its giant western neighbour not by the desire to attack hutu fighters based there , a congolese diplomat said here +__label__3 , wal-mart move ominous sign for retailers ( ap ) , ap - weaker-than-expected holiday shopping forced wal-mart stores inc . on saturday to cut its projected sales increase for november by more than half , an ominous announcement for retailers as their busiest time of year begins . +__label__2 , fed cup all tied up , france #39 s russian-born tatiana golovin left the fed cup final hanging in the balance today as she beat russia #39 s us open champion svetlana kuznetsova 6-4 , 6-1 to level the tie at 2-2 and take it to the final doubles match . +__label__1 , sinn fein says n . irish deal nears no bush call ( reuters ) , reuters - the leader of sinn fein , northern\ireland ' s main catholic party and the political ally of the\irish republican army ( ira ) , said sunday he believed his\protestant rivals were ready to agree to a peace deal . +__label__2 , sorenstam ' s putt sets up #36 300k skin ( ap ) , ap - annika sorenstam calmly sank a short birdie putt on the ninth hole , earning a hug from tiger woods . more importantly , it kept #36 250 , 000 in play in the skins game . +__label__2 , redskins , steelers underway , patrick ramsey makes his first second start of the season as the redskins face the afc north-leading steelers at a sloppy heinz field in pittsburgh . +__label__2 , defoe drives spurs home , jermain defoe underlined his claims for an improved contract as he inspired tottenham to a 2-0 win against 10-man middlesbrough . new coach martin jol , who secured his first win in charge , may have been helped +__label__2 , arsenal loses again in premier league , arsenal dropped five points behind chelsea in the english premier league on sunday after losing 2-1 to liverpool on an injury-time goal by neil mellor . +__label__4 , trouble in psp land , november 27 , 2004 - things aren #39 t looking good for the psp over in japan . well . . . maybe that #39 s not exactly true . if you #39 re sony , and you want to generate lots of hype for your new portable system , things are looking very good . +__label__3 , retail sees solid , not stellar , holidays ( reuters ) , reuters - holiday shopping got off to a flying\start in the united states this weekend . +__label__2 , titans ' mcnair hints at retiring from nfl ( ap ) , ap - tennessee titans quarterback steve mcnair hinted sunday that his 10th season in the nfl could be his last . +__label__2 , bills 38 , seahawks 9 , drew bledsoe went all the way home to washington state to help the buffalo bills collect a rare road win . willis mcgahee had 116 yards rushing and four touchdowns , leading buffalo to a 38-9 win over seattle +__label__3 , cbi calls for cuts in spending to reduce borrowing , gordon brown faces a new warning today that he will have to raise taxes by 7 billion or cut swaths of government spending if labour wins next years general election . +__label__2 , surprise chargers #39 air power changing marty #39 s stripes , kansas city , mo . -- the san diego chargers players couldn #39 t quite believe what they were hearing , nor would many in the crowd at arrowhead stadium if they were privy to it . +__label__2 , bears set to sign qb jeff george ( reuters ) , reuters - the chicago bears are expected\to sign quarterback jeff george on monday . +__label__2 , giants #39 frustration seeps to surface as slide continues , at about the moment a melee broke out on the giants #39 sideline sunday - after eagles linebacker jeremiah trotter hit giants quarterback eli manning out of bounds +__label__4 , signs of a glut and lower prices on thin tv ' s , dont buy that high-definition tv yet . competition may force the prices down further . +__label__3 , holiday shoppers off to a fast start , holiday shoppers spent 10 percent more friday than they did a year ago , according to early reports , but wal-mart stores inc . dampened hopes for a strong start to the key retail season by +__label__2 , hard-running dillon #39 s difference in making champs even tougher , it wasn #39 t just to resuscitate one of the league #39 s worst rushing games . it was to make dillon and that dreadful rushing attack allies when the weather and/or the opponent demanded it -- which they did sunday +__label__3 , discovery channel tests power of licensing , by rushing more than 700 products under the american chopper brand as part of a new in-house licensing program , the cable channel is relying more heavily on licensing to market shows . +__label__1 , int #39 l conference calls for mine-free world , senior officials of 143 governments are calling for the total ban of production and use of anti-personnel landmine . senior government officials of 143 countries across the world +__label__1 , cambodia plays active role in asean , cambodia has been active and playing an increasingly important role in the association of southeast asian nations ( asean ) and regional affairs politically and economically +__label__1 , tremor shook japan , at least 14 people sustained injuries when a strong earthquake with a preliminary magnitude of 7 . 1 hit a sparsely populated area of japan #39 s northernmost main island of hokkaido . +__label__2 , game day recap sunday , november 28 , sandora irvin had 23 points and 17 rebounds and tcu upset a ranked team for the second night in a row , beating michigan state ( no . +__label__2 , fish top 49ers in brutal bowl , dolphins 24 , 49ers 17 the dolphins spent the holiday week eating room service food and practising thousands of kilometres from home , all to prove they were the best of the nfl #39 s worst two teams . +__label__2 , eagles 27 , giants 6 , east rutherford , nj - the philadelphia eagles won a fourth consecutive nfc east title by making eli manning look very much like a rookie . +__label__1 , colombia reveals plot to assassinate bush , colombian rebels plotted to assassinate george bush during his brief stopover in the port of cartagena last week , according to the country #39 s defence minister . +__label__2 , quarterback brady enjoyed a field day , foxborough -- though more than \$300 million was invested in the construction of gillette stadium , part of it going to a state-of-the-art drainage system , the playing surface reminds tom brady of his high school field in san mateo , calif . +__label__1 , zarqawi group claims mosul killings , baghdad -- iraq ' s most feared terrorist group claimed responsibility yesterday for slaughtering members of the iraqi security forces in mosul , where dozens of bodies have been found . the claim raises fears the group has expanded to the north after the loss of its purported base in fallujah . +__label__4 , clearest view yet of saturn #39 s largest moon , scientists controlling the cameras aboard the cassini spacecraft in orbit around saturn have just recovered two extraordinary , contrasting images of the planet #39 s most intriguing moons . +__label__2 , ita juventus blows 2-goal lead againt inter milan , serie a leader juventus wasted a two-goal lead in the second half and was held to a 2-2 draw by inter milan at san siro on sunday , losing ground to defending champion ac milan . +__label__3 , wal-mart reduces sales forecast , wal-mart , the world #39 s largest retailer , has lowered its november growth forecast amid concerns that fuel costs may slow down christmas retail sales . +__label__3 , iraq to spend \$1 billion to expand oil production , iraq is planning to spend more than \$1 billion in 2005 to boost its oil production capacity by about 15 percent to 3 . 25 million barrels a day , an iraqi official said . +__label__1 , pa #39 s abbas rules out interim deal with israel , the palestinians will not accept an interim settlement with israel , palestine liberation organization chief mahmoud abbas told the arab league during a visit to egypt yesterday . +__label__4 , brighter previews for your pictures , epson ' s photo fine technology promises vivid , crisp colors on digital camera lcds . +__label__4 , new wi-fi nearly doubles speed , belkin ' s pre-n wireless networking line also dramatically improves range--even for 802 . 11b and 802 . 11g gear . +__label__1 , france #39 s american problem , paris -- us diplomats here respond to jacques chirac #39 s continued yankee-bashing following george w . bush #39 s re-election by saying the french president is out of step with his people , who are not nearly that anti-american . +__label__4 , google stumbles with new desktop tool , google wants to help you effectively access the piles of information you store in the documents , e-mail messages , web pages , and contact lists stuffed on your pc . +__label__3 , oil down 3 pct . as u . s . winter stays mild , new york ( reuters ) - oil prices slid 3 percent on monday on expectations that more mild u . s . weather at the start of the new year will limit heating oil demand . +__label__4 , the next giant leap , rendezvous quot for the docking techniques he developed while at mit earning his phd in astronautics . lessig technology over ideology ! +__label__4 , planned grand canyon flood seeks to reverse erosion , description researchers flooded the colorado river last week , in an attempt to reverse erosion in the grand canyon . npr #39 s liane hansen speaks to denny fenn , director of the southwest biological science center , about the experiment #39 s preliminary findings . +__label__1 , pakistan tests nuclear-capable missile , islamabad - pakistan test-fired a short-range missile capable of carrying nuclear weapons on monday , and said more tests are planned . +__label__3 , easymobile launch set for march , denmark #39 s leading telecoms operator tdc says it will launch a low-budget mobile telephone operator dubbed quot easymobile quot with mobile network operator t-mobile in britain in march 2005 . +__label__3 , more buyers choose artificial , renee mcdonald remembers the christmas trees of her youth spindly , fake and out of a box . they were hard to put up , and they just didn #39 t smell right . +__label__4 , chip power , times 10 , ibm , sony corp . and toshiba corp . on monday unveiled some key details on the powerful new quot cell quot processor the three are jointly producing to run next-generation computers , game consoles and tvs . +__label__4 , seo #39 s multiplying effect on paid inclusion , paid inclusion ( pi ) has always been a hot potato . it #39 s not quite seo ( define ) and not quite search advertising . no one wants to touch it . +__label__2 , burger and boks get irb gongs , south africa #39 s schalk burger has been honoured as international rugby #39 s player of the year in 2004 . the springboks , the reigning tri nations champions , also scooped the awards for team of the year and coach +__label__2 , myskina caps magnificent year for russia , anastasia myskina capped a magnificent year for russian tennis by leading her country to their first fed cup title with a dramatic win over holders france . +__label__4 , universal , warner bros , paramount , and new line support hd-dvd , major movie studious paramount , universal pictures , warner bros . , and new line cinema all said today that they have adopted the new high definition dvd disc format ( hd-dvd ) , and will begin issuing movie titles in the new format in 2005 . +__label__3 , metropcs obtains cingular air , com november 29 , 2004 , 8 33 am pt . wired amp wireless continues its reign as the top it priority among it managers due to widespread ip telephony deployment and other network infrastructure upgrades . +__label__2 , dillon enjoys a grand time , corey dillon keeps piling up the rushing yards for the patriots , but he could care less . what dillon wants to pile up is wins . he #39 s doing that , too , in his +__label__3 , is this the end of it as we know it ? , halsey minor , ceo of hosted integration provider grand central communications , has a powerful message for it in four years , . . . basically the whole notion of enterprise application software is going to be dead . he believes application functionality will instead be available as hosted , pay-per-use services delivered by companies such as salesforce . com . putting his money where his mouth is , minor has recently launched a \$50 million venture capital fund with his own money to fuel on-demand startups . for its part , grand central will handle data and process integration between enterprises and multiple on-demand services . +__label__4 , mamma search is buying copernic , mamma search is buying copernic\\mamma . com inc . , the paid search company , and copernic technologies inc . announced that mamma has signed a letter of intent where they will acquire all of the shares of copernic technologies for a combination of cash and shares of mamma . com inc . the closing of the acquisition will . . . +__label__1 , toshiba claims hollywood backing in war for next dvd standard ( afp ) , afp - toshiba said four major hollywood studios had thrown their crucial weight behind high definition dvd ( hd-dvd ) , one of two disc formats contending to be the standard in next-generation dvds . +__label__2 , toronto #39 s skydome sold for \$25 million , toronto #39 s major league baseball franchise finally has a nest it can call its own . blue jays-owner rogers communications has reached a \$25 million deal to buy the skydome . +__label__1 , court declines to hear gay marriage case ( ap ) , ap - the supreme court on monday sidestepped a dispute over gay marriages , rejecting a challenge to the nation ' s only law sanctioning such unions . +__label__1 , sharon survives 3 parliament no-confidence votes , jerusalem ( reuters ) - prime minister ariel sharon on monday narrowly survived three parliamentary no-confidence votes sponsored by opposition parties over deepening poverty in israel . +__label__1 , romania faces hung parliament risk after vote , bucharest ( reuters ) - romania faced weeks of uncertainty on monday after inconclusive general elections in the poor balkan country , already struggling to stay on track to join the european union . partial results showed the ruling ex-communist social democrats ( psd ) of prime minister adrian nastase a whisker ahead of the opposition centrists in sunday ' s election but well short of a majority in parliament . +__label__4 , space station crew moves rescue capsule , the maneuver frees the hatch on the docking station that the crew members will use for work sorties in january and march . in addition , the launch of an unmanned progress cargo ship has been postponed one day to december 24 . +__label__3 , telekom austria taps the bulgarian market , telekom austria , austrias largest telecoms operator , obtained access to the relatively underdeveloped east european mobile services market by winning the right to purchase the bulgarian mobile operator mobiltel for 1 . 6billion ( \$2 . 12billion ) . +__label__3 , philippines gdp grows 6 . 3 on strong exports , the philippine economy continued to grow robustly in the third quarter despite rising consumer prices , with the gross domestic product expanding by 6 . 3 per cent from a year ago +__label__2 , tough courses #39 killing excitement #39 , richard green is campaigning for a fair go for players in a bid to make home tour tournaments more exciting this summer . green blasted the brutal course set-up for last week #39 s australian open , claiming it +__label__3 , cost of #39 12 days of christmas #39 now is \$66 , 000 , pnc financial services says the luxury cars and vintage watch would cost you just as much as all the gifts listed in the christmas carol quot the twelve days of christmas . +__label__3 , merck #39 s board adopts severance plan for top officials ( update5 ) , merck amp co . , seeking to keep managers from leaving after the withdrawal of its vioxx painkiller , adopted a plan to give severance payments to more than 200 executives should control of the company change . +__label__1 , anxious wait for whale rescuers , rescue workers will know this morning if their attempts to save whales beached yesterday on maria island , off tasmania #39 s east coast , were successful . +__label__1 , musharraf sees ' light at end of tunnel ' with india ( reuters ) , reuters - pakistani president pervez\musharraf said on monday there were prospects for resolving all\disputes with india , including over kashmir , through peace\talks now under way . +__label__4 , a u . s . brain drain ? , a drop in engineering degrees combined with a fall-off in foreign students matriculating at u . s . colleges spells big trouble ahead . +__label__2 , diouf charged after spitting row , bolton #39 s el-hadji diouf has been charged by the football association for spitting at portsmouth #39 s arjan de zeeuw in saturday #39 s 1-0 win for pompey . +__label__3 , bush picks kellogg ceo for commerce , president bush on monday chose carlos gutierrez , the cuban-born ceo of kellogg co ( kn quote , profile , research ) , as his nominee to be commerce secretary , his second selection of a hispanic for a second-term cabinet . +__label__3 , sony , ibm , toshiba give details of ' cell ' chip ( reuters ) , reuters - ibm , sony corp . ( 6758 . t ) and\toshiba corp . ( 6502 . t ) on monday revealed their plans for the\powerful new cell processor the three are jointly producing\to run next-generation computers , game consoles and\televisions . +__label__3 , bush picks kellogg ceo for commerce , washington ( reuters ) - president bush on monday chose carlos gutierrez , the cuban-born ceo of kellogg co , as his nominee to be commerce secretary , his second selection of a hispanic for a second-term cabinet . __label__4 , pew weblog statistics , \\interesting data this morning ( thanks dan ) on weblogs \\blog readership shoots up 58 in 2004 6 million americans get news and\information fed to them through rss aggregators but 62 of online americans do\not know what a blog is\\read the pdf for more stats ( man i hate pdf ) . \\27 of internet users say they read blogs , a 58 jump from the 17 who told us\they were blog readers in february . this means that by the end of 2004 32\million americans were blog readers . much of the attention to blogs focused on\those that covered the recent political campaign and the media . and at least\some of the overall growth in blog readership is attributable to political\blogs . some 9 of internet users . . . \\ -__label__1 , sudan backtracks on aid workers , sudan reverses its decision to expel oxfam and save the children ' s local heads , accused of political meddling . -__label__3 , south korea , singapore seal free-trade pact , korea and singapore sealed a free-trade agreement yesterday that covers nine broad areas , including electronics , finance and intellectual property rights . -__label__1 , jordan prince loses succession , jordan #39 s prince hamzah says he is conceding to the wish of king abdullah ii to strip him of his crown as heir to the throne . quot i obey the command of my elder brother out of my loyalty , love -__label__3 , stelco financing by deutsche bank gets court approval ( update2 ) , deutsche bank ag #39 s c\$900 million ( \$759 million ) proposal to provide financing to stelco inc . was approved by an ontario judge over the objections of rival bidders and stelco #39 s unions . -__label__4 , sun acquisition to boost it services portfolio , sun microsystemshas agreed to purchase ashburn , virginia , it services company sevenspace , the companies announced monday . with the purchase , sun takes a further step away from its traditional focus on supporting only its solaris operating system platform and beefs up its support for competing operating systems like windows , hp-ux and aix . -__label__2 , six players suspended for one game , six players from both clemson and south carolina will be suspended for one game next season for their participation in a brawl near the end of the rivalry game november 20th . -__label__2 , bosox strike deal with mirabelli yanks , flaherty close , the boston red sox have signed backup catcher doug mirabelli to a two-year deal worth \$3 million , making him the first of the world series champions #39 16 free agents to re-sign . -__label__1 , iraqi forces foundering in face of killings and threats by rebels , iraqi forces , whose performance is crucial to securing january elections , are riddled with problems , say local u . s . officials . -__label__2 , acc loses 2 ranked teams big east get 2 ( ap ) , ap - the atlantic coast conference ' s record run of seven ranked teams came to an end monday . -__label__4 , autonomy , mamma . com join desktop search ranks , not to be left out of desktop search , two search vendors on monday leaped into the growing space for managing e-mail , documents and other hard-drive data . -__label__3 , america ' s best airline ? , hawaiian airlines is putting up impressive numbers , including some that really matter to travelers . -__label__2 , former basketball player found dead ( ap ) , ap - mark haymore , who played on indiana ' s unbeaten 1976 ncaa championship team before transferring to massachusetts , has died . he was 48 . -__label__1 , cyprus says could support turkey eu bid , cypriot president tassos papadopoulos said monday he would not oppose turkish european union accession talks provided turkey met european standards . -__label__2 , nuggets knock off hornets 76-67 ( ap ) , ap - earl boykins scored 22 points to help the denver nuggets overcome the absence of carmelo anthony and defeat the new orleans hornets 76-67 on monday night . -__label__2 , kansas state 76 , arkansas-pine bluff 42 , clent stewart scored a career-high 15 points and kansas state used stifling defense for a 76-42 victory over arkansas-pine bluff on monday . -__label__4 , ntt docomo , mm02 sign deal , tokyo - japan #39 s top cell phone operator ntt docomo inc . and major british mobile carrier mm02 plc reached an agreement that will allow mobile telephone users in britain , germany , and ireland to surf the internet on the handsets , docomo said tuesday . -__label__2 , kansas gets chance for revenge against nevada the jayhawks were < b> . . . < /b> , the second-ranked jayhawks can redeem themselves for one of their most frustrating losses last season monday when they welcome the wolf pack to allen fieldhouse . -__label__3 , gold fields wins appeal to fight takeover , gold fields ltd . won an appeal on friday in its battle to stave off a hostile \$7 . 1 billion takeover by harmony gold mining co . that would create the world #39 s largest gold mining company . -__label__4 , toshiba wins hd dvd support , four film studios are expected to release movies on the new hd format in the last quarter of 2005 . tokyo ( reuters ) - toshiba corp . -__label__4 , #39 breakthrough #39 on hydrogen fuel , us scientists had made a breakthrough in their quest to make low-cost hydrogen , a technology key to finding new sources of energy to end us dependence on foreign oil , they said . -__label__1 , pentagon disputes red cross criticism ( ap ) , ap - a pentagon spokesman said monday that red cross officials have made their view known that the indefinite detention of terror suspects at guantanamo bay , cuba , amounts to torture . -__label__2 , super bowl advertisers still in the game after scandal , new york ( reuters ) - advertisers may have been bitten once by an indecency scandal at the 2004 super bowl , but they are not shy about getting back into the game for the next u . s . football championship . -__label__4 , sony , ibm , and toshiba reveal additional details on cell chip , initial versions of playstation 3 chip will not be produced with a cutting-edge chip-making technology . the four companies developing the cell consumer electronics microprocessor released a few more details -__label__1 , chirac puts retirement on hold , president jacques chirac passed his 72nd birthday yesterday locked in a struggle to maintain his relevance in the face of an intraparty challenge and continuing friction with the world #39 s only superpower . -__label__1 , eu draft draws fire in turkey , brussels turkey will have to recognize the republic of cyprus , if only tacitly , if it wants to begin membership negotiations with the european union , according to a draft document that was leaked here monday . -__label__2 , brett favre shines as green bay mauls st . louis , new york ( reuters ) - brett favre celebrated his 200th consecutive start by throwing three touchdown passes as the green bay packers destroyed the st . louis rams 45-17 at lambeau field monday . -__label__3 , industrial output falls in japan , japan ' s industrial production falls in october while unemployment rises , providing more evidence of a slowdown in the world ' s second largest economy . -__label__2 , kansas , oklahoma state cruise to easy victories , no . 2 kansas 85 , nevada 52 at lawrence , kan . - wayne simien had his third double-double in as many games and kansas routed nevada on monday night , avenging an embarrassing loss of a year ago . -__label__3 , with work , dana-farber learns from ' 94 mistakes , nurse teresa mazeika has known the woman knitting in the blue reclining chair for months . but she asks carolyn harlow her name and birthday anyway , as she approaches with chemotherapy for harlow ' s blood cancer . mazeika , a 17-year nursing veteran at dana-farber cancer institute , isn ' t taking any chances that she is about to give the drug to the wrong patient . -__label__2 , day 3 dravid , ganguly take charge , india lost two wickets on the third day of the second test against south africa at the eden gardens in kolkata today . south africa bounced back from a miserable day on the field yesterday to remove the dangerous -__label__1 , swedes blast gov ' t response to tsunami ( ap ) , ap - hours after a tsunami flattened south asia beaches #151 a magnet for thousands of vacationing swedes #151 the swedish foreign minister went to the theater . -__label__1 , peru launches offensive to retake siege town , lima , peru ( reuters ) - peruvian authorities on monday launched an offensive to retake a police station and end a three-day siege by former soldiers in a southern andean town . -__label__2 , uconn awaiting invite to motor city bowl , theres still one more domino to fall , but today the university of connecticut football team is expected to be invited and accept an invitation to play in the motor city bowl in detroit on dec . 27 . -__label__2 , dubois helps maine top dartmouth , david dubois scored a game-high 17 points as maine held on for a 58-52 men ' s basketball victory over dartmouth last night at hanover , n . h . -__label__3 , update 2 report gazprom to take part in yukos sale , the newly-created oil unit of russian gas monopoly oao gazprom , gazpromneft , will take part in the auction of the embattled yukos oil company #39 s largest unit , yuganskneftegaz , dow jones newswires reported tuesday , citing the news agency prime-tass . -__label__3 , lawmakers grill citigroup japan chief , citigroup #39 s top executive in japan endured unprecedented questioning by lawmakers on tuesday over a scandal at the firm #39 s private bank in the country , the latest turn in a high-profile case that has embarrassed the world #39 s biggest -__label__2 , minaya ahead in count even if he strikes out , this is the way mets fans wanted their team to do it with vladimir guerrero and alex rodriguez . they wanted the general manager of the moment , steve phillips or jim duquette , to get in there early . -__label__1 , car bomb north of baghdad kills 7 , wounds 19 ( reuters ) , reuters - a car bomb exploded near a u . s . \military patrol in the town of baiji , north of baghdad , on\tuesday , killing at least seven iraqis and wounding 20 people , \including two u . s . soldiers , doctors and the military said . -__label__1 , musharraf can be pakistan president and army chief , islamabad ( reuters ) - pakistan ' s acting president signed a bill on tuesday that will allow military ruler pervez musharraf to stay on as army chief despite his pledge to quit the office by the end of the year . -__label__3 , plane repos ready to take flight , at the airport , you hear all of the usual explanations bad weather , mechanical difficulties , no crew available . but now there #39 s another excuse you might hear as times get tougher for cash -__label__3 , uk house prices rise at fastest pace since july ( update3 ) , uk house prices unexpectedly rose in november at the fastest pace since july , reinforcing expectations real estate values will level out , avoiding a collapse from records , according to nationwide building society . -__label__3 , wall street set for a flat start ( reuters ) , reuters - wall street was set for a flat start on\tuesday as investors braced themselves for a slew of data , with\a steadier dollar helping to offset the impact of firmer crude\oil prices . -__label__3 , eurozone recovery struggles as monetary union fails to yield results oecd ( afp ) , afp - recovery in the eurozone is battling higher oil prices and a rising euro as monetary union has so far failed to spur sustained economic dynamism in the 12 nations using the single european currency , the oecd revealed . -__label__1 , cosatu to meet over conflict with anc , the congress of south african trade unions ( cosatu ) said that it will hold a lunchtime press conference on tuesday to discuss the controversial public spat between its leader zwelinzima vavi and the african national congress ( anc ) national spokesperson -__label__3 , rel asks quitting directors to rethink , mumbai the board of indian power utility reliance energy ltd . told the bombay exchange on tuesday it had asked its six directors who resigned last week to reconsider their resignations . -__label__1 , renault unveils investment plan for asian hub in south korea ( afp ) , afp - french auto giant renault sa said it will invest some 570 million dollars in south korea over the next three years as part of its global strategy to become a key player in asia , notably china . -__label__3 , oecd tips us growth slowdown in 2005 , us economic growth will slow to 3 . 3 per cent in 2005 , more than a full percentage point below this year , with the effect of high energy prices dragging on the economy for the next few quarters , the oecd said on tuesday . -__label__4 , hp releases new products for enterprises , launches openview automation manager , service desk version 5 . 0 and partnership with cisco for reselling hp management software . madrid hewlett packard has launched its hp openview automation manager that -__label__1 , philippine floods kill hundreds , more than 300 people died after flash floods and landslides devastated three coastal towns and left swathes of the northern philippines under water on tuesday . -__label__3 , clayton offers to buy rexel for 2 . 6 billion euros ( update5 ) , clayton , dubilier amp rice inc . is leading a 2 . 6 billion-euro ( \$3 . 45 billion ) buyout of an electrical- equipment supplier from france #39 s pinault-printemps-redoute sa , the new york-based firm #39 s third european acquisition this year . -__label__2 , football association charges bolton striker over spitting incident , bolton striker el-hadji diouf was cited for improper conduct by the football association on monday after spitting in the face of an opponent . -__label__3 , usa smithfield foods reports higher q2 earnings , us meat processor smithfield foods has reported higher second-quarter earnings , as higher hog prices offset lower pork margins and a loss in its beef operations . -__label__4 , o2 to roll out i-mode , the deal , which was leaked to the press last week , will see the uk-based mobile operator deliver data services -- such as games , ringtones and entertainment -- through a platform that has been credited with making ntt docomo the force that it is in -__label__4 , screensaver strikes back at spammers , new software allows recipients of spam to band together to target known websites behind the messages . the idea is to bombard the sites with messages , slowing them down and making them more expensive to run . -__label__4 , study brain scan helps diagnose bipolar disorder ( reuters ) , reuters - bipolar disorder , a sometimes\misdiagnosed mental illness characterized by wide emotional\swings , may be identifiable by chemical abnormalities visible\in victims ' brains , researchers said on tuesday . -__label__1 , princess di ' s ex-bodyguard disputes claim ( ap ) , ap - a former bodyguard of princess diana on tuesday dismissed her claim that one of her lovers was bumped off . -__label__4 , tech firms keep riding chinese tiger , microsoft watched a software deal with china go bust less than two weeks into the contract . and beijing is pushing its government it officials to buy local . but china remains a vibrant market where tech firms have to stay in play . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> -__label__2 , milan mandaric statement , quot over the past two-and-a-half years the football club have currently paid 11 . 5million on transfer fees , loan fees and appearance payments to clubs for 25 players . -__label__4 , cell phone virus mutates , carries payload , security company f-secure warned of a variant on the skulls trojan horse that infects smart phones running the symbian operating system . -__label__2 , redknapp and mandaric clear the air , harry redknapp maintained on tuesday that he had nothing to hide from the transfer deals conducted at portsmouth during his time as manager . -__label__4 , log on to be a satellite spy , a canadian inventor has created internet-based technology that could soon see regular computer users acting as armchair spies . vincent tao , an engineer at toronto #39 s york university -__label__4 , sharman begins defense in kazaa case , sharman networks , the company behind the kazaa peer-to-peer file sharing software , began its defense in a sydney court room on tuesday against charges by members of the music industry that the company aided music piracy and copyright infringement . -__label__2 , najeh to the rescue for packers , no ahman green , no problem . at least that #39 s what it looked like on monday night , as the green bay packers ran roughshod over the st . -__label__1 , bangladesh bars female swim , pressure from an islamic group halts a women ' s swimming contest in bangladesh . -__label__4 , music sharing continues to thrive , a steady growth in legal music downloads continues while illegal file sharing networks also flourish , analysts say . -__label__2 , prosecutor pacers players to be charged ( ap ) , ap - indiana pacers players will be charged for fighting with fans during the nov . 19 brawl at the end of a game against the detroit pistons , oakland county prosecutor david gorcyca told the detroit news . -__label__3 , impact of euro played down , the damage to exports caused by a stronger euro has been played down by a member of the european central bank #39 s governing council in remarks highlighting the bank #39 s limited concern about the currency #39 s rise . -__label__1 , chercher dans toute l #39 actualit , italy ground to a halt as millions of workers observed a general strike in protest against the economic policies of prime minister silvio berlusconi #39 s centre-right government . -__label__3 , oragenics shares up on fda clearance , shares of oragenics inc . jumped after the biotechnology company reported tuesday that the food and drug administration allowed it to proceed with safety trials on a lifelong tooth decay protection rinse that -__label__2 , australia give their neighbours no mercy , australia wrapped up a 2-0 win in the series after beating new zealand by 213 runs on the fifth day of the second and final cricket test on tuesday . -__label__3 , oil prices slip , winter supplies seen up , oil prices fell on tuesday as an expected increase in us heating fuel supplies eased concerns over an inventory crunch should this winter #39 s weather prove colder than normal . -__label__3 , clayton dubilier , merrill team in \$3 . 4b buyout , in what would be the largest european leveraged buyout of the year , clayton dubilier amp rice has teamed with merrill lynch amp co . -__label__1 , ex-guard speaks out about di tapes , ( cbs ) newly-surfaced videotapes of the late princess diana address her sometimes bizarre relationship with prince charles . the tapes were recorded by diana #39 s voice coach , peter settelen . -__label__2 , waugh shoaib will test australians , former australian skipper steve waugh says he thinks shoaib akhtar will test the home side when it tackles pakistan at the waca . having recently watched australia end a 35-year hoodoo in india with a 2-1 series -__label__1 , panel urges n . y . to pay \$14 billion more for city schools , court-appointed referees recommended the state pay an additional \$14 billion over four years to improve new york city schools . -__label__4 , poison toads leap across australia , small , warty , and poisonous enough to kill crocodiles , the cane toad has wreaked havoc in parts of australia . experts say climate change is benefiting the invasive species . -__label__3 , merrill , wachovia , others fined for late reporting , new york the nasd yesterday said it censured and fined 29 securities firms a total of \$us9 . 22 ( \$nz13 . 04 ) million for failing to properly disclose required information about their brokers more than 8300 times . -__label__4 , tom clancy #39 s rainbow six 4 announced , as expected , ubisoft today announced its plans to launch a new tom clancy #39 s rainbow six title on ps2 , xbox and pc . rainbow six 4 will introduce a new single player experience with a personal darker storyline -__label__4 , lycos europe pushes limits in anti-spam fight , a new application from lycos europe aims to fight back against spammers , but some experts say the company may be enabling illegal activities . -__label__3 , click here for a free credit report , really . we mean it . finally , a legit way to peek into your personal financial file . -__label__2 , gough new livi boss , former rangers , everton and scotland captain richard gough has been appointed as the new manager of troubled scottish premier league outfit livingston . -__label__2 , cardinals to play broncos , boise state accepts a bid tuesday to play louisville in the liberty bowl on dec . 31 , in a matchup of the nation ' s top two offenses . -__label__3 , pinault-printemps redoute to sell holding in rexel , london , november 30 ( newratings . com ) - pinault-printemps redoute sa ( ppx . fse ) plans to sell its controlling stake in the electrical parts distributor , rexel ( rxl ) , to a group of private firms for 1 . 92 billion ( \$2 . 55 billion ) . -__label__1 , shifting signs in north korea , kim jong il dials back his personality cult as protest activities pick up . -__label__4 , new strain of skulls trojan hits smart phones , mobile phones running symbian ' s series 60 operating system are the target of a new strain of the skulls trojan horse program . the new trojan comes with the cabir . b worm , which , unlike the first version of the virus , can spread to other phones within reach of bluetooth broadcasting range . -__label__3 , grinstein delta pilots #39 retirement exodus likely on wednesday , at least 100 delta air lines ( nyse dal - news - people ) pilots are expected to retire effective wednesday . that #39 s the starting date for the 32 . 5 pay cut agreed upon under chief executive gerald grinstein #39 s master plan . -__label__2 , pedro waits to learn of yankees ' interest ( ap ) , ap - with an offer in hand from the new york mets , pedro martinez will wait to see what the new york yankees do before deciding where he ' ll play next year . -__label__1 , epa may conduct human tests for chemicals ( ap ) , ap - in setting limits on chemicals in food and water , the environmental protection agency may rely on industry tests that expose people to poisons and raise ethical questions . -__label__3 , the kremlins leviathan , in putins russia gazprom is by no means a mere natural monopoly , nor a newly established ministry for oil and gas . gazprom is an instrument of public administration just like the pro-kremlin united russia -__label__2 , ferguson stirs the pot ahead of arsenal visit , manchester united manager sir alex ferguson has raised the stakes before the carling cup clash with arsenal at old trafford , by claiming that chelsea are now the team to beat . -__label__4 , us-european mission explores saturn #39 s moon mysteries , this nasa image shows saturn #39 s lonely moon mimas ( r ) seen against the blue-streaked backdrop of saturn #39 s northern hemisphere . -__label__4 , new rainbow six franchise for spring 2005 , san francisco , ca - november 30 , 2004 -ubisoft , one of the world #39 s largest video game publishers , today announced its plans to launch the next installment in the tom clancy #39 s rainbow sixr franchise for the sony playstationr2 computer entertainment system -__label__2 , with ban pending , hamilton loses ride , tyler hamilton , who won an olympic gold medal for the united states in athens , was fired last thursday by phonak , his swiss cycling team , two months after testing positive for illegal blood transfusions . -__label__2 , browns coach davis resigns robiskie named interim coach , berea , ohio ( ticker ) - one day after admitting that his shaky job status was a quot distraction quot to his players , butch davis resigned as coach of the cleveland browns on tuesday . -__label__1 , son is gone but fervor remains after fallujah , after his son ' s life was ended by an american bullet , an iraqi insurgent undertook a harrowing escape to a lonely exile in baghdad , where he waits to fight another day . -__label__3 , sec delays reviews for some firms , securities regulators gave more than 2 , 000 public companies a brief reprieve from new rules requiring them to assess the strength of their financial safeguards . -__label__3 , u . s . increases growth estimate for 3rd quarter , consumers and businesses boosted their spending a bit more quickly in late summer than previously thought , fueling faster overall economic growth , the government reported tuesday . -__label__2 , spurs 107 , mavericks 89 , devin brown sparked a fourth-quarter spurt with two three-point plays and two dunks , helping the san antonio spurs beat the dallas mavericks 107-89 monday night to spoil the pseudo-coaching debut of avery johnson . -__label__3 , fda warns cyberonics on manufacturing , chicago ( reuters ) - u . s . regulators warned cyberonics inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cybx . o target=/stocks/quickinfo/fullquote> cybx . o< /a> of manufacturing deficiencies at the houston plant that makes its sole product , an implantable device to treat epilepsy , the company said on monday . -__label__3 , bush shields shrimp industry , the bush administration yesterday said chinese and vietnamese shrimp are sold at unfairly low prices in the united states , siding with us fishermen as they try to fend off overseas competition . -__label__3 , oil prices edge below #36 49 a barrel ( reuters ) , reuters - oil prices edged below #36 49 a barrel\on wednesday as traders looked ahead to an expected build in\weekly u . s . inventory data that would help bolster the thin\supply cushion ahead of peak northern winter demand . -__label__2 , knicks crawford hits the one that counts , the old axiom is that it doesn #39 t matter how many shots you miss if you #39 re a shooter , you have to keep shooting . jamal crawford missed 21 shots against the atlanta hawks last -__label__1 , australia embraced by malaysia at asean summit , tony eastley for years malaysian prime minister dr mahathir blocked australia #39 s closer involvement with the asean group of nations . -__label__1 , terms of endearment , seems that the bush administration , unlike previous white houses , is not necessarily averse to allowing its ambassadors to have second tours . for example , word is that john thomas tom schieffer , the texas oilman who brought president bush into the texas rangers baseball club partnership and who is now ambassador to australia , is to hang out in the pacific a while longer , this time as ambassador to japan . -__label__1 , cause of indonesian plane crash probed ( ap ) , ap - investigators picked through the wreckage of an indonesian passenger plane that crashed in stormy weather , killing at least 32 people in the county ' s worst air accident in six years . -__label__1 , landslides , floods kill nearly 340 in philippines , maragundon , philippines -- a powerful rainstorm triggered landslides and flash floods that killed nearly 340 people in the eastern philippines , officials said yesterday , and rescuers raced to save those stranded in three coastal towns before a typhoon strikes the hard-hit region . -__label__4 , #39 throttle #39 viruses with software , early next year , the computer maker will begin selling software designed to slow the spread of viruses from its proliant servers and procurve networking equipment , an hp executive said on tuesday . -__label__3 , eurostocks nudge up on ericsson , paris ( reuters ) - european shares nosed up on wednesday as ericsson gained on news it had won part of \$4-billion cingular deal and with glaxo buoyed after pfizer affirmed its outlook . -__label__2 , bettman stands firm in dispute , nhl commissioner gary bettman has again dismissed proposals by the players #39 union for a luxury tax as the sport #39 s lockout continues . -__label__1 , pentagon #39 s death toll in iraq rising , washington - november was the bloodiest month for us troops in iraq since april , with at least 135 losing their lives and more than 50 falling in the two-week battle to evict insurgents from fallujah . -__label__3 , eu to pursue legal action against greece , brussels , belgium -- the european union #39 s executive commission said wednesday it would open legal proceedings against greece for its sloppy bookkeeping and underreporting its budget deficit by billions of euros between 1997 and 2003 . -__label__4 , unprotected pcs fall to hacker bots in just four minutes , the lifespan of a poorly protected pc connected to the internet is a mere four minutes , research released tuesday claimed . after that , it #39 s owned by a hacker . -__label__3 , stocks to watch on dec . 1 , new york ( reuters ) - u . s . stocks to watch on wednesday ibm corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ibm . n target=/stocks/quickinfo/fullquote> ibm . n< /a> the computer maker said it sealed deals worth more than \$1 billion in new work with two european companies from which the information technology company just acquired two danish services providers . -__label__4 , after the x prize , just weeks before the historic second flight of spaceshipone -- a trip that won him the \$10 million x prize -- burt rutan , the ship ' s designer and builder , sat down for a chat with wired magazine . here ' s what he said . -__label__2 , co-stars nearly steal show , it was a match that didn #39 t run to the script but this is the land where life often imitates the silver screen . and for 64 minutes yesterday the usa tomahawks were pure hollywood -__label__1 , murdoch novel reveals alzheimer ' s , the last novel by the author iris murdoch reveals the first signs of alzheimer ' s disease , experts say . -__label__3 , local group joins suit to de-list endangered species , bob briggs wifes family has owned about 1 , 000 acres of redwood forest off waddell creek since 1913 . he doesnt clearcut , and logs about once a decade . -__label__3 , cingular to upgrade wireless data network , december 01 , 2004 ( reuters ) - cingular wireless llc , the largest us wireless telephone company , said yesterday that it would upgrade its network next year to handle high-speed data transmissions . -__label__3 , consumer spending up , manufacturing gains , consumers spent briskly in october and the nation #39 s manufacturers saw robust activity in november , encouraging signs that the last quarter of this year is shaping up nicely . -__label__4 , nasa cassini image gazing down at saturn #39 s rings , cassini pierced the ring plane and rounded saturn on oct . 27 , 2004 , capturing this view of the dark portion of the rings . a portion of the planet #39 s atmosphere is visible here , as is its shadow on the surface of the rings . -__label__1 , un panel proposes sweeping changes , united nations , new york the united nations has proposed the most sweeping changes in its history , recommending the overhaul of its top decision-making group , the security council , and holding out the possibility that it could grant legitimacy to pre -__label__1 , florida election supervisors back reforms ( ap ) , ap - florida ' s 67 county elections supervisors proposed dramatic reforms , including replacing election day with 11 days of voting and doing away with voting precincts . -__label__4 , fly higher , fly lighter ' ballute ' technology aimed at moon missions ( space . com ) , space . com - boulder , colo . -- moviegoers may recall it as that nifty bit of high-speed technology used in 2010 the year we make contact -- the space age equivalent of playing air bag bumper car with jupiter . -__label__1 , why 2004 was the year of the blog , a us dictionary publisher declares blog as one of the words of the year . -__label__4 , itunes now selling band aid song , ipod owners can download the band aid single after apple reaches agreement with the charity . -__label__4 , microsoft sues over fake labels , microsoft has sued eight us computer resellers who it says bought or sold counterfeit certificate of authenticity labels or genuine labels that had been separated from their related software , all in breach of copyright and trade mark laws . -__label__3 , bush backs us tariffs on shrimp , foreign shrimp producers have denied they are selling shrimp at artificially low prices as a way to win a larger share of the us market . -__label__2 , india #39 s nehra to miss bangladesh series , left-arm seamer ashish nehra has been left out of india #39 s squad for this month #39 s two-test series against bangladesh due to an abdominal strain . -__label__4 , new game in town espn phone , espn will launch its own branded wireless phone service next year , the first in a series of branded cell-phone services planned by walt disney ( dis ) , which owns the cable sports channel . -__label__3 , ford sales fall , chrysler posts gain , detroit ( reuters ) - ford motor co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=f . n target=/stocks/quickinfo/fullquote> f . n< /a> on wednesday reported its sixth straight month of weaker vehicle sales , prompting the second-largest u . s . automaker to further cut production of cars and trucks , while chrysler posted another sales gain . -__label__3 , stocks rise as crude falls more than \$2 , new york ( reuters ) - u . s . stocks rose on wednesday as crude oil futures fell more than \$2 a barrel on a big jump in u . s . petroleum supply , easing worries about the impact of energy costs on corporate profits and economic growth . -__label__3 , nektar shares continues rise on upgrades , shares of nektar therapeutics remained active wednesday following upgrades from two investment firms after drug giant pfizer inc . cited its inhalable insulin product in a recent pipeline report . -__label__2 , palace bans two fans , the palace in auburn hills bans two men from events for their involvement in last month ' s brawl between the pistons and indian pacers . -__label__3 , cingular sees merger savings above plan , cingular wireless , the nation #39 s largest wireless carrier following the company #39 s merger with at amp t wireless , said wednesday that it has completed integration activities ahead of schedule and now expects merger-related cost savings to exceed prior estimates -__label__3 , pound soars amid wider currency fears , sterling rose to its highest level against the dollar since black wednesday , the day in september 1992 when the pound was forced out of the exchange rate mechanism , the forerunner of the euro . -__label__4 , hp throttles viruses , hewlett-packard has developed a software program that could slow the spread of computer viruses and worms by acting as a quot throttle quot on unauthroized network activity . -__label__4 , aol upgrades multimedia search site , com . america online inc . on wednesday launched new features in its singingfish search site for audio and video on the web . aol , a division of time warner inc . -__label__2 , crowton steps down as byu football coach , byu coach gary crowton walks off the field after byu #39 s 28-27 loss to boise state , in boise , idaho , in this sept . 24 , 2004 photo . -__label__1 , mozambicans vote for new president , mozambique #39 s poor , many carrying small children , trudged along narrow dirt roads in oppressive heat wednesday to pick a replacement for the president who has ruled -__label__1 , turkey eyes \$15 billion investment years , ankara turkey is hoping to attract \$15 billion of foreign investment between 2005 and 2007 through reforms designed to overhaul its economy and ease the country #39 s entry into -__label__2 , crowton steps down as byu football coach , provo , utah ( sports network ) - gary crowton has resigned from his position as the head football coach at brigham young . -__label__2 , moya says he #39 ll beat roddick on friday , spains top singles player said he expects to beat american andy roddick in the davis cup final , which begins friday at the estadio olimpico de la cartuja . -__label__3 , ford , gm report slow november sales , the nation #39 s two largest automakers on wednesday reported weak november sales , but both expressed confidence that new products would help them pick up momentum . -__label__1 , cheney campaigns for house candidates ( ap ) , ap - with two louisiana congressional seats still up for grabs , vice president dick cheney campaigned in the state wednesday on behalf of republicans who hope to sweep saturday ' s runoff elections . -__label__3 , cingular planning major 3g wireless rollout , just as the at amp t buy helped cingular move ahead of verizon wireless to the top of the industry in terms of size , the new network would likely give it an overall faster network , a distinction most say verizon can now boast . -__label__2 , bellion strike gives reds 1-0 victory over gunners , david bellion scored 19 seconds after the opening kickoff as manchester united #39 s backup team edged arsenal #39 s youngsters 1-0 on wednesday to reach the semifinal of the english league cup . -__label__2 , expectations too lofty for unlucky willingham , three seasons after hiring tyrone willingham as head coach of the football program , the powers that be in south bend , ind . , fired the 28-year coaching veteran tuesday , one month prior to the fighting irish #39 s scheduled matchup with ucla in the insight bowl -__label__3 , wet seal third-quarter net loss widens ( reuters ) , reuters - struggling clothing retailer wet\seal inc . on wednesday posted a wider quarterly loss\as lackluster demand for its teen-oriented fashions forced the\company to make bigger markdowns . -__label__1 , gunfire erupts during powell visit to haiti , port-au-prince , haiti ( reuters ) - shooting erupted on wednesday outside haiti ' s presidential palace while secretary of state colin powell was inside talking with the interim leaders of the violence-plagued country . -__label__1 , poland opens katyn probe , polish war crimes prosecutors examine the 1940 deaths of members of the polish elite in russia ' s katyn forest . -__label__1 , britain body isn ' t kidnapped aid worker ( ap ) , ap - a mutilated body found in iraq is not that of kidnapped aid worker margaret hassan , the british government said wednesday . but the foreign office said it continued to believe hassan had been murdered , although the evidence was not conclusive . -__label__2 , judge declines to dismiss steroid case ( ap ) , ap - a judge declined to dismiss charges against four men accused of distributing steroids to top athletes amid accusations that prosecutors illegally searched a nutritional supplement lab and the house and car of barry bonds ' trainer . -__label__2 , judge declines to dismiss balco case , a federal judge said wednesday that she would not immediately dismiss charges against four men accused of distributing steroids to top athletes . -__label__3 , intel planning centrino-like brand for desktops , intel is preparing a marketing strategy that will brand desktop pcs with a similar label that made its centrino notebook technology a household name , according to sources familiar with the company ' s plans . -__label__2 , cavs to go bowling in boise , the university of virginia football team has accepted an invitation to the mpc computers bowl at 2 pm ( est ) on dec . 27 in boise , idaho . -__label__4 , mutant book wins guardian prize , a book about the evolution of mutants and the science of abnormality has won the guardian first book award 2004 . -__label__3 , howard telstra board will choose its ceo , australian prime minister john howard said thursday that telstra corp . #39 s board would choose its next chief executive , not the federal government , which has a majority stake in the telecommunications giant . -__label__4 , msn enters blogging fray with quot spaces quot , microsoft #39 s msn has introduced a beta version of its new blogging tool , msn spaces , which it expects will eventually be supported by advertising . -__label__4 , sun and microsoft call a truce , the longtime rivals claim that they #39 ll work harder to make their software work together . by aaron ricadela . longtime rivals microsoft and sun microsystems have made a quot 180-degree u-turn quot in their relationship -__label__2 , uconn avoids loss in overtime , the eighth-ranked connecticut huskies narrowly avoided their first two-game losing streak in 12 seasons , beating south florida , 75-65 , last night with barbara turner getting 8 of her 23 points in overtime . -__label__4 , indian state eyes faster internet project ( ap ) , ap - in a bid to give a big push to e-governance , an indian state on monday cleared a plan that will help its officials move internet data thousand times faster than now . -__label__1 , internet pioneer closes manitoba pharmacy blames dollar , uncertain climate ( canadian press ) , canadian press - winnipeg ( cp ) - just one year ago , mark rzepka was opening a #36 1-million internet pharmacy in the small manitoba town of niverville believing he would be able to quadruple his staff within 12 months . -__label__4 , steal spongebob , buy a pc museum , we ' ve got two more entries this week in the category of what weird , useless stuff is for sale on ebay that i just have to have ? -__label__4 , radeon x850 released , visiontek announced today the official launch of its xtasy radeon x850 xt pci express graphics accelerator card . quot we #39 ve been overwhelmed by customer requests for a top of the line visiontek 16x pci express -__label__4 , oracle expected to push on content management at openworld , oracle is expected to unveil updates to its software ' s content management and business intelligence functions , as well as other enhancements at next week ' s oracle openworld user event . -__label__4 , panera hopes ' chilling out ' brews sales ( ap ) , ap - bakery cafe chain panera bread co . hopes its customers will stick around a little longer #151 grab a bite to eat , buy another cup of coffee , try the wi-fi . in other words , just chill out . -__label__4 , japanese researchers ' tap ' mushrooms for rubber ( reuters ) , reuters - japanese researchers say they have\produced rubber from a natural substance extracted from an\edible , wild mushroom commonly found in the country . -__label__4 , u . s . rules out dam removal for salmon recovery ( reuters ) , reuters - a bush administration decision to\eliminate the possibility of removing dams to save endangered\u . s . pacific northwest salmon species is a huge blow to\protection efforts , an environmental group said on wednesday . -__label__4 , ancient skull fragment hints at surgery ( ap ) , ap - a skull fragment found in a 400-year-old trash pit at jamestown contains evidence of the earliest known surgery #151 and autopsy #151 in the english colonies in america , researchers say . -__label__4 , internet pharmacies good or bad ? , an investigation into the practice of internet pharmacies and how they are changing the u . s . pharmaceutical industry . -__label__4 , aol updates audio video search singingfish , aol updates audio video search singingfish\\rumors are floating that market leaders google along with yahoo ! and microsoft ( msn ) are working on an improved multimedia searching capabilities . aol entered into the field with their acquisition of singingfish inc . around a year ago . \\singingfish inc . would be today announcing their updated services to . . . -__label__1 , india ' s low-cost airline eyes business travel ( afp ) , afp - india ' s pioneer low-cost carrier air deccan plans to raise 50 million dollars in private equity by shedding a 26 percent stake and also aims to enter the corporate business jet segment , its chairman said . -__label__3 , giuliani expands his wall st . firm , new york ( cbs . mw ) -- former new york city mayor rudolph giuliani is making a foray into investment banking . free ! sign up here to receive our weekly roundup e-newsletter ! -__label__4 , japan #39 s ntt docomo sees europe embracing hi-tech mobile phones , tokyo japan #39 s top mobile operator ntt docomo believes europe will embrace hi-tech telephones and expects a major boost in subscribers on the continent of its i-mode internet service . -__label__2 , nba wrap curry , chandler lead bulls over lakers , new york ( reuters ) - eddy curry registered 18 points and 10 rebounds and tyson chandler added 18 rebounds and 10 points as the chicago bulls stunned the los angeles lakers 92-84 wednesday . -__label__1 , ukrainian opposition makes gains , kiev -- the ukrainian parliament voted yesterday to dismiss the government headed by the declared winner of a disputed presidential vote , prime minister viktor yanukovych , handing the opposition a victory in its campaign to overturn national election results . -__label__1 , england ' s lawyers try to get photos thrown out , lawyers for pfc . lynndie r . england sought wednesday to throw out evidence at the heart of the abu ghraib prison scandal -- the now-infamous photos showing her smiling and pointing at naked iraqi detainees . -__label__4 , plus cendant reported to buy ebookers , san francisco ( cbs . mw ) -- not only did the word quot blog quot enter merriam-webster #39 s dictionary this year , but microsoft is getting on the personalized e-journal bandwagon . -__label__4 , spammers strike back at lycos , in launching make love not spam lycos this week started a controversial bid to battle unsolicited messages through a custom-designed website . -__label__4 , singingfish floats new multimedia search , with broadband and desktop media fueling consumer interest in digital media content , video and audio search provider singingfish has launched an improved search portal to help the world find more multi-media online . -__label__2 , jordan returns as wizards beat nets , the wizards welcomed coach eddie jordan back last night with a 95-68 victory over the nets , jordan #39 s former team . gilbert arenas had a season-high 30 points , seven rebounds and five assists for host washington . -__label__1 , bad weather blamed for indon crash , bad weather was the main cause of an accident which killed 26 people aboard an airplane whose spoiler did not work well , indonesian investigators said today . -__label__1 , mugabe urges party unity amid succession struggle , harare ( reuters ) - zimbabwe president robert mugabe called for unity on thursday amid rare public jostling within his ruling zanu-pf party over who will eventually succeed the controversial 80-year-old leader . -__label__3 , reed on track despite science outlook , reed elsevier on thursday reiterated that it remained on track to deliver mid to high single-digit earnings-per-share growth this year despite concerns over its science publishing unit . -__label__4 , human activity to blame for 2003 heatwave , a previous study at the hadley centre for climate prediction and research at the met office , demonstrated that large-scale global warming is not a result of urban development . -__label__4 , microsoft sues eight resellers over dodgy stickers , microsoft has announced it #39 s suing eight pc resellers over claims they have been attaching certificates of authenticity ( coa ) to non-genuine microsoft products . -__label__4 , apple officially launches itunes music store in canada , apple computer on thursday officially launched its itunes music store in canada , offering canadian music fans the same features and price of \$ . 99 cdn per song that have lifted itunes to the number one online music service in the world . -__label__4 , va . biotech looks to md . for inspiration , business and education leaders in northern virginia are working hard to lure biotechnology companies . but for a daunting reminder of how far they need to go , all they have to do is look at neighboring maryland . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> -__label__4 , citing can-spam , microsoft sues alleged spammers , com december 2 , 2004 , 7 48 am pt . while its neighbors , software infrastructure and hardware upgrades , switched places this month , security held its spot at number three . -__label__3 , ecb eyed rate hike but left rates steady , the european central bank surprised financial markets on thursday by revealing it had considered raising interest rates even as the euro zone economy slows , saying it is worried about inflationary risks . -__label__4 , #39 blog #39 tops online dictionary list , short for quot weblog quot -- was the most-frequently requested definition at merriam-webster #39 s online dictionary site , the publisher says . -__label__2 , williams rejects deal , says he won #39 t return in 2005 , miami dolphins tailback ricky williams has no immediate plans to resume his nfl career and , at least for now , intends to stay in retirement , according to his attorney . -__label__4 , tivo unveils portable transfer service , tivo inc . pioneered digital video recording as a new way of watching television - when you want it . now it could be tv where you want it , too . -__label__2 , walter smith named manager of scottish soccer team , succeeding < b> . . . < /b> , after the german #39 s failure to revive the ailing national team , the scottish football association has opted for a rare rangers-celtic linkup at the top with former rangers manager smith working with assistant tommy burns , his old rival at celtic . -__label__3 , us panel to back oil inventories rethink , a us government advisory panel is to recommend a revision to the minimum level of crude inventories required to ensure adequate supplies of crude oil to the nation #39 s refiners to produce gasoline -__label__3 , oracle in merger talks with other firms , san francisco ( reuters ) - oracle corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=orcl . o target=/stocks/quickinfo/fullquote> orcl . o< /a> is in merger talks with other technology companies as it awaits the outcome of its \$9 . 2 billion hostile takeover bid for rival software maker peoplesoft inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=psft . o target=/stocks/quickinfo/fullquote> psft . o< /a> . -__label__3 , albertsons profit up stock off on outlook , new york ( reuters ) - albertsons inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=abs . n target=/stocks/quickinfo/fullquote> abs . n< /a> , the no . 2 u . s . grocer , on thursday posted higher quarterly profit , but warned that full-year earnings could hit the low end of its estimates due to competition and skittish consumers , sending shares down 6 percent . -__label__1 , ten candidates in palestinian elections ( ap ) , ap - ten candidates have qualified to contest the palestinian presidential elections , set for jan . 9 . they are -__label__3 , us stocks flat investors await intel , jobs , new york ( reuters ) - u . s . stocks were little changed on thursday , pausing after wednesday ' s sharp rally , as investors were reluctant to wade into the market before intel ' s mid-quarter update after the close and friday ' s jobs report . -__label__1 , hayley mick , hayley mick is a journalist currently based in vancouver . she has broadcast experience with cbc radio #39 s quirks and quarks and has reported for the vancouver sun , cbc online , and the canadian press #39 s ontario and vancouver bureaus . -__label__1 , explosion in jerusalem caused by accident -police ( reuters ) , reuters - a blast heard in central jerusalem on\thursday was caused by the apparently accidental explosion of a\gas canister inside a shop , police said . -__label__3 , setback for asbestos settlement at abb , abb said it was aware of the ruling , but remained confident that a settlement would be reached . abb is naturally surprised and disappointed at todays decision , but remains confident that it can resolve . -__label__3 , barrick acquires stake in celtic resources , canada #39 s barrick gold corp . said thursday it was acquiring a 9 percent stake in london-based celtic resources holding ltd . - a deal that potentially gives the canadian gold giant major clout ahead of next year #39 s auction of russia #39 s biggest gold deposit . -__label__2 , indians strike back , south africa were rocked by a two-wicket burst from off-spinner harbhajan singh just before tea on the fourth day of the second cricket test here today . -__label__2 , brown , fratello and grizzlies all come out ahead , hubie brown , 71 , got to retire as coach of the memphis grizzlies of own volition , drawing accolades for transforming a franchise that never won more than 23 games into a 50-victory team in less than two seasons . -__label__4 , us says no plans to sign new climate change pacts ( reuters ) , reuters - the united states , considered an\environmental laggard by its critics , is unlikely to sign any\new pacts on climate change at a key environmental meeting this\month , a senior u . s . official said on thursday . -__label__4 , earth ' s solar system shaped by brush with star , astronomers say ( space . com ) , space . com - the outer reaches of our solar system may have been shaped long ago by a close encounter with another star that tore up both nascent planetary systems like colliding buzz saws , astronomers said today . -__label__2 , notre dame to interview utah #39 s meyer , university of notre dame officials are apparently prepared to interview utah football coach urban meyer as early as tonight , only two days after the school fired coach tyrone willingham after three seasons . -__label__1 , a perfect storm of political peril , unless . . . , the extended train wreck that has been american-dominated iraq is winding its way toward a decisive intersection the national elections scheduled for jan . 30 , 2005 , where voters will be asked -__label__1 , ukraine awaits election-deal details , the supreme court is expected to rule friday on rerunning the country ' s disputed presidential election . -__label__1 , eureka ! has australia found its ' defining moment ' ? , friday is the 150th anniversary of eureka day . for some australians , it ' s their boston tea party . -__label__3 , us delays wto action over airbus subsidy , the us will offer an olive branch to peter mandelson , the european union #39 s new trade commissioner , next week by delaying any escalation of the dispute over subsidies to airbus and boeing , a us trade official said on thursday . -__label__4 , e . t . phone ebay , sometimes , a piece of soggy cereal is just a piece of soggy cereal . unless , of course , it bears an uncanny resemblance to history ' s most beloved extraterrestrial , e . t . -__label__4 , microsoft files lawsuits against smut spammers , microsoft said today it has filed seven lawsuits against defendants it accuses of sending hundreds of thousands of spam e-mails with sexually explicit content . -__label__4 , new version of google groups launched , shannon bauman , associate product manager of google groups announced the launch of a new and improved google groups . whether your interests run to knitting or brain surgery , chances are good other people out there share them . -__label__3 , ntl sells broadcast unit for 1 . 27bn to macquarie , ntl , the uks largest cable company , has agreed to sell its radio and television broadcasting business for 1 . 27bn to a fund managed by australias macquarie bank . -__label__2 , judge says jayson williams can be retried ( ap ) , ap - former nba star jayson williams will be retried on a manslaughter charge in the shotgun slaying of a limousine driver at his mansion , a judge ruled thursday . -__label__1 , blame pinned on british home secretary for ' exposing ' affair ( afp ) , afp - the blame falls on home secretary david blunkett for exposing his three-year affair with the married publisher of the spectator , the magazine itself charges in its latest issue . -__label__4 , ny school bus driver fired over stem cell talk ( reuters ) , reuters - a school bus driver who chatted about\stem cell research with her pupils was fired for inappropriate\behavior , a local newspaper said on thursday . -__label__3 , ntl to shed broadcasting arm , britain #39 s biggest cable company , ntl , agreed yesterday to sell its radio and television broadcasting business for 1 . 27bn to a consortium led by a fund managed by australia #39 s macquarie bank . -__label__4 , ibm-led community to plug power architecture , ibm this week announced the formation of power . org , a collaborative community of itself and 14 partner companies with the goal of promoting hardware and software development centered -__label__1 , un offers plan to calm tension along rwanda-congo border , kinshasa - the united nations says it may have found a way to prevent the further escalation of tensions between congo and rwanda . -__label__3 , crude oil ekes out small bounce , singapore ( reuters ) - battered oil prices struggled on friday to shake off this week ' s \$6 slump , edging up from a 12-week low after a massive round of selling triggered by easing worries about winter supply . -__label__1 , philippines not relieved from nature #39 s curse , with the death toll mounting to 1 , 000 after a deadly storm typhoon nanmadol that hit the nation three days before , the nature #39 s curse is still haunting philippines when an earthquake with a preliminary magnitude of 4 . 2 rocked the northern philippines on -__label__3 , 8 accused of inflating kmart profit , the securities and exchange commission yesterday filed civil fraud charges against three former kmart corp . executives and five employees of companies that supplied the troy , mich . , retail chain , accusing them of scheming to inflate kmart ' s profit by \$24 million in 2001 . -__label__4 , fellowship of the customized ring tone , in a short time , in a public way -- while on metro , or in line at starbucks , or inside a movie theater -- ring tones signal who you are . or who you want people to think you are . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> -__label__4 , four infineon executives plead guilty , four infineon executives pled guilty for price fixing computer memory chips and will face a prison sentence of four to six months along with \$250 , 000 in fines , reported the us department of justice on thursday . -__label__2 , mets and yanks may lose leiter and make deal , the mets could lose one veteran left-handed pitcher to a team in their own division and another to a team in their own city . as representatives for al leiter negotiated a one-year contract with -__label__4 , health care technology is a promise unfinanced , while the bush administration ' s words of support for a high-technology future for health care have been plentiful , the dollars , it seems , are scarce . -__label__1 , supreme court ruling expected in ukraine crisis ( reuters ) , reuters - ukraine ' s supreme court is expected to\rule on friday on whether to overturn the result of a disputed\presidential election that has plunged the country into turmoil\and generated distrust between russia and the west . -__label__2 , rams ' faulk downgraded to questionable , st . louis , mo . , ( sports network ) - st . louis rams running back marshall faulk has been downgraded from probable to questionable for sunday ' s game against the san francisco 49ers with a bruised left knee . -__label__3 , nissan comes apart without parts , tokyo - japan #39 s nissan motor said on thursday that the company may have to suspend some production next march in addition to already announced suspensions , due to parts shortages , resulting in a decline of about 6 billion ( r339 . 8 million ) in annual sales -__label__3 , danger - falling dollars , the sharp fall in the dollar on the foreign exchange markets - and the consequent rise in the value of the euro - may seem like problems that are of little direct concern to the uk , which never signed up to the euro in the first place . -__label__4 , hd dvd will boost quality , help stores , four hollywood studios this week embraced a new high-definition dvd format from electronics giant toshiba - raising many questions for video lovers who have driven sales of pre-recorded dvds to new heights . -__label__3 , dollar steady ahead of jobs report , london ( reuters ) - the dollar held firm above this week ' s record low against the euro on friday , with dealers reluctant to take positions ahead of key u . s . jobs figures . -__label__2 , conte goes on tv and names names , as the bassist for the pop-funk band tower of power , victor conte laid down a song #39 s backbone by playing a predetermined series of notes . -__label__4 , christmas clash over gift choices , children would like expensive hi-tech gifts for christmas , but few parents are happy to buy these , research suggests . -__label__1 , french seek ' anti-semitic ' tv ban , the french prime minister calls for a satellite tv channel backed by hezbollah to be taken off air . -__label__1 , iran sees no reason for iraq summit ( ap ) , ap - there is no reason to hold a meeting of iraq ' s neighbors planned for this week in amman , an iranian envoy said monday in a further sign of strained relations following accusations by jordan ' s king abdullah that tehran wanted to influence the iraqi elections . -__label__4 , report ibm ' s pc business up for sale , ibm corp . has put its pc business up for sale , according to a story published on friday on the web site of the new york times . -__label__4 , prying into fbi activities , the aclu files freedom of information act requests to find out why antiterrorism task forces have been monitoring activists . by ryan singel . -__label__3 , china plans renewed bank bailout , a year after injecting \$45bn into two state banks to ready them for flotation , china is preparing a fresh bailout for two more institutions . -__label__1 , iraq attacks leave at least 20 dead , iraqi insurgents staged nearly simultaneous attacks friday morning on police stations at opposite ends of baghdad , killing at least 20 people , freeing dozens of prisoners and emptying a police arsenal in a demonstration of the militants ' strength in the heart of the country . -__label__4 , ipod year #39 s hot gift , one of the hottest holiday gifts this year is the apple ipod , the digital-age equivalent of the sony walkman . the ipod , which stores music files downloaded from a computer -__label__1 , mps back putin plan for regions , the russian duma backs president putin ' s plan to replace elected regional bosses with his own appointees . -__label__4 , freeze on anti-spam campaign , a campaign by lycos europe to target spam-related websites appears to have been put on hold . earlier this week the company released a screensaver that bombarded the sites with data to try to bump up the running costs of the websites . -__label__4 , lycos , spammers trade blows over screen saver , december 02 , 2004 ( idg news service ) - lycos europe nv is caught in a tit-for-tat struggle with spammers just days after releasing a free screen saver program that uses computer downtime to swamp web sites associated with spam campaigns . +__label__1 , sudan backtracks on aid workers , sudan reverses its decision to expel oxfam and save the children ' s local heads , accused of political meddling . +__label__3 , south korea , singapore seal free-trade pact , korea and singapore sealed a free-trade agreement yesterday that covers nine broad areas , including electronics , finance and intellectual property rights . +__label__1 , jordan prince loses succession , jordan #39 s prince hamzah says he is conceding to the wish of king abdullah ii to strip him of his crown as heir to the throne . quot i obey the command of my elder brother out of my loyalty , love +__label__3 , stelco financing by deutsche bank gets court approval ( update2 ) , deutsche bank ag #39 s c\$900 million ( \$759 million ) proposal to provide financing to stelco inc . was approved by an ontario judge over the objections of rival bidders and stelco #39 s unions . +__label__4 , sun acquisition to boost it services portfolio , sun microsystemshas agreed to purchase ashburn , virginia , it services company sevenspace , the companies announced monday . with the purchase , sun takes a further step away from its traditional focus on supporting only its solaris operating system platform and beefs up its support for competing operating systems like windows , hp-ux and aix . +__label__2 , six players suspended for one game , six players from both clemson and south carolina will be suspended for one game next season for their participation in a brawl near the end of the rivalry game november 20th . +__label__2 , bosox strike deal with mirabelli yanks , flaherty close , the boston red sox have signed backup catcher doug mirabelli to a two-year deal worth \$3 million , making him the first of the world series champions #39 16 free agents to re-sign . +__label__1 , iraqi forces foundering in face of killings and threats by rebels , iraqi forces , whose performance is crucial to securing january elections , are riddled with problems , say local u . s . officials . +__label__2 , acc loses 2 ranked teams big east get 2 ( ap ) , ap - the atlantic coast conference ' s record run of seven ranked teams came to an end monday . +__label__4 , autonomy , mamma . com join desktop search ranks , not to be left out of desktop search , two search vendors on monday leaped into the growing space for managing e-mail , documents and other hard-drive data . +__label__3 , america ' s best airline ? , hawaiian airlines is putting up impressive numbers , including some that really matter to travelers . +__label__2 , former basketball player found dead ( ap ) , ap - mark haymore , who played on indiana ' s unbeaten 1976 ncaa championship team before transferring to massachusetts , has died . he was 48 . +__label__1 , cyprus says could support turkey eu bid , cypriot president tassos papadopoulos said monday he would not oppose turkish european union accession talks provided turkey met european standards . +__label__2 , nuggets knock off hornets 76-67 ( ap ) , ap - earl boykins scored 22 points to help the denver nuggets overcome the absence of carmelo anthony and defeat the new orleans hornets 76-67 on monday night . +__label__2 , kansas state 76 , arkansas-pine bluff 42 , clent stewart scored a career-high 15 points and kansas state used stifling defense for a 76-42 victory over arkansas-pine bluff on monday . +__label__4 , ntt docomo , mm02 sign deal , tokyo - japan #39 s top cell phone operator ntt docomo inc . and major british mobile carrier mm02 plc reached an agreement that will allow mobile telephone users in britain , germany , and ireland to surf the internet on the handsets , docomo said tuesday . +__label__2 , kansas gets chance for revenge against nevada the jayhawks were < b> . . . < /b> , the second-ranked jayhawks can redeem themselves for one of their most frustrating losses last season monday when they welcome the wolf pack to allen fieldhouse . +__label__3 , gold fields wins appeal to fight takeover , gold fields ltd . won an appeal on friday in its battle to stave off a hostile \$7 . 1 billion takeover by harmony gold mining co . that would create the world #39 s largest gold mining company . +__label__4 , toshiba wins hd dvd support , four film studios are expected to release movies on the new hd format in the last quarter of 2005 . tokyo ( reuters ) - toshiba corp . +__label__4 , #39 breakthrough #39 on hydrogen fuel , us scientists had made a breakthrough in their quest to make low-cost hydrogen , a technology key to finding new sources of energy to end us dependence on foreign oil , they said . +__label__1 , pentagon disputes red cross criticism ( ap ) , ap - a pentagon spokesman said monday that red cross officials have made their view known that the indefinite detention of terror suspects at guantanamo bay , cuba , amounts to torture . +__label__2 , super bowl advertisers still in the game after scandal , new york ( reuters ) - advertisers may have been bitten once by an indecency scandal at the 2004 super bowl , but they are not shy about getting back into the game for the next u . s . football championship . +__label__4 , sony , ibm , and toshiba reveal additional details on cell chip , initial versions of playstation 3 chip will not be produced with a cutting-edge chip-making technology . the four companies developing the cell consumer electronics microprocessor released a few more details +__label__1 , chirac puts retirement on hold , president jacques chirac passed his 72nd birthday yesterday locked in a struggle to maintain his relevance in the face of an intraparty challenge and continuing friction with the world #39 s only superpower . +__label__1 , eu draft draws fire in turkey , brussels turkey will have to recognize the republic of cyprus , if only tacitly , if it wants to begin membership negotiations with the european union , according to a draft document that was leaked here monday . +__label__2 , brett favre shines as green bay mauls st . louis , new york ( reuters ) - brett favre celebrated his 200th consecutive start by throwing three touchdown passes as the green bay packers destroyed the st . louis rams 45-17 at lambeau field monday . +__label__3 , industrial output falls in japan , japan ' s industrial production falls in october while unemployment rises , providing more evidence of a slowdown in the world ' s second largest economy . +__label__2 , kansas , oklahoma state cruise to easy victories , no . 2 kansas 85 , nevada 52 at lawrence , kan . - wayne simien had his third double-double in as many games and kansas routed nevada on monday night , avenging an embarrassing loss of a year ago . +__label__3 , with work , dana-farber learns from ' 94 mistakes , nurse teresa mazeika has known the woman knitting in the blue reclining chair for months . but she asks carolyn harlow her name and birthday anyway , as she approaches with chemotherapy for harlow ' s blood cancer . mazeika , a 17-year nursing veteran at dana-farber cancer institute , isn ' t taking any chances that she is about to give the drug to the wrong patient . +__label__2 , day 3 dravid , ganguly take charge , india lost two wickets on the third day of the second test against south africa at the eden gardens in kolkata today . south africa bounced back from a miserable day on the field yesterday to remove the dangerous +__label__1 , swedes blast gov ' t response to tsunami ( ap ) , ap - hours after a tsunami flattened south asia beaches #151 a magnet for thousands of vacationing swedes #151 the swedish foreign minister went to the theater . +__label__1 , peru launches offensive to retake siege town , lima , peru ( reuters ) - peruvian authorities on monday launched an offensive to retake a police station and end a three-day siege by former soldiers in a southern andean town . +__label__2 , uconn awaiting invite to motor city bowl , theres still one more domino to fall , but today the university of connecticut football team is expected to be invited and accept an invitation to play in the motor city bowl in detroit on dec . 27 . +__label__2 , dubois helps maine top dartmouth , david dubois scored a game-high 17 points as maine held on for a 58-52 men ' s basketball victory over dartmouth last night at hanover , n . h . +__label__3 , update 2 report gazprom to take part in yukos sale , the newly-created oil unit of russian gas monopoly oao gazprom , gazpromneft , will take part in the auction of the embattled yukos oil company #39 s largest unit , yuganskneftegaz , dow jones newswires reported tuesday , citing the news agency prime-tass . +__label__3 , lawmakers grill citigroup japan chief , citigroup #39 s top executive in japan endured unprecedented questioning by lawmakers on tuesday over a scandal at the firm #39 s private bank in the country , the latest turn in a high-profile case that has embarrassed the world #39 s biggest +__label__2 , minaya ahead in count even if he strikes out , this is the way mets fans wanted their team to do it with vladimir guerrero and alex rodriguez . they wanted the general manager of the moment , steve phillips or jim duquette , to get in there early . +__label__1 , car bomb north of baghdad kills 7 , wounds 19 ( reuters ) , reuters - a car bomb exploded near a u . s . \military patrol in the town of baiji , north of baghdad , on\tuesday , killing at least seven iraqis and wounding 20 people , \including two u . s . soldiers , doctors and the military said . +__label__1 , musharraf can be pakistan president and army chief , islamabad ( reuters ) - pakistan ' s acting president signed a bill on tuesday that will allow military ruler pervez musharraf to stay on as army chief despite his pledge to quit the office by the end of the year . +__label__3 , plane repos ready to take flight , at the airport , you hear all of the usual explanations bad weather , mechanical difficulties , no crew available . but now there #39 s another excuse you might hear as times get tougher for cash +__label__3 , uk house prices rise at fastest pace since july ( update3 ) , uk house prices unexpectedly rose in november at the fastest pace since july , reinforcing expectations real estate values will level out , avoiding a collapse from records , according to nationwide building society . +__label__3 , wall street set for a flat start ( reuters ) , reuters - wall street was set for a flat start on\tuesday as investors braced themselves for a slew of data , with\a steadier dollar helping to offset the impact of firmer crude\oil prices . +__label__3 , eurozone recovery struggles as monetary union fails to yield results oecd ( afp ) , afp - recovery in the eurozone is battling higher oil prices and a rising euro as monetary union has so far failed to spur sustained economic dynamism in the 12 nations using the single european currency , the oecd revealed . +__label__1 , cosatu to meet over conflict with anc , the congress of south african trade unions ( cosatu ) said that it will hold a lunchtime press conference on tuesday to discuss the controversial public spat between its leader zwelinzima vavi and the african national congress ( anc ) national spokesperson +__label__3 , rel asks quitting directors to rethink , mumbai the board of indian power utility reliance energy ltd . told the bombay exchange on tuesday it had asked its six directors who resigned last week to reconsider their resignations . +__label__1 , renault unveils investment plan for asian hub in south korea ( afp ) , afp - french auto giant renault sa said it will invest some 570 million dollars in south korea over the next three years as part of its global strategy to become a key player in asia , notably china . +__label__3 , oecd tips us growth slowdown in 2005 , us economic growth will slow to 3 . 3 per cent in 2005 , more than a full percentage point below this year , with the effect of high energy prices dragging on the economy for the next few quarters , the oecd said on tuesday . +__label__4 , hp releases new products for enterprises , launches openview automation manager , service desk version 5 . 0 and partnership with cisco for reselling hp management software . madrid hewlett packard has launched its hp openview automation manager that +__label__1 , philippine floods kill hundreds , more than 300 people died after flash floods and landslides devastated three coastal towns and left swathes of the northern philippines under water on tuesday . +__label__3 , clayton offers to buy rexel for 2 . 6 billion euros ( update5 ) , clayton , dubilier amp rice inc . is leading a 2 . 6 billion-euro ( \$3 . 45 billion ) buyout of an electrical- equipment supplier from france #39 s pinault-printemps-redoute sa , the new york-based firm #39 s third european acquisition this year . +__label__2 , football association charges bolton striker over spitting incident , bolton striker el-hadji diouf was cited for improper conduct by the football association on monday after spitting in the face of an opponent . +__label__3 , usa smithfield foods reports higher q2 earnings , us meat processor smithfield foods has reported higher second-quarter earnings , as higher hog prices offset lower pork margins and a loss in its beef operations . +__label__4 , o2 to roll out i-mode , the deal , which was leaked to the press last week , will see the uk-based mobile operator deliver data services -- such as games , ringtones and entertainment -- through a platform that has been credited with making ntt docomo the force that it is in +__label__4 , screensaver strikes back at spammers , new software allows recipients of spam to band together to target known websites behind the messages . the idea is to bombard the sites with messages , slowing them down and making them more expensive to run . +__label__4 , study brain scan helps diagnose bipolar disorder ( reuters ) , reuters - bipolar disorder , a sometimes\misdiagnosed mental illness characterized by wide emotional\swings , may be identifiable by chemical abnormalities visible\in victims ' brains , researchers said on tuesday . +__label__1 , princess di ' s ex-bodyguard disputes claim ( ap ) , ap - a former bodyguard of princess diana on tuesday dismissed her claim that one of her lovers was bumped off . +__label__4 , tech firms keep riding chinese tiger , microsoft watched a software deal with china go bust less than two weeks into the contract . and beijing is pushing its government it officials to buy local . but china remains a vibrant market where tech firms have to stay in play . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -washingtonpost . com< /b> < /font> +__label__2 , milan mandaric statement , quot over the past two-and-a-half years the football club have currently paid 11 . 5million on transfer fees , loan fees and appearance payments to clubs for 25 players . +__label__4 , cell phone virus mutates , carries payload , security company f-secure warned of a variant on the skulls trojan horse that infects smart phones running the symbian operating system . +__label__2 , redknapp and mandaric clear the air , harry redknapp maintained on tuesday that he had nothing to hide from the transfer deals conducted at portsmouth during his time as manager . +__label__4 , log on to be a satellite spy , a canadian inventor has created internet-based technology that could soon see regular computer users acting as armchair spies . vincent tao , an engineer at toronto #39 s york university +__label__4 , sharman begins defense in kazaa case , sharman networks , the company behind the kazaa peer-to-peer file sharing software , began its defense in a sydney court room on tuesday against charges by members of the music industry that the company aided music piracy and copyright infringement . +__label__2 , najeh to the rescue for packers , no ahman green , no problem . at least that #39 s what it looked like on monday night , as the green bay packers ran roughshod over the st . +__label__1 , bangladesh bars female swim , pressure from an islamic group halts a women ' s swimming contest in bangladesh . +__label__4 , music sharing continues to thrive , a steady growth in legal music downloads continues while illegal file sharing networks also flourish , analysts say . +__label__2 , prosecutor pacers players to be charged ( ap ) , ap - indiana pacers players will be charged for fighting with fans during the nov . 19 brawl at the end of a game against the detroit pistons , oakland county prosecutor david gorcyca told the detroit news . +__label__3 , impact of euro played down , the damage to exports caused by a stronger euro has been played down by a member of the european central bank #39 s governing council in remarks highlighting the bank #39 s limited concern about the currency #39 s rise . +__label__1 , chercher dans toute l #39 actualit , italy ground to a halt as millions of workers observed a general strike in protest against the economic policies of prime minister silvio berlusconi #39 s centre-right government . +__label__3 , oragenics shares up on fda clearance , shares of oragenics inc . jumped after the biotechnology company reported tuesday that the food and drug administration allowed it to proceed with safety trials on a lifelong tooth decay protection rinse that +__label__2 , australia give their neighbours no mercy , australia wrapped up a 2-0 win in the series after beating new zealand by 213 runs on the fifth day of the second and final cricket test on tuesday . +__label__3 , oil prices slip , winter supplies seen up , oil prices fell on tuesday as an expected increase in us heating fuel supplies eased concerns over an inventory crunch should this winter #39 s weather prove colder than normal . +__label__3 , clayton dubilier , merrill team in \$3 . 4b buyout , in what would be the largest european leveraged buyout of the year , clayton dubilier amp rice has teamed with merrill lynch amp co . +__label__1 , ex-guard speaks out about di tapes , ( cbs ) newly-surfaced videotapes of the late princess diana address her sometimes bizarre relationship with prince charles . the tapes were recorded by diana #39 s voice coach , peter settelen . +__label__2 , waugh shoaib will test australians , former australian skipper steve waugh says he thinks shoaib akhtar will test the home side when it tackles pakistan at the waca . having recently watched australia end a 35-year hoodoo in india with a 2-1 series +__label__1 , panel urges n . y . to pay \$14 billion more for city schools , court-appointed referees recommended the state pay an additional \$14 billion over four years to improve new york city schools . +__label__4 , poison toads leap across australia , small , warty , and poisonous enough to kill crocodiles , the cane toad has wreaked havoc in parts of australia . experts say climate change is benefiting the invasive species . +__label__3 , merrill , wachovia , others fined for late reporting , new york the nasd yesterday said it censured and fined 29 securities firms a total of \$us9 . 22 ( \$nz13 . 04 ) million for failing to properly disclose required information about their brokers more than 8300 times . +__label__4 , tom clancy #39 s rainbow six 4 announced , as expected , ubisoft today announced its plans to launch a new tom clancy #39 s rainbow six title on ps2 , xbox and pc . rainbow six 4 will introduce a new single player experience with a personal darker storyline +__label__4 , lycos europe pushes limits in anti-spam fight , a new application from lycos europe aims to fight back against spammers , but some experts say the company may be enabling illegal activities . +__label__3 , click here for a free credit report , really . we mean it . finally , a legit way to peek into your personal financial file . +__label__2 , gough new livi boss , former rangers , everton and scotland captain richard gough has been appointed as the new manager of troubled scottish premier league outfit livingston . +__label__2 , cardinals to play broncos , boise state accepts a bid tuesday to play louisville in the liberty bowl on dec . 31 , in a matchup of the nation ' s top two offenses . +__label__3 , pinault-printemps redoute to sell holding in rexel , london , november 30 ( newratings . com ) - pinault-printemps redoute sa ( ppx . fse ) plans to sell its controlling stake in the electrical parts distributor , rexel ( rxl ) , to a group of private firms for 1 . 92 billion ( \$2 . 55 billion ) . +__label__1 , shifting signs in north korea , kim jong il dials back his personality cult as protest activities pick up . +__label__4 , new strain of skulls trojan hits smart phones , mobile phones running symbian ' s series 60 operating system are the target of a new strain of the skulls trojan horse program . the new trojan comes with the cabir . b worm , which , unlike the first version of the virus , can spread to other phones within reach of bluetooth broadcasting range . +__label__3 , grinstein delta pilots #39 retirement exodus likely on wednesday , at least 100 delta air lines ( nyse dal - news - people ) pilots are expected to retire effective wednesday . that #39 s the starting date for the 32 . 5 pay cut agreed upon under chief executive gerald grinstein #39 s master plan . +__label__2 , pedro waits to learn of yankees ' interest ( ap ) , ap - with an offer in hand from the new york mets , pedro martinez will wait to see what the new york yankees do before deciding where he ' ll play next year . +__label__1 , epa may conduct human tests for chemicals ( ap ) , ap - in setting limits on chemicals in food and water , the environmental protection agency may rely on industry tests that expose people to poisons and raise ethical questions . +__label__3 , the kremlins leviathan , in putins russia gazprom is by no means a mere natural monopoly , nor a newly established ministry for oil and gas . gazprom is an instrument of public administration just like the pro-kremlin united russia +__label__2 , ferguson stirs the pot ahead of arsenal visit , manchester united manager sir alex ferguson has raised the stakes before the carling cup clash with arsenal at old trafford , by claiming that chelsea are now the team to beat . +__label__4 , us-european mission explores saturn #39 s moon mysteries , this nasa image shows saturn #39 s lonely moon mimas ( r ) seen against the blue-streaked backdrop of saturn #39 s northern hemisphere . +__label__4 , new rainbow six franchise for spring 2005 , san francisco , ca - november 30 , 2004 -ubisoft , one of the world #39 s largest video game publishers , today announced its plans to launch the next installment in the tom clancy #39 s rainbow sixr franchise for the sony playstationr2 computer entertainment system +__label__2 , with ban pending , hamilton loses ride , tyler hamilton , who won an olympic gold medal for the united states in athens , was fired last thursday by phonak , his swiss cycling team , two months after testing positive for illegal blood transfusions . +__label__2 , browns coach davis resigns robiskie named interim coach , berea , ohio ( ticker ) - one day after admitting that his shaky job status was a quot distraction quot to his players , butch davis resigned as coach of the cleveland browns on tuesday . +__label__1 , son is gone but fervor remains after fallujah , after his son ' s life was ended by an american bullet , an iraqi insurgent undertook a harrowing escape to a lonely exile in baghdad , where he waits to fight another day . +__label__3 , sec delays reviews for some firms , securities regulators gave more than 2 , 000 public companies a brief reprieve from new rules requiring them to assess the strength of their financial safeguards . +__label__3 , u . s . increases growth estimate for 3rd quarter , consumers and businesses boosted their spending a bit more quickly in late summer than previously thought , fueling faster overall economic growth , the government reported tuesday . +__label__2 , spurs 107 , mavericks 89 , devin brown sparked a fourth-quarter spurt with two three-point plays and two dunks , helping the san antonio spurs beat the dallas mavericks 107-89 monday night to spoil the pseudo-coaching debut of avery johnson . +__label__3 , fda warns cyberonics on manufacturing , chicago ( reuters ) - u . s . regulators warned cyberonics inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=cybx . o target=/stocks/quickinfo/fullquote> cybx . o< /a> of manufacturing deficiencies at the houston plant that makes its sole product , an implantable device to treat epilepsy , the company said on monday . +__label__3 , bush shields shrimp industry , the bush administration yesterday said chinese and vietnamese shrimp are sold at unfairly low prices in the united states , siding with us fishermen as they try to fend off overseas competition . +__label__3 , oil prices edge below #36 49 a barrel ( reuters ) , reuters - oil prices edged below #36 49 a barrel\on wednesday as traders looked ahead to an expected build in\weekly u . s . inventory data that would help bolster the thin\supply cushion ahead of peak northern winter demand . +__label__2 , knicks crawford hits the one that counts , the old axiom is that it doesn #39 t matter how many shots you miss if you #39 re a shooter , you have to keep shooting . jamal crawford missed 21 shots against the atlanta hawks last +__label__1 , australia embraced by malaysia at asean summit , tony eastley for years malaysian prime minister dr mahathir blocked australia #39 s closer involvement with the asean group of nations . +__label__1 , terms of endearment , seems that the bush administration , unlike previous white houses , is not necessarily averse to allowing its ambassadors to have second tours . for example , word is that john thomas tom schieffer , the texas oilman who brought president bush into the texas rangers baseball club partnership and who is now ambassador to australia , is to hang out in the pacific a while longer , this time as ambassador to japan . +__label__1 , cause of indonesian plane crash probed ( ap ) , ap - investigators picked through the wreckage of an indonesian passenger plane that crashed in stormy weather , killing at least 32 people in the county ' s worst air accident in six years . +__label__1 , landslides , floods kill nearly 340 in philippines , maragundon , philippines -- a powerful rainstorm triggered landslides and flash floods that killed nearly 340 people in the eastern philippines , officials said yesterday , and rescuers raced to save those stranded in three coastal towns before a typhoon strikes the hard-hit region . +__label__4 , #39 throttle #39 viruses with software , early next year , the computer maker will begin selling software designed to slow the spread of viruses from its proliant servers and procurve networking equipment , an hp executive said on tuesday . +__label__3 , eurostocks nudge up on ericsson , paris ( reuters ) - european shares nosed up on wednesday as ericsson gained on news it had won part of \$4-billion cingular deal and with glaxo buoyed after pfizer affirmed its outlook . +__label__2 , bettman stands firm in dispute , nhl commissioner gary bettman has again dismissed proposals by the players #39 union for a luxury tax as the sport #39 s lockout continues . +__label__1 , pentagon #39 s death toll in iraq rising , washington - november was the bloodiest month for us troops in iraq since april , with at least 135 losing their lives and more than 50 falling in the two-week battle to evict insurgents from fallujah . +__label__3 , eu to pursue legal action against greece , brussels , belgium -- the european union #39 s executive commission said wednesday it would open legal proceedings against greece for its sloppy bookkeeping and underreporting its budget deficit by billions of euros between 1997 and 2003 . +__label__4 , unprotected pcs fall to hacker bots in just four minutes , the lifespan of a poorly protected pc connected to the internet is a mere four minutes , research released tuesday claimed . after that , it #39 s owned by a hacker . +__label__3 , stocks to watch on dec . 1 , new york ( reuters ) - u . s . stocks to watch on wednesday ibm corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=ibm . n target=/stocks/quickinfo/fullquote> ibm . n< /a> the computer maker said it sealed deals worth more than \$1 billion in new work with two european companies from which the information technology company just acquired two danish services providers . +__label__4 , after the x prize , just weeks before the historic second flight of spaceshipone -- a trip that won him the \$10 million x prize -- burt rutan , the ship ' s designer and builder , sat down for a chat with wired magazine . here ' s what he said . +__label__2 , co-stars nearly steal show , it was a match that didn #39 t run to the script but this is the land where life often imitates the silver screen . and for 64 minutes yesterday the usa tomahawks were pure hollywood +__label__1 , murdoch novel reveals alzheimer ' s , the last novel by the author iris murdoch reveals the first signs of alzheimer ' s disease , experts say . +__label__3 , local group joins suit to de-list endangered species , bob briggs wifes family has owned about 1 , 000 acres of redwood forest off waddell creek since 1913 . he doesnt clearcut , and logs about once a decade . +__label__3 , cingular to upgrade wireless data network , december 01 , 2004 ( reuters ) - cingular wireless llc , the largest us wireless telephone company , said yesterday that it would upgrade its network next year to handle high-speed data transmissions . +__label__3 , consumer spending up , manufacturing gains , consumers spent briskly in october and the nation #39 s manufacturers saw robust activity in november , encouraging signs that the last quarter of this year is shaping up nicely . +__label__4 , nasa cassini image gazing down at saturn #39 s rings , cassini pierced the ring plane and rounded saturn on oct . 27 , 2004 , capturing this view of the dark portion of the rings . a portion of the planet #39 s atmosphere is visible here , as is its shadow on the surface of the rings . +__label__1 , un panel proposes sweeping changes , united nations , new york the united nations has proposed the most sweeping changes in its history , recommending the overhaul of its top decision-making group , the security council , and holding out the possibility that it could grant legitimacy to pre +__label__1 , florida election supervisors back reforms ( ap ) , ap - florida ' s 67 county elections supervisors proposed dramatic reforms , including replacing election day with 11 days of voting and doing away with voting precincts . +__label__4 , fly higher , fly lighter ' ballute ' technology aimed at moon missions ( space . com ) , space . com - boulder , colo . -- moviegoers may recall it as that nifty bit of high-speed technology used in 2010 the year we make contact -- the space age equivalent of playing air bag bumper car with jupiter . +__label__1 , why 2004 was the year of the blog , a us dictionary publisher declares blog as one of the words of the year . +__label__4 , itunes now selling band aid song , ipod owners can download the band aid single after apple reaches agreement with the charity . +__label__4 , microsoft sues over fake labels , microsoft has sued eight us computer resellers who it says bought or sold counterfeit certificate of authenticity labels or genuine labels that had been separated from their related software , all in breach of copyright and trade mark laws . +__label__3 , bush backs us tariffs on shrimp , foreign shrimp producers have denied they are selling shrimp at artificially low prices as a way to win a larger share of the us market . +__label__2 , india #39 s nehra to miss bangladesh series , left-arm seamer ashish nehra has been left out of india #39 s squad for this month #39 s two-test series against bangladesh due to an abdominal strain . +__label__4 , new game in town espn phone , espn will launch its own branded wireless phone service next year , the first in a series of branded cell-phone services planned by walt disney ( dis ) , which owns the cable sports channel . +__label__3 , ford sales fall , chrysler posts gain , detroit ( reuters ) - ford motor co . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=f . n target=/stocks/quickinfo/fullquote> f . n< /a> on wednesday reported its sixth straight month of weaker vehicle sales , prompting the second-largest u . s . automaker to further cut production of cars and trucks , while chrysler posted another sales gain . +__label__3 , stocks rise as crude falls more than \$2 , new york ( reuters ) - u . s . stocks rose on wednesday as crude oil futures fell more than \$2 a barrel on a big jump in u . s . petroleum supply , easing worries about the impact of energy costs on corporate profits and economic growth . +__label__3 , nektar shares continues rise on upgrades , shares of nektar therapeutics remained active wednesday following upgrades from two investment firms after drug giant pfizer inc . cited its inhalable insulin product in a recent pipeline report . +__label__2 , palace bans two fans , the palace in auburn hills bans two men from events for their involvement in last month ' s brawl between the pistons and indian pacers . +__label__3 , cingular sees merger savings above plan , cingular wireless , the nation #39 s largest wireless carrier following the company #39 s merger with at amp t wireless , said wednesday that it has completed integration activities ahead of schedule and now expects merger-related cost savings to exceed prior estimates +__label__3 , pound soars amid wider currency fears , sterling rose to its highest level against the dollar since black wednesday , the day in september 1992 when the pound was forced out of the exchange rate mechanism , the forerunner of the euro . +__label__4 , hp throttles viruses , hewlett-packard has developed a software program that could slow the spread of computer viruses and worms by acting as a quot throttle quot on unauthroized network activity . +__label__4 , aol upgrades multimedia search site , com . america online inc . on wednesday launched new features in its singingfish search site for audio and video on the web . aol , a division of time warner inc . +__label__2 , crowton steps down as byu football coach , byu coach gary crowton walks off the field after byu #39 s 28-27 loss to boise state , in boise , idaho , in this sept . 24 , 2004 photo . +__label__1 , mozambicans vote for new president , mozambique #39 s poor , many carrying small children , trudged along narrow dirt roads in oppressive heat wednesday to pick a replacement for the president who has ruled +__label__1 , turkey eyes \$15 billion investment years , ankara turkey is hoping to attract \$15 billion of foreign investment between 2005 and 2007 through reforms designed to overhaul its economy and ease the country #39 s entry into +__label__2 , crowton steps down as byu football coach , provo , utah ( sports network ) - gary crowton has resigned from his position as the head football coach at brigham young . +__label__2 , moya says he #39 ll beat roddick on friday , spains top singles player said he expects to beat american andy roddick in the davis cup final , which begins friday at the estadio olimpico de la cartuja . +__label__3 , ford , gm report slow november sales , the nation #39 s two largest automakers on wednesday reported weak november sales , but both expressed confidence that new products would help them pick up momentum . +__label__1 , cheney campaigns for house candidates ( ap ) , ap - with two louisiana congressional seats still up for grabs , vice president dick cheney campaigned in the state wednesday on behalf of republicans who hope to sweep saturday ' s runoff elections . +__label__3 , cingular planning major 3g wireless rollout , just as the at amp t buy helped cingular move ahead of verizon wireless to the top of the industry in terms of size , the new network would likely give it an overall faster network , a distinction most say verizon can now boast . +__label__2 , bellion strike gives reds 1-0 victory over gunners , david bellion scored 19 seconds after the opening kickoff as manchester united #39 s backup team edged arsenal #39 s youngsters 1-0 on wednesday to reach the semifinal of the english league cup . +__label__2 , expectations too lofty for unlucky willingham , three seasons after hiring tyrone willingham as head coach of the football program , the powers that be in south bend , ind . , fired the 28-year coaching veteran tuesday , one month prior to the fighting irish #39 s scheduled matchup with ucla in the insight bowl +__label__3 , wet seal third-quarter net loss widens ( reuters ) , reuters - struggling clothing retailer wet\seal inc . on wednesday posted a wider quarterly loss\as lackluster demand for its teen-oriented fashions forced the\company to make bigger markdowns . +__label__1 , gunfire erupts during powell visit to haiti , port-au-prince , haiti ( reuters ) - shooting erupted on wednesday outside haiti ' s presidential palace while secretary of state colin powell was inside talking with the interim leaders of the violence-plagued country . +__label__1 , poland opens katyn probe , polish war crimes prosecutors examine the 1940 deaths of members of the polish elite in russia ' s katyn forest . +__label__1 , britain body isn ' t kidnapped aid worker ( ap ) , ap - a mutilated body found in iraq is not that of kidnapped aid worker margaret hassan , the british government said wednesday . but the foreign office said it continued to believe hassan had been murdered , although the evidence was not conclusive . +__label__2 , judge declines to dismiss steroid case ( ap ) , ap - a judge declined to dismiss charges against four men accused of distributing steroids to top athletes amid accusations that prosecutors illegally searched a nutritional supplement lab and the house and car of barry bonds ' trainer . +__label__2 , judge declines to dismiss balco case , a federal judge said wednesday that she would not immediately dismiss charges against four men accused of distributing steroids to top athletes . +__label__3 , intel planning centrino-like brand for desktops , intel is preparing a marketing strategy that will brand desktop pcs with a similar label that made its centrino notebook technology a household name , according to sources familiar with the company ' s plans . +__label__2 , cavs to go bowling in boise , the university of virginia football team has accepted an invitation to the mpc computers bowl at 2 pm ( est ) on dec . 27 in boise , idaho . +__label__4 , mutant book wins guardian prize , a book about the evolution of mutants and the science of abnormality has won the guardian first book award 2004 . +__label__3 , howard telstra board will choose its ceo , australian prime minister john howard said thursday that telstra corp . #39 s board would choose its next chief executive , not the federal government , which has a majority stake in the telecommunications giant . +__label__4 , msn enters blogging fray with quot spaces quot , microsoft #39 s msn has introduced a beta version of its new blogging tool , msn spaces , which it expects will eventually be supported by advertising . +__label__4 , sun and microsoft call a truce , the longtime rivals claim that they #39 ll work harder to make their software work together . by aaron ricadela . longtime rivals microsoft and sun microsystems have made a quot 180-degree u-turn quot in their relationship +__label__2 , uconn avoids loss in overtime , the eighth-ranked connecticut huskies narrowly avoided their first two-game losing streak in 12 seasons , beating south florida , 75-65 , last night with barbara turner getting 8 of her 23 points in overtime . +__label__4 , indian state eyes faster internet project ( ap ) , ap - in a bid to give a big push to e-governance , an indian state on monday cleared a plan that will help its officials move internet data thousand times faster than now . +__label__1 , internet pioneer closes manitoba pharmacy blames dollar , uncertain climate ( canadian press ) , canadian press - winnipeg ( cp ) - just one year ago , mark rzepka was opening a #36 1-million internet pharmacy in the small manitoba town of niverville believing he would be able to quadruple his staff within 12 months . +__label__4 , steal spongebob , buy a pc museum , we ' ve got two more entries this week in the category of what weird , useless stuff is for sale on ebay that i just have to have ? +__label__4 , radeon x850 released , visiontek announced today the official launch of its xtasy radeon x850 xt pci express graphics accelerator card . quot we #39 ve been overwhelmed by customer requests for a top of the line visiontek 16x pci express +__label__4 , oracle expected to push on content management at openworld , oracle is expected to unveil updates to its software ' s content management and business intelligence functions , as well as other enhancements at next week ' s oracle openworld user event . +__label__4 , panera hopes ' chilling out ' brews sales ( ap ) , ap - bakery cafe chain panera bread co . hopes its customers will stick around a little longer #151 grab a bite to eat , buy another cup of coffee , try the wi-fi . in other words , just chill out . +__label__4 , japanese researchers ' tap ' mushrooms for rubber ( reuters ) , reuters - japanese researchers say they have\produced rubber from a natural substance extracted from an\edible , wild mushroom commonly found in the country . +__label__4 , u . s . rules out dam removal for salmon recovery ( reuters ) , reuters - a bush administration decision to\eliminate the possibility of removing dams to save endangered\u . s . pacific northwest salmon species is a huge blow to\protection efforts , an environmental group said on wednesday . +__label__4 , ancient skull fragment hints at surgery ( ap ) , ap - a skull fragment found in a 400-year-old trash pit at jamestown contains evidence of the earliest known surgery #151 and autopsy #151 in the english colonies in america , researchers say . +__label__4 , internet pharmacies good or bad ? , an investigation into the practice of internet pharmacies and how they are changing the u . s . pharmaceutical industry . +__label__4 , aol updates audio video search singingfish , aol updates audio video search singingfish\\rumors are floating that market leaders google along with yahoo ! and microsoft ( msn ) are working on an improved multimedia searching capabilities . aol entered into the field with their acquisition of singingfish inc . around a year ago . \\singingfish inc . would be today announcing their updated services to . . . +__label__1 , india ' s low-cost airline eyes business travel ( afp ) , afp - india ' s pioneer low-cost carrier air deccan plans to raise 50 million dollars in private equity by shedding a 26 percent stake and also aims to enter the corporate business jet segment , its chairman said . +__label__3 , giuliani expands his wall st . firm , new york ( cbs . mw ) -- former new york city mayor rudolph giuliani is making a foray into investment banking . free ! sign up here to receive our weekly roundup e-newsletter ! +__label__4 , japan #39 s ntt docomo sees europe embracing hi-tech mobile phones , tokyo japan #39 s top mobile operator ntt docomo believes europe will embrace hi-tech telephones and expects a major boost in subscribers on the continent of its i-mode internet service . +__label__2 , nba wrap curry , chandler lead bulls over lakers , new york ( reuters ) - eddy curry registered 18 points and 10 rebounds and tyson chandler added 18 rebounds and 10 points as the chicago bulls stunned the los angeles lakers 92-84 wednesday . +__label__1 , ukrainian opposition makes gains , kiev -- the ukrainian parliament voted yesterday to dismiss the government headed by the declared winner of a disputed presidential vote , prime minister viktor yanukovych , handing the opposition a victory in its campaign to overturn national election results . +__label__1 , england ' s lawyers try to get photos thrown out , lawyers for pfc . lynndie r . england sought wednesday to throw out evidence at the heart of the abu ghraib prison scandal -- the now-infamous photos showing her smiling and pointing at naked iraqi detainees . +__label__4 , plus cendant reported to buy ebookers , san francisco ( cbs . mw ) -- not only did the word quot blog quot enter merriam-webster #39 s dictionary this year , but microsoft is getting on the personalized e-journal bandwagon . +__label__4 , spammers strike back at lycos , in launching make love not spam lycos this week started a controversial bid to battle unsolicited messages through a custom-designed website . +__label__4 , singingfish floats new multimedia search , with broadband and desktop media fueling consumer interest in digital media content , video and audio search provider singingfish has launched an improved search portal to help the world find more multi-media online . +__label__2 , jordan returns as wizards beat nets , the wizards welcomed coach eddie jordan back last night with a 95-68 victory over the nets , jordan #39 s former team . gilbert arenas had a season-high 30 points , seven rebounds and five assists for host washington . +__label__1 , bad weather blamed for indon crash , bad weather was the main cause of an accident which killed 26 people aboard an airplane whose spoiler did not work well , indonesian investigators said today . +__label__1 , mugabe urges party unity amid succession struggle , harare ( reuters ) - zimbabwe president robert mugabe called for unity on thursday amid rare public jostling within his ruling zanu-pf party over who will eventually succeed the controversial 80-year-old leader . +__label__3 , reed on track despite science outlook , reed elsevier on thursday reiterated that it remained on track to deliver mid to high single-digit earnings-per-share growth this year despite concerns over its science publishing unit . +__label__4 , human activity to blame for 2003 heatwave , a previous study at the hadley centre for climate prediction and research at the met office , demonstrated that large-scale global warming is not a result of urban development . +__label__4 , microsoft sues eight resellers over dodgy stickers , microsoft has announced it #39 s suing eight pc resellers over claims they have been attaching certificates of authenticity ( coa ) to non-genuine microsoft products . +__label__4 , apple officially launches itunes music store in canada , apple computer on thursday officially launched its itunes music store in canada , offering canadian music fans the same features and price of \$ . 99 cdn per song that have lifted itunes to the number one online music service in the world . +__label__4 , va . biotech looks to md . for inspiration , business and education leaders in northern virginia are working hard to lure biotechnology companies . but for a daunting reminder of how far they need to go , all they have to do is look at neighboring maryland . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> +__label__4 , citing can-spam , microsoft sues alleged spammers , com december 2 , 2004 , 7 48 am pt . while its neighbors , software infrastructure and hardware upgrades , switched places this month , security held its spot at number three . +__label__3 , ecb eyed rate hike but left rates steady , the european central bank surprised financial markets on thursday by revealing it had considered raising interest rates even as the euro zone economy slows , saying it is worried about inflationary risks . +__label__4 , #39 blog #39 tops online dictionary list , short for quot weblog quot -- was the most-frequently requested definition at merriam-webster #39 s online dictionary site , the publisher says . +__label__2 , williams rejects deal , says he won #39 t return in 2005 , miami dolphins tailback ricky williams has no immediate plans to resume his nfl career and , at least for now , intends to stay in retirement , according to his attorney . +__label__4 , tivo unveils portable transfer service , tivo inc . pioneered digital video recording as a new way of watching television - when you want it . now it could be tv where you want it , too . +__label__2 , walter smith named manager of scottish soccer team , succeeding < b> . . . < /b> , after the german #39 s failure to revive the ailing national team , the scottish football association has opted for a rare rangers-celtic linkup at the top with former rangers manager smith working with assistant tommy burns , his old rival at celtic . +__label__3 , us panel to back oil inventories rethink , a us government advisory panel is to recommend a revision to the minimum level of crude inventories required to ensure adequate supplies of crude oil to the nation #39 s refiners to produce gasoline +__label__3 , oracle in merger talks with other firms , san francisco ( reuters ) - oracle corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=orcl . o target=/stocks/quickinfo/fullquote> orcl . o< /a> is in merger talks with other technology companies as it awaits the outcome of its \$9 . 2 billion hostile takeover bid for rival software maker peoplesoft inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=psft . o target=/stocks/quickinfo/fullquote> psft . o< /a> . +__label__3 , albertsons profit up stock off on outlook , new york ( reuters ) - albertsons inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=abs . n target=/stocks/quickinfo/fullquote> abs . n< /a> , the no . 2 u . s . grocer , on thursday posted higher quarterly profit , but warned that full-year earnings could hit the low end of its estimates due to competition and skittish consumers , sending shares down 6 percent . +__label__1 , ten candidates in palestinian elections ( ap ) , ap - ten candidates have qualified to contest the palestinian presidential elections , set for jan . 9 . they are +__label__3 , us stocks flat investors await intel , jobs , new york ( reuters ) - u . s . stocks were little changed on thursday , pausing after wednesday ' s sharp rally , as investors were reluctant to wade into the market before intel ' s mid-quarter update after the close and friday ' s jobs report . +__label__1 , hayley mick , hayley mick is a journalist currently based in vancouver . she has broadcast experience with cbc radio #39 s quirks and quarks and has reported for the vancouver sun , cbc online , and the canadian press #39 s ontario and vancouver bureaus . +__label__1 , explosion in jerusalem caused by accident -police ( reuters ) , reuters - a blast heard in central jerusalem on\thursday was caused by the apparently accidental explosion of a\gas canister inside a shop , police said . +__label__3 , setback for asbestos settlement at abb , abb said it was aware of the ruling , but remained confident that a settlement would be reached . abb is naturally surprised and disappointed at todays decision , but remains confident that it can resolve . +__label__3 , barrick acquires stake in celtic resources , canada #39 s barrick gold corp . said thursday it was acquiring a 9 percent stake in london-based celtic resources holding ltd . - a deal that potentially gives the canadian gold giant major clout ahead of next year #39 s auction of russia #39 s biggest gold deposit . +__label__2 , indians strike back , south africa were rocked by a two-wicket burst from off-spinner harbhajan singh just before tea on the fourth day of the second cricket test here today . +__label__2 , brown , fratello and grizzlies all come out ahead , hubie brown , 71 , got to retire as coach of the memphis grizzlies of own volition , drawing accolades for transforming a franchise that never won more than 23 games into a 50-victory team in less than two seasons . +__label__4 , us says no plans to sign new climate change pacts ( reuters ) , reuters - the united states , considered an\environmental laggard by its critics , is unlikely to sign any\new pacts on climate change at a key environmental meeting this\month , a senior u . s . official said on thursday . +__label__4 , earth ' s solar system shaped by brush with star , astronomers say ( space . com ) , space . com - the outer reaches of our solar system may have been shaped long ago by a close encounter with another star that tore up both nascent planetary systems like colliding buzz saws , astronomers said today . +__label__2 , notre dame to interview utah #39 s meyer , university of notre dame officials are apparently prepared to interview utah football coach urban meyer as early as tonight , only two days after the school fired coach tyrone willingham after three seasons . +__label__1 , a perfect storm of political peril , unless . . . , the extended train wreck that has been american-dominated iraq is winding its way toward a decisive intersection the national elections scheduled for jan . 30 , 2005 , where voters will be asked +__label__1 , ukraine awaits election-deal details , the supreme court is expected to rule friday on rerunning the country ' s disputed presidential election . +__label__1 , eureka ! has australia found its ' defining moment ' ? , friday is the 150th anniversary of eureka day . for some australians , it ' s their boston tea party . +__label__3 , us delays wto action over airbus subsidy , the us will offer an olive branch to peter mandelson , the european union #39 s new trade commissioner , next week by delaying any escalation of the dispute over subsidies to airbus and boeing , a us trade official said on thursday . +__label__4 , e . t . phone ebay , sometimes , a piece of soggy cereal is just a piece of soggy cereal . unless , of course , it bears an uncanny resemblance to history ' s most beloved extraterrestrial , e . t . +__label__4 , microsoft files lawsuits against smut spammers , microsoft said today it has filed seven lawsuits against defendants it accuses of sending hundreds of thousands of spam e-mails with sexually explicit content . +__label__4 , new version of google groups launched , shannon bauman , associate product manager of google groups announced the launch of a new and improved google groups . whether your interests run to knitting or brain surgery , chances are good other people out there share them . +__label__3 , ntl sells broadcast unit for 1 . 27bn to macquarie , ntl , the uks largest cable company , has agreed to sell its radio and television broadcasting business for 1 . 27bn to a fund managed by australias macquarie bank . +__label__2 , judge says jayson williams can be retried ( ap ) , ap - former nba star jayson williams will be retried on a manslaughter charge in the shotgun slaying of a limousine driver at his mansion , a judge ruled thursday . +__label__1 , blame pinned on british home secretary for ' exposing ' affair ( afp ) , afp - the blame falls on home secretary david blunkett for exposing his three-year affair with the married publisher of the spectator , the magazine itself charges in its latest issue . +__label__4 , ny school bus driver fired over stem cell talk ( reuters ) , reuters - a school bus driver who chatted about\stem cell research with her pupils was fired for inappropriate\behavior , a local newspaper said on thursday . +__label__3 , ntl to shed broadcasting arm , britain #39 s biggest cable company , ntl , agreed yesterday to sell its radio and television broadcasting business for 1 . 27bn to a consortium led by a fund managed by australia #39 s macquarie bank . +__label__4 , ibm-led community to plug power architecture , ibm this week announced the formation of power . org , a collaborative community of itself and 14 partner companies with the goal of promoting hardware and software development centered +__label__1 , un offers plan to calm tension along rwanda-congo border , kinshasa - the united nations says it may have found a way to prevent the further escalation of tensions between congo and rwanda . +__label__3 , crude oil ekes out small bounce , singapore ( reuters ) - battered oil prices struggled on friday to shake off this week ' s \$6 slump , edging up from a 12-week low after a massive round of selling triggered by easing worries about winter supply . +__label__1 , philippines not relieved from nature #39 s curse , with the death toll mounting to 1 , 000 after a deadly storm typhoon nanmadol that hit the nation three days before , the nature #39 s curse is still haunting philippines when an earthquake with a preliminary magnitude of 4 . 2 rocked the northern philippines on +__label__3 , 8 accused of inflating kmart profit , the securities and exchange commission yesterday filed civil fraud charges against three former kmart corp . executives and five employees of companies that supplied the troy , mich . , retail chain , accusing them of scheming to inflate kmart ' s profit by \$24 million in 2001 . +__label__4 , fellowship of the customized ring tone , in a short time , in a public way -- while on metro , or in line at starbucks , or inside a movie theater -- ring tones signal who you are . or who you want people to think you are . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -the washington post< /b> < /font> +__label__4 , four infineon executives plead guilty , four infineon executives pled guilty for price fixing computer memory chips and will face a prison sentence of four to six months along with \$250 , 000 in fines , reported the us department of justice on thursday . +__label__2 , mets and yanks may lose leiter and make deal , the mets could lose one veteran left-handed pitcher to a team in their own division and another to a team in their own city . as representatives for al leiter negotiated a one-year contract with +__label__4 , health care technology is a promise unfinanced , while the bush administration ' s words of support for a high-technology future for health care have been plentiful , the dollars , it seems , are scarce . +__label__1 , supreme court ruling expected in ukraine crisis ( reuters ) , reuters - ukraine ' s supreme court is expected to\rule on friday on whether to overturn the result of a disputed\presidential election that has plunged the country into turmoil\and generated distrust between russia and the west . +__label__2 , rams ' faulk downgraded to questionable , st . louis , mo . , ( sports network ) - st . louis rams running back marshall faulk has been downgraded from probable to questionable for sunday ' s game against the san francisco 49ers with a bruised left knee . +__label__3 , nissan comes apart without parts , tokyo - japan #39 s nissan motor said on thursday that the company may have to suspend some production next march in addition to already announced suspensions , due to parts shortages , resulting in a decline of about 6 billion ( r339 . 8 million ) in annual sales +__label__3 , danger - falling dollars , the sharp fall in the dollar on the foreign exchange markets - and the consequent rise in the value of the euro - may seem like problems that are of little direct concern to the uk , which never signed up to the euro in the first place . +__label__4 , hd dvd will boost quality , help stores , four hollywood studios this week embraced a new high-definition dvd format from electronics giant toshiba - raising many questions for video lovers who have driven sales of pre-recorded dvds to new heights . +__label__3 , dollar steady ahead of jobs report , london ( reuters ) - the dollar held firm above this week ' s record low against the euro on friday , with dealers reluctant to take positions ahead of key u . s . jobs figures . +__label__2 , conte goes on tv and names names , as the bassist for the pop-funk band tower of power , victor conte laid down a song #39 s backbone by playing a predetermined series of notes . +__label__4 , christmas clash over gift choices , children would like expensive hi-tech gifts for christmas , but few parents are happy to buy these , research suggests . +__label__1 , french seek ' anti-semitic ' tv ban , the french prime minister calls for a satellite tv channel backed by hezbollah to be taken off air . +__label__1 , iran sees no reason for iraq summit ( ap ) , ap - there is no reason to hold a meeting of iraq ' s neighbors planned for this week in amman , an iranian envoy said monday in a further sign of strained relations following accusations by jordan ' s king abdullah that tehran wanted to influence the iraqi elections . +__label__4 , report ibm ' s pc business up for sale , ibm corp . has put its pc business up for sale , according to a story published on friday on the web site of the new york times . +__label__4 , prying into fbi activities , the aclu files freedom of information act requests to find out why antiterrorism task forces have been monitoring activists . by ryan singel . +__label__3 , china plans renewed bank bailout , a year after injecting \$45bn into two state banks to ready them for flotation , china is preparing a fresh bailout for two more institutions . +__label__1 , iraq attacks leave at least 20 dead , iraqi insurgents staged nearly simultaneous attacks friday morning on police stations at opposite ends of baghdad , killing at least 20 people , freeing dozens of prisoners and emptying a police arsenal in a demonstration of the militants ' strength in the heart of the country . +__label__4 , ipod year #39 s hot gift , one of the hottest holiday gifts this year is the apple ipod , the digital-age equivalent of the sony walkman . the ipod , which stores music files downloaded from a computer +__label__1 , mps back putin plan for regions , the russian duma backs president putin ' s plan to replace elected regional bosses with his own appointees . +__label__4 , freeze on anti-spam campaign , a campaign by lycos europe to target spam-related websites appears to have been put on hold . earlier this week the company released a screensaver that bombarded the sites with data to try to bump up the running costs of the websites . +__label__4 , lycos , spammers trade blows over screen saver , december 02 , 2004 ( idg news service ) - lycos europe nv is caught in a tit-for-tat struggle with spammers just days after releasing a free screen saver program that uses computer downtime to swamp web sites associated with spam campaigns . __label__4 , iraq ' s neighbors to get little for environment loss ( reuters ) , reuters - iraq ' s neighbors want tens of billions\of dollars for environmental damage done in the 1990-1 gulf\conflict , but are set to get only paltry funds from the united -__label__4 , apple itunes ' overcharging in uk ' , the oft refers apple ' s itunes to the european commission on the grounds that it over-charges uk customers . -__label__4 , anti-spyware spending set to skyrocket , the spyware plague will trigger a 2 , 500 percent increase in enterprise spending by 2008 , a market-research firm reports . by gregg keizer . +__label__4 , apple itunes ' overcharging in uk ' , the oft refers apple ' s itunes to the european commission on the grounds that it over-charges uk customers . +__label__4 , anti-spyware spending set to skyrocket , the spyware plague will trigger a 2 , 500 percent increase in enterprise spending by 2008 , a market-research firm reports . by gregg keizer . __label__3 , abb shares fall on court verdict , shares in swiss engineering giant abb plummet 13 after a us court rejects its bid to limit a multi-billion dollar asbestos claim -__label__3 , eu wants us to clear muddy waters in wto row , brussles - eu trade chief peter mandelson wants clarification of the us stance in threatened wto action over aid to airbus , his spokeswoman said friday after a us official indicated washington was delaying such action . -__label__3 , ibm quitting computer business , an era will come to an end when ibm sells off its computer manufacturing business , according to the new york times . a chinese company seems the likely buyer and the deal should fetch upward of \$2 billion . -__label__3 , airbus-boeing spat on hold , the united states and the european union called a temporary timeout yesterday in their dispute over government support for aviation rivals boeing and airbus . -__label__3 , two top nokia executives resign , helsinki nokia said the respected head of its networks unit had resigned and another top networks official left in the second major departure of top management in two weeks at the world #39 s largest mobile phone maker . -__label__3 , wal-mart brightens dec . sales forecast , new york ( reuters ) - wal-mart stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wmt . n target=/stocks/quickinfo/fullquote> wmt . n< /a> , the world ' s biggest retailer , on monday brightened its outlook for december sales at u . s . stores open at least a year , seeing sales up 3 percent bolstered by post-christmas spending . -__label__1 , ethiopia agrees to demarcate most of border , addis ababa ( reuters ) - ethiopian prime minister meles zenawi said on friday demarcation of most of the country ' s 600 mile border with eritrea could begin immediately , raising hopes a long-simmering border dispute could be resolved . -__label__1 , former musician and hells member sentenced to 15 months for threatening judge ( canadian press ) , canadian press - trois-rivieres , que . ( cp ) - a former hells angels member who played trumpet with the quebec city orchestra was sentenced friday to 15 months in jail for uttering death threats against a judge . -__label__3 , nikkei up by midmorning intel update supports techs , tokyo ( cbs . mw ) - japanese stock indexes rose by midmorning friday as intel #39 s higher-than-expected sales forecast listed the japanese tech sector . -__label__1 , eu force takes over in bosnia , a european union force yesterday took over peacekeeping in bosnia from nato for an operation seen as a test of the eu #39 s military aspirations and credibility . -__label__1 , eta seals off madrid with 5 bombs , 2 police hurt ( reuters ) , reuters - the basque separatist group eta set off\five bombs at petrol stations around madrid on friday , putting\a stranglehold on the city at the start of a long holiday\weekend . -__label__1 , activist ' s daughter speaks against castro ( ap ) , ap - her political activist father is her hero and sayli navarro wants to follow in his footsteps #151 at any cost . the soft-spoken , articulate teenager was just 6 when her father went to prison the first time , for posting signs reading down with fidel . -__label__2 , lewis university put on probation ( ap ) , ap - lewis university of division ii was put on four years ' probation for an array of infractions that included its men ' s volleyball team , which won a national title last year the school has since forfeited . -__label__2 , conference fumbles top status , atlanta - tommy tuberville isn #39 t much into computers and formulas to determine who should play for college football #39 s national championship . -__label__2 , bode miller picks up fourth win of world cup season , bode miller won for the fourth time this season friday and daron rahlves was second -- the first 1-2 finish for us men in a world cup downhill . -__label__3 , bedding blip ? go back to sleep , this is getting old . every time hidden gems selection select comfort ( nasdaq scss ) gets settled in and ready for a long night #39 s rest full of dreams of two-times-in-three-years capital gains , along -__label__2 , miller takes fourth win in five races , beaver creek , colorado ( reuters ) - american bode miller won a men ' s world cup alpine skiing downhill on friday for his phenomenal fourth victory in five races . -__label__3 , euro surges to new high , the u . s . dollar fell to another new low against the euro friday , pushing the european currency higher than \$1 . 34 after u . s . employment data came in weaker than expected . -__label__2 , === houston re-signs vizcaino to one-year contract === , houston , tx ( sports network ) - the houston astros re-signed free agent infielder jose vizcaino to a one-year contract on friday . vizcaino appeared in 138 games for the astros in 2004 , his fourth season with -__label__4 , juniper takes a nip out of cisco ( businessweek online ) , businessweek online - had scott g . kriens stayed at stratacom inc . for a few more weeks in 1996 , he would have ended up working for fast-rising networking star cisco systems inc . , which bought stratacom that april . but rather than take a ride on the cisco rocketship , kriens left to run tiny juniper networks inc . now , kriens and juniper are the highfliers . over the past year , juniper has handed its silicon valley neighbor a string of defeats in the market for gear used to shuttle e-mail , videos , and internet phone calls between cities and continents . . . . -__label__4 , the space warrior , the witch and icann , leaders of the internet ' s controversial ruling body are getting a visit this week from a witch-in-training and a space warrior from centuries in the future . -__label__4 , lycos europe pauses anti-spam efforts , lycos europe #39 s controversial anti-spam efforts had a bumpy first week , with various availability problems , some of which may have been caused by the same spammers the site targeted with distributed denial of service ( ddos ) attacks . -__label__3 , eads offers to split u . s . tanker deal with boeing , european aeronautic defense and space co . , the parent of aircraft maker airbus sas , has proposed splitting a contested u . s . air force contract for refueling tankers with its rival boeing co . , the european group ' s u . s . office said friday . -__label__3 , needham downgrades apple on valuation , new york ( dow jones/ap ) -- apple computer inc . shares fell friday after needham amp co . downgraded the stock to hold #39 #39 from buy . -__label__2 , westwood up for challenge , the course is a back-breaking 7 , 800 yards long off the tips , the rough is up , it #39 s 100f out there , the greens are fast and firm and refusing to hold , and yesterday there was a tricky wind to contend with . -__label__4 , bush signs internet access tax ban , state and local governments will be barred from taxing connections that link people to the internet for the next three years under legislation signed friday by president bush . -__label__2 , titans ot munoz has surgery , knoxville , tn ( sports network ) - tennessee titans offensive tackle michael munoz underwent successful surgery friday on his injured right shoulder . -__label__2 , are gunners in crisis ? , gunners have won just one of their last six prem- iership games and could go out of the champions league if they fail to beat rosenborg on tuesday . -__label__4 , microsoft updates sql server 2005 , microsoft today announced the availability of the second community technology preview ( ctp ) for microsoft sql server 2005 and the technical preview availability of sql server 2005 express manager , a new , free database management tool . -__label__2 , ucla , notre dame win soccer matchups ( ap ) , ap - ucla soccer coach jillian ellis was happy to beat her best friend , princeton counterpart julie shackford . after all , a spot in the ncaa championship game was on the line . -__label__2 , boxing khan shows no rust to emerge lord of the ring , amir khan celebrated his first fight since winning the lightweight olympic silver medal in athens with a one-sided 35-13 points victory over american michael evans at liverpool olympia last night . -__label__2 , no . 19 kansas state pummels n . h . , 84-50 ( ap ) , ap - laurie koehn hit five 3-pointers and scored 19 points to lead no . 19 kansas state to a 84-50 victory over new hampshire friday in the first round of the wildcat classic . -__label__3 , ibm #39 to sell pc business #39 , ibm is reportedly in talks to sell its personal computer business . it would mark the end of an era for the company that brought the computer into the mainstream when it began selling its desktop pc to corporations and consumers in 1981 . -__label__3 , halifax first lender to predict house price fall , halifax yesterday became the the first major lender to predict widespread falls in house prices across britain next year . reporting that house prices fell again last month , britain #39 s biggest mortgage lender -__label__1 , cali cartel boss sent to u . s . on drug charges , bogota , colombia ( reuters ) - the former boss of the cali drug cartel , who once controlled most of the world ' s cocaine trade , was sent to the united states on friday to face trafficking and money laundering charges . -__label__1 , n . korea says met u . s . officials , no nuclear progress ( reuters ) , reuters - north korean and u . s . officials met this\week in new york but made no progress on restarting six-party\talks on the north ' s nuclear programs , a north korean foreign\ministry spokesman said on saturday . -__label__2 , bonds could have unknowingly taken steroids , oakland , california ( reuters ) - barry bonds took creams and oils that could have contained steroids , but did so unknowingly out of blind faith in his trainer and best friend , the baseball player ' s lawyer said on friday . -__label__2 , chiefs ' green expected to start sunday , kansas city , mo . , ( sports network ) - kansas city chiefs quarterback trent green is expected to start in sunday ' s game against the oakland raiders despite suffering from bruises to his ribs and hip . -__label__2 , meanwhile bud tells dc , a deal is a deal , two days after city officials gave preliminary approval to finance a ballpark for the nationals , major league baseball commissioner bud selig said he would not renegotiate part of the stadium agreement with the dc council . -__label__2 , guinn #39 s lack of fire does him in , amazing what a change of scenery will do . after moving training camps from houston to san antonio after a couple of lackluster performances , featherweight contender rocky -__label__1 , n . korea and u . s . met twice this week ( ap ) , ap - north korea on saturday said its u . n . diplomats met u . s . officials in new york twice in the past week but concluded that pyongyang should hold off on nuclear negotiations until the u . s . administration changes its hostile policy toward the country . -__label__1 , scarred beslan offers tsunami aid , the russian town of beslan - scene of a bloody school siege last year - pledges aid for tsunami victims . -__label__3 , ibm reported to be exiting pc business , ibm #39 s possible exit from the personal-computer business would be the latest move in what amounts to a long goodbye from a field it pioneered and revolutionized . -__label__2 , browns ' dawson got feet wet with vinatieri , the patriots ' adam vinatieri and cleveland ' s phil dawson formed a productive practice pair in 1998 . vinatieri scored a personal-high 127 points in ' 98 , his third nfl season , while dawson performed as a practice squad player . -__label__2 , hawks soar over blue stars , the division 4 super bowl last night featured two teams coming off 180-degree turnarounds . -__label__2 , cavanagh , crimson roll by union , tom cavanagh scored two goals , leading harvard to a 4-1 win over visiting union last night . -__label__1 , villagers flee clashes , huddle in forests , goma , congo -- thousands of civilians have fled their homes after clashes in the east of democratic republic of congo , the united nations said yesterday , although it was unclear who was behind the violence . -__label__2 , auburn is likely the odd team out , auburn has put together one of the greatest years in school history , claiming a spot in today #39 s southeastern conference title game against no . -__label__3 , germans plan mass welfare rallies , nationwide protests are set to take place in germany as cuts in unemployment benefit take effect . -__label__1 , accord on restoring rail link reached khokhrapar-monabao route , islamabad , dec 3 pakistan and india have agreed to an early resumption of rail link between khokhrapar and monabao suspended since the 1965 war . -__label__1 , ukraine ' s yanukovich to run again in repeat vote , kiev ( reuters ) - ukrainian prime minister viktor yanukovich said on saturday he would stand against opposition liberal viktor yushchenko again in a re-run of their contested presidential election and he defiantly vowed he would win . -__label__1 , zimbabwe will not invite imperialists to observe elections < b> . . . < /b> , harare - the zimbabwe government will not invite imperialist countries to observe its elections due to be held in march next year , a saturday newspaper quoted president robert mugabe as saying . -__label__2 , bonds distorts numbers and history , i find myself privately hoping that barry bonds gets nailed . is that bad ? is it un-american ? he #39 s still innocent , you know , although less innocent than he was a few days ago . -__label__4 , big television , remember neo #39 s dilemma in the matrix ? morpheus offers him two views of reality , extending a blue pill in his left hand and a red one in his right . -__label__1 , paisley talks to weapons chief , dup leader ian paisley has had further discussions with the head of the independent decommissioning body ( iicd ) on the issue of putting ira weapons beyond use . -__label__3 , stocks up in midst of mixed signs , stocks edged higher friday as another drop in oil prices helped wall street withstand the effects of a disappointing jobs creation report . -__label__2 , westwood closes in on first title of 2004 , briton lee westwood closed in on his first title of 2004 when he claimed the third-round lead in the sun city golf challenge on saturday . -__label__1 , israel says it would respond positively to truce , jerusalem ( reuters ) - israel termed as premature on tuesday an egyptian report that it had agreed in principle with the palestinians on proposals to end their conflict but said it would respond positively if militants ceased attacks . -__label__4 , sprint to spend #36 3 billion on network upgrades ( newsfactor ) , newsfactor - sprint ( nyse fon ) will spend us #36 3 billion over the next three years to upgrade its u . s . wireless network , including the development of high-speed internet services . -__label__4 , experts push for more computer security efforts , washington ( reuters ) - computer-security experts , including former government officials , urged the bush administration on tuesday to devote more effort to strengthening defenses against viruses , hackers and other online threats . -__label__3 , lenovo confirms acquisition talks , china #39 s largest manufacturer of personal computers lenovo group has confirmed it is in acquisition negotiations with a major information technology company , widely believed to be ibm . -__label__3 , vivendi , messier are fined \$1 . 35m each , french regulators fined vivendi universal sa and its former boss jean-marie messier nearly \$1 . 4 million each on tuesday for deceiving investors with a litany of inaccurate financial communications issued over a two-year period . -__label__2 , oxford 18 cambridge 11 , replacement winger ross lavery scored the decisive try just two minutes from time as oxford finally justified the favourites tag they had carried into each of the last three matches . -__label__4 , thunderbird email client goes gold , version 1 . 0 of the mozilla thunderbird email client is finally available for download , according to an announcement from the mozilla foundation . -__label__2 , sherman remains confident after packers #39 flop in philly , they were , in theory , the nfc #39 s second-best team . now they #39 re not and no one else is , either . the nfc has the philadelphia eagles at the top , the san francisco 49ers at the bottom and everyone else in the middle . -__label__4 , supreme court hears wine sales case , winemakers who want to ship directly to consumers across state lines got a sympathetic hearing at the supreme court today , as the justices heard oral arguments in a case that could have a dramatic effect on internet commerce and states ' power to regulate the alcohol trade . -__label__4 , partner free verisign ssl certificate , don ' t miss the opportunity ! obtain a free ssl trial id today . -__label__4 , shuttle to launch without repair kit ? , the caib report urged nasa to develop a way for astronauts during flight to inspect the orbiter and make emergency repairs to its insulation tiles and reinforced carbon-carbon panels . -__label__1 , us sends marines to philippines , the us is sending up to 600 marines and relief supplies to flood-ravaged areas of the philippines . -__label__1 , bbc ' must keep up ' , bbc boss mark thompson says the corporation must keep up with change , after announcing nearly 3 , 000 job cuts . -__label__2 , espn fantasy games , ok , fantasy basketball owners who selected jason kidd with the 11th pick on draft day , it #39 s time for you to get a little satisfaction . -__label__3 , colgate-palmolive announces job cuts , toothpaste maker colgate-palmolive said today it is cutting 4 , 400 jobs and closing a third of its 78 factories around the world . the group , which makes products such as colgate -__label__3 , allianz to fight us court ruling on wtc attacks , munich - german insurance concern allianz said on tuesday it would fight a us jury decision in new york which doubled the amount of insurance which the leaseholder of the destroyed world trade center towers could collect from nine insurance firms . -__label__2 , van nistelrooy misses united #39 s last group game in turkey , ruud van nistelrooy will miss manchester united #39 s last champions league group d game away to fenerbahce on wednesday because of a calf injury , the premier league club said . -__label__1 , court hears interstate wine sales case ( ap ) , ap - the supreme court considered tuesday whether state alcoholic beverage regulations put in place 70 years ago , after prohibition was lifted , should remain the law of the land in the internet age . -__label__3 , pixar delays its next film #39 cars #39 to 2006 , pixar animation studios will delay the release of its next film , quot cars , quot until june 2006 as it switches from a holiday release schedule to releasing films during the summer when more children are at home . -__label__3 , oil falls to 4-month low on signs of heating-oil supply rise , crude oil fell to the lowest in more than four months on speculation that warm weather and increased refinery production bolstered us heating-oil stockpiles last week . -__label__2 , real eager to silence doubting supporters , no spectators will be watching in the ground , but the eyes of europe will be trained on romes olympic stadium tonight as real madrid seek the win they probably need to avoid a humiliating , early exit from the champions league . -__label__2 , cavaliers defeat nets 103-97 ( ap ) , ap - lebron james scored 27 points and assisted on lucious harris ' clinching 3-pointer with 6 seconds left as the first-place cleveland cavaliers won their eighth straight at home , 103-97 over the new jersey nets on tuesday night . -__label__2 , zooks gets a five-year deal , champaign , ill . -- ron zook took over illinois #39 struggling football program tuesday , returning to his roots and promising to turn around a team that has sunk to the bottom of the big ten since winning a league title in 2001 . -__label__3 , coca-cola will not sell low-carb c2 in uk , coca-cola has decided not to sell its c2 brand in the uk , one of the company #39 s biggest markets , raising doubts about the future of the mid- calorie soft drink just six months after its launch in north america and japan . -__label__4 , it heavies launch quot megagrid quot project , san francisco -- four mainstream it companies are pooling resources to launch a standardized enterprise grid infrastructure based on their products . -__label__2 , red sox formula is a model for success , as the shuffling of players intensifies this off-season , some of the boston red sox ' pictures will come down . the champions will have to change . -__label__2 , arizona state 67 , no . 11 georgia 57 , kylan loney had five 3s among her 23 points , and arizona state used 24 turnovers by 11th-ranked georgia to win 67-57 tuesday night . -__label__1 , ukraine officials fail to vote on reforms ( ap ) , ap - lawmakers fought over and failed to pass legal reforms aimed at ensuring a fair rematch of ukraine ' s fraudulent presidential runoff , accusing each other tuesday of acting in bad faith as several thousand orange-clad protesters besieged parliament and chanted , parasites ! parasites ! -__label__2 , richardson keeps faith in himself , kieran richardson has banished any thought of leaving manchester united - either permanently or on loan . the 20-year-old londoner is expected to make his 20th senior appearance tonight as sir alex ferguson -__label__3 , bipartisan panel seeks greenhouse gas limits , a bipartisan commission that includes energy industry executives , environmentalists and academics will issue a report wednesday that calls on the nation to adopt mandatory limits on greenhouse gas emissions linked to global warming , set stricter fuel economy standards and promote nuclear power , renewable energy and oil exploration . -__label__2 , nowitzki , mavericks snap timberwolves #39 streak , dirk nowitzki scored 23 of his 34 points in the second half as the dallas mavericks snapped the minnesota timberwolves #39 five-game winning streak 97-87 . -__label__2 , cowboys own orange , stephen graham scores 16 points , including two late three-point plays , and no . 5 oklahoma state beat no . 4 syracuse , 74-60 . -__label__3 , japan narrowly escapes recession , new figures show japan ' s economy is barely staying out of recession with annual growth of just 0 . 2 in the third quarter . -__label__1 , pakistan tests ' nuclear ' missile , pakistan test-fires a short-range nuclear capable missile , the second in just over a week , officials say . -__label__4 , china ' s lenovo to buy ibm ' s pc business , tokyo - china ' s lenovo group ltd . signed a definitive agreement on wednesday to acquire ibm corp . ' s personal computing division . lenovo will pay us\$1 . 25 billion in cash for the business , which is expected to transform it into the world ' s number three pc maker , the companies announced . -__label__3 , ibm sells pc stake to china ' s lenovo , china ' s biggest computer maker , lenovo group , said today it has acquired a majority stake in international business machines corp . ' s personal computer business for \$1 . 25 billion , one of the biggest chinese overseas acquisitions ever . -__label__3 , automakers sue california over emissions , fresno , calif . -- automobile manufacturers sued on tuesday to block the world #39 s toughest vehicle emissions standards , adopted by california regulators in september to cut greenhouse gases . -__label__2 , oklahoma state #39 s seniors rope victory , syracuse coach jim boeheim , while watching tape of oklahoma state in preparation for their encounter at the jimmy v classic , said to himself , quot we might not even be able to play with this team . -__label__3 , panel u . s . must diversify oil supplies , washington ( reuters ) - the united states must diversify its global oil supplies , expand a world network of strategic petroleum reserves and raise fuel efficiency standards to ensure its energy security , a panel of experts will recommend on wednesday . -__label__2 , kobe talks , malone walks , there #39 s a new feud taking place in lakerland this week , only this time the verbal war of words is between newport beach neighbors karl malone and kobe bryant and the exchanges are -__label__1 , pakistan tests medium-range nuclear-capable missile ( reuters ) , reuters - pakistan test-fired on wednesday a\nuclear-capable , surface-to-surface ballistic missile , capable\of hitting targets deep inside arch-rival india . -__label__4 , millions to miss out on the net , around 40 of the uk will still be without internet access at home by 2025 , warns a study by telecoms giant bt . -__label__2 , players say zook is the coach they wanted ( ap ) , ap - after illinois fired football coach ron turner , some of the players he left behind started doing some research . they decided very quickly that ron zook would be a good fit for their team . -__label__1 , dutchman suspected of aiding saddam in war crimes is arrested , a man suspected of helping former iraqi leader saddam hussein commit war crimes and genocide by supplying him with materials for chemical weapons , has been arrested by the netherlands authorities . -__label__1 , ira says it reopened disarmament talks , belfast -- the irish republican army has reopened negotiations with northern ireland ' s disarmament chief , the outlawed group said yesterday , signaling its readiness to put more weapons out of commission for the first time in over a year . the move came ahead of the planned unveiling by the leaders of britain and ireland of a joint peace package that has taken . . . -__label__3 , ibm announces lenovo deal , ibm corp . is selling its personal computer business to china #39 s largest pc maker in a \$1 . 25 billion deal that marks the end of an era for the company that made quot pc quot a household word . -__label__1 , three iraqis killed in bomb attack on u . s . troops , samarra , iraq ( reuters ) - three iraqis were killed on wednesday when a suicide car bomber attacked a u . s . convoy in the northern city of samarra , a local police official said . -__label__1 , allies discuss early revival of 6-way talks , washington #39 s top nuclear negotiator arrived in seoul yesterday from china to brainstorm ways to jump-start the stalled six-nation disarmament talks on the north korean nuclear standoff . -__label__3 , wineries look to high court for change in shipping rules , a customer asked vintner leon santoro this week if he could ship a case of wine to the customer #39 s home in new york . not legally , replied santoro , general manager of orfila vineyards amp winery in escondido . -__label__4 , hawks evicted from new york city perch ( ap ) , ap - pale male the city hawk was evicted from his nest , and the flap has already begun . -__label__1 , france rules out troop reduction in afghanistan , kabul , dec 8 ( afp ) - nato-led troops in afghanistan will not scale back their presence before parliamentary elections in the war-torn country next spring , french junior foreign minister renaud muselier said wednesday . -__label__4 , sony taps nvidia for playstation 3 graphics , sony entertainment has chosen nvidia as the supplier for the powerful graphics chips required for sonys upcoming playstation 3 video game console . -__label__3 , mortgage applications rose last week , new york ( reuters ) - applications for u . s . home mortgages rose last week , as mortgage rates fell , an industry group said on wednesday . -__label__2 , update 1-australia survive nz flurry to square series , australia withstood a late flurry of exciting strokeplay from pace bowler kyle mills to beat new zealand by 17 runs in wednesday #39 s second limited-overs international to square their best-of-three series at 1-1 . -__label__4 , intel sheds light on 2005 desktop strategy , intel #39 s products for the digital home and digital office in 2005 will give consumers and it managers more capabilities than just raw performance , and the company plans to highlight those products as it did with its centrino mobile technology , intel -__label__4 , imagining an ipod challenger , new york - if ever there was a company that could challenge apple computer for the dominant position in the still-young digital music space , it should be sony . -__label__4 , project megagrid shows off business side of grid , hoping to prove that grid computing can work in the business world , dell , emc , intel and oracle have announced a joint effort designed to show business users how to use the distributed computing technology . -__label__3 , virgin dips its toe into the pacific , sir richard branson did not disappoint with his stunts yesterday , flying into sydney to promote his international airline virgin atlantic . -__label__1 , india , pakistan fail to agree on kashmir bus service , india and pakistan failed to agree wednesday on starting a bus service between the divided parts of kashmir . two days of talks between officials of the two countries on the -__label__3 , oil prices sink to a four-month low , london ( reuters ) - oil prices sank to a four-month low below \$41 for u . s . crude on wednesday after leading opec producer saudi arabia questioned the need for the cartel to curb supplies . -__label__1 , inquiry faults commanders in assaults on cadets , the pentagon inspector general found the root cause of sexual assault at the air force academy was its commanders ' failure to acknowledge the problem ' s severity . -__label__2 , usc #39 s orgeron shows interest in ole miss job , while the list has dwindled in the search to replace david cutcliffe as the ole miss football coach , one name has risen to the top . -__label__1 , putin doubts date of the elections , allawi confirms it will be < b> . . . < /b> , the russian president vladimir putin has expressed his doubt that the iraqi elections will be held at their due time . putin said during his meeting with the interim iraqi prime minister eyad allawi that he -__label__1 , justices hear cases on shipping wine ( usatoday . com ) , usatoday . com - states that block direct shipments of wine to consumers from out-of-state wineries faced skeptical comments from supreme court justices on tuesday . -__label__3 , nasd warns of risky home-equity investing , washington ( reuters ) - too many house-rich americans are borrowing money against their homes to play the stock market , brokerages regulator nasd warned on wednesday . -__label__1 , sudan to attract most icrc funds in 2005 , 30-percent drop in cash for iraq ( afp ) , afp - strife-torn sudan will become the largest focus of aid work for the international committee of the red cross in 2005 , while money earmarked for iraq will fall by almost one third , the agency said . -__label__4 , japan to resume space rocket launches ( ap ) , ap - a government panel wednesday approved plans to send a weather satellite into earth ' s orbit by february 2005 , in the first scheduled launch for japan ' s troubled space program since late last year , an official said . -__label__3 , farallon to sell \$16 . 3 million in stock , canadian mining firm farallon resources ltd . on wednesday said it agreed to privately sell about \$20 million canadian ( \$16 . 3 million ) worth of stock to accredited investors and company insiders . -__label__3 , deficits soil safe-haven image of us treasury debt , once a seemingly indestructible hiding hole for the frightened investor , some on wall street are beginning to question the super-safe status of us treasury debt . -__label__4 , it giants form grid computing alliance , oracle , dell , emc and intel have joined with other tech companies to create an industry standard for enterprise grid systems . quot project megagrid quot will help maximize the use of computing resources , according to the group . -__label__4 , tech firms , fbi to fight ' phishing ' scams together ( reuters ) , reuters - internet companies and\law-enforcement agencies said on wednesday they will work\together to track down online scam artists who pose as banks\and other legitimate businesses , a practice known as\phishing . -__label__1 , schwarzenegger vows to defend emissions law , toyota , general motors and seven other automakers filed suit to block california ' s new greenhouse gas regulation , which was approved by the state in september . -__label__3 , gannett needs ad pickup to hit target-cfo , new york ( reuters ) - newspaper publisher gannett co inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=gci . n target=/stocks/quickinfo/fullquote> gci . n< /a> will need to see advertising demand pick up for its fourth-quarter earnings to meet the consensus target of wall street analysts , its chief financial officer said on wednesday . -__label__4 , chicken genome should boost dna research , a red jungle fowl is seen in this undated handout photo . researchers have assembled the genome sequence of the red jungle fowl , the ancestor of all domestic chickens . -__label__1 , police , peddlers clash in venezuelan city ( ap ) , ap - police and national guard troops fired tear gas and plastic bullets at crowds of angry street vendors in venezuela ' s capital wednesday as officers tried to remove merchants from zones where they are barred from selling their wares . -__label__2 , nfl fines saints ' gleason #36 5 , 000 for punch ( ap ) , ap - steve gleason of the new orleans saints was fined #36 5 , 000 by the nfl on wednesday after being thrown out of last week ' s game with carolina for punching the panthers ' kemp rasmussen at the end of a kickoff return . -__label__2 , utah hires whittingham to replace meyer ( ap ) , ap - utah defensive coordinator kyle whittingham was hired as the school ' s football coach to replace urban meyer . -__label__2 , champion snaps chelsea #39 s streak porto power , russian oil billionaire roman abramovich suffered two rare defeats yesterday as reigning champions fc porto downed his chelsea side 2-1 ensuring it avoided the ignominy of becoming the first titleholders to exit in the first round . -__label__3 , virgin wishing for melbourne , sir richard said yesterday melbourne was on his wish list , with flights to london possibly through hong kong or bangkok . the british billionaire landed in sydney yesterday aboard virgin atlantic #39 s inaugural australian flight . -__label__3 , dreamworks moves shrek 3 to 2007 , dreamworks announced today that it has decided to move its release of shrek 3 from november 2006 to may , 2007 . quot we believe there are more than a half a dozen strong release windows available annually for our -__label__3 , courses to help teach you , san francisco ( cbs . mw ) -- shares of sirius satellite radio declined as much as 22 percent wednesday following two analyst downgrades . -__label__1 , un demands rwanda pull out military forces in drc , the un security council on tuesday condemned reported military actions by rwanda in the eastern democratic republic of congo ( drc ) and demanded the country immediately withdraw any troops it may have in the drc . -__label__4 , kazaa trial #39 expert #39 changed sides , p2pnet . net news - expert witness melbourne professor leon sterling , produced by big music in the kazaa civil trial currently unfolding in australia , apparently once offered to speak for kazaa owner sharman networks . -__label__1 , data revision shows japan ' s economy grew slightly in july-september ( canadian press ) , canadian press - tokyo ( ap ) - japan ' s economy barely grew during the quarter ending sept . 30 and in the april-june period it actually shrank instead of squeezing out slight growth , according to revised government data released wednesday . -__label__3 , alamosa to buy airgate for \$392 million , new york ( reuters ) - alamosa holdings inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=apcs . o target=/stocks/quickinfo/fullquote> apcs . o< /a> will acquire airgate pcs inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pcsa . o target=/stocks/quickinfo/fullquote> pcsa . o< /a> for \$392 million in stock creating the largest sprint corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=fon . n target=/stocks/quickinfo/fullquote> fon . n< /a> wireless affiliate , the companies said on wednesday . -__label__1 , amazon burning makes brazil a leading polluter , < p> < /p> < p> by axel bugge< /p> < p> brasilia , brazil ( reuters ) - burning of the amazon andother forests accounts for three quarters of brazil ' sgreenhouse gas emissions and has made the country one of theworld ' s leading polluters , a long-delayed government reportshowed on wednesday . < /p> -__label__2 , leinart , bush , white and peterson lead final 5 , four players whose teams are bound for the orange bowl dominate the heisman trophy finalist list , which was announced wednesday evening on sportscenter . -__label__3 , industrials lift stocks , the stock market opened higher today as industrials stocks mitigated the effects of a weaker resources sector . quot commodity prices are generally weaker on renewed speculation of weaker demand in china , quot wilson htm senior client adviser angus bligh said . -__label__1 , snow to stay on with bush , principi exits ( ap ) , ap - treasury secretary john snow , an aggressive champion of the administration ' s economic policies , accepted president bush ' s offer wednesday to remain in the cabinet . -__label__4 , siebel looks to midmarket to bolster revenues , crm software giant siebel systems said yesterday that it is launching a new program that will cater to small and midsize businesses in a bid to help it boost flat revenues . -__label__4 , nortel to file restated results next year , nortel networks said today that after months of trying to untangle faulty financial results , it won ' t file its 2003 and first-half 2004 results until early next year . -__label__3 , nortel to release delayed financial results , nortel networks said today that it will begin releasing restated and delayed financial results dating back to 2001 next week after a nine-month delay . -__label__2 , sandy alomar agrees to sign with rangers ( ap ) , ap - six-time all-star catcher sandy alomar jr . agreed wednesday to a #36 550 , 000 , one-year contract with the texas rangers to be a part-time player next season . -__label__2 , heisman horses come down to the wire , entering the final week for heisman trophy voters to make their decision , the race has turned out tighter than it was believed to be last week . -__label__3 , yukos echo in russian telco #39 s tax bill , alarm has spread through the russian investment community as authorities slapped a tax bill of almost \$us160 million ( \$210 million ) on the number two mobile operator , in what is widely seen as a government-linked campaign against the firm . -__label__3 , wine shipping case heard by supreme court , the us supreme court heard arguments tuesday in a case that could have a major impact on california #39 s wine industry . at issue is whether states can bar people from buying wine directly from out-of-state suppliers . -__label__1 , blair urged to launch iraq death toll probe , a group of former british diplomats , peers , scientists and church leaders will today urge tony blair to launch an inquiry into the death toll of the iraq war . +__label__3 , eu wants us to clear muddy waters in wto row , brussles - eu trade chief peter mandelson wants clarification of the us stance in threatened wto action over aid to airbus , his spokeswoman said friday after a us official indicated washington was delaying such action . +__label__3 , ibm quitting computer business , an era will come to an end when ibm sells off its computer manufacturing business , according to the new york times . a chinese company seems the likely buyer and the deal should fetch upward of \$2 billion . +__label__3 , airbus-boeing spat on hold , the united states and the european union called a temporary timeout yesterday in their dispute over government support for aviation rivals boeing and airbus . +__label__3 , two top nokia executives resign , helsinki nokia said the respected head of its networks unit had resigned and another top networks official left in the second major departure of top management in two weeks at the world #39 s largest mobile phone maker . +__label__3 , wal-mart brightens dec . sales forecast , new york ( reuters ) - wal-mart stores inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=wmt . n target=/stocks/quickinfo/fullquote> wmt . n< /a> , the world ' s biggest retailer , on monday brightened its outlook for december sales at u . s . stores open at least a year , seeing sales up 3 percent bolstered by post-christmas spending . +__label__1 , ethiopia agrees to demarcate most of border , addis ababa ( reuters ) - ethiopian prime minister meles zenawi said on friday demarcation of most of the country ' s 600 mile border with eritrea could begin immediately , raising hopes a long-simmering border dispute could be resolved . +__label__1 , former musician and hells member sentenced to 15 months for threatening judge ( canadian press ) , canadian press - trois-rivieres , que . ( cp ) - a former hells angels member who played trumpet with the quebec city orchestra was sentenced friday to 15 months in jail for uttering death threats against a judge . +__label__3 , nikkei up by midmorning intel update supports techs , tokyo ( cbs . mw ) - japanese stock indexes rose by midmorning friday as intel #39 s higher-than-expected sales forecast listed the japanese tech sector . +__label__1 , eu force takes over in bosnia , a european union force yesterday took over peacekeeping in bosnia from nato for an operation seen as a test of the eu #39 s military aspirations and credibility . +__label__1 , eta seals off madrid with 5 bombs , 2 police hurt ( reuters ) , reuters - the basque separatist group eta set off\five bombs at petrol stations around madrid on friday , putting\a stranglehold on the city at the start of a long holiday\weekend . +__label__1 , activist ' s daughter speaks against castro ( ap ) , ap - her political activist father is her hero and sayli navarro wants to follow in his footsteps #151 at any cost . the soft-spoken , articulate teenager was just 6 when her father went to prison the first time , for posting signs reading down with fidel . +__label__2 , lewis university put on probation ( ap ) , ap - lewis university of division ii was put on four years ' probation for an array of infractions that included its men ' s volleyball team , which won a national title last year the school has since forfeited . +__label__2 , conference fumbles top status , atlanta - tommy tuberville isn #39 t much into computers and formulas to determine who should play for college football #39 s national championship . +__label__2 , bode miller picks up fourth win of world cup season , bode miller won for the fourth time this season friday and daron rahlves was second -- the first 1-2 finish for us men in a world cup downhill . +__label__3 , bedding blip ? go back to sleep , this is getting old . every time hidden gems selection select comfort ( nasdaq scss ) gets settled in and ready for a long night #39 s rest full of dreams of two-times-in-three-years capital gains , along +__label__2 , miller takes fourth win in five races , beaver creek , colorado ( reuters ) - american bode miller won a men ' s world cup alpine skiing downhill on friday for his phenomenal fourth victory in five races . +__label__3 , euro surges to new high , the u . s . dollar fell to another new low against the euro friday , pushing the european currency higher than \$1 . 34 after u . s . employment data came in weaker than expected . +__label__2 , === houston re-signs vizcaino to one-year contract === , houston , tx ( sports network ) - the houston astros re-signed free agent infielder jose vizcaino to a one-year contract on friday . vizcaino appeared in 138 games for the astros in 2004 , his fourth season with +__label__4 , juniper takes a nip out of cisco ( businessweek online ) , businessweek online - had scott g . kriens stayed at stratacom inc . for a few more weeks in 1996 , he would have ended up working for fast-rising networking star cisco systems inc . , which bought stratacom that april . but rather than take a ride on the cisco rocketship , kriens left to run tiny juniper networks inc . now , kriens and juniper are the highfliers . over the past year , juniper has handed its silicon valley neighbor a string of defeats in the market for gear used to shuttle e-mail , videos , and internet phone calls between cities and continents . . . . +__label__4 , the space warrior , the witch and icann , leaders of the internet ' s controversial ruling body are getting a visit this week from a witch-in-training and a space warrior from centuries in the future . +__label__4 , lycos europe pauses anti-spam efforts , lycos europe #39 s controversial anti-spam efforts had a bumpy first week , with various availability problems , some of which may have been caused by the same spammers the site targeted with distributed denial of service ( ddos ) attacks . +__label__3 , eads offers to split u . s . tanker deal with boeing , european aeronautic defense and space co . , the parent of aircraft maker airbus sas , has proposed splitting a contested u . s . air force contract for refueling tankers with its rival boeing co . , the european group ' s u . s . office said friday . +__label__3 , needham downgrades apple on valuation , new york ( dow jones/ap ) -- apple computer inc . shares fell friday after needham amp co . downgraded the stock to hold #39 #39 from buy . +__label__2 , westwood up for challenge , the course is a back-breaking 7 , 800 yards long off the tips , the rough is up , it #39 s 100f out there , the greens are fast and firm and refusing to hold , and yesterday there was a tricky wind to contend with . +__label__4 , bush signs internet access tax ban , state and local governments will be barred from taxing connections that link people to the internet for the next three years under legislation signed friday by president bush . +__label__2 , titans ot munoz has surgery , knoxville , tn ( sports network ) - tennessee titans offensive tackle michael munoz underwent successful surgery friday on his injured right shoulder . +__label__2 , are gunners in crisis ? , gunners have won just one of their last six prem- iership games and could go out of the champions league if they fail to beat rosenborg on tuesday . +__label__4 , microsoft updates sql server 2005 , microsoft today announced the availability of the second community technology preview ( ctp ) for microsoft sql server 2005 and the technical preview availability of sql server 2005 express manager , a new , free database management tool . +__label__2 , ucla , notre dame win soccer matchups ( ap ) , ap - ucla soccer coach jillian ellis was happy to beat her best friend , princeton counterpart julie shackford . after all , a spot in the ncaa championship game was on the line . +__label__2 , boxing khan shows no rust to emerge lord of the ring , amir khan celebrated his first fight since winning the lightweight olympic silver medal in athens with a one-sided 35-13 points victory over american michael evans at liverpool olympia last night . +__label__2 , no . 19 kansas state pummels n . h . , 84-50 ( ap ) , ap - laurie koehn hit five 3-pointers and scored 19 points to lead no . 19 kansas state to a 84-50 victory over new hampshire friday in the first round of the wildcat classic . +__label__3 , ibm #39 to sell pc business #39 , ibm is reportedly in talks to sell its personal computer business . it would mark the end of an era for the company that brought the computer into the mainstream when it began selling its desktop pc to corporations and consumers in 1981 . +__label__3 , halifax first lender to predict house price fall , halifax yesterday became the the first major lender to predict widespread falls in house prices across britain next year . reporting that house prices fell again last month , britain #39 s biggest mortgage lender +__label__1 , cali cartel boss sent to u . s . on drug charges , bogota , colombia ( reuters ) - the former boss of the cali drug cartel , who once controlled most of the world ' s cocaine trade , was sent to the united states on friday to face trafficking and money laundering charges . +__label__1 , n . korea says met u . s . officials , no nuclear progress ( reuters ) , reuters - north korean and u . s . officials met this\week in new york but made no progress on restarting six-party\talks on the north ' s nuclear programs , a north korean foreign\ministry spokesman said on saturday . +__label__2 , bonds could have unknowingly taken steroids , oakland , california ( reuters ) - barry bonds took creams and oils that could have contained steroids , but did so unknowingly out of blind faith in his trainer and best friend , the baseball player ' s lawyer said on friday . +__label__2 , chiefs ' green expected to start sunday , kansas city , mo . , ( sports network ) - kansas city chiefs quarterback trent green is expected to start in sunday ' s game against the oakland raiders despite suffering from bruises to his ribs and hip . +__label__2 , meanwhile bud tells dc , a deal is a deal , two days after city officials gave preliminary approval to finance a ballpark for the nationals , major league baseball commissioner bud selig said he would not renegotiate part of the stadium agreement with the dc council . +__label__2 , guinn #39 s lack of fire does him in , amazing what a change of scenery will do . after moving training camps from houston to san antonio after a couple of lackluster performances , featherweight contender rocky +__label__1 , n . korea and u . s . met twice this week ( ap ) , ap - north korea on saturday said its u . n . diplomats met u . s . officials in new york twice in the past week but concluded that pyongyang should hold off on nuclear negotiations until the u . s . administration changes its hostile policy toward the country . +__label__1 , scarred beslan offers tsunami aid , the russian town of beslan - scene of a bloody school siege last year - pledges aid for tsunami victims . +__label__3 , ibm reported to be exiting pc business , ibm #39 s possible exit from the personal-computer business would be the latest move in what amounts to a long goodbye from a field it pioneered and revolutionized . +__label__2 , browns ' dawson got feet wet with vinatieri , the patriots ' adam vinatieri and cleveland ' s phil dawson formed a productive practice pair in 1998 . vinatieri scored a personal-high 127 points in ' 98 , his third nfl season , while dawson performed as a practice squad player . +__label__2 , hawks soar over blue stars , the division 4 super bowl last night featured two teams coming off 180-degree turnarounds . +__label__2 , cavanagh , crimson roll by union , tom cavanagh scored two goals , leading harvard to a 4-1 win over visiting union last night . +__label__1 , villagers flee clashes , huddle in forests , goma , congo -- thousands of civilians have fled their homes after clashes in the east of democratic republic of congo , the united nations said yesterday , although it was unclear who was behind the violence . +__label__2 , auburn is likely the odd team out , auburn has put together one of the greatest years in school history , claiming a spot in today #39 s southeastern conference title game against no . +__label__3 , germans plan mass welfare rallies , nationwide protests are set to take place in germany as cuts in unemployment benefit take effect . +__label__1 , accord on restoring rail link reached khokhrapar-monabao route , islamabad , dec 3 pakistan and india have agreed to an early resumption of rail link between khokhrapar and monabao suspended since the 1965 war . +__label__1 , ukraine ' s yanukovich to run again in repeat vote , kiev ( reuters ) - ukrainian prime minister viktor yanukovich said on saturday he would stand against opposition liberal viktor yushchenko again in a re-run of their contested presidential election and he defiantly vowed he would win . +__label__1 , zimbabwe will not invite imperialists to observe elections < b> . . . < /b> , harare - the zimbabwe government will not invite imperialist countries to observe its elections due to be held in march next year , a saturday newspaper quoted president robert mugabe as saying . +__label__2 , bonds distorts numbers and history , i find myself privately hoping that barry bonds gets nailed . is that bad ? is it un-american ? he #39 s still innocent , you know , although less innocent than he was a few days ago . +__label__4 , big television , remember neo #39 s dilemma in the matrix ? morpheus offers him two views of reality , extending a blue pill in his left hand and a red one in his right . +__label__1 , paisley talks to weapons chief , dup leader ian paisley has had further discussions with the head of the independent decommissioning body ( iicd ) on the issue of putting ira weapons beyond use . +__label__3 , stocks up in midst of mixed signs , stocks edged higher friday as another drop in oil prices helped wall street withstand the effects of a disappointing jobs creation report . +__label__2 , westwood closes in on first title of 2004 , briton lee westwood closed in on his first title of 2004 when he claimed the third-round lead in the sun city golf challenge on saturday . +__label__1 , israel says it would respond positively to truce , jerusalem ( reuters ) - israel termed as premature on tuesday an egyptian report that it had agreed in principle with the palestinians on proposals to end their conflict but said it would respond positively if militants ceased attacks . +__label__4 , sprint to spend #36 3 billion on network upgrades ( newsfactor ) , newsfactor - sprint ( nyse fon ) will spend us #36 3 billion over the next three years to upgrade its u . s . wireless network , including the development of high-speed internet services . +__label__4 , experts push for more computer security efforts , washington ( reuters ) - computer-security experts , including former government officials , urged the bush administration on tuesday to devote more effort to strengthening defenses against viruses , hackers and other online threats . +__label__3 , lenovo confirms acquisition talks , china #39 s largest manufacturer of personal computers lenovo group has confirmed it is in acquisition negotiations with a major information technology company , widely believed to be ibm . +__label__3 , vivendi , messier are fined \$1 . 35m each , french regulators fined vivendi universal sa and its former boss jean-marie messier nearly \$1 . 4 million each on tuesday for deceiving investors with a litany of inaccurate financial communications issued over a two-year period . +__label__2 , oxford 18 cambridge 11 , replacement winger ross lavery scored the decisive try just two minutes from time as oxford finally justified the favourites tag they had carried into each of the last three matches . +__label__4 , thunderbird email client goes gold , version 1 . 0 of the mozilla thunderbird email client is finally available for download , according to an announcement from the mozilla foundation . +__label__2 , sherman remains confident after packers #39 flop in philly , they were , in theory , the nfc #39 s second-best team . now they #39 re not and no one else is , either . the nfc has the philadelphia eagles at the top , the san francisco 49ers at the bottom and everyone else in the middle . +__label__4 , supreme court hears wine sales case , winemakers who want to ship directly to consumers across state lines got a sympathetic hearing at the supreme court today , as the justices heard oral arguments in a case that could have a dramatic effect on internet commerce and states ' power to regulate the alcohol trade . +__label__4 , partner free verisign ssl certificate , don ' t miss the opportunity ! obtain a free ssl trial id today . +__label__4 , shuttle to launch without repair kit ? , the caib report urged nasa to develop a way for astronauts during flight to inspect the orbiter and make emergency repairs to its insulation tiles and reinforced carbon-carbon panels . +__label__1 , us sends marines to philippines , the us is sending up to 600 marines and relief supplies to flood-ravaged areas of the philippines . +__label__1 , bbc ' must keep up ' , bbc boss mark thompson says the corporation must keep up with change , after announcing nearly 3 , 000 job cuts . +__label__2 , espn fantasy games , ok , fantasy basketball owners who selected jason kidd with the 11th pick on draft day , it #39 s time for you to get a little satisfaction . +__label__3 , colgate-palmolive announces job cuts , toothpaste maker colgate-palmolive said today it is cutting 4 , 400 jobs and closing a third of its 78 factories around the world . the group , which makes products such as colgate +__label__3 , allianz to fight us court ruling on wtc attacks , munich - german insurance concern allianz said on tuesday it would fight a us jury decision in new york which doubled the amount of insurance which the leaseholder of the destroyed world trade center towers could collect from nine insurance firms . +__label__2 , van nistelrooy misses united #39 s last group game in turkey , ruud van nistelrooy will miss manchester united #39 s last champions league group d game away to fenerbahce on wednesday because of a calf injury , the premier league club said . +__label__1 , court hears interstate wine sales case ( ap ) , ap - the supreme court considered tuesday whether state alcoholic beverage regulations put in place 70 years ago , after prohibition was lifted , should remain the law of the land in the internet age . +__label__3 , pixar delays its next film #39 cars #39 to 2006 , pixar animation studios will delay the release of its next film , quot cars , quot until june 2006 as it switches from a holiday release schedule to releasing films during the summer when more children are at home . +__label__3 , oil falls to 4-month low on signs of heating-oil supply rise , crude oil fell to the lowest in more than four months on speculation that warm weather and increased refinery production bolstered us heating-oil stockpiles last week . +__label__2 , real eager to silence doubting supporters , no spectators will be watching in the ground , but the eyes of europe will be trained on romes olympic stadium tonight as real madrid seek the win they probably need to avoid a humiliating , early exit from the champions league . +__label__2 , cavaliers defeat nets 103-97 ( ap ) , ap - lebron james scored 27 points and assisted on lucious harris ' clinching 3-pointer with 6 seconds left as the first-place cleveland cavaliers won their eighth straight at home , 103-97 over the new jersey nets on tuesday night . +__label__2 , zooks gets a five-year deal , champaign , ill . -- ron zook took over illinois #39 struggling football program tuesday , returning to his roots and promising to turn around a team that has sunk to the bottom of the big ten since winning a league title in 2001 . +__label__3 , coca-cola will not sell low-carb c2 in uk , coca-cola has decided not to sell its c2 brand in the uk , one of the company #39 s biggest markets , raising doubts about the future of the mid- calorie soft drink just six months after its launch in north america and japan . +__label__4 , it heavies launch quot megagrid quot project , san francisco -- four mainstream it companies are pooling resources to launch a standardized enterprise grid infrastructure based on their products . +__label__2 , red sox formula is a model for success , as the shuffling of players intensifies this off-season , some of the boston red sox ' pictures will come down . the champions will have to change . +__label__2 , arizona state 67 , no . 11 georgia 57 , kylan loney had five 3s among her 23 points , and arizona state used 24 turnovers by 11th-ranked georgia to win 67-57 tuesday night . +__label__1 , ukraine officials fail to vote on reforms ( ap ) , ap - lawmakers fought over and failed to pass legal reforms aimed at ensuring a fair rematch of ukraine ' s fraudulent presidential runoff , accusing each other tuesday of acting in bad faith as several thousand orange-clad protesters besieged parliament and chanted , parasites ! parasites ! +__label__2 , richardson keeps faith in himself , kieran richardson has banished any thought of leaving manchester united - either permanently or on loan . the 20-year-old londoner is expected to make his 20th senior appearance tonight as sir alex ferguson +__label__3 , bipartisan panel seeks greenhouse gas limits , a bipartisan commission that includes energy industry executives , environmentalists and academics will issue a report wednesday that calls on the nation to adopt mandatory limits on greenhouse gas emissions linked to global warming , set stricter fuel economy standards and promote nuclear power , renewable energy and oil exploration . +__label__2 , nowitzki , mavericks snap timberwolves #39 streak , dirk nowitzki scored 23 of his 34 points in the second half as the dallas mavericks snapped the minnesota timberwolves #39 five-game winning streak 97-87 . +__label__2 , cowboys own orange , stephen graham scores 16 points , including two late three-point plays , and no . 5 oklahoma state beat no . 4 syracuse , 74-60 . +__label__3 , japan narrowly escapes recession , new figures show japan ' s economy is barely staying out of recession with annual growth of just 0 . 2 in the third quarter . +__label__1 , pakistan tests ' nuclear ' missile , pakistan test-fires a short-range nuclear capable missile , the second in just over a week , officials say . +__label__4 , china ' s lenovo to buy ibm ' s pc business , tokyo - china ' s lenovo group ltd . signed a definitive agreement on wednesday to acquire ibm corp . ' s personal computing division . lenovo will pay us\$1 . 25 billion in cash for the business , which is expected to transform it into the world ' s number three pc maker , the companies announced . +__label__3 , ibm sells pc stake to china ' s lenovo , china ' s biggest computer maker , lenovo group , said today it has acquired a majority stake in international business machines corp . ' s personal computer business for \$1 . 25 billion , one of the biggest chinese overseas acquisitions ever . +__label__3 , automakers sue california over emissions , fresno , calif . -- automobile manufacturers sued on tuesday to block the world #39 s toughest vehicle emissions standards , adopted by california regulators in september to cut greenhouse gases . +__label__2 , oklahoma state #39 s seniors rope victory , syracuse coach jim boeheim , while watching tape of oklahoma state in preparation for their encounter at the jimmy v classic , said to himself , quot we might not even be able to play with this team . +__label__3 , panel u . s . must diversify oil supplies , washington ( reuters ) - the united states must diversify its global oil supplies , expand a world network of strategic petroleum reserves and raise fuel efficiency standards to ensure its energy security , a panel of experts will recommend on wednesday . +__label__2 , kobe talks , malone walks , there #39 s a new feud taking place in lakerland this week , only this time the verbal war of words is between newport beach neighbors karl malone and kobe bryant and the exchanges are +__label__1 , pakistan tests medium-range nuclear-capable missile ( reuters ) , reuters - pakistan test-fired on wednesday a\nuclear-capable , surface-to-surface ballistic missile , capable\of hitting targets deep inside arch-rival india . +__label__4 , millions to miss out on the net , around 40 of the uk will still be without internet access at home by 2025 , warns a study by telecoms giant bt . +__label__2 , players say zook is the coach they wanted ( ap ) , ap - after illinois fired football coach ron turner , some of the players he left behind started doing some research . they decided very quickly that ron zook would be a good fit for their team . +__label__1 , dutchman suspected of aiding saddam in war crimes is arrested , a man suspected of helping former iraqi leader saddam hussein commit war crimes and genocide by supplying him with materials for chemical weapons , has been arrested by the netherlands authorities . +__label__1 , ira says it reopened disarmament talks , belfast -- the irish republican army has reopened negotiations with northern ireland ' s disarmament chief , the outlawed group said yesterday , signaling its readiness to put more weapons out of commission for the first time in over a year . the move came ahead of the planned unveiling by the leaders of britain and ireland of a joint peace package that has taken . . . +__label__3 , ibm announces lenovo deal , ibm corp . is selling its personal computer business to china #39 s largest pc maker in a \$1 . 25 billion deal that marks the end of an era for the company that made quot pc quot a household word . +__label__1 , three iraqis killed in bomb attack on u . s . troops , samarra , iraq ( reuters ) - three iraqis were killed on wednesday when a suicide car bomber attacked a u . s . convoy in the northern city of samarra , a local police official said . +__label__1 , allies discuss early revival of 6-way talks , washington #39 s top nuclear negotiator arrived in seoul yesterday from china to brainstorm ways to jump-start the stalled six-nation disarmament talks on the north korean nuclear standoff . +__label__3 , wineries look to high court for change in shipping rules , a customer asked vintner leon santoro this week if he could ship a case of wine to the customer #39 s home in new york . not legally , replied santoro , general manager of orfila vineyards amp winery in escondido . +__label__4 , hawks evicted from new york city perch ( ap ) , ap - pale male the city hawk was evicted from his nest , and the flap has already begun . +__label__1 , france rules out troop reduction in afghanistan , kabul , dec 8 ( afp ) - nato-led troops in afghanistan will not scale back their presence before parliamentary elections in the war-torn country next spring , french junior foreign minister renaud muselier said wednesday . +__label__4 , sony taps nvidia for playstation 3 graphics , sony entertainment has chosen nvidia as the supplier for the powerful graphics chips required for sonys upcoming playstation 3 video game console . +__label__3 , mortgage applications rose last week , new york ( reuters ) - applications for u . s . home mortgages rose last week , as mortgage rates fell , an industry group said on wednesday . +__label__2 , update 1-australia survive nz flurry to square series , australia withstood a late flurry of exciting strokeplay from pace bowler kyle mills to beat new zealand by 17 runs in wednesday #39 s second limited-overs international to square their best-of-three series at 1-1 . +__label__4 , intel sheds light on 2005 desktop strategy , intel #39 s products for the digital home and digital office in 2005 will give consumers and it managers more capabilities than just raw performance , and the company plans to highlight those products as it did with its centrino mobile technology , intel +__label__4 , imagining an ipod challenger , new york - if ever there was a company that could challenge apple computer for the dominant position in the still-young digital music space , it should be sony . +__label__4 , project megagrid shows off business side of grid , hoping to prove that grid computing can work in the business world , dell , emc , intel and oracle have announced a joint effort designed to show business users how to use the distributed computing technology . +__label__3 , virgin dips its toe into the pacific , sir richard branson did not disappoint with his stunts yesterday , flying into sydney to promote his international airline virgin atlantic . +__label__1 , india , pakistan fail to agree on kashmir bus service , india and pakistan failed to agree wednesday on starting a bus service between the divided parts of kashmir . two days of talks between officials of the two countries on the +__label__3 , oil prices sink to a four-month low , london ( reuters ) - oil prices sank to a four-month low below \$41 for u . s . crude on wednesday after leading opec producer saudi arabia questioned the need for the cartel to curb supplies . +__label__1 , inquiry faults commanders in assaults on cadets , the pentagon inspector general found the root cause of sexual assault at the air force academy was its commanders ' failure to acknowledge the problem ' s severity . +__label__2 , usc #39 s orgeron shows interest in ole miss job , while the list has dwindled in the search to replace david cutcliffe as the ole miss football coach , one name has risen to the top . +__label__1 , putin doubts date of the elections , allawi confirms it will be < b> . . . < /b> , the russian president vladimir putin has expressed his doubt that the iraqi elections will be held at their due time . putin said during his meeting with the interim iraqi prime minister eyad allawi that he +__label__1 , justices hear cases on shipping wine ( usatoday . com ) , usatoday . com - states that block direct shipments of wine to consumers from out-of-state wineries faced skeptical comments from supreme court justices on tuesday . +__label__3 , nasd warns of risky home-equity investing , washington ( reuters ) - too many house-rich americans are borrowing money against their homes to play the stock market , brokerages regulator nasd warned on wednesday . +__label__1 , sudan to attract most icrc funds in 2005 , 30-percent drop in cash for iraq ( afp ) , afp - strife-torn sudan will become the largest focus of aid work for the international committee of the red cross in 2005 , while money earmarked for iraq will fall by almost one third , the agency said . +__label__4 , japan to resume space rocket launches ( ap ) , ap - a government panel wednesday approved plans to send a weather satellite into earth ' s orbit by february 2005 , in the first scheduled launch for japan ' s troubled space program since late last year , an official said . +__label__3 , farallon to sell \$16 . 3 million in stock , canadian mining firm farallon resources ltd . on wednesday said it agreed to privately sell about \$20 million canadian ( \$16 . 3 million ) worth of stock to accredited investors and company insiders . +__label__3 , deficits soil safe-haven image of us treasury debt , once a seemingly indestructible hiding hole for the frightened investor , some on wall street are beginning to question the super-safe status of us treasury debt . +__label__4 , it giants form grid computing alliance , oracle , dell , emc and intel have joined with other tech companies to create an industry standard for enterprise grid systems . quot project megagrid quot will help maximize the use of computing resources , according to the group . +__label__4 , tech firms , fbi to fight ' phishing ' scams together ( reuters ) , reuters - internet companies and\law-enforcement agencies said on wednesday they will work\together to track down online scam artists who pose as banks\and other legitimate businesses , a practice known as\phishing . +__label__1 , schwarzenegger vows to defend emissions law , toyota , general motors and seven other automakers filed suit to block california ' s new greenhouse gas regulation , which was approved by the state in september . +__label__3 , gannett needs ad pickup to hit target-cfo , new york ( reuters ) - newspaper publisher gannett co inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=gci . n target=/stocks/quickinfo/fullquote> gci . n< /a> will need to see advertising demand pick up for its fourth-quarter earnings to meet the consensus target of wall street analysts , its chief financial officer said on wednesday . +__label__4 , chicken genome should boost dna research , a red jungle fowl is seen in this undated handout photo . researchers have assembled the genome sequence of the red jungle fowl , the ancestor of all domestic chickens . +__label__1 , police , peddlers clash in venezuelan city ( ap ) , ap - police and national guard troops fired tear gas and plastic bullets at crowds of angry street vendors in venezuela ' s capital wednesday as officers tried to remove merchants from zones where they are barred from selling their wares . +__label__2 , nfl fines saints ' gleason #36 5 , 000 for punch ( ap ) , ap - steve gleason of the new orleans saints was fined #36 5 , 000 by the nfl on wednesday after being thrown out of last week ' s game with carolina for punching the panthers ' kemp rasmussen at the end of a kickoff return . +__label__2 , utah hires whittingham to replace meyer ( ap ) , ap - utah defensive coordinator kyle whittingham was hired as the school ' s football coach to replace urban meyer . +__label__2 , champion snaps chelsea #39 s streak porto power , russian oil billionaire roman abramovich suffered two rare defeats yesterday as reigning champions fc porto downed his chelsea side 2-1 ensuring it avoided the ignominy of becoming the first titleholders to exit in the first round . +__label__3 , virgin wishing for melbourne , sir richard said yesterday melbourne was on his wish list , with flights to london possibly through hong kong or bangkok . the british billionaire landed in sydney yesterday aboard virgin atlantic #39 s inaugural australian flight . +__label__3 , dreamworks moves shrek 3 to 2007 , dreamworks announced today that it has decided to move its release of shrek 3 from november 2006 to may , 2007 . quot we believe there are more than a half a dozen strong release windows available annually for our +__label__3 , courses to help teach you , san francisco ( cbs . mw ) -- shares of sirius satellite radio declined as much as 22 percent wednesday following two analyst downgrades . +__label__1 , un demands rwanda pull out military forces in drc , the un security council on tuesday condemned reported military actions by rwanda in the eastern democratic republic of congo ( drc ) and demanded the country immediately withdraw any troops it may have in the drc . +__label__4 , kazaa trial #39 expert #39 changed sides , p2pnet . net news - expert witness melbourne professor leon sterling , produced by big music in the kazaa civil trial currently unfolding in australia , apparently once offered to speak for kazaa owner sharman networks . +__label__1 , data revision shows japan ' s economy grew slightly in july-september ( canadian press ) , canadian press - tokyo ( ap ) - japan ' s economy barely grew during the quarter ending sept . 30 and in the april-june period it actually shrank instead of squeezing out slight growth , according to revised government data released wednesday . +__label__3 , alamosa to buy airgate for \$392 million , new york ( reuters ) - alamosa holdings inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=apcs . o target=/stocks/quickinfo/fullquote> apcs . o< /a> will acquire airgate pcs inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pcsa . o target=/stocks/quickinfo/fullquote> pcsa . o< /a> for \$392 million in stock creating the largest sprint corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=fon . n target=/stocks/quickinfo/fullquote> fon . n< /a> wireless affiliate , the companies said on wednesday . +__label__1 , amazon burning makes brazil a leading polluter , < p> < /p> < p> by axel bugge< /p> < p> brasilia , brazil ( reuters ) - burning of the amazon andother forests accounts for three quarters of brazil ' sgreenhouse gas emissions and has made the country one of theworld ' s leading polluters , a long-delayed government reportshowed on wednesday . < /p> +__label__2 , leinart , bush , white and peterson lead final 5 , four players whose teams are bound for the orange bowl dominate the heisman trophy finalist list , which was announced wednesday evening on sportscenter . +__label__3 , industrials lift stocks , the stock market opened higher today as industrials stocks mitigated the effects of a weaker resources sector . quot commodity prices are generally weaker on renewed speculation of weaker demand in china , quot wilson htm senior client adviser angus bligh said . +__label__1 , snow to stay on with bush , principi exits ( ap ) , ap - treasury secretary john snow , an aggressive champion of the administration ' s economic policies , accepted president bush ' s offer wednesday to remain in the cabinet . +__label__4 , siebel looks to midmarket to bolster revenues , crm software giant siebel systems said yesterday that it is launching a new program that will cater to small and midsize businesses in a bid to help it boost flat revenues . +__label__4 , nortel to file restated results next year , nortel networks said today that after months of trying to untangle faulty financial results , it won ' t file its 2003 and first-half 2004 results until early next year . +__label__3 , nortel to release delayed financial results , nortel networks said today that it will begin releasing restated and delayed financial results dating back to 2001 next week after a nine-month delay . +__label__2 , sandy alomar agrees to sign with rangers ( ap ) , ap - six-time all-star catcher sandy alomar jr . agreed wednesday to a #36 550 , 000 , one-year contract with the texas rangers to be a part-time player next season . +__label__2 , heisman horses come down to the wire , entering the final week for heisman trophy voters to make their decision , the race has turned out tighter than it was believed to be last week . +__label__3 , yukos echo in russian telco #39 s tax bill , alarm has spread through the russian investment community as authorities slapped a tax bill of almost \$us160 million ( \$210 million ) on the number two mobile operator , in what is widely seen as a government-linked campaign against the firm . +__label__3 , wine shipping case heard by supreme court , the us supreme court heard arguments tuesday in a case that could have a major impact on california #39 s wine industry . at issue is whether states can bar people from buying wine directly from out-of-state suppliers . +__label__1 , blair urged to launch iraq death toll probe , a group of former british diplomats , peers , scientists and church leaders will today urge tony blair to launch an inquiry into the death toll of the iraq war . __label__4 , palm os for linux ? , \\today was a strange day for the palm os community \\palmsource also plans to implement palm os on top of linux , bringing the\benefits of palm os to the linux community , including the award winning user\interface , software frameworks based on the best of palm os and beos , a large\base of professional and consumer applications , and an enthusiastic community\of more than 25 million users and over 360 , 000 registered\developers . palmsource intends to work as a partner within the linux community\to help linux grow rapidly in the consumer and enterprise mobile markets . \\this is a great decision ! a bit to late but not much so . when sharp released\the zaurus into the us market there was a lot o . . . \\ __label__4 , ellison censorship ain ' t my problem , when it comes to touting his company ' s software , oracle ceo larry ellison is never one to mince words . but when it ' s the principle of free speech versus the almighty dollar , the bad boy of silicon valley is a veritable shrinking violet . missing links -__label__3 , company trademark rights limited by us high court ( update1 ) , the us supreme court limited the scope of federal trademark protection , saying rival companies in some cases can use proprietary terms even when customers might be confused . -__label__4 , human error at eds to blame for uk outage , electronic data systems has admitted that an error by one of its computer operators during a microsoft windows upgrade caused 40 , 000 pcs at the united kingdom #39 s department of work and pensions to crash last month . -__label__4 , linux groups patch image flaw , com december 8 , 2004 , 2 48 pm pt . several flaws in common linux code used to process graphics in the gnome desktop environment could allow an attacker to compromise a computer that -__label__4 , congress passes bill allowing space tours ( ap ) , ap - outer space could become the final frontier of tourism under legislation passed wednesday by the senate to regulate commercial human spaceflight . -__label__3 , dollar extends recovery against euro , yen , the dollar rebounded for a second session on thursday as traders and investors took profits on bets against the us currency before the year draws to a close . -__label__2 , prosecutor brings charges against former neighbor in nba brawl , pontiac , mich . the man accused of starting the brawl at a detroit pistons game last month is no stranger to the man who #39 s filing the charges against him . -__label__2 , florida linebacker charles charged ( ap ) , ap - florida linebacker taurean charles was charged with aggravated battery and culpable negligence-infliction of injury wednesday from a fight at an off-campus party in june . -__label__3 , get real ? , this time last week , first lady laura bush was having what she might call her christmas tree day . first , she showed off the decorated executive mansion to reporters and then joined her husband -__label__2 , benitez praises gerrard #39 s role , rafael benitez praised the captain #39 s performance of steven gerrard after his dramatic late goal earned liverpool a place in the last 16 of the champions league on wednesday . -__label__2 , bulls stomp cavaliers , eddy curry scores 20 points and rookie ben gordon adds 21 to lead chicago to a rare 113-85 lopsided win over cleveland on wednesday . -__label__2 , australian open exec says clijsters out ( ap ) , ap - former world no . 1 kim clijsters is not expected to play in the first grand slam of next year while she continues to recover from an injury to her left wrist . -__label__2 , leiter returns as pavano prepares to go , al leiter is returning to the marlins , but carl pavano appears to be a goner . leiter , a left-hander who threw the franchise #39 s first no-hitter in 1996 and helped the team win its first world series in 1997 , signed a one-year \$8 million contract wednesday . -__label__3 , ellison data hubs could #39 ve prevented 9/11 , san francisco -- oracle ceo larry ellison is convinced that had the intelligence community used a unified database from oracle , the terrorist attacks on 9/11 would never have happened . -__label__4 , minn . test drives new license technology ( ap ) , ap - minnesota next week will begin issuing a first-of-its-kind driver ' s license designed to thwart counterfeiters #151 an issue that has taken on greater urgency since the sept . 11 attacks . -__label__4 , disney takes sides in battle for next generation dvd ( afp ) , afp - hollywood movie powerhouse walt disney has taken sides with japan ' s sony corp . in a bitter battle between studios to define a technical standard for next generation dvds , it said . -__label__2 , wisdom was main course , waltham -- he is an 87-year-old man with a cane and a cigar , and the clout of a king . -__label__1 , english ' world language ' forecast , a third of people on the planet will be learning english in the next decade , \says a report . -__label__1 , amputation rate for us troops twice that of past wars , us troops injured in iraq have required limb amputations at twice the rate of past wars , and as many as 20 percent have suffered head and neck injuries that may require a lifetime of care , according to new data giving the clearest picture yet of the severity of battlefield wounds . -__label__2 , leverksuen see off kiev , leverkusen - bayer leverkusen maintained their 100 home record in this season #39 s champions league defeating dynamo kiev 3-0 here on wednesday to book their place in the last sixteen of the competition . -__label__3 , salvation army bell ringers booted from target stores , target stores have a simple message for eager shoppers this holiday season quot get giving #39 roughly translated , buy stuff . the national retail chain also has a simple -__label__1 , barghouti won #39 t stand if abbas meets terms , jailed tanzim leader marwan barghouti is expected to withdraw from the race for leadership of the palestinian authority in the coming days , say senior fatah sources , if his political demands are met by his election rival , former prime minister mahmoud -__label__1 , one billion #39 denied a childhood #39 , more than one billion children around the world face a brutal existence because of poverty , war and aids , the un children #39 s agency reports . -__label__4 , top cyber news 12/9 , it #39 s a clash between the film industry and a consumer electronics company over a home theater jukebox . the legal battle is over something called the kaleidescape system . -__label__1 , ira willing to disarm by month #39 s end , the irish republican army abandoned its longtime opposition to disarmament on thursday , pledging to get rid of its weapons by the end of the month . -__label__1 , wreckage of navy helicopter found , the wreckage of a royal navy helicopter , which disappeared with four crew members on board , has been found off the coast of cornwall , the ministry of defence says . -__label__3 , jobless claims rise unexpectedly , washington ( reuters ) - the number of americans filing initial claims for jobless pay grew unexpectedly last week to 357 , 000 , labor department data showed on thursday , but an official said an increase in the week after a public holiday was typical . -__label__4 , study return of wolves changes ecosystem ( ap ) , ap - scientists studying the broader effects of wolf reintroduction said a growing body of evidence suggests that killing off predators such as wolves and grizzly bears in the last century started a cascade of effects that threw ecosystems out of balance . -__label__3 , shares surge to all-time high as results exceed forecasts , new york ( cbs . mw ) -- toll brothers reported fiscal fourth-quarter earnings that nearly doubled over year-earlier results as demand continued to outstrip supply in the homebuilder #39 s affluent markets . -__label__1 , six iraqi national guards , 10 civilians wounded in mosul attacks , mosul , iraq , dec 9 ( afp ) - six iraqi national guardsmen and 10 civilians were wounded in two bomb attacks in the northern city of mosul on thursday , police said . -__label__3 , without batting an eyelash a very french welcome for a new < b> . . . < /b> , that night , it seemed as if three or four parties were going on at once in cosmo manille . wrong , palanggas . actually , there were five in makati alone , and one of them had a stream of traffic -__label__4 , large gambian rats worry fla . officials ( ap ) , ap - the florida keys , already dealing with invasive exotics from melaleuca to iguanas , have added another to the list of unwanted newcomers the african gambian pouch rat . -__label__1 , u . s . alone among allies in centralizing spy powers , berlin ( reuters ) - by creating a new , all-powerful director of national intelligence , the united states departs radically from the practice in most of its western allies where spymasters shun the public gaze and work by committee . -__label__3 , baxter ends flu vaccine trial cites side effects , baxter international inc . on thursday said it halted a late-stage european trial of a flu vaccine because of higher-than-expected rates of fever and other symptoms . -__label__1 , europe to send more troops to iraq , us appeals to european nations to boost nato missions in iraq and afghanistan have been a success , with the alliance announcing a small expansion of its fledgling military training facility in baghdad . -__label__4 , fake lycos screensaver hides a keylogger , lycos made headlines during the past several days by distributing a screensaver designed to swamp the sites of those deemed responsible for spam with traffic , in effect giving spammers , at least the companies that bankroll them , a taste of their own -__label__4 , mobile phone sales to beat fixed lines in 2004 report ( afp ) , afp - mobile phones are expected to generate more money this year than traditional fixed-line services for the first time due to surging demand in developing countries such as china , india and russia , an annual industry report said . -__label__1 , court overturns nigerian woman ' s stoning sentence ( reuters ) , reuters - a young nigerian mother\sentenced to death by stoning for having sex outside marriage\was acquitted and discharged by an islamic appeals court on\thursday . -__label__4 , ex-u . s . cyber security chief sees curb on phishing , < p> \< /p> < p> by lisa baertlein< /p> < p> san francisco ( reuters ) - a former white house web security\chief predicted on wednesday that technology companies and law\enforcers could soon stamp out most internet phishing scams\that aim to trick people into giving away personal and\financial information . < /p> -__label__3 , dollar rises on the interest rate plays , new york ( reuters ) - the dollar rose on thursday as traders , short of dollars after relentlessly selling them for weeks , looked to the growing yield advantage of u . s . assets as a reason to buy back the currency before the end of the year . -__label__4 , google founders interviewed by barbara walters , google founders interviewed by barbara walters\\google ' s founders , larry page and sergey brin , were interviewed last night by barbara walters on abc ' s 20/20 10 most fascinating people . andy beal who doesn ' t seem to be too fond of barbara wawa pointed this out on his searchenginelowdown blog . i was too busy eating . . . -__label__1 , #39 miracle in mud #39 as four pulled alive from philippine disaster , real , philippines ( afp ) - philippine rescuers were frantically digging for more survivors after four people , including a toddler , were pulled alive from a building crushed by a landslide 11 days ago . -__label__3 , treasuries drop , foreigners shun 10-year , new york ( reuters ) - u . s . treasury prices extended early losses on thursday after private and foreign investors showed little interest in a sale of reopened debt . -__label__3 , general motors europe axes 12 , 000 jobs , general motors europe ( gm . n quote , profile , research ) will chop 12 , 000 jobs over two years -- around a fifth of its workforce -- to lop -__label__4 , video games used to relax kids in hospital ( ap ) , ap - letting children play video games on a game boy in the operating room before undergoing surgery can help relax them better than tranquilizers or holding mommy ' s hand , researchers say . -__label__3 , america west pulls from race for ata , america west holdings corp . , parent of america west airlines inc . , on thursday said it does not plan to submit a bid to acquire bankrupt ata holdings corp . -__label__3 , nextel and sprint in talks on possible merger , nextel and sprint are in talks that could lead to a merger between the two mobile phone operators , sources close to the discussions said on thursday . -__label__2 , berra says he wouldn ' t take giambi back ( ap ) , ap - while manager joe torre repeatedly dodged questions thursday on whether he thinks jason giambi will return to the new york yankees , hall of famer yogi berra readily voiced his opinion . -__label__4 , palmsource promises linux os , palmsource today promised a linux version of its operating system , together with a cut-down offering for use in budget mobiles , after buying mobile phone developer china mobilesoft . -__label__4 , ec presses for safer internet , the eu telecommunications council today today launched safer internet plus , a scheme to help parents and teachers control what children view online . -__label__3 , america west will not bid for ata , chicago ( reuters ) - america west holdings corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=awa . n target=/stocks/quickinfo/fullquote> awa . n< /a> on thursday said it would not bid for assets of bankrupt carrier ata airlines , saying the value does not justify the cost . -__label__3 , amazon #39 s uk dvd rentals might presage war with netflix , analysts said amazon #39 s launch of the dvd rental service in the uk might be to test its approach and streamline the logistically difficult process of handling dvds through the mail . -__label__4 , scientists study clues to forecasting california quakes , two researchers say they #39 ve discovered a pattern of tremors deep beneath the san andreas fault that someday may yield clues into unlocking the mysteries of california earthquakes . -__label__1 , envoy fears darfur talks failure , key talks between the government of sudan and rebels in the troubled darfur region tomorrow could fail because of a new surge of violence , the un #39 s envoy to the country said . -__label__4 , palmsource embraces linux with china mobilesoft acquisition ( newsfactor ) , newsfactor - mobile software provider palmsource is leaping into a market with a\potentially huge upside with the acquisition of china mobilesoft ( cms ) , \and at the same time is giving a big boost to the open source developer\commmunity . -__label__4 , t-mobile usa sees high-speed network 2 years off , new york ( reuters ) - t-mobile usa , the u . s . wireless unit of deutsche telekom ag < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=dtegn . de qtype=sym infotype=info qcat=news> dtegn . de< /a> , does not expect to offer broadband mobile data services for at least the next two years , its chief executive said on thursday . -__label__3 , federal report sees crude oil staying high , while the recent flurry of record oil prices may be temporary , government analysts said thursday that \$30-a-barrel oil should be expected for decades to come . -__label__3 , america west backs away from ata bid , america west airlines backed away thursday from a potential bidding war for bankrupt ata airlines , paving the way for airtran to take over ata operations . -__label__1 , blast targets baghdad checkpoint near allawi hq ( reuters ) , reuters - a car bomb that exploded near the\headquarters of iraqi prime minister iyad allawi ' s party in\western baghdad on monday targeted a police checkpoint at the\entrance to the road leading to the building , witnesses said . -__label__4 , summary box breast cancer surgery refined ( ap ) , ap - new approach a study says that removing just one to three key lymph nodes can spare women lifelong arm problems and reliably indicate whether breast cancer has spread . -__label__4 , study wild monkeys resort to use of tools ( ap ) , ap - wild south american monkeys routinely use fist-sized rocks to crack open seeds and to dig in dry brazilian soil for grubs and edible tubers , researchers report in the journal science . -__label__3 , opel to cut payroll by 9 , 500 , opel gets by without layoffs . readers taking in these and similar headlines earlier this week were well advised to read the fine print . -__label__4 , injection flaw found in browsers , danish security research firm secunia has reported a vulnerability that occurs in most browsers that can be exploited by hackers looking to spoof the content of web sites . -__label__1 , indian parties among most corrupt in world , washington india is among the five countries in the world where political parties are seen by the general public as the most corrupt , according to a survey released by the transparency international ( ti ) . -__label__2 , montgomerie , woods , furyk tied at target ( ap ) , ap - colin montgomerie was thrilled to get an invitation from tiger woods to play in his year-end tournament with 15 of the best players in golf . even better was matching woods ' score . -__label__1 , prime minister says australia faces tough economic year in 2005 ( afp ) , afp - prime minister john howard warned that australia ' s strong dollar , high world oil prices and the lingering effects of prolonged drought would dampen the country ' s long-buoyant economy in 2005 . -__label__2 , knee injury sidelines chiefs ' holmes ( ap ) , ap - kansas city chiefs star running back priest holmes will miss the rest of the season with a knee injury . -__label__4 , scammers could hijack pop-ups , security researchers warned this week of a vulnerability in most web browsers which could potentially allow scammers to launch phishing attacks from pop-up windows on trusted web sites . -__label__4 , nextel , sprint talk merger , nextel communications inc . and sprint corp . are negotiating a possible merger , according to a source familiar with the discussions . -__label__2 , wizards ' kwame brown suspended one game ( ap ) , ap - the washington wizards suspended kwame brown for one game thursday for his actions during the previous night ' s game against denver . -__label__3 , premier swallows bird #39 s custard , bird #39 s custard and angel delight are back in british hands after a 70m deal announced yesterday . the famous brands have been bought by premier foods , owner of ambrosia custard and rowntrees jelly , from the us food group kraft . -__label__1 , coal mine blast in china kills 33 ( ap ) , ap - a coal mine explosion in northern china killed 33 people in the latest disaster to strike the country ' s accident-prone mining industry , the official xinhua news agency reported friday . -__label__2 , ncaa notifies baylor , baylor received its notice of allegations thursday from the ncaa about infractions in its men ' s basketball program discovered after the death of player patrick dennehy . -__label__1 , it ' s inauguration time again , and access still has its price , president bush ' s inaugural committee , seeking to raise more than \$40 million , a record , sent out hundreds of solicitations . -__label__3 , germany ' s new reality , undercut by vastly cheaper labor in neighboring poland and by increasing global competition , the union at adam opel ag acceded to a plan by general motors corp . to cut 12 , 000 jobs throughout europe . -__label__3 , new jobless claims increase import prices jump higher , in another report , import prices excluding petroleum posted the largest increase in 10 months , a possible early warning on inflation from the weaker dollar . -__label__1 , miracle in mud ! , real philippine rescuers were yesterday frantically digging for more survivors after four people , including a toddler , were pulled alive from a building crushed by a landslide 11 days ago . -__label__1 , pakistan on back foot in four dayer ( afp ) , afp - pakistan was still struggling at lunch on the second day of their four-day tour match against western australia here despite claiming two wickets in the morning session . -__label__2 , massachusetts 61 , no . 7 connecticut 59 , massachusetts made sure its first home game against a defending national champion was one to remember . the minutemen stunned seventh-ranked connecticut 61-59 on rashaun freeman #39 s layup with 4 . 3 seconds to play thursday night . -__label__1 , mandela , tutu and others support annan , a group of high profile south africans , including former president nelson mandela , has condemned attempts to force united nations secretary-general kofi annan to resign . -__label__3 , big dig no roadblock , huge cost overruns . tunnel leaks . multimillion-dollar lawsuits . big trouble for the companies managing boston ' s big dig ? not really . -__label__3 , japan ' s comics retool the art , animation in america once meant mickey mouse and winnie the pooh . these days , it ' s just as likely to mean japanese fighting cyborgs , doe-eyed schoolgirls , and sinister monsters -- thanks in large part to people like john ledford . -__label__3 , report boosts nextel , sprint , shares of sprint corp . and nextel communications inc . jumped yesterday following reports the two telephone companies were discussing a merger . -__label__4 , playstation 3 to arrive spring 2006 in japan , nvidia has made a big noise about playstation 3 deal but unfortunately you won #39 t see this console any time soon . nvidia stock holders definitely know about sony and its playstation 3 killer business and therefore nvidia is recovering on the stock market . -__label__4 , save the hubble , the issue space telescope was condemned to a lingering death . our view new report gives support to a manned rescue mission . the hubble telescope may well be the most successful observatory ever built , producing -__label__2 , dance pair out with injury , olympic ice dancing hopefuls loren galler-rabinowitz and david mitchell of the skating club of boston will be sidelined for the remainder of the season because of a shoulder injury to mitchell that will require surgery . -__label__1 , sharon , with party backing , invites labour into govt , jerusalem ( reuters ) - israeli prime minister ariel sharon on friday invited the opposition labour party to begin talks to form a unity government , a move that would avoid early elections and pave the way for a withdrawal from gaza . -__label__1 , berlusconi confident of acquittal , judges in the corruption trial of silvio berlusconi withdrew yesterday to decide their verdict and the prime minister said he was confident he would not be convicted . -__label__2 , james may play , the man in the mask on monday night may be cleveland ' s lebron james , who was fitted with a mask to protect his broken left cheek and might play in charlotte . -__label__4 , lonely whale #39 s song remains a mystery , a lone whale with a voice unlike any other has been wandering the pacific for the past 12 years . marine biologist mary ann daher of woods hole oceanographic institution in massachusetts , us , and her colleagues -__label__2 , huskies fail 1st road test , this so-called rivalry might be worth saving after all . umass finally got one thursday night . and the minutemen did it in exciting fashion , one that totally disgusted jim calhoun . -__label__1 , powell calls for support to iraq in last nato meeting , at his last north atlantic treaty organization ( nato ) foreign ministers meeting , us secretary of state colin l . powell asked his european counterparts for support on the iraq issue . -__label__4 , russian space agency space station crew could be forced to return < b> . . . < /b> , moscow space officials in russia are joining american officials in talking about the potential consequences of the food shortage aboard the international space station . -__label__4 , chicken genome sheds new light on human dna , a new study states that 60 of the genes in chicken have close relations to human dna . this may not comfort those who frequently eat the creature , but may ponder this the next time they order a batch of chicken wings . -__label__2 , fan v fan manchester city-tottenham hotspur , this weekend manchester city entertain spurs , and with last seasons seven-goal fa cup epic between the two teams still fresh in the memory , entertain could be the operative word . -__label__2 , officials to be quizzed in aragones row , spanish football federation president angel maria villar will appear before the national anti-violence commission tomorrow to explain why he has defended spain coach luis aragones . -__label__4 , thomson to enter hd dvd market , thomson announced friday it that it will enter the hd dvd market with a line of players and that it will also manufacture hd dvd and blu-ray discs . -__label__4 , desktop search avalanche set to hit , yahoo , ask jeeves , and microsoft all plan to follow google to the desktop . -__label__3 , southwest in , awa out of midway bidding , december 10 , 2004 -- southwest airlines this morning said it will submit a bid to the federal bankruptcy court in indianapolis today for certain assets of bankrupt ata airlines . -__label__1 , pacifist japan boosts #39 self-defence #39 measures , after almost 60 years of pacifism , japan today overhauled its defence policy easing an arms exports ban and singling out north korea and china as security threats . -__label__3 , ford to recall 474 , 000 suvs worldwide ( reuters ) , reuters - ford motor co said on friday it\was recalling about 474 , 000 escape and mazda tribute sport\utility vehicles globally because the accelerator cable may\prevent the engine from returning to the idle position , which\could increase stopping distance and result in a crash . -__label__1 , sudanese rebels , au meet , darfur #39 s rebel leaders held preliminary talks with african union mediators in abuja on friday ahead of the latest round of peace negotiations on the crisis in the western sudanese region . -__label__4 , msn search engine - searching for ways to make redmond rise again , what would you do if you were tasked with designing a new search engine ? you have all the resources the world can offer and the certain knowledge that your project is so important to your employer that mountains -__label__3 , airbus will move forward on 7e7 competitor , airbus has been given the go-ahead to develop a new jet designed to compete with the boeing co . #39 s new 7e7 , according to reports by the associated press friday . -__label__3 , southwest makes strong bid for midway gates , southwest airlines has offered more than \$100 million for part of ata #39 s operations at chicago #39 s midway airport . if successful , it could torpedo airtran airway #39 s efforts to create a hub there . -__label__2 , irish eyes turn to clements notre dame interested in bills < b> . . . < /b> , buffalo bills offensive coordinator tom clements has emerged on a short list of candidates whom notre dame has targeted for its head coaching vacancy . -__label__3 , ge to buy back \$15 bln in stock , raises dividend ( update1 ) , general electric co . , the biggest company by market value , said it will buy back as much as \$15 billion in stock over three years and raised its quarterly dividend 10 percent , more than some analysts had estimated . -__label__2 , finley to remain in southern calif . , with angels , anaheim , calif . ( sports network ) - the anaheim angels have reportedly agreed to a contract with veteran free-agent outfielder steve finley . -__label__3 , cardinal picks a lilly , cardinal health ' s deal with lilly suggests the new fee-for-service model is gaining traction . -__label__3 , ge oks #36 15 billion buyback , ups dividend ( reuters ) , reuters - diversified manufacturer general\electric co . said on friday it boosted its quarterly\dividend by 10 percent and earmarked up to #36 15 billion for\share repurchases over the next three years . -__label__1 , fired ecuador justices are barred from offices , quito , ecuador -- ecuadorean police barred supreme court judges from returning to their offices yesterday after the judges tried to defy a decision by congress to fire them for bias against president lucio gutierrez . -__label__4 , space station crew become quot weightless-watchers quot with low food < b> . . . < /b> , with food supplies becoming critically low onboard the international space station , the astronauts have been told to cut back on their food consumption . -__label__4 , ericsson selected by mtn south africa to supply 3g/wcdma network , stockholm , sweden -- ( business wire ) -- dec . 10 , 2004 -- ericsson ( nasdaq ericy ) has been selected by mtn south africa to supply 3g/wcdma network . -__label__2 , uefa bans lazio stadium for fan misbehavior , uefa on friday ordered italian side lazio to play its next european match behind closed doors as punishment for unruly fan behavior during a game last month against partizan belgrade , including racial taunts directed at partizan #39 s -__label__3 , opec agrees to cut oil output in bid to firm up prices , opec oil ministers agreed today to cut oil production by one million barrels a day to stem a 24 percent price slide in the past six weeks , and they called for an emergency meeting -__label__3 , dreamworks , pixar rule digital animation , dreamworks and pixar both make cutting-edge digital animated films . but behind the scenes , the two studios are about as different as shrek and mr . -__label__3 , american airlines raises ticket prices , fort worth , texas -- the high cost of jet fuel is prompting american airlines to raise its domestic ticket prices . it is going to charge an extra \$5 for one-way flights , and \$10 per roundtrip . -__label__3 , general electric raises dividend , general electric co . , a maker of jet engines , plastics and appliances as well as owner of the nbc television network , said friday that its board raised the company #39 s quarterly dividend by 10 percent to 22 cents per share , and authorized the repurchase of -__label__1 , inaction #39 s consequence , last month the united states and its allies signaled a change in sudan policy . rather than pressuring sudan #39 s government to halt its genocidal attacks against civilians in the western province of darfur , they -__label__3 , auto parts sector falls on delphi news , investors sold off shares of auto parts makers friday after delphi corp . issued a profit warning and said it would cut nearly 5 percent of its work force next year . -__label__4 , yahoo taps x1 for desktop search , search engine giant yahoo has tapped pasadena-based x1 technologies to add the ability to search desktop files and folders on microsoft windows platforms . -__label__3 , shares of video game makers rise sharply , shares of video game makers rose sharply friday after analysts reported industry sales increased 11 percent last month due mainly to the strength of two blockbuster titles that have proven to be the holiday season #39 s biggest sellers . -__label__4 , us supreme court to decide grokster case , the us supreme court on friday agreed to consider whether internet file-trading networks should be held responsible when their users copy music , movies and other protected works without permission . -__label__2 , mind more free now , calcutta anil kumble began the year looking to quickly reach 435 . he got there ( and went one better ) in dhaka on friday afternoon , the opening day of the second last test of 2004 . -__label__3 , report sprint/nextel reach tentative \$36b deal , a wall street journal report friday afternoon citing sources on both sides indicated no . 3 sprint corp . and no . 5 nextel communications inc . -__label__4 , uk browser claims phishing victory , uk browser business deepnet explorer today trumped global competitors microsofts internet explorer , netscape and firefox , with the claims that its new phishing alarm and enhanced pop-up killer made deepnet explorer the first known browser to pass -__label__4 , napster mobile , december 10 , 2004 - remember napster ? oh , the heady days of swapping mp3s with blatant disregard to hilary rosen and the riaa . well , napster is back -- as a legit music service and now the provider of ringtones through the new application napster mobile . -__label__2 , rockets ' mcgrady puts on memorable finish ( ap ) , ap - tracy mcgrady needed only 35 seconds to turn a sure loss into an improbable win and a listless 20-point night into one of the league ' s most memorable clutch performances . -__label__2 , rockets 89 hornets 81 , houston yao ming #39 s 21 points and nine rebounds led the houston rockets to an 89-to-81 victory over the hapless new orleans hornets . -__label__4 , paypal and apple itunes link-up , online auction house ebay #39 s payment system paypal can now be used for purchases by us customers of apple #39 s itunes music store . -__label__3 , southwest to bid for ata chicago assets , southwest airlines said on friday it will bid at least usd\$100 million for assets of bankrupt ata airlines , including taking over six of ata #39 s 14 gates at chicago #39 s midway airport and selling tickets on some of each other #39 s flights . -__label__3 , financier frankel gets nearly 17 years for fraud , greed and sexual desire drove martin frankel to mastermind one of the largest insurance frauds in us history , a federal judge heard on friday as she sentenced him to nearly 17 years in prison . -__label__1 , plant a tree at easter urges nobel laureate , world to plant trees at easter as a symbol of renewal and to protect the planet . planted , quot maathai told reuters television in oslo , where she received the 2004 nobel peace prize . -__label__1 , japan beefs up its defense stance , with an eye to north korea and china , prime minister koizumi #39 s cabinet is set to pass new guidelines friday . by bennett richardson correspondent of the christian science monitor . -__label__3 , crunch time for biotech companies , washington area biotech companies will face pivotal moments this year , finding out whether key products work before money dries up , fending off competition from bigger companies , and , perhaps filing to go public . -__label__3 , the relief of shedding a big ball and chain hhg sale of its < b> . . . < /b> , which owns fund manager henderson , - yesterday escaped a ball and chain that has dragged at it ever since it came to the stock market a year ago . -__label__4 , scientists study deep tremors under san andreas fault , seismologists are studying mysterious tremors deep under the san andreas fault that may signal future earthquakes . the continuous tremors are quot a kind of chatter quot emanating from a depth far below the surface -__label__1 , mexico ' s fox presents human rights plan ( ap ) , ap - president vicente fox presented a plan friday to improve mexico ' s checkered human rights record , pledging to eradicate torture and to hold corrupt and abusive authorities accountable for wrongful arrests and shoddy police work . -__label__2 , steelers look super , the steelers have all the ingredients to make a run for their fifth super bowl title while the nfc trots out its weakest set of challengers in memory . -__label__4 , nasa space station status report 10 december 2004 , international space station crewmembers this week continued research and maintenance activities and prepared for arrival of the next progress cargo craft . -__label__1 , fear hamstrings quest for intelligence in n . iraq , intelligence-gathering by the front-line forces that need to know the most is proving difficult in a region increasingly gripped by fear . -__label__2 , anti-doping agency is boosted by ban of sprinter in balco case , the united states anti-doping agency received an important validation yesterday in its attempt to punish athletes who were suspected of doping in the balco steroids scandal but who had not failed a drug test . -__label__2 , nhl must determine if it is certain about cost certainty , after gary bettman was introduced as the commissioner of the national hockey league 12 years ago , he was handed a fax from bob goodenow , the executive director of the players association . -__label__2 , athletics eight-year ban given to collins for #39 pattern of doping #39 , michelle collins , who won the world athletics indoor 200 metres for the united states last year , was yesterday suspended for eight years despite the fact that she has never tested positive or admitted doping violations . -__label__1 , kerik pulls out as bush nominee for homeland security job , bernard b . kerik said in a statement that he had come to learn that a former housekeeper may not have been in the u . s . legally . -__label__1 , china ' deeply concerned ' at japan ' s defense move , shanghai ( reuters ) - china voiced deep concern on saturday over japan ' s sweeping overhaul of defense policy that eased a decades-old ban on arms exports and suggested a shift from a defensive posture in place since its world war ii defeat . -__label__3 , hp targets china with low-cost pc , san francisco ( cbs . mw ) - personal computer stocks were relatively quiet friday as the sector focused more attention on china where hewlett-packard introduced a new , low-priced pc . -__label__4 , internet access is free on ferries during tests , tests of high-speed wireless internet service on one of the region #39 s busiest ferry runs have been canceled , but the service , referred to as wi-fi , might still become available on that run , between seattle and bremerton , the ferry service said . -__label__4 , sources sprint , nextel closing in on \$36b deal , sprint corp . is in advanced talks to buy nextel communications inc . for more than \$36 billion in a mostly stock deal , sources familiar with the situation said today . -__label__2 , not exactly an idiotic idea , this should give pause to anyone who thought the red sox might be interested in toning down their image as idiots they ' ve made a serious contract offer to david wells . -__label__2 , finley finds a home with angels , cbc sports online - steve finley will remain on the west coast , but he #39 s decided to return to the american league after 14 seasons . -__label__2 , finley is new angel in outfield , the angels rounded out their starting outfield yesterday , signing center fielder steve finley to a \$14 million , two-year contract as baseball ' s winter meetings in anaheim , calif . , began to percolate . -__label__2 , iowa bests iowa st . , former cyclone adam haluska does in his former team as he scores 20 points to lead the hawkeyes past iowa state , 70-63 , on friday . -__label__2 , dissecting the nhlpa #39 s proposal for a new cba , a closer look at the new offer from the nhl players #39 association rollback the whopping 24 pay cut on all existing player contracts is a monstrous concession . -__label__4 , go save hubble , nasa should use the space shuttle and spacewalking astronauts to mount one last repair flight to the hubble space telescope , and extend the life of one of the greatest scientific instruments ever made . -__label__2 , strachan targeted by portsmouth , london , england -- portsmouth chairman milan mandaric has reportedly put former southampton manager gordon strachan at the top of a list of possible targets for the english premier league club #39 s vacant managerial position . -__label__2 , franz takes first in val d #39 isere , werner franz claimed his maiden world cup downhill victory with a time of one minute 57 . 51 seconds at val d #39 isere . the austrian #39 s victory means he becomes the first man to beat american bode miller , who finished fourth , in the discipline this season . -__label__4 , launcher eyes shuttle succession , boeing ' s huge delta 4-heavy rocket , set for lift-off on saturday , may play a role in life after the space shuttle . -__label__3 , wal-mart dec . sales seen up 1-3 pct ( reuters ) , reuters - wal-mart stores inc . said on\saturday it still expects a 1 percent to 3 percent increase in\december sales at its u . s . stores open at least a year . -__label__1 , acquittal boosts berlusconi ahead of vote ( ap ) , ap - premier silvio berlusconi , an important ally for president bush in iraq , was acquitted of corruption charges that have dogged his government from the start . the verdict was a boost to the conservative leader ahead of 2006 elections . berlusconi , 68 , has long insisted he was the victim of left-wing prosecutors . -__label__2 , wenger to decide in build-up to sunday #39 s premiership showdown , as arsenal are preparing to play chelsea in the big game of the weekend , gunners #39 manager frenchman arsene wenger is still deciding in the build-up to sunday #39 s premier league showdown . -__label__2 , bayern rallies to draw with stuttgart , keep bundesliga lead , paolo guerrero scored the equalizer and set up another goal to allow bayern munich to spend the winter break in first place in the bundesliga with a 2-2 draw against stuttgart on saturday . -__label__2 , everton goes second with derby win , liverpool , england ( sports network ) - everton moved up to second place in the premiership saturday with a 1-0 win over arch-rival liverpool at goodison park . -__label__1 , german court rules out barbie monopoly ( afp ) , afp - germany ' s federal court of justice ruled against giving barbie a monopoly in the themed doll market , saying that a german rival called steffi love had every right to compete with her . -__label__2 , cuts offered , issue remains tax or cap , the union #39 s proposal to end the lockout , made thursday at the league #39 s canadian headquarters , calls for a tax that would penalize -- and perhaps deter -- high-end payrolls . -__label__2 , indians trade lawton , a small-markets swap takes place on saturday as the indians send outfielder matt lawton to the pirates for left-handed reliever arthur rhodes , sources say . -__label__2 , barca wins again , barcelona has moved 12 points clear at the top of spain #39 s primera liga thanks to a 2-1 win at albacete . andres iniesta put barca ahead after just two minutes , but when mark gonzalez made it 1-1 with 17 minutes -__label__1 , arafat #39 s health record submitted to palestinian authority , the health records of yasser arafat , who died at percy military hospital near paris last month , have been submitted to palestinian authorities . -__label__2 , braves ' smoltz may rejoin team ' s rotation ( ap ) , ap - john smoltz might rejoin the braves ' rotation if atlanta finds another closer . -__label__2 , smoltz could return to rotation , anaheim , calif . there #39 s a chance john smoltz could return to the atlanta braves #39 rotation if the team finds another closer . -__label__1 , israeli labour party could clinch coalition deal with sharon #39 in < b> . . . < /b> , israel #39 s opposition labour party began talks with prime minister ariel sharon #39 s likud party yesterday about joining its coalition - a partnership aimed at promoting a military withdrawal from gaza . -__label__1 , powell for arab democracy but middle east no ready convert , it was first unveiled to the world as the american dream for spreading democracy right across the middle east . but by the time us secretary of state colin powell came to launch the administrations quot big -__label__1 , australian man killed by shark on great barrier reef ( canadian press ) , canadian press - cairns , australia ( ap ) - a 38-year-old australian man bled to death saturday after he was rescued from the jaws of a shark while spearfishing on the great barrier reef , authorities said . -__label__3 , st tele-tm intl to buy 47 . 7 in idea , mumbai singapore technologies telemedia and tm international have announced that their consortium has signed definitive agreements for the acquisition of 47 . 7 per cent stake in idea cellular . -__label__2 , arsenal boss flamini , cesc will do job on chelsea , arsenal boss arsene wenger has dismissed claims today #39 s clash with chelsea will decide the title race . he said quot the season is not finished but you can say chelsea are already better than they were last year . -__label__2 , golf englishman neil cheetham leads by one in mpumalanga , england #39 s neil cheetham leads by one shot going into the final round of the dunhill classic at leopard creek after a solid 69 on saturday . -__label__1 , israeli labour amp sharon in coalition talks , coalition peace talks have begun between israel #39 s opposition labour party and the prime minister , ariel sharon . labour leader shimon peres said that his party want a guarantee that the government fulfils its -__label__4 , gamers hit stores for release of quot playstation portable quot , computer-game enthusiasts flocked to software retailers across the country to buy quot playstation portable quot ( psp ) that hit store shelves sunday . -__label__1 , qassam rockets hit western negev community , two qassam rockets landed in the western negev on saturday morning , causing damage to a home . no casualties were reported . the rocket fire originated from the northern gaza strip . -__label__1 , no peace until s . korea explains atomic tests-north , seoul ( reuters ) - north korea will not dismantle its nuclear programs or improve ties with south korea until questions about the south ' s nuclear experiments are clearly answered , pyongyang said on sunday . -__label__1 , parliament passes no-confidence bid , nairobi , kenya -- somalia ' s parliament passed a motion of no-confidence against the new prime minister and his cabinet yesterday , an official said , effectively sacking a government that had been expected to restore order to the country after 13 years of anarchy and war . the deputy speaker of the 275-member transitional parliament , dalhar omar , said 153 members voted against prime minister . . . -__label__3 , rapidly expanding vietnam airlines ready to take on america , hanoi yesterday vietnam , today asia , tomorrow the united states vietnam airlines has expanded to the point where it is even eyeing the huge american market , a move which would have been unthinkable not long ago . -__label__2 , big green slip by wildcats , mike lang had a career-high 25 points , including the go-ahead jumper with 1 16 remaining , to lift dartmouth to a 69-67 nonconference victory over new hampshire last night in hanover , n . h . lang ' s basket broke a 66-66 tie . dartmouth ( 3-3 ) then fouled the wildcats ' jermaine anderson , who hit one of two free throws to make it 68-67 with 54 seconds left . a . . . -__label__2 , klitschko wins in 8th , las vegas -- if vitali klitschko made one thing clear last night about the heavyweight division , it ' s how finished mike tyson really is . -__label__2 , klitschko too good for williams , vitali klitschko proved too strong for danny williams as he retained his world championship crown in las vegas last night . williams vowed to continue boxing despite being outclassed by klitschko . -__label__2 , miller wins giant slalom after maier falters , bode miller won his fifth victory of the world cup season in a giant slalom on sunday after the three men ahead of him all faltered . -__label__2 , red sox aim for jugular , while the yankees were quietly celebrating their free agency victory over the red sox , snaring new englander carl pavano with a four-year deal in excess of \$38 million , no one gloated too long . -__label__1 , myanmar releases hundreds of prisoners , two prominent pro-democracy leaders were among hundreds of prisoners released from a myanmar prison on sunday as part of a broad amnesty granted by the country #39 s ruling junta , the prisoners and family members said . -__label__2 , delaney keen to quot put things right quot , mark delaney wants aston villa to quot stamp their authority on midlands football quot by finally overcoming birmingham in sunday #39 s derby . -__label__3 , technology stt , telekom malaysia buy 48 pct of idea , singapore government-owned stt and tm international , the international investment arm of telekom malaysia , said in a statement on saturday they had signed quot definitive agreements quot to buy the entire stake of cingular wireless in idea . -__label__2 , everton beats liverpool 1-0 in merseyside derby , lee carsley scored the winner in the 68th minute , giving everton a 1-0 victory saturday over liverpool in the 200th merseyside derby . -__label__2 , feyenoord cuts psv #39 s lead to three , feyenoord cut psv eindhoven #39 s lead atop the dutch premiership to three points on sunday as bart goor equalized two minutes into injury time for a 3-3 draw with the leaders . -__label__2 , poutiainen wins but plays down cup hopes , finland #39 s tanja poutiainen snatched back the women #39 s world cup lead with her third victory of the alpine ski season on sunday but played down her chances of winning the overall title . -__label__2 , george sits for first time in career , irving , tx ( sports network ) - dallas cowboys running back eddie george was inactive for sunday #39 s game against new orleans as a healthy scratch and missed a game for the first time in his nfl career . -__label__4 , sony takes on nintendo in portable game console market with psp ( afp ) , afp - sony launched a frontal assault on nintendo ' s domination of the portable game console market by kicking off japan sales of its new playstation portable ( psp ) , drawing huge lines in tokyo . -__label__1 , romanians vote for a new president , bucharest romanians voted for a new president on sunday with fighting corruption and joining the eu the main themes in a run-off round pitting prime minister adrian nastase against bucharest mayor traian basescu . -__label__2 , magnificent manning sets another record , houston ( sports network ) - indianapolis colts quarterback peyton manning threw two touchdown passes in the first quarter of sunday ' s game against the houston texans at reliant stadium to set an nfl record for most consecutive games with multiple td throws . -__label__1 , four israeli soldiers killed , barghuti pulls out of presidential < b> . . . < /b> , rafah , gaza strip ( afp ) - four israeli soldiers were killed when palestinian militants blew up a tunnel under an army post in gaza , as jailed intifada leader marwan barghuti pulled out of the palestinian elections . -__label__1 , new report links reputed kingpin to murder , fifteen years ago , american journalist todd smith was brutally beaten and executed after he ventured into peru ' s jungle to investigate links between shining path guerrillas and the cocaine trade . -__label__2 , no . 21 purdue beats w . michigan , 74-42 ( ap ) , ap - erin lawless scored a career-high 26 points and grabbed seven rebounds and no . 21 purdue beat western michigan 74-42 on sunday . -__label__1 , palestinians do not need another tyrant , yasser arafat is dead . a so-called moderate is now chairman of the palestine liberation organization . elections to choose a palestinian authority president are scheduled in the west bank and gaza for early january . -__label__2 , orioles target sexson , free agent first baseman richie sexson appears to be at the top of the orioles ' wish list after a meeting at the team ' s suite on saturday . -__label__4 , disney takes sides in battle for next generation dvd , hollywood movie powerhouse walt disney has taken sides with japans sony corp in a bitter battle between studios to define a technical standard for next generation dvds , it said . -__label__1 , iran to cease negotiations with eu in case of dead end , a top iranian official said sunday that iran would withdraw from the negotiations with the european union ( eu ) if the upcoming talks in brussels turned into a dead-end , the official irna news agency reported . -__label__3 , australia babcock amp brown to pursue listed investment co , sydney ( dow jones ) --babcock amp brown ltd . ( bnb . au ) said monday it plans to raise as much as a\$1 billion for an externally managed investment company to target long-term investments . -__label__4 , airborne cell-phone ban likely to remain for now ( reuters ) , reuters - hopes -- and worries -- that u . s . \regulators will soon end the ban on using wireless phones\during u . s . commercial flights are likely at least a year or\two early , government officials and analysts say . -__label__4 , nasa chief applies for job at lsu ( ap ) , ap - nasa administrator sean o ' keefe will resign this week , a government official said sunday , and a spokesman for louisiana state university said o ' keefe is a leading candidate to become a chancellor there . -__label__4 , sony #39 s game war advances to next level , rival sony began its worldwide assault yesterday by launching a new handheld console , playstation portable , in game-crazy japan . sony aims to seek and destroy gameboy and its maker nintendo #39 s \$5billion hold -__label__1 , us mounts fresh attack on taliban , the us-led militarycoalition in afghanistan has beguna big offensive against militants loyal to the ousted taliban regime in an attempt to quash any attempt to disrupt parliamentary elections next spring . -__label__3 , important rules for phone market face f . c . c . vote , next week , the fcc will likely change the rules on unbundled networks largely in ways favorable to the regional bells . -__label__3 , i . b . m . sought a china partnership , not just a sale , inside i . b . m . , the issue of whether to stay in the personal computer business has been debated for a decade . the issue was put to rest last week . -__label__2 , diamondbacks , clayton reach agreement ( ap ) , ap - royce clayton and the arizona diamondbacks reached a preliminary agreement sunday on a #36 1 . 3 million , one-year contract . -__label__2 , krzyzewski wins no . 700 , shelden williams collects 18 points and 15 rebounds to give duke an 82-54 triumph over toledo and coach mike krzyzewski his 700th career win on sunday . -__label__2 , arsenal only manage draw , london - arsenal manager arsene wenger has praised thierry henry #39 s speed of thought after the striker stroked home a quick free-kick that helped champions arsenal to a 2-2 draw against premiership leaders chelsea at highbury last night . -__label__3 , bank of england says dollar decline increases risk to banks , the possibility of a further slide in the dollar and a decline in demand for us assets has become one of the potential risks to financial stability , the bank of england said in its semi-annual financial stability review . -__label__4 , the kid stays in his home , dressed in pj ' s , with a live mike , robert evans , the fabled hollywood producer and man about town , will be enjoying his latest gig , as a satellite radio talk-show host , from the comfort of his home . -__label__3 , schumer #39 returns #39 fire at retailers , sen . charles schumer yesterday criticized retail grinches who are stealing christmas by blacklisting customers who return too many gifts . -__label__3 , report construction boom ahead , a report released on monday by the washington-based brookings institution says that half of the residential , commercial and industrial buildings that will be up in 2030 in the largest metropolitan areas don #39 t yet exist . -__label__2 , seahawks take nfc west , the seahawks deny a falcons ' two-point try for the tie with no time remaining to wrap up the nfc west , 28-26 , on sunday . -__label__1 , poes condition worsens--doctors , ( 2nd update ) movie actor fernando poe jr . #39 s condition has deteriorated , according to a bulletin his doctors issued on monday . he is still in a coma and has multiple organ system involvement . -__label__1 , homeless families total 100 , 000 , the figure for homeless families in england has topped 100 , 000 for the first time . -__label__2 , after layoff , poole eases back into action , foxborough -- tyrone poole said he probably could count the number of plays he got in on with one hand , but after missing seven games because of knee surgery , the patriots ' starting cornerback was just pleased to get back on the field . -__label__2 , o ' s still fishing , with big fish like richie sexson still looking for work and prizes like tim hudson being dangled in the market , the orioles remain hopeful that they can bag a big catch . -__label__3 , update 1 london exchange rejects german proposal , the london stock exchange plc has received and rejected a bid proposal from germany #39 s main stock exchange , deutsche boerse ag , the exchanges said monday . -__label__1 , former philippine presidential candidate in deteriorating < b> . . . < /b> , the former presidential candidate and movie actor fernando poe jr . #39 s condition has deteriorated after he suffered a stroke , doctors said monday . -__label__1 , shah rukh khan apologises to buddhist monks , colombo bollywood superstar shah rukh khan has apologised to sri lanka #39 s protesting buddhist monks for the timing of his mega concert here , which coincides with the death anniversary of a popular priest , but said the show will go on . -__label__1 , chen under pressure to work with taiwan opposition , taipei ( reuters ) - taiwan president chen shui-bian is under pressure to find ways to work with an opposition-dominated parliament after his party suffered a surprise setback in weekend legislative elections . -__label__3 , econ edge the economic week , president bush #39 s white house conference on the economy is sure to attract some of the nation #39 s political and economic superstars to washington this week . -__label__3 , indonesian diplomats asked to help improve ri #39 s bad image , jakarta ( antara ) president susilo yudhoyono asked indonesian diplomats on monday to help the government improve indonesia #39 s bad image . -__label__1 , china wary at taiwan poll result , china ' s media responds cautiously to the election setback suffered by taiwan ' s pro-independence dpp . -__label__3 , fiat and general motors to square up in switzerland , milan ( afp ) - sharp differences between the fiat group and general motors over an option by fiat to sell its loss-making auto operations to gm will be the focus of a meeting between the two companies in zurich on tuesday . -__label__4 , oracle to acquire peoplesoft , oracle corp . announced today it has signed a definitive merger agreement to acquire peoplesoft inc . for approximately \$10 . 3 billion . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -ap< /b> < /font> -__label__2 , poll i was right to let henry score , referee graham poll has insisted that he acted within the laws of the game when he allowed thierry henry to take a quick free-kick yesterday . -__label__3 , lse says no to german exchange for a second time , london ( cbs . mw ) - failed efforts to merge stock exchanges have littered the trading landscape in recent years , but the german stock exchange isn #39 t giving up on creating a pan-european and british market for trading stocks and derivatives . -__label__2 , rams beat jets in ot , clinch playoff berth ( ap ) , ap - the st . louis rams won a finale that , in the end , they needed much more than the new york jets . marc bulger threw for 450 yards and three touchdowns and jeff wilkins hit a 31-yard field goal with 3 03 left in overtime sunday to give the rams a 32-29 win over the new york jets , clinching their fourth playoff berth in five seasons under coach mike martz . -__label__2 , nba wrap o ' neal and wade help heat beat raptors , new york ( reuters ) - shaquille o ' neal and dwyane wade each scored 20 points and added nine rebounds as the miami heat notched their fourth consecutive win dumping the struggling toronto raptors 106-98 sunday . -__label__3 , paul tellier leaving immediately as chief executive of bombardier , montreal ( cp ) - paul tellier has disembarked as president and chief executive officer of bombardier inc . the bombshell announcement monday morning came as the montreal-headquartered multinational transportation -__label__1 , two aid workers killed in attack on darfur aid convoy , khartoum ( reuters ) - two employees of a british charity were killed in sudan ' s troubled darfur region on sunday when their convoy came under fire , the aid agency said on monday . -__label__1 , bangladesh boss slams detractors , bangladesh ' s coach says they still deserve test status after their 30th defeat , to india . -__label__1 , week ' s delay for delta launcher , boeing ' s new heavy-lift delta 4 rocket must wait a further week before making its maiden flight . -__label__3 , daimlerchrysler , gm to team up on hybrid engines , general motors and daimlerchrysler say they #39 re teaming up to develop hybrid technology for use in their vehicles . the two giant automakers say they have signed a memorandum of understanding . -__label__3 , software revenue pushes up oracle #39 s q2 earnings , oracle corp . reported second-quarter 2005 earnings that beat analyst expectations on monday , thanks to new software revenue and continued gains from license updates and product support . -__label__3 , oracle strikes friendly deal for peoplesoft at us\$26 . 50 a share , after 18 months of conflict , a friendly merger deal has been struck between oracle corp . and peoplesoft inc . after the former raised its quot final quot offer by 10 per cent . -__label__2 , notre dame situation has columnist shaking his head , puzzling is the best word to describe notre dames attempt to find a new head football coach after dumping tyrone willingham unceremoniously two weeks ago . -__label__1 , saddam #39 s jailed top aides hold food protest , eight of 11 detainees briefly refuse food over prisoner rights including family visits , access to media . baghdad - the us army said eight of toppled iraqi leader saddam hussein #39 s jailed lieutenants had briefly -__label__1 , spanish leader denies gain from bombings ( ap ) , ap - spain ' s prime minister , heckled monday by opposition lawmakers , angrily denied his socialist party instigated anti-government rallies on the eve of a general election to reap political benefit from the madrid train bombings . -__label__4 , hp shifts focus for hp-ux , hewlett-packard has dropped plans to beef up its hp-ux operating system with new high availability and clustering technology it obtained in its 2002 acquisition of compaq . the company will instead shift its development focus to new areas , as it attempts to convince customers that there is still life in its venerable unix operating system . -__label__4 , nasa chief is taking off , named to head nasa by president bush in december 2001 , sean o #39 keefe acknowledged he had no experience in astronautics . his management style aimed at practical economy . -__label__1 , israel to renovate crumbling entrance to disputed holy site in jerusalem ' s old city ( ap ) , ap - israel will renovate the crumbling entrance to a disputed holy site in jerusalem ' s old city that is revered by jews and muslims , officials said monday . -__label__3 , bombardier shares slump as ceo leaves , bombardier , the troubled canadian maker of aircraft and trains , saw its shares fall by around 20 per cent in toronto , after it announced that paul tellier was stepping down early as president and chief executive officer . -__label__3 , us retail sales climb 0 . 1 percent in november , washington us retail sales rose 0 . 1 percent in november , a better than expected start to the crucial holiday shopping season , seasonally adjusted government figures showed . -__label__3 , uk #39 s jaguar workers vote against strike , workers at ford motor co . #39 s luxury british car unit , jaguar , voted against a strike over plans to cut jobs and scale back production , unions said on monday . -__label__1 , pakistan denies report of cia bases in pakistan for osama hunt , islamabad , pakistan are there secret cia bases in pakistan to hunt for osama bin laden ? pakistan says no . it is denying a new york times report , which says the spy agency has concluded bin laden is being sheltered -__label__1 , congo army factions clash in east - army officer , army reinforcements sent to bolster the democratic republic of congo #39 s fragile border region with rwanda have clashed with former rebel units within the army , a local military commander said on sunday . -__label__2 , poll cost us victory - cech , referee graham poll came under renewed fire today as goalkeeper petr cech blamed him for costing chelsea victory at highbury by allegedly reneging on a promise to blow his whistle before thierry henrys free-kick . -__label__4 , mazu scores vc lifeblood from symantec , others , mazu networks , the cambridge , massachusetts , network intrusion prevention system ( ips ) technology company , has secured another round of venture capital funding , including a stake from security software giant symantec . -__label__1 , turkey cautiously optimistic of eu bid ahead of crunch summit , ankara , dec 13 ( afp ) - turkey was cautiously optimistic monday that it would obtain a favorable result from this week #39 s crunch summit of european union leaders who will decide on ankara #39 s membership bid , but warned the 25-nation bloc not to cross ankara #39 s -__label__1 , moves toward moderation in mideast , one month after yasser arafat #39 s death , realignments on both sides of the palestinian-israeli divide are raising fragile hopes for a mutual retreat from four years of fighting . -__label__3 , do-not-call bill could be introduced today , the federal government hopes to introduce legislation today to establish a do-not-call registry for consumers who want to stop endless telemarketing pitches . -__label__3 , gm , daimler go green , oil prices have fallen in recent weeks from record highs , relieving the anxieties of consumers and economists alike . however , opec recently signaled that it #39 s not ready for the price of black -__label__4 , sun unveils next generation client technology , santa clara , calif . , dec . 13 /prnewswire-firstcall/ -- sun microsystems , inc . ( nasdaq sunw ) today unveiled its next generation sun ray ( tm ) server software 3 . 0 an interoperable , platform that enables instant -__label__2 , poll i was right to let henry #39 s arsenal goal stand , ref graham poll insists he didn #39 t get it wrong when allowing arsenal #39 s thierry henry to take his free-kick early against chelsea yesterday . -__label__4 , travel column australia through aboriginal eyes , this week ' s travelwatch column profiles anangu tours , an aborigine-owned tour company in australia ' s red center . -__label__3 , gm , daimler go green , team-up will help the companies compete and fill gaps in both firms ' portfolios . -__label__1 , at least 10 iraqis killed in insurgent attack , officials in iraq say at least 10 iraqis have been killed and several others wounded in separate insurgent attacks across the country . -__label__3 , unitedhealthcare pays \$3 . 5m to settle medicare fraud claim , unitedhealthcare insurance co . , a branch of unitedhealth group , will pay \$3 . 5 million to settle charges that it defrauded the medicare program , the us department of justice announced monday . -__label__3 , gm , daimlerchrysler plan hybrid cars , southfield , michigan general motors corp and daimlerchrysler ag will jointly develop a petroleum-electric power system to catch up with toyota motor corp and honda motor co in so-called hybrid vehicles that save fuel and cut tailpipe emissions . -__label__1 , north korea to review its role in nuclear talks , seoul north korea is seriously reconsidering its role in talks on its nuclear programs because of what it sees as a concerted campaign to topple the government in pyongyang , the north korean foreign ministry said monday . -__label__4 , lockheed to launch rocket boeing gets new date ( reuters ) , reuters - lockheed martin corp . on monday\announced that it will launch its atlas v rocket on dec . 17 as\planned , while boeing co . waited to reschedule a launch of its\delta iv heavy-lift rocket that it was forced to abandon on\sunday . -__label__2 , bengals ' palmer questionable for sunday , cincinnati ( sports network ) - cincinnati bengals quarterback carson palmer is questionable for sunday ' s game against buffalo after an mri exam monday revealed no serious damage to his left knee . -__label__4 , intuit gets deeper into it , revamps quicken , the software maker adds a network management application . it also updates its quicken personal-finance software . -__label__4 , navy awash in new ibm supercomputers , defense dept . to buy second supercomputer for naval oceanographic office . -__label__4 , atheros reaches into electronics devices , chipmaker announces new chipset and reference design for consumer devices and pcs . -__label__4 , skybox updates risk management wares , boston - new software from skybox security will help companies monitor their networks and comply with u . s . federal and state data security regulations , and even help them prepare networks for dangerous new internet worms , according to the company . -__label__4 , nasa administrator to resign , washington sean o #39 keefe , is resigning after three tumultuous years heading the us space program , the white house said monday . -__label__4 , microsoft unveils software to find files ( ap ) , ap - microsoft corp . on monday joined the battle for supremacy in so-called desktop search , introducing software for quickly locating files on personal computers that challenges google ' s two-month-old rival product . -__label__2 , mccain optimistic about steroid test deal ( ap ) , ap - sen . john mccain is guardedly optimistic that major league baseball and its players could reach an agreement on tougher testing for steroids . -__label__1 , pinochet is ordered to stand trial for murder , augusto pinochet , the former chilean dictator , was ordered under house arrest yesterday , charged with kidnapping and murder dating back to his 17-year rule . -__label__2 , report says n . h . l . will reject proposal , the n . h . l . appears poised to reject a proposal made by the players union , which included a 24 percent reduction in pay and other concessions but not a hard salary cap . -__label__2 , woman drops sexual assault suit vs . colorado , one of the three women suing the university of colorado for what they said was the school #39 s failure to protect them against sexual assault by football players has dropped her federal lawsuit . -__label__1 , car bomb kills 11 near green zone , a car bomb exploded in a line of vehicles waiting to enter the green zone early monday , killing at least 11 iraqis at an -__label__2 , pedro picks mets , lee dealt to brewers , pedro martinez picked the new york mets over the boston red sox , and the chicago white sox dealt carlos lee to milwaukee for scott podsednik and a reliever on monday as baseball #39 s annual winter meetings finished with many top stars still searching for -__label__3 , china move on textile exports gets cautious response , the us and the european union responded cautiously yesterday to china #39 s surprise undertaking to impose duties on some textile exports , a step it said was designed to ensure a quot smooth -__label__2 , red sox say goodbye to pedro martinez , pedro martinez closed in on a four-year deal with the new york mets , and the boston red sox resigned themselves monday to losing the three-time cy young award winner . -__label__1 , afghanistan official bashardost resigns ( ap ) , ap - an afghan cabinet minister resigned monday after president hamid karzai rejected his drive to shut down relief groups he accused of wasting money on expensive cars and houses . -__label__1 , bush selects e . p . a . head to be secretary of health , with the selection of michael o . leavitt , a former governor of utah , the shape of the cabinet in president bush ' s second term has become clear . -__label__3 , family takes helm at bombardier , canada #39 s bombardier family has taken back management control of the troubled transport equipment maker that bears its name following the sudden departure of paul tellier , chief executive . -__label__2 , coleman enjoys fulhams battling display , fulham manager chris coleman was delighted with his side #39 s second-half performance , which brought them a hard-earned point in a 1-1 draw against manchester united at craven cottage . -__label__2 , gray , demon deacons swing back in action , seek to shoot down < b> . . . < /b> , justin gray has had an ample amount of time to get his shooting stroke ready . gray and no . 6 wake forest are back in action after an eight-day break when they visit temple on monday . -__label__2 , cavaliers activate wagner again , cbc sports online - the cleveland cavaliers activated dajuan wagner off the injured list monday for a second time this season . wagner missed five games with an inflamed right arch after earlier sitting out seven games because of a sprained right ankle . -__label__3 , symantec said to be in talks for veritas , symantec , which produces the norton line of computer products , is in talks to acquire veritas software , a maker of data backup programs . -__label__4 , in u . s . market , cellphone users are often all talk , users in the united states continue to think of a cellphone as a device for talking , not text messaging . marketers , however , hope to change that as soon as possible . -__label__1 , pakistan questions indian arms shopping spree , islamabad as the second round of expert-level talks on nuclear confidence building measures ( cbms ) between pakistan and india starts today , the government says that the recent statements coming from new delhi are quot disturbing quot and sound quot paranoid quot . -__label__4 , yahoo ! hires chief data officer , in a move that has implications for ad targeting and reporting , yahoo ! has hired usama fayyad , a co-founder of the company now known as revenue science , to the newly-created position of chief data officer . -__label__3 , peoplesoft gives in to oracle , takes bid , peoplesoft inc . capitulated to oracle corp . , accepting a sweetened \$10 . 3 billion takeover offer to end an 18-month battle that pitted peoplesoft against its investors and led to the ouster of its chief executive . -__label__1 , us admits more afghan jail deaths , the us army says more people than previously acknowledged have died in its custody in afghanistan . -__label__4 , firefox crosses 10m mark , us web browser developer mozillas open-source browser firefox has recorded over 10m downloads since it was launched in november . -__label__4 , firefox turns up the browser war heat , firefox , the mozilla-based open-source browser has grown by more than a third over the past month , according to websidestory , an independent web metrics firm . -__label__2 , he picked right time to start making shots , insecurity is a great motivator . facing increasing criticism about his shot selection and the prospect of losing his starting job because of the return of two-time all-star allan houston , young -__label__1 , suicide car bomber hits baghdad checkpoint again ( reuters ) , reuters - a suicide car bomber struck an entrance\to baghdad ' s green zone government compound tuesday , 24 hours\after an almost identical attack at the same checkpoint on the\first anniversary of saddam hussein ' s arrest . -__label__3 , fashionably late , what do women want ? luciano manganella , the owner of the trendy boston women ' s boutique jasminesola , has a pretty good idea . and now after 34 years in business , he ' s plotting a major expansion . -__label__3 , ceo quits at world ' s top maker of trains , paul tellier stepped down as president and chief executive of bombardier inc . yesterday , surprising investors and sending the train and plane maker ' s shares down as much as 26 percent to a 10-year low . -__label__4 , nasa chief sean o #39 keefe quits , washington nasa administrator sean o #39 keefe has resigned , spending three turbulent years at the helm of the us space agency which saw the crash of columbia space shuttle , a painful probe into the disaster and severe austerity measures . -__label__3 , big merger could box qwest in , qwest communications may not be immediately affected by a sprint-nextel merger , but its options could become more limited . at one time , qwest and sprint were viewed as possible merger partners . -__label__4 , icann gives preliminary ok to 2 domains , new york dec 13 , 2004 - the internet #39 s key oversight agency gave a preliminary nod monday to new domain names targeting mobile services and the jobs market . -__label__4 , take two torts and call me in the morning , the friction that sometimes strains the patient-doctor relationship when lawyers seek medical care is at an all-time high . -__label__4 , us supreme court to hear file-sharing case , washington -- the us supreme court will take up one of the key arguments about the use of file-sharing services . the justices will consider whether peer-to-peer internet file-sharing services can be held responsible -__label__4 , sony and samsung to cross-license patents , sony corp . and samsung electronics said on tuesday they had agreed to share patents on basic technology to speed up product development and avoid adding to a growing number of cross-border patent disputes . -__label__2 , white sox trade lee to brewers , the chicago white sox traded outfield slugger carlos lee to the milwaukee brewers for outfielder scott podsednik , reliever luis vizcaino , and a player to be named in a deal announced yesterday at baseball ' s winter meetings in anaheim , calif . -__label__3 , vodafone drops on report it supports bid for sprint ( update2 ) , shares in vodafone group plc , the world #39 s largest mobile-phone operator , dropped after the wall street journal said the company is considering bidding with us partner verizon communications inc . -__label__2 , former coach hits out at bob woolmer , javed miandad has come out strongly against bob woolmer #39 s coaching methods and is extremely sceptical about pakistan #39 s chances in the test series against australia . -__label__4 , music file-sharing case heads to high court , eeding the pleas of the entertainment industry , the us supreme court has agreed to consider calling a halt to internet file-sharing that allows millions of computer users to obtain free copies of movies and music . -__label__1 , boycott rethink after ahern apology , the dup was last night reconsidering its boycott of talks with the irish government after taoiseach bertie ahern apologised to party leader ian paisley . -__label__1 , u . s . army deserter welcomed in japan ( ap ) , ap - villagers on the remote japanese isle of sado have warmly welcomed u . s . army deserter charles jenkins since he arrived with his japanese wife and their two north korea-born daughters a week ago , his wife said tuesday . -__label__1 , world ' s tallest bridge soars above french valley , a bridge officially designated the tallest in the world was inaugurated by president jacques chirac in southern france tuesday . -__label__2 , mcgrath identifies his targets , perth - australia #39 s premier paceman glenn mcgrath - renowned for his pre-test plans to target specific batsmen - said on tuesday that captain inzamam-ul-haq and one-day run machine yousuf youhana were the keys to pakistan #39 s batting lineup . -__label__2 , hanover striker mathis to return to us , hanover 96 striker clint mathis is to return to the united states after only a year in the bundesliga , the german club said tuesday . -__label__2 , green tosses 3 touchdown passes , chiefs down titans , new york ( reuters ) - trent green hit eddie kennison with a nine-yard touchdown pass with 37 seconds left to give the kansas city chiefs a wild 49-38 win over the tennessee titans in nashville monday . -__label__3 , manpower survey forecasts slow hiring in early 2005 , those planning to look for a job in the kalamazoo area during the first quarter of 2005 might find the going slow . the pace of hiring among area employers is expected to be slow during the first quarter of -__label__4 , toys will be toys , trust me , you don #39 t want to see desperate parents shopping over the holidays . i was at circuit city ( nyse cc ) last week and saw a mother pleading with a sales clerk for a nintendo ds portable video game system . -__label__1 , iraq trials of hussein #39 s aides may start next week , allawi says , iraq may begin war crimes trials for senior members of saddam hussein #39 s former regime as soon as next week , iraqi prime minister ayad allawi said . -__label__3 , trade gap swells more than expected , the us trade deficit widened nearly 9 percent in october to a record \$55 . 5 billion as sky-high oil prices helped propel imports into uncharted territory , the government said on tuesday . -__label__4 , orbitz ' s michael sands is named president ( ap ) , ap - travel-reservations web site orbitz inc . tuesday said it named its former chief marketing officer , michael sands , as president . -__label__4 , intel confirms dual-core desktop ' smithfield ' , but is it two prescotts in one package or a single-die part ? -__label__4 , bond game fails to shake or stir , goldeneye rogue action fails to deliver on the promise of its name and struggles to generate the original ' s massive sense of fun . -__label__4 , worldwide pc market seen doubling by 2010 , new york ( reuters ) - the number of personal computers worldwide is expected to double to about 1 . 3 billion by 2010 , driven by explosive growth in emerging markets such as china , russia and india , according to a report released on tuesday by forrester research inc . -__label__2 , ea signs five-year exclusive nfl deal , electronic arts announced an exclusive licensing relationships with the national football league and players inc to develop , publish and distribute interactive football games . -__label__1 , egypt and israel sign us trade accord 25 years after peace treaty ( afp ) , afp - in a partnership hailed as a major boost to often chilly ties , egypt and israel signed a first joint trade accord with the united states since their historic peace treaty 25 years ago . -__label__3 , merck plans 5 , 100 job cuts by year-end , merck amp co . plans to cut its workforce by 5 , 100 jobs by the end of the year--about 700 more than originally planned . whitehouse station , nj-based merck said in materials filed with the securities and exchange -__label__3 , sprint center of attention for nextel and verizon wireless , sprint corp . #39 s enterprise operation , including its nationwide fiber-optic network , suddenly is looking like a swan and not a lame duck , as verizon wireless assesses the possibility of making a bid for sprint in the boiling cell-phone merger scene . -__label__3 , fed raises interest rate to 2 . 25 percent ( reuters ) , reuters - the federal reserve raised u . s . \interest rates on tuesday by a quarter-percentage point for the\fifth time this year and said it will keep gradually lifting\them from rock-bottom levels to forestall inflation . -__label__1 , islamic scholar , visa withheld , gives up u . s . post , geneva ( reuters ) - a prominent swiss-based islamic scholar on tuesday gave up plans to teach at a leading u . s . university after waiting in vain for a visa and accused the bush administration of trying to silence him . -__label__4 , sony , samsung swap patents , sony corp . and samsung electronics co . ltd . said tuesday that the two companies have signed a patent cross-licensing agreement , which excludes certain key technologies . -__label__3 , dollar ' s gains cut as fed raises rates , new york ( reuters ) - the dollar ' s gains were clipped on tuesday as the federal reserve raised interest rates for the fifth time this year , as expected , but quashed hopes for more aggressive rate tightening . -__label__3 , five times for the fed , plus , intel ' s still straining , revenge of the nerds , and a \$13 billion christmas present ? -__label__4 , toshiba to use perpendicular recording in new hdds , toshiba is close to commercializing a new data storage technology that could significantly increase the capacity of hard-disk drives , it said tuesday . -__label__1 , saddam #39 s aides set to go on trial , trials of some of saddam hussein #39 s aides will begin next week , iraqi interim prime minister iyad allawi said . speaking to iraq #39 s national council , he did not name the lieutenants that would go on trial or say when saddam himself would appear in court . -__label__3 , fed lifts rates a further quarter point , by andrew balls in washington and jennifer hughes in new york . the us federal reserve on tuesday raised interest rates by a quarter point to 2 . 25 per cent and signalled there had been no change in its assessment of economic conditions . -__label__4 , hollywood to sue server operators in bid to stymie online piracy , los angeles -- hollywood movie studios on tuesday sued scores of operators of us- and european-based computer servers that help relay digitized movie files across online file-sharing networks . -__label__3 , oil price rise adds to airlines woes as losses continue , the global airline industry is forecast to have made net losses of \$4 . 8bn this year , as the rise in the oil price has overwhelmed efforts by carriers to cut costs . -__label__4 , hollywood sues computer server operators ( ap ) , ap - hollywood movie studios on tuesday sued scores of operators of u . s . - and european-based computer servers that help relay digitized movie files across online file-sharing networks . -__label__1 , in chile , pace of justice quickens , a judge has ruled that gen . augusto pinochet stand trial for his alleged involvement in state-sponsored torture . -__label__2 , memphis indefinitely suspends sean banks , memphis forward sean banks was suspended indefinitely tuesday for violating team rules . coach john calipari did not provide further information about the violation . -__label__2 , a deal that ' s creating plenty of buzz about the mets , the prospect of pedro martnez going to queens is potentially the best news in years for the mets . they have now won a public relations battle with the yankees . -__label__1 , briefly israel , egypt and us trade pact , egypt , israel and the united states have reached an agreement that allows egyptian industry to sell products using israeli parts duty free in america . -__label__2 , mcleish upset by novo punishment , rangers manager alex mcleish has criticised the punishment handed out to nacho novo by the scottish football association . novo and celtic striker henri camara were both given one-match bans -__label__4 , samsung mmcmicro cards , samsung mmcmicro it seems that mobile phones will soon be getting yet another new memory storage format , joining a growing field of ever-smaller memory cards . -__label__2 , hockey labor talks broken off , toronto -- national hockey league labor talks came to a halt tuesday after each side rejected the other #39 s proposal . the talks lasted more than three hours , with the league making a one-hour presentation on -__label__4 , astronomers ready for comet-smashing mission , nasa and university astronomers are eagerly awaiting the launch of a space probe bound to collide with a comet and give researchers a glimpse inside the solar systems icy wanderers . -__label__3 , dollar #39 s fall is a wake up call #39 for nations , imf #39 s rajan says , the decline of the us dollar is a signal that policy makers need to do more to ensure the currency #39 s depreciation won #39 t hurt global growth , international monetary fund chief economist raghuram rajan said . -__label__2 , racing jockey club abandons inquiry into fallon , kieren fallon can now look forward to a christmas of giggling children , mince pies and roaring log fires following the announcement that the jockey club have abandoned their inquiry into -__label__3 , fed panel lifts rates and says more increases are probable , the federal reserve raised short-term interest rates on tuesday for the fifth time this year and suggested that more rate increases are in order in the months ahead . -__label__2 , knee surgery for falcons #39 duckett , cbc sports online - atlanta falcons running back tj duckett is expected to undergo minor arthroscopic surgery on his left knee tuesday , so will miss this saturday #39 s contest versus carolina . -__label__1 , mexico police present before mob killing ( ap ) , ap - an amateur video released tuesday shows that mexico city police were present late last month before a street mob beat three plainclothes federal agents and set two of them on fire , killing both men . -__label__2 , no . 13 louisville beats nc a t , 85-51 , louisville , ky . , ( sports network ) - larry o ' bannon netted 25 points to lead no . 13 louisville over north carolina a t , 85-51 , at freedom hall . -__label__2 , 76ers rally from 18 down to stun nuggets , allen iverson couldn #39 t resist when he saw the burgundy and yellow shirt willie green put on after the game . quot that #39 s an ugly shirt , willie , quot iverson shouted over a crowd of reporters . -__label__1 , afghan forces arrest 2 taliban leaders , kandahar , afghanistan , dec 14 -- afghan forces have captured two top figures of the deposed taliban government , including the personal security chief of leader mohammad omar , provincial officials said tuesday . -__label__1 , mesic set to recapture croat presidency ( reuters ) , reuters - croatia ' s liberal president stjepan\mesic looked set to win a second term in elections on sunday , \exit polls released by state television showed . -__label__4 , mindawn offers drm-free music downloads ( maccentral ) , maccentral - mindawn is a new online music download service that differs from apple computer inc . ' s itunes music store and other services in a few ways it ' s not only compatible with macs and pcs but with linux computers too , its music is available in a lossless format , and there are no digital rights management ( drm ) restrictions . mindawn launched in september and is picking up steam , according to its founder . -__label__2 , nhl players , owners reject plans to end lockout , toronto ( reuters ) - hopes of saving the national hockey league season all but vanished tuesday when players and team owners rejected proposals to end the labor dispute . -__label__4 , google partners with libraries , google #39 s plan to digitally scan books so that users can access them from its internet search engine is being greeted with delight at the tiny library in my hometown of half moon bay , calif . -__label__3 , business fiat talks tough ahead of key gm meeting , quot there is a very good argument to say that the italian car plants could benefit from the relocation of other gm businesses in europe , quot marchionne was quoted as saying . -__label__1 , world #39 s tallest bridge opens in france , a bridge officially designated the tallest in the world was inaugurated by president jacques chirac in southern france on tuesday - a stunning feat of engineering that will carry motorists at 270m above the valley of the river tarn . -__label__1 , mullah omar and bin laden on the run as afghan and american forces < b> . . . < /b> , more than 18 , 000 us troops and innumerable afghan forces are in the process of searching every inch of afhganistan and afghan-pak border . -__label__1 , poland to cut one-third of its troops in iraq , poland #39 s defense minister jerzy szmajdzinski has announced plans to cut his country #39 s forces in iraq by almost one third next year . -__label__4 , king pong draws fans , spike tv ' s video game awards show attracts big-name celebrities and bands but gives the fans the votes . -__label__4 , judge rejects md . anti-spam statute , a montgomery county judge has ruled that maryland ' s anti-spam law is unconstitutional because it seeks to regulate business transactions beyond the state ' s borders . -__label__2 , kidd #39 s lack of playing time hurting nets , having jason kidd available for roughly 20 minutes a night is costing the new jersey nets . the new york knicks took advantage of kidd #39 s rationed minutes to get back in the game early and then capitalized on -__label__1 , kidnapped turk killed in afghanistan -- witness , a turkish engineer abducted by a militant gang in eastern afghanistan was found dead on wednesday , a witness who saw the body being carried down from a mountainside told reuters . -__label__3 , china succeeds in cooling economy , but 2005 likely to prove just as tough ( afp ) , afp - china can claim some success in the battle to cool its roaring economy in 2004 with a series of macro policies helping prevent another boom-bust cycle , but much remains to be done if beijing is to avoid increasing wrangles with trade partners . -__label__3 , fiat seeks pact in row with gm , fiat and general motors are to hold more talks to solve their differences over the future of the italian firm ' s loss-making auto group , fiat says . -__label__1 , dead iraqi #39 s family wins demand for uk abuse probe , in a test case over british troops #39 alleged abuse of iraqi civilians , a london court on tuesday backed demands for an independent inquiry into claims a basra hotel worker was beaten to death by uk soldiers . -__label__4 , call it one for the pages , google #39 s project to archive millions of books from top libraries , experts said , is the first major step toward the company #39 s goal of indexing massive amounts of printed material , music and video . -__label__2 , usc right move for majerus , especially since he was so anxious to simply return to the sidelines . remember , majerus didn #39 t exactly leave utah on his terms in 2004 . -__label__4 , mpaa widens piracy net , hollywood studios launched legal attacks tuesday on the computer server operators they claim are the technological middlemen making online film theft possible . -__label__1 , abducted turkish engineer killed in afghanistan , the kidnapped turkish engineer was found dead in kunar province in east afghanistan on wednesday , one day after he was abducted by unknown gunmen , the afghan interior ministry said . -__label__3 , yukos seeks us bankruptcy refuge , embattled russian oil giant yukos has filed for bankruptcy protection in a us court in an attempt to prevent the forced sale of its main production arm . -__label__3 , update air china shares up 8 on hong kong debut , hong kong ( dow jones ) --air china ltd . #39 s ( 0753 . hk ) stock gained 8 on its debut on the hong kong stock exchange wednesday , and analysts said there is scope for slight further -__label__4 , globus inventors go commercial , the creators of globus open source grid software have set up a software and services company , univa , to capitalise on their work on grid computing . -__label__2 , thomas still struggling , time slips away in a hurry as tim thomas runs around looking to make something happen in short order . the slumping forward #39 s on a short leash at the moment and wound up watching most of last -__label__2 , no . 1 lsu overcomes stubborn host minnesota , minneapolis - top-ranked teams aren #39 t solo shows , and star seimone augustus sure has plenty of help around her with the lsu lady tigers . -__label__2 , lady tigers run past gophers , minneapolis -- one is a 6-foot-1 national player of the year candidate , looking to lead her top-ranked team back to the final four . -__label__1 , nkorea warns japan against economic sanctions , north korea has warned japan that it will treat economic sanctions as a quot declaration of war quot and threatens to try to exclude tokyo from six-party talks on pyongyang #39 s nuclear arms programs . -__label__2 , city to ponder anelka future , manchester , dec 15 ( sw ) - manchester city chairman john wardle has not ruled out a winter break move of french in-form striker nicolas anelka . -__label__2 , 49ers notebook fumbling holiday-party plans , if you think you are having trouble with your holiday party , check out the 49ers . the 49ers planned to have theirs friday at a hotel near where the team stays the night before games , but coaches and their -__label__1 , u . s . defends afghan human rights record ( ap ) , ap - the u . s . military defended its human-rights record in afghanistan on wednesday , claiming that a may inspection by an american general found no evidence of abuse at the 22 detainee facilities in the country , while admitting that his still-unreleased report will not include any earlier incidents . -__label__3 , blockbuster revamps its policy for late returns , new york -- faced with growing competition in the home video market , blockbuster addressed its no . 1 consumer complaint tuesday , saying it will end late fees on rented videos and games in january . -__label__3 , time warner in \$600m setttlement , time warner is to announce today that it will pay between \$500 and \$600 million to settle federal investigations into irregularities at america online , according to reports in the american press . -__label__4 , foxfire browser adoption accelerating as ie wains , usage of microsoft internet explorer continues to fall in the united states , dropping 1 . 09 percentage points to 91 . 80 percent of the browser market last month , more than triple the rate -__label__4 , report amount of fine-particle pollution drops significantly , los angeles - concentrations of one of the most dangerous air pollutants have declined in most of the country in the last five years , especially in southern california and the southeast , according to a report released by the us environmental protection -__label__1 , armed athens bus hijackers release five hostages ( update2 ) , hijackers who took as many as 26 people hostage on a commuter bus on the outskirts of athens released five of the captives . police are in negotiations to free the remaining hostages , a spokeswoman said . -__label__3 , oracle chairman says can close gap with sap - report , oracle corp can close the gap with sap , the world #39 s biggest software company , after buying us rival peoplesoft , oracle #39 s chairman jeff henley said in an interview published on wednesday . -__label__4 , hologram labels in nokia batteries , new delhi to help customers identify original nokia batteries from the counterfeit ones , nokia has introduced hologram labels with authentication codes in all its new batteries . -__label__4 , toshiba claims hard drive storage record , toshiba has developed what it claims are the world #39 s first hard disk drives based on perpendicular recording , a technology that can boost data density on a single 1 . 8in hard-disk platter to 40gb . -__label__2 , eck a court would have cleared novo , rangers manager alex mcleish claims nacho novo would have been vindicated had his case been dealt with as a civil hearing . the striker was banned for one game and had 12 penalty points added to his record -__label__2 , nothing doing , well , that didn #39 t go very well , did it ? everybody knew the nhl planned on turning down the nhlpa #39 s latest offer yesterday , but the hockey world still held its breath when the two adversaries met face to face -__label__1 , turkey confirms death of engineer in afghanistan , ankara , dec 15 ( afp ) - the turkish ambassador in afghanistan has confirmed the death of a turkish engineer kidnapped tuesday in afghanistan #39 s eastern kunar province , the anatolia news agency reported wednesday . -__label__2 , england may have lost initiative , i appreciated michael vaughan #39 s honesty when he said england were complacent after their seven-wicket defeat to south africa a last week . -__label__4 , nokia stamps out bad batteries , helsinki - nokia , the world #39 s largest handset maker plans to mark its original batteries with a hologram as part of the fight against unsafe , counterfeit mobile phone batteries - some of which have exploded in users #39 hands . -__label__1 , madrid bomb victims criticize ' schoolyard politics ' , madrid ( reuters ) - victims of the madrid train bombings issued a stinging rebuke to politicians for seeking to gain from the tragedy that killed 191 people , injecting humility into a previously raucous parliamentary investigation . -__label__3 , sprint , nextel to combine , sprint corp . and nextel communications inc . on wednesday announced plans to merge , creating a more formidable rival to the two largest us mobile operators , and a large wireline communications company supporting -__label__4 , apple blocks use of realnetworks #39 music on ipod photo , apple has updated software on its ipod photo digital music player to prevent users from playing music bought from realnetworks #39 online music store . -__label__2 , valencia accept angulo ban , valencia say they do not plan to appeal against the seven-match ban given to midfielder miguel angel angulo by uefa for his behaviour during last week #39 s champions league match against werder bremen . -__label__2 , newcastle #39 s boumsong bid rejected by rangers , newcastle united manager graeme souness has made an offer to rangers for french international centre-back jean-alain boumsong but the scottish club have rejected his initial offer . -__label__3 , \$210m fine in aol probe , washington ( cbs ) america online has agreed to pay a \$210 million fine to settle a justice department investigation of securities fraud , a department official tells cbs news . -__label__3 , yukos files for us bankruptcy protection , russian oil giant yukos wednesday filed for us bankruptcy protection in attempt to stop the forthcoming auction of its major asset yuganskeneftegaz , accordingto the interfax news agency . -__label__4 , studios attack bittorrent , the motion picture association of america is retargeting its legal battle against file swappers by launching attacks against the server operators behind the bittorrent and edonkey services . -__label__1 , peacekeepers fire on troops at river-border , bukavu/nairobi - united nations peacekeepers have fired on troops trying to enter the democratic republic of congo ( drc ) from rwanda , the un-funded radio station radio okapi reported on wednesday . -__label__1 , indonesia may prosecute newmont mining ( ap ) , ap - indonesia is proceeding with plans to prosecute u . s . -based newmont mining for allegedly polluting a bay in central indonesia , accusing the company wednesday of giving investigators incomplete information about its waste disposal method . -__label__4 , sun brews java tools updates , the java studio enterprise 7 platform , available now , offers a collaboration feature called code-aware that allows distributed teams of developers in different buildings and different continents work together on projects , according to sun . -__label__4 , google takes the competition to school , while rivals scramble to catch up on the desktop , google plans to digitize famous libraries . its official . google is the most dangerous media company on the planet . -__label__4 , mars is more earth-like , san francisco pictures of earth-like clouds were captured by nasa #39 s mars rover on wednesday . reports also indicate that there #39 s a rock that doesn #39 t look like anything scientists have ever seen . -__label__4 , last minute name change for nvidia #39 s new geforce 6200 with < b> . . . < /b> , pci express allows nvidia to tap into system memory to save expensive on-board graphics memory and achieve high performance at the same time . -__label__3 , bush pledges strong-dollar policy , president bush meets with italian prime minister silvio berlusconi in the oval office of the white house , wednesday , dec . 15 , 2004 , in washington . -__label__2 , weis sues doctors , notre dame head coach charlie weis files suit against the doctors who performed weight-loss surgery on him in 2002 that almost killed him . -__label__3 , google wins trademark victory over geico , alexandria , va . ( reuters ) - a federal judge on wednesday handed online search engine google inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=goog . o target=/stocks/quickinfo/fullquote> goog . o< /a> a victory in a trademark infringement case on wednesday , ruling that when users searched for insurer geico , google could display rivals as well . -__label__4 , 2004 signals more global warming , extreme weather un ( reuters ) , reuters - global warming is set to continue , and\bring with it an increase in extreme weather such as hurricanes\and droughts , scientists from the united nations ' world\meteorological organization warned on wednesday . -__label__4 , ' nano-needle ' operates on cell , scientists have performed a delicate surgical operation on a single living cell , using a needle that is just a few billionths of a metre wide . -__label__4 , microstrategy turnover draws analyst scrutiny , microstrategy inc . said yesterday that president and chief financial officer eric f . brown had resigned and that founder michael j . saylor would again hold the company ' s top three jobs , prompting some analysts to raise concerns about the company ' s stock . -__label__1 , italian taken hostage in iraq report ( afp ) , afp - an italian national working for a british non-governmental organisation has been taken hostage in iraq , the italian news agency ansa reported , quoting italian intelligence sources . -__label__3 , montie brewer appointed ceo of air canada , montreal - montie brewer has been appointed president and ceo of air canada , the airline announced wednesday . robert milton remains ceo of air canada #39 s parent company , ace aviation holdings . -__label__4 , hp shifting last of itanium engineers , hewlett-packard co . ( hpq . n quote , profile , research ) and intel corp . ( intc . o quote , profile , research ) on wednesday ended their 10-year partnership to co-develop the itanium chip -__label__3 , gateway updates 4q , year guidance , gateway inc . on wednesday raised fourth-quarter earnings expectations as the personal computer maker freed up cash by selling preferred stock and outsourcing its warranty service plans . -__label__2 , veterans pronger and mckenzie don #39 t think hockey will return until < b> . . . < /b> , nhl veterans chris pronger and jim mckenzie think this lockout is far worse than the one that wiped out half a season 10 years ago . -__label__2 , memphis activates guard williams , memphis , tn ( sports network ) - the memphis grizzlies on wednesday activated point guard jason williams from the injured list , while placing guard antonio burks on the il . -__label__3 , air china main board debut up 6 at hk\$3 . 15 -2- , hong kong ( dow jones ) --shares of air china ltd . ( 0753 . hk ) , the country #39 s largest airline , opened 6 higher at their debut wednesday on the hong kong stock exchange #39 s main board . -__label__4 , r . i . p . gary webb -- unembedded reporter , the finest journalist ever to get fired for telling the truth is dead at age 49 . the official cause of death on the death certificate will be suicide . but , as we shall see , he had much help getting to that point . the story of the life and death of gary webb says much about the state of american politics and what passes as journalism in today ' s america . -__label__4 , nec develops cd , dvd , hd-dvd drive prototype , kawasaki , japan - engineers at nechave developed a prototype optical disc drive that supports the new hd-dvd format and is also compatible with cd and dvd formats , they said wednesday . -__label__2 , pitt to interview at least three coaches ( ap ) , ap - pittsburgh athletic director jeff long plans to interview at least three candidates to replace football coach walt harris . -__label__4 , nokia to use holograms to thwart battery counterfeiters , hologram labels will help customers identify original nokia batteries , thus ensuring the safe use of handsets , says nokia . all new batteries will come with a holographic image and an authentication code hidden under it . -__label__3 , fannie mae didn ' t comply with accounting rules , s . e . c . says , fannie mae , the biggest source of money for u . s . home mortgages , broke accounting rules for financial contracts designed to protect against swings in interests rates . -__label__3 , eurozone central bank gives clean bill of health to hedge funds , the european central bank has given hedge funds a generally clean bill of health , saying the possible dangers to financial markets are quot much less worrisome quot than even a few years ago . -__label__2 , cavaliers trip trail blazers 112-88 ( ap ) , ap - lebron james scored 12 of his 25 points in less than three minutes of the third quarter and ira newble added a season-high 18 as the cleveland cavaliers won their ninth straight at home , 112-88 over the portland trail blazers on wednesday night . -__label__2 , no . 3 georgia tech rolls over james madison , 72-47 , atlanta ( sports network ) - isma #39 il muhammad scored a team-high 14 points , jarrett jack added 13 and third-ranked georgia tech rolled over james madison , 72-47 , in a non-league tilt at the alexander memorial coliseum . -__label__2 , baseball ' s homeless franchise , bud selig , the major league baseball commissioner , didn ' t realize he was gambling when he awarded the expos to washington . -__label__2 , spain coach faces racism inquiry , the spanish football federation yesterday opened a disciplinary file against national coach luis aragones - but anti-racism campaigners expect him to be let off with a warning . -__label__1 , sudan to stop fighting if rebels withdraw ( ap ) , ap - sudan is prepared to halt military operations in the darfur region if rebels withdraw from some positions they captured earlier this year , government negotiators said wednesday . -__label__4 , scientist uses whey to protect food ( ap ) , ap - oxygen , water , seeping oils #151 they ' re all out to get your food , turning sweet nuts sour and tasty confections rancid . food scientist john krochta is fighting back with an unlikely weapon , edible food coatings derived from whey , the dairy byproduct favored by protein-conscious athletes and miss muffet . -__label__3 , brokerage settles charges over mutual fund fees , a fort worth brokerage that sold high-fee mutual funds to military families agreed yesterday to pay \$12 million to settle allegations that it used misleading marketing literature and scripts . -__label__4 , elements of web hosting , elements of web hosting\\when you first start out trying to get a site on the internet everything seems so confusing . obtuse acronyms flow freely through the ' beginner friendly ' information sites and definitions can be hard to come across . the main reason for this is that the internet and the process . . . -__label__4 , a distraction as a deadline approaches , as the holidays approach , christmas spirit is a bargain-hunting essential . -__label__3 , russian oil giant tries us court , moscow - embattled russian oil giant yukos filed for bankruptcy protection in a us court in a last-ditch bid to avert auction of its core production unit . -__label__2 , quickies put pakistan on top in perth , pakistan pacemen shoaib akhtar and mohammad sami tore through australia #39 s top order as the home side struggled to 72 for four at lunch on the opening day of the first test in perth on thursday . -__label__1 , suicide bomber kills 21 iraqi troops , baghdad ( reuters ) - a suicide car bomb hit a bus carrying iraqi national guards on sunday , killing 22 people in the deadliest attack of its kind in nearly four months on iraqis cooperating with u . s . forces to secure a jan . 30 election . -__label__3 , sprint to buy nextel in \$36 billion deal , new york/washington ( reuters ) - sprint corp . said wednesday it would buy mobile telephone company nextel communications inc . for about \$36 billion , creating a u . s . wireless carrier with nearly 40 million subscribers . -__label__2 , outlook gloomy for dc baseball , washington - the president of major league baseball called washington dc #39 s legislation for a new stadium quot wholly unacceptable quot on wednesday night and halted all business and promotional activities for the washington nationals until further notice . -__label__3 , japan govt body to call for 5 . 7 billion dollar aid to daiei ( afp ) , afp - a japanese government-backed organization will ask financial institutions to provide troubled retailer daiei with 600 billion yen ( 5 . 7 billion dollars ) in financial assistance . -__label__2 , wade drives heat over wizards , the washington wizards are finished with the miami heat for the season . that #39 s the good news . dwyane wade had 29 points and nine assists wednesday to lead the heat to a 98-93 win for their -__label__3 , time warner settles with doj , sec for \$510 mil , time warner inc . on wednesday settled criminal securities fraud charges the government leveled on its america online unit , agreeing to pay \$210 million to end the justice department #39 s probe . -__label__3 , utc buys kidde for 1 . 4bn , uk fire equipment manufacturer kidde agrees a 1 . 4bn takeover by us manufacturer united technologies . -__label__3 , mass . auto rates to stay fairly steady next year , the state insurance commissioner yesterday held auto insurance premiums fairly steady for next year while approving measures that could sharply increase the rates paid by inexperienced teenage drivers . -__label__3 , bush vows to cut deficit , president bush pledged yesterday to work with congress to reduce the government #39 s huge budget deficit as a key step in assuring the world that his administration supports a strong dollar . -__label__3 , time warner settles aol investigations for \$510 million , time warner will pay \$210 million to defer a justice department investigation into accounting irregularities at its dulles-based america online unit . -__label__4 , intel to take over hp #39 s itanium chip team , san francisco ( cbs . mw ) -- intel will take over a team of 300 hewlett-packard chip designers working on intel #39 s itanium server processors . -__label__2 , donato has harvard on the move , in groove , three games into the 2004-05 season , the first-year coach with the harvard degree and nhl pedigree was staring at a 0-2-1 record , an offense that was averaging a goal a game , and a locker room full of long faces . -__label__3 , bt cuts prices for telecom rivals , ofcom is cutting the price bt can charge its rivals for putting their broadband equipment in its exchanges by up to 60 . -__label__4 , apple #39 s ipod in short supply , apple computer inc . #39 s ipod digital music players are in short supply at us retailers including amazon . com inc . and best buy co . -__label__2 , living legends left their marks , pasadena , calif . -- the first football meeting between michigan and texas in yesterday ' s rose bowl brought together two coaching legends -- bo schembechler and darrell royal . -__label__1 , n . korea economic sanctions ' one option ' --japan , tokyo ( reuters ) - economic sanctions against north korea are one option , but care is needed in deciding whether to take that step , japanese foreign minister nobutaka machimura said on thursday , a day after pyongyang warned japan that imposing sanctions would be tantamount to war . -__label__1 , fresh bid to dismiss jackson case , lawyers for michael jackson say the singer ' s child molestation case should be dropped . -__label__1 , uk #39 s highest court rules against holding terror suspects without < b> . . . < /b> , britain #39 s highest court ruled thursday that the government cannot detain terror suspects indefinitely without trial . nine law lords ruled in favor of a group of men jailed without charge for +__label__3 , company trademark rights limited by us high court ( update1 ) , the us supreme court limited the scope of federal trademark protection , saying rival companies in some cases can use proprietary terms even when customers might be confused . +__label__4 , human error at eds to blame for uk outage , electronic data systems has admitted that an error by one of its computer operators during a microsoft windows upgrade caused 40 , 000 pcs at the united kingdom #39 s department of work and pensions to crash last month . +__label__4 , linux groups patch image flaw , com december 8 , 2004 , 2 48 pm pt . several flaws in common linux code used to process graphics in the gnome desktop environment could allow an attacker to compromise a computer that +__label__4 , congress passes bill allowing space tours ( ap ) , ap - outer space could become the final frontier of tourism under legislation passed wednesday by the senate to regulate commercial human spaceflight . +__label__3 , dollar extends recovery against euro , yen , the dollar rebounded for a second session on thursday as traders and investors took profits on bets against the us currency before the year draws to a close . +__label__2 , prosecutor brings charges against former neighbor in nba brawl , pontiac , mich . the man accused of starting the brawl at a detroit pistons game last month is no stranger to the man who #39 s filing the charges against him . +__label__2 , florida linebacker charles charged ( ap ) , ap - florida linebacker taurean charles was charged with aggravated battery and culpable negligence-infliction of injury wednesday from a fight at an off-campus party in june . +__label__3 , get real ? , this time last week , first lady laura bush was having what she might call her christmas tree day . first , she showed off the decorated executive mansion to reporters and then joined her husband +__label__2 , benitez praises gerrard #39 s role , rafael benitez praised the captain #39 s performance of steven gerrard after his dramatic late goal earned liverpool a place in the last 16 of the champions league on wednesday . +__label__2 , bulls stomp cavaliers , eddy curry scores 20 points and rookie ben gordon adds 21 to lead chicago to a rare 113-85 lopsided win over cleveland on wednesday . +__label__2 , australian open exec says clijsters out ( ap ) , ap - former world no . 1 kim clijsters is not expected to play in the first grand slam of next year while she continues to recover from an injury to her left wrist . +__label__2 , leiter returns as pavano prepares to go , al leiter is returning to the marlins , but carl pavano appears to be a goner . leiter , a left-hander who threw the franchise #39 s first no-hitter in 1996 and helped the team win its first world series in 1997 , signed a one-year \$8 million contract wednesday . +__label__3 , ellison data hubs could #39 ve prevented 9/11 , san francisco -- oracle ceo larry ellison is convinced that had the intelligence community used a unified database from oracle , the terrorist attacks on 9/11 would never have happened . +__label__4 , minn . test drives new license technology ( ap ) , ap - minnesota next week will begin issuing a first-of-its-kind driver ' s license designed to thwart counterfeiters #151 an issue that has taken on greater urgency since the sept . 11 attacks . +__label__4 , disney takes sides in battle for next generation dvd ( afp ) , afp - hollywood movie powerhouse walt disney has taken sides with japan ' s sony corp . in a bitter battle between studios to define a technical standard for next generation dvds , it said . +__label__2 , wisdom was main course , waltham -- he is an 87-year-old man with a cane and a cigar , and the clout of a king . +__label__1 , english ' world language ' forecast , a third of people on the planet will be learning english in the next decade , \says a report . +__label__1 , amputation rate for us troops twice that of past wars , us troops injured in iraq have required limb amputations at twice the rate of past wars , and as many as 20 percent have suffered head and neck injuries that may require a lifetime of care , according to new data giving the clearest picture yet of the severity of battlefield wounds . +__label__2 , leverksuen see off kiev , leverkusen - bayer leverkusen maintained their 100 home record in this season #39 s champions league defeating dynamo kiev 3-0 here on wednesday to book their place in the last sixteen of the competition . +__label__3 , salvation army bell ringers booted from target stores , target stores have a simple message for eager shoppers this holiday season quot get giving #39 roughly translated , buy stuff . the national retail chain also has a simple +__label__1 , barghouti won #39 t stand if abbas meets terms , jailed tanzim leader marwan barghouti is expected to withdraw from the race for leadership of the palestinian authority in the coming days , say senior fatah sources , if his political demands are met by his election rival , former prime minister mahmoud +__label__1 , one billion #39 denied a childhood #39 , more than one billion children around the world face a brutal existence because of poverty , war and aids , the un children #39 s agency reports . +__label__4 , top cyber news 12/9 , it #39 s a clash between the film industry and a consumer electronics company over a home theater jukebox . the legal battle is over something called the kaleidescape system . +__label__1 , ira willing to disarm by month #39 s end , the irish republican army abandoned its longtime opposition to disarmament on thursday , pledging to get rid of its weapons by the end of the month . +__label__1 , wreckage of navy helicopter found , the wreckage of a royal navy helicopter , which disappeared with four crew members on board , has been found off the coast of cornwall , the ministry of defence says . +__label__3 , jobless claims rise unexpectedly , washington ( reuters ) - the number of americans filing initial claims for jobless pay grew unexpectedly last week to 357 , 000 , labor department data showed on thursday , but an official said an increase in the week after a public holiday was typical . +__label__4 , study return of wolves changes ecosystem ( ap ) , ap - scientists studying the broader effects of wolf reintroduction said a growing body of evidence suggests that killing off predators such as wolves and grizzly bears in the last century started a cascade of effects that threw ecosystems out of balance . +__label__3 , shares surge to all-time high as results exceed forecasts , new york ( cbs . mw ) -- toll brothers reported fiscal fourth-quarter earnings that nearly doubled over year-earlier results as demand continued to outstrip supply in the homebuilder #39 s affluent markets . +__label__1 , six iraqi national guards , 10 civilians wounded in mosul attacks , mosul , iraq , dec 9 ( afp ) - six iraqi national guardsmen and 10 civilians were wounded in two bomb attacks in the northern city of mosul on thursday , police said . +__label__3 , without batting an eyelash a very french welcome for a new < b> . . . < /b> , that night , it seemed as if three or four parties were going on at once in cosmo manille . wrong , palanggas . actually , there were five in makati alone , and one of them had a stream of traffic +__label__4 , large gambian rats worry fla . officials ( ap ) , ap - the florida keys , already dealing with invasive exotics from melaleuca to iguanas , have added another to the list of unwanted newcomers the african gambian pouch rat . +__label__1 , u . s . alone among allies in centralizing spy powers , berlin ( reuters ) - by creating a new , all-powerful director of national intelligence , the united states departs radically from the practice in most of its western allies where spymasters shun the public gaze and work by committee . +__label__3 , baxter ends flu vaccine trial cites side effects , baxter international inc . on thursday said it halted a late-stage european trial of a flu vaccine because of higher-than-expected rates of fever and other symptoms . +__label__1 , europe to send more troops to iraq , us appeals to european nations to boost nato missions in iraq and afghanistan have been a success , with the alliance announcing a small expansion of its fledgling military training facility in baghdad . +__label__4 , fake lycos screensaver hides a keylogger , lycos made headlines during the past several days by distributing a screensaver designed to swamp the sites of those deemed responsible for spam with traffic , in effect giving spammers , at least the companies that bankroll them , a taste of their own +__label__4 , mobile phone sales to beat fixed lines in 2004 report ( afp ) , afp - mobile phones are expected to generate more money this year than traditional fixed-line services for the first time due to surging demand in developing countries such as china , india and russia , an annual industry report said . +__label__1 , court overturns nigerian woman ' s stoning sentence ( reuters ) , reuters - a young nigerian mother\sentenced to death by stoning for having sex outside marriage\was acquitted and discharged by an islamic appeals court on\thursday . +__label__4 , ex-u . s . cyber security chief sees curb on phishing , < p> \< /p> < p> by lisa baertlein< /p> < p> san francisco ( reuters ) - a former white house web security\chief predicted on wednesday that technology companies and law\enforcers could soon stamp out most internet phishing scams\that aim to trick people into giving away personal and\financial information . < /p> +__label__3 , dollar rises on the interest rate plays , new york ( reuters ) - the dollar rose on thursday as traders , short of dollars after relentlessly selling them for weeks , looked to the growing yield advantage of u . s . assets as a reason to buy back the currency before the end of the year . +__label__4 , google founders interviewed by barbara walters , google founders interviewed by barbara walters\\google ' s founders , larry page and sergey brin , were interviewed last night by barbara walters on abc ' s 20/20 10 most fascinating people . andy beal who doesn ' t seem to be too fond of barbara wawa pointed this out on his searchenginelowdown blog . i was too busy eating . . . +__label__1 , #39 miracle in mud #39 as four pulled alive from philippine disaster , real , philippines ( afp ) - philippine rescuers were frantically digging for more survivors after four people , including a toddler , were pulled alive from a building crushed by a landslide 11 days ago . +__label__3 , treasuries drop , foreigners shun 10-year , new york ( reuters ) - u . s . treasury prices extended early losses on thursday after private and foreign investors showed little interest in a sale of reopened debt . +__label__3 , general motors europe axes 12 , 000 jobs , general motors europe ( gm . n quote , profile , research ) will chop 12 , 000 jobs over two years -- around a fifth of its workforce -- to lop +__label__4 , video games used to relax kids in hospital ( ap ) , ap - letting children play video games on a game boy in the operating room before undergoing surgery can help relax them better than tranquilizers or holding mommy ' s hand , researchers say . +__label__3 , america west pulls from race for ata , america west holdings corp . , parent of america west airlines inc . , on thursday said it does not plan to submit a bid to acquire bankrupt ata holdings corp . +__label__3 , nextel and sprint in talks on possible merger , nextel and sprint are in talks that could lead to a merger between the two mobile phone operators , sources close to the discussions said on thursday . +__label__2 , berra says he wouldn ' t take giambi back ( ap ) , ap - while manager joe torre repeatedly dodged questions thursday on whether he thinks jason giambi will return to the new york yankees , hall of famer yogi berra readily voiced his opinion . +__label__4 , palmsource promises linux os , palmsource today promised a linux version of its operating system , together with a cut-down offering for use in budget mobiles , after buying mobile phone developer china mobilesoft . +__label__4 , ec presses for safer internet , the eu telecommunications council today today launched safer internet plus , a scheme to help parents and teachers control what children view online . +__label__3 , america west will not bid for ata , chicago ( reuters ) - america west holdings corp . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=awa . n target=/stocks/quickinfo/fullquote> awa . n< /a> on thursday said it would not bid for assets of bankrupt carrier ata airlines , saying the value does not justify the cost . +__label__3 , amazon #39 s uk dvd rentals might presage war with netflix , analysts said amazon #39 s launch of the dvd rental service in the uk might be to test its approach and streamline the logistically difficult process of handling dvds through the mail . +__label__4 , scientists study clues to forecasting california quakes , two researchers say they #39 ve discovered a pattern of tremors deep beneath the san andreas fault that someday may yield clues into unlocking the mysteries of california earthquakes . +__label__1 , envoy fears darfur talks failure , key talks between the government of sudan and rebels in the troubled darfur region tomorrow could fail because of a new surge of violence , the un #39 s envoy to the country said . +__label__4 , palmsource embraces linux with china mobilesoft acquisition ( newsfactor ) , newsfactor - mobile software provider palmsource is leaping into a market with a\potentially huge upside with the acquisition of china mobilesoft ( cms ) , \and at the same time is giving a big boost to the open source developer\commmunity . +__label__4 , t-mobile usa sees high-speed network 2 years off , new york ( reuters ) - t-mobile usa , the u . s . wireless unit of deutsche telekom ag < a href=http //www . reuters . co . uk/financequotelookup . jhtml ? ticker=dtegn . de qtype=sym infotype=info qcat=news> dtegn . de< /a> , does not expect to offer broadband mobile data services for at least the next two years , its chief executive said on thursday . +__label__3 , federal report sees crude oil staying high , while the recent flurry of record oil prices may be temporary , government analysts said thursday that \$30-a-barrel oil should be expected for decades to come . +__label__3 , america west backs away from ata bid , america west airlines backed away thursday from a potential bidding war for bankrupt ata airlines , paving the way for airtran to take over ata operations . +__label__1 , blast targets baghdad checkpoint near allawi hq ( reuters ) , reuters - a car bomb that exploded near the\headquarters of iraqi prime minister iyad allawi ' s party in\western baghdad on monday targeted a police checkpoint at the\entrance to the road leading to the building , witnesses said . +__label__4 , summary box breast cancer surgery refined ( ap ) , ap - new approach a study says that removing just one to three key lymph nodes can spare women lifelong arm problems and reliably indicate whether breast cancer has spread . +__label__4 , study wild monkeys resort to use of tools ( ap ) , ap - wild south american monkeys routinely use fist-sized rocks to crack open seeds and to dig in dry brazilian soil for grubs and edible tubers , researchers report in the journal science . +__label__3 , opel to cut payroll by 9 , 500 , opel gets by without layoffs . readers taking in these and similar headlines earlier this week were well advised to read the fine print . +__label__4 , injection flaw found in browsers , danish security research firm secunia has reported a vulnerability that occurs in most browsers that can be exploited by hackers looking to spoof the content of web sites . +__label__1 , indian parties among most corrupt in world , washington india is among the five countries in the world where political parties are seen by the general public as the most corrupt , according to a survey released by the transparency international ( ti ) . +__label__2 , montgomerie , woods , furyk tied at target ( ap ) , ap - colin montgomerie was thrilled to get an invitation from tiger woods to play in his year-end tournament with 15 of the best players in golf . even better was matching woods ' score . +__label__1 , prime minister says australia faces tough economic year in 2005 ( afp ) , afp - prime minister john howard warned that australia ' s strong dollar , high world oil prices and the lingering effects of prolonged drought would dampen the country ' s long-buoyant economy in 2005 . +__label__2 , knee injury sidelines chiefs ' holmes ( ap ) , ap - kansas city chiefs star running back priest holmes will miss the rest of the season with a knee injury . +__label__4 , scammers could hijack pop-ups , security researchers warned this week of a vulnerability in most web browsers which could potentially allow scammers to launch phishing attacks from pop-up windows on trusted web sites . +__label__4 , nextel , sprint talk merger , nextel communications inc . and sprint corp . are negotiating a possible merger , according to a source familiar with the discussions . +__label__2 , wizards ' kwame brown suspended one game ( ap ) , ap - the washington wizards suspended kwame brown for one game thursday for his actions during the previous night ' s game against denver . +__label__3 , premier swallows bird #39 s custard , bird #39 s custard and angel delight are back in british hands after a 70m deal announced yesterday . the famous brands have been bought by premier foods , owner of ambrosia custard and rowntrees jelly , from the us food group kraft . +__label__1 , coal mine blast in china kills 33 ( ap ) , ap - a coal mine explosion in northern china killed 33 people in the latest disaster to strike the country ' s accident-prone mining industry , the official xinhua news agency reported friday . +__label__2 , ncaa notifies baylor , baylor received its notice of allegations thursday from the ncaa about infractions in its men ' s basketball program discovered after the death of player patrick dennehy . +__label__1 , it ' s inauguration time again , and access still has its price , president bush ' s inaugural committee , seeking to raise more than \$40 million , a record , sent out hundreds of solicitations . +__label__3 , germany ' s new reality , undercut by vastly cheaper labor in neighboring poland and by increasing global competition , the union at adam opel ag acceded to a plan by general motors corp . to cut 12 , 000 jobs throughout europe . +__label__3 , new jobless claims increase import prices jump higher , in another report , import prices excluding petroleum posted the largest increase in 10 months , a possible early warning on inflation from the weaker dollar . +__label__1 , miracle in mud ! , real philippine rescuers were yesterday frantically digging for more survivors after four people , including a toddler , were pulled alive from a building crushed by a landslide 11 days ago . +__label__1 , pakistan on back foot in four dayer ( afp ) , afp - pakistan was still struggling at lunch on the second day of their four-day tour match against western australia here despite claiming two wickets in the morning session . +__label__2 , massachusetts 61 , no . 7 connecticut 59 , massachusetts made sure its first home game against a defending national champion was one to remember . the minutemen stunned seventh-ranked connecticut 61-59 on rashaun freeman #39 s layup with 4 . 3 seconds to play thursday night . +__label__1 , mandela , tutu and others support annan , a group of high profile south africans , including former president nelson mandela , has condemned attempts to force united nations secretary-general kofi annan to resign . +__label__3 , big dig no roadblock , huge cost overruns . tunnel leaks . multimillion-dollar lawsuits . big trouble for the companies managing boston ' s big dig ? not really . +__label__3 , japan ' s comics retool the art , animation in america once meant mickey mouse and winnie the pooh . these days , it ' s just as likely to mean japanese fighting cyborgs , doe-eyed schoolgirls , and sinister monsters -- thanks in large part to people like john ledford . +__label__3 , report boosts nextel , sprint , shares of sprint corp . and nextel communications inc . jumped yesterday following reports the two telephone companies were discussing a merger . +__label__4 , playstation 3 to arrive spring 2006 in japan , nvidia has made a big noise about playstation 3 deal but unfortunately you won #39 t see this console any time soon . nvidia stock holders definitely know about sony and its playstation 3 killer business and therefore nvidia is recovering on the stock market . +__label__4 , save the hubble , the issue space telescope was condemned to a lingering death . our view new report gives support to a manned rescue mission . the hubble telescope may well be the most successful observatory ever built , producing +__label__2 , dance pair out with injury , olympic ice dancing hopefuls loren galler-rabinowitz and david mitchell of the skating club of boston will be sidelined for the remainder of the season because of a shoulder injury to mitchell that will require surgery . +__label__1 , sharon , with party backing , invites labour into govt , jerusalem ( reuters ) - israeli prime minister ariel sharon on friday invited the opposition labour party to begin talks to form a unity government , a move that would avoid early elections and pave the way for a withdrawal from gaza . +__label__1 , berlusconi confident of acquittal , judges in the corruption trial of silvio berlusconi withdrew yesterday to decide their verdict and the prime minister said he was confident he would not be convicted . +__label__2 , james may play , the man in the mask on monday night may be cleveland ' s lebron james , who was fitted with a mask to protect his broken left cheek and might play in charlotte . +__label__4 , lonely whale #39 s song remains a mystery , a lone whale with a voice unlike any other has been wandering the pacific for the past 12 years . marine biologist mary ann daher of woods hole oceanographic institution in massachusetts , us , and her colleagues +__label__2 , huskies fail 1st road test , this so-called rivalry might be worth saving after all . umass finally got one thursday night . and the minutemen did it in exciting fashion , one that totally disgusted jim calhoun . +__label__1 , powell calls for support to iraq in last nato meeting , at his last north atlantic treaty organization ( nato ) foreign ministers meeting , us secretary of state colin l . powell asked his european counterparts for support on the iraq issue . +__label__4 , russian space agency space station crew could be forced to return < b> . . . < /b> , moscow space officials in russia are joining american officials in talking about the potential consequences of the food shortage aboard the international space station . +__label__4 , chicken genome sheds new light on human dna , a new study states that 60 of the genes in chicken have close relations to human dna . this may not comfort those who frequently eat the creature , but may ponder this the next time they order a batch of chicken wings . +__label__2 , fan v fan manchester city-tottenham hotspur , this weekend manchester city entertain spurs , and with last seasons seven-goal fa cup epic between the two teams still fresh in the memory , entertain could be the operative word . +__label__2 , officials to be quizzed in aragones row , spanish football federation president angel maria villar will appear before the national anti-violence commission tomorrow to explain why he has defended spain coach luis aragones . +__label__4 , thomson to enter hd dvd market , thomson announced friday it that it will enter the hd dvd market with a line of players and that it will also manufacture hd dvd and blu-ray discs . +__label__4 , desktop search avalanche set to hit , yahoo , ask jeeves , and microsoft all plan to follow google to the desktop . +__label__3 , southwest in , awa out of midway bidding , december 10 , 2004 -- southwest airlines this morning said it will submit a bid to the federal bankruptcy court in indianapolis today for certain assets of bankrupt ata airlines . +__label__1 , pacifist japan boosts #39 self-defence #39 measures , after almost 60 years of pacifism , japan today overhauled its defence policy easing an arms exports ban and singling out north korea and china as security threats . +__label__3 , ford to recall 474 , 000 suvs worldwide ( reuters ) , reuters - ford motor co said on friday it\was recalling about 474 , 000 escape and mazda tribute sport\utility vehicles globally because the accelerator cable may\prevent the engine from returning to the idle position , which\could increase stopping distance and result in a crash . +__label__1 , sudanese rebels , au meet , darfur #39 s rebel leaders held preliminary talks with african union mediators in abuja on friday ahead of the latest round of peace negotiations on the crisis in the western sudanese region . +__label__4 , msn search engine - searching for ways to make redmond rise again , what would you do if you were tasked with designing a new search engine ? you have all the resources the world can offer and the certain knowledge that your project is so important to your employer that mountains +__label__3 , airbus will move forward on 7e7 competitor , airbus has been given the go-ahead to develop a new jet designed to compete with the boeing co . #39 s new 7e7 , according to reports by the associated press friday . +__label__3 , southwest makes strong bid for midway gates , southwest airlines has offered more than \$100 million for part of ata #39 s operations at chicago #39 s midway airport . if successful , it could torpedo airtran airway #39 s efforts to create a hub there . +__label__2 , irish eyes turn to clements notre dame interested in bills < b> . . . < /b> , buffalo bills offensive coordinator tom clements has emerged on a short list of candidates whom notre dame has targeted for its head coaching vacancy . +__label__3 , ge to buy back \$15 bln in stock , raises dividend ( update1 ) , general electric co . , the biggest company by market value , said it will buy back as much as \$15 billion in stock over three years and raised its quarterly dividend 10 percent , more than some analysts had estimated . +__label__2 , finley to remain in southern calif . , with angels , anaheim , calif . ( sports network ) - the anaheim angels have reportedly agreed to a contract with veteran free-agent outfielder steve finley . +__label__3 , cardinal picks a lilly , cardinal health ' s deal with lilly suggests the new fee-for-service model is gaining traction . +__label__3 , ge oks #36 15 billion buyback , ups dividend ( reuters ) , reuters - diversified manufacturer general\electric co . said on friday it boosted its quarterly\dividend by 10 percent and earmarked up to #36 15 billion for\share repurchases over the next three years . +__label__1 , fired ecuador justices are barred from offices , quito , ecuador -- ecuadorean police barred supreme court judges from returning to their offices yesterday after the judges tried to defy a decision by congress to fire them for bias against president lucio gutierrez . +__label__4 , space station crew become quot weightless-watchers quot with low food < b> . . . < /b> , with food supplies becoming critically low onboard the international space station , the astronauts have been told to cut back on their food consumption . +__label__4 , ericsson selected by mtn south africa to supply 3g/wcdma network , stockholm , sweden -- ( business wire ) -- dec . 10 , 2004 -- ericsson ( nasdaq ericy ) has been selected by mtn south africa to supply 3g/wcdma network . +__label__2 , uefa bans lazio stadium for fan misbehavior , uefa on friday ordered italian side lazio to play its next european match behind closed doors as punishment for unruly fan behavior during a game last month against partizan belgrade , including racial taunts directed at partizan #39 s +__label__3 , opec agrees to cut oil output in bid to firm up prices , opec oil ministers agreed today to cut oil production by one million barrels a day to stem a 24 percent price slide in the past six weeks , and they called for an emergency meeting +__label__3 , dreamworks , pixar rule digital animation , dreamworks and pixar both make cutting-edge digital animated films . but behind the scenes , the two studios are about as different as shrek and mr . +__label__3 , american airlines raises ticket prices , fort worth , texas -- the high cost of jet fuel is prompting american airlines to raise its domestic ticket prices . it is going to charge an extra \$5 for one-way flights , and \$10 per roundtrip . +__label__3 , general electric raises dividend , general electric co . , a maker of jet engines , plastics and appliances as well as owner of the nbc television network , said friday that its board raised the company #39 s quarterly dividend by 10 percent to 22 cents per share , and authorized the repurchase of +__label__1 , inaction #39 s consequence , last month the united states and its allies signaled a change in sudan policy . rather than pressuring sudan #39 s government to halt its genocidal attacks against civilians in the western province of darfur , they +__label__3 , auto parts sector falls on delphi news , investors sold off shares of auto parts makers friday after delphi corp . issued a profit warning and said it would cut nearly 5 percent of its work force next year . +__label__4 , yahoo taps x1 for desktop search , search engine giant yahoo has tapped pasadena-based x1 technologies to add the ability to search desktop files and folders on microsoft windows platforms . +__label__3 , shares of video game makers rise sharply , shares of video game makers rose sharply friday after analysts reported industry sales increased 11 percent last month due mainly to the strength of two blockbuster titles that have proven to be the holiday season #39 s biggest sellers . +__label__4 , us supreme court to decide grokster case , the us supreme court on friday agreed to consider whether internet file-trading networks should be held responsible when their users copy music , movies and other protected works without permission . +__label__2 , mind more free now , calcutta anil kumble began the year looking to quickly reach 435 . he got there ( and went one better ) in dhaka on friday afternoon , the opening day of the second last test of 2004 . +__label__3 , report sprint/nextel reach tentative \$36b deal , a wall street journal report friday afternoon citing sources on both sides indicated no . 3 sprint corp . and no . 5 nextel communications inc . +__label__4 , uk browser claims phishing victory , uk browser business deepnet explorer today trumped global competitors microsofts internet explorer , netscape and firefox , with the claims that its new phishing alarm and enhanced pop-up killer made deepnet explorer the first known browser to pass +__label__4 , napster mobile , december 10 , 2004 - remember napster ? oh , the heady days of swapping mp3s with blatant disregard to hilary rosen and the riaa . well , napster is back -- as a legit music service and now the provider of ringtones through the new application napster mobile . +__label__2 , rockets ' mcgrady puts on memorable finish ( ap ) , ap - tracy mcgrady needed only 35 seconds to turn a sure loss into an improbable win and a listless 20-point night into one of the league ' s most memorable clutch performances . +__label__2 , rockets 89 hornets 81 , houston yao ming #39 s 21 points and nine rebounds led the houston rockets to an 89-to-81 victory over the hapless new orleans hornets . +__label__4 , paypal and apple itunes link-up , online auction house ebay #39 s payment system paypal can now be used for purchases by us customers of apple #39 s itunes music store . +__label__3 , southwest to bid for ata chicago assets , southwest airlines said on friday it will bid at least usd\$100 million for assets of bankrupt ata airlines , including taking over six of ata #39 s 14 gates at chicago #39 s midway airport and selling tickets on some of each other #39 s flights . +__label__3 , financier frankel gets nearly 17 years for fraud , greed and sexual desire drove martin frankel to mastermind one of the largest insurance frauds in us history , a federal judge heard on friday as she sentenced him to nearly 17 years in prison . +__label__1 , plant a tree at easter urges nobel laureate , world to plant trees at easter as a symbol of renewal and to protect the planet . planted , quot maathai told reuters television in oslo , where she received the 2004 nobel peace prize . +__label__1 , japan beefs up its defense stance , with an eye to north korea and china , prime minister koizumi #39 s cabinet is set to pass new guidelines friday . by bennett richardson correspondent of the christian science monitor . +__label__3 , crunch time for biotech companies , washington area biotech companies will face pivotal moments this year , finding out whether key products work before money dries up , fending off competition from bigger companies , and , perhaps filing to go public . +__label__3 , the relief of shedding a big ball and chain hhg sale of its < b> . . . < /b> , which owns fund manager henderson , - yesterday escaped a ball and chain that has dragged at it ever since it came to the stock market a year ago . +__label__4 , scientists study deep tremors under san andreas fault , seismologists are studying mysterious tremors deep under the san andreas fault that may signal future earthquakes . the continuous tremors are quot a kind of chatter quot emanating from a depth far below the surface +__label__1 , mexico ' s fox presents human rights plan ( ap ) , ap - president vicente fox presented a plan friday to improve mexico ' s checkered human rights record , pledging to eradicate torture and to hold corrupt and abusive authorities accountable for wrongful arrests and shoddy police work . +__label__2 , steelers look super , the steelers have all the ingredients to make a run for their fifth super bowl title while the nfc trots out its weakest set of challengers in memory . +__label__4 , nasa space station status report 10 december 2004 , international space station crewmembers this week continued research and maintenance activities and prepared for arrival of the next progress cargo craft . +__label__1 , fear hamstrings quest for intelligence in n . iraq , intelligence-gathering by the front-line forces that need to know the most is proving difficult in a region increasingly gripped by fear . +__label__2 , anti-doping agency is boosted by ban of sprinter in balco case , the united states anti-doping agency received an important validation yesterday in its attempt to punish athletes who were suspected of doping in the balco steroids scandal but who had not failed a drug test . +__label__2 , nhl must determine if it is certain about cost certainty , after gary bettman was introduced as the commissioner of the national hockey league 12 years ago , he was handed a fax from bob goodenow , the executive director of the players association . +__label__2 , athletics eight-year ban given to collins for #39 pattern of doping #39 , michelle collins , who won the world athletics indoor 200 metres for the united states last year , was yesterday suspended for eight years despite the fact that she has never tested positive or admitted doping violations . +__label__1 , kerik pulls out as bush nominee for homeland security job , bernard b . kerik said in a statement that he had come to learn that a former housekeeper may not have been in the u . s . legally . +__label__1 , china ' deeply concerned ' at japan ' s defense move , shanghai ( reuters ) - china voiced deep concern on saturday over japan ' s sweeping overhaul of defense policy that eased a decades-old ban on arms exports and suggested a shift from a defensive posture in place since its world war ii defeat . +__label__3 , hp targets china with low-cost pc , san francisco ( cbs . mw ) - personal computer stocks were relatively quiet friday as the sector focused more attention on china where hewlett-packard introduced a new , low-priced pc . +__label__4 , internet access is free on ferries during tests , tests of high-speed wireless internet service on one of the region #39 s busiest ferry runs have been canceled , but the service , referred to as wi-fi , might still become available on that run , between seattle and bremerton , the ferry service said . +__label__4 , sources sprint , nextel closing in on \$36b deal , sprint corp . is in advanced talks to buy nextel communications inc . for more than \$36 billion in a mostly stock deal , sources familiar with the situation said today . +__label__2 , not exactly an idiotic idea , this should give pause to anyone who thought the red sox might be interested in toning down their image as idiots they ' ve made a serious contract offer to david wells . +__label__2 , finley finds a home with angels , cbc sports online - steve finley will remain on the west coast , but he #39 s decided to return to the american league after 14 seasons . +__label__2 , finley is new angel in outfield , the angels rounded out their starting outfield yesterday , signing center fielder steve finley to a \$14 million , two-year contract as baseball ' s winter meetings in anaheim , calif . , began to percolate . +__label__2 , iowa bests iowa st . , former cyclone adam haluska does in his former team as he scores 20 points to lead the hawkeyes past iowa state , 70-63 , on friday . +__label__2 , dissecting the nhlpa #39 s proposal for a new cba , a closer look at the new offer from the nhl players #39 association rollback the whopping 24 pay cut on all existing player contracts is a monstrous concession . +__label__4 , go save hubble , nasa should use the space shuttle and spacewalking astronauts to mount one last repair flight to the hubble space telescope , and extend the life of one of the greatest scientific instruments ever made . +__label__2 , strachan targeted by portsmouth , london , england -- portsmouth chairman milan mandaric has reportedly put former southampton manager gordon strachan at the top of a list of possible targets for the english premier league club #39 s vacant managerial position . +__label__2 , franz takes first in val d #39 isere , werner franz claimed his maiden world cup downhill victory with a time of one minute 57 . 51 seconds at val d #39 isere . the austrian #39 s victory means he becomes the first man to beat american bode miller , who finished fourth , in the discipline this season . +__label__4 , launcher eyes shuttle succession , boeing ' s huge delta 4-heavy rocket , set for lift-off on saturday , may play a role in life after the space shuttle . +__label__3 , wal-mart dec . sales seen up 1-3 pct ( reuters ) , reuters - wal-mart stores inc . said on\saturday it still expects a 1 percent to 3 percent increase in\december sales at its u . s . stores open at least a year . +__label__1 , acquittal boosts berlusconi ahead of vote ( ap ) , ap - premier silvio berlusconi , an important ally for president bush in iraq , was acquitted of corruption charges that have dogged his government from the start . the verdict was a boost to the conservative leader ahead of 2006 elections . berlusconi , 68 , has long insisted he was the victim of left-wing prosecutors . +__label__2 , wenger to decide in build-up to sunday #39 s premiership showdown , as arsenal are preparing to play chelsea in the big game of the weekend , gunners #39 manager frenchman arsene wenger is still deciding in the build-up to sunday #39 s premier league showdown . +__label__2 , bayern rallies to draw with stuttgart , keep bundesliga lead , paolo guerrero scored the equalizer and set up another goal to allow bayern munich to spend the winter break in first place in the bundesliga with a 2-2 draw against stuttgart on saturday . +__label__2 , everton goes second with derby win , liverpool , england ( sports network ) - everton moved up to second place in the premiership saturday with a 1-0 win over arch-rival liverpool at goodison park . +__label__1 , german court rules out barbie monopoly ( afp ) , afp - germany ' s federal court of justice ruled against giving barbie a monopoly in the themed doll market , saying that a german rival called steffi love had every right to compete with her . +__label__2 , cuts offered , issue remains tax or cap , the union #39 s proposal to end the lockout , made thursday at the league #39 s canadian headquarters , calls for a tax that would penalize -- and perhaps deter -- high-end payrolls . +__label__2 , indians trade lawton , a small-markets swap takes place on saturday as the indians send outfielder matt lawton to the pirates for left-handed reliever arthur rhodes , sources say . +__label__2 , barca wins again , barcelona has moved 12 points clear at the top of spain #39 s primera liga thanks to a 2-1 win at albacete . andres iniesta put barca ahead after just two minutes , but when mark gonzalez made it 1-1 with 17 minutes +__label__1 , arafat #39 s health record submitted to palestinian authority , the health records of yasser arafat , who died at percy military hospital near paris last month , have been submitted to palestinian authorities . +__label__2 , braves ' smoltz may rejoin team ' s rotation ( ap ) , ap - john smoltz might rejoin the braves ' rotation if atlanta finds another closer . +__label__2 , smoltz could return to rotation , anaheim , calif . there #39 s a chance john smoltz could return to the atlanta braves #39 rotation if the team finds another closer . +__label__1 , israeli labour party could clinch coalition deal with sharon #39 in < b> . . . < /b> , israel #39 s opposition labour party began talks with prime minister ariel sharon #39 s likud party yesterday about joining its coalition - a partnership aimed at promoting a military withdrawal from gaza . +__label__1 , powell for arab democracy but middle east no ready convert , it was first unveiled to the world as the american dream for spreading democracy right across the middle east . but by the time us secretary of state colin powell came to launch the administrations quot big +__label__1 , australian man killed by shark on great barrier reef ( canadian press ) , canadian press - cairns , australia ( ap ) - a 38-year-old australian man bled to death saturday after he was rescued from the jaws of a shark while spearfishing on the great barrier reef , authorities said . +__label__3 , st tele-tm intl to buy 47 . 7 in idea , mumbai singapore technologies telemedia and tm international have announced that their consortium has signed definitive agreements for the acquisition of 47 . 7 per cent stake in idea cellular . +__label__2 , arsenal boss flamini , cesc will do job on chelsea , arsenal boss arsene wenger has dismissed claims today #39 s clash with chelsea will decide the title race . he said quot the season is not finished but you can say chelsea are already better than they were last year . +__label__2 , golf englishman neil cheetham leads by one in mpumalanga , england #39 s neil cheetham leads by one shot going into the final round of the dunhill classic at leopard creek after a solid 69 on saturday . +__label__1 , israeli labour amp sharon in coalition talks , coalition peace talks have begun between israel #39 s opposition labour party and the prime minister , ariel sharon . labour leader shimon peres said that his party want a guarantee that the government fulfils its +__label__4 , gamers hit stores for release of quot playstation portable quot , computer-game enthusiasts flocked to software retailers across the country to buy quot playstation portable quot ( psp ) that hit store shelves sunday . +__label__1 , qassam rockets hit western negev community , two qassam rockets landed in the western negev on saturday morning , causing damage to a home . no casualties were reported . the rocket fire originated from the northern gaza strip . +__label__1 , no peace until s . korea explains atomic tests-north , seoul ( reuters ) - north korea will not dismantle its nuclear programs or improve ties with south korea until questions about the south ' s nuclear experiments are clearly answered , pyongyang said on sunday . +__label__1 , parliament passes no-confidence bid , nairobi , kenya -- somalia ' s parliament passed a motion of no-confidence against the new prime minister and his cabinet yesterday , an official said , effectively sacking a government that had been expected to restore order to the country after 13 years of anarchy and war . the deputy speaker of the 275-member transitional parliament , dalhar omar , said 153 members voted against prime minister . . . +__label__3 , rapidly expanding vietnam airlines ready to take on america , hanoi yesterday vietnam , today asia , tomorrow the united states vietnam airlines has expanded to the point where it is even eyeing the huge american market , a move which would have been unthinkable not long ago . +__label__2 , big green slip by wildcats , mike lang had a career-high 25 points , including the go-ahead jumper with 1 16 remaining , to lift dartmouth to a 69-67 nonconference victory over new hampshire last night in hanover , n . h . lang ' s basket broke a 66-66 tie . dartmouth ( 3-3 ) then fouled the wildcats ' jermaine anderson , who hit one of two free throws to make it 68-67 with 54 seconds left . a . . . +__label__2 , klitschko wins in 8th , las vegas -- if vitali klitschko made one thing clear last night about the heavyweight division , it ' s how finished mike tyson really is . +__label__2 , klitschko too good for williams , vitali klitschko proved too strong for danny williams as he retained his world championship crown in las vegas last night . williams vowed to continue boxing despite being outclassed by klitschko . +__label__2 , miller wins giant slalom after maier falters , bode miller won his fifth victory of the world cup season in a giant slalom on sunday after the three men ahead of him all faltered . +__label__2 , red sox aim for jugular , while the yankees were quietly celebrating their free agency victory over the red sox , snaring new englander carl pavano with a four-year deal in excess of \$38 million , no one gloated too long . +__label__1 , myanmar releases hundreds of prisoners , two prominent pro-democracy leaders were among hundreds of prisoners released from a myanmar prison on sunday as part of a broad amnesty granted by the country #39 s ruling junta , the prisoners and family members said . +__label__2 , delaney keen to quot put things right quot , mark delaney wants aston villa to quot stamp their authority on midlands football quot by finally overcoming birmingham in sunday #39 s derby . +__label__3 , technology stt , telekom malaysia buy 48 pct of idea , singapore government-owned stt and tm international , the international investment arm of telekom malaysia , said in a statement on saturday they had signed quot definitive agreements quot to buy the entire stake of cingular wireless in idea . +__label__2 , everton beats liverpool 1-0 in merseyside derby , lee carsley scored the winner in the 68th minute , giving everton a 1-0 victory saturday over liverpool in the 200th merseyside derby . +__label__2 , feyenoord cuts psv #39 s lead to three , feyenoord cut psv eindhoven #39 s lead atop the dutch premiership to three points on sunday as bart goor equalized two minutes into injury time for a 3-3 draw with the leaders . +__label__2 , poutiainen wins but plays down cup hopes , finland #39 s tanja poutiainen snatched back the women #39 s world cup lead with her third victory of the alpine ski season on sunday but played down her chances of winning the overall title . +__label__2 , george sits for first time in career , irving , tx ( sports network ) - dallas cowboys running back eddie george was inactive for sunday #39 s game against new orleans as a healthy scratch and missed a game for the first time in his nfl career . +__label__4 , sony takes on nintendo in portable game console market with psp ( afp ) , afp - sony launched a frontal assault on nintendo ' s domination of the portable game console market by kicking off japan sales of its new playstation portable ( psp ) , drawing huge lines in tokyo . +__label__1 , romanians vote for a new president , bucharest romanians voted for a new president on sunday with fighting corruption and joining the eu the main themes in a run-off round pitting prime minister adrian nastase against bucharest mayor traian basescu . +__label__2 , magnificent manning sets another record , houston ( sports network ) - indianapolis colts quarterback peyton manning threw two touchdown passes in the first quarter of sunday ' s game against the houston texans at reliant stadium to set an nfl record for most consecutive games with multiple td throws . +__label__1 , four israeli soldiers killed , barghuti pulls out of presidential < b> . . . < /b> , rafah , gaza strip ( afp ) - four israeli soldiers were killed when palestinian militants blew up a tunnel under an army post in gaza , as jailed intifada leader marwan barghuti pulled out of the palestinian elections . +__label__1 , new report links reputed kingpin to murder , fifteen years ago , american journalist todd smith was brutally beaten and executed after he ventured into peru ' s jungle to investigate links between shining path guerrillas and the cocaine trade . +__label__2 , no . 21 purdue beats w . michigan , 74-42 ( ap ) , ap - erin lawless scored a career-high 26 points and grabbed seven rebounds and no . 21 purdue beat western michigan 74-42 on sunday . +__label__1 , palestinians do not need another tyrant , yasser arafat is dead . a so-called moderate is now chairman of the palestine liberation organization . elections to choose a palestinian authority president are scheduled in the west bank and gaza for early january . +__label__2 , orioles target sexson , free agent first baseman richie sexson appears to be at the top of the orioles ' wish list after a meeting at the team ' s suite on saturday . +__label__4 , disney takes sides in battle for next generation dvd , hollywood movie powerhouse walt disney has taken sides with japans sony corp in a bitter battle between studios to define a technical standard for next generation dvds , it said . +__label__1 , iran to cease negotiations with eu in case of dead end , a top iranian official said sunday that iran would withdraw from the negotiations with the european union ( eu ) if the upcoming talks in brussels turned into a dead-end , the official irna news agency reported . +__label__3 , australia babcock amp brown to pursue listed investment co , sydney ( dow jones ) --babcock amp brown ltd . ( bnb . au ) said monday it plans to raise as much as a\$1 billion for an externally managed investment company to target long-term investments . +__label__4 , airborne cell-phone ban likely to remain for now ( reuters ) , reuters - hopes -- and worries -- that u . s . \regulators will soon end the ban on using wireless phones\during u . s . commercial flights are likely at least a year or\two early , government officials and analysts say . +__label__4 , nasa chief applies for job at lsu ( ap ) , ap - nasa administrator sean o ' keefe will resign this week , a government official said sunday , and a spokesman for louisiana state university said o ' keefe is a leading candidate to become a chancellor there . +__label__4 , sony #39 s game war advances to next level , rival sony began its worldwide assault yesterday by launching a new handheld console , playstation portable , in game-crazy japan . sony aims to seek and destroy gameboy and its maker nintendo #39 s \$5billion hold +__label__1 , us mounts fresh attack on taliban , the us-led militarycoalition in afghanistan has beguna big offensive against militants loyal to the ousted taliban regime in an attempt to quash any attempt to disrupt parliamentary elections next spring . +__label__3 , important rules for phone market face f . c . c . vote , next week , the fcc will likely change the rules on unbundled networks largely in ways favorable to the regional bells . +__label__3 , i . b . m . sought a china partnership , not just a sale , inside i . b . m . , the issue of whether to stay in the personal computer business has been debated for a decade . the issue was put to rest last week . +__label__2 , diamondbacks , clayton reach agreement ( ap ) , ap - royce clayton and the arizona diamondbacks reached a preliminary agreement sunday on a #36 1 . 3 million , one-year contract . +__label__2 , krzyzewski wins no . 700 , shelden williams collects 18 points and 15 rebounds to give duke an 82-54 triumph over toledo and coach mike krzyzewski his 700th career win on sunday . +__label__2 , arsenal only manage draw , london - arsenal manager arsene wenger has praised thierry henry #39 s speed of thought after the striker stroked home a quick free-kick that helped champions arsenal to a 2-2 draw against premiership leaders chelsea at highbury last night . +__label__3 , bank of england says dollar decline increases risk to banks , the possibility of a further slide in the dollar and a decline in demand for us assets has become one of the potential risks to financial stability , the bank of england said in its semi-annual financial stability review . +__label__4 , the kid stays in his home , dressed in pj ' s , with a live mike , robert evans , the fabled hollywood producer and man about town , will be enjoying his latest gig , as a satellite radio talk-show host , from the comfort of his home . +__label__3 , schumer #39 returns #39 fire at retailers , sen . charles schumer yesterday criticized retail grinches who are stealing christmas by blacklisting customers who return too many gifts . +__label__3 , report construction boom ahead , a report released on monday by the washington-based brookings institution says that half of the residential , commercial and industrial buildings that will be up in 2030 in the largest metropolitan areas don #39 t yet exist . +__label__2 , seahawks take nfc west , the seahawks deny a falcons ' two-point try for the tie with no time remaining to wrap up the nfc west , 28-26 , on sunday . +__label__1 , poes condition worsens--doctors , ( 2nd update ) movie actor fernando poe jr . #39 s condition has deteriorated , according to a bulletin his doctors issued on monday . he is still in a coma and has multiple organ system involvement . +__label__1 , homeless families total 100 , 000 , the figure for homeless families in england has topped 100 , 000 for the first time . +__label__2 , after layoff , poole eases back into action , foxborough -- tyrone poole said he probably could count the number of plays he got in on with one hand , but after missing seven games because of knee surgery , the patriots ' starting cornerback was just pleased to get back on the field . +__label__2 , o ' s still fishing , with big fish like richie sexson still looking for work and prizes like tim hudson being dangled in the market , the orioles remain hopeful that they can bag a big catch . +__label__3 , update 1 london exchange rejects german proposal , the london stock exchange plc has received and rejected a bid proposal from germany #39 s main stock exchange , deutsche boerse ag , the exchanges said monday . +__label__1 , former philippine presidential candidate in deteriorating < b> . . . < /b> , the former presidential candidate and movie actor fernando poe jr . #39 s condition has deteriorated after he suffered a stroke , doctors said monday . +__label__1 , shah rukh khan apologises to buddhist monks , colombo bollywood superstar shah rukh khan has apologised to sri lanka #39 s protesting buddhist monks for the timing of his mega concert here , which coincides with the death anniversary of a popular priest , but said the show will go on . +__label__1 , chen under pressure to work with taiwan opposition , taipei ( reuters ) - taiwan president chen shui-bian is under pressure to find ways to work with an opposition-dominated parliament after his party suffered a surprise setback in weekend legislative elections . +__label__3 , econ edge the economic week , president bush #39 s white house conference on the economy is sure to attract some of the nation #39 s political and economic superstars to washington this week . +__label__3 , indonesian diplomats asked to help improve ri #39 s bad image , jakarta ( antara ) president susilo yudhoyono asked indonesian diplomats on monday to help the government improve indonesia #39 s bad image . +__label__1 , china wary at taiwan poll result , china ' s media responds cautiously to the election setback suffered by taiwan ' s pro-independence dpp . +__label__3 , fiat and general motors to square up in switzerland , milan ( afp ) - sharp differences between the fiat group and general motors over an option by fiat to sell its loss-making auto operations to gm will be the focus of a meeting between the two companies in zurich on tuesday . +__label__4 , oracle to acquire peoplesoft , oracle corp . announced today it has signed a definitive merger agreement to acquire peoplesoft inc . for approximately \$10 . 3 billion . < font face=verdana , ms sans serif , arial , helvetica size=-2 color=#666666> < b> -ap< /b> < /font> +__label__2 , poll i was right to let henry score , referee graham poll has insisted that he acted within the laws of the game when he allowed thierry henry to take a quick free-kick yesterday . +__label__3 , lse says no to german exchange for a second time , london ( cbs . mw ) - failed efforts to merge stock exchanges have littered the trading landscape in recent years , but the german stock exchange isn #39 t giving up on creating a pan-european and british market for trading stocks and derivatives . +__label__2 , rams beat jets in ot , clinch playoff berth ( ap ) , ap - the st . louis rams won a finale that , in the end , they needed much more than the new york jets . marc bulger threw for 450 yards and three touchdowns and jeff wilkins hit a 31-yard field goal with 3 03 left in overtime sunday to give the rams a 32-29 win over the new york jets , clinching their fourth playoff berth in five seasons under coach mike martz . +__label__2 , nba wrap o ' neal and wade help heat beat raptors , new york ( reuters ) - shaquille o ' neal and dwyane wade each scored 20 points and added nine rebounds as the miami heat notched their fourth consecutive win dumping the struggling toronto raptors 106-98 sunday . +__label__3 , paul tellier leaving immediately as chief executive of bombardier , montreal ( cp ) - paul tellier has disembarked as president and chief executive officer of bombardier inc . the bombshell announcement monday morning came as the montreal-headquartered multinational transportation +__label__1 , two aid workers killed in attack on darfur aid convoy , khartoum ( reuters ) - two employees of a british charity were killed in sudan ' s troubled darfur region on sunday when their convoy came under fire , the aid agency said on monday . +__label__1 , bangladesh boss slams detractors , bangladesh ' s coach says they still deserve test status after their 30th defeat , to india . +__label__1 , week ' s delay for delta launcher , boeing ' s new heavy-lift delta 4 rocket must wait a further week before making its maiden flight . +__label__3 , daimlerchrysler , gm to team up on hybrid engines , general motors and daimlerchrysler say they #39 re teaming up to develop hybrid technology for use in their vehicles . the two giant automakers say they have signed a memorandum of understanding . +__label__3 , software revenue pushes up oracle #39 s q2 earnings , oracle corp . reported second-quarter 2005 earnings that beat analyst expectations on monday , thanks to new software revenue and continued gains from license updates and product support . +__label__3 , oracle strikes friendly deal for peoplesoft at us\$26 . 50 a share , after 18 months of conflict , a friendly merger deal has been struck between oracle corp . and peoplesoft inc . after the former raised its quot final quot offer by 10 per cent . +__label__2 , notre dame situation has columnist shaking his head , puzzling is the best word to describe notre dames attempt to find a new head football coach after dumping tyrone willingham unceremoniously two weeks ago . +__label__1 , saddam #39 s jailed top aides hold food protest , eight of 11 detainees briefly refuse food over prisoner rights including family visits , access to media . baghdad - the us army said eight of toppled iraqi leader saddam hussein #39 s jailed lieutenants had briefly +__label__1 , spanish leader denies gain from bombings ( ap ) , ap - spain ' s prime minister , heckled monday by opposition lawmakers , angrily denied his socialist party instigated anti-government rallies on the eve of a general election to reap political benefit from the madrid train bombings . +__label__4 , hp shifts focus for hp-ux , hewlett-packard has dropped plans to beef up its hp-ux operating system with new high availability and clustering technology it obtained in its 2002 acquisition of compaq . the company will instead shift its development focus to new areas , as it attempts to convince customers that there is still life in its venerable unix operating system . +__label__4 , nasa chief is taking off , named to head nasa by president bush in december 2001 , sean o #39 keefe acknowledged he had no experience in astronautics . his management style aimed at practical economy . +__label__1 , israel to renovate crumbling entrance to disputed holy site in jerusalem ' s old city ( ap ) , ap - israel will renovate the crumbling entrance to a disputed holy site in jerusalem ' s old city that is revered by jews and muslims , officials said monday . +__label__3 , bombardier shares slump as ceo leaves , bombardier , the troubled canadian maker of aircraft and trains , saw its shares fall by around 20 per cent in toronto , after it announced that paul tellier was stepping down early as president and chief executive officer . +__label__3 , us retail sales climb 0 . 1 percent in november , washington us retail sales rose 0 . 1 percent in november , a better than expected start to the crucial holiday shopping season , seasonally adjusted government figures showed . +__label__3 , uk #39 s jaguar workers vote against strike , workers at ford motor co . #39 s luxury british car unit , jaguar , voted against a strike over plans to cut jobs and scale back production , unions said on monday . +__label__1 , pakistan denies report of cia bases in pakistan for osama hunt , islamabad , pakistan are there secret cia bases in pakistan to hunt for osama bin laden ? pakistan says no . it is denying a new york times report , which says the spy agency has concluded bin laden is being sheltered +__label__1 , congo army factions clash in east - army officer , army reinforcements sent to bolster the democratic republic of congo #39 s fragile border region with rwanda have clashed with former rebel units within the army , a local military commander said on sunday . +__label__2 , poll cost us victory - cech , referee graham poll came under renewed fire today as goalkeeper petr cech blamed him for costing chelsea victory at highbury by allegedly reneging on a promise to blow his whistle before thierry henrys free-kick . +__label__4 , mazu scores vc lifeblood from symantec , others , mazu networks , the cambridge , massachusetts , network intrusion prevention system ( ips ) technology company , has secured another round of venture capital funding , including a stake from security software giant symantec . +__label__1 , turkey cautiously optimistic of eu bid ahead of crunch summit , ankara , dec 13 ( afp ) - turkey was cautiously optimistic monday that it would obtain a favorable result from this week #39 s crunch summit of european union leaders who will decide on ankara #39 s membership bid , but warned the 25-nation bloc not to cross ankara #39 s +__label__1 , moves toward moderation in mideast , one month after yasser arafat #39 s death , realignments on both sides of the palestinian-israeli divide are raising fragile hopes for a mutual retreat from four years of fighting . +__label__3 , do-not-call bill could be introduced today , the federal government hopes to introduce legislation today to establish a do-not-call registry for consumers who want to stop endless telemarketing pitches . +__label__3 , gm , daimler go green , oil prices have fallen in recent weeks from record highs , relieving the anxieties of consumers and economists alike . however , opec recently signaled that it #39 s not ready for the price of black +__label__4 , sun unveils next generation client technology , santa clara , calif . , dec . 13 /prnewswire-firstcall/ -- sun microsystems , inc . ( nasdaq sunw ) today unveiled its next generation sun ray ( tm ) server software 3 . 0 an interoperable , platform that enables instant +__label__2 , poll i was right to let henry #39 s arsenal goal stand , ref graham poll insists he didn #39 t get it wrong when allowing arsenal #39 s thierry henry to take his free-kick early against chelsea yesterday . +__label__4 , travel column australia through aboriginal eyes , this week ' s travelwatch column profiles anangu tours , an aborigine-owned tour company in australia ' s red center . +__label__3 , gm , daimler go green , team-up will help the companies compete and fill gaps in both firms ' portfolios . +__label__1 , at least 10 iraqis killed in insurgent attack , officials in iraq say at least 10 iraqis have been killed and several others wounded in separate insurgent attacks across the country . +__label__3 , unitedhealthcare pays \$3 . 5m to settle medicare fraud claim , unitedhealthcare insurance co . , a branch of unitedhealth group , will pay \$3 . 5 million to settle charges that it defrauded the medicare program , the us department of justice announced monday . +__label__3 , gm , daimlerchrysler plan hybrid cars , southfield , michigan general motors corp and daimlerchrysler ag will jointly develop a petroleum-electric power system to catch up with toyota motor corp and honda motor co in so-called hybrid vehicles that save fuel and cut tailpipe emissions . +__label__1 , north korea to review its role in nuclear talks , seoul north korea is seriously reconsidering its role in talks on its nuclear programs because of what it sees as a concerted campaign to topple the government in pyongyang , the north korean foreign ministry said monday . +__label__4 , lockheed to launch rocket boeing gets new date ( reuters ) , reuters - lockheed martin corp . on monday\announced that it will launch its atlas v rocket on dec . 17 as\planned , while boeing co . waited to reschedule a launch of its\delta iv heavy-lift rocket that it was forced to abandon on\sunday . +__label__2 , bengals ' palmer questionable for sunday , cincinnati ( sports network ) - cincinnati bengals quarterback carson palmer is questionable for sunday ' s game against buffalo after an mri exam monday revealed no serious damage to his left knee . +__label__4 , intuit gets deeper into it , revamps quicken , the software maker adds a network management application . it also updates its quicken personal-finance software . +__label__4 , navy awash in new ibm supercomputers , defense dept . to buy second supercomputer for naval oceanographic office . +__label__4 , atheros reaches into electronics devices , chipmaker announces new chipset and reference design for consumer devices and pcs . +__label__4 , skybox updates risk management wares , boston - new software from skybox security will help companies monitor their networks and comply with u . s . federal and state data security regulations , and even help them prepare networks for dangerous new internet worms , according to the company . +__label__4 , nasa administrator to resign , washington sean o #39 keefe , is resigning after three tumultuous years heading the us space program , the white house said monday . +__label__4 , microsoft unveils software to find files ( ap ) , ap - microsoft corp . on monday joined the battle for supremacy in so-called desktop search , introducing software for quickly locating files on personal computers that challenges google ' s two-month-old rival product . +__label__2 , mccain optimistic about steroid test deal ( ap ) , ap - sen . john mccain is guardedly optimistic that major league baseball and its players could reach an agreement on tougher testing for steroids . +__label__1 , pinochet is ordered to stand trial for murder , augusto pinochet , the former chilean dictator , was ordered under house arrest yesterday , charged with kidnapping and murder dating back to his 17-year rule . +__label__2 , report says n . h . l . will reject proposal , the n . h . l . appears poised to reject a proposal made by the players union , which included a 24 percent reduction in pay and other concessions but not a hard salary cap . +__label__2 , woman drops sexual assault suit vs . colorado , one of the three women suing the university of colorado for what they said was the school #39 s failure to protect them against sexual assault by football players has dropped her federal lawsuit . +__label__1 , car bomb kills 11 near green zone , a car bomb exploded in a line of vehicles waiting to enter the green zone early monday , killing at least 11 iraqis at an +__label__2 , pedro picks mets , lee dealt to brewers , pedro martinez picked the new york mets over the boston red sox , and the chicago white sox dealt carlos lee to milwaukee for scott podsednik and a reliever on monday as baseball #39 s annual winter meetings finished with many top stars still searching for +__label__3 , china move on textile exports gets cautious response , the us and the european union responded cautiously yesterday to china #39 s surprise undertaking to impose duties on some textile exports , a step it said was designed to ensure a quot smooth +__label__2 , red sox say goodbye to pedro martinez , pedro martinez closed in on a four-year deal with the new york mets , and the boston red sox resigned themselves monday to losing the three-time cy young award winner . +__label__1 , afghanistan official bashardost resigns ( ap ) , ap - an afghan cabinet minister resigned monday after president hamid karzai rejected his drive to shut down relief groups he accused of wasting money on expensive cars and houses . +__label__1 , bush selects e . p . a . head to be secretary of health , with the selection of michael o . leavitt , a former governor of utah , the shape of the cabinet in president bush ' s second term has become clear . +__label__3 , family takes helm at bombardier , canada #39 s bombardier family has taken back management control of the troubled transport equipment maker that bears its name following the sudden departure of paul tellier , chief executive . +__label__2 , coleman enjoys fulhams battling display , fulham manager chris coleman was delighted with his side #39 s second-half performance , which brought them a hard-earned point in a 1-1 draw against manchester united at craven cottage . +__label__2 , gray , demon deacons swing back in action , seek to shoot down < b> . . . < /b> , justin gray has had an ample amount of time to get his shooting stroke ready . gray and no . 6 wake forest are back in action after an eight-day break when they visit temple on monday . +__label__2 , cavaliers activate wagner again , cbc sports online - the cleveland cavaliers activated dajuan wagner off the injured list monday for a second time this season . wagner missed five games with an inflamed right arch after earlier sitting out seven games because of a sprained right ankle . +__label__3 , symantec said to be in talks for veritas , symantec , which produces the norton line of computer products , is in talks to acquire veritas software , a maker of data backup programs . +__label__4 , in u . s . market , cellphone users are often all talk , users in the united states continue to think of a cellphone as a device for talking , not text messaging . marketers , however , hope to change that as soon as possible . +__label__1 , pakistan questions indian arms shopping spree , islamabad as the second round of expert-level talks on nuclear confidence building measures ( cbms ) between pakistan and india starts today , the government says that the recent statements coming from new delhi are quot disturbing quot and sound quot paranoid quot . +__label__4 , yahoo ! hires chief data officer , in a move that has implications for ad targeting and reporting , yahoo ! has hired usama fayyad , a co-founder of the company now known as revenue science , to the newly-created position of chief data officer . +__label__3 , peoplesoft gives in to oracle , takes bid , peoplesoft inc . capitulated to oracle corp . , accepting a sweetened \$10 . 3 billion takeover offer to end an 18-month battle that pitted peoplesoft against its investors and led to the ouster of its chief executive . +__label__1 , us admits more afghan jail deaths , the us army says more people than previously acknowledged have died in its custody in afghanistan . +__label__4 , firefox crosses 10m mark , us web browser developer mozillas open-source browser firefox has recorded over 10m downloads since it was launched in november . +__label__4 , firefox turns up the browser war heat , firefox , the mozilla-based open-source browser has grown by more than a third over the past month , according to websidestory , an independent web metrics firm . +__label__2 , he picked right time to start making shots , insecurity is a great motivator . facing increasing criticism about his shot selection and the prospect of losing his starting job because of the return of two-time all-star allan houston , young +__label__1 , suicide car bomber hits baghdad checkpoint again ( reuters ) , reuters - a suicide car bomber struck an entrance\to baghdad ' s green zone government compound tuesday , 24 hours\after an almost identical attack at the same checkpoint on the\first anniversary of saddam hussein ' s arrest . +__label__3 , fashionably late , what do women want ? luciano manganella , the owner of the trendy boston women ' s boutique jasminesola , has a pretty good idea . and now after 34 years in business , he ' s plotting a major expansion . +__label__3 , ceo quits at world ' s top maker of trains , paul tellier stepped down as president and chief executive of bombardier inc . yesterday , surprising investors and sending the train and plane maker ' s shares down as much as 26 percent to a 10-year low . +__label__4 , nasa chief sean o #39 keefe quits , washington nasa administrator sean o #39 keefe has resigned , spending three turbulent years at the helm of the us space agency which saw the crash of columbia space shuttle , a painful probe into the disaster and severe austerity measures . +__label__3 , big merger could box qwest in , qwest communications may not be immediately affected by a sprint-nextel merger , but its options could become more limited . at one time , qwest and sprint were viewed as possible merger partners . +__label__4 , icann gives preliminary ok to 2 domains , new york dec 13 , 2004 - the internet #39 s key oversight agency gave a preliminary nod monday to new domain names targeting mobile services and the jobs market . +__label__4 , take two torts and call me in the morning , the friction that sometimes strains the patient-doctor relationship when lawyers seek medical care is at an all-time high . +__label__4 , us supreme court to hear file-sharing case , washington -- the us supreme court will take up one of the key arguments about the use of file-sharing services . the justices will consider whether peer-to-peer internet file-sharing services can be held responsible +__label__4 , sony and samsung to cross-license patents , sony corp . and samsung electronics said on tuesday they had agreed to share patents on basic technology to speed up product development and avoid adding to a growing number of cross-border patent disputes . +__label__2 , white sox trade lee to brewers , the chicago white sox traded outfield slugger carlos lee to the milwaukee brewers for outfielder scott podsednik , reliever luis vizcaino , and a player to be named in a deal announced yesterday at baseball ' s winter meetings in anaheim , calif . +__label__3 , vodafone drops on report it supports bid for sprint ( update2 ) , shares in vodafone group plc , the world #39 s largest mobile-phone operator , dropped after the wall street journal said the company is considering bidding with us partner verizon communications inc . +__label__2 , former coach hits out at bob woolmer , javed miandad has come out strongly against bob woolmer #39 s coaching methods and is extremely sceptical about pakistan #39 s chances in the test series against australia . +__label__4 , music file-sharing case heads to high court , eeding the pleas of the entertainment industry , the us supreme court has agreed to consider calling a halt to internet file-sharing that allows millions of computer users to obtain free copies of movies and music . +__label__1 , boycott rethink after ahern apology , the dup was last night reconsidering its boycott of talks with the irish government after taoiseach bertie ahern apologised to party leader ian paisley . +__label__1 , u . s . army deserter welcomed in japan ( ap ) , ap - villagers on the remote japanese isle of sado have warmly welcomed u . s . army deserter charles jenkins since he arrived with his japanese wife and their two north korea-born daughters a week ago , his wife said tuesday . +__label__1 , world ' s tallest bridge soars above french valley , a bridge officially designated the tallest in the world was inaugurated by president jacques chirac in southern france tuesday . +__label__2 , mcgrath identifies his targets , perth - australia #39 s premier paceman glenn mcgrath - renowned for his pre-test plans to target specific batsmen - said on tuesday that captain inzamam-ul-haq and one-day run machine yousuf youhana were the keys to pakistan #39 s batting lineup . +__label__2 , hanover striker mathis to return to us , hanover 96 striker clint mathis is to return to the united states after only a year in the bundesliga , the german club said tuesday . +__label__2 , green tosses 3 touchdown passes , chiefs down titans , new york ( reuters ) - trent green hit eddie kennison with a nine-yard touchdown pass with 37 seconds left to give the kansas city chiefs a wild 49-38 win over the tennessee titans in nashville monday . +__label__3 , manpower survey forecasts slow hiring in early 2005 , those planning to look for a job in the kalamazoo area during the first quarter of 2005 might find the going slow . the pace of hiring among area employers is expected to be slow during the first quarter of +__label__4 , toys will be toys , trust me , you don #39 t want to see desperate parents shopping over the holidays . i was at circuit city ( nyse cc ) last week and saw a mother pleading with a sales clerk for a nintendo ds portable video game system . +__label__1 , iraq trials of hussein #39 s aides may start next week , allawi says , iraq may begin war crimes trials for senior members of saddam hussein #39 s former regime as soon as next week , iraqi prime minister ayad allawi said . +__label__3 , trade gap swells more than expected , the us trade deficit widened nearly 9 percent in october to a record \$55 . 5 billion as sky-high oil prices helped propel imports into uncharted territory , the government said on tuesday . +__label__4 , orbitz ' s michael sands is named president ( ap ) , ap - travel-reservations web site orbitz inc . tuesday said it named its former chief marketing officer , michael sands , as president . +__label__4 , intel confirms dual-core desktop ' smithfield ' , but is it two prescotts in one package or a single-die part ? +__label__4 , bond game fails to shake or stir , goldeneye rogue action fails to deliver on the promise of its name and struggles to generate the original ' s massive sense of fun . +__label__4 , worldwide pc market seen doubling by 2010 , new york ( reuters ) - the number of personal computers worldwide is expected to double to about 1 . 3 billion by 2010 , driven by explosive growth in emerging markets such as china , russia and india , according to a report released on tuesday by forrester research inc . +__label__2 , ea signs five-year exclusive nfl deal , electronic arts announced an exclusive licensing relationships with the national football league and players inc to develop , publish and distribute interactive football games . +__label__1 , egypt and israel sign us trade accord 25 years after peace treaty ( afp ) , afp - in a partnership hailed as a major boost to often chilly ties , egypt and israel signed a first joint trade accord with the united states since their historic peace treaty 25 years ago . +__label__3 , merck plans 5 , 100 job cuts by year-end , merck amp co . plans to cut its workforce by 5 , 100 jobs by the end of the year--about 700 more than originally planned . whitehouse station , nj-based merck said in materials filed with the securities and exchange +__label__3 , sprint center of attention for nextel and verizon wireless , sprint corp . #39 s enterprise operation , including its nationwide fiber-optic network , suddenly is looking like a swan and not a lame duck , as verizon wireless assesses the possibility of making a bid for sprint in the boiling cell-phone merger scene . +__label__3 , fed raises interest rate to 2 . 25 percent ( reuters ) , reuters - the federal reserve raised u . s . \interest rates on tuesday by a quarter-percentage point for the\fifth time this year and said it will keep gradually lifting\them from rock-bottom levels to forestall inflation . +__label__1 , islamic scholar , visa withheld , gives up u . s . post , geneva ( reuters ) - a prominent swiss-based islamic scholar on tuesday gave up plans to teach at a leading u . s . university after waiting in vain for a visa and accused the bush administration of trying to silence him . +__label__4 , sony , samsung swap patents , sony corp . and samsung electronics co . ltd . said tuesday that the two companies have signed a patent cross-licensing agreement , which excludes certain key technologies . +__label__3 , dollar ' s gains cut as fed raises rates , new york ( reuters ) - the dollar ' s gains were clipped on tuesday as the federal reserve raised interest rates for the fifth time this year , as expected , but quashed hopes for more aggressive rate tightening . +__label__3 , five times for the fed , plus , intel ' s still straining , revenge of the nerds , and a \$13 billion christmas present ? +__label__4 , toshiba to use perpendicular recording in new hdds , toshiba is close to commercializing a new data storage technology that could significantly increase the capacity of hard-disk drives , it said tuesday . +__label__1 , saddam #39 s aides set to go on trial , trials of some of saddam hussein #39 s aides will begin next week , iraqi interim prime minister iyad allawi said . speaking to iraq #39 s national council , he did not name the lieutenants that would go on trial or say when saddam himself would appear in court . +__label__3 , fed lifts rates a further quarter point , by andrew balls in washington and jennifer hughes in new york . the us federal reserve on tuesday raised interest rates by a quarter point to 2 . 25 per cent and signalled there had been no change in its assessment of economic conditions . +__label__4 , hollywood to sue server operators in bid to stymie online piracy , los angeles -- hollywood movie studios on tuesday sued scores of operators of us- and european-based computer servers that help relay digitized movie files across online file-sharing networks . +__label__3 , oil price rise adds to airlines woes as losses continue , the global airline industry is forecast to have made net losses of \$4 . 8bn this year , as the rise in the oil price has overwhelmed efforts by carriers to cut costs . +__label__4 , hollywood sues computer server operators ( ap ) , ap - hollywood movie studios on tuesday sued scores of operators of u . s . - and european-based computer servers that help relay digitized movie files across online file-sharing networks . +__label__1 , in chile , pace of justice quickens , a judge has ruled that gen . augusto pinochet stand trial for his alleged involvement in state-sponsored torture . +__label__2 , memphis indefinitely suspends sean banks , memphis forward sean banks was suspended indefinitely tuesday for violating team rules . coach john calipari did not provide further information about the violation . +__label__2 , a deal that ' s creating plenty of buzz about the mets , the prospect of pedro martnez going to queens is potentially the best news in years for the mets . they have now won a public relations battle with the yankees . +__label__1 , briefly israel , egypt and us trade pact , egypt , israel and the united states have reached an agreement that allows egyptian industry to sell products using israeli parts duty free in america . +__label__2 , mcleish upset by novo punishment , rangers manager alex mcleish has criticised the punishment handed out to nacho novo by the scottish football association . novo and celtic striker henri camara were both given one-match bans +__label__4 , samsung mmcmicro cards , samsung mmcmicro it seems that mobile phones will soon be getting yet another new memory storage format , joining a growing field of ever-smaller memory cards . +__label__2 , hockey labor talks broken off , toronto -- national hockey league labor talks came to a halt tuesday after each side rejected the other #39 s proposal . the talks lasted more than three hours , with the league making a one-hour presentation on +__label__4 , astronomers ready for comet-smashing mission , nasa and university astronomers are eagerly awaiting the launch of a space probe bound to collide with a comet and give researchers a glimpse inside the solar systems icy wanderers . +__label__3 , dollar #39 s fall is a wake up call #39 for nations , imf #39 s rajan says , the decline of the us dollar is a signal that policy makers need to do more to ensure the currency #39 s depreciation won #39 t hurt global growth , international monetary fund chief economist raghuram rajan said . +__label__2 , racing jockey club abandons inquiry into fallon , kieren fallon can now look forward to a christmas of giggling children , mince pies and roaring log fires following the announcement that the jockey club have abandoned their inquiry into +__label__3 , fed panel lifts rates and says more increases are probable , the federal reserve raised short-term interest rates on tuesday for the fifth time this year and suggested that more rate increases are in order in the months ahead . +__label__2 , knee surgery for falcons #39 duckett , cbc sports online - atlanta falcons running back tj duckett is expected to undergo minor arthroscopic surgery on his left knee tuesday , so will miss this saturday #39 s contest versus carolina . +__label__1 , mexico police present before mob killing ( ap ) , ap - an amateur video released tuesday shows that mexico city police were present late last month before a street mob beat three plainclothes federal agents and set two of them on fire , killing both men . +__label__2 , no . 13 louisville beats nc a t , 85-51 , louisville , ky . , ( sports network ) - larry o ' bannon netted 25 points to lead no . 13 louisville over north carolina a t , 85-51 , at freedom hall . +__label__2 , 76ers rally from 18 down to stun nuggets , allen iverson couldn #39 t resist when he saw the burgundy and yellow shirt willie green put on after the game . quot that #39 s an ugly shirt , willie , quot iverson shouted over a crowd of reporters . +__label__1 , afghan forces arrest 2 taliban leaders , kandahar , afghanistan , dec 14 -- afghan forces have captured two top figures of the deposed taliban government , including the personal security chief of leader mohammad omar , provincial officials said tuesday . +__label__1 , mesic set to recapture croat presidency ( reuters ) , reuters - croatia ' s liberal president stjepan\mesic looked set to win a second term in elections on sunday , \exit polls released by state television showed . +__label__4 , mindawn offers drm-free music downloads ( maccentral ) , maccentral - mindawn is a new online music download service that differs from apple computer inc . ' s itunes music store and other services in a few ways it ' s not only compatible with macs and pcs but with linux computers too , its music is available in a lossless format , and there are no digital rights management ( drm ) restrictions . mindawn launched in september and is picking up steam , according to its founder . +__label__2 , nhl players , owners reject plans to end lockout , toronto ( reuters ) - hopes of saving the national hockey league season all but vanished tuesday when players and team owners rejected proposals to end the labor dispute . +__label__4 , google partners with libraries , google #39 s plan to digitally scan books so that users can access them from its internet search engine is being greeted with delight at the tiny library in my hometown of half moon bay , calif . +__label__3 , business fiat talks tough ahead of key gm meeting , quot there is a very good argument to say that the italian car plants could benefit from the relocation of other gm businesses in europe , quot marchionne was quoted as saying . +__label__1 , world #39 s tallest bridge opens in france , a bridge officially designated the tallest in the world was inaugurated by president jacques chirac in southern france on tuesday - a stunning feat of engineering that will carry motorists at 270m above the valley of the river tarn . +__label__1 , mullah omar and bin laden on the run as afghan and american forces < b> . . . < /b> , more than 18 , 000 us troops and innumerable afghan forces are in the process of searching every inch of afhganistan and afghan-pak border . +__label__1 , poland to cut one-third of its troops in iraq , poland #39 s defense minister jerzy szmajdzinski has announced plans to cut his country #39 s forces in iraq by almost one third next year . +__label__4 , king pong draws fans , spike tv ' s video game awards show attracts big-name celebrities and bands but gives the fans the votes . +__label__4 , judge rejects md . anti-spam statute , a montgomery county judge has ruled that maryland ' s anti-spam law is unconstitutional because it seeks to regulate business transactions beyond the state ' s borders . +__label__2 , kidd #39 s lack of playing time hurting nets , having jason kidd available for roughly 20 minutes a night is costing the new jersey nets . the new york knicks took advantage of kidd #39 s rationed minutes to get back in the game early and then capitalized on +__label__1 , kidnapped turk killed in afghanistan -- witness , a turkish engineer abducted by a militant gang in eastern afghanistan was found dead on wednesday , a witness who saw the body being carried down from a mountainside told reuters . +__label__3 , china succeeds in cooling economy , but 2005 likely to prove just as tough ( afp ) , afp - china can claim some success in the battle to cool its roaring economy in 2004 with a series of macro policies helping prevent another boom-bust cycle , but much remains to be done if beijing is to avoid increasing wrangles with trade partners . +__label__3 , fiat seeks pact in row with gm , fiat and general motors are to hold more talks to solve their differences over the future of the italian firm ' s loss-making auto group , fiat says . +__label__1 , dead iraqi #39 s family wins demand for uk abuse probe , in a test case over british troops #39 alleged abuse of iraqi civilians , a london court on tuesday backed demands for an independent inquiry into claims a basra hotel worker was beaten to death by uk soldiers . +__label__4 , call it one for the pages , google #39 s project to archive millions of books from top libraries , experts said , is the first major step toward the company #39 s goal of indexing massive amounts of printed material , music and video . +__label__2 , usc right move for majerus , especially since he was so anxious to simply return to the sidelines . remember , majerus didn #39 t exactly leave utah on his terms in 2004 . +__label__4 , mpaa widens piracy net , hollywood studios launched legal attacks tuesday on the computer server operators they claim are the technological middlemen making online film theft possible . +__label__1 , abducted turkish engineer killed in afghanistan , the kidnapped turkish engineer was found dead in kunar province in east afghanistan on wednesday , one day after he was abducted by unknown gunmen , the afghan interior ministry said . +__label__3 , yukos seeks us bankruptcy refuge , embattled russian oil giant yukos has filed for bankruptcy protection in a us court in an attempt to prevent the forced sale of its main production arm . +__label__3 , update air china shares up 8 on hong kong debut , hong kong ( dow jones ) --air china ltd . #39 s ( 0753 . hk ) stock gained 8 on its debut on the hong kong stock exchange wednesday , and analysts said there is scope for slight further +__label__4 , globus inventors go commercial , the creators of globus open source grid software have set up a software and services company , univa , to capitalise on their work on grid computing . +__label__2 , thomas still struggling , time slips away in a hurry as tim thomas runs around looking to make something happen in short order . the slumping forward #39 s on a short leash at the moment and wound up watching most of last +__label__2 , no . 1 lsu overcomes stubborn host minnesota , minneapolis - top-ranked teams aren #39 t solo shows , and star seimone augustus sure has plenty of help around her with the lsu lady tigers . +__label__2 , lady tigers run past gophers , minneapolis -- one is a 6-foot-1 national player of the year candidate , looking to lead her top-ranked team back to the final four . +__label__1 , nkorea warns japan against economic sanctions , north korea has warned japan that it will treat economic sanctions as a quot declaration of war quot and threatens to try to exclude tokyo from six-party talks on pyongyang #39 s nuclear arms programs . +__label__2 , city to ponder anelka future , manchester , dec 15 ( sw ) - manchester city chairman john wardle has not ruled out a winter break move of french in-form striker nicolas anelka . +__label__2 , 49ers notebook fumbling holiday-party plans , if you think you are having trouble with your holiday party , check out the 49ers . the 49ers planned to have theirs friday at a hotel near where the team stays the night before games , but coaches and their +__label__1 , u . s . defends afghan human rights record ( ap ) , ap - the u . s . military defended its human-rights record in afghanistan on wednesday , claiming that a may inspection by an american general found no evidence of abuse at the 22 detainee facilities in the country , while admitting that his still-unreleased report will not include any earlier incidents . +__label__3 , blockbuster revamps its policy for late returns , new york -- faced with growing competition in the home video market , blockbuster addressed its no . 1 consumer complaint tuesday , saying it will end late fees on rented videos and games in january . +__label__3 , time warner in \$600m setttlement , time warner is to announce today that it will pay between \$500 and \$600 million to settle federal investigations into irregularities at america online , according to reports in the american press . +__label__4 , foxfire browser adoption accelerating as ie wains , usage of microsoft internet explorer continues to fall in the united states , dropping 1 . 09 percentage points to 91 . 80 percent of the browser market last month , more than triple the rate +__label__4 , report amount of fine-particle pollution drops significantly , los angeles - concentrations of one of the most dangerous air pollutants have declined in most of the country in the last five years , especially in southern california and the southeast , according to a report released by the us environmental protection +__label__1 , armed athens bus hijackers release five hostages ( update2 ) , hijackers who took as many as 26 people hostage on a commuter bus on the outskirts of athens released five of the captives . police are in negotiations to free the remaining hostages , a spokeswoman said . +__label__3 , oracle chairman says can close gap with sap - report , oracle corp can close the gap with sap , the world #39 s biggest software company , after buying us rival peoplesoft , oracle #39 s chairman jeff henley said in an interview published on wednesday . +__label__4 , hologram labels in nokia batteries , new delhi to help customers identify original nokia batteries from the counterfeit ones , nokia has introduced hologram labels with authentication codes in all its new batteries . +__label__4 , toshiba claims hard drive storage record , toshiba has developed what it claims are the world #39 s first hard disk drives based on perpendicular recording , a technology that can boost data density on a single 1 . 8in hard-disk platter to 40gb . +__label__2 , eck a court would have cleared novo , rangers manager alex mcleish claims nacho novo would have been vindicated had his case been dealt with as a civil hearing . the striker was banned for one game and had 12 penalty points added to his record +__label__2 , nothing doing , well , that didn #39 t go very well , did it ? everybody knew the nhl planned on turning down the nhlpa #39 s latest offer yesterday , but the hockey world still held its breath when the two adversaries met face to face +__label__1 , turkey confirms death of engineer in afghanistan , ankara , dec 15 ( afp ) - the turkish ambassador in afghanistan has confirmed the death of a turkish engineer kidnapped tuesday in afghanistan #39 s eastern kunar province , the anatolia news agency reported wednesday . +__label__2 , england may have lost initiative , i appreciated michael vaughan #39 s honesty when he said england were complacent after their seven-wicket defeat to south africa a last week . +__label__4 , nokia stamps out bad batteries , helsinki - nokia , the world #39 s largest handset maker plans to mark its original batteries with a hologram as part of the fight against unsafe , counterfeit mobile phone batteries - some of which have exploded in users #39 hands . +__label__1 , madrid bomb victims criticize ' schoolyard politics ' , madrid ( reuters ) - victims of the madrid train bombings issued a stinging rebuke to politicians for seeking to gain from the tragedy that killed 191 people , injecting humility into a previously raucous parliamentary investigation . +__label__3 , sprint , nextel to combine , sprint corp . and nextel communications inc . on wednesday announced plans to merge , creating a more formidable rival to the two largest us mobile operators , and a large wireline communications company supporting +__label__4 , apple blocks use of realnetworks #39 music on ipod photo , apple has updated software on its ipod photo digital music player to prevent users from playing music bought from realnetworks #39 online music store . +__label__2 , valencia accept angulo ban , valencia say they do not plan to appeal against the seven-match ban given to midfielder miguel angel angulo by uefa for his behaviour during last week #39 s champions league match against werder bremen . +__label__2 , newcastle #39 s boumsong bid rejected by rangers , newcastle united manager graeme souness has made an offer to rangers for french international centre-back jean-alain boumsong but the scottish club have rejected his initial offer . +__label__3 , \$210m fine in aol probe , washington ( cbs ) america online has agreed to pay a \$210 million fine to settle a justice department investigation of securities fraud , a department official tells cbs news . +__label__3 , yukos files for us bankruptcy protection , russian oil giant yukos wednesday filed for us bankruptcy protection in attempt to stop the forthcoming auction of its major asset yuganskeneftegaz , accordingto the interfax news agency . +__label__4 , studios attack bittorrent , the motion picture association of america is retargeting its legal battle against file swappers by launching attacks against the server operators behind the bittorrent and edonkey services . +__label__1 , peacekeepers fire on troops at river-border , bukavu/nairobi - united nations peacekeepers have fired on troops trying to enter the democratic republic of congo ( drc ) from rwanda , the un-funded radio station radio okapi reported on wednesday . +__label__1 , indonesia may prosecute newmont mining ( ap ) , ap - indonesia is proceeding with plans to prosecute u . s . -based newmont mining for allegedly polluting a bay in central indonesia , accusing the company wednesday of giving investigators incomplete information about its waste disposal method . +__label__4 , sun brews java tools updates , the java studio enterprise 7 platform , available now , offers a collaboration feature called code-aware that allows distributed teams of developers in different buildings and different continents work together on projects , according to sun . +__label__4 , google takes the competition to school , while rivals scramble to catch up on the desktop , google plans to digitize famous libraries . its official . google is the most dangerous media company on the planet . +__label__4 , mars is more earth-like , san francisco pictures of earth-like clouds were captured by nasa #39 s mars rover on wednesday . reports also indicate that there #39 s a rock that doesn #39 t look like anything scientists have ever seen . +__label__4 , last minute name change for nvidia #39 s new geforce 6200 with < b> . . . < /b> , pci express allows nvidia to tap into system memory to save expensive on-board graphics memory and achieve high performance at the same time . +__label__3 , bush pledges strong-dollar policy , president bush meets with italian prime minister silvio berlusconi in the oval office of the white house , wednesday , dec . 15 , 2004 , in washington . +__label__2 , weis sues doctors , notre dame head coach charlie weis files suit against the doctors who performed weight-loss surgery on him in 2002 that almost killed him . +__label__3 , google wins trademark victory over geico , alexandria , va . ( reuters ) - a federal judge on wednesday handed online search engine google inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=goog . o target=/stocks/quickinfo/fullquote> goog . o< /a> a victory in a trademark infringement case on wednesday , ruling that when users searched for insurer geico , google could display rivals as well . +__label__4 , 2004 signals more global warming , extreme weather un ( reuters ) , reuters - global warming is set to continue , and\bring with it an increase in extreme weather such as hurricanes\and droughts , scientists from the united nations ' world\meteorological organization warned on wednesday . +__label__4 , ' nano-needle ' operates on cell , scientists have performed a delicate surgical operation on a single living cell , using a needle that is just a few billionths of a metre wide . +__label__4 , microstrategy turnover draws analyst scrutiny , microstrategy inc . said yesterday that president and chief financial officer eric f . brown had resigned and that founder michael j . saylor would again hold the company ' s top three jobs , prompting some analysts to raise concerns about the company ' s stock . +__label__1 , italian taken hostage in iraq report ( afp ) , afp - an italian national working for a british non-governmental organisation has been taken hostage in iraq , the italian news agency ansa reported , quoting italian intelligence sources . +__label__3 , montie brewer appointed ceo of air canada , montreal - montie brewer has been appointed president and ceo of air canada , the airline announced wednesday . robert milton remains ceo of air canada #39 s parent company , ace aviation holdings . +__label__4 , hp shifting last of itanium engineers , hewlett-packard co . ( hpq . n quote , profile , research ) and intel corp . ( intc . o quote , profile , research ) on wednesday ended their 10-year partnership to co-develop the itanium chip +__label__3 , gateway updates 4q , year guidance , gateway inc . on wednesday raised fourth-quarter earnings expectations as the personal computer maker freed up cash by selling preferred stock and outsourcing its warranty service plans . +__label__2 , veterans pronger and mckenzie don #39 t think hockey will return until < b> . . . < /b> , nhl veterans chris pronger and jim mckenzie think this lockout is far worse than the one that wiped out half a season 10 years ago . +__label__2 , memphis activates guard williams , memphis , tn ( sports network ) - the memphis grizzlies on wednesday activated point guard jason williams from the injured list , while placing guard antonio burks on the il . +__label__3 , air china main board debut up 6 at hk\$3 . 15 -2- , hong kong ( dow jones ) --shares of air china ltd . ( 0753 . hk ) , the country #39 s largest airline , opened 6 higher at their debut wednesday on the hong kong stock exchange #39 s main board . +__label__4 , r . i . p . gary webb -- unembedded reporter , the finest journalist ever to get fired for telling the truth is dead at age 49 . the official cause of death on the death certificate will be suicide . but , as we shall see , he had much help getting to that point . the story of the life and death of gary webb says much about the state of american politics and what passes as journalism in today ' s america . +__label__4 , nec develops cd , dvd , hd-dvd drive prototype , kawasaki , japan - engineers at nechave developed a prototype optical disc drive that supports the new hd-dvd format and is also compatible with cd and dvd formats , they said wednesday . +__label__2 , pitt to interview at least three coaches ( ap ) , ap - pittsburgh athletic director jeff long plans to interview at least three candidates to replace football coach walt harris . +__label__4 , nokia to use holograms to thwart battery counterfeiters , hologram labels will help customers identify original nokia batteries , thus ensuring the safe use of handsets , says nokia . all new batteries will come with a holographic image and an authentication code hidden under it . +__label__3 , fannie mae didn ' t comply with accounting rules , s . e . c . says , fannie mae , the biggest source of money for u . s . home mortgages , broke accounting rules for financial contracts designed to protect against swings in interests rates . +__label__3 , eurozone central bank gives clean bill of health to hedge funds , the european central bank has given hedge funds a generally clean bill of health , saying the possible dangers to financial markets are quot much less worrisome quot than even a few years ago . +__label__2 , cavaliers trip trail blazers 112-88 ( ap ) , ap - lebron james scored 12 of his 25 points in less than three minutes of the third quarter and ira newble added a season-high 18 as the cleveland cavaliers won their ninth straight at home , 112-88 over the portland trail blazers on wednesday night . +__label__2 , no . 3 georgia tech rolls over james madison , 72-47 , atlanta ( sports network ) - isma #39 il muhammad scored a team-high 14 points , jarrett jack added 13 and third-ranked georgia tech rolled over james madison , 72-47 , in a non-league tilt at the alexander memorial coliseum . +__label__2 , baseball ' s homeless franchise , bud selig , the major league baseball commissioner , didn ' t realize he was gambling when he awarded the expos to washington . +__label__2 , spain coach faces racism inquiry , the spanish football federation yesterday opened a disciplinary file against national coach luis aragones - but anti-racism campaigners expect him to be let off with a warning . +__label__1 , sudan to stop fighting if rebels withdraw ( ap ) , ap - sudan is prepared to halt military operations in the darfur region if rebels withdraw from some positions they captured earlier this year , government negotiators said wednesday . +__label__4 , scientist uses whey to protect food ( ap ) , ap - oxygen , water , seeping oils #151 they ' re all out to get your food , turning sweet nuts sour and tasty confections rancid . food scientist john krochta is fighting back with an unlikely weapon , edible food coatings derived from whey , the dairy byproduct favored by protein-conscious athletes and miss muffet . +__label__3 , brokerage settles charges over mutual fund fees , a fort worth brokerage that sold high-fee mutual funds to military families agreed yesterday to pay \$12 million to settle allegations that it used misleading marketing literature and scripts . +__label__4 , elements of web hosting , elements of web hosting\\when you first start out trying to get a site on the internet everything seems so confusing . obtuse acronyms flow freely through the ' beginner friendly ' information sites and definitions can be hard to come across . the main reason for this is that the internet and the process . . . +__label__4 , a distraction as a deadline approaches , as the holidays approach , christmas spirit is a bargain-hunting essential . +__label__3 , russian oil giant tries us court , moscow - embattled russian oil giant yukos filed for bankruptcy protection in a us court in a last-ditch bid to avert auction of its core production unit . +__label__2 , quickies put pakistan on top in perth , pakistan pacemen shoaib akhtar and mohammad sami tore through australia #39 s top order as the home side struggled to 72 for four at lunch on the opening day of the first test in perth on thursday . +__label__1 , suicide bomber kills 21 iraqi troops , baghdad ( reuters ) - a suicide car bomb hit a bus carrying iraqi national guards on sunday , killing 22 people in the deadliest attack of its kind in nearly four months on iraqis cooperating with u . s . forces to secure a jan . 30 election . +__label__3 , sprint to buy nextel in \$36 billion deal , new york/washington ( reuters ) - sprint corp . said wednesday it would buy mobile telephone company nextel communications inc . for about \$36 billion , creating a u . s . wireless carrier with nearly 40 million subscribers . +__label__2 , outlook gloomy for dc baseball , washington - the president of major league baseball called washington dc #39 s legislation for a new stadium quot wholly unacceptable quot on wednesday night and halted all business and promotional activities for the washington nationals until further notice . +__label__3 , japan govt body to call for 5 . 7 billion dollar aid to daiei ( afp ) , afp - a japanese government-backed organization will ask financial institutions to provide troubled retailer daiei with 600 billion yen ( 5 . 7 billion dollars ) in financial assistance . +__label__2 , wade drives heat over wizards , the washington wizards are finished with the miami heat for the season . that #39 s the good news . dwyane wade had 29 points and nine assists wednesday to lead the heat to a 98-93 win for their +__label__3 , time warner settles with doj , sec for \$510 mil , time warner inc . on wednesday settled criminal securities fraud charges the government leveled on its america online unit , agreeing to pay \$210 million to end the justice department #39 s probe . +__label__3 , utc buys kidde for 1 . 4bn , uk fire equipment manufacturer kidde agrees a 1 . 4bn takeover by us manufacturer united technologies . +__label__3 , mass . auto rates to stay fairly steady next year , the state insurance commissioner yesterday held auto insurance premiums fairly steady for next year while approving measures that could sharply increase the rates paid by inexperienced teenage drivers . +__label__3 , bush vows to cut deficit , president bush pledged yesterday to work with congress to reduce the government #39 s huge budget deficit as a key step in assuring the world that his administration supports a strong dollar . +__label__3 , time warner settles aol investigations for \$510 million , time warner will pay \$210 million to defer a justice department investigation into accounting irregularities at its dulles-based america online unit . +__label__4 , intel to take over hp #39 s itanium chip team , san francisco ( cbs . mw ) -- intel will take over a team of 300 hewlett-packard chip designers working on intel #39 s itanium server processors . +__label__2 , donato has harvard on the move , in groove , three games into the 2004-05 season , the first-year coach with the harvard degree and nhl pedigree was staring at a 0-2-1 record , an offense that was averaging a goal a game , and a locker room full of long faces . +__label__3 , bt cuts prices for telecom rivals , ofcom is cutting the price bt can charge its rivals for putting their broadband equipment in its exchanges by up to 60 . +__label__4 , apple #39 s ipod in short supply , apple computer inc . #39 s ipod digital music players are in short supply at us retailers including amazon . com inc . and best buy co . +__label__2 , living legends left their marks , pasadena , calif . -- the first football meeting between michigan and texas in yesterday ' s rose bowl brought together two coaching legends -- bo schembechler and darrell royal . +__label__1 , n . korea economic sanctions ' one option ' --japan , tokyo ( reuters ) - economic sanctions against north korea are one option , but care is needed in deciding whether to take that step , japanese foreign minister nobutaka machimura said on thursday , a day after pyongyang warned japan that imposing sanctions would be tantamount to war . +__label__1 , fresh bid to dismiss jackson case , lawyers for michael jackson say the singer ' s child molestation case should be dropped . +__label__1 , uk #39 s highest court rules against holding terror suspects without < b> . . . < /b> , britain #39 s highest court ruled thursday that the government cannot detain terror suspects indefinitely without trial . nine law lords ruled in favor of a group of men jailed without charge for __label__4 , clarke takes charge of blunkett ' s fear agenda , < strong> analysis< /strong> horizontal drinkers rejoice -__label__3 , eu to lift u . s . sanctions jan . 1 , brussels ( reuters ) - the european commission is sticking with its plan to lift sanctions on \$4 billion worth of u . s . goods on jan . 1 following washington ' s repeal of export tax subsidies in october , a spokeswoman said on thursday . -__label__3 , national business briefs , alexandria , va . - google inc . won a major legal victory yesterday when a federal judge ruled that its advertising policy does not violate federal trademark laws . -__label__3 , wall street looks set for a mixed start ( reuters ) , reuters - wall street looked set for a mixed start\on thursday as oil prices remained near two-week highs and\investors braced for a clutch of economic data and earnings\from high-profile firms like goldman sachs and nike\ . -__label__3 , shopping surges ahead of christmas , retail sales have risen sharply in the run-up to the key christmas season , adding to data which suggests the economy is gathering pace and interest rates may rise next year . -__label__4 , yahoo ! to provide traffic updates , as part of an effort to expand local content , internet portal company yahoo ! wednesday night began offering web surfers information about current traffic conditions for the largest us metro areas . -__label__1 , daily mail hits back at blunkett , the daily mail today dismissed david blunkett #39 s claim that the media played a role in his downfall , saying he only had himself to blame . -__label__3 , symantec to buy veritas for \$13 . 5 billion , new york ( reuters ) - security software maker symantec corp . has agreed to buy veritas software corp . for \$13 . 5 billion , expanding into the backup and recovery software market , the companies said on thursday . -__label__4 , environment check from crab urine , crabs ' urine and changes in snails ' sex hormones are helping uk scientists to monitor the environment . -__label__3 , broadband charges set to tumble , the cost of broadband internet access is likely to fall after ofcom ordered british telecom to cut the amount it charges internet providers . -__label__1 , iceland offers shelter to fugitive chess player , fugitive chess master bobby fischer has been offered a new home in iceland , where he won a classic victory in 1972 , but it is unclear whether he will be able to make the move from his detention in japan . -__label__4 , no safe place for satellites ( space . com ) , space . com - san francisco -- a pocket of near-earth space tucked between radiation belts gets flooded with charged particles during massive solar storms , shattering the illusion it was a safe place for satellites . -__label__1 , austrian warning on turkey #39 s eu hopes , meise , belgium , dec 16 ( afp ) - the eu must be sure it has the quot capacity to absorb quot turkey before it gives a green light to the vast muslim country #39 s hopes of joining the bloc , austrian chancellor wolfgang schuessel warned thursday . -__label__1 , relations with india not at pakistans expense china , beijing chinas improving relations with india will not come at the expense of pakistan , chinese premier wen jiabao said in his meeting with prime minister shaukat aziz here on wednesday . -__label__2 , efficient germany sweep past japan , two goals from miroslav klose helped jrgen klinsmann #39 s experimental germany side breeze to a 3-0 win over japan in yokohama this afternoon . -__label__1 , britons still prefer fish n ' chips ( afp ) , afp - traditional fish-and-chips along with cherished pub grub remain the dishes of choice for britons outstripping chinese or indian take-aways . -__label__1 , uk cannot hold suspects indefinitely , ( officialwire ) -- 12/16/04 -- britain #39 s highest court ruled thursday against holding terror suspects without trial , saying the government cannot detain terror suspects indefinitely without trial . -__label__4 , music lovers can download entire track on their mobile phone , here is good news for music lovers ! now you can download the entire track on your mobile phone . this is made possible as two giants us-based melodeo and warner music group has signed an agreement whereby consumers -__label__2 , langer leads the australian charge , justin langer #39 s coruscating unbeaten 181 shone through on an enthralling day of test cricket when australia demonstrated , once again , why they are by far the best side in the world . -__label__3 , rite aid swings to loss , rite aid ( rad nyse - news - research ) swung into the red for its third quarter and lowered expectations for fiscal 2005 . the drugstore chain said thursday it posted a loss of \$7 . 7 million , or 1 cent a share -__label__4 , nasa leader cites finances and submits his resignation , sean o #39 keefe resigned as nasa administrator on monday , saying he is leaving the position he has held for three years to pursue better economic opportunity for his family . -__label__1 , more african troops go to darfur , germany sends three planes to sudan ' s troubled darfur region to help deploy more african union troops . -__label__1 , fec elects chairman , vice chairman ( ap ) , ap - the federal election commission on thursday elected a new chairman and vice chairman , choosing as its leaders two members who pushed unsuccessfully for tougher limits on partisan political groups . -__label__2 , connors rallying cry for british tennis , quot do you have it in your heart ? how much guts do you have ? how much do you hate to lose ? quot . these are the questions jimmy connors will be asking of britain #39 s brightest tennis hopes in the months , and possibly years , to come . -__label__4 , sap launches security service , sap has launched sap security optimization , a service that evaluates a customer #39 s sap system to identify and eliminate potential vulnerabilities and minimize the risk of intrusions . -__label__2 , braves , smoltz agree to new deal , atlanta , ga ( sports network ) - the atlanta braves announced thursday that the team has come to terms with longtime pitcher john smoltz to a new two-year contract with a club option for the 2007 season . -__label__2 , update 1-bmw , honda drop challenge to f1 rules , carmakers bmw and honda have dropped plans to challenge formula one #39 s governing body over engine rules for 2006 after deciding that legal action would be bad for motor racing . -__label__3 , fannie mae pays the price of cutting corners to look safe , two regulatory agencies have concluded that fannie mae cut corners when it came to its accounting , and that has severely damaged its image . -__label__2 , point-counterpoint nets stifle knicks , jason kidd had the pass of the night , an off-the-backboard , alley-oop feed that vince carter dunked , and the new jersey nets defeated the new york knicks and their self-proclaimed best point guard in the nba , 93-87 , last night at madison square garden . kidd didn ' t outplay point guard counterpart stephon marbury , who made that bold declaration the previous day at practice . -__label__1 , blast kills at least three in crowded market in southern < b> . . . < /b> , manila , philippines at least three people have been killed and several injured in a powerful explosion at a crowded public market in the southern philippines . -__label__4 , water and robots on mars chosen as tops in 2004 science , it #39 s the discovery by two mars rovers that the red planet once had water and possibly could have supported life . that recognition comes today from the journal science . -__label__3 , fcc mulls airborne mobile phone use , although there may have been technical limitations at the time the cell phone ban was established , according to idc #39 s shiv bakhshi , it is unclear why the ban has remained in place , given that -__label__4 , new grand theft auto video game heads to xbox ( reuters ) , reuters - video game hit grand theft auto \san andreas is coming to the xbox and personal computer\platforms next june , publisher take-two interactive software\inc . said on thursday . -__label__4 , samsung looks to top 100m unit sales next year ( ft . com ) , ft . com - samsung electronics , the world ' s second-largest mobile phone maker , expects its handset sales to rise 16 per cent next year to more than 100m units . -__label__1 , africa fights aids with girl power , a bill is currently in uganda ' s parliament that would strengthen women ' s rights . -__label__3 , guidant merges with johnson and johnson , indianapolis , dec . 16 - an announcement thursday morning ends weeks of speculation and means that if guidant shareholders sign off , indiana will lose one of its few fortune 500 companies . -__label__4 , hp drops itanium development , hewlett-packard co . ( hp ) is getting out of the chip-making business . the palo alto , california , company on thursday announced that it reached an agreement with intel corp . -__label__4 , ants follow forks in their roads to find home , forget gps , forget road signs . researchers in england say foraging pharaoh ' s ants employ a simpler means to find their way home geometry . -__label__4 , mars mission hailed as top 2004 breakthrough , the discovery that mars could have supported life billions of years ago has been ranked by the editors of international journal science as the most important scientific achievement of 2004 . -__label__2 , hudson traded to braves ( reuters ) , reuters - the atlanta braves have acquired\standout righthander tim hudson from the oakland athletics in\exchange for outfielder charles thomas , right-handed pitcher\juan cruz and left-handed pitcher dan meyer . -__label__3 , j amp j acquiring device maker , johnson amp johnson , the pharmaceutical and health care giant , has announced an agreement to buy guidant , one of the largest us makers of devices to treat heart and circulatory illnesses , for \$25 . 4 billion . -__label__1 , sharon predicts ' breakthrough ' in ties with palestinians , prime minister ariel sharon said that his government would implement his proposal to dismantle all the israeli settlements in gaza and four small ones in the west bank on schedule . -__label__3 , us rules on share options finalised , the us on thursday finalised a new accounting standard that will force companies to subtract the cost of share options from their earnings , a move bitterly opposed by silicon -__label__4 , hp leaves the chip-making business , hewlett-packard is getting out of the chip-making business . the palo alto , california , company on thursday announced that it reached an agreement with intel that would see hp #39 s itanium processor design team move to intel in january . -__label__1 , boys ' cured ' with gene therapy , gene therapy can cure children born with a condition that knocks out their natural defences against infection , mounting evidence shows . -__label__2 , smith says harmison is the weakest link , the south africa captain graeme smith has stirred things up before today #39 s first test against england by claiming that steve harmison , the world #39 s leading bowler , is mentally vulnerable and can be disarmed for the rest of the five-test series if the -__label__3 , crude oil rises on speculation cold weather may increase demand , crude oil futures are headed for their biggest weekly gain in 21 months on speculation cold weather may boost demand in the us northeast , where 80 percent of the country #39 s heating oil is used . -__label__3 , parmalat sues 45 banks to recover \$4 billion , parmalat , the bankrupt italian dairy and food company , sued 45 banks on thursday seeking to recover money it paid to them in the year before the company #39 s collapse . -__label__1 , eu sets date for turkey talks , demands concession on cyprus , european union leaders offered to start membership talks with turkey next oct . 3 , as long as the turkish government ends its diplomatic standoff with historic rival cyprus . -__label__1 , gop to sue over 573 found wash . ballots ( ap ) , ap - republicans prepared a lawsuit thursday to try to prevent king county from including 573 newly discovered ballots in a hand recount that could erase their gubernatorial candidate ' s razor-thin margin of victory . -__label__3 , white house may pick bernanke , the white house , seeking a strong economic team to craft and sell key features of its second-term agenda , is considering tapping federal reserve board member ben s . bernanke to serve as chairman -__label__1 , israel withdraws from gaza camp , israel withdraws from khan younis refugee camp in the gaza strip , after a four-day operation that left 11 dead . -__label__4 , stocky monkey in himalayas is a shy rarity a new species , scientists from india working in the himalayas have discovered a new species of monkey , a stocky , short-tailed , brown-haired creature they have named the macaca munzala , or arunachal macaque . -__label__4 , experts optimistic about shuttle flight , a group of experts convened by nasa said yesterday that the space shuttle would likely be ready to fly by the currently planned launch date in may or june , but it cautioned that efforts to -__label__3 , judge orders halt to yukos unit auction ( reuters ) , reuters - a u . s . bankruptcy court on thursday\stepped into the battle between yukos and the russian\government , issuing an order to block sunday ' s auction of the\company ' s main oil-producing arm for 10 days . -__label__1 , colombia says irish fugitives have fled country , bogota , colombia ( reuters ) - three irish fugitives convicted of teaching leftist colombian guerrillas how to make bombs have escaped the andean country and are at large outside its borders , colombia ' s attorney general said late on thursday . -__label__2 , steelers #39 burress won #39 t return against giants , thursday , he took himself out of consideration during a conversation with pittsburgh steelers trainer john norwig . quot when i #39 m running full speed and make a little move , i still feel it a little bit , quot burress said of his hamstring . -__label__4 , cassini photos leaves some mysteries , cassini #39 s latest sweep past saturn #39 s moon titan revealed more intriguing pictures of the surface but left many mysteries intact . -__label__1 , saddam meets lawyer , aides due in court , saddam hussein met with a defense lawyer thursday for the first time since his capture a year ago , days before several of his top aides are due to appear in court for hearings on alleged war crimes . -__label__4 , yahoo unveils animated shorts , sees new ad space ( reuters ) , reuters - yahoo inc . said on\thursday that jibjab media will create two animated short films\as the internet company looks for ways to expand advertising by\adding new content . -__label__4 , holes found in cisco , veritas , samba products ( ziff davis ) , ziff davis - security sources announce four mostly unrelated enterprise vulnerabilities in cisco unity , cisco guard , veritas ' backup exec , and samba , the windows file-sharing utility for linux . -__label__4 , panasonic races to meet plasma demand , company is expanding production to deliver more flat-panel tvs . -__label__3 , for guidant , j amp j #39 s resources sealed the deal , after lengthy talks and stiff negotiations over price , the decision by guidant executives to sell the company for \$25 . 4 billion came down to the attractiveness of johnson amp johnson #39 s deep resources . -__label__3 , update 14 future of fannie mae executives unclear , speculation swirled thursday over the futures of fannie mae #39 s top executives after regulators #39 cited the mortgage giant for accounting violations going back to 2001 . -__label__2 , parma keeps italian hopes alive , parma rallied from an early deficit to beat besiktas 3-2 yesterday and maintain italy #39 s hopes of winning a uefa cup championship it used to dominate . -__label__1 , sharon decides israel to attend london mideast peace conference , report official announcement due next week during british pm blair #39 s israel visit . conference to be confined to pa reforms , will not deal with borders , refugees , settlers and future of jerusalem . -__label__4 , governor #39 s proposal new game , same strategy , if gov . rod blagojevich #39 s proposal to crack down on violent video game sales sounds familiar , look no further than the man he beat to become illinois #39 chief executive . -__label__2 , pakistan collapses at the waca , opener justin langer was last out after a glorious innings of 191 as australia totaled 381 on the second morning of the first test against pakistan in perth on friday . -__label__1 , five killed in al qaeda jailbreak in kabul , kabul ( reuters ) - three afghan prison guards and two prisoners were killed in a jail break attempt by al qaeda inmates friday and a shoot-out was going on between police and another two , the chief of kabul ' s pul-i-charki prison told reuters . -__label__3 , nikkei rises to highest close in 4 weeks , tokyo ( reuters ) - japan ' s nikkei share average rose to its highest close in four weeks on friday as hopes grew for a seasonal year-end rally , spurring buying in a wide-range of issues . -__label__2 , mets introduce new prize pitcher pedro ( ap ) , ap - pedro martinez formalized a #36 53 million , four-year contract with the new york mets on thursday and embraced the idea of helping rebuild a team that has fallen on hard times . -__label__2 , pedro , gm welcome challenge that awaits , the boston red sox could offer pedro martinez the still-dizzying celebration of a city that he helped to a historic world series championship . -__label__1 , israel won #39 t attend london mideast conference , israel will not attend a middle east conference in london early next year but backs its stated aim of fostering palestinian reform in pursuit of peace after yasser arafat #39 s death , a senior official says . -__label__1 , un shrugs off us demands to boost iraq presence , baghdad ( afp ) - the united states failed win a promise from the united nations to increase its staff in iraq ahead of elections as washington stepped up its charges that damascus was sheltering insurgent leaders . -__label__3 , court seen lifting yukos block -- lawyers , london ( reuters ) - a u . s . bankruptcy court is likely to revoke its temporary ban on the sale of russian oil group yukos ' s main production unit , lawyers said on friday . -__label__1 , fidel castro back on his feet , the cuban president this week , according to wire reports , stood unassisted for several minutes at a time while greeting venezuelan president hugo chavez , who paid a visit to the island earlier this week . -__label__3 , consumer prices rise 0 . 2 in november , consumer prices rose by a mild 0 . 2 percent in november as costs for gasoline and food products calmed down after posting sharp increases the month before . -__label__1 , eu move on cyprus eases way for turkey deal , brussels ( reuters ) - the european union and turkey inched toward a historic agreement on starting membership talks on friday as eu leaders softened their demands on the crucial sticking point of cyprus . -__label__1 , mars water tops science honours , the discovery that salty , acidic water once flowed across the surface of mars has topped a list of the 10 key scientific advances of 2004 . -__label__1 , indonesia furious over australia #39 s new maritime surveillance zone , australia #39 s plan to establish a maritime surveillance zone that would cover much of indonesia has provoked a furious response from jakarta , which says the policy contravenes both national sovereignty and international law . -__label__4 , ibm bladecenter specification picks up speed , ibm on friday announced it has signed up 115 companies since early september to develop for its eserver bladecenter open specification it co-authored with intel . -__label__4 , boeing casts eyes on live tv over connexion service , the boeing co . is planning to add live television to its connexion by boeing service during 2005 , a company executive said in a recent interview . -__label__3 , cancer drug blow for astrazeneca , drugs group astrazeneca today suffered a massive setback after tests showed its blockbuster iressa cancer treatment did not allow patients to live longer . -__label__1 , rebels in battered congo town declare victory ( reuters ) , reuters - rebel soldiers confronting\army loyalists near this deserted congolese farming town\declared victory on friday after clashes that stirred fears of\fresh violence in turbulent central africa . -__label__1 , india hospital injections fears , india ' s health minister tells parliament that nearly 70 of injections at government hospitals are unsafe . -__label__4 , yahoo maps to add traffic updates and reports , yahoo maps to add traffic updates and reports\\yahoo is not only becoming the goto place for multimedia search and online entertainment , it ' s also now offering a new service for monitoring traffic conditions online . yahoo ' s offering of traffic updates lets users plan their daily travel routes around slowdowns like constructon or . . . -__label__3 , pfizer news sends blue chips down , new york ( reuters ) - the dow jones industrial average fell on friday after pfizer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pfe . n target=/stocks/quickinfo/fullquote> pfe . n< /a> shares opened nearly 19 percent down on trial data for its popular arthritis drug celebrex that showed increased risk of heart attack . -__label__3 , bad day for drug companies - and patients , london ( reuters ) - investors in pharmaceuticals were dealt a triple whammy on friday as pfizer inc , astrazeneca plc and eli lilly and co all shocked the market with bad news about key products . -__label__3 , goldcorp says it will review glamis bid , gold miner goldcorp inc . on friday said its board is willing to review and evaluate a takeover offer from glamis gold ltd . that would break up its friendly merger agreement with wheaton river minerals ltd . -__label__2 , robinho #39 s mother releaased by kidnappers , the mother of santos striker robinho was released unharmed on friday , 40 days after she was kidnapped at a family gathering . marina da silva de souza , 44 , appeared healthy but thinner than when she was abducted -__label__2 , coulthard secures red bull seat , coulthard , whose mclaren contract expires at the end of this year , tested with the austrian-owned team in spain recently , easily outpacing red bull hopefuls christian klien and vitantonio liuzzi . -__label__1 , bosnian serb pm resigns after war crimes criticism ( afp ) , afp - bosnian serb prime minister dragan mikerevic resigned , a day after the international community imposed fresh sanctions against serb police and officials for allegedly protecting war crimes fugitives . -__label__3 , november consumer prices rise moderately , us consumer prices rose modestly in november as a surge in energy costs a month earlier moderated , the labor department said on friday . -__label__3 , united pilots cut deal on pensions , united airlines pilots would drop their opposition to the carrier ' s much-decried plan to eliminate traditional pensions under a tentative contract agreement approved by union leaders . -__label__3 , circuit city cautious on outlook , circuit city stores inc . ( cc . n quote , profile , research ) on friday posted a narrower quarterly loss from continuing operations but said its outlook was cautious for the -__label__3 , us stocks drop , led by drug shares pfizer , eli lilly tumble , us stocks fell as setbacks for drugmakers , including a study showing pfizer inc . #39 s celebrex painkiller increased the risk of heart attacks , sent health-care shares tumbling . -__label__3 , gm announces global economic development forums , general motors corp . said friday it would host a series of economic development forums around the globe in an effort to share the expertise it has acquired through various local projects . -__label__3 , carmax earnings fall , stock up on outlook ( reuters ) , reuters - carmax inc . on friday posted\lower quarterly profit , but the used-car retailer said its\sales have been steadily improving , sending its shares up as\much as 14 percent . -__label__4 , exploring andromeda ( space . com ) , space . com - although winter officially begins on dec . 21 at 7 40 a . m . est , \ one of the landmarks of the autumn sky is still readily visible , high toward \ the south around 7 p . m . local time . -__label__1 , israel ' s labour to join sharon coalition-israeli media , jerusalem ( reuters ) - israel ' s opposition labour party has clinched a deal with prime minister ariel sharon ' s likud party to join his coalition , a move that could push forward his gaza pullout plan , israeli media reported on friday . -__label__3 , whitman ebay to buy rent . com compliments craigslist stake , without reserve . ebay ( nasdaq ebay - news - people ) on friday said it is buying rent . com . the latter , which is privately held , provides online listings of apartment and house rentals . -__label__2 , broncos dt elliss out for the season , englewood , colo . ( sports network ) - veteran defensive tackle luther elliss of the denver broncos will miss the remainder of the season because of a herniated disk in his lower back . -__label__2 , indiana hires hoeppner , miami of ohio ' s terry hoeppner is hired as indiana ' s football coach and vows to take the hoosiers to the rose bowl for the first time since 1968 . -__label__3 , russia shrugs off us court freeze on oil giant yukos auction , moscow ( afp ) - russia forged ahead with the weekend auction of the core asset of crippled oil giant yukos despite a disputed us court order barring the sale , with state-controlled gas giant gazprom entering the bidding . -__label__4 , nasa #39 s departing chief defends hubble decision , nasa #39 s departing chief , sean o #39 keefe , on friday defended his decision to pursue a robotic repair mission to the hubble space telescope , days after a panel of scientists said a shuttle mission would be better . -__label__4 , cisco invests \$12 million in japan r amp d center , on thursday , the company announced it will invest \$12 million over the next five years in a new research and development center in tokyo . -__label__4 , this week in merger news , this week saw three merger deals worth about \$60 billion--including one that ranks as the largest software merger in history . -__label__1 , democrat seeks to end iowa , n . h . power ( ap ) , ap - if simon rosenberg decides to run for democratic party chairman , he won ' t be able to count on much support from iowa and new hampshire . -__label__4 , apple sues over web leak of advance products ( reuters ) , reuters - apple computer inc . is\suing anonymous people who leaked details about new products by\posting information on the internet , court documents showed on\friday . -__label__1 , au issues deadline to khartoum and darfur rebels , abuja ( reuters ) - the african union issued a 24-hour deadline to the sudanese government and darfur rebels on friday to end fighting after a massive military build-up in the region over the last two weeks . -__label__2 , skier tests positive , olympic silver medalist hans knauss tests positive for the steroid nandrolone after a world cup race last month . -__label__2 , wenger vows no repeat of frailties against bayern , arsne wenger was raised in alsace , near the german border , with an affinity for the bayern munich football machines of the seventies . -__label__4 , microsoft buy comes with strings attached , a software company that microsoft acquired this week to help beef up computer security may come with a bug of its own--a company claiming ownership of the programs . -__label__4 , u . s . army aims to halt paperwork with ibm system , the u . s . army has struck a deal with ibm and other companies to create an automated record-keeping system that ends the need for electronic forms to be printed out , signed and delivered up the military service ' s chain of command . -__label__2 , barcelona return for mourinho , jose mourinho , the chelsea manager , last night talked about how quot emotional quot it will be returning to barcelona in the last 16 , knockout stage of the champions league . -__label__2 , 2005 american bowl teams announced , new york , ny ( sports network ) - indianapolis will take on atlanta in the 2005 american bowl in japan , the league announced friday . -__label__2 , carter could prove real plus for nets , the nets reported deal for vince carter very much surprises me given new jersey #39 s cost-slashing moves in the offseason that saw the exits of kenyon martin and kerry kittles . -__label__1 , sudan govt unleashes offensive in south darfur sla rebels , cairo , dec 17 ( afp ) -- one of the two main rebel groups in sudan #39 s war-torn darfur region said that the government had launched an offensive on rebel-held towns in southern darfur , denouncing it as a truce violation . -__label__3 , airbus chief wins fight to take controls at eads , the head of plane maker airbus yesterday won a bitter battle to oust his boss from the helm of parent aerospace group eads after winning the support of a key shareholder . -__label__2 , england labour but find their second wind , this was not an easy day on which to play cricket . the sun shone brilliantly enough but for all of the opening day of the series a buffeting westerly crosswind flapped the trouser legs of the players , put -__label__3 , ebay #39 s buy of rent . com may lack strategic sense , standard amp poor #39 s equity research said the purchase of rent . com by ebay ( nasdaq ebay - news - people ) could be a bit of a miscalculation . -__label__4 , analysis peoplesoft users speak out about oracle takeover ( infoworld ) , infoworld - the great debate over the impact of oracle ' s hostile takeover of peoplesoft has all the big industry analyst organizations weighing in . however , in most of the analysis one group ' s opinion seems to have been overlooked that of peoplesoft users . -__label__2 , right-hander must pass physical , right-hander matt clement and the boston red sox agreed friday to a three-year deal in the \$25 million range , according to a report on mlb . -__label__2 , pacers 89 , raptors 86 , jamaal tinsley scored 17 of his 22 points in the second half to lead the indiana pacers to an 89-86 victory over the toronto raptors , who traded all star vince carter to new jersey earlier friday . -__label__1 , pricey drug trials turn up few new blockbusters , the \$500 billion drug industry is stumbling badly in its core business of finding new medicines , while aggressively marketing existing drugs . -__label__2 , nba game summary - denver at miami , miami , fl ( sports network ) - shaquille o #39 neal had 20 points , 10 rebounds , seven assists and three blocks and dwyane wade led all scorers with 25 points , as the miami heat downed the denver nuggets , 107-100 . -__label__4 , hobbit-finding boffins in science top 10 , ap - australian scientists who helped discover a species of tiny humans nicknamed hobbits have been hailed for making the second most important scientific achievement of 2004 . -__label__4 , search providers seek video , find challenges , internet search providers are reacting to users #39 rising interest in finding video content on the web , while acknowledging that there are steep challenges that need to be overcome . -__label__2 , the newest hope marriage of necessity just might work out , new york - the tv lights were on , the cameras rolled and the symphony of cameras flashing in his face blinded pedro martinez - but not for long . -__label__2 , saban hiring on hold , davie - the dolphins want nick saban , and the lsu coach could be on his way . although lsu athletic director skip bertman said friday that quot an offer is very imminent , quot the dolphins are committed to adhering -__label__1 , bosnian-serb prime minister resigns in protest against u . s . sanctions ( canadian press ) , canadian press - banja luka , bosnia-herzegovina ( ap ) - the prime minister of the serbian half of bosnia resigned friday , a day after the u . s . government and bosnia ' s top international administrator sanctioned bosnian serbs for failing to arrest and hand over war crimes suspects to the un tribunal . -__label__1 , historic turkey-eu deal welcomed , the european union ' s decision to hold entry talks with turkey receives a widespread welcome . -__label__2 , mortaza strikes to lead superb bangladesh rally , paceman mashrafe mortaza claimed two prize scalps , including sachin tendulkar with the day #39 s first ball , to lead a bangladesh fightback in the second and final test against india on saturday . -__label__1 , powell pushes diplomacy for n . korea , washington -- outgoing secretary of state colin l . powell said yesterday he doesn ' t regret being the public face for the bush administration ' s international call to war in iraq . he also believes diplomacy is making headway in containing nuclear threats in iran and north korea , he said in an interview . -__label__1 , around the world , ukrainian presidential candidate viktor yushchenko was poisoned with the most harmful known dioxin , which is contained in agent orange , a scientist who analyzed his blood said friday . -__label__2 , void is filled with clement , with the supply of attractive pitching options dwindling daily -- they lost pedro martinez to the mets , missed on tim hudson , and are resigned to randy johnson becoming a yankee -- the red sox struck again last night , coming to terms with free agent matt clement on a three-year deal that will pay the righthander in the neighborhood of \$25 . . . -__label__2 , martinez leaves bitter , like roger clemens did almost exactly eight years earlier , pedro martinez has left the red sox apparently bitter about the way he was treated by management . -__label__3 , 5 of arthritis patients in singapore take bextra or celebrex < b> . . . < /b> , singapore doctors in the united states have warned that painkillers bextra and celebrex may be linked to major cardiovascular problems and should not be prescribed . -__label__3 , ebay gets into rentals , ebay plans to buy the apartment and home rental service rent . com for \$415 million , adding to its already exhaustive breadth of offerings . +__label__3 , eu to lift u . s . sanctions jan . 1 , brussels ( reuters ) - the european commission is sticking with its plan to lift sanctions on \$4 billion worth of u . s . goods on jan . 1 following washington ' s repeal of export tax subsidies in october , a spokeswoman said on thursday . +__label__3 , national business briefs , alexandria , va . - google inc . won a major legal victory yesterday when a federal judge ruled that its advertising policy does not violate federal trademark laws . +__label__3 , wall street looks set for a mixed start ( reuters ) , reuters - wall street looked set for a mixed start\on thursday as oil prices remained near two-week highs and\investors braced for a clutch of economic data and earnings\from high-profile firms like goldman sachs and nike\ . +__label__3 , shopping surges ahead of christmas , retail sales have risen sharply in the run-up to the key christmas season , adding to data which suggests the economy is gathering pace and interest rates may rise next year . +__label__4 , yahoo ! to provide traffic updates , as part of an effort to expand local content , internet portal company yahoo ! wednesday night began offering web surfers information about current traffic conditions for the largest us metro areas . +__label__1 , daily mail hits back at blunkett , the daily mail today dismissed david blunkett #39 s claim that the media played a role in his downfall , saying he only had himself to blame . +__label__3 , symantec to buy veritas for \$13 . 5 billion , new york ( reuters ) - security software maker symantec corp . has agreed to buy veritas software corp . for \$13 . 5 billion , expanding into the backup and recovery software market , the companies said on thursday . +__label__4 , environment check from crab urine , crabs ' urine and changes in snails ' sex hormones are helping uk scientists to monitor the environment . +__label__3 , broadband charges set to tumble , the cost of broadband internet access is likely to fall after ofcom ordered british telecom to cut the amount it charges internet providers . +__label__1 , iceland offers shelter to fugitive chess player , fugitive chess master bobby fischer has been offered a new home in iceland , where he won a classic victory in 1972 , but it is unclear whether he will be able to make the move from his detention in japan . +__label__4 , no safe place for satellites ( space . com ) , space . com - san francisco -- a pocket of near-earth space tucked between radiation belts gets flooded with charged particles during massive solar storms , shattering the illusion it was a safe place for satellites . +__label__1 , austrian warning on turkey #39 s eu hopes , meise , belgium , dec 16 ( afp ) - the eu must be sure it has the quot capacity to absorb quot turkey before it gives a green light to the vast muslim country #39 s hopes of joining the bloc , austrian chancellor wolfgang schuessel warned thursday . +__label__1 , relations with india not at pakistans expense china , beijing chinas improving relations with india will not come at the expense of pakistan , chinese premier wen jiabao said in his meeting with prime minister shaukat aziz here on wednesday . +__label__2 , efficient germany sweep past japan , two goals from miroslav klose helped jrgen klinsmann #39 s experimental germany side breeze to a 3-0 win over japan in yokohama this afternoon . +__label__1 , britons still prefer fish n ' chips ( afp ) , afp - traditional fish-and-chips along with cherished pub grub remain the dishes of choice for britons outstripping chinese or indian take-aways . +__label__1 , uk cannot hold suspects indefinitely , ( officialwire ) -- 12/16/04 -- britain #39 s highest court ruled thursday against holding terror suspects without trial , saying the government cannot detain terror suspects indefinitely without trial . +__label__4 , music lovers can download entire track on their mobile phone , here is good news for music lovers ! now you can download the entire track on your mobile phone . this is made possible as two giants us-based melodeo and warner music group has signed an agreement whereby consumers +__label__2 , langer leads the australian charge , justin langer #39 s coruscating unbeaten 181 shone through on an enthralling day of test cricket when australia demonstrated , once again , why they are by far the best side in the world . +__label__3 , rite aid swings to loss , rite aid ( rad nyse - news - research ) swung into the red for its third quarter and lowered expectations for fiscal 2005 . the drugstore chain said thursday it posted a loss of \$7 . 7 million , or 1 cent a share +__label__4 , nasa leader cites finances and submits his resignation , sean o #39 keefe resigned as nasa administrator on monday , saying he is leaving the position he has held for three years to pursue better economic opportunity for his family . +__label__1 , more african troops go to darfur , germany sends three planes to sudan ' s troubled darfur region to help deploy more african union troops . +__label__1 , fec elects chairman , vice chairman ( ap ) , ap - the federal election commission on thursday elected a new chairman and vice chairman , choosing as its leaders two members who pushed unsuccessfully for tougher limits on partisan political groups . +__label__2 , connors rallying cry for british tennis , quot do you have it in your heart ? how much guts do you have ? how much do you hate to lose ? quot . these are the questions jimmy connors will be asking of britain #39 s brightest tennis hopes in the months , and possibly years , to come . +__label__4 , sap launches security service , sap has launched sap security optimization , a service that evaluates a customer #39 s sap system to identify and eliminate potential vulnerabilities and minimize the risk of intrusions . +__label__2 , braves , smoltz agree to new deal , atlanta , ga ( sports network ) - the atlanta braves announced thursday that the team has come to terms with longtime pitcher john smoltz to a new two-year contract with a club option for the 2007 season . +__label__2 , update 1-bmw , honda drop challenge to f1 rules , carmakers bmw and honda have dropped plans to challenge formula one #39 s governing body over engine rules for 2006 after deciding that legal action would be bad for motor racing . +__label__3 , fannie mae pays the price of cutting corners to look safe , two regulatory agencies have concluded that fannie mae cut corners when it came to its accounting , and that has severely damaged its image . +__label__2 , point-counterpoint nets stifle knicks , jason kidd had the pass of the night , an off-the-backboard , alley-oop feed that vince carter dunked , and the new jersey nets defeated the new york knicks and their self-proclaimed best point guard in the nba , 93-87 , last night at madison square garden . kidd didn ' t outplay point guard counterpart stephon marbury , who made that bold declaration the previous day at practice . +__label__1 , blast kills at least three in crowded market in southern < b> . . . < /b> , manila , philippines at least three people have been killed and several injured in a powerful explosion at a crowded public market in the southern philippines . +__label__4 , water and robots on mars chosen as tops in 2004 science , it #39 s the discovery by two mars rovers that the red planet once had water and possibly could have supported life . that recognition comes today from the journal science . +__label__3 , fcc mulls airborne mobile phone use , although there may have been technical limitations at the time the cell phone ban was established , according to idc #39 s shiv bakhshi , it is unclear why the ban has remained in place , given that +__label__4 , new grand theft auto video game heads to xbox ( reuters ) , reuters - video game hit grand theft auto \san andreas is coming to the xbox and personal computer\platforms next june , publisher take-two interactive software\inc . said on thursday . +__label__4 , samsung looks to top 100m unit sales next year ( ft . com ) , ft . com - samsung electronics , the world ' s second-largest mobile phone maker , expects its handset sales to rise 16 per cent next year to more than 100m units . +__label__1 , africa fights aids with girl power , a bill is currently in uganda ' s parliament that would strengthen women ' s rights . +__label__3 , guidant merges with johnson and johnson , indianapolis , dec . 16 - an announcement thursday morning ends weeks of speculation and means that if guidant shareholders sign off , indiana will lose one of its few fortune 500 companies . +__label__4 , hp drops itanium development , hewlett-packard co . ( hp ) is getting out of the chip-making business . the palo alto , california , company on thursday announced that it reached an agreement with intel corp . +__label__4 , ants follow forks in their roads to find home , forget gps , forget road signs . researchers in england say foraging pharaoh ' s ants employ a simpler means to find their way home geometry . +__label__4 , mars mission hailed as top 2004 breakthrough , the discovery that mars could have supported life billions of years ago has been ranked by the editors of international journal science as the most important scientific achievement of 2004 . +__label__2 , hudson traded to braves ( reuters ) , reuters - the atlanta braves have acquired\standout righthander tim hudson from the oakland athletics in\exchange for outfielder charles thomas , right-handed pitcher\juan cruz and left-handed pitcher dan meyer . +__label__3 , j amp j acquiring device maker , johnson amp johnson , the pharmaceutical and health care giant , has announced an agreement to buy guidant , one of the largest us makers of devices to treat heart and circulatory illnesses , for \$25 . 4 billion . +__label__1 , sharon predicts ' breakthrough ' in ties with palestinians , prime minister ariel sharon said that his government would implement his proposal to dismantle all the israeli settlements in gaza and four small ones in the west bank on schedule . +__label__3 , us rules on share options finalised , the us on thursday finalised a new accounting standard that will force companies to subtract the cost of share options from their earnings , a move bitterly opposed by silicon +__label__4 , hp leaves the chip-making business , hewlett-packard is getting out of the chip-making business . the palo alto , california , company on thursday announced that it reached an agreement with intel that would see hp #39 s itanium processor design team move to intel in january . +__label__1 , boys ' cured ' with gene therapy , gene therapy can cure children born with a condition that knocks out their natural defences against infection , mounting evidence shows . +__label__2 , smith says harmison is the weakest link , the south africa captain graeme smith has stirred things up before today #39 s first test against england by claiming that steve harmison , the world #39 s leading bowler , is mentally vulnerable and can be disarmed for the rest of the five-test series if the +__label__3 , crude oil rises on speculation cold weather may increase demand , crude oil futures are headed for their biggest weekly gain in 21 months on speculation cold weather may boost demand in the us northeast , where 80 percent of the country #39 s heating oil is used . +__label__3 , parmalat sues 45 banks to recover \$4 billion , parmalat , the bankrupt italian dairy and food company , sued 45 banks on thursday seeking to recover money it paid to them in the year before the company #39 s collapse . +__label__1 , eu sets date for turkey talks , demands concession on cyprus , european union leaders offered to start membership talks with turkey next oct . 3 , as long as the turkish government ends its diplomatic standoff with historic rival cyprus . +__label__1 , gop to sue over 573 found wash . ballots ( ap ) , ap - republicans prepared a lawsuit thursday to try to prevent king county from including 573 newly discovered ballots in a hand recount that could erase their gubernatorial candidate ' s razor-thin margin of victory . +__label__3 , white house may pick bernanke , the white house , seeking a strong economic team to craft and sell key features of its second-term agenda , is considering tapping federal reserve board member ben s . bernanke to serve as chairman +__label__1 , israel withdraws from gaza camp , israel withdraws from khan younis refugee camp in the gaza strip , after a four-day operation that left 11 dead . +__label__4 , stocky monkey in himalayas is a shy rarity a new species , scientists from india working in the himalayas have discovered a new species of monkey , a stocky , short-tailed , brown-haired creature they have named the macaca munzala , or arunachal macaque . +__label__4 , experts optimistic about shuttle flight , a group of experts convened by nasa said yesterday that the space shuttle would likely be ready to fly by the currently planned launch date in may or june , but it cautioned that efforts to +__label__3 , judge orders halt to yukos unit auction ( reuters ) , reuters - a u . s . bankruptcy court on thursday\stepped into the battle between yukos and the russian\government , issuing an order to block sunday ' s auction of the\company ' s main oil-producing arm for 10 days . +__label__1 , colombia says irish fugitives have fled country , bogota , colombia ( reuters ) - three irish fugitives convicted of teaching leftist colombian guerrillas how to make bombs have escaped the andean country and are at large outside its borders , colombia ' s attorney general said late on thursday . +__label__2 , steelers #39 burress won #39 t return against giants , thursday , he took himself out of consideration during a conversation with pittsburgh steelers trainer john norwig . quot when i #39 m running full speed and make a little move , i still feel it a little bit , quot burress said of his hamstring . +__label__4 , cassini photos leaves some mysteries , cassini #39 s latest sweep past saturn #39 s moon titan revealed more intriguing pictures of the surface but left many mysteries intact . +__label__1 , saddam meets lawyer , aides due in court , saddam hussein met with a defense lawyer thursday for the first time since his capture a year ago , days before several of his top aides are due to appear in court for hearings on alleged war crimes . +__label__4 , yahoo unveils animated shorts , sees new ad space ( reuters ) , reuters - yahoo inc . said on\thursday that jibjab media will create two animated short films\as the internet company looks for ways to expand advertising by\adding new content . +__label__4 , holes found in cisco , veritas , samba products ( ziff davis ) , ziff davis - security sources announce four mostly unrelated enterprise vulnerabilities in cisco unity , cisco guard , veritas ' backup exec , and samba , the windows file-sharing utility for linux . +__label__4 , panasonic races to meet plasma demand , company is expanding production to deliver more flat-panel tvs . +__label__3 , for guidant , j amp j #39 s resources sealed the deal , after lengthy talks and stiff negotiations over price , the decision by guidant executives to sell the company for \$25 . 4 billion came down to the attractiveness of johnson amp johnson #39 s deep resources . +__label__3 , update 14 future of fannie mae executives unclear , speculation swirled thursday over the futures of fannie mae #39 s top executives after regulators #39 cited the mortgage giant for accounting violations going back to 2001 . +__label__2 , parma keeps italian hopes alive , parma rallied from an early deficit to beat besiktas 3-2 yesterday and maintain italy #39 s hopes of winning a uefa cup championship it used to dominate . +__label__1 , sharon decides israel to attend london mideast peace conference , report official announcement due next week during british pm blair #39 s israel visit . conference to be confined to pa reforms , will not deal with borders , refugees , settlers and future of jerusalem . +__label__4 , governor #39 s proposal new game , same strategy , if gov . rod blagojevich #39 s proposal to crack down on violent video game sales sounds familiar , look no further than the man he beat to become illinois #39 chief executive . +__label__2 , pakistan collapses at the waca , opener justin langer was last out after a glorious innings of 191 as australia totaled 381 on the second morning of the first test against pakistan in perth on friday . +__label__1 , five killed in al qaeda jailbreak in kabul , kabul ( reuters ) - three afghan prison guards and two prisoners were killed in a jail break attempt by al qaeda inmates friday and a shoot-out was going on between police and another two , the chief of kabul ' s pul-i-charki prison told reuters . +__label__3 , nikkei rises to highest close in 4 weeks , tokyo ( reuters ) - japan ' s nikkei share average rose to its highest close in four weeks on friday as hopes grew for a seasonal year-end rally , spurring buying in a wide-range of issues . +__label__2 , mets introduce new prize pitcher pedro ( ap ) , ap - pedro martinez formalized a #36 53 million , four-year contract with the new york mets on thursday and embraced the idea of helping rebuild a team that has fallen on hard times . +__label__2 , pedro , gm welcome challenge that awaits , the boston red sox could offer pedro martinez the still-dizzying celebration of a city that he helped to a historic world series championship . +__label__1 , israel won #39 t attend london mideast conference , israel will not attend a middle east conference in london early next year but backs its stated aim of fostering palestinian reform in pursuit of peace after yasser arafat #39 s death , a senior official says . +__label__1 , un shrugs off us demands to boost iraq presence , baghdad ( afp ) - the united states failed win a promise from the united nations to increase its staff in iraq ahead of elections as washington stepped up its charges that damascus was sheltering insurgent leaders . +__label__3 , court seen lifting yukos block -- lawyers , london ( reuters ) - a u . s . bankruptcy court is likely to revoke its temporary ban on the sale of russian oil group yukos ' s main production unit , lawyers said on friday . +__label__1 , fidel castro back on his feet , the cuban president this week , according to wire reports , stood unassisted for several minutes at a time while greeting venezuelan president hugo chavez , who paid a visit to the island earlier this week . +__label__3 , consumer prices rise 0 . 2 in november , consumer prices rose by a mild 0 . 2 percent in november as costs for gasoline and food products calmed down after posting sharp increases the month before . +__label__1 , eu move on cyprus eases way for turkey deal , brussels ( reuters ) - the european union and turkey inched toward a historic agreement on starting membership talks on friday as eu leaders softened their demands on the crucial sticking point of cyprus . +__label__1 , mars water tops science honours , the discovery that salty , acidic water once flowed across the surface of mars has topped a list of the 10 key scientific advances of 2004 . +__label__1 , indonesia furious over australia #39 s new maritime surveillance zone , australia #39 s plan to establish a maritime surveillance zone that would cover much of indonesia has provoked a furious response from jakarta , which says the policy contravenes both national sovereignty and international law . +__label__4 , ibm bladecenter specification picks up speed , ibm on friday announced it has signed up 115 companies since early september to develop for its eserver bladecenter open specification it co-authored with intel . +__label__4 , boeing casts eyes on live tv over connexion service , the boeing co . is planning to add live television to its connexion by boeing service during 2005 , a company executive said in a recent interview . +__label__3 , cancer drug blow for astrazeneca , drugs group astrazeneca today suffered a massive setback after tests showed its blockbuster iressa cancer treatment did not allow patients to live longer . +__label__1 , rebels in battered congo town declare victory ( reuters ) , reuters - rebel soldiers confronting\army loyalists near this deserted congolese farming town\declared victory on friday after clashes that stirred fears of\fresh violence in turbulent central africa . +__label__1 , india hospital injections fears , india ' s health minister tells parliament that nearly 70 of injections at government hospitals are unsafe . +__label__4 , yahoo maps to add traffic updates and reports , yahoo maps to add traffic updates and reports\\yahoo is not only becoming the goto place for multimedia search and online entertainment , it ' s also now offering a new service for monitoring traffic conditions online . yahoo ' s offering of traffic updates lets users plan their daily travel routes around slowdowns like constructon or . . . +__label__3 , pfizer news sends blue chips down , new york ( reuters ) - the dow jones industrial average fell on friday after pfizer inc . < a href=http //www . investor . reuters . com/fullquote . aspx ? ticker=pfe . n target=/stocks/quickinfo/fullquote> pfe . n< /a> shares opened nearly 19 percent down on trial data for its popular arthritis drug celebrex that showed increased risk of heart attack . +__label__3 , bad day for drug companies - and patients , london ( reuters ) - investors in pharmaceuticals were dealt a triple whammy on friday as pfizer inc , astrazeneca plc and eli lilly and co all shocked the market with bad news about key products . +__label__3 , goldcorp says it will review glamis bid , gold miner goldcorp inc . on friday said its board is willing to review and evaluate a takeover offer from glamis gold ltd . that would break up its friendly merger agreement with wheaton river minerals ltd . +__label__2 , robinho #39 s mother releaased by kidnappers , the mother of santos striker robinho was released unharmed on friday , 40 days after she was kidnapped at a family gathering . marina da silva de souza , 44 , appeared healthy but thinner than when she was abducted +__label__2 , coulthard secures red bull seat , coulthard , whose mclaren contract expires at the end of this year , tested with the austrian-owned team in spain recently , easily outpacing red bull hopefuls christian klien and vitantonio liuzzi . +__label__1 , bosnian serb pm resigns after war crimes criticism ( afp ) , afp - bosnian serb prime minister dragan mikerevic resigned , a day after the international community imposed fresh sanctions against serb police and officials for allegedly protecting war crimes fugitives . +__label__3 , november consumer prices rise moderately , us consumer prices rose modestly in november as a surge in energy costs a month earlier moderated , the labor department said on friday . +__label__3 , united pilots cut deal on pensions , united airlines pilots would drop their opposition to the carrier ' s much-decried plan to eliminate traditional pensions under a tentative contract agreement approved by union leaders . +__label__3 , circuit city cautious on outlook , circuit city stores inc . ( cc . n quote , profile , research ) on friday posted a narrower quarterly loss from continuing operations but said its outlook was cautious for the +__label__3 , us stocks drop , led by drug shares pfizer , eli lilly tumble , us stocks fell as setbacks for drugmakers , including a study showing pfizer inc . #39 s celebrex painkiller increased the risk of heart attacks , sent health-care shares tumbling . +__label__3 , gm announces global economic development forums , general motors corp . said friday it would host a series of economic development forums around the globe in an effort to share the expertise it has acquired through various local projects . +__label__3 , carmax earnings fall , stock up on outlook ( reuters ) , reuters - carmax inc . on friday posted\lower quarterly profit , but the used-car retailer said its\sales have been steadily improving , sending its shares up as\much as 14 percent . +__label__4 , exploring andromeda ( space . com ) , space . com - although winter officially begins on dec . 21 at 7 40 a . m . est , \ one of the landmarks of the autumn sky is still readily visible , high toward \ the south around 7 p . m . local time . +__label__1 , israel ' s labour to join sharon coalition-israeli media , jerusalem ( reuters ) - israel ' s opposition labour party has clinched a deal with prime minister ariel sharon ' s likud party to join his coalition , a move that could push forward his gaza pullout plan , israeli media reported on friday . +__label__3 , whitman ebay to buy rent . com compliments craigslist stake , without reserve . ebay ( nasdaq ebay - news - people ) on friday said it is buying rent . com . the latter , which is privately held , provides online listings of apartment and house rentals . +__label__2 , broncos dt elliss out for the season , englewood , colo . ( sports network ) - veteran defensive tackle luther elliss of the denver broncos will miss the remainder of the season because of a herniated disk in his lower back . +__label__2 , indiana hires hoeppner , miami of ohio ' s terry hoeppner is hired as indiana ' s football coach and vows to take the hoosiers to the rose bowl for the first time since 1968 . +__label__3 , russia shrugs off us court freeze on oil giant yukos auction , moscow ( afp ) - russia forged ahead with the weekend auction of the core asset of crippled oil giant yukos despite a disputed us court order barring the sale , with state-controlled gas giant gazprom entering the bidding . +__label__4 , nasa #39 s departing chief defends hubble decision , nasa #39 s departing chief , sean o #39 keefe , on friday defended his decision to pursue a robotic repair mission to the hubble space telescope , days after a panel of scientists said a shuttle mission would be better . +__label__4 , cisco invests \$12 million in japan r amp d center , on thursday , the company announced it will invest \$12 million over the next five years in a new research and development center in tokyo . +__label__4 , this week in merger news , this week saw three merger deals worth about \$60 billion--including one that ranks as the largest software merger in history . +__label__1 , democrat seeks to end iowa , n . h . power ( ap ) , ap - if simon rosenberg decides to run for democratic party chairman , he won ' t be able to count on much support from iowa and new hampshire . +__label__4 , apple sues over web leak of advance products ( reuters ) , reuters - apple computer inc . is\suing anonymous people who leaked details about new products by\posting information on the internet , court documents showed on\friday . +__label__1 , au issues deadline to khartoum and darfur rebels , abuja ( reuters ) - the african union issued a 24-hour deadline to the sudanese government and darfur rebels on friday to end fighting after a massive military build-up in the region over the last two weeks . +__label__2 , skier tests positive , olympic silver medalist hans knauss tests positive for the steroid nandrolone after a world cup race last month . +__label__2 , wenger vows no repeat of frailties against bayern , arsne wenger was raised in alsace , near the german border , with an affinity for the bayern munich football machines of the seventies . +__label__4 , microsoft buy comes with strings attached , a software company that microsoft acquired this week to help beef up computer security may come with a bug of its own--a company claiming ownership of the programs . +__label__4 , u . s . army aims to halt paperwork with ibm system , the u . s . army has struck a deal with ibm and other companies to create an automated record-keeping system that ends the need for electronic forms to be printed out , signed and delivered up the military service ' s chain of command . +__label__2 , barcelona return for mourinho , jose mourinho , the chelsea manager , last night talked about how quot emotional quot it will be returning to barcelona in the last 16 , knockout stage of the champions league . +__label__2 , 2005 american bowl teams announced , new york , ny ( sports network ) - indianapolis will take on atlanta in the 2005 american bowl in japan , the league announced friday . +__label__2 , carter could prove real plus for nets , the nets reported deal for vince carter very much surprises me given new jersey #39 s cost-slashing moves in the offseason that saw the exits of kenyon martin and kerry kittles . +__label__1 , sudan govt unleashes offensive in south darfur sla rebels , cairo , dec 17 ( afp ) -- one of the two main rebel groups in sudan #39 s war-torn darfur region said that the government had launched an offensive on rebel-held towns in southern darfur , denouncing it as a truce violation . +__label__3 , airbus chief wins fight to take controls at eads , the head of plane maker airbus yesterday won a bitter battle to oust his boss from the helm of parent aerospace group eads after winning the support of a key shareholder . +__label__2 , england labour but find their second wind , this was not an easy day on which to play cricket . the sun shone brilliantly enough but for all of the opening day of the series a buffeting westerly crosswind flapped the trouser legs of the players , put +__label__3 , ebay #39 s buy of rent . com may lack strategic sense , standard amp poor #39 s equity research said the purchase of rent . com by ebay ( nasdaq ebay - news - people ) could be a bit of a miscalculation . +__label__4 , analysis peoplesoft users speak out about oracle takeover ( infoworld ) , infoworld - the great debate over the impact of oracle ' s hostile takeover of peoplesoft has all the big industry analyst organizations weighing in . however , in most of the analysis one group ' s opinion seems to have been overlooked that of peoplesoft users . +__label__2 , right-hander must pass physical , right-hander matt clement and the boston red sox agreed friday to a three-year deal in the \$25 million range , according to a report on mlb . +__label__2 , pacers 89 , raptors 86 , jamaal tinsley scored 17 of his 22 points in the second half to lead the indiana pacers to an 89-86 victory over the toronto raptors , who traded all star vince carter to new jersey earlier friday . +__label__1 , pricey drug trials turn up few new blockbusters , the \$500 billion drug industry is stumbling badly in its core business of finding new medicines , while aggressively marketing existing drugs . +__label__2 , nba game summary - denver at miami , miami , fl ( sports network ) - shaquille o #39 neal had 20 points , 10 rebounds , seven assists and three blocks and dwyane wade led all scorers with 25 points , as the miami heat downed the denver nuggets , 107-100 . +__label__4 , hobbit-finding boffins in science top 10 , ap - australian scientists who helped discover a species of tiny humans nicknamed hobbits have been hailed for making the second most important scientific achievement of 2004 . +__label__4 , search providers seek video , find challenges , internet search providers are reacting to users #39 rising interest in finding video content on the web , while acknowledging that there are steep challenges that need to be overcome . +__label__2 , the newest hope marriage of necessity just might work out , new york - the tv lights were on , the cameras rolled and the symphony of cameras flashing in his face blinded pedro martinez - but not for long . +__label__2 , saban hiring on hold , davie - the dolphins want nick saban , and the lsu coach could be on his way . although lsu athletic director skip bertman said friday that quot an offer is very imminent , quot the dolphins are committed to adhering +__label__1 , bosnian-serb prime minister resigns in protest against u . s . sanctions ( canadian press ) , canadian press - banja luka , bosnia-herzegovina ( ap ) - the prime minister of the serbian half of bosnia resigned friday , a day after the u . s . government and bosnia ' s top international administrator sanctioned bosnian serbs for failing to arrest and hand over war crimes suspects to the un tribunal . +__label__1 , historic turkey-eu deal welcomed , the european union ' s decision to hold entry talks with turkey receives a widespread welcome . +__label__2 , mortaza strikes to lead superb bangladesh rally , paceman mashrafe mortaza claimed two prize scalps , including sachin tendulkar with the day #39 s first ball , to lead a bangladesh fightback in the second and final test against india on saturday . +__label__1 , powell pushes diplomacy for n . korea , washington -- outgoing secretary of state colin l . powell said yesterday he doesn ' t regret being the public face for the bush administration ' s international call to war in iraq . he also believes diplomacy is making headway in containing nuclear threats in iran and north korea , he said in an interview . +__label__1 , around the world , ukrainian presidential candidate viktor yushchenko was poisoned with the most harmful known dioxin , which is contained in agent orange , a scientist who analyzed his blood said friday . +__label__2 , void is filled with clement , with the supply of attractive pitching options dwindling daily -- they lost pedro martinez to the mets , missed on tim hudson , and are resigned to randy johnson becoming a yankee -- the red sox struck again last night , coming to terms with free agent matt clement on a three-year deal that will pay the righthander in the neighborhood of \$25 . . . +__label__2 , martinez leaves bitter , like roger clemens did almost exactly eight years earlier , pedro martinez has left the red sox apparently bitter about the way he was treated by management . +__label__3 , 5 of arthritis patients in singapore take bextra or celebrex < b> . . . < /b> , singapore doctors in the united states have warned that painkillers bextra and celebrex may be linked to major cardiovascular problems and should not be prescribed . +__label__3 , ebay gets into rentals , ebay plans to buy the apartment and home rental service rent . com for \$415 million , adding to its already exhaustive breadth of offerings . diff --git a/test/asset/vectors_test.csv b/test/asset/vectors_test.csv index a1dcfa645c..6c8fa97e98 100644 --- a/test/asset/vectors_test.csv +++ b/test/asset/vectors_test.csv @@ -1,2 +1,2 @@ a,1 0 0 -b,0 1 0 \ No newline at end of file +b,0 1 0 diff --git a/test/asset/vocab_raw_text_test.txt b/test/asset/vocab_raw_text_test.txt index 8b2f1bb0e7..f55963fe39 100644 --- a/test/asset/vocab_raw_text_test.txt +++ b/test/asset/vocab_raw_text_test.txt @@ -1,3 +1,3 @@ -Fears for T N pension after talks Unions -representing workers at Turner Newall say they are 'disappointed' +Fears for T N pension after talks Unions +representing workers at Turner Newall say they are 'disappointed' after talks with stricken parent firm Federal Mogul. diff --git a/test/asset/wiki.en.vec b/test/asset/wiki.en.vec index 71ffef1c4d..db8772efc0 100644 --- a/test/asset/wiki.en.vec +++ b/test/asset/wiki.en.vec @@ -1,100 +1,100 @@ 2519370 300 -, -0.023167 -0.0042483 -0.10572 0.042783 -0.14316 -0.078954 0.078187 -0.19454 0.022303 0.31207 0.057462 -0.11589 0.096633 -0.093229 -0.034229 -0.14652 -0.11094 -0.11102 0.067728 0.10023 -0.067413 0.23761 -0.13105 -0.0083979 -0.10593 0.24526 0.065903 -0.2374 -0.10758 0.0057082 -0.081413 0.26264 -0.052461 0.20306 0.05062 -0.18866 -0.11494 -0.25752 0.046799 -0.050525 0.06265 0.15433 -0.056289 -0.048437 -0.099688 -0.035332 -0.091647 -0.081151 -0.0010844 -0.08414 -0.13026 0.01498 -0.086276 -0.053041 -0.10644 -0.042314 0.086469 0.22614 -0.16078 0.18845 0.053098 -0.21475 0.16699 -0.14442 -0.1593 0.0062456 -0.07663 -0.091568 -0.28984 0.027078 0.021275 0.023939 0.14903 -0.33062 -0.097811 -0.033814 0.070587 0.023294 0.065382 0.18716 -0.13444 0.14431 -0.0268 -0.022903 0.097554 -0.032909 -0.027827 -0.068771 0.17053 -0.05946 0.020424 -0.077589 0.1216 -0.077437 0.10665 0.051087 0.0076379 -0.064936 0.09031 0.059447 0.0048881 0.078309 -0.012163 0.062155 -0.072664 0.17857 -0.22874 0.066397 -0.039295 -0.027717 0.061571 0.072824 -0.092512 -0.087984 -0.12753 -0.0018705 0.18689 0.0051173 -0.0013532 0.043246 0.10867 -0.12209 -0.0091676 0.23938 -0.059501 -0.0010456 0.086584 0.020238 0.21686 0.16495 0.037256 0.12343 0.17706 0.075777 0.031022 -0.12948 0.030936 0.096897 -0.10793 0.12644 -0.056489 0.082232 0.20679 0.11679 0.13965 0.26362 0.037603 -0.003105 -0.089501 -0.0076969 -0.11654 -0.28567 0.046616 -0.0082062 0.15621 -0.14641 0.064561 -0.1133 0.27129 0.14532 -0.021773 0.23305 -0.1617 0.15705 0.13845 0.022417 -0.10982 -0.049431 0.076855 -0.0453 -0.19029 0.011183 -0.010393 0.0016916 0.089407 -0.051022 -0.086066 0.083933 -0.0081962 -0.0077321 0.033991 -0.20092 0.03328 0.062224 0.016121 0.27143 -0.19754 -0.15222 -0.015345 -0.063907 -0.098597 -0.20162 0.14004 -1.1533e-05 -0.18928 0.12253 -0.0070378 0.0864 -0.30255 -0.03908 0.045517 -0.16449 -0.23548 0.052781 0.13847 -0.20022 -0.015974 0.027137 0.18287 -0.02389 0.22072 -0.04271 -0.075939 -0.087386 -0.049337 0.047824 -0.059078 -0.15181 -0.21229 -0.054944 -0.011453 -0.11996 -0.15307 -0.054828 -0.053217 -0.048546 0.028856 -0.094537 0.27144 0.054638 0.059727 0.061772 0.009259 -0.12032 -0.16646 -0.029087 0.0028752 -0.16076 -0.1371 -0.18988 0.022857 0.18455 -0.018236 -0.0060562 0.14302 0.032535 0.14333 -0.030871 -0.15218 0.092813 0.066358 0.018316 -0.24143 0.0054391 -0.064479 -0.08596 0.030446 0.082157 0.026093 0.058985 0.0051085 0.089127 -0.018164 -0.077821 0.0034232 0.13892 0.046106 -0.05417 0.0084399 -0.15362 -0.14735 0.065191 -0.022883 -0.14498 -0.16917 -0.19215 0.10611 0.001678 -0.16331 -0.07307 0.11576 0.083567 -0.060317 -0.064714 0.15305 -0.11949 0.16684 0.14109 0.046036 -0.060393 0.046595 -0.11558 0.044184 -0.023124 0.02586 -0.11653 0.010936 0.089398 -0.0159 0.14866 -. -0.11112 -0.0013859 -0.1778 0.064508 -0.24037 0.031087 -0.030144 -0.36883 -0.043855 0.24831 0.078633 -0.16072 0.10528 -0.09622 -0.077742 -0.28262 -0.13013 0.0056083 0.19406 0.19287 -0.10955 0.23008 -0.19911 0.18836 -0.21861 0.0017505 -0.093017 -0.25064 0.034323 0.17047 -0.094408 0.1442 -0.18533 0.1685 -0.16582 -0.061712 -0.010346 -0.078817 0.20596 -0.12286 -0.064035 -0.040983 -0.21272 0.097636 -0.058569 -0.044869 0.028206 -0.12619 0.012063 -0.19177 -0.044824 -0.081765 -0.073723 0.037251 -0.075625 0.0085609 0.062612 0.22144 -0.10765 0.1617 0.065163 -0.38164 0.40246 -0.40637 -0.15695 -0.026063 0.08266 -0.21487 -0.19077 0.015702 0.0019313 0.028565 -0.11221 -0.32311 -0.11034 -0.0036508 0.098677 0.044877 -0.037888 0.055357 -0.083052 0.1388 -0.014431 0.03675 0.024439 -0.23493 -0.027343 0.079749 0.033782 -0.14431 -0.12995 0.0013884 0.12936 -0.025757 0.14235 -0.039069 0.04441 -0.10727 0.010207 -0.25722 0.0108 0.13833 -0.12007 0.1007 -0.032493 0.039002 -0.22527 -0.0082154 0.089996 0.12834 -0.042059 0.034393 -0.062866 -0.17397 -0.12022 0.10377 0.23975 0.0168 0.013164 0.1788 0.15969 -0.09956 -0.00033453 0.14833 0.0023907 0.012985 0.018713 -0.013954 0.017909 0.18023 -0.061768 0.13785 0.11028 0.06795 -0.093466 0.065266 0.081291 0.074469 -0.14988 0.27212 -0.24042 0.10926 0.18611 0.25639 0.26599 -0.033769 0.035854 0.046225 -0.096937 -0.022181 -0.0093109 -0.17216 -0.0052176 -0.087209 0.16378 -0.1748 0.10675 -0.11914 0.11579 0.28104 0.031467 0.089572 -0.076408 0.091939 0.10972 0.10825 0.044846 -0.10262 0.011195 0.12233 -0.21444 -0.0085801 -0.20019 0.076398 0.069234 -0.00027189 -0.14671 0.0020823 0.10946 -0.026161 -0.03566 -0.20662 -0.017169 0.14491 -0.018133 0.26558 -0.071692 -0.32038 0.090198 0.038957 -0.13264 -0.082944 0.28167 0.095751 -0.21677 0.036769 0.002427 0.073605 -0.34857 -0.023093 -0.082191 -0.10558 0.029198 0.092549 0.26644 -0.1304 -0.14764 0.2099 0.17682 -0.078109 0.15883 -0.12386 -0.036651 -0.035916 -0.080906 -0.052342 -0.043183 -0.15264 -0.12676 0.13355 0.04599 -0.063914 0.12744 -0.1052 -0.12274 0.08151 0.055437 -0.1856 0.10727 0.098527 0.06622 0.22512 -0.19452 -0.058842 0.060798 0.08935 -0.050251 -0.075885 -0.13478 -0.19397 0.00089476 0.24309 -0.042496 0.016901 0.15118 0.037475 0.13201 0.052854 -0.15011 0.025235 0.02491 0.04034 -0.40257 0.03001 0.014418 -0.0089364 0.036583 0.022269 -0.074602 0.10987 0.018079 0.19326 0.038292 0.080146 0.053901 0.13042 0.004338 -0.15412 0.092865 -0.059374 -0.033619 0.044073 0.066178 -0.16668 -0.062453 -0.2339 -0.026025 -0.028359 -0.25575 -0.10586 0.099423 0.15685 -0.12659 -0.22975 0.15002 -0.16253 0.095208 0.30722 0.052365 -0.10963 0.095332 -0.21914 -0.04276 -0.13685 0.09747 -0.21818 -0.058233 0.063374 -0.12161 0.039339 -the -0.065334 -0.093031 -0.017571 0.20007 0.029521 -0.03992 -0.16328 -0.072946 0.089604 0.080907 -0.040032 -0.23624 0.1825 -0.061241 -0.064386 -0.075258 -0.050076 -0.020001 0.003496 0.14487 -0.16791 0.076852 -0.22977 -0.057937 -0.13408 -0.073586 -0.0012575 0.019708 0.056866 0.0625 -0.15555 0.15207 -0.10629 0.2467 -0.027853 -0.17703 0.0072058 -0.11941 0.083843 -0.11843 0.053612 -0.0023144 -0.084279 0.02842 0.078184 -0.12017 -0.040866 0.089438 0.050845 -0.06372 0.070864 -0.063962 -0.095329 0.069848 -0.050254 0.058265 0.085877 0.043966 -0.051179 0.097819 -0.050705 -0.18195 0.32365 -0.076363 0.046492 -0.19886 -0.24429 -0.18651 -0.22465 0.069392 -0.37377 -0.082351 0.061531 -0.13149 -0.075824 -0.060647 0.072747 0.24397 0.021046 -0.071253 0.11115 0.073137 -0.086065 0.11181 -0.0062127 -0.16714 -0.065522 0.083572 -0.092857 -0.12377 -0.082908 0.012025 0.33836 -0.27124 0.054494 -0.088206 0.073294 0.024418 0.0036174 -0.027804 -0.12583 -0.032364 -0.0017323 -0.075066 -0.20324 -0.11735 0.0076592 0.021895 -0.013652 0.064288 -0.0086384 -0.08287 -0.10197 -0.13569 0.085786 -0.0061483 0.15858 0.18609 0.11262 0.090442 0.27457 0.22795 -0.076096 0.21347 0.026208 0.070195 0.12838 0.20542 0.092349 0.12774 -0.17516 0.089942 -0.024982 0.033565 -0.12136 0.059703 -0.060016 0.13908 -0.05639 0.15073 0.095501 0.055378 0.051278 0.037113 0.017116 0.22476 0.046822 0.035514 0.065785 0.094907 0.13325 -0.071157 -0.07789 -0.067566 -0.0713 -0.070124 0.03169 -0.059157 0.14293 0.060211 -0.12124 0.14737 -0.069322 0.084458 0.15567 0.024013 -0.11073 0.075851 0.16277 -0.085473 -0.19668 -0.077685 -0.067194 -0.07725 -0.10461 0.12912 0.0099595 0.24678 -0.0021382 -0.026336 0.045182 0.027762 -0.048843 0.10953 -0.032948 0.24045 0.18437 -0.15205 0.11378 0.04739 -0.0017306 -0.16477 0.19182 0.17582 -0.043354 0.048313 -0.054663 0.026949 -0.17522 0.1202 -0.014748 -0.046279 -0.044321 0.1132 -0.013909 -0.16025 -0.023832 0.011909 0.044407 0.10252 0.2366 0.1022 -0.0089182 -0.053413 0.066031 -0.10562 0.099354 -0.2636 -0.13579 0.029793 -0.0049288 -0.032903 -0.04859 0.14609 -0.033257 0.074076 -0.18396 0.039731 0.00357 -0.029935 0.13167 0.18358 -0.12839 -0.027227 -0.055763 -0.015632 0.018481 -0.096078 0.010891 -0.030878 -0.082804 -0.035578 0.17599 0.044577 0.20949 0.20219 0.11987 -0.12282 0.13082 -0.047396 0.05179 0.24328 0.025997 -0.017327 -0.17035 0.22185 -0.068049 -0.11139 0.033333 -0.12122 0.025779 0.15938 -0.036345 0.0091971 -0.11033 -0.079248 -0.10993 0.085555 0.009754 -0.23608 -0.18619 -0.071835 -0.024813 0.074658 -0.028669 0.031546 0.088931 0.23872 0.168 -0.058967 0.063124 -0.057813 0.019214 0.016109 0.11406 -0.074514 0.051821 0.20783 -0.086803 0.10953 0.064944 -0.21673 -0.037683 0.08186 -0.039891 -0.051334 -0.10165 0.16642 -0.13079 0.035397 - 0.050258 -0.073228 0.43581 0.17483 -0.18546 -0.39921 -0.50767 -0.5066 -0.15557 0.031451 -0.23794 -0.44625 -0.26341 -0.26413 -0.26935 -0.62865 -0.13574 0.0697 0.26568 0.51541 0.15814 0.079607 -0.3292 -0.49749 -0.57232 -0.33162 0.014227 -0.68094 0.19999 0.30894 -0.14691 0.75068 -0.26486 -0.16091 -0.28034 -0.20183 -0.11985 0.22705 -0.045547 -0.15134 -0.011689 -0.27698 -0.2437 -0.15531 0.24802 0.4509 0.28325 0.014937 0.09297 -0.1092 -0.0086647 -0.6663 0.045632 -0.67015 -0.35459 0.32214 0.12842 -0.24621 0.045134 0.16213 -0.42758 0.047525 0.22376 -0.076248 -0.33242 0.32999 0.22151 -0.07364 -0.30562 -0.075884 -0.30567 -0.075288 0.47872 -0.0016653 -0.38415 -0.15147 0.032541 0.10061 -0.22427 -0.089372 -0.09919 0.038547 -0.10372 0.11169 0.097768 -0.12516 0.34805 0.041478 -0.09772 0.12842 0.21191 0.35702 0.016588 0.097898 0.053985 0.10617 0.28678 0.0080181 -0.39085 0.11191 -0.065404 0.25064 0.22351 -0.25068 0.33498 0.14085 0.18437 -0.24563 0.11691 -0.061179 0.13982 -0.061849 -0.63793 0.25816 -0.45235 -0.22747 0.11045 -0.19549 -0.38292 0.12213 0.20989 -0.023781 -0.029434 0.67661 -0.13742 -0.017769 -0.22432 0.036397 -0.30378 0.26628 -0.33948 -0.29191 -0.12385 0.57559 0.44472 0.062263 -0.045536 -0.62385 0.36338 0.41903 -0.3859 -0.081036 0.3288 0.084426 -0.0037573 -0.11293 0.16085 -0.40933 0.2173 0.25528 -0.065366 -0.17348 -0.083693 0.25174 0.75242 -0.53454 0.16996 0.094621 0.12053 0.22422 0.0011159 0.16707 0.51839 -0.1744 0.025452 0.21807 0.45783 -0.46315 0.30251 0.25376 0.02066 -0.27437 -0.23975 0.33155 -0.13735 0.43456 -0.13665 -0.35264 -0.25314 -0.92955 0.11719 -0.14386 0.21486 0.037592 -0.50122 0.41659 -0.057749 -0.2434 0.23677 -0.0018475 0.34872 -0.61496 0.022873 0.32567 -0.83872 -0.16147 -0.17395 0.21363 -0.43727 0.14279 0.26738 -0.046942 0.1363 0.2106 0.50295 -0.014423 0.092695 -0.02267 0.39947 -0.10061 -0.13776 0.20739 0.12981 0.26965 0.14809 -0.22363 -0.028562 -0.35537 0.028521 0.0053468 0.2309 0.16529 -0.062287 0.17005 -0.37884 -0.3614 0.27422 -0.30957 0.52594 -0.42936 0.05008 -0.097497 -0.026312 -0.14241 -0.097804 0.013366 0.13045 -0.24812 -0.035794 -0.058777 -0.064151 0.40489 0.051363 -0.20573 0.10242 -0.075556 -0.18351 0.17996 -0.24141 -0.30461 -0.29783 -0.20861 -0.4629 0.019042 0.23051 -0.1673 0.14045 -0.41304 0.27465 0.11554 0.1011 -0.16508 -0.045205 0.33258 -0.61465 -0.35526 0.057278 -0.18852 -0.15476 0.39045 -0.1298 -0.15306 0.32079 0.30198 0.0018952 -0.11331 -0.52281 0.19551 0.16529 -0.18258 -0.084573 0.13313 0.37051 -0.21161 -0.039851 0.46209 0.073142 -0.06693 -0.021576 0.3622 -0.096853 -0.47723 -0.027511 0.25964 -0.010468 -0.29815 -0.23609 0.20525 0.75183 0.097156 -of 0.048804 -0.28528 0.018557 0.20577 0.060704 0.085446 -0.036267 -0.068373 0.14507 0.17852 0.14579 -0.1363 0.23348 0.029758 -0.22001 -0.0045515 -0.11197 -0.041367 0.084231 0.076673 -0.24461 0.053593 -0.10939 -0.12468 -0.2029 0.074565 0.1066 0.054339 0.088268 0.22557 -0.029081 0.298 -0.16129 0.36419 0.073978 -0.089561 -0.041104 -0.24277 -0.005801 -0.062838 0.061766 -0.06338 0.064886 0.076681 0.054731 -0.12146 -0.10907 -0.092789 0.033569 -0.18984 0.0891 0.013016 -0.051571 0.02804 0.12697 -0.077554 0.15722 0.077476 -0.16343 0.16547 -0.26099 -0.29122 0.30182 -0.16759 -0.056519 -0.12898 -0.19702 -0.15118 -0.13374 -0.15003 -0.23525 -0.15915 0.13042 -0.027344 -0.12427 -0.043631 0.12414 0.34889 0.049437 -0.010112 0.20247 0.082294 -0.15157 -0.22737 0.12064 -0.061304 -0.077713 0.1096 -0.096096 -0.20338 -0.02294 0.15945 0.23325 -0.23107 0.052684 -0.096946 0.057373 0.14143 0.076547 0.018265 0.064091 0.044858 0.088128 -0.11694 -0.2496 -0.13049 -0.083017 -0.060082 0.024055 -0.020748 0.039135 0.043567 -0.10208 -0.15464 0.12892 -0.02419 0.04537 0.12778 0.13212 0.19208 0.24737 0.12406 -0.20246 0.13762 -0.023151 0.041736 -0.013967 0.18194 0.1621 0.062586 -0.079981 0.13184 -0.077388 0.020313 -0.041488 0.020524 -0.1131 0.14639 0.080113 0.03685 0.1364 -0.0097955 0.11779 0.13547 0.2289 0.21231 -0.079779 0.13831 -0.076114 0.028563 0.11441 -0.15455 -0.083267 -0.057167 -0.099352 -0.17063 -0.071757 -0.051497 0.26568 0.018799 -0.2722 0.1268 -0.021045 0.058831 0.30213 -0.035255 -0.095952 -0.039082 0.20369 -0.17869 -0.26188 -0.11006 -0.15694 -0.028803 -0.23872 0.15594 0.0087185 0.24053 0.12139 0.13728 0.015927 -0.013386 -0.069045 0.10303 -0.072071 0.27962 0.19157 -0.1381 0.071393 -0.031548 -0.035299 -0.074609 0.20415 0.07185 -0.068672 -0.041217 -0.087057 -0.11665 -0.20257 0.073188 -0.073497 -0.27951 -0.17393 0.064005 -0.050394 -0.044426 0.0084868 0.065147 0.075381 0.11124 0.24971 0.16696 0.040472 -0.14533 0.016763 -0.11273 0.017435 -0.19177 -0.044961 0.085638 0.079341 -0.046213 -0.20255 0.26274 -0.091053 0.077721 -0.15454 0.042321 0.11742 -0.086041 0.087611 0.21365 -0.13597 -0.029987 -0.021053 0.026222 -0.063741 -0.083649 0.016566 0.043541 -0.039012 -0.0099747 0.13427 0.063209 0.22825 0.14844 0.032926 -0.19012 0.19838 -0.22369 0.00018847 0.17405 -0.037903 0.020661 -0.084053 0.18419 0.028517 -0.098006 0.19939 0.07981 0.1241 0.09525 -0.035341 0.08413 -0.082303 -0.075792 0.16535 0.11581 0.013019 -0.080894 -0.0104 -0.078736 -0.11122 0.028996 -0.06331 -0.03393 0.020572 0.26452 0.0017304 0.019002 0.14132 -0.07911 0.15356 0.072873 0.087168 -0.005553 -0.020073 0.15022 -0.015351 0.16743 0.16956 -0.33677 -0.060286 0.086097 -0.065001 0.0048331 -0.10096 0.1391 -0.13714 -0.039705 -- -0.12278 -0.036748 0.20728 -0.018277 -0.0016348 0.023735 -0.03712 -0.28608 -0.19088 -0.068688 0.061755 -0.052416 0.16867 -0.1108 -0.11308 -0.27392 -0.30827 0.18204 0.096594 0.29725 -0.050727 0.023406 -0.33813 -0.10599 -0.11249 0.066722 0.14842 -0.31099 -0.09372 0.0027705 -0.16806 0.20955 -0.23591 0.070785 -0.25399 -0.1121 -0.12584 -0.11348 -0.13821 -0.37261 0.1712 0.091039 0.12721 0.033067 -0.033074 0.03804 -0.18015 0.043457 0.099211 0.037043 -0.0035936 -0.35885 -0.1046 -0.24532 0.12304 0.11229 0.0019709 0.16426 0.051579 0.081311 -0.0034787 -0.17466 0.30059 -0.23183 -0.017487 0.28647 0.39977 0.10196 -0.31603 -0.080053 0.1363 -0.27921 -0.070414 -0.42057 0.22811 -0.0048721 0.28294 0.13337 -0.13565 0.36156 -0.21077 0.0951 -0.078161 -0.19526 0.12015 -0.34326 0.091878 -0.1481 0.15075 -0.032191 -0.084192 0.012534 -0.27388 -0.03702 0.057868 -0.077148 0.089935 -0.0085872 -0.17457 -0.019762 0.053098 0.17929 0.095319 0.01531 0.30705 -0.10108 -0.32163 -0.030811 -0.12402 0.097465 0.17987 0.14868 -0.15284 -0.09303 0.0088417 -0.19254 -0.01618 -0.23722 -0.012689 0.080786 0.1699 -0.32962 0.21784 0.22417 -0.11523 -0.1468 0.16493 -0.013706 0.061769 0.24206 -0.0030724 0.13193 0.33641 0.082406 -0.090267 -0.062518 0.20536 -0.0067834 0.23309 0.42543 0.12784 0.043186 0.31441 0.29966 0.3764 0.11003 0.078855 0.070249 -0.1237 -0.16134 0.096781 -0.26828 -0.34072 -0.2443 0.23486 0.0035705 0.022555 -0.11751 0.21934 0.1186 -0.19583 -0.013163 -0.1533 0.059138 0.36918 -0.066211 -0.12353 -0.18454 0.075356 0.054704 -0.21953 0.053431 -0.024889 0.26166 0.23565 -0.041392 0.067851 -0.096325 0.37606 -0.057649 0.02432 0.056076 -0.23126 0.23585 0.16382 0.53816 -0.13254 -0.59859 0.045303 0.18787 -0.055629 -0.263 0.21436 -0.16295 -0.10764 -0.059118 0.016773 0.014789 -0.13096 -0.10807 -0.096707 0.13387 -0.18756 -0.014248 0.095107 -0.10209 -0.16448 -0.094758 0.14591 0.16369 0.20648 -0.073274 -0.056667 -0.053844 -0.16913 0.015068 0.19947 -0.17929 -0.52126 0.2772 -0.23779 0.19949 -0.20515 -0.19561 -0.30977 -0.066952 0.067665 0.11951 0.15856 0.18632 0.1467 0.1089 -0.086139 -0.036918 0.034145 0.11727 -0.0038274 -0.019283 -0.13522 -0.17907 0.12257 0.010163 -0.070272 -0.019652 0.35313 -0.028667 0.25019 0.24459 -0.24002 0.15758 -0.0019125 0.005391 -0.21876 0.17596 -0.079358 -0.081188 0.020766 0.08006 -0.020661 0.092431 -0.033553 0.23134 0.0011203 0.17548 -0.3203 0.14953 -0.082272 -0.16887 0.2853 -0.27014 -0.34351 0.14424 0.16748 -0.31432 -0.31462 -0.05592 0.053108 -0.0015233 -0.067186 -0.088541 0.021988 0.29623 -0.17202 -0.13207 0.10663 0.13491 0.29138 0.15629 -0.08598 0.090109 0.14234 -0.16496 0.35746 0.10796 0.03212 0.012067 0.018267 -0.06944 0.28509 0.06188 -in 0.12367 -0.13965 0.044877 0.18919 -0.10997 -0.0064458 0.050499 -0.20439 -0.015761 0.15049 0.13774 -0.068241 0.17078 -0.13529 -0.18324 -0.00035567 -0.099566 -0.14549 0.067183 0.028273 -0.10084 0.10498 -0.24613 0.008831 -0.18437 0.050011 -0.032839 -0.069129 0.0043659 0.11011 -0.32272 0.26625 -0.12465 0.32157 0.067982 -0.22671 0.081843 0.11435 0.062067 -0.072973 -0.013415 -0.048493 -0.11426 0.069743 -0.070937 -0.062886 -0.015692 -0.033663 0.10441 0.0050113 -0.0017716 0.01172 -0.086168 0.012221 -0.14817 0.035373 0.039869 0.29904 0.02467 0.18096 0.070858 -0.3536 0.090518 -0.12905 -0.010443 -0.18697 -0.21258 -0.044644 -0.25333 0.10031 -0.17369 -0.037354 -0.030931 -0.091972 -0.068233 0.022366 0.12569 0.13749 -0.079547 0.0071489 -0.15117 0.27538 0.13964 0.0088001 -0.0032892 -0.21313 -0.060543 -0.12321 -0.14875 -0.22362 -0.21024 -0.088803 0.29222 -0.25967 0.22331 -0.045337 -0.03181 0.20282 -0.072763 0.08423 -0.13619 -0.065391 0.045686 0.13292 -0.16045 0.068327 -0.085854 0.1138 -0.037301 0.1485 0.11429 0.075152 -0.082689 -0.1272 -0.025567 0.0070075 0.26045 -0.065811 0.032715 0.19796 0.16154 0.04616 -0.1811 0.2221 -0.097602 -0.16946 0.14142 0.099035 0.15536 0.19277 -0.077073 0.1304 0.078304 0.073262 -0.14858 0.154 -0.10688 0.055093 0.0086387 0.19326 -0.026862 0.26057 0.052728 -0.11463 0.17869 0.39083 0.25172 0.1414 -0.066381 0.09811 -0.12604 -0.053404 -0.12783 0.015113 -0.15912 -0.19647 0.17831 0.01199 0.079011 0.038148 -0.1492 0.37324 -0.26121 0.12813 0.12836 0.053578 -0.076507 0.076671 0.13526 -0.0133 -0.16123 -0.10848 -0.025315 -0.17731 0.076161 -0.060174 0.14036 0.23606 0.013044 -0.0038421 0.18789 -0.088722 0.032518 0.22781 -0.023559 0.084643 0.12242 0.0088557 0.076508 -0.0050585 -0.099194 -0.067806 0.059907 0.035404 0.018719 -0.026816 -0.0043838 0.082026 -0.11986 -0.20797 0.1857 -0.093772 -0.016299 0.16044 0.033307 -0.15447 -0.1299 0.12446 0.10375 0.15186 0.17916 -0.0392 -0.17544 0.011754 -0.083566 -0.0018136 0.12672 -0.20117 -0.16977 -0.14783 0.044156 -0.17907 -0.046772 -0.0019811 -0.037412 0.001387 -0.10561 -0.15427 0.14016 0.041157 0.19222 0.012073 -0.066753 -0.025257 -0.15648 0.024427 -0.018674 -0.16705 -0.05062 -0.075287 0.043062 0.0061818 0.10573 -0.0029119 0.071643 0.13324 0.24889 -0.012998 -0.077142 0.1755 0.16971 -0.034875 0.084939 -0.19587 -0.26115 -0.052924 -0.23034 -0.13479 0.13933 0.041106 0.045816 0.11113 -0.0703 0.012925 0.13977 -0.063616 0.043891 0.027855 -0.03961 -0.095799 -0.12588 -0.084711 -0.0042531 -0.059085 -0.093324 -0.33958 0.063525 0.082276 0.062395 -0.099955 0.014326 0.042645 0.080227 0.089646 0.1758 0.034153 0.00055167 0.11687 -0.089006 -0.0084893 0.025115 -0.31804 0.12533 -0.081507 -0.1114 0.017582 -0.037359 0.06474 -0.14581 0.16175 -and -0.031533 0.046278 -0.12534 0.19165 -0.1266 -0.012853 0.10342 -0.0098085 0.15189 0.27582 0.13695 0.0088799 0.14132 -0.12 -0.063439 -0.15178 0.09809 -0.1201 -0.069086 0.014666 -0.023041 0.03043 -0.12664 -0.063282 -0.082246 0.036718 0.22698 -0.096025 -0.011699 0.066158 -0.18542 0.19223 -0.061685 0.27049 0.075116 -0.054928 -0.086027 -0.19387 0.14677 -0.06013 0.068269 0.071613 -0.094414 0.036158 0.002782 -0.081711 -0.013369 -0.053017 0.052227 -0.079682 -0.00031768 0.030397 -0.16847 0.021828 -0.19577 -0.050109 -0.0096879 0.085536 -0.28135 0.17001 -0.049194 -0.16721 0.19018 -0.0474 -0.00036412 0.026316 -0.22135 -0.061583 -0.21854 -0.021669 -0.2963 -0.071949 0.010638 -0.19055 -0.11292 -0.099072 0.19357 0.14115 0.068346 -0.00045947 0.072621 -0.021192 -0.1242 -0.041933 -0.028386 0.049083 -0.073574 0.073525 0.088135 -0.032184 0.029903 -0.070025 0.15323 -0.17236 0.073502 0.13232 0.090191 0.0079023 -0.027887 -0.046971 0.039198 -0.12567 0.19803 -0.075995 -0.21353 0.031964 -0.17346 0.055884 -0.055404 -0.0083924 -0.024104 0.0023894 -0.1057 -0.10604 -0.061323 -0.041473 0.0060497 0.055896 -0.071338 0.1375 0.094781 0.048121 -0.071236 0.26263 0.07257 -0.00020344 0.1864 0.066703 0.055229 0.11258 0.047647 0.085482 -0.14489 0.0098078 0.082585 0.039254 -0.10044 0.16532 -0.030841 0.10315 -0.046584 0.11211 0.15416 -0.050309 0.14853 0.2287 -0.056036 -0.072966 0.0018167 -0.015694 -0.06022 -0.19044 -0.075073 -0.0032815 -0.079256 -0.078324 -0.11073 -0.093705 0.26284 0.01034 -0.095 0.17295 -0.053949 0.15056 0.22815 -0.16589 -0.080074 -0.076248 0.13423 -0.093626 -0.065384 -0.014181 -0.067937 -0.038283 -0.084514 0.11082 0.068804 0.19402 -0.069373 -0.043398 0.15402 -0.10172 0.049785 -0.010005 -0.03371 0.29018 0.025405 -0.094919 0.093876 -0.055423 -0.059419 -0.082542 0.094048 0.059422 -0.032564 -0.0062017 -0.0095274 0.092439 -0.16995 0.00038904 0.19187 -0.025048 -0.11844 0.027879 -0.034024 -0.046866 -0.09009 -0.034417 0.25534 0.096778 0.20841 0.029693 -0.015943 -0.035779 0.0021559 0.080246 -0.031355 -0.22676 -0.11579 -0.059579 -0.07442 -0.12871 -0.10199 0.064969 -0.070388 -0.040131 -0.1474 -0.098839 0.11614 0.15871 0.0693 0.031897 -0.028738 -0.084634 -0.14864 0.11398 0.072688 -0.065752 -0.013296 0.085164 0.025053 0.016867 -0.045257 -0.042925 0.12329 0.13012 -0.01532 -0.13943 0.089764 0.082172 -0.081918 -0.011688 -0.11742 0.029242 -0.065814 0.029959 -0.010941 -0.0183 0.05718 0.068436 0.0072271 0.0057584 0.071466 -0.083164 -0.01501 -0.07806 0.0033293 0.099132 0.061188 -0.097815 -0.14008 -0.0026304 0.0022269 0.083496 -0.14334 -0.037447 0.061564 0.21536 -0.036836 0.038629 0.13031 0.045944 0.027701 0.061679 0.062921 0.068453 -0.026292 0.17342 -0.14421 -0.013124 0.15494 -0.10786 0.18314 0.13881 0.02757 -0.035073 -0.017829 0.11163 -0.058231 0.011977 -' -0.17489 -0.13695 0.13345 -0.07282 0.038794 0.13294 0.0015304 -0.071056 -0.20026 -0.045437 -0.0019054 -0.17913 0.18241 -0.058909 -0.0088248 0.060522 0.1872 0.2255 -0.11638 0.080349 -0.33614 -0.035788 -0.21518 -0.062891 -0.1322 -0.09628 0.065516 0.16418 -0.014492 0.11139 -0.25025 0.25303 -0.20538 -0.027447 -0.18057 -0.13118 -0.36836 0.055097 0.23968 -0.17034 0.26393 0.30392 -0.18615 0.13712 -0.012511 0.11977 0.00017869 0.059385 -0.05704 -0.046391 0.012484 -0.067036 0.20004 -0.34513 -0.16117 -0.082885 -0.043013 0.031685 -0.01498 0.11803 0.068215 -0.18596 0.11503 -0.020593 -0.15533 0.031101 0.1294 0.038285 -0.075081 -0.095411 0.13559 -0.13448 -0.092657 -0.39257 -0.1617 -0.06562 0.069601 0.26207 -0.039711 0.39187 0.16218 0.053275 -0.066056 0.10139 -0.076679 -0.059841 -0.069376 0.21551 -0.029553 -0.123 0.011586 0.16999 0.17508 0.090918 0.10799 0.085566 -0.0042548 0.097031 0.18012 -0.24137 -0.1599 0.018539 -0.1056 -0.052341 -0.034019 -0.13327 -0.15889 0.033714 0.079085 -0.01673 0.062222 0.16459 -0.021192 0.014571 -0.017858 0.17836 0.13005 0.27747 0.056348 0.13513 0.4205 0.024011 0.18547 0.030009 0.119 -0.058 -0.092228 0.025134 0.003047 -0.024764 0.11025 0.21792 0.12071 0.26308 0.13265 0.058854 -0.36855 -0.04149 0.10599 0.25175 -0.028787 -0.043812 -0.036435 0.0089733 0.066932 0.1702 0.1665 0.094226 -0.14053 -0.18362 -0.035076 0.11685 -0.08793 -0.17653 -0.24763 0.12285 0.0053936 -0.048667 0.23958 0.17958 -0.21611 0.08723 -0.17605 0.17473 0.14182 0.081131 -0.087419 0.071543 0.21449 -0.061005 -0.07196 -0.23685 -0.11879 -0.0071595 -0.071583 0.049396 -0.02676 0.068993 0.0073673 -0.038216 0.16864 0.16553 0.01517 0.15875 -0.1054 0.05747 0.13809 -0.019921 0.36033 0.21684 0.063086 -0.11092 0.35303 0.30894 0.12569 -0.008461 0.25211 -0.073476 -0.442 0.022188 -0.0423 -0.018912 -0.15181 0.19475 0.043222 -0.23028 -0.25009 0.011266 0.14797 0.22005 0.40872 -0.13427 -0.18417 0.011872 -0.1966 -0.18597 0.13815 -0.22767 -0.17908 0.10512 -0.057826 0.071071 -0.23812 -0.0067891 0.036996 -0.029889 -0.17022 0.14456 0.040532 -0.029142 -0.012301 0.2311 -0.14316 -0.22666 -0.19614 0.15429 -0.023078 0.015926 -0.077029 0.065054 -0.30557 0.13245 0.068753 0.11286 0.14658 0.2298 0.18136 0.22165 0.1076 0.0045102 0.1825 0.10714 0.027691 0.13585 0.07148 0.033098 0.030476 -0.13848 0.23759 -0.26323 0.095756 0.15745 0.099187 0.013283 -0.030978 0.10267 0.030753 0.22487 -0.014633 -0.16486 -0.30891 0.0551 -0.15767 -0.11141 0.034447 -0.054475 0.33544 -0.0042994 0.27241 -0.15068 0.096341 0.14226 0.097858 0.00082821 -0.0092396 0.10388 0.18306 0.39652 0.21525 -0.01238 -0.040262 -0.1476 -0.0018151 -0.040134 -0.17208 -0.225 -0.18652 0.13567 0.20318 0.10497 -) -0.2126 -0.1625 0.19291 -0.025168 -0.053647 -0.060966 0.045574 -0.21204 -0.12945 0.16739 -0.091312 -0.18321 0.24384 -0.18695 0.1443 0.059095 -0.14303 -0.037694 -0.035785 0.11922 -0.011128 0.21314 -0.27044 0.077567 -0.018137 0.1594 -0.043637 -0.25154 0.069122 0.023117 -0.30039 0.28047 -0.20755 0.1845 0.02708 -0.011796 -0.19094 -0.22944 0.15557 -0.28047 0.033552 0.13621 -0.16158 0.020503 -0.10356 -0.21584 -0.1115 -0.056023 0.10392 -0.023046 0.033985 -0.26918 -0.03143 -0.26883 -0.098116 -0.17722 0.080194 -0.044145 -0.064201 0.21535 0.16698 -0.25132 0.21311 -0.16862 0.084063 -0.066586 0.16939 -0.27313 -0.2829 0.027755 0.051774 0.056767 0.023735 -0.19652 0.12754 -0.015561 0.26425 0.27562 0.086458 0.38182 -0.14553 0.20525 -0.024237 0.054286 0.25675 -0.17819 0.074283 0.044713 0.088217 -0.033261 0.19087 -0.19817 0.034355 -0.085662 -0.0048418 -0.056916 -0.1033 0.006265 0.17492 0.027866 0.084206 0.0674 -0.21523 0.041361 0.17755 -0.022406 -0.1821 -0.011688 0.15014 -0.16614 0.077185 -0.016522 -0.19297 -0.13536 -0.062133 0.07223 0.059149 0.0010406 -0.16859 0.078426 0.34513 -0.12174 -0.1464 0.28904 0.010986 0.096763 -0.048568 0.2518 0.12331 0.06257 0.15267 0.17711 0.25384 0.3384 0.092287 0.00019422 0.093004 -0.1721 0.10527 0.19721 0.070042 0.10979 0.14692 0.093588 0.13641 0.22856 0.22282 0.089212 -0.069749 0.080828 -0.1607 0.063175 -0.1026 -0.14976 0.064174 -0.0093489 0.22512 0.17281 0.19723 0.19006 0.058608 0.13837 -0.27155 0.12318 0.014049 -0.10999 0.08605 0.063453 -0.014096 0.073693 -0.19318 0.073913 -0.14857 0.075652 -0.034264 0.063866 0.029645 -0.1415 -0.064215 -0.064351 0.082878 -0.21816 0.15486 0.22435 -0.10632 0.35149 0.020847 -0.11029 0.085623 0.013362 -0.013515 -0.25033 0.30575 0.12325 -0.24006 -0.22024 0.1085 0.15251 -0.46239 -0.023871 -0.0187 -0.27595 -0.22326 0.063294 0.066861 0.0054138 -0.21897 0.12192 0.25844 -0.11957 0.30079 -0.086595 0.07059 -0.02802 -0.2091 -0.11872 0.13817 -0.10185 -0.35833 -0.22782 0.0063531 -0.039577 -0.051306 0.015049 -0.0093668 -0.045136 0.0060684 0.076519 0.24035 0.070766 -0.026567 0.16117 -0.010365 -0.21722 -0.15059 0.030043 -0.061588 -0.18267 -0.054825 -0.12734 -0.070047 0.36237 0.054465 0.041087 0.092893 0.015996 0.16168 0.16533 0.03856 0.14239 0.13336 -0.18878 -0.12308 0.1819 -0.050355 -0.13599 0.01481 0.10454 -0.10483 -0.16066 0.16406 0.0059985 -0.045827 0.097182 -0.012632 0.26425 -0.01622 -0.11908 -0.085307 0.037455 -0.1698 0.0064602 0.064675 -0.069502 -0.13218 -0.047747 0.14874 -0.040672 -0.016932 -0.15343 0.058897 0.17917 -0.098042 -0.022264 0.133 0.034409 0.39194 0.078925 0.33269 0.18809 -0.19698 -0.15207 0.11303 0.095242 -0.012663 -0.16269 -0.007411 0.13281 0.13515 0.27486 -( -0.23309 -0.15296 0.18574 -0.052825 -0.024827 -0.05597 0.051828 -0.21042 -0.10736 0.1481 -0.073067 -0.18498 0.24592 -0.16441 0.12237 0.046963 -0.10949 -0.022478 -0.0447 0.13849 -0.053463 0.20186 -0.2108 0.10247 0.017499 0.17167 -0.002015 -0.26022 0.038803 0.014472 -0.27706 0.31515 -0.21957 0.20444 0.030268 -0.045881 -0.2279 -0.21473 0.23163 -0.2868 0.030923 0.14941 -0.14564 0.022334 -0.12018 -0.22059 -0.10883 -0.062123 0.11207 -0.035432 0.03905 -0.30039 -0.024871 -0.29661 -0.071842 -0.17986 0.083709 -0.047429 -0.10833 0.21972 0.15335 -0.29379 0.16957 -0.16255 0.045921 -0.07833 0.18348 -0.24966 -0.29057 0.011203 0.010288 0.052393 0.0096249 -0.18478 0.13012 -0.011579 0.25199 0.2378 0.09148 0.40134 -0.14071 0.20658 -0.061358 0.069975 0.2856 -0.19824 0.0567 0.021811 0.058719 -0.022546 0.14477 -0.15554 0.053924 -0.072887 0.016839 -0.074752 -0.11665 -0.037688 0.19177 -0.020931 0.071214 0.060542 -0.23209 0.0155 0.18033 -0.044522 -0.17467 -0.0012956 0.17471 -0.16881 0.062072 -0.036062 -0.18079 -0.14591 -0.011288 0.13394 0.021847 -0.0023774 -0.17014 0.065934 0.35347 -0.10659 -0.13757 0.2813 0.017342 0.14848 -0.070759 0.28449 0.1472 0.035648 0.14415 0.14304 0.23559 0.32984 0.1171 -0.044802 0.045307 -0.11628 0.088198 0.18592 0.024245 0.13704 0.11964 0.13648 0.13993 0.22819 0.20639 0.12183 -0.10479 0.040495 -0.20939 0.062136 -0.075468 -0.14227 0.069215 0.0011967 0.18513 0.13571 0.18718 0.17761 0.045758 0.095972 -0.27707 0.068867 -0.020278 -0.094161 0.062102 0.069499 -0.072098 0.063163 -0.21225 0.085972 -0.15251 0.05548 -0.027419 0.10628 0.01283 -0.14169 -0.057287 -0.073863 0.056337 -0.21388 0.17499 0.17013 -0.093788 0.32699 0.046617 -0.11163 0.13034 0.043024 -0.0059465 -0.2548 0.28502 0.12449 -0.21813 -0.20569 0.10454 0.1004 -0.42906 -0.007037 -0.018476 -0.31813 -0.21764 0.047122 0.027254 0.0017014 -0.23509 0.14708 0.29648 -0.10767 0.33138 -0.078287 0.089908 -0.088922 -0.21133 -0.094596 0.13933 -0.089867 -0.34324 -0.19651 0.0059196 -0.025083 -0.090159 0.023366 -0.018513 -0.071158 -0.0064573 0.083286 0.21143 0.035236 -0.037667 0.17583 0.010726 -0.25549 -0.14307 0.013955 -0.071004 -0.15664 -0.098823 -0.11756 -0.046788 0.3264 0.050847 0.041035 0.098737 0.049633 0.17132 0.13964 0.067877 0.14413 0.16669 -0.14594 -0.1377 0.1902 -0.050886 -0.14369 0.0096079 0.098092 -0.098844 -0.1428 0.1805 0.026372 -0.029204 0.085949 -0.036377 0.26778 -0.025757 -0.10396 -0.047153 0.020454 -0.19168 -0.014001 0.062676 -0.091414 -0.095178 -0.06614 0.13276 -0.014844 -0.0089356 -0.1552 0.063869 0.1804 -0.099814 0.033382 0.18021 0.072454 0.37026 0.056646 0.33106 0.19567 -0.19433 -0.16877 0.11429 0.10103 -0.0087225 -0.16495 0.016876 0.099402 0.18834 0.26413 -to -0.21341 0.15353 0.05288 -0.10995 -0.075249 -0.0040931 0.037307 -0.12307 -0.16539 0.18948 0.018882 -0.037826 -0.032465 -0.00097399 0.10223 -0.090187 -0.15477 0.092984 -0.034548 0.11354 0.10526 0.23558 -0.18151 -0.057149 -0.33498 -0.09525 -0.043807 -0.11598 0.093461 0.14055 -0.23846 0.22991 -0.43074 0.17527 -0.095848 -0.16689 -0.12666 -0.33239 -0.029917 -0.044658 0.068506 -0.14732 -0.19448 0.081522 0.095537 0.13374 0.22849 0.071417 0.075921 -0.012085 0.11477 -0.24506 0.088227 -0.12577 -0.28356 0.23966 0.1349 -0.043612 -0.058942 -0.14964 0.048619 -0.25521 0.35135 -0.010485 -0.012291 -0.228 -0.24907 0.17066 -0.22779 0.12321 -0.23268 0.068668 0.062476 -0.28448 -0.058069 -0.02294 0.32555 0.14967 0.039717 0.12684 0.062978 -0.01068 -0.11597 -0.16 0.075278 0.0643 -0.019621 0.1161 -0.045974 -0.13481 -0.040836 -0.052048 0.26106 -0.41484 -0.011617 0.079744 0.026266 0.00090593 -0.017469 -0.14069 0.18253 -0.085152 0.082151 -0.14794 0.031756 -0.043832 -0.089463 -0.025928 0.064068 0.1158 0.063466 -0.10519 0.030217 -0.12547 -0.18348 -0.18148 0.16018 -0.066333 -0.056771 0.068108 -0.045265 0.021353 -0.082332 0.29351 0.22133 -0.14231 0.068658 0.060024 -0.079182 0.27073 -0.036687 -0.0074472 0.028575 -0.002216 0.012085 0.26404 0.020489 0.038974 -0.19869 0.065939 -0.11451 0.15766 0.15876 -0.10153 0.15162 0.26821 0.23388 -0.11493 0.098095 0.053563 -0.10113 0.05531 -0.20974 -0.035791 -0.14873 -0.20049 -0.022756 0.057507 0.20447 -0.18627 -0.21503 -0.0044905 -0.28856 0.031048 0.16272 0.067949 -0.15246 -0.019164 0.31189 -0.010774 -0.25956 0.016564 -0.035822 0.077274 -0.10028 0.31529 0.032038 0.25298 -0.1769 -0.14586 0.090035 -0.059671 0.1124 0.3027 -0.079148 0.21147 -0.0021538 -0.023762 0.24101 -0.022107 -0.14914 -0.17478 0.19457 0.11478 -0.056655 0.16902 -0.10203 0.092118 -0.029558 0.053092 0.095661 -0.11535 0.025039 0.11723 -0.12198 -0.13359 -0.20374 0.056916 0.019352 -0.00010443 0.13141 -0.11953 0.032819 0.14745 0.048164 -0.13463 0.10255 -0.090965 0.12527 0.10708 -0.1684 -0.12506 0.14798 0.047775 0.027096 -0.022445 0.064138 -0.17978 -0.19269 -0.017962 0.33083 0.12766 0.10295 0.13917 -0.24834 0.14435 -0.12073 0.11765 -0.086994 -0.0035333 0.1392 0.12856 0.062702 -0.046897 0.0059045 0.23477 0.10548 0.017885 -0.041222 0.078198 0.1512 -0.071557 0.064352 0.02891 -0.010313 -0.21598 -0.18317 -0.0098099 -0.094472 -0.20104 0.039202 0.094147 0.046894 -0.036062 -0.072277 -0.11157 -0.1067 0.1109 -0.022301 -0.070209 -0.070016 -0.25438 0.10335 0.056638 0.024858 0.012796 0.077072 0.10816 -0.051854 -0.056149 -0.0028173 0.0060163 -0.11311 -0.060675 0.13326 -0.015193 -0.031639 0.13717 -0.055809 0.060995 0.027739 0.020689 0.0078359 0.18155 0.29327 -0.2153 -0.24152 -0.025937 -0.072507 0.14989 -a 0.11559 0.30192 -0.11465 0.01001 -0.032187 -0.10755 0.060674 -0.10477 0.17488 0.0081116 -0.02263 0.065401 0.1133 0.054737 -0.06209 -0.029822 -0.16608 0.12224 0.045251 0.2134 0.027965 -0.031319 -0.25392 -0.20146 -0.19688 -0.015251 -0.27038 0.10511 0.074226 0.01554 -0.014038 0.16516 -0.17375 -0.016743 0.013919 0.01119 -0.12599 -0.11975 0.079578 -0.037088 -0.071665 -0.085153 -0.1117 0.020142 -0.161 0.0019132 0.13843 0.15445 -0.026397 -0.014582 0.00060368 -0.19382 0.11267 0.035035 -0.014103 0.11427 -0.093813 -0.048103 -0.0057412 0.18635 -0.13767 -0.25908 0.21259 -0.18934 -0.0666 -0.36531 -0.3073 -0.05415 -0.017772 0.053708 -0.2085 0.043945 0.011802 -0.043432 0.056697 -0.087127 0.049667 -0.0098114 0.098693 0.044723 0.090933 -0.088065 0.057724 -0.19914 0.12831 -0.07628 -0.11602 -0.043127 -0.27085 -0.0964 0.046104 -0.057634 0.12419 -0.094156 0.088391 0.015803 0.057685 0.1791 -0.16668 -0.0055587 -0.28134 -0.012136 0.13262 0.15771 0.023281 0.049928 -0.1379 0.17804 0.032105 -0.0090514 -0.15264 -0.058656 -0.087721 0.028901 -0.041666 -0.30451 0.2219 -0.00363 0.077197 0.12785 0.12945 0.073578 -0.027118 0.36309 0.026545 -0.060575 0.016652 0.052824 -0.039201 0.10092 -0.060684 0.13919 0.075804 0.042375 -0.13606 -0.093351 -0.070637 -0.071629 0.15919 0.12709 -0.053596 0.10054 0.14635 -0.028849 0.12329 0.31595 -0.074747 -0.013792 -0.081995 -0.08413 -0.098656 0.040794 -0.14104 -0.19548 -0.12146 0.017467 0.21902 0.031789 0.16661 0.033612 -0.26427 0.2818 -0.21657 0.071942 0.31303 -0.043565 0.081923 0.027802 0.12997 -0.22937 -0.25916 -0.028432 -0.074796 -0.20992 -0.073081 0.025689 0.10352 0.16966 -0.052541 -0.049782 0.10966 0.20609 -0.033784 0.21358 -0.096748 0.17156 0.16477 -0.14704 0.030289 0.055128 -0.044506 -0.39971 0.39786 0.35765 0.050157 -0.165 0.15778 -0.029775 -0.16378 -0.074734 0.13908 0.078804 -0.07814 0.1788 -0.20376 -0.26927 -0.16764 0.13233 0.07399 -0.022863 0.19895 0.036038 -0.090789 -0.0098625 0.051642 -0.23021 -0.10299 -0.25354 -0.25051 -0.075135 -0.17881 -0.0019653 -0.080002 0.21553 0.15182 -0.020711 -0.12492 0.11649 0.01981 0.073403 0.15539 0.026995 -0.11933 -0.030677 -0.16556 0.092261 0.0049417 -0.073793 -0.055393 -0.082741 -0.13011 0.013525 0.018191 -0.0055438 0.058809 0.16387 0.15175 0.0069439 0.038183 -0.061297 0.045698 -0.025712 0.0091615 0.021573 -0.060742 0.10785 -0.088319 -0.12451 0.17643 -0.069255 -0.055677 0.2055 0.15244 0.016753 -0.15624 0.039461 0.078458 0.089246 0.023802 -0.25402 -0.22407 0.079226 -0.1489 -0.0013105 -0.2294 -0.12029 0.17867 0.071291 0.12154 -0.11576 0.13246 0.014544 0.043274 -0.076181 0.044143 -0.14924 0.10415 0.21987 -0.089499 -0.0071804 -0.020257 -0.18694 -0.065594 -0.20223 -0.12218 -0.29798 0.034272 0.11048 0.13074 0.041164 -is 0.035927 0.14517 0.11926 0.078836 -0.047748 0.10096 0.090815 -0.22176 -0.095085 -0.02261 0.0076501 0.04377 0.051051 -0.097378 -0.037446 0.045309 0.00087634 -0.12497 0.029659 0.069825 -0.16091 0.1742 -0.32899 -0.1829 -0.0065372 0.058934 0.019552 0.19681 -0.14456 0.085745 -0.071958 0.37732 -0.34039 0.027648 0.012375 -0.15959 -0.14646 0.16194 0.092523 -0.087637 -0.059375 -0.010355 -0.074173 0.056924 -0.10949 0.28542 0.19264 0.010483 -0.05483 -0.030501 0.068125 -0.049188 0.11643 -0.1018 0.10541 0.096377 0.30352 0.098904 0.16109 0.15746 0.085867 -0.1266 0.086606 -0.012517 -0.060086 0.058047 -0.19545 0.029768 0.1353 -0.054936 -0.09761 0.041602 0.19329 -0.071273 -0.4064 -0.075163 0.037473 0.24462 0.068334 -0.082493 -0.046809 0.12907 0.085082 -0.26625 -0.089977 -0.18727 -0.19797 0.12161 -0.12957 -0.074638 0.26606 0.21286 0.13707 -0.22089 0.061054 -0.25247 0.12172 0.17021 0.14249 -0.059753 -0.22905 0.069484 0.075391 0.054459 0.025777 -0.079382 -0.23297 -0.056315 0.085659 -0.13863 0.010848 0.11964 -0.29033 0.056997 0.10546 -0.09129 0.15602 0.16682 0.19723 0.068381 0.25218 0.12906 -0.11976 0.36511 0.04613 0.14922 0.11582 0.15174 0.066293 0.041363 -0.11032 0.034476 0.087089 0.067598 0.020334 -0.0807 0.11125 0.079644 0.1182 0.14276 -0.16239 0.048049 0.20329 -0.1865 0.068342 0.11872 -0.21844 0.080969 0.11576 -0.086196 0.016645 -0.07335 -0.017962 -0.036097 -0.013199 -0.079475 0.11069 -0.045565 0.53583 -0.011069 0.081706 0.17232 -0.2441 -0.040374 0.32503 -0.0045183 -0.023625 -0.13361 0.11442 0.13294 -0.13098 -0.2013 -0.084633 0.055785 0.024583 -0.031059 0.17107 0.016382 -0.007079 -0.038921 -0.041218 0.13561 0.045142 0.39547 0.084596 0.1296 0.074092 0.050129 0.13505 -0.069099 0.0042038 -0.19653 0.052232 0.21959 0.076529 -0.13691 -0.090079 0.039593 -0.19713 0.088612 0.052963 -0.15249 -0.34548 0.074472 -0.27969 -0.074521 -0.21438 0.14577 0.18846 -0.12055 0.19297 0.089923 0.11085 0.23914 -0.058177 -0.15256 -0.049997 -0.29806 -0.16428 -0.053028 0.057367 -0.12154 -0.2741 -0.12438 0.30366 0.0038798 -0.11727 0.30079 -0.014037 0.0051858 0.014408 0.056017 -0.24088 0.03485 -0.1719 -0.042362 -0.17468 -0.23828 -0.018515 -0.015014 -0.21179 0.16822 0.12561 -0.11843 0.29393 0.30496 0.36829 -0.0016441 0.13448 -0.17843 -0.041137 0.29053 -0.033821 -0.049843 -0.10897 0.057659 -0.0051955 -0.12193 0.18452 -0.043497 0.1309 0.32408 0.049279 -0.12412 -0.23473 -0.065103 -0.1325 0.36398 0.022735 -0.15708 -0.058168 0.11844 -0.011848 0.043694 0.039633 -0.26053 0.32672 0.17928 0.1103 -0.045212 0.22146 0.15149 0.061161 -0.055577 -0.075315 -0.10055 0.11615 0.19411 -0.10141 0.21326 0.040324 -0.2741 -0.11633 -0.089418 -0.072754 -0.26043 0.084246 -0.0016082 0.1708 -0.035512 -was -0.11286 -0.0066148 -0.11885 0.20306 -0.064513 0.072322 -0.093811 -0.15525 -0.036189 0.34825 0.23176 0.059976 -0.092592 0.092237 0.0147 -0.21753 -0.076763 -0.15456 -0.18715 0.26336 -0.00073416 0.20193 -0.15488 -0.17919 -0.23805 0.071975 -0.12965 0.069309 0.20514 0.20612 -0.1414 0.099385 -0.19516 0.10549 0.050975 -0.15156 -0.13718 -0.010712 0.34531 -0.037236 -0.03744 -0.11631 -0.22042 0.14635 -0.089514 -0.18981 0.074337 0.21624 -0.05004 0.079577 0.02683 0.0079568 -0.15662 0.028236 -0.00059906 0.0042458 0.16613 0.29875 0.17 0.12054 0.22972 -0.049533 -0.029605 0.087271 0.12155 0.0099681 -0.17588 0.014035 -0.31022 -0.084543 -0.052421 0.026532 0.01161 -0.1244 -0.06912 0.032998 -0.14902 0.15951 0.17411 -0.19272 0.04991 -0.010682 0.24032 0.076339 0.047806 -0.16769 -0.3259 0.081583 -0.16958 -0.14046 -0.062004 -0.17957 0.10318 -0.20991 0.097164 -0.048931 -0.13686 -0.074554 -0.15368 -0.10308 -0.11061 0.23124 0.10074 0.063702 -0.083507 -0.07046 -0.11517 0.19426 -0.04978 -0.036442 0.19497 0.079694 -0.046286 -0.058381 0.14444 0.021438 0.075135 0.32819 0.054099 0.17631 0.18208 0.25938 -0.1743 0.43839 0.082798 -0.00031243 0.028419 0.21006 0.060504 0.088364 -0.22041 0.085727 0.1673 0.049687 0.06248 -0.11094 -0.050167 0.024378 -0.14511 0.30282 -0.0054825 -0.069529 0.059002 -0.14639 0.081874 0.25299 -0.099531 -0.10847 0.092277 0.1562 -0.00098428 0.097464 -0.045586 0.1291 -0.1382 0.015656 -0.077233 -0.069546 0.40012 -0.20293 -0.18922 0.082001 -0.14097 0.069866 0.32663 0.04148 0.16718 0.10447 0.34784 0.14208 -0.15894 0.074725 -0.087729 0.17719 -0.022197 -0.18665 -0.096478 0.11452 -0.2316 -0.049632 -0.072876 0.19536 -0.24638 0.26485 -0.17163 0.18342 -0.040482 -0.059225 0.011455 0.098593 -0.10773 -0.34245 0.0081285 0.31403 -0.02537 -0.075752 -0.03759 -0.010813 -0.13641 -0.21098 -0.070242 -0.10866 -0.2711 0.1005 -0.16853 0.034627 0.025884 0.19574 0.42803 0.13828 0.37806 -0.17652 -0.042565 0.15672 -0.024619 -0.067026 -0.22909 -0.17072 -0.27418 0.10913 0.19061 -0.075513 -0.30311 0.038966 0.18328 -0.010708 0.018113 0.12733 0.0019824 0.056872 0.04111 -0.12846 -0.093441 0.066377 -0.14303 -0.10907 0.044746 0.12788 -0.13665 0.12689 -0.029595 0.096401 0.14338 0.13761 0.080356 -0.11623 0.19873 -0.23223 0.12289 -0.17505 0.078037 0.12652 0.16914 -0.010766 -0.071861 -0.065455 -0.21393 0.050287 -0.16871 0.21748 0.1181 0.039186 -0.049363 -0.17246 -0.2875 0.19038 0.012786 0.11273 0.12702 -0.12684 -0.30546 -0.073442 -0.11727 -0.011187 -0.10072 -0.34174 0.37268 0.3018 0.25786 -0.18669 0.10741 -0.11652 -0.091167 0.051356 -0.065339 -0.038404 -0.051191 0.24759 -0.068007 -0.20843 0.12345 -0.054013 -0.26918 -0.00033782 -0.021988 0.063821 -0.084829 0.092362 -0.063667 0.054293 -on -0.029945 0.08308 -0.041043 0.062259 -0.019055 -0.070495 0.10458 -0.11022 -0.052828 -0.21471 -0.010283 0.011255 0.044272 -0.12704 0.13873 -0.10672 -0.031042 -0.036724 0.038023 0.14331 -0.15955 -0.010396 -0.30636 0.0018093 -0.21795 -0.19619 0.15655 -0.26115 0.068009 0.0054802 0.018274 0.27194 -0.063782 0.050576 -0.039229 -0.22498 -0.21599 0.028109 0.27633 -0.19207 0.083086 0.066477 -0.049566 0.12438 -0.22175 -0.024482 0.0092416 0.039755 0.030334 -0.30435 0.059653 -0.18663 0.052629 0.0040435 0.021349 -0.08179 -0.012902 0.051812 -0.10407 0.25295 -0.0083517 -0.21269 0.19349 -0.25011 -0.17148 -0.25245 -0.02836 0.009775 0.010365 0.20992 0.094111 0.045987 -0.10821 -0.12871 0.017863 0.016449 0.35166 0.2368 0.087123 0.0014235 0.076331 0.028697 0.1874 0.097398 0.071689 -0.20054 -0.1518 -0.18455 0.247 -0.24415 -0.099852 0.22032 0.28422 -0.26721 0.18074 0.141 0.024393 -0.1074 -0.12624 -0.027884 -0.14301 -0.096826 -0.1293 -0.03152 -0.12661 -0.036811 -0.061348 0.29519 -0.03723 0.24504 0.10346 -0.13672 0.093343 -0.053711 -0.056038 0.10644 0.085047 0.026389 -0.1212 0.020749 0.36126 0.13563 -0.11141 0.27515 -0.021931 -0.033346 0.26127 0.32768 0.16539 0.2657 -0.11442 -0.10774 0.027501 0.20596 -0.26 -0.17816 -0.0702 0.0029366 0.030597 0.036969 -0.11377 0.26168 -0.20023 -0.086989 -0.042935 0.13088 0.26097 0.0067192 -0.28677 0.2712 -0.25236 -0.2575 -0.39759 0.017236 0.15021 -0.17865 -0.061733 -0.078715 0.13485 -0.11931 -0.1454 0.10977 -0.25129 0.12937 0.23836 0.1737 -0.046556 -0.083078 0.12602 -0.14134 -0.27256 0.19661 -0.26557 -0.17845 -0.18839 -0.044315 -0.051716 0.066204 0.14214 -0.047498 -0.17975 0.024502 0.089698 0.023657 0.1227 0.3495 0.14525 -0.17002 0.12992 -0.036131 0.013646 -0.2935 0.021192 0.027402 -0.035963 0.030356 0.036936 0.10434 -0.34108 -0.22907 -0.10944 0.18918 -0.06642 -0.047107 0.038047 -0.13913 0.065176 -0.062903 0.31345 -0.090358 0.44221 0.088019 -0.085611 0.031707 0.0027451 0.21896 0.0056458 -0.45227 -0.11961 -0.12665 0.23553 -0.089455 -0.031027 0.14073 -0.13621 0.025762 -0.23421 0.04172 0.026577 0.14901 0.35331 0.16014 -0.0858 0.10075 0.11963 0.083981 -0.0085175 -0.10134 0.025867 0.0019921 0.11903 0.090903 0.31105 0.093143 0.26736 0.29493 0.03174 -0.06166 0.25909 0.25553 0.21146 -0.036734 0.1269 0.040165 -0.15194 0.12897 -0.49793 -0.0030868 -0.062966 0.090043 0.34313 0.17949 -0.11345 0.14079 0.073598 -0.15301 -0.046048 0.14508 -0.25676 -0.1302 -0.10335 -0.053122 0.042721 0.24057 -0.18248 -0.14799 0.01282 0.26499 0.038375 -0.041837 0.22512 0.082875 -0.21517 0.1009 0.11119 -0.096562 0.07562 -0.078081 0.15468 -0.19181 0.14994 -0.044552 -0.11669 -0.17937 0.36259 -0.16617 0.13773 0.036366 -0.048136 0.0014706 -s 0.038464 -0.11291 -0.17323 -0.03041 0.15791 -0.019141 0.0019244 -0.11037 -0.076457 0.12753 0.11781 -0.13902 0.099159 0.1102 0.064557 0.086609 0.0032735 -0.0087435 -0.17398 0.054122 -0.28031 0.18313 -0.069872 -0.19947 -0.17661 -0.017548 -0.049704 -0.015239 -0.016797 0.19059 -0.16898 0.52075 -0.14446 0.057708 -0.070047 -0.13201 -0.085839 0.019588 0.18062 -0.37744 0.20453 0.018589 -0.23324 0.15698 0.13667 -0.1235 0.030655 0.20784 0.16087 0.17465 0.063654 -0.065543 0.096355 -0.094331 -0.25684 0.18813 0.057432 -0.073132 0.0077761 0.11959 0.12944 -0.25971 0.13682 -0.016024 -0.37095 0.066671 0.08206 -0.10501 0.11285 -0.038756 0.16821 -0.072626 -0.051393 -0.3861 -0.13619 -0.11603 0.12859 0.17121 0.03961 -0.081267 0.1959 0.056111 0.091625 0.043701 -0.18668 0.033272 -0.13498 0.4151 -0.25299 -0.18425 -0.014946 -0.038079 0.16609 -0.0064121 0.066091 0.02267 0.043807 0.060552 0.080007 -0.17192 -0.13464 0.005538 0.068381 0.04762 -0.23787 -0.12178 -0.17201 0.22628 0.17626 0.14631 0.0043271 -0.036512 -0.12546 -0.016598 0.0025892 0.14845 0.14535 0.23339 0.058385 0.084762 0.099059 0.15039 0.18396 -0.040558 0.164 0.01755 0.12023 0.13814 -0.15704 0.039937 0.161 0.25549 0.18153 0.020778 -0.09425 -0.10346 -0.28616 0.044853 -0.070123 0.01281 -0.051044 -0.094495 -0.15318 0.041003 -0.093269 0.16232 0.2233 0.034059 -0.055275 -0.039754 -0.072807 0.056499 -0.14058 -0.044182 -0.16488 0.052832 0.086518 -0.076868 -0.039924 0.27809 -0.1243 0.20393 0.0011994 0.25289 0.14898 0.033952 0.15503 0.053445 0.2614 -0.045747 -0.084473 -0.14395 -0.18902 -0.13388 -0.12626 0.13108 -0.019506 -0.024184 -0.036778 -0.13597 0.22259 -0.040843 0.095631 0.21741 -0.21438 -0.023312 0.1467 -0.16684 0.23378 0.094925 0.020536 -0.060983 0.085806 0.10767 -0.076936 -0.061339 0.0067582 -0.050502 -0.34804 0.050146 0.015361 -0.061954 0.010673 0.071738 0.06038 -0.31371 -0.043667 0.057637 0.14199 0.059277 0.51126 -0.14883 -0.036146 -0.12154 0.041745 -0.11368 0.13902 -0.36065 -0.14418 0.033538 -0.23366 -0.072889 -0.21204 0.066125 -0.19825 -0.0301 -0.091775 -0.061682 -0.054451 -0.069563 0.031283 0.18651 0.040566 -0.1524 -0.13553 0.25094 0.16633 -0.060563 -0.037528 -0.10264 -0.075712 0.064021 0.05656 0.055054 0.12962 0.081269 0.098875 0.13312 0.019775 0.093859 0.13799 0.066917 0.12089 0.14025 0.057053 -0.021536 -0.11202 -0.15134 0.012022 0.0008462 0.18794 -0.022936 0.12724 0.14248 -0.015237 -0.075361 0.15065 0.11984 0.16618 -0.35692 -0.2474 0.091957 0.042723 0.21117 -0.072008 -0.064827 0.39984 0.27504 0.26081 0.036257 -0.00092725 0.097138 0.11537 -0.087621 0.14525 0.19174 -0.030003 0.21575 0.032843 -0.28628 0.0061119 -0.10856 0.040474 -0.12915 -0.15099 -0.30803 0.00945 0.18243 -0.071865 0.094051 -for -0.043457 0.11336 -0.090211 0.10783 -0.12458 0.010564 -0.053752 0.040688 -0.071978 0.12988 0.18367 -0.19067 0.23183 0.2526 0.1769 -0.067999 -0.032019 -0.091964 0.135 0.14054 0.11034 0.21687 -0.072976 -0.15426 -0.03326 0.026052 0.16755 0.030611 -0.11283 0.088465 -0.29436 -0.017995 -0.18437 0.086588 0.20259 -0.092321 0.046651 -0.10229 0.071462 0.069793 -0.13052 -0.014411 -0.056368 0.15818 -0.020047 -0.10617 0.23458 0.0035062 -0.14388 -0.018622 -0.069637 -0.2153 -0.11409 -0.10171 0.029783 -0.04675 0.20507 0.0067837 -0.13647 0.0070587 0.04308 -0.097742 0.33185 -0.24975 0.11143 0.027497 -0.020893 -0.15535 -0.20601 -0.0264 -0.11679 -0.041209 0.052129 -0.14148 -0.24781 -0.046432 0.30543 0.049252 0.17925 -0.048079 0.080292 0.27301 -0.14418 0.021085 0.013487 -0.24578 -0.25759 0.026981 -0.22953 -0.151 -0.12973 -0.046898 0.36185 -0.21275 -0.028743 0.22011 -0.10697 0.035381 -0.24997 -0.12608 0.020057 -0.24323 0.41437 -0.1849 -0.20688 0.18755 -0.1481 0.19374 -0.23983 -0.072315 0.050876 -0.068533 -0.23756 -0.066878 0.02785 -0.10642 0.065645 -0.12159 0.01709 0.0073716 0.25959 0.26045 0.050632 0.33932 0.060457 0.082843 0.20087 -0.0074604 0.035756 0.22386 0.097792 0.25052 -0.30139 0.085823 0.023561 0.067157 -0.10683 -0.20434 0.021773 0.13849 0.08889 0.064833 0.24942 -0.12314 0.21898 0.092902 -0.066623 0.004371 0.10442 -0.011684 -0.18587 -0.15274 -0.1052 0.056705 -0.077613 -0.098058 0.08235 -0.19676 0.073493 -0.16567 -0.12771 0.068033 -0.050141 -0.0066839 0.22982 -0.0097502 0.01318 -0.17115 -0.085712 -0.094221 -0.21663 -0.18938 -0.15326 -0.064401 -0.12948 0.12967 -0.04457 0.16996 -0.11774 -0.29034 -0.135 -0.13239 -0.020521 0.069121 -0.35345 0.041462 -0.054732 0.082544 -0.030277 -0.023645 -0.0077702 -0.21236 0.19582 0.021462 0.013873 -0.12292 0.0091213 -0.036776 -0.077845 0.21115 -0.20513 0.0020311 -0.062409 -0.086912 -0.070559 0.1628 -0.15556 0.051623 0.32346 0.085333 0.27287 0.0054348 -0.082055 -0.15807 0.12814 -0.017721 0.022306 -0.15821 -0.020882 0.0038859 -0.037751 -0.053051 0.043165 -0.22103 -0.037925 0.20364 0.0069072 -0.019936 -0.014179 -0.080207 0.060495 0.22816 -0.32799 -0.26871 -0.054558 0.1814 0.0098955 -0.055567 -0.099914 0.057165 0.13378 0.12753 0.034018 0.084181 0.17292 0.26984 0.19024 -0.095838 -0.048268 0.26195 0.026921 -0.058127 -0.035345 0.14691 0.09446 0.1235 -0.32641 -0.10359 0.057579 0.1355 0.034544 0.16175 0.13866 0.077932 -0.090037 0.085698 -0.076063 -0.10881 -0.079184 -0.025822 -0.31328 -0.035864 -0.11864 -0.028462 -0.22913 -0.09151 0.066334 0.30559 0.050003 -0.030793 0.24058 0.056887 0.043921 0.13876 0.11531 -0.0049904 -0.0093994 0.1054 -0.18862 0.24032 0.071652 -0.052628 0.093925 0.0019137 -0.053472 -0.23075 0.14242 0.11643 0.090122 -0.067711 -as -0.10668 -0.036518 -0.1063 0.063468 0.11089 0.056798 0.19817 -0.00047669 0.1151 0.12766 0.025721 -0.096167 0.084847 -0.20034 0.16011 -0.13566 0.12913 -0.036482 -0.0013579 0.0052643 -0.18697 0.15282 -0.085003 -0.16923 -0.045447 -0.031521 -0.042384 -0.11903 -0.053743 0.0077491 -0.10079 -0.0014938 -0.23998 0.20515 -0.023961 0.03907 -0.050253 0.013688 0.07491 -0.31991 -0.079342 0.14457 -0.15161 0.0047635 -0.095498 -0.12307 -0.085301 0.25123 0.27485 -0.022108 -0.038877 0.083706 -0.02285 0.079031 -0.084699 -0.015823 0.030432 0.0046942 -0.23436 0.2158 0.042915 -0.16513 0.078436 -0.2917 -0.021577 -0.045501 0.0078394 -0.19502 -0.1083 -0.01386 -0.25153 -0.036888 -0.038306 -0.21965 -0.016194 -0.1347 0.12681 0.11563 0.20419 -0.10326 0.26979 0.040638 -0.079217 -0.1489 0.039404 -0.18841 -0.081222 0.20854 -0.42372 -0.092842 0.02847 -0.064213 0.12222 -0.086276 0.16448 -0.029391 -0.089828 0.12399 -0.2145 0.059643 0.016001 -0.27254 0.17223 -0.05487 -0.04919 -0.0075199 -0.089158 -0.0049213 0.10274 -0.21427 0.019886 -0.10638 -0.22215 -0.027423 0.08864 -0.013108 0.16812 0.058269 -0.029014 -0.13752 0.20446 0.16461 -0.25531 0.24799 -0.17534 -0.1073 0.12386 0.16596 -0.025096 0.060844 -0.06466 0.13571 -0.035465 0.084584 0.11602 0.12394 -0.1146 0.009226 0.024469 0.21552 -0.086623 0.058701 -0.03065 -0.11282 0.21441 0.20956 -0.053683 0.17708 -0.040871 -0.068884 -0.039507 -0.082237 0.026662 0.002197 -0.17169 0.17174 -0.17123 0.0026961 0.32867 0.11802 -0.20242 0.064288 -0.27296 0.17342 0.10837 -0.19019 -0.088144 -0.31898 0.13042 0.25379 -0.18172 -0.003441 -0.2074 -0.17084 -0.18809 -0.067014 -0.0077843 0.12018 0.055609 0.062902 0.051946 0.032556 0.064706 0.16043 0.010894 0.26701 0.15682 -0.19018 0.17844 0.037642 -0.094117 -0.2792 0.0062504 0.20934 0.15969 -0.005166 0.029639 -0.034127 -0.15754 0.08945 -0.12987 0.15607 -0.0063243 0.15625 0.17861 -0.12055 -0.20331 0.19912 0.084713 0.10501 0.52838 -0.076569 -0.10239 0.11299 -0.029849 -0.077256 0.063675 -0.20756 -0.06305 -0.042499 -0.041598 0.02283 -0.21428 0.046132 -0.050075 -0.22019 -0.021104 -0.064426 0.014369 0.058189 0.20217 0.11436 -0.072824 -0.12266 -0.20333 0.27137 0.13923 0.055401 -0.0066487 -0.0019663 0.14431 0.16829 -0.066634 0.20795 0.13077 0.081666 0.076304 -0.14139 0.025815 0.020766 0.152 0.019461 -0.079617 0.11885 -0.032576 0.12693 -0.15425 -0.19208 -0.089979 -0.18192 -0.076191 0.096308 0.084752 -0.077118 -0.15407 -0.40903 -0.2408 0.27727 0.070015 -0.23642 -0.26462 0.09025 -0.083525 -0.055758 -0.0044354 -0.18702 0.34108 0.17177 0.039009 0.014808 0.20067 0.014752 0.03399 0.046347 -0.055452 -0.04778 -0.0083971 0.29187 0.2087 0.04187 -0.085302 0.017596 0.038921 -0.042198 -0.11009 -0.11966 -0.032105 -0.0087815 -5.7399e-05 0.13576 -by -0.13167 -0.040817 -0.23956 0.23064 -0.12696 0.11678 0.10581 -0.20413 0.0080369 0.23646 -0.054108 0.12133 -0.15008 0.11509 0.11896 -0.25209 0.10367 -0.065059 -0.080371 0.12708 -0.014658 0.2269 -0.28552 -0.096679 0.063329 -0.033706 0.01759 0.028157 0.15469 0.033508 -0.23307 0.091283 0.023145 0.13172 0.2012 -0.080005 -0.25302 0.003297 0.23424 -0.094455 0.065775 -0.0028773 0.00034232 0.19717 0.033452 -0.20442 0.0010543 -0.010863 -0.15341 0.065852 0.12561 -0.040625 -0.27178 -0.024283 0.080334 0.022827 -0.097376 0.18855 0.011054 0.038045 -0.02144 -0.21974 0.0035103 0.20461 -0.0075506 0.16733 -0.10361 -0.18865 0.031286 -0.081821 -0.11796 -0.0090501 -0.16731 -0.27503 0.047636 -0.033096 0.11845 0.14352 0.15145 -0.047157 -0.099036 0.042062 0.17922 0.22662 -0.081016 -0.066303 -0.19108 0.092628 0.0024941 -0.065267 -0.14996 -0.11355 -0.078145 -0.13441 0.29873 -0.060622 0.1054 -0.11155 0.026942 0.048895 -0.10103 -0.010862 0.24963 -0.087945 -0.099125 -0.1148 0.1452 -0.11545 0.33225 -0.14523 0.077605 -0.099609 -0.068166 -0.050334 0.049693 0.17082 0.283 0.3763 0.0020146 0.14755 0.07047 0.31503 -0.47475 0.38828 0.058978 0.0626 0.14044 0.1298 0.12159 0.1261 0.19995 0.23574 0.13194 0.25251 0.37902 -0.0049426 0.10706 -0.016369 -0.12881 0.04987 0.25352 0.12318 0.17736 -0.20315 -0.21117 0.099453 0.017912 0.019938 -0.015746 0.20934 0.071116 -0.1477 -0.14592 -0.11236 -0.094642 -0.16884 -0.16842 -0.072051 0.17637 0.101 -0.10587 -0.086128 0.024187 0.011435 0.3069 -0.071507 0.17903 0.11991 0.28315 -0.0010412 -0.18539 0.19078 -0.093839 0.061669 -0.10506 -0.028498 0.01504 0.17677 -0.0046986 -0.1237 -0.11957 -0.33566 -0.35805 0.17801 0.09083 0.21286 0.013965 -0.28891 0.056233 0.021966 -0.094326 -0.36791 0.23437 -0.082501 0.13699 -0.41778 -0.21958 -0.10984 -0.16532 0.032684 0.087233 0.2412 -0.21436 0.019845 -0.063727 -0.073478 -0.21645 0.20205 0.21141 -0.03102 0.573 -0.032144 0.039847 -0.05959 -0.0036714 0.070425 0.15985 0.031499 -0.18282 -0.036042 -0.01486 -0.39543 -0.40932 -0.027014 -0.042265 -0.047627 -0.28248 -0.19428 -0.019236 0.24395 -0.21907 0.011405 -0.12631 0.14487 -0.036576 -0.062648 -0.0084789 0.076445 -0.005565 -0.12415 -0.07852 -0.14686 0.12963 -0.11216 -0.0012184 0.027598 0.017539 -0.2169 0.15463 0.14615 0.12645 0.0058155 0.1358 -0.22443 -0.21958 0.2109 -0.0985 -0.066894 -0.17394 0.017303 0.19829 -0.098625 -0.03713 -0.044018 -0.23748 -0.21127 -0.023497 -0.13315 0.011752 0.001701 -0.15698 0.078147 0.027263 -0.17181 -0.15723 -0.23723 0.22997 0.35097 0.092508 -0.021858 0.00041802 0.129 -0.028015 0.031211 -0.067224 0.087442 -0.027041 0.24614 -0.17322 -0.036277 0.32144 -0.23934 0.13895 -0.014339 -0.068493 -0.066417 0.18929 0.32907 -0.11879 0.0031042 -that -0.23983 0.085832 -0.21831 0.19241 0.025195 0.12355 -0.0069764 -0.17742 -0.02976 0.14019 -0.04131 0.021693 0.031669 -0.066504 -0.010106 -0.039781 0.058352 0.077962 0.10951 0.17083 0.030571 0.075172 -0.19127 -0.26914 -0.07159 -0.0033303 0.16572 0.2414 -0.037835 0.092986 -0.096324 -0.053362 -0.13769 0.2023 0.12228 0.0055089 -0.12261 0.065976 -0.093829 -0.0047912 0.060502 0.034472 -0.089815 0.049682 0.10915 0.19243 0.097466 -0.059112 -0.031561 0.0085642 -0.0097376 -0.1566 -0.030448 -0.03733 -0.21254 0.016531 -0.10968 0.14795 -0.0080269 0.06314 -0.17479 -0.080141 0.16124 -0.071978 0.12406 -0.26999 -0.17197 -0.058859 0.046186 -0.07601 -0.074253 -0.039888 0.057741 -0.19435 -0.10719 0.075766 0.16442 0.062963 0.016998 0.098074 0.051912 0.00796 0.049767 0.074819 -0.16363 0.067474 -0.10452 0.073557 -0.10755 -0.1425 0.089114 0.15841 0.3222 -0.10655 0.083618 -0.092492 0.21919 0.048208 -0.061488 0.049201 -0.062859 -0.13971 0.059256 -0.11582 -0.21935 -0.13681 -0.11235 -0.096347 0.046857 0.035071 -0.11585 -0.023621 0.080661 0.028493 0.06903 -0.18985 0.26623 0.17579 -0.035073 -0.031638 -0.026218 0.14236 0.039761 0.38528 0.038298 -0.010169 0.11729 0.11932 -0.050962 0.22691 -0.17552 0.016449 -0.046997 -0.083699 0.069625 0.014247 -0.10832 0.12289 0.016072 -0.033899 0.10722 0.20054 0.1402 -0.10011 -0.07931 0.12327 -0.0031444 -0.089443 -0.086052 -0.10393 0.032676 -0.14476 -0.056825 -0.034722 -0.095045 -0.17064 -0.035918 0.086298 0.17825 0.063758 -0.12496 0.21052 -0.28584 0.15253 0.13151 0.076388 0.029637 -0.093604 0.12136 0.019785 -0.11168 -0.14822 -0.27724 -0.02827 -0.09676 0.14834 -0.13155 0.19224 -0.017957 -0.10059 0.10913 -0.1554 0.0051412 0.24523 -0.21236 0.11514 0.083901 -0.097453 0.21907 -0.18487 0.024778 -0.35162 0.13614 0.13062 -0.086043 -0.023898 0.060116 -0.0034988 -0.2956 -0.055491 0.19128 0.096245 0.044102 0.097388 -0.073929 -0.13039 -0.063722 -0.0042311 0.10625 0.035973 0.30975 -0.037181 0.15494 -0.065034 0.19122 -0.0046243 -0.024803 -0.21901 0.012198 0.18168 -0.21881 -0.15599 0.026207 0.038486 -0.20256 -0.030282 -0.18647 0.049986 -0.18815 0.018358 0.20436 0.072241 -0.034569 0.056817 0.027542 0.19926 0.18312 -0.070488 0.23106 0.01389 0.0459 -0.070822 0.10671 -0.049261 -0.13885 0.20777 0.12232 0.092241 0.0088502 -0.058793 0.19882 0.19537 -0.15112 -0.017619 -0.040276 0.028941 0.039263 -0.0551 -0.008233 -0.11584 0.081303 -0.0047339 -0.085726 -0.14999 -0.094978 -0.13686 -0.1508 0.12912 -0.12408 -0.11013 -0.18316 -0.050477 0.25119 0.14707 -0.15924 -0.12625 0.19323 0.066352 0.14201 -0.032837 0.04996 -0.063273 0.115 -0.28184 -0.005338 -0.062189 0.067656 0.23157 -0.047256 0.03623 0.17711 0.044209 0.057874 0.031027 0.034118 -0.22109 -0.11154 0.2051 0.061947 -0.15744 -it -0.3366 0.13889 -0.068331 0.0079146 -0.020023 0.093429 0.10182 -0.2151 -0.18844 0.15148 -0.14284 -0.11377 0.11161 -0.23444 0.028262 -0.062042 0.21756 0.095647 0.1698 0.071679 -0.054375 -0.046085 -0.21987 -0.27494 -0.25339 -0.10972 -0.0070419 0.03357 0.12896 0.18848 -0.25815 0.17061 -0.38947 0.3481 -0.041047 -0.12456 -0.086325 -0.19126 0.022593 -0.12725 -0.13036 0.098136 -0.2339 0.008161 0.18667 0.20999 0.063713 -0.028508 -0.054716 -0.11117 -0.010525 0.0070143 -0.0041469 -0.036819 -0.0036929 0.078406 0.0038262 0.26416 -0.06283 0.22119 0.062652 -0.14575 0.18947 -0.098799 -0.038427 -0.24093 -0.10867 -0.089518 0.12916 0.059777 -0.015123 0.14633 0.032212 -0.15511 -0.17298 0.08858 -0.081538 0.27585 -0.040939 0.15529 -0.083451 -0.070103 0.1548 0.19894 -0.094732 0.11057 -0.18328 0.00019708 0.032517 -0.076038 0.051504 0.18083 0.25092 -0.15933 0.1487 0.12631 0.15929 0.17724 0.013187 -0.0839 -0.22055 -0.01915 0.1156 -0.010974 -0.12785 -0.19002 -0.22735 0.013581 0.10532 0.053416 -0.03142 0.04568 -0.079156 0.075019 -0.19182 -0.040826 0.34173 0.17852 0.10964 0.0099851 0.2074 0.10894 -0.17686 0.47952 0.15701 0.11366 0.15475 0.098568 0.090232 0.18289 -0.062892 0.012882 -0.11289 0.047716 0.043811 0.0065159 0.032541 0.28292 0.061777 0.17045 0.047034 0.17219 0.10032 0.11206 -0.019359 0.070779 -0.024869 0.036909 -0.08589 0.18344 0.10946 -0.05685 0.096464 -0.16475 -0.055801 -0.15339 0.073 -0.081217 0.23755 0.069371 -0.16822 0.22798 -0.37593 0.034761 0.15086 0.031813 -0.069746 -0.08961 0.12988 -0.012923 -0.024002 -0.25414 -0.19594 -0.15103 -0.21644 0.045066 -0.16032 0.0044476 0.1035 0.14202 0.18504 0.0066014 0.13737 0.13789 -0.043577 0.032058 0.068189 -0.14007 0.10683 -0.0096826 -0.043681 -0.16244 0.11275 0.3178 -0.070198 0.11798 0.19411 0.026728 -0.29832 0.11729 0.064688 0.07844 -0.059657 0.21912 -0.013091 -0.2641 -0.10992 0.12463 0.13129 0.066074 0.18305 0.10516 0.15296 0.040073 0.16806 0.043346 0.038122 -0.21098 0.072374 0.10674 -0.057004 -0.16355 -0.0067051 -0.13049 0.24781 -0.083042 -0.24073 -0.11134 -0.0094638 0.098692 0.20597 0.17607 -0.20891 0.0030144 -0.12683 0.087142 -0.036535 -0.14635 -0.11332 0.043924 -0.023122 -0.041063 0.2974 -0.16771 0.13906 0.13147 0.17896 -0.017101 0.052858 -0.059781 0.11522 0.2598 -0.18943 -0.062224 0.034479 0.0072344 0.078014 -0.15113 0.17729 -0.11423 0.087861 0.078173 -0.11313 -0.19613 -0.051441 -0.037768 -0.15843 0.24705 -0.00826 -0.31003 -0.34136 0.10744 -0.024086 0.081787 -0.0024878 -0.23679 0.21343 0.18235 0.10686 -0.22907 0.18638 0.015871 -0.24017 -0.20794 0.062498 -0.28062 0.052488 0.14059 0.0051189 -0.048301 0.14975 -0.060221 -0.063074 -0.077547 0.045633 -0.15038 -0.026861 0.14517 0.029054 0.074989 -with -0.064206 0.091714 0.11942 0.4186 0.17465 0.11941 0.31859 -0.1638 0.20565 0.088094 -0.046213 0.15331 0.15775 -0.096504 0.022727 -0.14138 0.0098457 -0.026588 0.021183 0.22972 0.042529 0.027243 0.023137 -0.079872 0.0495 -0.061129 0.10546 0.084905 -0.1019 0.025445 -0.22593 -0.0094519 -0.11316 -0.045476 -0.09911 0.0020657 -0.244 -0.20762 0.27893 -0.030601 0.25438 -0.0434 0.141 0.04117 -0.026832 -0.075766 0.099866 -0.10857 0.052744 -0.0064439 0.014667 0.024091 -0.14823 -0.07514 -0.17639 0.0059049 0.0069194 -0.053316 -0.11206 -0.060583 -0.012822 -0.31799 0.087898 -0.062417 0.048166 -0.0059139 -0.018073 0.23661 -0.1531 0.0032921 -0.12837 0.075429 -0.19725 -0.24712 -0.050858 0.10058 0.12841 0.25282 0.097276 0.010521 0.18361 -0.19749 -0.040444 -0.11185 -0.12698 -0.10152 0.027053 0.095504 0.14746 -0.19452 0.055156 -0.15004 -0.039678 -0.039796 0.34592 0.29379 0.24519 -0.099354 0.060815 -0.26003 -0.061743 -0.05527 0.11014 0.11766 -0.21546 -0.15467 -0.091975 0.11697 0.012867 0.046272 0.03336 0.037781 0.019891 -0.064189 0.07923 -0.12147 -0.021964 0.058927 0.039117 0.28289 0.22152 -0.097244 -0.25084 0.35717 0.14103 -0.091674 0.1179 -0.017291 0.0098494 0.2756 0.15504 0.0081984 -0.24424 0.13351 -0.04132 0.040733 0.17727 0.069788 0.10178 0.1053 -0.14727 0.20263 -0.059392 -0.028766 0.063491 0.18252 -0.0014041 0.10274 -0.16481 -0.066712 0.13842 -0.27265 -0.19634 -0.1605 -0.074205 0.0018183 0.1026 -0.043547 -0.0072141 0.055306 -0.014692 0.22269 -0.012514 0.19233 0.021866 -0.11755 0.040916 -0.1911 0.094486 -0.11347 -0.0054213 -0.1179 -0.15947 0.15329 -0.15299 0.093003 0.0057173 0.24517 -0.22961 -0.10959 0.17229 -0.18358 -0.012696 0.058318 0.040257 0.31104 0.10125 -0.1034 0.086398 -0.051279 0.23686 -0.17961 0.20681 -0.076107 -0.0010114 0.055693 -0.15005 0.19155 -0.26852 -0.0636 0.14674 -0.084562 0.1201 -0.016069 0.15589 0.032152 -0.19939 -0.10605 0.28825 0.29976 0.080001 -0.028872 -0.15065 -0.14277 -0.080955 -0.073138 -0.11025 -0.32096 -0.16664 -0.02429 -0.15989 -0.093246 -0.10673 0.21227 0.058826 -0.040371 -0.15165 0.12092 0.025799 0.13896 0.14107 -0.034768 -0.098782 -0.037076 -0.1742 0.15468 0.20271 -0.2016 0.0056756 0.22209 0.065569 -0.04823 -0.0019982 0.27749 0.053513 0.16785 -0.072915 -0.025025 -0.03041 0.10037 -0.084707 -0.15251 -0.045538 -0.076732 -0.18076 0.019518 -0.29083 -0.18053 -0.053213 0.034254 0.28543 0.19922 0.24063 -0.01772 -0.017605 0.24474 -0.010969 0.14306 0.06392 0.074019 -0.12698 -0.067713 0.029559 0.025171 -0.2451 -0.046625 0.14576 0.19015 0.22647 0.18612 0.087883 0.02785 0.28477 -0.050063 0.16087 -0.043498 0.075641 0.4027 -0.038456 0.19304 0.063723 -0.35619 0.17587 0.22165 0.075605 -0.055085 -0.030707 0.088356 -0.015983 -0.25735 -from 0.074123 -0.24449 -0.20993 0.067707 -0.069055 0.02407 0.039651 -0.075543 0.14965 0.22772 0.23997 -0.15625 -0.13645 -0.16233 -0.136 -0.047394 -0.22722 -0.020578 0.21853 -0.057743 -0.2538 0.07426 -0.4313 0.070787 -0.13236 0.0090762 0.041375 -0.17293 -0.13688 0.047738 -0.096345 0.35734 -0.064074 0.315 0.043262 -0.039828 0.26392 -0.0077835 0.1246 -0.062125 0.049646 -0.19449 -0.10296 -0.13227 0.11914 0.11471 0.19222 -0.10544 0.19141 -0.19164 0.16664 -0.072087 -0.017124 -0.024085 -0.054923 0.18161 -0.41752 0.013846 -0.097548 0.14298 0.18272 -0.095173 0.25565 -0.0038474 -0.065212 -0.0097115 -0.51114 0.24172 -0.084955 -0.10739 -0.22902 0.0097627 0.1284 -0.12305 -0.072091 0.12597 0.22261 0.12579 0.1523 0.060826 0.037958 -0.012942 -0.090394 -0.0034238 0.074824 0.13059 -0.24917 0.060374 -0.20008 0.2994 0.025893 -0.10789 0.092428 -0.0028567 -0.19491 0.23134 -0.028209 0.2477 0.15212 -0.08654 0.035328 -0.057431 0.14291 -0.034993 -0.093676 -0.21335 -0.41108 -0.16943 -0.044907 0.10779 0.24495 -0.0034135 -0.16304 0.037063 -0.058801 0.079125 0.25461 0.16792 -0.10822 0.078622 0.31237 0.021625 -0.1846 0.31997 -0.21529 0.019935 0.22055 0.14881 0.31108 0.13899 0.17772 0.054332 0.08957 0.24212 0.11923 0.062396 -0.049008 -0.21631 -0.2272 -0.053169 0.059956 0.002439 0.20858 0.09573 -0.054505 0.23263 0.16189 -0.061374 0.036911 -0.02273 -0.079022 -0.31311 -0.081871 -0.025641 -0.22911 -0.41586 -0.076673 0.043928 0.0073082 -0.030566 -0.19267 0.12633 -0.24819 -0.020164 0.3443 -0.034356 6.2081e-05 -0.072091 0.32803 -0.28308 -0.2078 0.028662 -0.3094 0.076138 -0.085894 0.29858 -0.012965 -0.052991 -0.14979 -0.04495 0.073995 -0.16588 -0.28257 0.19357 0.040774 0.13921 0.11749 0.029632 0.029503 0.025321 -0.039398 -0.087089 0.31311 0.14639 -0.10493 0.073549 -0.097152 0.22761 -0.17507 -0.21137 -0.19015 -0.11867 -0.31333 -0.039106 -0.18574 0.1103 0.049186 0.21492 -0.23672 0.28303 0.10399 -0.11652 0.07139 -0.013092 -0.11487 -0.16952 0.11821 -0.16995 -0.025376 0.02897 -0.011382 0.0089853 -0.10031 0.19524 -0.26482 -0.11916 -0.23742 -0.29037 0.077017 0.13313 0.18052 0.33469 -0.18892 0.056997 -0.22412 0.057391 -0.092851 -0.073241 -0.066436 -0.097719 -0.026805 0.057282 0.15477 0.040247 -0.15614 0.035466 -0.05528 -0.0016932 0.15164 0.14045 0.022603 -0.024509 -0.029928 -0.024789 -0.23132 -0.0048805 -0.0991 0.021038 -0.15909 0.20374 -0.12693 0.13554 0.3949 0.00044854 -0.28062 -0.1417 0.031939 0.023403 -0.034906 -0.094262 -0.12416 -0.20251 -0.10164 -0.058665 -0.020256 0.051373 0.22868 0.20847 0.20915 -0.07355 0.23702 -0.072579 -0.0068663 -0.049043 0.18509 -0.21591 -0.10739 -0.0068317 0.09578 0.070574 0.069152 -0.026582 0.087377 0.14222 0.044832 0.068534 -0.17147 0.097198 -0.36452 -0.081744 -at 0.084657 -0.22584 0.096451 0.10084 -0.32227 0.06084 -0.14098 0.042526 0.25177 -0.15139 0.28946 -0.22224 0.14715 0.21937 0.017641 -0.075882 -0.054542 -0.019967 0.023136 0.34317 0.19269 0.06061 -0.41196 -0.14237 -0.11288 -0.19504 0.10921 -0.065239 0.17814 0.22521 -0.14425 0.19108 -0.051249 0.3514 -0.033516 -0.10391 -0.15866 -0.04648 0.26894 -0.054653 0.026268 0.024519 -0.153 0.0089207 -0.10311 -0.061886 -0.076662 0.16422 0.19202 -0.15849 -0.10444 -0.32162 -0.017646 0.19714 0.063879 0.15029 0.27939 0.20403 -0.11719 0.11302 0.21741 -0.23783 0.22149 -0.099384 -0.15909 -0.23008 -0.16896 0.048093 -0.34688 0.077259 -0.26626 -0.16247 0.053485 -0.0649 0.017268 -0.16991 0.18329 0.20681 -0.078363 -0.19282 0.10032 0.23402 0.21734 0.16295 0.056857 -0.071505 -0.11856 0.065202 -0.0071105 -0.065222 -0.029953 0.051816 0.4249 -0.18516 0.1631 0.068751 0.24889 0.0087197 -0.16567 0.097582 0.097659 -0.052475 0.14066 0.092822 -0.063293 -0.10292 -0.26192 0.14551 0.084639 0.069376 0.217 -0.079723 0.096226 -0.2802 -0.088477 -0.12311 0.30153 -0.087612 0.026935 0.029043 0.44256 0.079062 -0.027775 0.12976 0.065664 0.098004 0.26257 -0.060456 -0.076672 -0.029265 0.079762 0.052325 0.089596 0.070077 -0.20729 -0.11461 0.2513 0.068273 0.046419 -0.021613 -0.094778 -0.011309 0.065823 -0.037588 0.21715 0.076541 0.069592 -0.12947 0.078394 0.19481 0.066025 -0.32922 0.12043 -0.054116 -0.043916 -0.40659 0.13175 0.042698 0.12824 0.36509 0.01419 0.28955 -0.14103 0.14471 0.17529 0.26788 -0.19957 0.07221 0.053943 -0.20463 -0.27569 -0.045307 -0.40483 0.1223 -0.073105 0.11057 -0.19826 0.29006 -0.19438 -0.27404 0.0019843 0.068304 -0.17825 -0.13397 -0.11317 -0.082058 -0.13167 -0.017088 0.060193 -0.2828 -0.10857 0.085549 -0.10687 0.19298 -0.064046 0.039204 -0.071963 0.0143 -0.18933 -0.23111 0.092391 -0.0045494 0.078846 0.10808 -0.13525 -0.021385 0.17449 0.040101 0.21758 0.42214 0.28144 -0.13084 0.092562 -0.025293 -0.2081 -0.015357 -0.30071 -0.0070475 -0.0086043 0.043435 0.13337 0.055808 -0.10396 0.0426 -0.19165 -0.05732 -0.20715 -0.025886 0.038309 0.041086 0.23983 -0.033461 0.035933 0.11489 0.17574 0.036294 -0.034195 0.13229 -0.15982 -0.0012274 0.14255 -0.025759 0.15796 0.1358 -0.065825 0.19361 0.22163 0.12749 0.13667 0.28978 0.19074 -0.13526 -0.14296 0.033069 -0.52474 -0.080285 -0.21442 -0.282 -0.142 0.24223 -0.083328 0.016296 0.036034 0.23413 0.016184 -0.001913 -0.19888 0.078624 0.024006 0.1797 -0.12137 0.20834 -0.35337 -0.020637 -0.1018 -0.14994 0.39498 0.25541 0.17832 0.072025 0.11042 0.19179 0.068597 -0.0062475 0.087407 0.048029 0.24316 -0.10581 0.033797 -0.098828 0.11308 -0.40658 0.00030372 0.005122 0.032004 0.043654 -0.2884 0.046729 -0.094621 0.20779 -he 0.014665 -0.26812 -0.052296 0.23006 0.031144 0.1326 0.15627 -0.035684 -0.068791 0.37745 0.26 0.065356 0.10545 -0.083843 0.0068441 -0.35062 0.087274 -0.084536 -0.079793 0.14406 -0.099383 0.22698 -0.25031 -0.34414 0.032567 0.20315 0.23225 -0.18451 -0.1058 0.1287 -0.20596 0.055626 -0.18326 0.16372 0.0017453 -0.26181 0.015642 -0.21012 -0.098568 -0.027856 0.0090502 0.15216 -0.14542 -0.060665 -0.012078 -0.10709 -0.025372 0.2335 -0.1346 0.043417 0.040352 -0.13142 -0.10796 0.14868 -0.24327 -0.21122 0.055215 0.2452 0.11917 0.1849 -0.15568 0.027578 0.11264 -0.039423 0.045282 -0.25581 -0.15215 0.24204 -0.17778 -0.020735 -0.11384 -0.18628 0.11145 -0.077367 0.027016 -0.092138 0.21866 0.1661 -0.23244 -0.12927 0.21804 0.06546 0.14573 -0.022755 -0.12254 0.016283 -0.29042 -0.10536 -0.13048 -0.21748 0.088834 -0.35676 0.43895 -0.13208 -0.043485 0.20868 0.040794 0.050524 -0.26054 -0.25543 -0.037681 0.0021933 0.2289 0.12642 -0.12268 -0.021991 -0.13756 -0.12565 -0.016195 -0.030606 0.0046082 -0.24541 -0.002142 0.10537 -0.28513 -0.28361 0.26544 0.17673 -0.19454 -0.092296 0.023453 0.20037 0.051594 0.31713 0.013278 0.01814 0.15886 0.14062 0.0089156 0.11651 -0.21173 0.13483 -0.14015 -0.35175 -0.33749 0.0063774 0.010142 0.02523 -0.21273 -0.053858 -0.04604 -0.014979 0.071772 -0.10722 0.047265 0.17662 0.035781 -0.27281 0.0095576 0.093047 0.042057 -0.12991 -0.038015 0.19335 -0.44323 0.079033 -0.15394 -0.10119 0.151 -0.010138 -0.2738 0.34338 -0.22604 0.28772 0.11076 0.050212 -0.028319 -0.15248 0.26818 -0.086068 0.077829 0.074144 -0.12604 0.0096369 -0.063531 0.24053 -0.11003 0.16175 -0.10464 -0.15088 0.17058 0.082295 -0.14244 0.21725 -0.16858 0.20828 0.033688 0.075818 -0.025683 0.084218 0.0021424 0.032686 0.025107 0.31271 -0.22352 -0.14049 -0.0022511 0.11708 -0.30667 -0.064557 0.21376 -0.065726 -0.17451 0.22245 -0.049137 -0.019059 0.041286 0.10033 0.20715 0.14142 0.17575 -0.0085873 -0.029827 0.053633 0.065397 0.082936 -0.074867 -0.22161 0.029769 0.088741 -0.12474 -0.017533 -0.016169 -0.13967 -0.1801 -0.0185 -0.12567 -0.16774 -0.0074254 0.067426 0.26623 0.23513 -0.16071 -0.16117 0.10872 0.0067142 0.028955 -0.026827 0.0024487 -0.11155 -0.086587 -0.14739 0.12836 0.38225 -0.24315 -0.021359 0.19199 -0.22529 -0.12179 0.078892 -0.095018 -0.20916 -0.059001 -0.055153 -0.22721 -0.033763 -0.21755 0.0082018 0.24165 -0.10292 0.084843 0.13294 0.17828 -0.32875 -0.13609 -0.052415 0.025926 -0.026822 0.1133 -0.17822 -0.30246 -0.083471 -0.28678 -0.01545 -0.19332 -0.3002 0.16762 -0.020979 0.076648 -0.13527 0.082477 0.068317 -0.063771 -0.06968 -0.10251 -0.015942 0.098454 0.15689 0.0030096 -0.12414 0.036338 -0.23409 0.017694 -0.054863 0.073746 0.055707 -0.20249 0.15422 -0.077715 0.22867 -this -0.19964 0.085116 -0.055189 0.13142 -0.034263 0.11687 0.024297 -0.36591 -0.16021 0.13041 -0.051105 -0.19426 0.12888 -0.13138 0.051647 0.02113 -0.14945 0.118 0.26445 0.21531 0.059788 0.14565 -0.13513 -0.082425 -0.30358 0.13601 -0.15623 0.077483 0.22425 0.22971 -0.14523 0.20617 -0.19068 0.13975 -0.067428 -0.039962 -0.011683 -0.029614 -0.19031 -0.17548 -0.026692 -0.10578 -0.11332 0.13866 -0.041102 0.12785 0.084305 -0.16118 0.022081 -0.036854 -0.050079 -0.037985 0.069227 -0.10608 -0.036044 0.28917 0.039558 0.096326 0.14466 -0.013434 -0.091264 -0.040229 0.35294 -0.33489 0.10616 -0.35523 -0.077932 -0.0050663 -0.079543 0.11814 -0.13492 -0.048151 0.13197 -0.26917 -0.18266 0.05242 0.14771 0.25209 -0.090966 0.062938 -0.15311 0.18472 0.044006 0.038439 0.05966 -0.20255 0.026222 0.024488 -0.016858 -0.27549 0.10334 0.10343 0.44464 -0.20755 0.02245 -0.072451 0.10391 0.13244 0.079197 -0.003736 -0.096508 0.035129 -0.011803 0.074741 -0.11641 -0.00064235 -0.15859 0.12314 -0.062408 0.1075 -0.051995 0.079683 -0.061127 0.026742 -0.11837 -0.074877 0.57404 0.066379 -0.053467 0.12976 0.12191 -0.065749 -0.10451 0.38098 0.085549 0.18503 0.044096 0.0056013 -0.00055242 0.29563 0.026896 0.15684 0.12214 0.10538 0.069068 0.21219 0.032334 -0.010033 0.07734 0.12691 -0.010455 0.057988 0.17236 -0.091861 0.039457 0.020577 -0.028288 0.15332 -0.083229 0.11851 0.060821 0.13223 0.14614 -0.2856 -0.014111 -0.23565 0.27903 0.032652 0.017968 0.18232 -0.12464 0.12322 -0.18978 0.030301 0.090686 0.08478 -0.063022 -0.12534 0.15142 -0.015543 -0.36105 -0.19801 -0.21259 -0.18934 0.033945 -0.13825 -0.039777 0.057215 -0.02898 -0.21503 0.081745 -0.064233 0.11149 0.39395 -0.056752 0.23975 0.17848 -0.16583 0.11568 -0.04708 -0.13793 -0.15936 0.27785 0.18192 -0.08966 -0.17054 0.024002 0.10111 -0.33998 -0.040697 0.17376 0.1586 0.10284 0.29167 0.062748 -0.15753 -0.16914 0.20502 -0.10835 -0.035556 0.21803 -0.068972 0.10176 0.0054727 0.33023 -0.20426 0.24388 -0.015076 -0.15243 0.14785 -0.1159 -0.15334 0.19533 -0.10903 0.18967 0.038244 -0.011186 -0.061208 -0.019259 -0.0065419 0.30863 0.09396 -0.15441 0.090379 -0.069162 0.037942 0.29172 -0.035638 0.050326 -0.26106 0.18763 0.084209 0.15093 0.00033666 -0.090248 0.15647 0.27421 0.28715 0.00017502 -0.039501 0.071631 0.11474 -0.15752 -0.046249 -0.14411 -0.20785 -0.1202 -0.29892 -0.071695 -0.12621 0.05428 0.22063 -0.38058 0.056328 0.08667 0.05431 -0.044359 -0.06605 -0.21377 -0.22255 -0.16978 -0.10923 0.25012 -0.025356 0.034712 -0.30406 -0.15446 0.013073 -0.16584 -0.17734 -0.090426 0.017501 0.039702 -0.27064 0.27928 -0.12816 0.024732 0.32566 -0.054112 0.035922 0.018636 -0.24873 -0.072194 -0.091842 -0.034728 -0.11994 -0.036952 0.37121 0.038292 0.13426 -be -0.25026 0.22369 -0.096314 -0.026401 -0.13472 -0.008982 0.065405 -0.47185 -0.051056 0.051511 -0.16824 -0.030949 0.055425 -0.12948 -0.0062735 0.1086 0.1216 0.12408 0.058992 -0.06763 -0.0083828 0.095009 -0.1021 -0.1037 -0.15302 0.021146 -0.036643 -0.040302 0.14088 0.15744 -0.0088583 0.027898 -0.1389 0.053186 -0.12304 -0.091924 -0.15491 0.28233 -4.7579e-05 -0.37132 -0.20302 0.0099404 -0.17615 0.065376 0.068181 0.05025 0.076486 0.070419 0.067646 -0.033892 0.014993 -0.3001 -0.1197 -0.072569 -0.078529 0.030499 -0.048392 0.25323 -0.37985 0.081339 -0.0005548 -0.17629 -0.025923 0.13305 0.0017028 -0.057541 -0.18037 0.06683 0.018062 0.036975 -0.31258 0.23392 0.028911 -0.30242 -0.11193 0.10407 0.20486 0.069179 0.17624 -0.19341 0.12059 -0.13434 0.2001 -0.13353 -0.14275 -0.099292 0.075853 0.09379 -0.32696 -0.3651 -0.092877 -0.10166 0.046329 -0.35481 -0.098609 0.080704 0.14017 0.21821 -0.087556 -0.028255 -0.033402 -0.12697 0.084909 -0.1059 0.062273 -0.13115 -0.20217 0.21356 -0.1352 0.064972 -0.0084728 -0.1492 -0.18754 0.23022 0.12852 -0.20356 0.27514 0.1692 -0.062528 0.17163 0.026962 0.20587 -0.29252 0.55029 0.17327 -0.053048 0.19823 0.17507 -0.059659 0.22113 -0.31647 0.034778 0.014308 0.36628 0.091454 0.13519 -0.021655 0.084731 -0.0080609 0.024732 -0.17821 -0.067393 0.10119 -0.16821 -0.11191 -0.086037 -0.14364 -0.10889 -0.099915 0.10719 0.056134 -0.017866 -0.0056781 -0.099943 -0.22417 -0.18912 -0.034503 0.057475 0.24023 0.099867 0.0049938 0.22043 -0.31164 -0.056913 -0.02007 0.093747 0.16696 -0.20301 0.090256 0.30012 -0.10868 -0.21016 -0.22773 -0.092926 -0.37742 0.07472 -0.12559 -0.025903 0.026878 -0.18513 0.016609 -0.17193 0.25518 0.29165 0.14476 0.19666 0.35115 0.023523 0.25183 0.084845 -0.15047 -0.47281 -0.10641 0.2948 0.038983 -0.25462 -0.00026834 -0.012001 -0.36371 0.17908 0.15783 0.044898 0.028195 0.015111 -0.039563 -0.2444 -0.21118 0.26483 0.36933 0.064294 0.31829 -0.14861 0.33797 0.22144 0.32405 -0.0056225 0.11812 -0.24185 -0.094248 0.22022 0.11795 -0.25267 -0.18225 -0.093763 -0.14506 0.023154 -0.22244 -0.042051 -0.064813 -0.11526 0.10159 0.19566 -0.12605 0.032872 -0.094309 0.216 0.18244 -0.22899 -0.015609 0.007531 0.16186 0.1413 0.27935 0.078345 -0.086286 0.089518 0.2332 -0.069231 0.10922 0.21872 0.1242 0.056511 -0.13227 -0.015025 0.14657 -0.023266 -0.039107 -0.24631 0.077292 -0.0051662 -0.034316 0.086529 -0.088394 0.14664 -0.32449 -0.16895 -0.32304 0.36483 -0.10341 -0.22328 -0.33559 0.0096681 0.015918 -0.071303 -0.1666 -0.27372 0.17971 -0.0099447 -0.053653 -0.11846 -0.10818 0.11709 -0.13894 -0.076176 0.011088 -0.21972 0.0033401 0.14299 -0.028053 0.13819 0.14463 0.031906 -0.18493 -0.14341 -0.021136 -0.15106 -0.19847 -0.023305 0.16321 0.19618 -i -0.40083 0.13992 0.12907 -0.11844 -0.24409 -0.071496 -0.12624 -0.10538 0.021209 0.17554 0.32066 -0.076655 -0.11599 0.1818 0.094396 -0.18509 0.067021 0.18963 -0.11674 0.0075544 0.20718 -0.08527 -0.082318 -0.48372 -0.19477 0.016658 0.13037 -0.08229 -0.12701 0.077853 0.10845 0.048532 -0.13885 -0.023352 -0.060823 -0.31839 -0.019554 -0.1885 -0.031728 -0.3455 0.053967 0.10746 0.19029 -0.12995 0.086172 0.23445 -0.03202 0.027213 -0.082134 -0.19291 0.041211 -0.54555 0.089378 -0.15301 0.012136 0.30464 -0.20036 0.014034 -0.13102 0.10406 -0.16595 -0.052645 0.035598 -0.17021 0.20491 -0.20084 0.26766 0.097651 0.097701 -0.10981 0.20629 -0.3151 0.29097 -0.026423 -0.082555 0.32322 0.060972 0.086412 -0.024904 0.25225 -0.17195 0.2637 0.07778 0.089817 0.21588 0.18605 -0.079905 0.12193 -0.05187 -0.047023 -0.087624 -0.28111 0.39698 0.044655 0.10639 0.17851 -0.085488 0.017462 0.12033 0.2419 0.054101 -0.095085 0.0081993 -0.16491 -0.24195 -0.37316 -0.10091 0.12269 0.18091 0.19682 -0.12658 0.067759 0.079479 0.0058875 0.097713 0.076515 0.28721 0.36722 -0.24784 0.33637 0.25466 0.065162 0.0038707 0.51321 -0.003927 0.10281 -0.062984 -0.14607 -0.083552 0.27136 -0.053043 0.051284 -0.3034 0.029091 0.14637 -0.010417 -0.095542 -0.016103 0.21725 0.36548 0.10367 0.071429 0.15473 -0.044417 -0.045747 -0.041136 -0.25878 -0.092717 0.016528 -0.12274 0.1247 -0.11255 0.32138 0.0066014 0.064847 -0.10889 0.010849 -0.028336 0.16727 0.4849 -0.38852 0.41925 -0.17268 -0.067313 -0.11283 -0.02391 -0.1155 -0.32136 0.20107 0.20899 -0.20854 -0.18056 -0.22479 -0.35432 0.057972 0.23497 0.10999 0.27061 -0.21413 -0.34127 0.14516 -0.2007 -0.13604 -0.024438 -0.28124 0.17943 0.27596 -0.42049 0.062588 -0.10503 0.18763 -0.2508 0.025648 0.16668 -0.13414 -0.42009 0.036313 0.17262 -0.71421 -0.14795 0.58208 -0.15923 0.016541 -0.091072 0.018594 0.045834 -0.28081 0.18502 0.032248 -0.0015265 0.16549 -0.020355 0.10414 -0.19742 -0.25135 -0.13147 -0.067539 -0.11853 -0.00047116 0.36873 -0.13839 -0.024654 -0.013609 -0.10761 0.14113 0.029728 -0.030725 0.23215 -0.0065696 0.10441 0.11082 0.016597 -0.24006 0.01712 0.099859 0.31432 -0.025396 -0.10787 -0.24261 0.30304 0.15428 0.083706 0.063191 0.15308 -0.011505 0.18101 0.43653 0.064489 0.10644 -0.39561 0.0331 -0.096854 -0.079486 0.19766 0.18531 -0.23033 -0.064171 -0.28063 0.19345 0.033538 0.020194 0.12357 -0.1725 -0.24075 0.0156 0.1166 -0.032856 0.29472 0.033151 -0.039342 -0.36029 -0.075652 0.15121 -0.021539 0.069992 -0.077885 0.15666 0.038273 -0.14749 -0.23696 -0.17154 0.30902 -0.29702 -0.22584 0.061565 -0.052918 0.074938 0.26361 -0.25301 0.026624 -0.09896 0.19602 0.0032991 -0.1712 0.18921 -0.2334 -0.56724 0.23206 0.079414 0.13813 -an -0.067108 0.0014183 -0.18575 0.16489 -0.24534 0.27442 -0.14976 0.1794 0.039032 -0.10412 -0.11836 -0.25005 0.097268 -0.1855 0.079226 -0.30441 0.10697 0.050226 -0.05342 0.15365 -0.083077 0.34187 -0.15903 -0.27095 0.077108 -0.45049 0.1234 0.23913 0.23134 0.36702 -0.31195 0.20269 -0.28004 -0.019993 -0.096778 -0.14713 -0.10808 0.051971 0.12347 -0.35383 0.057994 0.043842 0.015575 0.047289 0.26144 -0.0010199 0.05677 0.094892 0.082452 -0.22758 -0.16154 0.37473 0.034889 -0.12288 -0.04253 -0.12048 0.10472 -0.15786 0.18425 0.016285 -0.18772 0.083207 0.21165 -0.069999 0.1344 -0.26537 -0.20656 -0.013781 0.10536 -0.13477 -0.17973 -0.077508 0.39863 -0.1491 -0.24838 0.030682 0.19628 0.24353 -0.075409 -0.012853 0.13124 0.20169 -0.20009 -0.18221 0.090066 0.10347 0.0078001 0.077707 0.074893 -0.088733 0.31458 0.14006 0.44936 -0.28195 0.21684 -0.099295 -0.12245 0.0055658 -0.13224 -0.059352 -0.47566 0.099382 0.12039 -0.037683 -0.0056518 -0.04537 -0.09163 -0.016393 0.062906 -0.0069165 0.223 0.04041 -0.39129 0.072712 0.3457 0.022961 0.27431 -0.06153 -0.039516 -0.046008 0.44318 -0.021014 -0.25356 0.61883 0.070176 -0.0045592 0.0040353 0.24567 0.026488 0.094534 -0.028609 -0.01744 -0.16636 -0.23643 0.12687 -0.19006 -0.17911 -0.12807 0.024204 -0.051265 -0.23255 0.14934 0.058696 -0.11689 -0.032973 0.27406 -0.30796 0.35716 -0.096392 -0.11453 0.15556 -0.089407 0.16066 -0.080704 -0.27865 -0.25479 0.0035403 0.15614 0.11544 -0.11242 0.07595 -0.10383 -0.27032 0.12984 0.21313 -0.35816 0.27874 0.08321 0.145 0.083449 -0.15985 0.20965 -0.17859 0.016259 0.0031995 0.26716 -0.16324 0.38751 -0.28368 -0.039973 0.21694 0.1252 -0.13253 0.19007 -0.049799 0.16839 -0.10659 -0.0035849 0.082651 -0.048301 -0.075429 -0.28164 0.14112 0.3223 0.09433 -0.1621 0.045591 0.10928 -0.2348 0.37516 0.12891 0.030086 -0.11905 0.038139 0.11584 -0.3211 -0.18984 -0.27154 0.24411 0.1341 -0.04658 -0.12268 -0.050952 0.024939 0.066966 -0.23294 0.024861 -0.24273 -0.23792 0.19572 0.091152 0.020856 -0.017604 0.24744 0.18309 -5.6148e-05 -0.095182 0.23609 -0.21108 0.11985 0.25488 0.049656 -0.052515 -0.0061348 -0.087046 -0.057408 0.28785 -0.10364 -0.02118 0.037593 -0.21986 0.13574 0.082506 -0.15437 0.091008 -0.10259 0.40257 -0.34492 -0.10568 -0.11181 -0.014502 0.071941 -0.51856 -0.044696 -0.27071 0.16498 -0.028239 0.060804 -0.14116 0.16779 -0.10622 0.18766 -0.026886 0.07539 -0.097996 0.060153 -0.33941 0.11857 0.28548 -0.3165 -0.14515 -0.071001 -0.22944 -0.002594 -0.28214 0.02001 0.15415 0.040214 -0.035019 0.076674 0.32477 0.026201 0.041125 0.067551 0.12288 -0.37067 0.17592 0.32079 0.28704 0.071768 -0.019471 -0.38063 -0.18415 -0.19396 -0.046159 -0.40847 0.071106 0.10503 -0.21437 0.094425 -utc -0.48428 -0.32176 0.19893 0.46017 -0.42713 -0.048353 -0.026216 -0.52409 -0.2359 0.27416 -0.35709 -0.40256 0.19366 -0.26495 0.18056 -0.12858 -0.29003 -0.05781 0.13273 0.4141 0.044489 0.0563 -0.045292 0.019726 -0.18585 0.085899 0.10717 -0.12778 -0.027464 0.33869 -0.33442 0.21194 0.091994 0.37348 -0.25865 -0.070619 -0.26126 0.33048 -0.42579 -0.28211 -0.088483 -0.17591 -0.23531 -0.016519 0.011674 0.054129 -0.027932 -0.012981 -0.069228 -0.1482 -0.041675 -0.33993 -0.28414 -0.40908 -0.33748 0.051912 0.42039 0.058315 -0.0071972 0.2767 -0.068376 0.011432 0.46776 -0.051 0.10508 0.15315 0.29191 -0.10465 -0.18159 0.033912 0.010279 0.40703 -0.064585 -0.2132 -0.060905 0.38332 0.22248 0.19513 -0.021815 0.24547 -0.025301 0.38226 0.31938 0.22011 0.53214 0.042947 0.16149 -0.020663 0.092028 0.22657 0.21158 -0.16041 0.18343 -0.13396 -0.06567 -0.027172 0.013964 0.045881 0.065165 0.30027 0.17526 0.066824 -0.052815 -0.12023 0.26095 -0.084145 -0.13253 0.28631 0.060272 -0.11616 -0.17617 0.15855 0.13374 -0.075498 0.077391 -0.20716 0.19825 -0.22598 0.16929 -0.18486 0.48227 -0.34879 -0.43904 0.74208 -0.10392 -0.088865 -0.19534 -0.0027427 0.16728 0.32927 0.081751 0.014656 0.069382 0.33484 0.35977 -0.25077 0.034434 -0.31405 0.30761 0.42403 -0.27366 -0.13119 0.14726 0.33224 -0.14972 0.21281 0.063995 -0.30588 -0.47515 0.024818 0.2833 0.044557 0.13179 -0.084728 0.073318 0.18197 -0.0489 0.15566 0.49161 0.30123 -0.11857 -0.15212 -0.53843 -0.28876 -0.056063 0.0030809 -0.044774 -0.27874 0.29572 0.091087 -0.12764 0.26199 -0.3544 0.18866 -0.068732 0.045772 -0.059951 -0.48742 0.18282 -0.6876 0.0503 -0.2048 -0.0038009 -0.19067 -0.15979 0.26742 -0.13125 -0.066766 -0.0078525 -0.029119 0.0795 -0.38129 0.058981 0.020859 -0.31863 -0.075038 -0.30266 -0.033341 -0.55053 -0.14469 0.13898 0.081754 -0.061965 -0.098797 0.022741 0.17081 -0.29639 0.092066 0.077344 -0.064231 0.4199 0.029425 0.23973 -0.22587 0.09255 -0.092602 0.083138 -0.23305 -0.093396 0.11623 -0.085089 -0.20005 -0.041773 -0.17667 0.21748 0.11927 -0.19868 -0.11158 0.086228 -0.018281 -0.032333 0.11392 0.04883 -0.18285 0.041366 -0.0049917 -0.0068817 -0.21064 0.34286 -0.17382 0.33725 0.16046 0.34214 0.032393 0.11244 -0.11959 0.19667 0.45179 -0.029606 0.038383 0.16415 -0.43648 -0.21521 0.3047 0.0010787 -0.32584 0.29244 -0.0068554 0.2646 0.10143 0.15874 0.12227 -0.12451 0.11889 0.16019 0.062635 -0.26511 0.17294 -0.56961 0.033574 -0.060857 -0.17523 0.40498 0.24806 -0.30159 -0.12636 -0.095589 0.1132 -0.050348 -0.62738 0.040642 0.12592 -0.13136 -0.12702 0.29255 0.067631 0.1487 0.32518 0.22358 0.41682 -0.12407 0.23633 -0.13029 -0.087825 0.31466 -0.12516 -0.097898 0.40406 0.51224 0.10815 -his 0.10402 -0.28821 -0.15818 0.20985 0.049535 -0.002876 0.096098 -0.024723 -0.0050201 0.36894 0.35031 0.16471 -0.030644 0.17483 -0.066523 -0.2175 0.1822 0.086697 -0.13177 0.1011 -0.17153 0.15379 -0.13414 -0.33524 0.03576 0.29399 0.21437 -0.028075 -0.10089 0.1511 -0.10783 0.26146 -0.17181 0.11925 -0.14755 -0.16129 -0.020832 -0.098309 -0.015326 -0.089957 0.22468 -0.03473 -0.04656 -0.009934 0.15348 -0.11242 0.18949 0.307 -0.06551 0.018304 0.12813 -0.10501 -0.20465 0.16126 -0.29858 -0.13633 -0.046175 0.020232 0.049819 0.10887 -0.13646 -0.17847 0.15018 0.20485 -0.011903 -0.13977 0.046085 0.34986 -0.024604 -0.078071 0.056107 -0.090336 -0.11524 -0.21607 -0.076149 -0.20427 0.30443 0.30296 -0.10428 -0.11743 0.10949 0.22764 0.014133 -0.025727 -0.005435 0.13203 -0.21665 -0.068849 -0.22982 -0.17954 0.13009 -0.29531 0.32598 -0.12503 -0.0089292 0.051138 -0.16682 -0.071382 -0.14329 -0.1527 -0.15729 -0.026343 0.18611 0.078273 -0.052514 -0.10873 -0.077471 0.07973 0.0018202 0.19693 0.13191 -0.11219 -0.0067528 -0.010912 -0.17434 -0.20055 0.11816 0.11507 -0.021962 0.016486 0.16514 0.091797 -0.025318 0.15706 0.077311 -0.020868 0.076571 -0.016562 -0.027863 0.0056971 0.02676 0.30276 0.18429 -0.39858 -0.1974 -0.10722 -0.24991 0.032525 -0.058189 -0.15729 -0.069961 0.056673 0.10521 -0.019909 -0.048332 0.25628 0.13982 -0.17149 -0.030595 0.094349 0.19142 -0.07823 -0.027397 0.06945 -0.29189 0.28549 -0.29543 -0.10823 0.086663 -0.10761 -0.29005 0.13072 -0.049561 0.36925 0.040877 0.20516 0.16198 -0.12005 0.30093 -0.16159 -0.11649 0.054376 -0.12412 0.11427 0.074975 0.32926 -0.14556 0.25363 -0.063666 -0.22407 0.14934 0.074311 -0.13327 0.13586 0.0155 0.20365 0.17495 -0.12586 0.16635 0.11568 0.15053 0.038288 0.034325 0.40924 -0.14291 0.045536 -0.19508 0.03175 -0.20573 -0.026723 0.20341 -0.037178 -0.011121 0.060644 -0.043254 -0.037202 -0.0025812 0.11564 0.085551 -0.0076802 0.24845 0.097478 -0.030324 -0.18236 0.10056 -0.0063066 -0.069151 -0.13354 -0.016692 0.10081 -0.12247 -0.11127 0.0041489 0.030739 0.047028 0.17093 -0.18525 -0.36397 0.029484 -0.028286 0.25925 0.17551 -0.10166 -0.19536 -0.10045 0.074277 0.15925 -0.048295 -0.06633 -0.11771 0.015967 -0.19225 -0.0088948 0.42897 -0.056805 -0.05076 -0.067327 -0.22538 0.022078 0.12371 -0.08955 -0.21704 0.13323 -0.067719 -0.18504 0.061412 -0.23275 -0.06545 0.33823 -0.047858 0.038828 0.26028 0.14815 0.047344 -0.15341 -0.16757 0.12126 -0.023437 0.056399 -0.31843 -0.36956 -0.20536 -0.042763 0.35714 -0.17906 -0.30057 -0.042492 0.24998 0.13782 -0.014922 0.060555 0.21477 0.046219 0.066885 0.04799 0.24497 -0.044823 0.18982 -0.025087 -0.18196 -0.046023 -0.29132 -0.12802 -0.032446 0.1587 0.028899 0.077686 0.44013 -0.097676 0.22984 -not -0.10165 0.059919 -0.1232 0.12549 0.081861 -0.10623 0.010521 -0.30959 -0.20744 0.14257 -0.2189 -0.075084 0.051165 -0.23372 0.17875 -0.079692 -0.0025422 0.32958 0.040092 0.082214 -0.070752 0.12185 -0.18589 -0.16153 -0.005884 -0.0061922 0.066425 0.22926 0.09312 0.10566 -0.093385 -0.086662 -0.28523 0.1842 -0.20413 -0.24826 -0.10283 0.26559 0.017577 -0.29948 -0.080651 0.040256 -0.15623 0.12859 0.23405 0.3707 0.16416 -0.24976 0.071859 -0.13659 -0.079147 -0.23499 0.13596 -0.077971 -0.16653 -0.13163 0.12363 0.068203 -0.12249 0.21363 -0.21791 -0.23386 0.24773 -0.1945 0.1456 -0.17696 -0.067882 0.022953 0.15419 -0.13254 0.089502 0.30693 -0.061084 -0.18089 -0.099734 0.10039 0.11981 0.27519 0.066889 0.12991 0.0004807 0.081999 -0.088535 0.095537 -0.043715 -0.058082 -0.1779 0.059431 -0.19557 0.073797 -0.10429 0.2592 0.38376 -0.3283 0.040794 0.1686 0.081748 -0.013447 -0.065994 -0.072089 -0.070913 -0.13503 0.032871 -0.22361 -0.13109 -0.18579 -0.043896 -0.17439 0.12251 0.20237 0.12065 -0.051787 0.091358 0.013848 0.23909 0.070455 0.343 -0.00051651 0.14629 -0.25541 0.18622 0.28975 -0.23453 0.38065 -0.033524 -0.17608 0.089913 0.11165 0.0042652 0.23004 -0.24383 0.05827 -0.15064 0.090602 0.067073 -0.072764 -0.016719 0.12593 0.10604 0.046636 -0.21302 0.19356 0.14575 -0.040098 0.0067549 0.12274 -0.24602 -0.044288 -0.24008 -0.016141 0.15613 -0.071872 0.1744 0.097406 -0.067777 -0.043213 -0.082053 0.13555 0.26349 0.16 -0.14858 -0.0088246 -0.19326 -0.044553 -0.031665 0.070091 -0.040542 -0.19398 0.19131 0.18515 -0.14181 -0.23062 -0.28975 0.10269 -0.007946 0.11435 -0.16898 0.023102 0.082441 -0.013947 -0.1318 -0.28277 0.12417 0.10896 -0.024558 0.28635 -0.044126 -0.003302 0.19125 0.02919 0.028847 -0.22327 -0.10749 0.085832 -0.20578 -0.00034527 -0.16539 -0.10246 -0.25074 0.24211 0.15598 0.086186 0.075045 0.010384 0.085698 -0.016985 -0.14958 0.21403 0.26406 -0.0069881 0.28679 -0.091404 0.2526 -0.0092158 0.10054 -0.078072 0.019475 -0.25116 -0.091251 0.15673 -0.0138 -0.099987 -0.094965 -0.15354 -0.027002 0.092738 -0.33393 -0.0022815 -0.27831 -0.044561 0.36797 0.35371 -0.27255 -0.15559 -0.019929 0.047881 0.23914 -0.044706 -0.040735 0.033079 -0.034221 0.11005 0.23268 -0.039818 0.043159 0.2654 0.29131 -0.047859 -0.023094 -0.12603 0.13355 0.044156 -0.22604 0.14485 0.002346 0.031957 0.10215 -0.17147 0.17108 -0.046337 0.018677 0.15571 -0.26299 -0.1086 -0.17212 -0.085148 -0.22671 0.43174 -0.20754 -0.072317 -0.11661 -0.039356 0.02855 0.14251 -0.12054 -0.20299 0.01639 0.095018 0.09295 -0.1545 0.064815 0.082072 -0.16931 -0.052238 0.1054 -0.10485 0.11488 0.55399 -0.074979 0.063991 0.10147 0.13905 -0.051805 -0.0099941 0.020687 -0.29344 -0.10568 -0.058229 0.10437 -0.097786 -– -0.074243 -0.14581 0.0042414 -0.054143 -0.061729 0.17953 -0.069429 -0.12135 -0.11875 0.16621 0.20177 -0.017226 0.1573 -0.03953 0.090012 -0.036687 -0.26098 0.0041905 -0.11284 0.023359 0.14 0.089038 -0.053351 -0.14647 -0.36383 -0.14891 0.2176 -0.40479 0.34155 -0.34712 -0.21871 0.17763 -0.031031 0.10545 0.24395 -0.19795 -0.093159 -0.44803 0.15658 -0.25791 0.18745 0.068332 -0.072662 0.22322 0.13603 -0.32969 -0.15249 0.085624 0.25487 0.28128 0.010627 -0.35538 -0.033864 -0.16449 -0.089795 -0.27825 0.10672 0.13474 -0.03855 0.343 0.031718 -0.16919 0.091895 0.10994 -0.091711 -0.10035 0.14889 -0.18087 -0.32579 0.0049095 -0.14462 -0.20269 0.055001 -0.070278 0.36124 -0.19905 0.51309 0.015315 -0.24274 0.33375 -0.0067908 0.19277 -0.14527 0.072561 0.11603 -0.094053 -0.021575 -0.15835 0.086366 0.021454 -0.21514 -0.22843 0.11517 0.10596 -0.12265 -0.044811 0.0048639 -0.086847 0.058545 -0.05123 0.22049 -0.033784 0.082348 0.0076006 0.24701 -0.1474 -0.13146 -0.01793 0.22089 -0.32185 0.1407 0.11082 -0.20397 -0.070276 0.17148 -0.064251 -0.090867 0.27986 -0.13876 -0.0034167 0.37916 0.010541 0.097424 0.057774 0.027264 -0.13204 -0.17153 0.20486 0.005908 -0.17919 0.032869 0.026045 -0.067336 0.1405 -0.12048 -0.1356 -0.1709 -0.48859 0.16916 0.042499 0.038963 -0.0965 0.41464 -0.02048 -0.12186 0.34176 -0.085286 -0.037889 0.14855 0.15346 -0.11007 -0.091718 -0.23075 -0.039512 0.073513 0.097324 -0.14733 -0.164 0.21308 0.12019 -0.17643 0.045059 -0.27805 0.31068 0.18107 -0.26007 -0.0096112 0.35491 0.17522 -0.22537 -0.16697 -0.052645 -0.038348 0.10752 0.060932 0.45545 0.029672 0.17492 0.014216 -0.11258 -0.064369 -0.28497 -0.12605 -0.14725 -0.11215 0.50552 -0.021125 0.19148 0.20749 -0.23089 -0.0025873 0.046581 0.27259 0.23126 -0.041411 -0.22447 0.16386 -0.21997 -0.065836 -0.12412 0.048542 -0.27597 -0.22871 -0.13584 0.32973 0.082569 -0.016757 -0.0021851 0.43885 0.30782 0.43322 -0.12505 -0.021478 -0.41959 -0.1909 -0.084843 -0.058456 -0.25144 -0.56395 0.0065123 0.090346 0.095143 -0.35786 0.26598 -0.048906 0.00013924 -0.060989 -0.2965 0.083843 0.21255 -0.049793 0.3673 -0.21245 -0.23451 -0.32343 0.011691 0.06591 0.21766 -0.066193 -0.057447 -0.30345 0.13892 0.2163 -0.33747 -0.021699 -0.19323 0.084407 -0.11848 0.26885 -0.19656 -0.038939 -0.39928 -0.16134 0.12309 0.17358 -0.2044 -0.13378 0.22725 -0.033322 0.082696 0.036003 0.2597 0.2478 -0.07049 0.1423 0.10547 -0.01697 -0.00038213 0.28261 0.29803 -0.31649 0.15573 -0.1565 -0.060337 -0.019986 -0.1741 0.31426 0.15278 0.10003 0.0032204 0.024748 -0.17344 0.0030854 0.50289 0.23061 0.025332 0.022417 0.090369 0.18072 0.18711 0.18092 -0.18509 0.29914 0.027199 -0.15691 -0.022083 -0.061926 -0.087543 0.13087 -0.10008 -are 0.068075 0.11922 0.023882 0.37069 0.014192 0.097715 0.21779 -0.24945 0.0011198 0.16098 0.0064797 0.33891 -0.11749 -0.037715 0.18563 -0.069853 0.17305 -0.031465 0.040186 -0.27739 -0.20284 0.029981 -0.27263 -0.025092 0.091772 0.1102 0.38902 -0.10087 -0.17198 -0.067105 -0.040523 0.079384 -0.14774 0.12478 -0.16603 -0.099398 -0.077271 0.39471 0.0054795 -0.08421 0.012772 -0.18077 -0.030225 0.091158 0.035682 0.069845 0.1622 -0.097343 0.016863 -0.074525 0.053345 -0.21452 0.033379 0.041069 -0.27623 0.077255 -0.014886 0.25726 -0.43105 0.22767 0.0091815 -0.07473 0.22352 0.092458 0.037888 0.28344 -0.27073 0.032617 -0.068675 -0.058164 -0.17353 0.12066 0.0050963 -0.17134 -0.33808 -0.08456 0.21941 0.19253 0.095015 -0.14823 0.0015282 0.10643 -0.057338 0.063292 -0.09634 -0.11199 -0.065599 0.20725 -0.014514 -0.049921 -0.055564 -0.08997 0.013941 -0.33375 0.020615 -0.098456 0.15909 0.008886 0.35115 0.010636 0.262 0.093022 0.18694 -0.18338 -0.16586 -0.13103 -0.072261 0.048203 -0.075256 -0.13489 -0.082061 -0.075493 -0.21996 0.0051421 0.20318 0.0012931 0.067616 0.15115 0.10954 0.21893 0.17318 0.10901 -0.20532 0.29342 0.022555 0.24915 0.32257 0.13122 0.086716 0.21107 -0.096713 0.023109 -0.13828 0.302 0.15696 -0.049769 -0.04199 0.11019 -0.021979 -0.080457 -0.050684 0.26178 0.2403 -0.09769 0.14033 0.11232 -0.32539 -0.034091 -0.03529 0.048993 -0.075889 -0.34727 0.016038 -0.048272 -0.021335 -0.13193 0.11539 0.024062 0.44077 0.038008 0.14401 0.29159 -0.24173 -0.0049045 0.15583 0.10192 -0.10392 -0.28757 0.28469 0.41803 -0.042302 -0.051294 -0.098563 0.34091 -0.11194 0.19712 -0.025254 -0.06966 0.038747 0.060655 -0.089978 0.0086719 0.15042 0.25503 0.27898 0.13669 0.055458 0.05992 0.3318 -0.15095 -0.030234 -0.17807 -0.17358 0.0071614 -0.00084657 -0.27386 -0.050951 0.17567 -0.07578 -0.083602 0.14937 -0.17486 -0.11393 -0.12485 -0.052407 -0.1646 -0.11442 0.18861 0.24865 0.05498 0.14604 0.034552 0.067551 0.21737 0.10234 -0.0341 -0.14013 -0.20881 -0.06207 -0.05566 -0.023096 -0.037693 -0.24167 -0.090629 -0.17715 0.20651 -0.081545 0.015374 -0.013538 -0.059219 -0.19558 -0.098134 -0.16625 -0.20143 -0.33186 0.16345 -0.099827 -0.2949 0.08549 0.021519 -0.0017567 -0.025824 0.19679 -0.06622 -0.031677 0.50367 0.28156 -0.056368 0.16811 0.015189 0.039304 0.1924 -0.24432 -0.14347 0.016411 0.073853 -0.081446 -0.2148 0.12565 -0.15951 0.033415 0.29264 -0.22688 0.012675 -0.34332 -0.094871 -0.16327 0.37924 -0.1183 0.12053 0.17636 0.31 0.15456 -0.0423 0.010965 -0.06829 0.21338 0.1291 -0.20109 0.13406 0.20265 0.017755 0.10243 0.12721 -0.048709 0.1251 0.090134 0.15317 -0.50606 0.39727 0.078705 0.087608 -0.089584 0.1835 0.11305 0.051525 -0.27361 -0.060681 0.37629 -0.1347 -or 0.15704 0.27477 -0.1464 -0.04292 -0.10607 -0.11715 0.051673 -0.32192 0.33107 -0.025881 -0.075172 -0.074813 0.2081 0.099941 0.041541 0.030858 -0.25155 0.25441 -0.084407 -0.051553 -0.17238 -0.15269 -0.18267 0.18355 -0.051123 0.07332 -0.022929 -0.0063468 -0.005875 -0.14793 0.0059168 0.30124 -0.2651 -0.021407 -0.27338 -0.12335 -0.038612 -0.015882 0.11503 -0.11516 -0.0025974 -0.054351 -0.12987 -0.10556 0.13894 -0.015744 -0.15422 0.097752 0.153 -0.12647 -0.1452 -0.1462 -0.13567 -0.13104 -0.4195 -0.075874 0.036777 -0.2402 -0.060928 0.12043 -0.30466 -0.16522 0.24939 -0.0083877 -0.0002194 0.12085 -0.10663 -0.1413 -0.013368 -0.0058912 -0.41856 0.16722 0.012261 -0.039972 -0.16393 0.097758 0.35358 0.064022 -0.02861 0.082674 0.044896 0.04129 0.14051 -0.017957 0.052639 -0.049675 -0.074805 0.16103 -0.17408 -0.022082 -0.083101 -0.27132 0.17934 -0.44707 0.13648 0.22114 -0.0046031 0.23959 -0.12924 -0.0026605 -0.22004 -0.10051 0.025711 -0.13299 0.19071 0.064071 -0.02278 0.0032825 -0.16831 0.043757 -0.11602 -0.091856 -0.38552 0.094749 0.036016 0.077829 0.019377 0.042153 -0.012166 0.4145 0.26425 0.19812 -0.06433 0.26048 0.099399 -0.14283 0.15676 0.21875 -0.06971 0.23653 0.064968 0.05967 0.14283 0.19122 0.19368 -0.10592 -0.14375 -0.11758 0.12519 -0.099381 -0.26858 -0.041878 0.11157 0.09033 0.13836 0.14039 -0.242 -0.054919 -0.25838 0.20088 -0.11406 -0.14746 -0.0050198 -0.1858 -0.24144 -0.0092371 0.11046 0.03752 0.21497 0.014071 -0.22261 0.18182 -0.15965 -0.089955 0.2123 -0.20447 -0.088009 -0.194 0.10807 0.2324 -0.19668 -0.033181 -0.11221 0.20041 -0.16249 -0.030724 -0.17868 -0.012331 0.10392 -0.031104 0.041706 0.061677 0.21223 0.17411 -0.032238 0.32212 0.21967 0.036921 0.2571 0.083746 0.02917 -0.096245 0.12359 0.0010644 -0.24225 -0.19914 0.17453 0.089325 -0.42055 0.13403 0.0055108 -0.14981 -0.0057878 -0.0679 -0.19506 -0.15872 -0.37655 0.27361 0.047729 0.16533 0.054212 -0.021458 0.14338 0.14566 0.015581 -0.17634 0.042809 -0.29286 -0.19828 -0.025737 -0.18551 -0.23724 -0.21856 0.34016 -0.015677 0.21319 -0.21419 -0.027561 -0.021925 -0.022113 0.12934 0.031221 -0.20615 0.03313 -0.12703 0.22021 0.13355 -0.1373 -0.13107 -0.072012 0.053241 0.077847 0.2131 0.03414 0.014275 0.49335 0.29841 -0.013242 0.067344 0.15452 0.14319 0.015675 -0.16666 0.052152 0.095985 0.076897 0.13227 -0.30337 -0.044407 -0.1432 -0.17713 -0.040572 -0.20965 0.067509 -0.14875 -0.26898 -0.15289 0.22591 0.17172 -0.098214 -0.26325 0.22259 0.093613 -0.12336 -0.0639 0.13469 -0.039753 -0.1112 0.20467 0.20881 0.14671 0.062785 -0.016639 0.22037 0.23413 -0.12865 0.21238 0.32971 -0.13284 0.034719 -0.032905 0.047265 -0.0013959 -0.010848 -0.031438 -0.011604 -0.17007 0.16054 0.10169 0.036166 -talk -0.51502 -0.087155 0.29287 0.5651 -0.28805 -0.17474 -0.038578 -0.51808 -0.208 0.057625 -0.25418 -0.070127 0.17217 -0.17911 0.23253 0.0020426 -0.35401 0.046652 0.12056 0.38395 -0.098002 0.35237 -0.041988 0.046982 -0.28973 -0.030722 -0.12125 0.046543 0.018254 0.038112 -0.20077 0.20537 -0.21331 0.15839 -0.44963 -0.09859 -0.042303 0.29175 -0.044655 -0.27497 -0.084447 -0.25379 -0.4609 0.10064 -0.0055138 -0.16253 -0.044512 -0.22172 0.17125 -0.025951 0.031526 -0.378 -0.14173 -0.3983 -0.34191 -0.012546 0.21553 0.055421 0.066442 0.2283 -0.084358 0.082958 0.38922 -0.069284 0.14633 0.12257 0.36995 -0.0031165 0.018671 0.049937 0.091243 0.27755 -0.024257 -0.26027 0.07692 0.28322 0.33993 0.26507 0.067408 -0.033386 -0.18819 0.16684 0.4216 -0.0010725 0.54386 -0.15157 0.10137 0.12335 -0.13373 -0.0099552 0.11231 -0.093794 0.31382 -0.22426 -0.18026 -0.078615 -0.074403 -0.0083639 0.24154 0.26961 0.092677 -0.16979 0.042122 -0.020092 0.36024 0.071364 -0.29228 0.22043 0.066795 0.0076619 -0.30348 0.13248 -0.0071443 0.037317 0.078576 0.016024 0.098381 -0.14786 -0.052254 -0.10443 0.45094 -0.10489 -0.21742 0.47534 0.06089 -0.050889 -0.084747 0.17821 0.035628 0.4539 0.19804 0.22578 -0.077802 0.3353 0.17344 -0.09908 0.059217 -0.17151 0.21276 0.22492 -0.36317 -0.067479 0.15167 0.29204 0.0040326 -0.026961 0.18859 -0.0118 -0.34211 0.11941 0.19878 0.020734 0.26005 -0.054375 -0.13848 -0.030475 -0.10115 0.19098 0.4534 0.29641 0.016614 0.13778 -0.55542 -0.04297 0.0039076 -0.23734 -0.020629 -0.23122 0.19121 0.076433 -0.27428 0.35226 -0.35025 -0.17145 -0.24696 0.26374 -0.035996 -0.42555 0.32856 -0.54186 0.27558 -0.13008 0.10612 -0.057362 -0.40505 0.38429 0.1689 -0.15704 -0.053162 0.19776 -0.20164 -0.22386 -0.0024748 -0.10298 -0.17367 -0.29494 -0.26827 -0.10596 -0.4487 0.10969 0.065727 0.10714 0.28274 -0.036414 0.094313 -0.079026 -0.60359 0.17576 -0.11556 -0.28082 0.5163 -0.15851 0.24633 -0.12513 -0.0021006 0.032827 0.29735 -0.12502 -0.063655 0.30564 0.14165 -0.27447 -0.11954 -0.15022 0.05908 0.055581 -0.33298 -0.36227 -0.1382 -0.012297 -0.0011931 0.17768 0.23547 -0.14427 -0.16888 0.1063 0.1136 -0.018082 0.094457 -0.16756 0.20222 0.14059 0.35022 0.10239 0.057565 0.20441 0.22367 0.48103 0.065504 0.17266 0.31872 -0.43984 -0.30028 0.19134 0.18433 -0.31557 0.14953 -0.1969 0.096832 -0.061628 0.0408 0.091795 -0.21148 -0.013321 0.3421 0.077817 -0.17176 0.23772 -0.39733 0.056059 -0.07854 -0.020592 0.46005 0.17168 -0.26961 -0.17015 0.10934 -0.23509 0.079249 -0.35777 -0.054466 0.4247 -0.23561 -0.099701 -0.051848 -0.14279 0.028812 0.31988 0.21254 0.32248 -0.13966 0.19339 -0.057603 -0.10295 0.33619 -0.14097 -0.048378 0.45479 0.43523 0.14572 -which -0.1366 0.089613 -0.14943 0.11649 -0.01319 0.17219 0.026408 -0.18583 0.094055 0.11502 -0.053152 -0.024419 0.076843 -0.019564 -0.1061 -0.16221 -0.010032 0.049038 0.18104 0.15793 -0.10595 0.031939 -0.092641 -0.16962 -0.056751 -0.087791 0.065532 -0.031698 0.033936 0.11224 -0.24995 -0.0024345 0.0079827 0.28455 0.17273 -0.041929 -0.11081 -0.15354 -0.029476 -0.05442 0.067539 -0.038531 0.0085609 0.057694 0.065164 -0.0026675 -0.016484 0.010404 0.07781 -0.011431 0.14611 -0.13983 -0.021891 0.12978 -0.18038 0.056892 -0.11715 0.09215 -0.067667 0.0071631 0.024219 0.017571 0.28959 -0.0074404 0.081526 -0.28356 -0.22615 -0.14195 0.085809 0.057779 -0.19975 0.0010409 0.019223 -0.12793 -0.049878 -0.091973 0.13904 0.14927 -0.13723 -0.050327 0.051943 -0.063355 -0.024172 0.082238 -0.1248 -0.016045 0.066155 0.15183 0.060598 -0.13138 0.021951 0.020506 0.21477 -0.26457 0.090804 -0.036147 0.21892 0.10993 -0.072831 -0.026577 -0.20511 -0.008926 0.2213 -0.060568 -0.26017 -0.12535 -0.10255 0.041481 -0.0099699 -0.058545 -0.10755 -0.040484 -0.082955 -0.086121 -0.057899 -0.11497 0.12638 0.0373 0.043054 0.069624 0.30646 0.13169 -0.11527 0.44147 0.012816 0.036934 0.25245 0.16918 0.060928 0.19901 0.049581 0.071278 0.012012 -0.063791 -0.1203 0.11302 -0.047718 0.20644 0.079929 0.038033 0.23802 0.1475 0.23901 -0.011012 -0.042428 0.19112 0.01067 -0.034236 0.036252 0.11664 0.032867 -0.16543 -0.10125 -0.044732 -0.096869 -0.14071 0.050549 -0.022551 0.19573 -0.11806 -0.16719 0.12285 -0.19589 0.13134 0.27461 -0.11551 -0.071565 -0.04092 0.14418 0.012053 -0.098775 -0.14701 -0.13802 -0.10642 -0.15041 0.047264 -0.033371 0.13185 -0.093542 -0.024369 0.071935 -0.098267 0.0045845 0.0013461 0.0075303 0.12576 0.12891 0.025221 0.15136 -0.11688 -0.036385 -0.25848 0.30017 0.16147 -0.14445 -0.021881 0.066263 0.11211 -0.13981 -0.16118 0.14848 0.13138 -0.05233 0.23926 -0.11716 -0.09338 -0.079087 0.044523 0.015428 0.067357 0.13241 -0.01073 0.045651 0.034833 0.10518 -0.0099894 -0.048695 -0.20633 0.026859 0.06574 -0.081094 -0.13418 0.018345 0.17805 -0.016394 -0.016459 -0.2573 -0.18557 -0.097033 0.037761 0.24172 0.087141 -0.057182 0.010641 -0.018008 0.15687 0.11464 -0.27033 0.12867 0.019615 -0.091443 -0.070544 -0.0061156 -0.049995 -0.081001 0.16626 0.094093 0.0074724 0.030116 -0.0012607 0.009622 0.14521 -0.10851 -0.079409 -0.1251 0.10606 -0.060301 0.013551 -0.027379 -0.21868 0.032708 -0.05434 -0.069004 0.019942 -0.046241 -0.072318 -0.12047 -0.064143 -0.048557 -0.078251 -0.28058 -0.073269 0.044686 0.0655 -0.19013 -0.061642 0.14578 0.12103 0.072491 -0.056212 0.12846 0.0018487 -0.12455 -0.12468 0.13788 -0.20864 0.031815 0.1586 -0.15104 0.0043366 0.027146 -0.13943 0.061288 0.085656 0.010775 -0.1026 -0.11045 0.10613 0.032806 -0.066088 -also -0.10199 -0.029575 0.044086 -0.009556 -0.091235 0.067535 0.019021 -0.083682 0.085467 -0.035428 -0.018385 0.052966 0.19551 -0.068552 0.047272 -0.10403 0.10777 0.17372 -0.11649 0.0087456 0.033866 0.10598 -0.11332 -0.25169 -0.097752 -0.09137 0.086589 0.051324 -0.13105 -0.041564 -0.091289 -0.060466 -0.012236 0.15386 0.32111 0.059388 -0.16265 0.1027 0.062333 -0.097792 0.0036074 0.13996 0.052064 0.037899 -0.084553 -0.00072753 -0.078382 0.061794 0.054656 -0.059954 -0.058602 0.01573 -0.029489 0.16198 -0.14704 -0.072781 0.1328 -0.0074195 -0.31438 0.050634 0.027006 0.1446 0.063948 -0.18001 0.13802 -0.029694 -0.2869 -0.031812 0.070403 -0.082781 -0.1779 -0.074744 -0.0031902 -0.1866 -0.19473 -0.12418 0.2048 0.13232 -0.057654 -0.083787 0.21755 0.07123 -0.13457 -0.016186 -0.10486 -0.093296 -0.08005 0.0094487 -0.082128 -0.09243 0.067953 0.11587 0.25693 -0.12683 -0.00049712 -0.050758 0.10701 0.14283 -0.18908 0.042387 -0.083653 -0.069712 0.2265 -0.17424 -0.2035 -0.028741 -0.0090919 0.024013 0.10139 -0.079693 -0.079487 -0.052665 -0.13967 -0.052957 -0.22001 -0.063987 0.13558 0.1752 0.070688 0.091437 0.22637 -0.0053784 0.13638 0.25446 -0.031823 -0.052998 0.17931 0.025283 -0.077359 0.21873 0.033037 0.28444 -0.11726 -0.12749 -0.030037 0.072029 -0.1929 0.058983 -0.13218 0.1109 0.089714 0.20154 0.18655 -0.12028 0.23454 0.32869 0.05501 -0.034246 0.15899 -0.0058268 -0.15113 -0.22112 0.021726 -0.037808 -0.051634 -0.0030719 -0.077365 -0.099068 0.32765 0.060159 -0.11181 0.18229 -0.21733 0.13687 0.31553 -0.13248 -0.10967 -0.15215 0.12272 -0.010188 -0.14129 -0.16995 -0.082264 -0.038325 -0.0174 -0.12772 0.24262 0.083355 -0.059138 -0.046193 0.10283 0.0051551 -0.079153 0.15747 -0.043459 0.22579 0.087606 -0.022363 0.14214 0.037063 -0.082087 -0.18713 0.191 0.13647 0.016245 0.014273 0.13118 0.09029 -0.22856 -0.10881 0.14809 0.18069 -0.01077 0.17902 0.091191 -0.065434 -0.12803 0.13762 0.14837 0.19205 0.39363 -0.16942 -0.11687 0.038142 -0.016133 -0.070637 -0.057537 -0.087532 -0.048222 -0.022712 -0.056314 -0.13467 -0.25796 -0.047064 -0.15093 -0.082384 -0.1602 -0.18496 0.060734 0.10906 0.13877 0.051332 -0.014719 -0.041195 0.080713 0.17732 0.17239 -0.078599 0.12017 0.10604 -0.19992 -0.055807 -0.08637 0.031074 -0.086495 0.23517 0.17327 0.00037676 0.059224 -0.0091838 0.20371 -0.019742 -0.011187 0.010585 -0.061877 0.059871 -0.071681 -0.052947 0.12472 -0.21844 -0.044127 0.16826 0.11384 -0.089687 -0.038195 -0.11779 -0.22465 0.153 0.029225 -0.22414 -0.3777 -0.12909 -0.13505 -0.050751 -0.079058 -0.27431 0.16502 0.10421 -0.010874 -0.14634 0.10699 -0.058726 -0.037787 -0.072274 0.072365 -0.10982 -0.095985 0.26826 -0.03556 0.05075 -0.11292 -0.06942 0.086165 0.065727 -0.054321 0.052511 -0.16253 0.2015 0.0041331 0.075331 -has -0.037104 -0.15934 -0.20972 0.16271 -0.083254 0.087212 0.12751 -0.2475 -0.040555 0.18439 0.10943 0.38661 0.23639 -0.12139 0.079275 0.056292 -0.052791 0.016059 0.18267 0.086483 -0.063912 0.32852 0.086933 -0.35911 -0.11532 0.032592 0.1349 0.22591 -0.033666 0.13442 -0.19404 0.3927 0.071071 0.20843 -0.03972 0.039964 -0.063742 0.18055 0.016079 -0.25214 0.12943 -0.12358 0.025545 0.05405 -0.18598 0.14679 0.16485 0.018224 0.19253 0.046268 -0.31555 -0.22574 -0.071412 0.14357 -0.031327 0.045249 -0.024863 0.17802 0.034869 0.032205 0.12742 0.088153 0.20316 -0.23777 0.12876 0.045867 -0.17198 0.1603 0.12483 0.26149 -0.17178 0.025935 0.1345 -0.13649 -0.24397 -0.032723 0.17895 0.39486 -0.13397 -0.22152 -0.037225 -0.01479 0.13754 -0.19564 -0.062243 -0.39478 -0.0066871 0.026155 -0.15922 -0.0091263 0.20696 0.17439 0.34976 -0.2265 0.23913 -0.10844 0.22845 -0.016551 -0.093076 -0.20824 -0.12598 -0.017496 0.36861 0.087194 -0.07378 -0.20465 -0.24162 0.098533 -0.066151 -0.072473 -0.20388 0.26605 -0.03353 -0.098308 -0.20663 0.015082 0.31075 0.09264 0.262 0.21772 0.031057 0.010123 -0.10078 0.24702 -0.057209 0.027766 -0.02456 0.28584 0.10478 0.19865 0.036808 0.22754 -0.053619 -0.016135 0.010575 -0.01272 0.1627 0.019843 -0.13141 0.0065325 -0.212 0.047192 0.075736 -0.084365 -0.0053548 0.17796 0.024891 -0.23105 -0.026875 0.12094 0.049634 -0.0070304 -0.056275 0.033928 -0.17572 -0.022068 -0.10128 0.1107 0.60892 0.091303 0.21521 0.21085 -0.39308 0.065964 0.41137 -0.059475 0.16561 -0.16754 0.13284 0.18948 0.16141 0.01466 -0.044996 -0.012112 -0.15361 -0.19217 0.25575 0.16979 -0.091726 -0.25373 -0.006567 -0.16052 0.087937 0.30702 -0.057858 -0.11965 0.20803 -0.26305 0.067702 -0.024586 -0.16093 -0.25264 0.20752 0.1498 -0.27518 -0.34051 -0.011728 0.053596 -0.21899 0.0014362 0.17574 0.034705 -0.049522 -0.0173 -0.31771 0.20279 0.079172 0.11655 0.19118 0.15154 0.10863 -0.062324 -0.26874 0.05175 0.03137 -0.057502 3.1331e-05 -0.17627 0.087096 0.038063 -0.24935 -0.15896 0.016353 -0.14652 0.034936 -0.092346 -0.12546 -0.016827 -0.083488 0.19805 0.053528 0.15698 0.081108 -0.0216 -0.097507 -0.089972 0.067253 -0.087335 0.065078 0.17124 0.042137 0.18912 0.20367 -0.096758 0.046836 0.070811 0.14696 0.0087765 -0.074154 -0.012712 0.16641 0.1635 -0.045091 -0.16329 -0.12624 0.056128 -0.0043689 0.18184 0.063412 -0.051545 0.25422 0.15186 0.06973 -0.19457 -0.10782 0.18095 0.054198 0.12992 -0.14423 0.015112 0.094256 0.20209 0.15561 -0.023712 -0.19833 -0.37299 0.49199 0.28813 0.25381 -0.054711 0.14948 0.080718 0.073101 -0.16722 -0.088161 -0.050944 -0.045697 0.061521 0.088355 0.21334 -0.18823 -0.32114 -0.010622 0.066662 -0.028784 -0.27054 0.17808 0.17786 0.11754 -0.056556 -were -0.068445 0.099087 -0.24308 0.33548 -0.0031275 -0.006333 -0.10889 -0.21951 -0.0024221 0.4146 0.23566 0.20982 -0.24496 0.14248 -0.026614 -0.11096 0.15741 -0.16144 -0.028646 -0.13093 -0.22131 0.0014234 -0.15683 -0.0050016 -0.12766 0.083324 0.17756 -0.030187 0.060405 0.12931 0.034978 -0.0091733 -0.1643 0.13999 -0.026577 -0.19496 -0.053957 0.097141 0.28673 -0.059726 0.11305 -0.20915 -0.11046 0.18123 0.081285 -0.34466 0.11424 -0.12561 0.11813 0.033823 0.038107 -0.064745 -0.23124 0.25065 -0.33116 0.017042 -0.055454 0.42565 -0.45323 0.21068 0.069609 -0.14523 0.089408 0.1035 0.28437 0.236 -0.20279 0.14852 -0.42737 -0.073198 -0.11078 -0.07642 -0.073162 -0.23988 -0.17318 -0.0068665 -0.012479 0.010396 0.1508 -0.26472 -0.0016496 -0.0094123 0.0092361 0.26676 -0.054224 -0.19992 -0.045789 0.13606 0.055979 -0.22412 -0.3968 -0.39842 0.045851 -0.31815 -0.062014 0.15047 -0.047315 -0.11278 0.16557 -0.10734 0.13977 0.27197 0.14378 -0.060688 -0.24365 -0.098889 0.06011 0.23275 -0.23157 -0.066255 0.06991 -0.0064679 0.0080212 -0.046175 0.313 0.13919 0.23846 0.32081 -0.060535 0.30826 0.10715 0.38716 -0.10936 0.22095 0.10203 -0.12118 0.29876 0.25772 0.065966 0.34236 -0.10608 -0.018972 -0.076393 0.22523 0.20145 0.016278 -0.091804 0.19749 -0.1022 0.028801 0.092751 0.08596 0.14952 -0.026422 0.35293 0.24252 -0.31605 0.03504 -0.024624 0.19853 0.0043439 -0.17677 -0.0090416 0.14211 -0.12829 -0.046166 -0.078442 -0.078174 0.42481 -0.20228 -0.040442 0.21548 -0.023974 0.1256 0.20805 0.15724 0.13651 0.04322 0.36508 0.40936 0.022476 0.14754 -0.20224 0.34179 -0.16612 0.027713 -0.23979 -0.082436 -0.12374 0.12392 0.089757 0.070725 -0.075194 0.17363 0.093092 0.18117 0.015701 -0.041446 0.20614 -0.048112 -0.05081 -0.26021 -0.12195 0.24293 -0.079592 -0.21686 -0.18585 0.14748 -0.06935 -0.23259 -0.16425 -0.21497 -0.013283 -0.05236 -0.058112 -0.099351 -0.028415 0.14002 0.4723 0.27792 0.32984 -0.24909 -0.10459 0.053025 0.044867 0.10055 -0.27034 -0.22223 -0.20335 0.074912 0.050363 -0.020285 -0.12366 0.12841 -0.12174 0.22227 0.061548 -0.044235 -0.029434 0.067892 -0.11174 -0.16842 -0.060431 -0.040204 -0.20923 0.046015 0.17366 -0.053212 -0.035433 0.14074 0.089744 -0.12077 0.16616 0.03921 -0.22334 0.10902 0.13832 -0.16309 0.10215 0.11897 -0.041193 0.07898 -0.16219 -0.23182 0.041993 0.021981 -0.07708 -0.067524 -0.32592 0.10935 -0.074117 0.024167 -0.30704 0.019811 -0.37234 0.15542 0.0045722 0.16267 -0.014282 0.037255 -0.017401 0.059816 -0.0010507 -0.048395 -0.12962 -0.056961 0.14012 0.34957 0.00018399 -0.032245 0.16807 -0.028524 -0.011653 0.1483 0.12325 0.16128 0.0022709 0.1181 -0.3508 0.076117 0.13761 0.18703 -0.23417 0.45034 0.01554 0.31797 -0.35996 -0.08788 0.056966 -0.013823 -but -0.079164 0.076763 -0.21548 0.16528 -0.11802 0.039405 0.011044 -0.09713 0.010117 0.22486 0.045442 -0.11089 0.1399 -0.074201 0.075995 -0.1036 -0.094509 0.050348 0.045914 0.20964 -0.0067661 0.044842 -0.21211 -0.18314 -0.097933 0.010572 0.1852 -0.019973 -0.0088071 0.029456 -0.24142 0.022411 -0.20667 0.22668 0.0063956 -0.045143 -0.11583 -0.050365 0.0046732 -0.056415 0.070365 0.0063326 -0.0029066 0.016326 0.069693 0.11918 0.23497 0.13913 -0.041517 -0.066877 0.050167 -0.26195 0.082991 -0.022692 -0.25655 0.11535 -0.086147 0.16483 -0.15154 0.14778 -0.121 -0.16445 0.13407 -0.019638 0.045871 -0.087815 -0.088777 0.063853 0.040907 0.0038579 -0.04986 0.063078 0.0037467 -0.24193 -0.10222 0.18381 0.11146 0.25749 0.045231 -0.080679 0.084817 -0.14721 0.0085681 0.11134 0.035577 0.096459 -0.0013639 0.066321 0.016865 -0.097138 -0.021317 -0.072953 0.25688 -0.093827 0.12221 0.1121 0.25924 0.10369 -0.12412 -0.17753 0.063635 -0.11677 0.12718 -0.040048 -0.16494 -0.22505 -0.16007 -0.03995 0.047366 -0.015505 -0.023187 0.08562 -0.020509 -0.025692 0.14583 -0.22879 0.18418 0.10301 0.033076 -0.10496 0.049255 0.10506 0.012432 0.50282 0.052452 -0.12038 0.21932 -0.092614 0.04883 0.030281 -0.18125 0.05154 -0.12871 0.010433 -0.074875 0.060996 0.0060966 0.061643 0.039672 0.023959 -0.07049 0.011611 0.17537 -0.092446 0.091484 0.061307 -0.13374 -0.052023 -0.062569 -0.094123 -0.039178 -0.093719 0.027621 0.14292 -0.15661 -0.02841 0.012859 0.13379 0.2289 -0.07874 -0.18321 0.24078 -0.066658 0.15385 0.11702 0.077492 -0.14442 -0.15717 0.22157 0.0027687 -0.086402 -0.13276 -0.16944 0.018067 -0.18639 0.1014 0.0031304 0.17413 -0.068919 -0.17704 0.17879 -0.15309 0.17393 0.0038439 -0.1513 0.11727 -0.0099599 0.085904 0.18165 -0.10413 -0.0037074 -0.23635 -0.043408 0.17194 -0.077636 -0.068464 0.058019 -0.019928 -0.24853 -0.095232 0.076296 0.057998 0.028065 0.072391 0.034423 -0.12335 -0.034197 0.046138 0.13778 0.014685 0.25908 -0.007901 0.13487 -0.031072 0.018154 -0.011763 -0.036748 -0.099195 -0.066583 0.14907 -0.14969 -0.20533 0.04719 -0.11187 -0.02049 0.0067442 -0.12955 -0.017289 -0.12694 0.062896 0.27812 0.22291 -0.20145 -0.11806 -0.15738 0.20915 0.1486 -0.086578 0.030686 0.091274 0.083729 0.0097084 0.1053 -0.023798 -0.17284 0.28921 0.14236 0.060793 -0.053195 -0.029509 -0.047385 -0.065573 -0.25968 -0.11444 0.085377 -0.03488 0.048367 -0.16444 -0.051247 0.023075 0.056656 0.05537 -0.10491 -0.30133 -0.07454 -0.092246 -0.13257 0.16204 -0.044964 -0.10008 -0.30789 -0.047837 0.10486 0.15051 -0.068935 -0.11495 0.037402 0.18803 0.022191 -0.044601 0.1068 0.10474 -0.18209 -0.091639 0.013183 -0.033254 -0.019837 0.32707 -0.11688 -0.049202 0.057843 0.072315 0.06032 0.010248 0.091444 -0.146 -0.1364 0.13391 0.0094585 -0.038994 -have -0.13952 0.032673 -0.26126 0.060333 -0.072865 6.859e-05 0.16065 -0.27848 0.067919 0.29608 0.17328 0.1855 0.091478 -0.12249 0.093476 0.01337 0.013748 0.13742 0.19074 -0.12157 0.012453 0.048378 -0.041583 -0.2059 -0.10408 -0.068403 0.22865 0.15968 -0.12043 0.17138 -0.09117 0.0035199 0.043324 0.23696 -0.022424 0.011824 -0.082673 0.21019 -0.029366 -0.31642 0.093056 -0.042443 0.096904 0.0029256 -0.023544 0.027587 0.18325 0.028752 -0.012757 -0.074628 -0.19008 -0.33032 0.014832 0.023042 -0.30714 -0.0051089 -0.2806 0.28887 -0.28527 0.08489 -0.13245 0.031083 0.096405 -0.083038 0.075022 -0.074193 -0.10781 0.23301 -0.018352 0.076494 -0.12163 0.016636 -0.071522 -0.36442 -0.18188 0.16523 0.24855 0.27905 -0.029587 -0.13194 0.017264 0.032602 0.024678 0.043709 -0.12155 -0.094618 0.034384 0.013231 -0.14725 -0.13656 -0.12586 -0.063581 0.21182 -0.33222 0.27593 0.00076818 0.23512 -0.17294 -0.05502 -0.042188 0.056569 -0.075554 0.10821 -0.10783 -0.12396 -0.21411 -0.097453 0.1037 -0.042007 0.027932 -0.047195 0.0010598 0.0010419 -0.016564 0.061864 0.0024039 0.22027 0.17753 0.03071 0.36608 0.078102 -0.027116 -0.032718 0.37169 0.091258 -0.087317 0.0058107 0.13911 0.022874 0.36481 -0.08171 0.047501 -0.27414 0.17094 0.097376 0.1034 -0.10736 -0.025921 0.12131 -0.16938 -0.11803 0.070568 0.049375 -0.08653 0.075679 0.028489 -0.21527 -0.22059 -0.11428 0.046701 -0.046209 -0.22721 -0.048625 -0.070138 -0.23841 -0.085484 -0.14931 0.23539 0.4079 -0.027133 0.091937 0.28157 -0.27637 -0.06226 0.18938 0.13038 0.052101 -0.16478 0.21915 0.24318 0.062355 -0.082933 -0.34179 0.028754 -0.28708 0.086175 0.17013 0.2272 0.015207 -0.24225 0.041857 -0.19292 0.1254 0.20591 0.085465 -0.092265 0.18977 -0.17464 0.19815 -0.12635 -0.082679 -0.35229 -0.058289 0.044128 -0.15709 -0.37541 0.12154 0.061869 -0.24952 -0.014607 0.14386 0.036606 0.053013 -0.016534 -0.090166 0.078929 0.10665 0.11283 0.23588 0.18032 0.21043 -0.033601 0.029407 -0.022544 0.061579 0.020573 0.0072942 -0.10252 0.074378 0.19089 -0.33314 -0.31071 0.027403 -0.14254 -0.12556 0.12013 -0.059785 -0.096796 -0.10645 0.10526 0.010426 0.1235 -0.03647 -0.045269 0.0084907 0.072174 0.0030122 -0.12617 0.083128 0.30058 0.10765 0.053047 0.20872 0.0082084 -0.13375 0.23055 -0.0061244 0.019615 -0.023229 0.063003 0.15248 0.0087041 -0.2119 -0.012478 -0.037575 0.0078768 -0.01821 0.010409 0.0086983 -0.096311 0.17742 0.22879 -0.15267 -0.087855 -0.26727 0.083071 -0.15516 0.27652 -0.12538 0.089815 0.063362 0.0892 0.17262 -0.13381 -0.11419 -0.19908 0.23679 0.20202 0.11059 0.034961 0.039949 0.029348 0.070962 -0.14683 -0.039284 -0.03305 -0.046532 0.058446 -0.066828 0.36073 -0.0019005 0.066695 0.078978 0.057812 0.041522 -0.17791 -0.27556 0.23043 0.10307 -0.042208 -# -0.33783 -0.46272 0.53584 -0.26954 -0.21923 -0.51357 -0.020408 0.30215 0.086283 -0.11499 0.21559 0.08347 0.027916 -0.15428 0.083918 0.0094827 -0.14005 0.33949 0.086982 0.39701 -0.18131 0.054713 -0.11132 -0.19203 -0.28342 -0.089512 -0.011969 -0.40963 0.037766 0.015782 -0.12584 0.51497 -0.39823 0.35138 -0.00721 -0.11274 -0.26757 -0.068547 0.013989 -0.2845 0.36509 0.19542 0.1625 -0.27281 0.48504 0.19891 -0.41764 -0.14692 -0.13238 0.17459 0.048818 -0.23589 -0.052575 -0.23342 -0.124 0.064905 0.29386 0.029794 0.2198 0.2797 -0.0029884 -0.14927 -0.0049408 0.031577 -0.26179 -0.12889 0.089082 0.20452 -0.0060433 0.12221 0.14067 -0.12217 0.23624 0.21083 -0.15396 -0.079872 0.37937 -0.13856 -0.039084 0.73861 0.068836 -0.18625 0.045758 -0.066132 0.18613 0.27695 0.28147 -0.42515 0.23793 -0.14631 0.22993 0.61561 -0.060574 -0.35097 0.16792 0.051053 -0.16009 -0.29895 -0.19505 -0.10886 0.22052 0.08863 -0.21225 -0.35091 0.34576 -0.21251 -0.42654 0.34126 0.37348 -0.29739 0.080974 0.18524 0.12869 -0.13522 0.080356 0.02311 -0.1287 0.24801 -0.30035 -0.070724 0.5898 -0.041647 0.019651 0.41622 0.085958 0.16588 0.097476 0.1847 0.012092 0.27236 0.031466 -0.26864 0.25659 0.23726 0.12217 0.055035 0.10406 -0.20587 0.12583 -0.028772 -0.034486 0.13546 0.54517 0.1462 -0.0019388 0.18521 0.14408 0.17377 -0.28288 0.0087268 -0.036924 -0.12551 -0.15365 -0.13336 -0.026043 0.075122 -0.019026 0.25856 0.048164 0.10764 0.18018 -0.029612 -0.36647 -0.040401 0.033421 0.19999 -0.001088 0.041551 0.18175 0.25653 -0.073287 0.13692 0.3381 -0.06364 0.28354 -0.14146 0.2793 -0.26352 -0.1599 -0.22268 0.32419 -0.2956 0.072796 0.084997 -0.25965 0.29456 0.083395 -0.22549 0.36079 0.047755 0.2922 -0.30838 -0.30739 0.26905 -0.065897 -0.17941 -0.069243 0.0068263 -0.17722 -0.13962 -0.11422 -0.19855 -0.011729 0.080025 -0.3121 -0.0019622 -0.35791 -0.043522 0.2897 -0.1919 0.58294 -0.29888 -0.18156 -0.44678 -0.17355 -0.26505 0.31321 0.083984 -0.31756 -0.39807 -0.17084 -0.094566 0.22088 -0.12916 -0.07987 0.28702 -0.25852 0.079283 0.16494 0.10749 0.11516 0.53328 -0.11709 -0.51756 0.0016254 -0.11559 -0.31293 0.17525 0.18469 -0.20247 -0.012455 0.1085 0.11426 0.075326 0.30413 0.096684 0.14044 -0.067963 0.094512 -0.16993 0.2779 -0.39712 -0.1915 0.29722 0.039612 -0.47851 -0.35353 0.025193 -0.054657 -0.064994 0.23585 0.013337 0.25461 -0.092264 -0.084375 0.22177 -0.20684 0.12507 0.25479 -0.15971 -0.36794 -0.16522 0.11729 -0.402 0.21877 0.021249 0.13236 0.24137 -0.19358 -0.41206 -0.050856 0.23663 0.058664 0.25135 0.37349 0.47308 0.20536 -0.0039965 -0.19092 -0.0091019 0.22861 -0.16327 0.061961 0.070545 0.34505 -0.2439 0.24747 -0.20806 0.16926 0.41103 -one -0.15975 -0.11947 0.1206 -0.058631 0.0045518 0.16518 0.057441 -0.11684 -0.041827 0.12017 0.13869 -0.16179 0.012515 -0.10794 -0.09677 -0.12759 -0.01096 0.029151 -0.045737 0.19192 -0.0029964 0.13029 -0.18603 -0.2492 -0.021503 0.038976 0.062091 0.18154 0.026974 -0.041506 0.068561 0.043121 -0.1334 0.19927 -0.082706 -0.206 -0.011017 -0.015346 0.035709 -0.091467 -0.015454 -0.13002 0.013462 -0.074707 0.13672 0.11459 -0.00042464 0.087671 -0.041594 -0.26236 0.11727 -0.032542 0.15327 0.084043 -0.15323 0.12151 -0.039098 0.21431 -0.17078 0.064537 -0.010708 -0.22635 0.19764 -0.079257 -0.17399 -0.074398 -0.30092 -0.076673 0.15798 -0.046183 -0.0098803 -0.1065 0.22805 -0.2408 0.083646 0.078239 0.30403 0.19219 0.0015495 0.0924 0.28751 -0.051705 -0.075722 0.047296 -0.055046 0.008757 -0.1959 0.14364 -0.074343 -0.23497 0.041986 -0.021902 0.42028 -0.12753 0.084303 -0.060725 -0.022756 -0.025223 -0.10213 0.12902 0.081798 -0.09211 0.19358 0.15622 -0.068493 -0.17788 0.011035 0.080236 0.019854 0.0012992 0.033226 0.060357 0.0045871 -0.11683 -0.0023224 -0.22026 0.22241 0.10597 -0.10742 0.21804 0.24079 0.18627 0.058723 0.3724 0.058639 0.10556 0.24689 0.31107 -0.012539 0.20886 0.055165 0.084453 -0.044919 0.025486 -0.10533 -0.13423 -0.050619 0.074831 0.0018074 -0.025952 -0.025049 -0.090231 0.18106 0.0095015 0.088309 0.12771 -0.024992 0.012467 -0.073079 -0.030617 0.077176 -0.20627 0.016879 -0.1694 -0.098233 0.031944 0.13219 -0.024618 0.38094 0.049089 -0.14601 0.21354 0.12951 -0.012339 0.20741 0.084643 0.063456 0.13952 -0.012555 -0.075766 0.078254 -0.14594 -0.13576 -0.06962 -0.1481 0.10953 0.13115 0.091209 0.22203 0.024187 0.094425 0.10661 -0.12666 0.10078 -0.24013 -0.086848 0.16123 -0.16499 0.15834 -0.10613 0.025616 -0.24812 0.064194 0.14945 -0.11716 -0.023196 0.09408 0.1758 -0.14415 0.0091053 -0.089035 -0.15269 0.20287 -0.048679 0.10999 -0.19199 0.016916 0.16987 0.13407 0.14832 0.25561 -0.11481 0.045976 -0.10453 0.30471 -0.15655 -0.061218 -0.30802 -0.026884 0.12473 -0.039791 -0.041234 -0.226 0.15898 0.054095 0.061063 -0.073954 0.1043 0.22585 0.031939 0.12919 -0.096408 0.0081266 -0.16276 0.0072641 0.0078385 -0.083285 -0.051933 0.10724 -0.09901 0.022409 -0.13039 0.098835 0.12858 0.2241 0.35791 0.14927 -0.0027789 -0.012156 -0.052336 -0.028042 -0.12707 -0.30563 -0.13107 -0.034678 0.057156 -0.11817 0.053926 -0.030918 -0.081919 0.03569 0.20399 -0.058047 0.040065 -0.26625 -0.19684 -0.10962 0.0073118 -0.042628 -0.3038 -0.13094 0.058487 -0.022466 -0.018682 -0.080546 -0.13088 0.083377 0.18244 -0.040967 -0.0075252 0.17436 0.056789 -0.082256 0.10226 0.055698 -0.12877 0.14352 0.074599 -0.11855 0.13643 0.052458 -0.07947 0.047825 0.040355 0.0064958 -0.017689 -0.060724 0.13168 0.19878 -0.029531 -rd -1.1506 -0.53222 -0.12513 0.24516 -0.044497 0.071324 0.2212 0.30723 -0.53325 -0.65087 0.078443 0.15601 -0.59255 -0.20201 0.26252 -0.20066 -0.21912 0.41569 0.1706 0.64272 0.52688 -0.66402 0.17654 -0.15823 -0.46057 -0.23955 0.06709 -0.37887 0.030493 0.61101 -0.25793 -0.092593 0.31114 0.25795 0.14443 -0.7101 -0.43319 0.3743 0.00040208 -0.40611 0.53347 0.53557 -0.011311 -0.046855 0.7912 -0.081955 0.37833 0.12741 0.3237 -0.014835 0.01076 -0.36059 0.010903 -0.48337 -0.19585 -0.1163 0.32341 0.29752 -0.42582 0.29559 -0.026663 -0.47067 -0.18093 0.054899 -0.23599 0.47633 0.21212 -0.43929 -0.44011 0.049869 0.2901 0.32495 0.43541 -0.35405 0.17429 0.14343 0.21127 0.24423 -0.2296 -0.099936 -0.73098 -0.13036 -0.28419 -0.038316 -0.18245 0.069179 -0.28172 -0.44685 -0.084947 0.079225 -0.47762 0.24751 0.011895 0.43968 0.23164 0.27289 -0.18501 0.11414 0.18385 -0.18625 0.4081 0.053863 0.11322 -0.076036 0.24222 0.12916 0.36993 0.076587 0.023933 -0.14553 -0.16695 0.47063 0.18966 0.21221 0.27879 -0.1734 0.14801 0.063849 -0.356 -0.10932 0.27571 0.24499 0.28805 0.47444 -0.27962 -0.13797 0.25603 0.34962 0.04083 -0.29996 -0.1505 0.38472 -0.23068 0.29573 0.45936 0.091195 -0.37063 -0.20439 0.0065503 0.32137 -0.55914 0.091268 0.34138 0.56403 0.080535 0.91205 0.43865 0.32759 -0.33666 -0.27557 0.038318 0.32302 -0.2694 0.60063 -0.45281 0.32183 -0.11218 -0.37466 0.11372 -0.44513 0.12644 -0.094009 0.18284 -0.25606 0.43177 0.097998 -0.37742 0.35549 0.47012 -0.003429 -0.19644 0.33319 -0.193 0.31495 -0.1205 0.82368 -0.1781 0.060243 0.20036 -0.22298 0.084018 0.3069 -0.65609 -0.17576 -0.54272 0.7062 -0.20235 -0.24904 0.49256 -0.6516 -0.17595 0.11237 0.17609 0.36525 -0.17019 -0.22523 -0.15181 0.22033 -0.339 -0.38465 0.2427 0.1794 -0.088431 0.25001 0.029498 -0.57946 0.49922 -0.020088 0.74543 0.48342 0.60401 -0.38432 0.19858 -0.3588 -0.29679 -0.47735 -0.011448 -0.16365 -0.04918 0.39467 -0.29667 0.36901 -0.15962 0.18151 -0.72476 0.38553 0.0036152 0.31533 -0.049102 0.42861 0.317 0.26095 0.072854 -0.083571 -0.23165 0.36299 0.27881 0.015 -0.053529 -0.31267 -0.3332 -0.12547 0.43742 -0.50906 0.21175 -0.63012 -0.18907 0.2023 -0.55823 -0.38016 -0.18399 0.51233 -0.022029 -0.010926 0.049053 0.21971 -0.045781 -0.52667 0.25465 0.15584 -0.029283 -0.1275 0.34815 0.4716 -0.10404 0.058572 0.18349 0.11524 0.26726 -0.16695 0.0032392 -0.019125 -0.25667 -0.10205 -0.20139 -0.52388 0.45371 0.58223 0.26213 -0.014628 -0.061389 0.59443 -0.17744 -0.49786 0.24411 0.31045 -0.38686 -0.041837 -0.20336 0.22771 0.12722 -0.8523 0.3123 -0.17051 -0.10118 0.00091675 0.027635 -0.28538 0.41543 0.21071 -new -0.12955 0.24179 -0.10623 0.29449 0.1131 0.0093337 -0.070727 0.088183 -0.33985 0.39531 0.12979 -0.18196 0.43787 -0.056544 -0.19537 -0.21653 -0.25153 -0.19905 0.26231 0.084574 -0.28642 0.030997 -0.024378 -0.41437 -0.1748 -0.20716 0.1654 -0.0025792 0.12467 0.11477 -0.085216 0.17012 -0.1149 0.48666 0.10669 0.13098 0.11514 -0.28485 0.039327 0.053211 0.0006997 -0.14654 0.011879 0.46906 -0.11752 -0.10176 0.077026 -0.027737 0.0089576 -0.27024 0.045685 0.0055222 -0.033356 -0.017371 -0.00048905 0.14575 0.10295 0.13754 0.16308 0.077965 -0.029517 0.00013956 0.36202 0.12424 -0.0093344 -0.027041 -0.21092 0.13414 -0.24618 -0.090988 -0.0051445 0.48305 0.15938 -0.39123 -0.019111 -0.041795 0.16712 0.065207 0.21199 -0.0041642 0.15393 0.33902 -0.18736 0.04337 0.028464 -0.16128 0.10977 0.19242 -0.15161 0.0022597 -0.40183 0.020187 0.084292 0.27929 -0.027309 0.020892 0.042743 -0.066257 -0.087884 -0.011187 0.23146 -0.32981 0.1602 0.12829 -0.039458 0.039933 -0.26897 -0.040194 -0.032107 0.101 -0.08744 -0.078672 0.069851 0.0030479 0.083331 -0.14878 0.094587 0.10227 -0.24684 0.25061 0.15938 0.012483 -0.28118 0.34362 -0.30959 -0.13498 0.24835 -0.11417 0.14903 0.4254 -0.21527 0.20214 0.057823 -0.092157 -0.085088 -0.21882 -0.24462 0.074187 -0.18674 -0.074741 0.44042 0.26897 -0.22469 0.052153 -0.070826 0.35453 0.066469 0.028829 0.11349 0.35387 0.049402 0.13582 0.22257 -0.11815 -0.17412 0.00087315 0.14012 -0.26935 -0.10264 0.12585 0.18673 0.41584 0.18244 0.14853 0.43969 0.10556 -0.1059 -0.10544 -0.00091309 -0.18417 -0.056499 -0.044492 0.071062 -0.039341 -0.2701 0.014851 -0.22695 0.0087606 -0.1144 0.18396 0.035879 0.011803 -0.0013004 0.23599 0.16706 0.30801 0.038263 0.0009701 0.12152 0.19159 -0.3046 -0.36948 0.24153 0.19957 -0.010587 -0.10623 0.28107 0.24005 -0.23075 -0.045219 0.33029 -0.11888 -0.39559 -0.16307 0.19163 -0.43538 -0.1871 0.011505 0.4005 0.074896 0.31542 -0.25711 -0.09735 -0.45449 0.062201 -0.34596 0.0015342 -0.033099 -0.12706 0.16169 0.013766 0.14263 -0.16703 0.14728 -0.14568 0.049475 -0.20949 -0.012764 -0.14162 0.23032 0.20316 0.055513 0.2356 0.027813 0.18818 -0.39263 -0.079622 0.25344 -0.10851 -0.05999 -0.064461 0.053858 0.028328 -0.025627 0.20152 0.39267 0.22053 0.23862 0.35199 -0.080319 0.40317 -0.051639 -0.028799 -0.0059812 -0.02006 0.10853 0.038202 -0.13835 0.24992 0.16572 0.17968 0.1112 0.213 0.17364 -0.13088 0.042258 -0.070842 0.13065 -0.28965 -0.017642 -0.026392 -0.24336 -0.093841 -0.085507 -0.24265 -0.20142 0.15112 0.18707 0.22868 0.15166 -0.26356 0.12302 0.14609 0.13897 0.13981 -0.033191 -0.35564 -0.22532 -0.16505 -0.043178 0.13238 -0.082657 0.082819 -0.090364 -2.5277e-05 -0.2816 -0.11103 -0.024509 0.060905 0.25074 -first -0.18501 -0.020656 0.013468 0.080072 0.15848 0.077652 -0.17286 -0.062626 0.03685 0.093325 0.14926 0.095012 0.034983 -0.070536 -0.01886 -0.21087 -0.073209 0.046374 -0.049039 0.25491 0.20739 -0.0038093 -0.064161 -0.37491 -0.17631 -0.12171 -0.071142 0.034826 -0.027048 0.059557 -0.13166 -0.15029 -0.058682 0.0043365 0.073276 -0.2614 0.11214 0.076434 0.13177 -0.35367 0.18815 -0.038915 -0.14137 0.035661 -0.039416 -0.028954 -0.0088364 0.04533 0.041871 -0.036881 0.093625 0.059692 0.11834 -0.00077996 -0.051154 0.12762 0.035008 0.13595 0.10694 0.01339 -0.02663 -0.11904 0.080367 -0.098269 0.070955 -0.19735 -0.33299 0.25476 0.026776 0.19078 0.07554 -0.063196 0.18595 -0.12805 0.15236 -0.058321 0.23472 0.1434 0.05745 -0.11081 0.18194 0.12132 -0.17389 -0.011545 0.003841 -0.28814 -0.27059 0.0133 -0.085491 -0.15749 -0.20665 -0.17703 0.42666 -0.01708 0.099522 -0.19859 -0.073646 0.19781 -0.16378 0.16586 0.0010184 -0.10732 0.22438 0.041504 -0.0066085 -0.15476 0.090945 -0.041936 0.162 0.067129 0.2207 -0.015094 0.14988 -0.060156 0.037418 -0.14087 0.11635 0.17485 0.15556 0.056476 0.30164 0.00048755 -0.15577 0.40593 0.17787 0.10232 0.35935 0.12156 0.22889 0.1697 -0.072115 0.1616 -0.059683 0.012007 0.029971 -0.069382 -0.051313 -0.042249 -0.015726 0.11086 0.080265 0.10537 0.34406 -0.033952 -0.026585 0.33055 0.044762 -0.12563 0.022151 -0.0059314 -0.065732 -0.089251 -0.067698 -0.041101 -0.24027 0.078363 0.023734 -0.061767 0.14534 0.0017447 -0.075184 0.23502 -0.055807 0.062096 0.27978 0.17767 -0.024348 0.332 0.29577 -0.019764 0.03667 0.12557 -0.039628 -0.11762 0.012928 0.10547 0.024665 0.18401 -0.033457 -0.047673 -0.013899 0.023513 -0.28268 0.12474 -0.14565 0.26212 0.15513 -0.15004 -0.012862 -0.12302 -0.05961 -0.10883 0.064208 0.066889 0.0099247 -0.19963 -0.046666 -0.079046 0.044068 -0.16711 -0.046667 0.19004 -0.10784 0.014607 0.18075 -0.2614 -0.039048 0.13739 0.38794 0.3453 0.39875 -0.18913 -0.015323 -0.11855 -0.028095 -0.11864 0.041397 -0.12161 -0.27637 0.29 0.10307 -0.012667 -0.086965 0.22868 -0.10608 0.18905 -0.13645 -0.17904 0.095407 -0.087892 0.24102 -0.018986 -0.043618 -0.090145 0.1517 0.064428 0.059362 0.040603 -0.096987 -0.21232 -0.32531 0.086149 0.13176 0.056504 0.076689 -0.0025941 0.092582 0.15293 0.083922 -0.16652 -0.032714 0.019814 -0.011476 0.031839 -0.042109 0.085543 -0.31194 0.091586 -0.15964 -0.11322 0.21244 0.19689 -0.033659 -0.0051993 -0.062106 -0.0016829 0.047401 -0.19752 0.30247 -0.13495 -0.32111 -0.081742 -0.10655 0.13892 -0.20922 -0.069019 0.11526 0.065076 0.18484 0.024973 0.01456 -0.026564 0.016125 0.07159 0.37791 -0.11048 0.036626 0.1698 -0.06143 0.011747 -0.035502 -0.12379 0.17471 -0.04164 -0.04867 0.082536 -0.014208 -0.22912 0.00083986 0.15648 -page -0.32935 -0.036416 0.17821 -0.072867 -0.32466 -0.42039 0.032688 -0.0049149 -0.078871 -0.17333 -0.01095 -0.13075 -0.16793 -0.13803 0.55748 0.099044 -0.22223 -0.022698 0.51157 0.22466 0.040375 0.52957 -0.051943 0.059649 -0.27743 -0.33979 -0.08659 0.061577 0.35921 -0.0017234 0.29639 0.08754 -0.4021 -0.10301 -0.24128 -0.26396 -0.11806 0.02772 -0.11039 -0.61078 0.15757 -0.1091 -0.27818 0.12356 0.15937 -0.16149 0.076484 -0.14555 0.13721 0.015057 0.29169 -0.34808 -0.022412 -0.18246 -0.13372 0.41472 0.059405 -0.42064 -0.20175 0.2882 0.066617 0.28121 0.058301 -0.11666 -0.035873 -0.26573 0.48025 0.39234 0.021312 0.26535 0.34666 0.31004 0.43961 -0.47645 -0.0079027 0.065862 0.33676 0.46505 -0.22238 -0.19823 -0.064554 0.29617 -0.046413 -0.0032442 0.089318 -0.32391 -0.06996 -0.23369 -0.22887 -0.19728 0.15682 0.051657 -0.16983 -0.2037 -0.29197 0.055086 -0.2591 -0.13269 0.01839 0.29623 0.044336 -0.85969 -0.002254 -0.20968 0.44827 0.6723 -0.48393 0.13781 0.19926 0.0081333 -0.14694 0.21927 0.26691 -0.12379 -0.097714 -0.03867 0.33845 0.23155 -0.36169 -0.079136 0.35399 -0.05884 0.34019 0.29243 0.50704 0.23601 -0.20424 0.27046 0.019574 0.43983 0.021816 -0.50183 -0.094589 0.15839 0.0049928 0.40533 0.21622 0.16044 0.18233 0.55841 -0.27192 -0.0052973 -0.047076 0.34039 -0.20456 -0.11014 0.21802 0.3518 -0.33288 0.40795 0.18924 0.29725 0.37474 0.02536 -0.15789 -0.091439 -0.036944 -0.29901 0.19366 0.19159 -0.33367 0.66268 -0.27724 -0.065702 -0.092032 -0.32639 0.013295 -0.40618 0.5739 0.40851 -0.096819 0.087009 -0.93229 -0.42478 -0.38444 -0.083451 -0.22174 -0.20958 0.21672 -0.40394 -0.22581 0.16658 0.0077905 -0.25866 -0.42461 0.52642 0.21446 -0.23286 0.13929 0.33895 0.17342 -0.19405 0.29159 -0.40204 0.17765 -0.19944 0.057563 0.1624 -0.75826 0.24378 0.24884 -0.21107 0.31785 -0.28324 -0.076239 -0.45568 -0.11928 0.11481 0.25831 -0.1287 0.64648 -0.26588 0.068094 0.088482 -0.012339 0.0032776 0.59013 -0.37706 0.070246 0.18547 -0.061602 0.18333 -0.29945 -0.14055 -0.18469 -0.015662 -0.41096 -0.12466 -0.2743 -0.08502 0.10479 -0.018603 -0.18316 -0.092946 -0.18514 0.11231 0.64229 -0.46814 -0.062047 -0.15859 0.22507 0.35887 0.72966 0.28192 0.35383 0.22387 0.16092 0.15542 -0.022658 0.15926 0.51296 -0.30223 -0.23345 0.03058 0.51312 -0.086032 -0.25122 -0.44968 -0.21821 -0.10037 0.35106 0.02112 -0.21914 0.18215 -0.070668 -0.13122 0.054451 0.42324 -0.26893 -0.1611 -0.10147 -0.024244 0.089611 0.13109 -0.3058 -0.27557 0.232 -0.32436 0.36504 -0.084774 -0.065878 0.3446 -0.32642 -0.24216 0.11379 -0.23374 0.2925 0.20107 0.15402 0.019004 0.15976 0.1663 -0.325 -0.3723 0.35838 0.021576 -0.11469 0.14285 0.15968 0.3538 -no -0.2643 0.034339 0.0466 0.1818 0.077419 -0.31439 -0.0055325 -0.16168 0.010331 -0.070391 -0.0293 -0.013119 0.14472 0.10077 0.15029 0.11151 0.12948 -0.078568 -0.038936 -0.069117 -0.02862 0.19472 -0.018243 -0.05659 -0.21891 0.42935 -0.19713 0.020947 0.12544 0.061052 -0.085741 0.23646 0.047816 0.12213 -0.14506 -0.27841 -0.036634 0.052511 0.00044411 -0.24736 0.2888 0.17881 -0.15564 -0.10495 0.10472 0.081415 0.32859 0.081788 0.1091 -0.18074 -0.15581 -0.31819 -0.11834 -0.0038618 -0.38857 0.082629 -0.17706 -0.0015596 -0.19932 0.37683 -0.35489 0.044217 0.46263 -0.047725 0.047667 -0.28284 0.18534 -0.027313 -0.052813 0.18889 -0.049962 0.18343 -0.028636 -0.049944 0.14916 -0.10098 0.21242 0.16436 0.26371 -0.10826 0.077146 -0.039786 0.25458 -0.1046 -0.079576 -0.019773 -0.30416 0.13349 -0.1003 -0.069873 -0.189 0.072886 0.12898 -0.18529 -0.052076 -0.17322 -0.1696 0.24536 -0.14722 0.18812 -0.040378 -0.43597 -0.044428 0.18643 0.16435 0.008577 0.0029248 -0.18135 0.10601 -0.21964 -0.4862 0.090768 0.01968 0.25073 0.018652 -0.15171 0.47005 0.14804 -0.10247 0.14386 0.68539 -0.027273 0.17492 0.086974 0.15731 0.026635 -0.14577 0.21314 0.05424 0.23508 -0.029212 -0.35641 0.024078 0.31589 0.16009 -0.013141 0.019247 -0.33484 0.092813 0.035008 -0.19227 -0.090595 0.01931 0.28161 0.13771 0.21892 -0.1286 0.16683 -0.021937 0.13536 -0.27862 -0.020338 0.024459 -0.18298 -0.24355 0.06391 0.16413 -0.14908 -0.13719 0.27537 -0.20374 0.24959 -0.13618 0.17088 -0.41502 -0.13784 -0.11341 -0.12433 -0.13826 0.32331 0.23585 0.075066 -0.58236 -0.1011 -0.15315 -0.18672 -0.15112 -0.16722 0.12736 0.015317 0.070823 -0.079822 0.018665 0.43254 -0.3767 0.20951 0.098743 -0.29383 0.21868 0.27414 -0.18188 -0.3688 -0.29828 -0.13399 -0.3173 -0.18554 0.0018321 0.17532 -0.70552 0.15625 0.059171 -0.0079576 0.26087 0.034321 -0.098771 -0.486 -0.35527 -0.039002 0.075376 0.34163 0.48625 -0.53015 0.064528 -0.35176 -0.27263 -0.082661 0.082817 -0.35417 -0.1888 0.0075962 -0.044557 -0.20698 -0.017113 0.14535 -0.13753 0.10438 -0.17524 0.028008 -0.047275 -0.12366 0.28077 0.19532 -0.13123 -0.049223 -0.096767 0.56907 0.26118 0.0877 -0.2188 -0.1295 0.1385 0.03949 -0.00012694 0.30245 -0.069872 0.40636 0.21411 0.093625 0.10418 -0.069236 -0.048681 -0.30863 -0.088241 0.062921 0.33313 0.18371 -0.49342 -0.16211 -0.17221 -0.037731 0.079831 0.063734 -0.1324 -0.046848 -0.20139 0.12814 -0.13614 0.0047057 0.037959 -0.10353 -0.1395 0.19528 0.36036 -0.049478 -0.17034 -0.14192 -0.027111 0.08613 0.034346 -0.16021 0.12881 -0.13749 -0.34138 -0.2616 0.345 -0.20288 0.23539 0.40727 -0.27571 -0.0046924 0.19462 -0.18622 -0.30724 0.084037 -0.15362 -0.54617 -0.13526 -0.051155 -0.090351 0.05143 -you -0.14926 0.21572 0.18823 0.060467 -0.16004 0.081722 -0.11272 -0.2495 -0.0991 0.17575 0.14676 0.020036 -0.24832 -0.099823 0.17819 -0.18441 0.0034034 0.12738 0.0044833 0.0189 0.059595 -0.034684 -0.096218 -0.1155 -0.16384 -0.079494 -0.063366 -0.037051 -0.31197 0.036276 -0.17995 0.028729 -0.22288 0.068523 -0.27248 -0.16194 -0.047037 -0.074107 -0.11411 -0.27279 -0.14149 -0.1819 0.049754 -0.040176 0.10649 0.27621 0.020151 -0.046383 -0.19623 -0.0090757 0.056723 -0.35709 -0.093485 -0.058048 -0.090262 0.29478 -0.21296 -0.19898 -0.021059 0.42529 -0.2842 0.059192 0.14928 0.082141 0.081786 -0.20462 0.16487 0.21021 -0.0079651 -0.06322 0.022311 -0.061235 0.16665 -0.081486 -0.21084 0.29053 0.21792 0.10419 0.066359 0.20361 0.0058033 0.33518 0.098701 0.13497 -0.045183 0.095704 0.031015 0.0062269 -0.10564 0.075817 0.23904 0.089361 0.11111 -0.17585 0.2697 0.24838 0.072762 -0.12871 0.12033 0.29181 0.16135 -0.057687 0.1148 -0.16434 -0.34884 -0.089657 -0.017261 0.0355 0.12192 -0.018161 -0.0568 -0.026025 -0.020209 -0.027063 -0.24497 -0.086863 0.14692 -0.11877 -0.2132 0.12687 0.22907 0.17375 0.031288 0.6295 0.13077 0.10494 0.010939 0.059313 -0.036097 0.40596 0.097957 0.15766 -0.27526 0.16212 0.052394 -0.29225 -0.0031506 -0.0088115 0.57996 0.16109 -0.12084 -0.035637 0.027943 -0.083463 -0.32062 0.042923 0.026398 -0.27274 0.032771 0.035626 0.43356 0.13449 0.35889 -0.091434 0.12423 0.06327 -0.02851 0.037847 -0.051596 0.057026 -0.21843 0.28021 -0.55111 -0.17753 -0.042664 -0.015736 -0.29045 -0.18981 0.14331 0.14611 -0.5666 -0.23695 -0.41243 0.0030795 -0.036383 0.27025 -0.020164 0.19496 0.037875 -0.44485 0.2022 -0.1458 0.061848 0.0315 -0.32115 0.24994 0.017794 -0.4718 0.1929 -0.22511 -0.010451 -0.18739 -0.061101 0.16788 -0.16174 -0.11634 -0.15998 0.024648 -0.44889 -0.0060595 0.56559 -0.011015 0.39797 -0.15973 -0.067796 -0.10597 -0.36092 0.091726 0.19276 0.096221 0.19963 -0.038562 0.096973 -0.2475 -0.018474 -0.2174 -0.14971 -0.21159 -0.20265 0.050573 -0.27651 -0.19033 0.029003 -0.094018 0.0051184 0.29676 -0.28251 0.15488 -0.07178 0.0099408 -0.0012008 0.11359 -0.08789 -0.018188 0.056809 0.05057 -0.038582 0.024707 -0.10994 0.12803 -0.062006 0.062169 0.21328 0.12365 -0.25733 0.28885 0.30688 -0.019757 0.1401 -0.088862 0.069914 -0.21663 -0.28538 0.28921 0.25058 -0.19068 -0.073818 -0.22429 0.076213 0.035377 -0.16019 0.15335 -0.18592 -0.1623 -0.06816 -0.14475 -0.21013 0.26626 -0.11165 -0.17628 -0.18955 -0.15504 0.21453 -0.10902 -0.14164 0.026173 0.30544 0.021876 -0.14254 -0.37952 0.065484 0.086204 -0.35292 -0.051159 0.073312 -0.18833 0.27411 0.32466 -0.26751 0.29403 -0.11763 0.41755 -0.13553 -0.38416 0.12977 -0.01527 -0.32165 0.32328 0.38224 -0.086828 -they 0.011692 0.11158 -0.15517 0.2397 0.001333 0.16949 0.2118 -0.1211 0.016811 0.19858 0.031513 -0.048707 -0.10157 -0.13255 -0.011433 -0.20104 0.14669 -0.04656 -0.031949 -0.097005 -0.084464 -0.10446 -0.061355 -0.21277 -0.12353 0.0081873 0.14986 -0.023631 -0.060642 -0.069951 -0.14559 -0.10824 -0.20978 0.052859 -0.014248 -0.11086 -0.035697 0.075892 0.073082 -0.21082 0.087626 0.12786 -0.012736 0.11 0.0049951 0.18668 0.1675 0.11868 -0.045669 -0.14681 0.05544 -0.19966 0.077428 0.24323 -0.23443 -0.036019 -0.098782 0.29555 -0.19549 0.19649 -0.26849 -0.15973 0.10533 -0.069128 0.13753 -0.22219 -0.20939 0.25629 -0.19427 0.085076 -0.21863 0.031262 -0.083517 -0.40865 -0.17838 0.10146 0.24578 0.13218 -0.050354 -0.14911 -0.11367 -0.057818 -0.10198 0.22363 -0.11553 0.05735 -0.051279 0.042011 0.11563 -0.057654 -0.22652 -0.10451 0.10616 -0.15652 0.14962 0.16096 0.17957 -0.18526 0.058269 0.074962 0.070254 -0.0059412 0.14291 -0.32395 -0.29087 -0.081794 0.0075591 0.018076 0.099817 -0.018327 -0.022612 -0.16863 0.079299 0.089942 -0.011633 -0.073527 0.19285 0.11245 -0.20461 0.056416 0.036064 0.13425 -0.092469 0.32123 0.17184 -0.1811 0.20825 -0.020182 0.053391 0.33208 -0.10423 0.040727 -0.057244 0.022769 -0.18192 -0.12176 -0.043532 0.17403 0.0090458 0.0008529 0.073905 0.17705 0.0068493 -0.089645 0.07759 0.24634 -0.0071185 -0.14213 0.13309 -0.040683 0.10647 -0.22222 -0.01168 0.11632 -0.15885 -0.25939 -0.11116 0.19698 0.41329 -0.15419 -0.12563 0.29743 -0.29696 0.21828 0.044268 0.077094 -0.10614 0.0018781 0.2745 0.12095 -0.14752 -0.14184 -0.23053 0.038347 -0.058515 0.30806 -0.09998 0.064684 -0.090735 -0.15115 0.15639 -0.10176 0.11441 0.063421 0.0053369 -0.098623 0.10074 -0.041852 0.17853 -0.093273 0.076425 -0.32315 -0.025846 0.16625 -0.15878 0.0032325 0.042728 -0.0030261 -0.18063 -0.1121 0.1835 0.020397 0.07478 0.063549 0.012672 -0.21275 -0.032176 0.070672 0.30274 0.19403 0.15948 0.06162 0.071292 -0.022572 0.030547 0.010065 -0.032019 -0.11013 -0.15264 -0.017596 -0.25373 -0.18649 0.12997 -0.014768 -0.093668 0.17403 -0.17209 -0.018659 -0.11371 0.057783 0.11459 0.092727 -0.17607 -0.032631 -0.24071 0.079038 -0.048108 0.0013213 -0.047806 0.090104 0.028607 0.0084475 0.033609 0.04999 -0.12634 0.2445 0.08028 -0.009574 0.068611 0.019979 -0.013658 0.085524 -0.30875 -0.11951 0.14004 -0.028924 -0.085339 -0.2019 0.047855 -0.17116 -0.24662 0.075408 -0.282 -0.22474 -0.30327 -0.098362 -0.29202 0.1476 0.037455 -0.0090524 -0.17105 0.042401 0.079497 0.025789 -0.18195 0.016337 0.085997 -0.068473 0.026865 -0.10499 -0.045696 0.13818 -0.10552 -0.016427 0.061493 0.10936 0.10525 0.25517 -0.22034 0.13151 -8.7435e-05 0.17402 0.067917 0.073156 0.13097 -0.018703 -0.27613 0.048848 0.082782 0.19095 -had -0.061011 0.010058 -0.32809 0.092396 0.077896 -0.074404 0.027325 -0.24711 0.041686 0.36376 0.35095 0.29423 -0.11997 0.15142 -0.024691 0.045448 -0.07513 -0.059566 0.037441 0.07562 -0.017107 0.19917 0.052938 -0.31778 -0.27666 0.012372 -0.029857 0.17197 0.011413 0.063864 -0.013924 0.14229 -0.10703 0.22473 0.12469 -0.094732 -0.0056683 -0.064609 0.27862 -0.21153 0.37863 -0.094905 0.08367 -0.062527 -0.21712 -0.19702 0.14912 0.064912 0.090079 0.19501 -0.22187 -0.21876 -0.087046 0.36006 -0.17492 -0.067935 -0.049181 0.32526 -0.032316 0.093609 -0.045662 -0.11957 -0.0064419 -0.22971 0.23226 -0.071414 -0.12826 0.2421 -0.16111 0.074486 0.010463 -0.056933 -0.0915 -0.21807 -0.07052 0.20005 0.078136 0.2854 0.01052 -0.21247 -0.042688 -0.15003 0.11813 0.045613 -0.10047 -0.16224 -0.077305 -0.024148 -0.17841 -0.14778 -0.21352 -0.23945 0.058054 -0.32745 0.2449 0.20105 -0.045799 -0.2419 -0.15404 -0.10322 -0.13669 0.13554 0.1916 0.055884 -0.20864 -0.21649 0.011421 0.074247 -0.074617 0.064411 -0.022916 0.17333 0.16305 -0.03556 0.18725 0.010497 0.1716 0.18227 0.011231 0.19926 0.067768 0.2261 -0.13265 0.29135 0.15683 -0.22068 -0.11423 0.35239 0.015702 0.27533 -0.196 -0.0033808 -0.019336 -0.13076 -0.029763 -0.089218 -0.08591 0.017903 -0.061072 -0.1171 -0.0994 0.1007 0.03207 -0.049386 0.29804 0.2271 -0.12743 -0.23118 -0.10164 0.093309 0.036243 -0.015077 -0.034213 0.13656 -0.215 0.0071517 -0.11725 0.095421 0.41258 -0.12583 -0.067009 0.25806 -0.16428 0.22923 0.16807 -0.013319 0.1967 0.018716 0.19311 0.20619 0.041045 0.034263 -0.2587 0.10851 -0.14957 0.035486 -0.086389 0.19412 -0.28292 -0.12153 0.16414 -0.18647 -0.19356 0.26416 -0.13187 0.022635 0.030464 -0.28223 0.00356 -0.10424 0.12317 -0.29917 0.10044 0.14291 -0.22859 -0.15776 0.007948 0.019064 -0.17401 -0.17237 -0.094723 -0.085559 0.0053709 0.13346 -0.25342 0.056775 0.18015 0.054191 0.33902 0.25988 0.26561 -0.22873 -0.19818 -0.198 -0.062444 0.029075 -0.16799 -0.22731 -0.092907 0.13173 -0.25092 -0.086115 -0.0028387 0.028784 0.0019845 0.20323 0.069265 -0.017484 -0.069008 0.16074 0.015613 0.034536 0.010574 0.13477 -0.077238 -0.0061589 0.24216 0.10708 -0.013645 0.25305 0.11657 -0.017901 0.19301 0.15569 -0.22554 0.04049 -0.031989 -0.22953 0.041539 -0.011057 0.12676 -0.040454 -0.094416 0.024619 -0.068569 0.031699 -0.076244 0.20514 -0.16025 0.14737 0.037748 -0.076004 -0.04185 -0.18805 -0.37238 0.30261 0.10804 0.13789 0.091484 -0.05138 -0.10155 -0.045579 0.0775 0.030727 -0.23318 -0.21796 0.32142 0.35826 0.37295 -0.078928 0.14607 -0.12589 0.16444 -0.052781 -0.046721 0.12549 -0.12333 0.056958 0.066646 -0.026705 0.060562 -0.092281 -0.12031 0.2859 -0.051593 -0.039909 -0.068784 0.060296 -0.036769 -0.081526 -article -0.19484 -0.25781 0.074734 0.30936 -0.53333 -0.0034507 -0.28408 -0.47139 -0.17259 0.22078 0.09638 -0.22501 -0.065097 -0.098619 -0.012249 0.022184 0.025968 0.032922 0.084835 0.27744 0.00091942 0.23558 -0.06804 -0.049127 -0.028252 -0.39203 -0.1491 0.087022 0.36411 0.1768 0.0089704 -0.032694 0.017095 -0.0098417 -0.24813 -0.26272 -0.18639 0.11959 0.029033 -0.03187 -0.11867 -0.1965 -0.1604 0.0023741 0.18885 0.1208 0.055996 0.013848 0.39589 0.02607 0.32613 -0.27385 0.018989 -0.34079 -0.058834 0.070535 0.15765 -0.10814 -0.051752 0.068703 -0.0095383 0.3158 0.20771 0.095202 0.11373 -0.10667 0.10264 0.10504 0.22054 0.45565 0.19923 0.16751 0.028213 -0.12735 -0.14315 0.30489 0.21292 0.26121 -0.039596 0.13928 0.018696 0.36006 0.072499 -0.06338 0.38003 -0.14603 0.096935 -0.14983 -0.2022 -0.074128 0.08466 -0.069311 0.41959 -0.3692 0.13002 0.24023 0.15886 0.10486 0.083816 0.13714 0.058838 -0.44467 -0.093306 -0.012809 0.17936 0.23484 -0.21756 0.2205 0.13487 -0.048228 -0.43393 0.086656 0.02845 -0.0085932 0.16434 0.06756 0.23218 0.18332 -0.24891 0.034271 0.16093 0.28803 -0.03991 0.27858 0.14747 -0.074353 -0.078871 0.00018347 -0.00036125 0.13404 -0.038196 -0.10961 -0.023934 -0.20332 0.40041 0.26847 0.0649 0.15972 0.18134 0.53718 -0.2789 0.067847 0.28451 0.40038 0.051849 -0.11576 -0.0092854 0.43677 -0.20447 0.14346 0.16025 0.086152 0.48021 -0.2154 -0.23707 0.11371 -0.13944 -0.22741 0.31112 0.31751 -0.29874 0.59812 -0.22178 -0.18312 -0.074338 -0.35878 -0.0098884 -0.31093 0.23022 0.20448 -0.027582 -0.12797 -0.50302 -0.48345 -0.22991 0.23783 -0.32716 -0.16809 0.047807 0.050296 0.072429 0.16673 0.17296 0.22192 -0.42374 0.22401 0.3367 -0.28626 0.089167 0.30315 0.055827 -0.13332 0.16523 0.048936 0.013083 -0.36118 0.10012 0.025067 -0.5666 0.25612 0.10768 0.2433 0.13216 -0.091741 0.10924 -0.046029 -0.11008 -0.0096815 0.32672 0.13611 0.27605 -0.10756 0.27409 0.0018144 0.19602 -0.16108 0.22975 -0.25049 -0.052558 0.041897 -0.23199 0.05082 -0.16273 -0.195 0.1977 0.26203 -0.29299 -0.21003 -0.39179 -0.17639 0.2725 0.25077 -0.099151 -0.022226 -0.15606 0.057715 0.014136 -0.13818 -0.044941 -0.14227 0.039767 0.19135 0.7054 0.19974 0.27798 0.2819 0.30613 0.17933 -0.009568 -0.040708 0.24513 0.017751 -0.148 0.21938 0.11571 0.0084443 0.04122 -0.2741 0.12807 -0.18353 0.1816 0.30425 -0.10774 -0.071343 -0.080759 0.076705 -0.062214 0.25458 -0.28547 -0.20451 -0.064648 -0.34806 0.3093 0.11256 -0.045614 -0.11817 0.18528 0.11909 0.0025721 -0.16799 0.15081 0.21093 -0.046395 -0.28173 0.091904 -0.51839 0.14852 0.22094 -0.053831 0.074354 0.18546 0.17312 -0.22201 -0.17973 0.23097 -0.06359 -0.083247 0.2875 0.10027 0.095852 -t -0.27001 0.3269 0.05617 0.25075 -0.24543 -0.12047 0.2383 -0.16621 -0.4829 -0.079992 0.40554 -0.20861 -0.10291 0.087432 0.29329 -0.14011 -0.074318 0.36642 0.07643 0.30357 0.14576 -0.083093 -0.18256 -0.18416 -0.11709 0.21015 0.030059 0.081354 -0.21 0.048353 -0.2737 0.34123 -0.13605 0.2026 0.16534 0.15082 -0.00096376 0.09985 0.2357 -0.26821 -0.0072889 0.13344 0.019111 -0.07304 0.08292 0.29114 0.059945 -0.076046 0.053551 -0.42735 0.026388 -0.16867 -0.087621 -0.54223 0.0033364 0.13618 -0.083451 0.11381 -0.16916 0.39471 -0.24227 0.097374 0.398 0.25526 -0.19536 -0.061438 0.29801 0.16341 0.093299 -0.15879 0.25334 -0.063946 0.062739 -0.32977 -0.046173 0.33098 0.14704 -0.12818 -0.029185 0.2343 -0.17592 0.14627 0.010426 -0.071695 0.057722 -0.14105 -0.46612 -0.067586 -0.073369 0.095571 0.0086294 -0.066309 0.27761 0.048856 0.28911 0.40751 0.058737 -0.19109 0.17096 0.22856 0.20293 0.039091 -0.10951 -0.17358 -0.15721 -0.30945 -0.089978 -0.12901 0.3102 -0.171 -0.022282 0.29252 0.19407 -0.33125 0.32325 0.39229 0.15204 0.063896 0.34149 0.010666 0.31639 0.20902 0.1601 0.39138 0.013041 -0.12464 -0.078744 -0.16569 0.21098 0.28146 -0.11346 0.17732 -0.20271 0.14464 0.12787 -0.27098 -0.17942 -0.11533 0.28312 0.1314 -0.06355 0.11827 0.061267 0.21804 -0.13735 0.14427 -0.015967 -0.029817 0.12504 -0.42886 -0.044999 0.18722 -0.025355 -0.23286 0.0309 -0.1102 -0.13916 0.22567 0.19716 0.33239 -0.27148 0.17956 -0.26748 0.0041663 0.18407 -0.063485 -0.035241 -0.027268 0.24565 0.30383 -0.15152 -0.26332 -0.5779 -0.18383 0.041519 0.13934 0.045057 -0.26682 0.14327 -0.42192 0.28633 -0.019766 -0.077446 0.15512 -0.34164 0.10285 0.10672 -0.15215 0.25498 0.12619 0.012918 -0.25733 0.055302 0.092442 -0.3418 -0.14261 0.1635 -0.077083 -0.17725 -0.33404 0.30503 0.11161 0.298 -0.19646 0.13561 -0.34355 -0.21348 -0.080383 0.475 -0.15718 0.18099 0.063004 -0.0029775 0.021779 0.11077 -0.13109 -0.11303 0.048496 -0.074764 0.10218 -0.1741 -0.040275 0.22188 -0.24164 -0.025468 0.16647 -0.1062 0.053275 -0.19925 0.08654 0.057512 0.19205 -0.082107 -0.055764 0.064494 -0.076068 -0.035108 -0.011929 -0.27887 0.12271 -0.13003 0.3521 0.078793 0.0523 -0.3954 0.30795 0.054569 0.083192 -0.045319 0.084827 0.013948 0.21102 -0.3804 0.52227 0.17542 -0.35073 0.049836 -0.22227 -0.080704 -0.29779 -0.091286 -0.24551 0.073983 -0.12555 -0.31843 -0.012991 0.23976 0.2234 -0.049683 0.26894 -0.16809 0.13043 -0.15365 0.36449 -0.14463 -0.23218 0.10236 -0.21589 0.18333 -0.29316 0.064456 0.30226 -0.17705 -0.35736 0.074671 -0.13883 0.422 0.69961 -0.015826 0.046479 -0.24381 0.13153 0.16719 -0.12135 0.15499 -0.31444 -0.26408 0.1329 0.53046 0.18023 -who -0.16792 -0.024923 -0.15657 0.047392 -0.065025 -0.02318 0.10018 -0.091625 0.13494 0.33895 0.060199 0.018358 0.032187 -0.02267 -0.079796 -0.20589 -0.12461 -0.13514 -0.16761 0.12262 -0.10171 0.36091 -0.10119 -0.12834 -0.0041321 -0.081799 0.12746 -0.1733 -0.0055814 0.090521 -0.090363 -0.077901 -0.2465 0.046373 -0.042592 -0.058558 0.03797 -0.21448 -0.0096934 0.1296 0.077662 0.15814 0.060635 0.091421 0.21822 -0.22726 -0.023025 -0.016406 -0.053787 0.019855 -0.017372 0.044004 0.094729 0.077181 -0.33045 -0.1992 0.053772 0.12361 -0.037185 0.26504 -0.0079583 0.16325 -0.0025339 0.091653 0.020016 -0.24737 -0.15897 0.07071 -0.13512 -0.032715 -0.016628 -0.059538 0.13013 -0.29197 -0.10326 0.03052 0.35142 0.1128 -0.033843 -0.061764 0.031866 0.1934 0.080147 0.1915 -0.056946 -0.068144 -0.2574 -0.16393 -0.066092 -0.07198 0.07097 -0.24354 0.19716 -0.25208 0.21199 0.18246 0.42754 -0.15978 -0.38779 -0.055129 -0.1357 -0.039656 0.037395 0.036532 -0.18828 -0.017651 0.097255 -0.38872 0.40828 0.12044 -0.066261 -0.29734 -0.20016 -0.0018883 0.15011 -0.073388 0.26023 0.14372 -0.28465 -0.086279 -0.064048 0.22751 -0.11394 0.23502 0.02486 -0.17476 0.28497 0.13988 -0.25037 0.28427 0.078489 0.10535 -0.15855 -0.05862 -0.02513 0.13627 -0.0039802 -0.021213 0.093314 -0.1595 0.065229 0.29844 0.21805 -0.16583 0.12521 0.23212 -0.087139 -0.13501 0.054386 -0.17701 -0.0057424 0.1097 -0.065306 0.10202 -0.4721 -0.11116 -0.267 -0.033237 0.17942 0.068493 -0.28161 0.14238 -0.012774 0.18411 0.29382 0.071163 0.19561 -0.13619 0.35232 0.051042 0.046705 -0.028687 -0.26764 0.04339 -0.075495 0.16886 -0.055523 0.18667 -0.054889 -0.089161 0.14071 -0.081583 -0.10567 0.33868 -0.070249 0.28122 0.032236 0.017721 0.26766 -0.13606 0.15804 -0.30925 0.26096 0.36651 -0.12872 -0.33402 -0.11144 -0.099931 -0.16843 0.1229 0.067042 -0.088327 -0.12516 0.055453 -0.12429 0.098693 0.051058 0.15975 -0.0085387 0.16107 0.46582 -0.084398 -0.11996 -0.22717 0.12386 -0.10588 -0.035049 -0.2541 0.045503 -0.087727 -0.42588 0.016716 0.062944 0.20039 0.047548 0.20349 0.095759 0.0061315 0.15788 0.26281 0.10247 0.23179 -0.037631 0.0050632 0.26398 0.095955 0.1756 0.198 0.1103 0.010515 0.0099057 0.075089 0.065388 0.28206 -0.20086 0.086871 -0.068999 -0.072602 0.096617 0.14671 -0.2088 -0.36499 -0.0090067 -0.0428 -0.037449 -0.11141 0.23376 0.0093361 -0.014147 -0.27922 -0.056141 0.1563 0.13236 -0.15085 -0.11792 -0.046731 0.013425 0.021717 0.028933 -0.16086 -0.056507 -0.11121 -0.13587 -0.012569 -0.28719 0.068182 0.21153 0.10221 0.075415 -0.13827 0.19394 0.21873 0.090179 -0.044067 -0.147 0.028896 -0.074366 0.38834 0.11772 -0.022211 0.11484 -0.037925 0.21711 0.031849 -0.11788 0.17954 -0.043971 0.24394 -0.088494 0.069806 -? -0.17519 -0.072514 -0.3652 0.048249 -0.15999 -0.0003773 0.088057 -0.53121 -0.24097 0.32426 0.15647 -0.00033924 -0.14702 -0.18389 0.088317 -0.19785 -0.039917 0.0046675 -0.014113 0.2817 0.17345 0.35298 -0.12148 0.19978 -0.13104 -0.1289 -0.23658 -0.13854 -0.13431 0.092862 -0.27797 -0.091616 -0.15911 0.19992 0.038619 -0.15041 -0.10575 0.04453 0.053707 -0.2969 -0.30633 -0.41009 -0.026135 -0.041214 -0.1835 -0.17693 -0.15155 -0.33838 -0.15461 -0.13049 0.31741 -0.22587 0.022629 -0.17797 -0.20945 0.073847 -0.0014257 -0.059909 0.11547 0.26361 -0.011576 -0.24971 0.42054 -0.24115 -0.49511 -0.26286 0.39304 -0.122 -0.041751 -0.16589 0.43618 0.23285 -0.26819 -0.15971 -0.060578 0.21247 0.050261 0.11358 0.0070081 0.01978 0.096943 0.87822 0.11484 0.32747 0.15624 0.091463 -0.28561 0.074204 0.2752 0.013464 0.062276 0.17296 0.20939 -0.045015 0.17835 0.12367 -0.22818 -0.16781 -0.06847 0.13211 0.19492 0.11383 -0.39538 -0.19263 -0.050071 0.07998 -0.21195 0.1948 0.08911 -0.14263 -0.13523 0.11452 -0.11822 -0.019986 -0.2055 0.21532 -0.15605 0.019192 -0.32331 0.20854 0.29188 -0.32251 -0.27316 0.36031 0.23378 0.1495 -0.01284 -0.027845 -0.39566 0.39771 0.033166 -0.051125 -0.022702 0.26331 -0.30758 0.10086 -0.017884 -0.17162 0.17303 0.4597 -0.49968 0.067363 0.2475 0.16798 -0.10931 -0.16349 0.038199 -0.1015 -0.34919 -0.024499 0.039242 -0.022032 0.22289 0.085606 -0.065948 -0.065394 0.25424 -0.087111 0.37711 0.10055 -0.00064081 -0.084011 -0.39683 -0.36403 -0.19637 -0.19071 -0.18994 -0.28474 -0.12257 0.017596 -0.1625 -0.22418 -0.79747 0.088608 0.067142 -0.041942 0.1076 0.04777 0.42478 -0.39114 -0.080864 -0.25159 -0.027343 0.14931 -0.13421 0.08998 -0.068285 0.063285 0.064423 -0.21086 -0.00040278 -0.17278 0.17602 0.25703 -0.16872 -0.057281 0.21313 -0.074941 -0.38876 -0.26416 0.24174 -0.30244 0.094529 -0.089426 0.14677 0.096613 -0.62498 0.20746 0.10069 -0.039128 0.070092 -0.0011981 0.11348 -0.0095514 -0.11273 -0.23996 -0.099344 -0.14541 -0.31071 0.31612 -0.075377 -0.094789 0.15921 0.003976 0.050411 0.42235 0.063343 -0.098757 -0.14632 0.23308 -0.17375 0.28295 -0.49516 -0.0036848 0.40508 -0.23503 -0.16327 0.22314 -0.2455 -0.20865 -0.22202 0.0085346 0.072379 -0.10553 -0.091269 0.067068 0.21924 0.39532 -0.30634 -0.13163 -0.098442 -0.2065 -0.45396 0.54588 0.14171 -0.28257 -0.014702 -0.1339 0.098481 -0.14497 -0.053057 -0.16407 -0.13994 0.19239 -0.35545 0.12376 0.019699 0.14782 0.24582 0.20072 0.13425 0.053111 0.54769 0.088898 -0.11703 -0.20836 0.15755 -0.040329 -0.13491 -0.40331 0.1234 0.057737 0.040181 0.018324 0.07317 -0.2716 0.1592 0.25896 -0.31904 0.38814 -0.16251 0.21742 -0.11474 -0.40485 0.10846 -0.17078 -0.0042315 0.083689 0.10878 -0.080402 -all -0.42965 0.0088802 -0.20334 0.3175 0.046608 0.087144 -0.039991 -0.2754 -0.014379 0.16212 0.13356 0.053119 -0.019098 -0.12506 -0.024932 0.020046 -0.077413 -0.048549 -0.078301 0.023917 -0.30604 0.23914 -0.16549 -0.014935 -0.067174 0.092052 0.10943 0.077801 -0.0019634 0.17112 -0.023338 0.078832 -0.089082 0.24323 -0.10486 -0.12815 0.23938 -0.017536 -0.088876 -0.055258 0.023468 -0.18116 -0.12018 0.15627 0.020228 0.24384 0.058268 -0.19301 0.0061237 -0.1431 -0.12233 -0.23044 -0.06686 -0.03275 -0.28975 -0.031955 -0.15657 -0.0046447 -0.34629 0.16072 0.10008 -0.086969 0.37103 -0.35766 0.21389 -0.10356 -0.0033891 -0.032044 -0.18631 0.17904 -0.027564 -0.18208 0.045534 -0.28746 -0.13556 -0.064947 0.26073 0.11846 0.047528 -0.045252 -0.037418 0.18184 -0.27369 0.21925 -0.13466 0.18854 0.04712 0.17052 0.13561 -0.17757 -0.16426 0.18872 0.2 -0.2609 0.0073115 -0.070688 0.10376 0.056869 0.060297 -0.069054 0.20653 0.012256 0.14446 -0.081493 -0.32633 -0.26051 -0.19404 0.057902 -0.18123 0.093194 0.060564 -0.092249 -0.046576 0.016841 0.093002 -0.073175 0.40035 0.079836 -0.01474 0.17141 0.11818 -0.060034 -0.09074 0.19669 0.080111 0.062201 0.27632 0.023134 0.14159 0.28064 0.27237 0.14235 -0.16656 0.21778 0.20592 -0.021267 -0.069916 0.1658 0.26698 0.086414 0.083855 0.15162 0.18579 0.017757 0.18859 0.1688 -0.082017 0.0097354 0.038319 0.018847 -0.042382 -0.072064 0.0083685 -0.12679 0.0041041 0.12105 -0.040381 -0.15393 0.20437 0.28037 -0.17976 -0.215 -0.16445 0.27284 -0.094615 0.075256 -0.06525 0.050482 0.080204 0.075281 0.042197 -0.16842 -0.14679 0.061092 -0.26909 0.20269 -0.045017 0.046155 0.079746 -0.0035558 0.13033 -0.16793 -0.070565 0.2651 -0.17141 0.22394 -0.010464 -0.19645 0.058532 -0.18619 0.038604 -0.013632 0.10491 0.1001 -0.14533 -0.059982 -0.19854 0.078153 -0.30593 -0.15741 0.17248 -0.13547 0.017064 -0.041899 0.13739 -0.051294 -0.15157 -0.044107 0.28239 -0.0038653 0.24701 -0.3559 0.15038 0.073476 0.30945 -0.033385 -0.039795 -0.1738 -0.039525 0.019248 -0.095246 0.18088 0.020459 -0.0321 -0.05684 0.3275 -0.00089029 -0.22052 0.061158 -0.07099 0.28926 0.08613 -0.037341 -0.068044 0.11947 0.081472 0.036236 -0.089263 0.10454 0.050139 0.1052 0.0049095 0.0088752 0.12309 -0.06785 0.10891 0.26034 -0.0055677 0.16537 0.11733 0.072281 0.020446 -0.1384 -0.15131 0.042036 0.20698 -0.080284 -0.1019 0.075711 -0.10935 0.13224 -0.025915 -0.0080608 -0.10096 -0.0026213 0.059181 -0.16895 -0.046259 -0.18888 -0.11783 0.026414 0.10926 0.060116 -0.0052691 0.014903 0.0046529 -0.22772 0.082784 -0.045502 -0.048428 0.17518 0.04156 0.0088114 -0.14547 0.084435 -0.0042664 0.13117 0.35262 -0.45328 0.18638 0.2353 0.024114 0.31682 0.18082 0.22047 -0.019153 -0.16688 -0.17553 0.13171 -0.028725 -their 0.12108 0.050184 -0.1595 0.26758 0.0058531 -0.066766 0.12474 0.078573 -0.012852 0.24327 0.1679 -0.048491 -0.0053986 -0.11588 0.066364 -0.0091023 0.048438 -0.044797 -0.11963 -0.095881 -0.21745 0.0092893 -0.00079798 -0.25402 -0.085531 0.041114 0.16168 0.13571 -0.071569 -0.0075288 -0.20957 0.013117 -0.16595 0.12892 -0.23942 -0.11186 0.11593 0.052861 0.12475 -0.15452 0.29841 -0.041613 0.030492 0.10227 0.14782 0.10698 0.29219 0.21681 -0.032681 -0.21893 0.057776 -0.18071 -0.026903 0.26301 -0.26017 -0.045765 -0.054281 -0.0059784 -0.22835 0.10734 -0.25353 -0.24388 0.23217 0.062453 0.056728 -0.24474 -0.12223 0.12799 -0.32198 0.12994 -0.20929 0.10255 -0.23169 -0.44586 -0.23785 -0.055059 0.26633 0.15237 -0.037917 -0.25612 0.063225 0.15676 -0.1407 0.16957 -0.060944 -0.10031 0.018608 0.12792 0.039435 -0.073986 -0.094956 -0.062842 0.049721 -0.20236 -0.014727 0.046669 0.05937 -0.24429 0.10328 0.087579 0.095888 -0.10315 0.2728 -0.40314 -0.21764 -0.0663 0.079689 0.16685 0.053553 0.2104 0.10589 -0.22545 0.059085 -0.011398 -0.084907 -0.0027259 0.048359 0.16908 -0.040004 0.18869 0.10656 0.11193 -0.13592 0.15442 0.083623 -0.19724 0.1517 -0.046388 0.049671 0.2538 0.076565 0.18778 0.046143 -0.098137 -0.03891 -0.17658 -0.24566 -0.030542 0.0708 -0.07998 0.00069323 0.11517 0.083593 0.078065 0.12146 0.28809 0.027015 -0.040168 0.13851 0.14202 0.15303 -0.26339 -0.13026 -0.086854 -0.058488 -0.02097 -0.45058 0.21738 0.28727 -0.15329 -0.109 0.090674 -0.071088 0.21331 0.079669 0.17067 -0.0050916 -0.018396 0.3056 -0.0027602 -0.10436 -0.13435 -0.20715 0.17627 0.025517 0.34474 -0.13998 0.17193 -0.013195 -0.15875 0.15968 -0.032136 0.02181 0.053198 0.10221 0.0048228 0.30789 -0.21639 0.055483 -0.066302 0.1361 -0.18425 0.10121 0.2813 -0.11394 0.10893 -0.18798 -0.056759 -0.029395 0.051721 0.16168 0.096215 0.21522 -0.049861 0.14074 -0.048582 -0.067891 -0.043586 0.15442 0.12395 0.29884 0.31792 -0.029476 -0.22954 0.13503 -0.066817 0.077929 -0.15355 -0.077799 0.03399 -0.12008 -0.14979 0.034629 0.25705 -0.044134 0.28883 -0.28735 -0.31341 -0.063441 -0.073757 0.094711 0.036241 -0.047193 -0.18081 -0.37018 0.022323 -0.0041943 0.015069 -0.058319 -0.0016781 0.10064 0.008799 -0.019057 0.1298 0.10735 0.12715 -0.24744 -0.079153 0.11025 0.22733 -0.077809 0.03557 -0.00086855 -0.11368 -0.076684 0.14704 -0.13063 -0.20906 0.092649 -0.054276 -0.12189 0.13762 -0.231 0.021167 -0.32901 -0.11143 -0.16547 0.046944 -0.053264 -0.18892 -0.2617 -0.0086329 0.15429 0.25686 -0.12122 0.055378 -0.16159 0.22657 0.021818 0.12136 -0.027152 0.11339 0.069789 0.14235 0.16321 0.14271 -0.075703 0.12842 -0.36191 0.25606 0.023424 0.027158 -0.11381 0.13535 0.24351 0.014782 -0.047368 0.34908 0.049802 0.035011 -there 0.013689 0.14616 -0.020037 0.32463 -0.14837 -0.01296 0.0031785 -0.0045912 -0.023316 0.20372 -0.0028693 0.064148 0.024081 0.30042 0.15985 -0.034167 -0.046283 -0.11454 0.23148 -0.062146 -0.041946 0.141 -0.17776 0.029392 -0.19214 -0.047674 0.19028 0.016809 -0.12773 0.134 -0.01405 0.1967 -0.16411 0.22005 -0.081228 0.0058925 -0.02986 0.097874 0.048011 0.00509 -0.10262 0.0084757 -0.089191 -0.028915 0.079653 0.21242 0.22955 0.0068429 -0.10734 -0.12707 -0.035675 -0.34758 -0.014745 0.098664 -0.26677 0.15174 -0.070379 0.11741 -0.21856 0.14806 -0.34428 -0.092995 0.33721 -0.25579 -0.12442 -0.081491 -0.012542 0.10204 -0.08476 0.16592 -0.098669 -0.010756 0.061447 -0.068707 -0.25046 0.033093 0.038377 0.12674 0.029024 0.00030627 0.23159 0.01349 0.04606 -0.12942 -0.13805 -0.0040294 -0.17694 0.14187 -0.024653 -0.15579 -0.015882 -0.077564 0.55749 -0.32984 0.073338 0.050526 0.2151 0.12432 -0.018416 0.18043 0.21407 0.026809 0.12491 0.034459 -0.1664 -0.013394 -0.12745 0.094926 0.0098882 -0.16172 -0.17373 0.16779 -0.033516 -0.060354 0.13567 -0.1925 0.073883 -0.026626 0.02627 0.24957 0.33962 -0.025451 0.17727 0.25922 -0.015897 0.18869 0.18008 0.15822 0.13882 0.15156 -0.12936 -0.095485 0.13651 0.19109 0.051064 0.025392 -0.022263 0.079596 0.093802 0.051655 0.039181 0.029299 0.14719 0.012053 0.38006 0.087772 -0.16059 0.1168 -0.12383 0.073708 0.011269 -0.19968 0.053784 0.067892 -0.26106 -0.22814 0.20539 0.0032442 0.080051 0.097407 -0.18456 0.30216 -0.20749 0.08158 0.0082529 -0.12749 -0.21698 -0.038959 0.23559 -0.075517 -0.040899 0.045094 -0.5279 0.095606 -0.27215 -0.080209 -0.076886 0.22563 -0.13355 0.049687 0.096509 0.12826 0.13218 0.18036 -0.16039 -0.079016 0.051331 -0.20504 0.22081 -0.11359 -0.027723 -0.40002 -0.01707 0.089515 -0.18022 -0.22497 0.17763 0.17005 -0.25144 -0.13363 -0.007385 -0.047598 0.2405 0.12501 -0.14657 -0.037232 -0.139 0.012675 0.0066963 0.22678 0.18087 -0.10151 0.053858 -0.24692 0.024375 0.17947 -0.12393 -0.30308 -0.1203 0.01573 -0.12332 -0.17654 -0.028845 0.075684 0.03806 0.090058 0.12124 0.22865 -0.1017 0.095487 0.22654 -0.057054 -0.19671 -0.051846 0.065229 0.2773 0.1316 -0.21467 0.22619 0.15237 -0.12981 0.030462 0.1166 -0.19111 -0.21469 0.41953 0.29282 0.21589 0.00081175 -0.077017 0.059567 -0.0024375 -0.45537 -0.086308 0.0074062 0.058034 0.15511 -0.21714 -0.20471 0.021665 0.10662 0.13441 0.1459 -0.10707 0.021473 -0.0023633 -0.15888 0.17146 0.010775 0.12453 0.027792 0.090843 0.090885 -0.23816 -0.13538 -0.10069 0.072976 -0.043221 -0.012684 -0.13816 0.33124 0.011421 -0.2019 -0.064327 0.13483 0.23735 0.00090457 0.11574 -0.20922 0.14809 0.2078 -0.045272 -0.18763 0.066758 -0.11273 -0.19281 -0.30905 0.025198 -0.030905 0.0016205 -been -0.1477 -0.13477 -0.2475 0.02076 -0.13587 0.12788 0.10769 -0.34265 -0.14884 0.28341 -0.0099212 0.27009 0.028468 0.012028 0.12074 -0.11319 0.031134 0.13722 0.08244 0.090114 -0.039155 0.207 -0.17441 -0.46096 -0.13696 -0.0038776 0.11981 0.20182 0.080932 0.14176 -0.12591 0.21687 0.0010702 0.2635 0.066637 0.0011725 0.055957 0.095976 -0.03724 -0.17582 0.14216 -0.14061 0.14911 0.089605 -0.083772 -0.036891 0.11188 0.015942 0.047274 0.19163 -0.34174 -0.26671 -0.30332 0.15135 0.085256 -0.17965 -0.059018 0.2968 -0.14752 0.24992 0.00087438 0.15221 0.11701 -0.0017772 0.4922 0.14307 -0.28457 0.14576 -0.16481 -0.052588 -0.10354 -0.010191 0.06632 -0.30943 -0.058576 0.17096 0.28728 0.32305 -0.10497 -0.27314 0.040203 0.01941 0.058334 -0.11107 0.045268 -0.28341 0.0021492 -0.02673 -0.24905 0.03685 0.018437 0.043619 0.29779 -0.023423 0.067262 -0.021577 0.027047 0.14574 -0.1242 0.0057499 -0.22087 0.082406 0.19025 -0.22731 0.013923 -0.075359 -0.10851 0.26828 -0.27522 -0.03719 -0.11582 0.19715 0.0095723 0.030525 0.003465 0.034414 0.19314 0.14158 0.033836 0.31028 -0.026976 0.16816 -0.22094 0.44517 0.018906 0.063523 0.031337 0.25996 0.13026 0.29794 -0.12269 0.20463 -0.11847 0.12853 0.17572 0.10058 -0.074098 0.099432 -0.14375 -0.006641 -0.1282 0.029715 0.0078677 -0.014492 -0.025692 0.20441 -0.10205 -0.28795 -0.14402 0.2171 0.026392 -0.019398 -0.026873 0.031167 -0.23681 -0.095229 -0.17373 0.010928 0.62986 0.044692 0.1105 0.27522 -0.40513 -0.0082544 0.068675 0.1379 0.36785 0.020965 0.17326 0.25395 0.020348 0.065713 0.010664 0.027053 -0.15869 -0.23314 0.087733 0.10751 0.097722 -0.13846 0.024585 0.017132 0.025672 0.3863 0.16764 -0.008983 0.21617 0.068635 0.17933 0.0065194 -0.15408 -0.48797 0.013831 0.15091 -0.16832 -0.35222 -0.16744 -0.0014162 -0.20537 -0.0014328 -0.13127 0.1691 0.031576 0.026595 -0.23506 0.096983 0.20562 0.15854 0.26697 0.22913 0.29997 -0.16922 -0.22712 0.090185 0.011827 0.024106 0.0079038 -0.012663 -0.048562 0.24817 -0.073063 -0.24561 -0.10296 -0.19988 -0.073753 -0.072046 0.0083721 0.039906 -0.16167 0.05178 -0.12637 0.14349 0.0018635 -0.070317 -0.023958 -0.11765 0.19558 0.25143 0.13778 0.35231 0.066119 0.073639 0.18583 -0.10051 -0.095831 0.042474 0.21821 0.036443 0.13412 0.1169 0.072217 0.16399 0.075131 -0.17558 -0.017305 0.055556 -0.040382 -0.012062 -0.0040065 -0.086663 0.13453 0.21096 -0.14205 -0.18998 -0.30808 0.17079 -0.10165 0.30312 -0.25341 -0.11659 0.045643 0.10542 0.17127 -0.16073 -0.12051 -0.30933 0.40289 0.18351 0.14009 -0.16767 0.10839 0.010342 -0.015383 -0.075649 -0.068229 -0.073173 0.066303 0.097534 -0.01572 0.21127 -0.17418 -0.11655 -0.088314 0.025956 -0.11041 -0.072122 -0.15355 0.24966 0.11398 0.07525 -made -0.1607 -0.15512 -0.16367 0.15251 0.28545 -0.089589 -0.085886 -0.042271 0.044481 0.17389 0.052276 0.18053 0.19 -0.012547 -0.020536 -0.047085 0.13906 0.31214 -0.26683 0.040201 -0.13571 -0.18192 0.20091 -0.19316 -0.27992 0.080827 -0.024699 -0.4407 0.004629 0.12059 0.050521 0.20287 -0.32498 -0.080344 0.0020535 -0.099764 0.16449 -0.16448 0.1796 -0.35642 -0.0036997 -0.03232 -0.22326 -0.0087993 -0.063212 -0.047669 0.004822 -0.086263 0.19595 0.089789 -0.25139 -0.022407 0.13665 0.16436 -0.24884 0.21022 -0.3678 -0.12325 -0.11068 0.34695 0.068993 0.094693 0.22348 -0.54 0.065352 -0.52442 -0.010399 0.11741 -0.086235 0.14231 -0.044102 0.25507 0.0063577 -0.20154 0.086202 -0.16446 0.1808 0.10532 0.030927 -0.11688 0.13399 0.14195 0.13697 -0.066606 0.20211 -0.53664 0.012099 0.18373 -0.38062 -0.47262 -0.13657 -0.11716 -0.069509 -0.30032 -0.069818 0.38741 -0.30412 0.090496 -0.37882 -0.21545 -0.23895 -0.24152 -0.059071 0.22437 0.28948 0.22511 0.15225 0.13766 -0.14144 -0.11415 0.042245 0.18327 0.32289 -0.18588 0.080721 -0.060523 0.076963 0.21812 0.019744 0.12474 0.1822 0.25496 -0.21334 0.081183 0.43752 0.2781 -0.048984 0.17067 -0.074991 0.40426 0.10785 0.13576 -0.069448 0.081642 0.16985 -0.30936 -0.083486 0.00031132 -0.32089 0.031854 -0.22316 -0.15137 -0.17352 0.32026 0.045412 0.12836 -0.31505 0.26893 -0.4531 0.40112 0.12999 0.038981 -0.22968 -0.11053 -0.51142 -0.11542 0.23931 -0.20533 0.03168 0.002001 -0.13145 -0.0042372 -0.25358 0.17025 -0.005468 -0.20585 0.25619 0.1074 0.37034 0.029532 -0.34615 0.11243 -0.27023 0.067293 -0.26414 0.17343 -0.11997 -0.0055723 0.0011452 0.10664 0.14741 0.0055639 0.2753 0.50486 -0.21264 0.35812 0.4108 0.074424 0.017267 -0.049262 0.14322 -0.16379 -0.077156 0.1382 -0.12331 -0.15811 -0.26149 0.18855 -0.32902 0.3601 -0.41521 -0.31113 0.58768 0.19098 0.07964 -0.16781 -0.39613 0.31702 0.50609 0.29085 0.65181 -0.37568 0.23727 0.011391 -0.060317 0.18376 0.54529 -0.55282 -0.058984 0.22881 0.081654 0.068108 -0.014444 0.28761 -0.18975 -0.070589 -0.16044 -0.4832 -0.24823 0.017493 -0.042994 0.090457 -0.24163 0.17379 -0.25222 0.47961 0.29635 0.099308 -0.011285 -0.090779 -0.0065225 0.1824 0.28863 0.13457 -0.27696 0.41439 0.4077 0.018963 0.23776 0.16625 0.084062 -0.19881 -0.14081 -0.14042 0.21177 0.16746 0.1532 -0.12037 -0.24419 0.094116 -0.10622 0.094826 0.14233 0.19439 -0.076951 -0.24088 -0.092695 0.32017 0.0034527 -0.24074 -0.14391 0.027853 -0.39148 0.22096 0.022911 -0.22762 0.16342 0.20037 -0.0067606 0.16903 0.097819 0.14917 -0.26921 -0.1249 0.31143 0.067282 0.20321 0.41096 0.26096 -0.39748 0.083338 -0.071496 -0.21098 -0.13502 0.20615 -0.10549 0.04879 -0.067252 0.11251 -0.12855 -its -0.099943 -0.095374 -0.16955 0.2332 0.027917 -0.2469 0.079541 -0.015743 -0.064162 0.37166 0.0504 -0.12933 0.26108 -0.061921 0.10533 0.01289 -0.018616 -0.12783 0.078918 0.17501 -0.11267 0.13836 -0.11526 -0.50424 -0.15812 -0.29586 0.10105 0.10246 0.15037 -0.045676 -0.28695 0.34189 -0.055164 0.2685 -0.29481 -0.078944 0.14982 -0.1456 -0.057301 -0.01025 0.054853 -0.061068 0.030838 -0.020885 0.29063 0.26164 -0.018397 0.26998 0.10307 -0.10266 0.055627 -0.018202 -0.052353 0.21491 -0.16526 0.041641 0.010906 0.072301 -0.024331 -0.068326 -0.080224 -0.030317 0.3424 0.013642 0.0024587 -0.27487 -0.13917 -0.12068 -0.07459 0.13155 -0.22706 0.055504 0.0087149 -0.051825 -0.20111 -0.019131 0.045798 0.19713 0.12722 -0.23622 0.1217 0.11136 0.28612 0.1686 -0.16094 0.044673 0.12357 0.32941 0.099932 -0.042613 0.20693 0.15455 0.13922 -0.37855 -0.035108 -0.025928 0.17044 0.25218 0.051277 -0.024152 -0.041032 -0.017559 0.40249 -0.39724 -0.11576 -0.14655 -0.28519 0.3248 -0.05679 0.030534 -0.08874 0.0071727 -0.14484 -0.1129 -0.095761 0.061138 0.023838 0.11662 0.35584 0.17463 0.052115 -0.034274 -0.095426 0.28186 0.11581 0.099476 0.17887 -0.0027635 0.11502 0.018327 0.011297 0.17553 0.12653 0.053634 -0.15143 -0.15354 -0.12833 -0.0062628 -0.057793 0.11873 0.01342 0.0038952 0.22655 0.34041 0.1632 0.25613 0.016746 0.062438 0.11331 0.20081 0.11894 -0.25878 -0.07954 -0.04138 0.069708 -0.046969 -0.016395 0.18225 0.27116 -0.0076246 -0.20777 0.21339 -0.3384 0.29664 0.30422 -0.027936 -0.074645 -0.050666 0.20789 -0.1547 -0.13444 -0.16362 0.0075092 0.020599 -0.10769 0.15171 -0.028397 0.11531 -0.11472 0.097927 0.15989 0.06269 0.057852 -0.023723 0.1373 0.032406 0.12856 -0.45087 -0.094265 0.0011745 -0.020482 -0.064063 0.15759 0.2013 -0.26073 0.31537 0.10384 -0.028928 -0.020059 0.031401 -0.0033611 -0.041878 -0.062437 0.04403 -0.22855 -0.24718 0.19772 0.0054901 0.15843 0.22321 0.11864 0.36403 0.042914 -0.026939 -0.004724 -0.12658 0.12068 -0.12599 0.068229 0.078913 0.042069 0.10273 -0.27115 0.23578 0.12164 0.082186 -0.23721 -0.3815 -0.052169 -0.04982 0.17205 0.16805 -0.074104 -0.013826 -0.31626 -0.027091 0.011182 -0.16375 -0.080864 0.074682 -0.048148 -0.19462 0.13134 -0.13379 0.23713 0.0020027 -0.12394 -0.046406 0.00053912 -0.12535 0.069831 0.35514 0.037194 0.00799 -0.012723 0.075782 -0.099322 0.082945 -0.0029492 -0.076004 0.12589 0.055382 -0.16835 -0.039559 -0.19796 -0.031226 0.095901 0.037382 -0.004177 -0.36257 -0.50771 0.10456 0.19824 0.23786 0.015615 0.034666 0.031472 0.57877 0.16154 0.091154 0.027592 -0.017388 0.040783 -0.06976 0.31625 -0.18234 -0.055455 0.18401 -0.24267 0.12608 -0.045711 -0.1667 -0.19817 0.23516 0.085741 -0.084006 0.01074 0.29869 -0.12425 -0.044046 -people -0.18904 -0.0060955 0.17664 -0.1551 -0.31886 -0.19349 0.028729 -0.18951 -0.059563 0.18212 0.26391 0.26106 -0.19818 -0.10295 -0.23183 -0.034002 -0.33035 -0.20227 0.20207 0.049372 -0.066406 0.13397 -0.021476 -0.10524 -0.019948 0.049189 0.39666 -0.12545 -0.24825 0.31195 -0.15038 0.20861 -0.66122 0.17057 0.13622 -0.086348 -0.036075 -0.158 0.19955 0.36775 -0.35637 -0.018656 -0.03945 0.047299 0.33251 0.49576 0.011627 -0.12662 -0.19955 -0.13496 -0.031604 0.084278 -0.00088686 -0.021137 -0.042625 0.05959 -0.07074 -0.012893 -0.17834 0.23333 -0.26474 -0.1681 0.31222 -0.02476 -0.073097 0.012875 -0.02417 0.031449 -0.11147 0.19393 -0.10097 0.20565 0.44183 -0.34442 0.31633 -0.18494 0.24902 0.01189 -0.37678 -0.36856 -0.3234 0.10022 0.31117 0.23776 0.17438 -0.057654 -0.089945 0.29086 0.078267 0.029959 0.21061 0.13605 0.28215 -0.46272 -0.16089 0.2232 0.2343 0.050995 0.051689 -0.11358 -0.093533 0.38209 -0.21496 -0.52718 -0.44801 0.22312 -0.12194 -0.16079 0.17599 0.1325 0.57215 -0.045787 -0.39375 -0.02876 -0.18495 0.055877 0.38101 -0.010387 -0.30994 0.16415 -0.17603 -0.064731 -0.24216 0.1437 -0.0023777 -0.12474 0.14279 0.17737 0.27145 0.046148 0.096142 0.27569 -0.16928 -0.068955 -0.14369 -0.19753 -0.084424 0.10927 0.025963 0.3121 0.12074 0.30427 0.049774 0.037441 0.28976 -0.010688 -0.15236 -0.031899 0.13813 0.019419 -0.012435 0.047858 0.21456 0.034201 -0.20808 -0.49573 0.33692 -0.067651 -0.050387 -0.20308 -0.29392 0.62286 -0.34168 -0.062339 0.57835 -0.15267 -0.15429 -0.18918 0.68803 0.070699 -0.13678 -0.23595 -0.25227 0.23216 -0.56908 0.26069 -0.24 0.17192 0.033571 -0.10659 0.29385 0.34061 -0.09552 0.31066 -0.0078378 0.23933 0.00984 -0.021138 -0.1788 -0.046346 0.19833 -0.27223 0.1205 0.19981 -0.31488 -0.096613 -0.2177 0.24444 -0.34423 -0.17851 -0.207 -0.23557 -0.079816 0.24642 0.00070893 0.12106 -0.20982 -0.2207 -0.095824 0.34375 0.45887 -0.09032 0.21364 -0.32243 0.051047 0.025595 -0.03888 -0.36033 -0.049995 0.068956 0.02306 -0.33479 -0.10781 0.19563 0.042942 0.2409 -0.092082 0.20205 -0.028472 -0.049433 0.10717 0.069724 -0.15489 -0.24612 -0.1305 0.08178 0.11362 0.090137 0.077621 0.21475 0.013195 -0.27982 0.34427 0.24947 -0.19077 -0.011215 0.037879 0.1576 0.01079 0.055051 0.16133 -0.21535 -0.25201 -0.27721 -0.074579 -0.16421 0.096502 -0.39348 0.24881 -0.0029485 -0.045481 0.0029993 0.043741 -0.43711 -0.26041 0.012057 0.28825 -0.1843 0.026475 0.24676 0.14065 0.10368 -0.27005 -0.21365 -0.22759 0.5363 0.28187 -0.077291 0.23566 -0.23195 0.19219 0.14927 0.04829 0.33027 0.45874 -0.19561 -0.072188 -0.34129 0.10512 0.008399 0.11388 0.0085701 -0.13828 -0.11493 -0.22161 0.11269 -0.68484 -0.027416 0.32802 -0.092465 -may -0.1281 0.11622 -0.1766 -0.1788 -0.24574 0.013559 0.094366 -0.27989 0.07467 -0.042644 -0.15928 -0.10095 -0.077565 -0.046445 0.063462 0.026919 -0.278 0.10078 -0.12386 0.12633 -0.0559 0.13483 0.13824 -0.16584 0.047997 -0.049696 0.06493 -0.18064 0.023736 0.035298 -0.11303 0.10691 -0.19971 -0.10965 0.10989 0.06081 -0.20734 0.15336 0.15677 0.0026077 -0.03626 0.080751 -0.16879 0.0019382 0.0092692 0.041721 0.084704 0.15395 -0.12817 -0.22389 -0.18053 -0.0091861 -0.083469 -0.17693 -0.06959 -0.25896 0.15773 0.092564 -0.057691 0.16113 0.054333 -0.17219 0.24803 -0.078886 -0.12712 -0.099611 -0.33846 0.040201 -0.14857 0.13339 -0.2037 0.26244 -0.13218 -0.38882 0.14438 0.14761 0.37248 0.058287 -0.063674 0.13964 0.1806 0.32397 -0.043231 -0.12882 0.11246 0.064378 -0.016712 -0.040039 0.033283 -0.04152 -0.15424 0.039441 0.088131 -0.22506 0.053484 -0.046978 0.034448 -0.15505 -0.094368 0.3674 -0.1874 -0.097182 0.031259 -0.51324 0.11953 -0.065023 -0.075121 0.13838 0.20906 -0.067881 0.15865 0.29764 -0.10774 -0.18179 -0.10896 -0.040166 -0.037554 0.23005 0.071476 0.14132 0.10433 -0.15146 -0.13462 0.54403 -0.1644 -0.14705 -0.086271 0.080527 0.074534 0.32952 -0.065689 0.12402 0.27546 0.045918 0.11204 -0.20028 -0.1732 0.21601 -0.10553 0.1254 0.10037 -0.15991 0.091771 0.060991 -0.11855 0.4845 0.13214 -0.20783 -0.17782 -0.057865 -0.06103 0.063225 0.056823 0.024756 -0.027454 -0.16079 -0.11708 -0.019639 0.39605 0.04553 -0.077044 0.008143 -0.37277 -0.07205 0.24427 0.14173 -0.080408 -0.04853 0.16336 0.23024 -0.38325 -0.14976 -0.29596 0.086066 0.10046 -0.077654 -0.043165 0.020356 -0.15622 -0.14 -0.23401 -0.2175 0.065091 -0.017582 0.0090847 0.14202 -0.11031 -0.056833 0.20382 0.043655 -0.085542 -0.36912 -0.048674 -0.013265 -0.015587 0.037973 0.11359 0.11422 -0.27879 -0.091202 0.034331 -0.21125 -0.35898 0.080895 0.062445 -0.039032 -0.15083 0.040102 0.20751 0.2423 0.30196 -0.32137 -0.09406 0.099781 -0.042716 -0.10103 -0.09818 -0.23061 -0.085553 -0.30054 -0.019516 -0.28347 -0.18745 -0.059179 -0.11367 -0.028728 -0.067596 0.067616 0.17367 -0.039826 0.0042453 0.12594 0.030568 -0.098419 -0.17452 0.16847 -0.063715 -0.063695 0.17122 0.16309 0.10663 0.053643 0.12603 0.11223 -0.11047 0.217 0.01833 0.2542 0.092537 -0.040046 0.21966 -0.14843 0.060282 0.068879 0.076029 -0.085165 -0.044522 -0.050305 0.13074 0.0085751 0.23026 0.17303 -0.050384 0.038419 0.00024102 -0.025396 -0.29367 0.25275 -0.23461 0.022624 -0.27669 -0.011798 -0.0081916 -0.12315 -0.2124 -0.14725 0.099977 0.04448 0.053206 -0.03325 -0.052258 -0.11754 -0.21017 -0.16639 0.30818 -0.16077 -0.020212 0.22307 0.19837 0.082521 0.26291 0.0082545 -0.23046 0.0039818 0.18998 -0.034144 -0.14982 -0.032295 0.067883 0.15751 -after -0.02381 -0.13347 -0.099323 0.18576 -0.09063 -0.01901 -0.017136 -0.19994 -0.03215 0.19638 0.20083 -0.03299 -0.068473 0.088887 0.025086 -0.087506 0.081662 -0.18359 -0.13052 0.4695 0.020701 0.12677 -0.42526 -0.22049 -0.19864 -0.14351 0.044412 -0.085645 0.068079 0.00065869 -0.16506 0.26333 -0.041861 -0.0068456 0.17591 -0.088237 0.17138 -0.12413 0.18414 -0.075362 0.042134 -0.091953 0.032799 -0.19697 0.0021139 0.025462 0.15297 0.18938 -0.093815 0.13099 0.1133 -0.26342 -0.060955 0.053676 -0.015557 0.037087 -0.13589 0.10788 0.015482 -0.049748 -0.05699 -0.5012 0.024022 0.11203 0.073363 0.094816 -0.0010325 0.19499 -0.049417 0.018289 0.014312 0.10258 -0.17422 -0.21716 0.13874 0.078372 0.28409 0.15151 0.058753 -0.15125 0.25806 0.0064346 -0.14491 0.15146 0.035753 -0.099718 -0.2518 0.077202 0.027281 0.0148 -0.32185 -0.19973 0.26645 -0.022034 0.22838 0.18023 -0.17501 0.31774 -0.21449 -0.18692 0.060354 0.043683 0.27214 -0.017046 0.10917 -0.038514 -0.093555 0.21885 0.24409 0.22292 0.23795 -0.018903 -0.037171 -0.10287 0.11239 -0.17271 0.067486 0.11565 -0.044566 0.26892 0.39521 0.20493 -0.28793 0.3875 0.14814 -0.11139 0.28312 -0.028172 0.30891 0.064985 -0.25356 0.0028425 -0.23909 -0.23515 0.0084086 0.070237 -0.089971 0.043253 -0.135 -0.10582 0.046109 -0.1103 0.081581 -0.062136 0.0055225 0.29208 0.060016 -0.075344 -0.10711 0.096122 0.0067895 -0.176 -0.063068 0.26846 -0.2079 -0.046621 -0.0099679 -0.028861 0.095638 -0.030919 -0.10331 0.26062 -0.25952 0.29983 0.13703 -0.1213 -0.12396 0.10173 0.22469 -0.26712 -0.071385 -0.12106 0.010285 0.080605 0.068203 0.014649 -0.19149 0.25863 0.050205 -0.17061 -0.090931 -0.066977 -0.38715 -0.11005 -0.20213 0.15995 0.072924 -0.093986 0.067252 -0.012308 -0.19589 -0.12459 0.026278 0.12086 0.071179 -0.051619 -0.26104 -0.087131 -0.064114 -0.085221 -0.19941 -0.076755 -0.063048 -0.046931 0.053142 0.096564 -0.070828 0.062502 0.17359 0.16847 0.15346 -0.061157 -0.085192 0.008912 -0.083714 0.034392 0.067603 -0.11983 -0.26691 0.076166 -0.045276 -0.10477 0.11846 0.19733 -0.069763 0.16007 -0.25733 -0.0086714 0.1971 0.14137 0.12357 -0.034954 -0.34086 0.11762 -0.098647 0.024459 0.059482 0.030277 0.048182 -0.17786 0.14967 -0.2367 0.20631 0.026731 -0.038929 0.049806 0.086189 -0.0076831 -0.01505 0.0685 0.13626 0.012769 -0.14371 -0.15177 -0.047791 0.098528 -0.14076 -0.12515 0.0009927 0.14614 0.12226 0.19631 0.070392 -0.32198 -0.020638 -0.1294 0.2394 0.09384 -0.069987 -0.23969 -0.24248 -0.17795 -0.088668 0.060282 -0.3157 -0.026589 0.1686 0.24604 0.1197 0.074519 -0.023599 -0.010565 0.24928 0.32287 -0.054877 0.1355 0.041028 0.0683 0.081687 -0.11338 0.059686 -0.052655 0.14214 -0.16897 -0.10605 -0.028526 -0.04856 0.17569 -0.024529 0.05592 -% -0.34595 -0.099989 -0.45195 0.14494 -0.67913 -0.12342 -0.12161 -0.65677 0.10068 -0.30083 -0.083097 0.35491 -0.00066027 0.20335 -0.43612 -0.16698 -0.2613 0.11388 0.67893 0.1954 0.018472 0.23597 0.025022 0.89684 -0.55003 -0.20671 -0.659 -0.27406 -0.18194 0.45689 0.16644 0.23882 -0.25251 0.18689 -0.26386 -0.61533 -0.12633 0.020112 -0.49091 0.018793 0.21324 -0.37916 -0.15436 0.12611 0.71791 0.043793 -0.13866 -0.38003 0.13321 -0.29352 -0.29998 -0.23507 -0.20814 -0.26209 0.038159 -0.16692 0.070279 -0.046276 -0.22974 0.10836 0.022688 -0.38177 0.54448 -0.27652 -0.19122 0.32353 0.14507 0.20475 -0.013999 0.25133 0.41841 -0.030467 -0.63 0.36625 -0.47234 -0.15143 0.3606 0.10791 0.22987 0.28089 -0.15399 0.45954 0.23445 0.41754 0.059689 -0.67307 -0.21871 0.32886 0.56541 -0.063921 -0.25238 0.18952 -0.41196 -0.64352 -0.12855 0.45232 -0.021397 0.16441 0.35297 -0.0056197 -0.056661 0.11771 0.49606 -0.36182 -4.8399e-05 0.031244 0.22128 -0.29626 0.21516 0.56481 0.17392 0.4204 -0.38805 0.19879 -0.17618 0.37551 0.26922 0.64065 -0.48071 0.54982 -0.073206 0.057841 -0.10422 -0.32746 -0.036678 -0.1932 -0.63092 -0.36363 -0.24651 0.26277 0.19379 -0.078498 -0.15346 0.3151 0.027983 0.16243 0.39814 -0.15768 0.16831 0.43229 -0.068114 0.56968 0.35631 0.013081 0.088933 0.83076 -0.27779 0.1988 -0.30016 0.12859 0.31431 0.12652 -0.2919 0.48098 -0.40795 -0.021773 0.2113 -0.16392 0.28242 0.12109 0.36418 0.44416 -0.27821 0.0047798 0.7741 0.30292 -0.078799 0.25372 0.037243 0.52737 0.35868 -0.18463 -0.45473 0.50935 0.055312 -0.24136 -0.38552 -0.1297 0.013833 -0.25722 -0.17835 -0.3576 -0.41943 -0.1615 -0.30302 0.60682 0.12568 -0.10517 0.006273 0.024597 0.33765 0.3351 0.71938 0.67717 -0.070356 0.36305 -0.36126 0.62285 -0.34824 -0.28687 -0.33793 -0.14749 0.65983 -0.1391 0.33836 -0.09946 -0.75038 0.027116 0.75642 0.2419 -0.021156 -0.50507 0.22996 0.54194 -0.34584 -0.75338 -0.23758 -0.57873 -0.48143 0.19732 0.35088 0.36563 0.26608 0.12589 0.14343 0.5444 0.097154 -0.15934 -0.15195 0.29162 0.25976 0.19826 -0.082778 0.20404 0.27866 -0.32214 0.26683 -0.16996 0.065559 -0.033153 -0.37233 -0.14817 -0.70513 -0.29792 -0.43549 0.21966 -0.14124 0.063161 -0.1167 0.23056 0.17694 -0.46328 -0.4211 0.31795 0.06937 -0.13074 0.068277 0.014166 0.11788 0.25749 -0.27967 0.0071493 0.11028 0.14862 -0.39479 0.70441 0.068699 -0.030409 0.42079 0.016701 -0.15536 -0.091807 1.0344 -0.30369 -0.22631 0.6106 0.36308 -0.019935 0.096855 0.023815 1.0099 0.54708 0.44751 -0.44186 0.17654 0.31286 0.34237 -0.014783 -0.22935 0.24776 0.65014 0.14849 0.24625 0.35897 -0.43755 0.087611 0.084289 -0.092697 -0.1195 -0.28025 -other -0.06144 0.13907 -0.15251 0.15441 0.076244 0.14154 0.17104 -0.21644 0.21813 0.29309 -0.00095394 0.0029898 0.0055986 -0.055287 0.036586 -0.086746 0.12844 0.043027 0.015071 -0.061351 -0.067906 0.069628 0.044527 -0.071393 0.021024 0.031831 0.19265 0.0027777 -0.13024 0.081277 0.14577 0.10254 -0.16524 0.28039 -0.018377 -0.093898 0.093526 0.15219 0.13651 0.0073334 0.16772 -0.023001 0.12163 -0.022788 0.048725 0.050573 -0.12345 -0.20483 0.0084026 -0.2819 -0.041475 0.094374 -0.15813 -0.06799 -0.45109 -0.071498 -0.16556 -0.034215 -0.43026 0.25528 -0.0056669 -0.20065 0.31609 -0.051316 0.077715 0.21971 -0.32093 -0.0075352 -0.10382 -0.018169 -0.080878 0.0089464 0.051645 -0.21536 -0.21703 0.22639 0.20479 0.17501 0.10353 -0.062102 0.14903 0.0035497 -0.18489 0.065968 0.13212 0.0027676 -0.031666 0.13545 -0.0097185 -0.051893 0.17964 -0.026688 0.25952 -0.29137 0.043709 0.012291 0.043275 0.0095296 -0.019058 0.13288 0.080184 -0.091995 0.11834 -0.12496 -0.098992 0.030249 -0.093587 -0.02936 -0.012213 0.12523 -0.1506 0.13369 -0.072981 -0.095704 -0.014042 0.07759 0.27774 0.33178 -0.036571 0.050608 0.1577 0.10267 -0.093197 0.34011 -0.062091 0.1156 0.20672 0.18848 0.012482 0.37629 0.069247 0.02612 -0.16087 0.11409 0.10902 0.0098502 -0.1622 0.063179 0.0022694 -0.053578 0.036597 0.071441 0.064592 0.13408 0.039921 0.17445 -0.11835 0.037857 -0.055783 0.076999 0.03013 -0.34679 0.026288 -0.046679 -0.096556 -0.062937 -0.010126 -0.077202 0.19505 0.16586 -0.01868 0.22373 0.010541 0.080339 0.1743 0.010536 -0.17484 -0.18947 0.089363 0.069082 0.0054627 0.039536 -0.1587 0.11398 -0.19848 0.13628 0.19069 0.17036 0.3821 -0.044378 -0.077391 0.12628 -0.055254 0.097946 0.079165 0.18271 0.19934 -0.046055 0.26268 -0.027263 -0.014297 -0.078849 0.066682 -0.027352 -0.25097 -0.053086 0.057189 0.22181 -0.13553 -0.02557 0.026317 -0.21086 0.15813 -0.071769 0.069016 -0.010298 -0.078427 -0.044183 0.0010938 0.23331 0.23129 -0.026975 -0.075833 -0.091101 0.10878 -0.071617 -0.06223 -0.27325 -0.10158 -0.0093918 -0.14901 -0.16606 -0.089922 0.069322 -0.14251 0.077278 -0.20526 -0.24491 -0.10022 0.15759 0.1983 0.12484 -0.0010427 0.066791 -0.006821 0.22785 0.033546 -0.0048719 0.17765 0.018651 0.16746 -0.015371 0.036254 0.11168 -0.051836 0.28015 0.21673 0.08932 0.057131 0.36509 0.14307 -0.091283 -0.13284 -0.14707 0.0044101 0.068573 -0.058182 -0.11829 0.05998 -0.15455 0.17452 0.080535 -0.073275 -0.0039046 -0.27288 -0.14383 -0.30167 0.032485 -0.024228 -0.0073127 -0.12973 -0.12459 0.012493 -0.037983 -0.11108 0.0056298 0.066076 0.097808 -0.16598 0.21693 0.21728 0.046134 -0.0079405 0.032881 0.23987 0.061794 -0.10701 0.22387 -0.22527 0.40613 0.12123 0.072569 0.18289 0.31777 -0.015021 0.09148 -0.098281 0.24074 0.12595 0.034901 -should -0.1574 0.060096 0.12802 -0.0647 0.0073977 -0.10681 -0.18114 -0.39793 -0.12264 0.14537 -0.04591 -0.046891 -0.025864 -0.36477 0.2012 -0.00088587 0.1493 0.14734 -0.059671 0.075768 -0.046534 0.15698 0.07473 0.056786 -0.44776 -0.20732 0.016174 0.066466 0.37869 0.11554 0.079355 0.13391 -0.1575 0.10158 -0.069822 -0.20254 0.069083 0.43622 0.20451 -0.76888 0.022587 0.0026045 -0.51933 0.017892 0.11486 0.34741 0.059008 -0.15326 0.17966 -0.06785 0.021525 -0.35534 -0.14506 -0.32371 0.018787 -0.036814 0.081169 0.046927 -0.25154 0.097335 0.04722 0.14448 0.36331 -0.079142 0.046061 -0.15201 -0.0083216 0.13081 0.053325 0.23444 -0.11466 0.32178 0.10307 -0.36484 -0.080297 0.31483 0.16969 0.25225 0.091764 -0.17543 0.027876 0.06849 0.19697 -0.080172 0.017887 -0.28204 -0.11199 0.17862 -0.46596 -0.056966 -0.037339 -0.12912 0.040572 -0.62686 0.12255 0.18502 -0.011372 0.1382 0.020314 -0.12895 -0.034881 -0.35887 0.10112 0.0095346 0.23554 0.22838 -0.2472 0.022054 0.01542 0.07307 -0.24688 0.15393 -0.1555 0.11564 0.14831 -0.1016 0.32918 0.22461 -0.0030828 -0.088876 0.011739 0.041648 -0.23507 0.29888 0.24103 -0.22085 -0.033185 0.26711 -0.20005 0.38361 -0.1744 -0.013707 -0.11137 0.10985 0.13293 0.16762 0.10234 -0.0023813 0.17318 0.077176 -0.22565 -0.16748 -0.13873 -0.018536 0.023891 -0.1331 -0.11115 -0.074736 -0.20156 0.38026 0.21218 0.15669 0.20158 -0.056155 -0.25372 -0.1124 -0.18889 -0.019705 0.39269 0.054653 -0.13283 0.14885 -0.20738 -0.057547 -0.15208 -0.097722 -0.1017 -0.47307 0.32847 0.45484 -0.28028 -0.059472 -0.65521 -0.06996 -0.28482 0.081245 -0.28534 -0.27181 0.12442 -0.44059 -0.051716 -0.33861 0.12429 0.16512 -0.078012 0.2988 0.42086 -0.2024 0.24935 0.19606 -0.022058 -0.15264 -0.35725 -0.072546 -0.15277 -0.37035 0.13562 -0.01832 -0.61061 0.2132 0.3371 -0.22933 0.23893 -0.069693 0.037648 -0.23856 -0.327 0.21407 0.38387 0.054019 0.39545 -0.2041 0.34428 0.033856 0.34207 0.11701 0.15634 -0.5024 -0.17657 0.312 -0.082118 0.063361 -0.12527 -0.089991 -0.099469 0.35329 -0.18852 -0.17298 -0.24875 -0.45314 0.10131 0.10391 -0.28297 0.1238 -0.23541 0.33473 0.49792 -0.2709 0.027734 -0.1391 0.30889 0.21725 0.37277 0.083933 -0.016265 0.39424 0.34838 -0.15873 0.28669 0.3235 0.25157 -0.062489 -0.075019 0.011022 0.39892 -0.20386 0.060094 -0.3719 0.1618 -0.11329 0.048525 0.12359 -0.33061 0.099359 -0.34309 -0.23388 -0.17498 0.57636 -0.3587 0.030993 0.0058806 0.010174 0.18856 0.22952 -0.054493 -0.079994 0.25315 -0.013323 0.27414 -0.078256 -0.3771 0.20568 -0.078446 -0.097791 0.21115 -0.35054 -0.06222 0.40654 -0.023842 0.056236 0.23455 0.18944 -0.02831 -0.23683 -0.019103 -0.016021 -0.09614 -0.1469 0.40694 0.084852 -two -0.042787 0.021008 -0.010656 0.23691 -0.10914 0.11364 0.08104 -0.08963 0.028048 0.16725 0.32177 0.014753 -0.039365 -0.095328 -0.037779 -0.11079 0.0078022 -0.09653 -0.039211 0.019009 -0.14289 -0.067665 -0.34326 0.02377 -0.22682 -0.0052578 0.062593 0.10703 0.10139 -0.14003 0.047672 -0.055667 -0.027452 0.035716 0.14919 -0.256 -0.096558 -0.022735 0.14314 -0.10151 0.3243 -0.32188 -0.15951 -0.068555 0.2172 -0.018742 0.015399 0.012097 0.084811 -0.13626 0.17574 -0.034163 -0.097007 0.13696 -0.23878 -0.0048385 -0.20212 0.19474 -0.44843 0.033639 0.14343 -0.21568 0.37218 -0.061451 0.0052274 -0.016064 -0.46722 -0.063281 0.020195 0.0057661 0.017295 -0.054501 0.12815 -0.22245 0.17331 -0.015966 0.25723 0.18674 0.053006 0.085951 0.14655 -0.17434 -0.40286 0.031242 0.098365 0.0053966 -0.14235 0.12383 0.10627 -0.26348 -0.15905 -0.36249 0.42316 -0.052531 0.15393 0.19552 -0.044145 -0.087237 0.056422 0.041022 0.11276 -0.096793 0.25266 0.024655 -0.14485 -0.27368 0.025269 0.16717 -0.085138 -0.16551 0.071062 -0.071654 0.017143 -0.15519 0.059725 -0.31675 0.05084 0.25471 -0.076676 0.31278 0.19897 0.1971 0.015398 0.44906 0.025087 0.1328 0.13571 0.3868 0.039457 0.41141 0.25284 0.083078 -0.17362 -0.098972 -0.052513 0.044958 -0.014746 0.018752 -0.0074413 -0.17854 -0.055522 0.036895 0.18334 0.24002 0.070781 0.22418 0.12459 0.082402 -0.12498 0.043271 -0.042265 -0.30769 -0.085772 -0.12223 -0.059418 0.055032 0.12957 -0.060091 0.27064 0.090178 0.015734 0.11379 0.22206 0.13828 0.15071 -0.051125 -0.019157 0.16602 -0.099245 0.018354 0.15507 -0.036933 -0.15022 0.012889 -0.0063673 0.1328 0.065317 0.17652 0.21467 -0.11954 -0.047375 -0.064448 -0.28786 0.08574 0.00095687 0.011876 0.023093 -0.037074 0.14286 0.028145 -0.038296 -0.19369 0.20076 0.12741 -0.021669 -0.039393 0.19729 0.32449 0.0034347 -0.19453 0.083832 0.018411 0.23358 -0.042907 0.021384 -0.20332 0.053472 0.20244 0.19168 0.15364 0.22217 -0.23451 -0.17831 -0.0028738 0.043552 -0.075121 -0.11484 -0.31365 -0.1264 0.056606 -0.015147 -0.089829 -0.10168 0.19851 -0.15027 0.10947 -0.028821 -0.063026 0.16191 -0.03954 0.20144 -0.18327 0.012342 -0.30748 -0.017691 0.046173 0.070848 -0.18618 0.016241 0.01985 -0.010055 -0.11585 -0.00055453 0.0509 -0.017426 0.33063 0.056454 0.07248 -0.098034 0.10158 0.021076 -0.071201 -0.44674 -0.1579 -0.071079 0.14169 0.061102 -0.026971 0.0041137 -0.07955 0.048669 0.13761 -0.13862 0.16066 -0.046004 -0.064986 0.01452 0.036494 0.064753 -0.12347 -0.05979 0.11379 0.043553 0.048641 -0.20961 -0.13571 0.084118 0.11034 0.011665 -0.061593 0.18993 0.092665 0.052162 0.033093 0.21433 -0.032212 0.14639 0.11366 -0.28801 0.36854 0.060341 0.051004 0.1612 0.27889 0.13875 0.1754 0.15241 0.15995 0.13901 -0.028607 -score -0.15244 -0.27529 -0.27765 0.38097 0.15517 0.16141 -0.14116 0.37976 -0.65832 -0.509 -0.42425 0.16641 -0.26355 0.097255 0.23696 0.24004 0.088422 0.052997 0.089343 0.95312 0.20155 -0.634 -0.29676 0.065524 -0.36688 -0.15405 -0.20104 -0.24589 -0.079075 0.48575 0.095243 -0.14028 -0.69932 0.22044 0.17108 -0.19894 0.46685 -0.31989 0.034801 -0.47223 0.23132 -0.063132 0.046305 -0.1576 0.79259 0.077207 0.48955 -0.096814 0.057353 -0.27282 -0.33974 -0.7625 0.015645 -0.15836 0.3131 0.033505 0.22987 0.19108 -0.053603 0.32537 0.22351 0.017425 0.21126 -0.018413 0.30453 0.27641 0.32787 0.11434 0.068597 -0.053261 0.16973 -0.27317 0.53729 -0.63085 0.11855 0.57458 0.55615 -0.49422 0.061108 0.25928 -0.15387 0.33469 -0.028607 0.55928 -0.31189 0.18039 -0.022748 -0.6115 0.22774 -0.1785 -0.38669 0.41127 0.34511 -0.052867 0.098745 0.36626 -0.012764 -0.17242 0.49297 0.23868 0.30851 -0.15631 0.5534 0.057378 0.71497 -0.26304 0.54672 0.00041172 0.036102 -0.37503 -0.29804 0.15049 0.14891 0.31576 0.085442 -0.78308 0.47112 -0.026628 0.27585 0.18507 0.33677 0.16581 0.27025 0.26467 -0.069708 -0.8225 0.084741 0.38287 -0.35794 -0.093632 0.02135 -0.21103 0.089226 0.097074 0.37994 -0.012783 -0.41044 -0.15546 0.053927 0.31133 -0.46455 0.10374 -0.11721 0.10903 -0.067722 0.87756 -0.18155 -0.12693 -0.40676 -0.19251 0.52449 0.14946 -0.68449 0.39646 -0.10068 0.21368 -0.47018 -0.41106 -0.011169 -0.22183 0.061898 -0.050537 -0.018812 -0.57577 0.53488 0.05237 -0.14805 0.1115 0.26874 0.051865 -0.31778 0.053255 -0.33449 0.14802 0.12186 0.17197 -0.16884 -0.10342 0.23543 -0.22899 0.28597 0.055696 -0.30922 0.1901 -0.82077 0.3148 -0.20593 0.2323 0.18972 -0.42438 0.07963 0.23475 0.57722 0.23548 -0.20728 0.22006 -0.25884 0.66452 -0.0090658 -0.23196 0.25818 0.17255 0.044417 -0.14954 0.40784 -0.43706 -0.021882 0.21986 0.30607 -0.32779 0.79621 0.071647 -0.18791 0.22381 0.0035575 -0.118 0.23743 -0.53185 -0.077544 -0.042479 0.19495 0.37906 -0.22511 0.2132 -0.36474 0.42744 -0.40275 -0.34822 0.036713 -0.052918 0.11265 0.89897 0.47807 -0.27026 -0.76058 -0.056153 -0.05259 -0.36204 -0.23027 -0.019439 -0.092298 -0.089746 0.029104 -0.053944 -0.032578 -0.22983 -0.070208 0.023994 -0.94958 0.324 -0.019517 0.17176 0.11694 0.36474 0.19375 0.57564 -0.10682 -0.069977 -0.042213 -0.025878 -0.050978 0.62817 0.27831 0.52425 -0.15368 0.50552 0.065328 0.46116 -0.41793 -0.26485 0.072308 0.75526 -0.68267 -0.019154 -0.43057 -0.65924 -0.061633 0.31031 0.36775 -0.1816 0.3677 0.37244 -0.078389 -0.21082 -0.062693 -0.36108 0.32221 0.43014 -0.50453 0.0068484 0.25323 -0.16632 0.17728 -0.30879 0.16046 -0.091196 -0.59368 -0.023938 -0.24539 -0.024996 -her 0.23168 0.048626 -0.27836 0.31056 0.094327 0.14188 0.073438 0.19866 -0.045887 0.18989 0.34318 0.079454 -0.26854 0.13666 -0.17619 -0.34595 0.34614 -0.13207 -0.1439 0.1975 -0.16547 0.05566 -0.26081 -0.33426 -0.10472 0.37043 0.26517 0.066349 -0.07826 0.12103 -0.029805 0.46365 -0.032161 0.00015458 -0.23173 -0.44874 -0.19774 -0.1909 -0.023242 -0.18589 0.12138 -0.045957 -0.037689 -0.047382 0.24576 -0.17454 0.29004 0.27198 0.057758 -0.090163 0.27872 -0.10864 -0.15795 0.18786 -0.073483 0.018435 -0.028126 0.017418 0.17884 0.14666 -0.10476 -0.12279 0.14288 -0.17318 -0.02388 0.014719 -0.071712 0.35701 -0.084154 0.021109 -0.10371 -0.14549 -0.13569 -0.046792 -0.1764 -0.21526 0.35283 0.45244 -0.19806 -0.14743 0.064685 0.068432 0.13259 0.24881 -0.13337 0.27474 0.04191 -0.11492 -0.1849 -0.091393 0.49665 -0.23468 0.33394 -0.08042 0.11096 0.21692 0.019759 0.044479 -0.091696 -0.099026 -0.08681 0.13417 0.12942 -0.042014 -0.001752 -0.080921 -0.10472 0.01599 -0.088915 0.28181 0.36017 -0.21028 -0.049297 -0.083729 -0.1627 -0.2557 0.16847 0.11451 -0.010631 0.04583 0.14361 0.21059 -0.0042987 0.26214 0.22781 -0.063781 0.022282 -0.2673 0.08283 0.24219 -0.009934 0.1352 -0.014719 -0.12923 -0.025173 -0.047187 -0.26877 0.2545 -0.113 -0.089821 0.0024383 0.19072 0.24396 -0.029729 -0.18403 0.14591 0.17107 -0.18988 0.32828 0.0071863 0.23766 -0.030801 -0.15465 0.15913 -0.17915 0.23688 -0.36471 -0.18214 0.30074 -0.0060663 -0.11913 0.18105 0.0027631 0.04508 -0.047158 0.055689 0.12207 -0.22696 0.055885 -0.070663 0.096064 -0.18138 -0.37981 0.13921 0.13014 0.090286 -0.052579 0.18358 -0.16532 -0.22086 0.28209 0.12862 -0.070395 0.19476 0.033969 0.074122 0.1784 -0.17575 0.052372 0.14591 -0.012021 -0.070865 0.10914 0.41749 -0.48453 0.11691 -0.12289 -0.012057 -0.19648 0.012806 0.32625 0.22425 0.055804 -0.0050075 -0.023336 -0.067192 -0.20549 -0.05042 0.24066 0.06186 0.39495 -0.037596 -0.19763 -0.3068 0.15054 -0.1453 -0.064558 -0.04327 0.053494 0.0013418 -0.23319 -0.27838 0.16989 0.26187 -0.18329 0.067096 -0.30195 -0.33059 0.13896 -0.18142 0.23695 0.17742 -0.049569 -0.14249 -0.27681 0.3414 -0.012318 0.07445 -0.13647 -0.12272 0.059218 -0.049649 0.11954 0.29204 -0.13232 0.13495 -0.17712 -0.064902 -0.23919 0.05341 0.12762 -0.17479 0.11005 -0.043489 -0.0061177 0.030253 0.056088 -0.12052 0.49684 -0.025425 -0.078749 0.018028 0.17026 -0.18412 -0.15622 -0.11463 -0.087827 0.039816 0.16748 -0.38259 -0.12233 -0.22917 0.0033313 0.31758 -0.36227 -0.16464 0.11697 0.1842 0.11025 0.15003 -0.021707 0.16233 -0.22992 0.34437 0.085817 0.27209 -0.14768 0.054135 0.093703 -0.13224 0.107 -0.32351 -0.24226 -0.10018 0.12772 0.077929 0.11739 0.41014 0.05776 0.29077 -can 0.11065 0.24669 -0.18658 0.012708 -0.1912 0.12181 0.16393 -0.33029 0.084313 -0.020997 0.15255 0.097954 -0.16992 0.0054158 0.25897 -0.16895 -0.062122 0.21176 0.16084 -0.11794 0.066001 0.056471 0.071429 -0.17448 -0.22712 -0.18137 0.22941 0.0022489 -0.090471 -0.10937 0.022603 -0.029754 -0.081913 0.20394 -0.05883 0.38965 0.0083053 0.4147 0.084542 -0.27487 0.18505 -0.20228 -0.12477 0.057965 -0.098893 0.22262 0.17805 -0.034665 -0.031314 -0.15987 -0.12464 -0.16906 0.049108 -0.33044 0.00835 0.10887 0.14148 0.15831 -0.096215 0.22528 -0.12001 0.018285 0.21598 -0.049153 -0.21384 0.16079 -0.25483 0.20341 0.11601 -0.0030113 -0.3156 0.20171 0.023238 -0.40907 -0.30345 0.40636 0.27004 0.039163 -0.10858 0.050155 0.074451 -0.0020345 -0.20087 -0.41376 -0.15055 0.10753 0.051928 -0.02967 -0.24054 0.078136 -0.012462 0.056985 0.24968 -0.43275 0.181 0.075832 0.12553 -0.012543 0.071581 0.020161 0.22433 -0.042835 0.15356 -0.045929 0.019526 -0.29031 -0.01736 -0.11194 0.075381 0.037163 -0.052185 0.09066 -0.35524 0.12666 -0.013537 0.056748 0.024969 0.15978 0.06091 0.25759 0.085401 -0.025078 -0.13521 0.59584 0.004185 -0.080007 0.074427 0.016724 0.045648 0.27417 -0.26426 0.24649 -0.068903 0.19791 0.09642 -0.086243 0.071497 0.13084 0.06851 0.064502 -0.088842 -0.093422 0.091265 -0.1271 -0.14387 -0.015616 0.067212 -0.15321 0.20156 -0.06085 0.052899 -0.18268 0.13799 -0.14256 0.13308 -0.099 0.044192 0.0080196 0.31332 -0.0045778 -0.028154 0.0065353 -0.33537 -0.20521 0.23822 -0.13861 -0.10279 -0.2428 0.26514 0.26082 -0.14723 -0.3098 -0.26263 0.17739 -0.14622 0.071931 0.062088 -0.008664 -0.014127 -0.31914 -0.076162 -0.047676 0.28151 0.021578 -0.11013 -0.037121 0.19977 -0.057439 0.33638 -0.15844 -0.14586 -0.21924 -0.18021 0.19421 -0.29355 -0.27361 0.041138 0.23472 -0.34556 -0.1953 0.44968 -0.049309 -0.16264 0.0069003 -0.095944 -0.18031 -0.49247 0.14616 0.13988 0.21808 0.096164 0.23812 0.17263 0.2811 0.26554 0.016168 0.00015303 -0.42821 -0.21857 -0.03789 -0.15536 -0.03722 -0.083077 0.0036336 -0.060149 0.01032 -0.097668 -0.15132 0.039746 -0.15866 -0.022003 0.043917 0.090389 0.12373 -0.14639 0.08397 0.017056 -0.11436 -0.058325 0.010183 0.052068 0.17992 0.13454 0.052547 -0.15264 0.49412 0.1057 -0.093464 0.32841 0.10233 0.034091 -0.053778 -0.12315 0.11066 0.27002 -0.081935 -0.0033055 -0.19624 0.038855 -0.18385 -0.13684 -0.081275 -0.022542 -0.064055 -0.3923 -0.26847 -0.21035 0.12206 -0.049324 0.13168 -0.23663 -0.0017769 0.10158 -0.00020394 0.034525 0.041206 0.16784 0.075352 0.25813 -0.14187 0.038739 -0.011329 -0.24511 -0.21127 0.20413 -0.059722 0.070428 0.30894 -0.13573 0.30826 0.053552 -0.0022851 -0.14715 -0.042718 0.20904 -0.10093 -0.092434 0.10166 0.37379 -0.066493 -would -0.1718 0.20407 -0.12805 -0.1194 -0.0034713 0.00022528 -0.11997 -0.30657 -0.070831 0.2322 0.057163 0.11556 -0.053151 -0.034177 0.0025553 0.055073 -0.10492 0.13993 -0.18622 0.1877 0.14211 0.0030121 0.10997 -0.27424 -0.10383 -0.07769 0.028688 0.22005 0.19349 0.1277 -0.053632 -0.059123 -0.3424 0.10901 0.32244 -0.13964 0.0030524 0.13552 0.12488 -0.26144 -0.019336 0.015202 -0.15297 0.062568 -0.18349 0.22477 0.2246 -0.01921 -0.13234 -0.031977 0.16539 -0.35277 -0.12854 -0.076865 -0.0075283 0.05238 0.13383 0.11366 -0.081689 -0.012893 -0.0038592 -0.21045 0.14448 -0.011442 0.097586 -0.039269 -0.12712 0.013049 -0.030297 8.1278e-05 -0.031521 0.15778 -0.090088 -0.33383 -0.091986 0.32864 0.14892 0.14448 0.21453 0.18254 -0.064034 0.25497 -0.19675 0.071908 0.069495 0.036295 -0.13558 0.061978 -0.28345 -0.090305 -0.02061 0.029704 0.26926 -0.22899 0.031815 0.16741 0.15813 -0.072325 -0.074449 0.041872 0.035609 -0.13304 0.053424 -0.13628 -0.13362 0.022172 -0.024234 -0.033105 -0.037873 0.18874 0.025206 -0.071016 0.10463 -0.020763 0.18851 -0.12185 0.22628 0.15603 -0.044197 0.011843 -0.027987 0.064883 -0.2027 0.55114 0.22254 -0.11485 0.095411 0.21308 -0.16598 0.36874 -0.26465 0.033875 0.15542 -0.068211 0.016409 -0.048438 0.04114 0.19157 0.0098185 0.018522 -0.077304 0.049997 -0.12394 -0.049041 -0.031528 0.15075 -0.12005 -0.1258 0.063948 -0.13458 -0.13339 -0.089657 0.089925 0.12788 0.12403 -0.16948 0.051084 0.11324 0.2164 -0.20488 -0.056652 -0.044194 -0.17219 0.033535 0.23014 0.087979 -0.054478 -0.047862 0.22183 -0.007892 -0.30675 -0.12868 -0.41419 0.031451 -0.15704 0.35029 -0.033362 0.13841 -0.24918 -0.26627 0.032605 -0.13319 0.085732 0.025478 -0.1801 0.092891 0.044088 -0.13969 0.25573 -0.061456 0.02729 -0.37501 -0.13812 0.076751 -0.074056 0.13306 -0.024076 -0.15642 -0.22507 -0.0041005 0.11596 -0.19264 -0.068257 -0.013052 0.054455 -0.14762 -0.16913 -0.062224 0.1269 0.061291 0.24146 -0.098803 0.039748 0.047804 0.10001 -0.014418 -0.081111 -0.37818 -0.054069 0.082554 -0.2394 -0.096796 -0.077977 -0.017959 0.093907 0.2128 0.059378 0.047211 -0.075715 -0.20152 0.14307 0.17057 0.10708 0.1395 -0.02966 -0.0048402 -0.0039836 0.11083 0.062217 0.096046 0.29485 0.12527 0.068873 0.25638 -0.17534 0.20731 0.25223 -0.0035628 0.080299 -0.068458 0.19821 -0.10773 -0.25867 0.22313 0.10636 -0.087242 -0.096388 -0.088481 0.093948 0.21059 -0.04129 -0.20084 0.037923 -0.16166 -0.46664 -0.048007 -0.17123 0.18594 0.011757 0.0387 -0.35408 -0.12095 0.22127 0.35784 -0.018704 -0.14621 0.051415 0.088779 0.15871 -0.1393 -0.043972 0.09362 -0.0075644 -0.13335 0.099203 -0.099608 -0.066301 0.24826 -0.14839 0.16702 0.035673 0.11024 -0.18093 0.19755 0.17225 -0.17392 0.065118 -0.0087422 0.12922 -0.12771 -more -0.062265 0.054583 -0.34177 -0.072886 0.069498 0.17591 0.13537 -0.47121 0.15526 0.28342 -0.17485 0.0409 0.1426 -0.10473 -0.038845 -0.23327 -0.040348 0.096259 -0.085723 0.0010881 0.14577 0.060935 0.031038 -0.24428 -0.20203 0.097133 0.079528 0.13634 0.096165 0.16899 -0.03801 0.15155 -0.48666 0.24273 0.069751 -0.11185 -0.26778 0.021719 -0.3374 0.047032 -0.29859 -0.18702 0.078464 -0.12861 0.15224 0.056118 0.19066 -0.083514 0.054266 -0.65416 0.0080456 -0.10417 -0.02777 0.03847 -0.23184 -0.11388 -0.20609 0.085911 -0.39717 0.18368 -0.099497 -0.46526 0.028331 0.15011 0.065685 -0.031211 -0.24155 0.0072738 -0.038002 0.09869 -0.084207 0.14412 0.03799 -0.11766 -0.074207 0.23905 0.25249 0.21561 -0.067703 0.14611 -0.033213 -0.068822 -0.12538 0.016897 -0.14153 0.039518 -0.022735 0.092429 -0.0015664 -0.10173 -0.18981 -0.093919 0.17465 -0.25521 0.038248 -0.085836 0.0063147 0.31928 -0.14131 0.058558 -0.08535 -0.30144 0.43935 -0.0063806 -0.15512 -0.26053 -0.023682 0.12039 -0.045526 0.055767 -0.094706 -0.049216 -0.22913 -0.10579 -0.073095 -0.20922 0.090216 0.10465 -0.086462 0.11605 0.031051 0.016164 0.11152 0.34764 -0.020391 0.2244 0.11667 0.18661 -0.0035405 0.15297 0.066898 0.18764 -0.13053 0.047214 0.035867 -0.082279 0.038933 0.18259 -0.11664 -0.0072299 -0.10614 0.028215 0.23751 0.034961 -0.10312 0.12699 -0.094866 0.17719 -0.082439 -0.25039 0.002859 -0.1702 0.0453 -0.18327 -0.10215 -0.25624 0.1135 0.041328 0.16561 0.11672 -0.044776 0.1507 -0.070618 0.14486 0.25621 0.067111 -0.0027355 -0.096868 0.17279 0.041157 0.091273 -0.064576 -0.2636 0.17159 -0.0092151 0.053611 -0.094215 -0.16783 0.073684 -0.34343 0.19844 -0.0030726 0.053475 -0.011546 -0.20708 0.1515 -0.065465 -0.087974 0.34137 0.005492 0.011758 -0.16623 0.18 0.048066 0.051461 0.11385 0.13081 0.26563 -0.072114 -0.047465 0.17949 -0.097362 0.2648 0.04005 -0.023518 -0.15128 -0.36072 0.16394 0.19598 0.24771 0.14462 -0.093194 -0.091987 -0.20417 0.097881 -0.2197 -0.13437 -0.37148 0.044689 0.068207 0.034891 -0.25809 0.0040472 0.023805 -0.038203 0.12325 0.038626 -0.16515 -0.16713 0.16252 0.32116 0.21913 0.11432 0.039666 -0.0081866 0.088642 0.11672 0.10059 -0.069806 0.0843 0.07772 0.045912 0.30107 -0.013712 -0.10357 0.26482 0.22652 -0.03292 -0.060853 0.22898 0.14885 -0.10172 -0.087208 0.15748 0.28746 0.2757 0.11958 -0.08932 0.020088 0.25733 0.11594 0.17577 -0.053464 -0.11426 -0.18997 -0.24783 -0.11861 0.16175 -0.07467 -0.13321 -0.28561 0.088002 -0.18125 -0.044171 0.086122 -0.0088807 -0.10745 0.089452 -0.18647 -0.20805 0.4019 -0.0011913 0.14924 0.035179 0.070987 -0.24171 0.21177 0.058404 0.03807 0.24775 0.10885 -0.020788 -0.2616 0.11742 0.010237 -0.27443 0.051525 0.20817 0.51341 -0.1416 -if -0.12616 0.22499 -0.037107 0.12213 -0.18742 -0.05672 -0.11921 -0.38085 -0.12349 0.22238 -0.086186 -0.1249 -0.07589 -0.071779 0.13988 -0.083694 -0.17797 0.23753 0.07153 0.20399 0.096339 0.069289 -0.070968 -0.1491 -0.14367 -0.23984 0.079839 0.10207 0.017729 0.075825 -0.17449 -0.045256 -0.26928 0.11753 -0.16427 -0.11129 0.12492 0.15406 0.035314 -0.22533 -0.016771 -0.011433 -0.16572 0.043499 0.12072 0.085306 0.27966 -0.011938 0.049507 -0.047958 0.00029264 -0.43705 -0.006693 -0.17654 -0.12585 0.15614 0.067953 0.004918 -0.31274 0.088161 -0.32166 -0.031172 0.21421 -0.14849 -0.070395 0.03522 -0.020869 0.051751 0.21955 -0.088108 -0.027017 -0.020411 0.096381 -0.18986 -0.11994 0.3591 0.2508 -0.010006 0.038699 0.24614 0.25881 0.080285 0.12193 0.028502 -0.32296 0.019352 -0.044835 0.068242 -0.050521 -0.12305 0.11744 -0.031646 0.22274 -0.10507 0.088955 0.14392 0.35377 0.16241 -0.13563 0.012796 0.011897 -0.33567 0.098678 -0.27397 -0.1502 -0.08556 0.095251 -0.19293 0.094187 -0.039037 -0.20571 -0.12335 -0.13202 0.050304 0.20653 -0.26544 0.20521 -0.17092 0.057569 0.089343 0.20328 0.069316 0.023845 0.62272 0.025728 -0.12045 0.27762 -0.051973 -0.074864 0.251 -0.11419 0.1044 -0.13759 0.14796 -0.012139 0.059226 -0.00721 -0.10776 0.17191 0.045543 -0.19136 -0.28336 0.13276 -0.10874 -0.13938 -0.0058364 -0.088917 -0.14509 -0.12095 0.0077211 0.16916 0.034059 0.092245 -0.077555 -0.22604 0.035186 0.031959 0.17725 0.13987 0.18107 -0.17751 0.13049 -0.22287 -0.08821 -0.029787 -0.014991 0.0021661 -0.32947 0.17164 0.12099 -0.1554 -0.41531 -0.36204 0.080142 -0.28251 0.21688 0.002996 0.057012 -0.052235 -0.11665 0.032845 -0.093121 0.12415 0.065068 -0.23843 0.17181 0.098351 -0.074536 0.26568 -0.081406 -0.013541 -0.23585 0.012417 0.1036 -0.23169 -0.28153 -0.068329 -0.040742 -0.46197 -0.034316 0.44892 -0.10007 0.10757 -0.05324 0.002615 -0.024433 -0.26507 0.15952 0.028571 -0.050901 -0.078532 0.029727 0.24103 0.079303 0.093389 -0.0586 -0.098049 -0.39889 -0.12801 0.22079 -0.25557 -0.17188 0.079853 -0.026602 -0.065453 0.38231 -0.35298 0.035204 -0.014982 0.11602 0.1844 0.11308 -0.27927 0.15167 0.11879 0.11681 0.083238 -0.26974 0.097656 -0.014023 0.10805 -0.011265 0.095326 0.046024 -0.039706 0.46449 0.29367 0.026597 0.013715 -0.0039747 -0.12344 -0.19045 -0.15088 0.14995 0.17483 0.010291 0.03331 -0.32922 -0.1241 0.0081297 -0.051847 -0.16308 -0.1175 -0.30872 -0.059714 -0.094624 -0.01242 0.1133 -0.13078 0.016961 -0.39329 -0.1387 0.28426 0.095757 -0.38252 -0.083695 0.22287 -0.097667 0.14177 -0.075183 0.12376 0.23737 -0.34419 -0.16441 0.0081563 -0.27079 -0.033009 0.36906 0.028833 0.16592 0.16683 0.23614 -0.034455 -0.088944 0.015679 -0.27553 -0.22669 0.00049742 0.27207 -0.20315 -she 0.088637 -0.0041191 -0.2539 0.32839 0.13474 0.21099 0.15887 0.13855 0.0084253 0.21534 0.30048 -0.064144 -0.052371 -0.11812 -0.12325 -0.4025 0.30414 -0.29539 -0.091729 0.24486 -0.042637 -0.017132 -0.28279 -0.37561 -0.1136 0.31833 0.27959 -0.097287 0.0099161 0.075482 -0.092898 0.34215 0.01188 0.070913 -0.079244 -0.46072 -0.16607 -0.32089 -0.067372 -0.10502 -0.097204 0.10914 -0.15526 -0.049404 0.092036 -0.26817 0.14362 0.26702 -0.04449 -0.10933 0.18751 -0.12888 -0.042224 0.21953 -0.014486 -0.13708 0.0061556 0.27584 0.27403 0.2365 -0.059322 -0.026784 0.043424 -0.2899 -0.0091051 -0.11771 -0.22181 0.26172 -0.19857 -0.0011452 -0.17981 -0.29999 -0.031459 0.14812 -0.1499 -0.087872 0.28076 0.30934 -0.23802 -0.16786 0.14296 -0.035512 0.26491 0.24909 -0.26859 0.13965 -0.12523 -0.087567 -0.14256 -0.15192 0.46855 -0.31569 0.42575 -0.064321 0.14631 0.29015 0.17018 0.16241 -0.21218 -0.13002 -0.051941 0.21202 0.11423 0.069989 -0.090881 0.0091649 -0.20809 -0.090646 -0.11007 0.19675 0.20297 -0.30239 -0.00785 -0.045531 -0.2349 -0.31942 0.28778 0.14415 -0.13988 -0.098262 -0.024856 0.28631 0.072734 0.31169 0.17349 -0.094652 0.19358 -0.078619 0.041911 0.29315 -0.14378 -0.0032431 -0.17262 -0.11287 -0.14833 0.052479 -0.12002 0.21177 -0.23899 0.046967 0.034401 0.15859 0.19077 -0.13028 -0.1057 0.050739 0.076116 -0.28666 0.27083 0.027517 0.078062 -0.17299 -0.23644 0.31155 -0.35043 0.010832 -0.25374 -0.19897 0.39576 0.14564 -0.16733 0.35596 -0.1486 0.010577 0.077298 -0.10801 -0.02522 -0.27463 0.035758 0.0087457 0.30075 -0.1506 -0.37348 -0.00014688 0.080223 0.039295 0.024266 0.12489 -0.18261 -0.15411 0.25599 0.13696 -0.075897 0.23621 -0.11996 0.059082 0.0045113 -0.0265 -0.15862 0.14833 -0.13717 -0.075295 0.0036068 0.3343 -0.47609 -0.10999 0.0025772 0.20641 -0.30106 -0.14034 0.30545 0.22107 -0.17733 0.14956 -0.10698 -0.041806 -0.15489 -0.09282 0.34236 0.24458 0.41244 -0.22156 -0.19863 -0.11431 0.048688 -0.038552 -0.093706 -0.13012 0.14795 -0.025128 -0.18354 -0.16991 0.16199 0.0065366 -0.38862 -0.11147 -0.27128 -0.15628 0.16608 -0.07611 0.27857 0.32981 -0.077059 -0.17226 -0.060446 0.18249 -0.14718 0.078722 -0.023768 -0.10865 0.025488 0.010844 0.25315 0.19115 -0.35454 0.14154 -0.0076163 -0.065071 -0.36534 0.0032655 0.12861 -0.17817 -0.041918 -0.042774 -0.063015 -0.081107 -0.051664 -0.10624 0.38855 -0.078108 -0.0071574 -0.069308 0.21146 -0.38771 -0.068994 0.024726 -0.12444 0.018235 0.17583 -0.20191 -0.13731 -0.083628 -0.13808 0.1071 -0.37167 -0.16071 0.24343 -0.013551 0.13299 -0.044403 0.017013 0.15802 -0.28619 0.17508 -0.082188 0.12236 0.017264 0.03408 0.068108 -0.12794 0.15692 -0.33882 -0.099046 -0.10486 -0.0048754 0.12953 -0.17471 0.1239 0.046296 0.27141 -about -0.02117 -0.19597 -0.17566 0.068444 -0.10362 0.25931 -0.19705 -0.1071 -0.037362 0.24331 0.1144 -0.073582 -0.1752 0.083303 -0.044602 -0.042278 -0.093841 -0.26415 0.13791 -0.17512 -0.080789 0.16483 -0.18894 -0.18477 -0.033257 0.012606 -0.03464 0.13875 -0.12464 0.042962 -0.12061 0.29217 -0.4056 0.31941 0.24523 -0.21372 -0.12665 0.083957 0.087132 -0.11844 0.049932 -0.33478 0.01125 -0.051822 0.19283 0.21699 0.12328 -0.37568 -0.11486 -0.44125 -0.058069 -0.10104 0.014334 -0.18094 -0.14433 0.20694 -0.0027149 0.01634 0.0035786 0.047189 -0.028162 -0.34049 0.27681 -0.059386 0.076087 -0.14837 -0.1629 0.19988 0.016894 0.12956 0.012359 0.080496 -0.077657 0.20362 -0.3258 -0.015109 0.13674 0.24215 -0.035731 0.10067 -0.060621 -0.058521 0.15173 0.016624 0.14005 -0.0086683 -0.13888 0.068091 0.27311 -0.3558 0.15976 0.01025 0.2026 -0.14608 0.22621 0.17506 0.092277 0.16467 -0.015469 0.016435 0.035638 0.11681 -0.0031958 -0.15474 -0.18961 0.10261 -0.063694 -0.049136 -0.13714 0.091628 -0.2165 -0.012953 -0.051439 -0.20766 -0.11394 0.015306 0.042476 -0.099484 -0.022252 0.29262 0.3231 -0.11997 0.10106 0.24496 0.28685 0.21644 0.23544 0.012333 0.04538 0.048762 -0.19626 0.2574 -0.0082096 -0.1688 0.075443 -0.060146 0.0096855 -0.10363 0.11203 -0.039349 0.036326 0.2952 0.26943 0.079253 0.25954 0.095624 -0.019848 0.03334 -0.020207 0.12494 0.034105 -0.095289 0.0063355 4.9114e-06 -0.11855 -0.33407 0.18545 -0.20634 0.1389 0.25303 -0.34299 0.16345 -0.060712 -0.024768 0.061532 -0.01166 -0.040821 -0.24711 0.059865 -0.074688 -0.1537 -0.15449 -0.35479 0.082513 -0.15572 0.33163 -0.29826 0.27127 -0.083518 -0.21417 0.23025 -0.022065 0.01273 0.21493 -0.20771 0.012134 0.0060677 -0.020164 0.32774 -0.027613 0.29355 -0.25445 0.15754 -0.20599 -0.065063 -0.18885 0.05489 -0.20909 -0.10499 0.060729 0.15194 -0.11733 -0.015553 0.27421 0.017147 0.18327 -0.086887 -0.067685 0.24103 0.036526 0.46748 0.15011 0.089018 -0.018038 -0.024523 -0.1317 -0.046702 -0.29199 -0.18877 0.094677 -0.062552 -0.17198 0.0094479 0.13493 -0.086165 -0.096536 0.054055 -0.11857 -0.089862 0.43743 0.071039 0.10439 -0.22311 0.13751 0.056511 0.13718 0.19523 -0.092006 -0.13229 -0.14534 0.032469 -0.074011 0.43693 -0.026786 0.14359 0.28937 2.8598e-05 -0.0741 -0.0082564 0.083453 -0.0027697 0.16148 -0.28854 -0.048033 0.19265 -0.10285 0.23689 0.047605 -0.14256 0.097135 0.028295 0.17282 -0.07189 -0.40373 0.045206 -0.23179 0.020785 0.31354 -0.1719 0.18374 0.024841 0.16757 0.28526 0.074034 0.035083 -0.0011852 0.3365 0.34824 -0.0022259 -0.015025 0.17573 0.010512 0.15606 -0.078563 0.0042496 -0.064414 0.083727 -0.043555 0.18772 0.27135 0.14738 0.037969 -0.037352 -0.20263 0.10002 -0.18698 -0.10187 -0.050635 0.20937 0.14377 -when -0.079192 0.051937 -0.073137 0.22574 -0.040992 0.081891 0.05592 -0.16604 0.12364 0.12599 0.050597 -0.097229 -0.040986 -0.049584 0.12142 -0.094617 -0.025135 -0.19609 0.0045745 0.30816 -0.12535 0.10154 -0.22607 -0.22216 -0.13464 -0.03449 0.13343 -0.077697 -0.12128 -0.022091 -0.22263 0.09045 -0.04126 0.19687 0.0097724 0.029227 -0.0024994 -0.048418 0.18661 0.023984 -0.010036 0.032983 -0.14538 -0.088083 0.080524 -0.094768 0.18928 0.17808 0.05114 0.025251 -0.0048035 -0.20645 -0.038928 -0.0032834 -0.070349 0.091013 -0.021867 0.11712 -0.046408 -0.0066714 -0.0025313 -0.18644 0.060189 0.0069031 0.057839 -0.22415 -0.053748 0.19452 -0.062946 -0.072071 -0.20787 0.042111 -0.04319 -0.2338 -0.047608 0.13866 0.26609 0.23457 0.036274 -0.077756 0.19782 -0.029642 -0.014698 0.13516 -0.21204 0.06746 -0.067529 0.08547 0.10538 -0.19402 -0.072265 -0.075448 0.1511 -0.052235 0.20347 0.053472 0.086102 0.1264 -0.304 -0.013469 -0.015231 -0.13691 0.21319 -0.10472 -0.11937 -0.34622 0.068538 -0.10805 0.16844 0.066641 0.081309 -0.16294 -0.090998 -0.039426 0.028866 -0.21873 0.11943 -0.084581 -0.14489 0.082191 0.22951 0.33993 -0.15326 0.41029 0.03822 -0.13179 0.29583 -0.11452 0.1091 0.25458 -0.20241 -0.074556 -0.21303 0.025859 -0.18118 0.1218 -0.013 0.060915 -0.036947 -0.024474 0.080968 0.076762 0.070246 -0.24321 0.0094205 0.1966 0.017077 -0.087365 -0.030978 0.020497 0.1496 -0.039391 -0.11123 0.19104 -0.093399 -0.12989 -0.052082 -0.11003 0.25784 -0.0037732 -0.11944 0.21392 -0.12597 0.15279 0.044907 0.069257 -0.0162 -0.07313 0.063035 -0.01174 -0.14247 -0.12437 -0.18466 -0.10271 -0.032356 0.15672 -0.052928 0.070907 -0.14252 -0.21541 0.082489 -0.22774 -0.051416 0.059824 -0.16668 0.155 -0.037062 0.050439 0.16892 -0.11746 -0.068364 -0.13143 -0.033546 0.17683 -0.13915 -0.078444 -0.10178 -0.032779 -0.31915 -0.073979 0.042498 0.050356 -0.22595 0.034351 0.14558 -0.096116 -0.04606 0.04266 0.12621 0.17711 0.11921 -0.041557 -0.038073 -0.028597 0.025634 -0.047897 0.0044187 -0.13033 -0.097969 0.21369 -0.23849 -0.12311 0.10717 0.037259 -0.1653 0.037315 -0.18959 -0.066907 -0.065743 0.15921 0.24763 -0.13213 -0.088821 0.18956 -0.03396 0.23713 0.16423 -0.10951 0.13717 -0.10103 -0.022793 -0.15407 0.054171 -0.058853 0.036986 0.12509 -0.0037783 -0.031217 0.066279 -0.07492 -0.02585 -0.046586 -0.13731 0.0024207 -0.093833 -0.038427 -0.16655 -0.29927 -0.24765 0.031964 0.029605 0.00046473 -0.07312 -0.33074 -0.0984 -0.21829 -0.084855 0.061619 -0.064418 -0.023993 -0.3056 -0.17084 -0.012347 0.15398 -0.27505 -0.12766 0.37464 0.065888 0.27589 -0.094503 0.12573 0.014114 0.050861 -0.036783 0.04245 -0.015647 0.062081 0.2796 0.071021 -0.11854 0.03015 0.075829 0.23557 -0.051882 -0.043097 -0.060912 -0.05152 0.086042 0.041766 -0.0097737 -time -0.098853 0.085878 0.081227 0.0060538 0.053763 0.082205 0.056332 -0.064007 0.077535 0.24336 0.13731 -0.041984 -0.072882 0.019551 0.091529 0.071828 0.088423 -0.012137 -0.02592 0.40074 -0.13524 0.14085 -0.23255 -0.28288 -0.14529 -0.19126 -0.076804 -0.090844 0.11687 0.091688 -0.067823 -0.017835 -0.25803 0.32064 -0.0061298 -0.068384 0.27628 -0.16547 0.058737 -0.03926 0.096325 0.063284 0.064625 -0.036501 -0.1264 -0.056104 0.086553 0.059131 -0.11705 0.063255 -0.331 -0.1638 0.15415 0.026053 -0.038725 0.082045 0.19577 0.087718 -0.072145 -0.042519 -0.004571 -0.10167 0.096091 -0.32968 0.070644 -0.011796 -0.036185 0.13546 -0.1799 0.11332 -0.013678 0.10512 -0.20419 -0.34031 0.10067 -0.10259 0.4134 0.24273 -0.024205 -0.10657 0.37068 0.17766 -0.20318 0.093132 -0.091021 0.13592 -0.17554 -0.13114 0.069529 -0.093941 -0.092939 0.011419 0.27746 -0.036033 0.097347 -0.13661 0.16296 0.13232 -0.40358 0.20427 0.18472 -0.072923 0.15663 -0.0011849 -0.38536 -0.213 -0.1043 0.082757 0.026915 0.054655 0.2265 -0.13565 -0.069691 -0.065142 0.14828 -0.12326 0.21315 0.17508 -0.087254 -0.025956 0.084014 0.26203 -0.11964 0.16929 0.15828 -0.032353 0.26372 -0.030364 0.189 0.052159 0.14333 0.20369 -0.19383 -0.12759 0.024925 -0.0308 0.029004 -0.016596 0.063208 0.18862 -0.010563 -0.11352 0.11039 0.21663 0.13684 0.2198 -0.22453 -0.31191 0.0644 0.14003 0.21781 -0.12942 -0.037692 -0.10347 -0.050457 -0.056158 -0.12084 0.047517 0.023001 0.037065 -0.16958 0.18613 -0.14835 0.1517 0.1074 0.11638 0.044715 -0.022865 0.033388 -0.027744 -0.14668 -0.066816 -0.08047 0.061668 -0.037452 -0.084882 -0.15615 0.05489 -0.13312 -0.40098 0.049256 -0.067677 0.030799 0.17709 -0.25783 0.10226 0.043235 -0.145 0.17913 -0.16006 -0.094504 -0.015269 -0.045712 0.050356 -0.042752 -0.10333 -0.070811 -0.026794 -0.22519 -0.2829 -0.010017 -0.13 0.039291 -0.081257 0.13079 -0.02125 0.1643 -0.011918 0.27238 -0.029841 0.41964 -0.17665 0.07423 -0.093924 -0.15099 -0.064315 0.023076 -0.27046 -0.11245 0.088511 0.063565 -0.16609 -0.14994 0.14697 0.1669 -0.023483 0.012004 -0.11835 0.11025 -0.17928 0.060118 0.082756 -0.070005 0.13414 -0.12867 -0.16912 0.20379 0.088675 0.036372 -0.12614 0.15561 -0.042898 0.087396 -0.098318 -0.0089613 0.21252 0.089623 0.037438 0.012131 0.16955 -0.01486 -0.024982 -0.070166 0.085275 -0.074443 -0.014739 -0.05063 -0.19453 -0.14548 0.068449 0.090577 0.10299 0.21393 -0.07683 -0.11359 0.12907 -0.034517 -0.037995 -0.11578 -0.2823 -0.27787 -0.11544 -0.087073 0.18893 -0.16036 -0.076131 0.15249 0.14793 0.25227 -0.021144 0.14848 0.084297 -0.091556 -0.35141 0.0085903 -0.0031398 0.1118 0.10066 -0.09904 0.079178 -0.05699 -0.062982 0.012735 0.020347 0.031725 0.059233 -0.18578 0.16508 0.27065 0.32405 -team -0.65398 -0.16966 -0.34981 0.39667 -0.42664 -0.075153 0.059407 0.045785 -0.29527 -0.2451 0.12017 -0.028032 0.20108 -0.029071 0.25253 -0.31646 -0.15195 0.17076 0.31405 0.43681 -0.10074 -0.11138 0.082594 0.13266 0.044793 -0.17278 0.061196 -0.11738 -0.17216 0.31848 0.27359 -0.013458 -0.23732 0.059553 -0.0029666 -0.35684 0.50161 0.31745 -0.050448 -0.12704 0.39116 0.32415 0.13797 0.033228 0.43631 -0.13866 0.077202 0.29273 0.21816 0.42386 0.029208 -0.34362 -0.018073 -0.045898 0.034509 -0.40266 0.20486 0.33692 -0.082034 0.26243 0.15231 -0.30651 -0.12579 -0.23959 -0.12593 0.090745 -0.010624 -0.25832 -0.4844 0.098986 0.3393 0.13819 -0.0086807 -0.59506 0.037135 0.18085 0.23985 -0.30967 -0.10148 -0.17618 -0.32082 0.096802 -0.24591 0.057463 -0.077628 -0.10064 -0.23154 -0.19826 0.16165 -0.29922 -0.22913 -0.1272 0.3657 0.39751 0.16954 0.078879 0.094865 -0.0064163 -0.13524 -0.27822 0.33415 0.073928 0.038107 -0.038782 0.28445 0.013273 0.34513 -0.016024 -0.055387 -0.18233 -0.030241 -0.0568 0.080688 0.41306 -0.069433 -0.11593 0.18148 0.57579 -0.35439 -0.14954 0.22949 -0.021401 -0.22574 0.032983 0.28496 -0.2444 0.56428 0.27931 -0.081341 -0.029487 -0.16763 0.23146 -0.51285 -0.16312 -0.10144 -0.086669 -0.14645 -0.35756 0.0044937 0.54596 -0.27604 -0.026918 0.45539 0.069067 0.53201 0.1788 0.33365 -0.046265 0.03755 -0.25689 0.091694 0.23297 -0.046139 0.14183 -0.48041 -0.089476 -0.087632 -0.46163 0.077675 0.090215 0.12426 -0.33985 -0.17751 -0.30674 0.79849 0.15644 -0.41451 0.59923 0.11277 0.035359 0.12009 -0.1047 -0.058756 0.10232 -0.11901 0.79351 -0.20289 -0.15511 -0.1215 -0.19642 0.060591 0.13933 -0.046517 -0.25958 -0.39926 0.12661 0.10226 -0.52038 0.44324 -0.4443 -0.12426 0.27222 0.10362 0.29432 -0.33162 -0.16706 -0.19466 0.3228 -0.084685 -0.41875 0.19601 0.097001 0.14635 0.11507 0.079829 0.011428 -0.0020601 0.081876 0.38116 -0.077098 0.50947 -0.26865 -0.18447 -0.18381 -0.076132 -0.15705 -0.148 0.14413 0.14905 0.10396 -0.4 -0.074567 -0.29085 0.44991 -0.071661 0.15135 -0.29063 -0.25159 0.0077423 0.49336 0.26623 0.10775 -0.14479 -0.089161 -0.20153 0.074814 0.13382 0.12208 0.1235 0.01031 0.064102 0.1244 0.26921 0.14946 0.47981 0.11891 0.072451 0.23521 -0.66894 0.026628 0.025449 0.050326 0.31396 -0.24424 0.20225 0.011259 0.12181 -0.41117 0.15232 0.14716 0.087064 -0.0080595 0.50214 -0.0084723 -0.47949 0.24652 0.35515 0.36791 0.053035 -0.37553 0.23588 0.044528 -0.43712 0.084474 -0.35697 -0.052381 -0.057837 0.26952 0.23565 -0.021268 -0.010105 0.24131 0.064086 -0.39949 0.057556 0.21088 0.41121 0.3957 -0.31234 -0.25644 0.073138 -0.65492 0.27123 -0.21063 0.054193 -0.2357 -0.0061772 -0.21022 -0.015745 0.085533 -american -0.17814 0.021955 0.15505 -0.099185 -0.27303 0.2069 -0.078039 -0.10141 -0.1762 0.25109 0.14317 0.12695 0.013783 -0.32117 -0.18242 0.24378 0.03081 -0.24322 -0.20234 0.089927 -0.42863 0.26754 -0.30416 -0.25869 0.28481 0.01224 0.27936 0.23353 0.50181 0.21834 0.064719 -0.012249 -0.4692 -0.086933 -0.10333 0.074404 0.002556 -0.094726 0.3412 -0.0021412 -0.054657 -0.22297 -0.29429 0.19442 -0.33078 -0.34079 -0.1432 -0.2667 -0.10396 -0.32391 0.029696 -0.014755 0.069155 -0.28558 -0.47641 0.049965 0.2327 0.15873 0.27182 0.69888 0.23516 0.01731 0.5599 -0.059756 0.12832 -0.065076 -0.17365 0.07315 -0.26237 -0.076697 0.14156 -0.37231 0.077497 -0.17971 0.011276 0.063538 0.19445 -0.25374 0.0031444 0.10546 0.017845 0.056909 0.042267 0.09863 -0.30088 -0.11199 -0.16839 0.10943 0.15437 0.29943 -0.011852 -0.19011 0.27708 -0.27608 0.15134 -0.25962 0.035183 0.21864 -0.42442 0.29946 -0.068205 -0.028959 0.31467 -0.073441 0.17675 -0.0109 0.068566 0.12738 -0.016132 0.1053 0.17893 -0.22539 -0.18286 -0.039407 -0.10367 0.38248 0.088434 0.18616 -0.067612 -0.08458 0.217 -0.23181 -0.17957 0.16475 -0.090403 0.010813 0.058231 0.19045 -0.0037158 0.061612 0.19022 -0.011215 -0.091676 0.01718 0.10128 0.17365 -0.12937 -0.22261 0.13682 0.084329 0.11779 -0.0010732 0.29977 -0.029216 -0.22304 0.43209 -0.0029062 0.014512 0.0084956 -0.26431 -0.1414 -0.27934 -0.39745 -0.2306 -0.44517 0.070579 -0.10163 0.0029622 0.35362 0.39292 0.20384 0.18424 -0.094832 0.14235 0.38118 -0.031478 0.25874 0.00025493 0.26868 -0.41585 -0.10672 0.38325 -0.074869 -0.0609 0.05302 0.20744 -0.23796 -0.028788 -0.17704 -0.095766 0.01635 -0.029296 -0.16783 0.039242 -0.25568 0.52242 -0.28106 -0.15574 -0.072394 -0.097651 0.11953 -0.17638 0.037532 -0.043097 0.08715 0.23321 -0.10217 0.38121 -0.094865 0.13887 0.26207 0.044105 0.14945 0.029885 -0.068417 -0.27626 -0.1516 -0.69775 0.55712 0.062967 0.59965 -0.14932 0.23032 -0.020874 -0.19812 -0.20424 -0.08505 -0.47102 -0.34162 0.19458 -0.23252 -0.30705 -0.10517 0.49428 -0.19124 0.11929 0.045211 -0.20592 0.082783 0.26686 0.38932 0.30137 0.027935 0.076626 0.080591 -0.17228 0.13917 -0.045914 0.13949 0.17192 -0.10865 0.42163 0.13456 -0.028841 0.077871 0.13395 -0.3189 -0.080554 0.31202 0.13109 0.31024 0.27055 0.1501 -0.10647 0.13359 0.41551 0.34962 0.19734 0.20257 0.55784 -0.28603 -0.042326 0.2778 -0.21109 -0.3705 -0.092742 0.0038481 0.50462 0.42018 -0.16981 -0.094061 -0.18785 -0.23779 -0.077147 0.010325 0.090652 -0.18029 0.17065 -0.047728 -0.035796 -0.11494 0.63033 0.10139 0.067471 0.30453 0.22438 -0.22147 0.34278 -0.10598 0.47833 0.14666 0.10379 0.42018 0.083425 -0.43787 -0.10404 0.15555 0.26603 -0.17047 -0.20729 -such -0.12798 0.13145 -0.22197 0.0058357 0.1651 -0.095917 0.32568 -0.10462 0.24523 0.13012 -0.08226 0.026979 0.060964 -0.073824 0.12574 -0.08641 0.096926 0.18688 0.069761 -0.088073 -0.10784 -0.031234 -0.036162 -0.042651 -0.062318 0.087131 0.010365 -0.063926 -0.022637 -0.075545 0.21122 0.31282 -0.044729 0.13682 0.066594 0.011819 0.18471 0.10879 0.15241 -0.29594 -0.09772 0.23172 -0.21611 -0.13671 -0.013262 -0.014378 -0.13024 0.0080328 0.35638 -0.079463 -0.25034 0.1264 0.0020699 0.11761 -0.23886 -0.011504 -0.00098982 -0.074777 -0.46857 0.32139 -0.015333 -0.093332 0.18131 -0.13096 -0.089179 0.098706 0.15193 -0.12278 -0.086615 -0.010303 -0.27971 0.32589 -0.038619 -0.19531 -0.077503 0.064999 0.35983 -0.11269 0.066492 -0.19467 0.2417 -0.012765 0.014683 -0.17104 0.21524 -0.19643 -0.0090294 0.30212 -0.38072 -0.13592 -0.050039 -0.055755 0.14237 -0.42884 0.13645 0.12215 0.19613 0.29564 -0.0075488 0.059612 -0.010777 -0.29674 0.094169 -0.055127 -0.080118 0.21585 -0.080327 0.23227 -0.059557 0.025002 -0.32508 0.10213 -0.2598 0.021646 -0.068955 0.17479 0.17808 0.12207 -0.11701 -0.030567 0.18592 0.087021 -0.14391 0.020522 -0.073918 0.045444 0.20172 0.38159 -0.18689 0.48186 0.02098 0.019888 -0.15551 0.22838 0.2685 0.018227 -0.28857 0.079363 0.091208 -0.0098216 -0.058257 0.0071114 -0.073559 0.0096323 -0.038589 0.22841 -0.12771 0.33464 -0.27901 0.32457 -0.054715 -0.14574 0.056218 -0.1324 -0.34856 0.001773 0.11528 -0.086062 0.065331 0.13759 -0.20087 0.25974 -0.31245 0.021545 0.027365 -0.30158 -0.12007 -0.22888 0.10119 0.33733 -0.17767 0.15087 -0.216 -0.097118 -0.2722 0.031288 -0.12359 0.034923 0.22925 0.086194 0.10833 0.038424 0.27415 0.04379 -0.0709 0.2374 0.30458 -0.1651 0.1768 0.048894 0.010031 -0.099322 -0.050672 -0.11999 -0.047515 -0.22037 0.079071 0.18324 -0.42455 0.21304 -0.12204 -0.10204 0.30397 0.031754 0.042074 -0.34014 -0.35375 -0.14484 0.12462 0.17177 0.53553 -0.047845 0.28198 0.095491 0.058297 0.11064 0.31361 -0.30141 -0.21036 -0.080112 -0.28644 -0.17227 -0.19908 0.16042 -0.27719 -0.17992 -0.30815 -0.40998 -0.17022 -0.038969 -0.0087258 0.11784 -0.00432 -0.033765 -0.30243 0.48239 0.2683 -0.16684 0.0037789 -0.086896 0.1411 -0.023405 0.17642 0.040334 -0.088099 0.27778 0.24708 -0.075953 0.092084 0.34464 0.25284 -0.083241 -0.028076 -0.0025143 -0.052113 -0.089247 -0.16833 -0.21701 0.07541 -0.075677 0.0074818 -0.017865 -0.26286 0.090639 -0.24263 -0.39908 -0.29575 0.21118 -0.027031 -0.15267 -0.23026 0.011922 -0.066869 0.002248 -0.032791 -0.029063 0.096041 0.091891 -0.054472 0.43026 -0.11029 0.099507 -0.11779 0.12021 0.20565 0.02117 -0.032115 0.24554 0.075349 0.12594 0.067713 0.12544 0.11347 -0.10109 -0.19682 -0.29269 -0.083196 0.071931 0.24568 0.21901 -th -0.60675 -0.26853 0.096468 -0.048241 0.26699 0.15182 -0.25658 -0.17626 -0.16416 -0.18269 0.39767 0.066007 -0.17054 -0.33731 0.063323 -0.25809 -0.16717 0.054174 0.22244 0.40686 0.1744 0.011669 -0.15513 -0.38136 -0.081405 -0.024574 -0.28842 -0.21135 -0.16654 0.27858 -0.37471 0.1456 0.22931 0.35022 -0.0049302 -0.18581 -0.15644 -0.062995 -0.12768 -0.18818 0.17348 0.16634 -0.28225 -0.04404 0.1505 -0.41638 -0.12505 0.19712 -0.11901 -0.10796 0.18368 -0.24143 -0.11053 0.23607 -0.17163 0.083874 0.022472 0.30103 -0.11479 0.29774 0.06631 -0.11098 0.22351 0.021083 -0.0068601 0.041653 -0.2429 -0.3892 -0.4693 0.081678 -0.10183 0.28888 0.17179 -0.18717 -0.00081653 -0.018413 0.28121 0.4347 -0.098611 -0.027773 -0.24644 0.17357 -0.095818 0.034583 -0.22983 0.34187 -0.52803 -0.26306 -0.18711 0.17777 -0.26382 0.14235 0.26154 0.10764 0.33518 0.10576 -0.085594 0.15286 0.20943 0.019608 0.028166 -0.13091 0.23785 -0.027679 -0.03487 -0.11343 -0.07688 0.57732 0.12993 0.064244 0.07886 0.063248 -0.075539 0.066661 0.31472 0.12931 0.09467 0.12092 -0.048563 0.19786 0.13953 0.21392 0.16018 0.09481 -0.19021 0.16787 0.49052 0.17242 0.28908 0.1131 -0.17204 0.083921 -0.071823 -0.062542 0.19028 0.12568 0.062313 0.0325 -0.38644 0.097389 -0.079135 0.24346 -0.0033357 -0.016455 -0.11594 0.73385 -0.039272 0.068011 -0.34625 -0.057409 0.31008 -0.31365 -0.53361 0.39384 -0.31864 0.19514 0.22963 0.18612 -0.096096 -0.39553 0.14445 0.15417 0.15447 -0.24247 0.22757 -0.091387 0.22624 0.28213 0.47223 0.049463 -0.2732 0.40629 -0.24785 -0.088749 0.19076 0.43947 -0.31226 0.097205 0.15083 0.21795 -0.0087249 0.20098 -0.12404 0.11786 -0.11614 0.41239 -0.27663 -0.02218 -0.034705 -0.31327 0.40509 -0.084104 -0.1466 0.204 -0.25857 -0.13222 -0.013789 0.022034 -0.14575 -0.052714 -0.017593 -0.23816 -0.023857 -0.20569 0.37269 -0.17236 0.3702 0.010675 0.24429 0.36163 0.52705 -0.22285 0.029202 -0.13756 0.010739 -0.54299 -0.072329 -0.46061 -0.28558 0.012109 0.0085302 0.03059 -0.48537 0.054715 -0.31827 0.17051 0.33193 -0.19108 0.029543 0.1544 0.37158 0.023459 -0.21653 0.033273 -0.27755 0.077209 -0.069873 -0.17393 -0.040661 -0.28627 -0.14953 0.045912 0.41947 -0.13159 0.020909 -0.30792 -0.27904 0.17887 0.066537 -0.10931 -0.33191 -0.055951 0.0044215 -0.034251 -0.20743 0.18025 -0.16206 -0.27857 -0.025899 -0.0076564 -0.22972 -0.0775 0.0018984 0.28624 0.18766 0.13699 0.19437 -0.2004 0.051916 0.11504 -0.29875 -0.00037054 0.043479 -0.083922 -0.047696 -0.19229 0.12154 0.43983 0.29518 -0.24427 -0.38256 0.23031 -0.30828 -0.11142 0.36977 -0.15719 -0.32228 -0.083783 -0.063298 0.23107 0.14878 -0.38352 0.058238 -0.18181 -0.47019 0.33904 0.069788 0.078821 -0.27151 0.28172 -do -0.059967 -0.081823 -0.0056981 -0.14542 0.23516 0.067349 -0.0028626 0.08485 -0.4862 0.21191 -0.23553 -0.2202 -0.027258 -0.36629 0.074565 -0.27233 0.25396 0.49206 -0.11224 0.066095 -0.21424 -0.19757 0.0084842 -0.078745 0.00064474 -0.050737 -0.081943 -0.086791 -0.04997 -0.041197 0.24949 -0.02166 -0.28929 -0.04045 -0.17709 -0.28892 0.053601 0.00099314 0.10312 -0.3512 0.099789 0.046349 -0.029464 -0.24252 -0.17158 0.46145 0.22567 0.0065456 0.066029 -0.36638 0.0081423 -0.17546 0.13507 -0.083518 -0.17404 0.14661 -0.029917 0.23957 -0.30962 0.15455 -0.15061 -0.05068 0.32602 -0.29668 -0.067087 -0.38634 0.27957 0.019139 -0.14308 0.003658 -0.19603 -0.0083962 0.026586 -0.39534 -0.29117 0.32293 0.25185 0.18005 -0.15321 0.34453 0.16128 0.31987 -0.17828 0.071872 0.024957 -0.12243 -0.16399 0.13075 -0.15276 -0.08834 -0.15767 0.28876 0.23342 -0.4366 0.37324 0.37744 0.12084 0.077547 0.14779 -0.085973 0.023916 -0.33152 -0.12026 -0.16092 -0.080209 -0.012295 -0.15525 -0.32014 0.31115 0.11649 0.23685 0.23204 0.13351 -0.041479 -0.053513 0.075937 0.6738 -0.19178 -0.11756 -0.02215 0.13988 0.14792 0.032308 0.10286 -0.017684 -0.042036 -0.48374 0.070077 0.072057 0.63417 -0.0738 0.27205 -0.42079 -0.04715 0.028436 -0.040252 0.2531 0.14238 0.3893 0.055351 -0.066347 0.056898 0.060943 -0.19446 0.0018102 0.11559 -0.08629 -0.034242 -0.33377 -0.0235 0.25667 -0.13184 0.33271 0.21022 0.10855 0.15977 -0.056262 0.064112 0.1842 0.14715 0.040855 0.13859 -0.155 -0.37085 -0.051199 -0.22263 -0.38561 -0.45969 0.19492 0.51745 -0.096986 -0.070765 -0.46455 0.11917 0.071507 0.30963 -0.14782 0.17794 0.048722 -0.19075 0.035238 -0.29139 -0.10693 0.0084896 -0.0017804 0.1694 0.047842 -0.058594 0.24439 0.23714 -0.10227 -0.12158 -0.31455 0.13319 -0.011462 -0.14195 -0.13043 -0.12702 -0.60214 0.3814 0.074861 -0.28105 0.2825 0.012061 0.084645 -0.16669 -0.51595 0.10599 0.47781 -0.014559 0.39681 -0.046629 0.5323 -0.092162 -0.071815 -0.09175 0.30924 -0.43353 0.047393 0.096578 -0.27652 -0.065501 0.03346 0.023483 0.083389 0.11966 -0.21969 -0.29482 -0.013441 0.18045 0.21844 0.12373 -0.22268 -0.0118 0.16638 0.028737 0.10145 0.047869 -0.34403 0.092467 -0.031047 0.3481 0.33325 -0.0083112 0.14139 0.31026 0.50531 -0.077792 0.038025 -0.089494 0.13382 0.040453 -0.40636 0.20099 0.29619 0.027622 -0.0015309 -0.29558 0.50778 0.0058456 0.11392 0.32841 -0.37077 0.079654 -0.22285 -0.075119 -0.34271 0.66903 -0.21986 0.056074 0.066898 0.075743 -0.089369 0.21932 -0.072386 0.085074 0.16978 0.14485 -0.094814 -0.2547 0.11721 0.027759 -0.15985 0.061823 0.10966 -0.27901 0.2113 0.31464 0.051646 0.3197 -0.058232 0.041493 -0.18241 -0.098015 -0.057821 -0.053247 -0.23659 0.17532 0.31388 -0.29767 -discussion -0.26084 -0.43859 -0.097308 0.05468 -0.15924 0.058762 -0.16579 -0.24778 -0.087823 0.18509 -0.23787 -0.25805 -0.25208 -0.20909 0.44569 -0.14891 -0.18278 -0.052295 0.35736 0.065587 -0.2232 0.51596 0.011627 0.12479 -0.41068 -0.70696 -0.21797 0.19052 0.40837 0.042157 0.44506 0.5531 -0.15399 -0.12412 -0.10171 -0.65606 -0.55172 0.17546 -0.064015 -0.71936 -0.68804 -0.66215 -0.47949 -0.27738 0.072431 0.54152 0.32796 -0.14491 0.052282 -0.057596 0.0055305 -0.33909 0.010973 -0.21143 -0.73504 0.0085312 -0.071432 0.16853 0.18482 0.68602 -0.17503 0.42582 0.41421 -0.33126 0.050662 -0.2837 0.5466 0.37883 -0.59414 0.38208 0.0085385 0.13351 0.64641 -0.24276 0.28373 0.48611 0.21215 0.55252 -0.18047 0.1121 0.44308 0.47985 0.14249 -0.038064 0.32883 -0.30254 0.20936 0.034213 -0.3962 -0.0086424 -0.21452 0.063135 -0.018276 -0.74294 -0.15125 0.14107 -0.37968 0.22578 0.39788 0.087505 -0.4161 -0.34333 0.41225 -0.32472 0.32728 0.35028 -0.45105 0.39442 0.44659 -0.40474 -0.29326 0.092591 -0.43845 0.038681 0.16738 -0.39707 0.078914 0.57214 0.0010729 -0.1909 0.19087 0.25687 -0.10228 0.36607 0.25514 0.1554 -0.56618 0.45427 -0.24712 0.52421 -0.025724 -0.10638 -0.095697 0.065508 0.33916 0.20757 0.13203 -0.11756 0.29802 0.42715 -0.31292 -0.60287 -0.15821 0.17851 -0.43668 -0.30624 0.32857 0.70142 -0.3648 -0.011064 0.38754 0.34774 0.17563 -0.01693 -0.63089 -0.04063 -0.20083 -0.10394 0.50783 0.30302 -0.39965 0.02893 -0.10166 0.00090823 -0.2596 0.060532 -0.20883 -0.8698 0.2146 0.38666 -0.23512 -0.075248 -0.42229 0.04118 -0.1935 0.39545 -0.29781 -0.23658 0.30883 -0.19596 -0.043607 -0.044991 -0.14982 -0.26102 -0.43373 0.56915 0.51519 -0.2049 0.22194 0.57032 -0.037738 0.22773 -0.23408 -0.16963 0.30931 -0.48653 0.1703 0.069078 -0.36781 0.22654 0.23744 -0.021966 0.28629 0.30349 -0.078973 -0.38389 -0.20266 -0.258 -0.14079 0.078848 0.85712 -0.28459 0.30943 -0.12381 0.33248 -0.15023 0.58101 -0.75187 0.15823 0.43795 0.031069 0.040053 -0.18207 0.0061945 0.34633 0.062981 -0.2688 -0.38931 -0.56852 -0.002491 0.34907 -0.26371 0.090541 0.27999 0.078414 -0.20275 0.77341 -0.015091 0.10246 0.38322 -0.35226 0.057976 0.51931 -0.094074 -0.34616 0.44514 0.47448 0.10859 -0.33876 -0.082712 0.16501 -0.30634 -0.24531 -0.058237 0.21892 0.082378 -0.24401 -0.87644 0.45857 -0.07632 -0.043505 0.33546 -0.41284 -0.14825 0.093618 -0.36941 -0.077514 0.60082 -0.67596 0.12747 -0.12545 -0.030414 0.029517 0.012939 -0.28502 -0.16153 0.0033977 -0.058952 0.1519 0.15566 0.22359 0.43836 -0.12711 0.069377 -0.14711 -0.29421 0.25089 0.45225 0.83196 0.097383 0.38762 0.17161 0.14305 -0.46584 -0.1209 -0.3316 -0.59506 0.50913 0.34921 0.18931 -links -0.27749 -0.28933 0.33167 0.29965 -0.20354 0.093935 -0.13954 -0.50498 -0.28901 0.091049 0.013615 -0.49264 -0.012208 -0.04581 -0.013746 -0.54531 0.064218 0.26807 0.30349 0.075379 0.022224 0.10166 -0.14936 -0.14102 -0.7536 -0.31988 -0.13229 -0.12669 0.1555 0.42117 -0.069006 0.26913 -0.21187 -0.0053395 0.054433 0.19394 -0.019227 0.14352 0.044156 0.099382 0.019174 -0.14924 0.57902 0.21887 -0.017079 0.26866 -0.45234 -0.93843 0.29043 -0.078555 0.15963 -0.33392 -0.091577 0.18946 -0.24388 0.20148 0.30221 -0.15278 -0.32642 -0.25348 0.076736 0.32017 0.74159 -0.23109 0.13795 -0.18567 0.28312 0.095069 -0.31263 0.41474 0.18221 -0.37776 0.55402 -0.39255 -0.36033 0.058391 -0.076592 0.31554 -0.30084 -0.33737 -0.54834 0.30248 0.02769 -0.033921 0.038033 -0.40353 0.26493 -0.028178 -0.29401 -0.26078 0.23559 -0.28252 0.036618 0.063144 0.21201 -0.11569 0.10319 -0.00046561 0.14389 0.051738 0.20783 0.081079 0.025026 -0.17039 -0.0012885 0.30973 -0.52404 0.24485 0.20563 -0.12026 -0.16812 -0.10028 0.11187 0.14665 -0.18197 0.049589 0.67763 -0.22459 -0.22838 0.075526 0.73408 -0.16059 -0.34067 0.50763 0.25977 0.18045 -0.12478 -0.21471 -0.30782 0.055147 -0.15179 -0.23992 -0.084911 0.11675 -0.018983 0.38668 -0.1248 -0.25131 0.32422 0.23608 -0.30807 0.30196 0.27391 -0.2257 0.34383 0.061618 0.014743 0.18362 -0.5787 0.044126 0.37049 -0.071709 0.038466 -0.35322 0.33702 -0.18415 0.23649 -0.079108 -0.24644 -0.094335 0.42473 0.24503 -0.10231 -0.2965 0.2838 -0.34788 -0.61685 -0.30738 0.11989 -0.29692 0.16354 -0.19719 -0.23562 0.21924 -0.00051989 -0.32122 0.22849 -0.11614 0.00038817 -0.7646 -0.14039 0.019178 0.010886 0.41389 -0.41947 0.54745 -0.025778 -0.46135 0.057809 0.02033 0.30749 0.19056 0.31202 0.030437 -0.064174 -0.20355 0.016375 0.29364 -0.34437 -0.17062 0.45783 -0.22231 -0.17273 0.15463 0.24173 -0.33402 0.086328 0.12246 -0.11252 -0.49165 0.26323 -0.67558 0.15114 0.1522 0.34274 -0.0059516 0.40905 -0.20736 -0.11214 -0.29375 0.21611 -0.10309 0.3995 -0.69982 -0.17351 -0.058268 -0.13168 -0.35288 0.45879 -0.064465 -0.10805 -0.069126 -0.020047 -0.14233 -0.22427 0.071939 0.51276 0.22974 -0.099294 -0.14616 0.2822 -0.093446 0.17527 -0.14597 -0.47697 0.079552 0.63791 0.27966 -0.16389 -0.18201 0.62773 -0.31841 -0.98861 0.21872 0.097616 -0.56414 -0.15032 -0.2046 -0.0073912 -0.04622 0.21442 -0.041402 -0.36313 -0.045671 -0.17578 0.18216 0.32047 0.11363 -0.14618 0.022229 0.29825 -0.14684 0.41838 0.12826 0.086219 0.023431 -0.28017 -0.091905 -0.23622 -0.23884 -0.0433 0.29023 0.36765 -0.21901 0.27101 -0.0013437 0.34704 0.24939 -0.67596 0.009184 0.31138 -0.24334 -0.37687 0.10781 0.27825 0.060194 -0.16634 0.17116 0.2496 0.12647 -only -0.15906 0.14809 -0.087573 0.15128 -0.066258 -0.067022 -0.086443 -0.1616 0.11609 0.13939 0.047771 0.022413 0.10448 0.17269 0.031716 0.0053919 -0.089087 0.099216 0.070124 0.053753 -0.04261 0.026661 -0.26466 -0.18506 -0.094516 0.077165 -0.015846 0.12001 0.0074917 -0.0545 -0.12534 -0.077107 -0.13157 0.20992 0.024376 -0.23003 0.15691 0.0097185 0.053754 -0.040893 0.096524 -0.19632 0.025837 0.089478 0.05702 0.31574 0.16315 0.016696 0.060723 0.0024819 0.091089 -0.16559 0.14567 0.067502 -0.12275 -0.039173 -0.053219 0.15321 -0.22701 0.17364 -0.0019247 -0.071888 0.2315 -0.13551 0.032188 -0.17151 -0.32896 0.045003 0.22778 0.051344 -0.033665 -0.027701 0.15189 -0.14757 -0.11736 0.10167 0.25155 0.27647 -0.0035028 -0.0018311 -0.0035076 0.045586 -0.096837 0.021565 -0.028482 -0.046827 -0.17311 0.07101 0.0094512 -0.20737 -0.063359 0.083307 0.30308 -0.15507 0.018957 -0.13878 -0.16097 0.085181 -0.10667 0.051914 0.078567 -0.12925 0.25416 -0.090592 -0.023769 -0.19953 -0.067151 -0.1528 0.17349 0.054004 0.056664 -0.038726 0.015699 -0.096784 0.070768 -0.17623 0.19225 0.04551 0.045555 -0.023886 0.14975 0.10929 -0.071563 0.4805 0.11468 -0.007665 0.36264 0.15352 0.072933 0.057075 -0.15205 0.032859 0.022869 0.02742 -0.10133 0.066236 0.073805 -0.04183 0.016585 -0.091437 0.050731 0.18672 0.19019 -0.06957 0.085706 0.22939 -0.072447 -0.022841 0.010845 -0.12921 -0.043577 -0.076266 -0.048253 -0.11247 -0.13791 0.011871 0.14004 0.11014 0.20733 0.10345 -0.27352 0.025576 -0.0090305 0.16798 0.10511 0.19086 -0.02732 0.010641 0.11533 -0.025481 0.14493 -0.19454 -0.21079 0.02669 -0.051815 0.0050164 0.0073442 0.13537 0.071968 0.048253 0.061523 0.03662 -0.10555 -0.055751 -0.24306 0.065449 0.051918 -0.011406 0.092866 -0.15792 0.067191 -0.35585 0.15808 0.15181 -0.12981 -0.050787 -0.049853 0.089271 -0.14911 -0.095266 0.13753 -0.038161 0.0085413 0.028761 0.11458 -0.011769 -0.10758 0.25052 0.14654 0.045445 0.26169 -0.1726 0.13518 -0.064068 0.0366 -0.04534 -0.095521 -0.20135 -0.14809 -0.0096427 0.07307 0.01751 -0.050613 -0.12348 -0.040582 0.006155 -0.13754 -0.047531 0.060562 -0.059819 0.10945 0.16802 -0.14631 -0.040302 -0.104 0.14179 0.10253 -0.19554 -0.068862 -0.020133 -0.050928 0.051869 0.054462 -0.11187 0.10908 0.31932 0.085235 0.071356 0.0033062 -0.030618 -0.045608 -0.18537 -0.32734 -0.087081 0.11351 0.14116 -0.096899 -0.11627 -0.01955 -0.09668 -0.0031123 0.043306 -0.058312 -0.066643 -0.072086 -0.089377 -0.10663 0.092593 -0.1871 -0.15602 -0.29967 -0.030985 0.18006 0.046247 0.0088959 -0.17242 0.097567 0.05999 0.0385 -0.12629 0.056603 -0.048314 0.043715 -0.10048 0.12018 -0.037846 0.11677 0.35567 -0.18145 0.23512 0.18557 0.01865 0.099215 0.12251 0.04995 -0.23208 0.10142 0.093482 -0.032706 -0.065889 -some -0.10259 0.035129 -0.27205 0.058004 -0.0056773 0.10825 0.063587 -0.15558 0.1267 0.26728 0.02989 0.14701 -0.097785 -0.028888 0.12173 -0.1267 -0.062553 0.20528 -0.03202 -0.01069 0.028507 -0.092208 -0.17408 -0.094889 -0.14336 0.0090343 0.11859 0.11745 -0.21757 0.22911 0.13321 0.12549 -0.20468 0.31996 0.001532 -0.03917 0.18086 -0.074827 -0.0091022 -0.051964 0.007508 0.057379 0.041398 -0.060201 -0.013982 0.10431 0.18055 -0.23406 -0.24967 -0.23239 0.081355 0.061411 -0.075189 0.096334 -0.31583 -0.033809 -0.050904 0.0089098 -0.35847 0.27552 -0.093732 -0.2178 0.13224 -0.043404 0.18206 -0.018396 -0.2694 -0.10302 0.028364 -0.029874 -0.095828 0.049047 -0.062228 -0.13718 -0.23222 0.14618 0.2103 0.13877 0.0075502 -0.11579 0.055264 0.0915 -0.12487 0.030414 -0.020593 0.10754 0.059374 -0.044495 0.095436 0.10418 0.080895 -0.010017 0.38154 -0.25386 0.069355 0.026156 0.041555 0.016503 -0.11239 0.13511 -0.035684 0.086571 0.15105 -0.17939 -0.06164 -0.28054 -0.056921 0.12882 -0.026563 0.019554 -0.18434 0.025801 -0.1754 -0.014896 0.12717 -0.043347 0.21616 0.0080513 0.037775 0.097875 0.097109 -0.057762 0.069869 0.36304 0.060163 0.059501 0.084385 0.042682 -0.025057 0.44372 0.0069646 0.15606 -0.18339 0.049648 0.093692 0.015881 -0.11843 -0.025678 0.19763 -0.14278 0.17558 0.078549 -0.02908 0.021105 0.25916 0.17298 -0.14705 0.18447 -0.10639 -0.078388 -0.040532 -0.28532 0.16953 -0.1906 -0.072978 -0.17978 0.051613 -0.037614 0.215 0.066944 -0.17914 0.18687 -0.27441 -0.03191 0.072356 0.10846 -0.21846 -0.26791 0.20523 -0.04834 0.069503 0.14628 -0.35052 0.072428 -0.31021 0.15678 0.067768 0.26126 0.060228 -0.079528 0.099533 0.063709 0.054064 0.064872 0.058472 0.17235 0.16412 -0.1364 0.38018 -0.067375 -0.18138 -0.28091 0.035333 0.15544 -0.072803 -0.087458 0.034689 0.1415 -0.25274 -0.035459 0.025444 -0.065046 0.081268 -0.0042313 0.088707 -0.2762 0.053266 -0.0021693 0.032784 0.2264 0.17978 0.11026 0.024135 -0.11224 0.19694 -0.053345 0.055212 -0.22497 -0.17776 -0.069061 -0.027795 -0.27258 -0.030586 -0.010703 -0.10299 0.018793 -0.088313 -0.21044 0.072315 0.30453 0.063224 0.08811 -0.032367 -0.058272 -0.16633 0.21331 0.10058 -0.146 0.1074 0.065085 0.11677 -0.079865 0.09124 -0.18506 -0.18743 0.28953 0.21916 0.067925 -0.042576 -0.041126 0.17284 0.0027499 -0.080358 -0.18702 0.095815 -0.046811 0.11732 -0.15755 0.10424 0.05554 0.096629 0.19081 -0.11087 -0.022282 -0.2124 0.0070987 -0.26128 0.16266 -0.25841 -0.067286 -0.19836 -0.11061 0.20247 -0.019565 0.038612 0.058056 0.074382 0.14241 -0.013589 0.066706 0.16881 -0.15352 -0.17546 -0.069344 0.12135 -0.020611 -0.088055 0.097388 -0.15136 0.35622 0.12834 0.030983 0.022804 0.0090433 0.089243 0.0093499 -0.1469 0.17704 0.0031543 0.06439 -up 0.050746 -0.10465 -0.11645 0.35393 -0.12675 0.096301 -0.054381 -0.26301 -0.2099 0.28288 0.34059 -0.0087929 0.015238 0.048556 0.33515 -0.2547 0.14344 0.097152 0.061149 -0.029115 0.013637 -0.037526 0.099212 -0.28668 -0.089125 -0.012166 -0.29433 -0.47918 0.018074 0.12776 0.10105 0.31096 -0.17989 0.037449 0.038537 0.027665 -0.14308 -0.29851 -0.1668 -0.17571 0.26495 0.1444 -0.23602 0.42433 -0.0020282 -0.083376 0.16971 0.056822 -0.21485 -0.14441 -0.043001 -0.16818 0.024433 0.16601 -0.061748 0.39179 -0.056878 -0.091802 0.15553 0.25604 0.0085222 -0.28412 0.427 -0.15729 -0.28023 -0.16682 0.094079 0.22534 -0.12254 0.24432 -0.084133 0.097703 -0.0013774 -0.02722 -0.11715 -0.17758 0.30882 -0.049614 0.14009 0.14011 0.052514 -0.084242 -0.098793 0.09093 0.097124 0.096042 -0.08917 0.00014265 0.30589 -0.04607 -0.13584 -0.248 0.17472 -0.23987 0.15738 0.23197 0.058664 -0.23271 -0.0462 -0.24716 0.049899 0.029229 0.28816 -0.064107 -0.12036 -0.26565 0.045865 0.078788 0.11818 0.10476 0.099003 0.019882 0.20637 0.1584 -0.067908 -0.12516 -0.23174 -0.1027 -0.17582 -0.029133 0.038022 0.057464 -0.46738 0.37752 0.0039075 -0.18071 0.0013832 0.098791 0.144 0.042338 0.22923 -0.01215 -0.088185 0.3776 -0.032589 0.12344 0.032409 0.17313 -0.060322 0.31423 -0.0044634 0.14237 0.30797 0.23713 0.22841 0.3669 -0.11109 0.11761 -0.032454 0.14252 0.12229 -0.18333 0.046065 -0.35734 0.03968 0.048082 0.1686 -0.35911 0.22741 -0.23785 -0.056716 0.10403 -0.19803 0.20722 0.12045 -0.13193 -0.021354 -0.25307 -0.11498 -0.12141 0.12532 -0.3992 -0.19674 -0.19756 -0.04219 0.23571 0.060021 0.11503 -0.22009 -0.32069 0.23902 -0.087489 -0.24181 0.32901 -0.018359 0.019503 0.0030157 0.18843 0.071496 -0.34561 0.018668 -0.20879 0.097647 0.16018 0.065607 -0.10103 0.01134 -0.30712 -0.15941 -0.11366 0.15301 -0.15178 0.20537 0.0003623 0.018635 -0.13672 -0.20462 0.068105 0.085121 0.15109 0.25925 0.0084185 0.12888 -0.026041 0.17811 0.094287 -0.066252 -0.24214 -0.083132 0.12362 -0.32525 0.30129 0.04271 0.24263 -0.16674 -0.0049737 -0.054934 -0.11031 -0.070728 0.25159 0.35229 0.29824 0.044761 0.10997 -0.090429 -0.16943 0.24223 0.098267 -0.067278 -0.071913 0.31586 -0.075775 0.24381 0.12795 0.0036591 0.33459 -0.076598 -0.16319 -0.10426 0.033822 0.18074 -0.018719 -0.023605 -0.31635 0.15751 0.14504 0.053406 -0.13118 -0.12424 0.18307 -0.19952 -0.0011685 -0.15421 -0.093023 -0.053396 -0.22407 -0.00011687 0.15784 0.10014 0.075517 -0.11324 0.057721 0.1582 0.18678 -0.24766 -0.058054 0.1668 0.26698 -0.007678 -0.16806 0.34027 -0.21668 -0.14847 -0.17406 0.15964 0.092536 0.22502 0.12448 0.15117 0.062378 0.14372 -0.19707 0.045638 -0.0068417 -0.0055782 0.18371 -0.19345 -0.045529 0.072816 -0.0077457 -see 0.065606 -0.20778 0.078292 0.26746 -0.44002 0.12833 0.142 -0.14664 -0.21651 0.061481 0.037764 -0.098068 0.039605 0.15554 0.25207 -0.10135 -0.27408 0.14177 0.079111 -0.055953 0.11227 0.40378 -0.17173 -0.25968 -0.14666 -0.12127 -0.043952 -0.088812 -0.11801 -0.0055776 0.026664 0.17143 -0.064154 0.13713 -0.022575 0.13751 -0.30394 0.22493 -0.11938 -0.024765 -0.07806 0.065861 -0.18514 -0.10426 0.098893 0.0019134 0.24819 -0.24006 -0.1443 -0.26582 -0.01163 -0.14499 0.058747 -0.48813 -0.31219 0.12985 0.12634 0.0067255 -0.202 0.14519 -0.13505 -0.025903 0.17894 -0.078037 -0.19862 0.068398 0.12556 0.040752 -0.13791 -0.1718 0.090205 0.10914 -0.041686 0.080871 -0.23166 0.2464 0.20115 0.12834 0.16604 0.12042 0.34799 0.27769 -0.12724 0.060566 0.019956 0.12603 0.038511 -0.15342 0.035314 -0.27182 0.044523 0.31707 0.40946 0.098558 0.054922 -0.142 -0.10756 0.18376 0.1553 0.053896 0.065432 -0.23395 -0.067211 -0.25157 -0.078368 -0.094436 0.1068 0.1517 0.27513 -0.062291 0.038053 0.023074 -0.0012364 -0.087223 -0.19969 -0.15942 0.34232 0.090148 0.10787 0.29018 0.30764 0.084018 0.2238 0.24153 0.048191 0.014305 -0.062208 -0.20488 0.22731 0.02313 -0.064369 0.00033755 -0.34618 -0.0093523 0.13452 0.085074 0.10803 -0.075464 -0.076526 0.27606 0.046524 -0.03786 0.45028 -0.085808 0.15754 -0.039694 -0.27675 -0.073855 -0.020877 -0.011633 0.030616 -0.069789 0.3653 -0.076294 -0.085663 -0.14427 -0.16945 0.007729 0.32145 0.16343 0.01042 0.29496 -0.33592 -0.23572 -0.0013809 -0.19098 -0.095623 -0.37932 0.2241 0.10488 -0.62712 -0.078144 -0.25156 0.11853 -0.30085 -0.052537 0.32731 -0.074559 -0.00040936 -0.3031 0.11625 -0.1523 0.025847 0.067382 -0.183 0.24124 0.2631 -0.0043184 0.13733 -0.014973 -0.075383 -0.35768 0.0023652 0.0054615 -0.04175 -0.21974 0.24582 0.082989 -0.32646 -0.12335 0.16285 -0.079608 0.10057 0.14865 0.22523 0.10368 -0.34559 0.19931 0.024427 -0.019086 0.26853 -0.13887 -0.10147 -0.079289 0.24512 -0.09211 -0.14084 -0.077391 -0.053525 -0.0055776 -0.10184 -0.17063 -0.24186 -0.32622 0.02821 0.27233 -0.063724 -0.18258 -0.020903 -0.0071454 0.02461 0.37082 -0.11077 0.095047 0.15974 0.31148 -0.14492 -0.12066 0.063117 0.12564 -0.27152 0.0027756 0.43786 0.31141 0.065738 0.21583 0.1666 0.19119 0.037278 -0.074201 0.24833 -0.13415 -0.076522 0.21304 0.22779 0.15897 -0.091805 -0.21986 0.063914 0.007702 0.014062 0.092196 -0.067908 0.01917 -0.16616 -0.092109 -0.20818 0.13692 0.066552 0.088639 -0.11435 -0.16138 0.0743 -0.38724 0.11309 -0.39142 0.12729 0.17795 -0.13674 -0.45063 -0.10522 0.096817 -0.074096 0.0041708 0.16486 -0.088158 -0.19859 0.097139 -0.00179 0.12473 0.077368 0.058236 -0.027758 0.049618 0.10201 -0.0062674 -0.15436 0.054054 0.092565 0.011033 -united 0.046365 -0.31769 0.31222 0.42728 -0.052017 -0.20568 -0.13054 -0.35544 -0.045493 0.11983 -0.14213 0.31608 -0.17941 -0.18543 0.18359 -0.15808 0.072664 -0.0014783 0.16622 -0.14543 -0.2524 0.27216 -0.32267 -0.10664 -0.29708 0.18807 -0.098525 -0.18365 0.31272 0.28361 -0.18903 -0.088701 -0.35652 0.035704 -0.1088 -0.050323 0.023336 -0.26352 0.30818 -0.22825 0.058236 -0.41506 -0.026763 0.046349 0.19959 -0.39861 -0.17375 -0.30119 0.22293 -0.038184 0.068501 -0.097479 0.015807 -0.21986 -0.37589 0.17285 0.0040284 0.32552 -0.0011404 0.32761 -0.013105 0.015247 0.15712 -0.26045 -0.12494 0.28136 -0.26716 -0.46102 -0.41073 -0.32228 0.16545 -0.014996 0.35118 0.061423 -0.11643 0.43137 0.092377 0.029948 -0.085856 -0.41104 0.068817 0.29297 -0.21212 -0.1218 -0.26955 -0.24207 -0.18802 0.18362 0.18549 0.18589 -0.1702 -0.039048 0.11551 -0.19736 0.14122 -0.057884 0.20881 0.072587 -0.48411 0.26856 0.16303 -0.16069 0.27502 -0.059509 -0.18507 -0.12898 -0.30991 0.46534 0.23927 -0.13232 -0.13909 -0.13108 -0.26525 -0.12356 0.059133 0.23275 0.47667 0.12626 0.11883 -0.17368 -0.063973 0.053502 -0.2536 0.31042 0.080435 -0.30128 0.089277 0.36817 0.12852 -0.14209 -0.019825 0.25518 -0.17265 -0.30792 -0.46263 0.024073 -0.080779 -0.035585 -0.14509 0.046528 0.091075 0.23933 0.25347 0.33774 -0.25254 0.37824 0.4848 -0.054182 0.29476 0.086524 -0.093276 0.055876 -0.37799 -0.18548 -0.29252 -0.19583 -0.099003 -0.43942 0.087635 -0.012459 -0.29098 0.5147 -0.18545 0.13965 0.50519 -0.098732 0.25575 0.1304 0.55445 -0.021427 -0.029507 0.02117 -0.1621 0.014808 0.049758 0.036056 -0.062304 0.63642 -0.43644 -0.076776 -0.39182 -0.1376 -0.24394 -0.22731 0.06657 0.14438 0.38478 0.15374 -0.12172 -0.090816 0.045915 -0.10554 -0.073628 -0.19175 -0.29218 0.26795 0.50897 0.050782 -0.21657 -0.08597 -0.26223 0.022173 0.13127 0.24968 0.1859 -0.10647 -0.3341 -0.41956 0.48287 0.5315 0.41377 -0.17839 0.21919 -0.17591 0.27181 0.069603 0.10326 -0.33973 -0.055301 0.19001 0.1406 -0.18336 -0.2006 -0.17187 0.28915 0.14723 -0.1442 -0.15559 -0.24569 -0.2394 0.12558 0.027606 0.10914 -0.16858 -0.010481 0.025268 -0.40896 0.40354 0.25462 -0.15377 0.382 0.34362 -0.12514 -0.050515 0.14687 -0.034993 0.066918 0.18203 -0.18247 -0.0515 0.46348 -0.058206 0.017133 -0.089766 -0.43008 0.25566 -0.092503 0.3139 0.26187 0.29525 0.14112 0.11211 0.077465 -0.081054 0.027246 -0.35908 0.24731 0.23647 0.018267 -0.0976 0.18494 -0.073755 -0.080984 -0.13992 -0.1203 -0.024845 0.14001 0.11345 0.3576 0.018279 -0.34892 0.10736 -0.13512 0.17277 0.6192 0.078815 -0.12064 0.054381 -0.26726 0.15411 0.1107 -0.15565 0.20006 0.036532 -0.051931 -0.1327 0.06487 0.022226 -0.013277 -0.28403 -years 0.075839 0.042674 0.020181 0.050867 -0.010625 0.15256 -0.088586 -0.096088 -0.063122 0.65162 0.22232 0.19545 -0.10945 0.062671 0.032953 0.016797 -0.18758 -0.19251 0.034215 0.33518 -0.3219 -0.10498 0.023273 -0.38186 -0.17623 -0.17392 0.061267 -0.30791 0.063356 0.055992 -0.10579 0.16749 -0.13468 0.064846 0.24515 -0.16702 0.44616 -0.20769 -0.18541 0.045151 0.077928 -0.20744 0.06486 0.067822 0.4156 -0.27067 0.087404 0.15533 0.31861 0.047395 -0.053867 -0.43069 -0.10587 0.20187 -0.20761 -0.25294 -0.14523 0.42044 0.0049966 0.020707 -0.0042913 -0.16576 0.23027 -0.14021 -0.054268 -0.20378 0.096095 0.24053 -0.10842 0.30731 0.13651 -0.19265 0.084534 -0.093015 0.28022 -0.029079 0.39512 0.12934 0.16239 -0.022006 0.084606 0.27857 -0.16885 0.13995 -0.21116 -0.010157 -0.28055 -0.12798 -0.21519 -0.078518 -0.11085 -0.20858 0.47532 -0.28862 0.164 0.10424 0.11024 0.094779 -0.45725 -0.11355 0.14393 0.073126 0.20336 -0.13865 -0.27787 0.097976 -0.19101 0.39317 0.14608 -0.0097416 -0.0014398 -0.093993 -0.050344 0.19831 0.20188 -0.0065755 0.21589 0.0808 -0.11077 0.2792 0.27903 0.48508 -0.051715 0.23971 0.12164 -0.085404 -0.19077 0.27718 0.10276 0.29623 0.089316 0.19728 0.12027 0.085375 -0.34401 0.1915 -0.052665 0.10285 -0.12393 0.21668 0.0093345 -0.0556 -0.019853 0.16558 0.026664 0.27562 -0.16399 -0.33786 -0.17883 0.1218 0.073249 -0.024106 -0.064733 0.10199 -0.13762 -0.076979 -0.16217 -0.10043 0.21147 -0.003504 -0.0052409 0.16211 -0.18061 0.21571 0.39604 -0.16448 0.57379 -0.041948 0.15636 -0.18096 0.17468 -0.36554 -0.021891 0.21715 0.081093 -0.073907 -0.23223 0.32473 -0.26352 -0.19283 -0.25924 -0.093396 0.062183 -0.050842 -0.33023 -0.021627 -0.014505 -0.034812 0.4233 0.1613 -0.14166 0.18726 0.46601 0.11784 -0.035099 -0.045209 -0.082905 -0.060987 -0.031336 0.061925 -0.23274 -0.16959 -0.010284 0.031523 -0.0017703 0.27248 -0.025149 0.026061 0.17094 0.20044 0.30198 -0.14288 -0.090483 -0.035605 -0.084917 -0.068693 -0.16427 -0.2356 -0.070981 0.10475 0.30685 -0.03542 -0.15132 0.12895 0.38356 -0.00070255 0.20369 -0.31525 0.22899 0.13642 0.1792 0.234 -0.16045 -0.025321 0.0021374 -0.014873 0.36991 -0.15555 -0.29311 0.030527 0.031127 -0.18474 0.26607 -0.18104 -0.12037 -0.076602 0.15357 0.089392 -0.12486 0.27501 0.098842 -0.12278 -0.22455 0.041924 0.19719 -0.12148 0.054537 -0.091217 -0.25127 0.21292 4.5927e-05 0.38748 0.40215 -0.38429 -0.096875 -0.13293 0.30871 0.076813 0.1575 0.12342 0.27486 0.031692 -0.072002 0.005184 -0.20524 -0.12741 0.23838 -0.18301 0.33221 0.092258 0.44441 -0.035389 0.12411 0.053624 0.20656 0.20692 -0.10051 0.2851 0.05511 0.38232 -0.0056542 -0.029827 -0.087783 -0.11102 -0.14356 0.1626 0.08745 0.12232 0.099695 0.093542 -into 0.34768 -0.18301 -0.18374 0.17449 -0.11678 0.05353 0.2013 -0.063307 -0.042738 0.3143 -0.1538 -0.20722 -0.10654 -0.23009 0.083785 -0.1063 0.018538 0.17408 0.083412 0.21498 -0.00065944 0.037429 -0.32165 -0.026789 -0.05936 -0.054312 0.16073 -0.043368 0.1469 0.34231 -0.13652 0.35949 -0.14909 0.12 0.11815 -0.036557 0.01866 0.040918 0.28245 -0.31489 -0.032506 -0.11192 -0.015091 0.093158 -0.019388 0.34582 -0.13944 -0.01657 0.14834 -0.13085 -0.063624 -0.1593 -0.0067366 -0.27097 0.082271 0.2267 -0.3059 0.28004 0.035051 0.10519 -0.14024 -0.35287 0.09799 0.17613 0.03689 -0.1557 -0.39833 -0.053975 -0.057356 0.27995 -0.13391 0.10882 -0.11528 0.0057538 -0.21252 0.11017 0.28675 0.089503 -0.22875 0.021362 0.14077 0.10379 -0.22423 0.059292 -0.22971 0.18392 0.16652 -0.038267 -0.21817 0.1093 -0.58092 -0.19338 0.30391 -0.14916 0.21285 0.14896 -0.021155 0.33504 0.0041895 -0.012333 -0.12319 -0.35666 0.16627 0.34811 0.05825 -0.17838 -0.22366 0.28413 -0.23417 0.014204 0.031265 -0.26941 0.23086 0.022466 -0.22682 -0.43217 -0.11432 -0.22773 0.10484 0.2114 0.26848 0.12776 -0.59997 0.42818 0.17349 -0.22267 0.041764 -0.097523 0.40219 0.33736 0.1079 -0.16823 -0.0706 0.28274 0.016632 0.060905 -0.0064263 -0.01452 -0.27613 0.042014 0.14971 -0.19843 -0.089107 0.047591 0.027608 0.33357 -0.30224 0.15721 0.050677 0.2872 0.092645 -0.16366 -0.082375 0.31504 -0.14338 -0.047443 -0.087692 -0.27621 0.13379 0.013171 -0.10672 -0.0025352 0.0028819 0.24832 0.063671 -0.38832 0.13841 -0.21445 0.18896 -0.045585 -0.12747 -0.14709 0.27171 -0.39122 -0.52803 0.52118 0.13217 0.19373 -0.12833 -0.077883 0.35282 -0.064329 -0.18832 0.066166 0.069386 0.14396 0.15335 0.26762 0.29207 -0.026261 0.12546 -0.3424 0.015212 0.36355 0.15621 -0.29739 0.033645 0.040381 -0.081248 -0.26464 0.11797 -0.20161 -0.14048 -0.084735 -0.21277 -0.10718 0.035666 0.047764 -0.016448 0.078006 0.079905 0.21249 -0.22072 0.1626 0.19665 0.15009 0.24736 -0.37362 -0.044406 0.11318 -0.3778 -0.38509 0.12491 0.16944 -0.19092 -0.050139 -0.042326 -0.10134 -0.084649 0.23181 0.11532 -0.085061 0.12366 0.18886 -0.1119 0.27884 -0.011567 0.03009 0.074174 0.011531 0.004713 -0.07456 0.13581 0.0047321 0.19415 0.08412 -0.20343 0.16068 -0.16568 -0.18684 0.11888 0.14485 -0.1393 0.16933 -0.23593 -0.068552 0.16504 -0.032924 -0.17583 0.14028 0.048741 -0.024942 -0.13366 0.025903 -0.27872 -0.062801 -0.035876 -0.18877 0.11958 0.045169 -0.27372 -0.082779 0.017666 -0.020521 -0.41158 0.0041723 0.019554 0.37294 0.064214 -0.31056 0.50026 0.1451 0.080847 0.25609 0.17866 -0.1145 0.24704 0.093726 -0.2143 -0.10244 -0.025642 -0.024296 0.071712 0.10922 -0.10548 0.11922 -0.011184 -0.018843 0.17916 0.0042012 -/ -0.014258 -0.30462 0.28373 0.1851 0.046303 0.44111 -0.11513 -0.092893 -0.30788 -0.2812 -0.012369 0.0010053 0.24368 -0.05857 -0.16366 -0.14147 -0.06117 0.53059 0.11204 0.11767 0.46164 -0.025331 -0.10238 0.16827 -0.31067 0.034411 -0.24189 -0.4842 0.027328 0.5291 -0.38596 0.24237 -0.058165 0.015226 -0.33173 0.073705 -0.20051 -0.20967 0.35094 -0.21589 -0.26331 0.20564 0.28022 0.20334 0.40152 0.47095 -0.10259 -0.2074 0.098816 -0.048928 0.15128 -0.17568 -0.010976 -0.26898 0.25062 0.0054663 -0.2595 0.20167 0.30158 0.18431 0.19219 -0.16947 0.21348 -0.048 0.099897 0.12883 0.29279 0.37141 -0.24043 -0.5847 -0.14316 -0.099099 -0.040051 -0.25161 0.064307 0.23795 0.24965 0.14896 0.042686 0.52851 0.16964 0.14712 -0.29284 0.15657 0.42737 -0.21109 0.023191 0.23033 -0.04745 0.27154 -0.01657 -0.082681 -0.37165 0.13493 0.084044 0.28484 0.022851 -0.098493 0.10653 -0.15732 0.20354 0.091567 0.034782 0.236 0.064735 0.016267 -0.085658 -0.021286 -0.12741 -0.05269 0.2856 -0.008002 -0.43656 -0.16063 -0.38213 -0.25526 0.26923 0.21076 -0.29088 0.36863 0.56086 0.32946 0.39728 0.31775 -0.16081 -0.32495 0.091922 -0.086332 -0.49444 0.10045 -0.066926 0.067345 0.13961 0.46939 0.22744 0.0050036 -0.048599 -0.45075 0.54124 0.33883 -0.52585 0.15031 0.17678 -0.12429 -0.08918 0.47669 0.21934 0.24983 -0.089043 0.033151 0.0911 -0.11045 -0.28486 -0.069924 0.1155 0.036532 0.21339 0.099686 0.18386 0.3329 -0.2436 0.52067 0.028179 0.12453 0.1044 0.18913 -0.09839 0.25459 -0.3051 0.068261 -0.042702 0.0010945 -0.46086 -0.12266 -0.0095622 0.16247 -0.40412 -0.45167 -0.43043 -0.65586 0.20948 -0.32213 0.06307 -0.21243 -0.38168 0.4449 0.0076538 -0.36694 0.12226 -0.091153 0.12169 0.012705 0.072424 0.0065783 -0.24181 -0.016246 0.019913 0.4425 -0.44006 -0.027852 -0.09028 -0.16866 -0.15291 -0.12223 0.03705 0.086734 -0.12287 0.12118 0.38338 0.1032 0.33368 -0.13516 0.21665 -0.10152 -0.032325 -0.061582 -0.11824 -0.25082 -0.39177 -0.19368 -0.05892 0.37131 0.18077 0.013755 -0.28276 -0.24894 -0.14531 0.017124 0.3341 0.36421 -0.055136 0.34678 -0.22398 -0.48497 -0.36863 -0.17603 0.12263 0.22867 0.077009 -0.16923 -0.12496 0.16409 -0.13856 0.17236 -0.050772 -0.1741 -0.21244 0.14494 -0.099898 -0.034955 -0.37403 0.0097706 -0.063309 -0.26638 0.12265 -0.049024 -0.10421 -0.177 -0.19008 0.40117 0.2179 0.13711 0.17258 0.13303 -0.23296 0.1817 0.015836 -0.29464 0.12452 0.036893 0.020751 0.15712 0.48448 -0.3163 -0.016973 -0.074844 0.2711 0.63583 0.13755 -0.069565 -0.10698 -0.063679 0.21927 -0.21831 0.64384 -0.12821 0.26235 -0.032293 0.18311 0.098621 -0.27872 -0.44858 0.54312 0.48648 0.086906 0.28035 -0.25262 -0.092285 0.13599 -0.10298 -school 0.22869 -0.028009 -0.085097 0.24309 -0.26317 -0.11202 0.039456 -0.28124 0.30743 0.17091 0.22821 -0.074532 -0.14216 0.0074727 0.22099 -0.28197 0.3143 -0.084497 -0.098618 0.49764 0.10058 0.41745 0.12981 -0.23762 0.06865 0.23092 -0.19101 0.31252 0.033131 0.21395 -0.48624 0.31525 -0.3059 0.0049942 -0.049818 -0.078912 0.38837 0.10109 -0.081014 -0.29326 0.45915 -0.023954 -0.30263 0.46563 -0.025378 0.12146 -0.075863 0.13385 -0.12211 -0.40954 0.37466 -0.31341 0.22262 0.10399 -0.10581 -0.28576 0.016809 0.13574 -0.16435 0.35275 -0.16555 0.17956 0.080846 0.27856 -0.17459 -0.3546 0.16616 -0.28542 0.045847 0.082316 -0.072671 0.34245 0.22845 -0.033578 0.13721 -0.47394 0.33248 0.13369 -0.16712 -0.15695 -0.24327 0.30842 -0.23262 -0.05941 -0.10467 0.068933 -0.49366 0.49679 -0.066409 -0.081599 0.057622 -0.13286 0.50645 -0.39212 0.18089 0.32451 0.35698 0.26969 -0.067222 -0.18543 0.20487 0.013419 0.04359 -0.1235 -0.26041 -0.094033 -0.18862 0.22934 -0.11248 0.034285 -0.48659 -0.032477 -0.12568 -0.083626 -0.12629 -0.33144 0.30312 -0.16933 -0.1418 0.22216 0.41686 0.24273 -0.16214 0.10395 0.53591 0.027088 -0.21948 -0.21237 0.38657 0.17376 -0.21233 -0.11442 0.13554 -0.12886 -0.46518 0.38517 0.095843 -0.37739 0.070177 0.10336 -0.046608 0.0048551 -0.012481 0.21233 0.52061 0.36687 0.47144 -0.055217 -0.29614 -0.073691 0.12355 -0.13563 -0.11267 -0.2026 -0.18016 0.02181 -0.11769 -0.32574 0.31155 0.16532 0.35864 0.35299 -0.056351 0.017639 0.5587 0.056945 0.082128 0.064561 -0.0043055 0.253 -0.26588 -0.11758 -0.15983 0.25661 -0.017241 0.19402 -0.41857 -0.11006 0.20889 -0.14091 -0.011836 -0.0057944 -0.3357 0.15189 -0.16835 -0.03914 0.059314 0.0042839 0.20252 -0.10732 0.40503 0.059054 -0.1481 0.092425 -0.070491 -0.0001241 -0.0016259 0.72782 -0.22663 -0.43043 0.02191 -0.15601 -0.37599 0.16893 -0.18846 -0.058359 -0.0014713 -0.35734 0.15577 0.10934 0.69167 -0.32724 0.16009 -0.40792 -0.11439 -0.030013 -0.12524 -0.027639 0.063727 -0.14089 0.013969 0.41208 -0.36629 0.02648 0.20469 -0.2759 -0.070599 0.006753 0.14241 0.2103 0.3727 -0.0062525 -0.0084329 -0.27378 -0.089864 -0.02836 0.0015354 0.45145 -0.18245 0.20555 0.054421 -0.025571 -0.032553 -0.018942 0.097465 -0.18188 0.091925 -0.055566 -0.1843 -0.05103 -0.06108 0.069601 -0.045432 -0.049843 0.006233 0.045287 -0.00021775 -0.14776 0.076178 -0.17957 0.0078284 -0.060164 0.4239 -0.12532 0.10443 0.075369 0.050524 0.12161 0.11281 -0.057907 0.05202 -0.11776 -0.31597 -0.42454 -0.096316 -0.25219 0.26053 0.31455 -0.20336 0.0079374 -0.19716 0.078221 -0.028117 0.19894 -0.34614 0.024755 -0.21811 -0.14425 -0.05119 -0.33597 0.32747 -0.03847 0.40644 -0.19799 -0.023426 0.10254 -0.03794 -0.14674 -0.13088 -0.18213 -so -0.13876 0.19795 -0.17866 0.025196 -0.057717 0.17428 0.050262 -0.17875 -0.044467 0.31205 0.0054485 -0.11575 0.043132 -0.12426 0.11097 -0.33065 0.05547 0.055605 0.0032198 0.14209 0.045309 0.11784 -0.088498 -0.11306 -0.209 -0.033766 0.02461 0.054905 -0.036109 0.20889 -0.18131 0.15424 -0.23355 0.086936 -0.18024 0.04247 -0.14205 0.065776 -0.10339 -0.12291 -0.1374 -0.066735 -0.16207 -0.1181 -0.11262 0.24891 0.2308 0.1507 -0.012344 -0.10494 -0.011185 -0.36278 0.20072 -0.10977 -0.26811 0.15207 -0.21305 0.11993 -0.31291 0.04385 -0.18034 -0.21894 0.078447 0.048618 0.041356 -0.19324 0.08263 -0.038096 -0.017106 -0.12048 -0.051861 0.21462 -0.090842 -0.31433 -0.20281 0.21938 0.24084 0.1209 -0.048795 0.052489 0.092435 -0.035181 -0.056189 0.058179 -0.12874 0.076431 -0.0016604 0.08846 0.019571 -0.11157 0.026898 0.19388 0.11744 -0.10727 0.11326 0.12562 0.12955 0.071034 -0.15378 0.033196 -0.026469 -0.22647 0.22492 -0.20341 -0.14455 -0.23348 -0.12604 0.054282 0.071263 0.017155 -0.015162 0.05998 -0.072731 0.14712 0.19606 -0.25031 0.051569 0.17115 -0.054961 0.19255 0.15445 0.12191 0.0047315 0.48098 -0.094198 0.037771 0.082164 0.0020702 -0.0077461 0.25117 -0.15283 0.07453 -0.12795 -0.024251 0.038364 0.0035498 0.11854 0.052221 0.17121 0.1575 -0.031279 -0.06475 0.2821 -0.11162 -0.014155 -0.14122 -0.053681 -0.048946 -0.037284 -0.11207 0.10877 0.0020626 -0.0095018 0.074902 -0.17482 -0.061947 -0.070881 0.10493 0.12086 0.011539 -0.12448 0.22621 -0.1975 0.15172 0.0090491 -0.10927 -0.12677 -0.089284 0.12008 -0.037246 -0.23478 -0.25616 -0.27381 0.081569 -0.20625 0.13588 -0.10092 0.042022 0.016035 -0.15939 0.09973 -0.20985 0.20619 0.01581 -0.1356 0.18691 -0.063003 -0.2148 0.25072 -0.1012 -0.073977 -0.26977 -0.030127 0.062034 -0.11133 -0.19449 -0.020197 -0.0093353 -0.27978 -0.17041 0.27489 0.12797 0.078962 0.10482 -0.11091 -0.070037 -0.15435 0.072273 0.17585 0.065539 0.27849 -0.0013867 0.071116 -0.047344 0.21544 -0.069844 -0.11321 -0.22116 -0.023346 0.13996 -0.17092 -0.12829 0.0051118 -0.053587 -0.083811 0.084021 -0.21998 0.009804 0.053682 0.13441 0.066206 0.23787 0.00083491 0.028816 0.0059404 0.076342 0.1054 -0.04614 0.070182 0.0022372 0.13904 0.070292 0.29026 0.029514 -0.098725 0.14229 0.2298 0.11194 0.074637 -0.18559 0.069305 -0.11542 -0.069762 0.048392 0.055977 0.085971 0.25094 -0.31674 0.019868 -0.017369 0.00043032 0.005874 -0.13219 -0.14709 -0.17125 -0.2358 -0.040862 0.27907 -0.10765 -0.047719 -0.30975 0.051394 0.14146 -0.049926 -0.071984 -0.13116 0.019164 0.0060272 -0.0029015 -0.24943 0.29035 0.024601 -0.16474 -0.020862 0.03052 -0.059954 0.044344 0.13539 0.029642 0.2097 0.024176 0.088455 0.031137 -0.092552 0.10547 -0.18755 -0.15719 0.11399 0.20889 0.013215 -world -0.32423 -0.098845 -0.0073467 0.16121 -0.25998 -0.0060076 0.0046041 -0.13021 0.25626 0.34078 0.28565 0.26202 0.1617 -0.34681 0.063853 -0.0057415 -0.21039 -0.15594 0.14924 0.12123 -0.31505 0.18454 0.067557 -0.064524 0.18522 -0.11179 0.0064246 -0.18092 0.046077 -0.094983 -0.2517 0.18452 -0.066575 0.36489 0.11338 -0.09776 0.30747 -0.023661 0.39178 -0.03507 -0.10813 -0.027539 0.43034 0.10358 -0.10806 -0.22422 -0.08929 0.12713 -0.28126 -0.0069467 -0.11128 -0.18842 0.29751 -0.11981 -0.078897 0.25913 0.3523 0.39657 0.024184 0.071092 0.17349 -0.32468 0.061097 -0.28061 -0.14277 0.0022942 -0.24633 -0.11668 -0.23279 0.12904 0.083629 -0.10669 0.25295 0.22212 0.33765 0.031227 0.15566 0.3809 -0.076791 0.13093 0.012789 0.38097 0.22645 0.10582 -0.13103 0.18499 -0.15408 0.39885 -0.18911 0.058628 0.026293 0.0096371 0.47597 -0.10347 0.227 -0.20193 -0.26306 0.20054 -0.46428 0.19976 0.19478 -0.096227 -0.090747 -0.072301 -0.201 0.050161 -0.53361 0.094732 0.1288 0.20945 -0.17726 -0.35653 0.14161 -0.080905 -0.016251 -0.0958 0.37587 0.52891 0.11805 0.065107 0.2019 0.060531 -0.14157 -0.0025388 -0.18896 0.0045249 0.21342 0.28812 0.17907 0.078547 0.13383 -0.020373 -0.064534 -0.33421 -0.3559 0.064769 -0.077711 -0.015207 0.3099 0.63486 0.066338 0.020168 0.29862 0.16501 -0.37229 0.27157 -0.021179 0.064131 0.22547 -0.44628 0.32969 -0.012753 -0.23219 -0.16027 0.20027 0.1033 0.025454 -0.097411 0.080349 0.08146 -0.32789 0.0040305 0.20591 -0.07277 -0.035319 -0.11317 -0.044998 0.20649 0.32991 -0.16076 0.38777 -0.039422 -0.060492 0.051966 0.007784 0.066656 0.10081 0.31054 -0.30312 -0.32962 -0.022858 -0.13672 0.20578 -0.024593 0.010505 0.046384 0.0116 0.078211 0.21753 -0.29905 0.2172 -0.1159 0.20545 0.16613 -0.16653 0.015691 -0.026983 0.21195 -0.20077 -0.046234 0.27736 0.023131 0.14588 -0.12859 0.17107 -0.50074 -0.29859 -0.10064 0.56272 0.30691 0.54501 -0.39113 -0.12554 0.17813 0.45996 0.018619 0.35831 -0.27745 -0.0046902 0.32791 -0.18364 0.31163 -0.32295 0.034618 -0.15645 -0.34456 -0.080383 -0.043575 0.042087 0.16559 0.024058 0.34987 0.27348 0.012231 -0.12685 0.0072742 -0.022134 0.083285 -0.017813 0.088638 0.2044 0.076185 0.27567 -0.13946 -0.14153 0.23889 -0.22143 -0.080292 0.002125 0.45858 -0.32851 0.47206 0.19678 0.077539 0.26018 0.1628 -0.2611 -0.2211 0.23609 0.31686 0.087248 0.54821 -0.1004 -0.26447 -0.35366 0.18926 -0.025612 0.0047776 0.18239 0.019577 -0.14313 0.026834 -0.024435 0.10197 -0.25018 0.14014 0.16461 0.23887 -0.10994 0.15154 -0.1888 0.05091 -0.2567 0.15235 0.23851 0.22879 -0.13311 0.12802 -0.13385 0.18834 -0.041262 -0.10447 0.099186 -0.011132 0.14804 -0.13535 -0.50431 0.14867 -0.16452 0.13953 -university 0.041453 -0.17245 -0.11003 0.13728 -0.21607 -0.18947 0.020979 -0.079464 0.25171 0.34705 0.070803 -0.067096 -0.0052297 -0.15262 0.15632 -0.27248 0.23585 0.13002 -0.24159 0.35073 -0.067959 0.26695 -0.43149 -0.42169 0.22754 -0.29609 -0.045533 0.19175 0.091689 0.23847 0.014621 0.34661 -0.34137 0.1878 0.23843 -0.27737 0.28383 -0.23551 -0.14485 -0.28813 0.14774 0.023565 -0.20509 -0.064663 0.23605 -0.11878 -0.15493 0.060583 -0.1392 -0.23136 0.30865 -0.057538 0.25537 -0.06635 0.0045521 -0.47641 0.098173 0.051067 -0.054406 0.77796 0.11129 0.06741 -0.15458 0.17729 -0.17746 0.30722 0.23242 -0.27439 -0.19194 0.1115 0.024878 -0.046219 0.56096 -0.21114 0.049921 -0.16304 0.42484 0.26172 0.25511 0.26335 0.071185 0.20423 -0.17984 -0.60543 0.031364 0.11908 -0.28081 0.09248 -0.13224 -0.43512 -0.45786 -0.40474 0.32971 -0.64401 -0.3299 -0.10025 0.22597 0.1418 -0.17161 -0.18121 0.16278 0.026016 0.39037 -0.01311 -0.19485 0.1817 -0.097151 0.11809 0.16565 -0.12453 -0.090578 -0.27001 0.19558 -0.019368 0.063503 -0.4107 -0.023209 0.27863 0.093141 0.23934 -0.091827 0.25287 -0.44133 0.2316 0.24816 -0.038631 -0.35123 -0.091982 0.29043 0.18975 0.041419 0.32777 0.26483 -0.087267 -0.29148 -0.053556 0.18182 -0.11983 0.20309 0.16317 -0.2746 0.059835 -0.12366 0.4187 0.093625 -0.091871 0.46739 -0.20346 -0.051065 0.019171 0.25479 -0.024782 0.05954 0.10331 -0.13681 -0.44302 0.0097103 -0.23327 -0.1475 0.35785 0.28133 0.69286 -0.48166 -0.19055 0.80364 0.30656 -0.039871 0.053325 0.46743 -0.050938 -0.12106 -0.26011 -0.27163 0.27737 -0.071462 0.23087 0.29939 -0.16232 -0.021594 0.18577 0.019553 0.41418 -0.41296 -0.092661 -0.30531 0.11269 0.26856 0.15516 -0.12681 -0.14423 0.14873 -0.10238 0.10529 -0.21727 -0.37486 0.16841 -0.29481 0.35415 -0.34787 -0.24904 0.39922 0.21179 -0.35735 -0.091495 0.12603 -0.2643 -0.078413 -0.16515 0.3866 0.4746 0.40802 -0.3168 0.31129 -0.2661 -0.2783 0.20688 -0.15508 -0.12621 0.2155 -0.37675 -0.24299 0.10661 -0.19684 0.32476 -0.51551 -0.40934 -0.25866 -0.44414 0.056277 -0.050156 0.38642 -0.046327 -0.11681 -0.3872 0.021696 -0.040026 0.39229 0.19011 -0.11519 0.055413 -0.39051 0.17913 -0.25056 -0.052618 0.14345 -0.21811 0.17174 -0.029255 0.12625 -0.1116 -0.10846 0.15673 -0.13096 -0.086822 -0.0091798 -0.018278 -0.045537 -0.28719 0.20896 0.48402 -0.31491 0.42236 0.28919 0.018968 -0.18751 0.20907 0.1161 -0.22245 -0.085037 0.48937 0.26306 -0.24191 0.10488 -0.31061 -0.23278 -0.40265 0.13978 0.35509 -0.021251 0.10698 -0.23899 -0.030711 -0.14845 -0.13388 -0.42873 -0.049942 -0.14451 0.15826 0.14272 0.1248 -0.34915 -0.024686 0.18432 -0.025538 -0.054518 -0.10777 -0.04628 -0.044913 -0.37704 0.025977 +, -0.023167 -0.0042483 -0.10572 0.042783 -0.14316 -0.078954 0.078187 -0.19454 0.022303 0.31207 0.057462 -0.11589 0.096633 -0.093229 -0.034229 -0.14652 -0.11094 -0.11102 0.067728 0.10023 -0.067413 0.23761 -0.13105 -0.0083979 -0.10593 0.24526 0.065903 -0.2374 -0.10758 0.0057082 -0.081413 0.26264 -0.052461 0.20306 0.05062 -0.18866 -0.11494 -0.25752 0.046799 -0.050525 0.06265 0.15433 -0.056289 -0.048437 -0.099688 -0.035332 -0.091647 -0.081151 -0.0010844 -0.08414 -0.13026 0.01498 -0.086276 -0.053041 -0.10644 -0.042314 0.086469 0.22614 -0.16078 0.18845 0.053098 -0.21475 0.16699 -0.14442 -0.1593 0.0062456 -0.07663 -0.091568 -0.28984 0.027078 0.021275 0.023939 0.14903 -0.33062 -0.097811 -0.033814 0.070587 0.023294 0.065382 0.18716 -0.13444 0.14431 -0.0268 -0.022903 0.097554 -0.032909 -0.027827 -0.068771 0.17053 -0.05946 0.020424 -0.077589 0.1216 -0.077437 0.10665 0.051087 0.0076379 -0.064936 0.09031 0.059447 0.0048881 0.078309 -0.012163 0.062155 -0.072664 0.17857 -0.22874 0.066397 -0.039295 -0.027717 0.061571 0.072824 -0.092512 -0.087984 -0.12753 -0.0018705 0.18689 0.0051173 -0.0013532 0.043246 0.10867 -0.12209 -0.0091676 0.23938 -0.059501 -0.0010456 0.086584 0.020238 0.21686 0.16495 0.037256 0.12343 0.17706 0.075777 0.031022 -0.12948 0.030936 0.096897 -0.10793 0.12644 -0.056489 0.082232 0.20679 0.11679 0.13965 0.26362 0.037603 -0.003105 -0.089501 -0.0076969 -0.11654 -0.28567 0.046616 -0.0082062 0.15621 -0.14641 0.064561 -0.1133 0.27129 0.14532 -0.021773 0.23305 -0.1617 0.15705 0.13845 0.022417 -0.10982 -0.049431 0.076855 -0.0453 -0.19029 0.011183 -0.010393 0.0016916 0.089407 -0.051022 -0.086066 0.083933 -0.0081962 -0.0077321 0.033991 -0.20092 0.03328 0.062224 0.016121 0.27143 -0.19754 -0.15222 -0.015345 -0.063907 -0.098597 -0.20162 0.14004 -1.1533e-05 -0.18928 0.12253 -0.0070378 0.0864 -0.30255 -0.03908 0.045517 -0.16449 -0.23548 0.052781 0.13847 -0.20022 -0.015974 0.027137 0.18287 -0.02389 0.22072 -0.04271 -0.075939 -0.087386 -0.049337 0.047824 -0.059078 -0.15181 -0.21229 -0.054944 -0.011453 -0.11996 -0.15307 -0.054828 -0.053217 -0.048546 0.028856 -0.094537 0.27144 0.054638 0.059727 0.061772 0.009259 -0.12032 -0.16646 -0.029087 0.0028752 -0.16076 -0.1371 -0.18988 0.022857 0.18455 -0.018236 -0.0060562 0.14302 0.032535 0.14333 -0.030871 -0.15218 0.092813 0.066358 0.018316 -0.24143 0.0054391 -0.064479 -0.08596 0.030446 0.082157 0.026093 0.058985 0.0051085 0.089127 -0.018164 -0.077821 0.0034232 0.13892 0.046106 -0.05417 0.0084399 -0.15362 -0.14735 0.065191 -0.022883 -0.14498 -0.16917 -0.19215 0.10611 0.001678 -0.16331 -0.07307 0.11576 0.083567 -0.060317 -0.064714 0.15305 -0.11949 0.16684 0.14109 0.046036 -0.060393 0.046595 -0.11558 0.044184 -0.023124 0.02586 -0.11653 0.010936 0.089398 -0.0159 0.14866 +. -0.11112 -0.0013859 -0.1778 0.064508 -0.24037 0.031087 -0.030144 -0.36883 -0.043855 0.24831 0.078633 -0.16072 0.10528 -0.09622 -0.077742 -0.28262 -0.13013 0.0056083 0.19406 0.19287 -0.10955 0.23008 -0.19911 0.18836 -0.21861 0.0017505 -0.093017 -0.25064 0.034323 0.17047 -0.094408 0.1442 -0.18533 0.1685 -0.16582 -0.061712 -0.010346 -0.078817 0.20596 -0.12286 -0.064035 -0.040983 -0.21272 0.097636 -0.058569 -0.044869 0.028206 -0.12619 0.012063 -0.19177 -0.044824 -0.081765 -0.073723 0.037251 -0.075625 0.0085609 0.062612 0.22144 -0.10765 0.1617 0.065163 -0.38164 0.40246 -0.40637 -0.15695 -0.026063 0.08266 -0.21487 -0.19077 0.015702 0.0019313 0.028565 -0.11221 -0.32311 -0.11034 -0.0036508 0.098677 0.044877 -0.037888 0.055357 -0.083052 0.1388 -0.014431 0.03675 0.024439 -0.23493 -0.027343 0.079749 0.033782 -0.14431 -0.12995 0.0013884 0.12936 -0.025757 0.14235 -0.039069 0.04441 -0.10727 0.010207 -0.25722 0.0108 0.13833 -0.12007 0.1007 -0.032493 0.039002 -0.22527 -0.0082154 0.089996 0.12834 -0.042059 0.034393 -0.062866 -0.17397 -0.12022 0.10377 0.23975 0.0168 0.013164 0.1788 0.15969 -0.09956 -0.00033453 0.14833 0.0023907 0.012985 0.018713 -0.013954 0.017909 0.18023 -0.061768 0.13785 0.11028 0.06795 -0.093466 0.065266 0.081291 0.074469 -0.14988 0.27212 -0.24042 0.10926 0.18611 0.25639 0.26599 -0.033769 0.035854 0.046225 -0.096937 -0.022181 -0.0093109 -0.17216 -0.0052176 -0.087209 0.16378 -0.1748 0.10675 -0.11914 0.11579 0.28104 0.031467 0.089572 -0.076408 0.091939 0.10972 0.10825 0.044846 -0.10262 0.011195 0.12233 -0.21444 -0.0085801 -0.20019 0.076398 0.069234 -0.00027189 -0.14671 0.0020823 0.10946 -0.026161 -0.03566 -0.20662 -0.017169 0.14491 -0.018133 0.26558 -0.071692 -0.32038 0.090198 0.038957 -0.13264 -0.082944 0.28167 0.095751 -0.21677 0.036769 0.002427 0.073605 -0.34857 -0.023093 -0.082191 -0.10558 0.029198 0.092549 0.26644 -0.1304 -0.14764 0.2099 0.17682 -0.078109 0.15883 -0.12386 -0.036651 -0.035916 -0.080906 -0.052342 -0.043183 -0.15264 -0.12676 0.13355 0.04599 -0.063914 0.12744 -0.1052 -0.12274 0.08151 0.055437 -0.1856 0.10727 0.098527 0.06622 0.22512 -0.19452 -0.058842 0.060798 0.08935 -0.050251 -0.075885 -0.13478 -0.19397 0.00089476 0.24309 -0.042496 0.016901 0.15118 0.037475 0.13201 0.052854 -0.15011 0.025235 0.02491 0.04034 -0.40257 0.03001 0.014418 -0.0089364 0.036583 0.022269 -0.074602 0.10987 0.018079 0.19326 0.038292 0.080146 0.053901 0.13042 0.004338 -0.15412 0.092865 -0.059374 -0.033619 0.044073 0.066178 -0.16668 -0.062453 -0.2339 -0.026025 -0.028359 -0.25575 -0.10586 0.099423 0.15685 -0.12659 -0.22975 0.15002 -0.16253 0.095208 0.30722 0.052365 -0.10963 0.095332 -0.21914 -0.04276 -0.13685 0.09747 -0.21818 -0.058233 0.063374 -0.12161 0.039339 +the -0.065334 -0.093031 -0.017571 0.20007 0.029521 -0.03992 -0.16328 -0.072946 0.089604 0.080907 -0.040032 -0.23624 0.1825 -0.061241 -0.064386 -0.075258 -0.050076 -0.020001 0.003496 0.14487 -0.16791 0.076852 -0.22977 -0.057937 -0.13408 -0.073586 -0.0012575 0.019708 0.056866 0.0625 -0.15555 0.15207 -0.10629 0.2467 -0.027853 -0.17703 0.0072058 -0.11941 0.083843 -0.11843 0.053612 -0.0023144 -0.084279 0.02842 0.078184 -0.12017 -0.040866 0.089438 0.050845 -0.06372 0.070864 -0.063962 -0.095329 0.069848 -0.050254 0.058265 0.085877 0.043966 -0.051179 0.097819 -0.050705 -0.18195 0.32365 -0.076363 0.046492 -0.19886 -0.24429 -0.18651 -0.22465 0.069392 -0.37377 -0.082351 0.061531 -0.13149 -0.075824 -0.060647 0.072747 0.24397 0.021046 -0.071253 0.11115 0.073137 -0.086065 0.11181 -0.0062127 -0.16714 -0.065522 0.083572 -0.092857 -0.12377 -0.082908 0.012025 0.33836 -0.27124 0.054494 -0.088206 0.073294 0.024418 0.0036174 -0.027804 -0.12583 -0.032364 -0.0017323 -0.075066 -0.20324 -0.11735 0.0076592 0.021895 -0.013652 0.064288 -0.0086384 -0.08287 -0.10197 -0.13569 0.085786 -0.0061483 0.15858 0.18609 0.11262 0.090442 0.27457 0.22795 -0.076096 0.21347 0.026208 0.070195 0.12838 0.20542 0.092349 0.12774 -0.17516 0.089942 -0.024982 0.033565 -0.12136 0.059703 -0.060016 0.13908 -0.05639 0.15073 0.095501 0.055378 0.051278 0.037113 0.017116 0.22476 0.046822 0.035514 0.065785 0.094907 0.13325 -0.071157 -0.07789 -0.067566 -0.0713 -0.070124 0.03169 -0.059157 0.14293 0.060211 -0.12124 0.14737 -0.069322 0.084458 0.15567 0.024013 -0.11073 0.075851 0.16277 -0.085473 -0.19668 -0.077685 -0.067194 -0.07725 -0.10461 0.12912 0.0099595 0.24678 -0.0021382 -0.026336 0.045182 0.027762 -0.048843 0.10953 -0.032948 0.24045 0.18437 -0.15205 0.11378 0.04739 -0.0017306 -0.16477 0.19182 0.17582 -0.043354 0.048313 -0.054663 0.026949 -0.17522 0.1202 -0.014748 -0.046279 -0.044321 0.1132 -0.013909 -0.16025 -0.023832 0.011909 0.044407 0.10252 0.2366 0.1022 -0.0089182 -0.053413 0.066031 -0.10562 0.099354 -0.2636 -0.13579 0.029793 -0.0049288 -0.032903 -0.04859 0.14609 -0.033257 0.074076 -0.18396 0.039731 0.00357 -0.029935 0.13167 0.18358 -0.12839 -0.027227 -0.055763 -0.015632 0.018481 -0.096078 0.010891 -0.030878 -0.082804 -0.035578 0.17599 0.044577 0.20949 0.20219 0.11987 -0.12282 0.13082 -0.047396 0.05179 0.24328 0.025997 -0.017327 -0.17035 0.22185 -0.068049 -0.11139 0.033333 -0.12122 0.025779 0.15938 -0.036345 0.0091971 -0.11033 -0.079248 -0.10993 0.085555 0.009754 -0.23608 -0.18619 -0.071835 -0.024813 0.074658 -0.028669 0.031546 0.088931 0.23872 0.168 -0.058967 0.063124 -0.057813 0.019214 0.016109 0.11406 -0.074514 0.051821 0.20783 -0.086803 0.10953 0.064944 -0.21673 -0.037683 0.08186 -0.039891 -0.051334 -0.10165 0.16642 -0.13079 0.035397 + 0.050258 -0.073228 0.43581 0.17483 -0.18546 -0.39921 -0.50767 -0.5066 -0.15557 0.031451 -0.23794 -0.44625 -0.26341 -0.26413 -0.26935 -0.62865 -0.13574 0.0697 0.26568 0.51541 0.15814 0.079607 -0.3292 -0.49749 -0.57232 -0.33162 0.014227 -0.68094 0.19999 0.30894 -0.14691 0.75068 -0.26486 -0.16091 -0.28034 -0.20183 -0.11985 0.22705 -0.045547 -0.15134 -0.011689 -0.27698 -0.2437 -0.15531 0.24802 0.4509 0.28325 0.014937 0.09297 -0.1092 -0.0086647 -0.6663 0.045632 -0.67015 -0.35459 0.32214 0.12842 -0.24621 0.045134 0.16213 -0.42758 0.047525 0.22376 -0.076248 -0.33242 0.32999 0.22151 -0.07364 -0.30562 -0.075884 -0.30567 -0.075288 0.47872 -0.0016653 -0.38415 -0.15147 0.032541 0.10061 -0.22427 -0.089372 -0.09919 0.038547 -0.10372 0.11169 0.097768 -0.12516 0.34805 0.041478 -0.09772 0.12842 0.21191 0.35702 0.016588 0.097898 0.053985 0.10617 0.28678 0.0080181 -0.39085 0.11191 -0.065404 0.25064 0.22351 -0.25068 0.33498 0.14085 0.18437 -0.24563 0.11691 -0.061179 0.13982 -0.061849 -0.63793 0.25816 -0.45235 -0.22747 0.11045 -0.19549 -0.38292 0.12213 0.20989 -0.023781 -0.029434 0.67661 -0.13742 -0.017769 -0.22432 0.036397 -0.30378 0.26628 -0.33948 -0.29191 -0.12385 0.57559 0.44472 0.062263 -0.045536 -0.62385 0.36338 0.41903 -0.3859 -0.081036 0.3288 0.084426 -0.0037573 -0.11293 0.16085 -0.40933 0.2173 0.25528 -0.065366 -0.17348 -0.083693 0.25174 0.75242 -0.53454 0.16996 0.094621 0.12053 0.22422 0.0011159 0.16707 0.51839 -0.1744 0.025452 0.21807 0.45783 -0.46315 0.30251 0.25376 0.02066 -0.27437 -0.23975 0.33155 -0.13735 0.43456 -0.13665 -0.35264 -0.25314 -0.92955 0.11719 -0.14386 0.21486 0.037592 -0.50122 0.41659 -0.057749 -0.2434 0.23677 -0.0018475 0.34872 -0.61496 0.022873 0.32567 -0.83872 -0.16147 -0.17395 0.21363 -0.43727 0.14279 0.26738 -0.046942 0.1363 0.2106 0.50295 -0.014423 0.092695 -0.02267 0.39947 -0.10061 -0.13776 0.20739 0.12981 0.26965 0.14809 -0.22363 -0.028562 -0.35537 0.028521 0.0053468 0.2309 0.16529 -0.062287 0.17005 -0.37884 -0.3614 0.27422 -0.30957 0.52594 -0.42936 0.05008 -0.097497 -0.026312 -0.14241 -0.097804 0.013366 0.13045 -0.24812 -0.035794 -0.058777 -0.064151 0.40489 0.051363 -0.20573 0.10242 -0.075556 -0.18351 0.17996 -0.24141 -0.30461 -0.29783 -0.20861 -0.4629 0.019042 0.23051 -0.1673 0.14045 -0.41304 0.27465 0.11554 0.1011 -0.16508 -0.045205 0.33258 -0.61465 -0.35526 0.057278 -0.18852 -0.15476 0.39045 -0.1298 -0.15306 0.32079 0.30198 0.0018952 -0.11331 -0.52281 0.19551 0.16529 -0.18258 -0.084573 0.13313 0.37051 -0.21161 -0.039851 0.46209 0.073142 -0.06693 -0.021576 0.3622 -0.096853 -0.47723 -0.027511 0.25964 -0.010468 -0.29815 -0.23609 0.20525 0.75183 0.097156 +of 0.048804 -0.28528 0.018557 0.20577 0.060704 0.085446 -0.036267 -0.068373 0.14507 0.17852 0.14579 -0.1363 0.23348 0.029758 -0.22001 -0.0045515 -0.11197 -0.041367 0.084231 0.076673 -0.24461 0.053593 -0.10939 -0.12468 -0.2029 0.074565 0.1066 0.054339 0.088268 0.22557 -0.029081 0.298 -0.16129 0.36419 0.073978 -0.089561 -0.041104 -0.24277 -0.005801 -0.062838 0.061766 -0.06338 0.064886 0.076681 0.054731 -0.12146 -0.10907 -0.092789 0.033569 -0.18984 0.0891 0.013016 -0.051571 0.02804 0.12697 -0.077554 0.15722 0.077476 -0.16343 0.16547 -0.26099 -0.29122 0.30182 -0.16759 -0.056519 -0.12898 -0.19702 -0.15118 -0.13374 -0.15003 -0.23525 -0.15915 0.13042 -0.027344 -0.12427 -0.043631 0.12414 0.34889 0.049437 -0.010112 0.20247 0.082294 -0.15157 -0.22737 0.12064 -0.061304 -0.077713 0.1096 -0.096096 -0.20338 -0.02294 0.15945 0.23325 -0.23107 0.052684 -0.096946 0.057373 0.14143 0.076547 0.018265 0.064091 0.044858 0.088128 -0.11694 -0.2496 -0.13049 -0.083017 -0.060082 0.024055 -0.020748 0.039135 0.043567 -0.10208 -0.15464 0.12892 -0.02419 0.04537 0.12778 0.13212 0.19208 0.24737 0.12406 -0.20246 0.13762 -0.023151 0.041736 -0.013967 0.18194 0.1621 0.062586 -0.079981 0.13184 -0.077388 0.020313 -0.041488 0.020524 -0.1131 0.14639 0.080113 0.03685 0.1364 -0.0097955 0.11779 0.13547 0.2289 0.21231 -0.079779 0.13831 -0.076114 0.028563 0.11441 -0.15455 -0.083267 -0.057167 -0.099352 -0.17063 -0.071757 -0.051497 0.26568 0.018799 -0.2722 0.1268 -0.021045 0.058831 0.30213 -0.035255 -0.095952 -0.039082 0.20369 -0.17869 -0.26188 -0.11006 -0.15694 -0.028803 -0.23872 0.15594 0.0087185 0.24053 0.12139 0.13728 0.015927 -0.013386 -0.069045 0.10303 -0.072071 0.27962 0.19157 -0.1381 0.071393 -0.031548 -0.035299 -0.074609 0.20415 0.07185 -0.068672 -0.041217 -0.087057 -0.11665 -0.20257 0.073188 -0.073497 -0.27951 -0.17393 0.064005 -0.050394 -0.044426 0.0084868 0.065147 0.075381 0.11124 0.24971 0.16696 0.040472 -0.14533 0.016763 -0.11273 0.017435 -0.19177 -0.044961 0.085638 0.079341 -0.046213 -0.20255 0.26274 -0.091053 0.077721 -0.15454 0.042321 0.11742 -0.086041 0.087611 0.21365 -0.13597 -0.029987 -0.021053 0.026222 -0.063741 -0.083649 0.016566 0.043541 -0.039012 -0.0099747 0.13427 0.063209 0.22825 0.14844 0.032926 -0.19012 0.19838 -0.22369 0.00018847 0.17405 -0.037903 0.020661 -0.084053 0.18419 0.028517 -0.098006 0.19939 0.07981 0.1241 0.09525 -0.035341 0.08413 -0.082303 -0.075792 0.16535 0.11581 0.013019 -0.080894 -0.0104 -0.078736 -0.11122 0.028996 -0.06331 -0.03393 0.020572 0.26452 0.0017304 0.019002 0.14132 -0.07911 0.15356 0.072873 0.087168 -0.005553 -0.020073 0.15022 -0.015351 0.16743 0.16956 -0.33677 -0.060286 0.086097 -0.065001 0.0048331 -0.10096 0.1391 -0.13714 -0.039705 +- -0.12278 -0.036748 0.20728 -0.018277 -0.0016348 0.023735 -0.03712 -0.28608 -0.19088 -0.068688 0.061755 -0.052416 0.16867 -0.1108 -0.11308 -0.27392 -0.30827 0.18204 0.096594 0.29725 -0.050727 0.023406 -0.33813 -0.10599 -0.11249 0.066722 0.14842 -0.31099 -0.09372 0.0027705 -0.16806 0.20955 -0.23591 0.070785 -0.25399 -0.1121 -0.12584 -0.11348 -0.13821 -0.37261 0.1712 0.091039 0.12721 0.033067 -0.033074 0.03804 -0.18015 0.043457 0.099211 0.037043 -0.0035936 -0.35885 -0.1046 -0.24532 0.12304 0.11229 0.0019709 0.16426 0.051579 0.081311 -0.0034787 -0.17466 0.30059 -0.23183 -0.017487 0.28647 0.39977 0.10196 -0.31603 -0.080053 0.1363 -0.27921 -0.070414 -0.42057 0.22811 -0.0048721 0.28294 0.13337 -0.13565 0.36156 -0.21077 0.0951 -0.078161 -0.19526 0.12015 -0.34326 0.091878 -0.1481 0.15075 -0.032191 -0.084192 0.012534 -0.27388 -0.03702 0.057868 -0.077148 0.089935 -0.0085872 -0.17457 -0.019762 0.053098 0.17929 0.095319 0.01531 0.30705 -0.10108 -0.32163 -0.030811 -0.12402 0.097465 0.17987 0.14868 -0.15284 -0.09303 0.0088417 -0.19254 -0.01618 -0.23722 -0.012689 0.080786 0.1699 -0.32962 0.21784 0.22417 -0.11523 -0.1468 0.16493 -0.013706 0.061769 0.24206 -0.0030724 0.13193 0.33641 0.082406 -0.090267 -0.062518 0.20536 -0.0067834 0.23309 0.42543 0.12784 0.043186 0.31441 0.29966 0.3764 0.11003 0.078855 0.070249 -0.1237 -0.16134 0.096781 -0.26828 -0.34072 -0.2443 0.23486 0.0035705 0.022555 -0.11751 0.21934 0.1186 -0.19583 -0.013163 -0.1533 0.059138 0.36918 -0.066211 -0.12353 -0.18454 0.075356 0.054704 -0.21953 0.053431 -0.024889 0.26166 0.23565 -0.041392 0.067851 -0.096325 0.37606 -0.057649 0.02432 0.056076 -0.23126 0.23585 0.16382 0.53816 -0.13254 -0.59859 0.045303 0.18787 -0.055629 -0.263 0.21436 -0.16295 -0.10764 -0.059118 0.016773 0.014789 -0.13096 -0.10807 -0.096707 0.13387 -0.18756 -0.014248 0.095107 -0.10209 -0.16448 -0.094758 0.14591 0.16369 0.20648 -0.073274 -0.056667 -0.053844 -0.16913 0.015068 0.19947 -0.17929 -0.52126 0.2772 -0.23779 0.19949 -0.20515 -0.19561 -0.30977 -0.066952 0.067665 0.11951 0.15856 0.18632 0.1467 0.1089 -0.086139 -0.036918 0.034145 0.11727 -0.0038274 -0.019283 -0.13522 -0.17907 0.12257 0.010163 -0.070272 -0.019652 0.35313 -0.028667 0.25019 0.24459 -0.24002 0.15758 -0.0019125 0.005391 -0.21876 0.17596 -0.079358 -0.081188 0.020766 0.08006 -0.020661 0.092431 -0.033553 0.23134 0.0011203 0.17548 -0.3203 0.14953 -0.082272 -0.16887 0.2853 -0.27014 -0.34351 0.14424 0.16748 -0.31432 -0.31462 -0.05592 0.053108 -0.0015233 -0.067186 -0.088541 0.021988 0.29623 -0.17202 -0.13207 0.10663 0.13491 0.29138 0.15629 -0.08598 0.090109 0.14234 -0.16496 0.35746 0.10796 0.03212 0.012067 0.018267 -0.06944 0.28509 0.06188 +in 0.12367 -0.13965 0.044877 0.18919 -0.10997 -0.0064458 0.050499 -0.20439 -0.015761 0.15049 0.13774 -0.068241 0.17078 -0.13529 -0.18324 -0.00035567 -0.099566 -0.14549 0.067183 0.028273 -0.10084 0.10498 -0.24613 0.008831 -0.18437 0.050011 -0.032839 -0.069129 0.0043659 0.11011 -0.32272 0.26625 -0.12465 0.32157 0.067982 -0.22671 0.081843 0.11435 0.062067 -0.072973 -0.013415 -0.048493 -0.11426 0.069743 -0.070937 -0.062886 -0.015692 -0.033663 0.10441 0.0050113 -0.0017716 0.01172 -0.086168 0.012221 -0.14817 0.035373 0.039869 0.29904 0.02467 0.18096 0.070858 -0.3536 0.090518 -0.12905 -0.010443 -0.18697 -0.21258 -0.044644 -0.25333 0.10031 -0.17369 -0.037354 -0.030931 -0.091972 -0.068233 0.022366 0.12569 0.13749 -0.079547 0.0071489 -0.15117 0.27538 0.13964 0.0088001 -0.0032892 -0.21313 -0.060543 -0.12321 -0.14875 -0.22362 -0.21024 -0.088803 0.29222 -0.25967 0.22331 -0.045337 -0.03181 0.20282 -0.072763 0.08423 -0.13619 -0.065391 0.045686 0.13292 -0.16045 0.068327 -0.085854 0.1138 -0.037301 0.1485 0.11429 0.075152 -0.082689 -0.1272 -0.025567 0.0070075 0.26045 -0.065811 0.032715 0.19796 0.16154 0.04616 -0.1811 0.2221 -0.097602 -0.16946 0.14142 0.099035 0.15536 0.19277 -0.077073 0.1304 0.078304 0.073262 -0.14858 0.154 -0.10688 0.055093 0.0086387 0.19326 -0.026862 0.26057 0.052728 -0.11463 0.17869 0.39083 0.25172 0.1414 -0.066381 0.09811 -0.12604 -0.053404 -0.12783 0.015113 -0.15912 -0.19647 0.17831 0.01199 0.079011 0.038148 -0.1492 0.37324 -0.26121 0.12813 0.12836 0.053578 -0.076507 0.076671 0.13526 -0.0133 -0.16123 -0.10848 -0.025315 -0.17731 0.076161 -0.060174 0.14036 0.23606 0.013044 -0.0038421 0.18789 -0.088722 0.032518 0.22781 -0.023559 0.084643 0.12242 0.0088557 0.076508 -0.0050585 -0.099194 -0.067806 0.059907 0.035404 0.018719 -0.026816 -0.0043838 0.082026 -0.11986 -0.20797 0.1857 -0.093772 -0.016299 0.16044 0.033307 -0.15447 -0.1299 0.12446 0.10375 0.15186 0.17916 -0.0392 -0.17544 0.011754 -0.083566 -0.0018136 0.12672 -0.20117 -0.16977 -0.14783 0.044156 -0.17907 -0.046772 -0.0019811 -0.037412 0.001387 -0.10561 -0.15427 0.14016 0.041157 0.19222 0.012073 -0.066753 -0.025257 -0.15648 0.024427 -0.018674 -0.16705 -0.05062 -0.075287 0.043062 0.0061818 0.10573 -0.0029119 0.071643 0.13324 0.24889 -0.012998 -0.077142 0.1755 0.16971 -0.034875 0.084939 -0.19587 -0.26115 -0.052924 -0.23034 -0.13479 0.13933 0.041106 0.045816 0.11113 -0.0703 0.012925 0.13977 -0.063616 0.043891 0.027855 -0.03961 -0.095799 -0.12588 -0.084711 -0.0042531 -0.059085 -0.093324 -0.33958 0.063525 0.082276 0.062395 -0.099955 0.014326 0.042645 0.080227 0.089646 0.1758 0.034153 0.00055167 0.11687 -0.089006 -0.0084893 0.025115 -0.31804 0.12533 -0.081507 -0.1114 0.017582 -0.037359 0.06474 -0.14581 0.16175 +and -0.031533 0.046278 -0.12534 0.19165 -0.1266 -0.012853 0.10342 -0.0098085 0.15189 0.27582 0.13695 0.0088799 0.14132 -0.12 -0.063439 -0.15178 0.09809 -0.1201 -0.069086 0.014666 -0.023041 0.03043 -0.12664 -0.063282 -0.082246 0.036718 0.22698 -0.096025 -0.011699 0.066158 -0.18542 0.19223 -0.061685 0.27049 0.075116 -0.054928 -0.086027 -0.19387 0.14677 -0.06013 0.068269 0.071613 -0.094414 0.036158 0.002782 -0.081711 -0.013369 -0.053017 0.052227 -0.079682 -0.00031768 0.030397 -0.16847 0.021828 -0.19577 -0.050109 -0.0096879 0.085536 -0.28135 0.17001 -0.049194 -0.16721 0.19018 -0.0474 -0.00036412 0.026316 -0.22135 -0.061583 -0.21854 -0.021669 -0.2963 -0.071949 0.010638 -0.19055 -0.11292 -0.099072 0.19357 0.14115 0.068346 -0.00045947 0.072621 -0.021192 -0.1242 -0.041933 -0.028386 0.049083 -0.073574 0.073525 0.088135 -0.032184 0.029903 -0.070025 0.15323 -0.17236 0.073502 0.13232 0.090191 0.0079023 -0.027887 -0.046971 0.039198 -0.12567 0.19803 -0.075995 -0.21353 0.031964 -0.17346 0.055884 -0.055404 -0.0083924 -0.024104 0.0023894 -0.1057 -0.10604 -0.061323 -0.041473 0.0060497 0.055896 -0.071338 0.1375 0.094781 0.048121 -0.071236 0.26263 0.07257 -0.00020344 0.1864 0.066703 0.055229 0.11258 0.047647 0.085482 -0.14489 0.0098078 0.082585 0.039254 -0.10044 0.16532 -0.030841 0.10315 -0.046584 0.11211 0.15416 -0.050309 0.14853 0.2287 -0.056036 -0.072966 0.0018167 -0.015694 -0.06022 -0.19044 -0.075073 -0.0032815 -0.079256 -0.078324 -0.11073 -0.093705 0.26284 0.01034 -0.095 0.17295 -0.053949 0.15056 0.22815 -0.16589 -0.080074 -0.076248 0.13423 -0.093626 -0.065384 -0.014181 -0.067937 -0.038283 -0.084514 0.11082 0.068804 0.19402 -0.069373 -0.043398 0.15402 -0.10172 0.049785 -0.010005 -0.03371 0.29018 0.025405 -0.094919 0.093876 -0.055423 -0.059419 -0.082542 0.094048 0.059422 -0.032564 -0.0062017 -0.0095274 0.092439 -0.16995 0.00038904 0.19187 -0.025048 -0.11844 0.027879 -0.034024 -0.046866 -0.09009 -0.034417 0.25534 0.096778 0.20841 0.029693 -0.015943 -0.035779 0.0021559 0.080246 -0.031355 -0.22676 -0.11579 -0.059579 -0.07442 -0.12871 -0.10199 0.064969 -0.070388 -0.040131 -0.1474 -0.098839 0.11614 0.15871 0.0693 0.031897 -0.028738 -0.084634 -0.14864 0.11398 0.072688 -0.065752 -0.013296 0.085164 0.025053 0.016867 -0.045257 -0.042925 0.12329 0.13012 -0.01532 -0.13943 0.089764 0.082172 -0.081918 -0.011688 -0.11742 0.029242 -0.065814 0.029959 -0.010941 -0.0183 0.05718 0.068436 0.0072271 0.0057584 0.071466 -0.083164 -0.01501 -0.07806 0.0033293 0.099132 0.061188 -0.097815 -0.14008 -0.0026304 0.0022269 0.083496 -0.14334 -0.037447 0.061564 0.21536 -0.036836 0.038629 0.13031 0.045944 0.027701 0.061679 0.062921 0.068453 -0.026292 0.17342 -0.14421 -0.013124 0.15494 -0.10786 0.18314 0.13881 0.02757 -0.035073 -0.017829 0.11163 -0.058231 0.011977 +' -0.17489 -0.13695 0.13345 -0.07282 0.038794 0.13294 0.0015304 -0.071056 -0.20026 -0.045437 -0.0019054 -0.17913 0.18241 -0.058909 -0.0088248 0.060522 0.1872 0.2255 -0.11638 0.080349 -0.33614 -0.035788 -0.21518 -0.062891 -0.1322 -0.09628 0.065516 0.16418 -0.014492 0.11139 -0.25025 0.25303 -0.20538 -0.027447 -0.18057 -0.13118 -0.36836 0.055097 0.23968 -0.17034 0.26393 0.30392 -0.18615 0.13712 -0.012511 0.11977 0.00017869 0.059385 -0.05704 -0.046391 0.012484 -0.067036 0.20004 -0.34513 -0.16117 -0.082885 -0.043013 0.031685 -0.01498 0.11803 0.068215 -0.18596 0.11503 -0.020593 -0.15533 0.031101 0.1294 0.038285 -0.075081 -0.095411 0.13559 -0.13448 -0.092657 -0.39257 -0.1617 -0.06562 0.069601 0.26207 -0.039711 0.39187 0.16218 0.053275 -0.066056 0.10139 -0.076679 -0.059841 -0.069376 0.21551 -0.029553 -0.123 0.011586 0.16999 0.17508 0.090918 0.10799 0.085566 -0.0042548 0.097031 0.18012 -0.24137 -0.1599 0.018539 -0.1056 -0.052341 -0.034019 -0.13327 -0.15889 0.033714 0.079085 -0.01673 0.062222 0.16459 -0.021192 0.014571 -0.017858 0.17836 0.13005 0.27747 0.056348 0.13513 0.4205 0.024011 0.18547 0.030009 0.119 -0.058 -0.092228 0.025134 0.003047 -0.024764 0.11025 0.21792 0.12071 0.26308 0.13265 0.058854 -0.36855 -0.04149 0.10599 0.25175 -0.028787 -0.043812 -0.036435 0.0089733 0.066932 0.1702 0.1665 0.094226 -0.14053 -0.18362 -0.035076 0.11685 -0.08793 -0.17653 -0.24763 0.12285 0.0053936 -0.048667 0.23958 0.17958 -0.21611 0.08723 -0.17605 0.17473 0.14182 0.081131 -0.087419 0.071543 0.21449 -0.061005 -0.07196 -0.23685 -0.11879 -0.0071595 -0.071583 0.049396 -0.02676 0.068993 0.0073673 -0.038216 0.16864 0.16553 0.01517 0.15875 -0.1054 0.05747 0.13809 -0.019921 0.36033 0.21684 0.063086 -0.11092 0.35303 0.30894 0.12569 -0.008461 0.25211 -0.073476 -0.442 0.022188 -0.0423 -0.018912 -0.15181 0.19475 0.043222 -0.23028 -0.25009 0.011266 0.14797 0.22005 0.40872 -0.13427 -0.18417 0.011872 -0.1966 -0.18597 0.13815 -0.22767 -0.17908 0.10512 -0.057826 0.071071 -0.23812 -0.0067891 0.036996 -0.029889 -0.17022 0.14456 0.040532 -0.029142 -0.012301 0.2311 -0.14316 -0.22666 -0.19614 0.15429 -0.023078 0.015926 -0.077029 0.065054 -0.30557 0.13245 0.068753 0.11286 0.14658 0.2298 0.18136 0.22165 0.1076 0.0045102 0.1825 0.10714 0.027691 0.13585 0.07148 0.033098 0.030476 -0.13848 0.23759 -0.26323 0.095756 0.15745 0.099187 0.013283 -0.030978 0.10267 0.030753 0.22487 -0.014633 -0.16486 -0.30891 0.0551 -0.15767 -0.11141 0.034447 -0.054475 0.33544 -0.0042994 0.27241 -0.15068 0.096341 0.14226 0.097858 0.00082821 -0.0092396 0.10388 0.18306 0.39652 0.21525 -0.01238 -0.040262 -0.1476 -0.0018151 -0.040134 -0.17208 -0.225 -0.18652 0.13567 0.20318 0.10497 +) -0.2126 -0.1625 0.19291 -0.025168 -0.053647 -0.060966 0.045574 -0.21204 -0.12945 0.16739 -0.091312 -0.18321 0.24384 -0.18695 0.1443 0.059095 -0.14303 -0.037694 -0.035785 0.11922 -0.011128 0.21314 -0.27044 0.077567 -0.018137 0.1594 -0.043637 -0.25154 0.069122 0.023117 -0.30039 0.28047 -0.20755 0.1845 0.02708 -0.011796 -0.19094 -0.22944 0.15557 -0.28047 0.033552 0.13621 -0.16158 0.020503 -0.10356 -0.21584 -0.1115 -0.056023 0.10392 -0.023046 0.033985 -0.26918 -0.03143 -0.26883 -0.098116 -0.17722 0.080194 -0.044145 -0.064201 0.21535 0.16698 -0.25132 0.21311 -0.16862 0.084063 -0.066586 0.16939 -0.27313 -0.2829 0.027755 0.051774 0.056767 0.023735 -0.19652 0.12754 -0.015561 0.26425 0.27562 0.086458 0.38182 -0.14553 0.20525 -0.024237 0.054286 0.25675 -0.17819 0.074283 0.044713 0.088217 -0.033261 0.19087 -0.19817 0.034355 -0.085662 -0.0048418 -0.056916 -0.1033 0.006265 0.17492 0.027866 0.084206 0.0674 -0.21523 0.041361 0.17755 -0.022406 -0.1821 -0.011688 0.15014 -0.16614 0.077185 -0.016522 -0.19297 -0.13536 -0.062133 0.07223 0.059149 0.0010406 -0.16859 0.078426 0.34513 -0.12174 -0.1464 0.28904 0.010986 0.096763 -0.048568 0.2518 0.12331 0.06257 0.15267 0.17711 0.25384 0.3384 0.092287 0.00019422 0.093004 -0.1721 0.10527 0.19721 0.070042 0.10979 0.14692 0.093588 0.13641 0.22856 0.22282 0.089212 -0.069749 0.080828 -0.1607 0.063175 -0.1026 -0.14976 0.064174 -0.0093489 0.22512 0.17281 0.19723 0.19006 0.058608 0.13837 -0.27155 0.12318 0.014049 -0.10999 0.08605 0.063453 -0.014096 0.073693 -0.19318 0.073913 -0.14857 0.075652 -0.034264 0.063866 0.029645 -0.1415 -0.064215 -0.064351 0.082878 -0.21816 0.15486 0.22435 -0.10632 0.35149 0.020847 -0.11029 0.085623 0.013362 -0.013515 -0.25033 0.30575 0.12325 -0.24006 -0.22024 0.1085 0.15251 -0.46239 -0.023871 -0.0187 -0.27595 -0.22326 0.063294 0.066861 0.0054138 -0.21897 0.12192 0.25844 -0.11957 0.30079 -0.086595 0.07059 -0.02802 -0.2091 -0.11872 0.13817 -0.10185 -0.35833 -0.22782 0.0063531 -0.039577 -0.051306 0.015049 -0.0093668 -0.045136 0.0060684 0.076519 0.24035 0.070766 -0.026567 0.16117 -0.010365 -0.21722 -0.15059 0.030043 -0.061588 -0.18267 -0.054825 -0.12734 -0.070047 0.36237 0.054465 0.041087 0.092893 0.015996 0.16168 0.16533 0.03856 0.14239 0.13336 -0.18878 -0.12308 0.1819 -0.050355 -0.13599 0.01481 0.10454 -0.10483 -0.16066 0.16406 0.0059985 -0.045827 0.097182 -0.012632 0.26425 -0.01622 -0.11908 -0.085307 0.037455 -0.1698 0.0064602 0.064675 -0.069502 -0.13218 -0.047747 0.14874 -0.040672 -0.016932 -0.15343 0.058897 0.17917 -0.098042 -0.022264 0.133 0.034409 0.39194 0.078925 0.33269 0.18809 -0.19698 -0.15207 0.11303 0.095242 -0.012663 -0.16269 -0.007411 0.13281 0.13515 0.27486 +( -0.23309 -0.15296 0.18574 -0.052825 -0.024827 -0.05597 0.051828 -0.21042 -0.10736 0.1481 -0.073067 -0.18498 0.24592 -0.16441 0.12237 0.046963 -0.10949 -0.022478 -0.0447 0.13849 -0.053463 0.20186 -0.2108 0.10247 0.017499 0.17167 -0.002015 -0.26022 0.038803 0.014472 -0.27706 0.31515 -0.21957 0.20444 0.030268 -0.045881 -0.2279 -0.21473 0.23163 -0.2868 0.030923 0.14941 -0.14564 0.022334 -0.12018 -0.22059 -0.10883 -0.062123 0.11207 -0.035432 0.03905 -0.30039 -0.024871 -0.29661 -0.071842 -0.17986 0.083709 -0.047429 -0.10833 0.21972 0.15335 -0.29379 0.16957 -0.16255 0.045921 -0.07833 0.18348 -0.24966 -0.29057 0.011203 0.010288 0.052393 0.0096249 -0.18478 0.13012 -0.011579 0.25199 0.2378 0.09148 0.40134 -0.14071 0.20658 -0.061358 0.069975 0.2856 -0.19824 0.0567 0.021811 0.058719 -0.022546 0.14477 -0.15554 0.053924 -0.072887 0.016839 -0.074752 -0.11665 -0.037688 0.19177 -0.020931 0.071214 0.060542 -0.23209 0.0155 0.18033 -0.044522 -0.17467 -0.0012956 0.17471 -0.16881 0.062072 -0.036062 -0.18079 -0.14591 -0.011288 0.13394 0.021847 -0.0023774 -0.17014 0.065934 0.35347 -0.10659 -0.13757 0.2813 0.017342 0.14848 -0.070759 0.28449 0.1472 0.035648 0.14415 0.14304 0.23559 0.32984 0.1171 -0.044802 0.045307 -0.11628 0.088198 0.18592 0.024245 0.13704 0.11964 0.13648 0.13993 0.22819 0.20639 0.12183 -0.10479 0.040495 -0.20939 0.062136 -0.075468 -0.14227 0.069215 0.0011967 0.18513 0.13571 0.18718 0.17761 0.045758 0.095972 -0.27707 0.068867 -0.020278 -0.094161 0.062102 0.069499 -0.072098 0.063163 -0.21225 0.085972 -0.15251 0.05548 -0.027419 0.10628 0.01283 -0.14169 -0.057287 -0.073863 0.056337 -0.21388 0.17499 0.17013 -0.093788 0.32699 0.046617 -0.11163 0.13034 0.043024 -0.0059465 -0.2548 0.28502 0.12449 -0.21813 -0.20569 0.10454 0.1004 -0.42906 -0.007037 -0.018476 -0.31813 -0.21764 0.047122 0.027254 0.0017014 -0.23509 0.14708 0.29648 -0.10767 0.33138 -0.078287 0.089908 -0.088922 -0.21133 -0.094596 0.13933 -0.089867 -0.34324 -0.19651 0.0059196 -0.025083 -0.090159 0.023366 -0.018513 -0.071158 -0.0064573 0.083286 0.21143 0.035236 -0.037667 0.17583 0.010726 -0.25549 -0.14307 0.013955 -0.071004 -0.15664 -0.098823 -0.11756 -0.046788 0.3264 0.050847 0.041035 0.098737 0.049633 0.17132 0.13964 0.067877 0.14413 0.16669 -0.14594 -0.1377 0.1902 -0.050886 -0.14369 0.0096079 0.098092 -0.098844 -0.1428 0.1805 0.026372 -0.029204 0.085949 -0.036377 0.26778 -0.025757 -0.10396 -0.047153 0.020454 -0.19168 -0.014001 0.062676 -0.091414 -0.095178 -0.06614 0.13276 -0.014844 -0.0089356 -0.1552 0.063869 0.1804 -0.099814 0.033382 0.18021 0.072454 0.37026 0.056646 0.33106 0.19567 -0.19433 -0.16877 0.11429 0.10103 -0.0087225 -0.16495 0.016876 0.099402 0.18834 0.26413 +to -0.21341 0.15353 0.05288 -0.10995 -0.075249 -0.0040931 0.037307 -0.12307 -0.16539 0.18948 0.018882 -0.037826 -0.032465 -0.00097399 0.10223 -0.090187 -0.15477 0.092984 -0.034548 0.11354 0.10526 0.23558 -0.18151 -0.057149 -0.33498 -0.09525 -0.043807 -0.11598 0.093461 0.14055 -0.23846 0.22991 -0.43074 0.17527 -0.095848 -0.16689 -0.12666 -0.33239 -0.029917 -0.044658 0.068506 -0.14732 -0.19448 0.081522 0.095537 0.13374 0.22849 0.071417 0.075921 -0.012085 0.11477 -0.24506 0.088227 -0.12577 -0.28356 0.23966 0.1349 -0.043612 -0.058942 -0.14964 0.048619 -0.25521 0.35135 -0.010485 -0.012291 -0.228 -0.24907 0.17066 -0.22779 0.12321 -0.23268 0.068668 0.062476 -0.28448 -0.058069 -0.02294 0.32555 0.14967 0.039717 0.12684 0.062978 -0.01068 -0.11597 -0.16 0.075278 0.0643 -0.019621 0.1161 -0.045974 -0.13481 -0.040836 -0.052048 0.26106 -0.41484 -0.011617 0.079744 0.026266 0.00090593 -0.017469 -0.14069 0.18253 -0.085152 0.082151 -0.14794 0.031756 -0.043832 -0.089463 -0.025928 0.064068 0.1158 0.063466 -0.10519 0.030217 -0.12547 -0.18348 -0.18148 0.16018 -0.066333 -0.056771 0.068108 -0.045265 0.021353 -0.082332 0.29351 0.22133 -0.14231 0.068658 0.060024 -0.079182 0.27073 -0.036687 -0.0074472 0.028575 -0.002216 0.012085 0.26404 0.020489 0.038974 -0.19869 0.065939 -0.11451 0.15766 0.15876 -0.10153 0.15162 0.26821 0.23388 -0.11493 0.098095 0.053563 -0.10113 0.05531 -0.20974 -0.035791 -0.14873 -0.20049 -0.022756 0.057507 0.20447 -0.18627 -0.21503 -0.0044905 -0.28856 0.031048 0.16272 0.067949 -0.15246 -0.019164 0.31189 -0.010774 -0.25956 0.016564 -0.035822 0.077274 -0.10028 0.31529 0.032038 0.25298 -0.1769 -0.14586 0.090035 -0.059671 0.1124 0.3027 -0.079148 0.21147 -0.0021538 -0.023762 0.24101 -0.022107 -0.14914 -0.17478 0.19457 0.11478 -0.056655 0.16902 -0.10203 0.092118 -0.029558 0.053092 0.095661 -0.11535 0.025039 0.11723 -0.12198 -0.13359 -0.20374 0.056916 0.019352 -0.00010443 0.13141 -0.11953 0.032819 0.14745 0.048164 -0.13463 0.10255 -0.090965 0.12527 0.10708 -0.1684 -0.12506 0.14798 0.047775 0.027096 -0.022445 0.064138 -0.17978 -0.19269 -0.017962 0.33083 0.12766 0.10295 0.13917 -0.24834 0.14435 -0.12073 0.11765 -0.086994 -0.0035333 0.1392 0.12856 0.062702 -0.046897 0.0059045 0.23477 0.10548 0.017885 -0.041222 0.078198 0.1512 -0.071557 0.064352 0.02891 -0.010313 -0.21598 -0.18317 -0.0098099 -0.094472 -0.20104 0.039202 0.094147 0.046894 -0.036062 -0.072277 -0.11157 -0.1067 0.1109 -0.022301 -0.070209 -0.070016 -0.25438 0.10335 0.056638 0.024858 0.012796 0.077072 0.10816 -0.051854 -0.056149 -0.0028173 0.0060163 -0.11311 -0.060675 0.13326 -0.015193 -0.031639 0.13717 -0.055809 0.060995 0.027739 0.020689 0.0078359 0.18155 0.29327 -0.2153 -0.24152 -0.025937 -0.072507 0.14989 +a 0.11559 0.30192 -0.11465 0.01001 -0.032187 -0.10755 0.060674 -0.10477 0.17488 0.0081116 -0.02263 0.065401 0.1133 0.054737 -0.06209 -0.029822 -0.16608 0.12224 0.045251 0.2134 0.027965 -0.031319 -0.25392 -0.20146 -0.19688 -0.015251 -0.27038 0.10511 0.074226 0.01554 -0.014038 0.16516 -0.17375 -0.016743 0.013919 0.01119 -0.12599 -0.11975 0.079578 -0.037088 -0.071665 -0.085153 -0.1117 0.020142 -0.161 0.0019132 0.13843 0.15445 -0.026397 -0.014582 0.00060368 -0.19382 0.11267 0.035035 -0.014103 0.11427 -0.093813 -0.048103 -0.0057412 0.18635 -0.13767 -0.25908 0.21259 -0.18934 -0.0666 -0.36531 -0.3073 -0.05415 -0.017772 0.053708 -0.2085 0.043945 0.011802 -0.043432 0.056697 -0.087127 0.049667 -0.0098114 0.098693 0.044723 0.090933 -0.088065 0.057724 -0.19914 0.12831 -0.07628 -0.11602 -0.043127 -0.27085 -0.0964 0.046104 -0.057634 0.12419 -0.094156 0.088391 0.015803 0.057685 0.1791 -0.16668 -0.0055587 -0.28134 -0.012136 0.13262 0.15771 0.023281 0.049928 -0.1379 0.17804 0.032105 -0.0090514 -0.15264 -0.058656 -0.087721 0.028901 -0.041666 -0.30451 0.2219 -0.00363 0.077197 0.12785 0.12945 0.073578 -0.027118 0.36309 0.026545 -0.060575 0.016652 0.052824 -0.039201 0.10092 -0.060684 0.13919 0.075804 0.042375 -0.13606 -0.093351 -0.070637 -0.071629 0.15919 0.12709 -0.053596 0.10054 0.14635 -0.028849 0.12329 0.31595 -0.074747 -0.013792 -0.081995 -0.08413 -0.098656 0.040794 -0.14104 -0.19548 -0.12146 0.017467 0.21902 0.031789 0.16661 0.033612 -0.26427 0.2818 -0.21657 0.071942 0.31303 -0.043565 0.081923 0.027802 0.12997 -0.22937 -0.25916 -0.028432 -0.074796 -0.20992 -0.073081 0.025689 0.10352 0.16966 -0.052541 -0.049782 0.10966 0.20609 -0.033784 0.21358 -0.096748 0.17156 0.16477 -0.14704 0.030289 0.055128 -0.044506 -0.39971 0.39786 0.35765 0.050157 -0.165 0.15778 -0.029775 -0.16378 -0.074734 0.13908 0.078804 -0.07814 0.1788 -0.20376 -0.26927 -0.16764 0.13233 0.07399 -0.022863 0.19895 0.036038 -0.090789 -0.0098625 0.051642 -0.23021 -0.10299 -0.25354 -0.25051 -0.075135 -0.17881 -0.0019653 -0.080002 0.21553 0.15182 -0.020711 -0.12492 0.11649 0.01981 0.073403 0.15539 0.026995 -0.11933 -0.030677 -0.16556 0.092261 0.0049417 -0.073793 -0.055393 -0.082741 -0.13011 0.013525 0.018191 -0.0055438 0.058809 0.16387 0.15175 0.0069439 0.038183 -0.061297 0.045698 -0.025712 0.0091615 0.021573 -0.060742 0.10785 -0.088319 -0.12451 0.17643 -0.069255 -0.055677 0.2055 0.15244 0.016753 -0.15624 0.039461 0.078458 0.089246 0.023802 -0.25402 -0.22407 0.079226 -0.1489 -0.0013105 -0.2294 -0.12029 0.17867 0.071291 0.12154 -0.11576 0.13246 0.014544 0.043274 -0.076181 0.044143 -0.14924 0.10415 0.21987 -0.089499 -0.0071804 -0.020257 -0.18694 -0.065594 -0.20223 -0.12218 -0.29798 0.034272 0.11048 0.13074 0.041164 +is 0.035927 0.14517 0.11926 0.078836 -0.047748 0.10096 0.090815 -0.22176 -0.095085 -0.02261 0.0076501 0.04377 0.051051 -0.097378 -0.037446 0.045309 0.00087634 -0.12497 0.029659 0.069825 -0.16091 0.1742 -0.32899 -0.1829 -0.0065372 0.058934 0.019552 0.19681 -0.14456 0.085745 -0.071958 0.37732 -0.34039 0.027648 0.012375 -0.15959 -0.14646 0.16194 0.092523 -0.087637 -0.059375 -0.010355 -0.074173 0.056924 -0.10949 0.28542 0.19264 0.010483 -0.05483 -0.030501 0.068125 -0.049188 0.11643 -0.1018 0.10541 0.096377 0.30352 0.098904 0.16109 0.15746 0.085867 -0.1266 0.086606 -0.012517 -0.060086 0.058047 -0.19545 0.029768 0.1353 -0.054936 -0.09761 0.041602 0.19329 -0.071273 -0.4064 -0.075163 0.037473 0.24462 0.068334 -0.082493 -0.046809 0.12907 0.085082 -0.26625 -0.089977 -0.18727 -0.19797 0.12161 -0.12957 -0.074638 0.26606 0.21286 0.13707 -0.22089 0.061054 -0.25247 0.12172 0.17021 0.14249 -0.059753 -0.22905 0.069484 0.075391 0.054459 0.025777 -0.079382 -0.23297 -0.056315 0.085659 -0.13863 0.010848 0.11964 -0.29033 0.056997 0.10546 -0.09129 0.15602 0.16682 0.19723 0.068381 0.25218 0.12906 -0.11976 0.36511 0.04613 0.14922 0.11582 0.15174 0.066293 0.041363 -0.11032 0.034476 0.087089 0.067598 0.020334 -0.0807 0.11125 0.079644 0.1182 0.14276 -0.16239 0.048049 0.20329 -0.1865 0.068342 0.11872 -0.21844 0.080969 0.11576 -0.086196 0.016645 -0.07335 -0.017962 -0.036097 -0.013199 -0.079475 0.11069 -0.045565 0.53583 -0.011069 0.081706 0.17232 -0.2441 -0.040374 0.32503 -0.0045183 -0.023625 -0.13361 0.11442 0.13294 -0.13098 -0.2013 -0.084633 0.055785 0.024583 -0.031059 0.17107 0.016382 -0.007079 -0.038921 -0.041218 0.13561 0.045142 0.39547 0.084596 0.1296 0.074092 0.050129 0.13505 -0.069099 0.0042038 -0.19653 0.052232 0.21959 0.076529 -0.13691 -0.090079 0.039593 -0.19713 0.088612 0.052963 -0.15249 -0.34548 0.074472 -0.27969 -0.074521 -0.21438 0.14577 0.18846 -0.12055 0.19297 0.089923 0.11085 0.23914 -0.058177 -0.15256 -0.049997 -0.29806 -0.16428 -0.053028 0.057367 -0.12154 -0.2741 -0.12438 0.30366 0.0038798 -0.11727 0.30079 -0.014037 0.0051858 0.014408 0.056017 -0.24088 0.03485 -0.1719 -0.042362 -0.17468 -0.23828 -0.018515 -0.015014 -0.21179 0.16822 0.12561 -0.11843 0.29393 0.30496 0.36829 -0.0016441 0.13448 -0.17843 -0.041137 0.29053 -0.033821 -0.049843 -0.10897 0.057659 -0.0051955 -0.12193 0.18452 -0.043497 0.1309 0.32408 0.049279 -0.12412 -0.23473 -0.065103 -0.1325 0.36398 0.022735 -0.15708 -0.058168 0.11844 -0.011848 0.043694 0.039633 -0.26053 0.32672 0.17928 0.1103 -0.045212 0.22146 0.15149 0.061161 -0.055577 -0.075315 -0.10055 0.11615 0.19411 -0.10141 0.21326 0.040324 -0.2741 -0.11633 -0.089418 -0.072754 -0.26043 0.084246 -0.0016082 0.1708 -0.035512 +was -0.11286 -0.0066148 -0.11885 0.20306 -0.064513 0.072322 -0.093811 -0.15525 -0.036189 0.34825 0.23176 0.059976 -0.092592 0.092237 0.0147 -0.21753 -0.076763 -0.15456 -0.18715 0.26336 -0.00073416 0.20193 -0.15488 -0.17919 -0.23805 0.071975 -0.12965 0.069309 0.20514 0.20612 -0.1414 0.099385 -0.19516 0.10549 0.050975 -0.15156 -0.13718 -0.010712 0.34531 -0.037236 -0.03744 -0.11631 -0.22042 0.14635 -0.089514 -0.18981 0.074337 0.21624 -0.05004 0.079577 0.02683 0.0079568 -0.15662 0.028236 -0.00059906 0.0042458 0.16613 0.29875 0.17 0.12054 0.22972 -0.049533 -0.029605 0.087271 0.12155 0.0099681 -0.17588 0.014035 -0.31022 -0.084543 -0.052421 0.026532 0.01161 -0.1244 -0.06912 0.032998 -0.14902 0.15951 0.17411 -0.19272 0.04991 -0.010682 0.24032 0.076339 0.047806 -0.16769 -0.3259 0.081583 -0.16958 -0.14046 -0.062004 -0.17957 0.10318 -0.20991 0.097164 -0.048931 -0.13686 -0.074554 -0.15368 -0.10308 -0.11061 0.23124 0.10074 0.063702 -0.083507 -0.07046 -0.11517 0.19426 -0.04978 -0.036442 0.19497 0.079694 -0.046286 -0.058381 0.14444 0.021438 0.075135 0.32819 0.054099 0.17631 0.18208 0.25938 -0.1743 0.43839 0.082798 -0.00031243 0.028419 0.21006 0.060504 0.088364 -0.22041 0.085727 0.1673 0.049687 0.06248 -0.11094 -0.050167 0.024378 -0.14511 0.30282 -0.0054825 -0.069529 0.059002 -0.14639 0.081874 0.25299 -0.099531 -0.10847 0.092277 0.1562 -0.00098428 0.097464 -0.045586 0.1291 -0.1382 0.015656 -0.077233 -0.069546 0.40012 -0.20293 -0.18922 0.082001 -0.14097 0.069866 0.32663 0.04148 0.16718 0.10447 0.34784 0.14208 -0.15894 0.074725 -0.087729 0.17719 -0.022197 -0.18665 -0.096478 0.11452 -0.2316 -0.049632 -0.072876 0.19536 -0.24638 0.26485 -0.17163 0.18342 -0.040482 -0.059225 0.011455 0.098593 -0.10773 -0.34245 0.0081285 0.31403 -0.02537 -0.075752 -0.03759 -0.010813 -0.13641 -0.21098 -0.070242 -0.10866 -0.2711 0.1005 -0.16853 0.034627 0.025884 0.19574 0.42803 0.13828 0.37806 -0.17652 -0.042565 0.15672 -0.024619 -0.067026 -0.22909 -0.17072 -0.27418 0.10913 0.19061 -0.075513 -0.30311 0.038966 0.18328 -0.010708 0.018113 0.12733 0.0019824 0.056872 0.04111 -0.12846 -0.093441 0.066377 -0.14303 -0.10907 0.044746 0.12788 -0.13665 0.12689 -0.029595 0.096401 0.14338 0.13761 0.080356 -0.11623 0.19873 -0.23223 0.12289 -0.17505 0.078037 0.12652 0.16914 -0.010766 -0.071861 -0.065455 -0.21393 0.050287 -0.16871 0.21748 0.1181 0.039186 -0.049363 -0.17246 -0.2875 0.19038 0.012786 0.11273 0.12702 -0.12684 -0.30546 -0.073442 -0.11727 -0.011187 -0.10072 -0.34174 0.37268 0.3018 0.25786 -0.18669 0.10741 -0.11652 -0.091167 0.051356 -0.065339 -0.038404 -0.051191 0.24759 -0.068007 -0.20843 0.12345 -0.054013 -0.26918 -0.00033782 -0.021988 0.063821 -0.084829 0.092362 -0.063667 0.054293 +on -0.029945 0.08308 -0.041043 0.062259 -0.019055 -0.070495 0.10458 -0.11022 -0.052828 -0.21471 -0.010283 0.011255 0.044272 -0.12704 0.13873 -0.10672 -0.031042 -0.036724 0.038023 0.14331 -0.15955 -0.010396 -0.30636 0.0018093 -0.21795 -0.19619 0.15655 -0.26115 0.068009 0.0054802 0.018274 0.27194 -0.063782 0.050576 -0.039229 -0.22498 -0.21599 0.028109 0.27633 -0.19207 0.083086 0.066477 -0.049566 0.12438 -0.22175 -0.024482 0.0092416 0.039755 0.030334 -0.30435 0.059653 -0.18663 0.052629 0.0040435 0.021349 -0.08179 -0.012902 0.051812 -0.10407 0.25295 -0.0083517 -0.21269 0.19349 -0.25011 -0.17148 -0.25245 -0.02836 0.009775 0.010365 0.20992 0.094111 0.045987 -0.10821 -0.12871 0.017863 0.016449 0.35166 0.2368 0.087123 0.0014235 0.076331 0.028697 0.1874 0.097398 0.071689 -0.20054 -0.1518 -0.18455 0.247 -0.24415 -0.099852 0.22032 0.28422 -0.26721 0.18074 0.141 0.024393 -0.1074 -0.12624 -0.027884 -0.14301 -0.096826 -0.1293 -0.03152 -0.12661 -0.036811 -0.061348 0.29519 -0.03723 0.24504 0.10346 -0.13672 0.093343 -0.053711 -0.056038 0.10644 0.085047 0.026389 -0.1212 0.020749 0.36126 0.13563 -0.11141 0.27515 -0.021931 -0.033346 0.26127 0.32768 0.16539 0.2657 -0.11442 -0.10774 0.027501 0.20596 -0.26 -0.17816 -0.0702 0.0029366 0.030597 0.036969 -0.11377 0.26168 -0.20023 -0.086989 -0.042935 0.13088 0.26097 0.0067192 -0.28677 0.2712 -0.25236 -0.2575 -0.39759 0.017236 0.15021 -0.17865 -0.061733 -0.078715 0.13485 -0.11931 -0.1454 0.10977 -0.25129 0.12937 0.23836 0.1737 -0.046556 -0.083078 0.12602 -0.14134 -0.27256 0.19661 -0.26557 -0.17845 -0.18839 -0.044315 -0.051716 0.066204 0.14214 -0.047498 -0.17975 0.024502 0.089698 0.023657 0.1227 0.3495 0.14525 -0.17002 0.12992 -0.036131 0.013646 -0.2935 0.021192 0.027402 -0.035963 0.030356 0.036936 0.10434 -0.34108 -0.22907 -0.10944 0.18918 -0.06642 -0.047107 0.038047 -0.13913 0.065176 -0.062903 0.31345 -0.090358 0.44221 0.088019 -0.085611 0.031707 0.0027451 0.21896 0.0056458 -0.45227 -0.11961 -0.12665 0.23553 -0.089455 -0.031027 0.14073 -0.13621 0.025762 -0.23421 0.04172 0.026577 0.14901 0.35331 0.16014 -0.0858 0.10075 0.11963 0.083981 -0.0085175 -0.10134 0.025867 0.0019921 0.11903 0.090903 0.31105 0.093143 0.26736 0.29493 0.03174 -0.06166 0.25909 0.25553 0.21146 -0.036734 0.1269 0.040165 -0.15194 0.12897 -0.49793 -0.0030868 -0.062966 0.090043 0.34313 0.17949 -0.11345 0.14079 0.073598 -0.15301 -0.046048 0.14508 -0.25676 -0.1302 -0.10335 -0.053122 0.042721 0.24057 -0.18248 -0.14799 0.01282 0.26499 0.038375 -0.041837 0.22512 0.082875 -0.21517 0.1009 0.11119 -0.096562 0.07562 -0.078081 0.15468 -0.19181 0.14994 -0.044552 -0.11669 -0.17937 0.36259 -0.16617 0.13773 0.036366 -0.048136 0.0014706 +s 0.038464 -0.11291 -0.17323 -0.03041 0.15791 -0.019141 0.0019244 -0.11037 -0.076457 0.12753 0.11781 -0.13902 0.099159 0.1102 0.064557 0.086609 0.0032735 -0.0087435 -0.17398 0.054122 -0.28031 0.18313 -0.069872 -0.19947 -0.17661 -0.017548 -0.049704 -0.015239 -0.016797 0.19059 -0.16898 0.52075 -0.14446 0.057708 -0.070047 -0.13201 -0.085839 0.019588 0.18062 -0.37744 0.20453 0.018589 -0.23324 0.15698 0.13667 -0.1235 0.030655 0.20784 0.16087 0.17465 0.063654 -0.065543 0.096355 -0.094331 -0.25684 0.18813 0.057432 -0.073132 0.0077761 0.11959 0.12944 -0.25971 0.13682 -0.016024 -0.37095 0.066671 0.08206 -0.10501 0.11285 -0.038756 0.16821 -0.072626 -0.051393 -0.3861 -0.13619 -0.11603 0.12859 0.17121 0.03961 -0.081267 0.1959 0.056111 0.091625 0.043701 -0.18668 0.033272 -0.13498 0.4151 -0.25299 -0.18425 -0.014946 -0.038079 0.16609 -0.0064121 0.066091 0.02267 0.043807 0.060552 0.080007 -0.17192 -0.13464 0.005538 0.068381 0.04762 -0.23787 -0.12178 -0.17201 0.22628 0.17626 0.14631 0.0043271 -0.036512 -0.12546 -0.016598 0.0025892 0.14845 0.14535 0.23339 0.058385 0.084762 0.099059 0.15039 0.18396 -0.040558 0.164 0.01755 0.12023 0.13814 -0.15704 0.039937 0.161 0.25549 0.18153 0.020778 -0.09425 -0.10346 -0.28616 0.044853 -0.070123 0.01281 -0.051044 -0.094495 -0.15318 0.041003 -0.093269 0.16232 0.2233 0.034059 -0.055275 -0.039754 -0.072807 0.056499 -0.14058 -0.044182 -0.16488 0.052832 0.086518 -0.076868 -0.039924 0.27809 -0.1243 0.20393 0.0011994 0.25289 0.14898 0.033952 0.15503 0.053445 0.2614 -0.045747 -0.084473 -0.14395 -0.18902 -0.13388 -0.12626 0.13108 -0.019506 -0.024184 -0.036778 -0.13597 0.22259 -0.040843 0.095631 0.21741 -0.21438 -0.023312 0.1467 -0.16684 0.23378 0.094925 0.020536 -0.060983 0.085806 0.10767 -0.076936 -0.061339 0.0067582 -0.050502 -0.34804 0.050146 0.015361 -0.061954 0.010673 0.071738 0.06038 -0.31371 -0.043667 0.057637 0.14199 0.059277 0.51126 -0.14883 -0.036146 -0.12154 0.041745 -0.11368 0.13902 -0.36065 -0.14418 0.033538 -0.23366 -0.072889 -0.21204 0.066125 -0.19825 -0.0301 -0.091775 -0.061682 -0.054451 -0.069563 0.031283 0.18651 0.040566 -0.1524 -0.13553 0.25094 0.16633 -0.060563 -0.037528 -0.10264 -0.075712 0.064021 0.05656 0.055054 0.12962 0.081269 0.098875 0.13312 0.019775 0.093859 0.13799 0.066917 0.12089 0.14025 0.057053 -0.021536 -0.11202 -0.15134 0.012022 0.0008462 0.18794 -0.022936 0.12724 0.14248 -0.015237 -0.075361 0.15065 0.11984 0.16618 -0.35692 -0.2474 0.091957 0.042723 0.21117 -0.072008 -0.064827 0.39984 0.27504 0.26081 0.036257 -0.00092725 0.097138 0.11537 -0.087621 0.14525 0.19174 -0.030003 0.21575 0.032843 -0.28628 0.0061119 -0.10856 0.040474 -0.12915 -0.15099 -0.30803 0.00945 0.18243 -0.071865 0.094051 +for -0.043457 0.11336 -0.090211 0.10783 -0.12458 0.010564 -0.053752 0.040688 -0.071978 0.12988 0.18367 -0.19067 0.23183 0.2526 0.1769 -0.067999 -0.032019 -0.091964 0.135 0.14054 0.11034 0.21687 -0.072976 -0.15426 -0.03326 0.026052 0.16755 0.030611 -0.11283 0.088465 -0.29436 -0.017995 -0.18437 0.086588 0.20259 -0.092321 0.046651 -0.10229 0.071462 0.069793 -0.13052 -0.014411 -0.056368 0.15818 -0.020047 -0.10617 0.23458 0.0035062 -0.14388 -0.018622 -0.069637 -0.2153 -0.11409 -0.10171 0.029783 -0.04675 0.20507 0.0067837 -0.13647 0.0070587 0.04308 -0.097742 0.33185 -0.24975 0.11143 0.027497 -0.020893 -0.15535 -0.20601 -0.0264 -0.11679 -0.041209 0.052129 -0.14148 -0.24781 -0.046432 0.30543 0.049252 0.17925 -0.048079 0.080292 0.27301 -0.14418 0.021085 0.013487 -0.24578 -0.25759 0.026981 -0.22953 -0.151 -0.12973 -0.046898 0.36185 -0.21275 -0.028743 0.22011 -0.10697 0.035381 -0.24997 -0.12608 0.020057 -0.24323 0.41437 -0.1849 -0.20688 0.18755 -0.1481 0.19374 -0.23983 -0.072315 0.050876 -0.068533 -0.23756 -0.066878 0.02785 -0.10642 0.065645 -0.12159 0.01709 0.0073716 0.25959 0.26045 0.050632 0.33932 0.060457 0.082843 0.20087 -0.0074604 0.035756 0.22386 0.097792 0.25052 -0.30139 0.085823 0.023561 0.067157 -0.10683 -0.20434 0.021773 0.13849 0.08889 0.064833 0.24942 -0.12314 0.21898 0.092902 -0.066623 0.004371 0.10442 -0.011684 -0.18587 -0.15274 -0.1052 0.056705 -0.077613 -0.098058 0.08235 -0.19676 0.073493 -0.16567 -0.12771 0.068033 -0.050141 -0.0066839 0.22982 -0.0097502 0.01318 -0.17115 -0.085712 -0.094221 -0.21663 -0.18938 -0.15326 -0.064401 -0.12948 0.12967 -0.04457 0.16996 -0.11774 -0.29034 -0.135 -0.13239 -0.020521 0.069121 -0.35345 0.041462 -0.054732 0.082544 -0.030277 -0.023645 -0.0077702 -0.21236 0.19582 0.021462 0.013873 -0.12292 0.0091213 -0.036776 -0.077845 0.21115 -0.20513 0.0020311 -0.062409 -0.086912 -0.070559 0.1628 -0.15556 0.051623 0.32346 0.085333 0.27287 0.0054348 -0.082055 -0.15807 0.12814 -0.017721 0.022306 -0.15821 -0.020882 0.0038859 -0.037751 -0.053051 0.043165 -0.22103 -0.037925 0.20364 0.0069072 -0.019936 -0.014179 -0.080207 0.060495 0.22816 -0.32799 -0.26871 -0.054558 0.1814 0.0098955 -0.055567 -0.099914 0.057165 0.13378 0.12753 0.034018 0.084181 0.17292 0.26984 0.19024 -0.095838 -0.048268 0.26195 0.026921 -0.058127 -0.035345 0.14691 0.09446 0.1235 -0.32641 -0.10359 0.057579 0.1355 0.034544 0.16175 0.13866 0.077932 -0.090037 0.085698 -0.076063 -0.10881 -0.079184 -0.025822 -0.31328 -0.035864 -0.11864 -0.028462 -0.22913 -0.09151 0.066334 0.30559 0.050003 -0.030793 0.24058 0.056887 0.043921 0.13876 0.11531 -0.0049904 -0.0093994 0.1054 -0.18862 0.24032 0.071652 -0.052628 0.093925 0.0019137 -0.053472 -0.23075 0.14242 0.11643 0.090122 -0.067711 +as -0.10668 -0.036518 -0.1063 0.063468 0.11089 0.056798 0.19817 -0.00047669 0.1151 0.12766 0.025721 -0.096167 0.084847 -0.20034 0.16011 -0.13566 0.12913 -0.036482 -0.0013579 0.0052643 -0.18697 0.15282 -0.085003 -0.16923 -0.045447 -0.031521 -0.042384 -0.11903 -0.053743 0.0077491 -0.10079 -0.0014938 -0.23998 0.20515 -0.023961 0.03907 -0.050253 0.013688 0.07491 -0.31991 -0.079342 0.14457 -0.15161 0.0047635 -0.095498 -0.12307 -0.085301 0.25123 0.27485 -0.022108 -0.038877 0.083706 -0.02285 0.079031 -0.084699 -0.015823 0.030432 0.0046942 -0.23436 0.2158 0.042915 -0.16513 0.078436 -0.2917 -0.021577 -0.045501 0.0078394 -0.19502 -0.1083 -0.01386 -0.25153 -0.036888 -0.038306 -0.21965 -0.016194 -0.1347 0.12681 0.11563 0.20419 -0.10326 0.26979 0.040638 -0.079217 -0.1489 0.039404 -0.18841 -0.081222 0.20854 -0.42372 -0.092842 0.02847 -0.064213 0.12222 -0.086276 0.16448 -0.029391 -0.089828 0.12399 -0.2145 0.059643 0.016001 -0.27254 0.17223 -0.05487 -0.04919 -0.0075199 -0.089158 -0.0049213 0.10274 -0.21427 0.019886 -0.10638 -0.22215 -0.027423 0.08864 -0.013108 0.16812 0.058269 -0.029014 -0.13752 0.20446 0.16461 -0.25531 0.24799 -0.17534 -0.1073 0.12386 0.16596 -0.025096 0.060844 -0.06466 0.13571 -0.035465 0.084584 0.11602 0.12394 -0.1146 0.009226 0.024469 0.21552 -0.086623 0.058701 -0.03065 -0.11282 0.21441 0.20956 -0.053683 0.17708 -0.040871 -0.068884 -0.039507 -0.082237 0.026662 0.002197 -0.17169 0.17174 -0.17123 0.0026961 0.32867 0.11802 -0.20242 0.064288 -0.27296 0.17342 0.10837 -0.19019 -0.088144 -0.31898 0.13042 0.25379 -0.18172 -0.003441 -0.2074 -0.17084 -0.18809 -0.067014 -0.0077843 0.12018 0.055609 0.062902 0.051946 0.032556 0.064706 0.16043 0.010894 0.26701 0.15682 -0.19018 0.17844 0.037642 -0.094117 -0.2792 0.0062504 0.20934 0.15969 -0.005166 0.029639 -0.034127 -0.15754 0.08945 -0.12987 0.15607 -0.0063243 0.15625 0.17861 -0.12055 -0.20331 0.19912 0.084713 0.10501 0.52838 -0.076569 -0.10239 0.11299 -0.029849 -0.077256 0.063675 -0.20756 -0.06305 -0.042499 -0.041598 0.02283 -0.21428 0.046132 -0.050075 -0.22019 -0.021104 -0.064426 0.014369 0.058189 0.20217 0.11436 -0.072824 -0.12266 -0.20333 0.27137 0.13923 0.055401 -0.0066487 -0.0019663 0.14431 0.16829 -0.066634 0.20795 0.13077 0.081666 0.076304 -0.14139 0.025815 0.020766 0.152 0.019461 -0.079617 0.11885 -0.032576 0.12693 -0.15425 -0.19208 -0.089979 -0.18192 -0.076191 0.096308 0.084752 -0.077118 -0.15407 -0.40903 -0.2408 0.27727 0.070015 -0.23642 -0.26462 0.09025 -0.083525 -0.055758 -0.0044354 -0.18702 0.34108 0.17177 0.039009 0.014808 0.20067 0.014752 0.03399 0.046347 -0.055452 -0.04778 -0.0083971 0.29187 0.2087 0.04187 -0.085302 0.017596 0.038921 -0.042198 -0.11009 -0.11966 -0.032105 -0.0087815 -5.7399e-05 0.13576 +by -0.13167 -0.040817 -0.23956 0.23064 -0.12696 0.11678 0.10581 -0.20413 0.0080369 0.23646 -0.054108 0.12133 -0.15008 0.11509 0.11896 -0.25209 0.10367 -0.065059 -0.080371 0.12708 -0.014658 0.2269 -0.28552 -0.096679 0.063329 -0.033706 0.01759 0.028157 0.15469 0.033508 -0.23307 0.091283 0.023145 0.13172 0.2012 -0.080005 -0.25302 0.003297 0.23424 -0.094455 0.065775 -0.0028773 0.00034232 0.19717 0.033452 -0.20442 0.0010543 -0.010863 -0.15341 0.065852 0.12561 -0.040625 -0.27178 -0.024283 0.080334 0.022827 -0.097376 0.18855 0.011054 0.038045 -0.02144 -0.21974 0.0035103 0.20461 -0.0075506 0.16733 -0.10361 -0.18865 0.031286 -0.081821 -0.11796 -0.0090501 -0.16731 -0.27503 0.047636 -0.033096 0.11845 0.14352 0.15145 -0.047157 -0.099036 0.042062 0.17922 0.22662 -0.081016 -0.066303 -0.19108 0.092628 0.0024941 -0.065267 -0.14996 -0.11355 -0.078145 -0.13441 0.29873 -0.060622 0.1054 -0.11155 0.026942 0.048895 -0.10103 -0.010862 0.24963 -0.087945 -0.099125 -0.1148 0.1452 -0.11545 0.33225 -0.14523 0.077605 -0.099609 -0.068166 -0.050334 0.049693 0.17082 0.283 0.3763 0.0020146 0.14755 0.07047 0.31503 -0.47475 0.38828 0.058978 0.0626 0.14044 0.1298 0.12159 0.1261 0.19995 0.23574 0.13194 0.25251 0.37902 -0.0049426 0.10706 -0.016369 -0.12881 0.04987 0.25352 0.12318 0.17736 -0.20315 -0.21117 0.099453 0.017912 0.019938 -0.015746 0.20934 0.071116 -0.1477 -0.14592 -0.11236 -0.094642 -0.16884 -0.16842 -0.072051 0.17637 0.101 -0.10587 -0.086128 0.024187 0.011435 0.3069 -0.071507 0.17903 0.11991 0.28315 -0.0010412 -0.18539 0.19078 -0.093839 0.061669 -0.10506 -0.028498 0.01504 0.17677 -0.0046986 -0.1237 -0.11957 -0.33566 -0.35805 0.17801 0.09083 0.21286 0.013965 -0.28891 0.056233 0.021966 -0.094326 -0.36791 0.23437 -0.082501 0.13699 -0.41778 -0.21958 -0.10984 -0.16532 0.032684 0.087233 0.2412 -0.21436 0.019845 -0.063727 -0.073478 -0.21645 0.20205 0.21141 -0.03102 0.573 -0.032144 0.039847 -0.05959 -0.0036714 0.070425 0.15985 0.031499 -0.18282 -0.036042 -0.01486 -0.39543 -0.40932 -0.027014 -0.042265 -0.047627 -0.28248 -0.19428 -0.019236 0.24395 -0.21907 0.011405 -0.12631 0.14487 -0.036576 -0.062648 -0.0084789 0.076445 -0.005565 -0.12415 -0.07852 -0.14686 0.12963 -0.11216 -0.0012184 0.027598 0.017539 -0.2169 0.15463 0.14615 0.12645 0.0058155 0.1358 -0.22443 -0.21958 0.2109 -0.0985 -0.066894 -0.17394 0.017303 0.19829 -0.098625 -0.03713 -0.044018 -0.23748 -0.21127 -0.023497 -0.13315 0.011752 0.001701 -0.15698 0.078147 0.027263 -0.17181 -0.15723 -0.23723 0.22997 0.35097 0.092508 -0.021858 0.00041802 0.129 -0.028015 0.031211 -0.067224 0.087442 -0.027041 0.24614 -0.17322 -0.036277 0.32144 -0.23934 0.13895 -0.014339 -0.068493 -0.066417 0.18929 0.32907 -0.11879 0.0031042 +that -0.23983 0.085832 -0.21831 0.19241 0.025195 0.12355 -0.0069764 -0.17742 -0.02976 0.14019 -0.04131 0.021693 0.031669 -0.066504 -0.010106 -0.039781 0.058352 0.077962 0.10951 0.17083 0.030571 0.075172 -0.19127 -0.26914 -0.07159 -0.0033303 0.16572 0.2414 -0.037835 0.092986 -0.096324 -0.053362 -0.13769 0.2023 0.12228 0.0055089 -0.12261 0.065976 -0.093829 -0.0047912 0.060502 0.034472 -0.089815 0.049682 0.10915 0.19243 0.097466 -0.059112 -0.031561 0.0085642 -0.0097376 -0.1566 -0.030448 -0.03733 -0.21254 0.016531 -0.10968 0.14795 -0.0080269 0.06314 -0.17479 -0.080141 0.16124 -0.071978 0.12406 -0.26999 -0.17197 -0.058859 0.046186 -0.07601 -0.074253 -0.039888 0.057741 -0.19435 -0.10719 0.075766 0.16442 0.062963 0.016998 0.098074 0.051912 0.00796 0.049767 0.074819 -0.16363 0.067474 -0.10452 0.073557 -0.10755 -0.1425 0.089114 0.15841 0.3222 -0.10655 0.083618 -0.092492 0.21919 0.048208 -0.061488 0.049201 -0.062859 -0.13971 0.059256 -0.11582 -0.21935 -0.13681 -0.11235 -0.096347 0.046857 0.035071 -0.11585 -0.023621 0.080661 0.028493 0.06903 -0.18985 0.26623 0.17579 -0.035073 -0.031638 -0.026218 0.14236 0.039761 0.38528 0.038298 -0.010169 0.11729 0.11932 -0.050962 0.22691 -0.17552 0.016449 -0.046997 -0.083699 0.069625 0.014247 -0.10832 0.12289 0.016072 -0.033899 0.10722 0.20054 0.1402 -0.10011 -0.07931 0.12327 -0.0031444 -0.089443 -0.086052 -0.10393 0.032676 -0.14476 -0.056825 -0.034722 -0.095045 -0.17064 -0.035918 0.086298 0.17825 0.063758 -0.12496 0.21052 -0.28584 0.15253 0.13151 0.076388 0.029637 -0.093604 0.12136 0.019785 -0.11168 -0.14822 -0.27724 -0.02827 -0.09676 0.14834 -0.13155 0.19224 -0.017957 -0.10059 0.10913 -0.1554 0.0051412 0.24523 -0.21236 0.11514 0.083901 -0.097453 0.21907 -0.18487 0.024778 -0.35162 0.13614 0.13062 -0.086043 -0.023898 0.060116 -0.0034988 -0.2956 -0.055491 0.19128 0.096245 0.044102 0.097388 -0.073929 -0.13039 -0.063722 -0.0042311 0.10625 0.035973 0.30975 -0.037181 0.15494 -0.065034 0.19122 -0.0046243 -0.024803 -0.21901 0.012198 0.18168 -0.21881 -0.15599 0.026207 0.038486 -0.20256 -0.030282 -0.18647 0.049986 -0.18815 0.018358 0.20436 0.072241 -0.034569 0.056817 0.027542 0.19926 0.18312 -0.070488 0.23106 0.01389 0.0459 -0.070822 0.10671 -0.049261 -0.13885 0.20777 0.12232 0.092241 0.0088502 -0.058793 0.19882 0.19537 -0.15112 -0.017619 -0.040276 0.028941 0.039263 -0.0551 -0.008233 -0.11584 0.081303 -0.0047339 -0.085726 -0.14999 -0.094978 -0.13686 -0.1508 0.12912 -0.12408 -0.11013 -0.18316 -0.050477 0.25119 0.14707 -0.15924 -0.12625 0.19323 0.066352 0.14201 -0.032837 0.04996 -0.063273 0.115 -0.28184 -0.005338 -0.062189 0.067656 0.23157 -0.047256 0.03623 0.17711 0.044209 0.057874 0.031027 0.034118 -0.22109 -0.11154 0.2051 0.061947 -0.15744 +it -0.3366 0.13889 -0.068331 0.0079146 -0.020023 0.093429 0.10182 -0.2151 -0.18844 0.15148 -0.14284 -0.11377 0.11161 -0.23444 0.028262 -0.062042 0.21756 0.095647 0.1698 0.071679 -0.054375 -0.046085 -0.21987 -0.27494 -0.25339 -0.10972 -0.0070419 0.03357 0.12896 0.18848 -0.25815 0.17061 -0.38947 0.3481 -0.041047 -0.12456 -0.086325 -0.19126 0.022593 -0.12725 -0.13036 0.098136 -0.2339 0.008161 0.18667 0.20999 0.063713 -0.028508 -0.054716 -0.11117 -0.010525 0.0070143 -0.0041469 -0.036819 -0.0036929 0.078406 0.0038262 0.26416 -0.06283 0.22119 0.062652 -0.14575 0.18947 -0.098799 -0.038427 -0.24093 -0.10867 -0.089518 0.12916 0.059777 -0.015123 0.14633 0.032212 -0.15511 -0.17298 0.08858 -0.081538 0.27585 -0.040939 0.15529 -0.083451 -0.070103 0.1548 0.19894 -0.094732 0.11057 -0.18328 0.00019708 0.032517 -0.076038 0.051504 0.18083 0.25092 -0.15933 0.1487 0.12631 0.15929 0.17724 0.013187 -0.0839 -0.22055 -0.01915 0.1156 -0.010974 -0.12785 -0.19002 -0.22735 0.013581 0.10532 0.053416 -0.03142 0.04568 -0.079156 0.075019 -0.19182 -0.040826 0.34173 0.17852 0.10964 0.0099851 0.2074 0.10894 -0.17686 0.47952 0.15701 0.11366 0.15475 0.098568 0.090232 0.18289 -0.062892 0.012882 -0.11289 0.047716 0.043811 0.0065159 0.032541 0.28292 0.061777 0.17045 0.047034 0.17219 0.10032 0.11206 -0.019359 0.070779 -0.024869 0.036909 -0.08589 0.18344 0.10946 -0.05685 0.096464 -0.16475 -0.055801 -0.15339 0.073 -0.081217 0.23755 0.069371 -0.16822 0.22798 -0.37593 0.034761 0.15086 0.031813 -0.069746 -0.08961 0.12988 -0.012923 -0.024002 -0.25414 -0.19594 -0.15103 -0.21644 0.045066 -0.16032 0.0044476 0.1035 0.14202 0.18504 0.0066014 0.13737 0.13789 -0.043577 0.032058 0.068189 -0.14007 0.10683 -0.0096826 -0.043681 -0.16244 0.11275 0.3178 -0.070198 0.11798 0.19411 0.026728 -0.29832 0.11729 0.064688 0.07844 -0.059657 0.21912 -0.013091 -0.2641 -0.10992 0.12463 0.13129 0.066074 0.18305 0.10516 0.15296 0.040073 0.16806 0.043346 0.038122 -0.21098 0.072374 0.10674 -0.057004 -0.16355 -0.0067051 -0.13049 0.24781 -0.083042 -0.24073 -0.11134 -0.0094638 0.098692 0.20597 0.17607 -0.20891 0.0030144 -0.12683 0.087142 -0.036535 -0.14635 -0.11332 0.043924 -0.023122 -0.041063 0.2974 -0.16771 0.13906 0.13147 0.17896 -0.017101 0.052858 -0.059781 0.11522 0.2598 -0.18943 -0.062224 0.034479 0.0072344 0.078014 -0.15113 0.17729 -0.11423 0.087861 0.078173 -0.11313 -0.19613 -0.051441 -0.037768 -0.15843 0.24705 -0.00826 -0.31003 -0.34136 0.10744 -0.024086 0.081787 -0.0024878 -0.23679 0.21343 0.18235 0.10686 -0.22907 0.18638 0.015871 -0.24017 -0.20794 0.062498 -0.28062 0.052488 0.14059 0.0051189 -0.048301 0.14975 -0.060221 -0.063074 -0.077547 0.045633 -0.15038 -0.026861 0.14517 0.029054 0.074989 +with -0.064206 0.091714 0.11942 0.4186 0.17465 0.11941 0.31859 -0.1638 0.20565 0.088094 -0.046213 0.15331 0.15775 -0.096504 0.022727 -0.14138 0.0098457 -0.026588 0.021183 0.22972 0.042529 0.027243 0.023137 -0.079872 0.0495 -0.061129 0.10546 0.084905 -0.1019 0.025445 -0.22593 -0.0094519 -0.11316 -0.045476 -0.09911 0.0020657 -0.244 -0.20762 0.27893 -0.030601 0.25438 -0.0434 0.141 0.04117 -0.026832 -0.075766 0.099866 -0.10857 0.052744 -0.0064439 0.014667 0.024091 -0.14823 -0.07514 -0.17639 0.0059049 0.0069194 -0.053316 -0.11206 -0.060583 -0.012822 -0.31799 0.087898 -0.062417 0.048166 -0.0059139 -0.018073 0.23661 -0.1531 0.0032921 -0.12837 0.075429 -0.19725 -0.24712 -0.050858 0.10058 0.12841 0.25282 0.097276 0.010521 0.18361 -0.19749 -0.040444 -0.11185 -0.12698 -0.10152 0.027053 0.095504 0.14746 -0.19452 0.055156 -0.15004 -0.039678 -0.039796 0.34592 0.29379 0.24519 -0.099354 0.060815 -0.26003 -0.061743 -0.05527 0.11014 0.11766 -0.21546 -0.15467 -0.091975 0.11697 0.012867 0.046272 0.03336 0.037781 0.019891 -0.064189 0.07923 -0.12147 -0.021964 0.058927 0.039117 0.28289 0.22152 -0.097244 -0.25084 0.35717 0.14103 -0.091674 0.1179 -0.017291 0.0098494 0.2756 0.15504 0.0081984 -0.24424 0.13351 -0.04132 0.040733 0.17727 0.069788 0.10178 0.1053 -0.14727 0.20263 -0.059392 -0.028766 0.063491 0.18252 -0.0014041 0.10274 -0.16481 -0.066712 0.13842 -0.27265 -0.19634 -0.1605 -0.074205 0.0018183 0.1026 -0.043547 -0.0072141 0.055306 -0.014692 0.22269 -0.012514 0.19233 0.021866 -0.11755 0.040916 -0.1911 0.094486 -0.11347 -0.0054213 -0.1179 -0.15947 0.15329 -0.15299 0.093003 0.0057173 0.24517 -0.22961 -0.10959 0.17229 -0.18358 -0.012696 0.058318 0.040257 0.31104 0.10125 -0.1034 0.086398 -0.051279 0.23686 -0.17961 0.20681 -0.076107 -0.0010114 0.055693 -0.15005 0.19155 -0.26852 -0.0636 0.14674 -0.084562 0.1201 -0.016069 0.15589 0.032152 -0.19939 -0.10605 0.28825 0.29976 0.080001 -0.028872 -0.15065 -0.14277 -0.080955 -0.073138 -0.11025 -0.32096 -0.16664 -0.02429 -0.15989 -0.093246 -0.10673 0.21227 0.058826 -0.040371 -0.15165 0.12092 0.025799 0.13896 0.14107 -0.034768 -0.098782 -0.037076 -0.1742 0.15468 0.20271 -0.2016 0.0056756 0.22209 0.065569 -0.04823 -0.0019982 0.27749 0.053513 0.16785 -0.072915 -0.025025 -0.03041 0.10037 -0.084707 -0.15251 -0.045538 -0.076732 -0.18076 0.019518 -0.29083 -0.18053 -0.053213 0.034254 0.28543 0.19922 0.24063 -0.01772 -0.017605 0.24474 -0.010969 0.14306 0.06392 0.074019 -0.12698 -0.067713 0.029559 0.025171 -0.2451 -0.046625 0.14576 0.19015 0.22647 0.18612 0.087883 0.02785 0.28477 -0.050063 0.16087 -0.043498 0.075641 0.4027 -0.038456 0.19304 0.063723 -0.35619 0.17587 0.22165 0.075605 -0.055085 -0.030707 0.088356 -0.015983 -0.25735 +from 0.074123 -0.24449 -0.20993 0.067707 -0.069055 0.02407 0.039651 -0.075543 0.14965 0.22772 0.23997 -0.15625 -0.13645 -0.16233 -0.136 -0.047394 -0.22722 -0.020578 0.21853 -0.057743 -0.2538 0.07426 -0.4313 0.070787 -0.13236 0.0090762 0.041375 -0.17293 -0.13688 0.047738 -0.096345 0.35734 -0.064074 0.315 0.043262 -0.039828 0.26392 -0.0077835 0.1246 -0.062125 0.049646 -0.19449 -0.10296 -0.13227 0.11914 0.11471 0.19222 -0.10544 0.19141 -0.19164 0.16664 -0.072087 -0.017124 -0.024085 -0.054923 0.18161 -0.41752 0.013846 -0.097548 0.14298 0.18272 -0.095173 0.25565 -0.0038474 -0.065212 -0.0097115 -0.51114 0.24172 -0.084955 -0.10739 -0.22902 0.0097627 0.1284 -0.12305 -0.072091 0.12597 0.22261 0.12579 0.1523 0.060826 0.037958 -0.012942 -0.090394 -0.0034238 0.074824 0.13059 -0.24917 0.060374 -0.20008 0.2994 0.025893 -0.10789 0.092428 -0.0028567 -0.19491 0.23134 -0.028209 0.2477 0.15212 -0.08654 0.035328 -0.057431 0.14291 -0.034993 -0.093676 -0.21335 -0.41108 -0.16943 -0.044907 0.10779 0.24495 -0.0034135 -0.16304 0.037063 -0.058801 0.079125 0.25461 0.16792 -0.10822 0.078622 0.31237 0.021625 -0.1846 0.31997 -0.21529 0.019935 0.22055 0.14881 0.31108 0.13899 0.17772 0.054332 0.08957 0.24212 0.11923 0.062396 -0.049008 -0.21631 -0.2272 -0.053169 0.059956 0.002439 0.20858 0.09573 -0.054505 0.23263 0.16189 -0.061374 0.036911 -0.02273 -0.079022 -0.31311 -0.081871 -0.025641 -0.22911 -0.41586 -0.076673 0.043928 0.0073082 -0.030566 -0.19267 0.12633 -0.24819 -0.020164 0.3443 -0.034356 6.2081e-05 -0.072091 0.32803 -0.28308 -0.2078 0.028662 -0.3094 0.076138 -0.085894 0.29858 -0.012965 -0.052991 -0.14979 -0.04495 0.073995 -0.16588 -0.28257 0.19357 0.040774 0.13921 0.11749 0.029632 0.029503 0.025321 -0.039398 -0.087089 0.31311 0.14639 -0.10493 0.073549 -0.097152 0.22761 -0.17507 -0.21137 -0.19015 -0.11867 -0.31333 -0.039106 -0.18574 0.1103 0.049186 0.21492 -0.23672 0.28303 0.10399 -0.11652 0.07139 -0.013092 -0.11487 -0.16952 0.11821 -0.16995 -0.025376 0.02897 -0.011382 0.0089853 -0.10031 0.19524 -0.26482 -0.11916 -0.23742 -0.29037 0.077017 0.13313 0.18052 0.33469 -0.18892 0.056997 -0.22412 0.057391 -0.092851 -0.073241 -0.066436 -0.097719 -0.026805 0.057282 0.15477 0.040247 -0.15614 0.035466 -0.05528 -0.0016932 0.15164 0.14045 0.022603 -0.024509 -0.029928 -0.024789 -0.23132 -0.0048805 -0.0991 0.021038 -0.15909 0.20374 -0.12693 0.13554 0.3949 0.00044854 -0.28062 -0.1417 0.031939 0.023403 -0.034906 -0.094262 -0.12416 -0.20251 -0.10164 -0.058665 -0.020256 0.051373 0.22868 0.20847 0.20915 -0.07355 0.23702 -0.072579 -0.0068663 -0.049043 0.18509 -0.21591 -0.10739 -0.0068317 0.09578 0.070574 0.069152 -0.026582 0.087377 0.14222 0.044832 0.068534 -0.17147 0.097198 -0.36452 -0.081744 +at 0.084657 -0.22584 0.096451 0.10084 -0.32227 0.06084 -0.14098 0.042526 0.25177 -0.15139 0.28946 -0.22224 0.14715 0.21937 0.017641 -0.075882 -0.054542 -0.019967 0.023136 0.34317 0.19269 0.06061 -0.41196 -0.14237 -0.11288 -0.19504 0.10921 -0.065239 0.17814 0.22521 -0.14425 0.19108 -0.051249 0.3514 -0.033516 -0.10391 -0.15866 -0.04648 0.26894 -0.054653 0.026268 0.024519 -0.153 0.0089207 -0.10311 -0.061886 -0.076662 0.16422 0.19202 -0.15849 -0.10444 -0.32162 -0.017646 0.19714 0.063879 0.15029 0.27939 0.20403 -0.11719 0.11302 0.21741 -0.23783 0.22149 -0.099384 -0.15909 -0.23008 -0.16896 0.048093 -0.34688 0.077259 -0.26626 -0.16247 0.053485 -0.0649 0.017268 -0.16991 0.18329 0.20681 -0.078363 -0.19282 0.10032 0.23402 0.21734 0.16295 0.056857 -0.071505 -0.11856 0.065202 -0.0071105 -0.065222 -0.029953 0.051816 0.4249 -0.18516 0.1631 0.068751 0.24889 0.0087197 -0.16567 0.097582 0.097659 -0.052475 0.14066 0.092822 -0.063293 -0.10292 -0.26192 0.14551 0.084639 0.069376 0.217 -0.079723 0.096226 -0.2802 -0.088477 -0.12311 0.30153 -0.087612 0.026935 0.029043 0.44256 0.079062 -0.027775 0.12976 0.065664 0.098004 0.26257 -0.060456 -0.076672 -0.029265 0.079762 0.052325 0.089596 0.070077 -0.20729 -0.11461 0.2513 0.068273 0.046419 -0.021613 -0.094778 -0.011309 0.065823 -0.037588 0.21715 0.076541 0.069592 -0.12947 0.078394 0.19481 0.066025 -0.32922 0.12043 -0.054116 -0.043916 -0.40659 0.13175 0.042698 0.12824 0.36509 0.01419 0.28955 -0.14103 0.14471 0.17529 0.26788 -0.19957 0.07221 0.053943 -0.20463 -0.27569 -0.045307 -0.40483 0.1223 -0.073105 0.11057 -0.19826 0.29006 -0.19438 -0.27404 0.0019843 0.068304 -0.17825 -0.13397 -0.11317 -0.082058 -0.13167 -0.017088 0.060193 -0.2828 -0.10857 0.085549 -0.10687 0.19298 -0.064046 0.039204 -0.071963 0.0143 -0.18933 -0.23111 0.092391 -0.0045494 0.078846 0.10808 -0.13525 -0.021385 0.17449 0.040101 0.21758 0.42214 0.28144 -0.13084 0.092562 -0.025293 -0.2081 -0.015357 -0.30071 -0.0070475 -0.0086043 0.043435 0.13337 0.055808 -0.10396 0.0426 -0.19165 -0.05732 -0.20715 -0.025886 0.038309 0.041086 0.23983 -0.033461 0.035933 0.11489 0.17574 0.036294 -0.034195 0.13229 -0.15982 -0.0012274 0.14255 -0.025759 0.15796 0.1358 -0.065825 0.19361 0.22163 0.12749 0.13667 0.28978 0.19074 -0.13526 -0.14296 0.033069 -0.52474 -0.080285 -0.21442 -0.282 -0.142 0.24223 -0.083328 0.016296 0.036034 0.23413 0.016184 -0.001913 -0.19888 0.078624 0.024006 0.1797 -0.12137 0.20834 -0.35337 -0.020637 -0.1018 -0.14994 0.39498 0.25541 0.17832 0.072025 0.11042 0.19179 0.068597 -0.0062475 0.087407 0.048029 0.24316 -0.10581 0.033797 -0.098828 0.11308 -0.40658 0.00030372 0.005122 0.032004 0.043654 -0.2884 0.046729 -0.094621 0.20779 +he 0.014665 -0.26812 -0.052296 0.23006 0.031144 0.1326 0.15627 -0.035684 -0.068791 0.37745 0.26 0.065356 0.10545 -0.083843 0.0068441 -0.35062 0.087274 -0.084536 -0.079793 0.14406 -0.099383 0.22698 -0.25031 -0.34414 0.032567 0.20315 0.23225 -0.18451 -0.1058 0.1287 -0.20596 0.055626 -0.18326 0.16372 0.0017453 -0.26181 0.015642 -0.21012 -0.098568 -0.027856 0.0090502 0.15216 -0.14542 -0.060665 -0.012078 -0.10709 -0.025372 0.2335 -0.1346 0.043417 0.040352 -0.13142 -0.10796 0.14868 -0.24327 -0.21122 0.055215 0.2452 0.11917 0.1849 -0.15568 0.027578 0.11264 -0.039423 0.045282 -0.25581 -0.15215 0.24204 -0.17778 -0.020735 -0.11384 -0.18628 0.11145 -0.077367 0.027016 -0.092138 0.21866 0.1661 -0.23244 -0.12927 0.21804 0.06546 0.14573 -0.022755 -0.12254 0.016283 -0.29042 -0.10536 -0.13048 -0.21748 0.088834 -0.35676 0.43895 -0.13208 -0.043485 0.20868 0.040794 0.050524 -0.26054 -0.25543 -0.037681 0.0021933 0.2289 0.12642 -0.12268 -0.021991 -0.13756 -0.12565 -0.016195 -0.030606 0.0046082 -0.24541 -0.002142 0.10537 -0.28513 -0.28361 0.26544 0.17673 -0.19454 -0.092296 0.023453 0.20037 0.051594 0.31713 0.013278 0.01814 0.15886 0.14062 0.0089156 0.11651 -0.21173 0.13483 -0.14015 -0.35175 -0.33749 0.0063774 0.010142 0.02523 -0.21273 -0.053858 -0.04604 -0.014979 0.071772 -0.10722 0.047265 0.17662 0.035781 -0.27281 0.0095576 0.093047 0.042057 -0.12991 -0.038015 0.19335 -0.44323 0.079033 -0.15394 -0.10119 0.151 -0.010138 -0.2738 0.34338 -0.22604 0.28772 0.11076 0.050212 -0.028319 -0.15248 0.26818 -0.086068 0.077829 0.074144 -0.12604 0.0096369 -0.063531 0.24053 -0.11003 0.16175 -0.10464 -0.15088 0.17058 0.082295 -0.14244 0.21725 -0.16858 0.20828 0.033688 0.075818 -0.025683 0.084218 0.0021424 0.032686 0.025107 0.31271 -0.22352 -0.14049 -0.0022511 0.11708 -0.30667 -0.064557 0.21376 -0.065726 -0.17451 0.22245 -0.049137 -0.019059 0.041286 0.10033 0.20715 0.14142 0.17575 -0.0085873 -0.029827 0.053633 0.065397 0.082936 -0.074867 -0.22161 0.029769 0.088741 -0.12474 -0.017533 -0.016169 -0.13967 -0.1801 -0.0185 -0.12567 -0.16774 -0.0074254 0.067426 0.26623 0.23513 -0.16071 -0.16117 0.10872 0.0067142 0.028955 -0.026827 0.0024487 -0.11155 -0.086587 -0.14739 0.12836 0.38225 -0.24315 -0.021359 0.19199 -0.22529 -0.12179 0.078892 -0.095018 -0.20916 -0.059001 -0.055153 -0.22721 -0.033763 -0.21755 0.0082018 0.24165 -0.10292 0.084843 0.13294 0.17828 -0.32875 -0.13609 -0.052415 0.025926 -0.026822 0.1133 -0.17822 -0.30246 -0.083471 -0.28678 -0.01545 -0.19332 -0.3002 0.16762 -0.020979 0.076648 -0.13527 0.082477 0.068317 -0.063771 -0.06968 -0.10251 -0.015942 0.098454 0.15689 0.0030096 -0.12414 0.036338 -0.23409 0.017694 -0.054863 0.073746 0.055707 -0.20249 0.15422 -0.077715 0.22867 +this -0.19964 0.085116 -0.055189 0.13142 -0.034263 0.11687 0.024297 -0.36591 -0.16021 0.13041 -0.051105 -0.19426 0.12888 -0.13138 0.051647 0.02113 -0.14945 0.118 0.26445 0.21531 0.059788 0.14565 -0.13513 -0.082425 -0.30358 0.13601 -0.15623 0.077483 0.22425 0.22971 -0.14523 0.20617 -0.19068 0.13975 -0.067428 -0.039962 -0.011683 -0.029614 -0.19031 -0.17548 -0.026692 -0.10578 -0.11332 0.13866 -0.041102 0.12785 0.084305 -0.16118 0.022081 -0.036854 -0.050079 -0.037985 0.069227 -0.10608 -0.036044 0.28917 0.039558 0.096326 0.14466 -0.013434 -0.091264 -0.040229 0.35294 -0.33489 0.10616 -0.35523 -0.077932 -0.0050663 -0.079543 0.11814 -0.13492 -0.048151 0.13197 -0.26917 -0.18266 0.05242 0.14771 0.25209 -0.090966 0.062938 -0.15311 0.18472 0.044006 0.038439 0.05966 -0.20255 0.026222 0.024488 -0.016858 -0.27549 0.10334 0.10343 0.44464 -0.20755 0.02245 -0.072451 0.10391 0.13244 0.079197 -0.003736 -0.096508 0.035129 -0.011803 0.074741 -0.11641 -0.00064235 -0.15859 0.12314 -0.062408 0.1075 -0.051995 0.079683 -0.061127 0.026742 -0.11837 -0.074877 0.57404 0.066379 -0.053467 0.12976 0.12191 -0.065749 -0.10451 0.38098 0.085549 0.18503 0.044096 0.0056013 -0.00055242 0.29563 0.026896 0.15684 0.12214 0.10538 0.069068 0.21219 0.032334 -0.010033 0.07734 0.12691 -0.010455 0.057988 0.17236 -0.091861 0.039457 0.020577 -0.028288 0.15332 -0.083229 0.11851 0.060821 0.13223 0.14614 -0.2856 -0.014111 -0.23565 0.27903 0.032652 0.017968 0.18232 -0.12464 0.12322 -0.18978 0.030301 0.090686 0.08478 -0.063022 -0.12534 0.15142 -0.015543 -0.36105 -0.19801 -0.21259 -0.18934 0.033945 -0.13825 -0.039777 0.057215 -0.02898 -0.21503 0.081745 -0.064233 0.11149 0.39395 -0.056752 0.23975 0.17848 -0.16583 0.11568 -0.04708 -0.13793 -0.15936 0.27785 0.18192 -0.08966 -0.17054 0.024002 0.10111 -0.33998 -0.040697 0.17376 0.1586 0.10284 0.29167 0.062748 -0.15753 -0.16914 0.20502 -0.10835 -0.035556 0.21803 -0.068972 0.10176 0.0054727 0.33023 -0.20426 0.24388 -0.015076 -0.15243 0.14785 -0.1159 -0.15334 0.19533 -0.10903 0.18967 0.038244 -0.011186 -0.061208 -0.019259 -0.0065419 0.30863 0.09396 -0.15441 0.090379 -0.069162 0.037942 0.29172 -0.035638 0.050326 -0.26106 0.18763 0.084209 0.15093 0.00033666 -0.090248 0.15647 0.27421 0.28715 0.00017502 -0.039501 0.071631 0.11474 -0.15752 -0.046249 -0.14411 -0.20785 -0.1202 -0.29892 -0.071695 -0.12621 0.05428 0.22063 -0.38058 0.056328 0.08667 0.05431 -0.044359 -0.06605 -0.21377 -0.22255 -0.16978 -0.10923 0.25012 -0.025356 0.034712 -0.30406 -0.15446 0.013073 -0.16584 -0.17734 -0.090426 0.017501 0.039702 -0.27064 0.27928 -0.12816 0.024732 0.32566 -0.054112 0.035922 0.018636 -0.24873 -0.072194 -0.091842 -0.034728 -0.11994 -0.036952 0.37121 0.038292 0.13426 +be -0.25026 0.22369 -0.096314 -0.026401 -0.13472 -0.008982 0.065405 -0.47185 -0.051056 0.051511 -0.16824 -0.030949 0.055425 -0.12948 -0.0062735 0.1086 0.1216 0.12408 0.058992 -0.06763 -0.0083828 0.095009 -0.1021 -0.1037 -0.15302 0.021146 -0.036643 -0.040302 0.14088 0.15744 -0.0088583 0.027898 -0.1389 0.053186 -0.12304 -0.091924 -0.15491 0.28233 -4.7579e-05 -0.37132 -0.20302 0.0099404 -0.17615 0.065376 0.068181 0.05025 0.076486 0.070419 0.067646 -0.033892 0.014993 -0.3001 -0.1197 -0.072569 -0.078529 0.030499 -0.048392 0.25323 -0.37985 0.081339 -0.0005548 -0.17629 -0.025923 0.13305 0.0017028 -0.057541 -0.18037 0.06683 0.018062 0.036975 -0.31258 0.23392 0.028911 -0.30242 -0.11193 0.10407 0.20486 0.069179 0.17624 -0.19341 0.12059 -0.13434 0.2001 -0.13353 -0.14275 -0.099292 0.075853 0.09379 -0.32696 -0.3651 -0.092877 -0.10166 0.046329 -0.35481 -0.098609 0.080704 0.14017 0.21821 -0.087556 -0.028255 -0.033402 -0.12697 0.084909 -0.1059 0.062273 -0.13115 -0.20217 0.21356 -0.1352 0.064972 -0.0084728 -0.1492 -0.18754 0.23022 0.12852 -0.20356 0.27514 0.1692 -0.062528 0.17163 0.026962 0.20587 -0.29252 0.55029 0.17327 -0.053048 0.19823 0.17507 -0.059659 0.22113 -0.31647 0.034778 0.014308 0.36628 0.091454 0.13519 -0.021655 0.084731 -0.0080609 0.024732 -0.17821 -0.067393 0.10119 -0.16821 -0.11191 -0.086037 -0.14364 -0.10889 -0.099915 0.10719 0.056134 -0.017866 -0.0056781 -0.099943 -0.22417 -0.18912 -0.034503 0.057475 0.24023 0.099867 0.0049938 0.22043 -0.31164 -0.056913 -0.02007 0.093747 0.16696 -0.20301 0.090256 0.30012 -0.10868 -0.21016 -0.22773 -0.092926 -0.37742 0.07472 -0.12559 -0.025903 0.026878 -0.18513 0.016609 -0.17193 0.25518 0.29165 0.14476 0.19666 0.35115 0.023523 0.25183 0.084845 -0.15047 -0.47281 -0.10641 0.2948 0.038983 -0.25462 -0.00026834 -0.012001 -0.36371 0.17908 0.15783 0.044898 0.028195 0.015111 -0.039563 -0.2444 -0.21118 0.26483 0.36933 0.064294 0.31829 -0.14861 0.33797 0.22144 0.32405 -0.0056225 0.11812 -0.24185 -0.094248 0.22022 0.11795 -0.25267 -0.18225 -0.093763 -0.14506 0.023154 -0.22244 -0.042051 -0.064813 -0.11526 0.10159 0.19566 -0.12605 0.032872 -0.094309 0.216 0.18244 -0.22899 -0.015609 0.007531 0.16186 0.1413 0.27935 0.078345 -0.086286 0.089518 0.2332 -0.069231 0.10922 0.21872 0.1242 0.056511 -0.13227 -0.015025 0.14657 -0.023266 -0.039107 -0.24631 0.077292 -0.0051662 -0.034316 0.086529 -0.088394 0.14664 -0.32449 -0.16895 -0.32304 0.36483 -0.10341 -0.22328 -0.33559 0.0096681 0.015918 -0.071303 -0.1666 -0.27372 0.17971 -0.0099447 -0.053653 -0.11846 -0.10818 0.11709 -0.13894 -0.076176 0.011088 -0.21972 0.0033401 0.14299 -0.028053 0.13819 0.14463 0.031906 -0.18493 -0.14341 -0.021136 -0.15106 -0.19847 -0.023305 0.16321 0.19618 +i -0.40083 0.13992 0.12907 -0.11844 -0.24409 -0.071496 -0.12624 -0.10538 0.021209 0.17554 0.32066 -0.076655 -0.11599 0.1818 0.094396 -0.18509 0.067021 0.18963 -0.11674 0.0075544 0.20718 -0.08527 -0.082318 -0.48372 -0.19477 0.016658 0.13037 -0.08229 -0.12701 0.077853 0.10845 0.048532 -0.13885 -0.023352 -0.060823 -0.31839 -0.019554 -0.1885 -0.031728 -0.3455 0.053967 0.10746 0.19029 -0.12995 0.086172 0.23445 -0.03202 0.027213 -0.082134 -0.19291 0.041211 -0.54555 0.089378 -0.15301 0.012136 0.30464 -0.20036 0.014034 -0.13102 0.10406 -0.16595 -0.052645 0.035598 -0.17021 0.20491 -0.20084 0.26766 0.097651 0.097701 -0.10981 0.20629 -0.3151 0.29097 -0.026423 -0.082555 0.32322 0.060972 0.086412 -0.024904 0.25225 -0.17195 0.2637 0.07778 0.089817 0.21588 0.18605 -0.079905 0.12193 -0.05187 -0.047023 -0.087624 -0.28111 0.39698 0.044655 0.10639 0.17851 -0.085488 0.017462 0.12033 0.2419 0.054101 -0.095085 0.0081993 -0.16491 -0.24195 -0.37316 -0.10091 0.12269 0.18091 0.19682 -0.12658 0.067759 0.079479 0.0058875 0.097713 0.076515 0.28721 0.36722 -0.24784 0.33637 0.25466 0.065162 0.0038707 0.51321 -0.003927 0.10281 -0.062984 -0.14607 -0.083552 0.27136 -0.053043 0.051284 -0.3034 0.029091 0.14637 -0.010417 -0.095542 -0.016103 0.21725 0.36548 0.10367 0.071429 0.15473 -0.044417 -0.045747 -0.041136 -0.25878 -0.092717 0.016528 -0.12274 0.1247 -0.11255 0.32138 0.0066014 0.064847 -0.10889 0.010849 -0.028336 0.16727 0.4849 -0.38852 0.41925 -0.17268 -0.067313 -0.11283 -0.02391 -0.1155 -0.32136 0.20107 0.20899 -0.20854 -0.18056 -0.22479 -0.35432 0.057972 0.23497 0.10999 0.27061 -0.21413 -0.34127 0.14516 -0.2007 -0.13604 -0.024438 -0.28124 0.17943 0.27596 -0.42049 0.062588 -0.10503 0.18763 -0.2508 0.025648 0.16668 -0.13414 -0.42009 0.036313 0.17262 -0.71421 -0.14795 0.58208 -0.15923 0.016541 -0.091072 0.018594 0.045834 -0.28081 0.18502 0.032248 -0.0015265 0.16549 -0.020355 0.10414 -0.19742 -0.25135 -0.13147 -0.067539 -0.11853 -0.00047116 0.36873 -0.13839 -0.024654 -0.013609 -0.10761 0.14113 0.029728 -0.030725 0.23215 -0.0065696 0.10441 0.11082 0.016597 -0.24006 0.01712 0.099859 0.31432 -0.025396 -0.10787 -0.24261 0.30304 0.15428 0.083706 0.063191 0.15308 -0.011505 0.18101 0.43653 0.064489 0.10644 -0.39561 0.0331 -0.096854 -0.079486 0.19766 0.18531 -0.23033 -0.064171 -0.28063 0.19345 0.033538 0.020194 0.12357 -0.1725 -0.24075 0.0156 0.1166 -0.032856 0.29472 0.033151 -0.039342 -0.36029 -0.075652 0.15121 -0.021539 0.069992 -0.077885 0.15666 0.038273 -0.14749 -0.23696 -0.17154 0.30902 -0.29702 -0.22584 0.061565 -0.052918 0.074938 0.26361 -0.25301 0.026624 -0.09896 0.19602 0.0032991 -0.1712 0.18921 -0.2334 -0.56724 0.23206 0.079414 0.13813 +an -0.067108 0.0014183 -0.18575 0.16489 -0.24534 0.27442 -0.14976 0.1794 0.039032 -0.10412 -0.11836 -0.25005 0.097268 -0.1855 0.079226 -0.30441 0.10697 0.050226 -0.05342 0.15365 -0.083077 0.34187 -0.15903 -0.27095 0.077108 -0.45049 0.1234 0.23913 0.23134 0.36702 -0.31195 0.20269 -0.28004 -0.019993 -0.096778 -0.14713 -0.10808 0.051971 0.12347 -0.35383 0.057994 0.043842 0.015575 0.047289 0.26144 -0.0010199 0.05677 0.094892 0.082452 -0.22758 -0.16154 0.37473 0.034889 -0.12288 -0.04253 -0.12048 0.10472 -0.15786 0.18425 0.016285 -0.18772 0.083207 0.21165 -0.069999 0.1344 -0.26537 -0.20656 -0.013781 0.10536 -0.13477 -0.17973 -0.077508 0.39863 -0.1491 -0.24838 0.030682 0.19628 0.24353 -0.075409 -0.012853 0.13124 0.20169 -0.20009 -0.18221 0.090066 0.10347 0.0078001 0.077707 0.074893 -0.088733 0.31458 0.14006 0.44936 -0.28195 0.21684 -0.099295 -0.12245 0.0055658 -0.13224 -0.059352 -0.47566 0.099382 0.12039 -0.037683 -0.0056518 -0.04537 -0.09163 -0.016393 0.062906 -0.0069165 0.223 0.04041 -0.39129 0.072712 0.3457 0.022961 0.27431 -0.06153 -0.039516 -0.046008 0.44318 -0.021014 -0.25356 0.61883 0.070176 -0.0045592 0.0040353 0.24567 0.026488 0.094534 -0.028609 -0.01744 -0.16636 -0.23643 0.12687 -0.19006 -0.17911 -0.12807 0.024204 -0.051265 -0.23255 0.14934 0.058696 -0.11689 -0.032973 0.27406 -0.30796 0.35716 -0.096392 -0.11453 0.15556 -0.089407 0.16066 -0.080704 -0.27865 -0.25479 0.0035403 0.15614 0.11544 -0.11242 0.07595 -0.10383 -0.27032 0.12984 0.21313 -0.35816 0.27874 0.08321 0.145 0.083449 -0.15985 0.20965 -0.17859 0.016259 0.0031995 0.26716 -0.16324 0.38751 -0.28368 -0.039973 0.21694 0.1252 -0.13253 0.19007 -0.049799 0.16839 -0.10659 -0.0035849 0.082651 -0.048301 -0.075429 -0.28164 0.14112 0.3223 0.09433 -0.1621 0.045591 0.10928 -0.2348 0.37516 0.12891 0.030086 -0.11905 0.038139 0.11584 -0.3211 -0.18984 -0.27154 0.24411 0.1341 -0.04658 -0.12268 -0.050952 0.024939 0.066966 -0.23294 0.024861 -0.24273 -0.23792 0.19572 0.091152 0.020856 -0.017604 0.24744 0.18309 -5.6148e-05 -0.095182 0.23609 -0.21108 0.11985 0.25488 0.049656 -0.052515 -0.0061348 -0.087046 -0.057408 0.28785 -0.10364 -0.02118 0.037593 -0.21986 0.13574 0.082506 -0.15437 0.091008 -0.10259 0.40257 -0.34492 -0.10568 -0.11181 -0.014502 0.071941 -0.51856 -0.044696 -0.27071 0.16498 -0.028239 0.060804 -0.14116 0.16779 -0.10622 0.18766 -0.026886 0.07539 -0.097996 0.060153 -0.33941 0.11857 0.28548 -0.3165 -0.14515 -0.071001 -0.22944 -0.002594 -0.28214 0.02001 0.15415 0.040214 -0.035019 0.076674 0.32477 0.026201 0.041125 0.067551 0.12288 -0.37067 0.17592 0.32079 0.28704 0.071768 -0.019471 -0.38063 -0.18415 -0.19396 -0.046159 -0.40847 0.071106 0.10503 -0.21437 0.094425 +utc -0.48428 -0.32176 0.19893 0.46017 -0.42713 -0.048353 -0.026216 -0.52409 -0.2359 0.27416 -0.35709 -0.40256 0.19366 -0.26495 0.18056 -0.12858 -0.29003 -0.05781 0.13273 0.4141 0.044489 0.0563 -0.045292 0.019726 -0.18585 0.085899 0.10717 -0.12778 -0.027464 0.33869 -0.33442 0.21194 0.091994 0.37348 -0.25865 -0.070619 -0.26126 0.33048 -0.42579 -0.28211 -0.088483 -0.17591 -0.23531 -0.016519 0.011674 0.054129 -0.027932 -0.012981 -0.069228 -0.1482 -0.041675 -0.33993 -0.28414 -0.40908 -0.33748 0.051912 0.42039 0.058315 -0.0071972 0.2767 -0.068376 0.011432 0.46776 -0.051 0.10508 0.15315 0.29191 -0.10465 -0.18159 0.033912 0.010279 0.40703 -0.064585 -0.2132 -0.060905 0.38332 0.22248 0.19513 -0.021815 0.24547 -0.025301 0.38226 0.31938 0.22011 0.53214 0.042947 0.16149 -0.020663 0.092028 0.22657 0.21158 -0.16041 0.18343 -0.13396 -0.06567 -0.027172 0.013964 0.045881 0.065165 0.30027 0.17526 0.066824 -0.052815 -0.12023 0.26095 -0.084145 -0.13253 0.28631 0.060272 -0.11616 -0.17617 0.15855 0.13374 -0.075498 0.077391 -0.20716 0.19825 -0.22598 0.16929 -0.18486 0.48227 -0.34879 -0.43904 0.74208 -0.10392 -0.088865 -0.19534 -0.0027427 0.16728 0.32927 0.081751 0.014656 0.069382 0.33484 0.35977 -0.25077 0.034434 -0.31405 0.30761 0.42403 -0.27366 -0.13119 0.14726 0.33224 -0.14972 0.21281 0.063995 -0.30588 -0.47515 0.024818 0.2833 0.044557 0.13179 -0.084728 0.073318 0.18197 -0.0489 0.15566 0.49161 0.30123 -0.11857 -0.15212 -0.53843 -0.28876 -0.056063 0.0030809 -0.044774 -0.27874 0.29572 0.091087 -0.12764 0.26199 -0.3544 0.18866 -0.068732 0.045772 -0.059951 -0.48742 0.18282 -0.6876 0.0503 -0.2048 -0.0038009 -0.19067 -0.15979 0.26742 -0.13125 -0.066766 -0.0078525 -0.029119 0.0795 -0.38129 0.058981 0.020859 -0.31863 -0.075038 -0.30266 -0.033341 -0.55053 -0.14469 0.13898 0.081754 -0.061965 -0.098797 0.022741 0.17081 -0.29639 0.092066 0.077344 -0.064231 0.4199 0.029425 0.23973 -0.22587 0.09255 -0.092602 0.083138 -0.23305 -0.093396 0.11623 -0.085089 -0.20005 -0.041773 -0.17667 0.21748 0.11927 -0.19868 -0.11158 0.086228 -0.018281 -0.032333 0.11392 0.04883 -0.18285 0.041366 -0.0049917 -0.0068817 -0.21064 0.34286 -0.17382 0.33725 0.16046 0.34214 0.032393 0.11244 -0.11959 0.19667 0.45179 -0.029606 0.038383 0.16415 -0.43648 -0.21521 0.3047 0.0010787 -0.32584 0.29244 -0.0068554 0.2646 0.10143 0.15874 0.12227 -0.12451 0.11889 0.16019 0.062635 -0.26511 0.17294 -0.56961 0.033574 -0.060857 -0.17523 0.40498 0.24806 -0.30159 -0.12636 -0.095589 0.1132 -0.050348 -0.62738 0.040642 0.12592 -0.13136 -0.12702 0.29255 0.067631 0.1487 0.32518 0.22358 0.41682 -0.12407 0.23633 -0.13029 -0.087825 0.31466 -0.12516 -0.097898 0.40406 0.51224 0.10815 +his 0.10402 -0.28821 -0.15818 0.20985 0.049535 -0.002876 0.096098 -0.024723 -0.0050201 0.36894 0.35031 0.16471 -0.030644 0.17483 -0.066523 -0.2175 0.1822 0.086697 -0.13177 0.1011 -0.17153 0.15379 -0.13414 -0.33524 0.03576 0.29399 0.21437 -0.028075 -0.10089 0.1511 -0.10783 0.26146 -0.17181 0.11925 -0.14755 -0.16129 -0.020832 -0.098309 -0.015326 -0.089957 0.22468 -0.03473 -0.04656 -0.009934 0.15348 -0.11242 0.18949 0.307 -0.06551 0.018304 0.12813 -0.10501 -0.20465 0.16126 -0.29858 -0.13633 -0.046175 0.020232 0.049819 0.10887 -0.13646 -0.17847 0.15018 0.20485 -0.011903 -0.13977 0.046085 0.34986 -0.024604 -0.078071 0.056107 -0.090336 -0.11524 -0.21607 -0.076149 -0.20427 0.30443 0.30296 -0.10428 -0.11743 0.10949 0.22764 0.014133 -0.025727 -0.005435 0.13203 -0.21665 -0.068849 -0.22982 -0.17954 0.13009 -0.29531 0.32598 -0.12503 -0.0089292 0.051138 -0.16682 -0.071382 -0.14329 -0.1527 -0.15729 -0.026343 0.18611 0.078273 -0.052514 -0.10873 -0.077471 0.07973 0.0018202 0.19693 0.13191 -0.11219 -0.0067528 -0.010912 -0.17434 -0.20055 0.11816 0.11507 -0.021962 0.016486 0.16514 0.091797 -0.025318 0.15706 0.077311 -0.020868 0.076571 -0.016562 -0.027863 0.0056971 0.02676 0.30276 0.18429 -0.39858 -0.1974 -0.10722 -0.24991 0.032525 -0.058189 -0.15729 -0.069961 0.056673 0.10521 -0.019909 -0.048332 0.25628 0.13982 -0.17149 -0.030595 0.094349 0.19142 -0.07823 -0.027397 0.06945 -0.29189 0.28549 -0.29543 -0.10823 0.086663 -0.10761 -0.29005 0.13072 -0.049561 0.36925 0.040877 0.20516 0.16198 -0.12005 0.30093 -0.16159 -0.11649 0.054376 -0.12412 0.11427 0.074975 0.32926 -0.14556 0.25363 -0.063666 -0.22407 0.14934 0.074311 -0.13327 0.13586 0.0155 0.20365 0.17495 -0.12586 0.16635 0.11568 0.15053 0.038288 0.034325 0.40924 -0.14291 0.045536 -0.19508 0.03175 -0.20573 -0.026723 0.20341 -0.037178 -0.011121 0.060644 -0.043254 -0.037202 -0.0025812 0.11564 0.085551 -0.0076802 0.24845 0.097478 -0.030324 -0.18236 0.10056 -0.0063066 -0.069151 -0.13354 -0.016692 0.10081 -0.12247 -0.11127 0.0041489 0.030739 0.047028 0.17093 -0.18525 -0.36397 0.029484 -0.028286 0.25925 0.17551 -0.10166 -0.19536 -0.10045 0.074277 0.15925 -0.048295 -0.06633 -0.11771 0.015967 -0.19225 -0.0088948 0.42897 -0.056805 -0.05076 -0.067327 -0.22538 0.022078 0.12371 -0.08955 -0.21704 0.13323 -0.067719 -0.18504 0.061412 -0.23275 -0.06545 0.33823 -0.047858 0.038828 0.26028 0.14815 0.047344 -0.15341 -0.16757 0.12126 -0.023437 0.056399 -0.31843 -0.36956 -0.20536 -0.042763 0.35714 -0.17906 -0.30057 -0.042492 0.24998 0.13782 -0.014922 0.060555 0.21477 0.046219 0.066885 0.04799 0.24497 -0.044823 0.18982 -0.025087 -0.18196 -0.046023 -0.29132 -0.12802 -0.032446 0.1587 0.028899 0.077686 0.44013 -0.097676 0.22984 +not -0.10165 0.059919 -0.1232 0.12549 0.081861 -0.10623 0.010521 -0.30959 -0.20744 0.14257 -0.2189 -0.075084 0.051165 -0.23372 0.17875 -0.079692 -0.0025422 0.32958 0.040092 0.082214 -0.070752 0.12185 -0.18589 -0.16153 -0.005884 -0.0061922 0.066425 0.22926 0.09312 0.10566 -0.093385 -0.086662 -0.28523 0.1842 -0.20413 -0.24826 -0.10283 0.26559 0.017577 -0.29948 -0.080651 0.040256 -0.15623 0.12859 0.23405 0.3707 0.16416 -0.24976 0.071859 -0.13659 -0.079147 -0.23499 0.13596 -0.077971 -0.16653 -0.13163 0.12363 0.068203 -0.12249 0.21363 -0.21791 -0.23386 0.24773 -0.1945 0.1456 -0.17696 -0.067882 0.022953 0.15419 -0.13254 0.089502 0.30693 -0.061084 -0.18089 -0.099734 0.10039 0.11981 0.27519 0.066889 0.12991 0.0004807 0.081999 -0.088535 0.095537 -0.043715 -0.058082 -0.1779 0.059431 -0.19557 0.073797 -0.10429 0.2592 0.38376 -0.3283 0.040794 0.1686 0.081748 -0.013447 -0.065994 -0.072089 -0.070913 -0.13503 0.032871 -0.22361 -0.13109 -0.18579 -0.043896 -0.17439 0.12251 0.20237 0.12065 -0.051787 0.091358 0.013848 0.23909 0.070455 0.343 -0.00051651 0.14629 -0.25541 0.18622 0.28975 -0.23453 0.38065 -0.033524 -0.17608 0.089913 0.11165 0.0042652 0.23004 -0.24383 0.05827 -0.15064 0.090602 0.067073 -0.072764 -0.016719 0.12593 0.10604 0.046636 -0.21302 0.19356 0.14575 -0.040098 0.0067549 0.12274 -0.24602 -0.044288 -0.24008 -0.016141 0.15613 -0.071872 0.1744 0.097406 -0.067777 -0.043213 -0.082053 0.13555 0.26349 0.16 -0.14858 -0.0088246 -0.19326 -0.044553 -0.031665 0.070091 -0.040542 -0.19398 0.19131 0.18515 -0.14181 -0.23062 -0.28975 0.10269 -0.007946 0.11435 -0.16898 0.023102 0.082441 -0.013947 -0.1318 -0.28277 0.12417 0.10896 -0.024558 0.28635 -0.044126 -0.003302 0.19125 0.02919 0.028847 -0.22327 -0.10749 0.085832 -0.20578 -0.00034527 -0.16539 -0.10246 -0.25074 0.24211 0.15598 0.086186 0.075045 0.010384 0.085698 -0.016985 -0.14958 0.21403 0.26406 -0.0069881 0.28679 -0.091404 0.2526 -0.0092158 0.10054 -0.078072 0.019475 -0.25116 -0.091251 0.15673 -0.0138 -0.099987 -0.094965 -0.15354 -0.027002 0.092738 -0.33393 -0.0022815 -0.27831 -0.044561 0.36797 0.35371 -0.27255 -0.15559 -0.019929 0.047881 0.23914 -0.044706 -0.040735 0.033079 -0.034221 0.11005 0.23268 -0.039818 0.043159 0.2654 0.29131 -0.047859 -0.023094 -0.12603 0.13355 0.044156 -0.22604 0.14485 0.002346 0.031957 0.10215 -0.17147 0.17108 -0.046337 0.018677 0.15571 -0.26299 -0.1086 -0.17212 -0.085148 -0.22671 0.43174 -0.20754 -0.072317 -0.11661 -0.039356 0.02855 0.14251 -0.12054 -0.20299 0.01639 0.095018 0.09295 -0.1545 0.064815 0.082072 -0.16931 -0.052238 0.1054 -0.10485 0.11488 0.55399 -0.074979 0.063991 0.10147 0.13905 -0.051805 -0.0099941 0.020687 -0.29344 -0.10568 -0.058229 0.10437 -0.097786 +– -0.074243 -0.14581 0.0042414 -0.054143 -0.061729 0.17953 -0.069429 -0.12135 -0.11875 0.16621 0.20177 -0.017226 0.1573 -0.03953 0.090012 -0.036687 -0.26098 0.0041905 -0.11284 0.023359 0.14 0.089038 -0.053351 -0.14647 -0.36383 -0.14891 0.2176 -0.40479 0.34155 -0.34712 -0.21871 0.17763 -0.031031 0.10545 0.24395 -0.19795 -0.093159 -0.44803 0.15658 -0.25791 0.18745 0.068332 -0.072662 0.22322 0.13603 -0.32969 -0.15249 0.085624 0.25487 0.28128 0.010627 -0.35538 -0.033864 -0.16449 -0.089795 -0.27825 0.10672 0.13474 -0.03855 0.343 0.031718 -0.16919 0.091895 0.10994 -0.091711 -0.10035 0.14889 -0.18087 -0.32579 0.0049095 -0.14462 -0.20269 0.055001 -0.070278 0.36124 -0.19905 0.51309 0.015315 -0.24274 0.33375 -0.0067908 0.19277 -0.14527 0.072561 0.11603 -0.094053 -0.021575 -0.15835 0.086366 0.021454 -0.21514 -0.22843 0.11517 0.10596 -0.12265 -0.044811 0.0048639 -0.086847 0.058545 -0.05123 0.22049 -0.033784 0.082348 0.0076006 0.24701 -0.1474 -0.13146 -0.01793 0.22089 -0.32185 0.1407 0.11082 -0.20397 -0.070276 0.17148 -0.064251 -0.090867 0.27986 -0.13876 -0.0034167 0.37916 0.010541 0.097424 0.057774 0.027264 -0.13204 -0.17153 0.20486 0.005908 -0.17919 0.032869 0.026045 -0.067336 0.1405 -0.12048 -0.1356 -0.1709 -0.48859 0.16916 0.042499 0.038963 -0.0965 0.41464 -0.02048 -0.12186 0.34176 -0.085286 -0.037889 0.14855 0.15346 -0.11007 -0.091718 -0.23075 -0.039512 0.073513 0.097324 -0.14733 -0.164 0.21308 0.12019 -0.17643 0.045059 -0.27805 0.31068 0.18107 -0.26007 -0.0096112 0.35491 0.17522 -0.22537 -0.16697 -0.052645 -0.038348 0.10752 0.060932 0.45545 0.029672 0.17492 0.014216 -0.11258 -0.064369 -0.28497 -0.12605 -0.14725 -0.11215 0.50552 -0.021125 0.19148 0.20749 -0.23089 -0.0025873 0.046581 0.27259 0.23126 -0.041411 -0.22447 0.16386 -0.21997 -0.065836 -0.12412 0.048542 -0.27597 -0.22871 -0.13584 0.32973 0.082569 -0.016757 -0.0021851 0.43885 0.30782 0.43322 -0.12505 -0.021478 -0.41959 -0.1909 -0.084843 -0.058456 -0.25144 -0.56395 0.0065123 0.090346 0.095143 -0.35786 0.26598 -0.048906 0.00013924 -0.060989 -0.2965 0.083843 0.21255 -0.049793 0.3673 -0.21245 -0.23451 -0.32343 0.011691 0.06591 0.21766 -0.066193 -0.057447 -0.30345 0.13892 0.2163 -0.33747 -0.021699 -0.19323 0.084407 -0.11848 0.26885 -0.19656 -0.038939 -0.39928 -0.16134 0.12309 0.17358 -0.2044 -0.13378 0.22725 -0.033322 0.082696 0.036003 0.2597 0.2478 -0.07049 0.1423 0.10547 -0.01697 -0.00038213 0.28261 0.29803 -0.31649 0.15573 -0.1565 -0.060337 -0.019986 -0.1741 0.31426 0.15278 0.10003 0.0032204 0.024748 -0.17344 0.0030854 0.50289 0.23061 0.025332 0.022417 0.090369 0.18072 0.18711 0.18092 -0.18509 0.29914 0.027199 -0.15691 -0.022083 -0.061926 -0.087543 0.13087 -0.10008 +are 0.068075 0.11922 0.023882 0.37069 0.014192 0.097715 0.21779 -0.24945 0.0011198 0.16098 0.0064797 0.33891 -0.11749 -0.037715 0.18563 -0.069853 0.17305 -0.031465 0.040186 -0.27739 -0.20284 0.029981 -0.27263 -0.025092 0.091772 0.1102 0.38902 -0.10087 -0.17198 -0.067105 -0.040523 0.079384 -0.14774 0.12478 -0.16603 -0.099398 -0.077271 0.39471 0.0054795 -0.08421 0.012772 -0.18077 -0.030225 0.091158 0.035682 0.069845 0.1622 -0.097343 0.016863 -0.074525 0.053345 -0.21452 0.033379 0.041069 -0.27623 0.077255 -0.014886 0.25726 -0.43105 0.22767 0.0091815 -0.07473 0.22352 0.092458 0.037888 0.28344 -0.27073 0.032617 -0.068675 -0.058164 -0.17353 0.12066 0.0050963 -0.17134 -0.33808 -0.08456 0.21941 0.19253 0.095015 -0.14823 0.0015282 0.10643 -0.057338 0.063292 -0.09634 -0.11199 -0.065599 0.20725 -0.014514 -0.049921 -0.055564 -0.08997 0.013941 -0.33375 0.020615 -0.098456 0.15909 0.008886 0.35115 0.010636 0.262 0.093022 0.18694 -0.18338 -0.16586 -0.13103 -0.072261 0.048203 -0.075256 -0.13489 -0.082061 -0.075493 -0.21996 0.0051421 0.20318 0.0012931 0.067616 0.15115 0.10954 0.21893 0.17318 0.10901 -0.20532 0.29342 0.022555 0.24915 0.32257 0.13122 0.086716 0.21107 -0.096713 0.023109 -0.13828 0.302 0.15696 -0.049769 -0.04199 0.11019 -0.021979 -0.080457 -0.050684 0.26178 0.2403 -0.09769 0.14033 0.11232 -0.32539 -0.034091 -0.03529 0.048993 -0.075889 -0.34727 0.016038 -0.048272 -0.021335 -0.13193 0.11539 0.024062 0.44077 0.038008 0.14401 0.29159 -0.24173 -0.0049045 0.15583 0.10192 -0.10392 -0.28757 0.28469 0.41803 -0.042302 -0.051294 -0.098563 0.34091 -0.11194 0.19712 -0.025254 -0.06966 0.038747 0.060655 -0.089978 0.0086719 0.15042 0.25503 0.27898 0.13669 0.055458 0.05992 0.3318 -0.15095 -0.030234 -0.17807 -0.17358 0.0071614 -0.00084657 -0.27386 -0.050951 0.17567 -0.07578 -0.083602 0.14937 -0.17486 -0.11393 -0.12485 -0.052407 -0.1646 -0.11442 0.18861 0.24865 0.05498 0.14604 0.034552 0.067551 0.21737 0.10234 -0.0341 -0.14013 -0.20881 -0.06207 -0.05566 -0.023096 -0.037693 -0.24167 -0.090629 -0.17715 0.20651 -0.081545 0.015374 -0.013538 -0.059219 -0.19558 -0.098134 -0.16625 -0.20143 -0.33186 0.16345 -0.099827 -0.2949 0.08549 0.021519 -0.0017567 -0.025824 0.19679 -0.06622 -0.031677 0.50367 0.28156 -0.056368 0.16811 0.015189 0.039304 0.1924 -0.24432 -0.14347 0.016411 0.073853 -0.081446 -0.2148 0.12565 -0.15951 0.033415 0.29264 -0.22688 0.012675 -0.34332 -0.094871 -0.16327 0.37924 -0.1183 0.12053 0.17636 0.31 0.15456 -0.0423 0.010965 -0.06829 0.21338 0.1291 -0.20109 0.13406 0.20265 0.017755 0.10243 0.12721 -0.048709 0.1251 0.090134 0.15317 -0.50606 0.39727 0.078705 0.087608 -0.089584 0.1835 0.11305 0.051525 -0.27361 -0.060681 0.37629 -0.1347 +or 0.15704 0.27477 -0.1464 -0.04292 -0.10607 -0.11715 0.051673 -0.32192 0.33107 -0.025881 -0.075172 -0.074813 0.2081 0.099941 0.041541 0.030858 -0.25155 0.25441 -0.084407 -0.051553 -0.17238 -0.15269 -0.18267 0.18355 -0.051123 0.07332 -0.022929 -0.0063468 -0.005875 -0.14793 0.0059168 0.30124 -0.2651 -0.021407 -0.27338 -0.12335 -0.038612 -0.015882 0.11503 -0.11516 -0.0025974 -0.054351 -0.12987 -0.10556 0.13894 -0.015744 -0.15422 0.097752 0.153 -0.12647 -0.1452 -0.1462 -0.13567 -0.13104 -0.4195 -0.075874 0.036777 -0.2402 -0.060928 0.12043 -0.30466 -0.16522 0.24939 -0.0083877 -0.0002194 0.12085 -0.10663 -0.1413 -0.013368 -0.0058912 -0.41856 0.16722 0.012261 -0.039972 -0.16393 0.097758 0.35358 0.064022 -0.02861 0.082674 0.044896 0.04129 0.14051 -0.017957 0.052639 -0.049675 -0.074805 0.16103 -0.17408 -0.022082 -0.083101 -0.27132 0.17934 -0.44707 0.13648 0.22114 -0.0046031 0.23959 -0.12924 -0.0026605 -0.22004 -0.10051 0.025711 -0.13299 0.19071 0.064071 -0.02278 0.0032825 -0.16831 0.043757 -0.11602 -0.091856 -0.38552 0.094749 0.036016 0.077829 0.019377 0.042153 -0.012166 0.4145 0.26425 0.19812 -0.06433 0.26048 0.099399 -0.14283 0.15676 0.21875 -0.06971 0.23653 0.064968 0.05967 0.14283 0.19122 0.19368 -0.10592 -0.14375 -0.11758 0.12519 -0.099381 -0.26858 -0.041878 0.11157 0.09033 0.13836 0.14039 -0.242 -0.054919 -0.25838 0.20088 -0.11406 -0.14746 -0.0050198 -0.1858 -0.24144 -0.0092371 0.11046 0.03752 0.21497 0.014071 -0.22261 0.18182 -0.15965 -0.089955 0.2123 -0.20447 -0.088009 -0.194 0.10807 0.2324 -0.19668 -0.033181 -0.11221 0.20041 -0.16249 -0.030724 -0.17868 -0.012331 0.10392 -0.031104 0.041706 0.061677 0.21223 0.17411 -0.032238 0.32212 0.21967 0.036921 0.2571 0.083746 0.02917 -0.096245 0.12359 0.0010644 -0.24225 -0.19914 0.17453 0.089325 -0.42055 0.13403 0.0055108 -0.14981 -0.0057878 -0.0679 -0.19506 -0.15872 -0.37655 0.27361 0.047729 0.16533 0.054212 -0.021458 0.14338 0.14566 0.015581 -0.17634 0.042809 -0.29286 -0.19828 -0.025737 -0.18551 -0.23724 -0.21856 0.34016 -0.015677 0.21319 -0.21419 -0.027561 -0.021925 -0.022113 0.12934 0.031221 -0.20615 0.03313 -0.12703 0.22021 0.13355 -0.1373 -0.13107 -0.072012 0.053241 0.077847 0.2131 0.03414 0.014275 0.49335 0.29841 -0.013242 0.067344 0.15452 0.14319 0.015675 -0.16666 0.052152 0.095985 0.076897 0.13227 -0.30337 -0.044407 -0.1432 -0.17713 -0.040572 -0.20965 0.067509 -0.14875 -0.26898 -0.15289 0.22591 0.17172 -0.098214 -0.26325 0.22259 0.093613 -0.12336 -0.0639 0.13469 -0.039753 -0.1112 0.20467 0.20881 0.14671 0.062785 -0.016639 0.22037 0.23413 -0.12865 0.21238 0.32971 -0.13284 0.034719 -0.032905 0.047265 -0.0013959 -0.010848 -0.031438 -0.011604 -0.17007 0.16054 0.10169 0.036166 +talk -0.51502 -0.087155 0.29287 0.5651 -0.28805 -0.17474 -0.038578 -0.51808 -0.208 0.057625 -0.25418 -0.070127 0.17217 -0.17911 0.23253 0.0020426 -0.35401 0.046652 0.12056 0.38395 -0.098002 0.35237 -0.041988 0.046982 -0.28973 -0.030722 -0.12125 0.046543 0.018254 0.038112 -0.20077 0.20537 -0.21331 0.15839 -0.44963 -0.09859 -0.042303 0.29175 -0.044655 -0.27497 -0.084447 -0.25379 -0.4609 0.10064 -0.0055138 -0.16253 -0.044512 -0.22172 0.17125 -0.025951 0.031526 -0.378 -0.14173 -0.3983 -0.34191 -0.012546 0.21553 0.055421 0.066442 0.2283 -0.084358 0.082958 0.38922 -0.069284 0.14633 0.12257 0.36995 -0.0031165 0.018671 0.049937 0.091243 0.27755 -0.024257 -0.26027 0.07692 0.28322 0.33993 0.26507 0.067408 -0.033386 -0.18819 0.16684 0.4216 -0.0010725 0.54386 -0.15157 0.10137 0.12335 -0.13373 -0.0099552 0.11231 -0.093794 0.31382 -0.22426 -0.18026 -0.078615 -0.074403 -0.0083639 0.24154 0.26961 0.092677 -0.16979 0.042122 -0.020092 0.36024 0.071364 -0.29228 0.22043 0.066795 0.0076619 -0.30348 0.13248 -0.0071443 0.037317 0.078576 0.016024 0.098381 -0.14786 -0.052254 -0.10443 0.45094 -0.10489 -0.21742 0.47534 0.06089 -0.050889 -0.084747 0.17821 0.035628 0.4539 0.19804 0.22578 -0.077802 0.3353 0.17344 -0.09908 0.059217 -0.17151 0.21276 0.22492 -0.36317 -0.067479 0.15167 0.29204 0.0040326 -0.026961 0.18859 -0.0118 -0.34211 0.11941 0.19878 0.020734 0.26005 -0.054375 -0.13848 -0.030475 -0.10115 0.19098 0.4534 0.29641 0.016614 0.13778 -0.55542 -0.04297 0.0039076 -0.23734 -0.020629 -0.23122 0.19121 0.076433 -0.27428 0.35226 -0.35025 -0.17145 -0.24696 0.26374 -0.035996 -0.42555 0.32856 -0.54186 0.27558 -0.13008 0.10612 -0.057362 -0.40505 0.38429 0.1689 -0.15704 -0.053162 0.19776 -0.20164 -0.22386 -0.0024748 -0.10298 -0.17367 -0.29494 -0.26827 -0.10596 -0.4487 0.10969 0.065727 0.10714 0.28274 -0.036414 0.094313 -0.079026 -0.60359 0.17576 -0.11556 -0.28082 0.5163 -0.15851 0.24633 -0.12513 -0.0021006 0.032827 0.29735 -0.12502 -0.063655 0.30564 0.14165 -0.27447 -0.11954 -0.15022 0.05908 0.055581 -0.33298 -0.36227 -0.1382 -0.012297 -0.0011931 0.17768 0.23547 -0.14427 -0.16888 0.1063 0.1136 -0.018082 0.094457 -0.16756 0.20222 0.14059 0.35022 0.10239 0.057565 0.20441 0.22367 0.48103 0.065504 0.17266 0.31872 -0.43984 -0.30028 0.19134 0.18433 -0.31557 0.14953 -0.1969 0.096832 -0.061628 0.0408 0.091795 -0.21148 -0.013321 0.3421 0.077817 -0.17176 0.23772 -0.39733 0.056059 -0.07854 -0.020592 0.46005 0.17168 -0.26961 -0.17015 0.10934 -0.23509 0.079249 -0.35777 -0.054466 0.4247 -0.23561 -0.099701 -0.051848 -0.14279 0.028812 0.31988 0.21254 0.32248 -0.13966 0.19339 -0.057603 -0.10295 0.33619 -0.14097 -0.048378 0.45479 0.43523 0.14572 +which -0.1366 0.089613 -0.14943 0.11649 -0.01319 0.17219 0.026408 -0.18583 0.094055 0.11502 -0.053152 -0.024419 0.076843 -0.019564 -0.1061 -0.16221 -0.010032 0.049038 0.18104 0.15793 -0.10595 0.031939 -0.092641 -0.16962 -0.056751 -0.087791 0.065532 -0.031698 0.033936 0.11224 -0.24995 -0.0024345 0.0079827 0.28455 0.17273 -0.041929 -0.11081 -0.15354 -0.029476 -0.05442 0.067539 -0.038531 0.0085609 0.057694 0.065164 -0.0026675 -0.016484 0.010404 0.07781 -0.011431 0.14611 -0.13983 -0.021891 0.12978 -0.18038 0.056892 -0.11715 0.09215 -0.067667 0.0071631 0.024219 0.017571 0.28959 -0.0074404 0.081526 -0.28356 -0.22615 -0.14195 0.085809 0.057779 -0.19975 0.0010409 0.019223 -0.12793 -0.049878 -0.091973 0.13904 0.14927 -0.13723 -0.050327 0.051943 -0.063355 -0.024172 0.082238 -0.1248 -0.016045 0.066155 0.15183 0.060598 -0.13138 0.021951 0.020506 0.21477 -0.26457 0.090804 -0.036147 0.21892 0.10993 -0.072831 -0.026577 -0.20511 -0.008926 0.2213 -0.060568 -0.26017 -0.12535 -0.10255 0.041481 -0.0099699 -0.058545 -0.10755 -0.040484 -0.082955 -0.086121 -0.057899 -0.11497 0.12638 0.0373 0.043054 0.069624 0.30646 0.13169 -0.11527 0.44147 0.012816 0.036934 0.25245 0.16918 0.060928 0.19901 0.049581 0.071278 0.012012 -0.063791 -0.1203 0.11302 -0.047718 0.20644 0.079929 0.038033 0.23802 0.1475 0.23901 -0.011012 -0.042428 0.19112 0.01067 -0.034236 0.036252 0.11664 0.032867 -0.16543 -0.10125 -0.044732 -0.096869 -0.14071 0.050549 -0.022551 0.19573 -0.11806 -0.16719 0.12285 -0.19589 0.13134 0.27461 -0.11551 -0.071565 -0.04092 0.14418 0.012053 -0.098775 -0.14701 -0.13802 -0.10642 -0.15041 0.047264 -0.033371 0.13185 -0.093542 -0.024369 0.071935 -0.098267 0.0045845 0.0013461 0.0075303 0.12576 0.12891 0.025221 0.15136 -0.11688 -0.036385 -0.25848 0.30017 0.16147 -0.14445 -0.021881 0.066263 0.11211 -0.13981 -0.16118 0.14848 0.13138 -0.05233 0.23926 -0.11716 -0.09338 -0.079087 0.044523 0.015428 0.067357 0.13241 -0.01073 0.045651 0.034833 0.10518 -0.0099894 -0.048695 -0.20633 0.026859 0.06574 -0.081094 -0.13418 0.018345 0.17805 -0.016394 -0.016459 -0.2573 -0.18557 -0.097033 0.037761 0.24172 0.087141 -0.057182 0.010641 -0.018008 0.15687 0.11464 -0.27033 0.12867 0.019615 -0.091443 -0.070544 -0.0061156 -0.049995 -0.081001 0.16626 0.094093 0.0074724 0.030116 -0.0012607 0.009622 0.14521 -0.10851 -0.079409 -0.1251 0.10606 -0.060301 0.013551 -0.027379 -0.21868 0.032708 -0.05434 -0.069004 0.019942 -0.046241 -0.072318 -0.12047 -0.064143 -0.048557 -0.078251 -0.28058 -0.073269 0.044686 0.0655 -0.19013 -0.061642 0.14578 0.12103 0.072491 -0.056212 0.12846 0.0018487 -0.12455 -0.12468 0.13788 -0.20864 0.031815 0.1586 -0.15104 0.0043366 0.027146 -0.13943 0.061288 0.085656 0.010775 -0.1026 -0.11045 0.10613 0.032806 -0.066088 +also -0.10199 -0.029575 0.044086 -0.009556 -0.091235 0.067535 0.019021 -0.083682 0.085467 -0.035428 -0.018385 0.052966 0.19551 -0.068552 0.047272 -0.10403 0.10777 0.17372 -0.11649 0.0087456 0.033866 0.10598 -0.11332 -0.25169 -0.097752 -0.09137 0.086589 0.051324 -0.13105 -0.041564 -0.091289 -0.060466 -0.012236 0.15386 0.32111 0.059388 -0.16265 0.1027 0.062333 -0.097792 0.0036074 0.13996 0.052064 0.037899 -0.084553 -0.00072753 -0.078382 0.061794 0.054656 -0.059954 -0.058602 0.01573 -0.029489 0.16198 -0.14704 -0.072781 0.1328 -0.0074195 -0.31438 0.050634 0.027006 0.1446 0.063948 -0.18001 0.13802 -0.029694 -0.2869 -0.031812 0.070403 -0.082781 -0.1779 -0.074744 -0.0031902 -0.1866 -0.19473 -0.12418 0.2048 0.13232 -0.057654 -0.083787 0.21755 0.07123 -0.13457 -0.016186 -0.10486 -0.093296 -0.08005 0.0094487 -0.082128 -0.09243 0.067953 0.11587 0.25693 -0.12683 -0.00049712 -0.050758 0.10701 0.14283 -0.18908 0.042387 -0.083653 -0.069712 0.2265 -0.17424 -0.2035 -0.028741 -0.0090919 0.024013 0.10139 -0.079693 -0.079487 -0.052665 -0.13967 -0.052957 -0.22001 -0.063987 0.13558 0.1752 0.070688 0.091437 0.22637 -0.0053784 0.13638 0.25446 -0.031823 -0.052998 0.17931 0.025283 -0.077359 0.21873 0.033037 0.28444 -0.11726 -0.12749 -0.030037 0.072029 -0.1929 0.058983 -0.13218 0.1109 0.089714 0.20154 0.18655 -0.12028 0.23454 0.32869 0.05501 -0.034246 0.15899 -0.0058268 -0.15113 -0.22112 0.021726 -0.037808 -0.051634 -0.0030719 -0.077365 -0.099068 0.32765 0.060159 -0.11181 0.18229 -0.21733 0.13687 0.31553 -0.13248 -0.10967 -0.15215 0.12272 -0.010188 -0.14129 -0.16995 -0.082264 -0.038325 -0.0174 -0.12772 0.24262 0.083355 -0.059138 -0.046193 0.10283 0.0051551 -0.079153 0.15747 -0.043459 0.22579 0.087606 -0.022363 0.14214 0.037063 -0.082087 -0.18713 0.191 0.13647 0.016245 0.014273 0.13118 0.09029 -0.22856 -0.10881 0.14809 0.18069 -0.01077 0.17902 0.091191 -0.065434 -0.12803 0.13762 0.14837 0.19205 0.39363 -0.16942 -0.11687 0.038142 -0.016133 -0.070637 -0.057537 -0.087532 -0.048222 -0.022712 -0.056314 -0.13467 -0.25796 -0.047064 -0.15093 -0.082384 -0.1602 -0.18496 0.060734 0.10906 0.13877 0.051332 -0.014719 -0.041195 0.080713 0.17732 0.17239 -0.078599 0.12017 0.10604 -0.19992 -0.055807 -0.08637 0.031074 -0.086495 0.23517 0.17327 0.00037676 0.059224 -0.0091838 0.20371 -0.019742 -0.011187 0.010585 -0.061877 0.059871 -0.071681 -0.052947 0.12472 -0.21844 -0.044127 0.16826 0.11384 -0.089687 -0.038195 -0.11779 -0.22465 0.153 0.029225 -0.22414 -0.3777 -0.12909 -0.13505 -0.050751 -0.079058 -0.27431 0.16502 0.10421 -0.010874 -0.14634 0.10699 -0.058726 -0.037787 -0.072274 0.072365 -0.10982 -0.095985 0.26826 -0.03556 0.05075 -0.11292 -0.06942 0.086165 0.065727 -0.054321 0.052511 -0.16253 0.2015 0.0041331 0.075331 +has -0.037104 -0.15934 -0.20972 0.16271 -0.083254 0.087212 0.12751 -0.2475 -0.040555 0.18439 0.10943 0.38661 0.23639 -0.12139 0.079275 0.056292 -0.052791 0.016059 0.18267 0.086483 -0.063912 0.32852 0.086933 -0.35911 -0.11532 0.032592 0.1349 0.22591 -0.033666 0.13442 -0.19404 0.3927 0.071071 0.20843 -0.03972 0.039964 -0.063742 0.18055 0.016079 -0.25214 0.12943 -0.12358 0.025545 0.05405 -0.18598 0.14679 0.16485 0.018224 0.19253 0.046268 -0.31555 -0.22574 -0.071412 0.14357 -0.031327 0.045249 -0.024863 0.17802 0.034869 0.032205 0.12742 0.088153 0.20316 -0.23777 0.12876 0.045867 -0.17198 0.1603 0.12483 0.26149 -0.17178 0.025935 0.1345 -0.13649 -0.24397 -0.032723 0.17895 0.39486 -0.13397 -0.22152 -0.037225 -0.01479 0.13754 -0.19564 -0.062243 -0.39478 -0.0066871 0.026155 -0.15922 -0.0091263 0.20696 0.17439 0.34976 -0.2265 0.23913 -0.10844 0.22845 -0.016551 -0.093076 -0.20824 -0.12598 -0.017496 0.36861 0.087194 -0.07378 -0.20465 -0.24162 0.098533 -0.066151 -0.072473 -0.20388 0.26605 -0.03353 -0.098308 -0.20663 0.015082 0.31075 0.09264 0.262 0.21772 0.031057 0.010123 -0.10078 0.24702 -0.057209 0.027766 -0.02456 0.28584 0.10478 0.19865 0.036808 0.22754 -0.053619 -0.016135 0.010575 -0.01272 0.1627 0.019843 -0.13141 0.0065325 -0.212 0.047192 0.075736 -0.084365 -0.0053548 0.17796 0.024891 -0.23105 -0.026875 0.12094 0.049634 -0.0070304 -0.056275 0.033928 -0.17572 -0.022068 -0.10128 0.1107 0.60892 0.091303 0.21521 0.21085 -0.39308 0.065964 0.41137 -0.059475 0.16561 -0.16754 0.13284 0.18948 0.16141 0.01466 -0.044996 -0.012112 -0.15361 -0.19217 0.25575 0.16979 -0.091726 -0.25373 -0.006567 -0.16052 0.087937 0.30702 -0.057858 -0.11965 0.20803 -0.26305 0.067702 -0.024586 -0.16093 -0.25264 0.20752 0.1498 -0.27518 -0.34051 -0.011728 0.053596 -0.21899 0.0014362 0.17574 0.034705 -0.049522 -0.0173 -0.31771 0.20279 0.079172 0.11655 0.19118 0.15154 0.10863 -0.062324 -0.26874 0.05175 0.03137 -0.057502 3.1331e-05 -0.17627 0.087096 0.038063 -0.24935 -0.15896 0.016353 -0.14652 0.034936 -0.092346 -0.12546 -0.016827 -0.083488 0.19805 0.053528 0.15698 0.081108 -0.0216 -0.097507 -0.089972 0.067253 -0.087335 0.065078 0.17124 0.042137 0.18912 0.20367 -0.096758 0.046836 0.070811 0.14696 0.0087765 -0.074154 -0.012712 0.16641 0.1635 -0.045091 -0.16329 -0.12624 0.056128 -0.0043689 0.18184 0.063412 -0.051545 0.25422 0.15186 0.06973 -0.19457 -0.10782 0.18095 0.054198 0.12992 -0.14423 0.015112 0.094256 0.20209 0.15561 -0.023712 -0.19833 -0.37299 0.49199 0.28813 0.25381 -0.054711 0.14948 0.080718 0.073101 -0.16722 -0.088161 -0.050944 -0.045697 0.061521 0.088355 0.21334 -0.18823 -0.32114 -0.010622 0.066662 -0.028784 -0.27054 0.17808 0.17786 0.11754 -0.056556 +were -0.068445 0.099087 -0.24308 0.33548 -0.0031275 -0.006333 -0.10889 -0.21951 -0.0024221 0.4146 0.23566 0.20982 -0.24496 0.14248 -0.026614 -0.11096 0.15741 -0.16144 -0.028646 -0.13093 -0.22131 0.0014234 -0.15683 -0.0050016 -0.12766 0.083324 0.17756 -0.030187 0.060405 0.12931 0.034978 -0.0091733 -0.1643 0.13999 -0.026577 -0.19496 -0.053957 0.097141 0.28673 -0.059726 0.11305 -0.20915 -0.11046 0.18123 0.081285 -0.34466 0.11424 -0.12561 0.11813 0.033823 0.038107 -0.064745 -0.23124 0.25065 -0.33116 0.017042 -0.055454 0.42565 -0.45323 0.21068 0.069609 -0.14523 0.089408 0.1035 0.28437 0.236 -0.20279 0.14852 -0.42737 -0.073198 -0.11078 -0.07642 -0.073162 -0.23988 -0.17318 -0.0068665 -0.012479 0.010396 0.1508 -0.26472 -0.0016496 -0.0094123 0.0092361 0.26676 -0.054224 -0.19992 -0.045789 0.13606 0.055979 -0.22412 -0.3968 -0.39842 0.045851 -0.31815 -0.062014 0.15047 -0.047315 -0.11278 0.16557 -0.10734 0.13977 0.27197 0.14378 -0.060688 -0.24365 -0.098889 0.06011 0.23275 -0.23157 -0.066255 0.06991 -0.0064679 0.0080212 -0.046175 0.313 0.13919 0.23846 0.32081 -0.060535 0.30826 0.10715 0.38716 -0.10936 0.22095 0.10203 -0.12118 0.29876 0.25772 0.065966 0.34236 -0.10608 -0.018972 -0.076393 0.22523 0.20145 0.016278 -0.091804 0.19749 -0.1022 0.028801 0.092751 0.08596 0.14952 -0.026422 0.35293 0.24252 -0.31605 0.03504 -0.024624 0.19853 0.0043439 -0.17677 -0.0090416 0.14211 -0.12829 -0.046166 -0.078442 -0.078174 0.42481 -0.20228 -0.040442 0.21548 -0.023974 0.1256 0.20805 0.15724 0.13651 0.04322 0.36508 0.40936 0.022476 0.14754 -0.20224 0.34179 -0.16612 0.027713 -0.23979 -0.082436 -0.12374 0.12392 0.089757 0.070725 -0.075194 0.17363 0.093092 0.18117 0.015701 -0.041446 0.20614 -0.048112 -0.05081 -0.26021 -0.12195 0.24293 -0.079592 -0.21686 -0.18585 0.14748 -0.06935 -0.23259 -0.16425 -0.21497 -0.013283 -0.05236 -0.058112 -0.099351 -0.028415 0.14002 0.4723 0.27792 0.32984 -0.24909 -0.10459 0.053025 0.044867 0.10055 -0.27034 -0.22223 -0.20335 0.074912 0.050363 -0.020285 -0.12366 0.12841 -0.12174 0.22227 0.061548 -0.044235 -0.029434 0.067892 -0.11174 -0.16842 -0.060431 -0.040204 -0.20923 0.046015 0.17366 -0.053212 -0.035433 0.14074 0.089744 -0.12077 0.16616 0.03921 -0.22334 0.10902 0.13832 -0.16309 0.10215 0.11897 -0.041193 0.07898 -0.16219 -0.23182 0.041993 0.021981 -0.07708 -0.067524 -0.32592 0.10935 -0.074117 0.024167 -0.30704 0.019811 -0.37234 0.15542 0.0045722 0.16267 -0.014282 0.037255 -0.017401 0.059816 -0.0010507 -0.048395 -0.12962 -0.056961 0.14012 0.34957 0.00018399 -0.032245 0.16807 -0.028524 -0.011653 0.1483 0.12325 0.16128 0.0022709 0.1181 -0.3508 0.076117 0.13761 0.18703 -0.23417 0.45034 0.01554 0.31797 -0.35996 -0.08788 0.056966 -0.013823 +but -0.079164 0.076763 -0.21548 0.16528 -0.11802 0.039405 0.011044 -0.09713 0.010117 0.22486 0.045442 -0.11089 0.1399 -0.074201 0.075995 -0.1036 -0.094509 0.050348 0.045914 0.20964 -0.0067661 0.044842 -0.21211 -0.18314 -0.097933 0.010572 0.1852 -0.019973 -0.0088071 0.029456 -0.24142 0.022411 -0.20667 0.22668 0.0063956 -0.045143 -0.11583 -0.050365 0.0046732 -0.056415 0.070365 0.0063326 -0.0029066 0.016326 0.069693 0.11918 0.23497 0.13913 -0.041517 -0.066877 0.050167 -0.26195 0.082991 -0.022692 -0.25655 0.11535 -0.086147 0.16483 -0.15154 0.14778 -0.121 -0.16445 0.13407 -0.019638 0.045871 -0.087815 -0.088777 0.063853 0.040907 0.0038579 -0.04986 0.063078 0.0037467 -0.24193 -0.10222 0.18381 0.11146 0.25749 0.045231 -0.080679 0.084817 -0.14721 0.0085681 0.11134 0.035577 0.096459 -0.0013639 0.066321 0.016865 -0.097138 -0.021317 -0.072953 0.25688 -0.093827 0.12221 0.1121 0.25924 0.10369 -0.12412 -0.17753 0.063635 -0.11677 0.12718 -0.040048 -0.16494 -0.22505 -0.16007 -0.03995 0.047366 -0.015505 -0.023187 0.08562 -0.020509 -0.025692 0.14583 -0.22879 0.18418 0.10301 0.033076 -0.10496 0.049255 0.10506 0.012432 0.50282 0.052452 -0.12038 0.21932 -0.092614 0.04883 0.030281 -0.18125 0.05154 -0.12871 0.010433 -0.074875 0.060996 0.0060966 0.061643 0.039672 0.023959 -0.07049 0.011611 0.17537 -0.092446 0.091484 0.061307 -0.13374 -0.052023 -0.062569 -0.094123 -0.039178 -0.093719 0.027621 0.14292 -0.15661 -0.02841 0.012859 0.13379 0.2289 -0.07874 -0.18321 0.24078 -0.066658 0.15385 0.11702 0.077492 -0.14442 -0.15717 0.22157 0.0027687 -0.086402 -0.13276 -0.16944 0.018067 -0.18639 0.1014 0.0031304 0.17413 -0.068919 -0.17704 0.17879 -0.15309 0.17393 0.0038439 -0.1513 0.11727 -0.0099599 0.085904 0.18165 -0.10413 -0.0037074 -0.23635 -0.043408 0.17194 -0.077636 -0.068464 0.058019 -0.019928 -0.24853 -0.095232 0.076296 0.057998 0.028065 0.072391 0.034423 -0.12335 -0.034197 0.046138 0.13778 0.014685 0.25908 -0.007901 0.13487 -0.031072 0.018154 -0.011763 -0.036748 -0.099195 -0.066583 0.14907 -0.14969 -0.20533 0.04719 -0.11187 -0.02049 0.0067442 -0.12955 -0.017289 -0.12694 0.062896 0.27812 0.22291 -0.20145 -0.11806 -0.15738 0.20915 0.1486 -0.086578 0.030686 0.091274 0.083729 0.0097084 0.1053 -0.023798 -0.17284 0.28921 0.14236 0.060793 -0.053195 -0.029509 -0.047385 -0.065573 -0.25968 -0.11444 0.085377 -0.03488 0.048367 -0.16444 -0.051247 0.023075 0.056656 0.05537 -0.10491 -0.30133 -0.07454 -0.092246 -0.13257 0.16204 -0.044964 -0.10008 -0.30789 -0.047837 0.10486 0.15051 -0.068935 -0.11495 0.037402 0.18803 0.022191 -0.044601 0.1068 0.10474 -0.18209 -0.091639 0.013183 -0.033254 -0.019837 0.32707 -0.11688 -0.049202 0.057843 0.072315 0.06032 0.010248 0.091444 -0.146 -0.1364 0.13391 0.0094585 -0.038994 +have -0.13952 0.032673 -0.26126 0.060333 -0.072865 6.859e-05 0.16065 -0.27848 0.067919 0.29608 0.17328 0.1855 0.091478 -0.12249 0.093476 0.01337 0.013748 0.13742 0.19074 -0.12157 0.012453 0.048378 -0.041583 -0.2059 -0.10408 -0.068403 0.22865 0.15968 -0.12043 0.17138 -0.09117 0.0035199 0.043324 0.23696 -0.022424 0.011824 -0.082673 0.21019 -0.029366 -0.31642 0.093056 -0.042443 0.096904 0.0029256 -0.023544 0.027587 0.18325 0.028752 -0.012757 -0.074628 -0.19008 -0.33032 0.014832 0.023042 -0.30714 -0.0051089 -0.2806 0.28887 -0.28527 0.08489 -0.13245 0.031083 0.096405 -0.083038 0.075022 -0.074193 -0.10781 0.23301 -0.018352 0.076494 -0.12163 0.016636 -0.071522 -0.36442 -0.18188 0.16523 0.24855 0.27905 -0.029587 -0.13194 0.017264 0.032602 0.024678 0.043709 -0.12155 -0.094618 0.034384 0.013231 -0.14725 -0.13656 -0.12586 -0.063581 0.21182 -0.33222 0.27593 0.00076818 0.23512 -0.17294 -0.05502 -0.042188 0.056569 -0.075554 0.10821 -0.10783 -0.12396 -0.21411 -0.097453 0.1037 -0.042007 0.027932 -0.047195 0.0010598 0.0010419 -0.016564 0.061864 0.0024039 0.22027 0.17753 0.03071 0.36608 0.078102 -0.027116 -0.032718 0.37169 0.091258 -0.087317 0.0058107 0.13911 0.022874 0.36481 -0.08171 0.047501 -0.27414 0.17094 0.097376 0.1034 -0.10736 -0.025921 0.12131 -0.16938 -0.11803 0.070568 0.049375 -0.08653 0.075679 0.028489 -0.21527 -0.22059 -0.11428 0.046701 -0.046209 -0.22721 -0.048625 -0.070138 -0.23841 -0.085484 -0.14931 0.23539 0.4079 -0.027133 0.091937 0.28157 -0.27637 -0.06226 0.18938 0.13038 0.052101 -0.16478 0.21915 0.24318 0.062355 -0.082933 -0.34179 0.028754 -0.28708 0.086175 0.17013 0.2272 0.015207 -0.24225 0.041857 -0.19292 0.1254 0.20591 0.085465 -0.092265 0.18977 -0.17464 0.19815 -0.12635 -0.082679 -0.35229 -0.058289 0.044128 -0.15709 -0.37541 0.12154 0.061869 -0.24952 -0.014607 0.14386 0.036606 0.053013 -0.016534 -0.090166 0.078929 0.10665 0.11283 0.23588 0.18032 0.21043 -0.033601 0.029407 -0.022544 0.061579 0.020573 0.0072942 -0.10252 0.074378 0.19089 -0.33314 -0.31071 0.027403 -0.14254 -0.12556 0.12013 -0.059785 -0.096796 -0.10645 0.10526 0.010426 0.1235 -0.03647 -0.045269 0.0084907 0.072174 0.0030122 -0.12617 0.083128 0.30058 0.10765 0.053047 0.20872 0.0082084 -0.13375 0.23055 -0.0061244 0.019615 -0.023229 0.063003 0.15248 0.0087041 -0.2119 -0.012478 -0.037575 0.0078768 -0.01821 0.010409 0.0086983 -0.096311 0.17742 0.22879 -0.15267 -0.087855 -0.26727 0.083071 -0.15516 0.27652 -0.12538 0.089815 0.063362 0.0892 0.17262 -0.13381 -0.11419 -0.19908 0.23679 0.20202 0.11059 0.034961 0.039949 0.029348 0.070962 -0.14683 -0.039284 -0.03305 -0.046532 0.058446 -0.066828 0.36073 -0.0019005 0.066695 0.078978 0.057812 0.041522 -0.17791 -0.27556 0.23043 0.10307 -0.042208 +# -0.33783 -0.46272 0.53584 -0.26954 -0.21923 -0.51357 -0.020408 0.30215 0.086283 -0.11499 0.21559 0.08347 0.027916 -0.15428 0.083918 0.0094827 -0.14005 0.33949 0.086982 0.39701 -0.18131 0.054713 -0.11132 -0.19203 -0.28342 -0.089512 -0.011969 -0.40963 0.037766 0.015782 -0.12584 0.51497 -0.39823 0.35138 -0.00721 -0.11274 -0.26757 -0.068547 0.013989 -0.2845 0.36509 0.19542 0.1625 -0.27281 0.48504 0.19891 -0.41764 -0.14692 -0.13238 0.17459 0.048818 -0.23589 -0.052575 -0.23342 -0.124 0.064905 0.29386 0.029794 0.2198 0.2797 -0.0029884 -0.14927 -0.0049408 0.031577 -0.26179 -0.12889 0.089082 0.20452 -0.0060433 0.12221 0.14067 -0.12217 0.23624 0.21083 -0.15396 -0.079872 0.37937 -0.13856 -0.039084 0.73861 0.068836 -0.18625 0.045758 -0.066132 0.18613 0.27695 0.28147 -0.42515 0.23793 -0.14631 0.22993 0.61561 -0.060574 -0.35097 0.16792 0.051053 -0.16009 -0.29895 -0.19505 -0.10886 0.22052 0.08863 -0.21225 -0.35091 0.34576 -0.21251 -0.42654 0.34126 0.37348 -0.29739 0.080974 0.18524 0.12869 -0.13522 0.080356 0.02311 -0.1287 0.24801 -0.30035 -0.070724 0.5898 -0.041647 0.019651 0.41622 0.085958 0.16588 0.097476 0.1847 0.012092 0.27236 0.031466 -0.26864 0.25659 0.23726 0.12217 0.055035 0.10406 -0.20587 0.12583 -0.028772 -0.034486 0.13546 0.54517 0.1462 -0.0019388 0.18521 0.14408 0.17377 -0.28288 0.0087268 -0.036924 -0.12551 -0.15365 -0.13336 -0.026043 0.075122 -0.019026 0.25856 0.048164 0.10764 0.18018 -0.029612 -0.36647 -0.040401 0.033421 0.19999 -0.001088 0.041551 0.18175 0.25653 -0.073287 0.13692 0.3381 -0.06364 0.28354 -0.14146 0.2793 -0.26352 -0.1599 -0.22268 0.32419 -0.2956 0.072796 0.084997 -0.25965 0.29456 0.083395 -0.22549 0.36079 0.047755 0.2922 -0.30838 -0.30739 0.26905 -0.065897 -0.17941 -0.069243 0.0068263 -0.17722 -0.13962 -0.11422 -0.19855 -0.011729 0.080025 -0.3121 -0.0019622 -0.35791 -0.043522 0.2897 -0.1919 0.58294 -0.29888 -0.18156 -0.44678 -0.17355 -0.26505 0.31321 0.083984 -0.31756 -0.39807 -0.17084 -0.094566 0.22088 -0.12916 -0.07987 0.28702 -0.25852 0.079283 0.16494 0.10749 0.11516 0.53328 -0.11709 -0.51756 0.0016254 -0.11559 -0.31293 0.17525 0.18469 -0.20247 -0.012455 0.1085 0.11426 0.075326 0.30413 0.096684 0.14044 -0.067963 0.094512 -0.16993 0.2779 -0.39712 -0.1915 0.29722 0.039612 -0.47851 -0.35353 0.025193 -0.054657 -0.064994 0.23585 0.013337 0.25461 -0.092264 -0.084375 0.22177 -0.20684 0.12507 0.25479 -0.15971 -0.36794 -0.16522 0.11729 -0.402 0.21877 0.021249 0.13236 0.24137 -0.19358 -0.41206 -0.050856 0.23663 0.058664 0.25135 0.37349 0.47308 0.20536 -0.0039965 -0.19092 -0.0091019 0.22861 -0.16327 0.061961 0.070545 0.34505 -0.2439 0.24747 -0.20806 0.16926 0.41103 +one -0.15975 -0.11947 0.1206 -0.058631 0.0045518 0.16518 0.057441 -0.11684 -0.041827 0.12017 0.13869 -0.16179 0.012515 -0.10794 -0.09677 -0.12759 -0.01096 0.029151 -0.045737 0.19192 -0.0029964 0.13029 -0.18603 -0.2492 -0.021503 0.038976 0.062091 0.18154 0.026974 -0.041506 0.068561 0.043121 -0.1334 0.19927 -0.082706 -0.206 -0.011017 -0.015346 0.035709 -0.091467 -0.015454 -0.13002 0.013462 -0.074707 0.13672 0.11459 -0.00042464 0.087671 -0.041594 -0.26236 0.11727 -0.032542 0.15327 0.084043 -0.15323 0.12151 -0.039098 0.21431 -0.17078 0.064537 -0.010708 -0.22635 0.19764 -0.079257 -0.17399 -0.074398 -0.30092 -0.076673 0.15798 -0.046183 -0.0098803 -0.1065 0.22805 -0.2408 0.083646 0.078239 0.30403 0.19219 0.0015495 0.0924 0.28751 -0.051705 -0.075722 0.047296 -0.055046 0.008757 -0.1959 0.14364 -0.074343 -0.23497 0.041986 -0.021902 0.42028 -0.12753 0.084303 -0.060725 -0.022756 -0.025223 -0.10213 0.12902 0.081798 -0.09211 0.19358 0.15622 -0.068493 -0.17788 0.011035 0.080236 0.019854 0.0012992 0.033226 0.060357 0.0045871 -0.11683 -0.0023224 -0.22026 0.22241 0.10597 -0.10742 0.21804 0.24079 0.18627 0.058723 0.3724 0.058639 0.10556 0.24689 0.31107 -0.012539 0.20886 0.055165 0.084453 -0.044919 0.025486 -0.10533 -0.13423 -0.050619 0.074831 0.0018074 -0.025952 -0.025049 -0.090231 0.18106 0.0095015 0.088309 0.12771 -0.024992 0.012467 -0.073079 -0.030617 0.077176 -0.20627 0.016879 -0.1694 -0.098233 0.031944 0.13219 -0.024618 0.38094 0.049089 -0.14601 0.21354 0.12951 -0.012339 0.20741 0.084643 0.063456 0.13952 -0.012555 -0.075766 0.078254 -0.14594 -0.13576 -0.06962 -0.1481 0.10953 0.13115 0.091209 0.22203 0.024187 0.094425 0.10661 -0.12666 0.10078 -0.24013 -0.086848 0.16123 -0.16499 0.15834 -0.10613 0.025616 -0.24812 0.064194 0.14945 -0.11716 -0.023196 0.09408 0.1758 -0.14415 0.0091053 -0.089035 -0.15269 0.20287 -0.048679 0.10999 -0.19199 0.016916 0.16987 0.13407 0.14832 0.25561 -0.11481 0.045976 -0.10453 0.30471 -0.15655 -0.061218 -0.30802 -0.026884 0.12473 -0.039791 -0.041234 -0.226 0.15898 0.054095 0.061063 -0.073954 0.1043 0.22585 0.031939 0.12919 -0.096408 0.0081266 -0.16276 0.0072641 0.0078385 -0.083285 -0.051933 0.10724 -0.09901 0.022409 -0.13039 0.098835 0.12858 0.2241 0.35791 0.14927 -0.0027789 -0.012156 -0.052336 -0.028042 -0.12707 -0.30563 -0.13107 -0.034678 0.057156 -0.11817 0.053926 -0.030918 -0.081919 0.03569 0.20399 -0.058047 0.040065 -0.26625 -0.19684 -0.10962 0.0073118 -0.042628 -0.3038 -0.13094 0.058487 -0.022466 -0.018682 -0.080546 -0.13088 0.083377 0.18244 -0.040967 -0.0075252 0.17436 0.056789 -0.082256 0.10226 0.055698 -0.12877 0.14352 0.074599 -0.11855 0.13643 0.052458 -0.07947 0.047825 0.040355 0.0064958 -0.017689 -0.060724 0.13168 0.19878 -0.029531 +rd -1.1506 -0.53222 -0.12513 0.24516 -0.044497 0.071324 0.2212 0.30723 -0.53325 -0.65087 0.078443 0.15601 -0.59255 -0.20201 0.26252 -0.20066 -0.21912 0.41569 0.1706 0.64272 0.52688 -0.66402 0.17654 -0.15823 -0.46057 -0.23955 0.06709 -0.37887 0.030493 0.61101 -0.25793 -0.092593 0.31114 0.25795 0.14443 -0.7101 -0.43319 0.3743 0.00040208 -0.40611 0.53347 0.53557 -0.011311 -0.046855 0.7912 -0.081955 0.37833 0.12741 0.3237 -0.014835 0.01076 -0.36059 0.010903 -0.48337 -0.19585 -0.1163 0.32341 0.29752 -0.42582 0.29559 -0.026663 -0.47067 -0.18093 0.054899 -0.23599 0.47633 0.21212 -0.43929 -0.44011 0.049869 0.2901 0.32495 0.43541 -0.35405 0.17429 0.14343 0.21127 0.24423 -0.2296 -0.099936 -0.73098 -0.13036 -0.28419 -0.038316 -0.18245 0.069179 -0.28172 -0.44685 -0.084947 0.079225 -0.47762 0.24751 0.011895 0.43968 0.23164 0.27289 -0.18501 0.11414 0.18385 -0.18625 0.4081 0.053863 0.11322 -0.076036 0.24222 0.12916 0.36993 0.076587 0.023933 -0.14553 -0.16695 0.47063 0.18966 0.21221 0.27879 -0.1734 0.14801 0.063849 -0.356 -0.10932 0.27571 0.24499 0.28805 0.47444 -0.27962 -0.13797 0.25603 0.34962 0.04083 -0.29996 -0.1505 0.38472 -0.23068 0.29573 0.45936 0.091195 -0.37063 -0.20439 0.0065503 0.32137 -0.55914 0.091268 0.34138 0.56403 0.080535 0.91205 0.43865 0.32759 -0.33666 -0.27557 0.038318 0.32302 -0.2694 0.60063 -0.45281 0.32183 -0.11218 -0.37466 0.11372 -0.44513 0.12644 -0.094009 0.18284 -0.25606 0.43177 0.097998 -0.37742 0.35549 0.47012 -0.003429 -0.19644 0.33319 -0.193 0.31495 -0.1205 0.82368 -0.1781 0.060243 0.20036 -0.22298 0.084018 0.3069 -0.65609 -0.17576 -0.54272 0.7062 -0.20235 -0.24904 0.49256 -0.6516 -0.17595 0.11237 0.17609 0.36525 -0.17019 -0.22523 -0.15181 0.22033 -0.339 -0.38465 0.2427 0.1794 -0.088431 0.25001 0.029498 -0.57946 0.49922 -0.020088 0.74543 0.48342 0.60401 -0.38432 0.19858 -0.3588 -0.29679 -0.47735 -0.011448 -0.16365 -0.04918 0.39467 -0.29667 0.36901 -0.15962 0.18151 -0.72476 0.38553 0.0036152 0.31533 -0.049102 0.42861 0.317 0.26095 0.072854 -0.083571 -0.23165 0.36299 0.27881 0.015 -0.053529 -0.31267 -0.3332 -0.12547 0.43742 -0.50906 0.21175 -0.63012 -0.18907 0.2023 -0.55823 -0.38016 -0.18399 0.51233 -0.022029 -0.010926 0.049053 0.21971 -0.045781 -0.52667 0.25465 0.15584 -0.029283 -0.1275 0.34815 0.4716 -0.10404 0.058572 0.18349 0.11524 0.26726 -0.16695 0.0032392 -0.019125 -0.25667 -0.10205 -0.20139 -0.52388 0.45371 0.58223 0.26213 -0.014628 -0.061389 0.59443 -0.17744 -0.49786 0.24411 0.31045 -0.38686 -0.041837 -0.20336 0.22771 0.12722 -0.8523 0.3123 -0.17051 -0.10118 0.00091675 0.027635 -0.28538 0.41543 0.21071 +new -0.12955 0.24179 -0.10623 0.29449 0.1131 0.0093337 -0.070727 0.088183 -0.33985 0.39531 0.12979 -0.18196 0.43787 -0.056544 -0.19537 -0.21653 -0.25153 -0.19905 0.26231 0.084574 -0.28642 0.030997 -0.024378 -0.41437 -0.1748 -0.20716 0.1654 -0.0025792 0.12467 0.11477 -0.085216 0.17012 -0.1149 0.48666 0.10669 0.13098 0.11514 -0.28485 0.039327 0.053211 0.0006997 -0.14654 0.011879 0.46906 -0.11752 -0.10176 0.077026 -0.027737 0.0089576 -0.27024 0.045685 0.0055222 -0.033356 -0.017371 -0.00048905 0.14575 0.10295 0.13754 0.16308 0.077965 -0.029517 0.00013956 0.36202 0.12424 -0.0093344 -0.027041 -0.21092 0.13414 -0.24618 -0.090988 -0.0051445 0.48305 0.15938 -0.39123 -0.019111 -0.041795 0.16712 0.065207 0.21199 -0.0041642 0.15393 0.33902 -0.18736 0.04337 0.028464 -0.16128 0.10977 0.19242 -0.15161 0.0022597 -0.40183 0.020187 0.084292 0.27929 -0.027309 0.020892 0.042743 -0.066257 -0.087884 -0.011187 0.23146 -0.32981 0.1602 0.12829 -0.039458 0.039933 -0.26897 -0.040194 -0.032107 0.101 -0.08744 -0.078672 0.069851 0.0030479 0.083331 -0.14878 0.094587 0.10227 -0.24684 0.25061 0.15938 0.012483 -0.28118 0.34362 -0.30959 -0.13498 0.24835 -0.11417 0.14903 0.4254 -0.21527 0.20214 0.057823 -0.092157 -0.085088 -0.21882 -0.24462 0.074187 -0.18674 -0.074741 0.44042 0.26897 -0.22469 0.052153 -0.070826 0.35453 0.066469 0.028829 0.11349 0.35387 0.049402 0.13582 0.22257 -0.11815 -0.17412 0.00087315 0.14012 -0.26935 -0.10264 0.12585 0.18673 0.41584 0.18244 0.14853 0.43969 0.10556 -0.1059 -0.10544 -0.00091309 -0.18417 -0.056499 -0.044492 0.071062 -0.039341 -0.2701 0.014851 -0.22695 0.0087606 -0.1144 0.18396 0.035879 0.011803 -0.0013004 0.23599 0.16706 0.30801 0.038263 0.0009701 0.12152 0.19159 -0.3046 -0.36948 0.24153 0.19957 -0.010587 -0.10623 0.28107 0.24005 -0.23075 -0.045219 0.33029 -0.11888 -0.39559 -0.16307 0.19163 -0.43538 -0.1871 0.011505 0.4005 0.074896 0.31542 -0.25711 -0.09735 -0.45449 0.062201 -0.34596 0.0015342 -0.033099 -0.12706 0.16169 0.013766 0.14263 -0.16703 0.14728 -0.14568 0.049475 -0.20949 -0.012764 -0.14162 0.23032 0.20316 0.055513 0.2356 0.027813 0.18818 -0.39263 -0.079622 0.25344 -0.10851 -0.05999 -0.064461 0.053858 0.028328 -0.025627 0.20152 0.39267 0.22053 0.23862 0.35199 -0.080319 0.40317 -0.051639 -0.028799 -0.0059812 -0.02006 0.10853 0.038202 -0.13835 0.24992 0.16572 0.17968 0.1112 0.213 0.17364 -0.13088 0.042258 -0.070842 0.13065 -0.28965 -0.017642 -0.026392 -0.24336 -0.093841 -0.085507 -0.24265 -0.20142 0.15112 0.18707 0.22868 0.15166 -0.26356 0.12302 0.14609 0.13897 0.13981 -0.033191 -0.35564 -0.22532 -0.16505 -0.043178 0.13238 -0.082657 0.082819 -0.090364 -2.5277e-05 -0.2816 -0.11103 -0.024509 0.060905 0.25074 +first -0.18501 -0.020656 0.013468 0.080072 0.15848 0.077652 -0.17286 -0.062626 0.03685 0.093325 0.14926 0.095012 0.034983 -0.070536 -0.01886 -0.21087 -0.073209 0.046374 -0.049039 0.25491 0.20739 -0.0038093 -0.064161 -0.37491 -0.17631 -0.12171 -0.071142 0.034826 -0.027048 0.059557 -0.13166 -0.15029 -0.058682 0.0043365 0.073276 -0.2614 0.11214 0.076434 0.13177 -0.35367 0.18815 -0.038915 -0.14137 0.035661 -0.039416 -0.028954 -0.0088364 0.04533 0.041871 -0.036881 0.093625 0.059692 0.11834 -0.00077996 -0.051154 0.12762 0.035008 0.13595 0.10694 0.01339 -0.02663 -0.11904 0.080367 -0.098269 0.070955 -0.19735 -0.33299 0.25476 0.026776 0.19078 0.07554 -0.063196 0.18595 -0.12805 0.15236 -0.058321 0.23472 0.1434 0.05745 -0.11081 0.18194 0.12132 -0.17389 -0.011545 0.003841 -0.28814 -0.27059 0.0133 -0.085491 -0.15749 -0.20665 -0.17703 0.42666 -0.01708 0.099522 -0.19859 -0.073646 0.19781 -0.16378 0.16586 0.0010184 -0.10732 0.22438 0.041504 -0.0066085 -0.15476 0.090945 -0.041936 0.162 0.067129 0.2207 -0.015094 0.14988 -0.060156 0.037418 -0.14087 0.11635 0.17485 0.15556 0.056476 0.30164 0.00048755 -0.15577 0.40593 0.17787 0.10232 0.35935 0.12156 0.22889 0.1697 -0.072115 0.1616 -0.059683 0.012007 0.029971 -0.069382 -0.051313 -0.042249 -0.015726 0.11086 0.080265 0.10537 0.34406 -0.033952 -0.026585 0.33055 0.044762 -0.12563 0.022151 -0.0059314 -0.065732 -0.089251 -0.067698 -0.041101 -0.24027 0.078363 0.023734 -0.061767 0.14534 0.0017447 -0.075184 0.23502 -0.055807 0.062096 0.27978 0.17767 -0.024348 0.332 0.29577 -0.019764 0.03667 0.12557 -0.039628 -0.11762 0.012928 0.10547 0.024665 0.18401 -0.033457 -0.047673 -0.013899 0.023513 -0.28268 0.12474 -0.14565 0.26212 0.15513 -0.15004 -0.012862 -0.12302 -0.05961 -0.10883 0.064208 0.066889 0.0099247 -0.19963 -0.046666 -0.079046 0.044068 -0.16711 -0.046667 0.19004 -0.10784 0.014607 0.18075 -0.2614 -0.039048 0.13739 0.38794 0.3453 0.39875 -0.18913 -0.015323 -0.11855 -0.028095 -0.11864 0.041397 -0.12161 -0.27637 0.29 0.10307 -0.012667 -0.086965 0.22868 -0.10608 0.18905 -0.13645 -0.17904 0.095407 -0.087892 0.24102 -0.018986 -0.043618 -0.090145 0.1517 0.064428 0.059362 0.040603 -0.096987 -0.21232 -0.32531 0.086149 0.13176 0.056504 0.076689 -0.0025941 0.092582 0.15293 0.083922 -0.16652 -0.032714 0.019814 -0.011476 0.031839 -0.042109 0.085543 -0.31194 0.091586 -0.15964 -0.11322 0.21244 0.19689 -0.033659 -0.0051993 -0.062106 -0.0016829 0.047401 -0.19752 0.30247 -0.13495 -0.32111 -0.081742 -0.10655 0.13892 -0.20922 -0.069019 0.11526 0.065076 0.18484 0.024973 0.01456 -0.026564 0.016125 0.07159 0.37791 -0.11048 0.036626 0.1698 -0.06143 0.011747 -0.035502 -0.12379 0.17471 -0.04164 -0.04867 0.082536 -0.014208 -0.22912 0.00083986 0.15648 +page -0.32935 -0.036416 0.17821 -0.072867 -0.32466 -0.42039 0.032688 -0.0049149 -0.078871 -0.17333 -0.01095 -0.13075 -0.16793 -0.13803 0.55748 0.099044 -0.22223 -0.022698 0.51157 0.22466 0.040375 0.52957 -0.051943 0.059649 -0.27743 -0.33979 -0.08659 0.061577 0.35921 -0.0017234 0.29639 0.08754 -0.4021 -0.10301 -0.24128 -0.26396 -0.11806 0.02772 -0.11039 -0.61078 0.15757 -0.1091 -0.27818 0.12356 0.15937 -0.16149 0.076484 -0.14555 0.13721 0.015057 0.29169 -0.34808 -0.022412 -0.18246 -0.13372 0.41472 0.059405 -0.42064 -0.20175 0.2882 0.066617 0.28121 0.058301 -0.11666 -0.035873 -0.26573 0.48025 0.39234 0.021312 0.26535 0.34666 0.31004 0.43961 -0.47645 -0.0079027 0.065862 0.33676 0.46505 -0.22238 -0.19823 -0.064554 0.29617 -0.046413 -0.0032442 0.089318 -0.32391 -0.06996 -0.23369 -0.22887 -0.19728 0.15682 0.051657 -0.16983 -0.2037 -0.29197 0.055086 -0.2591 -0.13269 0.01839 0.29623 0.044336 -0.85969 -0.002254 -0.20968 0.44827 0.6723 -0.48393 0.13781 0.19926 0.0081333 -0.14694 0.21927 0.26691 -0.12379 -0.097714 -0.03867 0.33845 0.23155 -0.36169 -0.079136 0.35399 -0.05884 0.34019 0.29243 0.50704 0.23601 -0.20424 0.27046 0.019574 0.43983 0.021816 -0.50183 -0.094589 0.15839 0.0049928 0.40533 0.21622 0.16044 0.18233 0.55841 -0.27192 -0.0052973 -0.047076 0.34039 -0.20456 -0.11014 0.21802 0.3518 -0.33288 0.40795 0.18924 0.29725 0.37474 0.02536 -0.15789 -0.091439 -0.036944 -0.29901 0.19366 0.19159 -0.33367 0.66268 -0.27724 -0.065702 -0.092032 -0.32639 0.013295 -0.40618 0.5739 0.40851 -0.096819 0.087009 -0.93229 -0.42478 -0.38444 -0.083451 -0.22174 -0.20958 0.21672 -0.40394 -0.22581 0.16658 0.0077905 -0.25866 -0.42461 0.52642 0.21446 -0.23286 0.13929 0.33895 0.17342 -0.19405 0.29159 -0.40204 0.17765 -0.19944 0.057563 0.1624 -0.75826 0.24378 0.24884 -0.21107 0.31785 -0.28324 -0.076239 -0.45568 -0.11928 0.11481 0.25831 -0.1287 0.64648 -0.26588 0.068094 0.088482 -0.012339 0.0032776 0.59013 -0.37706 0.070246 0.18547 -0.061602 0.18333 -0.29945 -0.14055 -0.18469 -0.015662 -0.41096 -0.12466 -0.2743 -0.08502 0.10479 -0.018603 -0.18316 -0.092946 -0.18514 0.11231 0.64229 -0.46814 -0.062047 -0.15859 0.22507 0.35887 0.72966 0.28192 0.35383 0.22387 0.16092 0.15542 -0.022658 0.15926 0.51296 -0.30223 -0.23345 0.03058 0.51312 -0.086032 -0.25122 -0.44968 -0.21821 -0.10037 0.35106 0.02112 -0.21914 0.18215 -0.070668 -0.13122 0.054451 0.42324 -0.26893 -0.1611 -0.10147 -0.024244 0.089611 0.13109 -0.3058 -0.27557 0.232 -0.32436 0.36504 -0.084774 -0.065878 0.3446 -0.32642 -0.24216 0.11379 -0.23374 0.2925 0.20107 0.15402 0.019004 0.15976 0.1663 -0.325 -0.3723 0.35838 0.021576 -0.11469 0.14285 0.15968 0.3538 +no -0.2643 0.034339 0.0466 0.1818 0.077419 -0.31439 -0.0055325 -0.16168 0.010331 -0.070391 -0.0293 -0.013119 0.14472 0.10077 0.15029 0.11151 0.12948 -0.078568 -0.038936 -0.069117 -0.02862 0.19472 -0.018243 -0.05659 -0.21891 0.42935 -0.19713 0.020947 0.12544 0.061052 -0.085741 0.23646 0.047816 0.12213 -0.14506 -0.27841 -0.036634 0.052511 0.00044411 -0.24736 0.2888 0.17881 -0.15564 -0.10495 0.10472 0.081415 0.32859 0.081788 0.1091 -0.18074 -0.15581 -0.31819 -0.11834 -0.0038618 -0.38857 0.082629 -0.17706 -0.0015596 -0.19932 0.37683 -0.35489 0.044217 0.46263 -0.047725 0.047667 -0.28284 0.18534 -0.027313 -0.052813 0.18889 -0.049962 0.18343 -0.028636 -0.049944 0.14916 -0.10098 0.21242 0.16436 0.26371 -0.10826 0.077146 -0.039786 0.25458 -0.1046 -0.079576 -0.019773 -0.30416 0.13349 -0.1003 -0.069873 -0.189 0.072886 0.12898 -0.18529 -0.052076 -0.17322 -0.1696 0.24536 -0.14722 0.18812 -0.040378 -0.43597 -0.044428 0.18643 0.16435 0.008577 0.0029248 -0.18135 0.10601 -0.21964 -0.4862 0.090768 0.01968 0.25073 0.018652 -0.15171 0.47005 0.14804 -0.10247 0.14386 0.68539 -0.027273 0.17492 0.086974 0.15731 0.026635 -0.14577 0.21314 0.05424 0.23508 -0.029212 -0.35641 0.024078 0.31589 0.16009 -0.013141 0.019247 -0.33484 0.092813 0.035008 -0.19227 -0.090595 0.01931 0.28161 0.13771 0.21892 -0.1286 0.16683 -0.021937 0.13536 -0.27862 -0.020338 0.024459 -0.18298 -0.24355 0.06391 0.16413 -0.14908 -0.13719 0.27537 -0.20374 0.24959 -0.13618 0.17088 -0.41502 -0.13784 -0.11341 -0.12433 -0.13826 0.32331 0.23585 0.075066 -0.58236 -0.1011 -0.15315 -0.18672 -0.15112 -0.16722 0.12736 0.015317 0.070823 -0.079822 0.018665 0.43254 -0.3767 0.20951 0.098743 -0.29383 0.21868 0.27414 -0.18188 -0.3688 -0.29828 -0.13399 -0.3173 -0.18554 0.0018321 0.17532 -0.70552 0.15625 0.059171 -0.0079576 0.26087 0.034321 -0.098771 -0.486 -0.35527 -0.039002 0.075376 0.34163 0.48625 -0.53015 0.064528 -0.35176 -0.27263 -0.082661 0.082817 -0.35417 -0.1888 0.0075962 -0.044557 -0.20698 -0.017113 0.14535 -0.13753 0.10438 -0.17524 0.028008 -0.047275 -0.12366 0.28077 0.19532 -0.13123 -0.049223 -0.096767 0.56907 0.26118 0.0877 -0.2188 -0.1295 0.1385 0.03949 -0.00012694 0.30245 -0.069872 0.40636 0.21411 0.093625 0.10418 -0.069236 -0.048681 -0.30863 -0.088241 0.062921 0.33313 0.18371 -0.49342 -0.16211 -0.17221 -0.037731 0.079831 0.063734 -0.1324 -0.046848 -0.20139 0.12814 -0.13614 0.0047057 0.037959 -0.10353 -0.1395 0.19528 0.36036 -0.049478 -0.17034 -0.14192 -0.027111 0.08613 0.034346 -0.16021 0.12881 -0.13749 -0.34138 -0.2616 0.345 -0.20288 0.23539 0.40727 -0.27571 -0.0046924 0.19462 -0.18622 -0.30724 0.084037 -0.15362 -0.54617 -0.13526 -0.051155 -0.090351 0.05143 +you -0.14926 0.21572 0.18823 0.060467 -0.16004 0.081722 -0.11272 -0.2495 -0.0991 0.17575 0.14676 0.020036 -0.24832 -0.099823 0.17819 -0.18441 0.0034034 0.12738 0.0044833 0.0189 0.059595 -0.034684 -0.096218 -0.1155 -0.16384 -0.079494 -0.063366 -0.037051 -0.31197 0.036276 -0.17995 0.028729 -0.22288 0.068523 -0.27248 -0.16194 -0.047037 -0.074107 -0.11411 -0.27279 -0.14149 -0.1819 0.049754 -0.040176 0.10649 0.27621 0.020151 -0.046383 -0.19623 -0.0090757 0.056723 -0.35709 -0.093485 -0.058048 -0.090262 0.29478 -0.21296 -0.19898 -0.021059 0.42529 -0.2842 0.059192 0.14928 0.082141 0.081786 -0.20462 0.16487 0.21021 -0.0079651 -0.06322 0.022311 -0.061235 0.16665 -0.081486 -0.21084 0.29053 0.21792 0.10419 0.066359 0.20361 0.0058033 0.33518 0.098701 0.13497 -0.045183 0.095704 0.031015 0.0062269 -0.10564 0.075817 0.23904 0.089361 0.11111 -0.17585 0.2697 0.24838 0.072762 -0.12871 0.12033 0.29181 0.16135 -0.057687 0.1148 -0.16434 -0.34884 -0.089657 -0.017261 0.0355 0.12192 -0.018161 -0.0568 -0.026025 -0.020209 -0.027063 -0.24497 -0.086863 0.14692 -0.11877 -0.2132 0.12687 0.22907 0.17375 0.031288 0.6295 0.13077 0.10494 0.010939 0.059313 -0.036097 0.40596 0.097957 0.15766 -0.27526 0.16212 0.052394 -0.29225 -0.0031506 -0.0088115 0.57996 0.16109 -0.12084 -0.035637 0.027943 -0.083463 -0.32062 0.042923 0.026398 -0.27274 0.032771 0.035626 0.43356 0.13449 0.35889 -0.091434 0.12423 0.06327 -0.02851 0.037847 -0.051596 0.057026 -0.21843 0.28021 -0.55111 -0.17753 -0.042664 -0.015736 -0.29045 -0.18981 0.14331 0.14611 -0.5666 -0.23695 -0.41243 0.0030795 -0.036383 0.27025 -0.020164 0.19496 0.037875 -0.44485 0.2022 -0.1458 0.061848 0.0315 -0.32115 0.24994 0.017794 -0.4718 0.1929 -0.22511 -0.010451 -0.18739 -0.061101 0.16788 -0.16174 -0.11634 -0.15998 0.024648 -0.44889 -0.0060595 0.56559 -0.011015 0.39797 -0.15973 -0.067796 -0.10597 -0.36092 0.091726 0.19276 0.096221 0.19963 -0.038562 0.096973 -0.2475 -0.018474 -0.2174 -0.14971 -0.21159 -0.20265 0.050573 -0.27651 -0.19033 0.029003 -0.094018 0.0051184 0.29676 -0.28251 0.15488 -0.07178 0.0099408 -0.0012008 0.11359 -0.08789 -0.018188 0.056809 0.05057 -0.038582 0.024707 -0.10994 0.12803 -0.062006 0.062169 0.21328 0.12365 -0.25733 0.28885 0.30688 -0.019757 0.1401 -0.088862 0.069914 -0.21663 -0.28538 0.28921 0.25058 -0.19068 -0.073818 -0.22429 0.076213 0.035377 -0.16019 0.15335 -0.18592 -0.1623 -0.06816 -0.14475 -0.21013 0.26626 -0.11165 -0.17628 -0.18955 -0.15504 0.21453 -0.10902 -0.14164 0.026173 0.30544 0.021876 -0.14254 -0.37952 0.065484 0.086204 -0.35292 -0.051159 0.073312 -0.18833 0.27411 0.32466 -0.26751 0.29403 -0.11763 0.41755 -0.13553 -0.38416 0.12977 -0.01527 -0.32165 0.32328 0.38224 -0.086828 +they 0.011692 0.11158 -0.15517 0.2397 0.001333 0.16949 0.2118 -0.1211 0.016811 0.19858 0.031513 -0.048707 -0.10157 -0.13255 -0.011433 -0.20104 0.14669 -0.04656 -0.031949 -0.097005 -0.084464 -0.10446 -0.061355 -0.21277 -0.12353 0.0081873 0.14986 -0.023631 -0.060642 -0.069951 -0.14559 -0.10824 -0.20978 0.052859 -0.014248 -0.11086 -0.035697 0.075892 0.073082 -0.21082 0.087626 0.12786 -0.012736 0.11 0.0049951 0.18668 0.1675 0.11868 -0.045669 -0.14681 0.05544 -0.19966 0.077428 0.24323 -0.23443 -0.036019 -0.098782 0.29555 -0.19549 0.19649 -0.26849 -0.15973 0.10533 -0.069128 0.13753 -0.22219 -0.20939 0.25629 -0.19427 0.085076 -0.21863 0.031262 -0.083517 -0.40865 -0.17838 0.10146 0.24578 0.13218 -0.050354 -0.14911 -0.11367 -0.057818 -0.10198 0.22363 -0.11553 0.05735 -0.051279 0.042011 0.11563 -0.057654 -0.22652 -0.10451 0.10616 -0.15652 0.14962 0.16096 0.17957 -0.18526 0.058269 0.074962 0.070254 -0.0059412 0.14291 -0.32395 -0.29087 -0.081794 0.0075591 0.018076 0.099817 -0.018327 -0.022612 -0.16863 0.079299 0.089942 -0.011633 -0.073527 0.19285 0.11245 -0.20461 0.056416 0.036064 0.13425 -0.092469 0.32123 0.17184 -0.1811 0.20825 -0.020182 0.053391 0.33208 -0.10423 0.040727 -0.057244 0.022769 -0.18192 -0.12176 -0.043532 0.17403 0.0090458 0.0008529 0.073905 0.17705 0.0068493 -0.089645 0.07759 0.24634 -0.0071185 -0.14213 0.13309 -0.040683 0.10647 -0.22222 -0.01168 0.11632 -0.15885 -0.25939 -0.11116 0.19698 0.41329 -0.15419 -0.12563 0.29743 -0.29696 0.21828 0.044268 0.077094 -0.10614 0.0018781 0.2745 0.12095 -0.14752 -0.14184 -0.23053 0.038347 -0.058515 0.30806 -0.09998 0.064684 -0.090735 -0.15115 0.15639 -0.10176 0.11441 0.063421 0.0053369 -0.098623 0.10074 -0.041852 0.17853 -0.093273 0.076425 -0.32315 -0.025846 0.16625 -0.15878 0.0032325 0.042728 -0.0030261 -0.18063 -0.1121 0.1835 0.020397 0.07478 0.063549 0.012672 -0.21275 -0.032176 0.070672 0.30274 0.19403 0.15948 0.06162 0.071292 -0.022572 0.030547 0.010065 -0.032019 -0.11013 -0.15264 -0.017596 -0.25373 -0.18649 0.12997 -0.014768 -0.093668 0.17403 -0.17209 -0.018659 -0.11371 0.057783 0.11459 0.092727 -0.17607 -0.032631 -0.24071 0.079038 -0.048108 0.0013213 -0.047806 0.090104 0.028607 0.0084475 0.033609 0.04999 -0.12634 0.2445 0.08028 -0.009574 0.068611 0.019979 -0.013658 0.085524 -0.30875 -0.11951 0.14004 -0.028924 -0.085339 -0.2019 0.047855 -0.17116 -0.24662 0.075408 -0.282 -0.22474 -0.30327 -0.098362 -0.29202 0.1476 0.037455 -0.0090524 -0.17105 0.042401 0.079497 0.025789 -0.18195 0.016337 0.085997 -0.068473 0.026865 -0.10499 -0.045696 0.13818 -0.10552 -0.016427 0.061493 0.10936 0.10525 0.25517 -0.22034 0.13151 -8.7435e-05 0.17402 0.067917 0.073156 0.13097 -0.018703 -0.27613 0.048848 0.082782 0.19095 +had -0.061011 0.010058 -0.32809 0.092396 0.077896 -0.074404 0.027325 -0.24711 0.041686 0.36376 0.35095 0.29423 -0.11997 0.15142 -0.024691 0.045448 -0.07513 -0.059566 0.037441 0.07562 -0.017107 0.19917 0.052938 -0.31778 -0.27666 0.012372 -0.029857 0.17197 0.011413 0.063864 -0.013924 0.14229 -0.10703 0.22473 0.12469 -0.094732 -0.0056683 -0.064609 0.27862 -0.21153 0.37863 -0.094905 0.08367 -0.062527 -0.21712 -0.19702 0.14912 0.064912 0.090079 0.19501 -0.22187 -0.21876 -0.087046 0.36006 -0.17492 -0.067935 -0.049181 0.32526 -0.032316 0.093609 -0.045662 -0.11957 -0.0064419 -0.22971 0.23226 -0.071414 -0.12826 0.2421 -0.16111 0.074486 0.010463 -0.056933 -0.0915 -0.21807 -0.07052 0.20005 0.078136 0.2854 0.01052 -0.21247 -0.042688 -0.15003 0.11813 0.045613 -0.10047 -0.16224 -0.077305 -0.024148 -0.17841 -0.14778 -0.21352 -0.23945 0.058054 -0.32745 0.2449 0.20105 -0.045799 -0.2419 -0.15404 -0.10322 -0.13669 0.13554 0.1916 0.055884 -0.20864 -0.21649 0.011421 0.074247 -0.074617 0.064411 -0.022916 0.17333 0.16305 -0.03556 0.18725 0.010497 0.1716 0.18227 0.011231 0.19926 0.067768 0.2261 -0.13265 0.29135 0.15683 -0.22068 -0.11423 0.35239 0.015702 0.27533 -0.196 -0.0033808 -0.019336 -0.13076 -0.029763 -0.089218 -0.08591 0.017903 -0.061072 -0.1171 -0.0994 0.1007 0.03207 -0.049386 0.29804 0.2271 -0.12743 -0.23118 -0.10164 0.093309 0.036243 -0.015077 -0.034213 0.13656 -0.215 0.0071517 -0.11725 0.095421 0.41258 -0.12583 -0.067009 0.25806 -0.16428 0.22923 0.16807 -0.013319 0.1967 0.018716 0.19311 0.20619 0.041045 0.034263 -0.2587 0.10851 -0.14957 0.035486 -0.086389 0.19412 -0.28292 -0.12153 0.16414 -0.18647 -0.19356 0.26416 -0.13187 0.022635 0.030464 -0.28223 0.00356 -0.10424 0.12317 -0.29917 0.10044 0.14291 -0.22859 -0.15776 0.007948 0.019064 -0.17401 -0.17237 -0.094723 -0.085559 0.0053709 0.13346 -0.25342 0.056775 0.18015 0.054191 0.33902 0.25988 0.26561 -0.22873 -0.19818 -0.198 -0.062444 0.029075 -0.16799 -0.22731 -0.092907 0.13173 -0.25092 -0.086115 -0.0028387 0.028784 0.0019845 0.20323 0.069265 -0.017484 -0.069008 0.16074 0.015613 0.034536 0.010574 0.13477 -0.077238 -0.0061589 0.24216 0.10708 -0.013645 0.25305 0.11657 -0.017901 0.19301 0.15569 -0.22554 0.04049 -0.031989 -0.22953 0.041539 -0.011057 0.12676 -0.040454 -0.094416 0.024619 -0.068569 0.031699 -0.076244 0.20514 -0.16025 0.14737 0.037748 -0.076004 -0.04185 -0.18805 -0.37238 0.30261 0.10804 0.13789 0.091484 -0.05138 -0.10155 -0.045579 0.0775 0.030727 -0.23318 -0.21796 0.32142 0.35826 0.37295 -0.078928 0.14607 -0.12589 0.16444 -0.052781 -0.046721 0.12549 -0.12333 0.056958 0.066646 -0.026705 0.060562 -0.092281 -0.12031 0.2859 -0.051593 -0.039909 -0.068784 0.060296 -0.036769 -0.081526 +article -0.19484 -0.25781 0.074734 0.30936 -0.53333 -0.0034507 -0.28408 -0.47139 -0.17259 0.22078 0.09638 -0.22501 -0.065097 -0.098619 -0.012249 0.022184 0.025968 0.032922 0.084835 0.27744 0.00091942 0.23558 -0.06804 -0.049127 -0.028252 -0.39203 -0.1491 0.087022 0.36411 0.1768 0.0089704 -0.032694 0.017095 -0.0098417 -0.24813 -0.26272 -0.18639 0.11959 0.029033 -0.03187 -0.11867 -0.1965 -0.1604 0.0023741 0.18885 0.1208 0.055996 0.013848 0.39589 0.02607 0.32613 -0.27385 0.018989 -0.34079 -0.058834 0.070535 0.15765 -0.10814 -0.051752 0.068703 -0.0095383 0.3158 0.20771 0.095202 0.11373 -0.10667 0.10264 0.10504 0.22054 0.45565 0.19923 0.16751 0.028213 -0.12735 -0.14315 0.30489 0.21292 0.26121 -0.039596 0.13928 0.018696 0.36006 0.072499 -0.06338 0.38003 -0.14603 0.096935 -0.14983 -0.2022 -0.074128 0.08466 -0.069311 0.41959 -0.3692 0.13002 0.24023 0.15886 0.10486 0.083816 0.13714 0.058838 -0.44467 -0.093306 -0.012809 0.17936 0.23484 -0.21756 0.2205 0.13487 -0.048228 -0.43393 0.086656 0.02845 -0.0085932 0.16434 0.06756 0.23218 0.18332 -0.24891 0.034271 0.16093 0.28803 -0.03991 0.27858 0.14747 -0.074353 -0.078871 0.00018347 -0.00036125 0.13404 -0.038196 -0.10961 -0.023934 -0.20332 0.40041 0.26847 0.0649 0.15972 0.18134 0.53718 -0.2789 0.067847 0.28451 0.40038 0.051849 -0.11576 -0.0092854 0.43677 -0.20447 0.14346 0.16025 0.086152 0.48021 -0.2154 -0.23707 0.11371 -0.13944 -0.22741 0.31112 0.31751 -0.29874 0.59812 -0.22178 -0.18312 -0.074338 -0.35878 -0.0098884 -0.31093 0.23022 0.20448 -0.027582 -0.12797 -0.50302 -0.48345 -0.22991 0.23783 -0.32716 -0.16809 0.047807 0.050296 0.072429 0.16673 0.17296 0.22192 -0.42374 0.22401 0.3367 -0.28626 0.089167 0.30315 0.055827 -0.13332 0.16523 0.048936 0.013083 -0.36118 0.10012 0.025067 -0.5666 0.25612 0.10768 0.2433 0.13216 -0.091741 0.10924 -0.046029 -0.11008 -0.0096815 0.32672 0.13611 0.27605 -0.10756 0.27409 0.0018144 0.19602 -0.16108 0.22975 -0.25049 -0.052558 0.041897 -0.23199 0.05082 -0.16273 -0.195 0.1977 0.26203 -0.29299 -0.21003 -0.39179 -0.17639 0.2725 0.25077 -0.099151 -0.022226 -0.15606 0.057715 0.014136 -0.13818 -0.044941 -0.14227 0.039767 0.19135 0.7054 0.19974 0.27798 0.2819 0.30613 0.17933 -0.009568 -0.040708 0.24513 0.017751 -0.148 0.21938 0.11571 0.0084443 0.04122 -0.2741 0.12807 -0.18353 0.1816 0.30425 -0.10774 -0.071343 -0.080759 0.076705 -0.062214 0.25458 -0.28547 -0.20451 -0.064648 -0.34806 0.3093 0.11256 -0.045614 -0.11817 0.18528 0.11909 0.0025721 -0.16799 0.15081 0.21093 -0.046395 -0.28173 0.091904 -0.51839 0.14852 0.22094 -0.053831 0.074354 0.18546 0.17312 -0.22201 -0.17973 0.23097 -0.06359 -0.083247 0.2875 0.10027 0.095852 +t -0.27001 0.3269 0.05617 0.25075 -0.24543 -0.12047 0.2383 -0.16621 -0.4829 -0.079992 0.40554 -0.20861 -0.10291 0.087432 0.29329 -0.14011 -0.074318 0.36642 0.07643 0.30357 0.14576 -0.083093 -0.18256 -0.18416 -0.11709 0.21015 0.030059 0.081354 -0.21 0.048353 -0.2737 0.34123 -0.13605 0.2026 0.16534 0.15082 -0.00096376 0.09985 0.2357 -0.26821 -0.0072889 0.13344 0.019111 -0.07304 0.08292 0.29114 0.059945 -0.076046 0.053551 -0.42735 0.026388 -0.16867 -0.087621 -0.54223 0.0033364 0.13618 -0.083451 0.11381 -0.16916 0.39471 -0.24227 0.097374 0.398 0.25526 -0.19536 -0.061438 0.29801 0.16341 0.093299 -0.15879 0.25334 -0.063946 0.062739 -0.32977 -0.046173 0.33098 0.14704 -0.12818 -0.029185 0.2343 -0.17592 0.14627 0.010426 -0.071695 0.057722 -0.14105 -0.46612 -0.067586 -0.073369 0.095571 0.0086294 -0.066309 0.27761 0.048856 0.28911 0.40751 0.058737 -0.19109 0.17096 0.22856 0.20293 0.039091 -0.10951 -0.17358 -0.15721 -0.30945 -0.089978 -0.12901 0.3102 -0.171 -0.022282 0.29252 0.19407 -0.33125 0.32325 0.39229 0.15204 0.063896 0.34149 0.010666 0.31639 0.20902 0.1601 0.39138 0.013041 -0.12464 -0.078744 -0.16569 0.21098 0.28146 -0.11346 0.17732 -0.20271 0.14464 0.12787 -0.27098 -0.17942 -0.11533 0.28312 0.1314 -0.06355 0.11827 0.061267 0.21804 -0.13735 0.14427 -0.015967 -0.029817 0.12504 -0.42886 -0.044999 0.18722 -0.025355 -0.23286 0.0309 -0.1102 -0.13916 0.22567 0.19716 0.33239 -0.27148 0.17956 -0.26748 0.0041663 0.18407 -0.063485 -0.035241 -0.027268 0.24565 0.30383 -0.15152 -0.26332 -0.5779 -0.18383 0.041519 0.13934 0.045057 -0.26682 0.14327 -0.42192 0.28633 -0.019766 -0.077446 0.15512 -0.34164 0.10285 0.10672 -0.15215 0.25498 0.12619 0.012918 -0.25733 0.055302 0.092442 -0.3418 -0.14261 0.1635 -0.077083 -0.17725 -0.33404 0.30503 0.11161 0.298 -0.19646 0.13561 -0.34355 -0.21348 -0.080383 0.475 -0.15718 0.18099 0.063004 -0.0029775 0.021779 0.11077 -0.13109 -0.11303 0.048496 -0.074764 0.10218 -0.1741 -0.040275 0.22188 -0.24164 -0.025468 0.16647 -0.1062 0.053275 -0.19925 0.08654 0.057512 0.19205 -0.082107 -0.055764 0.064494 -0.076068 -0.035108 -0.011929 -0.27887 0.12271 -0.13003 0.3521 0.078793 0.0523 -0.3954 0.30795 0.054569 0.083192 -0.045319 0.084827 0.013948 0.21102 -0.3804 0.52227 0.17542 -0.35073 0.049836 -0.22227 -0.080704 -0.29779 -0.091286 -0.24551 0.073983 -0.12555 -0.31843 -0.012991 0.23976 0.2234 -0.049683 0.26894 -0.16809 0.13043 -0.15365 0.36449 -0.14463 -0.23218 0.10236 -0.21589 0.18333 -0.29316 0.064456 0.30226 -0.17705 -0.35736 0.074671 -0.13883 0.422 0.69961 -0.015826 0.046479 -0.24381 0.13153 0.16719 -0.12135 0.15499 -0.31444 -0.26408 0.1329 0.53046 0.18023 +who -0.16792 -0.024923 -0.15657 0.047392 -0.065025 -0.02318 0.10018 -0.091625 0.13494 0.33895 0.060199 0.018358 0.032187 -0.02267 -0.079796 -0.20589 -0.12461 -0.13514 -0.16761 0.12262 -0.10171 0.36091 -0.10119 -0.12834 -0.0041321 -0.081799 0.12746 -0.1733 -0.0055814 0.090521 -0.090363 -0.077901 -0.2465 0.046373 -0.042592 -0.058558 0.03797 -0.21448 -0.0096934 0.1296 0.077662 0.15814 0.060635 0.091421 0.21822 -0.22726 -0.023025 -0.016406 -0.053787 0.019855 -0.017372 0.044004 0.094729 0.077181 -0.33045 -0.1992 0.053772 0.12361 -0.037185 0.26504 -0.0079583 0.16325 -0.0025339 0.091653 0.020016 -0.24737 -0.15897 0.07071 -0.13512 -0.032715 -0.016628 -0.059538 0.13013 -0.29197 -0.10326 0.03052 0.35142 0.1128 -0.033843 -0.061764 0.031866 0.1934 0.080147 0.1915 -0.056946 -0.068144 -0.2574 -0.16393 -0.066092 -0.07198 0.07097 -0.24354 0.19716 -0.25208 0.21199 0.18246 0.42754 -0.15978 -0.38779 -0.055129 -0.1357 -0.039656 0.037395 0.036532 -0.18828 -0.017651 0.097255 -0.38872 0.40828 0.12044 -0.066261 -0.29734 -0.20016 -0.0018883 0.15011 -0.073388 0.26023 0.14372 -0.28465 -0.086279 -0.064048 0.22751 -0.11394 0.23502 0.02486 -0.17476 0.28497 0.13988 -0.25037 0.28427 0.078489 0.10535 -0.15855 -0.05862 -0.02513 0.13627 -0.0039802 -0.021213 0.093314 -0.1595 0.065229 0.29844 0.21805 -0.16583 0.12521 0.23212 -0.087139 -0.13501 0.054386 -0.17701 -0.0057424 0.1097 -0.065306 0.10202 -0.4721 -0.11116 -0.267 -0.033237 0.17942 0.068493 -0.28161 0.14238 -0.012774 0.18411 0.29382 0.071163 0.19561 -0.13619 0.35232 0.051042 0.046705 -0.028687 -0.26764 0.04339 -0.075495 0.16886 -0.055523 0.18667 -0.054889 -0.089161 0.14071 -0.081583 -0.10567 0.33868 -0.070249 0.28122 0.032236 0.017721 0.26766 -0.13606 0.15804 -0.30925 0.26096 0.36651 -0.12872 -0.33402 -0.11144 -0.099931 -0.16843 0.1229 0.067042 -0.088327 -0.12516 0.055453 -0.12429 0.098693 0.051058 0.15975 -0.0085387 0.16107 0.46582 -0.084398 -0.11996 -0.22717 0.12386 -0.10588 -0.035049 -0.2541 0.045503 -0.087727 -0.42588 0.016716 0.062944 0.20039 0.047548 0.20349 0.095759 0.0061315 0.15788 0.26281 0.10247 0.23179 -0.037631 0.0050632 0.26398 0.095955 0.1756 0.198 0.1103 0.010515 0.0099057 0.075089 0.065388 0.28206 -0.20086 0.086871 -0.068999 -0.072602 0.096617 0.14671 -0.2088 -0.36499 -0.0090067 -0.0428 -0.037449 -0.11141 0.23376 0.0093361 -0.014147 -0.27922 -0.056141 0.1563 0.13236 -0.15085 -0.11792 -0.046731 0.013425 0.021717 0.028933 -0.16086 -0.056507 -0.11121 -0.13587 -0.012569 -0.28719 0.068182 0.21153 0.10221 0.075415 -0.13827 0.19394 0.21873 0.090179 -0.044067 -0.147 0.028896 -0.074366 0.38834 0.11772 -0.022211 0.11484 -0.037925 0.21711 0.031849 -0.11788 0.17954 -0.043971 0.24394 -0.088494 0.069806 +? -0.17519 -0.072514 -0.3652 0.048249 -0.15999 -0.0003773 0.088057 -0.53121 -0.24097 0.32426 0.15647 -0.00033924 -0.14702 -0.18389 0.088317 -0.19785 -0.039917 0.0046675 -0.014113 0.2817 0.17345 0.35298 -0.12148 0.19978 -0.13104 -0.1289 -0.23658 -0.13854 -0.13431 0.092862 -0.27797 -0.091616 -0.15911 0.19992 0.038619 -0.15041 -0.10575 0.04453 0.053707 -0.2969 -0.30633 -0.41009 -0.026135 -0.041214 -0.1835 -0.17693 -0.15155 -0.33838 -0.15461 -0.13049 0.31741 -0.22587 0.022629 -0.17797 -0.20945 0.073847 -0.0014257 -0.059909 0.11547 0.26361 -0.011576 -0.24971 0.42054 -0.24115 -0.49511 -0.26286 0.39304 -0.122 -0.041751 -0.16589 0.43618 0.23285 -0.26819 -0.15971 -0.060578 0.21247 0.050261 0.11358 0.0070081 0.01978 0.096943 0.87822 0.11484 0.32747 0.15624 0.091463 -0.28561 0.074204 0.2752 0.013464 0.062276 0.17296 0.20939 -0.045015 0.17835 0.12367 -0.22818 -0.16781 -0.06847 0.13211 0.19492 0.11383 -0.39538 -0.19263 -0.050071 0.07998 -0.21195 0.1948 0.08911 -0.14263 -0.13523 0.11452 -0.11822 -0.019986 -0.2055 0.21532 -0.15605 0.019192 -0.32331 0.20854 0.29188 -0.32251 -0.27316 0.36031 0.23378 0.1495 -0.01284 -0.027845 -0.39566 0.39771 0.033166 -0.051125 -0.022702 0.26331 -0.30758 0.10086 -0.017884 -0.17162 0.17303 0.4597 -0.49968 0.067363 0.2475 0.16798 -0.10931 -0.16349 0.038199 -0.1015 -0.34919 -0.024499 0.039242 -0.022032 0.22289 0.085606 -0.065948 -0.065394 0.25424 -0.087111 0.37711 0.10055 -0.00064081 -0.084011 -0.39683 -0.36403 -0.19637 -0.19071 -0.18994 -0.28474 -0.12257 0.017596 -0.1625 -0.22418 -0.79747 0.088608 0.067142 -0.041942 0.1076 0.04777 0.42478 -0.39114 -0.080864 -0.25159 -0.027343 0.14931 -0.13421 0.08998 -0.068285 0.063285 0.064423 -0.21086 -0.00040278 -0.17278 0.17602 0.25703 -0.16872 -0.057281 0.21313 -0.074941 -0.38876 -0.26416 0.24174 -0.30244 0.094529 -0.089426 0.14677 0.096613 -0.62498 0.20746 0.10069 -0.039128 0.070092 -0.0011981 0.11348 -0.0095514 -0.11273 -0.23996 -0.099344 -0.14541 -0.31071 0.31612 -0.075377 -0.094789 0.15921 0.003976 0.050411 0.42235 0.063343 -0.098757 -0.14632 0.23308 -0.17375 0.28295 -0.49516 -0.0036848 0.40508 -0.23503 -0.16327 0.22314 -0.2455 -0.20865 -0.22202 0.0085346 0.072379 -0.10553 -0.091269 0.067068 0.21924 0.39532 -0.30634 -0.13163 -0.098442 -0.2065 -0.45396 0.54588 0.14171 -0.28257 -0.014702 -0.1339 0.098481 -0.14497 -0.053057 -0.16407 -0.13994 0.19239 -0.35545 0.12376 0.019699 0.14782 0.24582 0.20072 0.13425 0.053111 0.54769 0.088898 -0.11703 -0.20836 0.15755 -0.040329 -0.13491 -0.40331 0.1234 0.057737 0.040181 0.018324 0.07317 -0.2716 0.1592 0.25896 -0.31904 0.38814 -0.16251 0.21742 -0.11474 -0.40485 0.10846 -0.17078 -0.0042315 0.083689 0.10878 -0.080402 +all -0.42965 0.0088802 -0.20334 0.3175 0.046608 0.087144 -0.039991 -0.2754 -0.014379 0.16212 0.13356 0.053119 -0.019098 -0.12506 -0.024932 0.020046 -0.077413 -0.048549 -0.078301 0.023917 -0.30604 0.23914 -0.16549 -0.014935 -0.067174 0.092052 0.10943 0.077801 -0.0019634 0.17112 -0.023338 0.078832 -0.089082 0.24323 -0.10486 -0.12815 0.23938 -0.017536 -0.088876 -0.055258 0.023468 -0.18116 -0.12018 0.15627 0.020228 0.24384 0.058268 -0.19301 0.0061237 -0.1431 -0.12233 -0.23044 -0.06686 -0.03275 -0.28975 -0.031955 -0.15657 -0.0046447 -0.34629 0.16072 0.10008 -0.086969 0.37103 -0.35766 0.21389 -0.10356 -0.0033891 -0.032044 -0.18631 0.17904 -0.027564 -0.18208 0.045534 -0.28746 -0.13556 -0.064947 0.26073 0.11846 0.047528 -0.045252 -0.037418 0.18184 -0.27369 0.21925 -0.13466 0.18854 0.04712 0.17052 0.13561 -0.17757 -0.16426 0.18872 0.2 -0.2609 0.0073115 -0.070688 0.10376 0.056869 0.060297 -0.069054 0.20653 0.012256 0.14446 -0.081493 -0.32633 -0.26051 -0.19404 0.057902 -0.18123 0.093194 0.060564 -0.092249 -0.046576 0.016841 0.093002 -0.073175 0.40035 0.079836 -0.01474 0.17141 0.11818 -0.060034 -0.09074 0.19669 0.080111 0.062201 0.27632 0.023134 0.14159 0.28064 0.27237 0.14235 -0.16656 0.21778 0.20592 -0.021267 -0.069916 0.1658 0.26698 0.086414 0.083855 0.15162 0.18579 0.017757 0.18859 0.1688 -0.082017 0.0097354 0.038319 0.018847 -0.042382 -0.072064 0.0083685 -0.12679 0.0041041 0.12105 -0.040381 -0.15393 0.20437 0.28037 -0.17976 -0.215 -0.16445 0.27284 -0.094615 0.075256 -0.06525 0.050482 0.080204 0.075281 0.042197 -0.16842 -0.14679 0.061092 -0.26909 0.20269 -0.045017 0.046155 0.079746 -0.0035558 0.13033 -0.16793 -0.070565 0.2651 -0.17141 0.22394 -0.010464 -0.19645 0.058532 -0.18619 0.038604 -0.013632 0.10491 0.1001 -0.14533 -0.059982 -0.19854 0.078153 -0.30593 -0.15741 0.17248 -0.13547 0.017064 -0.041899 0.13739 -0.051294 -0.15157 -0.044107 0.28239 -0.0038653 0.24701 -0.3559 0.15038 0.073476 0.30945 -0.033385 -0.039795 -0.1738 -0.039525 0.019248 -0.095246 0.18088 0.020459 -0.0321 -0.05684 0.3275 -0.00089029 -0.22052 0.061158 -0.07099 0.28926 0.08613 -0.037341 -0.068044 0.11947 0.081472 0.036236 -0.089263 0.10454 0.050139 0.1052 0.0049095 0.0088752 0.12309 -0.06785 0.10891 0.26034 -0.0055677 0.16537 0.11733 0.072281 0.020446 -0.1384 -0.15131 0.042036 0.20698 -0.080284 -0.1019 0.075711 -0.10935 0.13224 -0.025915 -0.0080608 -0.10096 -0.0026213 0.059181 -0.16895 -0.046259 -0.18888 -0.11783 0.026414 0.10926 0.060116 -0.0052691 0.014903 0.0046529 -0.22772 0.082784 -0.045502 -0.048428 0.17518 0.04156 0.0088114 -0.14547 0.084435 -0.0042664 0.13117 0.35262 -0.45328 0.18638 0.2353 0.024114 0.31682 0.18082 0.22047 -0.019153 -0.16688 -0.17553 0.13171 -0.028725 +their 0.12108 0.050184 -0.1595 0.26758 0.0058531 -0.066766 0.12474 0.078573 -0.012852 0.24327 0.1679 -0.048491 -0.0053986 -0.11588 0.066364 -0.0091023 0.048438 -0.044797 -0.11963 -0.095881 -0.21745 0.0092893 -0.00079798 -0.25402 -0.085531 0.041114 0.16168 0.13571 -0.071569 -0.0075288 -0.20957 0.013117 -0.16595 0.12892 -0.23942 -0.11186 0.11593 0.052861 0.12475 -0.15452 0.29841 -0.041613 0.030492 0.10227 0.14782 0.10698 0.29219 0.21681 -0.032681 -0.21893 0.057776 -0.18071 -0.026903 0.26301 -0.26017 -0.045765 -0.054281 -0.0059784 -0.22835 0.10734 -0.25353 -0.24388 0.23217 0.062453 0.056728 -0.24474 -0.12223 0.12799 -0.32198 0.12994 -0.20929 0.10255 -0.23169 -0.44586 -0.23785 -0.055059 0.26633 0.15237 -0.037917 -0.25612 0.063225 0.15676 -0.1407 0.16957 -0.060944 -0.10031 0.018608 0.12792 0.039435 -0.073986 -0.094956 -0.062842 0.049721 -0.20236 -0.014727 0.046669 0.05937 -0.24429 0.10328 0.087579 0.095888 -0.10315 0.2728 -0.40314 -0.21764 -0.0663 0.079689 0.16685 0.053553 0.2104 0.10589 -0.22545 0.059085 -0.011398 -0.084907 -0.0027259 0.048359 0.16908 -0.040004 0.18869 0.10656 0.11193 -0.13592 0.15442 0.083623 -0.19724 0.1517 -0.046388 0.049671 0.2538 0.076565 0.18778 0.046143 -0.098137 -0.03891 -0.17658 -0.24566 -0.030542 0.0708 -0.07998 0.00069323 0.11517 0.083593 0.078065 0.12146 0.28809 0.027015 -0.040168 0.13851 0.14202 0.15303 -0.26339 -0.13026 -0.086854 -0.058488 -0.02097 -0.45058 0.21738 0.28727 -0.15329 -0.109 0.090674 -0.071088 0.21331 0.079669 0.17067 -0.0050916 -0.018396 0.3056 -0.0027602 -0.10436 -0.13435 -0.20715 0.17627 0.025517 0.34474 -0.13998 0.17193 -0.013195 -0.15875 0.15968 -0.032136 0.02181 0.053198 0.10221 0.0048228 0.30789 -0.21639 0.055483 -0.066302 0.1361 -0.18425 0.10121 0.2813 -0.11394 0.10893 -0.18798 -0.056759 -0.029395 0.051721 0.16168 0.096215 0.21522 -0.049861 0.14074 -0.048582 -0.067891 -0.043586 0.15442 0.12395 0.29884 0.31792 -0.029476 -0.22954 0.13503 -0.066817 0.077929 -0.15355 -0.077799 0.03399 -0.12008 -0.14979 0.034629 0.25705 -0.044134 0.28883 -0.28735 -0.31341 -0.063441 -0.073757 0.094711 0.036241 -0.047193 -0.18081 -0.37018 0.022323 -0.0041943 0.015069 -0.058319 -0.0016781 0.10064 0.008799 -0.019057 0.1298 0.10735 0.12715 -0.24744 -0.079153 0.11025 0.22733 -0.077809 0.03557 -0.00086855 -0.11368 -0.076684 0.14704 -0.13063 -0.20906 0.092649 -0.054276 -0.12189 0.13762 -0.231 0.021167 -0.32901 -0.11143 -0.16547 0.046944 -0.053264 -0.18892 -0.2617 -0.0086329 0.15429 0.25686 -0.12122 0.055378 -0.16159 0.22657 0.021818 0.12136 -0.027152 0.11339 0.069789 0.14235 0.16321 0.14271 -0.075703 0.12842 -0.36191 0.25606 0.023424 0.027158 -0.11381 0.13535 0.24351 0.014782 -0.047368 0.34908 0.049802 0.035011 +there 0.013689 0.14616 -0.020037 0.32463 -0.14837 -0.01296 0.0031785 -0.0045912 -0.023316 0.20372 -0.0028693 0.064148 0.024081 0.30042 0.15985 -0.034167 -0.046283 -0.11454 0.23148 -0.062146 -0.041946 0.141 -0.17776 0.029392 -0.19214 -0.047674 0.19028 0.016809 -0.12773 0.134 -0.01405 0.1967 -0.16411 0.22005 -0.081228 0.0058925 -0.02986 0.097874 0.048011 0.00509 -0.10262 0.0084757 -0.089191 -0.028915 0.079653 0.21242 0.22955 0.0068429 -0.10734 -0.12707 -0.035675 -0.34758 -0.014745 0.098664 -0.26677 0.15174 -0.070379 0.11741 -0.21856 0.14806 -0.34428 -0.092995 0.33721 -0.25579 -0.12442 -0.081491 -0.012542 0.10204 -0.08476 0.16592 -0.098669 -0.010756 0.061447 -0.068707 -0.25046 0.033093 0.038377 0.12674 0.029024 0.00030627 0.23159 0.01349 0.04606 -0.12942 -0.13805 -0.0040294 -0.17694 0.14187 -0.024653 -0.15579 -0.015882 -0.077564 0.55749 -0.32984 0.073338 0.050526 0.2151 0.12432 -0.018416 0.18043 0.21407 0.026809 0.12491 0.034459 -0.1664 -0.013394 -0.12745 0.094926 0.0098882 -0.16172 -0.17373 0.16779 -0.033516 -0.060354 0.13567 -0.1925 0.073883 -0.026626 0.02627 0.24957 0.33962 -0.025451 0.17727 0.25922 -0.015897 0.18869 0.18008 0.15822 0.13882 0.15156 -0.12936 -0.095485 0.13651 0.19109 0.051064 0.025392 -0.022263 0.079596 0.093802 0.051655 0.039181 0.029299 0.14719 0.012053 0.38006 0.087772 -0.16059 0.1168 -0.12383 0.073708 0.011269 -0.19968 0.053784 0.067892 -0.26106 -0.22814 0.20539 0.0032442 0.080051 0.097407 -0.18456 0.30216 -0.20749 0.08158 0.0082529 -0.12749 -0.21698 -0.038959 0.23559 -0.075517 -0.040899 0.045094 -0.5279 0.095606 -0.27215 -0.080209 -0.076886 0.22563 -0.13355 0.049687 0.096509 0.12826 0.13218 0.18036 -0.16039 -0.079016 0.051331 -0.20504 0.22081 -0.11359 -0.027723 -0.40002 -0.01707 0.089515 -0.18022 -0.22497 0.17763 0.17005 -0.25144 -0.13363 -0.007385 -0.047598 0.2405 0.12501 -0.14657 -0.037232 -0.139 0.012675 0.0066963 0.22678 0.18087 -0.10151 0.053858 -0.24692 0.024375 0.17947 -0.12393 -0.30308 -0.1203 0.01573 -0.12332 -0.17654 -0.028845 0.075684 0.03806 0.090058 0.12124 0.22865 -0.1017 0.095487 0.22654 -0.057054 -0.19671 -0.051846 0.065229 0.2773 0.1316 -0.21467 0.22619 0.15237 -0.12981 0.030462 0.1166 -0.19111 -0.21469 0.41953 0.29282 0.21589 0.00081175 -0.077017 0.059567 -0.0024375 -0.45537 -0.086308 0.0074062 0.058034 0.15511 -0.21714 -0.20471 0.021665 0.10662 0.13441 0.1459 -0.10707 0.021473 -0.0023633 -0.15888 0.17146 0.010775 0.12453 0.027792 0.090843 0.090885 -0.23816 -0.13538 -0.10069 0.072976 -0.043221 -0.012684 -0.13816 0.33124 0.011421 -0.2019 -0.064327 0.13483 0.23735 0.00090457 0.11574 -0.20922 0.14809 0.2078 -0.045272 -0.18763 0.066758 -0.11273 -0.19281 -0.30905 0.025198 -0.030905 0.0016205 +been -0.1477 -0.13477 -0.2475 0.02076 -0.13587 0.12788 0.10769 -0.34265 -0.14884 0.28341 -0.0099212 0.27009 0.028468 0.012028 0.12074 -0.11319 0.031134 0.13722 0.08244 0.090114 -0.039155 0.207 -0.17441 -0.46096 -0.13696 -0.0038776 0.11981 0.20182 0.080932 0.14176 -0.12591 0.21687 0.0010702 0.2635 0.066637 0.0011725 0.055957 0.095976 -0.03724 -0.17582 0.14216 -0.14061 0.14911 0.089605 -0.083772 -0.036891 0.11188 0.015942 0.047274 0.19163 -0.34174 -0.26671 -0.30332 0.15135 0.085256 -0.17965 -0.059018 0.2968 -0.14752 0.24992 0.00087438 0.15221 0.11701 -0.0017772 0.4922 0.14307 -0.28457 0.14576 -0.16481 -0.052588 -0.10354 -0.010191 0.06632 -0.30943 -0.058576 0.17096 0.28728 0.32305 -0.10497 -0.27314 0.040203 0.01941 0.058334 -0.11107 0.045268 -0.28341 0.0021492 -0.02673 -0.24905 0.03685 0.018437 0.043619 0.29779 -0.023423 0.067262 -0.021577 0.027047 0.14574 -0.1242 0.0057499 -0.22087 0.082406 0.19025 -0.22731 0.013923 -0.075359 -0.10851 0.26828 -0.27522 -0.03719 -0.11582 0.19715 0.0095723 0.030525 0.003465 0.034414 0.19314 0.14158 0.033836 0.31028 -0.026976 0.16816 -0.22094 0.44517 0.018906 0.063523 0.031337 0.25996 0.13026 0.29794 -0.12269 0.20463 -0.11847 0.12853 0.17572 0.10058 -0.074098 0.099432 -0.14375 -0.006641 -0.1282 0.029715 0.0078677 -0.014492 -0.025692 0.20441 -0.10205 -0.28795 -0.14402 0.2171 0.026392 -0.019398 -0.026873 0.031167 -0.23681 -0.095229 -0.17373 0.010928 0.62986 0.044692 0.1105 0.27522 -0.40513 -0.0082544 0.068675 0.1379 0.36785 0.020965 0.17326 0.25395 0.020348 0.065713 0.010664 0.027053 -0.15869 -0.23314 0.087733 0.10751 0.097722 -0.13846 0.024585 0.017132 0.025672 0.3863 0.16764 -0.008983 0.21617 0.068635 0.17933 0.0065194 -0.15408 -0.48797 0.013831 0.15091 -0.16832 -0.35222 -0.16744 -0.0014162 -0.20537 -0.0014328 -0.13127 0.1691 0.031576 0.026595 -0.23506 0.096983 0.20562 0.15854 0.26697 0.22913 0.29997 -0.16922 -0.22712 0.090185 0.011827 0.024106 0.0079038 -0.012663 -0.048562 0.24817 -0.073063 -0.24561 -0.10296 -0.19988 -0.073753 -0.072046 0.0083721 0.039906 -0.16167 0.05178 -0.12637 0.14349 0.0018635 -0.070317 -0.023958 -0.11765 0.19558 0.25143 0.13778 0.35231 0.066119 0.073639 0.18583 -0.10051 -0.095831 0.042474 0.21821 0.036443 0.13412 0.1169 0.072217 0.16399 0.075131 -0.17558 -0.017305 0.055556 -0.040382 -0.012062 -0.0040065 -0.086663 0.13453 0.21096 -0.14205 -0.18998 -0.30808 0.17079 -0.10165 0.30312 -0.25341 -0.11659 0.045643 0.10542 0.17127 -0.16073 -0.12051 -0.30933 0.40289 0.18351 0.14009 -0.16767 0.10839 0.010342 -0.015383 -0.075649 -0.068229 -0.073173 0.066303 0.097534 -0.01572 0.21127 -0.17418 -0.11655 -0.088314 0.025956 -0.11041 -0.072122 -0.15355 0.24966 0.11398 0.07525 +made -0.1607 -0.15512 -0.16367 0.15251 0.28545 -0.089589 -0.085886 -0.042271 0.044481 0.17389 0.052276 0.18053 0.19 -0.012547 -0.020536 -0.047085 0.13906 0.31214 -0.26683 0.040201 -0.13571 -0.18192 0.20091 -0.19316 -0.27992 0.080827 -0.024699 -0.4407 0.004629 0.12059 0.050521 0.20287 -0.32498 -0.080344 0.0020535 -0.099764 0.16449 -0.16448 0.1796 -0.35642 -0.0036997 -0.03232 -0.22326 -0.0087993 -0.063212 -0.047669 0.004822 -0.086263 0.19595 0.089789 -0.25139 -0.022407 0.13665 0.16436 -0.24884 0.21022 -0.3678 -0.12325 -0.11068 0.34695 0.068993 0.094693 0.22348 -0.54 0.065352 -0.52442 -0.010399 0.11741 -0.086235 0.14231 -0.044102 0.25507 0.0063577 -0.20154 0.086202 -0.16446 0.1808 0.10532 0.030927 -0.11688 0.13399 0.14195 0.13697 -0.066606 0.20211 -0.53664 0.012099 0.18373 -0.38062 -0.47262 -0.13657 -0.11716 -0.069509 -0.30032 -0.069818 0.38741 -0.30412 0.090496 -0.37882 -0.21545 -0.23895 -0.24152 -0.059071 0.22437 0.28948 0.22511 0.15225 0.13766 -0.14144 -0.11415 0.042245 0.18327 0.32289 -0.18588 0.080721 -0.060523 0.076963 0.21812 0.019744 0.12474 0.1822 0.25496 -0.21334 0.081183 0.43752 0.2781 -0.048984 0.17067 -0.074991 0.40426 0.10785 0.13576 -0.069448 0.081642 0.16985 -0.30936 -0.083486 0.00031132 -0.32089 0.031854 -0.22316 -0.15137 -0.17352 0.32026 0.045412 0.12836 -0.31505 0.26893 -0.4531 0.40112 0.12999 0.038981 -0.22968 -0.11053 -0.51142 -0.11542 0.23931 -0.20533 0.03168 0.002001 -0.13145 -0.0042372 -0.25358 0.17025 -0.005468 -0.20585 0.25619 0.1074 0.37034 0.029532 -0.34615 0.11243 -0.27023 0.067293 -0.26414 0.17343 -0.11997 -0.0055723 0.0011452 0.10664 0.14741 0.0055639 0.2753 0.50486 -0.21264 0.35812 0.4108 0.074424 0.017267 -0.049262 0.14322 -0.16379 -0.077156 0.1382 -0.12331 -0.15811 -0.26149 0.18855 -0.32902 0.3601 -0.41521 -0.31113 0.58768 0.19098 0.07964 -0.16781 -0.39613 0.31702 0.50609 0.29085 0.65181 -0.37568 0.23727 0.011391 -0.060317 0.18376 0.54529 -0.55282 -0.058984 0.22881 0.081654 0.068108 -0.014444 0.28761 -0.18975 -0.070589 -0.16044 -0.4832 -0.24823 0.017493 -0.042994 0.090457 -0.24163 0.17379 -0.25222 0.47961 0.29635 0.099308 -0.011285 -0.090779 -0.0065225 0.1824 0.28863 0.13457 -0.27696 0.41439 0.4077 0.018963 0.23776 0.16625 0.084062 -0.19881 -0.14081 -0.14042 0.21177 0.16746 0.1532 -0.12037 -0.24419 0.094116 -0.10622 0.094826 0.14233 0.19439 -0.076951 -0.24088 -0.092695 0.32017 0.0034527 -0.24074 -0.14391 0.027853 -0.39148 0.22096 0.022911 -0.22762 0.16342 0.20037 -0.0067606 0.16903 0.097819 0.14917 -0.26921 -0.1249 0.31143 0.067282 0.20321 0.41096 0.26096 -0.39748 0.083338 -0.071496 -0.21098 -0.13502 0.20615 -0.10549 0.04879 -0.067252 0.11251 -0.12855 +its -0.099943 -0.095374 -0.16955 0.2332 0.027917 -0.2469 0.079541 -0.015743 -0.064162 0.37166 0.0504 -0.12933 0.26108 -0.061921 0.10533 0.01289 -0.018616 -0.12783 0.078918 0.17501 -0.11267 0.13836 -0.11526 -0.50424 -0.15812 -0.29586 0.10105 0.10246 0.15037 -0.045676 -0.28695 0.34189 -0.055164 0.2685 -0.29481 -0.078944 0.14982 -0.1456 -0.057301 -0.01025 0.054853 -0.061068 0.030838 -0.020885 0.29063 0.26164 -0.018397 0.26998 0.10307 -0.10266 0.055627 -0.018202 -0.052353 0.21491 -0.16526 0.041641 0.010906 0.072301 -0.024331 -0.068326 -0.080224 -0.030317 0.3424 0.013642 0.0024587 -0.27487 -0.13917 -0.12068 -0.07459 0.13155 -0.22706 0.055504 0.0087149 -0.051825 -0.20111 -0.019131 0.045798 0.19713 0.12722 -0.23622 0.1217 0.11136 0.28612 0.1686 -0.16094 0.044673 0.12357 0.32941 0.099932 -0.042613 0.20693 0.15455 0.13922 -0.37855 -0.035108 -0.025928 0.17044 0.25218 0.051277 -0.024152 -0.041032 -0.017559 0.40249 -0.39724 -0.11576 -0.14655 -0.28519 0.3248 -0.05679 0.030534 -0.08874 0.0071727 -0.14484 -0.1129 -0.095761 0.061138 0.023838 0.11662 0.35584 0.17463 0.052115 -0.034274 -0.095426 0.28186 0.11581 0.099476 0.17887 -0.0027635 0.11502 0.018327 0.011297 0.17553 0.12653 0.053634 -0.15143 -0.15354 -0.12833 -0.0062628 -0.057793 0.11873 0.01342 0.0038952 0.22655 0.34041 0.1632 0.25613 0.016746 0.062438 0.11331 0.20081 0.11894 -0.25878 -0.07954 -0.04138 0.069708 -0.046969 -0.016395 0.18225 0.27116 -0.0076246 -0.20777 0.21339 -0.3384 0.29664 0.30422 -0.027936 -0.074645 -0.050666 0.20789 -0.1547 -0.13444 -0.16362 0.0075092 0.020599 -0.10769 0.15171 -0.028397 0.11531 -0.11472 0.097927 0.15989 0.06269 0.057852 -0.023723 0.1373 0.032406 0.12856 -0.45087 -0.094265 0.0011745 -0.020482 -0.064063 0.15759 0.2013 -0.26073 0.31537 0.10384 -0.028928 -0.020059 0.031401 -0.0033611 -0.041878 -0.062437 0.04403 -0.22855 -0.24718 0.19772 0.0054901 0.15843 0.22321 0.11864 0.36403 0.042914 -0.026939 -0.004724 -0.12658 0.12068 -0.12599 0.068229 0.078913 0.042069 0.10273 -0.27115 0.23578 0.12164 0.082186 -0.23721 -0.3815 -0.052169 -0.04982 0.17205 0.16805 -0.074104 -0.013826 -0.31626 -0.027091 0.011182 -0.16375 -0.080864 0.074682 -0.048148 -0.19462 0.13134 -0.13379 0.23713 0.0020027 -0.12394 -0.046406 0.00053912 -0.12535 0.069831 0.35514 0.037194 0.00799 -0.012723 0.075782 -0.099322 0.082945 -0.0029492 -0.076004 0.12589 0.055382 -0.16835 -0.039559 -0.19796 -0.031226 0.095901 0.037382 -0.004177 -0.36257 -0.50771 0.10456 0.19824 0.23786 0.015615 0.034666 0.031472 0.57877 0.16154 0.091154 0.027592 -0.017388 0.040783 -0.06976 0.31625 -0.18234 -0.055455 0.18401 -0.24267 0.12608 -0.045711 -0.1667 -0.19817 0.23516 0.085741 -0.084006 0.01074 0.29869 -0.12425 -0.044046 +people -0.18904 -0.0060955 0.17664 -0.1551 -0.31886 -0.19349 0.028729 -0.18951 -0.059563 0.18212 0.26391 0.26106 -0.19818 -0.10295 -0.23183 -0.034002 -0.33035 -0.20227 0.20207 0.049372 -0.066406 0.13397 -0.021476 -0.10524 -0.019948 0.049189 0.39666 -0.12545 -0.24825 0.31195 -0.15038 0.20861 -0.66122 0.17057 0.13622 -0.086348 -0.036075 -0.158 0.19955 0.36775 -0.35637 -0.018656 -0.03945 0.047299 0.33251 0.49576 0.011627 -0.12662 -0.19955 -0.13496 -0.031604 0.084278 -0.00088686 -0.021137 -0.042625 0.05959 -0.07074 -0.012893 -0.17834 0.23333 -0.26474 -0.1681 0.31222 -0.02476 -0.073097 0.012875 -0.02417 0.031449 -0.11147 0.19393 -0.10097 0.20565 0.44183 -0.34442 0.31633 -0.18494 0.24902 0.01189 -0.37678 -0.36856 -0.3234 0.10022 0.31117 0.23776 0.17438 -0.057654 -0.089945 0.29086 0.078267 0.029959 0.21061 0.13605 0.28215 -0.46272 -0.16089 0.2232 0.2343 0.050995 0.051689 -0.11358 -0.093533 0.38209 -0.21496 -0.52718 -0.44801 0.22312 -0.12194 -0.16079 0.17599 0.1325 0.57215 -0.045787 -0.39375 -0.02876 -0.18495 0.055877 0.38101 -0.010387 -0.30994 0.16415 -0.17603 -0.064731 -0.24216 0.1437 -0.0023777 -0.12474 0.14279 0.17737 0.27145 0.046148 0.096142 0.27569 -0.16928 -0.068955 -0.14369 -0.19753 -0.084424 0.10927 0.025963 0.3121 0.12074 0.30427 0.049774 0.037441 0.28976 -0.010688 -0.15236 -0.031899 0.13813 0.019419 -0.012435 0.047858 0.21456 0.034201 -0.20808 -0.49573 0.33692 -0.067651 -0.050387 -0.20308 -0.29392 0.62286 -0.34168 -0.062339 0.57835 -0.15267 -0.15429 -0.18918 0.68803 0.070699 -0.13678 -0.23595 -0.25227 0.23216 -0.56908 0.26069 -0.24 0.17192 0.033571 -0.10659 0.29385 0.34061 -0.09552 0.31066 -0.0078378 0.23933 0.00984 -0.021138 -0.1788 -0.046346 0.19833 -0.27223 0.1205 0.19981 -0.31488 -0.096613 -0.2177 0.24444 -0.34423 -0.17851 -0.207 -0.23557 -0.079816 0.24642 0.00070893 0.12106 -0.20982 -0.2207 -0.095824 0.34375 0.45887 -0.09032 0.21364 -0.32243 0.051047 0.025595 -0.03888 -0.36033 -0.049995 0.068956 0.02306 -0.33479 -0.10781 0.19563 0.042942 0.2409 -0.092082 0.20205 -0.028472 -0.049433 0.10717 0.069724 -0.15489 -0.24612 -0.1305 0.08178 0.11362 0.090137 0.077621 0.21475 0.013195 -0.27982 0.34427 0.24947 -0.19077 -0.011215 0.037879 0.1576 0.01079 0.055051 0.16133 -0.21535 -0.25201 -0.27721 -0.074579 -0.16421 0.096502 -0.39348 0.24881 -0.0029485 -0.045481 0.0029993 0.043741 -0.43711 -0.26041 0.012057 0.28825 -0.1843 0.026475 0.24676 0.14065 0.10368 -0.27005 -0.21365 -0.22759 0.5363 0.28187 -0.077291 0.23566 -0.23195 0.19219 0.14927 0.04829 0.33027 0.45874 -0.19561 -0.072188 -0.34129 0.10512 0.008399 0.11388 0.0085701 -0.13828 -0.11493 -0.22161 0.11269 -0.68484 -0.027416 0.32802 -0.092465 +may -0.1281 0.11622 -0.1766 -0.1788 -0.24574 0.013559 0.094366 -0.27989 0.07467 -0.042644 -0.15928 -0.10095 -0.077565 -0.046445 0.063462 0.026919 -0.278 0.10078 -0.12386 0.12633 -0.0559 0.13483 0.13824 -0.16584 0.047997 -0.049696 0.06493 -0.18064 0.023736 0.035298 -0.11303 0.10691 -0.19971 -0.10965 0.10989 0.06081 -0.20734 0.15336 0.15677 0.0026077 -0.03626 0.080751 -0.16879 0.0019382 0.0092692 0.041721 0.084704 0.15395 -0.12817 -0.22389 -0.18053 -0.0091861 -0.083469 -0.17693 -0.06959 -0.25896 0.15773 0.092564 -0.057691 0.16113 0.054333 -0.17219 0.24803 -0.078886 -0.12712 -0.099611 -0.33846 0.040201 -0.14857 0.13339 -0.2037 0.26244 -0.13218 -0.38882 0.14438 0.14761 0.37248 0.058287 -0.063674 0.13964 0.1806 0.32397 -0.043231 -0.12882 0.11246 0.064378 -0.016712 -0.040039 0.033283 -0.04152 -0.15424 0.039441 0.088131 -0.22506 0.053484 -0.046978 0.034448 -0.15505 -0.094368 0.3674 -0.1874 -0.097182 0.031259 -0.51324 0.11953 -0.065023 -0.075121 0.13838 0.20906 -0.067881 0.15865 0.29764 -0.10774 -0.18179 -0.10896 -0.040166 -0.037554 0.23005 0.071476 0.14132 0.10433 -0.15146 -0.13462 0.54403 -0.1644 -0.14705 -0.086271 0.080527 0.074534 0.32952 -0.065689 0.12402 0.27546 0.045918 0.11204 -0.20028 -0.1732 0.21601 -0.10553 0.1254 0.10037 -0.15991 0.091771 0.060991 -0.11855 0.4845 0.13214 -0.20783 -0.17782 -0.057865 -0.06103 0.063225 0.056823 0.024756 -0.027454 -0.16079 -0.11708 -0.019639 0.39605 0.04553 -0.077044 0.008143 -0.37277 -0.07205 0.24427 0.14173 -0.080408 -0.04853 0.16336 0.23024 -0.38325 -0.14976 -0.29596 0.086066 0.10046 -0.077654 -0.043165 0.020356 -0.15622 -0.14 -0.23401 -0.2175 0.065091 -0.017582 0.0090847 0.14202 -0.11031 -0.056833 0.20382 0.043655 -0.085542 -0.36912 -0.048674 -0.013265 -0.015587 0.037973 0.11359 0.11422 -0.27879 -0.091202 0.034331 -0.21125 -0.35898 0.080895 0.062445 -0.039032 -0.15083 0.040102 0.20751 0.2423 0.30196 -0.32137 -0.09406 0.099781 -0.042716 -0.10103 -0.09818 -0.23061 -0.085553 -0.30054 -0.019516 -0.28347 -0.18745 -0.059179 -0.11367 -0.028728 -0.067596 0.067616 0.17367 -0.039826 0.0042453 0.12594 0.030568 -0.098419 -0.17452 0.16847 -0.063715 -0.063695 0.17122 0.16309 0.10663 0.053643 0.12603 0.11223 -0.11047 0.217 0.01833 0.2542 0.092537 -0.040046 0.21966 -0.14843 0.060282 0.068879 0.076029 -0.085165 -0.044522 -0.050305 0.13074 0.0085751 0.23026 0.17303 -0.050384 0.038419 0.00024102 -0.025396 -0.29367 0.25275 -0.23461 0.022624 -0.27669 -0.011798 -0.0081916 -0.12315 -0.2124 -0.14725 0.099977 0.04448 0.053206 -0.03325 -0.052258 -0.11754 -0.21017 -0.16639 0.30818 -0.16077 -0.020212 0.22307 0.19837 0.082521 0.26291 0.0082545 -0.23046 0.0039818 0.18998 -0.034144 -0.14982 -0.032295 0.067883 0.15751 +after -0.02381 -0.13347 -0.099323 0.18576 -0.09063 -0.01901 -0.017136 -0.19994 -0.03215 0.19638 0.20083 -0.03299 -0.068473 0.088887 0.025086 -0.087506 0.081662 -0.18359 -0.13052 0.4695 0.020701 0.12677 -0.42526 -0.22049 -0.19864 -0.14351 0.044412 -0.085645 0.068079 0.00065869 -0.16506 0.26333 -0.041861 -0.0068456 0.17591 -0.088237 0.17138 -0.12413 0.18414 -0.075362 0.042134 -0.091953 0.032799 -0.19697 0.0021139 0.025462 0.15297 0.18938 -0.093815 0.13099 0.1133 -0.26342 -0.060955 0.053676 -0.015557 0.037087 -0.13589 0.10788 0.015482 -0.049748 -0.05699 -0.5012 0.024022 0.11203 0.073363 0.094816 -0.0010325 0.19499 -0.049417 0.018289 0.014312 0.10258 -0.17422 -0.21716 0.13874 0.078372 0.28409 0.15151 0.058753 -0.15125 0.25806 0.0064346 -0.14491 0.15146 0.035753 -0.099718 -0.2518 0.077202 0.027281 0.0148 -0.32185 -0.19973 0.26645 -0.022034 0.22838 0.18023 -0.17501 0.31774 -0.21449 -0.18692 0.060354 0.043683 0.27214 -0.017046 0.10917 -0.038514 -0.093555 0.21885 0.24409 0.22292 0.23795 -0.018903 -0.037171 -0.10287 0.11239 -0.17271 0.067486 0.11565 -0.044566 0.26892 0.39521 0.20493 -0.28793 0.3875 0.14814 -0.11139 0.28312 -0.028172 0.30891 0.064985 -0.25356 0.0028425 -0.23909 -0.23515 0.0084086 0.070237 -0.089971 0.043253 -0.135 -0.10582 0.046109 -0.1103 0.081581 -0.062136 0.0055225 0.29208 0.060016 -0.075344 -0.10711 0.096122 0.0067895 -0.176 -0.063068 0.26846 -0.2079 -0.046621 -0.0099679 -0.028861 0.095638 -0.030919 -0.10331 0.26062 -0.25952 0.29983 0.13703 -0.1213 -0.12396 0.10173 0.22469 -0.26712 -0.071385 -0.12106 0.010285 0.080605 0.068203 0.014649 -0.19149 0.25863 0.050205 -0.17061 -0.090931 -0.066977 -0.38715 -0.11005 -0.20213 0.15995 0.072924 -0.093986 0.067252 -0.012308 -0.19589 -0.12459 0.026278 0.12086 0.071179 -0.051619 -0.26104 -0.087131 -0.064114 -0.085221 -0.19941 -0.076755 -0.063048 -0.046931 0.053142 0.096564 -0.070828 0.062502 0.17359 0.16847 0.15346 -0.061157 -0.085192 0.008912 -0.083714 0.034392 0.067603 -0.11983 -0.26691 0.076166 -0.045276 -0.10477 0.11846 0.19733 -0.069763 0.16007 -0.25733 -0.0086714 0.1971 0.14137 0.12357 -0.034954 -0.34086 0.11762 -0.098647 0.024459 0.059482 0.030277 0.048182 -0.17786 0.14967 -0.2367 0.20631 0.026731 -0.038929 0.049806 0.086189 -0.0076831 -0.01505 0.0685 0.13626 0.012769 -0.14371 -0.15177 -0.047791 0.098528 -0.14076 -0.12515 0.0009927 0.14614 0.12226 0.19631 0.070392 -0.32198 -0.020638 -0.1294 0.2394 0.09384 -0.069987 -0.23969 -0.24248 -0.17795 -0.088668 0.060282 -0.3157 -0.026589 0.1686 0.24604 0.1197 0.074519 -0.023599 -0.010565 0.24928 0.32287 -0.054877 0.1355 0.041028 0.0683 0.081687 -0.11338 0.059686 -0.052655 0.14214 -0.16897 -0.10605 -0.028526 -0.04856 0.17569 -0.024529 0.05592 +% -0.34595 -0.099989 -0.45195 0.14494 -0.67913 -0.12342 -0.12161 -0.65677 0.10068 -0.30083 -0.083097 0.35491 -0.00066027 0.20335 -0.43612 -0.16698 -0.2613 0.11388 0.67893 0.1954 0.018472 0.23597 0.025022 0.89684 -0.55003 -0.20671 -0.659 -0.27406 -0.18194 0.45689 0.16644 0.23882 -0.25251 0.18689 -0.26386 -0.61533 -0.12633 0.020112 -0.49091 0.018793 0.21324 -0.37916 -0.15436 0.12611 0.71791 0.043793 -0.13866 -0.38003 0.13321 -0.29352 -0.29998 -0.23507 -0.20814 -0.26209 0.038159 -0.16692 0.070279 -0.046276 -0.22974 0.10836 0.022688 -0.38177 0.54448 -0.27652 -0.19122 0.32353 0.14507 0.20475 -0.013999 0.25133 0.41841 -0.030467 -0.63 0.36625 -0.47234 -0.15143 0.3606 0.10791 0.22987 0.28089 -0.15399 0.45954 0.23445 0.41754 0.059689 -0.67307 -0.21871 0.32886 0.56541 -0.063921 -0.25238 0.18952 -0.41196 -0.64352 -0.12855 0.45232 -0.021397 0.16441 0.35297 -0.0056197 -0.056661 0.11771 0.49606 -0.36182 -4.8399e-05 0.031244 0.22128 -0.29626 0.21516 0.56481 0.17392 0.4204 -0.38805 0.19879 -0.17618 0.37551 0.26922 0.64065 -0.48071 0.54982 -0.073206 0.057841 -0.10422 -0.32746 -0.036678 -0.1932 -0.63092 -0.36363 -0.24651 0.26277 0.19379 -0.078498 -0.15346 0.3151 0.027983 0.16243 0.39814 -0.15768 0.16831 0.43229 -0.068114 0.56968 0.35631 0.013081 0.088933 0.83076 -0.27779 0.1988 -0.30016 0.12859 0.31431 0.12652 -0.2919 0.48098 -0.40795 -0.021773 0.2113 -0.16392 0.28242 0.12109 0.36418 0.44416 -0.27821 0.0047798 0.7741 0.30292 -0.078799 0.25372 0.037243 0.52737 0.35868 -0.18463 -0.45473 0.50935 0.055312 -0.24136 -0.38552 -0.1297 0.013833 -0.25722 -0.17835 -0.3576 -0.41943 -0.1615 -0.30302 0.60682 0.12568 -0.10517 0.006273 0.024597 0.33765 0.3351 0.71938 0.67717 -0.070356 0.36305 -0.36126 0.62285 -0.34824 -0.28687 -0.33793 -0.14749 0.65983 -0.1391 0.33836 -0.09946 -0.75038 0.027116 0.75642 0.2419 -0.021156 -0.50507 0.22996 0.54194 -0.34584 -0.75338 -0.23758 -0.57873 -0.48143 0.19732 0.35088 0.36563 0.26608 0.12589 0.14343 0.5444 0.097154 -0.15934 -0.15195 0.29162 0.25976 0.19826 -0.082778 0.20404 0.27866 -0.32214 0.26683 -0.16996 0.065559 -0.033153 -0.37233 -0.14817 -0.70513 -0.29792 -0.43549 0.21966 -0.14124 0.063161 -0.1167 0.23056 0.17694 -0.46328 -0.4211 0.31795 0.06937 -0.13074 0.068277 0.014166 0.11788 0.25749 -0.27967 0.0071493 0.11028 0.14862 -0.39479 0.70441 0.068699 -0.030409 0.42079 0.016701 -0.15536 -0.091807 1.0344 -0.30369 -0.22631 0.6106 0.36308 -0.019935 0.096855 0.023815 1.0099 0.54708 0.44751 -0.44186 0.17654 0.31286 0.34237 -0.014783 -0.22935 0.24776 0.65014 0.14849 0.24625 0.35897 -0.43755 0.087611 0.084289 -0.092697 -0.1195 -0.28025 +other -0.06144 0.13907 -0.15251 0.15441 0.076244 0.14154 0.17104 -0.21644 0.21813 0.29309 -0.00095394 0.0029898 0.0055986 -0.055287 0.036586 -0.086746 0.12844 0.043027 0.015071 -0.061351 -0.067906 0.069628 0.044527 -0.071393 0.021024 0.031831 0.19265 0.0027777 -0.13024 0.081277 0.14577 0.10254 -0.16524 0.28039 -0.018377 -0.093898 0.093526 0.15219 0.13651 0.0073334 0.16772 -0.023001 0.12163 -0.022788 0.048725 0.050573 -0.12345 -0.20483 0.0084026 -0.2819 -0.041475 0.094374 -0.15813 -0.06799 -0.45109 -0.071498 -0.16556 -0.034215 -0.43026 0.25528 -0.0056669 -0.20065 0.31609 -0.051316 0.077715 0.21971 -0.32093 -0.0075352 -0.10382 -0.018169 -0.080878 0.0089464 0.051645 -0.21536 -0.21703 0.22639 0.20479 0.17501 0.10353 -0.062102 0.14903 0.0035497 -0.18489 0.065968 0.13212 0.0027676 -0.031666 0.13545 -0.0097185 -0.051893 0.17964 -0.026688 0.25952 -0.29137 0.043709 0.012291 0.043275 0.0095296 -0.019058 0.13288 0.080184 -0.091995 0.11834 -0.12496 -0.098992 0.030249 -0.093587 -0.02936 -0.012213 0.12523 -0.1506 0.13369 -0.072981 -0.095704 -0.014042 0.07759 0.27774 0.33178 -0.036571 0.050608 0.1577 0.10267 -0.093197 0.34011 -0.062091 0.1156 0.20672 0.18848 0.012482 0.37629 0.069247 0.02612 -0.16087 0.11409 0.10902 0.0098502 -0.1622 0.063179 0.0022694 -0.053578 0.036597 0.071441 0.064592 0.13408 0.039921 0.17445 -0.11835 0.037857 -0.055783 0.076999 0.03013 -0.34679 0.026288 -0.046679 -0.096556 -0.062937 -0.010126 -0.077202 0.19505 0.16586 -0.01868 0.22373 0.010541 0.080339 0.1743 0.010536 -0.17484 -0.18947 0.089363 0.069082 0.0054627 0.039536 -0.1587 0.11398 -0.19848 0.13628 0.19069 0.17036 0.3821 -0.044378 -0.077391 0.12628 -0.055254 0.097946 0.079165 0.18271 0.19934 -0.046055 0.26268 -0.027263 -0.014297 -0.078849 0.066682 -0.027352 -0.25097 -0.053086 0.057189 0.22181 -0.13553 -0.02557 0.026317 -0.21086 0.15813 -0.071769 0.069016 -0.010298 -0.078427 -0.044183 0.0010938 0.23331 0.23129 -0.026975 -0.075833 -0.091101 0.10878 -0.071617 -0.06223 -0.27325 -0.10158 -0.0093918 -0.14901 -0.16606 -0.089922 0.069322 -0.14251 0.077278 -0.20526 -0.24491 -0.10022 0.15759 0.1983 0.12484 -0.0010427 0.066791 -0.006821 0.22785 0.033546 -0.0048719 0.17765 0.018651 0.16746 -0.015371 0.036254 0.11168 -0.051836 0.28015 0.21673 0.08932 0.057131 0.36509 0.14307 -0.091283 -0.13284 -0.14707 0.0044101 0.068573 -0.058182 -0.11829 0.05998 -0.15455 0.17452 0.080535 -0.073275 -0.0039046 -0.27288 -0.14383 -0.30167 0.032485 -0.024228 -0.0073127 -0.12973 -0.12459 0.012493 -0.037983 -0.11108 0.0056298 0.066076 0.097808 -0.16598 0.21693 0.21728 0.046134 -0.0079405 0.032881 0.23987 0.061794 -0.10701 0.22387 -0.22527 0.40613 0.12123 0.072569 0.18289 0.31777 -0.015021 0.09148 -0.098281 0.24074 0.12595 0.034901 +should -0.1574 0.060096 0.12802 -0.0647 0.0073977 -0.10681 -0.18114 -0.39793 -0.12264 0.14537 -0.04591 -0.046891 -0.025864 -0.36477 0.2012 -0.00088587 0.1493 0.14734 -0.059671 0.075768 -0.046534 0.15698 0.07473 0.056786 -0.44776 -0.20732 0.016174 0.066466 0.37869 0.11554 0.079355 0.13391 -0.1575 0.10158 -0.069822 -0.20254 0.069083 0.43622 0.20451 -0.76888 0.022587 0.0026045 -0.51933 0.017892 0.11486 0.34741 0.059008 -0.15326 0.17966 -0.06785 0.021525 -0.35534 -0.14506 -0.32371 0.018787 -0.036814 0.081169 0.046927 -0.25154 0.097335 0.04722 0.14448 0.36331 -0.079142 0.046061 -0.15201 -0.0083216 0.13081 0.053325 0.23444 -0.11466 0.32178 0.10307 -0.36484 -0.080297 0.31483 0.16969 0.25225 0.091764 -0.17543 0.027876 0.06849 0.19697 -0.080172 0.017887 -0.28204 -0.11199 0.17862 -0.46596 -0.056966 -0.037339 -0.12912 0.040572 -0.62686 0.12255 0.18502 -0.011372 0.1382 0.020314 -0.12895 -0.034881 -0.35887 0.10112 0.0095346 0.23554 0.22838 -0.2472 0.022054 0.01542 0.07307 -0.24688 0.15393 -0.1555 0.11564 0.14831 -0.1016 0.32918 0.22461 -0.0030828 -0.088876 0.011739 0.041648 -0.23507 0.29888 0.24103 -0.22085 -0.033185 0.26711 -0.20005 0.38361 -0.1744 -0.013707 -0.11137 0.10985 0.13293 0.16762 0.10234 -0.0023813 0.17318 0.077176 -0.22565 -0.16748 -0.13873 -0.018536 0.023891 -0.1331 -0.11115 -0.074736 -0.20156 0.38026 0.21218 0.15669 0.20158 -0.056155 -0.25372 -0.1124 -0.18889 -0.019705 0.39269 0.054653 -0.13283 0.14885 -0.20738 -0.057547 -0.15208 -0.097722 -0.1017 -0.47307 0.32847 0.45484 -0.28028 -0.059472 -0.65521 -0.06996 -0.28482 0.081245 -0.28534 -0.27181 0.12442 -0.44059 -0.051716 -0.33861 0.12429 0.16512 -0.078012 0.2988 0.42086 -0.2024 0.24935 0.19606 -0.022058 -0.15264 -0.35725 -0.072546 -0.15277 -0.37035 0.13562 -0.01832 -0.61061 0.2132 0.3371 -0.22933 0.23893 -0.069693 0.037648 -0.23856 -0.327 0.21407 0.38387 0.054019 0.39545 -0.2041 0.34428 0.033856 0.34207 0.11701 0.15634 -0.5024 -0.17657 0.312 -0.082118 0.063361 -0.12527 -0.089991 -0.099469 0.35329 -0.18852 -0.17298 -0.24875 -0.45314 0.10131 0.10391 -0.28297 0.1238 -0.23541 0.33473 0.49792 -0.2709 0.027734 -0.1391 0.30889 0.21725 0.37277 0.083933 -0.016265 0.39424 0.34838 -0.15873 0.28669 0.3235 0.25157 -0.062489 -0.075019 0.011022 0.39892 -0.20386 0.060094 -0.3719 0.1618 -0.11329 0.048525 0.12359 -0.33061 0.099359 -0.34309 -0.23388 -0.17498 0.57636 -0.3587 0.030993 0.0058806 0.010174 0.18856 0.22952 -0.054493 -0.079994 0.25315 -0.013323 0.27414 -0.078256 -0.3771 0.20568 -0.078446 -0.097791 0.21115 -0.35054 -0.06222 0.40654 -0.023842 0.056236 0.23455 0.18944 -0.02831 -0.23683 -0.019103 -0.016021 -0.09614 -0.1469 0.40694 0.084852 +two -0.042787 0.021008 -0.010656 0.23691 -0.10914 0.11364 0.08104 -0.08963 0.028048 0.16725 0.32177 0.014753 -0.039365 -0.095328 -0.037779 -0.11079 0.0078022 -0.09653 -0.039211 0.019009 -0.14289 -0.067665 -0.34326 0.02377 -0.22682 -0.0052578 0.062593 0.10703 0.10139 -0.14003 0.047672 -0.055667 -0.027452 0.035716 0.14919 -0.256 -0.096558 -0.022735 0.14314 -0.10151 0.3243 -0.32188 -0.15951 -0.068555 0.2172 -0.018742 0.015399 0.012097 0.084811 -0.13626 0.17574 -0.034163 -0.097007 0.13696 -0.23878 -0.0048385 -0.20212 0.19474 -0.44843 0.033639 0.14343 -0.21568 0.37218 -0.061451 0.0052274 -0.016064 -0.46722 -0.063281 0.020195 0.0057661 0.017295 -0.054501 0.12815 -0.22245 0.17331 -0.015966 0.25723 0.18674 0.053006 0.085951 0.14655 -0.17434 -0.40286 0.031242 0.098365 0.0053966 -0.14235 0.12383 0.10627 -0.26348 -0.15905 -0.36249 0.42316 -0.052531 0.15393 0.19552 -0.044145 -0.087237 0.056422 0.041022 0.11276 -0.096793 0.25266 0.024655 -0.14485 -0.27368 0.025269 0.16717 -0.085138 -0.16551 0.071062 -0.071654 0.017143 -0.15519 0.059725 -0.31675 0.05084 0.25471 -0.076676 0.31278 0.19897 0.1971 0.015398 0.44906 0.025087 0.1328 0.13571 0.3868 0.039457 0.41141 0.25284 0.083078 -0.17362 -0.098972 -0.052513 0.044958 -0.014746 0.018752 -0.0074413 -0.17854 -0.055522 0.036895 0.18334 0.24002 0.070781 0.22418 0.12459 0.082402 -0.12498 0.043271 -0.042265 -0.30769 -0.085772 -0.12223 -0.059418 0.055032 0.12957 -0.060091 0.27064 0.090178 0.015734 0.11379 0.22206 0.13828 0.15071 -0.051125 -0.019157 0.16602 -0.099245 0.018354 0.15507 -0.036933 -0.15022 0.012889 -0.0063673 0.1328 0.065317 0.17652 0.21467 -0.11954 -0.047375 -0.064448 -0.28786 0.08574 0.00095687 0.011876 0.023093 -0.037074 0.14286 0.028145 -0.038296 -0.19369 0.20076 0.12741 -0.021669 -0.039393 0.19729 0.32449 0.0034347 -0.19453 0.083832 0.018411 0.23358 -0.042907 0.021384 -0.20332 0.053472 0.20244 0.19168 0.15364 0.22217 -0.23451 -0.17831 -0.0028738 0.043552 -0.075121 -0.11484 -0.31365 -0.1264 0.056606 -0.015147 -0.089829 -0.10168 0.19851 -0.15027 0.10947 -0.028821 -0.063026 0.16191 -0.03954 0.20144 -0.18327 0.012342 -0.30748 -0.017691 0.046173 0.070848 -0.18618 0.016241 0.01985 -0.010055 -0.11585 -0.00055453 0.0509 -0.017426 0.33063 0.056454 0.07248 -0.098034 0.10158 0.021076 -0.071201 -0.44674 -0.1579 -0.071079 0.14169 0.061102 -0.026971 0.0041137 -0.07955 0.048669 0.13761 -0.13862 0.16066 -0.046004 -0.064986 0.01452 0.036494 0.064753 -0.12347 -0.05979 0.11379 0.043553 0.048641 -0.20961 -0.13571 0.084118 0.11034 0.011665 -0.061593 0.18993 0.092665 0.052162 0.033093 0.21433 -0.032212 0.14639 0.11366 -0.28801 0.36854 0.060341 0.051004 0.1612 0.27889 0.13875 0.1754 0.15241 0.15995 0.13901 -0.028607 +score -0.15244 -0.27529 -0.27765 0.38097 0.15517 0.16141 -0.14116 0.37976 -0.65832 -0.509 -0.42425 0.16641 -0.26355 0.097255 0.23696 0.24004 0.088422 0.052997 0.089343 0.95312 0.20155 -0.634 -0.29676 0.065524 -0.36688 -0.15405 -0.20104 -0.24589 -0.079075 0.48575 0.095243 -0.14028 -0.69932 0.22044 0.17108 -0.19894 0.46685 -0.31989 0.034801 -0.47223 0.23132 -0.063132 0.046305 -0.1576 0.79259 0.077207 0.48955 -0.096814 0.057353 -0.27282 -0.33974 -0.7625 0.015645 -0.15836 0.3131 0.033505 0.22987 0.19108 -0.053603 0.32537 0.22351 0.017425 0.21126 -0.018413 0.30453 0.27641 0.32787 0.11434 0.068597 -0.053261 0.16973 -0.27317 0.53729 -0.63085 0.11855 0.57458 0.55615 -0.49422 0.061108 0.25928 -0.15387 0.33469 -0.028607 0.55928 -0.31189 0.18039 -0.022748 -0.6115 0.22774 -0.1785 -0.38669 0.41127 0.34511 -0.052867 0.098745 0.36626 -0.012764 -0.17242 0.49297 0.23868 0.30851 -0.15631 0.5534 0.057378 0.71497 -0.26304 0.54672 0.00041172 0.036102 -0.37503 -0.29804 0.15049 0.14891 0.31576 0.085442 -0.78308 0.47112 -0.026628 0.27585 0.18507 0.33677 0.16581 0.27025 0.26467 -0.069708 -0.8225 0.084741 0.38287 -0.35794 -0.093632 0.02135 -0.21103 0.089226 0.097074 0.37994 -0.012783 -0.41044 -0.15546 0.053927 0.31133 -0.46455 0.10374 -0.11721 0.10903 -0.067722 0.87756 -0.18155 -0.12693 -0.40676 -0.19251 0.52449 0.14946 -0.68449 0.39646 -0.10068 0.21368 -0.47018 -0.41106 -0.011169 -0.22183 0.061898 -0.050537 -0.018812 -0.57577 0.53488 0.05237 -0.14805 0.1115 0.26874 0.051865 -0.31778 0.053255 -0.33449 0.14802 0.12186 0.17197 -0.16884 -0.10342 0.23543 -0.22899 0.28597 0.055696 -0.30922 0.1901 -0.82077 0.3148 -0.20593 0.2323 0.18972 -0.42438 0.07963 0.23475 0.57722 0.23548 -0.20728 0.22006 -0.25884 0.66452 -0.0090658 -0.23196 0.25818 0.17255 0.044417 -0.14954 0.40784 -0.43706 -0.021882 0.21986 0.30607 -0.32779 0.79621 0.071647 -0.18791 0.22381 0.0035575 -0.118 0.23743 -0.53185 -0.077544 -0.042479 0.19495 0.37906 -0.22511 0.2132 -0.36474 0.42744 -0.40275 -0.34822 0.036713 -0.052918 0.11265 0.89897 0.47807 -0.27026 -0.76058 -0.056153 -0.05259 -0.36204 -0.23027 -0.019439 -0.092298 -0.089746 0.029104 -0.053944 -0.032578 -0.22983 -0.070208 0.023994 -0.94958 0.324 -0.019517 0.17176 0.11694 0.36474 0.19375 0.57564 -0.10682 -0.069977 -0.042213 -0.025878 -0.050978 0.62817 0.27831 0.52425 -0.15368 0.50552 0.065328 0.46116 -0.41793 -0.26485 0.072308 0.75526 -0.68267 -0.019154 -0.43057 -0.65924 -0.061633 0.31031 0.36775 -0.1816 0.3677 0.37244 -0.078389 -0.21082 -0.062693 -0.36108 0.32221 0.43014 -0.50453 0.0068484 0.25323 -0.16632 0.17728 -0.30879 0.16046 -0.091196 -0.59368 -0.023938 -0.24539 -0.024996 +her 0.23168 0.048626 -0.27836 0.31056 0.094327 0.14188 0.073438 0.19866 -0.045887 0.18989 0.34318 0.079454 -0.26854 0.13666 -0.17619 -0.34595 0.34614 -0.13207 -0.1439 0.1975 -0.16547 0.05566 -0.26081 -0.33426 -0.10472 0.37043 0.26517 0.066349 -0.07826 0.12103 -0.029805 0.46365 -0.032161 0.00015458 -0.23173 -0.44874 -0.19774 -0.1909 -0.023242 -0.18589 0.12138 -0.045957 -0.037689 -0.047382 0.24576 -0.17454 0.29004 0.27198 0.057758 -0.090163 0.27872 -0.10864 -0.15795 0.18786 -0.073483 0.018435 -0.028126 0.017418 0.17884 0.14666 -0.10476 -0.12279 0.14288 -0.17318 -0.02388 0.014719 -0.071712 0.35701 -0.084154 0.021109 -0.10371 -0.14549 -0.13569 -0.046792 -0.1764 -0.21526 0.35283 0.45244 -0.19806 -0.14743 0.064685 0.068432 0.13259 0.24881 -0.13337 0.27474 0.04191 -0.11492 -0.1849 -0.091393 0.49665 -0.23468 0.33394 -0.08042 0.11096 0.21692 0.019759 0.044479 -0.091696 -0.099026 -0.08681 0.13417 0.12942 -0.042014 -0.001752 -0.080921 -0.10472 0.01599 -0.088915 0.28181 0.36017 -0.21028 -0.049297 -0.083729 -0.1627 -0.2557 0.16847 0.11451 -0.010631 0.04583 0.14361 0.21059 -0.0042987 0.26214 0.22781 -0.063781 0.022282 -0.2673 0.08283 0.24219 -0.009934 0.1352 -0.014719 -0.12923 -0.025173 -0.047187 -0.26877 0.2545 -0.113 -0.089821 0.0024383 0.19072 0.24396 -0.029729 -0.18403 0.14591 0.17107 -0.18988 0.32828 0.0071863 0.23766 -0.030801 -0.15465 0.15913 -0.17915 0.23688 -0.36471 -0.18214 0.30074 -0.0060663 -0.11913 0.18105 0.0027631 0.04508 -0.047158 0.055689 0.12207 -0.22696 0.055885 -0.070663 0.096064 -0.18138 -0.37981 0.13921 0.13014 0.090286 -0.052579 0.18358 -0.16532 -0.22086 0.28209 0.12862 -0.070395 0.19476 0.033969 0.074122 0.1784 -0.17575 0.052372 0.14591 -0.012021 -0.070865 0.10914 0.41749 -0.48453 0.11691 -0.12289 -0.012057 -0.19648 0.012806 0.32625 0.22425 0.055804 -0.0050075 -0.023336 -0.067192 -0.20549 -0.05042 0.24066 0.06186 0.39495 -0.037596 -0.19763 -0.3068 0.15054 -0.1453 -0.064558 -0.04327 0.053494 0.0013418 -0.23319 -0.27838 0.16989 0.26187 -0.18329 0.067096 -0.30195 -0.33059 0.13896 -0.18142 0.23695 0.17742 -0.049569 -0.14249 -0.27681 0.3414 -0.012318 0.07445 -0.13647 -0.12272 0.059218 -0.049649 0.11954 0.29204 -0.13232 0.13495 -0.17712 -0.064902 -0.23919 0.05341 0.12762 -0.17479 0.11005 -0.043489 -0.0061177 0.030253 0.056088 -0.12052 0.49684 -0.025425 -0.078749 0.018028 0.17026 -0.18412 -0.15622 -0.11463 -0.087827 0.039816 0.16748 -0.38259 -0.12233 -0.22917 0.0033313 0.31758 -0.36227 -0.16464 0.11697 0.1842 0.11025 0.15003 -0.021707 0.16233 -0.22992 0.34437 0.085817 0.27209 -0.14768 0.054135 0.093703 -0.13224 0.107 -0.32351 -0.24226 -0.10018 0.12772 0.077929 0.11739 0.41014 0.05776 0.29077 +can 0.11065 0.24669 -0.18658 0.012708 -0.1912 0.12181 0.16393 -0.33029 0.084313 -0.020997 0.15255 0.097954 -0.16992 0.0054158 0.25897 -0.16895 -0.062122 0.21176 0.16084 -0.11794 0.066001 0.056471 0.071429 -0.17448 -0.22712 -0.18137 0.22941 0.0022489 -0.090471 -0.10937 0.022603 -0.029754 -0.081913 0.20394 -0.05883 0.38965 0.0083053 0.4147 0.084542 -0.27487 0.18505 -0.20228 -0.12477 0.057965 -0.098893 0.22262 0.17805 -0.034665 -0.031314 -0.15987 -0.12464 -0.16906 0.049108 -0.33044 0.00835 0.10887 0.14148 0.15831 -0.096215 0.22528 -0.12001 0.018285 0.21598 -0.049153 -0.21384 0.16079 -0.25483 0.20341 0.11601 -0.0030113 -0.3156 0.20171 0.023238 -0.40907 -0.30345 0.40636 0.27004 0.039163 -0.10858 0.050155 0.074451 -0.0020345 -0.20087 -0.41376 -0.15055 0.10753 0.051928 -0.02967 -0.24054 0.078136 -0.012462 0.056985 0.24968 -0.43275 0.181 0.075832 0.12553 -0.012543 0.071581 0.020161 0.22433 -0.042835 0.15356 -0.045929 0.019526 -0.29031 -0.01736 -0.11194 0.075381 0.037163 -0.052185 0.09066 -0.35524 0.12666 -0.013537 0.056748 0.024969 0.15978 0.06091 0.25759 0.085401 -0.025078 -0.13521 0.59584 0.004185 -0.080007 0.074427 0.016724 0.045648 0.27417 -0.26426 0.24649 -0.068903 0.19791 0.09642 -0.086243 0.071497 0.13084 0.06851 0.064502 -0.088842 -0.093422 0.091265 -0.1271 -0.14387 -0.015616 0.067212 -0.15321 0.20156 -0.06085 0.052899 -0.18268 0.13799 -0.14256 0.13308 -0.099 0.044192 0.0080196 0.31332 -0.0045778 -0.028154 0.0065353 -0.33537 -0.20521 0.23822 -0.13861 -0.10279 -0.2428 0.26514 0.26082 -0.14723 -0.3098 -0.26263 0.17739 -0.14622 0.071931 0.062088 -0.008664 -0.014127 -0.31914 -0.076162 -0.047676 0.28151 0.021578 -0.11013 -0.037121 0.19977 -0.057439 0.33638 -0.15844 -0.14586 -0.21924 -0.18021 0.19421 -0.29355 -0.27361 0.041138 0.23472 -0.34556 -0.1953 0.44968 -0.049309 -0.16264 0.0069003 -0.095944 -0.18031 -0.49247 0.14616 0.13988 0.21808 0.096164 0.23812 0.17263 0.2811 0.26554 0.016168 0.00015303 -0.42821 -0.21857 -0.03789 -0.15536 -0.03722 -0.083077 0.0036336 -0.060149 0.01032 -0.097668 -0.15132 0.039746 -0.15866 -0.022003 0.043917 0.090389 0.12373 -0.14639 0.08397 0.017056 -0.11436 -0.058325 0.010183 0.052068 0.17992 0.13454 0.052547 -0.15264 0.49412 0.1057 -0.093464 0.32841 0.10233 0.034091 -0.053778 -0.12315 0.11066 0.27002 -0.081935 -0.0033055 -0.19624 0.038855 -0.18385 -0.13684 -0.081275 -0.022542 -0.064055 -0.3923 -0.26847 -0.21035 0.12206 -0.049324 0.13168 -0.23663 -0.0017769 0.10158 -0.00020394 0.034525 0.041206 0.16784 0.075352 0.25813 -0.14187 0.038739 -0.011329 -0.24511 -0.21127 0.20413 -0.059722 0.070428 0.30894 -0.13573 0.30826 0.053552 -0.0022851 -0.14715 -0.042718 0.20904 -0.10093 -0.092434 0.10166 0.37379 -0.066493 +would -0.1718 0.20407 -0.12805 -0.1194 -0.0034713 0.00022528 -0.11997 -0.30657 -0.070831 0.2322 0.057163 0.11556 -0.053151 -0.034177 0.0025553 0.055073 -0.10492 0.13993 -0.18622 0.1877 0.14211 0.0030121 0.10997 -0.27424 -0.10383 -0.07769 0.028688 0.22005 0.19349 0.1277 -0.053632 -0.059123 -0.3424 0.10901 0.32244 -0.13964 0.0030524 0.13552 0.12488 -0.26144 -0.019336 0.015202 -0.15297 0.062568 -0.18349 0.22477 0.2246 -0.01921 -0.13234 -0.031977 0.16539 -0.35277 -0.12854 -0.076865 -0.0075283 0.05238 0.13383 0.11366 -0.081689 -0.012893 -0.0038592 -0.21045 0.14448 -0.011442 0.097586 -0.039269 -0.12712 0.013049 -0.030297 8.1278e-05 -0.031521 0.15778 -0.090088 -0.33383 -0.091986 0.32864 0.14892 0.14448 0.21453 0.18254 -0.064034 0.25497 -0.19675 0.071908 0.069495 0.036295 -0.13558 0.061978 -0.28345 -0.090305 -0.02061 0.029704 0.26926 -0.22899 0.031815 0.16741 0.15813 -0.072325 -0.074449 0.041872 0.035609 -0.13304 0.053424 -0.13628 -0.13362 0.022172 -0.024234 -0.033105 -0.037873 0.18874 0.025206 -0.071016 0.10463 -0.020763 0.18851 -0.12185 0.22628 0.15603 -0.044197 0.011843 -0.027987 0.064883 -0.2027 0.55114 0.22254 -0.11485 0.095411 0.21308 -0.16598 0.36874 -0.26465 0.033875 0.15542 -0.068211 0.016409 -0.048438 0.04114 0.19157 0.0098185 0.018522 -0.077304 0.049997 -0.12394 -0.049041 -0.031528 0.15075 -0.12005 -0.1258 0.063948 -0.13458 -0.13339 -0.089657 0.089925 0.12788 0.12403 -0.16948 0.051084 0.11324 0.2164 -0.20488 -0.056652 -0.044194 -0.17219 0.033535 0.23014 0.087979 -0.054478 -0.047862 0.22183 -0.007892 -0.30675 -0.12868 -0.41419 0.031451 -0.15704 0.35029 -0.033362 0.13841 -0.24918 -0.26627 0.032605 -0.13319 0.085732 0.025478 -0.1801 0.092891 0.044088 -0.13969 0.25573 -0.061456 0.02729 -0.37501 -0.13812 0.076751 -0.074056 0.13306 -0.024076 -0.15642 -0.22507 -0.0041005 0.11596 -0.19264 -0.068257 -0.013052 0.054455 -0.14762 -0.16913 -0.062224 0.1269 0.061291 0.24146 -0.098803 0.039748 0.047804 0.10001 -0.014418 -0.081111 -0.37818 -0.054069 0.082554 -0.2394 -0.096796 -0.077977 -0.017959 0.093907 0.2128 0.059378 0.047211 -0.075715 -0.20152 0.14307 0.17057 0.10708 0.1395 -0.02966 -0.0048402 -0.0039836 0.11083 0.062217 0.096046 0.29485 0.12527 0.068873 0.25638 -0.17534 0.20731 0.25223 -0.0035628 0.080299 -0.068458 0.19821 -0.10773 -0.25867 0.22313 0.10636 -0.087242 -0.096388 -0.088481 0.093948 0.21059 -0.04129 -0.20084 0.037923 -0.16166 -0.46664 -0.048007 -0.17123 0.18594 0.011757 0.0387 -0.35408 -0.12095 0.22127 0.35784 -0.018704 -0.14621 0.051415 0.088779 0.15871 -0.1393 -0.043972 0.09362 -0.0075644 -0.13335 0.099203 -0.099608 -0.066301 0.24826 -0.14839 0.16702 0.035673 0.11024 -0.18093 0.19755 0.17225 -0.17392 0.065118 -0.0087422 0.12922 -0.12771 +more -0.062265 0.054583 -0.34177 -0.072886 0.069498 0.17591 0.13537 -0.47121 0.15526 0.28342 -0.17485 0.0409 0.1426 -0.10473 -0.038845 -0.23327 -0.040348 0.096259 -0.085723 0.0010881 0.14577 0.060935 0.031038 -0.24428 -0.20203 0.097133 0.079528 0.13634 0.096165 0.16899 -0.03801 0.15155 -0.48666 0.24273 0.069751 -0.11185 -0.26778 0.021719 -0.3374 0.047032 -0.29859 -0.18702 0.078464 -0.12861 0.15224 0.056118 0.19066 -0.083514 0.054266 -0.65416 0.0080456 -0.10417 -0.02777 0.03847 -0.23184 -0.11388 -0.20609 0.085911 -0.39717 0.18368 -0.099497 -0.46526 0.028331 0.15011 0.065685 -0.031211 -0.24155 0.0072738 -0.038002 0.09869 -0.084207 0.14412 0.03799 -0.11766 -0.074207 0.23905 0.25249 0.21561 -0.067703 0.14611 -0.033213 -0.068822 -0.12538 0.016897 -0.14153 0.039518 -0.022735 0.092429 -0.0015664 -0.10173 -0.18981 -0.093919 0.17465 -0.25521 0.038248 -0.085836 0.0063147 0.31928 -0.14131 0.058558 -0.08535 -0.30144 0.43935 -0.0063806 -0.15512 -0.26053 -0.023682 0.12039 -0.045526 0.055767 -0.094706 -0.049216 -0.22913 -0.10579 -0.073095 -0.20922 0.090216 0.10465 -0.086462 0.11605 0.031051 0.016164 0.11152 0.34764 -0.020391 0.2244 0.11667 0.18661 -0.0035405 0.15297 0.066898 0.18764 -0.13053 0.047214 0.035867 -0.082279 0.038933 0.18259 -0.11664 -0.0072299 -0.10614 0.028215 0.23751 0.034961 -0.10312 0.12699 -0.094866 0.17719 -0.082439 -0.25039 0.002859 -0.1702 0.0453 -0.18327 -0.10215 -0.25624 0.1135 0.041328 0.16561 0.11672 -0.044776 0.1507 -0.070618 0.14486 0.25621 0.067111 -0.0027355 -0.096868 0.17279 0.041157 0.091273 -0.064576 -0.2636 0.17159 -0.0092151 0.053611 -0.094215 -0.16783 0.073684 -0.34343 0.19844 -0.0030726 0.053475 -0.011546 -0.20708 0.1515 -0.065465 -0.087974 0.34137 0.005492 0.011758 -0.16623 0.18 0.048066 0.051461 0.11385 0.13081 0.26563 -0.072114 -0.047465 0.17949 -0.097362 0.2648 0.04005 -0.023518 -0.15128 -0.36072 0.16394 0.19598 0.24771 0.14462 -0.093194 -0.091987 -0.20417 0.097881 -0.2197 -0.13437 -0.37148 0.044689 0.068207 0.034891 -0.25809 0.0040472 0.023805 -0.038203 0.12325 0.038626 -0.16515 -0.16713 0.16252 0.32116 0.21913 0.11432 0.039666 -0.0081866 0.088642 0.11672 0.10059 -0.069806 0.0843 0.07772 0.045912 0.30107 -0.013712 -0.10357 0.26482 0.22652 -0.03292 -0.060853 0.22898 0.14885 -0.10172 -0.087208 0.15748 0.28746 0.2757 0.11958 -0.08932 0.020088 0.25733 0.11594 0.17577 -0.053464 -0.11426 -0.18997 -0.24783 -0.11861 0.16175 -0.07467 -0.13321 -0.28561 0.088002 -0.18125 -0.044171 0.086122 -0.0088807 -0.10745 0.089452 -0.18647 -0.20805 0.4019 -0.0011913 0.14924 0.035179 0.070987 -0.24171 0.21177 0.058404 0.03807 0.24775 0.10885 -0.020788 -0.2616 0.11742 0.010237 -0.27443 0.051525 0.20817 0.51341 -0.1416 +if -0.12616 0.22499 -0.037107 0.12213 -0.18742 -0.05672 -0.11921 -0.38085 -0.12349 0.22238 -0.086186 -0.1249 -0.07589 -0.071779 0.13988 -0.083694 -0.17797 0.23753 0.07153 0.20399 0.096339 0.069289 -0.070968 -0.1491 -0.14367 -0.23984 0.079839 0.10207 0.017729 0.075825 -0.17449 -0.045256 -0.26928 0.11753 -0.16427 -0.11129 0.12492 0.15406 0.035314 -0.22533 -0.016771 -0.011433 -0.16572 0.043499 0.12072 0.085306 0.27966 -0.011938 0.049507 -0.047958 0.00029264 -0.43705 -0.006693 -0.17654 -0.12585 0.15614 0.067953 0.004918 -0.31274 0.088161 -0.32166 -0.031172 0.21421 -0.14849 -0.070395 0.03522 -0.020869 0.051751 0.21955 -0.088108 -0.027017 -0.020411 0.096381 -0.18986 -0.11994 0.3591 0.2508 -0.010006 0.038699 0.24614 0.25881 0.080285 0.12193 0.028502 -0.32296 0.019352 -0.044835 0.068242 -0.050521 -0.12305 0.11744 -0.031646 0.22274 -0.10507 0.088955 0.14392 0.35377 0.16241 -0.13563 0.012796 0.011897 -0.33567 0.098678 -0.27397 -0.1502 -0.08556 0.095251 -0.19293 0.094187 -0.039037 -0.20571 -0.12335 -0.13202 0.050304 0.20653 -0.26544 0.20521 -0.17092 0.057569 0.089343 0.20328 0.069316 0.023845 0.62272 0.025728 -0.12045 0.27762 -0.051973 -0.074864 0.251 -0.11419 0.1044 -0.13759 0.14796 -0.012139 0.059226 -0.00721 -0.10776 0.17191 0.045543 -0.19136 -0.28336 0.13276 -0.10874 -0.13938 -0.0058364 -0.088917 -0.14509 -0.12095 0.0077211 0.16916 0.034059 0.092245 -0.077555 -0.22604 0.035186 0.031959 0.17725 0.13987 0.18107 -0.17751 0.13049 -0.22287 -0.08821 -0.029787 -0.014991 0.0021661 -0.32947 0.17164 0.12099 -0.1554 -0.41531 -0.36204 0.080142 -0.28251 0.21688 0.002996 0.057012 -0.052235 -0.11665 0.032845 -0.093121 0.12415 0.065068 -0.23843 0.17181 0.098351 -0.074536 0.26568 -0.081406 -0.013541 -0.23585 0.012417 0.1036 -0.23169 -0.28153 -0.068329 -0.040742 -0.46197 -0.034316 0.44892 -0.10007 0.10757 -0.05324 0.002615 -0.024433 -0.26507 0.15952 0.028571 -0.050901 -0.078532 0.029727 0.24103 0.079303 0.093389 -0.0586 -0.098049 -0.39889 -0.12801 0.22079 -0.25557 -0.17188 0.079853 -0.026602 -0.065453 0.38231 -0.35298 0.035204 -0.014982 0.11602 0.1844 0.11308 -0.27927 0.15167 0.11879 0.11681 0.083238 -0.26974 0.097656 -0.014023 0.10805 -0.011265 0.095326 0.046024 -0.039706 0.46449 0.29367 0.026597 0.013715 -0.0039747 -0.12344 -0.19045 -0.15088 0.14995 0.17483 0.010291 0.03331 -0.32922 -0.1241 0.0081297 -0.051847 -0.16308 -0.1175 -0.30872 -0.059714 -0.094624 -0.01242 0.1133 -0.13078 0.016961 -0.39329 -0.1387 0.28426 0.095757 -0.38252 -0.083695 0.22287 -0.097667 0.14177 -0.075183 0.12376 0.23737 -0.34419 -0.16441 0.0081563 -0.27079 -0.033009 0.36906 0.028833 0.16592 0.16683 0.23614 -0.034455 -0.088944 0.015679 -0.27553 -0.22669 0.00049742 0.27207 -0.20315 +she 0.088637 -0.0041191 -0.2539 0.32839 0.13474 0.21099 0.15887 0.13855 0.0084253 0.21534 0.30048 -0.064144 -0.052371 -0.11812 -0.12325 -0.4025 0.30414 -0.29539 -0.091729 0.24486 -0.042637 -0.017132 -0.28279 -0.37561 -0.1136 0.31833 0.27959 -0.097287 0.0099161 0.075482 -0.092898 0.34215 0.01188 0.070913 -0.079244 -0.46072 -0.16607 -0.32089 -0.067372 -0.10502 -0.097204 0.10914 -0.15526 -0.049404 0.092036 -0.26817 0.14362 0.26702 -0.04449 -0.10933 0.18751 -0.12888 -0.042224 0.21953 -0.014486 -0.13708 0.0061556 0.27584 0.27403 0.2365 -0.059322 -0.026784 0.043424 -0.2899 -0.0091051 -0.11771 -0.22181 0.26172 -0.19857 -0.0011452 -0.17981 -0.29999 -0.031459 0.14812 -0.1499 -0.087872 0.28076 0.30934 -0.23802 -0.16786 0.14296 -0.035512 0.26491 0.24909 -0.26859 0.13965 -0.12523 -0.087567 -0.14256 -0.15192 0.46855 -0.31569 0.42575 -0.064321 0.14631 0.29015 0.17018 0.16241 -0.21218 -0.13002 -0.051941 0.21202 0.11423 0.069989 -0.090881 0.0091649 -0.20809 -0.090646 -0.11007 0.19675 0.20297 -0.30239 -0.00785 -0.045531 -0.2349 -0.31942 0.28778 0.14415 -0.13988 -0.098262 -0.024856 0.28631 0.072734 0.31169 0.17349 -0.094652 0.19358 -0.078619 0.041911 0.29315 -0.14378 -0.0032431 -0.17262 -0.11287 -0.14833 0.052479 -0.12002 0.21177 -0.23899 0.046967 0.034401 0.15859 0.19077 -0.13028 -0.1057 0.050739 0.076116 -0.28666 0.27083 0.027517 0.078062 -0.17299 -0.23644 0.31155 -0.35043 0.010832 -0.25374 -0.19897 0.39576 0.14564 -0.16733 0.35596 -0.1486 0.010577 0.077298 -0.10801 -0.02522 -0.27463 0.035758 0.0087457 0.30075 -0.1506 -0.37348 -0.00014688 0.080223 0.039295 0.024266 0.12489 -0.18261 -0.15411 0.25599 0.13696 -0.075897 0.23621 -0.11996 0.059082 0.0045113 -0.0265 -0.15862 0.14833 -0.13717 -0.075295 0.0036068 0.3343 -0.47609 -0.10999 0.0025772 0.20641 -0.30106 -0.14034 0.30545 0.22107 -0.17733 0.14956 -0.10698 -0.041806 -0.15489 -0.09282 0.34236 0.24458 0.41244 -0.22156 -0.19863 -0.11431 0.048688 -0.038552 -0.093706 -0.13012 0.14795 -0.025128 -0.18354 -0.16991 0.16199 0.0065366 -0.38862 -0.11147 -0.27128 -0.15628 0.16608 -0.07611 0.27857 0.32981 -0.077059 -0.17226 -0.060446 0.18249 -0.14718 0.078722 -0.023768 -0.10865 0.025488 0.010844 0.25315 0.19115 -0.35454 0.14154 -0.0076163 -0.065071 -0.36534 0.0032655 0.12861 -0.17817 -0.041918 -0.042774 -0.063015 -0.081107 -0.051664 -0.10624 0.38855 -0.078108 -0.0071574 -0.069308 0.21146 -0.38771 -0.068994 0.024726 -0.12444 0.018235 0.17583 -0.20191 -0.13731 -0.083628 -0.13808 0.1071 -0.37167 -0.16071 0.24343 -0.013551 0.13299 -0.044403 0.017013 0.15802 -0.28619 0.17508 -0.082188 0.12236 0.017264 0.03408 0.068108 -0.12794 0.15692 -0.33882 -0.099046 -0.10486 -0.0048754 0.12953 -0.17471 0.1239 0.046296 0.27141 +about -0.02117 -0.19597 -0.17566 0.068444 -0.10362 0.25931 -0.19705 -0.1071 -0.037362 0.24331 0.1144 -0.073582 -0.1752 0.083303 -0.044602 -0.042278 -0.093841 -0.26415 0.13791 -0.17512 -0.080789 0.16483 -0.18894 -0.18477 -0.033257 0.012606 -0.03464 0.13875 -0.12464 0.042962 -0.12061 0.29217 -0.4056 0.31941 0.24523 -0.21372 -0.12665 0.083957 0.087132 -0.11844 0.049932 -0.33478 0.01125 -0.051822 0.19283 0.21699 0.12328 -0.37568 -0.11486 -0.44125 -0.058069 -0.10104 0.014334 -0.18094 -0.14433 0.20694 -0.0027149 0.01634 0.0035786 0.047189 -0.028162 -0.34049 0.27681 -0.059386 0.076087 -0.14837 -0.1629 0.19988 0.016894 0.12956 0.012359 0.080496 -0.077657 0.20362 -0.3258 -0.015109 0.13674 0.24215 -0.035731 0.10067 -0.060621 -0.058521 0.15173 0.016624 0.14005 -0.0086683 -0.13888 0.068091 0.27311 -0.3558 0.15976 0.01025 0.2026 -0.14608 0.22621 0.17506 0.092277 0.16467 -0.015469 0.016435 0.035638 0.11681 -0.0031958 -0.15474 -0.18961 0.10261 -0.063694 -0.049136 -0.13714 0.091628 -0.2165 -0.012953 -0.051439 -0.20766 -0.11394 0.015306 0.042476 -0.099484 -0.022252 0.29262 0.3231 -0.11997 0.10106 0.24496 0.28685 0.21644 0.23544 0.012333 0.04538 0.048762 -0.19626 0.2574 -0.0082096 -0.1688 0.075443 -0.060146 0.0096855 -0.10363 0.11203 -0.039349 0.036326 0.2952 0.26943 0.079253 0.25954 0.095624 -0.019848 0.03334 -0.020207 0.12494 0.034105 -0.095289 0.0063355 4.9114e-06 -0.11855 -0.33407 0.18545 -0.20634 0.1389 0.25303 -0.34299 0.16345 -0.060712 -0.024768 0.061532 -0.01166 -0.040821 -0.24711 0.059865 -0.074688 -0.1537 -0.15449 -0.35479 0.082513 -0.15572 0.33163 -0.29826 0.27127 -0.083518 -0.21417 0.23025 -0.022065 0.01273 0.21493 -0.20771 0.012134 0.0060677 -0.020164 0.32774 -0.027613 0.29355 -0.25445 0.15754 -0.20599 -0.065063 -0.18885 0.05489 -0.20909 -0.10499 0.060729 0.15194 -0.11733 -0.015553 0.27421 0.017147 0.18327 -0.086887 -0.067685 0.24103 0.036526 0.46748 0.15011 0.089018 -0.018038 -0.024523 -0.1317 -0.046702 -0.29199 -0.18877 0.094677 -0.062552 -0.17198 0.0094479 0.13493 -0.086165 -0.096536 0.054055 -0.11857 -0.089862 0.43743 0.071039 0.10439 -0.22311 0.13751 0.056511 0.13718 0.19523 -0.092006 -0.13229 -0.14534 0.032469 -0.074011 0.43693 -0.026786 0.14359 0.28937 2.8598e-05 -0.0741 -0.0082564 0.083453 -0.0027697 0.16148 -0.28854 -0.048033 0.19265 -0.10285 0.23689 0.047605 -0.14256 0.097135 0.028295 0.17282 -0.07189 -0.40373 0.045206 -0.23179 0.020785 0.31354 -0.1719 0.18374 0.024841 0.16757 0.28526 0.074034 0.035083 -0.0011852 0.3365 0.34824 -0.0022259 -0.015025 0.17573 0.010512 0.15606 -0.078563 0.0042496 -0.064414 0.083727 -0.043555 0.18772 0.27135 0.14738 0.037969 -0.037352 -0.20263 0.10002 -0.18698 -0.10187 -0.050635 0.20937 0.14377 +when -0.079192 0.051937 -0.073137 0.22574 -0.040992 0.081891 0.05592 -0.16604 0.12364 0.12599 0.050597 -0.097229 -0.040986 -0.049584 0.12142 -0.094617 -0.025135 -0.19609 0.0045745 0.30816 -0.12535 0.10154 -0.22607 -0.22216 -0.13464 -0.03449 0.13343 -0.077697 -0.12128 -0.022091 -0.22263 0.09045 -0.04126 0.19687 0.0097724 0.029227 -0.0024994 -0.048418 0.18661 0.023984 -0.010036 0.032983 -0.14538 -0.088083 0.080524 -0.094768 0.18928 0.17808 0.05114 0.025251 -0.0048035 -0.20645 -0.038928 -0.0032834 -0.070349 0.091013 -0.021867 0.11712 -0.046408 -0.0066714 -0.0025313 -0.18644 0.060189 0.0069031 0.057839 -0.22415 -0.053748 0.19452 -0.062946 -0.072071 -0.20787 0.042111 -0.04319 -0.2338 -0.047608 0.13866 0.26609 0.23457 0.036274 -0.077756 0.19782 -0.029642 -0.014698 0.13516 -0.21204 0.06746 -0.067529 0.08547 0.10538 -0.19402 -0.072265 -0.075448 0.1511 -0.052235 0.20347 0.053472 0.086102 0.1264 -0.304 -0.013469 -0.015231 -0.13691 0.21319 -0.10472 -0.11937 -0.34622 0.068538 -0.10805 0.16844 0.066641 0.081309 -0.16294 -0.090998 -0.039426 0.028866 -0.21873 0.11943 -0.084581 -0.14489 0.082191 0.22951 0.33993 -0.15326 0.41029 0.03822 -0.13179 0.29583 -0.11452 0.1091 0.25458 -0.20241 -0.074556 -0.21303 0.025859 -0.18118 0.1218 -0.013 0.060915 -0.036947 -0.024474 0.080968 0.076762 0.070246 -0.24321 0.0094205 0.1966 0.017077 -0.087365 -0.030978 0.020497 0.1496 -0.039391 -0.11123 0.19104 -0.093399 -0.12989 -0.052082 -0.11003 0.25784 -0.0037732 -0.11944 0.21392 -0.12597 0.15279 0.044907 0.069257 -0.0162 -0.07313 0.063035 -0.01174 -0.14247 -0.12437 -0.18466 -0.10271 -0.032356 0.15672 -0.052928 0.070907 -0.14252 -0.21541 0.082489 -0.22774 -0.051416 0.059824 -0.16668 0.155 -0.037062 0.050439 0.16892 -0.11746 -0.068364 -0.13143 -0.033546 0.17683 -0.13915 -0.078444 -0.10178 -0.032779 -0.31915 -0.073979 0.042498 0.050356 -0.22595 0.034351 0.14558 -0.096116 -0.04606 0.04266 0.12621 0.17711 0.11921 -0.041557 -0.038073 -0.028597 0.025634 -0.047897 0.0044187 -0.13033 -0.097969 0.21369 -0.23849 -0.12311 0.10717 0.037259 -0.1653 0.037315 -0.18959 -0.066907 -0.065743 0.15921 0.24763 -0.13213 -0.088821 0.18956 -0.03396 0.23713 0.16423 -0.10951 0.13717 -0.10103 -0.022793 -0.15407 0.054171 -0.058853 0.036986 0.12509 -0.0037783 -0.031217 0.066279 -0.07492 -0.02585 -0.046586 -0.13731 0.0024207 -0.093833 -0.038427 -0.16655 -0.29927 -0.24765 0.031964 0.029605 0.00046473 -0.07312 -0.33074 -0.0984 -0.21829 -0.084855 0.061619 -0.064418 -0.023993 -0.3056 -0.17084 -0.012347 0.15398 -0.27505 -0.12766 0.37464 0.065888 0.27589 -0.094503 0.12573 0.014114 0.050861 -0.036783 0.04245 -0.015647 0.062081 0.2796 0.071021 -0.11854 0.03015 0.075829 0.23557 -0.051882 -0.043097 -0.060912 -0.05152 0.086042 0.041766 -0.0097737 +time -0.098853 0.085878 0.081227 0.0060538 0.053763 0.082205 0.056332 -0.064007 0.077535 0.24336 0.13731 -0.041984 -0.072882 0.019551 0.091529 0.071828 0.088423 -0.012137 -0.02592 0.40074 -0.13524 0.14085 -0.23255 -0.28288 -0.14529 -0.19126 -0.076804 -0.090844 0.11687 0.091688 -0.067823 -0.017835 -0.25803 0.32064 -0.0061298 -0.068384 0.27628 -0.16547 0.058737 -0.03926 0.096325 0.063284 0.064625 -0.036501 -0.1264 -0.056104 0.086553 0.059131 -0.11705 0.063255 -0.331 -0.1638 0.15415 0.026053 -0.038725 0.082045 0.19577 0.087718 -0.072145 -0.042519 -0.004571 -0.10167 0.096091 -0.32968 0.070644 -0.011796 -0.036185 0.13546 -0.1799 0.11332 -0.013678 0.10512 -0.20419 -0.34031 0.10067 -0.10259 0.4134 0.24273 -0.024205 -0.10657 0.37068 0.17766 -0.20318 0.093132 -0.091021 0.13592 -0.17554 -0.13114 0.069529 -0.093941 -0.092939 0.011419 0.27746 -0.036033 0.097347 -0.13661 0.16296 0.13232 -0.40358 0.20427 0.18472 -0.072923 0.15663 -0.0011849 -0.38536 -0.213 -0.1043 0.082757 0.026915 0.054655 0.2265 -0.13565 -0.069691 -0.065142 0.14828 -0.12326 0.21315 0.17508 -0.087254 -0.025956 0.084014 0.26203 -0.11964 0.16929 0.15828 -0.032353 0.26372 -0.030364 0.189 0.052159 0.14333 0.20369 -0.19383 -0.12759 0.024925 -0.0308 0.029004 -0.016596 0.063208 0.18862 -0.010563 -0.11352 0.11039 0.21663 0.13684 0.2198 -0.22453 -0.31191 0.0644 0.14003 0.21781 -0.12942 -0.037692 -0.10347 -0.050457 -0.056158 -0.12084 0.047517 0.023001 0.037065 -0.16958 0.18613 -0.14835 0.1517 0.1074 0.11638 0.044715 -0.022865 0.033388 -0.027744 -0.14668 -0.066816 -0.08047 0.061668 -0.037452 -0.084882 -0.15615 0.05489 -0.13312 -0.40098 0.049256 -0.067677 0.030799 0.17709 -0.25783 0.10226 0.043235 -0.145 0.17913 -0.16006 -0.094504 -0.015269 -0.045712 0.050356 -0.042752 -0.10333 -0.070811 -0.026794 -0.22519 -0.2829 -0.010017 -0.13 0.039291 -0.081257 0.13079 -0.02125 0.1643 -0.011918 0.27238 -0.029841 0.41964 -0.17665 0.07423 -0.093924 -0.15099 -0.064315 0.023076 -0.27046 -0.11245 0.088511 0.063565 -0.16609 -0.14994 0.14697 0.1669 -0.023483 0.012004 -0.11835 0.11025 -0.17928 0.060118 0.082756 -0.070005 0.13414 -0.12867 -0.16912 0.20379 0.088675 0.036372 -0.12614 0.15561 -0.042898 0.087396 -0.098318 -0.0089613 0.21252 0.089623 0.037438 0.012131 0.16955 -0.01486 -0.024982 -0.070166 0.085275 -0.074443 -0.014739 -0.05063 -0.19453 -0.14548 0.068449 0.090577 0.10299 0.21393 -0.07683 -0.11359 0.12907 -0.034517 -0.037995 -0.11578 -0.2823 -0.27787 -0.11544 -0.087073 0.18893 -0.16036 -0.076131 0.15249 0.14793 0.25227 -0.021144 0.14848 0.084297 -0.091556 -0.35141 0.0085903 -0.0031398 0.1118 0.10066 -0.09904 0.079178 -0.05699 -0.062982 0.012735 0.020347 0.031725 0.059233 -0.18578 0.16508 0.27065 0.32405 +team -0.65398 -0.16966 -0.34981 0.39667 -0.42664 -0.075153 0.059407 0.045785 -0.29527 -0.2451 0.12017 -0.028032 0.20108 -0.029071 0.25253 -0.31646 -0.15195 0.17076 0.31405 0.43681 -0.10074 -0.11138 0.082594 0.13266 0.044793 -0.17278 0.061196 -0.11738 -0.17216 0.31848 0.27359 -0.013458 -0.23732 0.059553 -0.0029666 -0.35684 0.50161 0.31745 -0.050448 -0.12704 0.39116 0.32415 0.13797 0.033228 0.43631 -0.13866 0.077202 0.29273 0.21816 0.42386 0.029208 -0.34362 -0.018073 -0.045898 0.034509 -0.40266 0.20486 0.33692 -0.082034 0.26243 0.15231 -0.30651 -0.12579 -0.23959 -0.12593 0.090745 -0.010624 -0.25832 -0.4844 0.098986 0.3393 0.13819 -0.0086807 -0.59506 0.037135 0.18085 0.23985 -0.30967 -0.10148 -0.17618 -0.32082 0.096802 -0.24591 0.057463 -0.077628 -0.10064 -0.23154 -0.19826 0.16165 -0.29922 -0.22913 -0.1272 0.3657 0.39751 0.16954 0.078879 0.094865 -0.0064163 -0.13524 -0.27822 0.33415 0.073928 0.038107 -0.038782 0.28445 0.013273 0.34513 -0.016024 -0.055387 -0.18233 -0.030241 -0.0568 0.080688 0.41306 -0.069433 -0.11593 0.18148 0.57579 -0.35439 -0.14954 0.22949 -0.021401 -0.22574 0.032983 0.28496 -0.2444 0.56428 0.27931 -0.081341 -0.029487 -0.16763 0.23146 -0.51285 -0.16312 -0.10144 -0.086669 -0.14645 -0.35756 0.0044937 0.54596 -0.27604 -0.026918 0.45539 0.069067 0.53201 0.1788 0.33365 -0.046265 0.03755 -0.25689 0.091694 0.23297 -0.046139 0.14183 -0.48041 -0.089476 -0.087632 -0.46163 0.077675 0.090215 0.12426 -0.33985 -0.17751 -0.30674 0.79849 0.15644 -0.41451 0.59923 0.11277 0.035359 0.12009 -0.1047 -0.058756 0.10232 -0.11901 0.79351 -0.20289 -0.15511 -0.1215 -0.19642 0.060591 0.13933 -0.046517 -0.25958 -0.39926 0.12661 0.10226 -0.52038 0.44324 -0.4443 -0.12426 0.27222 0.10362 0.29432 -0.33162 -0.16706 -0.19466 0.3228 -0.084685 -0.41875 0.19601 0.097001 0.14635 0.11507 0.079829 0.011428 -0.0020601 0.081876 0.38116 -0.077098 0.50947 -0.26865 -0.18447 -0.18381 -0.076132 -0.15705 -0.148 0.14413 0.14905 0.10396 -0.4 -0.074567 -0.29085 0.44991 -0.071661 0.15135 -0.29063 -0.25159 0.0077423 0.49336 0.26623 0.10775 -0.14479 -0.089161 -0.20153 0.074814 0.13382 0.12208 0.1235 0.01031 0.064102 0.1244 0.26921 0.14946 0.47981 0.11891 0.072451 0.23521 -0.66894 0.026628 0.025449 0.050326 0.31396 -0.24424 0.20225 0.011259 0.12181 -0.41117 0.15232 0.14716 0.087064 -0.0080595 0.50214 -0.0084723 -0.47949 0.24652 0.35515 0.36791 0.053035 -0.37553 0.23588 0.044528 -0.43712 0.084474 -0.35697 -0.052381 -0.057837 0.26952 0.23565 -0.021268 -0.010105 0.24131 0.064086 -0.39949 0.057556 0.21088 0.41121 0.3957 -0.31234 -0.25644 0.073138 -0.65492 0.27123 -0.21063 0.054193 -0.2357 -0.0061772 -0.21022 -0.015745 0.085533 +american -0.17814 0.021955 0.15505 -0.099185 -0.27303 0.2069 -0.078039 -0.10141 -0.1762 0.25109 0.14317 0.12695 0.013783 -0.32117 -0.18242 0.24378 0.03081 -0.24322 -0.20234 0.089927 -0.42863 0.26754 -0.30416 -0.25869 0.28481 0.01224 0.27936 0.23353 0.50181 0.21834 0.064719 -0.012249 -0.4692 -0.086933 -0.10333 0.074404 0.002556 -0.094726 0.3412 -0.0021412 -0.054657 -0.22297 -0.29429 0.19442 -0.33078 -0.34079 -0.1432 -0.2667 -0.10396 -0.32391 0.029696 -0.014755 0.069155 -0.28558 -0.47641 0.049965 0.2327 0.15873 0.27182 0.69888 0.23516 0.01731 0.5599 -0.059756 0.12832 -0.065076 -0.17365 0.07315 -0.26237 -0.076697 0.14156 -0.37231 0.077497 -0.17971 0.011276 0.063538 0.19445 -0.25374 0.0031444 0.10546 0.017845 0.056909 0.042267 0.09863 -0.30088 -0.11199 -0.16839 0.10943 0.15437 0.29943 -0.011852 -0.19011 0.27708 -0.27608 0.15134 -0.25962 0.035183 0.21864 -0.42442 0.29946 -0.068205 -0.028959 0.31467 -0.073441 0.17675 -0.0109 0.068566 0.12738 -0.016132 0.1053 0.17893 -0.22539 -0.18286 -0.039407 -0.10367 0.38248 0.088434 0.18616 -0.067612 -0.08458 0.217 -0.23181 -0.17957 0.16475 -0.090403 0.010813 0.058231 0.19045 -0.0037158 0.061612 0.19022 -0.011215 -0.091676 0.01718 0.10128 0.17365 -0.12937 -0.22261 0.13682 0.084329 0.11779 -0.0010732 0.29977 -0.029216 -0.22304 0.43209 -0.0029062 0.014512 0.0084956 -0.26431 -0.1414 -0.27934 -0.39745 -0.2306 -0.44517 0.070579 -0.10163 0.0029622 0.35362 0.39292 0.20384 0.18424 -0.094832 0.14235 0.38118 -0.031478 0.25874 0.00025493 0.26868 -0.41585 -0.10672 0.38325 -0.074869 -0.0609 0.05302 0.20744 -0.23796 -0.028788 -0.17704 -0.095766 0.01635 -0.029296 -0.16783 0.039242 -0.25568 0.52242 -0.28106 -0.15574 -0.072394 -0.097651 0.11953 -0.17638 0.037532 -0.043097 0.08715 0.23321 -0.10217 0.38121 -0.094865 0.13887 0.26207 0.044105 0.14945 0.029885 -0.068417 -0.27626 -0.1516 -0.69775 0.55712 0.062967 0.59965 -0.14932 0.23032 -0.020874 -0.19812 -0.20424 -0.08505 -0.47102 -0.34162 0.19458 -0.23252 -0.30705 -0.10517 0.49428 -0.19124 0.11929 0.045211 -0.20592 0.082783 0.26686 0.38932 0.30137 0.027935 0.076626 0.080591 -0.17228 0.13917 -0.045914 0.13949 0.17192 -0.10865 0.42163 0.13456 -0.028841 0.077871 0.13395 -0.3189 -0.080554 0.31202 0.13109 0.31024 0.27055 0.1501 -0.10647 0.13359 0.41551 0.34962 0.19734 0.20257 0.55784 -0.28603 -0.042326 0.2778 -0.21109 -0.3705 -0.092742 0.0038481 0.50462 0.42018 -0.16981 -0.094061 -0.18785 -0.23779 -0.077147 0.010325 0.090652 -0.18029 0.17065 -0.047728 -0.035796 -0.11494 0.63033 0.10139 0.067471 0.30453 0.22438 -0.22147 0.34278 -0.10598 0.47833 0.14666 0.10379 0.42018 0.083425 -0.43787 -0.10404 0.15555 0.26603 -0.17047 -0.20729 +such -0.12798 0.13145 -0.22197 0.0058357 0.1651 -0.095917 0.32568 -0.10462 0.24523 0.13012 -0.08226 0.026979 0.060964 -0.073824 0.12574 -0.08641 0.096926 0.18688 0.069761 -0.088073 -0.10784 -0.031234 -0.036162 -0.042651 -0.062318 0.087131 0.010365 -0.063926 -0.022637 -0.075545 0.21122 0.31282 -0.044729 0.13682 0.066594 0.011819 0.18471 0.10879 0.15241 -0.29594 -0.09772 0.23172 -0.21611 -0.13671 -0.013262 -0.014378 -0.13024 0.0080328 0.35638 -0.079463 -0.25034 0.1264 0.0020699 0.11761 -0.23886 -0.011504 -0.00098982 -0.074777 -0.46857 0.32139 -0.015333 -0.093332 0.18131 -0.13096 -0.089179 0.098706 0.15193 -0.12278 -0.086615 -0.010303 -0.27971 0.32589 -0.038619 -0.19531 -0.077503 0.064999 0.35983 -0.11269 0.066492 -0.19467 0.2417 -0.012765 0.014683 -0.17104 0.21524 -0.19643 -0.0090294 0.30212 -0.38072 -0.13592 -0.050039 -0.055755 0.14237 -0.42884 0.13645 0.12215 0.19613 0.29564 -0.0075488 0.059612 -0.010777 -0.29674 0.094169 -0.055127 -0.080118 0.21585 -0.080327 0.23227 -0.059557 0.025002 -0.32508 0.10213 -0.2598 0.021646 -0.068955 0.17479 0.17808 0.12207 -0.11701 -0.030567 0.18592 0.087021 -0.14391 0.020522 -0.073918 0.045444 0.20172 0.38159 -0.18689 0.48186 0.02098 0.019888 -0.15551 0.22838 0.2685 0.018227 -0.28857 0.079363 0.091208 -0.0098216 -0.058257 0.0071114 -0.073559 0.0096323 -0.038589 0.22841 -0.12771 0.33464 -0.27901 0.32457 -0.054715 -0.14574 0.056218 -0.1324 -0.34856 0.001773 0.11528 -0.086062 0.065331 0.13759 -0.20087 0.25974 -0.31245 0.021545 0.027365 -0.30158 -0.12007 -0.22888 0.10119 0.33733 -0.17767 0.15087 -0.216 -0.097118 -0.2722 0.031288 -0.12359 0.034923 0.22925 0.086194 0.10833 0.038424 0.27415 0.04379 -0.0709 0.2374 0.30458 -0.1651 0.1768 0.048894 0.010031 -0.099322 -0.050672 -0.11999 -0.047515 -0.22037 0.079071 0.18324 -0.42455 0.21304 -0.12204 -0.10204 0.30397 0.031754 0.042074 -0.34014 -0.35375 -0.14484 0.12462 0.17177 0.53553 -0.047845 0.28198 0.095491 0.058297 0.11064 0.31361 -0.30141 -0.21036 -0.080112 -0.28644 -0.17227 -0.19908 0.16042 -0.27719 -0.17992 -0.30815 -0.40998 -0.17022 -0.038969 -0.0087258 0.11784 -0.00432 -0.033765 -0.30243 0.48239 0.2683 -0.16684 0.0037789 -0.086896 0.1411 -0.023405 0.17642 0.040334 -0.088099 0.27778 0.24708 -0.075953 0.092084 0.34464 0.25284 -0.083241 -0.028076 -0.0025143 -0.052113 -0.089247 -0.16833 -0.21701 0.07541 -0.075677 0.0074818 -0.017865 -0.26286 0.090639 -0.24263 -0.39908 -0.29575 0.21118 -0.027031 -0.15267 -0.23026 0.011922 -0.066869 0.002248 -0.032791 -0.029063 0.096041 0.091891 -0.054472 0.43026 -0.11029 0.099507 -0.11779 0.12021 0.20565 0.02117 -0.032115 0.24554 0.075349 0.12594 0.067713 0.12544 0.11347 -0.10109 -0.19682 -0.29269 -0.083196 0.071931 0.24568 0.21901 +th -0.60675 -0.26853 0.096468 -0.048241 0.26699 0.15182 -0.25658 -0.17626 -0.16416 -0.18269 0.39767 0.066007 -0.17054 -0.33731 0.063323 -0.25809 -0.16717 0.054174 0.22244 0.40686 0.1744 0.011669 -0.15513 -0.38136 -0.081405 -0.024574 -0.28842 -0.21135 -0.16654 0.27858 -0.37471 0.1456 0.22931 0.35022 -0.0049302 -0.18581 -0.15644 -0.062995 -0.12768 -0.18818 0.17348 0.16634 -0.28225 -0.04404 0.1505 -0.41638 -0.12505 0.19712 -0.11901 -0.10796 0.18368 -0.24143 -0.11053 0.23607 -0.17163 0.083874 0.022472 0.30103 -0.11479 0.29774 0.06631 -0.11098 0.22351 0.021083 -0.0068601 0.041653 -0.2429 -0.3892 -0.4693 0.081678 -0.10183 0.28888 0.17179 -0.18717 -0.00081653 -0.018413 0.28121 0.4347 -0.098611 -0.027773 -0.24644 0.17357 -0.095818 0.034583 -0.22983 0.34187 -0.52803 -0.26306 -0.18711 0.17777 -0.26382 0.14235 0.26154 0.10764 0.33518 0.10576 -0.085594 0.15286 0.20943 0.019608 0.028166 -0.13091 0.23785 -0.027679 -0.03487 -0.11343 -0.07688 0.57732 0.12993 0.064244 0.07886 0.063248 -0.075539 0.066661 0.31472 0.12931 0.09467 0.12092 -0.048563 0.19786 0.13953 0.21392 0.16018 0.09481 -0.19021 0.16787 0.49052 0.17242 0.28908 0.1131 -0.17204 0.083921 -0.071823 -0.062542 0.19028 0.12568 0.062313 0.0325 -0.38644 0.097389 -0.079135 0.24346 -0.0033357 -0.016455 -0.11594 0.73385 -0.039272 0.068011 -0.34625 -0.057409 0.31008 -0.31365 -0.53361 0.39384 -0.31864 0.19514 0.22963 0.18612 -0.096096 -0.39553 0.14445 0.15417 0.15447 -0.24247 0.22757 -0.091387 0.22624 0.28213 0.47223 0.049463 -0.2732 0.40629 -0.24785 -0.088749 0.19076 0.43947 -0.31226 0.097205 0.15083 0.21795 -0.0087249 0.20098 -0.12404 0.11786 -0.11614 0.41239 -0.27663 -0.02218 -0.034705 -0.31327 0.40509 -0.084104 -0.1466 0.204 -0.25857 -0.13222 -0.013789 0.022034 -0.14575 -0.052714 -0.017593 -0.23816 -0.023857 -0.20569 0.37269 -0.17236 0.3702 0.010675 0.24429 0.36163 0.52705 -0.22285 0.029202 -0.13756 0.010739 -0.54299 -0.072329 -0.46061 -0.28558 0.012109 0.0085302 0.03059 -0.48537 0.054715 -0.31827 0.17051 0.33193 -0.19108 0.029543 0.1544 0.37158 0.023459 -0.21653 0.033273 -0.27755 0.077209 -0.069873 -0.17393 -0.040661 -0.28627 -0.14953 0.045912 0.41947 -0.13159 0.020909 -0.30792 -0.27904 0.17887 0.066537 -0.10931 -0.33191 -0.055951 0.0044215 -0.034251 -0.20743 0.18025 -0.16206 -0.27857 -0.025899 -0.0076564 -0.22972 -0.0775 0.0018984 0.28624 0.18766 0.13699 0.19437 -0.2004 0.051916 0.11504 -0.29875 -0.00037054 0.043479 -0.083922 -0.047696 -0.19229 0.12154 0.43983 0.29518 -0.24427 -0.38256 0.23031 -0.30828 -0.11142 0.36977 -0.15719 -0.32228 -0.083783 -0.063298 0.23107 0.14878 -0.38352 0.058238 -0.18181 -0.47019 0.33904 0.069788 0.078821 -0.27151 0.28172 +do -0.059967 -0.081823 -0.0056981 -0.14542 0.23516 0.067349 -0.0028626 0.08485 -0.4862 0.21191 -0.23553 -0.2202 -0.027258 -0.36629 0.074565 -0.27233 0.25396 0.49206 -0.11224 0.066095 -0.21424 -0.19757 0.0084842 -0.078745 0.00064474 -0.050737 -0.081943 -0.086791 -0.04997 -0.041197 0.24949 -0.02166 -0.28929 -0.04045 -0.17709 -0.28892 0.053601 0.00099314 0.10312 -0.3512 0.099789 0.046349 -0.029464 -0.24252 -0.17158 0.46145 0.22567 0.0065456 0.066029 -0.36638 0.0081423 -0.17546 0.13507 -0.083518 -0.17404 0.14661 -0.029917 0.23957 -0.30962 0.15455 -0.15061 -0.05068 0.32602 -0.29668 -0.067087 -0.38634 0.27957 0.019139 -0.14308 0.003658 -0.19603 -0.0083962 0.026586 -0.39534 -0.29117 0.32293 0.25185 0.18005 -0.15321 0.34453 0.16128 0.31987 -0.17828 0.071872 0.024957 -0.12243 -0.16399 0.13075 -0.15276 -0.08834 -0.15767 0.28876 0.23342 -0.4366 0.37324 0.37744 0.12084 0.077547 0.14779 -0.085973 0.023916 -0.33152 -0.12026 -0.16092 -0.080209 -0.012295 -0.15525 -0.32014 0.31115 0.11649 0.23685 0.23204 0.13351 -0.041479 -0.053513 0.075937 0.6738 -0.19178 -0.11756 -0.02215 0.13988 0.14792 0.032308 0.10286 -0.017684 -0.042036 -0.48374 0.070077 0.072057 0.63417 -0.0738 0.27205 -0.42079 -0.04715 0.028436 -0.040252 0.2531 0.14238 0.3893 0.055351 -0.066347 0.056898 0.060943 -0.19446 0.0018102 0.11559 -0.08629 -0.034242 -0.33377 -0.0235 0.25667 -0.13184 0.33271 0.21022 0.10855 0.15977 -0.056262 0.064112 0.1842 0.14715 0.040855 0.13859 -0.155 -0.37085 -0.051199 -0.22263 -0.38561 -0.45969 0.19492 0.51745 -0.096986 -0.070765 -0.46455 0.11917 0.071507 0.30963 -0.14782 0.17794 0.048722 -0.19075 0.035238 -0.29139 -0.10693 0.0084896 -0.0017804 0.1694 0.047842 -0.058594 0.24439 0.23714 -0.10227 -0.12158 -0.31455 0.13319 -0.011462 -0.14195 -0.13043 -0.12702 -0.60214 0.3814 0.074861 -0.28105 0.2825 0.012061 0.084645 -0.16669 -0.51595 0.10599 0.47781 -0.014559 0.39681 -0.046629 0.5323 -0.092162 -0.071815 -0.09175 0.30924 -0.43353 0.047393 0.096578 -0.27652 -0.065501 0.03346 0.023483 0.083389 0.11966 -0.21969 -0.29482 -0.013441 0.18045 0.21844 0.12373 -0.22268 -0.0118 0.16638 0.028737 0.10145 0.047869 -0.34403 0.092467 -0.031047 0.3481 0.33325 -0.0083112 0.14139 0.31026 0.50531 -0.077792 0.038025 -0.089494 0.13382 0.040453 -0.40636 0.20099 0.29619 0.027622 -0.0015309 -0.29558 0.50778 0.0058456 0.11392 0.32841 -0.37077 0.079654 -0.22285 -0.075119 -0.34271 0.66903 -0.21986 0.056074 0.066898 0.075743 -0.089369 0.21932 -0.072386 0.085074 0.16978 0.14485 -0.094814 -0.2547 0.11721 0.027759 -0.15985 0.061823 0.10966 -0.27901 0.2113 0.31464 0.051646 0.3197 -0.058232 0.041493 -0.18241 -0.098015 -0.057821 -0.053247 -0.23659 0.17532 0.31388 -0.29767 +discussion -0.26084 -0.43859 -0.097308 0.05468 -0.15924 0.058762 -0.16579 -0.24778 -0.087823 0.18509 -0.23787 -0.25805 -0.25208 -0.20909 0.44569 -0.14891 -0.18278 -0.052295 0.35736 0.065587 -0.2232 0.51596 0.011627 0.12479 -0.41068 -0.70696 -0.21797 0.19052 0.40837 0.042157 0.44506 0.5531 -0.15399 -0.12412 -0.10171 -0.65606 -0.55172 0.17546 -0.064015 -0.71936 -0.68804 -0.66215 -0.47949 -0.27738 0.072431 0.54152 0.32796 -0.14491 0.052282 -0.057596 0.0055305 -0.33909 0.010973 -0.21143 -0.73504 0.0085312 -0.071432 0.16853 0.18482 0.68602 -0.17503 0.42582 0.41421 -0.33126 0.050662 -0.2837 0.5466 0.37883 -0.59414 0.38208 0.0085385 0.13351 0.64641 -0.24276 0.28373 0.48611 0.21215 0.55252 -0.18047 0.1121 0.44308 0.47985 0.14249 -0.038064 0.32883 -0.30254 0.20936 0.034213 -0.3962 -0.0086424 -0.21452 0.063135 -0.018276 -0.74294 -0.15125 0.14107 -0.37968 0.22578 0.39788 0.087505 -0.4161 -0.34333 0.41225 -0.32472 0.32728 0.35028 -0.45105 0.39442 0.44659 -0.40474 -0.29326 0.092591 -0.43845 0.038681 0.16738 -0.39707 0.078914 0.57214 0.0010729 -0.1909 0.19087 0.25687 -0.10228 0.36607 0.25514 0.1554 -0.56618 0.45427 -0.24712 0.52421 -0.025724 -0.10638 -0.095697 0.065508 0.33916 0.20757 0.13203 -0.11756 0.29802 0.42715 -0.31292 -0.60287 -0.15821 0.17851 -0.43668 -0.30624 0.32857 0.70142 -0.3648 -0.011064 0.38754 0.34774 0.17563 -0.01693 -0.63089 -0.04063 -0.20083 -0.10394 0.50783 0.30302 -0.39965 0.02893 -0.10166 0.00090823 -0.2596 0.060532 -0.20883 -0.8698 0.2146 0.38666 -0.23512 -0.075248 -0.42229 0.04118 -0.1935 0.39545 -0.29781 -0.23658 0.30883 -0.19596 -0.043607 -0.044991 -0.14982 -0.26102 -0.43373 0.56915 0.51519 -0.2049 0.22194 0.57032 -0.037738 0.22773 -0.23408 -0.16963 0.30931 -0.48653 0.1703 0.069078 -0.36781 0.22654 0.23744 -0.021966 0.28629 0.30349 -0.078973 -0.38389 -0.20266 -0.258 -0.14079 0.078848 0.85712 -0.28459 0.30943 -0.12381 0.33248 -0.15023 0.58101 -0.75187 0.15823 0.43795 0.031069 0.040053 -0.18207 0.0061945 0.34633 0.062981 -0.2688 -0.38931 -0.56852 -0.002491 0.34907 -0.26371 0.090541 0.27999 0.078414 -0.20275 0.77341 -0.015091 0.10246 0.38322 -0.35226 0.057976 0.51931 -0.094074 -0.34616 0.44514 0.47448 0.10859 -0.33876 -0.082712 0.16501 -0.30634 -0.24531 -0.058237 0.21892 0.082378 -0.24401 -0.87644 0.45857 -0.07632 -0.043505 0.33546 -0.41284 -0.14825 0.093618 -0.36941 -0.077514 0.60082 -0.67596 0.12747 -0.12545 -0.030414 0.029517 0.012939 -0.28502 -0.16153 0.0033977 -0.058952 0.1519 0.15566 0.22359 0.43836 -0.12711 0.069377 -0.14711 -0.29421 0.25089 0.45225 0.83196 0.097383 0.38762 0.17161 0.14305 -0.46584 -0.1209 -0.3316 -0.59506 0.50913 0.34921 0.18931 +links -0.27749 -0.28933 0.33167 0.29965 -0.20354 0.093935 -0.13954 -0.50498 -0.28901 0.091049 0.013615 -0.49264 -0.012208 -0.04581 -0.013746 -0.54531 0.064218 0.26807 0.30349 0.075379 0.022224 0.10166 -0.14936 -0.14102 -0.7536 -0.31988 -0.13229 -0.12669 0.1555 0.42117 -0.069006 0.26913 -0.21187 -0.0053395 0.054433 0.19394 -0.019227 0.14352 0.044156 0.099382 0.019174 -0.14924 0.57902 0.21887 -0.017079 0.26866 -0.45234 -0.93843 0.29043 -0.078555 0.15963 -0.33392 -0.091577 0.18946 -0.24388 0.20148 0.30221 -0.15278 -0.32642 -0.25348 0.076736 0.32017 0.74159 -0.23109 0.13795 -0.18567 0.28312 0.095069 -0.31263 0.41474 0.18221 -0.37776 0.55402 -0.39255 -0.36033 0.058391 -0.076592 0.31554 -0.30084 -0.33737 -0.54834 0.30248 0.02769 -0.033921 0.038033 -0.40353 0.26493 -0.028178 -0.29401 -0.26078 0.23559 -0.28252 0.036618 0.063144 0.21201 -0.11569 0.10319 -0.00046561 0.14389 0.051738 0.20783 0.081079 0.025026 -0.17039 -0.0012885 0.30973 -0.52404 0.24485 0.20563 -0.12026 -0.16812 -0.10028 0.11187 0.14665 -0.18197 0.049589 0.67763 -0.22459 -0.22838 0.075526 0.73408 -0.16059 -0.34067 0.50763 0.25977 0.18045 -0.12478 -0.21471 -0.30782 0.055147 -0.15179 -0.23992 -0.084911 0.11675 -0.018983 0.38668 -0.1248 -0.25131 0.32422 0.23608 -0.30807 0.30196 0.27391 -0.2257 0.34383 0.061618 0.014743 0.18362 -0.5787 0.044126 0.37049 -0.071709 0.038466 -0.35322 0.33702 -0.18415 0.23649 -0.079108 -0.24644 -0.094335 0.42473 0.24503 -0.10231 -0.2965 0.2838 -0.34788 -0.61685 -0.30738 0.11989 -0.29692 0.16354 -0.19719 -0.23562 0.21924 -0.00051989 -0.32122 0.22849 -0.11614 0.00038817 -0.7646 -0.14039 0.019178 0.010886 0.41389 -0.41947 0.54745 -0.025778 -0.46135 0.057809 0.02033 0.30749 0.19056 0.31202 0.030437 -0.064174 -0.20355 0.016375 0.29364 -0.34437 -0.17062 0.45783 -0.22231 -0.17273 0.15463 0.24173 -0.33402 0.086328 0.12246 -0.11252 -0.49165 0.26323 -0.67558 0.15114 0.1522 0.34274 -0.0059516 0.40905 -0.20736 -0.11214 -0.29375 0.21611 -0.10309 0.3995 -0.69982 -0.17351 -0.058268 -0.13168 -0.35288 0.45879 -0.064465 -0.10805 -0.069126 -0.020047 -0.14233 -0.22427 0.071939 0.51276 0.22974 -0.099294 -0.14616 0.2822 -0.093446 0.17527 -0.14597 -0.47697 0.079552 0.63791 0.27966 -0.16389 -0.18201 0.62773 -0.31841 -0.98861 0.21872 0.097616 -0.56414 -0.15032 -0.2046 -0.0073912 -0.04622 0.21442 -0.041402 -0.36313 -0.045671 -0.17578 0.18216 0.32047 0.11363 -0.14618 0.022229 0.29825 -0.14684 0.41838 0.12826 0.086219 0.023431 -0.28017 -0.091905 -0.23622 -0.23884 -0.0433 0.29023 0.36765 -0.21901 0.27101 -0.0013437 0.34704 0.24939 -0.67596 0.009184 0.31138 -0.24334 -0.37687 0.10781 0.27825 0.060194 -0.16634 0.17116 0.2496 0.12647 +only -0.15906 0.14809 -0.087573 0.15128 -0.066258 -0.067022 -0.086443 -0.1616 0.11609 0.13939 0.047771 0.022413 0.10448 0.17269 0.031716 0.0053919 -0.089087 0.099216 0.070124 0.053753 -0.04261 0.026661 -0.26466 -0.18506 -0.094516 0.077165 -0.015846 0.12001 0.0074917 -0.0545 -0.12534 -0.077107 -0.13157 0.20992 0.024376 -0.23003 0.15691 0.0097185 0.053754 -0.040893 0.096524 -0.19632 0.025837 0.089478 0.05702 0.31574 0.16315 0.016696 0.060723 0.0024819 0.091089 -0.16559 0.14567 0.067502 -0.12275 -0.039173 -0.053219 0.15321 -0.22701 0.17364 -0.0019247 -0.071888 0.2315 -0.13551 0.032188 -0.17151 -0.32896 0.045003 0.22778 0.051344 -0.033665 -0.027701 0.15189 -0.14757 -0.11736 0.10167 0.25155 0.27647 -0.0035028 -0.0018311 -0.0035076 0.045586 -0.096837 0.021565 -0.028482 -0.046827 -0.17311 0.07101 0.0094512 -0.20737 -0.063359 0.083307 0.30308 -0.15507 0.018957 -0.13878 -0.16097 0.085181 -0.10667 0.051914 0.078567 -0.12925 0.25416 -0.090592 -0.023769 -0.19953 -0.067151 -0.1528 0.17349 0.054004 0.056664 -0.038726 0.015699 -0.096784 0.070768 -0.17623 0.19225 0.04551 0.045555 -0.023886 0.14975 0.10929 -0.071563 0.4805 0.11468 -0.007665 0.36264 0.15352 0.072933 0.057075 -0.15205 0.032859 0.022869 0.02742 -0.10133 0.066236 0.073805 -0.04183 0.016585 -0.091437 0.050731 0.18672 0.19019 -0.06957 0.085706 0.22939 -0.072447 -0.022841 0.010845 -0.12921 -0.043577 -0.076266 -0.048253 -0.11247 -0.13791 0.011871 0.14004 0.11014 0.20733 0.10345 -0.27352 0.025576 -0.0090305 0.16798 0.10511 0.19086 -0.02732 0.010641 0.11533 -0.025481 0.14493 -0.19454 -0.21079 0.02669 -0.051815 0.0050164 0.0073442 0.13537 0.071968 0.048253 0.061523 0.03662 -0.10555 -0.055751 -0.24306 0.065449 0.051918 -0.011406 0.092866 -0.15792 0.067191 -0.35585 0.15808 0.15181 -0.12981 -0.050787 -0.049853 0.089271 -0.14911 -0.095266 0.13753 -0.038161 0.0085413 0.028761 0.11458 -0.011769 -0.10758 0.25052 0.14654 0.045445 0.26169 -0.1726 0.13518 -0.064068 0.0366 -0.04534 -0.095521 -0.20135 -0.14809 -0.0096427 0.07307 0.01751 -0.050613 -0.12348 -0.040582 0.006155 -0.13754 -0.047531 0.060562 -0.059819 0.10945 0.16802 -0.14631 -0.040302 -0.104 0.14179 0.10253 -0.19554 -0.068862 -0.020133 -0.050928 0.051869 0.054462 -0.11187 0.10908 0.31932 0.085235 0.071356 0.0033062 -0.030618 -0.045608 -0.18537 -0.32734 -0.087081 0.11351 0.14116 -0.096899 -0.11627 -0.01955 -0.09668 -0.0031123 0.043306 -0.058312 -0.066643 -0.072086 -0.089377 -0.10663 0.092593 -0.1871 -0.15602 -0.29967 -0.030985 0.18006 0.046247 0.0088959 -0.17242 0.097567 0.05999 0.0385 -0.12629 0.056603 -0.048314 0.043715 -0.10048 0.12018 -0.037846 0.11677 0.35567 -0.18145 0.23512 0.18557 0.01865 0.099215 0.12251 0.04995 -0.23208 0.10142 0.093482 -0.032706 -0.065889 +some -0.10259 0.035129 -0.27205 0.058004 -0.0056773 0.10825 0.063587 -0.15558 0.1267 0.26728 0.02989 0.14701 -0.097785 -0.028888 0.12173 -0.1267 -0.062553 0.20528 -0.03202 -0.01069 0.028507 -0.092208 -0.17408 -0.094889 -0.14336 0.0090343 0.11859 0.11745 -0.21757 0.22911 0.13321 0.12549 -0.20468 0.31996 0.001532 -0.03917 0.18086 -0.074827 -0.0091022 -0.051964 0.007508 0.057379 0.041398 -0.060201 -0.013982 0.10431 0.18055 -0.23406 -0.24967 -0.23239 0.081355 0.061411 -0.075189 0.096334 -0.31583 -0.033809 -0.050904 0.0089098 -0.35847 0.27552 -0.093732 -0.2178 0.13224 -0.043404 0.18206 -0.018396 -0.2694 -0.10302 0.028364 -0.029874 -0.095828 0.049047 -0.062228 -0.13718 -0.23222 0.14618 0.2103 0.13877 0.0075502 -0.11579 0.055264 0.0915 -0.12487 0.030414 -0.020593 0.10754 0.059374 -0.044495 0.095436 0.10418 0.080895 -0.010017 0.38154 -0.25386 0.069355 0.026156 0.041555 0.016503 -0.11239 0.13511 -0.035684 0.086571 0.15105 -0.17939 -0.06164 -0.28054 -0.056921 0.12882 -0.026563 0.019554 -0.18434 0.025801 -0.1754 -0.014896 0.12717 -0.043347 0.21616 0.0080513 0.037775 0.097875 0.097109 -0.057762 0.069869 0.36304 0.060163 0.059501 0.084385 0.042682 -0.025057 0.44372 0.0069646 0.15606 -0.18339 0.049648 0.093692 0.015881 -0.11843 -0.025678 0.19763 -0.14278 0.17558 0.078549 -0.02908 0.021105 0.25916 0.17298 -0.14705 0.18447 -0.10639 -0.078388 -0.040532 -0.28532 0.16953 -0.1906 -0.072978 -0.17978 0.051613 -0.037614 0.215 0.066944 -0.17914 0.18687 -0.27441 -0.03191 0.072356 0.10846 -0.21846 -0.26791 0.20523 -0.04834 0.069503 0.14628 -0.35052 0.072428 -0.31021 0.15678 0.067768 0.26126 0.060228 -0.079528 0.099533 0.063709 0.054064 0.064872 0.058472 0.17235 0.16412 -0.1364 0.38018 -0.067375 -0.18138 -0.28091 0.035333 0.15544 -0.072803 -0.087458 0.034689 0.1415 -0.25274 -0.035459 0.025444 -0.065046 0.081268 -0.0042313 0.088707 -0.2762 0.053266 -0.0021693 0.032784 0.2264 0.17978 0.11026 0.024135 -0.11224 0.19694 -0.053345 0.055212 -0.22497 -0.17776 -0.069061 -0.027795 -0.27258 -0.030586 -0.010703 -0.10299 0.018793 -0.088313 -0.21044 0.072315 0.30453 0.063224 0.08811 -0.032367 -0.058272 -0.16633 0.21331 0.10058 -0.146 0.1074 0.065085 0.11677 -0.079865 0.09124 -0.18506 -0.18743 0.28953 0.21916 0.067925 -0.042576 -0.041126 0.17284 0.0027499 -0.080358 -0.18702 0.095815 -0.046811 0.11732 -0.15755 0.10424 0.05554 0.096629 0.19081 -0.11087 -0.022282 -0.2124 0.0070987 -0.26128 0.16266 -0.25841 -0.067286 -0.19836 -0.11061 0.20247 -0.019565 0.038612 0.058056 0.074382 0.14241 -0.013589 0.066706 0.16881 -0.15352 -0.17546 -0.069344 0.12135 -0.020611 -0.088055 0.097388 -0.15136 0.35622 0.12834 0.030983 0.022804 0.0090433 0.089243 0.0093499 -0.1469 0.17704 0.0031543 0.06439 +up 0.050746 -0.10465 -0.11645 0.35393 -0.12675 0.096301 -0.054381 -0.26301 -0.2099 0.28288 0.34059 -0.0087929 0.015238 0.048556 0.33515 -0.2547 0.14344 0.097152 0.061149 -0.029115 0.013637 -0.037526 0.099212 -0.28668 -0.089125 -0.012166 -0.29433 -0.47918 0.018074 0.12776 0.10105 0.31096 -0.17989 0.037449 0.038537 0.027665 -0.14308 -0.29851 -0.1668 -0.17571 0.26495 0.1444 -0.23602 0.42433 -0.0020282 -0.083376 0.16971 0.056822 -0.21485 -0.14441 -0.043001 -0.16818 0.024433 0.16601 -0.061748 0.39179 -0.056878 -0.091802 0.15553 0.25604 0.0085222 -0.28412 0.427 -0.15729 -0.28023 -0.16682 0.094079 0.22534 -0.12254 0.24432 -0.084133 0.097703 -0.0013774 -0.02722 -0.11715 -0.17758 0.30882 -0.049614 0.14009 0.14011 0.052514 -0.084242 -0.098793 0.09093 0.097124 0.096042 -0.08917 0.00014265 0.30589 -0.04607 -0.13584 -0.248 0.17472 -0.23987 0.15738 0.23197 0.058664 -0.23271 -0.0462 -0.24716 0.049899 0.029229 0.28816 -0.064107 -0.12036 -0.26565 0.045865 0.078788 0.11818 0.10476 0.099003 0.019882 0.20637 0.1584 -0.067908 -0.12516 -0.23174 -0.1027 -0.17582 -0.029133 0.038022 0.057464 -0.46738 0.37752 0.0039075 -0.18071 0.0013832 0.098791 0.144 0.042338 0.22923 -0.01215 -0.088185 0.3776 -0.032589 0.12344 0.032409 0.17313 -0.060322 0.31423 -0.0044634 0.14237 0.30797 0.23713 0.22841 0.3669 -0.11109 0.11761 -0.032454 0.14252 0.12229 -0.18333 0.046065 -0.35734 0.03968 0.048082 0.1686 -0.35911 0.22741 -0.23785 -0.056716 0.10403 -0.19803 0.20722 0.12045 -0.13193 -0.021354 -0.25307 -0.11498 -0.12141 0.12532 -0.3992 -0.19674 -0.19756 -0.04219 0.23571 0.060021 0.11503 -0.22009 -0.32069 0.23902 -0.087489 -0.24181 0.32901 -0.018359 0.019503 0.0030157 0.18843 0.071496 -0.34561 0.018668 -0.20879 0.097647 0.16018 0.065607 -0.10103 0.01134 -0.30712 -0.15941 -0.11366 0.15301 -0.15178 0.20537 0.0003623 0.018635 -0.13672 -0.20462 0.068105 0.085121 0.15109 0.25925 0.0084185 0.12888 -0.026041 0.17811 0.094287 -0.066252 -0.24214 -0.083132 0.12362 -0.32525 0.30129 0.04271 0.24263 -0.16674 -0.0049737 -0.054934 -0.11031 -0.070728 0.25159 0.35229 0.29824 0.044761 0.10997 -0.090429 -0.16943 0.24223 0.098267 -0.067278 -0.071913 0.31586 -0.075775 0.24381 0.12795 0.0036591 0.33459 -0.076598 -0.16319 -0.10426 0.033822 0.18074 -0.018719 -0.023605 -0.31635 0.15751 0.14504 0.053406 -0.13118 -0.12424 0.18307 -0.19952 -0.0011685 -0.15421 -0.093023 -0.053396 -0.22407 -0.00011687 0.15784 0.10014 0.075517 -0.11324 0.057721 0.1582 0.18678 -0.24766 -0.058054 0.1668 0.26698 -0.007678 -0.16806 0.34027 -0.21668 -0.14847 -0.17406 0.15964 0.092536 0.22502 0.12448 0.15117 0.062378 0.14372 -0.19707 0.045638 -0.0068417 -0.0055782 0.18371 -0.19345 -0.045529 0.072816 -0.0077457 +see 0.065606 -0.20778 0.078292 0.26746 -0.44002 0.12833 0.142 -0.14664 -0.21651 0.061481 0.037764 -0.098068 0.039605 0.15554 0.25207 -0.10135 -0.27408 0.14177 0.079111 -0.055953 0.11227 0.40378 -0.17173 -0.25968 -0.14666 -0.12127 -0.043952 -0.088812 -0.11801 -0.0055776 0.026664 0.17143 -0.064154 0.13713 -0.022575 0.13751 -0.30394 0.22493 -0.11938 -0.024765 -0.07806 0.065861 -0.18514 -0.10426 0.098893 0.0019134 0.24819 -0.24006 -0.1443 -0.26582 -0.01163 -0.14499 0.058747 -0.48813 -0.31219 0.12985 0.12634 0.0067255 -0.202 0.14519 -0.13505 -0.025903 0.17894 -0.078037 -0.19862 0.068398 0.12556 0.040752 -0.13791 -0.1718 0.090205 0.10914 -0.041686 0.080871 -0.23166 0.2464 0.20115 0.12834 0.16604 0.12042 0.34799 0.27769 -0.12724 0.060566 0.019956 0.12603 0.038511 -0.15342 0.035314 -0.27182 0.044523 0.31707 0.40946 0.098558 0.054922 -0.142 -0.10756 0.18376 0.1553 0.053896 0.065432 -0.23395 -0.067211 -0.25157 -0.078368 -0.094436 0.1068 0.1517 0.27513 -0.062291 0.038053 0.023074 -0.0012364 -0.087223 -0.19969 -0.15942 0.34232 0.090148 0.10787 0.29018 0.30764 0.084018 0.2238 0.24153 0.048191 0.014305 -0.062208 -0.20488 0.22731 0.02313 -0.064369 0.00033755 -0.34618 -0.0093523 0.13452 0.085074 0.10803 -0.075464 -0.076526 0.27606 0.046524 -0.03786 0.45028 -0.085808 0.15754 -0.039694 -0.27675 -0.073855 -0.020877 -0.011633 0.030616 -0.069789 0.3653 -0.076294 -0.085663 -0.14427 -0.16945 0.007729 0.32145 0.16343 0.01042 0.29496 -0.33592 -0.23572 -0.0013809 -0.19098 -0.095623 -0.37932 0.2241 0.10488 -0.62712 -0.078144 -0.25156 0.11853 -0.30085 -0.052537 0.32731 -0.074559 -0.00040936 -0.3031 0.11625 -0.1523 0.025847 0.067382 -0.183 0.24124 0.2631 -0.0043184 0.13733 -0.014973 -0.075383 -0.35768 0.0023652 0.0054615 -0.04175 -0.21974 0.24582 0.082989 -0.32646 -0.12335 0.16285 -0.079608 0.10057 0.14865 0.22523 0.10368 -0.34559 0.19931 0.024427 -0.019086 0.26853 -0.13887 -0.10147 -0.079289 0.24512 -0.09211 -0.14084 -0.077391 -0.053525 -0.0055776 -0.10184 -0.17063 -0.24186 -0.32622 0.02821 0.27233 -0.063724 -0.18258 -0.020903 -0.0071454 0.02461 0.37082 -0.11077 0.095047 0.15974 0.31148 -0.14492 -0.12066 0.063117 0.12564 -0.27152 0.0027756 0.43786 0.31141 0.065738 0.21583 0.1666 0.19119 0.037278 -0.074201 0.24833 -0.13415 -0.076522 0.21304 0.22779 0.15897 -0.091805 -0.21986 0.063914 0.007702 0.014062 0.092196 -0.067908 0.01917 -0.16616 -0.092109 -0.20818 0.13692 0.066552 0.088639 -0.11435 -0.16138 0.0743 -0.38724 0.11309 -0.39142 0.12729 0.17795 -0.13674 -0.45063 -0.10522 0.096817 -0.074096 0.0041708 0.16486 -0.088158 -0.19859 0.097139 -0.00179 0.12473 0.077368 0.058236 -0.027758 0.049618 0.10201 -0.0062674 -0.15436 0.054054 0.092565 0.011033 +united 0.046365 -0.31769 0.31222 0.42728 -0.052017 -0.20568 -0.13054 -0.35544 -0.045493 0.11983 -0.14213 0.31608 -0.17941 -0.18543 0.18359 -0.15808 0.072664 -0.0014783 0.16622 -0.14543 -0.2524 0.27216 -0.32267 -0.10664 -0.29708 0.18807 -0.098525 -0.18365 0.31272 0.28361 -0.18903 -0.088701 -0.35652 0.035704 -0.1088 -0.050323 0.023336 -0.26352 0.30818 -0.22825 0.058236 -0.41506 -0.026763 0.046349 0.19959 -0.39861 -0.17375 -0.30119 0.22293 -0.038184 0.068501 -0.097479 0.015807 -0.21986 -0.37589 0.17285 0.0040284 0.32552 -0.0011404 0.32761 -0.013105 0.015247 0.15712 -0.26045 -0.12494 0.28136 -0.26716 -0.46102 -0.41073 -0.32228 0.16545 -0.014996 0.35118 0.061423 -0.11643 0.43137 0.092377 0.029948 -0.085856 -0.41104 0.068817 0.29297 -0.21212 -0.1218 -0.26955 -0.24207 -0.18802 0.18362 0.18549 0.18589 -0.1702 -0.039048 0.11551 -0.19736 0.14122 -0.057884 0.20881 0.072587 -0.48411 0.26856 0.16303 -0.16069 0.27502 -0.059509 -0.18507 -0.12898 -0.30991 0.46534 0.23927 -0.13232 -0.13909 -0.13108 -0.26525 -0.12356 0.059133 0.23275 0.47667 0.12626 0.11883 -0.17368 -0.063973 0.053502 -0.2536 0.31042 0.080435 -0.30128 0.089277 0.36817 0.12852 -0.14209 -0.019825 0.25518 -0.17265 -0.30792 -0.46263 0.024073 -0.080779 -0.035585 -0.14509 0.046528 0.091075 0.23933 0.25347 0.33774 -0.25254 0.37824 0.4848 -0.054182 0.29476 0.086524 -0.093276 0.055876 -0.37799 -0.18548 -0.29252 -0.19583 -0.099003 -0.43942 0.087635 -0.012459 -0.29098 0.5147 -0.18545 0.13965 0.50519 -0.098732 0.25575 0.1304 0.55445 -0.021427 -0.029507 0.02117 -0.1621 0.014808 0.049758 0.036056 -0.062304 0.63642 -0.43644 -0.076776 -0.39182 -0.1376 -0.24394 -0.22731 0.06657 0.14438 0.38478 0.15374 -0.12172 -0.090816 0.045915 -0.10554 -0.073628 -0.19175 -0.29218 0.26795 0.50897 0.050782 -0.21657 -0.08597 -0.26223 0.022173 0.13127 0.24968 0.1859 -0.10647 -0.3341 -0.41956 0.48287 0.5315 0.41377 -0.17839 0.21919 -0.17591 0.27181 0.069603 0.10326 -0.33973 -0.055301 0.19001 0.1406 -0.18336 -0.2006 -0.17187 0.28915 0.14723 -0.1442 -0.15559 -0.24569 -0.2394 0.12558 0.027606 0.10914 -0.16858 -0.010481 0.025268 -0.40896 0.40354 0.25462 -0.15377 0.382 0.34362 -0.12514 -0.050515 0.14687 -0.034993 0.066918 0.18203 -0.18247 -0.0515 0.46348 -0.058206 0.017133 -0.089766 -0.43008 0.25566 -0.092503 0.3139 0.26187 0.29525 0.14112 0.11211 0.077465 -0.081054 0.027246 -0.35908 0.24731 0.23647 0.018267 -0.0976 0.18494 -0.073755 -0.080984 -0.13992 -0.1203 -0.024845 0.14001 0.11345 0.3576 0.018279 -0.34892 0.10736 -0.13512 0.17277 0.6192 0.078815 -0.12064 0.054381 -0.26726 0.15411 0.1107 -0.15565 0.20006 0.036532 -0.051931 -0.1327 0.06487 0.022226 -0.013277 -0.28403 +years 0.075839 0.042674 0.020181 0.050867 -0.010625 0.15256 -0.088586 -0.096088 -0.063122 0.65162 0.22232 0.19545 -0.10945 0.062671 0.032953 0.016797 -0.18758 -0.19251 0.034215 0.33518 -0.3219 -0.10498 0.023273 -0.38186 -0.17623 -0.17392 0.061267 -0.30791 0.063356 0.055992 -0.10579 0.16749 -0.13468 0.064846 0.24515 -0.16702 0.44616 -0.20769 -0.18541 0.045151 0.077928 -0.20744 0.06486 0.067822 0.4156 -0.27067 0.087404 0.15533 0.31861 0.047395 -0.053867 -0.43069 -0.10587 0.20187 -0.20761 -0.25294 -0.14523 0.42044 0.0049966 0.020707 -0.0042913 -0.16576 0.23027 -0.14021 -0.054268 -0.20378 0.096095 0.24053 -0.10842 0.30731 0.13651 -0.19265 0.084534 -0.093015 0.28022 -0.029079 0.39512 0.12934 0.16239 -0.022006 0.084606 0.27857 -0.16885 0.13995 -0.21116 -0.010157 -0.28055 -0.12798 -0.21519 -0.078518 -0.11085 -0.20858 0.47532 -0.28862 0.164 0.10424 0.11024 0.094779 -0.45725 -0.11355 0.14393 0.073126 0.20336 -0.13865 -0.27787 0.097976 -0.19101 0.39317 0.14608 -0.0097416 -0.0014398 -0.093993 -0.050344 0.19831 0.20188 -0.0065755 0.21589 0.0808 -0.11077 0.2792 0.27903 0.48508 -0.051715 0.23971 0.12164 -0.085404 -0.19077 0.27718 0.10276 0.29623 0.089316 0.19728 0.12027 0.085375 -0.34401 0.1915 -0.052665 0.10285 -0.12393 0.21668 0.0093345 -0.0556 -0.019853 0.16558 0.026664 0.27562 -0.16399 -0.33786 -0.17883 0.1218 0.073249 -0.024106 -0.064733 0.10199 -0.13762 -0.076979 -0.16217 -0.10043 0.21147 -0.003504 -0.0052409 0.16211 -0.18061 0.21571 0.39604 -0.16448 0.57379 -0.041948 0.15636 -0.18096 0.17468 -0.36554 -0.021891 0.21715 0.081093 -0.073907 -0.23223 0.32473 -0.26352 -0.19283 -0.25924 -0.093396 0.062183 -0.050842 -0.33023 -0.021627 -0.014505 -0.034812 0.4233 0.1613 -0.14166 0.18726 0.46601 0.11784 -0.035099 -0.045209 -0.082905 -0.060987 -0.031336 0.061925 -0.23274 -0.16959 -0.010284 0.031523 -0.0017703 0.27248 -0.025149 0.026061 0.17094 0.20044 0.30198 -0.14288 -0.090483 -0.035605 -0.084917 -0.068693 -0.16427 -0.2356 -0.070981 0.10475 0.30685 -0.03542 -0.15132 0.12895 0.38356 -0.00070255 0.20369 -0.31525 0.22899 0.13642 0.1792 0.234 -0.16045 -0.025321 0.0021374 -0.014873 0.36991 -0.15555 -0.29311 0.030527 0.031127 -0.18474 0.26607 -0.18104 -0.12037 -0.076602 0.15357 0.089392 -0.12486 0.27501 0.098842 -0.12278 -0.22455 0.041924 0.19719 -0.12148 0.054537 -0.091217 -0.25127 0.21292 4.5927e-05 0.38748 0.40215 -0.38429 -0.096875 -0.13293 0.30871 0.076813 0.1575 0.12342 0.27486 0.031692 -0.072002 0.005184 -0.20524 -0.12741 0.23838 -0.18301 0.33221 0.092258 0.44441 -0.035389 0.12411 0.053624 0.20656 0.20692 -0.10051 0.2851 0.05511 0.38232 -0.0056542 -0.029827 -0.087783 -0.11102 -0.14356 0.1626 0.08745 0.12232 0.099695 0.093542 +into 0.34768 -0.18301 -0.18374 0.17449 -0.11678 0.05353 0.2013 -0.063307 -0.042738 0.3143 -0.1538 -0.20722 -0.10654 -0.23009 0.083785 -0.1063 0.018538 0.17408 0.083412 0.21498 -0.00065944 0.037429 -0.32165 -0.026789 -0.05936 -0.054312 0.16073 -0.043368 0.1469 0.34231 -0.13652 0.35949 -0.14909 0.12 0.11815 -0.036557 0.01866 0.040918 0.28245 -0.31489 -0.032506 -0.11192 -0.015091 0.093158 -0.019388 0.34582 -0.13944 -0.01657 0.14834 -0.13085 -0.063624 -0.1593 -0.0067366 -0.27097 0.082271 0.2267 -0.3059 0.28004 0.035051 0.10519 -0.14024 -0.35287 0.09799 0.17613 0.03689 -0.1557 -0.39833 -0.053975 -0.057356 0.27995 -0.13391 0.10882 -0.11528 0.0057538 -0.21252 0.11017 0.28675 0.089503 -0.22875 0.021362 0.14077 0.10379 -0.22423 0.059292 -0.22971 0.18392 0.16652 -0.038267 -0.21817 0.1093 -0.58092 -0.19338 0.30391 -0.14916 0.21285 0.14896 -0.021155 0.33504 0.0041895 -0.012333 -0.12319 -0.35666 0.16627 0.34811 0.05825 -0.17838 -0.22366 0.28413 -0.23417 0.014204 0.031265 -0.26941 0.23086 0.022466 -0.22682 -0.43217 -0.11432 -0.22773 0.10484 0.2114 0.26848 0.12776 -0.59997 0.42818 0.17349 -0.22267 0.041764 -0.097523 0.40219 0.33736 0.1079 -0.16823 -0.0706 0.28274 0.016632 0.060905 -0.0064263 -0.01452 -0.27613 0.042014 0.14971 -0.19843 -0.089107 0.047591 0.027608 0.33357 -0.30224 0.15721 0.050677 0.2872 0.092645 -0.16366 -0.082375 0.31504 -0.14338 -0.047443 -0.087692 -0.27621 0.13379 0.013171 -0.10672 -0.0025352 0.0028819 0.24832 0.063671 -0.38832 0.13841 -0.21445 0.18896 -0.045585 -0.12747 -0.14709 0.27171 -0.39122 -0.52803 0.52118 0.13217 0.19373 -0.12833 -0.077883 0.35282 -0.064329 -0.18832 0.066166 0.069386 0.14396 0.15335 0.26762 0.29207 -0.026261 0.12546 -0.3424 0.015212 0.36355 0.15621 -0.29739 0.033645 0.040381 -0.081248 -0.26464 0.11797 -0.20161 -0.14048 -0.084735 -0.21277 -0.10718 0.035666 0.047764 -0.016448 0.078006 0.079905 0.21249 -0.22072 0.1626 0.19665 0.15009 0.24736 -0.37362 -0.044406 0.11318 -0.3778 -0.38509 0.12491 0.16944 -0.19092 -0.050139 -0.042326 -0.10134 -0.084649 0.23181 0.11532 -0.085061 0.12366 0.18886 -0.1119 0.27884 -0.011567 0.03009 0.074174 0.011531 0.004713 -0.07456 0.13581 0.0047321 0.19415 0.08412 -0.20343 0.16068 -0.16568 -0.18684 0.11888 0.14485 -0.1393 0.16933 -0.23593 -0.068552 0.16504 -0.032924 -0.17583 0.14028 0.048741 -0.024942 -0.13366 0.025903 -0.27872 -0.062801 -0.035876 -0.18877 0.11958 0.045169 -0.27372 -0.082779 0.017666 -0.020521 -0.41158 0.0041723 0.019554 0.37294 0.064214 -0.31056 0.50026 0.1451 0.080847 0.25609 0.17866 -0.1145 0.24704 0.093726 -0.2143 -0.10244 -0.025642 -0.024296 0.071712 0.10922 -0.10548 0.11922 -0.011184 -0.018843 0.17916 0.0042012 +/ -0.014258 -0.30462 0.28373 0.1851 0.046303 0.44111 -0.11513 -0.092893 -0.30788 -0.2812 -0.012369 0.0010053 0.24368 -0.05857 -0.16366 -0.14147 -0.06117 0.53059 0.11204 0.11767 0.46164 -0.025331 -0.10238 0.16827 -0.31067 0.034411 -0.24189 -0.4842 0.027328 0.5291 -0.38596 0.24237 -0.058165 0.015226 -0.33173 0.073705 -0.20051 -0.20967 0.35094 -0.21589 -0.26331 0.20564 0.28022 0.20334 0.40152 0.47095 -0.10259 -0.2074 0.098816 -0.048928 0.15128 -0.17568 -0.010976 -0.26898 0.25062 0.0054663 -0.2595 0.20167 0.30158 0.18431 0.19219 -0.16947 0.21348 -0.048 0.099897 0.12883 0.29279 0.37141 -0.24043 -0.5847 -0.14316 -0.099099 -0.040051 -0.25161 0.064307 0.23795 0.24965 0.14896 0.042686 0.52851 0.16964 0.14712 -0.29284 0.15657 0.42737 -0.21109 0.023191 0.23033 -0.04745 0.27154 -0.01657 -0.082681 -0.37165 0.13493 0.084044 0.28484 0.022851 -0.098493 0.10653 -0.15732 0.20354 0.091567 0.034782 0.236 0.064735 0.016267 -0.085658 -0.021286 -0.12741 -0.05269 0.2856 -0.008002 -0.43656 -0.16063 -0.38213 -0.25526 0.26923 0.21076 -0.29088 0.36863 0.56086 0.32946 0.39728 0.31775 -0.16081 -0.32495 0.091922 -0.086332 -0.49444 0.10045 -0.066926 0.067345 0.13961 0.46939 0.22744 0.0050036 -0.048599 -0.45075 0.54124 0.33883 -0.52585 0.15031 0.17678 -0.12429 -0.08918 0.47669 0.21934 0.24983 -0.089043 0.033151 0.0911 -0.11045 -0.28486 -0.069924 0.1155 0.036532 0.21339 0.099686 0.18386 0.3329 -0.2436 0.52067 0.028179 0.12453 0.1044 0.18913 -0.09839 0.25459 -0.3051 0.068261 -0.042702 0.0010945 -0.46086 -0.12266 -0.0095622 0.16247 -0.40412 -0.45167 -0.43043 -0.65586 0.20948 -0.32213 0.06307 -0.21243 -0.38168 0.4449 0.0076538 -0.36694 0.12226 -0.091153 0.12169 0.012705 0.072424 0.0065783 -0.24181 -0.016246 0.019913 0.4425 -0.44006 -0.027852 -0.09028 -0.16866 -0.15291 -0.12223 0.03705 0.086734 -0.12287 0.12118 0.38338 0.1032 0.33368 -0.13516 0.21665 -0.10152 -0.032325 -0.061582 -0.11824 -0.25082 -0.39177 -0.19368 -0.05892 0.37131 0.18077 0.013755 -0.28276 -0.24894 -0.14531 0.017124 0.3341 0.36421 -0.055136 0.34678 -0.22398 -0.48497 -0.36863 -0.17603 0.12263 0.22867 0.077009 -0.16923 -0.12496 0.16409 -0.13856 0.17236 -0.050772 -0.1741 -0.21244 0.14494 -0.099898 -0.034955 -0.37403 0.0097706 -0.063309 -0.26638 0.12265 -0.049024 -0.10421 -0.177 -0.19008 0.40117 0.2179 0.13711 0.17258 0.13303 -0.23296 0.1817 0.015836 -0.29464 0.12452 0.036893 0.020751 0.15712 0.48448 -0.3163 -0.016973 -0.074844 0.2711 0.63583 0.13755 -0.069565 -0.10698 -0.063679 0.21927 -0.21831 0.64384 -0.12821 0.26235 -0.032293 0.18311 0.098621 -0.27872 -0.44858 0.54312 0.48648 0.086906 0.28035 -0.25262 -0.092285 0.13599 -0.10298 +school 0.22869 -0.028009 -0.085097 0.24309 -0.26317 -0.11202 0.039456 -0.28124 0.30743 0.17091 0.22821 -0.074532 -0.14216 0.0074727 0.22099 -0.28197 0.3143 -0.084497 -0.098618 0.49764 0.10058 0.41745 0.12981 -0.23762 0.06865 0.23092 -0.19101 0.31252 0.033131 0.21395 -0.48624 0.31525 -0.3059 0.0049942 -0.049818 -0.078912 0.38837 0.10109 -0.081014 -0.29326 0.45915 -0.023954 -0.30263 0.46563 -0.025378 0.12146 -0.075863 0.13385 -0.12211 -0.40954 0.37466 -0.31341 0.22262 0.10399 -0.10581 -0.28576 0.016809 0.13574 -0.16435 0.35275 -0.16555 0.17956 0.080846 0.27856 -0.17459 -0.3546 0.16616 -0.28542 0.045847 0.082316 -0.072671 0.34245 0.22845 -0.033578 0.13721 -0.47394 0.33248 0.13369 -0.16712 -0.15695 -0.24327 0.30842 -0.23262 -0.05941 -0.10467 0.068933 -0.49366 0.49679 -0.066409 -0.081599 0.057622 -0.13286 0.50645 -0.39212 0.18089 0.32451 0.35698 0.26969 -0.067222 -0.18543 0.20487 0.013419 0.04359 -0.1235 -0.26041 -0.094033 -0.18862 0.22934 -0.11248 0.034285 -0.48659 -0.032477 -0.12568 -0.083626 -0.12629 -0.33144 0.30312 -0.16933 -0.1418 0.22216 0.41686 0.24273 -0.16214 0.10395 0.53591 0.027088 -0.21948 -0.21237 0.38657 0.17376 -0.21233 -0.11442 0.13554 -0.12886 -0.46518 0.38517 0.095843 -0.37739 0.070177 0.10336 -0.046608 0.0048551 -0.012481 0.21233 0.52061 0.36687 0.47144 -0.055217 -0.29614 -0.073691 0.12355 -0.13563 -0.11267 -0.2026 -0.18016 0.02181 -0.11769 -0.32574 0.31155 0.16532 0.35864 0.35299 -0.056351 0.017639 0.5587 0.056945 0.082128 0.064561 -0.0043055 0.253 -0.26588 -0.11758 -0.15983 0.25661 -0.017241 0.19402 -0.41857 -0.11006 0.20889 -0.14091 -0.011836 -0.0057944 -0.3357 0.15189 -0.16835 -0.03914 0.059314 0.0042839 0.20252 -0.10732 0.40503 0.059054 -0.1481 0.092425 -0.070491 -0.0001241 -0.0016259 0.72782 -0.22663 -0.43043 0.02191 -0.15601 -0.37599 0.16893 -0.18846 -0.058359 -0.0014713 -0.35734 0.15577 0.10934 0.69167 -0.32724 0.16009 -0.40792 -0.11439 -0.030013 -0.12524 -0.027639 0.063727 -0.14089 0.013969 0.41208 -0.36629 0.02648 0.20469 -0.2759 -0.070599 0.006753 0.14241 0.2103 0.3727 -0.0062525 -0.0084329 -0.27378 -0.089864 -0.02836 0.0015354 0.45145 -0.18245 0.20555 0.054421 -0.025571 -0.032553 -0.018942 0.097465 -0.18188 0.091925 -0.055566 -0.1843 -0.05103 -0.06108 0.069601 -0.045432 -0.049843 0.006233 0.045287 -0.00021775 -0.14776 0.076178 -0.17957 0.0078284 -0.060164 0.4239 -0.12532 0.10443 0.075369 0.050524 0.12161 0.11281 -0.057907 0.05202 -0.11776 -0.31597 -0.42454 -0.096316 -0.25219 0.26053 0.31455 -0.20336 0.0079374 -0.19716 0.078221 -0.028117 0.19894 -0.34614 0.024755 -0.21811 -0.14425 -0.05119 -0.33597 0.32747 -0.03847 0.40644 -0.19799 -0.023426 0.10254 -0.03794 -0.14674 -0.13088 -0.18213 +so -0.13876 0.19795 -0.17866 0.025196 -0.057717 0.17428 0.050262 -0.17875 -0.044467 0.31205 0.0054485 -0.11575 0.043132 -0.12426 0.11097 -0.33065 0.05547 0.055605 0.0032198 0.14209 0.045309 0.11784 -0.088498 -0.11306 -0.209 -0.033766 0.02461 0.054905 -0.036109 0.20889 -0.18131 0.15424 -0.23355 0.086936 -0.18024 0.04247 -0.14205 0.065776 -0.10339 -0.12291 -0.1374 -0.066735 -0.16207 -0.1181 -0.11262 0.24891 0.2308 0.1507 -0.012344 -0.10494 -0.011185 -0.36278 0.20072 -0.10977 -0.26811 0.15207 -0.21305 0.11993 -0.31291 0.04385 -0.18034 -0.21894 0.078447 0.048618 0.041356 -0.19324 0.08263 -0.038096 -0.017106 -0.12048 -0.051861 0.21462 -0.090842 -0.31433 -0.20281 0.21938 0.24084 0.1209 -0.048795 0.052489 0.092435 -0.035181 -0.056189 0.058179 -0.12874 0.076431 -0.0016604 0.08846 0.019571 -0.11157 0.026898 0.19388 0.11744 -0.10727 0.11326 0.12562 0.12955 0.071034 -0.15378 0.033196 -0.026469 -0.22647 0.22492 -0.20341 -0.14455 -0.23348 -0.12604 0.054282 0.071263 0.017155 -0.015162 0.05998 -0.072731 0.14712 0.19606 -0.25031 0.051569 0.17115 -0.054961 0.19255 0.15445 0.12191 0.0047315 0.48098 -0.094198 0.037771 0.082164 0.0020702 -0.0077461 0.25117 -0.15283 0.07453 -0.12795 -0.024251 0.038364 0.0035498 0.11854 0.052221 0.17121 0.1575 -0.031279 -0.06475 0.2821 -0.11162 -0.014155 -0.14122 -0.053681 -0.048946 -0.037284 -0.11207 0.10877 0.0020626 -0.0095018 0.074902 -0.17482 -0.061947 -0.070881 0.10493 0.12086 0.011539 -0.12448 0.22621 -0.1975 0.15172 0.0090491 -0.10927 -0.12677 -0.089284 0.12008 -0.037246 -0.23478 -0.25616 -0.27381 0.081569 -0.20625 0.13588 -0.10092 0.042022 0.016035 -0.15939 0.09973 -0.20985 0.20619 0.01581 -0.1356 0.18691 -0.063003 -0.2148 0.25072 -0.1012 -0.073977 -0.26977 -0.030127 0.062034 -0.11133 -0.19449 -0.020197 -0.0093353 -0.27978 -0.17041 0.27489 0.12797 0.078962 0.10482 -0.11091 -0.070037 -0.15435 0.072273 0.17585 0.065539 0.27849 -0.0013867 0.071116 -0.047344 0.21544 -0.069844 -0.11321 -0.22116 -0.023346 0.13996 -0.17092 -0.12829 0.0051118 -0.053587 -0.083811 0.084021 -0.21998 0.009804 0.053682 0.13441 0.066206 0.23787 0.00083491 0.028816 0.0059404 0.076342 0.1054 -0.04614 0.070182 0.0022372 0.13904 0.070292 0.29026 0.029514 -0.098725 0.14229 0.2298 0.11194 0.074637 -0.18559 0.069305 -0.11542 -0.069762 0.048392 0.055977 0.085971 0.25094 -0.31674 0.019868 -0.017369 0.00043032 0.005874 -0.13219 -0.14709 -0.17125 -0.2358 -0.040862 0.27907 -0.10765 -0.047719 -0.30975 0.051394 0.14146 -0.049926 -0.071984 -0.13116 0.019164 0.0060272 -0.0029015 -0.24943 0.29035 0.024601 -0.16474 -0.020862 0.03052 -0.059954 0.044344 0.13539 0.029642 0.2097 0.024176 0.088455 0.031137 -0.092552 0.10547 -0.18755 -0.15719 0.11399 0.20889 0.013215 +world -0.32423 -0.098845 -0.0073467 0.16121 -0.25998 -0.0060076 0.0046041 -0.13021 0.25626 0.34078 0.28565 0.26202 0.1617 -0.34681 0.063853 -0.0057415 -0.21039 -0.15594 0.14924 0.12123 -0.31505 0.18454 0.067557 -0.064524 0.18522 -0.11179 0.0064246 -0.18092 0.046077 -0.094983 -0.2517 0.18452 -0.066575 0.36489 0.11338 -0.09776 0.30747 -0.023661 0.39178 -0.03507 -0.10813 -0.027539 0.43034 0.10358 -0.10806 -0.22422 -0.08929 0.12713 -0.28126 -0.0069467 -0.11128 -0.18842 0.29751 -0.11981 -0.078897 0.25913 0.3523 0.39657 0.024184 0.071092 0.17349 -0.32468 0.061097 -0.28061 -0.14277 0.0022942 -0.24633 -0.11668 -0.23279 0.12904 0.083629 -0.10669 0.25295 0.22212 0.33765 0.031227 0.15566 0.3809 -0.076791 0.13093 0.012789 0.38097 0.22645 0.10582 -0.13103 0.18499 -0.15408 0.39885 -0.18911 0.058628 0.026293 0.0096371 0.47597 -0.10347 0.227 -0.20193 -0.26306 0.20054 -0.46428 0.19976 0.19478 -0.096227 -0.090747 -0.072301 -0.201 0.050161 -0.53361 0.094732 0.1288 0.20945 -0.17726 -0.35653 0.14161 -0.080905 -0.016251 -0.0958 0.37587 0.52891 0.11805 0.065107 0.2019 0.060531 -0.14157 -0.0025388 -0.18896 0.0045249 0.21342 0.28812 0.17907 0.078547 0.13383 -0.020373 -0.064534 -0.33421 -0.3559 0.064769 -0.077711 -0.015207 0.3099 0.63486 0.066338 0.020168 0.29862 0.16501 -0.37229 0.27157 -0.021179 0.064131 0.22547 -0.44628 0.32969 -0.012753 -0.23219 -0.16027 0.20027 0.1033 0.025454 -0.097411 0.080349 0.08146 -0.32789 0.0040305 0.20591 -0.07277 -0.035319 -0.11317 -0.044998 0.20649 0.32991 -0.16076 0.38777 -0.039422 -0.060492 0.051966 0.007784 0.066656 0.10081 0.31054 -0.30312 -0.32962 -0.022858 -0.13672 0.20578 -0.024593 0.010505 0.046384 0.0116 0.078211 0.21753 -0.29905 0.2172 -0.1159 0.20545 0.16613 -0.16653 0.015691 -0.026983 0.21195 -0.20077 -0.046234 0.27736 0.023131 0.14588 -0.12859 0.17107 -0.50074 -0.29859 -0.10064 0.56272 0.30691 0.54501 -0.39113 -0.12554 0.17813 0.45996 0.018619 0.35831 -0.27745 -0.0046902 0.32791 -0.18364 0.31163 -0.32295 0.034618 -0.15645 -0.34456 -0.080383 -0.043575 0.042087 0.16559 0.024058 0.34987 0.27348 0.012231 -0.12685 0.0072742 -0.022134 0.083285 -0.017813 0.088638 0.2044 0.076185 0.27567 -0.13946 -0.14153 0.23889 -0.22143 -0.080292 0.002125 0.45858 -0.32851 0.47206 0.19678 0.077539 0.26018 0.1628 -0.2611 -0.2211 0.23609 0.31686 0.087248 0.54821 -0.1004 -0.26447 -0.35366 0.18926 -0.025612 0.0047776 0.18239 0.019577 -0.14313 0.026834 -0.024435 0.10197 -0.25018 0.14014 0.16461 0.23887 -0.10994 0.15154 -0.1888 0.05091 -0.2567 0.15235 0.23851 0.22879 -0.13311 0.12802 -0.13385 0.18834 -0.041262 -0.10447 0.099186 -0.011132 0.14804 -0.13535 -0.50431 0.14867 -0.16452 0.13953 +university 0.041453 -0.17245 -0.11003 0.13728 -0.21607 -0.18947 0.020979 -0.079464 0.25171 0.34705 0.070803 -0.067096 -0.0052297 -0.15262 0.15632 -0.27248 0.23585 0.13002 -0.24159 0.35073 -0.067959 0.26695 -0.43149 -0.42169 0.22754 -0.29609 -0.045533 0.19175 0.091689 0.23847 0.014621 0.34661 -0.34137 0.1878 0.23843 -0.27737 0.28383 -0.23551 -0.14485 -0.28813 0.14774 0.023565 -0.20509 -0.064663 0.23605 -0.11878 -0.15493 0.060583 -0.1392 -0.23136 0.30865 -0.057538 0.25537 -0.06635 0.0045521 -0.47641 0.098173 0.051067 -0.054406 0.77796 0.11129 0.06741 -0.15458 0.17729 -0.17746 0.30722 0.23242 -0.27439 -0.19194 0.1115 0.024878 -0.046219 0.56096 -0.21114 0.049921 -0.16304 0.42484 0.26172 0.25511 0.26335 0.071185 0.20423 -0.17984 -0.60543 0.031364 0.11908 -0.28081 0.09248 -0.13224 -0.43512 -0.45786 -0.40474 0.32971 -0.64401 -0.3299 -0.10025 0.22597 0.1418 -0.17161 -0.18121 0.16278 0.026016 0.39037 -0.01311 -0.19485 0.1817 -0.097151 0.11809 0.16565 -0.12453 -0.090578 -0.27001 0.19558 -0.019368 0.063503 -0.4107 -0.023209 0.27863 0.093141 0.23934 -0.091827 0.25287 -0.44133 0.2316 0.24816 -0.038631 -0.35123 -0.091982 0.29043 0.18975 0.041419 0.32777 0.26483 -0.087267 -0.29148 -0.053556 0.18182 -0.11983 0.20309 0.16317 -0.2746 0.059835 -0.12366 0.4187 0.093625 -0.091871 0.46739 -0.20346 -0.051065 0.019171 0.25479 -0.024782 0.05954 0.10331 -0.13681 -0.44302 0.0097103 -0.23327 -0.1475 0.35785 0.28133 0.69286 -0.48166 -0.19055 0.80364 0.30656 -0.039871 0.053325 0.46743 -0.050938 -0.12106 -0.26011 -0.27163 0.27737 -0.071462 0.23087 0.29939 -0.16232 -0.021594 0.18577 0.019553 0.41418 -0.41296 -0.092661 -0.30531 0.11269 0.26856 0.15516 -0.12681 -0.14423 0.14873 -0.10238 0.10529 -0.21727 -0.37486 0.16841 -0.29481 0.35415 -0.34787 -0.24904 0.39922 0.21179 -0.35735 -0.091495 0.12603 -0.2643 -0.078413 -0.16515 0.3866 0.4746 0.40802 -0.3168 0.31129 -0.2661 -0.2783 0.20688 -0.15508 -0.12621 0.2155 -0.37675 -0.24299 0.10661 -0.19684 0.32476 -0.51551 -0.40934 -0.25866 -0.44414 0.056277 -0.050156 0.38642 -0.046327 -0.11681 -0.3872 0.021696 -0.040026 0.39229 0.19011 -0.11519 0.055413 -0.39051 0.17913 -0.25056 -0.052618 0.14345 -0.21811 0.17174 -0.029255 0.12625 -0.1116 -0.10846 0.15673 -0.13096 -0.086822 -0.0091798 -0.018278 -0.045537 -0.28719 0.20896 0.48402 -0.31491 0.42236 0.28919 0.018968 -0.18751 0.20907 0.1161 -0.22245 -0.085037 0.48937 0.26306 -0.24191 0.10488 -0.31061 -0.23278 -0.40265 0.13978 0.35509 -0.021251 0.10698 -0.23899 -0.030711 -0.14845 -0.13388 -0.42873 -0.049942 -0.14451 0.15826 0.14272 0.1248 -0.34915 -0.024686 0.18432 -0.025538 -0.054518 -0.10777 -0.04628 -0.044913 -0.37704 0.025977 diff --git a/test/common/assets.py b/test/common/assets.py index 1df4a8b11e..37dd43a5bd 100644 --- a/test/common/assets.py +++ b/test/common/assets.py @@ -1,7 +1,7 @@ -from pathlib import Path import glob -import shutil import os +import shutil +from pathlib import Path _ASSET_DIR = (Path(__file__).parent.parent / "asset").resolve() diff --git a/test/common/case_utils.py b/test/common/case_utils.py index 4e8ae970f9..9ed9a1ce62 100644 --- a/test/common/case_utils.py +++ b/test/common/case_utils.py @@ -1,5 +1,5 @@ -import random import os.path +import random import tempfile import unittest from itertools import zip_longest @@ -39,9 +39,7 @@ def get_temp_path(self, *paths): def skipIfNoModule(module, display_name=None): display_name = display_name or module - return unittest.skipIf( - not is_module_available(module), f'"{display_name}" is not available' - ) + return unittest.skipIf(not is_module_available(module), f'"{display_name}" is not available') def zip_equal(*iterables): @@ -76,5 +74,9 @@ def get_random_unicode(length): (0x038C, 0x038C), ] - alphabet = [chr(code_point) for current_range in include_ranges for code_point in range(current_range[0], current_range[1] + 1)] - return ''.join(random.choice(alphabet) for i in range(length)) + alphabet = [ + chr(code_point) + for current_range in include_ranges + for code_point in range(current_range[0], current_range[1] + 1) + ] + return "".join(random.choice(alphabet) for i in range(length)) diff --git a/test/common/parameterized_utils.py b/test/common/parameterized_utils.py index c97c8bdb4f..ed4b96f3ab 100644 --- a/test/common/parameterized_utils.py +++ b/test/common/parameterized_utils.py @@ -38,14 +38,10 @@ def nested_params(*params_set): # Parameters to be nested are given as list of `parameterized.param` if not all(isinstance(p, param) for p in flatten): - raise TypeError( - "When using ``parameterized.param``, " - "all the parameters have to be of the ``param`` type." - ) + raise TypeError("When using ``parameterized.param``, all the parameters have to be of the ``param`` type.") if any(p.args for p in flatten): raise ValueError( - "When using ``parameterized.param``, " - "all the parameters have to be provided as keyword argument." + "When using ``parameterized.param``, all the parameters have to be provided as keyword argument." ) args = [param()] for params in params_set: diff --git a/test/common/torchtext_test_case.py b/test/common/torchtext_test_case.py index c456cd705b..4dd35ee9ac 100644 --- a/test/common/torchtext_test_case.py +++ b/test/common/torchtext_test_case.py @@ -1,6 +1,4 @@ # -*- coding: utf-8 -*- -import torch # noqa: F401 -from torch.testing._internal.common_utils import TestCase import json import logging import os @@ -8,31 +6,27 @@ import subprocess import tempfile +import torch # noqa: F401 +from torch.testing._internal.common_utils import TestCase + logger = logging.getLogger(__name__) class TorchtextTestCase(TestCase): def setUp(self): - logging.basicConfig(format=('%(asctime)s - %(levelname)s - ' - '%(name)s - %(message)s'), - level=logging.INFO) + logging.basicConfig(format=("%(asctime)s - %(levelname)s - " "%(name)s - %(message)s"), level=logging.INFO) # Directory where everything temporary and test-related is written - self.project_root = os.path.abspath(os.path.realpath(os.path.join( - os.path.dirname(os.path.realpath(__file__)), os.pardir, os.pardir))) + self.project_root = os.path.abspath( + os.path.realpath(os.path.join(os.path.dirname(os.path.realpath(__file__)), os.pardir, os.pardir)) + ) self.test_dir = tempfile.mkdtemp() self.test_ppid_dataset_path = os.path.join(self.test_dir, "test_ppid_dataset") - self.test_numerical_features_dataset_path = os.path.join( - self.test_dir, "test_numerical_features_dataset") - self.test_newline_dataset_path = os.path.join(self.test_dir, - "test_newline_dataset") - self.test_has_header_dataset_path = os.path.join(self.test_dir, - "test_has_header_dataset") - self.test_missing_field_dataset_path = os.path.join(self.test_dir, - "test_msg_field_dst") - self.test_dataset_splitting_path = os.path.join(self.test_dir, - "test_dataset_split") - self.test_nested_key_json_dataset_path = os.path.join(self.test_dir, - "test_nested_key_json") + self.test_numerical_features_dataset_path = os.path.join(self.test_dir, "test_numerical_features_dataset") + self.test_newline_dataset_path = os.path.join(self.test_dir, "test_newline_dataset") + self.test_has_header_dataset_path = os.path.join(self.test_dir, "test_has_header_dataset") + self.test_missing_field_dataset_path = os.path.join(self.test_dir, "test_msg_field_dst") + self.test_dataset_splitting_path = os.path.join(self.test_dir, "test_dataset_split") + self.test_nested_key_json_dataset_path = os.path.join(self.test_dir, "test_nested_key_json") def tearDown(self): try: @@ -47,24 +41,30 @@ def write_test_ppid_dataset(self, data_format="csv"): elif data_format == "tsv": delim = "\t" dict_dataset = [ - {"id": "0", "question1": "When do you use シ instead of し?", - "question2": "When do you use \"&\" instead of \"and\"?", - "label": "0"}, - {"id": "1", "question1": "Where was Lincoln born?", - "question2": "Which location was Abraham Lincoln born?", - "label": "1"}, - {"id": "2", "question1": "What is 2+2", - "question2": "2+2=?", - "label": "1"}, + { + "id": "0", + "question1": "When do you use シ instead of し?", + "question2": 'When do you use "&" instead of "and"?', + "label": "0", + }, + { + "id": "1", + "question1": "Where was Lincoln born?", + "question2": "Which location was Abraham Lincoln born?", + "label": "1", + }, + {"id": "2", "question1": "What is 2+2", "question2": "2+2=?", "label": "1"}, ] with open(self.test_ppid_dataset_path, "w", encoding="utf-8") as test_ppid_dataset_file: for example in dict_dataset: if data_format == "json": test_ppid_dataset_file.write(json.dumps(example) + "\n") elif data_format == "csv" or data_format == "tsv": - test_ppid_dataset_file.write("{}\n".format( - delim.join([example["id"], example["question1"], - example["question2"], example["label"]]))) + test_ppid_dataset_file.write( + "{}\n".format( + delim.join([example["id"], example["question1"], example["question2"], example["label"]]) + ) + ) else: raise ValueError("Invalid format {}".format(data_format)) @@ -73,30 +73,26 @@ def write_test_nested_key_json_dataset(self): Used only to test nested key parsing of Example.fromJSON() """ dict_dataset = [ - {"foods": - {"fruits": ["Apple", "Banana"], - "vegetables": [ - {"name": "Broccoli"}, - {"name": "Cabbage"}]}}, - {"foods": - {"fruits": ["Cherry", "Grape", "Lemon"], - "vegetables": [ - {"name": "Cucumber"}, - {"name": "Lettuce"}]}}, - {"foods": - {"fruits": ["Orange", "Pear", "Strawberry"], - "vegetables": [ - {"name": "Marrow"}, - {"name": "Spinach"}]}}, + {"foods": {"fruits": ["Apple", "Banana"], "vegetables": [{"name": "Broccoli"}, {"name": "Cabbage"}]}}, + { + "foods": { + "fruits": ["Cherry", "Grape", "Lemon"], + "vegetables": [{"name": "Cucumber"}, {"name": "Lettuce"}], + } + }, + { + "foods": { + "fruits": ["Orange", "Pear", "Strawberry"], + "vegetables": [{"name": "Marrow"}, {"name": "Spinach"}], + } + }, ] - with open(self.test_nested_key_json_dataset_path, - "w") as test_nested_key_json_dataset_file: + with open(self.test_nested_key_json_dataset_path, "w") as test_nested_key_json_dataset_file: for example in dict_dataset: test_nested_key_json_dataset_file.write(json.dumps(example) + "\n") def write_test_numerical_features_dataset(self): - with open(self.test_numerical_features_dataset_path, - "w") as test_numerical_features_dataset_file: + with open(self.test_numerical_features_dataset_path, "w") as test_numerical_features_dataset_file: test_numerical_features_dataset_file.write("0.1\t1\tteststring1\n") test_numerical_features_dataset_file.write("0.5\t12\tteststring2\n") test_numerical_features_dataset_file.write("0.2\t0\tteststring3\n") @@ -110,26 +106,21 @@ def make_mock_dataset(self, num_examples=30, num_labels=3): labels = list(range(num_labels)) * num_repetitions labels = [str(line) for line in labels[:num_examples]] - dict_dataset = [ - {'text': t, 'label': l} for t, l in zip(texts, labels) - ] + dict_dataset = [{"text": t, "label": l} for t, l in zip(texts, labels)] return dict_dataset def write_test_splitting_dataset(self, num_examples=30, num_labels=3): dict_dataset = self.make_mock_dataset(num_examples, num_labels) delim = "," - with open(self.test_dataset_splitting_path, - "w") as test_splitting_dataset_file: + with open(self.test_dataset_splitting_path, "w") as test_splitting_dataset_file: for example in dict_dataset: - test_splitting_dataset_file.write("{}\n".format( - delim.join([example['text'], example['label']]))) + test_splitting_dataset_file.write("{}\n".format(delim.join([example["text"], example["label"]]))) -def verify_numericalized_example(field, test_example_data, - test_example_numericalized, - test_example_lengths=None, - batch_first=False, train=True): +def verify_numericalized_example( + field, test_example_data, test_example_numericalized, test_example_lengths=None, batch_first=False, train=True +): """ Function to verify that numericalized example is correct with respect to the Field's Vocab. @@ -140,12 +131,10 @@ def verify_numericalized_example(field, test_example_data, if batch_first: test_example_numericalized.t_() # Transpose numericalized example so we can compare over batches - for example_idx, numericalized_single_example in enumerate( - test_example_numericalized.t()): + for example_idx, numericalized_single_example in enumerate(test_example_numericalized.t()): assert len(test_example_data[example_idx]) == len(numericalized_single_example) assert numericalized_single_example.volatile is not train - for token_idx, numericalized_token in enumerate( - numericalized_single_example): + for token_idx, numericalized_token in enumerate(numericalized_single_example): # Convert from Variable to int numericalized_token = numericalized_token.item() # Pytorch v4 compatibility test_example_token = test_example_data[example_idx][token_idx] @@ -153,8 +142,7 @@ def verify_numericalized_example(field, test_example_data, # account unknown tokens. if field.vocab.stoi[test_example_token] != 0: # token is in-vocabulary - assert (field.vocab.itos[numericalized_token] - == test_example_token) + assert field.vocab.itos[numericalized_token] == test_example_token else: # token is OOV and always has an index of 0 assert numericalized_token == 0 diff --git a/test/csrc/test_gpt2_bpe_tokenizer.py b/test/csrc/test_gpt2_bpe_tokenizer.py index c342209fe6..ec48b72a5e 100644 --- a/test/csrc/test_gpt2_bpe_tokenizer.py +++ b/test/csrc/test_gpt2_bpe_tokenizer.py @@ -1,6 +1,7 @@ import regex as re import torch -import torchtext # noqa: F401 +import torchtext # noqa: F401 + from ..common.torchtext_test_case import TorchtextTestCase @@ -51,5 +52,4 @@ def test_gpt2_bpe_pre_tokenizer(self): "Lorem ipsum dolor sit\x0b\x0b amet.", ] for t in test_cases: - self.assertEqual(re.findall(gpt2_bpe_pattern, t), - torch.ops.torchtext.gpt2_bpe_pre_tokenizer(t)) + self.assertEqual(re.findall(gpt2_bpe_pattern, t), torch.ops.torchtext.gpt2_bpe_pre_tokenizer(t)) diff --git a/test/data/test_dataset_utils.py b/test/data/test_dataset_utils.py index 74562b7602..8deed46f4e 100644 --- a/test/data/test_dataset_utils.py +++ b/test/data/test_dataset_utils.py @@ -1,27 +1,19 @@ -from ..common.torchtext_test_case import TorchtextTestCase - -from torchtext.data.datasets_utils import _ParseIOBData +from parameterized import parameterized from torch.utils.data.datapipes.iter import IterableWrapper +from torchtext.data.datasets_utils import _ParseIOBData -from parameterized import parameterized +from ..common.torchtext_test_case import TorchtextTestCase class TestDatasetUtils(TorchtextTestCase): - @parameterized.expand([ - [lambda it: list(_ParseIOBData(IterableWrapper(it), sep=" "))], - [lambda it: list(IterableWrapper(it).read_iob(sep=" "))] - ]) - def test_iob_datapipe(self, pipe_fn): - iob = [ - "Alex I-PER", - "is O", - "going O", - "to O", - "Los I-LOC", - "Angeles I-LOC", - "in O", - "California I-LOC" + @parameterized.expand( + [ + [lambda it: list(_ParseIOBData(IterableWrapper(it), sep=" "))], + [lambda it: list(IterableWrapper(it).read_iob(sep=" "))], ] + ) + def test_iob_datapipe(self, pipe_fn): + iob = ["Alex I-PER", "is O", "going O", "to O", "Los I-LOC", "Angeles I-LOC", "in O", "California I-LOC"] iterable = [("ignored.txt", e) for e in iob] iob_dp = pipe_fn(iterable) # There's only one example in this dataset diff --git a/test/data/test_functional.py b/test/data/test_functional.py index 2a1ad32a43..4ae17f22b6 100644 --- a/test/data/test_functional.py +++ b/test/data/test_functional.py @@ -1,21 +1,21 @@ import os import shutil import tempfile -import uuid import unittest +import uuid import torch from torchtext.data.functional import ( + custom_replace, generate_sp_model, load_sp_model, sentencepiece_numericalizer, sentencepiece_tokenizer, - custom_replace, simple_space_split, ) -from ..common.torchtext_test_case import TorchtextTestCase from ..common.assets import get_asset_path +from ..common.torchtext_test_case import TorchtextTestCase class TestFunctional(TorchtextTestCase): @@ -24,7 +24,7 @@ def test_generate_sp_model(self): Test the function to train a sentencepiece tokenizer. """ - asset_name = 'text_normalization_ag_news_test.csv' + asset_name = "text_normalization_ag_news_test.csv" asset_path = get_asset_path(asset_name) # We use temporary directory for two reasons: # 1. buck (fb internal) generates test environment which contains ',' in its path. @@ -36,60 +36,92 @@ def test_generate_sp_model(self): data_path = os.path.join(dir_name, asset_name) shutil.copy(asset_path, data_path) - model_prefix = os.path.join(dir_name, f'spm_user_{uuid.uuid4()}') - model_file = f'{model_prefix}.model' + model_prefix = os.path.join(dir_name, f"spm_user_{uuid.uuid4()}") + model_file = f"{model_prefix}.model" generate_sp_model(data_path, vocab_size=23456, model_prefix=model_prefix) sp_model = load_sp_model(model_file) self.assertEqual(sp_model.GetPieceSize(), 23456) def test_sentencepiece_numericalizer(self): - test_sample = 'SentencePiece is an unsupervised text tokenizer and detokenizer' - model_path = get_asset_path('spm_example.model') + test_sample = "SentencePiece is an unsupervised text tokenizer and detokenizer" + model_path = get_asset_path("spm_example.model") sp_model = load_sp_model(model_path) self.assertEqual(sp_model.GetPieceSize(), 20000) spm_generator = sentencepiece_numericalizer(sp_model) - ref_results = [15340, 4286, 981, 1207, 1681, 17, 84, 684, 8896, 5366, - 144, 3689, 9, 5602, 12114, 6, 560, 649, 5602, 12114] + ref_results = [ + 15340, + 4286, + 981, + 1207, + 1681, + 17, + 84, + 684, + 8896, + 5366, + 144, + 3689, + 9, + 5602, + 12114, + 6, + 560, + 649, + 5602, + 12114, + ] - self.assertEqual(list(spm_generator([test_sample]))[0], - ref_results) + self.assertEqual(list(spm_generator([test_sample]))[0], ref_results) def test_sentencepiece_tokenizer(self): - test_sample = 'SentencePiece is an unsupervised text tokenizer and detokenizer' - model_path = get_asset_path('spm_example.model') - sp_model = load_sp_model(open(model_path, 'rb')) + test_sample = "SentencePiece is an unsupervised text tokenizer and detokenizer" + model_path = get_asset_path("spm_example.model") + sp_model = load_sp_model(open(model_path, "rb")) self.assertEqual(sp_model.GetPieceSize(), 20000) spm_generator = sentencepiece_tokenizer(sp_model) - ref_results = ['\u2581Sent', 'ence', 'P', 'ie', 'ce', '\u2581is', - '\u2581an', '\u2581un', 'super', 'vis', 'ed', '\u2581text', - '\u2581to', 'ken', 'izer', '\u2581and', - '\u2581de', 'to', 'ken', 'izer'] + ref_results = [ + "\u2581Sent", + "ence", + "P", + "ie", + "ce", + "\u2581is", + "\u2581an", + "\u2581un", + "super", + "vis", + "ed", + "\u2581text", + "\u2581to", + "ken", + "izer", + "\u2581and", + "\u2581de", + "to", + "ken", + "izer", + ] - self.assertEqual(list(spm_generator([test_sample]))[0], - ref_results) + self.assertEqual(list(spm_generator([test_sample]))[0], ref_results) def test_sentencepiece_unsupported_input_type(self): with self.assertRaisesRegex( - TypeError, - 'Unsupported type for spm argument: dict. ' - 'Supported types are: str, io.BufferedReader' + TypeError, "Unsupported type for spm argument: dict. " "Supported types are: str, io.BufferedReader" ): load_sp_model(dict()) def test_custom_replace(self): - custom_replace_transform = custom_replace([(r'S', 's'), (r'\s+', ' ')]) - test_sample = ['test cuStom replace', 'with uSer instruction'] - ref_results = ['test custom replace', 'with user instruction'] - self.assertEqual(list(custom_replace_transform(test_sample)), - ref_results) + custom_replace_transform = custom_replace([(r"S", "s"), (r"\s+", " ")]) + test_sample = ["test cuStom replace", "with uSer instruction"] + ref_results = ["test custom replace", "with user instruction"] + self.assertEqual(list(custom_replace_transform(test_sample)), ref_results) def test_simple_space_split(self): - test_sample = ['test simple space split function'] - ref_results = ['test', 'simple', 'space', 'split', 'function'] - self.assertEqual(list(simple_space_split(test_sample))[0], - ref_results) + test_sample = ["test simple space split function"] + ref_results = ["test", "simple", "space", "split", "function"] + self.assertEqual(list(simple_space_split(test_sample))[0], ref_results) class ScriptableSP(torch.jit.ScriptModule): @@ -112,38 +144,89 @@ def encode_as_pieces(self, input: str): class TestScriptableSP(unittest.TestCase): def setUp(self): - model_path = get_asset_path('spm_example.model') + model_path = get_asset_path("spm_example.model") with tempfile.TemporaryDirectory() as dir_name: - jit_model_path = os.path.join(dir_name, 'spm_example.model') + jit_model_path = os.path.join(dir_name, "spm_example.model") torch.jit.script(ScriptableSP(model_path)).save(jit_model_path) self.model = torch.jit.load(jit_model_path) def test_encode(self): - input = 'SentencePiece is an unsupervised text tokenizer and detokenizer' + input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ - '▁Sent', 'ence', 'P', 'ie', 'ce', '▁is', - '▁an', '▁un', 'super', 'vis', 'ed', '▁text', - '▁to', 'ken', 'izer', '▁and', - '▁de', 'to', 'ken', 'izer', + "▁Sent", + "ence", + "P", + "ie", + "ce", + "▁is", + "▁an", + "▁un", + "super", + "vis", + "ed", + "▁text", + "▁to", + "ken", + "izer", + "▁and", + "▁de", + "to", + "ken", + "izer", ] output = self.model.encode(input) self.assertEqual(expected, output) def test_encode_as_ids(self): - input = 'SentencePiece is an unsupervised text tokenizer and detokenizer' + input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ - 15340, 4286, 981, 1207, 1681, 17, 84, 684, 8896, 5366, - 144, 3689, 9, 5602, 12114, 6, 560, 649, 5602, 12114] + 15340, + 4286, + 981, + 1207, + 1681, + 17, + 84, + 684, + 8896, + 5366, + 144, + 3689, + 9, + 5602, + 12114, + 6, + 560, + 649, + 5602, + 12114, + ] output = self.model.encode_as_ids(input) self.assertEqual(expected, output) def test_encode_as_pieces(self): - input = 'SentencePiece is an unsupervised text tokenizer and detokenizer' + input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ - '\u2581Sent', 'ence', 'P', 'ie', 'ce', '\u2581is', - '\u2581an', '\u2581un', 'super', 'vis', 'ed', '\u2581text', - '\u2581to', 'ken', 'izer', '\u2581and', - '\u2581de', 'to', 'ken', 'izer', + "\u2581Sent", + "ence", + "P", + "ie", + "ce", + "\u2581is", + "\u2581an", + "\u2581un", + "super", + "vis", + "ed", + "\u2581text", + "\u2581to", + "ken", + "izer", + "\u2581and", + "\u2581de", + "to", + "ken", + "izer", ] output = self.model.encode_as_pieces(input) self.assertEqual(expected, output) diff --git a/test/data/test_jit.py b/test/data/test_jit.py index 8ac0284466..98146ce0ca 100644 --- a/test/data/test_jit.py +++ b/test/data/test_jit.py @@ -1,21 +1,23 @@ import torch -from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct from torch.testing import assert_allclose +from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct + from ..common.torchtext_test_case import TorchtextTestCase class TestJIT(TorchtextTestCase): - def test_torchscript_multiheadattention(self): embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 # Build torchtext MultiheadAttention models - in_proj_container = InProjContainer(torch.nn.Linear(embed_dim, embed_dim, bias=False), - torch.nn.Linear(embed_dim, embed_dim, bias=False), - torch.nn.Linear(embed_dim, embed_dim, bias=False)) + in_proj_container = InProjContainer( + torch.nn.Linear(embed_dim, embed_dim, bias=False), + torch.nn.Linear(embed_dim, embed_dim, bias=False), + torch.nn.Linear(embed_dim, embed_dim, bias=False), + ) - MHA = MultiheadAttentionContainer(nhead, in_proj_container, - ScaledDotProduct(), - torch.nn.Linear(embed_dim, embed_dim, bias=False)) + MHA = MultiheadAttentionContainer( + nhead, in_proj_container, ScaledDotProduct(), torch.nn.Linear(embed_dim, embed_dim, bias=False) + ) query = torch.rand((tgt_len, bsz, embed_dim)) key = value = torch.rand((src_len, bsz, embed_dim)) attn_mask = torch.randint(0, 2, (tgt_len, src_len)).to(torch.bool) diff --git a/test/data/test_metrics.py b/test/data/test_metrics.py index af0ae77273..e23470bb9b 100644 --- a/test/data/test_metrics.py +++ b/test/data/test_metrics.py @@ -1,35 +1,33 @@ from torchtext.data.metrics import bleu_score + from ..common.torchtext_test_case import TorchtextTestCase class TestUtils(TorchtextTestCase): - def test_bleu_score(self): # Full match - candidate = [['My', 'full', 'pytorch', 'test']] - refs = [[['My', 'full', 'pytorch', 'test'], ['Completely', 'Different']]] + candidate = [["My", "full", "pytorch", "test"]] + refs = [[["My", "full", "pytorch", "test"], ["Completely", "Different"]]] assert bleu_score(candidate, refs) == 1 # No 4-gram - candidate = [['My', 'full', 'pytorch']] - refs = [[['My', 'full', 'pytorch', 'test'], ['Completely', 'Different']]] + candidate = [["My", "full", "pytorch"]] + refs = [[["My", "full", "pytorch", "test"], ["Completely", "Different"]]] assert bleu_score(candidate, refs) == 0 # Partial match - candidate = [['My', 'full', 'pytorch', 'test']] - refs = [[['My', 'full', 'pytorch', 'test', '!'], ['Different']]] + candidate = [["My", "full", "pytorch", "test"]] + refs = [[["My", "full", "pytorch", "test", "!"], ["Different"]]] self.assertEqual(bleu_score(candidate, refs), 0.7788007) # Bigrams and unigrams only - candidate = [['My', 'pytorch', 'test']] - refs = [[['My', 'full', 'pytorch', 'test'], ['Different']]] - self.assertEqual(bleu_score(candidate, refs, max_n=2, - weights=[0.5, 0.5]), 0.5066641) + candidate = [["My", "pytorch", "test"]] + refs = [[["My", "full", "pytorch", "test"], ["Different"]]] + self.assertEqual(bleu_score(candidate, refs, max_n=2, weights=[0.5, 0.5]), 0.5066641) # Multi-sentence corpus - candidate = [['My', 'full', 'pytorch', 'test'], ['Another', 'Sentence']] - refs = [[['My', 'full', 'pytorch', 'test'], ['Completely', 'Different']], - [['No', 'Match']]] + candidate = [["My", "full", "pytorch", "test"], ["Another", "Sentence"]] + refs = [[["My", "full", "pytorch", "test"], ["Completely", "Different"]], [["No", "Match"]]] self.assertEqual(bleu_score(candidate, refs), 0.8408964) # Empty input @@ -39,25 +37,27 @@ def test_bleu_score(self): # Long input, compared to NLTK implementation score # nltl version used: 3.4.5 - candidate = [['Lucille', 'B', 'has', '3', 'sons'], - ['She', 'loves', 'all', 'her', 'children', 'equally'], - ['No', 'match', 'here', 'at', 'all']] - - refs = [[['I', 'heard', 'Lucille', 'has', 'three', 'sons'], - ['Rumor', 'has', 'it', 'Lucille', 'has', '3', 'sons', '!']], - [['I', 'love', 'all', 'my', 'children', 'equally'], - ['She', 'loves', 'all', 'her', 'children', 'equally']], - [['I', 'have', 'made', 'a', 'terrible', 'mistake'], ['Big', 'mistake']]] + candidate = [ + ["Lucille", "B", "has", "3", "sons"], + ["She", "loves", "all", "her", "children", "equally"], + ["No", "match", "here", "at", "all"], + ] + + refs = [ + [ + ["I", "heard", "Lucille", "has", "three", "sons"], + ["Rumor", "has", "it", "Lucille", "has", "3", "sons", "!"], + ], + [["I", "love", "all", "my", "children", "equally"], ["She", "loves", "all", "her", "children", "equally"]], + [["I", "have", "made", "a", "terrible", "mistake"], ["Big", "mistake"]], + ] # The comments below give the code used to get each hardcoded bleu score # nltk.translate.bleu_score.corpus_bleu(refs, candidate) self.assertEqual(bleu_score(candidate, refs), 0.4573199) # nltk.translate.bleu_score.corpus_bleu(refs, candidate, weights=[0.33]*3) - self.assertEqual(bleu_score(candidate, refs, 3, - weights=[0.33, 0.33, 0.33]), 0.4901113) + self.assertEqual(bleu_score(candidate, refs, 3, weights=[0.33, 0.33, 0.33]), 0.4901113) # nltk.translate.bleu_score.corpus_bleu(refs, candidate, weights=[0.5]*2) - self.assertEqual(bleu_score(candidate, refs, 2, - weights=[0.5, 0.5]), 0.5119535) + self.assertEqual(bleu_score(candidate, refs, 2, weights=[0.5, 0.5]), 0.5119535) # nltk.translate.bleu_score.corpus_bleu(refs, candidate, weights=[1]) - self.assertEqual(bleu_score(candidate, refs, 1, - weights=[1]), 0.5515605) + self.assertEqual(bleu_score(candidate, refs, 1, weights=[1]), 0.5515605) diff --git a/test/data/test_modules.py b/test/data/test_modules.py index 7f88d131eb..1c44aec2f1 100644 --- a/test/data/test_modules.py +++ b/test/data/test_modules.py @@ -1,44 +1,61 @@ import torch from torch.nn import Linear -from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct from torch.nn.functional import multi_head_attention_forward as mha_forward +from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct + from ..common.torchtext_test_case import TorchtextTestCase class TestModels(TorchtextTestCase): - def test_multiheadattention(self): embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 # Build torchtext MultiheadAttention module - in_proj = InProjContainer(Linear(embed_dim, embed_dim, bias=False), - Linear(embed_dim, embed_dim, bias=False), - Linear(embed_dim, embed_dim, bias=False)) + in_proj = InProjContainer( + Linear(embed_dim, embed_dim, bias=False), + Linear(embed_dim, embed_dim, bias=False), + Linear(embed_dim, embed_dim, bias=False), + ) - MHA = MultiheadAttentionContainer(nhead, in_proj, - ScaledDotProduct(), - Linear(embed_dim, embed_dim, bias=False)) + MHA = MultiheadAttentionContainer(nhead, in_proj, ScaledDotProduct(), Linear(embed_dim, embed_dim, bias=False)) query = torch.rand((tgt_len, bsz, embed_dim)) key = value = torch.rand((src_len, bsz, embed_dim)) attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)).to(torch.bool) bias_k = bias_v = torch.rand((1, 1, embed_dim)) - mha_output, attn_weights = MHA(query, key, value, - attn_mask=torch.stack([attn_mask_2D] * (bsz * nhead)), - bias_k=bias_k.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), - bias_v=bias_v.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1)) + mha_output, attn_weights = MHA( + query, + key, + value, + attn_mask=torch.stack([attn_mask_2D] * (bsz * nhead)), + bias_k=bias_k.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), + bias_v=bias_v.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), + ) # Use torch.nn.functional.multi_head_attention_forward - torch_attn_mask = torch.zeros((tgt_len, src_len)).masked_fill_(attn_mask_2D, float('-inf')) - in_proj_weight = torch.cat([MHA.in_proj_container.query_proj.weight, - MHA.in_proj_container.key_proj.weight, - MHA.in_proj_container.value_proj.weight]) - torch_mha_output, torch_mha_weights = mha_forward(query, key, value, - embed_dim, nhead, - in_proj_weight, None, - bias_k, bias_v, - False, 0.0, - MHA.out_proj.weight, None, - attn_mask=torch_attn_mask) + torch_attn_mask = torch.zeros((tgt_len, src_len)).masked_fill_(attn_mask_2D, float("-inf")) + in_proj_weight = torch.cat( + [ + MHA.in_proj_container.query_proj.weight, + MHA.in_proj_container.key_proj.weight, + MHA.in_proj_container.value_proj.weight, + ] + ) + torch_mha_output, torch_mha_weights = mha_forward( + query, + key, + value, + embed_dim, + nhead, + in_proj_weight, + None, + bias_k, + bias_v, + False, + 0.0, + MHA.out_proj.weight, + None, + attn_mask=torch_attn_mask, + ) self.assertEqual(mha_output, torch_mha_output) # With bias_k and bias_v, src_len needs to plus 1 @@ -48,36 +65,54 @@ def test_multiheadattention(self): def test_mha_batch_first(self): embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 # Build torchtext MultiheadAttention module - in_proj = InProjContainer(Linear(embed_dim, embed_dim, bias=False), - Linear(embed_dim, embed_dim, bias=False), - Linear(embed_dim, embed_dim, bias=False)) + in_proj = InProjContainer( + Linear(embed_dim, embed_dim, bias=False), + Linear(embed_dim, embed_dim, bias=False), + Linear(embed_dim, embed_dim, bias=False), + ) - MHA_batch_1st = MultiheadAttentionContainer(nhead, in_proj, - ScaledDotProduct(), - Linear(embed_dim, embed_dim, bias=False), - batch_first=True) + MHA_batch_1st = MultiheadAttentionContainer( + nhead, in_proj, ScaledDotProduct(), Linear(embed_dim, embed_dim, bias=False), batch_first=True + ) query = torch.rand((tgt_len, bsz, embed_dim)) key = value = torch.rand((src_len, bsz, embed_dim)) attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)).to(torch.bool) bias_k = bias_v = torch.rand((1, 1, embed_dim)) - mha_output_1st, attn_weights_1st = MHA_batch_1st(query.transpose(0, 1), key.transpose(0, 1), value.transpose(0, 1), - attn_mask=torch.stack([attn_mask_2D] * (bsz * nhead)), - bias_k=bias_k.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), - bias_v=bias_v.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1)) + mha_output_1st, attn_weights_1st = MHA_batch_1st( + query.transpose(0, 1), + key.transpose(0, 1), + value.transpose(0, 1), + attn_mask=torch.stack([attn_mask_2D] * (bsz * nhead)), + bias_k=bias_k.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), + bias_v=bias_v.repeat(1, bsz, 1).reshape(1, bsz * nhead, -1), + ) # Use torch.nn.functional.multi_head_attention_forward - torch_attn_mask = torch.zeros((tgt_len, src_len)).masked_fill_(attn_mask_2D, float('-inf')) - in_proj_weight = torch.cat([MHA_batch_1st.in_proj_container.query_proj.weight, - MHA_batch_1st.in_proj_container.key_proj.weight, - MHA_batch_1st.in_proj_container.value_proj.weight]) - torch_mha_output, torch_mha_weights = mha_forward(query, key, value, - embed_dim, nhead, - in_proj_weight, None, - bias_k, bias_v, - False, 0.0, - MHA_batch_1st.out_proj.weight, None, - attn_mask=torch_attn_mask) + torch_attn_mask = torch.zeros((tgt_len, src_len)).masked_fill_(attn_mask_2D, float("-inf")) + in_proj_weight = torch.cat( + [ + MHA_batch_1st.in_proj_container.query_proj.weight, + MHA_batch_1st.in_proj_container.key_proj.weight, + MHA_batch_1st.in_proj_container.value_proj.weight, + ] + ) + torch_mha_output, torch_mha_weights = mha_forward( + query, + key, + value, + embed_dim, + nhead, + in_proj_weight, + None, + bias_k, + bias_v, + False, + 0.0, + MHA_batch_1st.out_proj.weight, + None, + attn_mask=torch_attn_mask, + ) self.assertEqual(mha_output_1st.transpose(0, 1), torch_mha_output) # With bias_k and bias_v, src_len needs to plus 1 @@ -91,72 +126,98 @@ def test_broadcast_scaled_dot_product(self): key = value = torch.rand((src_len, 1, embed_dim)) attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)).to(torch.bool) - sdp_attn_output_full, sdp_attn_weights_full = SDP(query.expand(tgt_len, bsz * nhead, embed_dim), - key.expand(src_len, bsz * nhead, embed_dim), - value.expand(src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + sdp_attn_output_full, sdp_attn_weights_full = SDP( + query.expand(tgt_len, bsz * nhead, embed_dim), + key.expand(src_len, bsz * nhead, embed_dim), + value.expand(src_len, bsz * nhead, embed_dim), + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) # query has a batch size of 1 while key/value have a batch size of bsz * nhead - sdp_attn_output, sdp_attn_weights = SDP(query, key.expand(src_len, bsz * nhead, embed_dim), - value.expand(src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + sdp_attn_output, sdp_attn_weights = SDP( + query, + key.expand(src_len, bsz * nhead, embed_dim), + value.expand(src_len, bsz * nhead, embed_dim), + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) self.assertEqual(sdp_attn_output, sdp_attn_output_full) self.assertEqual(sdp_attn_weights, sdp_attn_weights_full) # key/value have a batch size of 1 while query has a batch size of bsz * nhead - sdp_attn_output, sdp_attn_weights = SDP(query.expand(tgt_len, bsz * nhead, embed_dim), - key, value, - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + sdp_attn_output, sdp_attn_weights = SDP( + query.expand(tgt_len, bsz * nhead, embed_dim), + key, + value, + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) self.assertEqual(sdp_attn_output, sdp_attn_output_full) self.assertEqual(sdp_attn_weights, sdp_attn_weights_full) # key/value have a size of (3, 3, src_len, bsz * nhead, embed_dim) # while query has a size of (tgt_len, 1, embed_dim) - sdp_attn_output, sdp_attn_weights = SDP(query.expand(tgt_len, 1, embed_dim), - key.expand(3, 3, src_len, bsz * nhead, embed_dim), - value.expand(3, 3, src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + sdp_attn_output, sdp_attn_weights = SDP( + query.expand(tgt_len, 1, embed_dim), + key.expand(3, 3, src_len, bsz * nhead, embed_dim), + value.expand(3, 3, src_len, bsz * nhead, embed_dim), + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) assert list(sdp_attn_output.size()) == [3, 3, tgt_len, bsz * nhead, embed_dim] assert list(sdp_attn_weights.size()) == [3, 3, bsz * nhead, tgt_len, embed_dim] self.assertEqual(sdp_attn_output[2][2], sdp_attn_output_full) self.assertEqual(sdp_attn_weights[2][2], sdp_attn_weights_full) # dim -2 is not equal to neither key/value's dim -2 or 1 with self.assertRaises(RuntimeError): - SDP(query.expand(tgt_len, 2, embed_dim), key.expand(3, 3, src_len, bsz * nhead, embed_dim), + SDP( + query.expand(tgt_len, 2, embed_dim), + key.expand(3, 3, src_len, bsz * nhead, embed_dim), value.expand(3, 3, src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) # key/value have a size of (src_len, 1, embed_dim) # while query has a size of (1, 2, 3, tgt_len, bsz * nhead, embed_dim) - sdp_attn_output, sdp_attn_weights = SDP(query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), - key.expand(src_len, 1, embed_dim), - value.expand(src_len, 1, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + sdp_attn_output, sdp_attn_weights = SDP( + query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), + key.expand(src_len, 1, embed_dim), + value.expand(src_len, 1, embed_dim), + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) assert list(sdp_attn_output.size()) == [1, 2, 3, tgt_len, bsz * nhead, embed_dim] assert list(sdp_attn_weights.size()) == [1, 2, 3, bsz * nhead, tgt_len, embed_dim] self.assertEqual(sdp_attn_output[0][1][2], sdp_attn_output_full) self.assertEqual(sdp_attn_weights[0][1][2], sdp_attn_weights_full) # key dim -2 is not equal to value dim -2 with self.assertRaisesRegex(AssertionError, "Shape of key, value must match"): - SDP(query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), key.expand(src_len, 2, embed_dim), + SDP( + query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), + key.expand(src_len, 2, embed_dim), value.expand(src_len, 1, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) # key/value dim -2 is not equal to neither query's dim -2 or 1 with self.assertRaises(RuntimeError): - SDP(query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), key.expand(src_len, 2, embed_dim), + SDP( + query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), + key.expand(src_len, 2, embed_dim), value.expand(src_len, 2, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len)) + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) # attn_mask in a size of (1, tgt_len, src_len) # 2D tensor is not supported for attn_mask - sdp_attn_output, sdp_attn_weights = SDP(query.expand(tgt_len, bsz * nhead, embed_dim), - key.expand(src_len, bsz * nhead, embed_dim), - value.expand(src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(1, tgt_len, src_len)) + sdp_attn_output, sdp_attn_weights = SDP( + query.expand(tgt_len, bsz * nhead, embed_dim), + key.expand(src_len, bsz * nhead, embed_dim), + value.expand(src_len, bsz * nhead, embed_dim), + attn_mask=attn_mask_2D.expand(1, tgt_len, src_len), + ) self.assertEqual(sdp_attn_output, sdp_attn_output_full) self.assertEqual(sdp_attn_weights, sdp_attn_weights_full) # attn_mask's dim -3 is not equal to neither batch size or 1 with self.assertRaisesRegex(RuntimeError, "The size of the attn_mask is not correct."): - SDP(query.expand(tgt_len, bsz * nhead, embed_dim), key.expand(src_len, bsz * nhead, embed_dim), + SDP( + query.expand(tgt_len, bsz * nhead, embed_dim), + key.expand(src_len, bsz * nhead, embed_dim), value.expand(src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(2, tgt_len, src_len)) + attn_mask=attn_mask_2D.expand(2, tgt_len, src_len), + ) diff --git a/test/data/test_utils.py b/test/data/test_utils.py index e2505bba86..349e8ca25a 100644 --- a/test/data/test_utils.py +++ b/test/data/test_utils.py @@ -1,8 +1,10 @@ import io + from torchtext.data import get_tokenizer from torchtext.utils import unicode_csv_reader -from ..common.torchtext_test_case import TorchtextTestCase + from ..common.assets import get_asset_path +from ..common.torchtext_test_case import TorchtextTestCase class TestUtils(TorchtextTestCase): @@ -18,8 +20,17 @@ def test_get_tokenizer_toktokt(self): # Note that internally, MosesTokenizer converts to unicode if applicable toktok_tokenizer = get_tokenizer("toktok") assert toktok_tokenizer(self.TEST_STR) == [ - "A", "string", ",", "particularly", "one", "with", "slightly", - "complex", "punctuation", "."] + "A", + "string", + ",", + "particularly", + "one", + "with", + "slightly", + "complex", + "punctuation", + ".", + ] # Test that errors are raised for invalid input arguments. with self.assertRaises(ValueError): @@ -33,17 +44,17 @@ def test_text_nomalize_function(self): test_lines = [] tokenizer = get_tokenizer("basic_english") - data_path = get_asset_path('text_normalization_ag_news_test.csv') + data_path = get_asset_path("text_normalization_ag_news_test.csv") with io.open(data_path, encoding="utf8") as f: reader = unicode_csv_reader(f) for row in reader: - test_lines.append(tokenizer(' , '.join(row))) + test_lines.append(tokenizer(" , ".join(row))) - data_path = get_asset_path('text_normalization_ag_news_ref_results.test') + data_path = get_asset_path("text_normalization_ag_news_ref_results.test") with io.open(data_path, encoding="utf8") as ref_data: for line in ref_data: line = line.split() - self.assertEqual(line[0][:9], '__label__') + self.assertEqual(line[0][:9], "__label__") line[0] = line[0][9:] # remove '__label__' ref_lines.append(line) diff --git a/test/datasets/test_agnews.py b/test/datasets/test_agnews.py index 7635a018f0..0f0abd2acf 100644 --- a/test/datasets/test_agnews.py +++ b/test/datasets/test_agnews.py @@ -43,9 +43,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_amazonreviews.py b/test/datasets/test_amazonreviews.py index 350eb0e446..3300ee2cd5 100644 --- a/test/datasets/test_amazonreviews.py +++ b/test/datasets/test_amazonreviews.py @@ -6,8 +6,8 @@ from torchtext.datasets.amazonreviewfull import AmazonReviewFull from torchtext.datasets.amazonreviewpolarity import AmazonReviewPolarity -from ..common.parameterized_utils import nested_params from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -59,9 +59,7 @@ class TestAmazonReviews(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -71,9 +69,7 @@ def tearDownClass(cls): @nested_params([AmazonReviewFull, AmazonReviewPolarity], ["train", "test"]) def test_amazon_reviews(self, amazon_review_dataset, split): - expected_samples = _get_mock_dataset( - self.root_dir, amazon_review_dataset.__name__ - )[split] + expected_samples = _get_mock_dataset(self.root_dir, amazon_review_dataset.__name__)[split] dataset = amazon_review_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_cc100.py b/test/datasets/test_cc100.py index bc21917452..f7e47684aa 100644 --- a/test/datasets/test_cc100.py +++ b/test/datasets/test_cc100.py @@ -1,5 +1,5 @@ -import os import lzma +import os from collections import defaultdict from unittest.mock import patch @@ -41,9 +41,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_conll2000chunking.py b/test/datasets/test_conll2000chunking.py index a1db406077..056cbae6ed 100644 --- a/test/datasets/test_conll2000chunking.py +++ b/test/datasets/test_conll2000chunking.py @@ -1,5 +1,5 @@ -import os import gzip +import os from collections import defaultdict from unittest.mock import patch @@ -29,9 +29,7 @@ def _get_mock_dataset(root_dir): rand_label_1 = [get_random_unicode(seed)] rand_label_2 = [get_random_unicode(seed)] # one token per line (each sample ends with an extra \n) - for rand_string, label_1, label_2 in zip( - rand_strings, rand_label_1, rand_label_2 - ): + for rand_string, label_1, label_2 in zip(rand_strings, rand_label_1, rand_label_2): f.write(f"{rand_string} {label_1} {label_2}\n") f.write("\n") dataset_line = (rand_strings, rand_label_1, rand_label_2) @@ -41,9 +39,7 @@ def _get_mock_dataset(root_dir): # create gz file from dataset folder compressed_dataset_path = os.path.join(base_dir, f"{file_name}.gz") - with gzip.open(compressed_dataset_path, "wb") as gz_file, open( - txt_file, "rb" - ) as file_in: + with gzip.open(compressed_dataset_path, "wb") as gz_file, open(txt_file, "rb") as file_in: gz_file.writelines(file_in) return mocked_data @@ -58,9 +54,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_dbpedia.py b/test/datasets/test_dbpedia.py index 3f9d243a0d..adee45d0d5 100644 --- a/test/datasets/test_dbpedia.py +++ b/test/datasets/test_dbpedia.py @@ -51,9 +51,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py index 1eb0cd60b4..9c33a11785 100644 --- a/test/datasets/test_enwik9.py +++ b/test/datasets/test_enwik9.py @@ -48,9 +48,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_imdb.py b/test/datasets/test_imdb.py index cfebfe3ebc..a906b9103e 100644 --- a/test/datasets/test_imdb.py +++ b/test/datasets/test_imdb.py @@ -57,9 +57,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py index 03b681f6f1..43eff8a47a 100644 --- a/test/datasets/test_iwslt2016.py +++ b/test/datasets/test_iwslt2016.py @@ -20,15 +20,9 @@ from ..common.case_utils import zip_equal from ..common.torchtext_test_case import TorchtextTestCase -SUPPORTED_LANGPAIRS = [ - (k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v -] +SUPPORTED_LANGPAIRS = [(k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v] SUPPORTED_DEVTEST_SPLITS = SUPPORTED_DATASETS["valid_test"] -DEV_TEST_SPLITS = [ - (dev, test) - for dev, test in itertools.product(SUPPORTED_DEVTEST_SPLITS, repeat=2) - if dev != test -] +DEV_TEST_SPLITS = [(dev, test) for dev, test in itertools.product(SUPPORTED_DEVTEST_SPLITS, repeat=2) if dev != test] def _generate_uncleaned_train(): @@ -68,9 +62,7 @@ def _generate_uncleaned_valid(): for doc_id in range(5): file_contents.append(f'') for seg_id in range(100): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(10) - ) + rand_string = " ".join(random.choice(string.ascii_letters) for i in range(10)) examples.append(rand_string) file_contents.append(f"{rand_string} " + "\n") file_contents.append("") @@ -127,9 +119,7 @@ def _get_mock_dataset(root_dir, split, src, tgt, valid_set, test_set): mocked_data[split][lang] = mocked_data_for_split f.write(file_contents) - inner_compressed_dataset_path = os.path.join( - outer_temp_dataset_dir, f"{src}-{tgt}.tgz" - ) + inner_compressed_dataset_path = os.path.join(outer_temp_dataset_dir, f"{src}-{tgt}.tgz") # create tar file from dataset folder with tarfile.open(inner_compressed_dataset_path, "w:gz") as tar: @@ -153,9 +143,7 @@ class TestIWSLT2016(TorchtextTestCase): @classmethod def setUpClass(cls): super().setUpClass() - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -169,18 +157,13 @@ def tearDownClass(cls): for split in ("train", "valid", "test") for dev_set, test_set in DEV_TEST_SPLITS for src, tgt in SUPPORTED_LANGPAIRS - if ( - dev_set not in SET_NOT_EXISTS[(src, tgt)] - and test_set not in SET_NOT_EXISTS[(src, tgt)] - ) + if (dev_set not in SET_NOT_EXISTS[(src, tgt)] and test_set not in SET_NOT_EXISTS[(src, tgt)]) ] ) def test_iwslt2016(self, split, src, tgt, dev_set, test_set): with tempfile.TemporaryDirectory() as root_dir: - expected_samples = _get_mock_dataset( - root_dir, split, src, tgt, dev_set, test_set - ) + expected_samples = _get_mock_dataset(root_dir, split, src, tgt, dev_set, test_set) dataset = IWSLT2016( root=root_dir, @@ -201,9 +184,7 @@ def test_iwslt2016_split_argument(self, split): language_pair = ("de", "en") valid_set = "tst2013" test_set = "tst2014" - _ = _get_mock_dataset( - root_dir, split, language_pair[0], language_pair[1], valid_set, test_set - ) + _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) dataset1 = IWSLT2016( root=root_dir, split=split, diff --git a/test/datasets/test_iwslt2017.py b/test/datasets/test_iwslt2017.py index 375ca4525d..7dcb1a312f 100644 --- a/test/datasets/test_iwslt2017.py +++ b/test/datasets/test_iwslt2017.py @@ -19,9 +19,7 @@ from ..common.case_utils import zip_equal from ..common.torchtext_test_case import TorchtextTestCase -SUPPORTED_LANGPAIRS = [ - (k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v -] +SUPPORTED_LANGPAIRS = [(k, e) for k, v in SUPPORTED_DATASETS["language_pair"].items() for e in v] def _generate_uncleaned_train(): @@ -61,9 +59,7 @@ def _generate_uncleaned_valid(): for doc_id in range(5): file_contents.append(f'') for seg_id in range(100): - rand_string = " ".join( - random.choice(string.ascii_letters) for i in range(10) - ) + rand_string = " ".join(random.choice(string.ascii_letters) for i in range(10)) examples.append(rand_string) file_contents.append(f"{rand_string} " + "\n") file_contents.append("") @@ -90,12 +86,8 @@ def _get_mock_dataset(root_dir, split, src, tgt, valid_set, test_set): base_dir = os.path.join(root_dir, DATASET_NAME) temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") - outer_temp_dataset_dir = os.path.join( - temp_dataset_dir, "texts/DeEnItNlRo/DeEnItNlRo" - ) - inner_temp_dataset_dir = os.path.join( - outer_temp_dataset_dir, "DeEnItNlRo-DeEnItNlRo" - ) + outer_temp_dataset_dir = os.path.join(temp_dataset_dir, "texts/DeEnItNlRo/DeEnItNlRo") + inner_temp_dataset_dir = os.path.join(outer_temp_dataset_dir, "DeEnItNlRo-DeEnItNlRo") os.makedirs(outer_temp_dataset_dir, exist_ok=True) os.makedirs(inner_temp_dataset_dir, exist_ok=True) @@ -124,9 +116,7 @@ def _get_mock_dataset(root_dir, split, src, tgt, valid_set, test_set): mocked_data[split][lang] = mocked_data_for_split f.write(file_contents) - inner_compressed_dataset_path = os.path.join( - outer_temp_dataset_dir, "DeEnItNlRo-DeEnItNlRo.tgz" - ) + inner_compressed_dataset_path = os.path.join(outer_temp_dataset_dir, "DeEnItNlRo-DeEnItNlRo.tgz") # create tar file from dataset folder with tarfile.open(inner_compressed_dataset_path, "w:gz") as tar: @@ -150,9 +140,7 @@ class TestIWSLT2017(TorchtextTestCase): @classmethod def setUpClass(cls): super().setUpClass() - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -161,18 +149,12 @@ def tearDownClass(cls): super().tearDownClass() @parameterized.expand( - [ - (split, src, tgt) - for split in ("train", "valid", "test") - for src, tgt in SUPPORTED_LANGPAIRS - ] + [(split, src, tgt) for split in ("train", "valid", "test") for src, tgt in SUPPORTED_LANGPAIRS] ) def test_iwslt2017(self, split, src, tgt): with tempfile.TemporaryDirectory() as root_dir: - expected_samples = _get_mock_dataset( - root_dir, split, src, tgt, "dev2010", "tst2010" - ) + expected_samples = _get_mock_dataset(root_dir, split, src, tgt, "dev2010", "tst2010") dataset = IWSLT2017(root=root_dir, split=split, language_pair=(src, tgt)) @@ -187,15 +169,9 @@ def test_iwslt2017_split_argument(self, split): language_pair = ("de", "en") valid_set = "dev2010" test_set = "tst2010" - _ = _get_mock_dataset( - root_dir, split, language_pair[0], language_pair[1], valid_set, test_set - ) - dataset1 = IWSLT2017( - root=root_dir, split=split, language_pair=language_pair - ) - (dataset2,) = IWSLT2017( - root=root_dir, split=(split,), language_pair=language_pair - ) + _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) + dataset1 = IWSLT2017(root=root_dir, split=split, language_pair=language_pair) + (dataset2,) = IWSLT2017(root=root_dir, split=(split,), language_pair=language_pair) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) diff --git a/test/datasets/test_multi30k.py b/test/datasets/test_multi30k.py index c26fd77410..9613aca37a 100644 --- a/test/datasets/test_multi30k.py +++ b/test/datasets/test_multi30k.py @@ -5,8 +5,8 @@ from torchtext.datasets import Multi30k -from ..common.parameterized_utils import nested_params from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -48,9 +48,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -76,12 +74,8 @@ def test_multi30k(self, split, language_pair): @nested_params(["train", "valid", "test"], [("de", "en"), ("en", "de")]) def test_multi30k_split_argument(self, split, language_pair): - dataset1 = Multi30k( - root=self.root_dir, split=split, language_pair=language_pair - ) - (dataset2,) = Multi30k( - root=self.root_dir, split=(split,), language_pair=language_pair - ) + dataset1 = Multi30k(root=self.root_dir, split=split, language_pair=language_pair) + (dataset2,) = Multi30k(root=self.root_dir, split=(split,), language_pair=language_pair) for d1, d2 in zip_equal(dataset1, dataset2): self.assertEqual(d1, d2) diff --git a/test/datasets/test_penntreebank.py b/test/datasets/test_penntreebank.py index e45e2d4ca0..6655459e84 100644 --- a/test/datasets/test_penntreebank.py +++ b/test/datasets/test_penntreebank.py @@ -42,9 +42,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_sogounews.py b/test/datasets/test_sogounews.py index 1a9eb0c342..c60728fbc8 100644 --- a/test/datasets/test_sogounews.py +++ b/test/datasets/test_sogounews.py @@ -49,9 +49,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_squads.py b/test/datasets/test_squads.py index 04bfc00369..0519633a32 100644 --- a/test/datasets/test_squads.py +++ b/test/datasets/test_squads.py @@ -63,9 +63,7 @@ def _get_mock_dataset(root_dir, base_dir_name): f.write(json.dumps(mock_json_data)) split = "train" if "train" in file_name else "dev" - dataset_line = next( - iter(_ParseSQuADQAData([("file_handle", mock_json_data)])) - ) + dataset_line = next(iter(_ParseSQuADQAData([("file_handle", mock_json_data)]))) mocked_data[split].append(dataset_line) return mocked_data @@ -79,9 +77,7 @@ class TestSQuADs(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -91,9 +87,7 @@ def tearDownClass(cls): @nested_params([SQuAD1, SQuAD2], ["train", "dev"]) def test_squads(self, squad_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, squad_dataset.__name__)[ - split - ] + expected_samples = _get_mock_dataset(self.root_dir, squad_dataset.__name__)[split] dataset = squad_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_sst2.py b/test/datasets/test_sst2.py index 72985002a8..bb3c93a73a 100644 --- a/test/datasets/test_sst2.py +++ b/test/datasets/test_sst2.py @@ -60,9 +60,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_udpos.py b/test/datasets/test_udpos.py index 51561aea96..ae02e914a4 100644 --- a/test/datasets/test_udpos.py +++ b/test/datasets/test_udpos.py @@ -29,9 +29,7 @@ def _get_mock_dataset(root_dir): rand_label_1 = [get_random_unicode(seed)] rand_label_2 = [get_random_unicode(seed)] # one token per line (each sample ends with an extra \n) - for rand_string, label_1, label_2 in zip( - rand_strings, rand_label_1, rand_label_2 - ): + for rand_string, label_1, label_2 in zip(rand_strings, rand_label_1, rand_label_2): f.write(f"{rand_string}\t{label_1}\t{label_2}\n") f.write("\n") dataset_line = (rand_strings, rand_label_1, rand_label_2) @@ -59,9 +57,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -73,9 +69,7 @@ def tearDownClass(cls): def test_udpos(self, split): dataset = UDPOS(root=self.root_dir, split=split) samples = list(dataset) - expected_samples = ( - self.samples[split] if split != "valid" else self.samples["dev"] - ) + expected_samples = self.samples[split] if split != "valid" else self.samples["dev"] for sample, expected_sample in zip_equal(samples, expected_samples): self.assertEqual(sample, expected_sample) diff --git a/test/datasets/test_wikitexts.py b/test/datasets/test_wikitexts.py index fc938b4e68..ee8bfafb8f 100644 --- a/test/datasets/test_wikitexts.py +++ b/test/datasets/test_wikitexts.py @@ -6,8 +6,8 @@ from torchtext.datasets.wikitext103 import WikiText103 from torchtext.datasets.wikitext2 import WikiText2 -from ..common.parameterized_utils import nested_params from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -59,9 +59,7 @@ class TestWikiTexts(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -71,9 +69,7 @@ def tearDownClass(cls): @nested_params([WikiText103, WikiText2], ["train", "valid", "test"]) def test_wikitexts(self, wikitext_dataset, split): - expected_samples = _get_mock_dataset( - self.root_dir, base_dir_name=wikitext_dataset.__name__ - )[split] + expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=wikitext_dataset.__name__)[split] dataset = wikitext_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_yahooanswers.py b/test/datasets/test_yahooanswers.py index f846624969..d3a37bb580 100644 --- a/test/datasets/test_yahooanswers.py +++ b/test/datasets/test_yahooanswers.py @@ -49,9 +49,7 @@ def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() cls.samples = _get_mock_dataset(cls.root_dir) - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod diff --git a/test/datasets/test_yelpreviews.py b/test/datasets/test_yelpreviews.py index 303de92389..93c335c4a7 100644 --- a/test/datasets/test_yelpreviews.py +++ b/test/datasets/test_yelpreviews.py @@ -6,8 +6,8 @@ from torchtext.datasets.yelpreviewfull import YelpReviewFull from torchtext.datasets.yelpreviewpolarity import YelpReviewPolarity -from ..common.parameterized_utils import nested_params from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase @@ -60,9 +60,7 @@ class TestYelpReviews(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.patcher = patch( - "torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True - ) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() @classmethod @@ -72,9 +70,7 @@ def tearDownClass(cls): @nested_params([YelpReviewPolarity, YelpReviewFull], ["train", "test"]) def test_yelpreviews(self, yelp_dataset, split): - expected_samples = _get_mock_dataset( - self.root_dir, base_dir_name=yelp_dataset.__name__ - )[split] + expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=yelp_dataset.__name__)[split] dataset = yelp_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/experimental/models/test_utils.py b/test/experimental/models/test_utils.py index d2e4114575..8ac3c712be 100644 --- a/test/experimental/models/test_utils.py +++ b/test/experimental/models/test_utils.py @@ -1,9 +1,10 @@ import torch from torchtext.experimental.models.utils import count_model_param + from ...common.torchtext_test_case import TorchtextTestCase class TestModelsUtils(TorchtextTestCase): def test_count_model_parameters_func(self): model = torch.nn.Embedding(100, 200) - self.assertEqual(count_model_param(model, unit=10**3), 20.0) + self.assertEqual(count_model_param(model, unit=10 ** 3), 20.0) diff --git a/test/experimental/test_functional.py b/test/experimental/test_functional.py index 353a79f4fc..92d0a909a6 100644 --- a/test/experimental/test_functional.py +++ b/test/experimental/test_functional.py @@ -4,10 +4,7 @@ import torch import torchtext.data as data -from torchtext.experimental.transforms import ( - basic_english_normalize, - regex_tokenizer -) +from torchtext.experimental.transforms import basic_english_normalize, regex_tokenizer from ..common.torchtext_test_case import TorchtextTestCase @@ -16,9 +13,31 @@ class TestFunctional(TorchtextTestCase): # TODO(Nayef211): remove decorator once https://github.com/pytorch/pytorch/issues/38207 is closed @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") def test_BasicEnglishNormalize(self): - test_sample = '\'".
,()!?;: Basic English Normalization for a Line of Text \'".
,()!?;:' - ref_results = ["'", '.', ',', '(', ')', '!', '?', 'basic', 'english', 'normalization', - 'for', 'a', 'line', 'of', 'text', "'", '.', ',', '(', ')', '!', '?'] + test_sample = "'\".
,()!?;: Basic English Normalization for a Line of Text '\".
,()!?;:" + ref_results = [ + "'", + ".", + ",", + "(", + ")", + "!", + "?", + "basic", + "english", + "normalization", + "for", + "a", + "line", + "of", + "text", + "'", + ".", + ",", + "(", + ")", + "!", + "?", + ] basic_eng_norm = basic_english_normalize() experimental_eager_tokens = basic_eng_norm(test_sample) @@ -39,19 +58,41 @@ def test_BasicEnglishNormalize(self): self.assertEqual(experimental_eager_tokens, ref_results) def test_basicEnglishNormalize_load_and_save(self): - test_sample = '\'".
,()!?;: Basic English Normalization for a Line of Text \'".
,()!?;:' - ref_results = ["'", '.', ',', '(', ')', '!', '?', 'basic', 'english', 'normalization', - 'for', 'a', 'line', 'of', 'text', "'", '.', ',', '(', ')', '!', '?'] - - with self.subTest('pybind'): - save_path = os.path.join(self.test_dir, 'ben_pybind.pt') + test_sample = "'\".
,()!?;: Basic English Normalization for a Line of Text '\".
,()!?;:" + ref_results = [ + "'", + ".", + ",", + "(", + ")", + "!", + "?", + "basic", + "english", + "normalization", + "for", + "a", + "line", + "of", + "text", + "'", + ".", + ",", + "(", + ")", + "!", + "?", + ] + + with self.subTest("pybind"): + save_path = os.path.join(self.test_dir, "ben_pybind.pt") ben = basic_english_normalize() torch.save(ben, save_path) loaded_ben = torch.load(save_path) self.assertEqual(loaded_ben(test_sample), ref_results) - with self.subTest('torchscript'): - save_path = os.path.join(self.test_dir, 'ben_torchscrip.pt') + with self.subTest("torchscript"): + save_path = os.path.join(self.test_dir, "ben_torchscrip.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. ben = basic_english_normalize().__prepare_scriptable__() @@ -62,22 +103,45 @@ def test_basicEnglishNormalize_load_and_save(self): # TODO(Nayef211): remove decorator once https://github.com/pytorch/pytorch/issues/38207 is closed @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") def test_RegexTokenizer(self): - test_sample = '\'".
,()!?;: Basic Regex Tokenization for a Line of Text \'".
,()!?;:' - ref_results = ["'", '.', ',', '(', ')', '!', '?', 'Basic', 'Regex', 'Tokenization', - 'for', 'a', 'Line', 'of', 'Text', "'", '.', ',', '(', ')', '!', '?'] + test_sample = "'\".
,()!?;: Basic Regex Tokenization for a Line of Text '\".
,()!?;:" + ref_results = [ + "'", + ".", + ",", + "(", + ")", + "!", + "?", + "Basic", + "Regex", + "Tokenization", + "for", + "a", + "Line", + "of", + "Text", + "'", + ".", + ",", + "(", + ")", + "!", + "?", + ] patterns_list = [ - (r'\'', ' \' '), - (r'\"', ''), - (r'\.', ' . '), - (r'
', ' '), - (r',', ' , '), - (r'\(', ' ( '), - (r'\)', ' ) '), - (r'\!', ' ! '), - (r'\?', ' ? '), - (r'\;', ' '), - (r'\:', ' '), - (r'\s+', ' ')] + (r"\'", " ' "), + (r"\"", ""), + (r"\.", " . "), + (r"
", " "), + (r",", " , "), + (r"\(", " ( "), + (r"\)", " ) "), + (r"\!", " ! "), + (r"\?", " ? "), + (r"\;", " "), + (r"\:", " "), + (r"\s+", " "), + ] r_tokenizer = regex_tokenizer(patterns_list) eager_tokens = r_tokenizer(test_sample) @@ -94,33 +158,56 @@ def test_RegexTokenizer(self): self.assertEqual(jit_tokens, ref_results) def test_load_and_save(self): - test_sample = '\'".
,()!?;: Basic Regex Tokenization for a Line of Text \'".
,()!?;:' - ref_results = ["'", '.', ',', '(', ')', '!', '?', 'Basic', 'Regex', 'Tokenization', - 'for', 'a', 'Line', 'of', 'Text', "'", '.', ',', '(', ')', '!', '?'] + test_sample = "'\".
,()!?;: Basic Regex Tokenization for a Line of Text '\".
,()!?;:" + ref_results = [ + "'", + ".", + ",", + "(", + ")", + "!", + "?", + "Basic", + "Regex", + "Tokenization", + "for", + "a", + "Line", + "of", + "Text", + "'", + ".", + ",", + "(", + ")", + "!", + "?", + ] patterns_list = [ - (r'\'', ' \' '), - (r'\"', ''), - (r'\.', ' . '), - (r'
', ' '), - (r',', ' , '), - (r'\(', ' ( '), - (r'\)', ' ) '), - (r'\!', ' ! '), - (r'\?', ' ? '), - (r'\;', ' '), - (r'\:', ' '), - (r'\s+', ' ')] - - with self.subTest('pybind'): - save_path = os.path.join(self.test_dir, 'regex_pybind.pt') + (r"\'", " ' "), + (r"\"", ""), + (r"\.", " . "), + (r"
", " "), + (r",", " , "), + (r"\(", " ( "), + (r"\)", " ) "), + (r"\!", " ! "), + (r"\?", " ? "), + (r"\;", " "), + (r"\:", " "), + (r"\s+", " "), + ] + + with self.subTest("pybind"): + save_path = os.path.join(self.test_dir, "regex_pybind.pt") tokenizer = regex_tokenizer(patterns_list) torch.save(tokenizer, save_path) loaded_tokenizer = torch.load(save_path) results = loaded_tokenizer(test_sample) self.assertEqual(results, ref_results) - with self.subTest('torchscript'): - save_path = os.path.join(self.test_dir, 'regex_torchscript.pt') + with self.subTest("torchscript"): + save_path = os.path.join(self.test_dir, "regex_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. tokenizer = regex_tokenizer(patterns_list).__prepare_scriptable__() diff --git a/test/experimental/test_transforms.py b/test/experimental/test_transforms.py index d3cc651ddc..ea22ec784e 100644 --- a/test/experimental/test_transforms.py +++ b/test/experimental/test_transforms.py @@ -1,39 +1,74 @@ +import os +import shutil +import tempfile + import torch from test.common.assets import get_asset_path from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.experimental.transforms import ( - VectorTransform, - sentencepiece_processor, - sentencepiece_tokenizer, -) +from torchtext.experimental.transforms import sentencepiece_processor, sentencepiece_tokenizer, VectorTransform from torchtext.experimental.vectors import FastText -import shutil -import tempfile -import os class TestTransforms(TorchtextTestCase): def test_sentencepiece_processor(self): - model_path = get_asset_path('spm_example.model') + model_path = get_asset_path("spm_example.model") spm_transform = sentencepiece_processor(model_path) jit_spm_transform = torch.jit.script(spm_transform) - test_sample = 'SentencePiece is an unsupervised text tokenizer and detokenizer' - ref_results = [15340, 4286, 981, 1207, 1681, 17, 84, 684, 8896, 5366, - 144, 3689, 9, 5602, 12114, 6, 560, 649, 5602, 12114] + test_sample = "SentencePiece is an unsupervised text tokenizer and detokenizer" + ref_results = [ + 15340, + 4286, + 981, + 1207, + 1681, + 17, + 84, + 684, + 8896, + 5366, + 144, + 3689, + 9, + 5602, + 12114, + 6, + 560, + 649, + 5602, + 12114, + ] self.assertEqual(spm_transform(test_sample), ref_results) self.assertEqual(jit_spm_transform(test_sample), ref_results) self.assertEqual(spm_transform.decode(ref_results), test_sample) self.assertEqual(jit_spm_transform.decode(ref_results), test_sample) def test_sentencepiece_tokenizer(self): - model_path = get_asset_path('spm_example.model') + model_path = get_asset_path("spm_example.model") spm_tokenizer = sentencepiece_tokenizer(model_path) jit_spm_tokenizer = torch.jit.script(spm_tokenizer) - test_sample = 'SentencePiece is an unsupervised text tokenizer and detokenizer' - ref_results = ['\u2581Sent', 'ence', 'P', 'ie', 'ce', '\u2581is', - '\u2581an', '\u2581un', 'super', 'vis', 'ed', '\u2581text', - '\u2581to', 'ken', 'izer', '\u2581and', - '\u2581de', 'to', 'ken', 'izer'] + test_sample = "SentencePiece is an unsupervised text tokenizer and detokenizer" + ref_results = [ + "\u2581Sent", + "ence", + "P", + "ie", + "ce", + "\u2581is", + "\u2581an", + "\u2581un", + "super", + "vis", + "ed", + "\u2581text", + "\u2581to", + "ken", + "izer", + "\u2581and", + "\u2581de", + "to", + "ken", + "izer", + ] self.assertEqual(spm_tokenizer(test_sample), ref_results) self.assertEqual(spm_tokenizer.decode(ref_results), test_sample) @@ -41,7 +76,7 @@ def test_sentencepiece_tokenizer(self): self.assertEqual(jit_spm_tokenizer.decode(ref_results), test_sample) def test_vector_transform(self): - asset_name = 'wiki.en.vec' + asset_name = "wiki.en.vec" asset_path = get_asset_path(asset_name) with tempfile.TemporaryDirectory() as dir_name: @@ -50,30 +85,47 @@ def test_vector_transform(self): vector_transform = VectorTransform(FastText(root=dir_name, validate_file=False)) jit_vector_transform = torch.jit.script(vector_transform) # The first 3 entries in each vector. - expected_fasttext_simple_en = torch.tensor([[-0.065334, -0.093031, -0.017571], - [-0.32423, -0.098845, -0.0073467]]) - self.assertEqual(vector_transform(['the', 'world'])[:, 0:3], expected_fasttext_simple_en) - self.assertEqual(jit_vector_transform(['the', 'world'])[:, 0:3], expected_fasttext_simple_en) + expected_fasttext_simple_en = torch.tensor( + [[-0.065334, -0.093031, -0.017571], [-0.32423, -0.098845, -0.0073467]] + ) + self.assertEqual(vector_transform(["the", "world"])[:, 0:3], expected_fasttext_simple_en) + self.assertEqual(jit_vector_transform(["the", "world"])[:, 0:3], expected_fasttext_simple_en) def test_sentencepiece_load_and_save(self): - model_path = get_asset_path('spm_example.model') - input = 'SentencePiece is an unsupervised text tokenizer and detokenizer' + model_path = get_asset_path("spm_example.model") + input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ - '▁Sent', 'ence', 'P', 'ie', 'ce', '▁is', - '▁an', '▁un', 'super', 'vis', 'ed', '▁text', - '▁to', 'ken', 'izer', '▁and', - '▁de', 'to', 'ken', 'izer', + "▁Sent", + "ence", + "P", + "ie", + "ce", + "▁is", + "▁an", + "▁un", + "super", + "vis", + "ed", + "▁text", + "▁to", + "ken", + "izer", + "▁and", + "▁de", + "to", + "ken", + "izer", ] - with self.subTest('pybind'): - save_path = os.path.join(self.test_dir, 'spm_pybind.pt') + with self.subTest("pybind"): + save_path = os.path.join(self.test_dir, "spm_pybind.pt") spm = sentencepiece_tokenizer((model_path)) torch.save(spm, save_path) loaded_spm = torch.load(save_path) self.assertEqual(expected, loaded_spm(input)) - with self.subTest('torchscript'): - save_path = os.path.join(self.test_dir, 'spm_torchscript.pt') + with self.subTest("torchscript"): + save_path = os.path.join(self.test_dir, "spm_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. spm = sentencepiece_tokenizer((model_path)).__prepare_scriptable__() diff --git a/test/experimental/test_utils.py b/test/experimental/test_utils.py index 181cec4cf4..766db38cb7 100644 --- a/test/experimental/test_utils.py +++ b/test/experimental/test_utils.py @@ -1,18 +1,48 @@ from torchtext.experimental.functional import ngrams_func + from ..common.torchtext_test_case import TorchtextTestCase class TestUtils(TorchtextTestCase): def test_ngrams_func(self): func = ngrams_func(1) - assert func(['A', 'string', 'particularly', 'one', 'with', 'slightly']) == \ - ['A', 'string', 'particularly', 'one', 'with', 'slightly'] + assert func(["A", "string", "particularly", "one", "with", "slightly"]) == [ + "A", + "string", + "particularly", + "one", + "with", + "slightly", + ] func = ngrams_func(2) - assert func(['A', 'string', 'particularly', 'one', 'with', 'slightly']) == \ - ['A', 'string', 'particularly', 'one', 'with', 'slightly', 'A string', 'string particularly', - 'particularly one', 'one with', 'with slightly'] + assert func(["A", "string", "particularly", "one", "with", "slightly"]) == [ + "A", + "string", + "particularly", + "one", + "with", + "slightly", + "A string", + "string particularly", + "particularly one", + "one with", + "with slightly", + ] func = ngrams_func(3) - assert func(['A', 'string', 'particularly', 'one', 'with', 'slightly']) == \ - ['A', 'string', 'particularly', 'one', 'with', 'slightly', 'A string', 'string particularly', - 'particularly one', 'one with', 'with slightly', 'A string particularly', - 'string particularly one', 'particularly one with', 'one with slightly'] + assert func(["A", "string", "particularly", "one", "with", "slightly"]) == [ + "A", + "string", + "particularly", + "one", + "with", + "slightly", + "A string", + "string particularly", + "particularly one", + "one with", + "with slightly", + "A string particularly", + "string particularly one", + "particularly one with", + "one with slightly", + ] diff --git a/test/experimental/test_vectors.py b/test/experimental/test_vectors.py index 0cb32ffe1d..48e0d45d61 100644 --- a/test/experimental/test_vectors.py +++ b/test/experimental/test_vectors.py @@ -1,12 +1,11 @@ # -*- coding: utf-8 -*- import os import platform -import torch import unittest + +import torch from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.experimental.vectors import ( - build_vectors, -) +from torchtext.experimental.vectors import build_vectors class TestVectors(TorchtextTestCase): @@ -21,37 +20,37 @@ def test_empty_vectors(self): unk_tensor = torch.tensor([0], dtype=torch.float) vectors_obj = build_vectors(tokens, vecs, unk_tensor) - self.assertEqual(vectors_obj['not_in_it'], unk_tensor) + self.assertEqual(vectors_obj["not_in_it"], unk_tensor) def test_empty_unk(self): tensorA = torch.tensor([1, 0], dtype=torch.float) expected_unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a'] + tokens = ["a"] vecs = tensorA.unsqueeze(0) vectors_obj = build_vectors(tokens, vecs) - self.assertEqual(vectors_obj['not_in_it'], expected_unk_tensor) + self.assertEqual(vectors_obj["not_in_it"], expected_unk_tensor) def test_vectors_basic(self): tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a', 'b'] + tokens = ["a", "b"] vecs = torch.stack((tensorA, tensorB), 0) vectors_obj = build_vectors(tokens, vecs, unk_tensor=unk_tensor) - self.assertEqual(vectors_obj['a'], tensorA) - self.assertEqual(vectors_obj['b'], tensorB) - self.assertEqual(vectors_obj['not_in_it'], unk_tensor) + self.assertEqual(vectors_obj["a"], tensorA) + self.assertEqual(vectors_obj["b"], tensorB) + self.assertEqual(vectors_obj["not_in_it"], unk_tensor) def test_vectors_jit(self): tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a', 'b'] + tokens = ["a", "b"] vecs = torch.stack((tensorA, tensorB), 0) vectors_obj = build_vectors(tokens, vecs, unk_tensor=unk_tensor) jit_vectors_obj = torch.jit.script(vectors_obj) @@ -61,21 +60,21 @@ def test_vectors_jit(self): # Not expect users to use the torchbind version on eager mode but still need a CI test here. assert vectors_obj.__prepare_scriptable__().is_jitable - self.assertEqual(vectors_obj['a'], jit_vectors_obj['a']) - self.assertEqual(vectors_obj['b'], jit_vectors_obj['b']) - self.assertEqual(vectors_obj['not_in_it'], jit_vectors_obj['not_in_it']) + self.assertEqual(vectors_obj["a"], jit_vectors_obj["a"]) + self.assertEqual(vectors_obj["b"], jit_vectors_obj["b"]) + self.assertEqual(vectors_obj["not_in_it"], jit_vectors_obj["not_in_it"]) def test_vectors_forward(self): tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a', 'b'] + tokens = ["a", "b"] vecs = torch.stack((tensorA, tensorB), 0) vectors_obj = build_vectors(tokens, vecs, unk_tensor=unk_tensor) jit_vectors_obj = torch.jit.script(vectors_obj) - tokens_to_lookup = ['a', 'b', 'c'] + tokens_to_lookup = ["a", "b", "c"] expected_vectors = torch.stack((tensorA, tensorB, unk_tensor), 0) vectors_by_tokens = vectors_obj(tokens_to_lookup) jit_vectors_by_tokens = jit_vectors_obj(tokens_to_lookup) @@ -88,11 +87,11 @@ def test_vectors_lookup_vectors(self): tensorB = torch.tensor([0, 1], dtype=torch.float) unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a', 'b'] + tokens = ["a", "b"] vecs = torch.stack((tensorA, tensorB), 0) vectors_obj = build_vectors(tokens, vecs, unk_tensor=unk_tensor) - tokens_to_lookup = ['a', 'b', 'c'] + tokens_to_lookup = ["a", "b", "c"] expected_vectors = torch.stack((tensorA, tensorB, unk_tensor), 0) vectors_by_tokens = vectors_obj.lookup_vectors(tokens_to_lookup) @@ -102,16 +101,16 @@ def test_vectors_add_item(self): tensorA = torch.tensor([1, 0], dtype=torch.float) unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a'] + tokens = ["a"] vecs = tensorA.unsqueeze(0) vectors_obj = build_vectors(tokens, vecs, unk_tensor=unk_tensor) tensorB = torch.tensor([0, 1], dtype=torch.float) - vectors_obj['b'] = tensorB + vectors_obj["b"] = tensorB - self.assertEqual(vectors_obj['a'], tensorA) - self.assertEqual(vectors_obj['b'], tensorB) - self.assertEqual(vectors_obj['not_in_it'], unk_tensor) + self.assertEqual(vectors_obj["a"], tensorA) + self.assertEqual(vectors_obj["b"], tensorB) + self.assertEqual(vectors_obj["not_in_it"], unk_tensor) def test_vectors_update(self): tensorA = torch.tensor([1, 0], dtype=torch.float) @@ -120,44 +119,44 @@ def test_vectors_update(self): expected_unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a', 'b'] + tokens = ["a", "b"] vecs = torch.stack((tensorA, tensorB), 0) vectors_obj = build_vectors(tokens, vecs) - vectors_obj['b'] = tensorC + vectors_obj["b"] = tensorC - self.assertEqual(vectors_obj['a'], tensorA) - self.assertEqual(vectors_obj['b'], tensorC) - self.assertEqual(vectors_obj['not_in_it'], expected_unk_tensor) + self.assertEqual(vectors_obj["a"], tensorA) + self.assertEqual(vectors_obj["b"], tensorC) + self.assertEqual(vectors_obj["not_in_it"], expected_unk_tensor) def test_vectors_load_and_save(self): tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) expected_unk_tensor = torch.tensor([0, 0], dtype=torch.float) - tokens = ['a', 'b'] + tokens = ["a", "b"] vecs = torch.stack((tensorA, tensorB), 0) vectors_obj = build_vectors(tokens, vecs) - with self.subTest('pybind'): - vector_path = os.path.join(self.test_dir, 'vectors_pybind.pt') + with self.subTest("pybind"): + vector_path = os.path.join(self.test_dir, "vectors_pybind.pt") torch.save(vectors_obj, vector_path) loaded_vectors_obj = torch.load(vector_path) - self.assertEqual(loaded_vectors_obj['a'], tensorA) - self.assertEqual(loaded_vectors_obj['b'], tensorB) - self.assertEqual(loaded_vectors_obj['not_in_it'], expected_unk_tensor) + self.assertEqual(loaded_vectors_obj["a"], tensorA) + self.assertEqual(loaded_vectors_obj["b"], tensorB) + self.assertEqual(loaded_vectors_obj["not_in_it"], expected_unk_tensor) - with self.subTest('torchscript'): - vector_path = os.path.join(self.test_dir, 'vectors_torchscript.pt') + with self.subTest("torchscript"): + vector_path = os.path.join(self.test_dir, "vectors_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. torch.save(vectors_obj.__prepare_scriptable__(), vector_path) loaded_vectors_obj = torch.load(vector_path) - self.assertEqual(loaded_vectors_obj['a'], tensorA) - self.assertEqual(loaded_vectors_obj['b'], tensorB) - self.assertEqual(loaded_vectors_obj['not_in_it'], expected_unk_tensor) + self.assertEqual(loaded_vectors_obj["a"], tensorA) + self.assertEqual(loaded_vectors_obj["b"], tensorB) + self.assertEqual(loaded_vectors_obj["not_in_it"], expected_unk_tensor) # we separate out these errors because Windows runs into seg faults when propagating # exceptions from C++ using pybind11 @@ -166,7 +165,7 @@ def test_errors_vectors_cpp(self): tensorA = torch.tensor([1, 0, 0], dtype=torch.float) tensorB = torch.tensor([0, 1, 0], dtype=torch.float) tensorC = torch.tensor([0, 0, 1], dtype=torch.float) - tokens = ['a', 'a', 'c'] + tokens = ["a", "a", "c"] vecs = torch.stack((tensorA, tensorB, tensorC), 0) with self.assertRaises(RuntimeError): diff --git a/test/experimental/test_with_asset.py b/test/experimental/test_with_asset.py index deb40211ae..24b496bfe6 100644 --- a/test/experimental/test_with_asset.py +++ b/test/experimental/test_with_asset.py @@ -1,43 +1,35 @@ +import os +import platform +import shutil +import tempfile +import unittest + import torch from test.common.torchtext_test_case import TorchtextTestCase -from ..common.assets import get_asset_path +from torch.utils.data import DataLoader +from torchtext.data.functional import custom_replace from torchtext.experimental.transforms import ( - sentencepiece_tokenizer, basic_english_normalize, - VocabTransform, PRETRAINED_SP_MODEL, sentencepiece_processor, + sentencepiece_tokenizer, + VocabTransform, ) -from torch.utils.data import DataLoader -from torchtext.experimental.vocab_factory import ( - load_vocab_from_file, - build_vocab_from_text_file, -) -import shutil -import tempfile -import os -import unittest -import platform -from torchtext.experimental.vectors import ( - GloVe, - build_vectors, - FastText, - load_vectors_from_file_path, -) -from torchtext.data.functional import custom_replace +from torchtext.experimental.vectors import build_vectors, FastText, GloVe, load_vectors_from_file_path +from torchtext.experimental.vocab_factory import build_vocab_from_text_file, load_vocab_from_file from torchtext.utils import download_from_url +from ..common.assets import get_asset_path + class TestTransformsWithAsset(TorchtextTestCase): def test_vocab_transform(self): - asset_name = 'vocab_test2.txt' + asset_name = "vocab_test2.txt" asset_path = get_asset_path(asset_name) vocab_transform = VocabTransform(load_vocab_from_file(asset_path)) - self.assertEqual(vocab_transform(['of', 'that', 'new']), - [7, 18, 24]) + self.assertEqual(vocab_transform(["of", "that", "new"]), [7, 18, 24]) jit_vocab_transform = torch.jit.script(vocab_transform) - self.assertEqual(jit_vocab_transform(['of', 'that', 'new', 'that']), - [7, 18, 24, 18]) + self.assertEqual(jit_vocab_transform(["of", "that", "new", "that"]), [7, 18, 24, 18]) def test_errors_vectors_python(self): tokens = [] @@ -49,7 +41,7 @@ def test_errors_vectors_python(self): build_vectors(tokens, vecs) tensorA = torch.tensor([1, 0, 0], dtype=torch.int8) - tokens = ['a'] + tokens = ["a"] vecs = tensorA.unsqueeze(0) with self.assertRaises(TypeError): @@ -58,23 +50,23 @@ def test_errors_vectors_python(self): with tempfile.TemporaryDirectory() as dir_name: # Test proper error raised when incorrect filename or dim passed into GloVe - asset_name = 'glove.6B.zip' + asset_name = "glove.6B.zip" asset_path = get_asset_path(asset_name) data_path = os.path.join(dir_name, asset_name) shutil.copy(asset_path, data_path) with self.assertRaises(ValueError): # incorrect name - GloVe(name='UNK', dim=50, root=dir_name, validate_file=False) + GloVe(name="UNK", dim=50, root=dir_name, validate_file=False) with self.assertRaises(ValueError): # incorrect dim - GloVe(name='6B', dim=500, root=dir_name, validate_file=False) + GloVe(name="6B", dim=500, root=dir_name, validate_file=False) def test_glove(self): # copy the asset file into the expected download location # note that this is just a zip file with the first 100 entries of the GloVe 840B dataset - asset_name = 'glove.840B.300d.zip' + asset_name = "glove.840B.300d.zip" asset_path = get_asset_path(asset_name) with tempfile.TemporaryDirectory() as dir_name: @@ -85,8 +77,8 @@ def test_glove(self): # The first 3 entries in each vector. expected_glove = { - 'the': [0.27204, -0.06203, -0.1884], - 'people': [-0.19686, 0.11579, -0.41091], + "the": [0.27204, -0.06203, -0.1884], + "people": [-0.19686, 0.11579, -0.41091], } for word in expected_glove.keys(): @@ -97,31 +89,31 @@ def test_glove_different_dims(self): # copy the asset file into the expected download location # note that this is just a zip file with 1 line txt files used to test that the # correct files are being loaded - asset_name = 'glove.6B.zip' + asset_name = "glove.6B.zip" asset_path = get_asset_path(asset_name) with tempfile.TemporaryDirectory() as dir_name: data_path = os.path.join(dir_name, asset_name) shutil.copy(asset_path, data_path) - glove_50d = GloVe(name='6B', dim=50, root=dir_name, validate_file=False) - glove_100d = GloVe(name='6B', dim=100, root=dir_name, validate_file=False) - glove_200d = GloVe(name='6B', dim=200, root=dir_name, validate_file=False) - glove_300d = GloVe(name='6B', dim=300, root=dir_name, validate_file=False) + glove_50d = GloVe(name="6B", dim=50, root=dir_name, validate_file=False) + glove_100d = GloVe(name="6B", dim=100, root=dir_name, validate_file=False) + glove_200d = GloVe(name="6B", dim=200, root=dir_name, validate_file=False) + glove_300d = GloVe(name="6B", dim=300, root=dir_name, validate_file=False) vectors_objects = [glove_50d, glove_100d, glove_200d, glove_300d] # The first 3 entries in each vector. expected_glove_50d = { - 'the': [0.418, 0.24968, -0.41242], + "the": [0.418, 0.24968, -0.41242], } expected_glove_100d = { - 'the': [-0.038194, -0.24487, 0.72812], + "the": [-0.038194, -0.24487, 0.72812], } expected_glove_200d = { - 'the': [-0.071549, 0.093459, 0.023738], + "the": [-0.071549, 0.093459, 0.023738], } expected_glove_300d = { - 'the': [0.04656, 0.21318, -0.0074364], + "the": [0.04656, 0.21318, -0.0074364], } expected_gloves = [expected_glove_50d, expected_glove_100d, expected_glove_200d, expected_glove_300d] @@ -130,42 +122,66 @@ def test_glove_different_dims(self): self.assertEqual(vectors_obj[word][:3], expected_glove[word]) def test_vocab_from_file(self): - asset_name = 'vocab_test.txt' + asset_name = "vocab_test.txt" asset_path = get_asset_path(asset_name) v = load_vocab_from_file(asset_path) - expected_itos = ['b', 'a', 'c'] + expected_itos = ["b", "a", "c"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) def test_vocab_from_raw_text_file(self): - asset_name = 'vocab_raw_text_test.txt' + asset_name = "vocab_raw_text_test.txt" asset_path = get_asset_path(asset_name) def python_basic_english_normalize(input): patterns_list = [ - (r'\'', ' \' '), - (r'\"', ''), - (r'\.', ' . '), - (r'
', ' '), - (r',', ' , '), - (r'\(', ' ( '), - (r'\)', ' ) '), - (r'\!', ' ! '), - (r'\?', ' ? '), - (r'\;', ' '), - (r'\:', ' '), - (r'\s+', ' ')] + (r"\'", " ' "), + (r"\"", ""), + (r"\.", " . "), + (r"
", " "), + (r",", " , "), + (r"\(", " ( "), + (r"\)", " ) "), + (r"\!", " ! "), + (r"\?", " ? "), + (r"\;", " "), + (r"\:", " "), + (r"\s+", " "), + ] norm_transform = custom_replace(patterns_list) return list(norm_transform([input.lower()]))[0].split() # using python based basic_english_normalize tokenizer # we can also use basic_english_normalize() here v1 = build_vocab_from_text_file(asset_path, tokenizer=python_basic_english_normalize) - expected_itos = ["'", 'after', 'talks', '.', 'are', 'at', 'disappointed', - 'fears', 'federal', 'firm', 'for', 'mogul', 'n', 'newall', 'parent', - 'pension', 'representing', 'say', 'stricken', 't', 'they', 'turner', - 'unions', 'with', 'workers'] + expected_itos = [ + "'", + "after", + "talks", + ".", + "are", + "at", + "disappointed", + "fears", + "federal", + "firm", + "for", + "mogul", + "n", + "newall", + "parent", + "pension", + "representing", + "say", + "stricken", + "t", + "they", + "turner", + "unions", + "with", + "workers", + ] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v1.get_itos(), expected_itos) self.assertEqual(dict(v1.get_stoi()), expected_stoi) @@ -176,19 +192,19 @@ def python_basic_english_normalize(input): self.assertEqual(dict(v2.get_stoi()), expected_stoi) def test_builtin_pretrained_sentencepiece_processor(self): - sp_model_path = download_from_url(PRETRAINED_SP_MODEL['text_unigram_25000']) + sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_unigram_25000"]) spm_tokenizer = sentencepiece_tokenizer(sp_model_path) - _path = os.path.join(self.project_root, '.data', 'text_unigram_25000.model') + _path = os.path.join(self.project_root, ".data", "text_unigram_25000.model") os.remove(_path) - test_sample = 'the pretrained spm model names' - ref_results = ['\u2581the', '\u2581pre', 'trained', '\u2581sp', 'm', '\u2581model', '\u2581names'] + test_sample = "the pretrained spm model names" + ref_results = ["\u2581the", "\u2581pre", "trained", "\u2581sp", "m", "\u2581model", "\u2581names"] self.assertEqual(spm_tokenizer(test_sample), ref_results) - sp_model_path = download_from_url(PRETRAINED_SP_MODEL['text_bpe_25000']) + sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_bpe_25000"]) spm_transform = sentencepiece_processor(sp_model_path) - _path = os.path.join(self.project_root, '.data', 'text_bpe_25000.model') + _path = os.path.join(self.project_root, ".data", "text_bpe_25000.model") os.remove(_path) - test_sample = 'the pretrained spm model names' + test_sample = "the pretrained spm model names" ref_results = [13, 1465, 12824, 304, 24935, 5771, 3776] self.assertEqual(spm_transform(test_sample), ref_results) @@ -196,24 +212,23 @@ def test_builtin_pretrained_sentencepiece_processor(self): # exceptions from C++ using pybind11 @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") def test_sentencepiece_with_dataloader(self): - example_strings = ['the pretrained spm model names'] * 64 + example_strings = ["the pretrained spm model names"] * 64 ref_results = torch.tensor([[13, 1465, 12824, 304, 24935, 5771, 3776]] * 16, dtype=torch.long) # Windows doesn't support the nested function pickle # Move the batch function out of the test_sentencepiece_with_dataloader test - sp_model_path = download_from_url(PRETRAINED_SP_MODEL['text_bpe_25000']) + sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_bpe_25000"]) spm_processor = sentencepiece_processor(sp_model_path) def batch_func(data): return torch.tensor([spm_processor(text) for text in data], dtype=torch.long) - dataloader = DataLoader(example_strings, batch_size=16, num_workers=2, - collate_fn=batch_func) + dataloader = DataLoader(example_strings, batch_size=16, num_workers=2, collate_fn=batch_func) for item in dataloader: self.assertEqual(item, ref_results) def test_vectors_from_file(self): - asset_name = 'vectors_test.csv' + asset_name = "vectors_test.csv" asset_path = get_asset_path(asset_name) vectors_obj = load_vectors_from_file_path(asset_path) @@ -221,14 +236,14 @@ def test_vectors_from_file(self): expected_tensorB = torch.tensor([0, 1, 0], dtype=torch.float) expected_unk_tensor = torch.tensor([0, 0, 0], dtype=torch.float) - self.assertEqual(vectors_obj['a'], expected_tensorA) - self.assertEqual(vectors_obj['b'], expected_tensorB) - self.assertEqual(vectors_obj['not_in_it'], expected_unk_tensor) + self.assertEqual(vectors_obj["a"], expected_tensorA) + self.assertEqual(vectors_obj["b"], expected_tensorB) + self.assertEqual(vectors_obj["not_in_it"], expected_unk_tensor) def test_fast_text(self): # copy the asset file into the expected download location # note that this is just a file with the first 100 entries of the FastText english dataset - asset_name = 'wiki.en.vec' + asset_name = "wiki.en.vec" asset_path = get_asset_path(asset_name) with tempfile.TemporaryDirectory() as dir_name: @@ -239,8 +254,8 @@ def test_fast_text(self): # The first 3 entries in each vector. expected_fasttext_simple_en = { - 'the': [-0.065334, -0.093031, -0.017571], - 'world': [-0.32423, -0.098845, -0.0073467], + "the": [-0.065334, -0.093031, -0.017571], + "world": [-0.32423, -0.098845, -0.0073467], } for word in expected_fasttext_simple_en.keys(): diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index 8b701bc3c5..7c1dd60d8a 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -1,10 +1,5 @@ import torch -from torchtext.models import ( - XLMR_BASE_ENCODER, - XLMR_LARGE_ENCODER, - ROBERTA_BASE_ENCODER, - ROBERTA_LARGE_ENCODER, -) +from torchtext.models import ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER from ..common.assets import get_asset_path from ..common.parameterized_utils import nested_params diff --git a/test/models/test_models.py b/test/models/test_models.py index cf14984917..8c2c61c195 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -1,13 +1,16 @@ -import torchtext +import copy + import torch +import torchtext from torch.nn import functional as torch_F -import copy + from ..common.torchtext_test_case import TorchtextTestCase class TestModules(TorchtextTestCase): def test_self_attn_mask(self): from torchtext.models.roberta.modules import MultiheadSelfAttention + embed_dim, batch_size, num_heads, source_len = 4, 1, 2, 2 mha = MultiheadSelfAttention(embed_dim=embed_dim, num_heads=num_heads) query = torch.ones((source_len, batch_size, embed_dim)) @@ -17,50 +20,56 @@ def test_self_attn_mask(self): float_attn_mask[0][1] = -1e8 bool_attn_mask = float_attn_mask.to(dtype=bool) with torch.no_grad(): - mha.input_projection.weight.fill_(1. / embed_dim) - mha.input_projection.bias.fill_(0.) - mha.output_projection.weight.fill_(1. / embed_dim) - mha.output_projection.bias.fill_(0.) + mha.input_projection.weight.fill_(1.0 / embed_dim) + mha.input_projection.bias.fill_(0.0) + mha.output_projection.weight.fill_(1.0 / embed_dim) + mha.output_projection.bias.fill_(0.0) # with float attention mask output = mha(query, key_padding_mask, float_attn_mask) actual = output[0].flatten() - expected = torch.tensor([0., 0., 0., 0]) + expected = torch.tensor([0.0, 0.0, 0.0, 0]) torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) # with bool attention mask output = mha(query, key_padding_mask, bool_attn_mask) actual = output[0].flatten() - expected = torch.tensor([0., 0., 0., 0]) + expected = torch.tensor([0.0, 0.0, 0.0, 0]) torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) class TestModels(TorchtextTestCase): def test_roberta_bundler_build_model(self): - from torchtext.models import RobertaEncoderConf, RobertaClassificationHead, RobertaModel, RobertaModelBundle - dummy_encoder_conf = RobertaEncoderConf(vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2) + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaModelBundle + + dummy_encoder_conf = RobertaEncoderConf( + vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 + ) # case: user provide encoder checkpoint state dict dummy_encoder = RobertaModel(dummy_encoder_conf) - model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, - checkpoint=dummy_encoder.state_dict()) + model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, checkpoint=dummy_encoder.state_dict()) self.assertEqual(model.state_dict(), dummy_encoder.state_dict()) # case: user provide classifier checkpoint state dict when head is given and override_head is False (by default) dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, - head=another_dummy_classifier_head, - checkpoint=dummy_classifier.state_dict()) + model = RobertaModelBundle.build_model( + encoder_conf=dummy_encoder_conf, + head=another_dummy_classifier_head, + checkpoint=dummy_classifier.state_dict(), + ) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) # case: user provide classifier checkpoint state dict when head is given and override_head is set True another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) - model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, - head=another_dummy_classifier_head, - checkpoint=dummy_classifier.state_dict(), - override_checkpoint_head=True) + model = RobertaModelBundle.build_model( + encoder_conf=dummy_encoder_conf, + head=another_dummy_classifier_head, + checkpoint=dummy_classifier.state_dict(), + override_checkpoint_head=True, + ) self.assertEqual(model.head.state_dict(), another_dummy_classifier_head.state_dict()) # case: user provide only encoder checkpoint state dict when head is given @@ -68,13 +77,18 @@ def test_roberta_bundler_build_model(self): dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) encoder_state_dict = {} for k, v in dummy_classifier.encoder.state_dict().items(): - encoder_state_dict['encoder.' + k] = v - model = torchtext.models.RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict) + encoder_state_dict["encoder." + k] = v + model = torchtext.models.RobertaModelBundle.build_model( + encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict + ) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) def test_roberta_bundler_train(self): - from torchtext.models import RobertaEncoderConf, RobertaClassificationHead, RobertaModel, RobertaModelBundle - dummy_encoder_conf = RobertaEncoderConf(vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2) + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaModelBundle + + dummy_encoder_conf = RobertaEncoderConf( + vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 + ) from torch.optim import SGD def _train(model): @@ -89,10 +103,12 @@ def _train(model): # does not freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, - head=dummy_classifier_head, - freeze_encoder=False, - checkpoint=dummy_classifier.state_dict()) + model = RobertaModelBundle.build_model( + encoder_conf=dummy_encoder_conf, + head=dummy_classifier_head, + freeze_encoder=False, + checkpoint=dummy_classifier.state_dict(), + ) encoder_current_state_dict = copy.deepcopy(model.encoder.state_dict()) head_current_state_dict = copy.deepcopy(model.head.state_dict()) @@ -105,10 +121,12 @@ def _train(model): # freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, - head=dummy_classifier_head, - freeze_encoder=True, - checkpoint=dummy_classifier.state_dict()) + model = RobertaModelBundle.build_model( + encoder_conf=dummy_encoder_conf, + head=dummy_classifier_head, + freeze_encoder=True, + checkpoint=dummy_classifier.state_dict(), + ) encoder_current_state_dict = copy.deepcopy(model.encoder.state_dict()) head_current_state_dict = copy.deepcopy(model.head.state_dict()) diff --git a/test/test_build.py b/test/test_build.py index 7e3ffd520f..f5bc2c9535 100644 --- a/test/test_build.py +++ b/test/test_build.py @@ -1,6 +1,7 @@ #!/usr/bin/env python3 """Tests that requires external resources (Network access to fetch dataset)""" import os + import torch import torchtext.data @@ -12,17 +13,35 @@ class TestDataUtils(TorchtextTestCase): def test_get_tokenizer_spacy(self): # Test SpaCy option, and verify it properly handles punctuation. - assert torchtext.data.get_tokenizer("spacy", language='en_core_web_sm')(str(self.TEST_STR)) == [ - "A", "string", ",", "particularly", "one", "with", "slightly", - "complex", "punctuation", "."] + assert torchtext.data.get_tokenizer("spacy", language="en_core_web_sm")(str(self.TEST_STR)) == [ + "A", + "string", + ",", + "particularly", + "one", + "with", + "slightly", + "complex", + "punctuation", + ".", + ] def test_get_tokenizer_moses(self): # Test Moses option. # Note that internally, MosesTokenizer converts to unicode if applicable moses_tokenizer = torchtext.data.get_tokenizer("moses") assert moses_tokenizer(self.TEST_STR) == [ - "A", "string", ",", "particularly", "one", "with", "slightly", - "complex", "punctuation", "."] + "A", + "string", + ",", + "particularly", + "one", + "with", + "slightly", + "complex", + "punctuation", + ".", + ] # Nonbreaking prefixes should tokenize the final period. assert moses_tokenizer("abc def.") == ["abc", "def", "."] @@ -30,16 +49,16 @@ def test_get_tokenizer_moses(self): class TestVocab(TorchtextTestCase): def test_vectors_get_vecs(self): - vec = torchtext.vocab.GloVe(name='twitter.27B', dim='25') + vec = torchtext.vocab.GloVe(name="twitter.27B", dim="25") self.assertEqual(vec.vectors.shape[0], len(vec)) - tokens = ['chip', 'baby', 'Beautiful'] + tokens = ["chip", "baby", "Beautiful"] token_vecs = vec.get_vecs_by_tokens(tokens) self.assertEqual(token_vecs.shape[0], len(tokens)) self.assertEqual(token_vecs.shape[1], vec.dim) self.assertEqual(vec[tokens[0]], token_vecs[0]) self.assertEqual(vec[tokens[1]], token_vecs[1]) - self.assertEqual(vec[''], token_vecs[2]) + self.assertEqual(vec[""], token_vecs[2]) token_one_vec = vec.get_vecs_by_tokens(tokens[0], lower_case_backup=True) self.assertEqual(token_one_vec.shape[0], vec.dim) @@ -51,97 +70,85 @@ def test_download_charngram_vectors(self): vectors = torchtext.vocab.CharNGram() # The first 5 entries in each vector. expected_charngram = { - 'hello': [-0.44782442, -0.08937783, -0.34227219, - -0.16233221, -0.39343098], - 'world': [-0.29590717, -0.05275926, -0.37334684, - 0.27117205, -0.3868292], + "hello": [-0.44782442, -0.08937783, -0.34227219, -0.16233221, -0.39343098], + "world": [-0.29590717, -0.05275926, -0.37334684, 0.27117205, -0.3868292], } for word in expected_charngram: - self.assertEqual( - vectors[word][0, :5], expected_charngram[word]) + self.assertEqual(vectors[word][0, :5], expected_charngram[word]) - self.assertEqual(vectors[''][0], torch.zeros(100)) + self.assertEqual(vectors[""][0], torch.zeros(100)) # The first 5 entries for `OOV token` - expected_oov_token_charngram = [-0.1070, -0.2240, -0.3043, - -0.1092, 0.0953] - self.assertEqual(vectors['OOV token'][0, :5], - expected_oov_token_charngram, atol=0, rtol=10e-4) + expected_oov_token_charngram = [-0.1070, -0.2240, -0.3043, -0.1092, 0.0953] + self.assertEqual(vectors["OOV token"][0, :5], expected_oov_token_charngram, atol=0, rtol=10e-4) def test_download_custom_vectors(self): # Build a vocab and get vectors twice to test caching. for _ in range(2): - vectors = torchtext.vocab.Vectors( - 'wiki.simple.vec', - url=torchtext.vocab.FastText.url_base.format('simple') - ) + vectors = torchtext.vocab.Vectors("wiki.simple.vec", url=torchtext.vocab.FastText.url_base.format("simple")) # The first 5 entries in each vector. expected_fasttext_simple_en = { - 'hello': [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], - 'world': [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], + "hello": [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], + "world": [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], } for word in expected_fasttext_simple_en: - self.assertEqual( - vectors[word][:5], expected_fasttext_simple_en[word]) + self.assertEqual(vectors[word][:5], expected_fasttext_simple_en[word]) - self.assertEqual(vectors[''], torch.zeros(300)) + self.assertEqual(vectors[""], torch.zeros(300)) def test_download_fasttext_vectors(self): # Build a vocab and get vectors twice to test caching. for _ in range(2): - vectors = torchtext.vocab.FastText(language='simple') + vectors = torchtext.vocab.FastText(language="simple") # The first 5 entries in each vector. expected_fasttext_simple_en = { - 'hello': [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], - 'world': [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], + "hello": [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], + "world": [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], } for word in expected_fasttext_simple_en: - self.assertEqual( - vectors[word][:5], expected_fasttext_simple_en[word]) + self.assertEqual(vectors[word][:5], expected_fasttext_simple_en[word]) - self.assertEqual(vectors[''], torch.zeros(300)) - self.assertEqual(vectors['OOV token'], torch.zeros(300)) + self.assertEqual(vectors[""], torch.zeros(300)) + self.assertEqual(vectors["OOV token"], torch.zeros(300)) def test_download_glove_vectors(self): # Build a vocab and get vectors twice to test caching. - vectors = torchtext.vocab.GloVe(name='twitter.27B', dim='25') + vectors = torchtext.vocab.GloVe(name="twitter.27B", dim="25") # The first 5 entries in each vector. expected_twitter = { - 'hello': [-0.77069, 0.12827, 0.33137, 0.0050893, -0.47605], - 'world': [0.10301, 0.095666, -0.14789, -0.22383, -0.14775], + "hello": [-0.77069, 0.12827, 0.33137, 0.0050893, -0.47605], + "world": [0.10301, 0.095666, -0.14789, -0.22383, -0.14775], } for word in expected_twitter: - self.assertEqual( - vectors[word][:5], expected_twitter[word]) + self.assertEqual(vectors[word][:5], expected_twitter[word]) - self.assertEqual(vectors[''], torch.zeros(25)) - self.assertEqual(vectors['OOV token'], torch.zeros(25)) + self.assertEqual(vectors[""], torch.zeros(25)) + self.assertEqual(vectors["OOV token"], torch.zeros(25)) def test_vectors_custom_cache(self): - vector_cache = os.path.join('/tmp', 'vector_cache') + vector_cache = os.path.join("/tmp", "vector_cache") # Build a vocab and get vectors twice to test caching. for i in range(2): if i == 1: self.assertTrue(os.path.exists(vector_cache)) vectors = torchtext.vocab.Vectors( - 'wiki.simple.vec', cache=vector_cache, - url=torchtext.vocab.FastText.url_base.format('simple')) + "wiki.simple.vec", cache=vector_cache, url=torchtext.vocab.FastText.url_base.format("simple") + ) # The first 5 entries in each vector. expected_fasttext_simple_en = { - 'hello': [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], - 'world': [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], + "hello": [0.39567, 0.21454, -0.035389, -0.24299, -0.095645], + "world": [0.10444, -0.10858, 0.27212, 0.13299, -0.33165], } for word in expected_fasttext_simple_en: - self.assertEqual( - vectors[word][:5], expected_fasttext_simple_en[word]) + self.assertEqual(vectors[word][:5], expected_fasttext_simple_en[word]) - self.assertEqual(vectors[''], torch.zeros(300)) + self.assertEqual(vectors[""], torch.zeros(300)) diff --git a/test/test_functional.py b/test/test_functional.py index f9b6065638..2d299553a5 100644 --- a/test/test_functional.py +++ b/test/test_functional.py @@ -1,5 +1,6 @@ import torch from torchtext import functional + from .common.torchtext_test_case import TorchtextTestCase diff --git a/test/test_transforms.py b/test/test_transforms.py index 3324b5efe9..32a49be507 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -1,11 +1,12 @@ import os +from collections import OrderedDict + import torch from torchtext import transforms from torchtext.vocab import vocab -from collections import OrderedDict -from .common.torchtext_test_case import TorchtextTestCase from .common.assets import get_asset_path +from .common.torchtext_test_case import TorchtextTestCase class TestTransforms(TorchtextTestCase): @@ -17,11 +18,11 @@ def _spmtokenizer(self, test_scripting): transform = torch.jit.script(transform) actual = transform(["Hello World!, how are you?"]) - expected = [['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?']] + expected = [["▁Hello", "▁World", "!", ",", "▁how", "▁are", "▁you", "?"]] self.assertEqual(actual, expected) actual = transform("Hello World!, how are you?") - expected = ['▁Hello', '▁World', '!', ',', '▁how', '▁are', '▁you', '?'] + expected = ["▁Hello", "▁World", "!", ",", "▁how", "▁are", "▁you", "?"] self.assertEqual(actual, expected) def test_spmtokenizer(self): @@ -33,15 +34,15 @@ def test_spmtokenizer_jit(self): self._spmtokenizer(test_scripting=True) def _vocab_transform(self, test_scripting): - vocab_obj = vocab(OrderedDict([('a', 1), ('b', 1), ('c', 1)])) + vocab_obj = vocab(OrderedDict([("a", 1), ("b", 1), ("c", 1)])) transform = transforms.VocabTransform(vocab_obj) if test_scripting: transform = torch.jit.script(transform) - actual = transform([['a', 'b', 'c']]) + actual = transform([["a", "b", "c"]]) expected = [[0, 1, 2]] self.assertEqual(actual, expected) - actual = transform(['a', 'b', 'c']) + actual = transform(["a", "b", "c"]) expected = [0, 1, 2] self.assertEqual(actual, expected) @@ -78,7 +79,7 @@ def test_totensor_jit(self): self._totensor(test_scripting=True) def _labeltoindex(self, test_scripting): - label_names = ['test', 'label', 'indices'] + label_names = ["test", "label", "indices"] transform = transforms.LabelToIndex(label_names=label_names) if test_scripting: transform = torch.jit.script(transform) @@ -87,7 +88,7 @@ def _labeltoindex(self, test_scripting): self.assertEqual(actual, expected) with self.assertRaises(RuntimeError): - transform(['OOV']) + transform(["OOV"]) transform = transforms.LabelToIndex(label_names=label_names, sort_names=True) if test_scripting: @@ -175,14 +176,14 @@ def _add_token(self, test_scripting): expected = [1, 2, 0] self.assertEqual(actual, expected) - token_id = '0' + token_id = "0" transform = transforms.AddToken(token_id, begin=True) if test_scripting: transform = torch.jit.script(transform) - input = [['1', '2'], ['1', '2', '3']] + input = [["1", "2"], ["1", "2", "3"]] actual = transform(input) - expected = [['0', '1', '2'], ['0', '1', '2', '3']] + expected = [["0", "1", "2"], ["0", "1", "2", "3"]] self.assertEqual(actual, expected) transform = transforms.AddToken(token_id, begin=False) @@ -190,12 +191,12 @@ def _add_token(self, test_scripting): transform = torch.jit.script(transform) actual = transform(input) - expected = [['1', '2', '0'], ['1', '2', '3', '0']] + expected = [["1", "2", "0"], ["1", "2", "3", "0"]] self.assertEqual(actual, expected) - input = ['1', '2'] + input = ["1", "2"] actual = transform(input) - expected = ['1', '2', '0'] + expected = ["1", "2", "0"] self.assertEqual(actual, expected) def test_add_token(self): @@ -211,7 +212,7 @@ def _sequential(self, test_scripting): padding_val = 0 transform = transforms.Sequential( transforms.Truncate(max_seq_len=max_seq_len), - transforms.ToTensor(padding_value=padding_val, dtype=torch.long) + transforms.ToTensor(padding_value=padding_val, dtype=torch.long), ) if test_scripting: @@ -250,15 +251,13 @@ def _gpt2_bpe_tokenizer(self, tokenizer): "Hélló WoŕlḊ¿", "Respublica superiorem", "Avdija Vršajević în", - ] expected_token_ids = [ - ['15496', '2159', '28265', '703', '389', '345', '30'], - ['39', '2634', '297', '10205', '220', '22173', '129', '243', '75', '41585', '232', '126', '123'], - ['4965', '11377', '64', '2208', '72', '29625'], - ['7355', '67', '34655', '569', '81', '32790', '1228', '1990', '72', '38325', '6184', '106', '77'], - + ["15496", "2159", "28265", "703", "389", "345", "30"], + ["39", "2634", "297", "10205", "220", "22173", "129", "243", "75", "41585", "232", "126", "123"], + ["4965", "11377", "64", "2208", "72", "29625"], + ["7355", "67", "34655", "569", "81", "32790", "1228", "1990", "72", "38325", "6184", "106", "77"], ] # test batch of sentences @@ -278,14 +277,14 @@ def test_gpt2_bpe_tokenizer_jit(self): def test_gpt2_bpe_tokenizer_save_load_pybind(self): tokenizer = self._load_tokenizer(test_scripting=False) - tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_pybind.pt') + tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._gpt2_bpe_tokenizer((loaded_tokenizer)) def test_gpt2_bpe_tokenizer_save_load_torchscript(self): tokenizer = self._load_tokenizer(test_scripting=False) - tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_torchscript.pt') + tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. torch.save(tokenizer.__prepare_scriptable__(), tokenizer_path) @@ -308,12 +307,12 @@ def _load_tokenizer(self, test_scripting): def _clip_tokenizer(self, tokenizer): sample_texts = [ "Hello World!, how are you?", - "<|startoftext|> the quick brown fox jumped over the lazy dog <|endoftext|>" + "<|startoftext|> the quick brown fox jumped over the lazy dog <|endoftext|>", ] expected_token_ids = [ - ['3306', '1002', '29325', '829', '631', '592', '286'], - ['49406', '518', '3712', '2866', '3240', '16901', '962', '518', '10753', '1929', '49407'], + ["3306", "1002", "29325", "829", "631", "592", "286"], + ["49406", "518", "3712", "2866", "3240", "16901", "962", "518", "10753", "1929", "49407"], ] # test batch of sentences @@ -333,14 +332,14 @@ def test_clip_tokenizer_jit(self): def test_clip_tokenizer_save_load_pybind(self): tokenizer = self._load_tokenizer(test_scripting=False) - tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_pybind.pt') + tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._clip_tokenizer((loaded_tokenizer)) def test_clip_tokenizer_save_load_torchscript(self): tokenizer = self._load_tokenizer(test_scripting=False) - tokenizer_path = os.path.join(self.test_dir, 'gpt2_tokenizer_torchscript.pt') + tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. torch.save(tokenizer.__prepare_scriptable__(), tokenizer_path) diff --git a/test/test_utils.py b/test/test_utils.py index f44945f58c..8012cc6a0d 100644 --- a/test/test_utils.py +++ b/test/test_utils.py @@ -1,11 +1,13 @@ #!/usr/bin/env python3 # Note that all the tests in this module require dataset (either network access or cached) import os +import shutil import unittest + +from test.common.assets import get_asset_path from torchtext import utils + from .common.torchtext_test_case import TorchtextTestCase -from test.common.assets import get_asset_path -import shutil def conditional_remove(f): @@ -14,16 +16,15 @@ def conditional_remove(f): class TestUtils(TorchtextTestCase): - def test_download_extract_tar(self): # create root directory for downloading data - root = os.path.abspath('.data') + root = os.path.abspath(".data") if not os.path.exists(root): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = 'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz' - target_archive_path = os.path.join(root, 'validation.tar.gz') + url = "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz" + target_archive_path = os.path.join(root, "validation.tar.gz") conditional_remove(target_archive_path) # download archive and ensure is in correct location @@ -32,13 +33,11 @@ def test_download_extract_tar(self): # extract files and ensure they are correct files = utils.extract_archive(archive_path) - assert files == [os.path.join(root, 'val.de'), - os.path.join(root, 'val.en')] + assert files == [os.path.join(root, "val.de"), os.path.join(root, "val.en")] # extract files with overwrite option True files = utils.extract_archive(archive_path, overwrite=True) - assert files == [os.path.join(root, 'val.de'), - os.path.join(root, 'val.en')] + assert files == [os.path.join(root, "val.de"), os.path.join(root, "val.en")] # remove files and archive for f in files: @@ -47,13 +46,13 @@ def test_download_extract_tar(self): def test_download_extract_gz(self): # create root directory for downloading data - root = os.path.abspath('.data') + root = os.path.abspath(".data") if not os.path.exists(root): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = 'https://raw.githubusercontent.com/multi30k/dataset/master/data/task2/raw/val.5.en.gz' - target_archive_path = os.path.join(root, 'val.5.en.gz') + url = "https://raw.githubusercontent.com/multi30k/dataset/master/data/task2/raw/val.5.en.gz" + target_archive_path = os.path.join(root, "val.5.en.gz") conditional_remove(target_archive_path) # download archive and ensure is in correct location @@ -62,11 +61,11 @@ def test_download_extract_gz(self): # extract files and ensure they are correct files = utils.extract_archive(archive_path) - assert files == [os.path.join(root, 'val.5.en')] + assert files == [os.path.join(root, "val.5.en")] # extract files with overwrite option True files = utils.extract_archive(archive_path, overwrite=True) - assert files == [os.path.join(root, 'val.5.en')] + assert files == [os.path.join(root, "val.5.en")] # remove files and archive for f in files: @@ -75,24 +74,26 @@ def test_download_extract_gz(self): def test_download_extract_zip(self): # create root directory for downloading data - root = os.path.abspath('.data') + root = os.path.abspath(".data") if not os.path.exists(root): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = 'https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip' - target_archive_path = os.path.join(root, 'en-ud-v2.zip') + url = "https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip" + target_archive_path = os.path.join(root, "en-ud-v2.zip") conditional_remove(target_archive_path) # download archive and ensure is in correct location archive_path = utils.download_from_url(url) assert target_archive_path == archive_path - correct_files = ['en-ud-v2/en-ud-tag.v2.dev.txt', - 'en-ud-v2/en-ud-tag.v2.test.txt', - 'en-ud-v2/en-ud-tag.v2.train.txt', - 'en-ud-v2/LICENSE.txt', - 'en-ud-v2/README.txt'] + correct_files = [ + "en-ud-v2/en-ud-tag.v2.dev.txt", + "en-ud-v2/en-ud-tag.v2.test.txt", + "en-ud-v2/en-ud-tag.v2.train.txt", + "en-ud-v2/LICENSE.txt", + "en-ud-v2/README.txt", + ] # extract files and ensure they are correct files = utils.extract_archive(archive_path) assert files == [os.path.join(root, f) for f in correct_files] @@ -104,35 +105,35 @@ def test_download_extract_zip(self): # remove files and archive for f in files: conditional_remove(f) - os.rmdir(os.path.join(root, 'en-ud-v2')) + os.rmdir(os.path.join(root, "en-ud-v2")) conditional_remove(archive_path) def test_no_download(self): - asset_name = 'glove.840B.300d.zip' + asset_name = "glove.840B.300d.zip" asset_path = get_asset_path(asset_name) - root = os.path.abspath('.data') + root = os.path.abspath(".data") if not os.path.exists(root): os.makedirs(root) - data_path = os.path.abspath(os.path.join('.data', asset_name)) + data_path = os.path.abspath(os.path.join(".data", asset_name)) shutil.copy(asset_path, data_path) - file_path = utils.download_from_url('fakedownload/glove.840B.300d.zip') + file_path = utils.download_from_url("fakedownload/glove.840B.300d.zip") self.assertEqual(file_path, data_path) conditional_remove(data_path) def test_download_extract_to_path(self): # create root directory for downloading data - root = os.path.abspath('.data') + root = os.path.abspath(".data") if not os.path.exists(root): os.makedirs(root) # create directory to extract archive to - to_path = '.new_data' + to_path = ".new_data" if not os.path.exists(root): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = 'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz' - target_archive_path = os.path.join(root, 'validation.tar.gz') + url = "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz" + target_archive_path = os.path.join(root, "validation.tar.gz") conditional_remove(target_archive_path) # download archive and ensure is in correct location @@ -141,13 +142,11 @@ def test_download_extract_to_path(self): # extract files and ensure they are in the to_path directory files = utils.extract_archive(archive_path, to_path) - assert files == [os.path.join(to_path, 'val.de'), - os.path.join(to_path, 'val.en')] + assert files == [os.path.join(to_path, "val.de"), os.path.join(to_path, "val.en")] # extract files with overwrite option True files = utils.extract_archive(archive_path, to_path, overwrite=True) - assert files == [os.path.join(to_path, 'val.de'), - os.path.join(to_path, 'val.en')] + assert files == [os.path.join(to_path, "val.de"), os.path.join(to_path, "val.en")] # remove files and archive for f in files: @@ -157,13 +156,13 @@ def test_download_extract_to_path(self): @unittest.skip("Download temp. slow.") def test_extract_non_tar_zip(self): # create root directory for downloading data - root = os.path.abspath('.data') + root = os.path.abspath(".data") if not os.path.exists(root): os.makedirs(root) # ensure file is not already downloaded, if it is then delete - url = 'https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.simple.vec' - target_archive_path = os.path.join(root, 'wiki.simple.vec') + url = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.simple.vec" + target_archive_path = os.path.join(root, "wiki.simple.vec") conditional_remove(target_archive_path) # download file and ensure is in correct location diff --git a/test/test_vocab.py b/test/test_vocab.py index 6b04746e42..30851a7044 100644 --- a/test/test_vocab.py +++ b/test/test_vocab.py @@ -1,14 +1,11 @@ # -*- coding: utf-8 -*- -from collections import OrderedDict import os +from collections import OrderedDict import pytest import torch from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.vocab import ( - vocab, - build_vocab_from_iterator, -) +from torchtext.vocab import build_vocab_from_iterator, vocab class TestVocab(TorchtextTestCase): @@ -18,64 +15,64 @@ def tearDown(self): torch.jit._recursive.concrete_type_store = torch.jit._recursive.ConcreteTypeStore() def test_vocab_membership(self): - token_to_freq = {'': 2, 'a': 2, 'b': 2} + token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=2) - self.assertTrue('' in v) - self.assertTrue('a' in v) - self.assertTrue('b' in v) - self.assertFalse('c' in v) + self.assertTrue("" in v) + self.assertTrue("a" in v) + self.assertTrue("b" in v) + self.assertFalse("c" in v) def test_vocab_get_item(self): - token_to_freq = {'': 2, 'a': 2, 'b': 2} + token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=2) - self.assertEqual(v[''], 0) - self.assertEqual(v['a'], 1) - self.assertEqual(v['b'], 2) + self.assertEqual(v[""], 0) + self.assertEqual(v["a"], 1) + self.assertEqual(v["b"], 2) def test_default_index(self): - token_to_freq = {'': 2, 'a': 2, 'b': 2} + token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=2) self.assertTrue(v.get_default_index() is None) with self.assertRaises(RuntimeError): - v['not in vocab'] + v["not in vocab"] v.set_default_index(0) - self.assertEqual(v['not in vocab'], 0) + self.assertEqual(v["not in vocab"], 0) v.set_default_index(None) with self.assertRaises(RuntimeError): - v['not in vocab'] + v["not in vocab"] def test_default_index_jit(self): - token_to_freq = {'': 2, 'a': 2, 'b': 2} + token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=2) v.set_default_index(0) v_jit = torch.jit.script(v) - self.assertEqual(v_jit['not in vocab'], 0) + self.assertEqual(v_jit["not in vocab"], 0) v_jit.set_default_index(None) with self.assertRaises(RuntimeError): - v_jit['not in vocab'] + v_jit["not in vocab"] def test_vocab_insert_token(self): - c = OrderedDict({'': 2, 'a': 2}) + c = OrderedDict({"": 2, "a": 2}) # add item to end v = vocab(c) - v.insert_token('b', 2) + v.insert_token("b", 2) - expected_itos = ['', 'a', 'b'] + expected_itos = ["", "a", "b"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) @@ -83,20 +80,20 @@ def test_vocab_insert_token(self): # add item to middle v = vocab(c) - v.insert_token('b', 0) + v.insert_token("b", 0) - expected_itos = ['b', '', 'a'] + expected_itos = ["b", "", "a"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) def test_vocab_append_token(self): - c = OrderedDict({'a': 2}) + c = OrderedDict({"a": 2}) v = vocab(c) - v.append_token('b') + v.append_token("b") - expected_itos = ['a', 'b'] + expected_itos = ["a", "b"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) @@ -104,10 +101,10 @@ def test_vocab_append_token(self): # token must not exist to be appended with self.assertRaises(RuntimeError): - v.append_token('b') + v.append_token("b") def test_vocab_len(self): - token_to_freq = {'a': 2, 'b': 2, 'c': 2} + token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c) @@ -115,27 +112,27 @@ def test_vocab_len(self): self.assertEqual(len(v), 3) def test_vocab_basic(self): - token_to_freq = {'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2} + token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=3) - expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + expected_itos = ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) def test_vocab_jit(self): - token_to_freq = {'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2} + token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=3) jit_v = torch.jit.script(v) - expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + expected_itos = ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} assert not v.is_jitable @@ -147,116 +144,132 @@ def test_vocab_jit(self): self.assertEqual(dict(jit_v.get_stoi()), expected_stoi) def test_vocab_forward(self): - token_to_freq = {'a': 2, 'b': 2, 'c': 2} + token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c) jit_v = torch.jit.script(v) - tokens = ['b', 'a', 'c'] + tokens = ["b", "a", "c"] expected_indices = [1, 0, 2] self.assertEqual(v(tokens), expected_indices) self.assertEqual(jit_v(tokens), expected_indices) def test_vocab_lookup_token(self): - token_to_freq = {'a': 2, 'b': 2, 'c': 2} + token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c) - self.assertEqual(v.lookup_token(1), 'b') + self.assertEqual(v.lookup_token(1), "b") with self.assertRaises(RuntimeError): v.lookup_token(100) def test_vocab_lookup_tokens(self): - token_to_freq = {'a': 2, 'b': 2, 'c': 2} + token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c) indices = [1, 0, 2] - expected_tokens = ['b', 'a', 'c'] + expected_tokens = ["b", "a", "c"] self.assertEqual(v.lookup_tokens(indices), expected_tokens) def test_vocab_lookup_indices(self): - token_to_freq = {'a': 2, 'b': 2, 'c': 2} + token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c) - tokens = ['b', 'a', 'c'] + tokens = ["b", "a", "c"] expected_indices = [1, 0, 2] self.assertEqual(v.lookup_indices(tokens), expected_indices) def test_vocab_load_and_save(self): - token_to_freq = {'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2} + token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) v = vocab(c, min_freq=3) v.set_default_index(0) - expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + expected_itos = ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) - with self.subTest('pybind'): - vocab_path = os.path.join(self.test_dir, 'vocab_pybind.pt') + with self.subTest("pybind"): + vocab_path = os.path.join(self.test_dir, "vocab_pybind.pt") torch.save(v, vocab_path) loaded_v = torch.load(vocab_path) self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(loaded_v.get_stoi()), expected_stoi) - self.assertEqual(v['not in vocab'], 0) + self.assertEqual(v["not in vocab"], 0) - with self.subTest('torchscript'): - vocab_path = os.path.join(self.test_dir, 'vocab_torchscript.pt') + with self.subTest("torchscript"): + vocab_path = os.path.join(self.test_dir, "vocab_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. torch.save(v.__prepare_scriptable__(), vocab_path) loaded_v = torch.load(vocab_path) self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(loaded_v.get_stoi()), expected_stoi) - self.assertEqual(v['not in vocab'], 0) + self.assertEqual(v["not in vocab"], 0) def test_build_vocab_iterator(self): - iterator = [['hello', 'hello', 'hello', 'freq_low', 'hello', 'world', 'world', 'world', 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', - 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'freq_low', 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T']] + iterator = [ + [ + "hello", + "hello", + "hello", + "freq_low", + "hello", + "world", + "world", + "world", + "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", + "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", + "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", + "freq_low", + "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", + "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", + ] + ] specials = ["", "", "", "pad"] v = build_vocab_from_iterator(iterator) - expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world', 'freq_low'] + expected_itos = ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world", "freq_low"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) v = build_vocab_from_iterator(iterator, specials=specials) - expected_itos = specials + ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world', 'freq_low'] + expected_itos = specials + ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world", "freq_low"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) v = build_vocab_from_iterator(iterator, specials=specials, special_first=False) - expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world', 'freq_low'] + specials + expected_itos = ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world", "freq_low"] + specials expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) def test_vocab_specials(self): - token_to_freq = {'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2} + token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = OrderedDict(sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True)) specials = ["", "", "", "pad"] v1 = vocab(sorted_by_freq_tuples, min_freq=3, specials=specials) - expected_itos = specials + ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + expected_itos = specials + ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world"] expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v1.get_itos(), expected_itos) self.assertEqual(dict(v1.get_stoi()), expected_stoi) v2 = vocab(sorted_by_freq_tuples, min_freq=3, specials=specials, special_first=False) - expected_itos = ['ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T', 'hello', 'world'] + specials + expected_itos = ["ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T", "hello", "world"] + specials expected_stoi = {x: index for index, x in enumerate(expected_itos)} self.assertEqual(v2.get_itos(), expected_itos) self.assertEqual(dict(v2.get_stoi()), expected_stoi) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 773d2dd19e..88f0a6911c 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -1,16 +1,9 @@ import os -_TEXT_BUCKET = 'https://download.pytorch.org/models/text/' -_CACHE_DIR = os.path.expanduser('~/.torchtext/cache') - -from . import data -from . import nn -from . import datasets -from . import utils -from . import vocab -from . import transforms -from . import functional -from . import models -from . import experimental + +_TEXT_BUCKET = "https://download.pytorch.org/models/text/" +_CACHE_DIR = os.path.expanduser("~/.torchtext/cache") + +from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab from ._extension import _init_extension @@ -19,15 +12,7 @@ except ImportError: pass -__all__ = ['data', - 'nn', - 'datasets', - 'utils', - 'vocab', - 'transforms', - 'functional', - 'models', - 'experimental'] +__all__ = ["data", "nn", "datasets", "utils", "vocab", "transforms", "functional", "models", "experimental"] _init_extension() diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 611692b08a..995b399178 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -1,17 +1,19 @@ -import requests import re -from tqdm import tqdm + +import requests + # This is to allow monkey-patching in fbcode -from torch.hub import load_state_dict_from_url # noqa +from torch.hub import load_state_dict_from_url # noqa from torchtext._internal.module_utils import is_module_available +from tqdm import tqdm if is_module_available("torchdata"): - from torchdata.datapipes.iter import HttpReader # noqa F401 + from torchdata.datapipes.iter import HttpReader # noqa F401 def _stream_response(r, chunk_size=16 * 1024): - total_size = int(r.headers.get('Content-length', 0)) - with tqdm(total=total_size, unit='B', unit_scale=1) as t: + total_size = int(r.headers.get("Content-length", 0)) + with tqdm(total=total_size, unit="B", unit_scale=1) as t: for chunk in r.iter_content(chunk_size): if chunk: t.update(len(chunk)) @@ -28,19 +30,18 @@ def _get_response_from_google_drive(url): if confirm_token is None: if "Quota exceeded" in str(response.content): raise RuntimeError( - "Google drive link {} is currently unavailable, because the quota was exceeded.".format( - url - )) + "Google drive link {} is currently unavailable, because the quota was exceeded.".format(url) + ) else: raise RuntimeError("Internal error: confirm_token was not found in Google drive link.") url = url + "&confirm=" + confirm_token response = session.get(url, stream=True) - if 'content-disposition' not in response.headers: + if "content-disposition" not in response.headers: raise RuntimeError("Internal error: headers don't contain content-disposition.") - filename = re.findall("filename=\"(.+)\"", response.headers['content-disposition']) + filename = re.findall('filename="(.+)"', response.headers["content-disposition"]) if filename is None: raise RuntimeError("Filename could not be autodetected") filename = filename[0] @@ -50,12 +51,12 @@ def _get_response_from_google_drive(url): class DownloadManager: def get_local_path(self, url, destination): - if 'drive.google.com' not in url: - response = requests.get(url, headers={'User-Agent': 'Mozilla/5.0'}, stream=True) + if "drive.google.com" not in url: + response = requests.get(url, headers={"User-Agent": "Mozilla/5.0"}, stream=True) else: response, filename = _get_response_from_google_drive(url) - with open(destination, 'wb') as f: + with open(destination, "wb") as f: for chunk in _stream_response(response): f.write(chunk) diff --git a/torchtext/_extension.py b/torchtext/_extension.py index 4400582113..6d8d851e6c 100644 --- a/torchtext/_extension.py +++ b/torchtext/_extension.py @@ -1,14 +1,12 @@ def _init_extension(): - import os import importlib + import os + import torch # load the custom_op_library and register the custom ops lib_dir = os.path.dirname(__file__) - loader_details = ( - importlib.machinery.ExtensionFileLoader, - importlib.machinery.EXTENSION_SUFFIXES - ) + loader_details = (importlib.machinery.ExtensionFileLoader, importlib.machinery.EXTENSION_SUFFIXES) extfinder = importlib.machinery.FileFinder(lib_dir, loader_details) ext_specs = extfinder.find_spec("_torchtext") diff --git a/torchtext/csrc/clip_tokenizer.cpp b/torchtext/csrc/clip_tokenizer.cpp index 6d91507373..d76a160920 100644 --- a/torchtext/csrc/clip_tokenizer.cpp +++ b/torchtext/csrc/clip_tokenizer.cpp @@ -1,5 +1,5 @@ #include -#include // @manual +#include // @manual #include @@ -8,8 +8,9 @@ const Regex kCLIPRegex( "(?i)(<\\|startoftext\\|>|<\\|endoftext\\|>|\\'s|\\'t|\\'re|\\'ve|" "\\'m|\\'ll|\\'d|[\\pL]+|[\\pN]|[^\\s\\pL\\pN]+)"); const std::string kWhitespaceString(""); -const std::unordered_set kSpecialTokens{"<|startoftext|>", - "<|endoftext|>"}; +const std::unordered_set kSpecialTokens{ + "<|startoftext|>", + "<|endoftext|>"}; std::vector clip_pre_tokenizer(std::string input) { std::string token; @@ -22,7 +23,7 @@ std::vector clip_pre_tokenizer(std::string input) { } std::vector CLIPEncoder::BPE_( - const std::vector &token_list) { + const std::vector& token_list) { // Given a list of input tokens, keep finding the best bpe merge and // generate a new list of tokens until // 1) token list size reduced to 1 @@ -43,7 +44,8 @@ std::vector CLIPEncoder::BPE_( } while (true) { auto bigram = FindBestPair_(pairs); - if (!bpe_merge_ranks_.contains(bigram)) break; + if (!bpe_merge_ranks_.contains(bigram)) + break; // Finding all indexes that token_list[i] == first and token_list[i+1] == // second. After the loop, new token list will be @@ -60,7 +62,8 @@ std::vector CLIPEncoder::BPE_( while (i < tok_list.size()) { auto j = list_str_index(tok_list, parts.first, i); if (j != -1) { - for (int k = i; k < j; k++) new_token_list.push_back(tok_list[k]); + for (int k = i; k < j; k++) + new_token_list.push_back(tok_list[k]); i = j; } else { for (std::size_t k = i; k < tok_list.size(); k++) @@ -86,7 +89,8 @@ std::vector CLIPEncoder::BPE_( } } - if (caching_enabled_) cache_.insert(concatenated, tok_list); + if (caching_enabled_) + cache_.insert(concatenated, tok_list); return tok_list; } @@ -94,44 +98,58 @@ std::vector CLIPEncoder::PreTokenize_(std::string input) { return clip_pre_tokenizer(input); } -std::vector CLIPEncoder::Encode(const std::string &text) { - return GPT2BPEEncoder::Encode(text); +std::vector CLIPEncoder::Encode(const std::string& text) { + return GPT2BPEEncoder::Encode(text); } CLIPEncoderStatesPybind _serialize_clip_encoder_pybind( - const c10::intrusive_ptr &self) { - return std::make_tuple(self->GetBPEEncoder(), self->GetBPEMergeRanks(), - self->seperator_, self->GetByteEncoder(), - self->caching_enabled_); + const c10::intrusive_ptr& self) { + return std::make_tuple( + self->GetBPEEncoder(), + self->GetBPEMergeRanks(), + self->seperator_, + self->GetByteEncoder(), + self->caching_enabled_); } CLIPEncoderStatesTorchbind _serialize_clip_encoder_torchbind( - const c10::intrusive_ptr &self) { - return std::make_tuple(self->bpe_encoder_, self->bpe_merge_ranks_, - self->seperator_, self->byte_encoder_, - self->caching_enabled_); + const c10::intrusive_ptr& self) { + return std::make_tuple( + self->bpe_encoder_, + self->bpe_merge_ranks_, + self->seperator_, + self->byte_encoder_, + self->caching_enabled_); } c10::intrusive_ptr _deserialize_clip_encoder_pybind( CLIPEncoderStatesPybind states) { auto state_size = std::tuple_size::value; - TORCH_CHECK(state_size == 5, - "Expected deserialized CLIPEncoder to have 5 states but found " + - std::to_string(state_size) + " states"); + TORCH_CHECK( + state_size == 5, + "Expected deserialized CLIPEncoder to have 5 states but found " + + std::to_string(state_size) + " states"); return c10::make_intrusive( - std::move(std::get<0>(states)), std::move(std::get<1>(states)), - std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); + std::move(std::get<0>(states)), + std::move(std::get<1>(states)), + std::get<2>(states), + std::move(std::get<3>(states)), + std::get<4>(states)); } c10::intrusive_ptr _deserialize_clip_encoder_torchbind( CLIPEncoderStatesTorchbind states) { auto state_size = std::tuple_size::value; - TORCH_CHECK(state_size == 5, - "Expected deserialized CLIPEncoder to have 5 states but found " + - std::to_string(state_size) + " states"); + TORCH_CHECK( + state_size == 5, + "Expected deserialized CLIPEncoder to have 5 states but found " + + std::to_string(state_size) + " states"); return c10::make_intrusive( - std::move(std::get<0>(states)), std::move(std::get<1>(states)), - std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); + std::move(std::get<0>(states)), + std::move(std::get<1>(states)), + std::get<2>(states), + std::move(std::get<3>(states)), + std::get<4>(states)); } -}; // namespace torchtext +}; // namespace torchtext diff --git a/torchtext/csrc/clip_tokenizer.h b/torchtext/csrc/clip_tokenizer.h index f4011b67fa..85c120ac4c 100644 --- a/torchtext/csrc/clip_tokenizer.h +++ b/torchtext/csrc/clip_tokenizer.h @@ -5,38 +5,44 @@ namespace torchtext { -typedef std::tuple, - std::unordered_map, std::string, - std::unordered_map, bool> +typedef std::tuple< + std::unordered_map, + std::unordered_map, + std::string, + std::unordered_map, + bool> CLIPEncoderStatesPybind; -typedef std::tuple, - c10::Dict, std::string, - c10::Dict, bool> +typedef std::tuple< + c10::Dict, + c10::Dict, + std::string, + c10::Dict, + bool> CLIPEncoderStatesTorchbind; struct CLIPEncoder : GPT2BPEEncoder { public: using GPT2BPEEncoder::GPT2BPEEncoder; - std::vector Encode(const std::string &text); + std::vector Encode(const std::string& text); protected: std::vector BPE_( - const std::vector &token_list) override; + const std::vector& token_list) override; std::vector PreTokenize_(std::string input) override; }; CLIPEncoderStatesPybind _serialize_clip_encoder_pybind( - const c10::intrusive_ptr &self); + const c10::intrusive_ptr& self); CLIPEncoderStatesTorchbind _serialize_clip_encoder_torchbind( - const c10::intrusive_ptr &self); + const c10::intrusive_ptr& self); c10::intrusive_ptr _deserialize_clip_encoder_pybind( CLIPEncoderStatesPybind states); c10::intrusive_ptr _deserialize_clip_encoder_torchbind( CLIPEncoderStatesTorchbind states); -} // namespace torchtext +} // namespace torchtext -#endif // CLIP_TOKENIZER_H_ \ No newline at end of file +#endif // CLIP_TOKENIZER_H_ diff --git a/torchtext/csrc/common.cpp b/torchtext/csrc/common.cpp index dfa41e068f..f61a2cb2f5 100644 --- a/torchtext/csrc/common.cpp +++ b/torchtext/csrc/common.cpp @@ -8,11 +8,16 @@ namespace torchtext { namespace impl { -int64_t divup(int64_t x, int64_t y) { return (x + y - 1) / y; } +int64_t divup(int64_t x, int64_t y) { + return (x + y - 1) / y; +} -void infer_offsets(const std::string &file_path, int64_t num_lines, - int64_t chunk_size, std::vector &offsets, - int64_t num_header_lines) { +void infer_offsets( + const std::string& file_path, + int64_t num_lines, + int64_t chunk_size, + std::vector& offsets, + int64_t num_header_lines) { std::ifstream fin; fin.open(file_path, std::ios::in); diff --git a/torchtext/csrc/common.h b/torchtext/csrc/common.h index 20c975a351..b43341d13a 100644 --- a/torchtext/csrc/common.h +++ b/torchtext/csrc/common.h @@ -2,8 +2,11 @@ namespace torchtext { namespace impl { int64_t divup(int64_t x, int64_t y); -void infer_offsets(const std::string &file_path, int64_t num_lines, - int64_t chunk_size, std::vector &offsets, - int64_t num_header_lines = 0); +void infer_offsets( + const std::string& file_path, + int64_t num_lines, + int64_t chunk_size, + std::vector& offsets, + int64_t num_header_lines = 0); } // namespace impl } // namespace torchtext diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index fb8e1fdc74..1f4b3f5667 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -1,5 +1,5 @@ #include -#include // @manual +#include // @manual #include #include @@ -11,8 +11,8 @@ const Regex kGPT2Regex( "(\\'s|\\'t|\\'re|\\'ve|\\'m|\\'ll|\\'d| ?\\pL+|" " ?\\pN+| ?[^\\s\\v\\pL\\pN]+|[\\s\\v]+)"); -bool is_whitespace(const std::string &input) { - for (const char &c : input) { +bool is_whitespace(const std::string& input) { + for (const char& c : input) { if (!isspace(c)) { return false; } @@ -23,14 +23,16 @@ bool is_whitespace(const std::string &input) { template c10::Dict _map_to_c10_dict(std::unordered_map m) { c10::Dict d; - for (const auto &item : m) d.insert(item.first, item.second); + for (const auto& item : m) + d.insert(item.first, item.second); return d; } template std::unordered_map _c10_dict_to_map(c10::Dict d) { std::unordered_map m; - for (const auto &item : d) m[item.key()] = item.value(); + for (const auto& item : d) + m[item.key()] = item.value(); return m; } @@ -64,15 +66,15 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { while (kGPT2Regex.FindAndConsume(&inp, &token)) { if (is_whitespace(token)) { prepend_space = false; - if (inp.empty()) { // token is last token + if (inp.empty()) { // token is last token tokens.push_back(token); } else { if (token.length() > 1) { tokens.push_back(token.substr(0, token.length() - 1)); } - if (token[token.length() - 1] == ' ') { // last char is space + if (token[token.length() - 1] == ' ') { // last char is space prepend_space = true; - } else { // push last whitespace char as a token if it is not a space + } else { // push last whitespace char as a token if it is not a space tokens.push_back(token.substr(token.length() - 1)); } } @@ -86,15 +88,18 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { return tokens; } -std::pair split_tokens(std::string s, - std::string delimiter) { +std::pair split_tokens( + std::string s, + std::string delimiter) { auto pos = s.find(delimiter); TORCH_CHECK(pos != std::string::npos, "Expected `s`to contain `delimiter`"); return std::make_pair(s.substr(0, pos), s.substr(pos + delimiter.length())); } -int list_str_index(std::vector list, std::string element, - int start) { +int list_str_index( + std::vector list, + std::string element, + int start) { // Equivalent to: list.index(element, start) for (std::size_t i = start; i < list.size(); ++i) { if (list[i] == element) { @@ -104,20 +109,23 @@ int list_str_index(std::vector list, std::string element, return -1; } -std::string concatenate_strings(const std::vector &list) { +std::string concatenate_strings(const std::vector& list) { std::string ret = ""; - for (auto s : list) ret += s; + for (auto s : list) + ret += s; return ret; } -std::vector get_pairs(std::vector token_list, - const std::string &seperator) { +std::vector get_pairs( + std::vector token_list, + const std::string& seperator) { // For example: ["he", "l", "l", "o"] // ==> ["he\u0001l", "l\u0001l", "l\u0001o"] std::unordered_set pairs; std::vector pairs_vec; - if (token_list.empty()) return pairs_vec; + if (token_list.empty()) + return pairs_vec; std::string prev_token = token_list[0]; for (std::size_t i = 1; i < token_list.size(); ++i) { @@ -129,10 +137,11 @@ std::vector get_pairs(std::vector token_list, } GPT2BPEEncoder::GPT2BPEEncoder( - const c10::Dict &bpe_encoder, - const c10::Dict &bpe_merge_ranks, - const std::string &seperator, - const c10::Dict &byte_encoder, bool caching_enabled) + const c10::Dict& bpe_encoder, + const c10::Dict& bpe_merge_ranks, + const std::string& seperator, + const c10::Dict& byte_encoder, + bool caching_enabled) : inf_(bpe_merge_ranks.size() + 1), bpe_encoder_(std::move(bpe_encoder)), bpe_merge_ranks_(std::move(bpe_merge_ranks)), @@ -141,21 +150,22 @@ GPT2BPEEncoder::GPT2BPEEncoder( caching_enabled_(caching_enabled) {} GPT2BPEEncoder::GPT2BPEEncoder( - const std::unordered_map &bpe_encoder, - const std::unordered_map &bpe_merge_ranks, - const std::string &seperator, - const std::unordered_map &byte_encoder, + const std::unordered_map& bpe_encoder, + const std::unordered_map& bpe_merge_ranks, + const std::string& seperator, + const std::unordered_map& byte_encoder, bool caching_enabled) - : GPT2BPEEncoder(_map_to_c10_dict(bpe_encoder), - _map_to_c10_dict(bpe_merge_ranks), - seperator, - _map_to_c10_dict(byte_encoder), - caching_enabled) {} + : GPT2BPEEncoder( + _map_to_c10_dict(bpe_encoder), + _map_to_c10_dict(bpe_merge_ranks), + seperator, + _map_to_c10_dict(byte_encoder), + caching_enabled) {} std::vector GPT2BPEEncoder::ByteEncode_(std::string token) { // Equivalent to: (self.byte_encoder[b] for b in token.encode('utf-8') std::vector encoded; - for (auto &ch : token) { + for (auto& ch : token) { encoded.push_back(byte_encoder_.at((unsigned char)ch)); } return encoded; @@ -186,7 +196,7 @@ std::string GPT2BPEEncoder::FindBestPair_(std::vector pairs) { } std::vector GPT2BPEEncoder::BPE_( - const std::vector &token_list) { + const std::vector& token_list) { // Given a list of input tokens, keep finding the best bpe merge and // generate a new list of tokens until // 1) token list size reduced to 1 @@ -204,7 +214,8 @@ std::vector GPT2BPEEncoder::BPE_( } while (true) { auto bigram = FindBestPair_(pairs); - if (!bpe_merge_ranks_.contains(bigram)) break; + if (!bpe_merge_ranks_.contains(bigram)) + break; // Finding all indexes that token_list[i] == first and token_list[i+1] == // second. After the loop, new token list will be @@ -221,7 +232,8 @@ std::vector GPT2BPEEncoder::BPE_( while (i < tok_list.size()) { auto j = list_str_index(tok_list, parts.first, i); if (j != -1) { - for (int k = i; k < j; k++) new_token_list.push_back(tok_list[k]); + for (int k = i; k < j; k++) + new_token_list.push_back(tok_list[k]); i = j; } else { for (std::size_t k = i; k < tok_list.size(); k++) @@ -247,7 +259,8 @@ std::vector GPT2BPEEncoder::BPE_( } } - if (caching_enabled_) cache_.insert(concatenated, tok_list); + if (caching_enabled_) + cache_.insert(concatenated, tok_list); return tok_list; } @@ -255,11 +268,11 @@ std::vector GPT2BPEEncoder::PreTokenize_(std::string input) { return gpt2_bpe_pre_tokenizer(input); } -std::vector GPT2BPEEncoder::Encode(const std::string &text) { +std::vector GPT2BPEEncoder::Encode(const std::string& text) { std::vector bpe_token_ids; - for (const auto &token : PreTokenize_(text)) { + for (const auto& token : PreTokenize_(text)) { auto byte_encoded_token = ByteEncode_(token); - for (const auto &bpe_token : BPE_(byte_encoded_token)) { + for (const auto& bpe_token : BPE_(byte_encoded_token)) { bpe_token_ids.push_back(bpe_encoder_.at(bpe_token)); } } @@ -281,17 +294,23 @@ std::unordered_map GPT2BPEEncoder::GetByteEncoder() } GPT2BPEEncoderStatesPybind _serialize_gpt2_bpe_encoder_pybind( - const c10::intrusive_ptr &self) { - return std::make_tuple(self->GetBPEEncoder(), self->GetBPEMergeRanks(), - self->seperator_, self->GetByteEncoder(), - self->caching_enabled_); + const c10::intrusive_ptr& self) { + return std::make_tuple( + self->GetBPEEncoder(), + self->GetBPEMergeRanks(), + self->seperator_, + self->GetByteEncoder(), + self->caching_enabled_); } GPT2BPEEncoderStatesTorchbind _serialize_gpt2_bpe_encoder_torchbind( - const c10::intrusive_ptr &self) { - return std::make_tuple(self->bpe_encoder_, self->bpe_merge_ranks_, - self->seperator_, self->byte_encoder_, - self->caching_enabled_); + const c10::intrusive_ptr& self) { + return std::make_tuple( + self->bpe_encoder_, + self->bpe_merge_ranks_, + self->seperator_, + self->byte_encoder_, + self->caching_enabled_); } c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( @@ -302,8 +321,11 @@ c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( "Expected deserialized GPT2BPEEncoder to have 5 states but found " + std::to_string(state_size) + " states"); return c10::make_intrusive( - std::move(std::get<0>(states)), std::move(std::get<1>(states)), - std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); + std::move(std::get<0>(states)), + std::move(std::get<1>(states)), + std::get<2>(states), + std::move(std::get<3>(states)), + std::get<4>(states)); } c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( @@ -314,8 +336,11 @@ c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( "Expected deserialized GPT2BPEEncoder to have 5 states but found " + std::to_string(state_size) + " states"); return c10::make_intrusive( - std::move(std::get<0>(states)), std::move(std::get<1>(states)), - std::get<2>(states), std::move(std::get<3>(states)), std::get<4>(states)); + std::move(std::get<0>(states)), + std::move(std::get<1>(states)), + std::get<2>(states), + std::move(std::get<3>(states)), + std::get<4>(states)); } -} // namespace torchtext +} // namespace torchtext diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index 26b8466cbc..fbc9877693 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -11,14 +11,20 @@ namespace torchtext { -typedef std::tuple, - std::unordered_map, std::string, - std::unordered_map, bool> +typedef std::tuple< + std::unordered_map, + std::unordered_map, + std::string, + std::unordered_map, + bool> GPT2BPEEncoderStatesPybind; -typedef std::tuple, - c10::Dict, std::string, - c10::Dict, bool> +typedef std::tuple< + c10::Dict, + c10::Dict, + std::string, + c10::Dict, + bool> GPT2BPEEncoderStatesTorchbind; // Applies regex based pre-tokenization step for GPT-2 BPE tokenizer @@ -26,19 +32,23 @@ typedef std::tuple, std::vector gpt2_bpe_pre_tokenizer(std::string input); // Concatenate a vector of strings to a single string -std::string concatenate_strings(const std::vector &list); +std::string concatenate_strings(const std::vector& list); // Return set of token pairs in a word, seperated by the `seperator`. -std::vector get_pairs(std::vector token_list, - const std::string &seperator); +std::vector get_pairs( + std::vector token_list, + const std::string& seperator); // Split a string into 2 parts seperated by a `seperator`. -std::pair split_tokens(std::string s, - std::string delimiter); +std::pair split_tokens( + std::string s, + std::string delimiter); // Find index of `element` in a list of strings. -int list_str_index(std::vector list, std::string element, - int start); +int list_str_index( + std::vector list, + std::string element, + int start); struct GPT2BPEEncoder : torch::CustomClassHolder { private: @@ -52,7 +62,7 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { virtual std::vector PreTokenize_(std::string input); // Return a list of bpe tokens. virtual std::vector BPE_( - const std::vector &token_list); + const std::vector& token_list); // Return the token pair(e.g bpe merge) with lowest rank. std::string FindBestPair_(std::vector pairs); @@ -63,17 +73,17 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { const std::string seperator_; const bool caching_enabled_; explicit GPT2BPEEncoder( - const c10::Dict &bpe_encoder, - const c10::Dict &bpe_merge_ranks, - const std::string &seperator, - const c10::Dict &byte_encoder, + const c10::Dict& bpe_encoder, + const c10::Dict& bpe_merge_ranks, + const std::string& seperator, + const c10::Dict& byte_encoder, bool caching_enabled = false); explicit GPT2BPEEncoder( - const std::unordered_map &bpe_encoder, - const std::unordered_map &bpe_merge_ranks, - const std::string &seperator, - const std::unordered_map &byte_encoder, + const std::unordered_map& bpe_encoder, + const std::unordered_map& bpe_merge_ranks, + const std::string& seperator, + const std::unordered_map& byte_encoder, bool caching_enabled = false); // Encode text into a list of bpe token ids. @@ -87,7 +97,7 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { // --> bpe encode --> bpe token ids: [707, 5927], [11], [707, 68] // --> result --> [707, 5927, 11, 707, 68] // - std::vector Encode(const std::string &text); + std::vector Encode(const std::string& text); std::unordered_map GetBPEEncoder() const; std::unordered_map GetBPEMergeRanks() const; @@ -95,13 +105,13 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { }; GPT2BPEEncoderStatesPybind _serialize_gpt2_bpe_encoder_pybind( - const c10::intrusive_ptr &self); + const c10::intrusive_ptr& self); GPT2BPEEncoderStatesTorchbind _serialize_gpt2_bpe_encoder_torchbind( - const c10::intrusive_ptr &self); + const c10::intrusive_ptr& self); c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( GPT2BPEEncoderStatesPybind states); c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( GPT2BPEEncoderStatesTorchbind states); -} // namespace torchtext +} // namespace torchtext -#endif // GPT2_BPE_TOKENIZER_H_ +#endif // GPT2_BPE_TOKENIZER_H_ diff --git a/torchtext/csrc/regex.cpp b/torchtext/csrc/regex.cpp index f3c112346f..b0d4f31d13 100644 --- a/torchtext/csrc/regex.cpp +++ b/torchtext/csrc/regex.cpp @@ -2,11 +2,11 @@ namespace torchtext { -Regex::Regex(const std::string &re_str) : re_str_(re_str) { +Regex::Regex(const std::string& re_str) : re_str_(re_str) { compiled_pattern_ = new RE2(re_str_); } -std::string Regex::Sub(std::string str, const std::string &repl) const { +std::string Regex::Sub(std::string str, const std::string& repl) const { RE2::GlobalReplace(&str, *compiled_pattern_, repl); return str; } @@ -15,11 +15,11 @@ bool Regex::FindAndConsume(re2::StringPiece* input, std::string* text) const { return RE2::FindAndConsume(input, *compiled_pattern_, text); } -std::string _serialize_regex(const c10::intrusive_ptr &self) { +std::string _serialize_regex(const c10::intrusive_ptr& self) { return self->re_str_; } -c10::intrusive_ptr _deserialize_regex(std::string &&state) { +c10::intrusive_ptr _deserialize_regex(std::string&& state) { return c10::make_intrusive(std::move(state)); } diff --git a/torchtext/csrc/regex.h b/torchtext/csrc/regex.h index 6ee3aa796f..9095136a22 100644 --- a/torchtext/csrc/regex.h +++ b/torchtext/csrc/regex.h @@ -1,22 +1,22 @@ #include #include -#include #include +#include namespace torchtext { struct Regex : torch::CustomClassHolder { -private: - RE2 *compiled_pattern_; + private: + RE2* compiled_pattern_; -public: + public: std::string re_str_; - Regex(const std::string &re_str); - std::string Sub(std::string str, const std::string &repl) const; + Regex(const std::string& re_str); + std::string Sub(std::string str, const std::string& repl) const; bool FindAndConsume(re2::StringPiece* input, std::string* text) const; }; -std::string _serialize_regex(const c10::intrusive_ptr &self); -c10::intrusive_ptr _deserialize_regex(std::string &&state); +std::string _serialize_regex(const c10::intrusive_ptr& self); +c10::intrusive_ptr _deserialize_regex(std::string&& state); } // namespace torchtext diff --git a/torchtext/csrc/regex_tokenizer.cpp b/torchtext/csrc/regex_tokenizer.cpp index 9ad20df9a7..d51a656848 100644 --- a/torchtext/csrc/regex_tokenizer.cpp +++ b/torchtext/csrc/regex_tokenizer.cpp @@ -3,15 +3,18 @@ namespace torchtext { -RegexTokenizer::RegexTokenizer(const std::vector &patterns, - const std::vector &replacements, - const bool to_lower = false) - : patterns_(std::move(patterns)), replacements_(std::move(replacements)), +RegexTokenizer::RegexTokenizer( + const std::vector& patterns, + const std::vector& replacements, + const bool to_lower = false) + : patterns_(std::move(patterns)), + replacements_(std::move(replacements)), to_lower_(to_lower) { - TORCH_CHECK(patterns.size() == replacements.size(), - "Expected `patterns` and `replacements` to have same size!"); + TORCH_CHECK( + patterns.size() == replacements.size(), + "Expected `patterns` and `replacements` to have same size!"); - for (const auto &pattern : patterns_) { + for (const auto& pattern : patterns_) { compiled_patterns_.push_back(new RE2(pattern)); } } @@ -19,8 +22,9 @@ RegexTokenizer::RegexTokenizer(const std::vector &patterns, std::vector RegexTokenizer::forward(std::string str) const { // str tolower if (to_lower_) { - std::transform(str.begin(), str.end(), str.begin(), - [](unsigned char c) { return std::tolower(c); }); + std::transform(str.begin(), str.end(), str.begin(), [](unsigned char c) { + return std::tolower(c); + }); } for (size_t i = 0; i < compiled_patterns_.size(); i++) { @@ -32,8 +36,10 @@ std::vector RegexTokenizer::forward(std::string str) const { return tokens; } -void RegexTokenizer::split_(std::string &str, std::vector &tokens, - const char &delimiter) const { +void RegexTokenizer::split_( + std::string& str, + std::vector& tokens, + const char& delimiter) const { std::stringstream ss(str); std::string token; @@ -44,11 +50,13 @@ void RegexTokenizer::split_(std::string &str, std::vector &tokens, } } -RegexTokenizerStates _serialize_regex_tokenizer(const c10::intrusive_ptr &self) { +RegexTokenizerStates _serialize_regex_tokenizer( + const c10::intrusive_ptr& self) { return std::make_tuple(self->patterns_, self->replacements_, self->to_lower_); } -c10::intrusive_ptr _deserialize_regex_tokenizer(RegexTokenizerStates &&states) { +c10::intrusive_ptr _deserialize_regex_tokenizer( + RegexTokenizerStates&& states) { return c10::make_intrusive( std::move(std::get<0>(states)), std::move(std::get<1>(states)), diff --git a/torchtext/csrc/regex_tokenizer.h b/torchtext/csrc/regex_tokenizer.h index 02d898eb4a..965d953d1c 100644 --- a/torchtext/csrc/regex_tokenizer.h +++ b/torchtext/csrc/regex_tokenizer.h @@ -7,23 +7,28 @@ typedef std::tuple, std::vector, bool> RegexTokenizerStates; struct RegexTokenizer : torch::CustomClassHolder { -private: - std::vector compiled_patterns_; - void split_(std::string &str, std::vector &tokens, - const char &delimiter = ' ') const; + private: + std::vector compiled_patterns_; + void split_( + std::string& str, + std::vector& tokens, + const char& delimiter = ' ') const; -public: + public: std::vector patterns_; std::vector replacements_; bool to_lower_; - explicit RegexTokenizer(const std::vector &patterns, - const std::vector &replacements, - const bool to_lower); + explicit RegexTokenizer( + const std::vector& patterns, + const std::vector& replacements, + const bool to_lower); std::vector forward(std::string str) const; }; -RegexTokenizerStates _serialize_regex_tokenizer(const c10::intrusive_ptr &self); -c10::intrusive_ptr _deserialize_regex_tokenizer(RegexTokenizerStates &&states); +RegexTokenizerStates _serialize_regex_tokenizer( + const c10::intrusive_ptr& self); +c10::intrusive_ptr _deserialize_regex_tokenizer( + RegexTokenizerStates&& states); } // namespace torchtext diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 33e7eaa20f..f1cf4d4b74 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -1,16 +1,16 @@ -#include // @manual -#include // @manual +#include // @manual +#include // @manual #include #include #include -#include // @manual -#include // @manual -#include // @manual -#include // @manual +#include // @manual +#include // @manual +#include // @manual +#include // @manual #include -#include // @manual -#include // @manual -#include // @manual +#include // @manual +#include // @manual +#include // @manual #include @@ -19,13 +19,15 @@ namespace torchtext { namespace py = pybind11; namespace { -Vocab build_vocab_from_text_file(const std::string &file_path, - const int64_t min_freq, const int64_t num_cpus, - py::object fn) { +Vocab build_vocab_from_text_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus, + py::object fn) { torch::jit::script::Module module(*torch::jit::as_module(fn)); return _build_vocab_from_text_file(file_path, min_freq, num_cpus, module); } -} // namespace +} // namespace // Registers our custom classes with pybind11. PYBIND11_MODULE(_torchtext, m) { @@ -36,7 +38,7 @@ PYBIND11_MODULE(_torchtext, m) { .def("FindAndConsume", &Regex::FindAndConsume) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> std::string { + [](const c10::intrusive_ptr& self) -> std::string { return _serialize_regex(self); }, // __setstate__ @@ -53,7 +55,7 @@ PYBIND11_MODULE(_torchtext, m) { .def("forward", &RegexTokenizer::forward) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) + [](const c10::intrusive_ptr& self) -> RegexTokenizerStates { return _serialize_regex_tokenizer(self); }, @@ -63,11 +65,12 @@ PYBIND11_MODULE(_torchtext, m) { return _deserialize_regex_tokenizer(std::move(states)); })); - py::class_>(m, - "SentencePiece") + py::class_>( + m, "SentencePiece") .def(py::init()) - .def("_return_content", - [](const SentencePiece &self) { return py::bytes(self.content_); }) + .def( + "_return_content", + [](const SentencePiece& self) { return py::bytes(self.content_); }) .def("Encode", &SentencePiece::Encode) .def("EncodeAsIds", &SentencePiece::EncodeAsIds) .def("DecodeIds", &SentencePiece::DecodeIds) @@ -79,7 +82,7 @@ PYBIND11_MODULE(_torchtext, m) { .def("IdToPiece", &SentencePiece::IdToPiece) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> py::bytes { + [](const c10::intrusive_ptr& self) -> py::bytes { return py::bytes(self->content_); }, // __setstate__ @@ -88,8 +91,11 @@ PYBIND11_MODULE(_torchtext, m) { })); py::class_>(m, "Vectors") - .def(py::init, std::vector, - torch::Tensor, torch::Tensor>()) + .def(py::init< + std::vector, + std::vector, + torch::Tensor, + torch::Tensor>()) .def_readonly("vectors_", &Vectors::vectors_) .def_readonly("unk_tensor_", &Vectors::unk_tensor_) .def("get_stoi", &Vectors::get_stoi) @@ -99,7 +105,7 @@ PYBIND11_MODULE(_torchtext, m) { .def("__len__", &Vectors::__len__) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> VectorsStates { + [](const c10::intrusive_ptr& self) -> VectorsStates { return _serialize_vectors(self); }, // __setstate__ @@ -113,17 +119,18 @@ PYBIND11_MODULE(_torchtext, m) { .def_readonly("default_index_", &Vocab::default_index_) .def( "__contains__", - [](c10::intrusive_ptr &self, const py::str &item) -> bool { + [](c10::intrusive_ptr& self, const py::str& item) -> bool { ssize_t length; - const char *buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); + const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); return self->__contains__(c10::string_view{buffer, (size_t)length}); }) - .def("__getitem__", - [](c10::intrusive_ptr &self, const py::str &item) -> int64_t { - ssize_t length; - const char *buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); - return self->__getitem__(c10::string_view{buffer, (size_t)length}); - }) + .def( + "__getitem__", + [](c10::intrusive_ptr& self, const py::str& item) -> int64_t { + ssize_t length; + const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); + return self->__getitem__(c10::string_view{buffer, (size_t)length}); + }) .def("insert_token", &Vocab::insert_token) .def("set_default_index", &Vocab::set_default_index) .def("get_default_index", &Vocab::get_default_index) @@ -131,24 +138,24 @@ PYBIND11_MODULE(_torchtext, m) { .def("append_token", &Vocab::append_token) .def("lookup_token", &Vocab::lookup_token) .def("lookup_tokens", &Vocab::lookup_tokens) - .def("lookup_indices", - [](const c10::intrusive_ptr &self, const py::list &items) { - std::vector indices(items.size()); - int64_t counter = 0; - for (const auto &item : items) { - ssize_t length; - const char *buffer = - PyUnicode_AsUTF8AndSize(item.ptr(), &length); - indices[counter++] = - self->__getitem__(c10::string_view{buffer, (size_t)length}); - } - return indices; - }) + .def( + "lookup_indices", + [](const c10::intrusive_ptr& self, const py::list& items) { + std::vector indices(items.size()); + int64_t counter = 0; + for (const auto& item : items) { + ssize_t length; + const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); + indices[counter++] = + self->__getitem__(c10::string_view{buffer, (size_t)length}); + } + return indices; + }) .def("get_stoi", &Vocab::get_stoi) .def("get_itos", &Vocab::get_itos) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> VocabStates { + [](const c10::intrusive_ptr& self) -> VocabStates { return _serialize_vocab(self); }, // __setstate__ @@ -158,18 +165,21 @@ PYBIND11_MODULE(_torchtext, m) { py::class_>( m, "GPT2BPEEncoder") - .def(py::init, - std::unordered_map, std::string, - std::unordered_map, bool>()) + .def(py::init< + std::unordered_map, + std::unordered_map, + std::string, + std::unordered_map, + bool>()) .def_property_readonly("bpe_encoder_", &GPT2BPEEncoder::GetBPEEncoder) - .def_property_readonly("bpe_merge_ranks_", - &GPT2BPEEncoder::GetBPEMergeRanks) + .def_property_readonly( + "bpe_merge_ranks_", &GPT2BPEEncoder::GetBPEMergeRanks) .def_readonly("seperator_", &GPT2BPEEncoder::seperator_) .def_property_readonly("byte_encoder_", &GPT2BPEEncoder::GetByteEncoder) .def("encode", &GPT2BPEEncoder::Encode) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) + [](const c10::intrusive_ptr& self) -> GPT2BPEEncoderStatesPybind { return _serialize_gpt2_bpe_encoder_pybind(self); }, @@ -180,9 +190,12 @@ PYBIND11_MODULE(_torchtext, m) { })); py::class_>(m, "CLIPEncoder") - .def(py::init, - std::unordered_map, std::string, - std::unordered_map, bool>()) + .def(py::init< + std::unordered_map, + std::unordered_map, + std::string, + std::unordered_map, + bool>()) .def_property_readonly("bpe_encoder_", &CLIPEncoder::GetBPEEncoder) .def_property_readonly("bpe_merge_ranks_", &CLIPEncoder::GetBPEMergeRanks) .def_readonly("seperator_", &CLIPEncoder::seperator_) @@ -190,7 +203,7 @@ PYBIND11_MODULE(_torchtext, m) { .def("encode", &CLIPEncoder::Encode) .def(py::pickle( // __getstate__ - [](const c10::intrusive_ptr &self) + [](const c10::intrusive_ptr& self) -> CLIPEncoderStatesPybind { return _serialize_clip_encoder_pybind(self); }, @@ -201,12 +214,13 @@ PYBIND11_MODULE(_torchtext, m) { })); // Functions - m.def("_load_token_and_vectors_from_file", - &_load_token_and_vectors_from_file); + m.def( + "_load_token_and_vectors_from_file", &_load_token_and_vectors_from_file); m.def("_load_vocab_from_file", &_load_vocab_from_file); m.def("_build_vocab_from_text_file", &build_vocab_from_text_file); - m.def("_build_vocab_from_text_file_using_python_tokenizer", - &_build_vocab_from_text_file_using_python_tokenizer); + m.def( + "_build_vocab_from_text_file_using_python_tokenizer", + &_build_vocab_from_text_file_using_python_tokenizer); } -} // namespace torchtext +} // namespace torchtext diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index ecd3cbb595..96f1765c5d 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,11 +1,11 @@ -#include // @manual -#include // @manual +#include // @manual +#include // @manual #include -#include // @manual -#include // @manual +#include // @manual +#include // @manual #include -#include // @manual -#include // @manual +#include // @manual +#include // @manual #include namespace torchtext { @@ -16,7 +16,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { .def("Sub", &Regex::Sub) .def_pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> std::string { + [](const c10::intrusive_ptr& self) -> std::string { return _serialize_regex(self); }, // __setstate__ @@ -25,12 +25,12 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { }); m.class_("RegexTokenizer") - .def(torch::init, std::vector, - bool>()) + .def(torch:: + init, std::vector, bool>()) .def("forward", &RegexTokenizer::forward) .def_pickle( // __getstate__ - [](const c10::intrusive_ptr &self) + [](const c10::intrusive_ptr& self) -> RegexTokenizerStates { return _serialize_regex_tokenizer(self); }, @@ -57,29 +57,32 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { // Since TorchScript does not support byte string, we use byte Tensor // to pass around the data. // __getstate__ - [](const c10::intrusive_ptr &self) -> torch::Tensor { - auto *data = - static_cast(const_cast(self->content_.data())); + [](const c10::intrusive_ptr& self) -> torch::Tensor { + auto* data = + static_cast(const_cast(self->content_.data())); auto numel = static_cast(self->content_.size()); return torch::from_blob(data, {numel}, {torch::kUInt8}).clone(); }, // __setstate__ [](torch::Tensor state) -> c10::intrusive_ptr { - auto *data = static_cast(state.data_ptr()); + auto* data = static_cast(state.data_ptr()); auto numel = state.size(0); return c10::make_intrusive(std::string(data, numel)); }); m.class_("Vectors") - .def(torch::init, std::vector, - torch::Tensor, torch::Tensor>()) + .def(torch::init< + std::vector, + std::vector, + torch::Tensor, + torch::Tensor>()) .def("__getitem__", &Vectors::__getitem__) .def("lookup_vectors", &Vectors::lookup_vectors) .def("__setitem__", &Vectors::__setitem__) .def("__len__", &Vectors::__len__) .def_pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> VectorsStates { + [](const c10::intrusive_ptr& self) -> VectorsStates { return _serialize_vectors(self); }, // __setstate__ @@ -89,12 +92,14 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { m.class_("Vocab") .def(torch::init>()) - .def("__contains__", - [](const c10::intrusive_ptr &self, const std::string &item) - -> bool { return self->__contains__(c10::string_view{item}); }) - .def("__getitem__", - [](const c10::intrusive_ptr &self, const std::string &item) - -> int64_t { return self->__getitem__(c10::string_view{item}); }) + .def( + "__contains__", + [](const c10::intrusive_ptr& self, const std::string& item) + -> bool { return self->__contains__(c10::string_view{item}); }) + .def( + "__getitem__", + [](const c10::intrusive_ptr& self, const std::string& item) + -> int64_t { return self->__getitem__(c10::string_view{item}); }) .def("insert_token", &Vocab::insert_token) .def("__len__", &Vocab::__len__) .def("set_default_index", &Vocab::set_default_index) @@ -102,21 +107,22 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { .def("append_token", &Vocab::append_token) .def("lookup_token", &Vocab::lookup_token) .def("lookup_tokens", &Vocab::lookup_tokens) - .def("lookup_indices", - [](const c10::intrusive_ptr &self, - const std::vector &items) { - std::vector indices(items.size()); - int64_t counter = 0; - for (const auto &item : items) { - indices[counter++] = self->__getitem__(c10::string_view{item}); - } - return indices; - }) + .def( + "lookup_indices", + [](const c10::intrusive_ptr& self, + const std::vector& items) { + std::vector indices(items.size()); + int64_t counter = 0; + for (const auto& item : items) { + indices[counter++] = self->__getitem__(c10::string_view{item}); + } + return indices; + }) .def("get_stoi", &Vocab::get_stoi) .def("get_itos", &Vocab::get_itos) .def_pickle( // __getstate__ - [](const c10::intrusive_ptr &self) -> VocabStates { + [](const c10::intrusive_ptr& self) -> VocabStates { return _serialize_vocab(self); }, // __setstate__ @@ -125,13 +131,16 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { }); m.class_("GPT2BPEEncoder") - .def(torch::init, - c10::Dict, std::string, - c10::Dict, bool>()) + .def(torch::init< + c10::Dict, + c10::Dict, + std::string, + c10::Dict, + bool>()) .def("encode", &GPT2BPEEncoder::Encode) .def_pickle( // __getstate__ - [](const c10::intrusive_ptr &self) + [](const c10::intrusive_ptr& self) -> GPT2BPEEncoderStatesTorchbind { return _serialize_gpt2_bpe_encoder_torchbind(self); }, @@ -140,15 +149,18 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { -> c10::intrusive_ptr { return _deserialize_gpt2_bpe_encoder_torchbind(states); }); - + m.class_("CLIPEncoder") - .def(torch::init, - c10::Dict, std::string, - c10::Dict, bool>()) + .def(torch::init< + c10::Dict, + c10::Dict, + std::string, + c10::Dict, + bool>()) .def("encode", &CLIPEncoder::Encode) .def_pickle( // __getstate__ - [](const c10::intrusive_ptr &self) + [](const c10::intrusive_ptr& self) -> CLIPEncoderStatesTorchbind { return _serialize_clip_encoder_torchbind(self); }, @@ -164,4 +176,4 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { m.def("torchtext::gpt2_bpe_pre_tokenizer", &gpt2_bpe_pre_tokenizer); } -} // namespace torchtext +} // namespace torchtext diff --git a/torchtext/csrc/sentencepiece.cpp b/torchtext/csrc/sentencepiece.cpp index 0099d827d9..c82feee92b 100644 --- a/torchtext/csrc/sentencepiece.cpp +++ b/torchtext/csrc/sentencepiece.cpp @@ -2,38 +2,38 @@ namespace torchtext { -SentencePiece::SentencePiece(const std::string &content) : content_(content) { +SentencePiece::SentencePiece(const std::string& content) : content_(content) { const auto status = processor_.LoadFromSerializedProto(content_); if (!status.ok()) { - throw std::runtime_error("Failed to load SentencePiece model. Error: " + - status.ToString()); + throw std::runtime_error( + "Failed to load SentencePiece model. Error: " + status.ToString()); } } -std::vector SentencePiece::Encode(const std::string &input) const { +std::vector SentencePiece::Encode(const std::string& input) const { std::vector pieces; processor_.Encode(input, &pieces); return pieces; } -std::vector -SentencePiece::EncodeAsIds(const std::string &input) const { +std::vector SentencePiece::EncodeAsIds( + const std::string& input) const { const auto val = processor_.EncodeAsIds(input); return std::vector(val.begin(), val.end()); } -std::string SentencePiece::DecodeIds(const std::vector &ids) const { +std::string SentencePiece::DecodeIds(const std::vector& ids) const { const std::vector val(ids.begin(), ids.end()); return processor_.DecodeIds(val); } -std::vector -SentencePiece::EncodeAsPieces(const std::string &input) const { +std::vector SentencePiece::EncodeAsPieces( + const std::string& input) const { return processor_.EncodeAsPieces(input); } -std::string -SentencePiece::DecodePieces(const std::vector &pieces) const { +std::string SentencePiece::DecodePieces( + const std::vector& pieces) const { return processor_.DecodePieces(pieces); } @@ -41,9 +41,11 @@ int64_t SentencePiece::GetPieceSize() const { return processor_.GetPieceSize(); } -int64_t SentencePiece::unk_id() const { return processor_.unk_id(); } +int64_t SentencePiece::unk_id() const { + return processor_.unk_id(); +} -int64_t SentencePiece::PieceToId(const std::string &piece) const { +int64_t SentencePiece::PieceToId(const std::string& piece) const { return processor_.PieceToId(piece); } @@ -51,31 +53,32 @@ std::string SentencePiece::IdToPiece(const int64_t id) const { return processor_.IdToPiece(id); } -void generate_sp_model(const std::string &filename, const int64_t &vocab_size, - const std::string &model_type, - const std::string &model_prefix) { +void generate_sp_model( + const std::string& filename, + const int64_t& vocab_size, + const std::string& model_type, + const std::string& model_prefix) { const auto status = ::sentencepiece::SentencePieceTrainer::Train( "--input=" + filename + " --model_prefix=" + model_prefix + " --vocab_size=" + std::to_string(vocab_size) + " --model_type=" + model_type); if (!status.ok()) { - throw std::runtime_error("Failed to train SentencePiece model. Error: " + - status.ToString()); + throw std::runtime_error( + "Failed to train SentencePiece model. Error: " + status.ToString()); } } -c10::intrusive_ptr load_sp_model(const std::string &path) { +c10::intrusive_ptr load_sp_model(const std::string& path) { std::ifstream file(path, std::ios::binary | std::ios::in); if (!file) { throw std::runtime_error("Failed to open file :" + path); } - std::string content((std::istreambuf_iterator(file)), - std::istreambuf_iterator()); + std::string content( + (std::istreambuf_iterator(file)), std::istreambuf_iterator()); return c10::make_intrusive(std::move(content)); } -c10::intrusive_ptr -load_sp_model_string(std::string content) { +c10::intrusive_ptr load_sp_model_string(std::string content) { return c10::make_intrusive(std::move(content)); } diff --git a/torchtext/csrc/sentencepiece.h b/torchtext/csrc/sentencepiece.h index dfd997f52f..568b3c5149 100644 --- a/torchtext/csrc/sentencepiece.h +++ b/torchtext/csrc/sentencepiece.h @@ -5,10 +5,10 @@ namespace torchtext { struct SentencePiece : torch::CustomClassHolder { -private: + private: sentencepiece::SentencePieceProcessor processor_; -public: + public: // content_ holds the serialized model data passed at the initialization. // We need this because the underlying SentencePieceProcessor class does not // provide serialization mechanism, yet we still need to be able to serialize @@ -16,23 +16,24 @@ struct SentencePiece : torch::CustomClassHolder { // serialized model from this content_ member, thus it needs to be public. std::string content_; - explicit SentencePiece(const std::string &content); - std::vector Encode(const std::string &input) const; - std::vector EncodeAsIds(const std::string &input) const; - std::string DecodeIds(const std::vector &ids) const; - std::vector EncodeAsPieces(const std::string &input) const; - std::string DecodePieces(const std::vector &pieces) const; + explicit SentencePiece(const std::string& content); + std::vector Encode(const std::string& input) const; + std::vector EncodeAsIds(const std::string& input) const; + std::string DecodeIds(const std::vector& ids) const; + std::vector EncodeAsPieces(const std::string& input) const; + std::string DecodePieces(const std::vector& pieces) const; int64_t GetPieceSize() const; int64_t unk_id() const; - int64_t PieceToId(const std::string &piece) const; + int64_t PieceToId(const std::string& piece) const; std::string IdToPiece(const int64_t id) const; }; -void generate_sp_model(const std::string &filename, const int64_t &vocab_size, - const std::string &model_type, - const std::string &model_prefix); -c10::intrusive_ptr load_sp_model(const std::string &path); -c10::intrusive_ptr -load_sp_model_string(std::string content); +void generate_sp_model( + const std::string& filename, + const int64_t& vocab_size, + const std::string& model_type, + const std::string& model_prefix); +c10::intrusive_ptr load_sp_model(const std::string& path); +c10::intrusive_ptr load_sp_model_string(std::string content); } // namespace torchtext diff --git a/torchtext/csrc/vectors.cpp b/torchtext/csrc/vectors.cpp index dd187e6ac2..be3fee6c9e 100644 --- a/torchtext/csrc/vectors.cpp +++ b/torchtext/csrc/vectors.cpp @@ -1,27 +1,33 @@ #include // @manual -#include #include -#include #include #include #include +#include // @manual +#include +#include #include #include #include #include #include #include -#include // @manual namespace torchtext { -Vectors::Vectors(const IndexMap &stoi, torch::Tensor vectors, - torch::Tensor unk_tensor) - : stoi_(stoi), vectors_(std::move(vectors)), unk_tensor_(std::move(unk_tensor)) {} - -Vectors::Vectors(const std::vector &tokens, - const std::vector &indices, - torch::Tensor vectors, torch::Tensor unk_tensor) +Vectors::Vectors( + const IndexMap& stoi, + torch::Tensor vectors, + torch::Tensor unk_tensor) + : stoi_(stoi), + vectors_(std::move(vectors)), + unk_tensor_(std::move(unk_tensor)) {} + +Vectors::Vectors( + const std::vector& tokens, + const std::vector& indices, + torch::Tensor vectors, + torch::Tensor unk_tensor) : vectors_(std::move(vectors)), unk_tensor_(std::move(unk_tensor)) { // guarding against size mismatch of tokens and indices if (tokens.size() != indices.size()) { @@ -41,26 +47,26 @@ Vectors::Vectors(const std::vector &tokens, stovec_.reserve(tokens.size()); for (std::size_t i = 0; i < tokens.size(); i++) { // tokens should not have any duplicates - const auto &item_index = stoi_.find(tokens[i]); + const auto& item_index = stoi_.find(tokens[i]); if (item_index != stoi_.end()) { #ifdef _MSC_VER std::cerr << "[RuntimeError] Duplicate token found in tokens list: " << tokens[i] << std::endl; #endif - throw std::runtime_error("Duplicate token found in tokens list: " + - tokens[i]); + throw std::runtime_error( + "Duplicate token found in tokens list: " + tokens[i]); } stoi_[tokens[i]] = indices[i]; } } -torch::Tensor Vectors::__getitem__(const std::string &token) { - const auto &item = stovec_.find(token); +torch::Tensor Vectors::__getitem__(const std::string& token) { + const auto& item = stovec_.find(token); if (item != stovec_.end()) { return item->second; } - const auto &item_index = stoi_.find(token); + const auto& item_index = stoi_.find(token); if (item_index != stoi_.end()) { auto vector = vectors_[item_index->second]; stovec_[token] = vector; @@ -69,17 +75,18 @@ torch::Tensor Vectors::__getitem__(const std::string &token) { return unk_tensor_; } -torch::Tensor Vectors::lookup_vectors(const std::vector &tokens) { +torch::Tensor Vectors::lookup_vectors(const std::vector& tokens) { std::vector vectors; - for (const std::string &token : tokens) { + for (const std::string& token : tokens) { vectors.emplace_back(__getitem__(token)); } return torch::stack(vectors, 0); } -void Vectors::__setitem__(const std::string &token, - const torch::Tensor &vector) { - const auto &item_index = stoi_.find(token); +void Vectors::__setitem__( + const std::string& token, + const torch::Tensor& vector) { + const auto& item_index = stoi_.find(token); if (item_index != stoi_.end()) { stovec_[token] = vector; vectors_[item_index->second] = vector; @@ -93,23 +100,25 @@ void Vectors::__setitem__(const std::string &token, } } -int64_t Vectors::__len__() { return stovec_.size(); } +int64_t Vectors::__len__() { + return stovec_.size(); +} std::unordered_map Vectors::get_stoi() { std::unordered_map stoi; stoi.reserve(stoi_.size()); // construct tokens and index list - for (const auto &item : stoi_) { + for (const auto& item : stoi_) { stoi[item.first] = item.second; } return stoi; } -std::tuple _infer_shape(const std::string &file_path, - const char delimiter) { - +std::tuple _infer_shape( + const std::string& file_path, + const char delimiter) { int64_t num_header_lines = 0, num_lines = 0, vector_dim = -1; std::vector vec_str; std::string line, word; @@ -144,10 +153,15 @@ std::tuple _infer_shape(const std::string &file_path, return std::make_tuple(num_lines, num_header_lines, vector_dim); } -void parse_vectors_chunk(const std::string &file_path, size_t offset, - const int64_t start_line, const int64_t end_line, - const int64_t vector_dim, const char delimiter, - std::shared_ptr tokens, float *data_ptr) { +void parse_vectors_chunk( + const std::string& file_path, + size_t offset, + const int64_t start_line, + const int64_t end_line, + const int64_t vector_dim, + const char delimiter, + std::shared_ptr tokens, + float* data_ptr) { std::ifstream fin; fin.open(file_path, std::ios::in); fin.seekg(offset); @@ -167,22 +181,25 @@ void parse_vectors_chunk(const std::string &file_path, size_t offset, // read the vector for (int64_t j = 0; j < vector_dim; j++) { fin >> vec_val; - const char *tmp_str = vec_val.c_str(); + const char* tmp_str = vec_val.c_str(); data_ptr[i * vector_dim + j] = converter.StringToFloat( tmp_str, strlen(tmp_str), &processed_characters_count); - TORCH_CHECK(processed_characters_count == strlen(tmp_str), - "Processed characters count didn't match vector string " - "length during string to float conversion!"); + TORCH_CHECK( + processed_characters_count == strlen(tmp_str), + "Processed characters count didn't match vector string " + "length during string to float conversion!"); } fin >> std::ws; } } -std::tuple -_concat_vectors(std::vector> chunk_tokens, - const int64_t num_header_lines, const int64_t num_lines) { - TORCH_CHECK(chunk_tokens.size() > 0, - "There must be at least 1 chunk to concatenate!"); +std::tuple _concat_vectors( + std::vector> chunk_tokens, + const int64_t num_header_lines, + const int64_t num_lines) { + TORCH_CHECK( + chunk_tokens.size() > 0, + "There must be at least 1 chunk to concatenate!"); IndexMap tokens; StringList dup_tokens; tokens.reserve(num_lines); @@ -190,9 +207,9 @@ _concat_vectors(std::vector> chunk_tokens, // concat all loaded tuples int64_t count = num_header_lines; for (size_t i = 0; i < chunk_tokens.size(); i++) { - auto &subset_tokens = *chunk_tokens[i]; + auto& subset_tokens = *chunk_tokens[i]; for (size_t j = 0; j < subset_tokens.size(); j++) { - const auto &token_index = tokens.find(subset_tokens[j]); + const auto& token_index = tokens.find(subset_tokens[j]); if (token_index != tokens.end()) { dup_tokens.emplace_back(std::move(subset_tokens[j])); } else { @@ -206,11 +223,13 @@ _concat_vectors(std::vector> chunk_tokens, constexpr int64_t GRAIN_SIZE = 131072; std::tuple> _load_token_and_vectors_from_file( - const std::string &file_path, const std::string &delimiter_str, - int64_t num_cpus, c10::optional opt_unk_tensor) { - - TORCH_CHECK(delimiter_str.size() == 1, - "Only string delimeters of size 1 are supported."); + const std::string& file_path, + const std::string& delimiter_str, + int64_t num_cpus, + c10::optional opt_unk_tensor) { + TORCH_CHECK( + delimiter_str.size() == 1, + "Only string delimeters of size 1 are supported."); std::cerr << "[INFO] Reading file " << file_path << std::endl; const char delimiter = delimiter_str.at(0); @@ -224,11 +243,11 @@ std::tuple> _load_token_and_vectors_from_file( chunk_size = std::max(chunk_size, GRAIN_SIZE); std::vector offsets; - impl::infer_offsets(file_path, num_lines, chunk_size, offsets, - num_header_lines); + impl::infer_offsets( + file_path, num_lines, chunk_size, offsets, num_header_lines); torch::Tensor data_tensor = torch::empty({num_lines, vector_dim}); - float *data_ptr = data_tensor.data_ptr(); + float* data_ptr = data_tensor.data_ptr(); std::vector> chunk_tokens; std::mutex m; @@ -241,11 +260,25 @@ std::tuple> _load_token_and_vectors_from_file( auto tokens_ptr = std::make_shared(); counter++; - at::launch([&, file_path, num_lines, chunk_size, vector_dim, delimiter, j, - i, tokens_ptr, data_ptr]() { - parse_vectors_chunk(file_path, offsets[j], i, - std::min(num_lines, i + chunk_size), vector_dim, - delimiter, tokens_ptr, data_ptr); + at::launch([&, + file_path, + num_lines, + chunk_size, + vector_dim, + delimiter, + j, + i, + tokens_ptr, + data_ptr]() { + parse_vectors_chunk( + file_path, + offsets[j], + i, + std::min(num_lines, i + chunk_size), + vector_dim, + delimiter, + tokens_ptr, + data_ptr); std::lock_guard lk(m); counter--; cv.notify_all(); @@ -275,7 +308,7 @@ std::tuple> _load_token_and_vectors_from_file( return result; } -VectorsStates _serialize_vectors(const c10::intrusive_ptr &self) { +VectorsStates _serialize_vectors(const c10::intrusive_ptr& self) { std::vector tokens; std::vector indices; tokens.reserve(self->stoi_.size()); @@ -283,7 +316,7 @@ VectorsStates _serialize_vectors(const c10::intrusive_ptr &self) { // construct tokens and index list // we need to store indices because the `vectors_` tensor may have gaps - for (const auto &item : self->stoi_) { + for (const auto& item : self->stoi_) { tokens.push_back(item.first); indices.push_back(item.second); } @@ -292,9 +325,11 @@ VectorsStates _serialize_vectors(const c10::intrusive_ptr &self) { std::vector strings = std::move(tokens); std::vector tensors{self->vectors_, self->unk_tensor_}; - VectorsStates states = - std::make_tuple(self->version_str_, std::move(integers), - std::move(strings), std::move(tensors)); + VectorsStates states = std::make_tuple( + self->version_str_, + std::move(integers), + std::move(strings), + std::move(tensors)); return states; } @@ -307,10 +342,10 @@ c10::intrusive_ptr _deserialize_vectors(VectorsStates states) { std::to_string(state_size) + " states."); } - auto &version_str = std::get<0>(states); - auto &integers = std::get<1>(states); - auto &strings = std::get<2>(states); - auto &tensors = std::get<3>(states); + auto& version_str = std::get<0>(states); + auto& integers = std::get<1>(states); + auto& strings = std::get<2>(states); + auto& tensors = std::get<3>(states); if (version_str.compare("0.0.1") >= 0) { // check integers and tokens are same size @@ -325,8 +360,8 @@ c10::intrusive_ptr _deserialize_vectors(VectorsStates states) { stoi[strings[i]] = integers[i]; } - return c10::make_intrusive(std::move(stoi), std::move(tensors[0]), - std::move(tensors[1])); + return c10::make_intrusive( + std::move(stoi), std::move(tensors[0]), std::move(tensors[1])); } throw std::runtime_error( diff --git a/torchtext/csrc/vectors.h b/torchtext/csrc/vectors.h index abe69f5fe6..0e024a5126 100644 --- a/torchtext/csrc/vectors.h +++ b/torchtext/csrc/vectors.h @@ -7,36 +7,44 @@ typedef ska_ordered::order_preserving_flat_hash_map VectorsMap; typedef ska_ordered::order_preserving_flat_hash_map IndexMap; -typedef std::tuple, std::vector, - std::vector> +typedef std::tuple< + std::string, + std::vector, + std::vector, + std::vector> VectorsStates; struct Vectors : torch::CustomClassHolder { -public: + public: const std::string version_str_ = "0.0.1"; IndexMap stoi_; VectorsMap stovec_; torch::Tensor vectors_; torch::Tensor unk_tensor_; - explicit Vectors(const IndexMap &stoi, torch::Tensor vectors, - torch::Tensor unk_tensor); - explicit Vectors(const std::vector &tokens, - const std::vector &indices, - torch::Tensor vectors, - torch::Tensor unk_tensor); + explicit Vectors( + const IndexMap& stoi, + torch::Tensor vectors, + torch::Tensor unk_tensor); + explicit Vectors( + const std::vector& tokens, + const std::vector& indices, + torch::Tensor vectors, + torch::Tensor unk_tensor); std::unordered_map get_stoi(); - torch::Tensor __getitem__(const std::string &token); - torch::Tensor lookup_vectors(const std::vector &tokens); - void __setitem__(const std::string &token, const torch::Tensor &vector); + torch::Tensor __getitem__(const std::string& token); + torch::Tensor lookup_vectors(const std::vector& tokens); + void __setitem__(const std::string& token, const torch::Tensor& vector); int64_t __len__(); }; -VectorsStates _serialize_vectors(const c10::intrusive_ptr &self); +VectorsStates _serialize_vectors(const c10::intrusive_ptr& self); c10::intrusive_ptr _deserialize_vectors(VectorsStates states); std::tuple> _load_token_and_vectors_from_file( - const std::string &file_path, const std::string &delimiter_str, - const int64_t num_cpus, c10::optional opt_unk_tensor); + const std::string& file_path, + const std::string& delimiter_str, + const int64_t num_cpus, + c10::optional opt_unk_tensor); } // namespace torchtext diff --git a/torchtext/csrc/vocab.cpp b/torchtext/csrc/vocab.cpp index 53a2fba6c2..83bb480821 100644 --- a/torchtext/csrc/vocab.cpp +++ b/torchtext/csrc/vocab.cpp @@ -1,20 +1,20 @@ -#include // @manual +#include // @manual #include -#include // @manual -#include // @manual +#include // @manual +#include // @manual #include #include #include namespace torchtext { -Vocab::Vocab(StringList tokens, const c10::optional &default_index) +Vocab::Vocab(StringList tokens, const c10::optional& default_index) : stoi_(MAX_VOCAB_SIZE, -1), default_index_{default_index} { - for (auto &token : tokens) { + for (auto& token : tokens) { // throw error if duplicate token is found auto id = _find(c10::string_view{token}); - TORCH_CHECK(stoi_[id] == -1, - "Duplicate token found in tokens list: " + token); + TORCH_CHECK( + stoi_[id] == -1, "Duplicate token found in tokens list: " + token); _add(std::move(token)); } @@ -22,9 +22,11 @@ Vocab::Vocab(StringList tokens, const c10::optional &default_index) Vocab::Vocab(StringList tokens) : Vocab(std::move(tokens), {}) {} -int64_t Vocab::__len__() const { return itos_.size(); } +int64_t Vocab::__len__() const { + return itos_.size(); +} -bool Vocab::__contains__(const c10::string_view &token) const { +bool Vocab::__contains__(const c10::string_view& token) const { int64_t id = _find(token); if (stoi_[id] != -1) { return true; @@ -32,14 +34,16 @@ bool Vocab::__contains__(const c10::string_view &token) const { return false; } -int64_t Vocab::__getitem__(const c10::string_view &token) const { +int64_t Vocab::__getitem__(const c10::string_view& token) const { int64_t id = _find(token); - if (stoi_[id] != -1) return stoi_[id]; + if (stoi_[id] != -1) + return stoi_[id]; // throw error if default_index_ is not set - TORCH_CHECK(default_index_.has_value(), - "Token " + std::string(token) + - " not found and default index is not set"); + TORCH_CHECK( + default_index_.has_value(), + "Token " + std::string(token) + + " not found and default index is not set"); // return default index if token is OOV return default_index_.value(); @@ -56,19 +60,20 @@ c10::optional Vocab::get_default_index() const { void Vocab::append_token(std::string token) { // throw error if token already exist in vocab auto id = _find(c10::string_view{token}); - TORCH_CHECK(stoi_[id] == -1, "Token " + token + - " already exists in the Vocab with index: " + - std::to_string(stoi_[id])); + TORCH_CHECK( + stoi_[id] == -1, + "Token " + token + " already exists in the Vocab with index: " + + std::to_string(stoi_[id])); _add(std::move(token)); } -void Vocab::insert_token(std::string token, const int64_t &index) { +void Vocab::insert_token(std::string token, const int64_t& index) { // throw error if index is not valid - TORCH_CHECK(index >= 0 && index <= __len__(), - "Specified index " + std::to_string(index) + - " is out of bounds for vocab of size " + - std::to_string(__len__())); + TORCH_CHECK( + index >= 0 && index <= __len__(), + "Specified index " + std::to_string(index) + + " is out of bounds for vocab of size " + std::to_string(__len__())); // throw error if token already present TORCH_CHECK(!__contains__(token), "Token " + token + " not found in Vocab"); @@ -82,24 +87,24 @@ void Vocab::insert_token(std::string token, const int64_t &index) { itos_.insert(itos_.begin() + index, std::move(token)); } -std::string Vocab::lookup_token(const int64_t &index) { +std::string Vocab::lookup_token(const int64_t& index) { // throw error if index is not valid - TORCH_CHECK(index >= 0 && index < __len__(), - "Specified index " + std::to_string(index) + - " is out of bounds for vocab of size " + - std::to_string(__len__())); + TORCH_CHECK( + index >= 0 && index < __len__(), + "Specified index " + std::to_string(index) + + " is out of bounds for vocab of size " + std::to_string(__len__())); return itos_[index]; } -StringList Vocab::lookup_tokens(const std::vector &indices) { +StringList Vocab::lookup_tokens(const std::vector& indices) { // throw error if indices are not valid for (size_t i = 0; i < indices.size(); i++) { - TORCH_CHECK(indices[i] >= 0 && indices[i] < __len__(), - "Specified index " + std::to_string(indices[i]) + - " at position " + std::to_string(i) + - " is out of bounds for vocab of size " + - std::to_string(__len__())); + TORCH_CHECK( + indices[i] >= 0 && indices[i] < __len__(), + "Specified index " + std::to_string(indices[i]) + " at position " + + std::to_string(i) + " is out of bounds for vocab of size " + + std::to_string(__len__())); } std::vector tokens(indices.size()); @@ -110,7 +115,7 @@ StringList Vocab::lookup_tokens(const std::vector &indices) { } std::vector Vocab::lookup_indices( - const std::vector &tokens) { + const std::vector& tokens) { std::vector indices(tokens.size()); for (size_t i = 0; i < tokens.size(); i++) { indices[i] = __getitem__(tokens[i]); @@ -121,15 +126,17 @@ std::vector Vocab::lookup_indices( std::unordered_map Vocab::get_stoi() const { std::unordered_map stoi; // construct tokens and index list - for (const auto &item : itos_) { + for (const auto& item : itos_) { stoi[item] = __getitem__(c10::string_view{item}); } return stoi; } -StringList Vocab::get_itos() const { return itos_; } +StringList Vocab::get_itos() const { + return itos_; +} -int64_t _infer_lines(const std::string &file_path) { +int64_t _infer_lines(const std::string& file_path) { int64_t num_lines = 0; std::ifstream fin; fin.open(file_path, std::ios::in); @@ -141,9 +148,12 @@ int64_t _infer_lines(const std::string &file_path) { return num_lines; } -void parse_vocab_file_chunk(const std::string &file_path, size_t offset, - const int64_t start_line, const int64_t end_line, - const std::shared_ptr &counter) { +void parse_vocab_file_chunk( + const std::string& file_path, + size_t offset, + const int64_t start_line, + const int64_t end_line, + const std::shared_ptr& counter) { std::ifstream fin(file_path, std::ios::in); TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); @@ -162,10 +172,13 @@ void parse_vocab_file_chunk(const std::string &file_path, size_t offset, } } -void parse_raw_text_file_chunk(const std::string &file_path, size_t offset, - const int64_t start_line, const int64_t end_line, - const std::shared_ptr &counter, - torch::jit::script::Module &module) { +void parse_raw_text_file_chunk( + const std::string& file_path, + size_t offset, + const int64_t start_line, + const int64_t end_line, + const std::shared_ptr& counter, + torch::jit::script::Module& module) { std::ifstream fin(file_path, std::ios::in); TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); @@ -192,9 +205,12 @@ void parse_raw_text_file_chunk(const std::string &file_path, size_t offset, StringList _concat_tokens( std::vector> chunk_counters, - const int64_t min_freq, const int64_t num_lines, const bool sort_tokens) { - TORCH_CHECK(chunk_counters.size() > 0, - "There must be at least 1 chunk to concatenate!"); + const int64_t min_freq, + const int64_t num_lines, + const bool sort_tokens) { + TORCH_CHECK( + chunk_counters.size() > 0, + "There must be at least 1 chunk to concatenate!"); IndexDict tokens_freq; StringList unique_tokens; @@ -202,8 +218,8 @@ StringList _concat_tokens( // concatenate all counters for (size_t i = 0; i < chunk_counters.size(); i++) { - auto &cur_counter = *chunk_counters[i]; - for (const auto &item : cur_counter) { + auto& cur_counter = *chunk_counters[i]; + for (const auto& item : cur_counter) { int64_t cur_token_freq = item.second; if (tokens_freq.find(item.first) != tokens_freq.end()) { tokens_freq[item.first] += cur_token_freq; @@ -225,7 +241,7 @@ StringList _concat_tokens( // create token freq pairs std::vector> token_freq_pairs; - for (std::string &token : unique_tokens) { + for (std::string& token : unique_tokens) { auto token_freq = tokens_freq[token]; token_freq_pairs.emplace_back(std::move(token), token_freq); } @@ -238,7 +254,7 @@ StringList _concat_tokens( } // update unique tokens with correct order - for (auto &token_freq_pair : token_freq_pairs) { + for (auto& token_freq_pair : token_freq_pairs) { unique_tokens.emplace_back(std::move(token_freq_pair.first)); } @@ -246,8 +262,10 @@ StringList _concat_tokens( } constexpr int64_t GRAIN_SIZE = 13107; -Vocab _load_vocab_from_file(const std::string &file_path, - const int64_t min_freq, const int64_t num_cpus) { +Vocab _load_vocab_from_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus) { int64_t num_lines = _infer_lines(file_path); int64_t chunk_size = impl::divup(num_lines, num_cpus); // Launching a thread on less lines than this likely has too much overhead. @@ -270,8 +288,12 @@ Vocab _load_vocab_from_file(const std::string &file_path, thread_count++; at::launch([&, file_path, num_lines, chunk_size, j, i, counter_ptr]() { - parse_vocab_file_chunk(file_path, offsets[j], i, - std::min(num_lines, i + chunk_size), counter_ptr); + parse_vocab_file_chunk( + file_path, + offsets[j], + i, + std::min(num_lines, i + chunk_size), + counter_ptr); std::lock_guard lk(m); thread_count--; cv.notify_all(); @@ -290,10 +312,11 @@ Vocab _load_vocab_from_file(const std::string &file_path, return Vocab(std::move(tokens)); } -Vocab _build_vocab_from_text_file(const std::string &file_path, - const int64_t min_freq, - const int64_t num_cpus, - torch::jit::script::Module tokenizer) { +Vocab _build_vocab_from_text_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus, + torch::jit::script::Module tokenizer) { int64_t num_lines = _infer_lines(file_path); int64_t chunk_size = impl::divup(num_lines, num_cpus); // Launching a thread on less lines than this likely has too much overhead. @@ -314,9 +337,13 @@ Vocab _build_vocab_from_text_file(const std::string &file_path, auto counter_ptr = std::make_shared(); thread_count++; at::launch([&, file_path, num_lines, chunk_size, j, i, counter_ptr]() { - parse_raw_text_file_chunk(file_path, offsets[j], i, - std::min(num_lines, i + chunk_size), - counter_ptr, tokenizer); + parse_raw_text_file_chunk( + file_path, + offsets[j], + i, + std::min(num_lines, i + chunk_size), + counter_ptr, + tokenizer); std::lock_guard lk(m); thread_count--; cv.notify_all(); @@ -334,7 +361,7 @@ Vocab _build_vocab_from_text_file(const std::string &file_path, return Vocab(std::move(tokens)); } -VocabStates _serialize_vocab(const c10::intrusive_ptr &self) { +VocabStates _serialize_vocab(const c10::intrusive_ptr& self) { std::vector integers; StringList strings = self->itos_; std::vector tensors; @@ -343,28 +370,33 @@ VocabStates _serialize_vocab(const c10::intrusive_ptr &self) { integers.push_back(self->default_index_.value()); } - VocabStates states = std::make_tuple(self->version_str_, std::move(integers), - std::move(strings), std::move(tensors)); + VocabStates states = std::make_tuple( + self->version_str_, + std::move(integers), + std::move(strings), + std::move(tensors)); return states; } c10::intrusive_ptr _deserialize_vocab(VocabStates states) { auto state_size = std::tuple_size::value; - TORCH_CHECK(state_size == 4, - "Expected deserialized Vocab to have 4 states but found " + - std::to_string(state_size) + " states"); + TORCH_CHECK( + state_size == 4, + "Expected deserialized Vocab to have 4 states but found " + + std::to_string(state_size) + " states"); - auto &version_str = std::get<0>(states); - auto &integers = std::get<1>(states); - auto &strings = std::get<2>(states); - auto &tensors = std::get<3>(states); + auto& version_str = std::get<0>(states); + auto& integers = std::get<1>(states); + auto& strings = std::get<2>(states); + auto& tensors = std::get<3>(states); // check tensors are empty TORCH_CHECK(tensors.size() == 0, "Expected `tensors` states to be empty"); // throw error if version is not compatible - TORCH_CHECK(version_str.compare("0.0.2") >= 0, - "Found unexpected version for serialized Vocab: " + version_str); + TORCH_CHECK( + version_str.compare("0.0.2") >= 0, + "Found unexpected version for serialized Vocab: " + version_str); c10::optional default_index = {}; if (integers.size() > 0) { @@ -373,4 +405,4 @@ c10::intrusive_ptr _deserialize_vocab(VocabStates states) { return c10::make_intrusive(std::move(strings), default_index); } -} // namespace torchtext +} // namespace torchtext diff --git a/torchtext/csrc/vocab.h b/torchtext/csrc/vocab.h index 50ac492a63..d01d5eeb33 100644 --- a/torchtext/csrc/vocab.h +++ b/torchtext/csrc/vocab.h @@ -1,21 +1,25 @@ #pragma once -#include #include #include +#include namespace torchtext { typedef std::vector StringList; typedef ska_ordered::order_preserving_flat_hash_map IndexDict; -typedef std::tuple, std::vector, - std::vector> +typedef std::tuple< + std::string, + std::vector, + std::vector, + std::vector> VocabStates; // sorting using a custom object struct CompareTokens { - bool operator()(const std::pair &a, - const std::pair &b) { + bool operator()( + const std::pair& a, + const std::pair& b) { if (a.second == b.second) { return a.first < b.first; } @@ -23,7 +27,7 @@ struct CompareTokens { } }; -int64_t _infer_lines(const std::string &file_path); +int64_t _infer_lines(const std::string& file_path); struct Vocab : torch::CustomClassHolder { static const int32_t MAX_VOCAB_SIZE = 30000000; @@ -37,24 +41,25 @@ struct Vocab : torch::CustomClassHolder { // torch binding gets compilation error: no matching constructor for // initialization of 'torchtext::Vocab' explicit Vocab(StringList tokens); - explicit Vocab(StringList tokens, - const c10::optional &default_index); + explicit Vocab( + StringList tokens, + const c10::optional& default_index); int64_t __len__() const; - int64_t __getitem__(const c10::string_view &token) const; - bool __contains__(const c10::string_view &token) const; + int64_t __getitem__(const c10::string_view& token) const; + bool __contains__(const c10::string_view& token) const; void set_default_index(c10::optional index); c10::optional get_default_index() const; - void insert_token(std::string token, const int64_t &index); + void insert_token(std::string token, const int64_t& index); void append_token(std::string token); - std::string lookup_token(const int64_t &index); - std::vector lookup_tokens(const std::vector &indices); - std::vector - lookup_indices(const std::vector &tokens); + std::string lookup_token(const int64_t& index); + std::vector lookup_tokens(const std::vector& indices); + std::vector lookup_indices( + const std::vector& tokens); std::unordered_map get_stoi() const; std::vector get_itos() const; -protected: - uint32_t _hash(const c10::string_view &str) const { + protected: + uint32_t _hash(const c10::string_view& str) const { uint32_t h = 2166136261; for (size_t i = 0; i < str.size(); i++) { h = h ^ uint32_t(uint8_t(str[i])); @@ -63,7 +68,7 @@ struct Vocab : torch::CustomClassHolder { return h; } - uint32_t _find(const c10::string_view &w) const { + uint32_t _find(const c10::string_view& w) const { uint32_t stoi_size = stoi_.size(); uint32_t id = _hash(w) % stoi_size; while (stoi_[id] != -1 && itos_[stoi_[id]] != w) { @@ -81,13 +86,16 @@ struct Vocab : torch::CustomClassHolder { } }; -VocabStates _serialize_vocab(const c10::intrusive_ptr &self); +VocabStates _serialize_vocab(const c10::intrusive_ptr& self); c10::intrusive_ptr _deserialize_vocab(VocabStates states); -Vocab _load_vocab_from_file(const std::string &file_path, - const int64_t min_freq, const int64_t num_cpus); -Vocab _build_vocab_from_text_file(const std::string &file_path, - const int64_t min_freq, - const int64_t num_cpus, - torch::jit::script::Module tokenizer); +Vocab _load_vocab_from_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus); +Vocab _build_vocab_from_text_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus, + torch::jit::script::Module tokenizer); } // namespace torchtext diff --git a/torchtext/csrc/vocab_factory.h b/torchtext/csrc/vocab_factory.h index 03677817a8..0597749584 100644 --- a/torchtext/csrc/vocab_factory.h +++ b/torchtext/csrc/vocab_factory.h @@ -6,7 +6,8 @@ namespace py = pybind11; namespace torchtext { Vocab _build_vocab_from_text_file_using_python_tokenizer( - const std::string &file_path, const int64_t min_freq, + const std::string& file_path, + const int64_t min_freq, py::object tokenizer) { // find number of lines int64_t num_lines = _infer_lines(file_path); @@ -34,7 +35,7 @@ Vocab _build_vocab_from_text_file_using_python_tokenizer( // create tokens-frequency pairs std::vector> token_freq_pairs; - for (const auto &item : counter) { + for (const auto& item : counter) { if (item.second >= min_freq) { token_freq_pairs.push_back(item); } @@ -46,7 +47,7 @@ Vocab _build_vocab_from_text_file_using_python_tokenizer( // Create final list of tokens StringList tokens; - for (const auto &token_freq_pair : token_freq_pairs) { + for (const auto& token_freq_pair : token_freq_pairs) { tokens.push_back(token_freq_pair.first); } diff --git a/torchtext/data/__init__.py b/torchtext/data/__init__.py index b001027283..7728dbd356 100644 --- a/torchtext/data/__init__.py +++ b/torchtext/data/__init__.py @@ -1,22 +1,28 @@ -from .metrics import bleu_score -from .utils import get_tokenizer, interleave_keys from .functional import ( + custom_replace, + filter_wikipedia_xml, generate_sp_model, load_sp_model, + numericalize_tokens_from_iterator, sentencepiece_numericalizer, sentencepiece_tokenizer, - custom_replace, simple_space_split, - numericalize_tokens_from_iterator, - filter_wikipedia_xml, to_map_style_dataset, ) +from .metrics import bleu_score +from .utils import get_tokenizer, interleave_keys -__all__ = ["bleu_score", - "get_tokenizer", "interleave_keys", - "generate_sp_model", "load_sp_model", - "sentencepiece_numericalizer", "sentencepiece_tokenizer", - "custom_replace", "simple_space_split", - "numericalize_tokens_from_iterator", - "filter_wikipedia_xml", - "to_map_style_dataset"] +__all__ = [ + "bleu_score", + "get_tokenizer", + "interleave_keys", + "generate_sp_model", + "load_sp_model", + "sentencepiece_numericalizer", + "sentencepiece_tokenizer", + "custom_replace", + "simple_space_split", + "numericalize_tokens_from_iterator", + "filter_wikipedia_xml", + "to_map_style_dataset", +] diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 0f83be18ab..208de20a2f 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -1,22 +1,26 @@ +import codecs import functools import inspect -import os import io +import os + import torch +from torch.utils.data import functional_datapipe, IterDataPipe +from torch.utils.data.datapipes.utils.common import StreamWrapper +from torchtext.utils import download_from_url, extract_archive, unicode_csv_reader, validate_file from torchtext.utils import ( validate_file, download_from_url, extract_archive, ) -from torch.utils.data import functional_datapipe, IterDataPipe -from torch.utils.data.datapipes.utils.common import StreamWrapper -import codecs + try: import defusedxml.ElementTree as ET except ImportError: import xml.etree.ElementTree as ET from torchtext import _CACHE_DIR + """ These functions and classes are meant solely for use in torchtext.datasets and not for public consumption yet. @@ -34,11 +38,11 @@ def _clean_inner_xml_file(outfile, stream): Returns: the path to the newly-written file and the new StreamWrapper for appropriate caching """ os.makedirs(os.path.dirname(outfile), exist_ok=True) - with codecs.open(outfile, mode='w', encoding='utf-8') as fd_txt: + with codecs.open(outfile, mode="w", encoding="utf-8") as fd_txt: root = ET.fromstring(stream.read().decode("utf-8"))[0] - for doc in root.findall('doc'): - for e in doc.findall('seg'): - fd_txt.write(e.text.strip() + '\n') + for doc in root.findall("doc"): + for e in doc.findall("seg"): + fd_txt.write(e.text.strip() + "\n") return outfile, StreamWrapper(open(outfile, "rb")) @@ -53,18 +57,26 @@ def _clean_inner_tags_file(outfile, stream): Returns: the path to the newly-written file and the new StreamWrapper for appropriate caching """ xml_tags = [ - ', **kwargs) """ argspec = inspect.getfullargspec(fn) - if not (argspec.args[0] == "root" and - argspec.args[1] == "split"): + if not (argspec.args[0] == "root" and argspec.args[1] == "split"): raise ValueError("Internal Error: Given function {} did not adhere to standard signature.".format(fn)) default_split = argspec.defaults[1] @@ -163,7 +177,7 @@ def _dataset_docstring_header(fn, num_lines=None, num_classes=None): if isinstance(default_split, tuple): args_s += "\n split: split or splits to be returned. Can be a string or tuple of strings." - args_s += "\n Default: {}""".format(str(default_split)) + args_s += "\n Default: {}" "".format(str(default_split)) if isinstance(default_split, str): args_s += "\n split: Only {default_split} is available." @@ -181,6 +195,7 @@ def docstring_decorator(fn): if old_doc is not None: fn.__doc__ += old_doc return fn + return docstring_decorator @@ -197,12 +212,13 @@ def _wrap_split_argument_with_fn(fn, splits): train, valid = AG_NEWS(split=('train', 'valid')) """ argspec = inspect.getfullargspec(fn) - if not (argspec.args[0] == "root" and - argspec.args[1] == "split" and - argspec.varargs is None and - argspec.varkw is None and - len(argspec.kwonlyargs) == 0 - ): + if not ( + argspec.args[0] == "root" + and argspec.args[1] == "split" + and argspec.varargs is None + and argspec.varkw is None + and len(argspec.kwonlyargs) == 0 + ): raise ValueError("Internal Error: Given function {} did not adhere to standard signature.".format(fn)) @functools.wraps(fn) @@ -215,8 +231,8 @@ def new_fn(root=_CACHE_DIR, split=splits, **kwargs): new_sig = inspect.signature(new_fn) new_sig_params = new_sig.parameters new_params = [] - new_params.append(new_sig_params['root'].replace(default='.data')) - new_params.append(new_sig_params['split'].replace(default=splits)) + new_params.append(new_sig_params["root"].replace(default=".data")) + new_params.append(new_sig_params["split"].replace(default=splits)) new_params += [entry[1] for entry in list(new_sig_params.items())[2:]] new_sig = new_sig.replace(parameters=tuple(new_params)) new_fn.__signature__ = new_sig @@ -227,17 +243,19 @@ def new_fn(root=_CACHE_DIR, split=splits, **kwargs): def _wrap_split_argument(splits): def new_fn(fn): return _wrap_split_argument_with_fn(fn, splits) + return new_fn def _create_dataset_directory(dataset_name): def decorator(fn): argspec = inspect.getfullargspec(fn) - if not (argspec.args[0] == "root" and - argspec.varargs is None and - argspec.varkw is None and - len(argspec.kwonlyargs) == 0 - ): + if not ( + argspec.args[0] == "root" + and argspec.varargs is None + and argspec.varkw is None + and len(argspec.kwonlyargs) == 0 + ): raise ValueError("Internal Error: Given function {} did not adhere to standard signature.".format(fn)) @functools.wraps(fn) @@ -252,31 +270,33 @@ def wrapper(root=_CACHE_DIR, *args, **kwargs): return decorator -def _download_extract_validate(root, url, url_md5, downloaded_file, extracted_file, extracted_file_md5, - hash_type="sha256"): +def _download_extract_validate( + root, url, url_md5, downloaded_file, extracted_file, extracted_file_md5, hash_type="sha256" +): root = os.path.abspath(root) downloaded_file = os.path.abspath(downloaded_file) extracted_file = os.path.abspath(extracted_file) if os.path.exists(extracted_file): - with open(os.path.join(root, extracted_file), 'rb') as f: + with open(os.path.join(root, extracted_file), "rb") as f: if validate_file(f, extracted_file_md5, hash_type): return extracted_file - dataset_tar = download_from_url(url, path=os.path.join(root, downloaded_file), - hash_value=url_md5, hash_type=hash_type) + dataset_tar = download_from_url( + url, path=os.path.join(root, downloaded_file), hash_value=url_md5, hash_type=hash_type + ) extracted_files = extract_archive(dataset_tar) - assert os.path.exists(extracted_file), "extracted_file [{}] was not found in the archive [{}]".format(extracted_file, extracted_files) + assert os.path.exists(extracted_file), "extracted_file [{}] was not found in the archive [{}]".format( + extracted_file, extracted_files + ) return extracted_file class _RawTextIterableDataset(torch.utils.data.IterableDataset): - """Defines an abstraction for raw text iterable datasets. - """ + """Defines an abstraction for raw text iterable datasets.""" def __init__(self, description, full_num_lines, iterator): - """Initiate the dataset abstraction. - """ + """Initiate the dataset abstraction.""" super(_RawTextIterableDataset, self).__init__() self.description = description self.full_num_lines = full_num_lines @@ -314,15 +334,15 @@ def __str__(self): def _generate_iwslt_files_for_lang_and_split(year, src_language, tgt_language, valid_set, test_set): train_filenames = ( "train.{}-{}.{}".format(src_language, tgt_language, src_language), - "train.{}-{}.{}".format(src_language, tgt_language, tgt_language) + "train.{}-{}.{}".format(src_language, tgt_language, tgt_language), ) valid_filenames = ( "IWSLT{}.TED.{}.{}-{}.{}".format(year, valid_set, src_language, tgt_language, src_language), - "IWSLT{}.TED.{}.{}-{}.{}".format(year, valid_set, src_language, tgt_language, tgt_language) + "IWSLT{}.TED.{}.{}-{}.{}".format(year, valid_set, src_language, tgt_language, tgt_language), ) test_filenames = ( "IWSLT{}.TED.{}.{}-{}.{}".format(year, test_set, src_language, tgt_language, src_language), - "IWSLT{}.TED.{}.{}-{}.{}".format(year, test_set, src_language, tgt_language, tgt_language) + "IWSLT{}.TED.{}.{}-{}.{}".format(year, test_set, src_language, tgt_language, tgt_language), ) src_train, tgt_train = train_filenames @@ -331,15 +351,15 @@ def _generate_iwslt_files_for_lang_and_split(year, src_language, tgt_language, v uncleaned_train_filenames = ( "train.tags.{}-{}.{}".format(src_language, tgt_language, src_language), - "train.tags.{}-{}.{}".format(src_language, tgt_language, tgt_language) + "train.tags.{}-{}.{}".format(src_language, tgt_language, tgt_language), ) uncleaned_valid_filenames = ( "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, valid_set, src_language, tgt_language, src_language), - "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, valid_set, src_language, tgt_language, tgt_language) + "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, valid_set, src_language, tgt_language, tgt_language), ) uncleaned_test_filenames = ( "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, test_set, src_language, tgt_language, src_language), - "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, test_set, src_language, tgt_language, tgt_language) + "IWSLT{}.TED.{}.{}-{}.{}.xml".format(year, test_set, src_language, tgt_language, tgt_language), ) uncleaned_src_train, uncleaned_tgt_train = uncleaned_train_filenames @@ -356,7 +376,7 @@ def _generate_iwslt_files_for_lang_and_split(year, src_language, tgt_language, v "train": tgt_train, "valid": tgt_eval, "test": tgt_test, - } + }, } uncleaned_filenames_by_lang_and_split = { @@ -369,7 +389,7 @@ def _generate_iwslt_files_for_lang_and_split(year, src_language, tgt_language, v "train": uncleaned_tgt_train, "valid": uncleaned_tgt_eval, "test": uncleaned_tgt_test, - } + }, } return file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split @@ -380,6 +400,7 @@ class _ParseSQuADQAData(IterDataPipe): r"""Iterable DataPipe to parse the contents of a stream of JSON objects as provided by SQuAD QA. Used in SQuAD1 and SQuAD2. """ + def __init__(self, source_datapipe) -> None: self.source_datapipe = source_datapipe @@ -403,6 +424,7 @@ class _ParseIOBData(IterDataPipe): """A datapipe responsible for reading sep-delimited IOB data from a stream. Used for CONLL 2000 and UDPOS.""" + def __init__(self, dp, sep: str = "\t") -> None: self.dp = dp self.sep = sep diff --git a/torchtext/data/functional.py b/torchtext/data/functional.py index 73ec50fa6c..35f854d4f6 100644 --- a/torchtext/data/functional.py +++ b/torchtext/data/functional.py @@ -1,10 +1,13 @@ -import re import io +import re + import torch __all__ = [ - "generate_sp_model", "load_sp_model", - "sentencepiece_numericalizer", "sentencepiece_tokenizer", + "generate_sp_model", + "load_sp_model", + "sentencepiece_numericalizer", + "sentencepiece_tokenizer", "numericalize_tokens_from_iterator", "filter_wikipedia_xml", "to_map_style_dataset", @@ -17,9 +20,7 @@ """ -def generate_sp_model(filename, vocab_size=20000, - model_type="unigram", - model_prefix='m_user'): +def generate_sp_model(filename, vocab_size=20000, model_type="unigram", model_prefix="m_user"): r"""Train a SentencePiece tokenizer. Args: @@ -60,11 +61,10 @@ def load_sp_model(spm): return torch.ops.torchtext.load_sp_model_string(spm.read()) else: raise TypeError( - f'Unsupported type for spm argument: {type(spm).__name__}. ' + - 'Supported types are: ' + - ', '.join([ - 'str', 'io.BufferedReader' - ])) + f"Unsupported type for spm argument: {type(spm).__name__}. " + + "Supported types are: " + + ", ".join(["str", "io.BufferedReader"]) + ) def sentencepiece_numericalizer(sp_model): @@ -90,6 +90,7 @@ def sentencepiece_numericalizer(sp_model): def _internal_func(txt_iter): for line in txt_iter: yield sp_model.EncodeAsIds(line) + return _internal_func @@ -116,6 +117,7 @@ def sentencepiece_tokenizer(sp_model): def _internal_func(txt_iter): for line in txt_iter: yield sp_model.EncodeAsPieces(line) + return _internal_func @@ -130,14 +132,14 @@ def custom_replace(replace_pattern): ['sentencepiece encode as pieces', 'examples to try!'] """ - _patterns = list((re.compile(p), r) - for (p, r) in replace_pattern) + _patterns = list((re.compile(p), r) for (p, r) in replace_pattern) def _internal_func(txt_iter): for line in txt_iter: for pattern_re, replaced_str in _patterns: line = pattern_re.sub(replaced_str, line) yield line + return _internal_func @@ -179,48 +181,71 @@ def numericalize_tokens_from_iterator(vocab, iterator, removed_tokens=None): if removed_tokens is None: yield iter(vocab[token] for token in tokens) else: - yield iter(map(lambda x: vocab[x], - filter(lambda x: x not in removed_tokens, tokens))) - - -_patterns = [(r'<.*>', ''), - (r'&', '&'), - (r'<', '<'), - (r'>', '>'), - (r'', ''), - (r'<[^>]*>', ''), - (r'\[http:[^] ]*', '['), - (r'\|thumb', ''), - (r'\|left', ''), - (r'\|right', ''), - (r'\|\d+px', ''), - (r'\[\[image:[^\[\]]*\|', ''), - (r'\[\[category:([^|\]]*)[^]]*\]\]', '[[$1]]'), - (r'\[\[[a-z\-]*:[^\]]*\]\]', ''), - (r'\[\[[^\|\]]*\|', '[['), - (r'\{\{[^\}]*\}\}', ''), - (r'\{[^\}]*\}', ''), - (r'\[', ''), - (r'\]', ''), - (r'&[^;]*;', ' '), - (r'A', 'a'), (r'B', 'b'), (r'C', 'c'), - (r'D', 'd'), (r'E', 'e'), (r'F', 'f'), - (r'G', 'g'), (r'H', 'h'), (r'I', 'i'), - (r'J', 'j'), (r'K', 'k'), (r'L', 'l'), - (r'M', 'm'), (r'N', 'n'), (r'O', 'o'), - (r'P', 'p'), (r'Q', 'q'), (r'R', 'r'), - (r'S', 's'), (r'T', 't'), (r'U', 'u'), - (r'V', 'v'), (r'W', 'w'), (r'X', 'x'), - (r'Y', 'y'), (r'Z', 'z'), - (r'0', ' zero '), (r'1', ' one '), (r'2', ' two '), - (r'3', ' three '), (r'4', ' four '), (r'5', ' five '), - (r'6', ' six '), (r'7', ' seven '), (r'8', ' eight '), - (r'9', ' nine '), - (r'[^a-z\n]+', ' '), - (r'\n ', ''), - (r'\s+', ' '), - (r'\n\s*\n', r'\n') - ] + yield iter(map(lambda x: vocab[x], filter(lambda x: x not in removed_tokens, tokens))) + + +_patterns = [ + (r"<.*>", ""), + (r"&", "&"), + (r"<", "<"), + (r">", ">"), + (r"", ""), + (r"<[^>]*>", ""), + (r"\[http:[^] ]*", "["), + (r"\|thumb", ""), + (r"\|left", ""), + (r"\|right", ""), + (r"\|\d+px", ""), + (r"\[\[image:[^\[\]]*\|", ""), + (r"\[\[category:([^|\]]*)[^]]*\]\]", "[[$1]]"), + (r"\[\[[a-z\-]*:[^\]]*\]\]", ""), + (r"\[\[[^\|\]]*\|", "[["), + (r"\{\{[^\}]*\}\}", ""), + (r"\{[^\}]*\}", ""), + (r"\[", ""), + (r"\]", ""), + (r"&[^;]*;", " "), + (r"A", "a"), + (r"B", "b"), + (r"C", "c"), + (r"D", "d"), + (r"E", "e"), + (r"F", "f"), + (r"G", "g"), + (r"H", "h"), + (r"I", "i"), + (r"J", "j"), + (r"K", "k"), + (r"L", "l"), + (r"M", "m"), + (r"N", "n"), + (r"O", "o"), + (r"P", "p"), + (r"Q", "q"), + (r"R", "r"), + (r"S", "s"), + (r"T", "t"), + (r"U", "u"), + (r"V", "v"), + (r"W", "w"), + (r"X", "x"), + (r"Y", "y"), + (r"Z", "z"), + (r"0", " zero "), + (r"1", " one "), + (r"2", " two "), + (r"3", " three "), + (r"4", " four "), + (r"5", " five "), + (r"6", " six "), + (r"7", " seven "), + (r"8", " eight "), + (r"9", " nine "), + (r"[^a-z\n]+", " "), + (r"\n ", ""), + (r"\s+", " "), + (r"\n\s*\n", r"\n"), +] def filter_wikipedia_xml(text_iterator): @@ -245,7 +270,7 @@ def filter_wikipedia_xml(text_iterator): norm_transform = custom_replace(_patterns) for line in text_iterator: - if '#redirect' in line or '#REDIRECT' in line: + if "#redirect" in line or "#REDIRECT" in line: continue line = list(norm_transform([line]))[0].strip() if line: @@ -270,7 +295,6 @@ def to_map_style_dataset(iter_data): # Inner class to convert iterable-style to map-style dataset class _MapStyleDataset(torch.utils.data.Dataset): - def __init__(self, iter_data): # TODO Avoid list issue #1296 self._data = list(iter_data) diff --git a/torchtext/data/metrics.py b/torchtext/data/metrics.py index bd4b223d77..76fc09d9e9 100644 --- a/torchtext/data/metrics.py +++ b/torchtext/data/metrics.py @@ -1,11 +1,12 @@ -import math import collections +import math + import torch from torchtext.data.utils import ngrams_iterator def _compute_ngram_counter(tokens, max_n): - """ Create a Counter with a count of unique n-grams in the tokens list + """Create a Counter with a count of unique n-grams in the tokens list Args: tokens: a list of tokens (typically a string split on whitespaces) @@ -25,8 +26,7 @@ def _compute_ngram_counter(tokens, max_n): ('me', 'you'): 1}) """ assert max_n > 0 - ngrams_counter = collections.Counter(tuple(x.split(' ')) - for x in ngrams_iterator(tokens, max_n)) + ngrams_counter = collections.Counter(tuple(x.split(" ")) for x in ngrams_iterator(tokens, max_n)) return ngrams_counter @@ -53,8 +53,9 @@ def bleu_score(candidate_corpus, references_corpus, max_n=4, weights=[0.25] * 4) """ assert max_n == len(weights), 'Length of the "weights" list has be equal to max_n' - assert len(candidate_corpus) == len(references_corpus),\ - 'The length of candidate and reference corpus should be the same' + assert len(candidate_corpus) == len( + references_corpus + ), "The length of candidate and reference corpus should be the same" clipped_counts = torch.zeros(max_n) total_counts = torch.zeros(max_n) diff --git a/torchtext/data/utils.py b/torchtext/data/utils.py index 240a3799ff..91ae336372 100644 --- a/torchtext/data/utils.py +++ b/torchtext/data/utils.py @@ -1,7 +1,7 @@ import random +import re from contextlib import contextmanager from copy import deepcopy -import re from functools import partial @@ -14,31 +14,9 @@ def _spacy_tokenize(x, spacy): return [tok.text for tok in spacy.tokenizer(x)] -_patterns = [r'\'', - r'\"', - r'\.', - r'
', - r',', - r'\(', - r'\)', - r'\!', - r'\?', - r'\;', - r'\:', - r'\s+'] - -_replacements = [' \' ', - '', - ' . ', - ' ', - ' , ', - ' ( ', - ' ) ', - ' ! ', - ' ? ', - ' ', - ' ', - ' '] +_patterns = [r"\'", r"\"", r"\.", r"
", r",", r"\(", r"\)", r"\!", r"\?", r"\;", r"\:", r"\s+"] + +_replacements = [" ' ", "", " . ", " ", " , ", " ( ", " ) ", " ! ", " ? ", " ", " ", " "] _patterns_dict = list((re.compile(p), r) for p, r in zip(_patterns, _replacements)) @@ -71,7 +49,7 @@ def _basic_english_normalize(line): return line.split() -def get_tokenizer(tokenizer, language='en'): +def get_tokenizer(tokenizer, language="en"): r""" Generate tokenizer function for a string sentence. @@ -100,7 +78,7 @@ def get_tokenizer(tokenizer, language='en'): return _split_tokenizer if tokenizer == "basic_english": - if language != 'en': + if language != "en": raise ValueError("Basic normalization is only available for Enlish(en)") return _basic_english_normalize @@ -111,73 +89,86 @@ def get_tokenizer(tokenizer, language='en'): if tokenizer == "spacy": try: import spacy + try: spacy = spacy.load(language) except IOError: # Model shortcuts no longer work in spaCy 3.0+, try using fullnames # List is from https://github.com/explosion/spaCy/blob/b903de3fcb56df2f7247e5b6cfa6b66f4ff02b62/spacy/errors.py#L789 - OLD_MODEL_SHORTCUTS = spacy.errors.OLD_MODEL_SHORTCUTS if hasattr(spacy.errors, 'OLD_MODEL_SHORTCUTS') else {} + OLD_MODEL_SHORTCUTS = ( + spacy.errors.OLD_MODEL_SHORTCUTS if hasattr(spacy.errors, "OLD_MODEL_SHORTCUTS") else {} + ) if language not in OLD_MODEL_SHORTCUTS: raise import warnings - warnings.warn(f'Spacy model "{language}" could not be loaded, trying "{OLD_MODEL_SHORTCUTS[language]}" instead') + + warnings.warn( + f'Spacy model "{language}" could not be loaded, trying "{OLD_MODEL_SHORTCUTS[language]}" instead' + ) spacy = spacy.load(OLD_MODEL_SHORTCUTS[language]) return partial(_spacy_tokenize, spacy=spacy) except ImportError: - print("Please install SpaCy. " - "See the docs at https://spacy.io for more information.") + print("Please install SpaCy. " "See the docs at https://spacy.io for more information.") raise except AttributeError: - print("Please install SpaCy and the SpaCy {} tokenizer. " - "See the docs at https://spacy.io for more " - "information.".format(language)) + print( + "Please install SpaCy and the SpaCy {} tokenizer. " + "See the docs at https://spacy.io for more " + "information.".format(language) + ) raise elif tokenizer == "moses": try: from sacremoses import MosesTokenizer + moses_tokenizer = MosesTokenizer() return moses_tokenizer.tokenize except ImportError: - print("Please install SacreMoses. " - "See the docs at https://github.com/alvations/sacremoses " - "for more information.") + print( + "Please install SacreMoses. " + "See the docs at https://github.com/alvations/sacremoses " + "for more information." + ) raise elif tokenizer == "toktok": try: from nltk.tokenize.toktok import ToktokTokenizer + toktok = ToktokTokenizer() return toktok.tokenize except ImportError: - print("Please install NLTK. " - "See the docs at https://nltk.org for more information.") + print("Please install NLTK. " "See the docs at https://nltk.org for more information.") raise - elif tokenizer == 'revtok': + elif tokenizer == "revtok": try: import revtok + return revtok.tokenize except ImportError: print("Please install revtok.") raise - elif tokenizer == 'subword': + elif tokenizer == "subword": try: import revtok + return partial(revtok.tokenize, decap=True) except ImportError: print("Please install revtok.") raise - raise ValueError("Requested tokenizer {}, valid choices are a " - "callable that takes a single string as input, " - "\"revtok\" for the revtok reversible tokenizer, " - "\"subword\" for the revtok caps-aware tokenizer, " - "\"spacy\" for the SpaCy English tokenizer, or " - "\"moses\" for the NLTK port of the Moses tokenization " - "script.".format(tokenizer)) + raise ValueError( + "Requested tokenizer {}, valid choices are a " + "callable that takes a single string as input, " + '"revtok" for the revtok reversible tokenizer, ' + '"subword" for the revtok caps-aware tokenizer, ' + '"spacy" for the SpaCy English tokenizer, or ' + '"moses" for the NLTK port of the Moses tokenization ' + "script.".format(tokenizer) + ) def is_tokenizer_serializable(tokenizer, language): - """Extend with other tokenizers which are found to not be serializable - """ - if tokenizer == 'spacy': + """Extend with other tokenizers which are found to not be serializable""" + if tokenizer == "spacy": return False return True @@ -189,15 +180,18 @@ def interleave_keys(a, b): values for the key defined by this function. Useful for tasks with two text fields like machine translation or natural language inference. """ + def interleave(args): - return ''.join([x for t in zip(*args) for x in t]) - return int(''.join(interleave(format(x, '016b') for x in (a, b))), base=2) + return "".join([x for t in zip(*args) for x in t]) + + return int("".join(interleave(format(x, "016b") for x in (a, b))), base=2) def get_torch_version(): import torch + v = torch.__version__ - version_substrings = v.split('.') + version_substrings = v.split(".") major, minor = version_substrings[0], version_substrings[1] return int(major), int(minor) @@ -206,7 +200,7 @@ def dtype_to_attr(dtype): # convert torch.dtype to dtype string id # e.g. torch.int32 -> "int32" # used for serialization - _, dtype = str(dtype).split('.') + _, dtype = str(dtype).split(".") return dtype @@ -231,7 +225,7 @@ def _get_ngrams(n): yield x for n in range(2, ngrams + 1): for x in _get_ngrams(n): - yield ' '.join(x) + yield " ".join(x) class RandomShuffler(object): diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index ed0ba775c7..0b657b37bf 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -11,6 +11,8 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper +from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument + URL = { "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", "test": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 5c2f35e1e7..147271ecf3 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -64,21 +64,15 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_tar() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 6055f3a458..abc16c0315 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -61,21 +61,15 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_tar() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index c7b611cbcf..defbdeb34d 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -12,14 +12,121 @@ URL = "http://data.statmt.org/cc-100/%s.txt.xz" VALID_CODES = { - "am", "ar", "as", "az", "be", "bg", "bn", "bn_rom", "br", "bs", "ca", "cs", "cy", "da", "de", - "el", "en", "eo", "es", "et", "eu", "fa", "ff", "fi", "fr", "fy", "ga", "gd", "gl", "gn", "gu", - "ha", "he", "hi", "hi_rom", "hr", "ht", "hu", "hy", "id", "ig", "is", "it", "ja", "jv", "ka", - "kk", "km", "kn", "ko", "ku", "ky", "la", "lg", "li", "ln", "lo", "lt", "lv", "mg", "mk", "ml", - "mn", "mr", "ms", "my", "my_zaw", "ne", "nl", "no", "ns", "om", "or", "pa", "pl", "ps", "pt", - "qu", "rm", "ro", "ru", "sa", "si", "sc", "sd", "sk", "sl", "so", "sq", "sr", "ss", "su", "sv", - "sw", "ta", "ta_rom", "te", "te_rom", "th", "tl", "tn", "tr", "ug", "uk", "ur", "ur_rom", "uz", - "vi", "wo", "xh", "yi", "yo", "zh-Hans", "zh-Hant", "zu", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "bn_rom", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "ff", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gn", + "gu", + "ha", + "he", + "hi", + "hi_rom", + "hr", + "ht", + "hu", + "hy", + "id", + "ig", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lg", + "li", + "ln", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "my_zaw", + "ne", + "nl", + "no", + "ns", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "qu", + "rm", + "ro", + "ru", + "sa", + "si", + "sc", + "sd", + "sk", + "sl", + "so", + "sq", + "sr", + "ss", + "su", + "sv", + "sw", + "ta", + "ta_rom", + "te", + "te_rom", + "th", + "tl", + "tn", + "tr", + "ug", + "uk", + "ur", + "ur_rom", + "uz", + "vi", + "wo", + "xh", + "yi", + "yo", + "zh-Hans", + "zh-Hant", + "zu", } NUM_LINES = None @@ -46,14 +153,10 @@ def CC100(root: str, language_code: str = "en"): url = URL % language_code url_dp = IterableWrapper([url]) - cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(url)) - ) + cache_compressed_dp = url_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, os.path.basename(url))) cache_compressed_dp = HttpReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.basename(x).rstrip(".xz")) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 917461bc1a..51bfe46217 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -11,6 +11,8 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper +from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument + URL = { "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", "test": "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", @@ -63,20 +65,14 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) # Cache and check the gzip extraction for relevant split cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").extract( - file_type="gzip" - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").extract(file_type="gzip") + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(decode=True).read_iob(sep=" ") diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 1d96c75990..f4c2e3d59c 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -60,21 +60,15 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_tar() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index ff2b4c6874..30231ee85c 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -43,17 +43,13 @@ def EnWik9(root: str): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.splitext(_PATH)[0]) ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip() - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(decode=True, return_path=False) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 764c79037b..251ffd76e4 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -1,13 +1,13 @@ import os from pathlib import Path -from typing import Union, Tuple +from typing import Tuple, Union from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory from torchtext.data.datasets_utils import _wrap_split_argument if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper, HttpReader + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper URL = "http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz" @@ -54,16 +54,12 @@ def IMDB(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) labels = {"neg", "pos"} decompressed_folder = "aclImdb_v1" cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: [ - os.path.join(root, decompressed_folder, split, label) for label in labels - ] + filepath_fn=lambda x: [os.path.join(root, decompressed_folder, split, label) for label in labels] ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.read_from_tar() @@ -73,23 +69,15 @@ def filter_imdb_data(key, fname): *_, split, label, file = Path(fname).parts return key == split and label in labels - cache_decompressed_dp = cache_decompressed_dp.filter( - lambda t: filter_imdb_data(split, t[0]) - ) + cache_decompressed_dp = cache_decompressed_dp.filter(lambda t: filter_imdb_data(split, t[0])) # eg. "aclImdb/train/neg/12416_3.txt" -> "neg" - cache_decompressed_dp = cache_decompressed_dp.map( - lambda t: (Path(t[0]).parts[-2], t[1]) - ) + cache_decompressed_dp = cache_decompressed_dp.map(lambda t: (Path(t[0]).parts[-2], t[1])) cache_decompressed_dp = cache_decompressed_dp.readlines(decode=True) - cache_decompressed_dp = ( - cache_decompressed_dp.lines_to_paragraphs() - ) # group by label in cache file + cache_decompressed_dp = cache_decompressed_dp.lines_to_paragraphs() # group by label in cache file cache_decompressed_dp = cache_decompressed_dp.map(lambda x: (x[0], x[1].encode())) cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", - filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x), - skip_read=True + mode="wb", filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x), skip_read=True ) # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index b1c27a5e3c..de14c03488 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -2,10 +2,10 @@ from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( - _wrap_split_argument, _clean_files, _create_dataset_directory, _generate_iwslt_files_for_lang_and_split, + _wrap_split_argument, ) if is_module_available("torchdata"): @@ -124,21 +124,13 @@ # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache( - filepath_fn=lambda x: full_filepath - ) - cache_inner_decompressed_dp = FileOpener( - cache_inner_decompressed_dp, mode="b" - ).read_from_tar() + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) + cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( lambda x: os.path.basename(uncleaned_filename) in x[0] ) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.map( - lambda x: _clean_files(full_filepath, x[0], x[1]) - ) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(lambda x: _clean_files(full_filepath, x[0], x[1])) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) return cache_inner_decompressed_dp @@ -198,15 +190,9 @@ def IWSLT2016( ) if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): - raise ValueError( - "language_pair must be list or tuple but got {} instead".format( - type(language_pair) - ) - ) + raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) - assert ( - len(language_pair) == 2 - ), "language_pair must contain only 2 elements: src and tgt language respectively" + assert len(language_pair) == 2, "language_pair must contain only 2 elements: src and tgt language respectively" src_language, tgt_language = language_pair[0], language_pair[1] @@ -226,42 +212,25 @@ def IWSLT2016( ) ) - if ( - valid_set not in SUPPORTED_DATASETS["valid_test"] - or valid_set in SET_NOT_EXISTS[language_pair] - ): + if valid_set not in SUPPORTED_DATASETS["valid_test"] or valid_set in SET_NOT_EXISTS[language_pair]: raise ValueError( "valid_set '{}' is not valid for given language pair {}. Supported validation sets are {}".format( valid_set, language_pair, - [ - s - for s in SUPPORTED_DATASETS["valid_test"] - if s not in SET_NOT_EXISTS[language_pair] - ], + [s for s in SUPPORTED_DATASETS["valid_test"] if s not in SET_NOT_EXISTS[language_pair]], ) ) - if ( - test_set not in SUPPORTED_DATASETS["valid_test"] - or test_set in SET_NOT_EXISTS[language_pair] - ): + if test_set not in SUPPORTED_DATASETS["valid_test"] or test_set in SET_NOT_EXISTS[language_pair]: raise ValueError( "test_set '{}' is not valid for give language pair {}. Supported test sets are {}".format( valid_set, language_pair, - [ - s - for s in SUPPORTED_DATASETS["valid_test"] - if s not in SET_NOT_EXISTS[language_pair] - ], + [s for s in SUPPORTED_DATASETS["valid_test"] if s not in SET_NOT_EXISTS[language_pair]], ) ) - ( - file_path_by_lang_and_split, - uncleaned_filenames_by_lang_and_split, - ) = _generate_iwslt_files_for_lang_and_split( + (file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split,) = _generate_iwslt_files_for_lang_and_split( SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) @@ -272,9 +241,7 @@ def IWSLT2016( hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) languages = "-".join([src_language, tgt_language]) @@ -293,26 +260,20 @@ def IWSLT2016( + ".tgz" ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: inner_iwslt_tar - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) cache_decompressed_dp = ( FileOpener(cache_decompressed_dp, mode="b") .read_from_tar() .filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) src_filename = file_path_by_lang_and_split[src_language][split] uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_src_filepath = os.path.join( - root, "2016-01/texts/", src_language, tgt_language, languages, src_filename - ) + full_src_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, src_filename) cache_inner_src_decompressed_dp = _filter_clean_cache( cache_decompressed_dp, full_src_filepath, uncleaned_src_filename @@ -323,9 +284,7 @@ def IWSLT2016( # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. - full_tgt_filepath = os.path.join( - root, "2016-01/texts/", src_language, tgt_language, languages, tgt_filename - ) + full_tgt_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, tgt_filename) cache_inner_tgt_decompressed_dp = _filter_clean_cache( cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 4fdd068bbe..7773989c31 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -4,8 +4,8 @@ from torchtext.data.datasets_utils import ( _clean_files, _create_dataset_directory, - _wrap_split_argument, _generate_iwslt_files_for_lang_and_split, + _wrap_split_argument, ) if is_module_available("torchdata"): @@ -103,29 +103,19 @@ # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache( - filepath_fn=lambda x: full_filepath - ) - cache_inner_decompressed_dp = FileOpener( - cache_inner_decompressed_dp, mode="b" - ).read_from_tar() + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) + cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( lambda x: os.path.basename(uncleaned_filename) in x[0] ) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.map( - lambda x: _clean_files(full_filepath, x[0], x[1]) - ) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(lambda x: _clean_files(full_filepath, x[0], x[1])) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) return cache_inner_decompressed_dp @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) -def IWSLT2017( - root=".data", split=("train", "valid", "test"), language_pair=("de", "en") -): +def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de", "en")): """IWSLT2017 dataset For additional details refer to https://wit3.fbk.eu/2017-01 @@ -172,15 +162,9 @@ def IWSLT2017( test_set = "tst2010" if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): - raise ValueError( - "language_pair must be list or tuple but got {} instead".format( - type(language_pair) - ) - ) + raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) - assert ( - len(language_pair) == 2 - ), "language_pair must contain only 2 elements: src and tgt language respectively" + assert len(language_pair) == 2, "language_pair must contain only 2 elements: src and tgt language respectively" src_language, tgt_language = language_pair[0], language_pair[1] @@ -200,10 +184,7 @@ def IWSLT2017( ) ) - ( - file_path_by_lang_and_split, - uncleaned_filenames_by_lang_and_split, - ) = _generate_iwslt_files_for_lang_and_split( + (file_path_by_lang_and_split, uncleaned_filenames_by_lang_and_split,) = _generate_iwslt_files_for_lang_and_split( SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) @@ -214,9 +195,7 @@ def IWSLT2017( hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) # We create the whole filepath here, but only check for the literal filename in the filter # because we're lazily extracting from the outer tarfile. Thus, @@ -228,13 +207,9 @@ def IWSLT2017( "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo.tgz", ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: inner_iwslt_tar - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar() - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) src_filename = file_path_by_lang_and_split[src_language][split] uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 8056737b4a..900b79b25a 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -40,9 +40,7 @@ @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) -def Multi30k( - root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ("de", "en") -): +def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ("de", "en")): """Multi30k dataset For additional details refer to https://www.statmt.org/wmt16/multimodal-task.html#task1 @@ -61,9 +59,7 @@ def Multi30k( :rtype: (str, str) """ - assert ( - len(language_pair) == 2 - ), "language_pair must contain only 2 elements: src and tgt language respectively" + assert len(language_pair) == 2, "language_pair must contain only 2 elements: src and tgt language respectively" assert tuple(sorted(language_pair)) == ( "de", "en", @@ -81,9 +77,7 @@ def Multi30k( hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, hash_type="sha256", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) src_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[0]}") @@ -93,9 +87,7 @@ def Multi30k( .read_from_tar() .filter(lambda x: f"{_PREFIX[split]}.{language_pair[0]}" in x[0]) ) - src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) tgt_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[1]}") @@ -105,9 +97,7 @@ def Multi30k( .read_from_tar() .filter(lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) ) - tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines( decode=True, return_path=False, strip_newline=True diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index eb3608df23..009f02db8b 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -1,5 +1,5 @@ import os -from typing import Union, Tuple +from typing import Tuple, Union from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 22a2538c21..519bbf3fed 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -40,18 +40,18 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): """SogouNews Dataset - For additional details refer to https://arxiv.org/abs/1509.01626 + For additional details refer to https://arxiv.org/abs/1509.01626 - Number of lines per split: - - train: 450000 - - test: 60000 + Number of lines per split: + - train: 450000 + - test: 60000 - Args: - root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') - split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) - :returns: DataPipe that yields tuple of label (1 to 5) and text containing the news title and contents - :rtype: (int, str) + :returns: DataPipe that yields tuple of label (1 to 5) and text containing the news title and contents + :rtype: (int, str) """ if not is_module_available("torchdata"): raise ModuleNotFoundError( @@ -64,21 +64,15 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_tar() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 3f9b4aa8a4..5f31b32621 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -11,6 +11,8 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper +from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument + URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 67e7bdf411..80f73e57a3 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -11,6 +11,8 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper +from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument + URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index e2d0d48883..9b9c2a3cf4 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -8,7 +8,7 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import IterableWrapper, FileOpener + from torchdata.datapipes.iter import FileOpener, IterableWrapper # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook @@ -67,30 +67,20 @@ def SST2(root, split): hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_zip() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") # test split for SST2 doesn't have labels if split == "test": - parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map( - lambda t: (t[1].strip(),) - ) + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(lambda t: (t[1].strip(),)) else: - parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map( - lambda t: (t[0].strip(), int(t[1])) - ) + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(lambda t: (t[0].strip(), int(t[1]))) return parsed_data diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index e5a850fbf3..3a816c81d0 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -55,21 +55,15 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_zip() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(decode=True).read_iob() diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 87fd7f0055..7c355465b1 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -60,20 +60,14 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) # Extract zip and filter the appropriate split file cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_zip() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(strip_newline=False, decode=True, return_path=False) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index 6d2105ffcc..5e4b883b47 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -60,20 +60,14 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, hash_type="md5", ) - cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) # Extract zip and filter the appropriate split file cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .read_from_zip() - .filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True + FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.readlines(strip_newline=False, decode=True, return_path=False) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 5fc7585835..9b4b33fbb6 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -61,21 +61,15 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.read_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter( - lambda x: _EXTRACTED_FILES[split] in x[0] - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index b27920769b..71d8e199d4 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -61,20 +61,14 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) - cache_compressed_dp = cache_compressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter( - lambda x: _EXTRACTED_FILES[split] in x[0] - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 33c8ff6827..b65553fd8c 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -60,9 +60,7 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): hash_dict={os.path.join(root, _PATH): MD5}, hash_type="md5", ) - cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching( - mode="wb", same_filepath_fn=True - ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) @@ -71,12 +69,8 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.read_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter( - lambda x: _EXTRACTED_FILES[split] in x[0] - ) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", same_filepath_fn=True - ) + cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, mode="b") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/experimental/__init__.py b/torchtext/experimental/__init__.py index 18eba857a5..4a1845e31b 100644 --- a/torchtext/experimental/__init__.py +++ b/torchtext/experimental/__init__.py @@ -1,5 +1,3 @@ -from . import datasets -from . import transforms -from . import models +from . import datasets, models, transforms -__all__ = ['datasets', 'transforms', 'models'] +__all__ = ["datasets", "transforms", "models"] diff --git a/torchtext/experimental/asset/get_checksums_fast_text.py b/torchtext/experimental/asset/get_checksums_fast_text.py index e58a2a3e29..dc03642216 100644 --- a/torchtext/experimental/asset/get_checksums_fast_text.py +++ b/torchtext/experimental/asset/get_checksums_fast_text.py @@ -2,6 +2,7 @@ import json import os import subprocess + from tqdm import tqdm @@ -10,17 +11,17 @@ def output_checksums_to_files(dir=".checksums"): os.makedirs(dir) processes = [] - with open("languages_fast_text.txt", 'r') as f: + with open("languages_fast_text.txt", "r") as f: num_languages = 0 for line in f: num_languages += 1 language = line.strip() - filepath = '{}/{}.txt'.format(dir, language) - url = 'https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec'.format(language) - processes.append(subprocess.Popen(['./get_checksum.sh', filepath, url])) + filepath = "{}/{}.txt".format(dir, language) + url = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec".format(language) + processes.append(subprocess.Popen(["./get_checksum.sh", filepath, url])) - print('Computing checksums') - with tqdm(unit_scale=0, unit='files', total=num_languages) as t: + print("Computing checksums") + with tqdm(unit_scale=0, unit="files", total=num_languages) as t: for p in processes: p.wait() t.update(1) @@ -34,14 +35,14 @@ def process_checksums_to_json_file(dir=".checksums"): checksums = {} for file_name in glob.glob("*.txt"): file_base_name = os.path.splitext(file_name)[0] - url = 'https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec'.format(file_base_name) + url = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec".format(file_base_name) - with open(file_name, 'r') as f: + with open(file_name, "r") as f: sha256hash = f.readline() checksums[url] = sha256hash checksums_json = json.dumps(checksums) - with open("checksums_fast_text.json", 'w') as f: + with open("checksums_fast_text.json", "w") as f: f.write(checksums_json) diff --git a/torchtext/experimental/datasets/raw/__init__.py b/torchtext/experimental/datasets/raw/__init__.py index 0a2b3f09ac..3f624ac00e 100644 --- a/torchtext/experimental/datasets/raw/__init__.py +++ b/torchtext/experimental/datasets/raw/__init__.py @@ -1,10 +1,11 @@ import importlib -from .wmtnewscrawl import WMTNewsCrawl + from .wmt14 import WMT14 +from .wmtnewscrawl import WMTNewsCrawl DATASETS = { - 'WMTNewsCrawl': WMTNewsCrawl, - 'WMT14': WMT14, + "WMTNewsCrawl": WMTNewsCrawl, + "WMT14": WMT14, } URLS = {} diff --git a/torchtext/experimental/datasets/raw/wmt14.py b/torchtext/experimental/datasets/raw/wmt14.py index a9e5bd7f53..6f504fb957 100644 --- a/torchtext/experimental/datasets/raw/wmt14.py +++ b/torchtext/experimental/datasets/raw/wmt14.py @@ -1,44 +1,45 @@ import os -from torchtext.utils import (download_from_url, extract_archive) + from torchtext.data.datasets_utils import ( + _create_dataset_directory, _RawTextIterableDataset, - _wrap_split_argument, _read_text_iterator, + _wrap_split_argument, ) -from torchtext.data.datasets_utils import _create_dataset_directory +from torchtext.utils import download_from_url, extract_archive -URL = 'https://drive.google.com/uc?export=download&id=0B_bZck-ksdkpM25jRUN2X2UxMm8' +URL = "https://drive.google.com/uc?export=download&id=0B_bZck-ksdkpM25jRUN2X2UxMm8" -_PATH = 'wmt16_en_de.tar.gz' +_PATH = "wmt16_en_de.tar.gz" -MD5 = '874ab6bbfe9c21ec987ed1b9347f95ec' +MD5 = "874ab6bbfe9c21ec987ed1b9347f95ec" NUM_LINES = { - 'newstest2010.tok.bpe.32000': 2489, - 'newstest2012': 3003, - 'newstest2010.tok': 2489, - 'newstest2016': 2999, - 'newstest2014.tok': 3003, - 'newstest2009': 2525, - 'newstest2015.tok.bpe.32000': 2169, - 'newstest2016.tok': 2999, - 'newstest2011.tok.bpe.32000': 3003, - 'newstest2012.tok': 3003, - 'newstest2013': 3000, - 'newstest2014.tok.bpe.32000': 3003, - 'newstest2011.tok': 3003, - 'newstest2011': 3003, - 'newstest2015.tok': 2169, - 'newstest2012.tok.bpe.32000': 3003, - 'newstest2015': 2169, - 'newstest2016.tok.bpe.32000': 2999, - 'newstest2009.tok.bpe.32000': 2525, - 'newstest2014': 3003, - 'newstest2009.tok': 2525, - 'newstest2013.tok.bpe.32000': 3000, - 'newstest2013.tok': 3000, - 'newstest2010': 2489, - 'train.tok.clean.bpe.32000': 4500966 + "newstest2010.tok.bpe.32000": 2489, + "newstest2012": 3003, + "newstest2010.tok": 2489, + "newstest2016": 2999, + "newstest2014.tok": 3003, + "newstest2009": 2525, + "newstest2015.tok.bpe.32000": 2169, + "newstest2016.tok": 2999, + "newstest2011.tok.bpe.32000": 3003, + "newstest2012.tok": 3003, + "newstest2013": 3000, + "newstest2014.tok.bpe.32000": 3003, + "newstest2011.tok": 3003, + "newstest2011": 3003, + "newstest2015.tok": 2169, + "newstest2012.tok.bpe.32000": 3003, + "newstest2015": 2169, + "newstest2016.tok.bpe.32000": 2999, + "newstest2009.tok.bpe.32000": 2525, + "newstest2014": 3003, + "newstest2009.tok": 2525, + "newstest2013.tok.bpe.32000": 3000, + "newstest2013.tok": 3000, + "newstest2010": 2489, + "train.tok.clean.bpe.32000": 4500966, } @@ -62,12 +63,15 @@ def _construct_filepaths(paths, src_filename, tgt_filename): @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(('train', 'valid', 'test')) -def WMT14(root, split, - language_pair=('de', 'en'), - train_set='train.tok.clean.bpe.32000', - valid_set='newstest2013.tok.bpe.32000', - test_set='newstest2014.tok.bpe.32000'): +@_wrap_split_argument(("train", "valid", "test")) +def WMT14( + root, + split, + language_pair=("de", "en"), + train_set="train.tok.clean.bpe.32000", + valid_set="newstest2013.tok.bpe.32000", + test_set="newstest2014.tok.bpe.32000", +): """WMT14 Dataset The available datasets include following: @@ -97,45 +101,50 @@ def WMT14(root, split, >>> src_sentence, tgt_sentence = next(train_iter) """ - supported_language = ['en', 'de'] - supported_train_set = [s for s in NUM_LINES if 'train' in s] - supported_valid_set = [s for s in NUM_LINES if 'test' in s] - supported_test_set = [s for s in NUM_LINES if 'test' in s] + supported_language = ["en", "de"] + supported_train_set = [s for s in NUM_LINES if "train" in s] + supported_valid_set = [s for s in NUM_LINES if "test" in s] + supported_test_set = [s for s in NUM_LINES if "test" in s] - assert (len(language_pair) == 2), 'language_pair must contain only 2 elements: src and tgt language respectively' + assert len(language_pair) == 2, "language_pair must contain only 2 elements: src and tgt language respectively" if language_pair[0] not in supported_language: - raise ValueError("Source language '{}' is not supported. Valid options are {}". - format(language_pair[0], supported_language)) + raise ValueError( + "Source language '{}' is not supported. Valid options are {}".format(language_pair[0], supported_language) + ) if language_pair[1] not in supported_language: - raise ValueError("Target language '{}' is not supported. Valid options are {}". - format(language_pair[1], supported_language)) + raise ValueError( + "Target language '{}' is not supported. Valid options are {}".format(language_pair[1], supported_language) + ) if train_set not in supported_train_set: - raise ValueError("'{}' is not a valid train set identifier. valid options are {}". - format(train_set, supported_train_set)) + raise ValueError( + "'{}' is not a valid train set identifier. valid options are {}".format(train_set, supported_train_set) + ) if valid_set not in supported_valid_set: - raise ValueError("'{}' is not a valid valid set identifier. valid options are {}". - format(valid_set, supported_valid_set)) + raise ValueError( + "'{}' is not a valid valid set identifier. valid options are {}".format(valid_set, supported_valid_set) + ) if test_set not in supported_test_set: - raise ValueError("'{}' is not a valid valid set identifier. valid options are {}". - format(test_set, supported_test_set)) + raise ValueError( + "'{}' is not a valid valid set identifier. valid options are {}".format(test_set, supported_test_set) + ) - train_filenames = '{}.{}'.format(train_set, language_pair[0]), '{}.{}'.format(train_set, language_pair[1]) - valid_filenames = '{}.{}'.format(valid_set, language_pair[0]), '{}.{}'.format(valid_set, language_pair[1]) - test_filenames = '{}.{}'.format(test_set, language_pair[0]), '{}.{}'.format(test_set, language_pair[1]) + train_filenames = "{}.{}".format(train_set, language_pair[0]), "{}.{}".format(train_set, language_pair[1]) + valid_filenames = "{}.{}".format(valid_set, language_pair[0]), "{}.{}".format(valid_set, language_pair[1]) + test_filenames = "{}.{}".format(test_set, language_pair[0]), "{}.{}".format(test_set, language_pair[1]) - if split == 'train': + if split == "train": src_file, tgt_file = train_filenames - elif split == 'valid': + elif split == "valid": src_file, tgt_file = valid_filenames else: src_file, tgt_file = test_filenames - dataset_tar = download_from_url(URL, root=root, hash_value=MD5, path=os.path.join(root, _PATH), hash_type='md5') + dataset_tar = download_from_url(URL, root=root, hash_value=MD5, path=os.path.join(root, _PATH), hash_type="md5") extracted_files = extract_archive(dataset_tar) data_filenames = { @@ -144,8 +153,7 @@ def WMT14(root, split, for key in data_filenames: if len(data_filenames[key]) == 0 or data_filenames[key] is None: - raise FileNotFoundError( - "Files are not found for data type {}".format(key)) + raise FileNotFoundError("Files are not found for data type {}".format(key)) assert data_filenames[split][0] is not None, "Internal Error: File not found for reading" assert data_filenames[split][1] is not None, "Internal Error: File not found for reading" @@ -156,4 +164,6 @@ def _iter(src_data_iter, tgt_data_iter): for item in zip(src_data_iter, tgt_data_iter): yield item - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[os.path.splitext(src_file)[0]], _iter(src_data_iter, tgt_data_iter)) + return _RawTextIterableDataset( + DATASET_NAME, NUM_LINES[os.path.splitext(src_file)[0]], _iter(src_data_iter, tgt_data_iter) + ) diff --git a/torchtext/experimental/datasets/raw/wmtnewscrawl.py b/torchtext/experimental/datasets/raw/wmtnewscrawl.py index 5322c4466a..119fb0131e 100644 --- a/torchtext/experimental/datasets/raw/wmtnewscrawl.py +++ b/torchtext/experimental/datasets/raw/wmtnewscrawl.py @@ -1,38 +1,33 @@ +import logging + from torchtext.data.datasets_utils import ( - _RawTextIterableDataset, - _wrap_split_argument, _add_docstring_header, - _download_extract_validate, _create_dataset_directory, + _download_extract_validate, + _RawTextIterableDataset, _read_text_iterator, + _wrap_split_argument, ) -import logging -URL = 'http://www.statmt.org/wmt11/training-monolingual-news-2010.tgz' +URL = "http://www.statmt.org/wmt11/training-monolingual-news-2010.tgz" -MD5 = 'c70da2ba79db33fb0fc9119cbad16260' +MD5 = "c70da2ba79db33fb0fc9119cbad16260" NUM_LINES = { - 'train': 17676013, + "train": 17676013, } _PATH = "training-monolingual-news-2010.tgz" _AVAILABLE_YEARS = [2010] -_AVAILABLE_LANGUAGES = [ - "cs", - "en", - "fr", - "es", - "de" -] +_AVAILABLE_LANGUAGES = ["cs", "en", "fr", "es", "de"] _EXTRACTED_FILES = { "cs": "training-monolingual/news.2010.cs.shuffled", "de": "training-monolingual/news.2010.de.shuffled", "en": "training-monolingual/news.2010.en.shuffled", "es": "training-monolingual/news.2010.es.shuffled", - "fr": "training-monolingual/news.2010.fr.shuffled" + "fr": "training-monolingual/news.2010.fr.shuffled", } _EXTRACTED_FILES_MD5 = { @@ -40,7 +35,7 @@ "de": "e59a0f0c6eeeb2113c0da1873a2e1035", "en": "234a50914d87158754815a0bd86d7b9d", "es": "aee3d773a0c054c5ac313a42d08b7020", - "fr": "066d671533f78bfe139cf7052574fd5a" + "fr": "066d671533f78bfe139cf7052574fd5a", } DATASET_NAME = "WMTNewsCrawl" @@ -48,14 +43,14 @@ @_add_docstring_header(num_lines=NUM_LINES) @_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument('train') -def WMTNewsCrawl(root, split, year=2010, language='en'): +@_wrap_split_argument("train") +def WMTNewsCrawl(root, split, year=2010, language="en"): if year not in _AVAILABLE_YEARS: raise ValueError("{} not available. Please choose from years {}".format(year, _AVAILABLE_YEARS)) if language not in _AVAILABLE_LANGUAGES: raise ValueError("{} not available. Please choose from languages {}".format(language, _AVAILABLE_LANGUAGES)) - path = _download_extract_validate(root, URL, MD5, _PATH, _EXTRACTED_FILES[language], - _EXTRACTED_FILES_MD5[language], hash_type="md5") - logging.info('Creating {} data'.format(split)) - return _RawTextIterableDataset(DATASET_NAME, - NUM_LINES[split], _read_text_iterator(path)) + path = _download_extract_validate( + root, URL, MD5, _PATH, _EXTRACTED_FILES[language], _EXTRACTED_FILES_MD5[language], hash_type="md5" + ) + logging.info("Creating {} data".format(split)) + return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], _read_text_iterator(path)) diff --git a/torchtext/experimental/functional.py b/torchtext/experimental/functional.py index 0073d09e3c..e4c215342f 100644 --- a/torchtext/experimental/functional.py +++ b/torchtext/experimental/functional.py @@ -1,12 +1,7 @@ import torch from torchtext.data.utils import ngrams_iterator -__all__ = [ - 'vocab_func', - 'totensor', - 'ngrams_func', - 'sequential_transforms' -] +__all__ = ["vocab_func", "totensor", "ngrams_func", "sequential_transforms"] def vocab_func(vocab): diff --git a/torchtext/experimental/models/utils.py b/torchtext/experimental/models/utils.py index b24ddd0404..495f00d117 100644 --- a/torchtext/experimental/models/utils.py +++ b/torchtext/experimental/models/utils.py @@ -1,7 +1,7 @@ import torch -def count_model_param(nn_model, unit=10**6): +def count_model_param(nn_model, unit=10 ** 6): r""" Count the parameters in a model diff --git a/torchtext/experimental/transforms.py b/torchtext/experimental/transforms.py index 5b0b2e8aed..d4b6a87af5 100644 --- a/torchtext/experimental/transforms.py +++ b/torchtext/experimental/transforms.py @@ -1,25 +1,25 @@ +import io +from typing import List + import torch import torch.nn as nn -from typing import List -from torchtext._torchtext import RegexTokenizer as RegexTokenizerPybind from torch import Tensor -from torchtext._torchtext import SentencePiece as SentencePiecePybind -import io +from torchtext._torchtext import RegexTokenizer as RegexTokenizerPybind, SentencePiece as SentencePiecePybind __all__ = [ - 'basic_english_normalize', - 'regex_tokenizer', - 'BasicEnglishNormalize', - 'RegexTokenizer', - 'PRETRAINED_SP_MODEL', - 'load_sp_model', - 'sentencepiece_tokenizer', - 'SentencePieceTokenizer', - 'sentencepiece_processor', - 'SentencePieceProcessor', - 'VocabTransform', - 'VectorTransform' + "basic_english_normalize", + "regex_tokenizer", + "BasicEnglishNormalize", + "RegexTokenizer", + "PRETRAINED_SP_MODEL", + "load_sp_model", + "sentencepiece_tokenizer", + "SentencePieceTokenizer", + "sentencepiece_processor", + "SentencePieceProcessor", + "VocabTransform", + "VectorTransform", ] @@ -53,18 +53,19 @@ def basic_english_normalize(): """ patterns_list = [ - (r'\'', ' \' '), - (r'\"', ''), - (r'\.', ' . '), - (r'
', ' '), - (r',', ' , '), - (r'\(', ' ( '), - (r'\)', ' ) '), - (r'\!', ' ! '), - (r'\?', ' ? '), - (r'\;', ' '), - (r'\:', ' '), - (r'\s+', ' ')] + (r"\'", " ' "), + (r"\"", ""), + (r"\.", " . "), + (r"
", " "), + (r",", " , "), + (r"\(", " ( "), + (r"\)", " ) "), + (r"\!", " ! "), + (r"\?", " ? "), + (r"\;", " "), + (r"\:", " "), + (r"\s+", " "), + ] patterns = [pair[0] for pair in patterns_list] replacements = [pair[1] for pair in patterns_list] @@ -123,9 +124,10 @@ def forward(self, line: str) -> List[str]: return self.regex_tokenizer.forward(line) def __prepare_scriptable__(self): - r"""Return a JITable BasicEnglishNormalize. - """ - regex_tokenizer = torch.classes.torchtext.RegexTokenizer(self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, True) + r"""Return a JITable BasicEnglishNormalize.""" + regex_tokenizer = torch.classes.torchtext.RegexTokenizer( + self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, True + ) return BasicEnglishNormalize(regex_tokenizer) @@ -157,19 +159,21 @@ def forward(self, line: str) -> List[str]: return self.regex_tokenizer.forward(line) def __prepare_scriptable__(self): - r"""Return a JITable RegexTokenizer. - """ - regex_tokenizer = torch.classes.torchtext.RegexTokenizer(self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, False) + r"""Return a JITable RegexTokenizer.""" + regex_tokenizer = torch.classes.torchtext.RegexTokenizer( + self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, False + ) return RegexTokenizer(regex_tokenizer) PRETRAINED_SP_MODEL = { - 'text_unigram_15000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model', - 'text_unigram_25000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_25000.model', - 'text_unigram_50000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_50000.model', - 'text_bpe_15000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_15000.model', - 'text_bpe_25000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_25000.model', - 'text_bpe_50000': 'https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_50000.model'} + "text_unigram_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model", + "text_unigram_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_25000.model", + "text_unigram_50000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_50000.model", + "text_bpe_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_15000.model", + "text_bpe_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_25000.model", + "text_bpe_50000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_50000.model", +} def load_sp_model(sp_model): @@ -206,17 +210,16 @@ def load_sp_model(sp_model): """ if isinstance(sp_model, str): - with open(sp_model, 'rb') as f: + with open(sp_model, "rb") as f: return SentencePiecePybind(f.read()) elif isinstance(sp_model, io.BufferedReader): return SentencePiecePybind(sp_model.read()) else: raise TypeError( - f'Unsupported type for sp_model argument: {type(sp_model).__name__}. ' + - 'Supported types are: ' + - ', '.join([ - 'str', 'io.BufferedReader' - ])) + f"Unsupported type for sp_model argument: {type(sp_model).__name__}. " + + "Supported types are: " + + ", ".join(["str", "io.BufferedReader"]) + ) def sentencepiece_tokenizer(sp_model): diff --git a/torchtext/experimental/vectors.py b/torchtext/experimental/vectors.py index 9ebab526ae..36d8e8513c 100644 --- a/torchtext/experimental/vectors.py +++ b/torchtext/experimental/vectors.py @@ -1,26 +1,13 @@ import logging +from typing import List import torch -from torch import Tensor import torch.nn as nn -from typing import List +from torch import Tensor +from torchtext._torchtext import _load_token_and_vectors_from_file, Vectors as VectorsPybind +from torchtext.utils import download_from_url, extract_archive -from torchtext.utils import ( - download_from_url, - extract_archive -) -from torchtext._torchtext import ( - Vectors as VectorsPybind, - _load_token_and_vectors_from_file -) - -__all__ = [ - 'FastText', - 'GloVe', - 'load_vectors_from_file_path', - 'build_vectors', - 'Vectors' -] +__all__ = ["FastText", "GloVe", "load_vectors_from_file_path", "build_vectors", "Vectors"] logger = logging.getLogger(__name__) @@ -51,7 +38,7 @@ def FastText(language="en", unk_tensor=None, root=".data", validate_file=True, n checksum = CHECKSUMS_FAST_TEXT.get(url, None) downloaded_file_path = download_from_url(url, root=root, hash_value=checksum) - cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file(downloaded_file_path, ' ', num_cpus, unk_tensor) + cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file(downloaded_file_path, " ", num_cpus, unk_tensor) if dup_tokens: raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) @@ -105,11 +92,13 @@ def GloVe(name="840B", dim=300, unk_tensor=None, root=".data", validate_file=Tru ValueError: if unexpected duplicate tokens are found in GloVe file. """ - dup_token_glove_840b = ["����������������������������������������������������������������������" - "����������������������������������������������������������������������" - "����������������������������������������������������������������������" - "����������������������������������������������������������������������" - "������������������������������������������������������"] + dup_token_glove_840b = [ + "����������������������������������������������������������������������" + "����������������������������������������������������������������������" + "����������������������������������������������������������������������" + "����������������������������������������������������������������������" + "������������������������������������������������������" + ] urls = { "42B": "https://nlp.stanford.edu/data/glove.42B.300d.zip", "840B": "https://nlp.stanford.edu/data/glove.840B.300d.zip", @@ -126,13 +115,15 @@ def GloVe(name="840B", dim=300, unk_tensor=None, root=".data", validate_file=Tru "glove.6B.50d.txt", "glove.6B.100d.txt", "glove.6B.200d.txt", - "glove.6B.300d.txt" + "glove.6B.300d.txt", } file_name = "glove.{}.{}d.txt".format(name, str(dim)) if file_name not in valid_glove_file_names: - raise ValueError("Could not find GloVe file with name {}. Please check that `name` and `dim`" - "are valid.".format(str(file_name))) + raise ValueError( + "Could not find GloVe file with name {}. Please check that `name` and `dim`" + "are valid.".format(str(file_name)) + ) url = urls[name] checksum = None @@ -143,7 +134,9 @@ def GloVe(name="840B", dim=300, unk_tensor=None, root=".data", validate_file=Tru extracted_file_paths = extract_archive(downloaded_file_path) # need to get the full path to the correct file in the case when multiple files are extracted with different dims extracted_file_path_with_correct_dim = [path for path in extracted_file_paths if file_name in path][0] - cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file(extracted_file_path_with_correct_dim, ' ', num_cpus, unk_tensor) + cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file( + extracted_file_path_with_correct_dim, " ", num_cpus, unk_tensor + ) # Ensure there is only 1 expected duplicate token present for 840B dataset if dup_tokens and dup_tokens != dup_token_glove_840b: @@ -290,375 +283,196 @@ def lookup_vectors(self, tokens: List[str]) -> Tensor: return self.vectors.lookup_vectors(tokens) def __prepare_scriptable__(self): - r"""Return a JITable Vectors. - """ + r"""Return a JITable Vectors.""" stoi = self.vectors.get_stoi() - cpp_vectors = torch.classes.torchtext.Vectors(list(stoi.keys()), list(stoi.values()), self.vectors.vectors_, self.vectors.unk_tensor_) - return(Vectors(cpp_vectors)) + cpp_vectors = torch.classes.torchtext.Vectors( + list(stoi.keys()), list(stoi.values()), self.vectors.vectors_, self.vectors.unk_tensor_ + ) + return Vectors(cpp_vectors) CHECKSUMS_GLOVE = { - "https://nlp.stanford.edu/data/glove.42B.300d.zip": - "03d5d7fa28e58762ace4b85fb71fe86a345ef0b5ff39f5390c14869da0fc1970", - "https://nlp.stanford.edu/data/glove.840B.300d.zip": - "c06db255e65095393609f19a4cfca20bf3a71e20cc53e892aafa490347e3849f", - "https://nlp.stanford.edu/data/glove.twitter.27B.zip": - "792af52f795d1a32c9842a3240f5f3fe5e941a8ff6df5eb0f9d668092ebc019c", - "https://nlp.stanford.edu/data/glove.6B.zip": - "617afb2fe6cbd085c235baf7a465b96f4112bd7f7ccb2b2cbd649fed9cbcf2fb" + "https://nlp.stanford.edu/data/glove.42B.300d.zip": "03d5d7fa28e58762ace4b85fb71fe86a345ef0b5ff39f5390c14869da0fc1970", + "https://nlp.stanford.edu/data/glove.840B.300d.zip": "c06db255e65095393609f19a4cfca20bf3a71e20cc53e892aafa490347e3849f", + "https://nlp.stanford.edu/data/glove.twitter.27B.zip": "792af52f795d1a32c9842a3240f5f3fe5e941a8ff6df5eb0f9d668092ebc019c", + "https://nlp.stanford.edu/data/glove.6B.zip": "617afb2fe6cbd085c235baf7a465b96f4112bd7f7ccb2b2cbd649fed9cbcf2fb", } CHECKSUMS_FAST_TEXT = { - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.am.vec": - "b532c57a74628fb110b48b9d8ae2464eb971df2ecc43b89c2eb92803b8ac92bf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.als.vec": - "056a359a2651a211817dbb7885ea3e6f69e0d6048d7985eab173858c59ee1adf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.af.vec": - "87ecbfea969eb707eab72a7156b4318d341c0652e6e5c15c21bc08f5cf458644", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.an.vec": - "57db91d8c307c45613092ebfd405061ccfdec5905035d9a8ad364f6b8ce41b29", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ar.vec": - "5527041ce04fa66e45e27d7bd278f00425d97fde8c67755392d70f112fecc356", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.arz.vec": - "0b6c261fd179e5d030f2b363f9f7a4db0a52e6241a910b39fb3332d39bcfbec3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.as.vec": - "4475daa38bc1e8501e54dfcd79a1a58bb0771b347ad9092ce9e57e9ddfdd3b07", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.av.vec": - "1292eed7f649687403fac18e0ee97202e163f9ab50f6efa885aa2db9760a967e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ast.vec": - "fbba958174ced32fde2593f628c3cf4f00d53cd1d502612a34e180a0d13ce037", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.be.vec": - "3b36ba86f5b76c40dabe1c7fc3214338d53ce7347c28bb2fba92b6acc098c6ad", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.az.vec": - "93ebe624677a1bfbb57de001d373e111ef9191cd3186f42cad5d52886b8c6467", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ba.vec": - "b739fd6f9fe57205314d67a7975a2fc387b55679399a6b2bda0d1835b1fdd5a8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.azb.vec": - "05709ce8abc91115777f3cc2574d24d9439d3f6905500163295d695d41260a06", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bar.vec": - "3f58304eb0345d96c0abbffb61621c1f6ec2ca39e13272b434cc6cc2bde052a1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bcl.vec": - "309bb74a85647ac3a5be53fd9d3be3196cff385d257561f4183a0d91a67f0c8b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bg.vec": - "16f1a02f3b708f2cbc04971258b0febdfc9ed4e64fcc3818cc6a397e3db5cf81", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bh.vec": - "ab0819c155fd1609393f8af74794de8d5b49db0787edf136e938ea2c87993ab5", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bn.vec": - "3dd27b9b271c203a452de1c533fdf975ebec121f17f945ef234370358db2bae6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bpy.vec": - "2ba9f046d70bdaae2cbd9d33f9a1d2913637c00126588cc3223ba58ca80d49fe", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bo.vec": - "c5ed2a28edf39bc100f4200cdf1c9d3c1448efefcb3d78db8becea613a2fb2eb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.br.vec": - "fe858e2be787351cce96c206a9034c361e45f8b9e0a385aacfce3c73f844e923", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.da.vec": - "397b0c3e18f710fb8aa1caf86441a25af2f247335e8560dbe949feb3613ef5cc", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bs.vec": - "ee065fe168c0a4f1a0b9fbd8854be4572c138a414fd7200381d0135ce6c03b49", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bxr.vec": - "0bc0e47a669aa0d9ad1c665593f7257c4b27a4e3becce457a7348da716bdabb4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ca.vec": - "1600696088c7f2fe555eb6a4548f427f969a450ed0313d68e859d6024242db5f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cbk.vec": - "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ceb.vec": - "7fbe4474043e4f656eb2f81ee03d1e863cef8e62ad4e3bd9a3a4143785752568", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ce.vec": - "2a321e2de98d0abb5a12599d9567dd5ac93f9e2599251237026acff35f23cef8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cs.vec": - "0eba2ac0852b1057909d4e8e5e3fa75470f9cb9408b364433ac4747eb2b568a9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cv.vec": - "67f09d353f2561b16c385187789eb6ff43fa125d3cc81081b2bc7d062c9f0b8a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cy.vec": - "1023affdcb7e84dd59b1b7de892f65888b6403e2ed4fd77cb836face1c70ee68", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.co.vec": - "7f16f06c19c8528dc48a0997f67bf5f0d79da2d817247776741b54617b6053d9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ckb.vec": - "ef3a8472cc2ac86976a1a91cde3edc7fcd1d1affd3c6fb6441451e9fbc6c3ae8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.de.vec": - "3020c26e32238ba95a933926763b5c693bf7793bf0c722055cecda1e0283578c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.diq.vec": - "6f71204e521e03ae70b4bd8a41c50cc72cd4b8c3e242a4ab5c77670603df1b42", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dty.vec": - "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dv.vec": - "2b4f19bfcf0d38e6ab54e53d752847ab60f4880bae955fff2c485135e923501e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dsb.vec": - "ed6699709e0e2f2e3b4a4e32ef3f98f0ccb3f1fed2dad41b7a6deafdc2b32acf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.el.vec": - "a397de14c637f0b843fcda8724b406f5a7fe9f3ead7f02cfcaeed43858212da6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.en.vec": - "ba5420ac217fb34f15f58ded0d911a4370dfb1f3341fa7511a49ae74c87de282", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eml.vec": - "a81f0a05c9d3ffd310f6e2d864ee48bff952dbfb2612293b58ab7bc49755cfe6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.es.vec": - "cf2e9a1976055a18ad358fb0331bc5f9b2e8541d6d4903b562a63b60f3ae392e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.et.vec": - "de15792f8373f27f1053eef28cff4c782c4b440fd57a3472af38e5bf94eafda6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eo.vec": - "a137201c5cf54e218b6bb0bac540beaee2e81e285bf9c59c0d57e0a85e3353c0", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fi.vec": - "63017414860020f7409d31c8b65c1f8ed0a64fe11224d4e82e17667ce0fbd0c5", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fa.vec": - "da0250d60d159820bf0830499168c2f4f1eaffe74f1508c579ca9b41bae6c53f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eu.vec": - "93f6e44742ea43ff11b5da4c634ebf73f3b1aa3e9485d43eb27bd5ee3979b657", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ilo.vec": - "e20ac3c7ef6a076315f15d9c326e93b22c2d5eee6bec5caef7bab6faf691b13a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.frr.vec": - "a39b393261a8a5c19d97f6a085669daa9e0b9a0cab0b5cf5f7cb23f6084c35e0", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ga.vec": - "7b33e77e9feb32a6ce2f85ab449516294a616267173c6bbf8f1de5c2b2885699", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fy.vec": - "07b695f598e2d51cdd17359814b32f15c56f5beaa7a6b49f69de835e13a212b8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fr.vec": - "bc68b0703375da9e81c3c11d0c28f3f8375dd944c209e697c4075e579455ac2a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gd.vec": - "464e8b97a8b262352a0dc663aa22f98fc0c3f9e7134a749644ad07249dbd42e8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gn.vec": - "5d2ac06649f6199ffad8480efa03f97d2910d1501a4528bfb013524d6f2d6c2b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gl.vec": - "b4b6233b0c650f9d665e5c8aa372f8745d1a40868f93ecf87f026c60b2bb0f9e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gu.vec": - "910296b888e17416e9af43f636f83bbe0b81da68b5e62139ab9c06671dbbacf1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gom.vec": - "20f38a650e90a372a92a1680c6a92fc1d89c21cd41835c8d0e5e42f30d52b7ec", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hi.vec": - "e5ec503a898207e17a7681d97876607b0481384b6c1cc4c9c6b6aaba7ad293d0", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gv.vec": - "b9d6384219d999e43f66ace6decd80eb6359e0956c61cb7049021b194c269ffe", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.he.vec": - "5d861a705bf541671c0cee731c1b71f6a65d8defd3df2978a7f83e8b0580903b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hif.vec": - "445e65668be650f419e0a14791b95c89c3f4142d32371501e53038749eb2c71c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hsb.vec": - "27be86ce2435dfeb07d76d406a8ec7b46ebf9b6b8fb5da24208eca1492ffe5bb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hr.vec": - "4d42787554747a86253a23e9a830a8571faea0b622e48ed136f8b9817dea9da3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ht.vec": - "be5e089f22a43ca00a35467545bc6cca15b5c5951ac34c504a23686ab735e995", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hy.vec": - "63dc48faeb4f3c5ea2e6f78a0bf4d8bf3d623af52b7f3a9b9e5984dbc79ba66f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hu.vec": - "766de324b4783fe2d31df8f78966ea088712a981b6b0b5336bc71938773fe21e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ia.vec": - "1ec19501030cafa0fdccf7f4c5794f4cd7e795b015330f6ea6bc9eff97eaeca5", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ie.vec": - "41c9e34f5445c4aafd7f5d52665b9aa89fb3c76b5262e9401d21b58dd2e53609", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.id.vec": - "436180ac3d405eefe8c2be20ae3e67cddc866afb94e486afcbaef549c24b7d60", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.io.vec": - "2bedf13a6d751ad5191474e65b6104fa3175ca4c3f9ade214f25cfeede1c9c8c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.is.vec": - "7fe6d8eca113e245ea5467e8f4cab9697dff1d623ac0a8e6fdaca0a93d7fc6f3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.it.vec": - "5a9d111edd3f199e7379373ba18f4e5317c6c6c5053a9d6d0a56f32298d3bde4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ja.vec": - "b44b2eef8bdcf0739c971c4ff7fcae7a300b5e06cf0e50c5787082957ad9d998", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jv.vec": - "4a46ac08781861d6e19fcc70a421340b627889a054279dacee0f32ee12b1f4f7", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jbo.vec": - "766c0eb15b1e2cad9a14d0a0937e859e20f6f2ed203ff7ba4f3c70d3b1888d2b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ka.vec": - "10b08b9372ef6e44e0e826e6a8d01b3396a319d78ce2db990c51d688c2d0259e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kk.vec": - "2dabc86ed917ba236c96c8c327aa3394f32ea511068a9dce205a46923c5716d1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kn.vec": - "7f9ab4985e0d5f91462fbdcbfbfaeef619d973e638fbc7c928cfcc5bd37d473b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.km.vec": - "bf35b294d86fceac916feee3e167fe6aee3fe73380f78e5377c94ff0d023b77c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ko.vec": - "44bae904dd7923d1178e83067cc42d9437097f7e86cb83bdd8281febe4b9adaa", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.krc.vec": - "b0ff031a60938b612f9b0c9612bd206cbb1f5288a6ee3482d116174b81d9269f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kv.vec": - "a6202b11f869683ce75e60bf206c230109f91b651801dc6ea07b3b7f2c5c9b32", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kw.vec": - "061e26d970aa7cb3fded9278372a53d0dd8359abc664caa385edaac9aac1359d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ku.vec": - "7f117b704d5ac791463796b1ac2d833717c0cfc75dbfb50c2e80aa0c9348c448", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ky.vec": - "adb5c72c47c514cd5417f46f8a7baba4061063b0e75c2d0b2e42dc08144af6cf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lb.vec": - "566334801777746bc2c1076e1b24a8281e10fe31f0db30a2a4b0b490033e6d04", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.li.vec": - "50a1054a31a7e11f5bd3fe980e1646205284e540fb1be3ae88f4bf16b0d10301", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lez.vec": - "109c3f3fee8970cfab1b7152315816284aa4b5788403d4007866ad417a63b5e6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.la.vec": - "ca3b46e03bebf6b937cd7f01c29566b7d48d94d3de033a527ce45744a40ea00a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lo.vec": - "acd1a8cbabbfc50196cb3dfeb9e82c71409c40ae90dc3485044396bbb7350431", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lmo.vec": - "26952850a5569e8241d1e6ff2d6877fa51b6715e8fdeec9bf5f9d716e94c958e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lt.vec": - "54bc7d3c1ef600f4710047c4dafd1346e8b53bd29a327bc132f6a9fd0c14b8c7", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lrc.vec": - "24d6c530275176cb03e566e9e5737a1680e79854e6c0a2da19a7cb27a029a0ce", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lv.vec": - "ed93e318306e19cc18154b095a2494d94ab061009c3a8fa1c3501495f81b7198", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mg.vec": - "12ab899108b74bbee8b685ed7f4941719485560c7346875a0be79c7ba6dbec2a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mai.vec": - "387a5d1194e8e441b09c7a215a71cad75e6e1a0777c08f90b2ed5bf4e90423d3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mhr.vec": - "080cb31ff85f0bc21ae75b66311214d594f76a7fdf17699aa5ba8239c6ccd164", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mk.vec": - "ea3d8e77ba3cf17c516e7d0c93e45a73a5e54b1b245ddb65351826678fe102d1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.min.vec": - "13fac5abbd2053365c5570edea2017e2a6d814e682a8e906d92b3deaa761b741", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ml.vec": - "69eafbab72db69278acec01ff8883d41d616f8aaa59e473faafc115996db5898", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mn.vec": - "a1ec46e780d2f42633ffbe363ce17b1f700fa6744ce40b5a19446a714b9066d8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mr.vec": - "e30ee3d90d6687868cc6dee609e4d487b81362ea231e8456f8265bace55c7ffb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ms.vec": - "71ebc8bc0959a592e071db35995119ee33fc17ff61611e6ea09ea6736b317f17", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mrj.vec": - "93351fb85f38523fbf3767fac32625f26be37582afbddfef258642f4530f4ab9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.my.vec": - "5a8216d0df2d70e5517bcb4cbe523fc03d34f802a83d04a88faadfff7b700b9f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mwl.vec": - "6997a71b0a745c124135d6c52196d14412d4068fca8aa13b2b3b9598b933cf38", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mt.vec": - "f07a6071fcb3bcda4c6c5e6a0ebe6f3f5d228e8c1fc7ef5160cc3dd098718e98", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.myv.vec": - "ffebdb940b95fe76f3885e8853f3d88ebf9a23c24f64ccdf52c9a269a3f4d459", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nah.vec": - "2b1fc52e4a4901d824070d1e5fc2196f33c6d787edb8ce3732ace1d05407788e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mzn.vec": - "692f68fa5537a690720f9c2ce0a2c5edaa0d06fe04b2749d169a178aecf751ad", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nap.vec": - "954aa926c6d47882c2397997d57a8afde3e0ca851a42b07280d6e465577f6925", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ne.vec": - "8d4bf875ca4733d022d4f415777dc2f9e33a93ddc67361add30aed298bc41bc6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nds.vec": - "767dcf37a6018cce9f885b31b3c54671199c0f9554ffb09112130b62144556db", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nl.vec": - "d0601975d00d672ad03a3b146c13c4b6240111d286834e385853e2a25f4fb66a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.new.vec": - "b7328d5408d91bbdc7ee7a9fd6761af322ea8ddb35a405a60826a5b7e327dd29", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nn.vec": - "c2d2617c932bb49ba64bea9396435ce882fc4238e3983081967658891d18309e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.no.vec": - "762670d35c29910a0daa86444a1b32d4fd9c94deff82c53abe751c5463dcb025", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.or.vec": - "b1d97ba3d93b37903266b551e164fc9e51c7d5a429e77330cb281fb7de28bd71", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.os.vec": - "c249450a7cb5750c39a9121658b91055a0f5cccfe67c1879706a8bced390bebd", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.oc.vec": - "a4bb95b2fc28e82c5c976af32d632e5241daeeaea2bca2cb3300ad036619c0f6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pam.vec": - "b0dd33c3f7e85805b1937d95d73194f3834f40a43a92c12544911ab30818cd20", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pa.vec": - "61462550fac53d8156c2e61f738b63ef0639949b87d8abeb566194dc86b1a488", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pl.vec": - "9c2674431e796595c8c1d3b5e1a941c7e833d23cad223d6e4d1c36447af5f3cc", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pfl.vec": - "889a62dbb945033bfc53516b976042df7791c0aa8290dcb92f12240685d2d2c1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pnb.vec": - "7c26c9297b15a75bb1f2bfeb8f11dd3c55821a06bd64fe7a105699ed4d9d794a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ps.vec": - "e718dfda7790cb309e37f0d42400afebf6036aa018dcd7eb330d576bb5c55030", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.qu.vec": - "b71076861dc0221acf540d4abbf6e760a2871c2dc380556fc7bad402d26ec738", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pms.vec": - "33a90387e8b75c09980b4c80171cabaae38e9b87de7bf320ecd93c344afaeb39", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rm.vec": - "9a7f0690c8b42c96a1ad50bb8e7da5d69a3a9f7f0676289243319553a10aac41", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ro.vec": - "e19b3e99a6eae03c15dc5f5d7385beb2540528ee102501499b7ca846c2687d83", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pt.vec": - "bffbfcafb9f004f13f1be12fa0201c5011324b14a52c2996ae2b97f268819e0c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rue.vec": - "cb0aa15cb7816337509ed1b95c8844928a38d29e392e4e5295f35593e633b222", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sa.vec": - "6a303056d4841496599595be06fdcdf28ab5a2fc611c3428d95a3af9d4df0067", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ru.vec": - "9567b90e037c459eb4be4c2a47a04fffbfd5b0d01b84baf86b16535f0dc3728e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sah.vec": - "670a7c98a6c4bf6444b1a26213a5c8114d41c68006b4f32f6dee96558494076d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sc.vec": - "52abeb74f579f53b3c8bb55ae5cd8bbf8878c7083e61c693c0f7c8d289e80248", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.scn.vec": - "ad8e57aba916c6ab571157c02098ad1519c8f6ce1e72f35538efe1cb488a1a25", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sd.vec": - "7906a45f27aa65ba3d5cb034f56d2852d54d9ec3301b9df345f1a12a6cef9d7a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sco.vec": - "eafc948e3e9e20aac5e7986979b3b3275c1acb2944e07b9b58d964da61408ff7", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sh.vec": - "36dc95a0fc0de137421df0b86eb7c55faff04d30b26969ae1fa331631824276d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sk.vec": - "dd9f51e48a55fe63c5cf901c9ce0bd6baab249ac51135a1b4cdb4e12f164687b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sl.vec": - "2ab76744a9d5321b6709b4ff379fb10495e004f72f6f221965028d6ee1cffd1e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.so.vec": - "28025afd6be6c8166898af85eb33536b111753fbf30e363beb7c064674c6d3c4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.si.vec": - "112246c583380fcf367932b55e5d42d5ffc12b8c206f981deae24fd4c61b7416", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sq.vec": - "4b4850d700aa1674e44bf733d6e2f83763b1ce9f0e7dfd524eb2c1b29c782631", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sr.vec": - "713f24f861cf540e3e28882915a89023cde222b6edb28fac7fb45b9bd894042e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sv.vec": - "d21b96312bcf64faf1cd972d6eff44cd4a5afc575ff5c8f9b31d2d8819f56fca", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.su.vec": - "b763d1c6471320b071ad2009a82dc6fb0ffeaf07319562438f84cfcb2718e2a4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sw.vec": - "b9e17565d44cfba3c120274fd359b371c3b8d969b973e77ada3357defa843c79", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.te.vec": - "2d684ba8af330a716f732f9581c7faee80322232e02713d441130f304af8a897", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tg.vec": - "e2ed18d08da76bff25f2170452365aa341e967114a45271a8ba8d9cefc062aef", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.th.vec": - "079fadf992d34ae885ce5d7c23baa10aea4ee971147993b007d8bf0557906a18", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ta.vec": - "a3cedbf2ce4adb5a8b3688539ef37c6c59047d8d20ffd74e2e384ffcac588ac1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tk.vec": - "05f0ccf5f6a2bdf6073e16f11c7a2327ebe4d12610af44051872d4fea32591ec", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tl.vec": - "a524621cefca337c5b83e6a2849afd12100fcd59bd7f3b228bddb4fb95cb17ea", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tr.vec": - "4cf567dbb73053bb7b08370e89ec6a7c5626e397e71de99637e70c68ba4c71d9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tt.vec": - "6dc86b913c0375b204f1c8d7c8543d80888030693ed4ebef10c75e358c17d0fa", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tyv.vec": - "b8a687337b3e7f344b9aecff19306c7a1cb432cdc03b46fd2f2e9e376be3073c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uk.vec": - "186523ce3be943f9ecae127155371c494192564d1dffe743ab5db8ba28e50874", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ug.vec": - "04184a3a6be245e55f09c04856acc14f687adc4b802aaf875bf5883a1669a856", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ur.vec": - "df38c3cf123edf09366f47ea694c02dec59929df218ca81d5aa69d77552b6865", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uz.vec": - "f6289fa8cf2ff936a1716a5cf8fd07da46907af26b1236403a292273f2d8fb55", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vec.vec": - "c6d786f4231f30b4116a8dce181b2513b40b55a654c60793a5c0566152287aeb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vls.vec": - "2f430e1d83f0f00fef517f7d35505bcf1445dc7de0db4f051ae7315f1bb0647b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vep.vec": - "81268d74e29bbae9f166d523151d12c246ff26be9cd680344faece7e1ca97ebe", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vi.vec": - "206206d496697de7e96c69500e926014c9f71c7115c3844350766ced21d7003f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.war.vec": - "51b58d0ace2779b17b88a5b51847a813042e2b018ada573e0bce5a093da5ff4d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wa.vec": - "37aee21a768a5883f6bee4a486040883224a93619b8b03dcefb1e939b655cd1c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vo.vec": - "4fa6a6ff897a1a49470861d343792feac0ca16e02e9ed1917f1506245ac28b2d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wuu.vec": - "09a619a8ef25392bf8905d741cdb63922a115e05b38f56de27c339985691c5d2", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xal.vec": - "bf9ad172c55d8910e0156953158a9cb1f9cbcc6b9b1e78cf09c123d3409af5e3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yi.vec": - "75dc1cad2a4dad5ad7d7723ef0b8e87abe3f4b799e9c38c54f4afe51d916a82b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yo.vec": - "c8aa49859debb8b3d1568bb510e12814d55ce5994f0cc6dc43ca9b2c4f739946", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xmf.vec": - "94ffed6fc1123523d72e3b92d0d3cc5513c116b9e9b2bba5d8b47f7b6fce6abd", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yue.vec": - "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.zh.vec": - "76f72bd13269ae492715415ef62afb109046ce557f5af24e822b71f9b9360bef" + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.am.vec": "b532c57a74628fb110b48b9d8ae2464eb971df2ecc43b89c2eb92803b8ac92bf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.als.vec": "056a359a2651a211817dbb7885ea3e6f69e0d6048d7985eab173858c59ee1adf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.af.vec": "87ecbfea969eb707eab72a7156b4318d341c0652e6e5c15c21bc08f5cf458644", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.an.vec": "57db91d8c307c45613092ebfd405061ccfdec5905035d9a8ad364f6b8ce41b29", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ar.vec": "5527041ce04fa66e45e27d7bd278f00425d97fde8c67755392d70f112fecc356", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.arz.vec": "0b6c261fd179e5d030f2b363f9f7a4db0a52e6241a910b39fb3332d39bcfbec3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.as.vec": "4475daa38bc1e8501e54dfcd79a1a58bb0771b347ad9092ce9e57e9ddfdd3b07", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.av.vec": "1292eed7f649687403fac18e0ee97202e163f9ab50f6efa885aa2db9760a967e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ast.vec": "fbba958174ced32fde2593f628c3cf4f00d53cd1d502612a34e180a0d13ce037", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.be.vec": "3b36ba86f5b76c40dabe1c7fc3214338d53ce7347c28bb2fba92b6acc098c6ad", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.az.vec": "93ebe624677a1bfbb57de001d373e111ef9191cd3186f42cad5d52886b8c6467", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ba.vec": "b739fd6f9fe57205314d67a7975a2fc387b55679399a6b2bda0d1835b1fdd5a8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.azb.vec": "05709ce8abc91115777f3cc2574d24d9439d3f6905500163295d695d41260a06", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bar.vec": "3f58304eb0345d96c0abbffb61621c1f6ec2ca39e13272b434cc6cc2bde052a1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bcl.vec": "309bb74a85647ac3a5be53fd9d3be3196cff385d257561f4183a0d91a67f0c8b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bg.vec": "16f1a02f3b708f2cbc04971258b0febdfc9ed4e64fcc3818cc6a397e3db5cf81", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bh.vec": "ab0819c155fd1609393f8af74794de8d5b49db0787edf136e938ea2c87993ab5", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bn.vec": "3dd27b9b271c203a452de1c533fdf975ebec121f17f945ef234370358db2bae6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bpy.vec": "2ba9f046d70bdaae2cbd9d33f9a1d2913637c00126588cc3223ba58ca80d49fe", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bo.vec": "c5ed2a28edf39bc100f4200cdf1c9d3c1448efefcb3d78db8becea613a2fb2eb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.br.vec": "fe858e2be787351cce96c206a9034c361e45f8b9e0a385aacfce3c73f844e923", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.da.vec": "397b0c3e18f710fb8aa1caf86441a25af2f247335e8560dbe949feb3613ef5cc", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bs.vec": "ee065fe168c0a4f1a0b9fbd8854be4572c138a414fd7200381d0135ce6c03b49", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bxr.vec": "0bc0e47a669aa0d9ad1c665593f7257c4b27a4e3becce457a7348da716bdabb4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ca.vec": "1600696088c7f2fe555eb6a4548f427f969a450ed0313d68e859d6024242db5f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cbk.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ceb.vec": "7fbe4474043e4f656eb2f81ee03d1e863cef8e62ad4e3bd9a3a4143785752568", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ce.vec": "2a321e2de98d0abb5a12599d9567dd5ac93f9e2599251237026acff35f23cef8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cs.vec": "0eba2ac0852b1057909d4e8e5e3fa75470f9cb9408b364433ac4747eb2b568a9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cv.vec": "67f09d353f2561b16c385187789eb6ff43fa125d3cc81081b2bc7d062c9f0b8a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cy.vec": "1023affdcb7e84dd59b1b7de892f65888b6403e2ed4fd77cb836face1c70ee68", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.co.vec": "7f16f06c19c8528dc48a0997f67bf5f0d79da2d817247776741b54617b6053d9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ckb.vec": "ef3a8472cc2ac86976a1a91cde3edc7fcd1d1affd3c6fb6441451e9fbc6c3ae8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.de.vec": "3020c26e32238ba95a933926763b5c693bf7793bf0c722055cecda1e0283578c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.diq.vec": "6f71204e521e03ae70b4bd8a41c50cc72cd4b8c3e242a4ab5c77670603df1b42", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dty.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dv.vec": "2b4f19bfcf0d38e6ab54e53d752847ab60f4880bae955fff2c485135e923501e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dsb.vec": "ed6699709e0e2f2e3b4a4e32ef3f98f0ccb3f1fed2dad41b7a6deafdc2b32acf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.el.vec": "a397de14c637f0b843fcda8724b406f5a7fe9f3ead7f02cfcaeed43858212da6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.en.vec": "ba5420ac217fb34f15f58ded0d911a4370dfb1f3341fa7511a49ae74c87de282", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eml.vec": "a81f0a05c9d3ffd310f6e2d864ee48bff952dbfb2612293b58ab7bc49755cfe6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.es.vec": "cf2e9a1976055a18ad358fb0331bc5f9b2e8541d6d4903b562a63b60f3ae392e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.et.vec": "de15792f8373f27f1053eef28cff4c782c4b440fd57a3472af38e5bf94eafda6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eo.vec": "a137201c5cf54e218b6bb0bac540beaee2e81e285bf9c59c0d57e0a85e3353c0", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fi.vec": "63017414860020f7409d31c8b65c1f8ed0a64fe11224d4e82e17667ce0fbd0c5", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fa.vec": "da0250d60d159820bf0830499168c2f4f1eaffe74f1508c579ca9b41bae6c53f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eu.vec": "93f6e44742ea43ff11b5da4c634ebf73f3b1aa3e9485d43eb27bd5ee3979b657", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ilo.vec": "e20ac3c7ef6a076315f15d9c326e93b22c2d5eee6bec5caef7bab6faf691b13a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.frr.vec": "a39b393261a8a5c19d97f6a085669daa9e0b9a0cab0b5cf5f7cb23f6084c35e0", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ga.vec": "7b33e77e9feb32a6ce2f85ab449516294a616267173c6bbf8f1de5c2b2885699", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fy.vec": "07b695f598e2d51cdd17359814b32f15c56f5beaa7a6b49f69de835e13a212b8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fr.vec": "bc68b0703375da9e81c3c11d0c28f3f8375dd944c209e697c4075e579455ac2a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gd.vec": "464e8b97a8b262352a0dc663aa22f98fc0c3f9e7134a749644ad07249dbd42e8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gn.vec": "5d2ac06649f6199ffad8480efa03f97d2910d1501a4528bfb013524d6f2d6c2b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gl.vec": "b4b6233b0c650f9d665e5c8aa372f8745d1a40868f93ecf87f026c60b2bb0f9e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gu.vec": "910296b888e17416e9af43f636f83bbe0b81da68b5e62139ab9c06671dbbacf1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gom.vec": "20f38a650e90a372a92a1680c6a92fc1d89c21cd41835c8d0e5e42f30d52b7ec", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hi.vec": "e5ec503a898207e17a7681d97876607b0481384b6c1cc4c9c6b6aaba7ad293d0", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gv.vec": "b9d6384219d999e43f66ace6decd80eb6359e0956c61cb7049021b194c269ffe", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.he.vec": "5d861a705bf541671c0cee731c1b71f6a65d8defd3df2978a7f83e8b0580903b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hif.vec": "445e65668be650f419e0a14791b95c89c3f4142d32371501e53038749eb2c71c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hsb.vec": "27be86ce2435dfeb07d76d406a8ec7b46ebf9b6b8fb5da24208eca1492ffe5bb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hr.vec": "4d42787554747a86253a23e9a830a8571faea0b622e48ed136f8b9817dea9da3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ht.vec": "be5e089f22a43ca00a35467545bc6cca15b5c5951ac34c504a23686ab735e995", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hy.vec": "63dc48faeb4f3c5ea2e6f78a0bf4d8bf3d623af52b7f3a9b9e5984dbc79ba66f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hu.vec": "766de324b4783fe2d31df8f78966ea088712a981b6b0b5336bc71938773fe21e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ia.vec": "1ec19501030cafa0fdccf7f4c5794f4cd7e795b015330f6ea6bc9eff97eaeca5", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ie.vec": "41c9e34f5445c4aafd7f5d52665b9aa89fb3c76b5262e9401d21b58dd2e53609", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.id.vec": "436180ac3d405eefe8c2be20ae3e67cddc866afb94e486afcbaef549c24b7d60", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.io.vec": "2bedf13a6d751ad5191474e65b6104fa3175ca4c3f9ade214f25cfeede1c9c8c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.is.vec": "7fe6d8eca113e245ea5467e8f4cab9697dff1d623ac0a8e6fdaca0a93d7fc6f3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.it.vec": "5a9d111edd3f199e7379373ba18f4e5317c6c6c5053a9d6d0a56f32298d3bde4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ja.vec": "b44b2eef8bdcf0739c971c4ff7fcae7a300b5e06cf0e50c5787082957ad9d998", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jv.vec": "4a46ac08781861d6e19fcc70a421340b627889a054279dacee0f32ee12b1f4f7", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jbo.vec": "766c0eb15b1e2cad9a14d0a0937e859e20f6f2ed203ff7ba4f3c70d3b1888d2b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ka.vec": "10b08b9372ef6e44e0e826e6a8d01b3396a319d78ce2db990c51d688c2d0259e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kk.vec": "2dabc86ed917ba236c96c8c327aa3394f32ea511068a9dce205a46923c5716d1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kn.vec": "7f9ab4985e0d5f91462fbdcbfbfaeef619d973e638fbc7c928cfcc5bd37d473b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.km.vec": "bf35b294d86fceac916feee3e167fe6aee3fe73380f78e5377c94ff0d023b77c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ko.vec": "44bae904dd7923d1178e83067cc42d9437097f7e86cb83bdd8281febe4b9adaa", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.krc.vec": "b0ff031a60938b612f9b0c9612bd206cbb1f5288a6ee3482d116174b81d9269f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kv.vec": "a6202b11f869683ce75e60bf206c230109f91b651801dc6ea07b3b7f2c5c9b32", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kw.vec": "061e26d970aa7cb3fded9278372a53d0dd8359abc664caa385edaac9aac1359d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ku.vec": "7f117b704d5ac791463796b1ac2d833717c0cfc75dbfb50c2e80aa0c9348c448", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ky.vec": "adb5c72c47c514cd5417f46f8a7baba4061063b0e75c2d0b2e42dc08144af6cf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lb.vec": "566334801777746bc2c1076e1b24a8281e10fe31f0db30a2a4b0b490033e6d04", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.li.vec": "50a1054a31a7e11f5bd3fe980e1646205284e540fb1be3ae88f4bf16b0d10301", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lez.vec": "109c3f3fee8970cfab1b7152315816284aa4b5788403d4007866ad417a63b5e6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.la.vec": "ca3b46e03bebf6b937cd7f01c29566b7d48d94d3de033a527ce45744a40ea00a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lo.vec": "acd1a8cbabbfc50196cb3dfeb9e82c71409c40ae90dc3485044396bbb7350431", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lmo.vec": "26952850a5569e8241d1e6ff2d6877fa51b6715e8fdeec9bf5f9d716e94c958e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lt.vec": "54bc7d3c1ef600f4710047c4dafd1346e8b53bd29a327bc132f6a9fd0c14b8c7", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lrc.vec": "24d6c530275176cb03e566e9e5737a1680e79854e6c0a2da19a7cb27a029a0ce", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lv.vec": "ed93e318306e19cc18154b095a2494d94ab061009c3a8fa1c3501495f81b7198", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mg.vec": "12ab899108b74bbee8b685ed7f4941719485560c7346875a0be79c7ba6dbec2a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mai.vec": "387a5d1194e8e441b09c7a215a71cad75e6e1a0777c08f90b2ed5bf4e90423d3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mhr.vec": "080cb31ff85f0bc21ae75b66311214d594f76a7fdf17699aa5ba8239c6ccd164", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mk.vec": "ea3d8e77ba3cf17c516e7d0c93e45a73a5e54b1b245ddb65351826678fe102d1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.min.vec": "13fac5abbd2053365c5570edea2017e2a6d814e682a8e906d92b3deaa761b741", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ml.vec": "69eafbab72db69278acec01ff8883d41d616f8aaa59e473faafc115996db5898", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mn.vec": "a1ec46e780d2f42633ffbe363ce17b1f700fa6744ce40b5a19446a714b9066d8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mr.vec": "e30ee3d90d6687868cc6dee609e4d487b81362ea231e8456f8265bace55c7ffb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ms.vec": "71ebc8bc0959a592e071db35995119ee33fc17ff61611e6ea09ea6736b317f17", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mrj.vec": "93351fb85f38523fbf3767fac32625f26be37582afbddfef258642f4530f4ab9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.my.vec": "5a8216d0df2d70e5517bcb4cbe523fc03d34f802a83d04a88faadfff7b700b9f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mwl.vec": "6997a71b0a745c124135d6c52196d14412d4068fca8aa13b2b3b9598b933cf38", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mt.vec": "f07a6071fcb3bcda4c6c5e6a0ebe6f3f5d228e8c1fc7ef5160cc3dd098718e98", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.myv.vec": "ffebdb940b95fe76f3885e8853f3d88ebf9a23c24f64ccdf52c9a269a3f4d459", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nah.vec": "2b1fc52e4a4901d824070d1e5fc2196f33c6d787edb8ce3732ace1d05407788e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mzn.vec": "692f68fa5537a690720f9c2ce0a2c5edaa0d06fe04b2749d169a178aecf751ad", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nap.vec": "954aa926c6d47882c2397997d57a8afde3e0ca851a42b07280d6e465577f6925", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ne.vec": "8d4bf875ca4733d022d4f415777dc2f9e33a93ddc67361add30aed298bc41bc6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nds.vec": "767dcf37a6018cce9f885b31b3c54671199c0f9554ffb09112130b62144556db", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nl.vec": "d0601975d00d672ad03a3b146c13c4b6240111d286834e385853e2a25f4fb66a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.new.vec": "b7328d5408d91bbdc7ee7a9fd6761af322ea8ddb35a405a60826a5b7e327dd29", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nn.vec": "c2d2617c932bb49ba64bea9396435ce882fc4238e3983081967658891d18309e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.no.vec": "762670d35c29910a0daa86444a1b32d4fd9c94deff82c53abe751c5463dcb025", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.or.vec": "b1d97ba3d93b37903266b551e164fc9e51c7d5a429e77330cb281fb7de28bd71", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.os.vec": "c249450a7cb5750c39a9121658b91055a0f5cccfe67c1879706a8bced390bebd", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.oc.vec": "a4bb95b2fc28e82c5c976af32d632e5241daeeaea2bca2cb3300ad036619c0f6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pam.vec": "b0dd33c3f7e85805b1937d95d73194f3834f40a43a92c12544911ab30818cd20", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pa.vec": "61462550fac53d8156c2e61f738b63ef0639949b87d8abeb566194dc86b1a488", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pl.vec": "9c2674431e796595c8c1d3b5e1a941c7e833d23cad223d6e4d1c36447af5f3cc", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pfl.vec": "889a62dbb945033bfc53516b976042df7791c0aa8290dcb92f12240685d2d2c1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pnb.vec": "7c26c9297b15a75bb1f2bfeb8f11dd3c55821a06bd64fe7a105699ed4d9d794a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ps.vec": "e718dfda7790cb309e37f0d42400afebf6036aa018dcd7eb330d576bb5c55030", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.qu.vec": "b71076861dc0221acf540d4abbf6e760a2871c2dc380556fc7bad402d26ec738", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pms.vec": "33a90387e8b75c09980b4c80171cabaae38e9b87de7bf320ecd93c344afaeb39", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rm.vec": "9a7f0690c8b42c96a1ad50bb8e7da5d69a3a9f7f0676289243319553a10aac41", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ro.vec": "e19b3e99a6eae03c15dc5f5d7385beb2540528ee102501499b7ca846c2687d83", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pt.vec": "bffbfcafb9f004f13f1be12fa0201c5011324b14a52c2996ae2b97f268819e0c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rue.vec": "cb0aa15cb7816337509ed1b95c8844928a38d29e392e4e5295f35593e633b222", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sa.vec": "6a303056d4841496599595be06fdcdf28ab5a2fc611c3428d95a3af9d4df0067", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ru.vec": "9567b90e037c459eb4be4c2a47a04fffbfd5b0d01b84baf86b16535f0dc3728e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sah.vec": "670a7c98a6c4bf6444b1a26213a5c8114d41c68006b4f32f6dee96558494076d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sc.vec": "52abeb74f579f53b3c8bb55ae5cd8bbf8878c7083e61c693c0f7c8d289e80248", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.scn.vec": "ad8e57aba916c6ab571157c02098ad1519c8f6ce1e72f35538efe1cb488a1a25", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sd.vec": "7906a45f27aa65ba3d5cb034f56d2852d54d9ec3301b9df345f1a12a6cef9d7a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sco.vec": "eafc948e3e9e20aac5e7986979b3b3275c1acb2944e07b9b58d964da61408ff7", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sh.vec": "36dc95a0fc0de137421df0b86eb7c55faff04d30b26969ae1fa331631824276d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sk.vec": "dd9f51e48a55fe63c5cf901c9ce0bd6baab249ac51135a1b4cdb4e12f164687b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sl.vec": "2ab76744a9d5321b6709b4ff379fb10495e004f72f6f221965028d6ee1cffd1e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.so.vec": "28025afd6be6c8166898af85eb33536b111753fbf30e363beb7c064674c6d3c4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.si.vec": "112246c583380fcf367932b55e5d42d5ffc12b8c206f981deae24fd4c61b7416", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sq.vec": "4b4850d700aa1674e44bf733d6e2f83763b1ce9f0e7dfd524eb2c1b29c782631", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sr.vec": "713f24f861cf540e3e28882915a89023cde222b6edb28fac7fb45b9bd894042e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sv.vec": "d21b96312bcf64faf1cd972d6eff44cd4a5afc575ff5c8f9b31d2d8819f56fca", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.su.vec": "b763d1c6471320b071ad2009a82dc6fb0ffeaf07319562438f84cfcb2718e2a4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sw.vec": "b9e17565d44cfba3c120274fd359b371c3b8d969b973e77ada3357defa843c79", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.te.vec": "2d684ba8af330a716f732f9581c7faee80322232e02713d441130f304af8a897", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tg.vec": "e2ed18d08da76bff25f2170452365aa341e967114a45271a8ba8d9cefc062aef", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.th.vec": "079fadf992d34ae885ce5d7c23baa10aea4ee971147993b007d8bf0557906a18", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ta.vec": "a3cedbf2ce4adb5a8b3688539ef37c6c59047d8d20ffd74e2e384ffcac588ac1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tk.vec": "05f0ccf5f6a2bdf6073e16f11c7a2327ebe4d12610af44051872d4fea32591ec", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tl.vec": "a524621cefca337c5b83e6a2849afd12100fcd59bd7f3b228bddb4fb95cb17ea", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tr.vec": "4cf567dbb73053bb7b08370e89ec6a7c5626e397e71de99637e70c68ba4c71d9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tt.vec": "6dc86b913c0375b204f1c8d7c8543d80888030693ed4ebef10c75e358c17d0fa", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tyv.vec": "b8a687337b3e7f344b9aecff19306c7a1cb432cdc03b46fd2f2e9e376be3073c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uk.vec": "186523ce3be943f9ecae127155371c494192564d1dffe743ab5db8ba28e50874", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ug.vec": "04184a3a6be245e55f09c04856acc14f687adc4b802aaf875bf5883a1669a856", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ur.vec": "df38c3cf123edf09366f47ea694c02dec59929df218ca81d5aa69d77552b6865", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uz.vec": "f6289fa8cf2ff936a1716a5cf8fd07da46907af26b1236403a292273f2d8fb55", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vec.vec": "c6d786f4231f30b4116a8dce181b2513b40b55a654c60793a5c0566152287aeb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vls.vec": "2f430e1d83f0f00fef517f7d35505bcf1445dc7de0db4f051ae7315f1bb0647b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vep.vec": "81268d74e29bbae9f166d523151d12c246ff26be9cd680344faece7e1ca97ebe", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vi.vec": "206206d496697de7e96c69500e926014c9f71c7115c3844350766ced21d7003f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.war.vec": "51b58d0ace2779b17b88a5b51847a813042e2b018ada573e0bce5a093da5ff4d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wa.vec": "37aee21a768a5883f6bee4a486040883224a93619b8b03dcefb1e939b655cd1c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vo.vec": "4fa6a6ff897a1a49470861d343792feac0ca16e02e9ed1917f1506245ac28b2d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wuu.vec": "09a619a8ef25392bf8905d741cdb63922a115e05b38f56de27c339985691c5d2", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xal.vec": "bf9ad172c55d8910e0156953158a9cb1f9cbcc6b9b1e78cf09c123d3409af5e3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yi.vec": "75dc1cad2a4dad5ad7d7723ef0b8e87abe3f4b799e9c38c54f4afe51d916a82b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yo.vec": "c8aa49859debb8b3d1568bb510e12814d55ce5994f0cc6dc43ca9b2c4f739946", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xmf.vec": "94ffed6fc1123523d72e3b92d0d3cc5513c116b9e9b2bba5d8b47f7b6fce6abd", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yue.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.zh.vec": "76f72bd13269ae492715415ef62afb109046ce557f5af24e822b71f9b9360bef", } diff --git a/torchtext/experimental/vocab_factory.py b/torchtext/experimental/vocab_factory.py index a157b4ba8b..eaf5c4efc2 100644 --- a/torchtext/experimental/vocab_factory.py +++ b/torchtext/experimental/vocab_factory.py @@ -1,19 +1,22 @@ +from typing import Callable, Optional + import torch -from torchtext.vocab import Vocab -from typing import Optional, Callable from torchtext._torchtext import ( _build_vocab_from_text_file, - _load_vocab_from_file, _build_vocab_from_text_file_using_python_tokenizer, + _load_vocab_from_file, ) +from torchtext.vocab import Vocab __all__ = [ - 'build_vocab_from_text_file', - 'load_vocab_from_file', + "build_vocab_from_text_file", + "load_vocab_from_file", ] -def build_vocab_from_text_file(file_path: str, tokenizer: Optional[Callable] = None, min_freq: int = 1, num_cpus: Optional[int] = 4) -> Vocab: +def build_vocab_from_text_file( + file_path: str, tokenizer: Optional[Callable] = None, min_freq: int = 1, num_cpus: Optional[int] = 4 +) -> Vocab: r"""Create a `Vocab` object from a raw text file. The `file_path` can contain any raw text. This function applies a generic JITed tokenizer in parallel to the text. @@ -38,6 +41,7 @@ def build_vocab_from_text_file(file_path: str, tokenizer: Optional[Callable] = N """ if not tokenizer: + def tokenizer(x): return x.split() diff --git a/torchtext/functional.py b/torchtext/functional.py index 576ccd194f..d448e2e403 100644 --- a/torchtext/functional.py +++ b/torchtext/functional.py @@ -1,12 +1,13 @@ +from typing import Any, List, Optional + import torch from torch import Tensor from torch.nn.utils.rnn import pad_sequence -from typing import List, Optional, Any __all__ = [ - 'to_tensor', - 'truncate', - 'add_token', + "to_tensor", + "truncate", + "add_token", ] @@ -29,9 +30,7 @@ def to_tensor(input: Any, padding_value: Optional[int] = None, dtype: torch.dtyp return output else: output = pad_sequence( - [torch.tensor(ids, dtype=dtype) for ids in input], - batch_first=True, - padding_value=float(padding_value) + [torch.tensor(ids, dtype=dtype) for ids in input], batch_first=True, padding_value=float(padding_value) ) return output else: @@ -39,7 +38,7 @@ def to_tensor(input: Any, padding_value: Optional[int] = None, dtype: torch.dtyp def truncate(input: Any, max_seq_len: int) -> Any: - """ Truncate input sequence or batch + """Truncate input sequence or batch :param input: Input sequence or batch to be truncated :type input: Union[List[Union[str, int]], List[List[Union[str, int]]]] diff --git a/torchtext/models/roberta/__init__.py b/torchtext/models/roberta/__init__.py index 79830cb2c3..1db7a6a29a 100644 --- a/torchtext/models/roberta/__init__.py +++ b/torchtext/models/roberta/__init__.py @@ -1,16 +1,11 @@ -from .model import ( - RobertaEncoderConf, - RobertaClassificationHead, - RobertaModel, -) - from .bundler import ( + ROBERTA_BASE_ENCODER, + ROBERTA_LARGE_ENCODER, RobertaModelBundle, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, - ROBERTA_BASE_ENCODER, - ROBERTA_LARGE_ENCODER, ) +from .model import RobertaClassificationHead, RobertaEncoderConf, RobertaModel __all__ = [ "RobertaEncoderConf", diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 96d4501185..3805f1a12b 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -1,23 +1,20 @@ +import logging +import re from dataclasses import dataclass +from typing import Any, Callable, Dict, Optional, Union from urllib.parse import urljoin -from typing import Optional, Callable, Dict, Union, Any -from torchtext._download_hooks import load_state_dict_from_url -from torch.nn import Module import torch -import logging -import re -logger = logging.getLogger(__name__) +from torch.nn import Module +from torchtext._download_hooks import load_state_dict_from_url -from .model import ( - RobertaEncoderConf, - RobertaModel, -) +logger = logging.getLogger(__name__) import torchtext.transforms as T - from torchtext import _TEXT_BUCKET +from .model import RobertaEncoderConf, RobertaModel + def _is_head_available_in_checkpoint(checkpoint, head_state_dict): # ensure all keys are present @@ -61,17 +58,20 @@ class RobertaModelBundle: >>> classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) >>> model = RobertaModelBundle.build_model(encoder_conf=encoder_conf, head=classifier_head, checkpoint=model_weights_path) """ + _encoder_conf: RobertaEncoderConf _path: Optional[str] = None _head: Optional[Module] = None transform: Optional[Callable] = None - def get_model(self, - *, - head: Optional[Module] = None, - load_weights: bool = True, - freeze_encoder: bool = False, - dl_kwargs: Dict[str, Any] = None) -> RobertaModel: + def get_model( + self, + *, + head: Optional[Module] = None, + load_weights: bool = True, + freeze_encoder: bool = False, + dl_kwargs: Dict[str, Any] = None, + ) -> RobertaModel: r"""get_model(head: Optional[torch.nn.Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> torctext.models.RobertaModel Args: @@ -82,11 +82,15 @@ def get_model(self, """ if load_weights: - assert self._path is not None, "load_weights cannot be True. The pre-trained model weights are not available for the current object" + assert ( + self._path is not None + ), "load_weights cannot be True. The pre-trained model weights are not available for the current object" if freeze_encoder: if not load_weights or not self._path: - logger.warn("The encoder is not loaded with pre-trained weights. Setting freeze_encoder to True will hinder encoder from learning appropriate weights.") + logger.warn( + "The encoder is not loaded with pre-trained weights. Setting freeze_encoder to True will hinder encoder from learning appropriate weights." + ) if head is not None: input_head = head @@ -95,13 +99,15 @@ def get_model(self, else: input_head = self._head - return RobertaModelBundle.build_model(encoder_conf=self._encoder_conf, - head=input_head, - freeze_encoder=freeze_encoder, - checkpoint=self._path if load_weights else None, - override_checkpoint_head=True, - strict=True, - dl_kwargs=dl_kwargs) + return RobertaModelBundle.build_model( + encoder_conf=self._encoder_conf, + head=input_head, + freeze_encoder=freeze_encoder, + checkpoint=self._path if load_weights else None, + override_checkpoint_head=True, + strict=True, + dl_kwargs=dl_kwargs, + ) @classmethod def build_model( @@ -134,7 +140,9 @@ def build_model( dl_kwargs = {} if dl_kwargs is None else dl_kwargs state_dict = load_state_dict_from_url(checkpoint, **dl_kwargs) else: - raise TypeError("checkpoint must be of type `str` or `Dict[str, torch.Tensor]` but got {}".format(type(checkpoint))) + raise TypeError( + "checkpoint must be of type `str` or `Dict[str, torch.Tensor]` but got {}".format(type(checkpoint)) + ) if head is not None: regex = re.compile(r"^head\.") @@ -161,11 +169,10 @@ def encoderConf(self) -> RobertaEncoderConf: T.Truncate(254), T.AddToken(token=0, begin=True), T.AddToken(token=2, begin=False), - ) + ), ) -XLMR_BASE_ENCODER.__doc__ = ( - ''' +XLMR_BASE_ENCODER.__doc__ = """ XLM-R Encoder with Base configuration The XLM-RoBERTa model was proposed in `Unsupervised Cross-lingual Representation Learning @@ -178,24 +185,24 @@ def encoderConf(self) -> RobertaEncoderConf: `Source `__] Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. - ''' -) + """ XLMR_LARGE_ENCODER = RobertaModelBundle( _path=urljoin(_TEXT_BUCKET, "xlmr.large.encoder.pt"), - _encoder_conf=RobertaEncoderConf(vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24), + _encoder_conf=RobertaEncoderConf( + vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24 + ), transform=lambda: T.Sequential( T.SentencePieceTokenizer(urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model")), T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"))), T.Truncate(510), T.AddToken(token=0, begin=True), T.AddToken(token=2, begin=False), - ) + ), ) -XLMR_LARGE_ENCODER.__doc__ = ( - ''' +XLMR_LARGE_ENCODER.__doc__ = """ XLM-R Encoder with Large configuration The XLM-RoBERTa model was proposed in `Unsupervised Cross-lingual Representation Learning @@ -208,8 +215,7 @@ def encoderConf(self) -> RobertaEncoderConf: `Source `__] Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. - ''' -) + """ ROBERTA_BASE_ENCODER = RobertaModelBundle( @@ -220,17 +226,14 @@ def encoderConf(self) -> RobertaEncoderConf: encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), ), - T.VocabTransform( - load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt")) - ), + T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), T.Truncate(254), T.AddToken(token=0, begin=True), T.AddToken(token=2, begin=False), ), ) -ROBERTA_BASE_ENCODER.__doc__ = ( - ''' +ROBERTA_BASE_ENCODER.__doc__ = """ Roberta Encoder with Base configuration RoBERTa iterates on BERT's pretraining procedure, including training the model longer, @@ -248,8 +251,7 @@ def encoderConf(self) -> RobertaEncoderConf: `Source `__] Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. - ''' -) + """ ROBERTA_LARGE_ENCODER = RobertaModelBundle( @@ -266,17 +268,14 @@ def encoderConf(self) -> RobertaEncoderConf: encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), ), - T.VocabTransform( - load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt")) - ), + T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), T.Truncate(510), T.AddToken(token=0, begin=True), T.AddToken(token=2, begin=False), ), ) -ROBERTA_LARGE_ENCODER.__doc__ = ( - ''' +ROBERTA_LARGE_ENCODER.__doc__ = """ Roberta Encoder with Large configuration RoBERTa iterates on BERT's pretraining procedure, including training the model longer, @@ -294,5 +293,4 @@ def encoderConf(self) -> RobertaEncoderConf: `Source `__] Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. - ''' -) + """ diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py index e4dd8ddc8c..4b761a68e2 100644 --- a/torchtext/models/roberta/model.py +++ b/torchtext/models/roberta/model.py @@ -1,17 +1,15 @@ +import logging import math +from dataclasses import asdict, dataclass +from typing import List, Optional -from dataclasses import dataclass, asdict -from typing import Optional, List - -from torch.nn import Module import torch -from torch import Tensor import torch.nn as nn +from torch import Tensor +from torch.nn import Module + +from .modules import TransformerEncoder -from .modules import ( - TransformerEncoder, -) -import logging logger = logging.getLogger(__name__) @@ -79,7 +77,9 @@ def forward(self, tokens: Tensor, masked_tokens: Optional[Tensor] = None) -> Ten # TODO: Add Missing quant noise and spectral norm from latest Roberta head in fairseq repo class RobertaClassificationHead(nn.Module): - def __init__(self, num_classes, input_dim, inner_dim: Optional[int] = None, dropout: float = 0.1, activation=nn.ReLU): + def __init__( + self, num_classes, input_dim, inner_dim: Optional[int] = None, dropout: float = 0.1, activation=nn.ReLU + ): super().__init__() if not inner_dim: inner_dim = input_dim @@ -109,10 +109,7 @@ class RobertaModel(Module): >>> classifier = RobertaModel(config=roberta_encoder_conf, head=classifier_head) """ - def __init__(self, - encoder_conf: RobertaEncoderConf, - head: Optional[Module] = None, - freeze_encoder: bool = False): + def __init__(self, encoder_conf: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False): super().__init__() assert isinstance(encoder_conf, RobertaEncoderConf) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 769dedac94..53f68dff4c 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -1,11 +1,10 @@ import logging import math -from typing import Optional, List, Union +from typing import List, Optional, Union import torch from torch import nn -from torch.nn import Module -from torch.nn import functional as F +from torch.nn import functional as F, Module logger = logging.getLogger(__name__) @@ -43,9 +42,7 @@ def __init__( super().__init__() modules = [] for last_dim, dim in zip([input_dim] + hidden_dims, hidden_dims): - modules.extend( - [nn.Linear(last_dim, dim), activation(), nn.Dropout(dropout)] - ) + modules.extend([nn.Linear(last_dim, dim), activation(), nn.Dropout(dropout)]) last_dim = hidden_dims[-1] if hidden_dims else input_dim modules.extend([nn.Linear(last_dim, input_dim), nn.Dropout(dropout)]) @@ -78,9 +75,7 @@ def __init__( expected_scaling = float(1 / math.sqrt(self.head_dim)) - assert ( - embed_dim % num_heads == 0 - ), f"embed_dim={embed_dim} should be a multiple of num_heads={num_heads}" + assert embed_dim % num_heads == 0, f"embed_dim={embed_dim} should be a multiple of num_heads={num_heads}" if not scaling: logger.warn( @@ -119,16 +114,23 @@ def forward(self, query: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask k = k.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) v = v.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) - torch._assert( - k.size(1) == source_length, "key size should be equal to source length" - ) + torch._assert(k.size(1) == source_length, "key size should be equal to source length") attn_weights = torch.bmm(q, k.transpose(1, 2)) if attn_mask is not None: torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) - torch._assert(attn_mask.size(0) == target_length, "attn_mask shape didn't match for target length {}".format(target_length)) - torch._assert(attn_mask.size(1) == source_length, "attn_mask shape didn't match for source length {}".format(source_length)) - torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") + torch._assert( + attn_mask.size(0) == target_length, + "attn_mask shape didn't match for target length {}".format(target_length), + ) + torch._assert( + attn_mask.size(1) == source_length, + "attn_mask shape didn't match for source length {}".format(source_length), + ) + torch._assert( + attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, + f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}", + ) if attn_mask.dtype == torch.bool: new_attn_mask = torch.zeros_like(attn_mask, dtype=query.dtype) new_attn_mask.masked_fill_(attn_mask, -1e8 if query.dtype == torch.float32 else -1e4) @@ -150,17 +152,11 @@ def forward(self, query: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask "attn_weights shape didn't match for source length", ) - attn_weights = attn_weights.view( - batch_size, self.num_heads, target_length, source_length - ) - attn_weights = attn_weights.masked_fill( - key_padding_mask.unsqueeze(1).unsqueeze(2), float("-inf") - ) + attn_weights = attn_weights.view(batch_size, self.num_heads, target_length, source_length) + attn_weights = attn_weights.masked_fill(key_padding_mask.unsqueeze(1).unsqueeze(2), float("-inf")) attn_weights = attn_weights.view(batch_heads, target_length, source_length) - attn_weights = F.softmax(attn_weights, dim=-1, dtype=torch.float32).type_as( - attn_weights - ) + attn_weights = F.softmax(attn_weights, dim=-1, dtype=torch.float32).type_as(attn_weights) attn_weights = self.dropout(attn_weights) attn = torch.bmm(attn_weights, v) @@ -181,11 +177,7 @@ def forward(self, query: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask attn.size(2) == self.head_dim, "attn shape didn't match for head dim", ) - attn = ( - attn.transpose(0, 1) - .contiguous() - .view(target_length, batch_size, self.head_dim * self.num_heads) - ) + attn = attn.transpose(0, 1).contiguous().view(target_length, batch_size, self.head_dim * self.num_heads) attn = self.output_projection(attn) return attn @@ -223,7 +215,10 @@ def __init__( def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): if attn_mask is not None: torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) - torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") + torch._assert( + attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, + f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}", + ) if not hasattr(self, "normalize_before"): self.normalize_before = False @@ -275,17 +270,20 @@ def __init__( for _ in range(num_encoder_layers) ] ) - self.positional_embedding = PositionalEmbedding( - max_seq_len, embedding_dim, padding_idx - ) + self.positional_embedding = PositionalEmbedding(max_seq_len, embedding_dim, padding_idx) self.embedding_layer_norm = nn.LayerNorm(embedding_dim) self.dropout = nn.Dropout(dropout) self.normalize_before = normalize_before self.return_all_layers = return_all_layers - def forward(self, tokens: torch.Tensor, attn_mask: Optional[torch.Tensor] = None) -> Union[torch.Tensor, List[torch.Tensor]]: + def forward( + self, tokens: torch.Tensor, attn_mask: Optional[torch.Tensor] = None + ) -> Union[torch.Tensor, List[torch.Tensor]]: if attn_mask is not None: - torch._assert(attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}") + torch._assert( + attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, + f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}", + ) padding_mask = tokens.eq(self.padding_idx) diff --git a/torchtext/nn/modules/__init__.py b/torchtext/nn/modules/__init__.py index a55ced48fb..b060955075 100644 --- a/torchtext/nn/modules/__init__.py +++ b/torchtext/nn/modules/__init__.py @@ -1,6 +1,3 @@ -from .multiheadattention import InProjContainer, \ - MultiheadAttentionContainer, ScaledDotProduct +from .multiheadattention import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct -__all__ = ['InProjContainer', - 'MultiheadAttentionContainer', - 'ScaledDotProduct'] +__all__ = ["InProjContainer", "MultiheadAttentionContainer", "ScaledDotProduct"] diff --git a/torchtext/nn/modules/multiheadattention.py b/torchtext/nn/modules/multiheadattention.py index e0909d70b3..6b96edc885 100644 --- a/torchtext/nn/modules/multiheadattention.py +++ b/torchtext/nn/modules/multiheadattention.py @@ -1,10 +1,11 @@ +from typing import Optional, Tuple + import torch -from typing import Tuple, Optional class MultiheadAttentionContainer(torch.nn.Module): def __init__(self, nhead, in_proj_container, attention_layer, out_proj, batch_first=False): - r""" A multi-head attention container + r"""A multi-head attention container Args: nhead: the number of heads in the multiheadattention model @@ -42,10 +43,15 @@ def __init__(self, nhead, in_proj_container, attention_layer, out_proj, batch_fi self.out_proj = out_proj self.batch_first = batch_first - def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, - attn_mask: Optional[torch.Tensor] = None, - bias_k: Optional[torch.Tensor] = None, - bias_v: Optional[torch.Tensor] = None) -> Tuple[torch.Tensor, torch.Tensor]: + def forward( + self, + query: torch.Tensor, + key: torch.Tensor, + value: torch.Tensor, + attn_mask: Optional[torch.Tensor] = None, + bias_k: Optional[torch.Tensor] = None, + bias_v: Optional[torch.Tensor] = None, + ) -> Tuple[torch.Tensor, torch.Tensor]: r""" Args: @@ -100,8 +106,9 @@ def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, head_dim = v.size(-1) // self.nhead v = v.reshape(src_len, bsz * self.nhead, head_dim) - attn_output, attn_output_weights = self.attention_layer(q, k, v, attn_mask=attn_mask, - bias_k=bias_k, bias_v=bias_v) + attn_output, attn_output_weights = self.attention_layer( + q, k, v, attn_mask=attn_mask, bias_k=bias_k, bias_v=bias_v + ) attn_output = attn_output.reshape(tgt_len, bsz, embed_dim) attn_output = self.out_proj(attn_output) @@ -112,7 +119,6 @@ def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, class ScaledDotProduct(torch.nn.Module): - def __init__(self, dropout=0.0, batch_first=False): r"""Processes a projected query and key-value pair to apply scaled dot product attention. @@ -135,10 +141,15 @@ def __init__(self, dropout=0.0, batch_first=False): self.dropout = dropout self.batch_first = batch_first - def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, - attn_mask: Optional[torch.Tensor] = None, - bias_k: Optional[torch.Tensor] = None, - bias_v: Optional[torch.Tensor] = None) -> Tuple[torch.Tensor, torch.Tensor]: + def forward( + self, + query: torch.Tensor, + key: torch.Tensor, + value: torch.Tensor, + attn_mask: Optional[torch.Tensor] = None, + bias_k: Optional[torch.Tensor] = None, + bias_v: Optional[torch.Tensor] = None, + ) -> Tuple[torch.Tensor, torch.Tensor]: r"""Uses a scaled dot product with the projected key-value pair to update the projected query. @@ -175,10 +186,12 @@ def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, query, key, value = query.transpose(-3, -2), key.transpose(-3, -2), value.transpose(-3, -2) if bias_k is not None and bias_v is not None: - assert key.size(-1) == bias_k.size(-1) and key.size(-2) == bias_k.size(-2) and bias_k.size(-3) == 1, \ - "Shape of bias_k is not supported" - assert value.size(-1) == bias_v.size(-1) and value.size(-2) == bias_v.size(-2) and bias_v.size(-3) == 1, \ - "Shape of bias_v is not supported" + assert ( + key.size(-1) == bias_k.size(-1) and key.size(-2) == bias_k.size(-2) and bias_k.size(-3) == 1 + ), "Shape of bias_k is not supported" + assert ( + value.size(-1) == bias_v.size(-1) and value.size(-2) == bias_v.size(-2) and bias_v.size(-3) == 1 + ), "Shape of bias_v is not supported" key = torch.cat([key, bias_k]) value = torch.cat([value, bias_v]) if attn_mask is not None: @@ -195,17 +208,23 @@ def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, query = query * (float(head_dim) ** -0.5) if attn_mask is not None: if attn_mask.dim() != 3: - raise RuntimeError('attn_mask must be a 3D tensor.') - if (attn_mask.size(-1) != src_len) or (attn_mask.size(-2) != tgt_len) or \ - (attn_mask.size(-3) != 1 and attn_mask.size(-3) != batch_heads): - raise RuntimeError('The size of the attn_mask is not correct.') + raise RuntimeError("attn_mask must be a 3D tensor.") + if ( + (attn_mask.size(-1) != src_len) + or (attn_mask.size(-2) != tgt_len) + or (attn_mask.size(-3) != 1 and attn_mask.size(-3) != batch_heads) + ): + raise RuntimeError("The size of the attn_mask is not correct.") if attn_mask.dtype != torch.bool: - raise RuntimeError('Only bool tensor is supported for attn_mask') + raise RuntimeError("Only bool tensor is supported for attn_mask") # Dot product of q, k attn_output_weights = torch.matmul(query, key.transpose(-2, -1)) if attn_mask is not None: - attn_output_weights.masked_fill_(attn_mask, -1e8,) + attn_output_weights.masked_fill_( + attn_mask, + -1e8, + ) attn_output_weights = torch.nn.functional.softmax(attn_output_weights, dim=-1) attn_output_weights = torch.nn.functional.dropout(attn_output_weights, p=self.dropout, training=self.training) attn_output = torch.matmul(attn_output_weights, value) @@ -234,10 +253,9 @@ def __init__(self, query_proj, key_proj, value_proj): self.key_proj = key_proj self.value_proj = value_proj - def forward(self, - query: torch.Tensor, - key: torch.Tensor, - value: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + def forward( + self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor + ) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: r"""Projects the input sequences using in-proj layers. query/key/value are simply passed to the forward func of query/key/value_proj, respectively. diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 65c5924b04..1179b1f219 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -1,26 +1,28 @@ -from . import functional as F -from torch.nn import Module -from torch import Tensor +import json +from copy import deepcopy +from functools import lru_cache +from typing import Any, List, Optional, Union + import torch +import torchtext # noqa: F401 +from torch import Tensor +from torch.nn import Module +from torchtext._torchtext import CLIPEncoder as CLIPEncoderPyBind, GPT2BPEEncoder as GPT2BPEEncoderPyBind from torchtext.data.functional import load_sp_model from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab -from torchtext._torchtext import GPT2BPEEncoder as GPT2BPEEncoderPyBind, CLIPEncoder as CLIPEncoderPyBind -from typing import List, Optional, Any, Union -import json -from functools import lru_cache -from copy import deepcopy -import torchtext # noqa: F401 + +from . import functional as F __all__ = [ - 'SentencePieceTokenizer', - 'VocabTransform', - 'ToTensor', - 'LabelToIndex', - 'Truncate', - 'AddToken', - 'GPT2BPETokenizer', - 'Sequential', + "SentencePieceTokenizer", + "VocabTransform", + "ToTensor", + "LabelToIndex", + "Truncate", + "AddToken", + "GPT2BPETokenizer", + "Sequential", ] @@ -137,7 +139,10 @@ class LabelToIndex(Module): """ def __init__( - self, label_names: Optional[List[str]] = None, label_path: Optional[str] = None, sort_names=False, + self, + label_names: Optional[List[str]] = None, + label_path: Optional[str] = None, + sort_names=False, ): assert label_names or label_path, "label_names or label_path is required" assert not (label_names and label_path), "label_names and label_path are mutually exclusive" @@ -245,12 +250,10 @@ def __init__( with open(get_asset_local_path(vocab_bpe_path), "r", encoding="utf-8") as f: bpe_vocab = f.read() bpe_merge_ranks = { - self._seperator.join(merge_pair.split()): i - for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) + self._seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) } # Caching is enabled in Eager mode - self.bpe = GPT2BPEEncoderPyBind(bpe_encoder, bpe_merge_ranks, - self._seperator, bytes_to_unicode(), True) + self.bpe = GPT2BPEEncoderPyBind(bpe_encoder, bpe_merge_ranks, self._seperator, bytes_to_unicode(), True) @property def is_jitable(self): @@ -296,15 +299,13 @@ def forward(self, input: Any) -> Any: raise TypeError("Input type not supported") def __prepare_scriptable__(self): - r"""Return a JITable tokenizer. - """ + r"""Return a JITable tokenizer.""" if not self.is_jitable: tokenizer_copy = deepcopy(self) # Disable caching in script mode - tokenizer_copy.bpe = torch.classes.torchtext.GPT2BPEEncoder(self.bpe.bpe_encoder_, - self.bpe.bpe_merge_ranks_, - self.bpe.seperator_, - self.bpe.byte_encoder_, False) + tokenizer_copy.bpe = torch.classes.torchtext.GPT2BPEEncoder( + self.bpe.bpe_encoder_, self.bpe.bpe_merge_ranks_, self.bpe.seperator_, self.bpe.byte_encoder_, False + ) return tokenizer_copy return self @@ -343,12 +344,10 @@ def __init__( with open(get_asset_local_path(vocab_bpe_path), "r", encoding="utf-8") as f: bpe_vocab = f.read() bpe_merge_ranks = { - self._seperator.join(merge_pair.split()): i - for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) + self._seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) } # Caching is enabled in Eager mode - self.bpe = CLIPEncoderPyBind(bpe_encoder, bpe_merge_ranks, - self._seperator, bytes_to_unicode(), True) + self.bpe = CLIPEncoderPyBind(bpe_encoder, bpe_merge_ranks, self._seperator, bytes_to_unicode(), True) @property def is_jitable(self): @@ -395,15 +394,13 @@ def forward(self, input: Any) -> Any: raise TypeError("Input type not supported") def __prepare_scriptable__(self): - r"""Return a JITable tokenizer. - """ + r"""Return a JITable tokenizer.""" if not self.is_jitable: tokenizer_copy = deepcopy(self) # Disable caching in script mode - tokenizer_copy.bpe = torch.classes.torchtext.CLIPEncoder(self.bpe.bpe_encoder_, - self.bpe.bpe_merge_ranks_, - self.bpe.seperator_, - self.bpe.byte_encoder_, False) + tokenizer_copy.bpe = torch.classes.torchtext.CLIPEncoder( + self.bpe.bpe_encoder_, self.bpe.bpe_merge_ranks_, self.bpe.seperator_, self.bpe.byte_encoder_, False + ) return tokenizer_copy return self @@ -421,11 +418,7 @@ def bytes_to_unicode(): To avoid that, we want lookup tables between utf-8 bytes and unicode strings. And avoids mapping to whitespace/control characters the bpe code barfs on. """ - bs = ( - list(range(ord("!"), ord("~") + 1)) - + list(range(ord("¡"), ord("¬") + 1)) - + list(range(ord("®"), ord("ÿ") + 1)) - ) + bs = list(range(ord("!"), ord("~") + 1)) + list(range(ord("¡"), ord("¬") + 1)) + list(range(ord("®"), ord("ÿ") + 1)) cs = bs[:] n = 0 for b in range(2 ** 8): @@ -438,8 +431,7 @@ def bytes_to_unicode(): class Sequential(torch.nn.Sequential): - r"""A container to host a sequence of text transforms. - """ + r"""A container to host a sequence of text transforms.""" def forward(self, input: Any) -> Any: """ diff --git a/torchtext/utils.py b/torchtext/utils.py index 426876f60e..b6e50b9632 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -1,15 +1,17 @@ -import torch import csv +import gzip import hashlib -import os -import tarfile import logging +import os import sys +import tarfile import zipfile -import gzip -from ._download_hooks import _DATASET_DOWNLOAD_MANAGER + +import torch from torchtext import _CACHE_DIR +from ._download_hooks import _DATASET_DOWNLOAD_MANAGER + def reporthook(t): """ @@ -30,6 +32,7 @@ def inner(b=1, bsize=1, tsize=None): t.total = tsize t.update((b - last_b[0]) * bsize) last_b[0] = b + return inner @@ -62,14 +65,15 @@ def validate_file(file_obj, hash_value, hash_type="sha256"): def _check_hash(path, hash_value, hash_type): - logging.info('Validating hash {} matches hash of {}'.format(hash_value, path)) + logging.info("Validating hash {} matches hash of {}".format(hash_value, path)) with open(path, "rb") as file_obj: if not validate_file(file_obj, hash_value, hash_type): - raise RuntimeError("The hash of {} does not match. Delete the file manually and retry.".format(os.path.abspath(path))) + raise RuntimeError( + "The hash of {} does not match. Delete the file manually and retry.".format(os.path.abspath(path)) + ) -def download_from_url(url, path=None, root='.data', overwrite=False, hash_value=None, - hash_type="sha256"): +def download_from_url(url, path=None, root=".data", overwrite=False, hash_value=None, hash_type="sha256"): """Download file, with logic (from tensor2tensor) for Google Drive. Returns the path to the downloaded file. @@ -100,7 +104,7 @@ def download_from_url(url, path=None, root='.data', overwrite=False, hash_value= # skip download if path exists and overwrite is not True if os.path.exists(path): - logging.info('File %s already exists.' % path) + logging.info("File %s already exists." % path) if not overwrite: if hash_value: _check_hash(path, hash_value, hash_type) @@ -116,7 +120,7 @@ def download_from_url(url, path=None, root='.data', overwrite=False, hash_value= # download data and move to path _DATASET_DOWNLOAD_MANAGER.get_local_path(url, destination=path) - logging.info('File {} downloaded.'.format(path)) + logging.info("File {} downloaded.".format(path)) # validate if hash_value: @@ -160,7 +164,7 @@ def unicode_csv_reader(unicode_csv_data, **kwargs): def utf_8_encoder(unicode_csv_data): for line in unicode_csv_data: - yield line.encode('utf-8') + yield line.encode("utf-8") def extract_archive(from_path, to_path=None, overwrite=False): @@ -190,46 +194,45 @@ def extract_archive(from_path, to_path=None, overwrite=False): if to_path is None: to_path = os.path.dirname(from_path) - if from_path.endswith(('.tar.gz', '.tgz')): - logging.info('Opening tar file {}.'.format(from_path)) - with tarfile.open(from_path, 'r') as tar: + if from_path.endswith((".tar.gz", ".tgz")): + logging.info("Opening tar file {}.".format(from_path)) + with tarfile.open(from_path, "r") as tar: files = [] for file_ in tar: file_path = os.path.join(to_path, file_.name) if file_.isfile(): files.append(file_path) if os.path.exists(file_path): - logging.info('{} already extracted.'.format(file_path)) + logging.info("{} already extracted.".format(file_path)) if not overwrite: continue tar.extract(file_, to_path) - logging.info('Finished extracting tar file {}.'.format(from_path)) + logging.info("Finished extracting tar file {}.".format(from_path)) return files - elif from_path.endswith('.zip'): + elif from_path.endswith(".zip"): assert zipfile.is_zipfile(from_path), from_path - logging.info('Opening zip file {}.'.format(from_path)) - with zipfile.ZipFile(from_path, 'r') as zfile: + logging.info("Opening zip file {}.".format(from_path)) + with zipfile.ZipFile(from_path, "r") as zfile: files = [] for file_ in zfile.namelist(): file_path = os.path.join(to_path, file_) files.append(file_path) if os.path.exists(file_path): - logging.info('{} already extracted.'.format(file_path)) + logging.info("{} already extracted.".format(file_path)) if not overwrite: continue zfile.extract(file_, to_path) files = [f for f in files if os.path.isfile(f)] - logging.info('Finished extracting zip file {}.'.format(from_path)) + logging.info("Finished extracting zip file {}.".format(from_path)) return files - elif from_path.endswith('.gz'): - logging.info('Opening gz file {}.'.format(from_path)) + elif from_path.endswith(".gz"): + logging.info("Opening gz file {}.".format(from_path)) default_block_size = 65536 filename = from_path[:-3] files = [filename] - with gzip.open(from_path, 'rb') as gzfile, \ - open(filename, 'wb') as d_file: + with gzip.open(from_path, "rb") as gzfile, open(filename, "wb") as d_file: while True: block = gzfile.read(default_block_size) if not block: @@ -237,12 +240,11 @@ def extract_archive(from_path, to_path=None, overwrite=False): else: d_file.write(block) d_file.write(block) - logging.info('Finished extracting gz file {}.'.format(from_path)) + logging.info("Finished extracting gz file {}.".format(from_path)) return files else: - raise NotImplementedError( - "We currently only support tar.gz, .tgz, .gz and zip achives.") + raise NotImplementedError("We currently only support tar.gz, .tgz, .gz and zip achives.") def _log_class_usage(klass): diff --git a/torchtext/vocab/__init__.py b/torchtext/vocab/__init__.py index 3b93a015bb..9336b599c3 100644 --- a/torchtext/vocab/__init__.py +++ b/torchtext/vocab/__init__.py @@ -1,23 +1,14 @@ +from .vectors import CharNGram, FastText, GloVe, pretrained_aliases, Vectors from .vocab import Vocab +from .vocab_factory import build_vocab_from_iterator, vocab -from .vectors import ( - GloVe, - FastText, - CharNGram, - pretrained_aliases, - Vectors, -) - -from .vocab_factory import ( - vocab, - build_vocab_from_iterator, -) - -__all__ = ["Vocab", - "vocab", - "build_vocab_from_iterator", - "GloVe", - "FastText", - "CharNGram", - "pretrained_aliases", - "Vectors"] +__all__ = [ + "Vocab", + "vocab", + "build_vocab_from_iterator", + "GloVe", + "FastText", + "CharNGram", + "pretrained_aliases", + "Vectors", +] diff --git a/torchtext/vocab/vectors.py b/torchtext/vocab/vectors.py index e04eb4ee33..c3c60be1d0 100644 --- a/torchtext/vocab/vectors.py +++ b/torchtext/vocab/vectors.py @@ -1,12 +1,14 @@ -import torch +import gzip import logging import os +import tarfile import zipfile -import gzip +from functools import partial from urllib.request import urlretrieve + +import torch from tqdm import tqdm -import tarfile -from functools import partial + from ..utils import reporthook logger = logging.getLogger(__name__) @@ -30,9 +32,7 @@ def _infer_shape(f): class Vectors(object): - - def __init__(self, name, cache=None, - url=None, unk_init=None, max_vectors=None): + def __init__(self, name, cache=None, url=None, unk_init=None, max_vectors=None): """ Args: @@ -50,7 +50,7 @@ def __init__(self, name, cache=None, can limit the size of the loaded set. """ - cache = '.vector_cache' if cache is None else cache + cache = ".vector_cache" if cache is None else cache self.itos = None self.stoi = None self.vectors = None @@ -66,56 +66,57 @@ def __getitem__(self, token): def cache(self, name, cache, url=None, max_vectors=None): import ssl + ssl._create_default_https_context = ssl._create_unverified_context if os.path.isfile(name): path = name if max_vectors: - file_suffix = '_{}.pt'.format(max_vectors) + file_suffix = "_{}.pt".format(max_vectors) else: - file_suffix = '.pt' + file_suffix = ".pt" path_pt = os.path.join(cache, os.path.basename(name)) + file_suffix else: path = os.path.join(cache, name) if max_vectors: - file_suffix = '_{}.pt'.format(max_vectors) + file_suffix = "_{}.pt".format(max_vectors) else: - file_suffix = '.pt' + file_suffix = ".pt" path_pt = path + file_suffix if not os.path.isfile(path_pt): if not os.path.isfile(path) and url: - logger.info('Downloading vectors from {}'.format(url)) + logger.info("Downloading vectors from {}".format(url)) if not os.path.exists(cache): os.makedirs(cache) dest = os.path.join(cache, os.path.basename(url)) if not os.path.isfile(dest): - with tqdm(unit='B', unit_scale=True, miniters=1, desc=dest) as t: + with tqdm(unit="B", unit_scale=True, miniters=1, desc=dest) as t: try: urlretrieve(url, dest, reporthook=reporthook(t)) except KeyboardInterrupt as e: # remove the partial zip file os.remove(dest) raise e - logger.info('Extracting vectors into {}'.format(cache)) + logger.info("Extracting vectors into {}".format(cache)) ext = os.path.splitext(dest)[1][1:] - if ext == 'zip': + if ext == "zip": with zipfile.ZipFile(dest, "r") as zf: zf.extractall(cache) - elif ext == 'gz': - if dest.endswith('.tar.gz'): - with tarfile.open(dest, 'r:gz') as tar: + elif ext == "gz": + if dest.endswith(".tar.gz"): + with tarfile.open(dest, "r:gz") as tar: tar.extractall(path=cache) if not os.path.isfile(path): - raise RuntimeError('no vectors found at {}'.format(path)) + raise RuntimeError("no vectors found at {}".format(path)) logger.info("Loading vectors from {}".format(path)) ext = os.path.splitext(path)[1][1:] - if ext == 'gz': + if ext == "gz": open_file = gzip.open else: open_file = open vectors_loaded = 0 - with open_file(path, 'rb') as f: + with open_file(path, "rb") as f: num_lines, dim = _infer_shape(f) if not max_vectors or max_vectors > num_lines: max_vectors = num_lines @@ -131,19 +132,20 @@ def cache(self, name, cache, url=None, max_vectors=None): if dim is None and len(entries) > 1: dim = len(entries) elif len(entries) == 1: - logger.warning("Skipping token {} with 1-dimensional " - "vector {}; likely a header".format(word, entries)) + logger.warning( + "Skipping token {} with 1-dimensional " "vector {}; likely a header".format(word, entries) + ) continue elif dim != len(entries): raise RuntimeError( "Vector for token {} has {} dimensions, but previously " "read vectors have {} dimensions. All vectors must have " - "the same number of dimensions.".format(word, len(entries), - dim)) + "the same number of dimensions.".format(word, len(entries), dim) + ) try: if isinstance(word, bytes): - word = word.decode('utf-8') + word = word.decode("utf-8") except UnicodeDecodeError: logger.info("Skipping non-UTF8 token {}".format(repr(word))) continue @@ -159,12 +161,12 @@ def cache(self, name, cache, url=None, max_vectors=None): self.stoi = {word: i for i, word in enumerate(itos)} self.vectors = torch.Tensor(vectors).view(-1, dim) self.dim = dim - logger.info('Saving vectors to {}'.format(path_pt)) + logger.info("Saving vectors to {}".format(path_pt)) if not os.path.exists(cache): os.makedirs(cache) torch.save((self.itos, self.stoi, self.vectors, self.dim), path_pt) else: - logger.info('Loading vectors from {}'.format(path_pt)) + logger.info("Loading vectors from {}".format(path_pt)) self.itos, self.stoi, self.vectors, self.dim = torch.load(path_pt) def __len__(self): @@ -198,9 +200,7 @@ def get_vecs_by_tokens(self, tokens, lower_case_backup=False): if not lower_case_backup: indices = [self[token] for token in tokens] else: - indices = [self[token] if token in self.stoi - else self[token.lower()] - for token in tokens] + indices = [self[token] if token in self.stoi else self[token.lower()] for token in tokens] vecs = torch.stack(indices) return vecs[0] if to_reduce else vecs @@ -208,21 +208,21 @@ def get_vecs_by_tokens(self, tokens, lower_case_backup=False): class GloVe(Vectors): url = { - '42B': 'http://nlp.stanford.edu/data/glove.42B.300d.zip', - '840B': 'http://nlp.stanford.edu/data/glove.840B.300d.zip', - 'twitter.27B': 'http://nlp.stanford.edu/data/glove.twitter.27B.zip', - '6B': 'http://nlp.stanford.edu/data/glove.6B.zip', + "42B": "http://nlp.stanford.edu/data/glove.42B.300d.zip", + "840B": "http://nlp.stanford.edu/data/glove.840B.300d.zip", + "twitter.27B": "http://nlp.stanford.edu/data/glove.twitter.27B.zip", + "6B": "http://nlp.stanford.edu/data/glove.6B.zip", } - def __init__(self, name='840B', dim=300, **kwargs): + def __init__(self, name="840B", dim=300, **kwargs): url = self.url[name] - name = 'glove.{}.{}d.txt'.format(name, str(dim)) + name = "glove.{}.{}d.txt".format(name, str(dim)) super(GloVe, self).__init__(name, url=url, **kwargs) class FastText(Vectors): - url_base = 'https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec' + url_base = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec" def __init__(self, language="en", **kwargs): url = self.url_base.format(language) @@ -232,9 +232,8 @@ def __init__(self, language="en", **kwargs): class CharNGram(Vectors): - name = 'charNgram.txt' - url = ('http://www.logos.t.u-tokyo.ac.jp/~hassy/publications/arxiv2016jmt/' - 'jmt_pre-trained_embeddings.tar.gz') + name = "charNgram.txt" + url = "http://www.logos.t.u-tokyo.ac.jp/~hassy/publications/arxiv2016jmt/" "jmt_pre-trained_embeddings.tar.gz" def __init__(self, **kwargs): super(CharNGram, self).__init__(self.name, url=self.url, **kwargs) @@ -243,13 +242,13 @@ def __getitem__(self, token): vector = torch.Tensor(1, self.dim).zero_() if token == "": return self.unk_init(vector) - chars = ['#BEGIN#'] + list(token) + ['#END#'] + chars = ["#BEGIN#"] + list(token) + ["#END#"] num_vectors = 0 for n in [2, 3, 4]: end = len(chars) - n + 1 - grams = [chars[i:(i + n)] for i in range(end)] + grams = [chars[i : (i + n)] for i in range(end)] for gram in grams: - gram_key = '{}gram-{}'.format(n, ''.join(gram)) + gram_key = "{}gram-{}".format(n, "".join(gram)) if gram_key in self.stoi: vector += self.vectors[self.stoi[gram_key]] num_vectors += 1 @@ -273,6 +272,6 @@ def __getitem__(self, token): "glove.6B.50d": partial(GloVe, name="6B", dim="50"), "glove.6B.100d": partial(GloVe, name="6B", dim="100"), "glove.6B.200d": partial(GloVe, name="6B", dim="200"), - "glove.6B.300d": partial(GloVe, name="6B", dim="300") + "glove.6B.300d": partial(GloVe, name="6B", dim="300"), } """Mapping from string name to factory function""" diff --git a/torchtext/vocab/vocab.py b/torchtext/vocab/vocab.py index 35633dfd7c..beb4e6542d 100755 --- a/torchtext/vocab/vocab.py +++ b/torchtext/vocab/vocab.py @@ -1,6 +1,7 @@ +from typing import Dict, List, Optional + import torch import torch.nn as nn -from typing import Dict, List, Optional from torchtext.utils import _log_class_usage @@ -157,8 +158,7 @@ def get_itos(self) -> List[str]: return self.vocab.get_itos() def __prepare_scriptable__(self): - r"""Return a JITable Vocab. - """ + r"""Return a JITable Vocab.""" if not self.is_jitable: cpp_vocab = torch.classes.torchtext.Vocab(self.vocab.itos_, self.vocab.default_index_) return Vocab(cpp_vocab) diff --git a/torchtext/vocab/vocab_factory.py b/torchtext/vocab/vocab_factory.py index 0e073bb1a1..915dc4e71f 100644 --- a/torchtext/vocab/vocab_factory.py +++ b/torchtext/vocab/vocab_factory.py @@ -1,14 +1,14 @@ -from .vocab import Vocab -from typing import Dict, Iterable, Optional, List from collections import Counter, OrderedDict -from torchtext._torchtext import ( - Vocab as VocabPybind, -) +from typing import Dict, Iterable, List, Optional + +from torchtext._torchtext import Vocab as VocabPybind + +from .vocab import Vocab -def vocab(ordered_dict: Dict, min_freq: int = 1, - specials: Optional[List[str]] = None, - special_first: bool = True) -> Vocab: +def vocab( + ordered_dict: Dict, min_freq: int = 1, specials: Optional[List[str]] = None, special_first: bool = True +) -> Vocab: r"""Factory method for creating a vocab object which maps tokens to indices. Note that the ordering in which key value pairs were inserted in the `ordered_dict` will be respected when building the vocab. @@ -62,7 +62,13 @@ def vocab(ordered_dict: Dict, min_freq: int = 1, return Vocab(VocabPybind(tokens, None)) -def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: Optional[List[str]] = None, special_first: bool = True, max_tokens: Optional[int] = None) -> Vocab: +def build_vocab_from_iterator( + iterator: Iterable, + min_freq: int = 1, + specials: Optional[List[str]] = None, + special_first: bool = True, + max_tokens: Optional[int] = None, +) -> Vocab: """ Build a Vocab from an iterator. @@ -101,7 +107,7 @@ def build_vocab_from_iterator(iterator: Iterable, min_freq: int = 1, specials: O ordered_dict = OrderedDict(sorted_by_freq_tuples) else: assert len(specials) < max_tokens, "len(specials) >= max_tokens, so the vocab will be entirely special tokens." - ordered_dict = OrderedDict(sorted_by_freq_tuples[:max_tokens - len(specials)]) + ordered_dict = OrderedDict(sorted_by_freq_tuples[: max_tokens - len(specials)]) word_vocab = vocab(ordered_dict, min_freq=min_freq, specials=specials, special_first=special_first) return word_vocab diff --git a/tox.ini b/tox.ini deleted file mode 100644 index 34bf99a4ad..0000000000 --- a/tox.ini +++ /dev/null @@ -1,4 +0,0 @@ -[flake8] -ignore = E401,E402,E722,W503,W504,F821,B006,B007,B008,B009 -max-line-length = 120 -exclude = docs/source From ebabe82753c411438ff2f220cb6c31dc368d018c Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Thu, 17 Feb 2022 10:38:53 -0800 Subject: [PATCH 163/463] Fix flake8 issues introduced as a result of #1546 (#1617) --- .flake8 | 8 ++++++-- torchtext/data/datasets_utils.py | 7 +------ torchtext/datasets/ag_news.py | 2 -- torchtext/datasets/conll2000chunking.py | 2 -- torchtext/datasets/squad1.py | 2 -- torchtext/datasets/squad2.py | 2 -- 6 files changed, 7 insertions(+), 16 deletions(-) diff --git a/.flake8 b/.flake8 index 2ae4feedc7..e09b485892 100644 --- a/.flake8 +++ b/.flake8 @@ -1,5 +1,9 @@ [flake8] -ignore = E401,E402,E501,E722,W503,W504,F821,B006,B007,B008,B009 -select = D417 # Missing argument descriptions in the docstring +ignore = + E401,E402,E501,E722,W503,W504,F821,B006,B007,B008,B009, + E203 # https://github.com/PyCQA/pycodestyle/issues/373 +select = + B,C,E,F,P,T4,W,B9, + D417 # Missing argument descriptions in the docstring max-line-length = 120 exclude = docs/source,third_party diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 208de20a2f..425eafcea6 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -7,12 +7,7 @@ import torch from torch.utils.data import functional_datapipe, IterDataPipe from torch.utils.data.datapipes.utils.common import StreamWrapper -from torchtext.utils import download_from_url, extract_archive, unicode_csv_reader, validate_file -from torchtext.utils import ( - validate_file, - download_from_url, - extract_archive, -) +from torchtext.utils import download_from_url, extract_archive, validate_file try: import defusedxml.ElementTree as ET diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 0b657b37bf..ed0ba775c7 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -11,8 +11,6 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper -from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument - URL = { "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", "test": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 51bfe46217..a2fe130df9 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -11,8 +11,6 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper -from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument - URL = { "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", "test": "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 5f31b32621..3f9b4aa8a4 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -11,8 +11,6 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper -from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument - URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 80f73e57a3..67e7bdf411 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -11,8 +11,6 @@ from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper -from torchtext.data.datasets_utils import _add_docstring_header, _create_dataset_directory, _wrap_split_argument - URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", From 16acc712a2e66babe4f03fde62bc33832a96b3d9 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 17 Feb 2022 17:47:53 -0500 Subject: [PATCH 164/463] Revert "Attempting to fix version conflict in CI (#1520)" (#1619) --- .../unittest/linux/scripts/environment.yml | 22 ++++++++--------- .../unittest/windows/scripts/environment.yml | 24 +++++++++---------- packaging/pkg_helpers.bash | 5 ++-- packaging/torchtext/meta.yaml | 12 ++-------- 4 files changed, 26 insertions(+), 37 deletions(-) diff --git a/.circleci/unittest/linux/scripts/environment.yml b/.circleci/unittest/linux/scripts/environment.yml index b638fa84a8..e6ecca7e53 100644 --- a/.circleci/unittest/linux/scripts/environment.yml +++ b/.circleci/unittest/linux/scripts/environment.yml @@ -1,23 +1,21 @@ channels: - defaults - - conda-forge dependencies: - codecov - pip - - nltk - - requests - - pytest - - pytest-cov - - sacremoses - - spacy>=3.0 - - sphinx - - tqdm - - certifi - - future - - expecttest - pip: + - dataclasses + - nltk + - requests - revtok + - pytest + - pytest-cov - pytest-pythonpath + - sacremoses + - spacy + - sphinx - sphinx-rtd-theme + - tqdm + - expecttest - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index b638fa84a8..14a7eac016 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -1,23 +1,23 @@ channels: - defaults - - conda-forge dependencies: - codecov - pip - - nltk - - requests - - pytest - - pytest-cov - - sacremoses - - spacy>=3.0 - - sphinx - - tqdm - - certifi - - future - - expecttest - pip: + - dataclasses + - nltk + - requests - revtok + - pytest + - pytest-cov - pytest-pythonpath + - sacremoses + - spacy + - sphinx - sphinx-rtd-theme + - tqdm + - certifi + - future + - expecttest - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 1d0f8af979..8f1e24f1da 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -197,10 +197,9 @@ setup_conda_pytorch_constraint() { # Translate CUDA_VERSION into CUDA_CUDATOOLKIT_CONSTRAINT setup_conda_cudatoolkit_constraint() { - export CONDA_BUILD_VARIANT="cuda" + export CONDA_CPUONLY_FEATURE="" if [[ "$(uname)" == Darwin ]]; then export CONDA_CUDATOOLKIT_CONSTRAINT="" - export CONDA_BUILD_VARIANT="cpu" else case "$CU_VERSION" in cu100) @@ -211,7 +210,7 @@ setup_conda_cudatoolkit_constraint() { ;; cpu) export CONDA_CUDATOOLKIT_CONSTRAINT="" - export CONDA_BUILD_VARIANT="cpu" + export CONDA_CPUONLY_FEATURE="- cpuonly" ;; *) echo "Unrecognized CU_VERSION=$CU_VERSION" diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index dec7eb21e3..36008e5cf5 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -1,4 +1,3 @@ -{% set build_variant = environ.get('CONDA_BUILD_VARIANT', 'cpu') %} package: name: torchtext version: "{{ environ.get('BUILD_VERSION') }}" @@ -15,23 +14,15 @@ requirements: host: - python - setuptools + - cpuonly {{ environ.get('CONDA_PYTORCH_BUILD_CONSTRAINT') }} run: - python - requests - tqdm - - pytorch-mutex 1.0 {{ build_variant }} # [not osx ] {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} - {% if build_variant == 'cpu' %} - run_constrained: - - cpuonly - {% elif not osx %} - run_constrained: - - cpuonly <0 - {% endif %} - build: string: py{{py}} script_env: @@ -49,6 +40,7 @@ test: requires: - pytest + - cpuonly about: home: https://github.com/pytorch/text From f2da1b8f0b8b5943c179f1c82ecbc448e6e1f1c3 Mon Sep 17 00:00:00 2001 From: Elijah Rippeth Date: Sat, 19 Feb 2022 16:54:13 -0500 Subject: [PATCH 165/463] prepare datasets for new encoding kwarg. (#1616) --- torchtext/datasets/ag_news.py | 3 +-- torchtext/datasets/amazonreviewfull.py | 2 +- torchtext/datasets/amazonreviewpolarity.py | 2 +- torchtext/datasets/cc100.py | 3 +-- torchtext/datasets/conll2000chunking.py | 4 ++-- torchtext/datasets/dbpedia.py | 2 +- torchtext/datasets/enwik9.py | 4 ++-- torchtext/datasets/imdb.py | 5 ++--- torchtext/datasets/iwslt2016.py | 9 ++++----- torchtext/datasets/iwslt2017.py | 9 ++++----- torchtext/datasets/multi30k.py | 8 ++++---- torchtext/datasets/penntreebank.py | 5 ++--- torchtext/datasets/sogounews.py | 2 +- torchtext/datasets/squad1.py | 2 +- torchtext/datasets/squad2.py | 2 +- torchtext/datasets/sst2.py | 2 +- torchtext/datasets/udpos.py | 4 ++-- torchtext/datasets/wikitext103.py | 4 ++-- torchtext/datasets/wikitext2.py | 4 ++-- torchtext/datasets/yahooanswers.py | 4 ++-- torchtext/datasets/yelpreviewfull.py | 4 ++-- torchtext/datasets/yelpreviewpolarity.py | 5 ++--- 22 files changed, 41 insertions(+), 48 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index ed0ba775c7..0d9698333a 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -61,6 +61,5 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): cache_dp = HttpReader(cache_dp) cache_dp = cache_dp.end_caching(mode="wb", same_filepath_fn=True) - # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 - data_dp = FileOpener(cache_dp, mode="b") + data_dp = FileOpener(cache_dp, encoding="utf-8") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 147271ecf3..da73e7a78a 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -74,5 +74,5 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index abc16c0315..7903d86f91 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -71,5 +71,5 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index defbdeb34d..68d534d827 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -164,6 +164,5 @@ def CC100(root: str, language_code: str = "en"): cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_xz() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") - # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 - data_dp = FileOpener(cache_decompressed_dp, mode="b").readlines(return_path=False, decode=True) + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8").readlines(return_path=False) return data_dp.map(lambda x: (language_code, x)) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index a2fe130df9..47a892a915 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -72,5 +72,5 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").extract(file_type="gzip") cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - return data_dp.readlines(decode=True).read_iob(sep=" ") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.readlines().read_iob(sep=" ") diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index f4c2e3d59c..86661a7e48 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -70,5 +70,5 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 30231ee85c..bc4623957e 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -51,5 +51,5 @@ def EnWik9(root: str): cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - return data_dp.readlines(decode=True, return_path=False) + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.readlines(return_path=False) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 251ffd76e4..3cabfd057d 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -80,7 +80,6 @@ def filter_imdb_data(key, fname): mode="wb", filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x), skip_read=True ) - # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") # get label from cache file, eg. "aclImdb_v1/train/neg" -> "neg" - return data_dp.readlines(decode=True).map(lambda t: (Path(t[0]).parts[-1], t[1])) + return data_dp.readlines().map(lambda t: (Path(t[0]).parts[-1], t[1])) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index de14c03488..503a9bcbb4 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -290,11 +290,10 @@ def IWSLT2016( cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename ) - # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 - tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="b") - src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="b") + tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, encoding="utf-8") + src_data_dp = FileOpener(cache_inner_src_decompressed_dp, encoding="utf-8") - src_lines = src_data_dp.readlines(return_path=False, strip_newline=False, decode=True) - tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False, decode=True) + src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) + tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) return src_lines.zip(tgt_lines) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 7773989c31..e9f0df34d0 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -243,11 +243,10 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename ) - # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 - tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, mode="b") - src_data_dp = FileOpener(cache_inner_src_decompressed_dp, mode="b") + tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, encoding="utf-8") + src_data_dp = FileOpener(cache_inner_src_decompressed_dp, encoding="utf-8") - src_lines = src_data_dp.readlines(return_path=False, strip_newline=False, decode=True) - tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False, decode=True) + src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) + tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) return src_lines.zip(tgt_lines) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 900b79b25a..1c346ccbc2 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -99,11 +99,11 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] ) tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - src_data_dp = FileOpener(src_cache_decompressed_dp, mode="b").readlines( - decode=True, return_path=False, strip_newline=True + src_data_dp = FileOpener(src_cache_decompressed_dp, encoding="utf-8").readlines( + return_path=False, strip_newline=True ) - tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, mode="b").readlines( - decode=True, return_path=False, strip_newline=True + tgt_data_dp = FileOpener(tgt_cache_decompressed_dp, encoding="utf-8").readlines( + return_path=False, strip_newline=True ) return src_data_dp.zip(tgt_data_dp) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 009f02db8b..df30b475f1 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -64,7 +64,6 @@ def PennTreebank(root, split: Union[Tuple[str], str]): ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - # TODO: read in text mode with utf-8 encoding, see: https://github.com/pytorch/pytorch/issues/72713 - data_dp = FileOpener(cache_dp, mode="b") + data_dp = FileOpener(cache_dp, encoding="utf-8") # remove single leading and trailing space from the dataset - return data_dp.readlines(return_path=False, decode=True).map(lambda t: t.strip()) + return data_dp.readlines(return_path=False).map(lambda t: t.strip()) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 519bbf3fed..e3f16ecc1b 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -74,5 +74,5 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 3f9b4aa8a4..e7d20dc876 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -61,5 +61,5 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") + cache_dp = FileOpener(cache_dp, encoding="utf-8") return cache_dp.parse_json_files().read_squad() diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 67e7bdf411..896e6233b5 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -62,5 +62,5 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_dp = FileOpener(cache_dp, mode="b") + cache_dp = FileOpener(cache_dp, encoding="utf-8") return cache_dp.parse_json_files().read_squad() diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 9b9c2a3cf4..1f072cddf9 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -77,7 +77,7 @@ def SST2(root, split): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") # test split for SST2 doesn't have labels if split == "test": parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(lambda t: (t[1].strip(),)) diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 3a816c81d0..cc0068984f 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -65,5 +65,5 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - return data_dp.readlines(decode=True).read_iob() + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.readlines().read_iob() diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 7c355465b1..d19fb8481f 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -69,5 +69,5 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - return data_dp.readlines(strip_newline=False, decode=True, return_path=False) + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.readlines(strip_newline=False, return_path=False) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index 5e4b883b47..c1ca66a840 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -69,5 +69,5 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - return data_dp.readlines(strip_newline=False, decode=True, return_path=False) + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.readlines(strip_newline=False, return_path=False) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 9b4b33fbb6..e31394c867 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -71,6 +71,6 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 71d8e199d4..7c66186fc4 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -70,5 +70,5 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.parse_csv().map(lambda t: (int(t[0]), " ".join(t[1:]))) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index b65553fd8c..1270d69f96 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -71,6 +71,5 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - data_dp = FileOpener(cache_decompressed_dp, mode="b") - - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + return data_dp.parse_csv().map(lambda t: (int(t[0]), " ".join(t[1:]))) From 81212bad427330fa4f85bd8408cbc7ea006357a7 Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Tue, 22 Feb 2022 12:17:25 -0800 Subject: [PATCH 166/463] Modify CLIPTokenizer to either infer number of merges from encoder json or take it in constructor (#1622) * Modify CLIPTokenizer to either infer number of merges from encoder json or take it in constructor * Add optional keyword in doc string comments --- test/test_transforms.py | 84 ++++++++++++++++++++++++++++++++++++----- torchtext/transforms.py | 59 ++++++++++++++++++++--------- 2 files changed, 117 insertions(+), 26 deletions(-) diff --git a/test/test_transforms.py b/test/test_transforms.py index 32a49be507..4ad355b20a 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -293,13 +293,22 @@ def test_gpt2_bpe_tokenizer_save_load_torchscript(self): class TestCLIPTokenizer(TorchtextTestCase): - def _load_tokenizer(self, test_scripting): + def _load_tokenizer(self, init_using_merge_only: bool, test_scripting: bool): encoder_json = "clip_encoder.json" bpe_vocab = "clip_vocab.bpe" - tokenizer = transforms.CLIPTokenizer( - encoder_json_path=get_asset_path(encoder_json), - vocab_bpe_path=get_asset_path(bpe_vocab), - ) + num_merges = ( + 49152 - 256 - 2 + ) # https://github.com/mlfoundations/open_clip/blob/57b3e8ea6ad6bfc2974203945f8fd577e0659468/src/clip/tokenizer.py#L67 + if init_using_merge_only: + tokenizer = transforms.CLIPTokenizer( + merges_path=get_asset_path(bpe_vocab), + num_merges=num_merges, + ) + else: + tokenizer = transforms.CLIPTokenizer( + encoder_json_path=get_asset_path(encoder_json), + merges_path=get_asset_path(bpe_vocab), + ) if test_scripting: tokenizer = torch.jit.script(tokenizer) return tokenizer @@ -308,11 +317,66 @@ def _clip_tokenizer(self, tokenizer): sample_texts = [ "Hello World!, how are you?", "<|startoftext|> the quick brown fox jumped over the lazy dog <|endoftext|>", + "Awaiting their due award... Photo by Frederick (FN) Noronha. Copyleft. Creative Commons 3.0. Non-commercial. Attribution. May be copied for non-commercial purposes. For other purposes, contact fn at goa-india.org", ] expected_token_ids = [ ["3306", "1002", "29325", "829", "631", "592", "286"], ["49406", "518", "3712", "2866", "3240", "16901", "962", "518", "10753", "1929", "49407"], + [ + "14872", + "911", + "2887", + "2047", + "678", + "1125", + "638", + "18570", + "263", + "21763", + "264", + "1062", + "521", + "1429", + "269", + "11376", + "1823", + "269", + "4450", + "16653", + "274", + "269", + "271", + "269", + "3353", + "268", + "6287", + "269", + "24624", + "740", + "269", + "1270", + "655", + "36770", + "556", + "3353", + "268", + "6287", + "22020", + "269", + "556", + "1010", + "22020", + "267", + "3523", + "21763", + "536", + "14399", + "268", + "1762", + "269", + "5593", + ], ] # test batch of sentences @@ -324,21 +388,23 @@ def _clip_tokenizer(self, tokenizer): def test_clip_tokenizer(self): """test tokenization on single sentence input as well as batch on sentences""" - self._clip_tokenizer(self._load_tokenizer(test_scripting=False)) + self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=True, test_scripting=False)) + self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=False, test_scripting=False)) def test_clip_tokenizer_jit(self): """test tokenization with scripting on single sentence input as well as batch on sentences""" - self._clip_tokenizer(self._load_tokenizer(test_scripting=True)) + self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=True, test_scripting=True)) + self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=False, test_scripting=True)) def test_clip_tokenizer_save_load_pybind(self): - tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._clip_tokenizer((loaded_tokenizer)) def test_clip_tokenizer_save_load_torchscript(self): - tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 1179b1f219..08dd478cdf 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -322,30 +322,55 @@ class CLIPTokenizer(Module): (a bit like sentencepiece) so a word will be encoded differently whether it is at the beginning of the sentence (without space) or not. - :param encoder_json_path: Path to BPE encoder json file. + The below code snippet shows how to use the CLIP tokenizer with encoder and merges file + taken from the original paper implementation. + + Example + >>> from torchtext.transforms import CLIPTokenizer + >>> MERGES_FILE = "http://download.pytorch.org/models/text/clip_merges.bpe" + >>> ENCODER_FILE = "http://download.pytorch.org/models/text/clip_encoder.json" + >>> tokenizer = CLIPTokenizer(merges_path=MERGES_FILE, encoder_json_path=ENCODER_FILE) + >>> tokenizer("the quick brown fox jumped over the lazy dog") + + :param merges_path: Path to bpe merges file. + :type merges_path: str + :param encoder_json_path: Optional, path to BPE encoder json file. When specified, this is used + to infer num_merges. :type encoder_json_path: str - :param vocab_bpe_path: Path to bpe vocab file. - :type vocab_bpe_path: str + :param num_merges: Optional, number of merges to read from the bpe merges file. + :type num_merges: int """ _seperator: torch.jit.Final[str] - def __init__( - self, - encoder_json_path: str, - vocab_bpe_path: str, - ): + def __init__(self, merges_path: str, encoder_json_path: Optional[str] = None, num_merges: Optional[int] = None): super().__init__() self._seperator = "\u0001" - # load bpe encoder - with open(get_asset_local_path(encoder_json_path), "r", encoding="utf-8") as f: - bpe_encoder = json.load(f) - # load bpe vocab - with open(get_asset_local_path(vocab_bpe_path), "r", encoding="utf-8") as f: - bpe_vocab = f.read() - bpe_merge_ranks = { - self._seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) - } + # load bpe merges + with open(get_asset_local_path(merges_path), "r", encoding="utf-8") as f: + bpe_merges = f.read().split("\n")[1:] + + if encoder_json_path: + # load bpe encoder + with open(get_asset_local_path(encoder_json_path), "r", encoding="utf-8") as f: + bpe_encoder = json.load(f) + # 256 * 2 for each byte. For each byte we have ['a', 'a'] + # Additional 2 tokens for bos and eos + num_merges = len(bpe_encoder) - (256 * 2 + 2) + bpe_merge_ranks = { + self._seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_merges[:num_merges]) + } + else: + num_merges = num_merges or len(bpe_merges) + bpe_merge_ranks = { + self._seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_merges[:num_merges]) + } + bpe_vocab = list(bytes_to_unicode().values()) + bpe_vocab = bpe_vocab + [v + "" for v in bpe_vocab] + bpe_vocab.extend(["".join(merge_pair.split()) for merge_pair in bpe_merges[:num_merges]]) + bpe_vocab.extend(["<|startoftext|>", "<|endoftext|>"]) + bpe_encoder = {v: i for i, v in enumerate(bpe_vocab)} + # Caching is enabled in Eager mode self.bpe = CLIPEncoderPyBind(bpe_encoder, bpe_merge_ranks, self._seperator, bytes_to_unicode(), True) From 7dcdbc93940f598b61bd9ef6aa1ea1e006edf0fc Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 23 Feb 2022 13:31:42 -0500 Subject: [PATCH 167/463] Fix for windows builds with python 3.10 , getting rid of ssize_t (#1627) --- torchtext/csrc/register_pybindings.cpp | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index f1cf4d4b74..1c7208d867 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -120,14 +120,14 @@ PYBIND11_MODULE(_torchtext, m) { .def( "__contains__", [](c10::intrusive_ptr& self, const py::str& item) -> bool { - ssize_t length; + Py_ssize_t length; const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); return self->__contains__(c10::string_view{buffer, (size_t)length}); }) .def( "__getitem__", [](c10::intrusive_ptr& self, const py::str& item) -> int64_t { - ssize_t length; + Py_ssize_t length; const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); return self->__getitem__(c10::string_view{buffer, (size_t)length}); }) @@ -144,7 +144,7 @@ PYBIND11_MODULE(_torchtext, m) { std::vector indices(items.size()); int64_t counter = 0; for (const auto& item : items) { - ssize_t length; + Py_ssize_t length; const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); indices[counter++] = self->__getitem__(c10::string_view{buffer, (size_t)length}); From ea16b6a7bffa551dbb848705ed751454837341e7 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 23 Feb 2022 15:35:38 -0500 Subject: [PATCH 168/463] Build and test py3.10 (#1625) --- .circleci/config.yml | 172 +++++++++++++++++++++++++++++++++++++ .circleci/regenerate.py | 2 +- packaging/pkg_helpers.bash | 3 +- 3 files changed, 174 insertions(+), 3 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 355d357c1c..4cfad6430b 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -586,6 +586,9 @@ workflows: - binary_linux_wheel: name: binary_linux_wheel_py3.9 python_version: '3.9' + - binary_linux_wheel: + name: binary_linux_wheel_py3.10 + python_version: '3.10' - binary_macos_wheel: name: binary_macos_wheel_py3.7 python_version: '3.7' @@ -595,6 +598,9 @@ workflows: - binary_macos_wheel: name: binary_macos_wheel_py3.9 python_version: '3.9' + - binary_macos_wheel: + name: binary_macos_wheel_py3.10 + python_version: '3.10' - binary_windows_wheel: name: binary_windows_wheel_py3.7 python_version: '3.7' @@ -604,6 +610,9 @@ workflows: - binary_windows_wheel: name: binary_windows_wheel_py3.9 python_version: '3.9' + - binary_windows_wheel: + name: binary_windows_wheel_py3.10 + python_version: '3.10' - binary_linux_conda: name: binary_linux_conda_py3.7 python_version: '3.7' @@ -613,6 +622,9 @@ workflows: - binary_linux_conda: name: binary_linux_conda_py3.9 python_version: '3.9' + - binary_linux_conda: + name: binary_linux_conda_py3.10 + python_version: '3.10' - binary_macos_conda: name: binary_macos_conda_py3.7 python_version: '3.7' @@ -622,6 +634,9 @@ workflows: - binary_macos_conda: name: binary_macos_conda_py3.9 python_version: '3.9' + - binary_macos_conda: + name: binary_macos_conda_py3.10 + python_version: '3.10' - binary_windows_conda: name: binary_windows_conda_py3.7 python_version: '3.7' @@ -631,6 +646,9 @@ workflows: - binary_windows_conda: name: binary_windows_conda_py3.9 python_version: '3.9' + - binary_windows_conda: + name: binary_windows_conda_py3.10 + python_version: '3.10' - build_docs: filters: branches: @@ -663,6 +681,9 @@ workflows: - unittest_linux: name: unittest_linux_py3.9 python_version: '3.9' + - unittest_linux: + name: unittest_linux_py3.10 + python_version: '3.10' - unittest_windows: name: unittest_windows_py3.7 python_version: '3.7' @@ -672,6 +693,9 @@ workflows: - unittest_windows: name: unittest_windows_py3.9 python_version: '3.9' + - unittest_windows: + name: unittest_windows_py3.10 + python_version: '3.10' nightly: jobs: - circleci_consistency: @@ -762,6 +786,34 @@ workflows: python_version: '3.9' requires: - nightly_binary_linux_wheel_py3.9_upload + - binary_linux_wheel: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_linux_wheel_py3.10 + python_version: '3.10' + - binary_wheel_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_linux_wheel_py3.10_upload + requires: + - nightly_binary_linux_wheel_py3.10 + - smoke_test_linux_pip: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_linux_wheel_py3.10_smoke_test_pip + python_version: '3.10' + requires: + - nightly_binary_linux_wheel_py3.10_upload - binary_macos_wheel: filters: branches: @@ -816,6 +868,24 @@ workflows: name: nightly_binary_macos_wheel_py3.9_upload requires: - nightly_binary_macos_wheel_py3.9 + - binary_macos_wheel: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_macos_wheel_py3.10 + python_version: '3.10' + - binary_wheel_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_macos_wheel_py3.10_upload + requires: + - nightly_binary_macos_wheel_py3.10 - binary_windows_wheel: filters: branches: @@ -900,6 +970,34 @@ workflows: python_version: '3.9' requires: - nightly_binary_windows_wheel_py3.9_upload + - binary_windows_wheel: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_wheel_py3.10 + python_version: '3.10' + - binary_wheel_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_wheel_py3.10_upload + requires: + - nightly_binary_windows_wheel_py3.10 + - smoke_test_windows_pip: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_wheel_py3.10_smoke_test_pip + python_version: '3.10' + requires: + - nightly_binary_windows_wheel_py3.10_upload - binary_linux_conda: filters: branches: @@ -984,6 +1082,34 @@ workflows: python_version: '3.9' requires: - nightly_binary_linux_conda_py3.9_upload + - binary_linux_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_linux_conda_py3.10 + python_version: '3.10' + - binary_conda_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_linux_conda_py3.10_upload + requires: + - nightly_binary_linux_conda_py3.10 + - smoke_test_linux_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_linux_conda_py3.10_smoke_test_conda + python_version: '3.10' + requires: + - nightly_binary_linux_conda_py3.10_upload - binary_macos_conda: filters: branches: @@ -1038,6 +1164,24 @@ workflows: name: nightly_binary_macos_conda_py3.9_upload requires: - nightly_binary_macos_conda_py3.9 + - binary_macos_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_macos_conda_py3.10 + python_version: '3.10' + - binary_conda_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_macos_conda_py3.10_upload + requires: + - nightly_binary_macos_conda_py3.10 - binary_windows_conda: filters: branches: @@ -1122,6 +1266,34 @@ workflows: python_version: '3.9' requires: - nightly_binary_windows_conda_py3.9_upload + - binary_windows_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_conda_py3.10 + python_version: '3.10' + - binary_conda_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_conda_py3.10_upload + requires: + - nightly_binary_windows_conda_py3.10 + - smoke_test_windows_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_conda_py3.10_smoke_test_conda + python_version: '3.10' + requires: + - nightly_binary_windows_conda_py3.10_upload docker_build: triggers: - schedule: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 586c95cce2..4c190c6156 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -21,7 +21,7 @@ from jinja2 import select_autoescape -PYTHON_VERSIONS = ["3.7", "3.8", "3.9"] +PYTHON_VERSIONS = ["3.7", "3.8", "3.9", "3.10"] DOC_VERSION = ("linux", "3.8") diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 8f1e24f1da..db97292a75 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -138,11 +138,10 @@ setup_wheel_python() { python_abi=cp27-cp27m fi ;; - 3.5) python_abi=cp35-cp35m ;; - 3.6) python_abi=cp36-cp36m ;; 3.7) python_abi=cp37-cp37m ;; 3.8) python_abi=cp38-cp38 ;; 3.9) python_abi=cp39-cp39 ;; + 3.10) python_abi=cp310-cp310 ;; *) echo "Unrecognized PYTHON_VERSION=$PYTHON_VERSION" exit 1 From 935008ef1669a3975abbdfa522e269550327ca7b Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 28 Feb 2022 19:24:25 -0500 Subject: [PATCH 169/463] bump version to 0.13 (#1633) --- packaging/build_conda.sh | 2 +- packaging/build_wheel.sh | 2 +- version.txt | 2 +- 3 files changed, 3 insertions(+), 3 deletions(-) diff --git a/packaging/build_conda.sh b/packaging/build_conda.sh index bac0ad7bef..5160353dac 100755 --- a/packaging/build_conda.sh +++ b/packaging/build_conda.sh @@ -6,7 +6,7 @@ script_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" export BUILD_TYPE="conda" export NO_CUDA_PACKAGE=1 -setup_env 0.12.0 +setup_env 0.13.0 export SOURCE_ROOT_DIR="$PWD" setup_conda_pytorch_constraint setup_visual_studio_constraint diff --git a/packaging/build_wheel.sh b/packaging/build_wheel.sh index 34ae8ef996..92cdf53e93 100755 --- a/packaging/build_wheel.sh +++ b/packaging/build_wheel.sh @@ -6,7 +6,7 @@ script_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" export BUILD_TYPE="wheel" export NO_CUDA_PACKAGE=1 -setup_env 0.12.0 +setup_env 0.13.0 setup_wheel_python pip_install numpy future setup_pip_pytorch_version diff --git a/version.txt b/version.txt index 3db2940af4..19b4ae8e53 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.12.0a0 +0.13.0a0 From e6ba477a7bc769a075de35487d75d7f6439c1775 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 2 Mar 2022 05:55:26 -0500 Subject: [PATCH 170/463] update doc conf (#1634) --- docs/source/conf.py | 22 ++++++++++++++-------- 1 file changed, 14 insertions(+), 8 deletions(-) diff --git a/docs/source/conf.py b/docs/source/conf.py index 292c86a394..386fbd4537 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -22,9 +22,10 @@ # sys.path.insert(0, os.path.abspath('.')) import os import re +from datetime import datetime import pytorch_sphinx_theme -import torchtext + # -- General configuration ------------------------------------------------ @@ -126,18 +127,23 @@ def _get_pattern(): master_doc = "index" # General information about the project. -project = "torchtext" -copyright = "2017, Torch Contributors" -author = "Torch Contributors" +project = "Torchtext" +copyright = f"{datetime.now().year}, Torchtext Contributors" +author = "Torchtext Contributors" # The version info for the project you're documenting, acts as replacement for # |version| and |release|, also used in various other places throughout the # built documents. # -# The short X.Y version. -version = torchtext.__version__ -# The full version, including alpha/beta/rc tags. -release = torchtext.__version__ +# `version` is visible from users +# `release` is used for metadata +if os.getenv("BUILD_VERSION"): + version = release = os.environ["BUILD_VERSION"] +else: + import torchtext + + version = f"Nightly Build ({torchtext.__version__})" + release = "nightly" # The language for content autogenerated by Sphinx. Refer to documentation # for a list of supported languages. From 69f67f3a775f3d3c6f85cfaa4ac3819500b90696 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 2 Mar 2022 10:01:36 -0500 Subject: [PATCH 171/463] [BC-breaking] rename Roberta Bundle (#1635) --- docs/source/models.rst | 6 +++--- test/models/test_models.py | 16 ++++++++-------- torchtext/models/roberta/__init__.py | 4 ++-- torchtext/models/roberta/bundler.py | 26 +++++++++++++------------- 4 files changed, 26 insertions(+), 26 deletions(-) diff --git a/docs/source/models.rst b/docs/source/models.rst index b5425c8da4..d34d9dd845 100644 --- a/docs/source/models.rst +++ b/docs/source/models.rst @@ -7,10 +7,10 @@ torchtext.models .. automodule:: torchtext.models .. currentmodule:: torchtext.models -RobertaModelBundle ------------------- +RobertaBundle +------------- -.. autoclass:: RobertaModelBundle +.. autoclass:: RobertaBundle :members: transform .. automethod:: get_model diff --git a/test/models/test_models.py b/test/models/test_models.py index 8c2c61c195..2001e799ed 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -40,7 +40,7 @@ def test_self_attn_mask(self): class TestModels(TorchtextTestCase): def test_roberta_bundler_build_model(self): - from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaModelBundle + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle dummy_encoder_conf = RobertaEncoderConf( vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 @@ -48,14 +48,14 @@ def test_roberta_bundler_build_model(self): # case: user provide encoder checkpoint state dict dummy_encoder = RobertaModel(dummy_encoder_conf) - model = RobertaModelBundle.build_model(encoder_conf=dummy_encoder_conf, checkpoint=dummy_encoder.state_dict()) + model = RobertaBundle.build_model(encoder_conf=dummy_encoder_conf, checkpoint=dummy_encoder.state_dict()) self.assertEqual(model.state_dict(), dummy_encoder.state_dict()) # case: user provide classifier checkpoint state dict when head is given and override_head is False (by default) dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.build_model( + model = RobertaBundle.build_model( encoder_conf=dummy_encoder_conf, head=another_dummy_classifier_head, checkpoint=dummy_classifier.state_dict(), @@ -64,7 +64,7 @@ def test_roberta_bundler_build_model(self): # case: user provide classifier checkpoint state dict when head is given and override_head is set True another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) - model = RobertaModelBundle.build_model( + model = RobertaBundle.build_model( encoder_conf=dummy_encoder_conf, head=another_dummy_classifier_head, checkpoint=dummy_classifier.state_dict(), @@ -78,13 +78,13 @@ def test_roberta_bundler_build_model(self): encoder_state_dict = {} for k, v in dummy_classifier.encoder.state_dict().items(): encoder_state_dict["encoder." + k] = v - model = torchtext.models.RobertaModelBundle.build_model( + model = torchtext.models.RobertaBundle.build_model( encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict ) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) def test_roberta_bundler_train(self): - from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaModelBundle + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle dummy_encoder_conf = RobertaEncoderConf( vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 @@ -103,7 +103,7 @@ def _train(model): # does not freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.build_model( + model = RobertaBundle.build_model( encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, freeze_encoder=False, @@ -121,7 +121,7 @@ def _train(model): # freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaModelBundle.build_model( + model = RobertaBundle.build_model( encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, freeze_encoder=True, diff --git a/torchtext/models/roberta/__init__.py b/torchtext/models/roberta/__init__.py index 1db7a6a29a..57265aeb3d 100644 --- a/torchtext/models/roberta/__init__.py +++ b/torchtext/models/roberta/__init__.py @@ -1,7 +1,7 @@ from .bundler import ( ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER, - RobertaModelBundle, + RobertaBundle, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, ) @@ -11,7 +11,7 @@ "RobertaEncoderConf", "RobertaClassificationHead", "RobertaModel", - "RobertaModelBundle", + "RobertaBundle", "XLMR_BASE_ENCODER", "XLMR_LARGE_ENCODER", "ROBERTA_BASE_ENCODER", diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 3805f1a12b..be4752e1e5 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -22,8 +22,8 @@ def _is_head_available_in_checkpoint(checkpoint, head_state_dict): @dataclass -class RobertaModelBundle: - """RobertaModelBundle(_params: torchtext.models.RobertaEncoderParams, _path: Optional[str] = None, _head: Optional[torch.nn.Module] = None, transform: Optional[Callable] = None) +class RobertaBundle: + """RobertaBundle(_params: torchtext.models.RobertaEncoderParams, _path: Optional[str] = None, _head: Optional[torch.nn.Module] = None, transform: Optional[Callable] = None) Example - Pretrained base xlmr encoder >>> import torch, torchtext @@ -52,11 +52,11 @@ class RobertaModelBundle: torch.Size([1, 2]) Example - User-specified configuration and checkpoint - >>> from torchtext.models import RobertaEncoderConf, RobertaModelBundle, RobertaClassificationHead + >>> from torchtext.models import RobertaEncoderConf, RobertaBundle, RobertaClassificationHead >>> model_weights_path = "https://download.pytorch.org/models/text/xlmr.base.encoder.pt" >>> encoder_conf = RobertaEncoderConf(vocab_size=250002) >>> classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) - >>> model = RobertaModelBundle.build_model(encoder_conf=encoder_conf, head=classifier_head, checkpoint=model_weights_path) + >>> model = RobertaBundle.build_model(encoder_conf=encoder_conf, head=classifier_head, checkpoint=model_weights_path) """ _encoder_conf: RobertaEncoderConf @@ -99,7 +99,7 @@ def get_model( else: input_head = self._head - return RobertaModelBundle.build_model( + return RobertaBundle.build_model( encoder_conf=self._encoder_conf, head=input_head, freeze_encoder=freeze_encoder, @@ -160,7 +160,7 @@ def encoderConf(self) -> RobertaEncoderConf: return self._encoder_conf -XLMR_BASE_ENCODER = RobertaModelBundle( +XLMR_BASE_ENCODER = RobertaBundle( _path=urljoin(_TEXT_BUCKET, "xlmr.base.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=250002), transform=lambda: T.Sequential( @@ -184,11 +184,11 @@ def encoderConf(self) -> RobertaEncoderConf: [`License `__, `Source `__] - Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + Please refer to :func:`torchtext.models.RobertaBundle` for the usage. """ -XLMR_LARGE_ENCODER = RobertaModelBundle( +XLMR_LARGE_ENCODER = RobertaBundle( _path=urljoin(_TEXT_BUCKET, "xlmr.large.encoder.pt"), _encoder_conf=RobertaEncoderConf( vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24 @@ -214,11 +214,11 @@ def encoderConf(self) -> RobertaEncoderConf: [`License `__, `Source `__] - Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + Please refer to :func:`torchtext.models.RobertaBundle` for the usage. """ -ROBERTA_BASE_ENCODER = RobertaModelBundle( +ROBERTA_BASE_ENCODER = RobertaBundle( _path=urljoin(_TEXT_BUCKET, "roberta.base.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=50265), transform=lambda: T.Sequential( @@ -250,11 +250,11 @@ def encoderConf(self) -> RobertaEncoderConf: [`License `__, `Source `__] - Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + Please refer to :func:`torchtext.models.RobertaBundle` for the usage. """ -ROBERTA_LARGE_ENCODER = RobertaModelBundle( +ROBERTA_LARGE_ENCODER = RobertaBundle( _path=urljoin(_TEXT_BUCKET, "roberta.large.encoder.pt"), _encoder_conf=RobertaEncoderConf( vocab_size=50265, @@ -292,5 +292,5 @@ def encoderConf(self) -> RobertaEncoderConf: [`License `__, `Source `__] - Please refer to :func:`torchtext.models.RobertaModelBundle` for the usage. + Please refer to :func:`torchtext.models.RobertaBundle` for the usage. """ From ec364a20fd12971cdb187179d789e63097aefcb0 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 8 Mar 2022 23:41:26 -0500 Subject: [PATCH 172/463] adding data pipelines for Roberta pre-processing (#1637) --- examples/data_pipeline/roberta_dataframe.py | 81 +++++++++++++++++++++ examples/data_pipeline/roberta_datapipe.py | 76 +++++++++++++++++++ 2 files changed, 157 insertions(+) create mode 100644 examples/data_pipeline/roberta_dataframe.py create mode 100644 examples/data_pipeline/roberta_datapipe.py diff --git a/examples/data_pipeline/roberta_dataframe.py b/examples/data_pipeline/roberta_dataframe.py new file mode 100644 index 0000000000..a2668ea814 --- /dev/null +++ b/examples/data_pipeline/roberta_dataframe.py @@ -0,0 +1,81 @@ +from argparse import ArgumentParser + +import torcharrow as ta +import torcharrow.dtypes as dt +import torcharrow.pytorch as tap +import torchtext.transforms as T +from torch.hub import load_state_dict_from_url +from torch.nn import Module +from torch.utils.data import DataLoader +from torchtext.datasets import SST2 + + +class RobertaTransform(Module): + def __init__(self) -> None: + super().__init__() + # Instantiate various transforms + + # Tokenizer to split input text into tokens + encoder_json_path = "https://download.pytorch.org/models/text/gpt2_bpe_encoder.json" + vocab_bpe_path = "https://download.pytorch.org/models/text/gpt2_bpe_vocab.bpe" + self.tokenizer = T.GPT2BPETokenizer(encoder_json_path, vocab_bpe_path) + + # vocabulary converting tokens to IDs + vocab_path = "https://download.pytorch.org/models/text/roberta.vocab.pt" + self.vocab = T.VocabTransform(load_state_dict_from_url(vocab_path)) + + # Add BOS token to the beginning of sentence + self.add_bos = T.AddToken(token=0, begin=True) + + # Add EOS token to the end of sentence + self.add_eos = T.AddToken(token=2, begin=False) + + def forward(self, input: ta.DataFrame) -> ta.DataFrame: + input["tokens"] = input["text"].map(self.tokenizer.forward, dtype=dt.List(dt.string)) + input["tokens"] = input["tokens"].list.slice(stop=254) + input["tokens"] = input["tokens"].map(self.vocab, dtype=dt.List(dt.int32)) + input["tokens"] = input["tokens"].map(self.add_bos) + input["tokens"] = input["tokens"].map(self.add_eos) + return input + + +def main(args): + + # Instantiate transform + transform = RobertaTransform() + + # Create SST2 datapipe and apply pre-processing + train_dp = SST2(split="train") + + # convert to DataFrame of size batches + # TODO: Figure out how to create DataFrame of larger size and create batches consequently + train_dp = train_dp.dataframe(columns=["text", "labels"], dataframe_size=args.batch_size) + + # Apply transformation on DataFrame + train_dp = train_dp.map(transform) + + # Remove not required columns + train_dp = train_dp.map(lambda x: x.drop(["text"])) + + # convert DataFrame to tensor (This will yeild named tuple) + train_dp = train_dp.map(lambda x: x.to_tensor({"tokens": tap.PadSequence(padding_value=1)})) + + # create DataLoader + dl = DataLoader(train_dp, batch_size=None) + + train_steps = args.train_steps + for i, batch in enumerate(dl): + if i == train_steps: + break + + # model_input = batch.tokens + # target = batch.labels + ... + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--batch-size", default=4, type=int) + parser.add_argument("--train-steps", default=-1, type=int) + parser.add_argument("--dataframe-size", default=100, type=int) + main(parser.parse_args()) diff --git a/examples/data_pipeline/roberta_datapipe.py b/examples/data_pipeline/roberta_datapipe.py new file mode 100644 index 0000000000..3b1a4ec07a --- /dev/null +++ b/examples/data_pipeline/roberta_datapipe.py @@ -0,0 +1,76 @@ +from argparse import ArgumentParser +from functools import partial +from typing import Dict, Any + +import torchtext.functional as F +import torchtext.transforms as T +from torch.hub import load_state_dict_from_url +from torch.nn import Module +from torch.utils.data import DataLoader +from torchtext.datasets import SST2 + + +class RobertaTransform(Module): + def __init__(self) -> None: + super().__init__() + # Instantiate various transforms + + # Tokenizer to split input text into tokens + encoder_json_path = "https://download.pytorch.org/models/text/gpt2_bpe_encoder.json" + vocab_bpe_path = "https://download.pytorch.org/models/text/gpt2_bpe_vocab.bpe" + self.tokenizer = T.GPT2BPETokenizer(encoder_json_path, vocab_bpe_path) + + # vocabulary converting tokens to IDs + vocab_path = "https://download.pytorch.org/models/text/roberta.vocab.pt" + self.vocab = T.VocabTransform(load_state_dict_from_url(vocab_path)) + + # Add BOS token to the beginning of sentence + self.add_bos = T.AddToken(token=0, begin=True) + + # Add EOS token to the end of sentence + self.add_eos = T.AddToken(token=2, begin=False) + + def forward(self, input: Dict[str, Any]) -> Dict[str, Any]: + tokens = self.tokenizer(input["text"]) + tokens = F.truncate(tokens, max_seq_len=254) + tokens = self.vocab(tokens) + tokens = self.add_bos(tokens) + tokens = self.add_eos(tokens) + input["tokens"] = tokens + return input + + +def main(args): + # Instantiate transform + transform = RobertaTransform() + + # Create SST2 datapipe and apply pre-processing + batch_size = args.batch_size + train_dp = SST2(split="train") + train_dp = train_dp.batch(batch_size).rows2columnar(["text", "label"]) + + # Apply text pre-processing + train_dp = train_dp.map(transform) + + # convert to Tensor + train_dp = train_dp.map(partial(F.to_tensor, padding_value=1), input_col="tokens") + train_dp = train_dp.map(F.to_tensor, input_col="label") + + # create DataLoader + dl = DataLoader(train_dp, batch_size=None) + + train_steps = args.train_steps + for i, batch in enumerate(dl): + if i == train_steps: + break + + # model_input = batch["tokens"] + # target = batch["label"] + ... + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--batch-size", default=4, type=int) + parser.add_argument("--train-steps", default=-1, type=int) + main(parser.parse_args()) From 2dd5e25fa57e1581ae9313fbefa23be0a27ab75e Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 8 Mar 2022 23:59:54 -0500 Subject: [PATCH 173/463] Add unicode generation to IWSLT tests (followup to #1608) (#1642) * meaningless change to make XML well formed (though it is not important). * Remove closing doc tag from xml list. Update how close tags are created Co-authored-by: Elijah Rippeth Co-authored-by: nayef211 --- test/datasets/test_iwslt2016.py | 4 ++-- test/datasets/test_iwslt2017.py | 4 ++-- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py index 43eff8a47a..4a7e2329bf 100644 --- a/test/datasets/test_iwslt2016.py +++ b/test/datasets/test_iwslt2016.py @@ -39,7 +39,6 @@ def _generate_uncleaned_train(): "" - close_tag = "" + # Open tag already contains the closing > + close_tag = "" - close_tag = "" + # Open tag already contains the closing > + close_tag = " Date: Wed, 9 Mar 2022 20:04:07 -0500 Subject: [PATCH 174/463] remove models from experimental (#1643) --- test/experimental/models/__init__.py | 0 test/experimental/models/test_utils.py | 10 ---------- torchtext/experimental/__init__.py | 4 ++-- torchtext/experimental/models/__init__.py | 3 --- torchtext/experimental/models/utils.py | 22 ---------------------- 5 files changed, 2 insertions(+), 37 deletions(-) delete mode 100644 test/experimental/models/__init__.py delete mode 100644 test/experimental/models/test_utils.py delete mode 100644 torchtext/experimental/models/__init__.py delete mode 100644 torchtext/experimental/models/utils.py diff --git a/test/experimental/models/__init__.py b/test/experimental/models/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/test/experimental/models/test_utils.py b/test/experimental/models/test_utils.py deleted file mode 100644 index 8ac3c712be..0000000000 --- a/test/experimental/models/test_utils.py +++ /dev/null @@ -1,10 +0,0 @@ -import torch -from torchtext.experimental.models.utils import count_model_param - -from ...common.torchtext_test_case import TorchtextTestCase - - -class TestModelsUtils(TorchtextTestCase): - def test_count_model_parameters_func(self): - model = torch.nn.Embedding(100, 200) - self.assertEqual(count_model_param(model, unit=10 ** 3), 20.0) diff --git a/torchtext/experimental/__init__.py b/torchtext/experimental/__init__.py index 4a1845e31b..1cef2253c3 100644 --- a/torchtext/experimental/__init__.py +++ b/torchtext/experimental/__init__.py @@ -1,3 +1,3 @@ -from . import datasets, models, transforms +from . import datasets, transforms -__all__ = ["datasets", "transforms", "models"] +__all__ = ["datasets", "transforms"] diff --git a/torchtext/experimental/models/__init__.py b/torchtext/experimental/models/__init__.py deleted file mode 100644 index 2065636d77..0000000000 --- a/torchtext/experimental/models/__init__.py +++ /dev/null @@ -1,3 +0,0 @@ -from .utils import count_model_param - -__all__ = ["count_model_param"] diff --git a/torchtext/experimental/models/utils.py b/torchtext/experimental/models/utils.py deleted file mode 100644 index 495f00d117..0000000000 --- a/torchtext/experimental/models/utils.py +++ /dev/null @@ -1,22 +0,0 @@ -import torch - - -def count_model_param(nn_model, unit=10 ** 6): - r""" - Count the parameters in a model - - Args: - model: the model (torch.nn.Module) - unit: the unit of the returned value. Default: 10**6 or M. - - Examples: - >>> import torch - >>> import torchtext - >>> from torchtext.experimental.models.utils import count_model_param - >>> model = torch.nn.Embedding(100, 200) - >>> count_model_param(model, unit=10**3) - >>> 20. - """ - model_parameters = filter(lambda p: p.requires_grad, nn_model.parameters()) - params = sum([torch.prod(torch.tensor(p.size())) for p in model_parameters]) - return params.item() / unit From 62915adf1b6ca7fa792d1e060031e05c56f1f007 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Mar 2022 01:35:09 -0500 Subject: [PATCH 175/463] fix roberta bundle example doc (#1648) --- torchtext/models/roberta/bundler.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index be4752e1e5..4a9bc38f43 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -32,7 +32,7 @@ class RobertaBundle: >>> model = xlmr_base.get_model() >>> transform = xlmr_base.transform() >>> input_batch = ["Hello world", "How are you!"] - >>> model_input = to_tensor(transform(input_batch), padding_value=transform.pad_idx) + >>> model_input = to_tensor(transform(input_batch), padding_value=1) >>> output = model(model_input) >>> output.shape torch.Size([2, 6, 768]) @@ -46,7 +46,7 @@ class RobertaBundle: >>> model = xlmr_large.get_model(head=classifier_head) >>> transform = xlmr_large.transform() >>> input_batch = ["Hello world", "How are you!"] - >>> model_input = to_tensor(transform(input_batch), padding_value=transform.pad_idx) + >>> model_input = to_tensor(transform(input_batch), padding_value=1) >>> output = model(model_input) >>> output.shape torch.Size([1, 2]) From fcbe05745916d8a672f990a8aac40ca0f788f6da Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Mar 2022 01:35:34 -0500 Subject: [PATCH 176/463] remove install instructions (#1641) --- examples/tutorials/sst2_classification_non_distributed.py | 8 -------- 1 file changed, 8 deletions(-) diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py index cc42f01ffc..5735d08e60 100644 --- a/examples/tutorials/sst2_classification_non_distributed.py +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -18,14 +18,6 @@ # 3. instantiate classification model using pre-trained XLM-R encoder # # -# To run this tutorial, please install torchtext nightly and TorchData (following commands will do in google Colab) -# -# :: -# -# !pip3 install --pre --upgrade torchtext -f https://download.pytorch.org/whl/nightly/cu113/torch_nightly.html -# !pip install --user "git+https://github.com/pytorch/data.git" -# - ###################################################################### # Common imports From 9abe9d0b4747073ba31cf23287739a7b542b6be8 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Mar 2022 11:59:16 -0500 Subject: [PATCH 177/463] remove experimental functional (#1645) --- test/experimental/test_utils.py | 48 ---------------------------- torchtext/experimental/functional.py | 34 -------------------- 2 files changed, 82 deletions(-) delete mode 100644 test/experimental/test_utils.py delete mode 100644 torchtext/experimental/functional.py diff --git a/test/experimental/test_utils.py b/test/experimental/test_utils.py deleted file mode 100644 index 766db38cb7..0000000000 --- a/test/experimental/test_utils.py +++ /dev/null @@ -1,48 +0,0 @@ -from torchtext.experimental.functional import ngrams_func - -from ..common.torchtext_test_case import TorchtextTestCase - - -class TestUtils(TorchtextTestCase): - def test_ngrams_func(self): - func = ngrams_func(1) - assert func(["A", "string", "particularly", "one", "with", "slightly"]) == [ - "A", - "string", - "particularly", - "one", - "with", - "slightly", - ] - func = ngrams_func(2) - assert func(["A", "string", "particularly", "one", "with", "slightly"]) == [ - "A", - "string", - "particularly", - "one", - "with", - "slightly", - "A string", - "string particularly", - "particularly one", - "one with", - "with slightly", - ] - func = ngrams_func(3) - assert func(["A", "string", "particularly", "one", "with", "slightly"]) == [ - "A", - "string", - "particularly", - "one", - "with", - "slightly", - "A string", - "string particularly", - "particularly one", - "one with", - "with slightly", - "A string particularly", - "string particularly one", - "particularly one with", - "one with slightly", - ] diff --git a/torchtext/experimental/functional.py b/torchtext/experimental/functional.py deleted file mode 100644 index e4c215342f..0000000000 --- a/torchtext/experimental/functional.py +++ /dev/null @@ -1,34 +0,0 @@ -import torch -from torchtext.data.utils import ngrams_iterator - -__all__ = ["vocab_func", "totensor", "ngrams_func", "sequential_transforms"] - - -def vocab_func(vocab): - def func(tok_iter): - return [vocab[tok] for tok in tok_iter] - - return func - - -def totensor(dtype): - def func(ids_list): - return torch.tensor(ids_list).to(dtype) - - return func - - -def ngrams_func(ngrams): - def func(token_list): - return list(ngrams_iterator(token_list, ngrams)) - - return func - - -def sequential_transforms(*transforms): - def func(txt_input): - for transform in transforms: - txt_input = transform(txt_input) - return txt_input - - return func From 2ab3b29375ccbf6d6fccbb5b374488506eec03ac Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Mar 2022 12:01:39 -0500 Subject: [PATCH 178/463] remove experimental datasets (#1646) --- torchtext/experimental/__init__.py | 4 +- torchtext/experimental/datasets/__init__.py | 3 - .../experimental/datasets/raw/__init__.py | 21 --- torchtext/experimental/datasets/raw/wmt14.py | 169 ------------------ .../experimental/datasets/raw/wmtnewscrawl.py | 56 ------ 5 files changed, 2 insertions(+), 251 deletions(-) delete mode 100644 torchtext/experimental/datasets/__init__.py delete mode 100644 torchtext/experimental/datasets/raw/__init__.py delete mode 100644 torchtext/experimental/datasets/raw/wmt14.py delete mode 100644 torchtext/experimental/datasets/raw/wmtnewscrawl.py diff --git a/torchtext/experimental/__init__.py b/torchtext/experimental/__init__.py index 1cef2253c3..f7f17fa618 100644 --- a/torchtext/experimental/__init__.py +++ b/torchtext/experimental/__init__.py @@ -1,3 +1,3 @@ -from . import datasets, transforms +from . import transforms -__all__ = ["datasets", "transforms"] +__all__ = ["transforms"] diff --git a/torchtext/experimental/datasets/__init__.py b/torchtext/experimental/datasets/__init__.py deleted file mode 100644 index 08e78af7b9..0000000000 --- a/torchtext/experimental/datasets/__init__.py +++ /dev/null @@ -1,3 +0,0 @@ -from . import raw - -__all__ = ["raw"] diff --git a/torchtext/experimental/datasets/raw/__init__.py b/torchtext/experimental/datasets/raw/__init__.py deleted file mode 100644 index 3f624ac00e..0000000000 --- a/torchtext/experimental/datasets/raw/__init__.py +++ /dev/null @@ -1,21 +0,0 @@ -import importlib - -from .wmt14 import WMT14 -from .wmtnewscrawl import WMTNewsCrawl - -DATASETS = { - "WMTNewsCrawl": WMTNewsCrawl, - "WMT14": WMT14, -} - -URLS = {} -NUM_LINES = {} -MD5 = {} -for dataset in DATASETS: - dataset_module_path = "torchtext.experimental.datasets.raw." + dataset.lower() - dataset_module = importlib.import_module(dataset_module_path) - URLS[dataset] = dataset_module.URL - NUM_LINES[dataset] = dataset_module.NUM_LINES - MD5[dataset] = dataset_module.MD5 - -__all__ = sorted(list(map(str, DATASETS.keys()))) diff --git a/torchtext/experimental/datasets/raw/wmt14.py b/torchtext/experimental/datasets/raw/wmt14.py deleted file mode 100644 index 6f504fb957..0000000000 --- a/torchtext/experimental/datasets/raw/wmt14.py +++ /dev/null @@ -1,169 +0,0 @@ -import os - -from torchtext.data.datasets_utils import ( - _create_dataset_directory, - _RawTextIterableDataset, - _read_text_iterator, - _wrap_split_argument, -) -from torchtext.utils import download_from_url, extract_archive - -URL = "https://drive.google.com/uc?export=download&id=0B_bZck-ksdkpM25jRUN2X2UxMm8" - -_PATH = "wmt16_en_de.tar.gz" - -MD5 = "874ab6bbfe9c21ec987ed1b9347f95ec" - -NUM_LINES = { - "newstest2010.tok.bpe.32000": 2489, - "newstest2012": 3003, - "newstest2010.tok": 2489, - "newstest2016": 2999, - "newstest2014.tok": 3003, - "newstest2009": 2525, - "newstest2015.tok.bpe.32000": 2169, - "newstest2016.tok": 2999, - "newstest2011.tok.bpe.32000": 3003, - "newstest2012.tok": 3003, - "newstest2013": 3000, - "newstest2014.tok.bpe.32000": 3003, - "newstest2011.tok": 3003, - "newstest2011": 3003, - "newstest2015.tok": 2169, - "newstest2012.tok.bpe.32000": 3003, - "newstest2015": 2169, - "newstest2016.tok.bpe.32000": 2999, - "newstest2009.tok.bpe.32000": 2525, - "newstest2014": 3003, - "newstest2009.tok": 2525, - "newstest2013.tok.bpe.32000": 3000, - "newstest2013.tok": 3000, - "newstest2010": 2489, - "train.tok.clean.bpe.32000": 4500966, -} - - -def _construct_filenames(filename, languages): - filenames = [] - for lang in languages: - filenames.append(filename + "." + lang) - return filenames - - -def _construct_filepaths(paths, src_filename, tgt_filename): - src_path = None - tgt_path = None - for p in paths: - src_path = p if src_filename in p else src_path - tgt_path = p if tgt_filename in p else tgt_path - return (src_path, tgt_path) - - -DATASET_NAME = "WMT14" - - -@_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument(("train", "valid", "test")) -def WMT14( - root, - split, - language_pair=("de", "en"), - train_set="train.tok.clean.bpe.32000", - valid_set="newstest2013.tok.bpe.32000", - test_set="newstest2014.tok.bpe.32000", -): - """WMT14 Dataset - - The available datasets include following: - - **Language pairs**: - - +-----+-----+-----+ - | |'en' |'de' | - +-----+-----+-----+ - |'en' | | x | - +-----+-----+-----+ - |'de' | x | | - +-----+-----+-----+ - - - Args: - root: Directory where the datasets are saved. Default: ".data" - split: split or splits to be returned. Can be a string or tuple of strings. Default: (‘train’, ‘valid’, ‘test’) - language_pair: tuple or list containing src and tgt language - train_set: A string to identify train set. - valid_set: A string to identify validation set. - test_set: A string to identify test set. - - Examples: - >>> from torchtext.datasets import WMT14 - >>> train_iter, valid_iter, test_iter = WMT14() - >>> src_sentence, tgt_sentence = next(train_iter) - """ - - supported_language = ["en", "de"] - supported_train_set = [s for s in NUM_LINES if "train" in s] - supported_valid_set = [s for s in NUM_LINES if "test" in s] - supported_test_set = [s for s in NUM_LINES if "test" in s] - - assert len(language_pair) == 2, "language_pair must contain only 2 elements: src and tgt language respectively" - - if language_pair[0] not in supported_language: - raise ValueError( - "Source language '{}' is not supported. Valid options are {}".format(language_pair[0], supported_language) - ) - - if language_pair[1] not in supported_language: - raise ValueError( - "Target language '{}' is not supported. Valid options are {}".format(language_pair[1], supported_language) - ) - - if train_set not in supported_train_set: - raise ValueError( - "'{}' is not a valid train set identifier. valid options are {}".format(train_set, supported_train_set) - ) - - if valid_set not in supported_valid_set: - raise ValueError( - "'{}' is not a valid valid set identifier. valid options are {}".format(valid_set, supported_valid_set) - ) - - if test_set not in supported_test_set: - raise ValueError( - "'{}' is not a valid valid set identifier. valid options are {}".format(test_set, supported_test_set) - ) - - train_filenames = "{}.{}".format(train_set, language_pair[0]), "{}.{}".format(train_set, language_pair[1]) - valid_filenames = "{}.{}".format(valid_set, language_pair[0]), "{}.{}".format(valid_set, language_pair[1]) - test_filenames = "{}.{}".format(test_set, language_pair[0]), "{}.{}".format(test_set, language_pair[1]) - - if split == "train": - src_file, tgt_file = train_filenames - elif split == "valid": - src_file, tgt_file = valid_filenames - else: - src_file, tgt_file = test_filenames - - dataset_tar = download_from_url(URL, root=root, hash_value=MD5, path=os.path.join(root, _PATH), hash_type="md5") - extracted_files = extract_archive(dataset_tar) - - data_filenames = { - split: _construct_filepaths(extracted_files, src_file, tgt_file), - } - - for key in data_filenames: - if len(data_filenames[key]) == 0 or data_filenames[key] is None: - raise FileNotFoundError("Files are not found for data type {}".format(key)) - - assert data_filenames[split][0] is not None, "Internal Error: File not found for reading" - assert data_filenames[split][1] is not None, "Internal Error: File not found for reading" - src_data_iter = _read_text_iterator(data_filenames[split][0]) - tgt_data_iter = _read_text_iterator(data_filenames[split][1]) - - def _iter(src_data_iter, tgt_data_iter): - for item in zip(src_data_iter, tgt_data_iter): - yield item - - return _RawTextIterableDataset( - DATASET_NAME, NUM_LINES[os.path.splitext(src_file)[0]], _iter(src_data_iter, tgt_data_iter) - ) diff --git a/torchtext/experimental/datasets/raw/wmtnewscrawl.py b/torchtext/experimental/datasets/raw/wmtnewscrawl.py deleted file mode 100644 index 119fb0131e..0000000000 --- a/torchtext/experimental/datasets/raw/wmtnewscrawl.py +++ /dev/null @@ -1,56 +0,0 @@ -import logging - -from torchtext.data.datasets_utils import ( - _add_docstring_header, - _create_dataset_directory, - _download_extract_validate, - _RawTextIterableDataset, - _read_text_iterator, - _wrap_split_argument, -) - -URL = "http://www.statmt.org/wmt11/training-monolingual-news-2010.tgz" - -MD5 = "c70da2ba79db33fb0fc9119cbad16260" - -NUM_LINES = { - "train": 17676013, -} - -_PATH = "training-monolingual-news-2010.tgz" - -_AVAILABLE_YEARS = [2010] -_AVAILABLE_LANGUAGES = ["cs", "en", "fr", "es", "de"] - -_EXTRACTED_FILES = { - "cs": "training-monolingual/news.2010.cs.shuffled", - "de": "training-monolingual/news.2010.de.shuffled", - "en": "training-monolingual/news.2010.en.shuffled", - "es": "training-monolingual/news.2010.es.shuffled", - "fr": "training-monolingual/news.2010.fr.shuffled", -} - -_EXTRACTED_FILES_MD5 = { - "cs": "b60fdbf95a2e97bae3a7d04cc81df925", - "de": "e59a0f0c6eeeb2113c0da1873a2e1035", - "en": "234a50914d87158754815a0bd86d7b9d", - "es": "aee3d773a0c054c5ac313a42d08b7020", - "fr": "066d671533f78bfe139cf7052574fd5a", -} - -DATASET_NAME = "WMTNewsCrawl" - - -@_add_docstring_header(num_lines=NUM_LINES) -@_create_dataset_directory(dataset_name=DATASET_NAME) -@_wrap_split_argument("train") -def WMTNewsCrawl(root, split, year=2010, language="en"): - if year not in _AVAILABLE_YEARS: - raise ValueError("{} not available. Please choose from years {}".format(year, _AVAILABLE_YEARS)) - if language not in _AVAILABLE_LANGUAGES: - raise ValueError("{} not available. Please choose from languages {}".format(language, _AVAILABLE_LANGUAGES)) - path = _download_extract_validate( - root, URL, MD5, _PATH, _EXTRACTED_FILES[language], _EXTRACTED_FILES_MD5[language], hash_type="md5" - ) - logging.info("Creating {} data".format(split)) - return _RawTextIterableDataset(DATASET_NAME, NUM_LINES[split], _read_text_iterator(path)) From 02d0fc6c4eb4b3169226f7b784430e4b08b94ee1 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Mar 2022 15:32:15 -0500 Subject: [PATCH 179/463] clean-up examples folder (#1647) --- examples/data_pipeline/README.md | 124 --------------- examples/data_pipeline/dataset.py | 19 --- examples/data_pipeline/pipelines.py | 224 --------------------------- examples/data_pipeline/transforms.py | 98 ------------ examples/utils/download_extract.py | 15 -- examples/vocab/fairseq_vocab.py | 66 ++++++++ examples/vocab/pytext_vocab.py | 201 ------------------------ 7 files changed, 66 insertions(+), 681 deletions(-) delete mode 100644 examples/data_pipeline/README.md delete mode 100644 examples/data_pipeline/dataset.py delete mode 100644 examples/data_pipeline/pipelines.py delete mode 100644 examples/data_pipeline/transforms.py delete mode 100644 examples/utils/download_extract.py create mode 100644 examples/vocab/fairseq_vocab.py delete mode 100644 examples/vocab/pytext_vocab.py diff --git a/examples/data_pipeline/README.md b/examples/data_pipeline/README.md deleted file mode 100644 index 80dff5d45a..0000000000 --- a/examples/data_pipeline/README.md +++ /dev/null @@ -1,124 +0,0 @@ -# Data processing pipelines with torchtext - -This example shows a few data processing pipelines with the building blocks (like tokenizer, vocab). The raw text data -from `torchtext.datasets` are used as the inputs for performance benchmark. We also enable the JIT support if possible. - -## SentencePiece - -This pipeline example shows the application with a pretrained sentencepiece model saved in `m_user.model`. The model is -loaded to build tokenizer and vocabulary and the pipeline is composed of: - -- `PretrainedSPTokenizer` -- `PretrainedSPVocab` backed by `torchtext.experimental.vocab.Vocab` - -The command to run the pipeline: - - python pipelines.py --pipeline sentencepiece - -## Legacy Torchtext - -This pipeline example shows the application with the existing `Vocab` in torchtext library. The `Vocab` instance is -built from a text file where a column of vocab tokens are read in sequence. - -- `basic_english` func from `torchtext.data.utils.get_tokenizer` -- `torchtext.vocab.Vocab` - -The command to run the pipeline: - - python pipelines.py --pipeline legacy_torchtext - -## Experimental Torchtext - -This pipeline example shows the application with the vocab text file from Hugging Face -([link](https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt)). The experimental vocab in -torchtext library is used here: - -- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -- `torchtext.experimental.vocab.Vocab` - -The command to run the pipeline: - - python pipelines.py --pipeline experimental_torchtext - -## Legacy PyText - -This pipeline example shows the application with the existing `ScriptVocab` in pytext library. The `ScriptVocab` -instance is built from a text file where a column of vocab tokens are read in sequence. - -- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -- `from pytext.torchscript.vocab.ScriptVocabulary` - -With the dependency of `pytext` library, the command to run the pipeline: - - python pipelines.py --pipeline pytext - -## Experimental PyText - -This pipeline example shows the application with a `ScriptVocab` based on the torchtext vocab. The `ScriptVocab` -instance is built from a text file where a column of vocab tokens are read in sequence. - -- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -- `from pytext.torchscript.vocab.ScriptVocabulary` - -With the dependency of `pytext` library, the command to run the pipeline: - - python pipelines.py --pipeline pytext - -## Legacy Torchtext with a batch of data - -This pipeline example shows the application with the data batch as input. For the real-world text classification task, -two separate pipelines are created for text and label. - -For the text pipeline: - -- `basic_english` func from `torchtext.data.utils.get_tokenizer` -- `torchtext.vocab.Vocab` - -For the label pipeline: - -- `torchtext.experimental.functional.totensor` to convert a list of strings to `torch.tensor` - -And the text and label pipeline are passed to TextClassificationPipeline. Since the incoming data are in the form of a -batch, `run_batch_benchmark_lookup` func uses python built-in `map()` func to process a batch of raw text data according -the pipeline. - -The command to run the pipeline: - - python pipelines.py --pipeline legacy_batch_torchtext - -## Legacy FastText pretrained word vectors - -This pipeline example shows the application with the pretained word vector from legacy FastText: - -- `basic_english` func from `torchtext.data.utils.get_tokenizer` -- `torchtext.vocab.FastText` - -The command to run the pipeline: - - python pipelines.py --pipeline legacy_fasttext - -## Experimental FastText pretrained word vectors - -This pipeline example shows the application with the pretained word vector using our experimental FastText: - -- `torchtext.experimental.transforms.BasicEnglishNormalize` backed by `re2` regular expression library -- `torchtext.experimental.vectors.FastText` - -The command to run the pipeline: - - python pipelines.py --pipeline experimental_fasttext - -Here are the time in seconds for the pipelines above: - -| Pipelines | Eager Mode with Pybind | Eager Mode with Torchbind | JIT Mode | -| --------------------------------------------- | ---------------------- | ------------------------- | -------- | -| SentencePiece | 19.555 | 22.798 | 17.579 | -| Legacy Torchtext | 11.677 | N/A | N/A | -| Experimental Torchtext | 4.793 | 9.745 | 6.459 | -| Legacy PyText | 10.168 | 12.636 | 8.425 | -| Experimental PyText | 5.192 | 10.555 | 6.272 | -| Legacy Torchtext with a batch of data | 5.192 | N/A | N/A | -| Legacy FastText pretrained word vectors | 22.947 | N/A | N/A | -| Experimental FastText pretrained word vectors | 11.949 | 18.100 | 14.058 | - -Please note that these numbers are for our development reference only. diff --git a/examples/data_pipeline/dataset.py b/examples/data_pipeline/dataset.py deleted file mode 100644 index 496fbafde8..0000000000 --- a/examples/data_pipeline/dataset.py +++ /dev/null @@ -1,19 +0,0 @@ -import torch -from torchtext.datasets import DATASETS - - -class BatchTextClassificationData(torch.utils.data.IterableDataset): - def __init__(self, dataset_name, batch_size=16): - super(BatchTextClassificationData, self).__init__() - self._iterator = DATASETS[dataset_name](split="train") - self.batch_size = batch_size - - def __iter__(self): - _data = [] - for i, item in enumerate(self._iterator): - _data.append(item) - if len(_data) >= self.batch_size: - yield _data - _data = [] - if len(_data) > 0: - yield _data diff --git a/examples/data_pipeline/pipelines.py b/examples/data_pipeline/pipelines.py deleted file mode 100644 index 27dc10f86b..0000000000 --- a/examples/data_pipeline/pipelines.py +++ /dev/null @@ -1,224 +0,0 @@ -import argparse -import time -from collections import Counter, OrderedDict - -import torch -from torch.utils.data import DataLoader -from torchtext.data.utils import get_tokenizer -from torchtext.datasets import DATASETS -from torchtext.experimental.functional import sequential_transforms -from torchtext.experimental.transforms import ( - basic_english_normalize, - load_sp_model, - PRETRAINED_SP_MODEL, - sentencepiece_tokenizer, - TextSequentialTransforms, -) -from torchtext.experimental.vectors import FastText as FastTextExperimental -from torchtext.experimental.vocab import load_vocab_from_file -from torchtext.utils import download_from_url -from torchtext.vocab import FastText -from transforms import PretrainedSPVocab, PyTextScriptVocabTransform, PyTextVocabTransform, tokenizer_func, vocab_func - - -def build_sp_pipeline(args): - spm_file = args.spm_filename - if spm_file in PRETRAINED_SP_MODEL: - spm_file = download_from_url(PRETRAINED_SP_MODEL[spm_file]) - tokenizer = sentencepiece_tokenizer(spm_file) - vocab = PretrainedSPVocab(load_sp_model(spm_file)) - - # Insert token in vocab to match a pretrained vocab - pipeline = TextSequentialTransforms(tokenizer, vocab) - jit_pipeline = torch.jit.script(pipeline) - print("jit sentencepiece pipeline success!") - return pipeline, pipeline, jit_pipeline - - -def build_legacy_torchtext_vocab_pipeline(args): - vocab_file = args.vocab_filename - tokenizer = get_tokenizer("basic_english") - from torchtext.legacy.vocab import build_vocab_from_iterator - - def token_iterator(vocab_file): - f = open(vocab_file, "r") - for line in f: - for token in line: - yield token - - vocab = build_vocab_from_iterator(token_iterator(vocab_file)) - pipeline = sequential_transforms(tokenizer, vocab_func(vocab)) - return pipeline, None, None - - -def build_experimental_torchtext_pipeline(args): - vocab_file = args.vocab_filename - tokenizer = basic_english_normalize() - with open(vocab_file, "r") as f: - vocab = load_vocab_from_file(f) - pipeline = TextSequentialTransforms(tokenizer, vocab) - jit_pipeline = torch.jit.script(pipeline) - print("jit experimental torchtext pipeline success!") - return pipeline, pipeline, jit_pipeline - - -def build_legacy_batch_torchtext_vocab_pipeline(args): - vocab_file = args.vocab_filename - tokenizer = get_tokenizer("basic_english") - from torchtext.legacy.vocab import build_vocab_from_iterator - - def token_iterator(vocab_file): - f = open(vocab_file, "r") - for line in f: - for token in line: - yield token - - vocab = build_vocab_from_iterator(token_iterator(vocab_file)) - text_pipeline = sequential_transforms(tokenizer_func(tokenizer), vocab_func(vocab)) - return text_pipeline, None, None - - -def build_legacy_pytext_vocab_pipeline(args): - vocab_file = args.vocab_filename - from pytext.data.utils import Vocabulary - - tokenizer = get_tokenizer("basic_english") - with open(vocab_file, "r") as f: - vocab_counter = Counter([token for line in f for token in line.rstrip()]) - sorted_by_freq_tuples = sorted(vocab_counter.items(), key=lambda x: x[1], reverse=True) - vocab_list = [pair[0] for pair in sorted_by_freq_tuples] - vocab_list.insert(0, "") - pipeline = sequential_transforms( - tokenizer_func(tokenizer), PyTextVocabTransform(Vocabulary(vocab_list, unk_token="")) - ) - return pipeline, None, None - - -def build_legacy_pytext_script_vocab_pipeline(args): - vocab_file = args.vocab_filename - from pytext.torchscript.vocab import ScriptVocabulary - - tokenizer = basic_english_normalize() - with open(vocab_file, "r") as f: - vocab_counter = Counter([token for line in f for token in line.rstrip()]) - sorted_by_freq_tuples = sorted(vocab_counter.items(), key=lambda x: x[1], reverse=True) - vocab_list = [pair[0] for pair in sorted_by_freq_tuples] - vocab_list.insert(0, "") - pipeline = TextSequentialTransforms(tokenizer, PyTextScriptVocabTransform(ScriptVocabulary(vocab_list))) - jit_pipeline = torch.jit.script(pipeline) - print("jit legacy PyText pipeline success!") - return pipeline, pipeline, jit_pipeline - - -def build_experimental_pytext_script_pipeline(args): - vocab_file = args.vocab_filename - import os - import sys - - # this is needed because we want to add 'torchtext/examples/vocab' directory to the - # `sys.path` variable in order to import the pytext_vocab (since its not a module) - sys.path.insert(0, os.path.join(os.path.dirname(os.path.abspath(__file__)), "..", "vocab")) - from pytext_vocab import script_vocab - - tokenizer = basic_english_normalize() - f = open(vocab_file, "r") - vocab_counter = Counter([token for line in f for token in line.rstrip()]) - ordered_dict = OrderedDict(sorted(vocab_counter.items(), key=lambda x: x[1], reverse=True)) - - # Insert token in vocab to match a pretrained vocab - pipeline = TextSequentialTransforms(tokenizer, PyTextScriptVocabTransform(script_vocab(ordered_dict))) - jit_pipeline = torch.jit.script(pipeline) - print("jit legacy PyText pipeline success!") - return pipeline, pipeline, jit_pipeline - - -def build_legacy_fasttext_vector_pipeline(args): - tokenizer = get_tokenizer("basic_english") - vector = FastText() - - pipeline = sequential_transforms(tokenizer, vector.get_vecs_by_tokens) - return pipeline, None, None - - -def build_experimental_fasttext_vector_pipeline(args): - tokenizer = basic_english_normalize() - vector = FastTextExperimental() - - pipeline = TextSequentialTransforms(tokenizer, vector) - jit_pipeline = torch.jit.script(pipeline) - - print("jit legacy fasttext pipeline success!") - return pipeline, pipeline, jit_pipeline - - -def run_benchmark_lookup(text_classification_dataset, pipeline): - t0 = time.monotonic() - for (label, text) in text_classification_dataset: - text = pipeline(text) - print("Lookup time:", time.monotonic() - t0) - - -def run_batch_benchmark_lookup(text_classification_dataset, pipeline): - def collate_fn(data_batch): - return [text for (label, text) in data_batch] - - dataloader = DataLoader(text_classification_dataset, batch_size=16, shuffle=True, collate_fn=collate_fn) - t0 = time.monotonic() - for lines in dataloader: - lines = pipeline(lines) - print("Lookup time:", time.monotonic() - t0) - - -def generate_dataset(args): - train, test = DATASETS[args.dataset]() - return [_data for _data in train], [_data for _data in test] - - -PIPELINES = { - "sentencepiece": build_sp_pipeline, - "experimental_torchtext": build_experimental_torchtext_pipeline, - "legacy_torchtext": build_legacy_torchtext_vocab_pipeline, - "experimental_fasttext": build_experimental_fasttext_vector_pipeline, - "legacy_fasttext": build_legacy_fasttext_vector_pipeline, - "experimental_pytext_script_vocab": build_experimental_pytext_script_pipeline, - "legacy_pytext_vocab": build_legacy_pytext_vocab_pipeline, - "legacy_pytext_script_vocab": build_legacy_pytext_script_vocab_pipeline, - "legacy_batch_torchtext": build_legacy_batch_torchtext_vocab_pipeline, -} - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description="Data procesing pipelines") - parser.add_argument("--pipeline", type=str, default="sentencepiece", help="The name of pipeline") - parser.add_argument("--dataset", type=str, default="AG_NEWS", help="Dataset for performance benchmark") - parser.add_argument( - "--spm-filename", type=str, default="text_unigram_25000", help="The filename of sentencepiece model" - ) - parser.add_argument("--vocab-filename", type=str, default="vocab.txt", help="The name of vocab filename") - args = parser.parse_args() - - if args.pipeline not in PIPELINES: - raise KeyError( - "Pipeline {} is not supported. Valid pipelines are {}".format(args.pipeline, list(PIPELINES.keys())) - ) - - pipeline, torchbind_pipeline, jit_pipeline = PIPELINES[args.pipeline](args) - if pipeline is not None: - print("Test eager mode for pipeline with pybind", args.pipeline) - train, test = generate_dataset(args) - if args.pipeline == "legacy_batch_torchtext": - run_batch_benchmark_lookup(train, pipeline) - else: - run_benchmark_lookup(train, pipeline) - - if torchbind_pipeline is not None: - print("Test eager mode for pipeline with torchbind", args.pipeline) - train, test = generate_dataset(args) - if args.pipeline == "legacy_batch_torchtext": - run_batch_benchmark_lookup(train, torchbind_pipeline) - else: - run_benchmark_lookup(train, torchbind_pipeline) - - if jit_pipeline is not None: - print("Test jit mode for pipeline", args.pipeline) - train, test = generate_dataset(args) - run_benchmark_lookup(train, jit_pipeline) diff --git a/examples/data_pipeline/transforms.py b/examples/data_pipeline/transforms.py deleted file mode 100644 index 404c7ac12e..0000000000 --- a/examples/data_pipeline/transforms.py +++ /dev/null @@ -1,98 +0,0 @@ -from collections import OrderedDict -from typing import List - -import torch -import torch.nn as nn -from torch import Tensor -from torchtext.vocab import vocab - - -class PretrainedSPVocab(nn.Module): - r"""Vocab based on a pretained sentencepiece model""" - - def __init__(self, sp_model): - super(PretrainedSPVocab, self).__init__() - self.sp_model = sp_model - unk_id = self.sp_model.unk_id() - unk_token = self.sp_model.IdToPiece(unk_id) - vocab_list = [self.sp_model.IdToPiece(i) for i in range(self.sp_model.GetPieceSize())] - self.vocab = vocab(OrderedDict([(token, 1) for token in vocab_list]), unk_token=unk_token) - - def forward(self, tokens: List[str]) -> List[int]: - return self.vocab.lookup_indices(tokens) - - def insert_token(self, token: str, index: int) -> None: - self.vocab.insert_token(token, index) - - -class PyTextVocabTransform(nn.Module): - r"""PyTextVocabTransform transform""" - - def __init__(self, vocab): - super(PyTextVocabTransform, self).__init__() - self.vocab = vocab - - def forward(self, tokens_list: List[List[str]]) -> List[List[int]]: - ids: List[List[int]] = self.vocab.lookup_all(tokens_list) - return ids - - -class PyTextScriptVocabTransform(nn.Module): - r"""PyTextScriptVocabTransform transform""" - - def __init__(self, vocab): - super(PyTextScriptVocabTransform, self).__init__() - self.vocab = vocab - - def forward(self, tokens: List[str]) -> List[int]: - return self.vocab.lookup_indices_1d(tokens) - - -class ToLongTensor(nn.Module): - r"""Convert a list of integers to long tensor""" - - def __init__(self): - super(ToLongTensor, self).__init__() - - def forward(self, tokens: List[List[int]]) -> Tensor: - return torch.tensor(tokens).to(torch.long) - - -def iterate_batch(pipeline): - def func(data_batch): - return [pipeline(data) for data in data_batch] - - return func - - -def vocab_func(vocab): - def func(tokens_list_iter): - return [vocab[tok] for tokens_list in tokens_list_iter for tok in tokens_list] - - return func - - -def vector_func(vector): - def func(tokens_list_iter): - return [vector.get_vecs_by_tokens(tokens_list) for tokens_list in tokens_list_iter] - - return func - - -def tokenizer_func(tokenizer): - def func(lines): - return [tokenizer(line) for line in lines] - - return func - - -class TextClassificationPipeline(nn.Module): - r"""Text classification pipeline template""" - - def __init__(self, label_transform, text_transform): - super(TextClassificationPipeline, self).__init__() - self.label_transform = label_transform - self.text_transform = text_transform - - def forward(self, label_text_tuple): - return self.label_transform(label_text_tuple[0]), self.text_transform(label_text_tuple[1]) diff --git a/examples/utils/download_extract.py b/examples/utils/download_extract.py deleted file mode 100644 index 5091fdf26a..0000000000 --- a/examples/utils/download_extract.py +++ /dev/null @@ -1,15 +0,0 @@ -import argparse -import logging - -from torchtext.utils import download_from_url, extract_archive - -parser = argparse.ArgumentParser(description="Download and extract a given dataset") -parser.add_argument("--url", default="http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/" "validation.tar.gz") -parser.add_argument("--data", default="./validation.tar.gz") -parser.add_argument("--logging-level", default="WARNING") -args = parser.parse_args() - -logging.basicConfig(level=getattr(logging, args.logging_level)) - -tar_file = download_from_url(args.url, args.data) -extracted_files = extract_archive(args.data, "extracted_files") diff --git a/examples/vocab/fairseq_vocab.py b/examples/vocab/fairseq_vocab.py new file mode 100644 index 0000000000..6a858773fc --- /dev/null +++ b/examples/vocab/fairseq_vocab.py @@ -0,0 +1,66 @@ +from collections import OrderedDict +from typing import Dict, List, Optional + +from fairseq.data.dictionary import Dictionary +from torchtext.vocab import Vocab + + +def build_fairseq_vocab( + vocab_file: str, + dictionary_class: Dictionary = Dictionary, + special_token_replacements: Dict[str, str] = None, + unk_token: str = "", + max_vocab: int = -1, + min_count: int = -1, + tokens_to_add: Optional[List[str]] = None, +): + """Function builds a torchtext Vocab for models pre-trained using Fairseq + modules. + + The dictionary class can take any Fairseq Dictionary class and is + used to load the vocab file. + + """ + if not special_token_replacements: + special_token_replacements = { + "": "__PAD__", + "": "__BEGIN_OF_SENTENCE__", + "": "__END_OF_SENTENCE__", + "": "__UNKNOWN__", + "": "__MASK__", + } + unk_replacement = ( + special_token_replacements[unk_token] if unk_token in special_token_replacements else unk_token + ) + special_tokens_to_remove = [special_pair[0] for special_pair in special_token_replacements] + special_tokens_to_add = tuple( + special_pair[1] for special_pair in special_token_replacements if special_pair[0] != unk_token + ) + + with open(vocab_file) as f: + dictionary = dictionary_class.load(f) + # finalize will sort the dict based on frequency so only do this if + # a min_count or max_vocab size is specified + if min_count > 0 or max_vocab > 0: + dictionary.finalize(threshold=min_count, nwords=max_vocab, padding_factor=1) + if tokens_to_add: + for token in tokens_to_add: + dictionary.add_symbol(token) + + dictionary_items = list(zip(dictionary.symbols, dictionary.count)) + + ordered_dict = OrderedDict() + # add special tokens to beginning of ordered_dict + for s in special_tokens_to_add: + ordered_dict[s] = 1 + + # add all other tokens from dictionary_items + for token, freq in dictionary_items: + ordered_dict[token] = freq + + # remove special_tokens_to_remove from dict + for s in special_tokens_to_remove: + if s in ordered_dict: + del ordered_dict[s] + + return Vocab(dictionary_items, unk_token=unk_replacement) diff --git a/examples/vocab/pytext_vocab.py b/examples/vocab/pytext_vocab.py deleted file mode 100644 index 09080ced8a..0000000000 --- a/examples/vocab/pytext_vocab.py +++ /dev/null @@ -1,201 +0,0 @@ -from collections import OrderedDict -from typing import Dict, List, Optional - -import torch -from fairseq.data.dictionary import Dictionary -from torchtext.vocab import vocab, Vocab - - -def build_fairseq_vocab( - vocab_file: str, - dictionary_class: Dictionary = Dictionary, - special_token_replacements: Dict[str, str] = None, - unk_token: str = "", - max_vocab: int = -1, - min_count: int = -1, - tokens_to_add: Optional[List[str]] = None, -): - """Function builds a torchtext Vocab for models pre-trained using Fairseq - modules. - - The dictionary class can take any Fairseq Dictionary class and is - used to load the vocab file. - - """ - if not special_token_replacements: - special_token_replacements = { - "": "__PAD__", - "": "__BEGIN_OF_SENTENCE__", - "": "__END_OF_SENTENCE__", - "": "__UNKNOWN__", - "": "__MASK__", - } - unk_replacement = ( - special_token_replacements[unk_token] if unk_token in special_token_replacements else unk_token - ) - special_tokens_to_remove = [special_pair[0] for special_pair in special_token_replacements] - special_tokens_to_add = tuple( - special_pair[1] for special_pair in special_token_replacements if special_pair[0] != unk_token - ) - - with open(vocab_file) as f: - dictionary = dictionary_class.load(f) - # finalize will sort the dict based on frequency so only do this if - # a min_count or max_vocab size is specified - if min_count > 0 or max_vocab > 0: - dictionary.finalize(threshold=min_count, nwords=max_vocab, padding_factor=1) - if tokens_to_add: - for token in tokens_to_add: - dictionary.add_symbol(token) - - dictionary_items = list(zip(dictionary.symbols, dictionary.count)) - - ordered_dict = OrderedDict() - # add special tokens to beginning of ordered_dict - for s in special_tokens_to_add: - ordered_dict[s] = 1 - - # add all other tokens from dictionary_items - for token, freq in dictionary_items: - ordered_dict[token] = freq - - # remove special_tokens_to_remove from dict - for s in special_tokens_to_remove: - if s in ordered_dict: - del ordered_dict[s] - - return Vocab(dictionary_items, unk_token=unk_replacement) - - -def script_vocab(ordered_dict, pad_token=None, bos_token=None, eos_token=None, mask_token=None, **kwargs): - - v = vocab(ordered_dict, **kwargs) - return ScriptVocab(v.vocab, pad_token, bos_token, eos_token, mask_token, **kwargs) - - -class ScriptVocab(Vocab): - r"""Creates a script vocab object which maps tokens to indices. - - Examples: - >>> token_to_freq = {'hello': 4, 'world': 3, 'ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T': 5, 'freq_too_low': 2} - >>> sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) - >>> c = OrderedDict(sorted_by_freq_tuples) - - >>> v = ScriptVocab(c) - >>> v = torch.jit.script(v) - - >>> print(v.lookup_word(0, possible_unk_token='unk')) - >>> print(v.lookup_indices_1d(['not_present', 'world', 'hello'])) - >>> print(v.lookup_indices_2d([['not_present', 'world', 'hello']])) - >>> print(v.lookup_words_1d(torch.tensor([0, 1, 2], dtype=torch.int32), [2])) - >>> print(v.lookup_words_1d_cycle_heuristic(torch.tensor([0, 1, 2, 0], dtype=torch.int32), [2], ['unk_a', 'unk_b'])) - >>> print(v.unk_idx, v.pad_idx, v.bos_idx, v.eos_idx, v.mask_idx) - """ - - def __init__(self, cpp_vocab, pad_token=None, bos_token=None, eos_token=None, mask_token=None, **kwargs): - - super(ScriptVocab, self).__init__(cpp_vocab) - - # store all tokens - self.unk_token: str = kwargs.get("unk_token", "") - self.pad_token: str = pad_token - self.bos_token: str = bos_token - self.eos_token: str = eos_token - self.mask_token: str = mask_token - - # init all special token indices - self.unk_idx: int = self.vocab[self.unk_token] - self.pad_idx: int = self.vocab[pad_token] if pad_token and self.vocab[pad_token] != self.unk_idx else -1 - self.bos_idx: int = self.vocab[bos_token] if bos_token and self.vocab[bos_token] != self.unk_idx else -1 - self.eos_idx: int = self.vocab[eos_token] if eos_token and self.vocab[eos_token] != self.unk_idx else -1 - self.mask_idx: int = self.vocab[mask_token] if mask_token and self.vocab[mask_token] != self.unk_idx else -1 - - @torch.jit.export - def lookup_indices_1d(self, values: List[str]) -> List[int]: - lookup_indices = self.lookup_indices(values) - return lookup_indices - - @torch.jit.export - def lookup_indices_2d(self, values: List[List[str]]) -> List[List[int]]: - result: List[List[int]] = [] - for value in values: - result.append(self.lookup_indices(value)) - return result - - @torch.jit.export - def lookup_word(self, idx: int, possible_unk_token: Optional[str] = None) -> str: - # print(idx, possible_unk_token) - word = self.lookup_token(idx) - print(word, self.unk_token) - if word != self.unk_token or possible_unk_token is None: - return word - return possible_unk_token - - @torch.jit.export - def lookup_words_1d( - self, - values: torch.Tensor, - filter_token_list: List[int] = (), - possible_unk_token: Optional[str] = None, - ) -> List[str]: - """If possible_unk_token is not None, then all UNK id's will be - replaced by possible_unk_token instead of the default UNK string which - is . - - This is a simple way to resolve UNK's when there's a - correspondence between source and target translations. - - """ - result: List[str] = [] - for idx in range(values.size(0)): - value = int(values[idx]) - if value not in filter_token_list: - token = self.lookup_token(value) - if token != self.unk_token or possible_unk_token is None: - result.append(token) - else: - result.append(possible_unk_token) - return result - - @torch.jit.export - def lookup_words_1d_cycle_heuristic( - self, - values: torch.Tensor, - filter_token_list: List[int], - ordered_unks_token: List[str], - ) -> List[str]: - """This function is a extension of the possible_unk_token heuristic in - lookup_words_1d, which fails in the case when multiple unks are - available. - - The way we deal with this is we increment every unk token in - ordered_unks_token everytime we substitute an unk token. This - solves a substantial amount of queries with multiple unk tokens. - - """ - unk_idx = 0 - unk_idx_length = len(ordered_unks_token) - vocab_length = len(self.vocab) - unk_copy = unk_idx_length != 0 - - result: List[str] = [] - for idx in range(values.size(0)): - value = int(values[idx]) - if value not in filter_token_list: - if value < vocab_length and value != self.unk_idx: - result.append(self.lookup_token(value)) - else: - if not unk_copy: - result.append(self.unk_token) - else: - unk_value = ordered_unks_token[unk_idx % unk_idx_length] - result.append(unk_value) - unk_idx += 1 - return result - - def to_ivalue(self): - r"""Return a JITable ScriptVocab.""" - cpp_vocab = torch.classes.torchtext.Vocab(self.vocab.itos_, self.vocab.unk_token_) - return ScriptVocab( - cpp_vocab, self.pad_token, self.bos_token, self.eos_token, self.mask_token, unk_token=self.unk_token - ) From 1ce1fab9fd8415216041e669c926342b970e1909 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 10 Mar 2022 20:52:23 -0500 Subject: [PATCH 180/463] update README (#1652) --- README.rst | 54 ++++++++++++++++++++++-------------------------------- 1 file changed, 22 insertions(+), 32 deletions(-) diff --git a/README.rst b/README.rst index a71b452057..7f93b38eb5 100644 --- a/README.rst +++ b/README.rst @@ -13,12 +13,12 @@ torchtext This repository consists of: * `torchtext.datasets `_: The raw text iterators for common NLP datasets -* `torchtext.data `_: Some basic NLP building blocks (tokenizers, metrics, functionals etc.) -* `torchtext.nn `_: NLP related modules +* `torchtext.data `_: Some basic NLP building blocks +* `torchtext.transforms `_: Basic text-processing transformations +* `torchtext.models `_: Pre-trained models * `torchtext.vocab `_: Vocab and Vectors related classes and factory functions * `examples `_: Example NLP workflows with PyTorch and torchtext library. -Note: The legacy code discussed in `torchtext v0.7.0 release note `_ has been retired to `torchtext.legacy `_ folder. Those legacy code will not be maintained by the development team, and we plan to fully remove them in the future release. See `torchtext.legacy `_ folder for more details. Installation ============ @@ -30,6 +30,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.7, <=3.9" + 1.11.0, 0.12.0, ">=3.6, <=3.9" 1.10.0, 0.11.0, ">=3.6, <=3.9" 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" @@ -103,48 +104,37 @@ The datasets module currently contains: * Machine translation: IWSLT2016, IWSLT2017, Multi30k * Sequence tagging (e.g. POS/NER): UDPOS, CoNLL2000Chunking * Question answering: SQuAD1, SQuAD2 -* Text classification: AG_NEWS, SogouNews, DBpedia, YelpReviewPolarity, YelpReviewFull, YahooAnswers, AmazonReviewPolarity, AmazonReviewFull, IMDB +* Text classification: SST2, AG_NEWS, SogouNews, DBpedia, YelpReviewPolarity, YelpReviewFull, YahooAnswers, AmazonReviewPolarity, AmazonReviewFull, IMDB +* Model pre-training: CC-100 -For example, to access the raw text from the AG_NEWS dataset: +Models +====== - .. code-block:: python +The library currently consist of following pre-trained models: - >>> from torchtext.datasets import AG_NEWS - >>> train_iter = AG_NEWS(split='train') - >>> # Iterate with for loop - >>> for (label, line) in train_iter: - >>> print(label, line) - >>> # Or send to DataLoader - >>> from torch.utils.data import DataLoader - >>> train_iter = AG_NEWS(split='train') - >>> dataloader = DataLoader(train_iter, batch_size=8, shuffle=False) +* RoBERTa: `Base and Large Architecture `_ +* XLM-RoBERTa: `Base and Large Architure `_ + +Tokenizers +========== + +The transforms module currently support following scriptable tokenizers: + +* `SentencePiece `_ +* `GPT-2 BPE `_ +* `CLIP `_ Tutorials ========= -To get started with torchtext, users may refer to the following tutorials available on PyTorch website. +To get started with torchtext, users may refer to the following tutorial available on PyTorch website. +* `SST-2 binary text classification using XLM-R pre-trained model `_ * `Text classification with AG_NEWS dataset `_ * `Translation trained with Multi30k dataset using transformers and torchtext `_ * `Language modeling using transforms and torchtext `_ -[BC Breaking] Legacy -==================== - -In the v0.9.0 release, we moved the following legacy code to `torchtext.legacy `_. This is part of the work to revamp the torchtext library and the motivation has been discussed in `Issue #664 `_: - -* ``torchtext.legacy.data.field`` -* ``torchtext.legacy.data.batch`` -* ``torchtext.legacy.data.example`` -* ``torchtext.legacy.data.iterator`` -* ``torchtext.legacy.data.pipeline`` -* ``torchtext.legacy.datasets`` - -We have a `migration tutorial `_ to help users switch to the torchtext datasets in ``v0.9.0`` release. For the users who still want the legacy components, they can add ``legacy`` to the import path. - -In the v0.10.0 release, we retire the Vocab class to `torchtext.legacy `_. Users can still access the legacy Vocab via ``torchtext.legacy.vocab``. This class has been replaced by a Vocab module that is backed by efficient C++ implementation and provides common functional APIs for NLP workflows. - Disclaimer on Datasets ====================== From 8b08b87a6f914bca8ee2cd9b094c4a74a62509a9 Mon Sep 17 00:00:00 2001 From: parmeet Date: Sun, 13 Mar 2022 09:48:53 -0400 Subject: [PATCH 181/463] clean-up stale code (#1654) --- docs/source/utils.rst | 5 -- test/data/test_utils.py | 26 ------- torchtext/data/datasets_utils.py | 129 ------------------------------- torchtext/utils.py | 50 ------------ 4 files changed, 210 deletions(-) diff --git a/docs/source/utils.rst b/docs/source/utils.rst index e45c977bca..93ef7fe163 100644 --- a/docs/source/utils.rst +++ b/docs/source/utils.rst @@ -17,11 +17,6 @@ torchtext.utils .. autofunction:: download_from_url -:hidden:`unicode_csv_reader` -~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -.. autofunction:: unicode_csv_reader - :hidden:`extract_archive` ~~~~~~~~~~~~~~~~~~~~~~~~~ diff --git a/test/data/test_utils.py b/test/data/test_utils.py index 349e8ca25a..7d4344ab50 100644 --- a/test/data/test_utils.py +++ b/test/data/test_utils.py @@ -1,9 +1,5 @@ -import io - from torchtext.data import get_tokenizer -from torchtext.utils import unicode_csv_reader -from ..common.assets import get_asset_path from ..common.torchtext_test_case import TorchtextTestCase @@ -37,25 +33,3 @@ def test_get_tokenizer_toktokt(self): get_tokenizer(1) with self.assertRaises(ValueError): get_tokenizer("some other string") - - def test_text_nomalize_function(self): - # Test text_nomalize function in torchtext.datasets.text_classification - ref_lines = [] - test_lines = [] - - tokenizer = get_tokenizer("basic_english") - data_path = get_asset_path("text_normalization_ag_news_test.csv") - with io.open(data_path, encoding="utf8") as f: - reader = unicode_csv_reader(f) - for row in reader: - test_lines.append(tokenizer(" , ".join(row))) - - data_path = get_asset_path("text_normalization_ag_news_ref_results.test") - with io.open(data_path, encoding="utf8") as ref_data: - for line in ref_data: - line = line.split() - self.assertEqual(line[0][:9], "__label__") - line[0] = line[0][9:] # remove '__label__' - ref_lines.append(line) - - self.assertEqual(ref_lines, test_lines) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 425eafcea6..725218d357 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -1,13 +1,10 @@ import codecs import functools import inspect -import io import os -import torch from torch.utils.data import functional_datapipe, IterDataPipe from torch.utils.data.datapipes.utils.common import StreamWrapper -from torchtext.utils import download_from_url, extract_archive, validate_file try: import defusedxml.ElementTree as ET @@ -100,12 +97,6 @@ def _clean_files(outfile, fname, stream): return _rewrite_text_file(outfile, stream) -def _read_text_iterator(path): - with io.open(path, encoding="utf8") as f: - for row in f: - yield row - - def _check_default_set(split, target_select, dataset_name): # Check whether given object split is either a tuple of strings or string # and represents a valid selection of options given by the tuple of strings @@ -135,65 +126,6 @@ def _wrap_datasets(datasets, split): return datasets -def _dataset_docstring_header(fn, num_lines=None, num_classes=None): - """ - Returns docstring for a dataset based on function arguments. - - Assumes function signature of form (root='.data', split=, **kwargs) - """ - argspec = inspect.getfullargspec(fn) - if not (argspec.args[0] == "root" and argspec.args[1] == "split"): - raise ValueError("Internal Error: Given function {} did not adhere to standard signature.".format(fn)) - default_split = argspec.defaults[1] - - if not (isinstance(default_split, tuple) or isinstance(default_split, str)): - raise ValueError("default_split type expected to be of string or tuple but got {}".format(type(default_split))) - - header_s = fn.__name__ + " dataset\n" - - if isinstance(default_split, tuple): - header_s += "\nSeparately returns the {} split".format("/".join(default_split)) - - if isinstance(default_split, str): - header_s += "\nOnly returns the {} split".format(default_split) - - if num_lines is not None: - header_s += "\n\nNumber of lines per split:" - for k, v in num_lines.items(): - header_s += "\n {}: {}\n".format(k, v) - - if num_classes is not None: - header_s += "\n\nNumber of classes" - header_s += "\n {}\n".format(num_classes) - - args_s = "\nArgs:" - args_s += "\n root: Directory where the datasets are saved." - args_s += "\n Default: .data" - - if isinstance(default_split, tuple): - args_s += "\n split: split or splits to be returned. Can be a string or tuple of strings." - args_s += "\n Default: {}" "".format(str(default_split)) - - if isinstance(default_split, str): - args_s += "\n split: Only {default_split} is available." - args_s += "\n Default: {default_split}.format(default_split=default_split)" - - return "\n".join([header_s, args_s]) + "\n" - - -def _add_docstring_header(docstring=None, num_lines=None, num_classes=None): - def docstring_decorator(fn): - old_doc = fn.__doc__ - fn.__doc__ = _dataset_docstring_header(fn, num_lines, num_classes) - if docstring is not None: - fn.__doc__ += docstring - if old_doc is not None: - fn.__doc__ += old_doc - return fn - - return docstring_decorator - - def _wrap_split_argument_with_fn(fn, splits): """ Wraps given function of specific signature to extend behavior of split @@ -265,67 +197,6 @@ def wrapper(root=_CACHE_DIR, *args, **kwargs): return decorator -def _download_extract_validate( - root, url, url_md5, downloaded_file, extracted_file, extracted_file_md5, hash_type="sha256" -): - root = os.path.abspath(root) - downloaded_file = os.path.abspath(downloaded_file) - extracted_file = os.path.abspath(extracted_file) - if os.path.exists(extracted_file): - with open(os.path.join(root, extracted_file), "rb") as f: - if validate_file(f, extracted_file_md5, hash_type): - return extracted_file - - dataset_tar = download_from_url( - url, path=os.path.join(root, downloaded_file), hash_value=url_md5, hash_type=hash_type - ) - extracted_files = extract_archive(dataset_tar) - assert os.path.exists(extracted_file), "extracted_file [{}] was not found in the archive [{}]".format( - extracted_file, extracted_files - ) - - return extracted_file - - -class _RawTextIterableDataset(torch.utils.data.IterableDataset): - """Defines an abstraction for raw text iterable datasets.""" - - def __init__(self, description, full_num_lines, iterator): - """Initiate the dataset abstraction.""" - super(_RawTextIterableDataset, self).__init__() - self.description = description - self.full_num_lines = full_num_lines - self._iterator = iterator - self.num_lines = full_num_lines - self.current_pos = None - - def __iter__(self): - return self - - def __next__(self): - if self.current_pos == self.num_lines - 1: - raise StopIteration - item = next(self._iterator) - if self.current_pos is None: - self.current_pos = 0 - else: - self.current_pos += 1 - return item - - def __len__(self): - return self.num_lines - - def pos(self): - """ - Returns current position of the iterator. This returns None - if the iterator hasn't been used yet. - """ - return self.current_pos - - def __str__(self): - return self.description - - def _generate_iwslt_files_for_lang_and_split(year, src_language, tgt_language, valid_set, test_set): train_filenames = ( "train.{}-{}.{}".format(src_language, tgt_language, src_language), diff --git a/torchtext/utils.py b/torchtext/utils.py index b6e50b9632..e448faae01 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -1,9 +1,7 @@ -import csv import gzip import hashlib import logging import os -import sys import tarfile import zipfile @@ -38,14 +36,12 @@ def inner(b=1, bsize=1, tsize=None): def validate_file(file_obj, hash_value, hash_type="sha256"): """Validate a given file object with its hash. - Args: file_obj: File object to read from. hash_value (str): Hash for url. hash_type (str, optional): Hash type, among "sha256" and "md5" (Default: ``"sha256"``). Returns: bool: return True if its a valid file, else False. - """ if hash_type == "sha256": @@ -76,7 +72,6 @@ def _check_hash(path, hash_value, hash_type): def download_from_url(url, path=None, root=".data", overwrite=False, hash_value=None, hash_type="sha256"): """Download file, with logic (from tensor2tensor) for Google Drive. Returns the path to the downloaded file. - Args: url: the url of the file from URL header. (None) path: path where file will be saved @@ -84,14 +79,12 @@ def download_from_url(url, path=None, root=".data", overwrite=False, hash_value= overwrite: overwrite existing files (False) hash_value (str, optional): hash for url (Default: ``None``). hash_type (str, optional): hash type, among "sha256" and "md5" (Default: ``"sha256"``). - Examples: >>> url = 'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz' >>> torchtext.utils.download_from_url(url) >>> url = 'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz' >>> torchtext.utils.download_from_url(url) >>> '.data/validation.tar.gz' - """ # figure out filename and root if path is None: @@ -130,54 +123,14 @@ def download_from_url(url, path=None, root=".data", overwrite=False, hash_value= return path -def unicode_csv_reader(unicode_csv_data, **kwargs): - r"""Since the standard csv library does not handle unicode in Python 2, we need a wrapper. - Borrowed and slightly modified from the Python docs: - https://docs.python.org/2/library/csv.html#csv-examples - - Args: - unicode_csv_data: unicode csv data (see example below) - - Examples: - >>> from torchtext.utils import unicode_csv_reader - >>> import io - >>> with io.open(data_path, encoding="utf8") as f: - >>> reader = unicode_csv_reader(f) - - """ - - # Fix field larger than field limit error - maxInt = sys.maxsize - while True: - # decrease the maxInt value by factor 10 - # as long as the OverflowError occurs. - try: - csv.field_size_limit(maxInt) - break - except OverflowError: - maxInt = int(maxInt / 10) - csv.field_size_limit(maxInt) - - for line in csv.reader(unicode_csv_data, **kwargs): - yield line - - -def utf_8_encoder(unicode_csv_data): - for line in unicode_csv_data: - yield line.encode("utf-8") - - def extract_archive(from_path, to_path=None, overwrite=False): """Extract archive. - Args: from_path: the path of the archive. to_path: the root path of the extracted files (directory of from_path) overwrite: overwrite existing files (False) - Returns: List of paths to extracted files even if not overwritten. - Examples: >>> url = 'http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz' >>> from_path = './validation.tar.gz' @@ -188,7 +141,6 @@ def extract_archive(from_path, to_path=None, overwrite=False): >>> torchtext.utils.download_from_url(url, from_path) >>> torchtext.utils.extract_archive(from_path, to_path) >>> ['.data/val.de', '.data/val.en'] - """ if to_path is None: @@ -256,12 +208,10 @@ def _log_class_usage(klass): def get_asset_local_path(asset_path: str) -> str: """Get local path for assets. Download if path does not exost locally - Args: asset_path: Local path to asset or remote URL Returns: bool: local path of the asset after downloading or reading from cache - Examples: >>> url = 'http:///file.txt' >>> torchtext.utils.get_asset_local_path(url) From 67e0e961dd17e447f763c475f46357f42bc7350b Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 14 Mar 2022 18:57:12 -0400 Subject: [PATCH 182/463] fix logger issue (#1656) --- torchtext/utils.py | 25 ++++++++++++++----------- 1 file changed, 14 insertions(+), 11 deletions(-) diff --git a/torchtext/utils.py b/torchtext/utils.py index e448faae01..2d0df79de8 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -11,6 +11,9 @@ from ._download_hooks import _DATASET_DOWNLOAD_MANAGER +logger = logging.getLogger(__name__) + + def reporthook(t): """ https://github.com/tqdm/tqdm. @@ -61,7 +64,7 @@ def validate_file(file_obj, hash_value, hash_type="sha256"): def _check_hash(path, hash_value, hash_type): - logging.info("Validating hash {} matches hash of {}".format(hash_value, path)) + logger.info("Validating hash {} matches hash of {}".format(hash_value, path)) with open(path, "rb") as file_obj: if not validate_file(file_obj, hash_value, hash_type): raise RuntimeError( @@ -97,7 +100,7 @@ def download_from_url(url, path=None, root=".data", overwrite=False, hash_value= # skip download if path exists and overwrite is not True if os.path.exists(path): - logging.info("File %s already exists." % path) + logger.info("File %s already exists." % path) if not overwrite: if hash_value: _check_hash(path, hash_value, hash_type) @@ -113,7 +116,7 @@ def download_from_url(url, path=None, root=".data", overwrite=False, hash_value= # download data and move to path _DATASET_DOWNLOAD_MANAGER.get_local_path(url, destination=path) - logging.info("File {} downloaded.".format(path)) + logger.info("File {} downloaded.".format(path)) # validate if hash_value: @@ -147,7 +150,7 @@ def extract_archive(from_path, to_path=None, overwrite=False): to_path = os.path.dirname(from_path) if from_path.endswith((".tar.gz", ".tgz")): - logging.info("Opening tar file {}.".format(from_path)) + logger.info("Opening tar file {}.".format(from_path)) with tarfile.open(from_path, "r") as tar: files = [] for file_ in tar: @@ -155,32 +158,32 @@ def extract_archive(from_path, to_path=None, overwrite=False): if file_.isfile(): files.append(file_path) if os.path.exists(file_path): - logging.info("{} already extracted.".format(file_path)) + logger.info("{} already extracted.".format(file_path)) if not overwrite: continue tar.extract(file_, to_path) - logging.info("Finished extracting tar file {}.".format(from_path)) + logger.info("Finished extracting tar file {}.".format(from_path)) return files elif from_path.endswith(".zip"): assert zipfile.is_zipfile(from_path), from_path - logging.info("Opening zip file {}.".format(from_path)) + logger.info("Opening zip file {}.".format(from_path)) with zipfile.ZipFile(from_path, "r") as zfile: files = [] for file_ in zfile.namelist(): file_path = os.path.join(to_path, file_) files.append(file_path) if os.path.exists(file_path): - logging.info("{} already extracted.".format(file_path)) + logger.info("{} already extracted.".format(file_path)) if not overwrite: continue zfile.extract(file_, to_path) files = [f for f in files if os.path.isfile(f)] - logging.info("Finished extracting zip file {}.".format(from_path)) + logger.info("Finished extracting zip file {}.".format(from_path)) return files elif from_path.endswith(".gz"): - logging.info("Opening gz file {}.".format(from_path)) + logger.info("Opening gz file {}.".format(from_path)) default_block_size = 65536 filename = from_path[:-3] files = [filename] @@ -192,7 +195,7 @@ def extract_archive(from_path, to_path=None, overwrite=False): else: d_file.write(block) d_file.write(block) - logging.info("Finished extracting gz file {}.".format(from_path)) + logger.info("Finished extracting gz file {}.".format(from_path)) return files else: From 142b1ef32d04a46a46de92853d7a45d512be5e09 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 14 Mar 2022 18:58:10 -0400 Subject: [PATCH 183/463] udpate download hooks (#1657) --- torchtext/_download_hooks.py | 2 +- torchtext/datasets/ag_news.py | 4 ++-- torchtext/datasets/amazonreviewfull.py | 4 ++-- torchtext/datasets/amazonreviewpolarity.py | 4 ++-- torchtext/datasets/cc100.py | 4 ++-- torchtext/datasets/conll2000chunking.py | 4 ++-- torchtext/datasets/dbpedia.py | 4 ++-- torchtext/datasets/enwik9.py | 4 ++-- torchtext/datasets/imdb.py | 4 ++-- torchtext/datasets/iwslt2016.py | 4 ++-- torchtext/datasets/iwslt2017.py | 4 ++-- torchtext/datasets/multi30k.py | 4 ++-- torchtext/datasets/penntreebank.py | 4 ++-- torchtext/datasets/sogounews.py | 4 ++-- torchtext/datasets/squad1.py | 4 ++-- torchtext/datasets/squad2.py | 4 ++-- torchtext/datasets/udpos.py | 4 ++-- torchtext/datasets/wikitext103.py | 4 ++-- torchtext/datasets/wikitext2.py | 4 ++-- torchtext/datasets/yahooanswers.py | 4 ++-- torchtext/datasets/yelpreviewfull.py | 4 ++-- torchtext/datasets/yelpreviewpolarity.py | 4 ++-- 22 files changed, 43 insertions(+), 43 deletions(-) diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 995b399178..d740827c48 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -8,7 +8,7 @@ from tqdm import tqdm if is_module_available("torchdata"): - from torchdata.datapipes.iter import HttpReader # noqa F401 + from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 def _stream_response(r, chunk_size=16 * 1024): diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 0d9698333a..17e941681c 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = { "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index da73e7a78a..6313d60817 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA" diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 7903d86f91..0a2c6f28fa 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 68d534d827..5477fe4ae2 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -6,8 +6,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = "http://data.statmt.org/cc-100/%s.txt.xz" diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 47a892a915..c763f7fb86 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = { "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 86661a7e48..88cf31033b 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k" diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index bc4623957e..f5a5de8ed9 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -4,8 +4,8 @@ from torchtext.data.datasets_utils import _create_dataset_directory if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = "http://mattmahoney.net/dc/enwik9.zip" diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 3cabfd057d..045b0e5608 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -7,8 +7,8 @@ from torchtext.data.datasets_utils import _wrap_split_argument if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = "http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz" diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 503a9bcbb4..f6b4eb51ff 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -9,8 +9,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8" diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index e9f0df34d0..04aad5df24 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -9,8 +9,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" _PATH = "2017-01-trnmted.tgz" diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 1c346ccbc2..15f61203ab 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = { "train": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index df30b475f1..a9d7099792 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = { "train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index e3f16ecc1b..c673519f06 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE" diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index e7d20dc876..96f8f5626c 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 896e6233b5..25247feac7 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index cc0068984f..8410b76886 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = "https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip" diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index d19fb8481f..2e6d037bb7 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip" diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index c1ca66a840..c8663fcde2 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip" diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index e31394c867..9553c11bdf 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU" diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 7c66186fc4..1056dcaf05 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0" diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 1270d69f96..7c67374fd5 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -8,8 +8,8 @@ ) if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, GDriveReader, IterableWrapper - + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg" From e7cb2f4fda5a3cfe6d39ee2d7df94ae37eb4d440 Mon Sep 17 00:00:00 2001 From: ptrblck Date: Tue, 15 Mar 2022 14:33:21 -0700 Subject: [PATCH 184/463] replace git+git with git+https in requirements.txt (#1658) Co-authored-by: pbialecki --- requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/requirements.txt b/requirements.txt index ad76ed263c..84a086b3bf 100644 --- a/requirements.txt +++ b/requirements.txt @@ -8,7 +8,7 @@ requests nltk spacy sacremoses -git+git://github.com/jekbradbury/revtok.git +git+https://github.com/jekbradbury/revtok.git # Documentation Sphinx From f8ce695394a7e4f99e87cc580fcb8c880fc05eb4 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Tue, 22 Mar 2022 10:08:08 -0400 Subject: [PATCH 185/463] Add more test coverage (#1653) Add more tests to modules, models and functional files. --- test/data/test_modules.py | 124 +++++++++++++++++++++++++++---------- test/models/test_models.py | 45 +++++++++++++- test/test_functional.py | 118 ++++++++++++++++------------------- 3 files changed, 189 insertions(+), 98 deletions(-) diff --git a/test/data/test_modules.py b/test/data/test_modules.py index 1c44aec2f1..4386610f9f 100644 --- a/test/data/test_modules.py +++ b/test/data/test_modules.py @@ -2,6 +2,7 @@ from torch.nn import Linear from torch.nn.functional import multi_head_attention_forward as mha_forward from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct +from torchtext.nn.modules.multiheadattention import generate_square_subsequent_mask from ..common.torchtext_test_case import TorchtextTestCase @@ -165,14 +166,6 @@ def test_broadcast_scaled_dot_product(self): assert list(sdp_attn_weights.size()) == [3, 3, bsz * nhead, tgt_len, embed_dim] self.assertEqual(sdp_attn_output[2][2], sdp_attn_output_full) self.assertEqual(sdp_attn_weights[2][2], sdp_attn_weights_full) - # dim -2 is not equal to neither key/value's dim -2 or 1 - with self.assertRaises(RuntimeError): - SDP( - query.expand(tgt_len, 2, embed_dim), - key.expand(3, 3, src_len, bsz * nhead, embed_dim), - value.expand(3, 3, src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), - ) # key/value have a size of (src_len, 1, embed_dim) # while query has a size of (1, 2, 3, tgt_len, bsz * nhead, embed_dim) @@ -186,22 +179,6 @@ def test_broadcast_scaled_dot_product(self): assert list(sdp_attn_weights.size()) == [1, 2, 3, bsz * nhead, tgt_len, embed_dim] self.assertEqual(sdp_attn_output[0][1][2], sdp_attn_output_full) self.assertEqual(sdp_attn_weights[0][1][2], sdp_attn_weights_full) - # key dim -2 is not equal to value dim -2 - with self.assertRaisesRegex(AssertionError, "Shape of key, value must match"): - SDP( - query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), - key.expand(src_len, 2, embed_dim), - value.expand(src_len, 1, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), - ) - # key/value dim -2 is not equal to neither query's dim -2 or 1 - with self.assertRaises(RuntimeError): - SDP( - query.expand(1, 2, 3, tgt_len, bsz * nhead, embed_dim), - key.expand(src_len, 2, embed_dim), - value.expand(src_len, 2, embed_dim), - attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), - ) # attn_mask in a size of (1, tgt_len, src_len) # 2D tensor is not supported for attn_mask @@ -213,11 +190,94 @@ def test_broadcast_scaled_dot_product(self): ) self.assertEqual(sdp_attn_output, sdp_attn_output_full) self.assertEqual(sdp_attn_weights, sdp_attn_weights_full) - # attn_mask's dim -3 is not equal to neither batch size or 1 - with self.assertRaisesRegex(RuntimeError, "The size of the attn_mask is not correct."): - SDP( - query.expand(tgt_len, bsz * nhead, embed_dim), - key.expand(src_len, bsz * nhead, embed_dim), - value.expand(src_len, bsz * nhead, embed_dim), - attn_mask=attn_mask_2D.expand(2, tgt_len, src_len), - ) + + def test_assert_raises(self): + embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 + SDP = ScaledDotProduct() + query = torch.rand((tgt_len, 1, embed_dim)) + key = value = torch.rand((src_len, 1, embed_dim)) + attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)) + + configs = [ + # case: dim -2 is not equal to neither key/value's dim -2 or 1 + [ + RuntimeError, "", + (tgt_len, 2, embed_dim), + (3, 3, src_len, bsz * nhead, embed_dim), + (3, 3, src_len, bsz * nhead, embed_dim), + (bsz * nhead, tgt_len, src_len), True + ], + # case: attn_mask's dim -3 is not equal to neither batch size or 1 + [ + RuntimeError, "The size of the attn_mask is not correct.", + (tgt_len, bsz * nhead, embed_dim), + (src_len, bsz * nhead, embed_dim), + (src_len, bsz * nhead, embed_dim), + (2, tgt_len, src_len), True + ], + # case: key dim -2 is not equal to value dim -2 + [ + AssertionError, "Shape of key, value must match", + (1, 2, 3, tgt_len, bsz * nhead, embed_dim), + (src_len, 2, embed_dim), + (src_len, 1, embed_dim), + (bsz * nhead, tgt_len, src_len), True + ], + # kcase: ey/value dim -2 is not equal to neither query's dim -2 or 1 + [ + RuntimeError, "", + (1, 2, 3, tgt_len, bsz * nhead, embed_dim), + (src_len, 2, embed_dim), + (src_len, 2, embed_dim), + (bsz * nhead, tgt_len, src_len), True + ], + # case: attn_mask must be a 3D tensor. + [ + RuntimeError, "", + (1, 2, 3, tgt_len, bsz * nhead, embed_dim), + (src_len, 2, embed_dim), + (src_len, 2, embed_dim), + (), True + ], + # case: only bool tensor is supported for attn_mask + [ + RuntimeError, "", + (1, 2, 3, tgt_len, bsz * nhead, embed_dim), + (src_len, 2, embed_dim), + (src_len, 2, embed_dim), + (), False + ], + + ] + for (error_type, error_regex, query_size, key_size, value_size, attn_mask_size, att_masc_bool) in configs: + with self.assertRaisesRegex(error_type, error_regex) if error_regex else self.assertRaises(error_type): + attn_mask = attn_mask_2D.to(torch.bool) if att_masc_bool else attn_mask_2D + SDP( + query.expand(*query_size), + key.expand(*key_size), + value.expand(*value_size), + attn_mask=attn_mask.expand(*attn_mask_size) if attn_mask_size else attn_mask + ) + + def test_sdp_batch_first(self): + embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 + SDP = ScaledDotProduct(batch_first=True) + query = torch.rand((1, tgt_len, embed_dim)) + key = value = torch.rand((1, src_len, embed_dim)) + attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)).to(torch.bool) + + sdp_attn_output, sdp_attn_weights = SDP( + query.expand(bsz * nhead, tgt_len, embed_dim), + key.expand(bsz * nhead, src_len, embed_dim), + value.expand(bsz * nhead, src_len, embed_dim), + attn_mask=attn_mask_2D.expand(bsz * nhead, tgt_len, src_len), + ) + + self.assertEqual(list(sdp_attn_output.size()), [bsz * nhead, tgt_len, embed_dim]) + + def test_generate_square_subsequent_mask(self): + configs = [(3, 2), (1, 3), (1, 1), (3, 1), (2, 3)] + for nbatch, sz in configs: + out = generate_square_subsequent_mask(nbatch, sz) + self.assertEqual(out.size(), (nbatch, sz, sz)) + self.assertEqual(out.sum().item(), nbatch * (sz * (sz + 1)) / 2 if sz != 1 else nbatch) diff --git a/test/models/test_models.py b/test/models/test_models.py index 2001e799ed..a1d3e8b2e8 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -5,7 +5,8 @@ from torch.nn import functional as torch_F from ..common.torchtext_test_case import TorchtextTestCase - +import pytest +import logging class TestModules(TorchtextTestCase): def test_self_attn_mask(self): @@ -135,3 +136,45 @@ def _train(model): self.assertEqual(model.encoder.state_dict(), encoder_current_state_dict) self.assertNotEqual(model.head.state_dict(), head_current_state_dict) + + @pytest.fixture(autouse=True) + def inject_fixtures(self, caplog): + self._caplog = caplog + + def test_roberta_bundler_get_model(self): + from torchtext.models import RobertaEncoderConf, RobertaBundle + + with self._caplog.at_level(logging.WARNING): + dummy_encoder_conf = RobertaEncoderConf( + vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 + ) + model_bundle = RobertaBundle(dummy_encoder_conf) + model_bundle.get_model( + load_weights = False, + freeze_encoder = True + ) + self.assertTrue(self._caplog.records[0].message.startswith('The encoder is not loaded')) + + def test_roberta_bundler_raise_checkpoint(self): + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaBundle + + with self.assertRaises(TypeError): + dummy_encoder_conf = RobertaEncoderConf( + vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 + ) + dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) + RobertaBundle.build_model( + encoder_conf=dummy_encoder_conf, + head=dummy_classifier_head, + freeze_encoder=True, + checkpoint=1, + ) + + def test_roberta_bundler_encode_conf_property(self): + from torchtext.models import RobertaEncoderConf, RobertaBundle + + dummy_encoder_conf = RobertaEncoderConf( + vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 + ) + model_bundle = RobertaBundle(dummy_encoder_conf) + self.assertTrue(isinstance(model_bundle.encoderConf, RobertaEncoderConf)) diff --git a/test/test_functional.py b/test/test_functional.py index 2d299553a5..f46e526a37 100644 --- a/test/test_functional.py +++ b/test/test_functional.py @@ -1,90 +1,78 @@ import torch from torchtext import functional +from .common.parameterized_utils import nested_params from .common.torchtext_test_case import TorchtextTestCase - class TestFunctional(TorchtextTestCase): - def _to_tensor(self, test_scripting): - input = [[1, 2], [1, 2, 3]] - padding_value = 0 + @nested_params( + [True, False], + [ + [[[1, 2], [1, 2, 3]], 0, [[1, 2, 0], [1, 2, 3]]], + [[[1, 2], [1, 2, 3]], 1, [[1, 2, 1], [1, 2, 3]]], + [[1, 2], 0, [1, 2]], + ] + ) + def test_to_tensor(self, test_scripting, configs): + """test tensorization on both single sequence and batch of sequence""" + inputs, padding_value, expected_list = configs func = functional.to_tensor if test_scripting: func = torch.jit.script(func) - actual = func(input, padding_value=padding_value) - expected = torch.tensor([[1, 2, 0], [1, 2, 3]], dtype=torch.long) - torch.testing.assert_close(actual, expected) + else: + with self.assertRaises(TypeError): + func("test") - input = [1, 2] - actual = func(input, padding_value=padding_value) - expected = torch.tensor([1, 2], dtype=torch.long) + actual = func(inputs, padding_value=padding_value) + expected = torch.tensor(expected_list, dtype=torch.long) torch.testing.assert_close(actual, expected) - def test_to_tensor(self): - """test tensorization on both single sequence and batch of sequence""" - self._to_tensor(test_scripting=False) - - def test_to_tensor_jit(self): - """test tensorization with scripting on both single sequence and batch of sequence""" - self._to_tensor(test_scripting=True) - - def _truncate(self, test_scripting): + @nested_params( + [True, False], + [ + [[[1, 2], [1, 2, 3]], [[1, 2], [1, 2]]], + [[1, 2, 3], [1, 2]], + [[["a", "b"], ["a", "b", "c"]], [["a", "b"], ["a", "b"]]], + [["a", "b", "c"], ["a", "b"]], + ] + ) + def test_truncate(self, test_scripting, configs): + """test truncation on both sequence and batch of sequence with both str and int types""" + inputs, expected = configs max_seq_len = 2 func = functional.truncate if test_scripting: func = torch.jit.script(func) + else: + with self.assertRaises(TypeError): + func("test", max_seq_len=max_seq_len) - input = [[1, 2], [1, 2, 3]] - actual = func(input, max_seq_len=max_seq_len) - expected = [[1, 2], [1, 2]] - self.assertEqual(actual, expected) - - input = [1, 2, 3] - actual = func(input, max_seq_len=max_seq_len) - expected = [1, 2] - self.assertEqual(actual, expected) - - input = [["a", "b"], ["a", "b", "c"]] - actual = func(input, max_seq_len=max_seq_len) - expected = [["a", "b"], ["a", "b"]] + actual = func(inputs, max_seq_len=max_seq_len) self.assertEqual(actual, expected) - input = ["a", "b", "c"] - actual = func(input, max_seq_len=max_seq_len) - expected = ["a", "b"] - self.assertEqual(actual, expected) - - def test_truncate(self): - """test truncation on both sequence and batch of sequence with both str and int types""" - self._truncate(test_scripting=False) - - def test_truncate_jit(self): - """test truncation with scripting on both sequence and batch of sequence with both str and int types""" - self._truncate(test_scripting=True) - - def _add_token(self, test_scripting): - + @nested_params( + [True, False], + [ + # case: List[List[int]] + [[[1, 2], [1, 2, 3]], 0, [[0, 1, 2], [0, 1, 2, 3]], True], + [[[1, 2], [1, 2, 3]], 0, [[1, 2, 0], [1, 2, 3, 0]], False], + # case: List[int] + [[1, 2], 0, [0, 1, 2], True], + [[1, 2], 0, [1, 2, 0], False], + # case: List[List[str]] + [[["a", "b"], ["c", "d"]], "x", [["x", "a", "b"], ["x", "c", "d"]], True], + [[["a", "b"], ["c", "d"]], "x", [["a", "b", "x"], ["c", "d", "x"]], False], + # case: List[str] + [["a", "b"], "x", ["x", "a", "b"], True], + [["a", "b"], "x", ["a", "b", "x"], False], + ] + ) + def test_add_token(self, test_scripting, configs): + inputs, token_id, expected, begin = configs func = functional.add_token if test_scripting: func = torch.jit.script(func) - input = [[1, 2], [1, 2, 3]] - token_id = 0 - actual = func(input, token_id=token_id) - expected = [[0, 1, 2], [0, 1, 2, 3]] - self.assertEqual(actual, expected) - - actual = func(input, token_id=token_id, begin=False) - expected = [[1, 2, 0], [1, 2, 3, 0]] - self.assertEqual(actual, expected) - input = [1, 2] - actual = func(input, token_id=token_id, begin=False) - expected = [1, 2, 0] + actual = func(inputs, token_id=token_id, begin=begin) self.assertEqual(actual, expected) - - def test_add_token(self): - self._add_token(test_scripting=False) - - def test_add_token_jit(self): - self._add_token(test_scripting=True) From 77f33631409be09526cb47fbba515d684124df05 Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Mon, 28 Mar 2022 15:57:28 -0400 Subject: [PATCH 186/463] Install torchdata from nightly release in CI (#1664) --- .circleci/unittest/linux/scripts/install.sh | 4 ++-- .circleci/unittest/windows/scripts/install.sh | 4 ++-- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index a3ecba2770..39ca09919a 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -13,8 +13,8 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly -printf "Installing torchdata from source\n" -pip install git+https://github.com/pytorch/data.git +printf "Installing torchdata nightly\n" +pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing torchtext\n" git submodule update --init --recursive diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 1922b9a78f..4a296393e5 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -18,8 +18,8 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly -printf "Installing torchdata from source\n" -pip install git+https://github.com/pytorch/data.git +printf "Installing torchdata nightly\n" +pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing torchtext\n" git submodule update --init --recursive From c821b893ed84c4d560e425228289bcba53315ff6 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 28 Mar 2022 16:04:57 -0400 Subject: [PATCH 187/463] Update README around installing LTS version (#1665) * Added LTS tag and instructions for installing LTS version * Remove ins tag --- README.rst | 5 ++++- 1 file changed, 4 insertions(+), 1 deletion(-) diff --git a/README.rst b/README.rst index 7f93b38eb5..b3f8cd6c23 100644 --- a/README.rst +++ b/README.rst @@ -34,7 +34,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py 1.10.0, 0.11.0, ">=3.6, <=3.9" 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" - 1.8.2, 0.9.2, ">=3.6, <=3.9" + 1.8.2 (LTS), 0.9.2 (LTS), ">=3.6, <=3.9" 1.8.1, 0.9.1, ">=3.6, <=3.9" 1.8, 0.9, ">=3.6, <=3.9" 1.7.1, 0.8.1, ">=3.6, <=3.9" @@ -52,6 +52,9 @@ Using pip:: pip install torchtext +**Note** LTS versions are distributed through a different channel than the other versioned releases. +Please refer to https://pytorch.org/get-started/locally/ for details. + Optional requirements --------------------- From d4656e2b6fe468a0a925207ab63b754aa03ed3df Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Tue, 29 Mar 2022 10:15:55 -0400 Subject: [PATCH 188/463] Updating TorchData DataPipe API usages (#1663) --- torchtext/datasets/amazonreviewfull.py | 2 +- torchtext/datasets/amazonreviewpolarity.py | 2 +- torchtext/datasets/cc100.py | 2 +- torchtext/datasets/dbpedia.py | 2 +- torchtext/datasets/enwik9.py | 2 +- torchtext/datasets/imdb.py | 2 +- torchtext/datasets/iwslt2016.py | 4 ++-- torchtext/datasets/iwslt2017.py | 4 ++-- torchtext/datasets/multi30k.py | 4 ++-- torchtext/datasets/sogounews.py | 2 +- torchtext/datasets/sst2.py | 2 +- torchtext/datasets/udpos.py | 2 +- torchtext/datasets/wikitext103.py | 2 +- torchtext/datasets/wikitext2.py | 2 +- torchtext/datasets/yahooanswers.py | 2 +- torchtext/datasets/yelpreviewfull.py | 2 +- torchtext/datasets/yelpreviewpolarity.py | 2 +- 17 files changed, 20 insertions(+), 20 deletions(-) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 6313d60817..d490ba7463 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -70,7 +70,7 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 0a2c6f28fa..24b7278743 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -67,7 +67,7 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 5477fe4ae2..dc4d3af338 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -161,7 +161,7 @@ def CC100(root: str, language_code: str = "en"): cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.basename(x).rstrip(".xz")) ) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_xz() + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_xz() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8").readlines(return_path=False) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 88cf31033b..6ea4b64953 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -66,7 +66,7 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index f5a5de8ed9..0940b77760 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -48,7 +48,7 @@ def EnWik9(root: str): cache_decompressed_dp = cache_compressed_dp.on_disk_cache( filepath_fn=lambda x: os.path.join(root, os.path.splitext(_PATH)[0]) ) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip() + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 045b0e5608..80de7134ed 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -62,7 +62,7 @@ def IMDB(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: [os.path.join(root, decompressed_folder, split, label) for label in labels] ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.read_from_tar() + cache_decompressed_dp = cache_decompressed_dp.load_from_tar() def filter_imdb_data(key, fname): # eg. fname = "aclImdb/train/neg/12416_3.txt" diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index f6b4eb51ff..a79c189613 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -125,7 +125,7 @@ # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) - cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() + cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").load_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( lambda x: os.path.basename(uncleaned_filename) in x[0] ) @@ -263,7 +263,7 @@ def IWSLT2016( cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) cache_decompressed_dp = ( FileOpener(cache_decompressed_dp, mode="b") - .read_from_tar() + .load_from_tar() .filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 04aad5df24..e97ce9fbf5 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -104,7 +104,7 @@ # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) - cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").read_from_tar() + cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").load_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( lambda x: os.path.basename(uncleaned_filename) in x[0] ) @@ -208,7 +208,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de ) cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar() + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) src_filename = file_path_by_lang_and_split[src_language][split] diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 15f61203ab..8382fdc57c 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -84,7 +84,7 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] ) src_cache_decompressed_dp = ( FileOpener(src_cache_decompressed_dp, mode="b") - .read_from_tar() + .load_from_tar() .filter(lambda x: f"{_PREFIX[split]}.{language_pair[0]}" in x[0]) ) src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) @@ -94,7 +94,7 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] ) tgt_cache_decompressed_dp = ( FileOpener(tgt_cache_decompressed_dp, mode="b") - .read_from_tar() + .load_from_tar() .filter(lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) ) tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index c673519f06..8f023971ec 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -70,7 +70,7 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 1f072cddf9..23409f0a20 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -73,7 +73,7 @@ def SST2(root, split): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 8410b76886..b9f0328690 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -61,7 +61,7 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 2e6d037bb7..6f437fa7c6 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -66,7 +66,7 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): ) # Extract zip and filter the appropriate split file cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index c8663fcde2..edbd8faac2 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -66,7 +66,7 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): ) # Extract zip and filter the appropriate split file cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 9553c11bdf..dae6a86f2f 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -67,7 +67,7 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.read_from_tar() + cache_decompressed_dp = cache_decompressed_dp.load_from_tar() cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 1056dcaf05..54706e6222 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -67,7 +67,7 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.read_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 7c67374fd5..9efc1084b2 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -67,7 +67,7 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.read_from_tar() + cache_decompressed_dp = cache_decompressed_dp.load_from_tar() cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) From edc03bd199accaac68327bdd4c678cfa67701d43 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 30 Mar 2022 17:39:59 -0400 Subject: [PATCH 189/463] Resolve issues in #1653 + sanitize test names generated by nested_params (#1667) - Reformat and add doc strings to tests #1653 - Sanitize test names generated by nested_params util --- README.rst | 4 +- test/common/parameterized_utils.py | 2 +- test/data/test_modules.py | 102 +++++++++++++---------------- test/models/test_models.py | 29 ++++---- test/test_functional.py | 28 ++++---- 5 files changed, 78 insertions(+), 87 deletions(-) diff --git a/README.rst b/README.rst index b3f8cd6c23..0e0bc8c0f5 100644 --- a/README.rst +++ b/README.rst @@ -52,8 +52,8 @@ Using pip:: pip install torchtext -**Note** LTS versions are distributed through a different channel than the other versioned releases. -Please refer to https://pytorch.org/get-started/locally/ for details. +**Note** LTS versions are distributed through a different channel than the other versioned releases. +Please refer to https://pytorch.org/get-started/locally/ for details. Optional requirements --------------------- diff --git a/test/common/parameterized_utils.py b/test/common/parameterized_utils.py index ed4b96f3ab..8dd36b91fb 100644 --- a/test/common/parameterized_utils.py +++ b/test/common/parameterized_utils.py @@ -19,7 +19,7 @@ def _name_func(func, _, params): else: strs.append(str(arg)) # sanitize the test name - name = "_".join(strs).replace(".", "_") + name = parameterized.to_safe_name("_".join(strs)) return f"{func.__name__}_{name}" diff --git a/test/data/test_modules.py b/test/data/test_modules.py index 4386610f9f..970c775ef8 100644 --- a/test/data/test_modules.py +++ b/test/data/test_modules.py @@ -1,4 +1,5 @@ import torch +from parameterized import parameterized from torch.nn import Linear from torch.nn.functional import multi_head_attention_forward as mha_forward from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct @@ -191,73 +192,64 @@ def test_broadcast_scaled_dot_product(self): self.assertEqual(sdp_attn_output, sdp_attn_output_full) self.assertEqual(sdp_attn_weights, sdp_attn_weights_full) - def test_assert_raises(self): - embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 - SDP = ScaledDotProduct() - query = torch.rand((tgt_len, 1, embed_dim)) - key = value = torch.rand((src_len, 1, embed_dim)) - attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)) - - configs = [ + @parameterized.expand( + [ # case: dim -2 is not equal to neither key/value's dim -2 or 1 [ - RuntimeError, "", - (tgt_len, 2, embed_dim), - (3, 3, src_len, bsz * nhead, embed_dim), - (3, 3, src_len, bsz * nhead, embed_dim), - (bsz * nhead, tgt_len, src_len), True + RuntimeError, + "", + (6, 2, 10), + (3, 3, 10, 64 * 5, 10), + (3, 3, 10, 64 * 5, 10), + (64 * 5, 6, 10), + True, ], # case: attn_mask's dim -3 is not equal to neither batch size or 1 [ - RuntimeError, "The size of the attn_mask is not correct.", - (tgt_len, bsz * nhead, embed_dim), - (src_len, bsz * nhead, embed_dim), - (src_len, bsz * nhead, embed_dim), - (2, tgt_len, src_len), True + RuntimeError, + "The size of the attn_mask is not correct.", + (6, 64 * 5, 10), + (10, 64 * 5, 10), + (10, 64 * 5, 10), + (2, 6, 10), + True, ], # case: key dim -2 is not equal to value dim -2 [ - AssertionError, "Shape of key, value must match", - (1, 2, 3, tgt_len, bsz * nhead, embed_dim), - (src_len, 2, embed_dim), - (src_len, 1, embed_dim), - (bsz * nhead, tgt_len, src_len), True - ], - # kcase: ey/value dim -2 is not equal to neither query's dim -2 or 1 - [ - RuntimeError, "", - (1, 2, 3, tgt_len, bsz * nhead, embed_dim), - (src_len, 2, embed_dim), - (src_len, 2, embed_dim), - (bsz * nhead, tgt_len, src_len), True + AssertionError, + "Shape of key, value must match", + (1, 2, 3, 6, 64 * 5, 10), + (10, 2, 10), + (10, 1, 10), + (64 * 5, 6, 10), + True, ], + # case: key/value dim -2 is not equal to neither query's dim -2 or 1 + [RuntimeError, "", (1, 2, 3, 6, 64 * 5, 10), (10, 2, 10), (10, 2, 10), (64 * 5, 6, 10), True], # case: attn_mask must be a 3D tensor. - [ - RuntimeError, "", - (1, 2, 3, tgt_len, bsz * nhead, embed_dim), - (src_len, 2, embed_dim), - (src_len, 2, embed_dim), - (), True - ], + [RuntimeError, "", (1, 2, 3, 6, 64 * 5, 10), (10, 2, 10), (10, 2, 10), (), True], # case: only bool tensor is supported for attn_mask - [ - RuntimeError, "", - (1, 2, 3, tgt_len, bsz * nhead, embed_dim), - (src_len, 2, embed_dim), - (src_len, 2, embed_dim), - (), False - ], - + [RuntimeError, "", (1, 2, 3, 6, 64 * 5, 10), (10, 2, 10), (10, 2, 10), (), False], ] - for (error_type, error_regex, query_size, key_size, value_size, attn_mask_size, att_masc_bool) in configs: - with self.assertRaisesRegex(error_type, error_regex) if error_regex else self.assertRaises(error_type): - attn_mask = attn_mask_2D.to(torch.bool) if att_masc_bool else attn_mask_2D - SDP( - query.expand(*query_size), - key.expand(*key_size), - value.expand(*value_size), - attn_mask=attn_mask.expand(*attn_mask_size) if attn_mask_size else attn_mask - ) + ) + def test_scaled_dot_product_assert_raises( + self, error_type, error_regex, query_size, key_size, value_size, attn_mask_size, att_masc_bool + ): + """Scaled Dot Produce should raise errors when shape/type mismatch""" + embed_dim, tgt_len, src_len = 10, 6, 10 + SDP = ScaledDotProduct() + query = torch.rand((tgt_len, 1, embed_dim)) + key = value = torch.rand((src_len, 1, embed_dim)) + attn_mask_2D = torch.randint(0, 2, (tgt_len, src_len)) + + with self.assertRaisesRegex(error_type, error_regex) if error_regex else self.assertRaises(error_type): + attn_mask = attn_mask_2D.to(torch.bool) if att_masc_bool else attn_mask_2D + SDP( + query.expand(*query_size), + key.expand(*key_size), + value.expand(*value_size), + attn_mask=attn_mask.expand(*attn_mask_size) if attn_mask_size else attn_mask, + ) def test_sdp_batch_first(self): embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 diff --git a/test/models/test_models.py b/test/models/test_models.py index a1d3e8b2e8..3303f7999b 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -1,12 +1,12 @@ import copy +from unittest.mock import patch import torch import torchtext from torch.nn import functional as torch_F from ..common.torchtext_test_case import TorchtextTestCase -import pytest -import logging + class TestModules(TorchtextTestCase): def test_self_attn_mask(self): @@ -137,23 +137,18 @@ def _train(model): self.assertEqual(model.encoder.state_dict(), encoder_current_state_dict) self.assertNotEqual(model.head.state_dict(), head_current_state_dict) - @pytest.fixture(autouse=True) - def inject_fixtures(self, caplog): - self._caplog = caplog - - def test_roberta_bundler_get_model(self): + @patch("logging.Logger.warning") + def test_roberta_bundler_get_model(self, mock): from torchtext.models import RobertaEncoderConf, RobertaBundle - with self._caplog.at_level(logging.WARNING): - dummy_encoder_conf = RobertaEncoderConf( - vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 - ) - model_bundle = RobertaBundle(dummy_encoder_conf) - model_bundle.get_model( - load_weights = False, - freeze_encoder = True - ) - self.assertTrue(self._caplog.records[0].message.startswith('The encoder is not loaded')) + dummy_encoder_conf = RobertaEncoderConf( + vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 + ) + model_bundle = RobertaBundle(dummy_encoder_conf) + model_bundle.get_model(load_weights=False, freeze_encoder=True) + mock.assert_called_with( + "The encoder is not loaded with pre-trained weights. Setting freeze_encoder to True will hinder encoder from learning appropriate weights." + ) def test_roberta_bundler_raise_checkpoint(self): from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaBundle diff --git a/test/test_functional.py b/test/test_functional.py index f46e526a37..dd77e3e18b 100644 --- a/test/test_functional.py +++ b/test/test_functional.py @@ -1,18 +1,18 @@ import torch from torchtext import functional -from .common.parameterized_utils import nested_params +from .common.parameterized_utils import nested_params from .common.torchtext_test_case import TorchtextTestCase -class TestFunctional(TorchtextTestCase): +class TestFunctional(TorchtextTestCase): @nested_params( [True, False], [ [[[1, 2], [1, 2, 3]], 0, [[1, 2, 0], [1, 2, 3]]], [[[1, 2], [1, 2, 3]], 1, [[1, 2, 1], [1, 2, 3]]], [[1, 2], 0, [1, 2]], - ] + ], ) def test_to_tensor(self, test_scripting, configs): """test tensorization on both single sequence and batch of sequence""" @@ -20,14 +20,16 @@ def test_to_tensor(self, test_scripting, configs): func = functional.to_tensor if test_scripting: func = torch.jit.script(func) - else: - with self.assertRaises(TypeError): - func("test") actual = func(inputs, padding_value=padding_value) expected = torch.tensor(expected_list, dtype=torch.long) torch.testing.assert_close(actual, expected) + def test_to_tensor_assert_raises(self): + """test raise type error if input provided is not in Union[List[int],List[List[int]]]""" + with self.assertRaises(TypeError): + functional.to_tensor("test") + @nested_params( [True, False], [ @@ -35,22 +37,24 @@ def test_to_tensor(self, test_scripting, configs): [[1, 2, 3], [1, 2]], [[["a", "b"], ["a", "b", "c"]], [["a", "b"], ["a", "b"]]], [["a", "b", "c"], ["a", "b"]], - ] + ], ) def test_truncate(self, test_scripting, configs): - """test truncation on both sequence and batch of sequence with both str and int types""" + """test truncation to max_seq_len length on both sequence and batch of sequence with both str/int types""" inputs, expected = configs max_seq_len = 2 func = functional.truncate if test_scripting: func = torch.jit.script(func) - else: - with self.assertRaises(TypeError): - func("test", max_seq_len=max_seq_len) actual = func(inputs, max_seq_len=max_seq_len) self.assertEqual(actual, expected) + def test_truncate_assert_raises(self): + """test raise type error if input provided is not in Union[List[Union[str, int]], List[List[Union[str, int]]]]""" + with self.assertRaises(TypeError): + functional.truncate("test", max_seq_len=2) + @nested_params( [True, False], [ @@ -66,7 +70,7 @@ def test_truncate(self, test_scripting, configs): # case: List[str] [["a", "b"], "x", ["x", "a", "b"], True], [["a", "b"], "x", ["a", "b", "x"], False], - ] + ], ) def test_add_token(self, test_scripting, configs): inputs, token_id, expected, begin = configs From 9fc9077bbf4c7417a2fcabc66402ef1e0765516d Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 1 Apr 2022 00:20:16 -0400 Subject: [PATCH 190/463] Pin Jinja2 version to fix broken doc build (#1669) --- docs/requirements.txt | 1 + 1 file changed, 1 insertion(+) diff --git a/docs/requirements.txt b/docs/requirements.txt index 37532df48d..82de9e49f4 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,3 +1,4 @@ +Jinja2<3.1.0 sphinx==3.5.4 -e git+https://github.com/pytorch/pytorch_sphinx_theme.git@b4d0005#egg=pytorch_sphinx_theme matplotlib From c8ac763ac5ce75e6b6c02d4e71aa88272e99053f Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 1 Apr 2022 00:40:56 -0400 Subject: [PATCH 191/463] Fixed formatting for all files using pre-commit (#1670) * Fixed formatting for all files using pre-commit * Fixing formatting for all files * Fixing unused imports --- README.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.rst b/README.rst index 0e0bc8c0f5..18a99f3f81 100644 --- a/README.rst +++ b/README.rst @@ -53,7 +53,7 @@ Using pip:: pip install torchtext **Note** LTS versions are distributed through a different channel than the other versioned releases. -Please refer to https://pytorch.org/get-started/locally/ for details. +Please refer to https://pytorch.org/get-started/locally/ for details. Optional requirements --------------------- From 51424631c4c53c3ffb42e3529689997e948302d8 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 4 Apr 2022 11:00:20 -0400 Subject: [PATCH 192/463] [CMake 1/3] Update C++ includes to use imports relative to root directory (#1666) * Updated includes to use quotes to point to header files relative to directory of current file * Updated includes to use quotes to point to header files relative to directory of current file * Formatted files with clang format * Updated include statements to be relative to project root * Updated top level dir to be root dir --- build_tools/setup_helpers/extension.py | 2 +- torchtext/csrc/clip_tokenizer.cpp | 4 ++-- torchtext/csrc/clip_tokenizer.h | 2 +- torchtext/csrc/gpt2_bpe_tokenizer.cpp | 4 ++-- torchtext/csrc/regex.cpp | 2 +- torchtext/csrc/regex_tokenizer.cpp | 2 +- torchtext/csrc/register_pybindings.cpp | 18 +++++++++--------- torchtext/csrc/register_torchbindings.cpp | 14 +++++++------- torchtext/csrc/sentencepiece.cpp | 2 +- torchtext/csrc/vectors.cpp | 4 ++-- torchtext/csrc/vocab.cpp | 4 ++-- torchtext/csrc/vocab_factory.h | 2 +- 12 files changed, 30 insertions(+), 30 deletions(-) diff --git a/build_tools/setup_helpers/extension.py b/build_tools/setup_helpers/extension.py index 5ca7c1c429..e37eb60503 100644 --- a/build_tools/setup_helpers/extension.py +++ b/build_tools/setup_helpers/extension.py @@ -49,7 +49,7 @@ def _get_srcs(): def _get_include_dirs(): return [ - str(_CSRC_DIR), + str(_ROOT_DIR), str(_TP_INSTALL_DIR / "include"), ] diff --git a/torchtext/csrc/clip_tokenizer.cpp b/torchtext/csrc/clip_tokenizer.cpp index d76a160920..668eed3f41 100644 --- a/torchtext/csrc/clip_tokenizer.cpp +++ b/torchtext/csrc/clip_tokenizer.cpp @@ -1,5 +1,5 @@ -#include -#include // @manual +#include +#include // @manual #include diff --git a/torchtext/csrc/clip_tokenizer.h b/torchtext/csrc/clip_tokenizer.h index 85c120ac4c..45f27586b9 100644 --- a/torchtext/csrc/clip_tokenizer.h +++ b/torchtext/csrc/clip_tokenizer.h @@ -1,7 +1,7 @@ #ifndef CLIP_TOKENIZER_H_ #define CLIP_TOKENIZER_H_ -#include +#include namespace torchtext { diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index 1f4b3f5667..14d1b69ef1 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -1,5 +1,5 @@ -#include -#include // @manual +#include +#include // @manual #include #include diff --git a/torchtext/csrc/regex.cpp b/torchtext/csrc/regex.cpp index b0d4f31d13..65d20faec6 100644 --- a/torchtext/csrc/regex.cpp +++ b/torchtext/csrc/regex.cpp @@ -1,4 +1,4 @@ -#include +#include namespace torchtext { diff --git a/torchtext/csrc/regex_tokenizer.cpp b/torchtext/csrc/regex_tokenizer.cpp index d51a656848..61c1612a91 100644 --- a/torchtext/csrc/regex_tokenizer.cpp +++ b/torchtext/csrc/regex_tokenizer.cpp @@ -1,4 +1,4 @@ -#include // @manual +#include // @manual #include namespace torchtext { diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 1c7208d867..8853614c2e 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -1,16 +1,16 @@ -#include // @manual -#include // @manual #include #include -#include -#include // @manual -#include // @manual -#include // @manual +#include // @manual #include // @manual #include -#include // @manual -#include // @manual -#include // @manual +#include // @manual +#include // @manual +#include +#include // @manual +#include // @manual +#include // @manual +#include // @manual +#include // @manual #include diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 96f1765c5d..516f767e80 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,11 +1,11 @@ -#include // @manual -#include // @manual -#include -#include // @manual -#include // @manual #include -#include // @manual -#include // @manual +#include // @manual +#include // @manual +#include +#include // @manual +#include // @manual +#include // @manual +#include // @manual #include namespace torchtext { diff --git a/torchtext/csrc/sentencepiece.cpp b/torchtext/csrc/sentencepiece.cpp index c82feee92b..aec5241be2 100644 --- a/torchtext/csrc/sentencepiece.cpp +++ b/torchtext/csrc/sentencepiece.cpp @@ -1,4 +1,4 @@ -#include // @manual +#include // @manual namespace torchtext { diff --git a/torchtext/csrc/vectors.cpp b/torchtext/csrc/vectors.cpp index be3fee6c9e..f8a5f75c75 100644 --- a/torchtext/csrc/vectors.cpp +++ b/torchtext/csrc/vectors.cpp @@ -1,9 +1,9 @@ #include // @manual -#include #include #include #include -#include // @manual +#include +#include // @manual #include #include #include diff --git a/torchtext/csrc/vocab.cpp b/torchtext/csrc/vocab.cpp index 83bb480821..6b621b62c2 100644 --- a/torchtext/csrc/vocab.cpp +++ b/torchtext/csrc/vocab.cpp @@ -1,7 +1,7 @@ #include // @manual -#include #include // @manual -#include // @manual +#include +#include // @manual #include #include diff --git a/torchtext/csrc/vocab_factory.h b/torchtext/csrc/vocab_factory.h index 0597749584..17fdd19991 100644 --- a/torchtext/csrc/vocab_factory.h +++ b/torchtext/csrc/vocab_factory.h @@ -1,5 +1,5 @@ #include -#include // @manual +#include // @manual namespace py = pybind11; From b710c888161048c979abc9e30dceed797a9d5be8 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 4 Apr 2022 16:34:47 -0400 Subject: [PATCH 193/463] Adding MacOS unit tests on CircleCI (#1672) * Added macos unittests on circle ci * Fix config.yml formatting * updated setup_enc.sh to use curl instead of wget * Installing cmake and ninja * Fixing test_sentencepiece_with_dataloader on MacOS * Testing with partial * Enabling windows unit tests * Removed commented code --- .circleci/config.yml | 53 +++++++++++++++++++ .circleci/config.yml.in | 41 ++++++++++++++ .circleci/regenerate.py | 2 +- .circleci/unittest/linux/scripts/setup_env.sh | 10 ++-- test/experimental/test_with_asset.py | 18 +++---- 5 files changed, 111 insertions(+), 13 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 4cfad6430b..0e4035fd40 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -443,6 +443,47 @@ jobs: key: v1-linux-dataset-vector-{{ checksum ".cachekey" }} + paths: + - .vector_cache + - run: + name: Post process + command: .circleci/unittest/linux/scripts/post_process.sh + - store_test_results: + path: test-results + + unittest_macos: + <<: *binary_common + macos: + xcode: "12.0" + resource_class: large + steps: + - checkout + - designate_upload_channel + - load_conda_channel_flags + - fetch_cachekey + - run: + name: Setup + command: .circleci/unittest/linux/scripts/setup_env.sh + - run: + name: Install torchtext + command: .circleci/unittest/linux/scripts/install.sh + - restore_cache: + keys: + + - v1-macos-dataset-vector-{{ checksum ".cachekey" }} + + + - run: + name: Run tests + # Downloading embedding vector takes long time. + no_output_timeout: 30m + command: .circleci/unittest/linux/scripts/run_test.sh + - save_cache: + keys: + + key: v1-macos-dataset-vector-{{ checksum ".cachekey" }} + + paths: - .vector_cache - run: @@ -696,6 +737,18 @@ workflows: - unittest_windows: name: unittest_windows_py3.10 python_version: '3.10' + - unittest_macos: + name: unittest_macos_py3.7 + python_version: '3.7' + - unittest_macos: + name: unittest_macos_py3.8 + python_version: '3.8' + - unittest_macos: + name: unittest_macos_py3.9 + python_version: '3.9' + - unittest_macos: + name: unittest_macos_py3.10 + python_version: '3.10' nightly: jobs: - circleci_consistency: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index aa05a6f557..726ed086fe 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -451,6 +451,47 @@ jobs: - store_test_results: path: test-results + unittest_macos: + <<: *binary_common + macos: + xcode: "12.0" + resource_class: large + steps: + - checkout + - designate_upload_channel + - load_conda_channel_flags + - fetch_cachekey + - run: + name: Setup + command: .circleci/unittest/linux/scripts/setup_env.sh + - run: + name: Install torchtext + command: .circleci/unittest/linux/scripts/install.sh + - restore_cache: + keys: + {% raw %} + - v1-macos-dataset-vector-{{ checksum ".cachekey" }} + {% endraw %} + + - run: + name: Run tests + # Downloading embedding vector takes long time. + no_output_timeout: 30m + command: .circleci/unittest/linux/scripts/run_test.sh + - save_cache: + keys: + {% raw %} + key: v1-macos-dataset-vector-{{ checksum ".cachekey" }} + {% endraw %} + + paths: + - .vector_cache + - run: + name: Post process + command: .circleci/unittest/linux/scripts/post_process.sh + - store_test_results: + path: test-results + unittest_windows: <<: *binary_common executor: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 4c190c6156..53e7e318f0 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -147,7 +147,7 @@ def indent(indentation, data_list): def unittest_workflows(indentation=6): w = [] - for os_type in ["linux", "windows"]: + for os_type in ["linux", "windows", "macos"]: for python_version in PYTHON_VERSIONS: w.append( { diff --git a/.circleci/unittest/linux/scripts/setup_env.sh b/.circleci/unittest/linux/scripts/setup_env.sh index 6d76c7884f..6661c24f59 100755 --- a/.circleci/unittest/linux/scripts/setup_env.sh +++ b/.circleci/unittest/linux/scripts/setup_env.sh @@ -22,7 +22,7 @@ esac # 1. Install conda at ./conda if [ ! -d "${conda_dir}" ]; then printf "* Installing conda\n" - wget -O miniconda.sh http://repo.continuum.io/miniconda/Miniconda3-latest-Linux-x86_64.sh + curl --silent -L -o miniconda.sh "http://repo.continuum.io/miniconda/Miniconda3-latest-${os}-x86_64.sh" bash ./miniconda.sh -b -f -p "${conda_dir}" fi eval "$(${conda_dir}/bin/conda shell.bash hook)" @@ -34,11 +34,15 @@ if [ ! -d "${env_dir}" ]; then fi conda activate "${env_dir}" -# 3. Install Conda dependencies + +# 3. Install minimal build tools +pip --quiet install cmake ninja + +# 4. Install Conda dependencies printf "* Installing dependencies (except PyTorch)\n" conda env update --file "${this_dir}/environment.yml" --prune -# 4. Download +# 5. Download printf "* Downloading SpaCy English models\n" python -m spacy download en_core_web_sm printf "* Downloading SpaCy German models\n" diff --git a/test/experimental/test_with_asset.py b/test/experimental/test_with_asset.py index 24b496bfe6..06712abf92 100644 --- a/test/experimental/test_with_asset.py +++ b/test/experimental/test_with_asset.py @@ -1,8 +1,7 @@ import os -import platform import shutil import tempfile -import unittest +from functools import partial import torch from test.common.torchtext_test_case import TorchtextTestCase @@ -22,6 +21,12 @@ from ..common.assets import get_asset_path +# Windows and MaxOS doesn't support the nested function pickle +# Move the batch function out of the test_sentencepiece_with_dataloader test +def _batch_func(spm_processor, data): + return torch.tensor([spm_processor(text) for text in data], dtype=torch.long) + + class TestTransformsWithAsset(TorchtextTestCase): def test_vocab_transform(self): asset_name = "vocab_test2.txt" @@ -210,20 +215,15 @@ def test_builtin_pretrained_sentencepiece_processor(self): # we separate out these errors because Windows runs into seg faults when propagating # exceptions from C++ using pybind11 - @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") def test_sentencepiece_with_dataloader(self): example_strings = ["the pretrained spm model names"] * 64 ref_results = torch.tensor([[13, 1465, 12824, 304, 24935, 5771, 3776]] * 16, dtype=torch.long) - # Windows doesn't support the nested function pickle - # Move the batch function out of the test_sentencepiece_with_dataloader test sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_bpe_25000"]) spm_processor = sentencepiece_processor(sp_model_path) + batch_fn = partial(_batch_func, spm_processor) - def batch_func(data): - return torch.tensor([spm_processor(text) for text in data], dtype=torch.long) - - dataloader = DataLoader(example_strings, batch_size=16, num_workers=2, collate_fn=batch_func) + dataloader = DataLoader(example_strings, batch_size=16, num_workers=2, collate_fn=batch_fn) for item in dataloader: self.assertEqual(item, ref_results) From 55b74136cde4644c622f9417ada7058daf28a624 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 5 Apr 2022 06:09:07 -0400 Subject: [PATCH 194/463] update requirements (#1675) --- requirements.txt | 2 ++ 1 file changed, 2 insertions(+) diff --git a/requirements.txt b/requirements.txt index 84a086b3bf..b8cbc1160c 100644 --- a/requirements.txt +++ b/requirements.txt @@ -18,6 +18,8 @@ sphinx_rtd_theme # Run unit tests pytest +expecttest +parameterized # Lets pytest find our code by automatically modifying PYTHONPATH pytest-pythonpath From e791102163aa19afa55282cb62dc3144e7c7d172 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 5 Apr 2022 15:26:27 -0400 Subject: [PATCH 195/463] remove caching artifacts for datasets and fix it for vectors (#1674) --- .circleci/cached_datasets_list.txt | 20 -------------- .circleci/config.yml | 44 ++++++++++++------------------ .circleci/config.yml.in | 44 ++++++++++++------------------ 3 files changed, 36 insertions(+), 72 deletions(-) delete mode 100644 .circleci/cached_datasets_list.txt diff --git a/.circleci/cached_datasets_list.txt b/.circleci/cached_datasets_list.txt deleted file mode 100644 index 30292f7e8e..0000000000 --- a/.circleci/cached_datasets_list.txt +++ /dev/null @@ -1,20 +0,0 @@ -IMDB -AG_NEWS -SogouNews -DBpedia -YelpReviewPolarity -YelpReviewFull -YahooAnswers -AmazonReviewPolarity -AmazonReviewFull -UDPOS -CoNLL2000Chunking -Multi30k -IWSLT2016 -IWSLT2017 -WikiText2 -WikiText103 -PennTreebank -SQuAD1 -SQuAD2 -EnWik9 diff --git a/.circleci/config.yml b/.circleci/config.yml index 0e4035fd40..b0f226ee14 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -36,23 +36,6 @@ commands: name: Adding CONDA_CHANNEL_FLAGS to BASH_ENV command: | CONDA_CHANNEL_FLAGS="" - generate_cachekey: - description: "Generate .cachekey file that changes on daily basis" - steps: - - run: - name: Generate CCI cache key - command: | - echo "$(date "+%D")" > .cachekey - cat .circleci/cached_datasets_list.txt >> .cachekey - - persist_to_workspace: - root: . - paths: - - .cachekey - fetch_cachekey: - description: "Fetch the .cachekey file that is generated by generate_cachekey job" - steps: - - attach_workspace: - at: . binary_common: &binary_common parameters: @@ -422,7 +405,10 @@ jobs: - checkout - designate_upload_channel - load_conda_channel_flags - - fetch_cachekey + - run: + name: Generate cache key + # This will refresh cache on Sundays, nightly build should generate new cache. + command: echo "$(date +"%Y-%U")" > .circleci-weekly - run: name: Setup command: .circleci/unittest/linux/scripts/setup_env.sh @@ -432,7 +418,7 @@ jobs: - restore_cache: keys: - - v1-linux-dataset-vector-{{ checksum ".cachekey" }} + - data-linux-v1-{{ checksum ".circleci-weekly" }} - run: name: Run tests @@ -441,7 +427,7 @@ jobs: command: .circleci/unittest/linux/scripts/run_test.sh - save_cache: - key: v1-linux-dataset-vector-{{ checksum ".cachekey" }} + key: data-linux-v1-{{ checksum ".circleci-weekly" }} paths: - .vector_cache @@ -460,7 +446,10 @@ jobs: - checkout - designate_upload_channel - load_conda_channel_flags - - fetch_cachekey + - run: + name: Generate cache key + # This will refresh cache on Sundays, nightly build should generate new cache. + command: echo "$(date +"%Y-%U")" > .circleci-weekly - run: name: Setup command: .circleci/unittest/linux/scripts/setup_env.sh @@ -470,7 +459,7 @@ jobs: - restore_cache: keys: - - v1-macos-dataset-vector-{{ checksum ".cachekey" }} + - data-macos-v1-{{ checksum ".circleci-weekly" }} - run: @@ -481,7 +470,7 @@ jobs: - save_cache: keys: - key: v1-macos-dataset-vector-{{ checksum ".cachekey" }} + key: data-macos-v1-{{ checksum ".circleci-weekly" }} paths: @@ -500,7 +489,10 @@ jobs: - checkout - designate_upload_channel - load_conda_channel_flags - - fetch_cachekey + - run: + name: Generate cache key + # This will refresh cache on Sundays, nightly build should generate new cache. + command: echo "$(date +"%Y-%U")" > .circleci-weekly - run: name: Setup command: .circleci/unittest/windows/scripts/setup_env.sh @@ -510,7 +502,7 @@ jobs: - restore_cache: keys: - - v1-windows-dataset-vector-{{ checksum ".cachekey" }} + - data-windows-v1-{{ checksum ".circleci-weekly" }} - run: @@ -520,7 +512,7 @@ jobs: command: .circleci/unittest/windows/scripts/run_test.sh - save_cache: - key: v1-windows-dataset-vector-{{ checksum ".cachekey" }} + key: data-windows-v1-{{ checksum ".circleci-weekly" }} paths: - .vector_cache diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 726ed086fe..73717169a7 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -36,23 +36,6 @@ commands: name: Adding CONDA_CHANNEL_FLAGS to BASH_ENV command: | CONDA_CHANNEL_FLAGS="" - generate_cachekey: - description: "Generate .cachekey file that changes on daily basis" - steps: - - run: - name: Generate CCI cache key - command: | - echo "$(date "+%D")" > .cachekey - cat .circleci/cached_datasets_list.txt >> .cachekey - - persist_to_workspace: - root: . - paths: - - .cachekey - fetch_cachekey: - description: "Fetch the .cachekey file that is generated by generate_cachekey job" - steps: - - attach_workspace: - at: . binary_common: &binary_common parameters: @@ -422,7 +405,10 @@ jobs: - checkout - designate_upload_channel - load_conda_channel_flags - - fetch_cachekey + - run: + name: Generate cache key + # This will refresh cache on Sundays, nightly build should generate new cache. + command: echo "$(date +"%Y-%U")" > .circleci-weekly - run: name: Setup command: .circleci/unittest/linux/scripts/setup_env.sh @@ -432,7 +418,7 @@ jobs: - restore_cache: keys: {% raw %} - - v1-linux-dataset-vector-{{ checksum ".cachekey" }} + - data-linux-v1-{{ checksum ".circleci-weekly" }} {% endraw %} - run: name: Run tests @@ -441,7 +427,7 @@ jobs: command: .circleci/unittest/linux/scripts/run_test.sh - save_cache: {% raw %} - key: v1-linux-dataset-vector-{{ checksum ".cachekey" }} + key: data-linux-v1-{{ checksum ".circleci-weekly" }} {% endraw %} paths: - .vector_cache @@ -460,7 +446,10 @@ jobs: - checkout - designate_upload_channel - load_conda_channel_flags - - fetch_cachekey + - run: + name: Generate cache key + # This will refresh cache on Sundays, nightly build should generate new cache. + command: echo "$(date +"%Y-%U")" > .circleci-weekly - run: name: Setup command: .circleci/unittest/linux/scripts/setup_env.sh @@ -470,7 +459,7 @@ jobs: - restore_cache: keys: {% raw %} - - v1-macos-dataset-vector-{{ checksum ".cachekey" }} + - data-macos-v1-{{ checksum ".circleci-weekly" }} {% endraw %} - run: @@ -481,7 +470,7 @@ jobs: - save_cache: keys: {% raw %} - key: v1-macos-dataset-vector-{{ checksum ".cachekey" }} + key: data-macos-v1-{{ checksum ".circleci-weekly" }} {% endraw %} paths: @@ -500,7 +489,10 @@ jobs: - checkout - designate_upload_channel - load_conda_channel_flags - - fetch_cachekey + - run: + name: Generate cache key + # This will refresh cache on Sundays, nightly build should generate new cache. + command: echo "$(date +"%Y-%U")" > .circleci-weekly - run: name: Setup command: .circleci/unittest/windows/scripts/setup_env.sh @@ -510,7 +502,7 @@ jobs: - restore_cache: keys: {% raw %} - - v1-windows-dataset-vector-{{ checksum ".cachekey" }} + - data-windows-v1-{{ checksum ".circleci-weekly" }} {% endraw %} - run: @@ -520,7 +512,7 @@ jobs: command: .circleci/unittest/windows/scripts/run_test.sh - save_cache: {% raw %} - key: v1-windows-dataset-vector-{{ checksum ".cachekey" }} + key: data-windows-v1-{{ checksum ".circleci-weekly" }} {% endraw %} paths: - .vector_cache From fae8e8cabf7adcbbc2f09c0520216288fd53f33b Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 11 Apr 2022 17:36:14 -0400 Subject: [PATCH 196/463] torchx integration (#1679) --- torchtext/data/datasets_utils.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 725218d357..d8628517cb 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -189,7 +189,7 @@ def decorator(fn): def wrapper(root=_CACHE_DIR, *args, **kwargs): new_root = os.path.join(root, dataset_name) if not os.path.exists(new_root): - os.makedirs(new_root) + os.makedirs(new_root, exist_ok=True) return fn(root=new_root, *args, **kwargs) return wrapper From e1d4948c95409bd1d5390b6f11d30e535eac1a13 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 19 Apr 2022 13:09:34 -0400 Subject: [PATCH 197/463] [CMake 2/3] Add CMake Build to torchtext to create single `_torchtext` library (#1673) * Added CMake list files for third_party, csrc, and main repo * Update to use angled brace * Added ignored CMake lists * Fixed re2 build process. WIP on sentencepiece build * Completed build on macOS intel * Fixing torchtext python extension * Added include_dir for re2 for python_extension * Updating setup.py to build extension * Got setup.py build working. Fixing error with importing torchtext module * Get import torchtext working after building extension with setup.py * Added CMake build rule to create a single _torchtext.so library * Removing spm patch * System level imports for sentencepiece header * Fixing builds by pinning cmake and mkl versions * Commented out libtorchtext build * added ninja install, updated order of mkl install * Resolving PR comments. Updated conda install * Fixed extension import * Updated order of mkl lib install * Added min cmake version * Add mkl as a constraint * Added mkl version to meta.yaml * Fixing MacOS builds and tests * Setting minimum build tools for windows unittests * Fixing macos unittest * Fixing meta.yaml errors. Setting os var value in install script * Testing with cmake 3.4.0 * added eca and ela. reset cmake version to 3.18.0 * Pass in debug flag * Adding linker and compiler flags * Conditionally add static lib on windows * Remove extra flags. Set CMAKE_MSVC_RUNTIME_LIBRARY from the top level * Fixing linter warnings * Removing quotes * Resolving PR suggestions * Resolving final PR comments * Resolving PR comments 2 --- .circleci/unittest/linux/scripts/install.sh | 18 +- .circleci/unittest/linux/scripts/setup_env.sh | 2 +- .../unittest/windows/scripts/setup_env.sh | 7 +- CMakeLists.txt | 66 +++++ build_tools/setup_helpers/extension.py | 253 ++++++------------ packaging/build_wheel.sh | 2 +- packaging/pkg_helpers.bash | 5 + packaging/torchtext/meta.yaml | 4 +- setup.py | 2 +- third_party/CMakeLists.txt | 12 +- torchtext/__init__.py | 11 +- torchtext/_extension.py | 73 ++++- torchtext/csrc/CMakeLists.txt | 84 ++++++ 13 files changed, 340 insertions(+), 199 deletions(-) create mode 100644 CMakeLists.txt create mode 100644 torchtext/csrc/CMakeLists.txt diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index 39ca09919a..6d8e427540 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -7,11 +7,27 @@ unset PYTORCH_VERSION set -e +case "$(uname -s)" in + Darwin*) os=MacOSX;; + *) os=Linux +esac + eval "$(./conda/bin/conda shell.bash hook)" conda activate ./env printf "* Installing PyTorch\n" -conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly +( + if [ "${os}" == MacOSX ] ; then + # TODO: this can be removed as soon as linking issue could be resolved + # see https://github.com/pytorch/pytorch/issues/62424 from details + MKL_CONSTRAINT='mkl==2021.2.0' + else + MKL_CONSTRAINT='' + fi + set -x + conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} ${MKL_CONSTRAINT} pytorch cpuonly +) + printf "Installing torchdata nightly\n" pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu diff --git a/.circleci/unittest/linux/scripts/setup_env.sh b/.circleci/unittest/linux/scripts/setup_env.sh index 6661c24f59..ddb920ef8d 100755 --- a/.circleci/unittest/linux/scripts/setup_env.sh +++ b/.circleci/unittest/linux/scripts/setup_env.sh @@ -36,7 +36,7 @@ conda activate "${env_dir}" # 3. Install minimal build tools -pip --quiet install cmake ninja +pip --quiet install cmake>=3.18.0 ninja # 4. Install Conda dependencies printf "* Installing dependencies (except PyTorch)\n" diff --git a/.circleci/unittest/windows/scripts/setup_env.sh b/.circleci/unittest/windows/scripts/setup_env.sh index 76cadc9a5d..130f14a094 100644 --- a/.circleci/unittest/windows/scripts/setup_env.sh +++ b/.circleci/unittest/windows/scripts/setup_env.sh @@ -33,11 +33,14 @@ if [ ! -d "${env_dir}" ]; then fi conda activate "${env_dir}" -# 3. Install Conda dependencies +# 3. Install minimal build tools +pip --quiet install cmake>=3.18.0 ninja + +# 4. Install Conda dependencies printf "* Installing dependencies (except PyTorch)\n" conda env update --file "${this_dir}/environment.yml" --prune -# 4. Download +# 5. Download printf "* Downloading SpaCy English models\n" python -m spacy download en_core_web_sm printf "* Downloading SpaCy German models\n" diff --git a/CMakeLists.txt b/CMakeLists.txt new file mode 100644 index 0000000000..40ae1ed7b0 --- /dev/null +++ b/CMakeLists.txt @@ -0,0 +1,66 @@ +cmake_minimum_required(VERSION 3.18 FATAL_ERROR) + +# Most of the configurations are taken from PyTorch +# https://github.com/pytorch/pytorch/blob/0c9fb4aff0d60eaadb04e4d5d099fb1e1d5701a9/CMakeLists.txt + +# Use compiler ID "AppleClang" instead of "Clang" for XCode. +# Not setting this sometimes makes XCode C compiler gets detected as "Clang", +# even when the C++ one is detected as "AppleClang". +cmake_policy(SET CMP0010 NEW) +cmake_policy(SET CMP0025 NEW) + +# Suppress warning flags in default MSVC configuration. It's not +# mandatory that we do this (and we don't if cmake is old), but it's +# nice when it's possible, and it's possible on our Windows configs. +if(NOT CMAKE_VERSION VERSION_LESS 3.15.0) + cmake_policy(SET CMP0092 NEW) +endif() + +project(torchtext) + + +# check and set CMAKE_CXX_STANDARD +string(FIND "${CMAKE_CXX_FLAGS}" "-std=c++" env_cxx_standard) +if(env_cxx_standard GREATER -1) + message( + WARNING "C++ standard version definition detected in environment variable." + "PyTorch requires -std=c++14. Please remove -std=c++ settings in your environment.") +endif() + +set(CMAKE_CXX_STANDARD 14) +set(CMAKE_C_STANDARD 11) + +set(CMAKE_EXPORT_COMPILE_COMMANDS ON) +set(CMAKE_POSITION_INDEPENDENT_CODE ON) + +# Apple specific +if(APPLE) + # Get clang version on macOS + execute_process( COMMAND ${CMAKE_CXX_COMPILER} --version OUTPUT_VARIABLE clang_full_version_string ) + string(REGEX REPLACE "Apple LLVM version ([0-9]+\\.[0-9]+).*" "\\1" CLANG_VERSION_STRING ${clang_full_version_string}) + message( STATUS "CLANG_VERSION_STRING: " ${CLANG_VERSION_STRING} ) + + # RPATH stuff + set(CMAKE_MACOSX_RPATH ON) + + set(CMAKE_SHARED_LIBRARY_SUFFIX ".so") +endif() + +# Options +option(BUILD_TORCHTEXT_PYTHON_EXTENSION "Build Python extension" OFF) + +set(CMAKE_MODULE_PATH "${CMAKE_MODULE_PATH};${CMAKE_CURRENT_SOURCE_DIR}/cmake") + +find_package(Torch REQUIRED) + +if(MSVC) + set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} /wd4819") + set(CMAKE_MSVC_RUNTIME_LIBRARY "MultiThreaded$<$:Debug>") +endif() + + +# TORCH_CXX_FLAGS contains the same -D_GLIBCXX_USE_CXX11_ABI value as PyTorch +set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} -Wall ${TORCH_CXX_FLAGS}") + +add_subdirectory(third_party) +add_subdirectory(torchtext/csrc) diff --git a/build_tools/setup_helpers/extension.py b/build_tools/setup_helpers/extension.py index e37eb60503..dcb96bd71c 100644 --- a/build_tools/setup_helpers/extension.py +++ b/build_tools/setup_helpers/extension.py @@ -1,189 +1,112 @@ +import distutils.sysconfig import os import platform import subprocess from pathlib import Path -from torch.utils.cpp_extension import BuildExtension as TorchBuildExtension, CppExtension +import torch +from setuptools import Extension +from setuptools.command.build_ext import build_ext + __all__ = [ "get_ext_modules", - "BuildExtension", + "CMakeBuild", ] -_ROOT_DIR = Path(__file__).parent.parent.parent.resolve() -_CSRC_DIR = _ROOT_DIR / "torchtext" / "csrc" -_TP_BASE_DIR = _ROOT_DIR / "third_party" -_TP_INSTALL_DIR = _TP_BASE_DIR / "build" - - -def _get_eca(debug): - eca = [] - if platform.system() == "Windows": - eca += ["/MT"] - if debug: - eca += ["-O0", "-g"] - else: - if platform.system() == "Windows": - eca += ["-O2"] - else: - eca += ["-O3", "-fvisibility=hidden"] - return eca - - -def _get_ela(debug): - ela = [] - if debug: - if platform.system() == "Windows": - ela += ["/DEBUG:FULL"] - else: - ela += ["-O0", "-g"] - else: - if platform.system() != "Windows": - ela += ["-O3"] - return ela - -def _get_srcs(): - return [str(p) for p in _CSRC_DIR.glob("**/*.cpp")] +# TODO: Following line will be uncommented when adding splitting up the cpp libraries to `libtorchtext` and `_torchtext` +# _LIBTORCHTEXT_NAME = "torchtext.lib.libtorchtext" +_EXT_NAME = "torchtext._torchtext" +_THIS_DIR = Path(__file__).parent.resolve() +_ROOT_DIR = _THIS_DIR.parent.parent.resolve() -def _get_include_dirs(): - return [ - str(_ROOT_DIR), - str(_TP_INSTALL_DIR / "include"), +def get_ext_modules(): + modules = [ + # TODO: Following line will be uncommented when adding splitting up the cpp libraries to `libtorchtext` and `_torchtext` + # Extension(name=_LIBTORCHTEXT_NAME, sources=[]), + Extension(name=_EXT_NAME, sources=[]), ] + return modules -def _get_library_dirs(): - return [str(_TP_INSTALL_DIR / "lib"), str(_TP_INSTALL_DIR / "lib64")] - - -def _get_libraries(): - # NOTE: The order of the library listed bellow matters. - # - # For example, the symbol `sentencepiece::unigram::Model` is - # defined in sentencepiece but UNDEFINED in sentencepiece_train. - # GCC only remembers the last encountered symbol. - # Therefore placing 'sentencepiece_train' after 'sentencepiece' cause runtime error. - # - # $ nm third_party/build/lib/libsentencepiece_train.a | grep _ZTIN13sentencepiece7unigram5ModelE - # U _ZTIN13sentencepiece7unigram5ModelE - # $ nm third_party/build/lib/libsentencepiece.a | grep _ZTIN13sentencepiece7unigram5ModelE - # 0000000000000000 V _ZTIN13sentencepiece7unigram5ModelE - return ["sentencepiece_train", "sentencepiece", "re2", "double-conversion"] +# Based off of +# https://github.com/pybind/cmake_example/blob/580c5fd29d4651db99d8874714b07c0c49a53f8a/setup.py -def _get_cxx11_abi(): - try: - import torch +class CMakeBuild(build_ext): + def run(self): + try: + subprocess.check_output(["cmake", "--version"]) + except OSError: + raise RuntimeError("CMake is not available.") from None + super().run() - value = int(torch._C._GLIBCXX_USE_CXX11_ABI) - except ImportError: - value = 0 - return "-D_GLIBCXX_USE_CXX11_ABI=" + str(value) - - -def _build_third_party(debug): - build_dir = _TP_BASE_DIR / "build" - build_dir.mkdir(exist_ok=True) - build_env = os.environ.copy() - config = "Debug" if debug else "Release" - if platform.system() == "Windows": - extra_args = [ - "-GNinja", - ] - build_env.setdefault("CC", "cl") - build_env.setdefault("CXX", "cl") - else: - extra_args = ["-DCMAKE_CXX_FLAGS=-fPIC " + _get_cxx11_abi()] - subprocess.run( - args=[ - "cmake", + def build_extension(self, ext): + # Since two library files (libtorchaudio and _torchaudio) need to be + # recognized by setuptools, we instantiate `Extension` twice. (see `get_ext_modules`) + # This leads to the situation where this `build_extension` method is called twice. + # However, the following `cmake` command will build all of them at the same time, + # so, we do not need to perform `cmake` twice. + # Therefore we call `cmake` only for `torchaudio._torchaudio`. + if ext.name != "torchtext._torchtext": + return + + extdir = os.path.abspath(os.path.dirname(self.get_ext_fullpath(ext.name))) + + # required for auto-detection of auxiliary "native" libs + if not extdir.endswith(os.path.sep): + extdir += os.path.sep + + cfg = "Debug" if self.debug else "Release" + + cmake_args = [ + f"-DCMAKE_BUILD_TYPE={cfg}", + f"-DCMAKE_PREFIX_PATH={torch.utils.cmake_prefix_path}", + f"-DCMAKE_INSTALL_PREFIX={extdir}", + "-DCMAKE_VERBOSE_MAKEFILE=ON", + f"-DPython_INCLUDE_DIR={distutils.sysconfig.get_python_inc()}", + "-DBUILD_TORCHTEXT_PYTHON_EXTENSION:BOOL=ON", + "-DRE2_BUILD_TESTING:BOOL=OFF", + "-DBUILD_TESTING:BOOL=OFF", "-DBUILD_SHARED_LIBS=OFF", - "-DRE2_BUILD_TESTING=OFF", - "-DCMAKE_EXPORT_COMPILE_COMMANDS=ON", - f"-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}", - f"-DCMAKE_BUILD_TYPE={config}", - "-DCMAKE_CXX_VISIBILITY_PRESET=hidden", "-DCMAKE_POLICY_DEFAULT_CMP0063=NEW", - ] - + extra_args - + [".."], - cwd=str(build_dir), - check=True, - env=build_env, - ) - print("*** Command list Thirdparty ***") - with open(build_dir / "compile_commands.json", "r") as fileobj: - print(fileobj.read()) - print("running cmake --build", flush=True) - subprocess.run( - args=["cmake", "--build", ".", "--target", "install", "--config", config], - cwd=str(build_dir), - check=True, - env=build_env, - ) - - -def _build_sentence_piece(debug): - build_dir = _TP_BASE_DIR / "sentencepiece" / "build" - build_dir.mkdir(exist_ok=True) - build_env = os.environ.copy() - config = "Debug" if debug else "Release" - if platform.system() == "Windows": - extra_args = ["-GNinja"] - build_env.setdefault("CC", "cl") - build_env.setdefault("CXX", "cl") - else: - extra_args = [] - subprocess.run( - args=[ - "cmake", "-DSPM_ENABLE_SHARED=OFF", - f"-DCMAKE_INSTALL_PREFIX={_TP_INSTALL_DIR}", - "-DCMAKE_CXX_VISIBILITY_PRESET=hidden", - "-DCMAKE_CXX_FLAGS=" + _get_cxx11_abi(), - "-DCMAKE_POLICY_DEFAULT_CMP0063=NEW", - f"-DCMAKE_BUILD_TYPE={config}", ] - + extra_args - + [".."], - cwd=str(build_dir), - check=True, - env=build_env, - ) - subprocess.run( - args=["cmake", "--build", ".", "--target", "install", "--config", config], - cwd=str(build_dir), - check=True, - env=build_env, - ) - - -def _configure_third_party(debug): - _build_third_party(debug) - _build_sentence_piece(debug) - - -_EXT_NAME = "torchtext._torchtext" - - -def get_ext_modules(debug=False): - return [ - CppExtension( - _EXT_NAME, - _get_srcs(), - libraries=_get_libraries(), - include_dirs=_get_include_dirs(), - library_dirs=_get_library_dirs(), - extra_compile_args=_get_eca(debug), - extra_link_args=_get_ela(debug), - ), - ] + build_args = ["--target", "install"] - -class BuildExtension(TorchBuildExtension): - def build_extension(self, ext): - if ext.name == _EXT_NAME: - _configure_third_party(self.debug) - super().build_extension(ext) + # Default to Ninja + if "CMAKE_GENERATOR" not in os.environ or platform.system() == "Windows": + cmake_args += ["-GNinja"] + if platform.system() == "Windows": + import sys + + python_version = sys.version_info + cmake_args += [ + "-DCMAKE_C_COMPILER=cl", + "-DCMAKE_CXX_COMPILER=cl", + f"-DPYTHON_VERSION={python_version.major}.{python_version.minor}", + ] + + # Set CMAKE_BUILD_PARALLEL_LEVEL to control the parallel build level + # across all generators. + if "CMAKE_BUILD_PARALLEL_LEVEL" not in os.environ: + # self.parallel is a Python 3 only way to set parallel jobs by hand + # using -j in the build_ext call, not supported by pip or PyPA-build. + if hasattr(self, "parallel") and self.parallel: + # CMake 3.12+ only. + build_args += ["-j{}".format(self.parallel)] + + if not os.path.exists(self.build_temp): + os.makedirs(self.build_temp) + + subprocess.check_call(["cmake", str(_ROOT_DIR)] + cmake_args, cwd=self.build_temp) + subprocess.check_call(["cmake", "--build", "."] + build_args, cwd=self.build_temp) + + def get_ext_filename(self, fullname): + ext_filename = super().get_ext_filename(fullname) + ext_filename_parts = ext_filename.split(".") + without_abi = ext_filename_parts[:-2] + ext_filename_parts[-1:] + ext_filename = ".".join(without_abi) + return ext_filename diff --git a/packaging/build_wheel.sh b/packaging/build_wheel.sh index 92cdf53e93..6debf63766 100755 --- a/packaging/build_wheel.sh +++ b/packaging/build_wheel.sh @@ -8,7 +8,7 @@ export BUILD_TYPE="wheel" export NO_CUDA_PACKAGE=1 setup_env 0.13.0 setup_wheel_python -pip_install numpy future +pip_install numpy future cmake>=3.18.0 ninja setup_pip_pytorch_version git submodule update --init --recursive python setup.py clean diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index db97292a75..3740e766ba 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -192,6 +192,11 @@ setup_conda_pytorch_constraint() { export CONDA_PYTORCH_BUILD_CONSTRAINT="- pytorch==${PYTORCH_VERSION}${PYTORCH_VERSION_SUFFIX}" export CONDA_PYTORCH_CONSTRAINT="- pytorch==${PYTORCH_VERSION}${PYTORCH_VERSION_SUFFIX}" fi + # TODO: Remove me later, see https://github.com/pytorch/pytorch/issues/62424 for more details + if [[ "$(uname)" == Darwin ]]; then + # Use less than equal to avoid version conflict in python=3.6 environment + export CONDA_EXTRA_BUILD_CONSTRAINT="- mkl<=2021.2.0" + fi } # Translate CUDA_VERSION into CUDA_CUDATOOLKIT_CONSTRAINT diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 36008e5cf5..cf292ff29a 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -15,7 +15,9 @@ requirements: - python - setuptools - cpuonly - {{ environ.get('CONDA_PYTORCH_BUILD_CONSTRAINT') }} + {{ environ.get('CONDA_PYTORCH_BUILD_CONSTRAINT', 'pytorch') }} + {{ environ.get('CONDA_EXTRA_BUILD_CONSTRAINT', '') }} + run: - python diff --git a/setup.py b/setup.py index 635d25144d..080415f7ee 100644 --- a/setup.py +++ b/setup.py @@ -101,7 +101,7 @@ def run(self): # See here: https://github.com/pytorch/vision/issues/2134" ext_modules=setup_helpers.get_ext_modules(), cmdclass={ - "build_ext": setup_helpers.BuildExtension.with_options(no_python_abi_suffix=True), + "build_ext": setup_helpers.CMakeBuild, "clean": clean, }, ) diff --git a/third_party/CMakeLists.txt b/third_party/CMakeLists.txt index 16dd0e192f..19e519b973 100644 --- a/third_party/CMakeLists.txt +++ b/third_party/CMakeLists.txt @@ -1,12 +1,10 @@ -# Old enough to support Ubuntu Xenial. -cmake_minimum_required(VERSION 3.5.1) +set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} -fvisibility=hidden") + if(POLICY CMP0091) cmake_policy(SET CMP0091 NEW) endif() -project(thirdparty CXX) -set(CMAKE_MSVC_RUNTIME_LIBRARY "MultiThreaded$<$:Debug>") - -add_subdirectory(re2) -add_subdirectory(double-conversion) +add_subdirectory(re2 EXCLUDE_FROM_ALL) +add_subdirectory(double-conversion EXCLUDE_FROM_ALL) +add_subdirectory(sentencepiece EXCLUDE_FROM_ALL) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 88f0a6911c..70dcb0d0c3 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -1,11 +1,12 @@ import os +# the following import has to happen first in order to load the torchtext C++ library +from torchtext import _extension # noqa: F401 + _TEXT_BUCKET = "https://download.pytorch.org/models/text/" _CACHE_DIR = os.path.expanduser("~/.torchtext/cache") from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab -from ._extension import _init_extension - try: from .version import __version__, git_version # noqa: F401 @@ -13,9 +14,3 @@ pass __all__ = ["data", "nn", "datasets", "utils", "vocab", "transforms", "functional", "models", "experimental"] - - -_init_extension() - - -del _init_extension diff --git a/torchtext/_extension.py b/torchtext/_extension.py index 6d8d851e6c..83ae8cd29b 100644 --- a/torchtext/_extension.py +++ b/torchtext/_extension.py @@ -1,16 +1,65 @@ -def _init_extension(): - import importlib - import os +import os +from pathlib import Path + +import torch +from torchtext._internal import module_utils as _mod_utils + +_LIB_DIR = Path(__file__).parent / "lib" + + +def _get_lib_path(lib: str): + suffix = "pyd" if os.name == "nt" else "so" + path = _LIB_DIR / f"{lib}.{suffix}" + return path + + +def _load_lib(lib: str) -> bool: + """Load extension module - import torch + Note: + In case `torchtext` is deployed with `pex` format, the library file + is not in a standard location. + In this case, we expect that `libtorchtext` is available somewhere + in the search path of dynamic loading mechanism, so that importing + `_torchtext` will have library loader find and load `libtorchtext`. + This is the reason why the function should not raising an error when the library + file is not found. - # load the custom_op_library and register the custom ops - lib_dir = os.path.dirname(__file__) - loader_details = (importlib.machinery.ExtensionFileLoader, importlib.machinery.EXTENSION_SUFFIXES) + Returns: + bool: + True if the library file is found AND the library loaded without failure. + False if the library file is not found (like in the case where torchtext + is deployed with pex format, thus the shared library file is + in a non-standard location.). + If the library file is found but there is an issue loading the library, + (such as missing dependency) then this function raises the exception as-is. - extfinder = importlib.machinery.FileFinder(lib_dir, loader_details) - ext_specs = extfinder.find_spec("_torchtext") - if ext_specs is None: + Raises: + Exception: + If the library file is found, but there is an issue loading the library file, + (when underlying `ctype.DLL` throws an exception), this function will pass + the exception as-is, instead of catching it and returning bool. + The expected case is `OSError` thrown by `ctype.DLL` when a dynamic dependency + is not found. + This behavior was chosen because the expected failure case is not recoverable. + If a dependency is missing, then users have to install it. + """ + path = _get_lib_path(lib) + if not path.exists(): + return False + torch.ops.load_library(path) + return True + + +def _init_extension(): + if not _mod_utils.is_module_available("torchtext._torchtext"): raise ImportError("torchtext C++ Extension is not found.") - torch.ops.load_library(ext_specs.origin) - torch.classes.load_library(ext_specs.origin) + + # TODO: Following line will be uncommented when adding splitting up the cpp libraries to `libtorchtext` and `_torchtext` + # _load_lib("libtorchtext") + # This import is for initializing the methods registered via PyBind11 + # This has to happen after the base library is loaded + from torchtext import _torchtext # noqa + + +_init_extension() diff --git a/torchtext/csrc/CMakeLists.txt b/torchtext/csrc/CMakeLists.txt new file mode 100644 index 0000000000..c85bbfd684 --- /dev/null +++ b/torchtext/csrc/CMakeLists.txt @@ -0,0 +1,84 @@ +################################################################################ +# _torchtext.so +################################################################################ +if (BUILD_TORCHTEXT_PYTHON_EXTENSION) + set(LIBTORCHTEXT_COMPILE_DEFINITIONS) + + # See https://github.com/pytorch/pytorch/issues/38122 + find_library(TORCH_PYTHON_LIBRARY torch_python PATHS "${TORCH_INSTALL_PREFIX}/lib") + if (WIN32) + find_package(Python3 ${PYTHON_VERSION} EXACT COMPONENTS Development) + set(ADDITIONAL_ITEMS Python3::Python) + endif() + function(define_extension name sources include_dirs link_libraries definitions) + add_library(${name} SHARED ${sources}) + target_compile_definitions(${name} PRIVATE "${definitions}") + target_include_directories( + ${name} PRIVATE ${Python_INCLUDE_DIR} ${include_dirs}) + target_link_libraries( + ${name} + ${link_libraries} + ${TORCH_PYTHON_LIBRARY} + ${ADDITIONAL_ITEMS} + ) + set_target_properties(${name} PROPERTIES PREFIX "") + if (MSVC) + set_target_properties(${name} PROPERTIES SUFFIX ".pyd") + endif(MSVC) + if (APPLE) + # https://github.com/facebookarchive/caffe2/issues/854#issuecomment-364538485 + # https://github.com/pytorch/pytorch/commit/73f6715f4725a0723d8171d3131e09ac7abf0666 + set_target_properties(${name} PROPERTIES LINK_FLAGS "-undefined dynamic_lookup") + endif() + install( + TARGETS ${name} + LIBRARY DESTINATION . + RUNTIME DESTINATION . # For Windows + ) + endfunction() + + set( + EXTENSION_SOURCES + clip_tokenizer.cpp + common.cpp + gpt2_bpe_tokenizer.cpp + regex.cpp + regex_tokenizer.cpp + register_pybindings.cpp + register_torchbindings.cpp + sentencepiece.cpp + vectors.cpp + vocab.cpp + ) + + set( + EXTENSION_INCLUDE_DIRS + ${PROJECT_SOURCE_DIR} + ${PROJECT_SOURCE_DIR}/third_party/sentencepiece/src + $ + $ + ) + + set( + EXTENSION_LINK_LIBRARIES + torch + re2 + double-conversion + sentencepiece + sentencepiece_train + ) + + define_extension( + _torchtext + "${EXTENSION_SOURCES}" + "${EXTENSION_INCLUDE_DIRS}" + "${EXTENSION_LINK_LIBRARIES}" + "${LIBTORCHTEXT_COMPILE_DEFINITIONS}" + ) + + if (APPLE) + set(TORCHTEXT_LIBRARY _torchtext CACHE INTERNAL "") + else() + set(TORCHTEXT_LIBRARY -Wl,--no-as-needed _torchtext -Wl,--as-needed CACHE INTERNAL "") + endif() +endif() From 38f520cd0293308e86ef0b2f2adc2f180dc3bab9 Mon Sep 17 00:00:00 2001 From: ebsmothers Date: Thu, 21 Apr 2022 04:37:24 -0700 Subject: [PATCH 198/463] Add pad transform, string to int transform (#1683) --- docs/source/functional.rst | 5 +++ docs/source/transforms.rst | 14 +++++++ test/test_transforms.py | 80 ++++++++++++++++++++++++++++++++++++++ torchtext/functional.py | 26 +++++++++++++ torchtext/transforms.py | 46 ++++++++++++++++++++++ 5 files changed, 171 insertions(+) diff --git a/docs/source/functional.rst b/docs/source/functional.rst index 0cfbf19c3c..e0625ca66b 100644 --- a/docs/source/functional.rst +++ b/docs/source/functional.rst @@ -23,3 +23,8 @@ add_token --------- .. autofunction:: add_token + +str_to_int +---------- + +.. autofunction:: str_to_int diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index f12cd43ae3..a7fd85f878 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -71,3 +71,17 @@ Sequential .. autoclass:: Sequential .. automethod:: forward + +PadTransform +------------ + +.. autoclass:: PadTransform + + .. automethod:: forward + +StrToIntTransform +----------------- + +.. autoclass:: StrToIntTransform + + .. automethod:: forward diff --git a/test/test_transforms.py b/test/test_transforms.py index 4ad355b20a..f0d483a11b 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -205,6 +205,86 @@ def test_add_token(self): def test_add_token_jit(self): self._add_token(test_scripting=True) + def _pad_transform(self, test_scripting): + """ + Test padding transform on 1D and 2D tensors. + When max_length < tensor length at dim -1, this should be a no-op. + Otherwise the tensor should be padded to max_length in dim -1. + """ + + input_1d_tensor = torch.ones(5) + input_2d_tensor = torch.ones((8, 5)) + pad_long = transforms.PadTransform(max_length=7, pad_value=0) + if test_scripting: + pad_long = torch.jit.script(pad_long) + padded_1d_tensor_actual = pad_long(input_1d_tensor) + padded_1d_tensor_expected = torch.cat([torch.ones(5), torch.zeros(2)]) + torch.testing.assert_close( + padded_1d_tensor_actual, + padded_1d_tensor_expected, + msg=f"actual: {padded_1d_tensor_actual}, expected: {padded_1d_tensor_expected}", + ) + + padded_2d_tensor_actual = pad_long(input_2d_tensor) + padded_2d_tensor_expected = torch.cat([torch.ones(8, 5), torch.zeros(8, 2)], axis=-1) + torch.testing.assert_close( + padded_2d_tensor_actual, + padded_2d_tensor_expected, + msg=f"actual: {padded_2d_tensor_actual}, expected: {padded_2d_tensor_expected}", + ) + + pad_short = transforms.PadTransform(max_length=3, pad_value=0) + if test_scripting: + pad_short = torch.jit.script(pad_short) + padded_1d_tensor_actual = pad_short(input_1d_tensor) + padded_1d_tensor_expected = input_1d_tensor + torch.testing.assert_close( + padded_1d_tensor_actual, + padded_1d_tensor_expected, + msg=f"actual: {padded_1d_tensor_actual}, expected: {padded_1d_tensor_expected}", + ) + + padded_2d_tensor_actual = pad_short(input_2d_tensor) + padded_2d_tensor_expected = input_2d_tensor + torch.testing.assert_close( + padded_2d_tensor_actual, + padded_2d_tensor_expected, + msg=f"actual: {padded_2d_tensor_actual}, expected: {padded_2d_tensor_expected}", + ) + + def test_pad_transform(self): + self._pad_transform(test_scripting=False) + + def test_pad_transform_jit(self): + self._pad_transform(test_scripting=True) + + def _str_to_int_transform(self, test_scripting): + """ + Test StrToIntTransform on list and list of lists. + The result should be the same shape as the input but with all strings converted to ints. + """ + input_1d_string_list = ["1", "2", "3", "4", "5"] + input_2d_string_list = [["1", "2", "3"], ["4", "5", "6"]] + + str_to_int = transforms.StrToIntTransform() + if test_scripting: + str_to_int = torch.jit.script(str_to_int) + + expected_1d_int_list = [1, 2, 3, 4, 5] + actual_1d_int_list = str_to_int(input_1d_string_list) + self.assertListEqual(expected_1d_int_list, actual_1d_int_list) + + expected_2d_int_list = [[1, 2, 3], [4, 5, 6]] + actual_2d_int_list = str_to_int(input_2d_string_list) + for i in range(len(expected_2d_int_list)): + self.assertListEqual(expected_2d_int_list[i], actual_2d_int_list[i]) + + def test_str_to_int_transform(self): + self._str_to_int_transform(test_scripting=False) + + def test_str_to_int_transform_jit(self): + self._str_to_int_transform(test_scripting=True) + class TestSequential(TorchtextTestCase): def _sequential(self, test_scripting): diff --git a/torchtext/functional.py b/torchtext/functional.py index d448e2e403..73f96a91c6 100644 --- a/torchtext/functional.py +++ b/torchtext/functional.py @@ -8,6 +8,7 @@ "to_tensor", "truncate", "add_token", + "str_to_int", ] @@ -110,3 +111,28 @@ def add_token(input: Any, token_id: Any, begin: bool = True) -> Any: return output else: raise TypeError("Input type not supported") + + +def str_to_int(input: Any) -> Any: + """Convert string tokens to integers (either single sequence or batch). + + :param input: Input sequence or batch + :type input: Union[List[str], List[List[str]]] + :return: Sequence or batch of string tokens converted to integers + :rtype: Union[List[int], List[List[int]]] + """ + if torch.jit.isinstance(input, List[str]): + output: List[int] = [] + for element in input: + output.append(int(element)) + return output + if torch.jit.isinstance(input, List[List[str]]): + output: List[List[int]] = [] + for ids in input: + current: List[int] = [] + for element in ids: + current.append(int(element)) + output.append(current) + return output + else: + raise TypeError("Input type not supported") diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 08dd478cdf..ac44b360f2 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -21,6 +21,8 @@ "LabelToIndex", "Truncate", "AddToken", + "PadTransform", + "StrToIntTransform", "GPT2BPETokenizer", "Sequential", ] @@ -221,6 +223,50 @@ def forward(self, input: Any) -> Any: return F.add_token(input, self.token, self.begin) +class PadTransform(Module): + """Pad tensor to a fixed length with given padding value. + + :param max_length: Maximum length to pad to + :type max_length: int + :param pad_value: Value to pad the tensor with + :type pad_value: bool + """ + + def __init__(self, max_length: int, pad_value: int): + super().__init__() + self.max_length = max_length + self.pad_value = pad_value + + def forward(self, x: Tensor) -> Tensor: + """ + :param x: The tensor to pad + :type x: Tensor + :return: Tensor padded up to max_length with pad_value + :rtype: Tensor + """ + max_encoded_length = x.size(-1) + if max_encoded_length < self.max_length: + pad_amount = self.max_length - max_encoded_length + x = torch.nn.functional.pad(x, (0, pad_amount), value=self.pad_value) + return x + + +class StrToIntTransform(Module): + """Convert string tokens to integers (either single sequence or batch).""" + + def __init__(self): + super().__init__() + + def forward(self, input: Any) -> Any: + """ + :param input: sequence or batch of string tokens to convert + :type input: Union[List[str], List[List[str]]] + :return: sequence or batch converted into corresponding token ids + :rtype: Union[List[int], List[List[int]]] + """ + return F.str_to_int(input) + + class GPT2BPETokenizer(Module): __jit_unused_properties__ = ["is_jitable"] """ From 5b8a25f4eb4079f65b250f2d11c25957f6039c0c Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 26 Apr 2022 12:56:48 -0400 Subject: [PATCH 199/463] fix pad transform test (#1688) --- torchtext/transforms.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index ac44b360f2..89fb556995 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -235,7 +235,7 @@ class PadTransform(Module): def __init__(self, max_length: int, pad_value: int): super().__init__() self.max_length = max_length - self.pad_value = pad_value + self.pad_value = float(pad_value) def forward(self, x: Tensor) -> Tensor: """ From 3e25279635a2b7dab865e1981226bdfeb8a93ec6 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 27 Apr 2022 11:47:58 -0400 Subject: [PATCH 200/463] Fix smoke tests for linux (#1687) * Fix smoke tests for linux * Address comments * Use newly generated base image --- .circleci/config.yml | 2 +- .circleci/config.yml.in | 2 +- .circleci/smoke_test/docker/Dockerfile | 23 +++++++++---------- .circleci/smoke_test/docker/build_and_push.sh | 8 +++++++ 4 files changed, 21 insertions(+), 14 deletions(-) create mode 100755 .circleci/smoke_test/docker/build_and_push.sh diff --git a/.circleci/config.yml b/.circleci/config.yml index b0f226ee14..f640595844 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -61,7 +61,7 @@ binary_common: &binary_common smoke_test_common: &smoke_test_common <<: *binary_common docker: - - image: pytorch/torchtext_smoke_base:latest + - image: pytorch/torchtext_smoke_base:smoke_test-20220427 jobs: circleci_consistency: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 73717169a7..1acff2dbba 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -61,7 +61,7 @@ binary_common: &binary_common smoke_test_common: &smoke_test_common <<: *binary_common docker: - - image: pytorch/torchtext_smoke_base:latest + - image: pytorch/torchtext_smoke_base:smoke_test-20220427 jobs: circleci_consistency: diff --git a/.circleci/smoke_test/docker/Dockerfile b/.circleci/smoke_test/docker/Dockerfile index 38be12e586..b43902d05e 100644 --- a/.circleci/smoke_test/docker/Dockerfile +++ b/.circleci/smoke_test/docker/Dockerfile @@ -1,13 +1,7 @@ # this Dockerfile is for torchtext smoke test, it will be created periodically via CI system # if you need to do it locally, follow below steps once you have Docker installed -# assuming you're within the directory where this Dockerfile located -# $ docker build . -t torchtext/smoketest - -# if you want to push to aws ecr, make sure you have the rights to write to ECR, then run -# $ eval $(aws ecr get-login --region us-east-1 --no-include-email) -# $ export MYTAG=localbuild ## you can choose whatever tag you like -# $ docker tag torchtext/smoketest 308535385114.dkr.ecr.us-east-1.amazonaws.com/torchtext/smoke_test:${MYTAG} -# $ docker push 308535385114.dkr.ecr.us-east-1.amazonaws.com/torchtext/smoke_test:${MYTAG} +# to test the build use : docker build . -t torchtext/smoketest +# to upload the Dockerfile use build_and_push.sh script FROM ubuntu:latest @@ -15,6 +9,7 @@ RUN apt-get -qq update && apt-get -qq -y install curl bzip2 sox libsox-dev libso && curl -sSL https://repo.continuum.io/miniconda/Miniconda3-latest-Linux-x86_64.sh -o /tmp/miniconda.sh \ && bash /tmp/miniconda.sh -bfp /usr/local \ && rm -rf /tmp/miniconda.sh \ + && conda install -c conda-forge gcc \ && conda install -y python=3 \ && conda update conda \ && apt-get -qq -y remove curl bzip2 \ @@ -25,12 +20,16 @@ RUN apt-get -qq update && apt-get -qq -y install curl bzip2 sox libsox-dev libso ENV PATH /opt/conda/bin:$PATH -RUN conda create -y --name python3.6 python=3.6 + RUN conda create -y --name python3.7 python=3.7 RUN conda create -y --name python3.8 python=3.8 +RUN conda create -y --name python3.9 python=3.9 +RUN conda create -y --name python3.10 python=3.10 + SHELL [ "/bin/bash", "-c" ] RUN echo "source /usr/local/etc/profile.d/conda.sh" >> ~/.bashrc -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.6 && conda install -y -c conda-forge sox && conda install -y numpy -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.7 && conda install -y -c conda-forge sox && conda install -y numpy -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.8 && conda install -y -c conda-forge sox && conda install -y numpy +RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.7 && conda install -y numpy +RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.8 && conda install -y numpy +RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.9 && conda install -y numpy +RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.10 && conda install -y numpy CMD [ "/bin/bash"] diff --git a/.circleci/smoke_test/docker/build_and_push.sh b/.circleci/smoke_test/docker/build_and_push.sh new file mode 100755 index 0000000000..ed67ad3b7a --- /dev/null +++ b/.circleci/smoke_test/docker/build_and_push.sh @@ -0,0 +1,8 @@ +#!/usr/bin/env bash + +set -euo pipefail + +datestr="$(date "+%Y%m%d")" +image="pytorch/torchtext_smoke_base:smoke_test-${datestr}" +docker build -t "${image}" . +docker push "${image}" From 13fa5a5f4e3b981b25c073cc460e52c1503c9977 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 27 Apr 2022 18:46:03 -0400 Subject: [PATCH 201/463] [CMake 3/3] Split source files with Python dependency to separate library (#1660) * Added CMake list files for third_party, csrc, and main repo * Update to use angled brace * Added ignored CMake lists * Fixed re2 build process. WIP on sentencepiece build * Completed build on macOS intel * Fixing torchtext python extension * Added include_dir for re2 for python_extension * Updating setup.py to build extension * Got setup.py build working. Fixing error with importing torchtext module * Get import torchtext working after building extension with setup.py * Updated Cmake file to create standalone C++ lib * Removed spm patch file. Fixed formatting errors. Uncommented relevant lines * Set BUILD_TORCHTEXT_PYTHON_EXTENSION to be on by default * Added empty .gitignore file inside torchtext/lib * Fixing Windows cmake build * Lint fixes * Resolving PR comments --- CMakeLists.txt | 1 - build_tools/setup_helpers/extension.py | 6 +- torchtext/_extension.py | 3 +- torchtext/csrc/CMakeLists.txt | 96 ++++++++++++++++++++------ torchtext/lib/.gitignore | 5 ++ 5 files changed, 82 insertions(+), 29 deletions(-) create mode 100644 torchtext/lib/.gitignore diff --git a/CMakeLists.txt b/CMakeLists.txt index 40ae1ed7b0..80e98f42db 100644 --- a/CMakeLists.txt +++ b/CMakeLists.txt @@ -54,7 +54,6 @@ set(CMAKE_MODULE_PATH "${CMAKE_MODULE_PATH};${CMAKE_CURRENT_SOURCE_DIR}/cmake") find_package(Torch REQUIRED) if(MSVC) - set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} /wd4819") set(CMAKE_MSVC_RUNTIME_LIBRARY "MultiThreaded$<$:Debug>") endif() diff --git a/build_tools/setup_helpers/extension.py b/build_tools/setup_helpers/extension.py index dcb96bd71c..1882073c74 100644 --- a/build_tools/setup_helpers/extension.py +++ b/build_tools/setup_helpers/extension.py @@ -15,8 +15,7 @@ ] -# TODO: Following line will be uncommented when adding splitting up the cpp libraries to `libtorchtext` and `_torchtext` -# _LIBTORCHTEXT_NAME = "torchtext.lib.libtorchtext" +_LIBTORCHTEXT_NAME = "torchtext.lib.libtorchtext" _EXT_NAME = "torchtext._torchtext" _THIS_DIR = Path(__file__).parent.resolve() _ROOT_DIR = _THIS_DIR.parent.parent.resolve() @@ -24,8 +23,7 @@ def get_ext_modules(): modules = [ - # TODO: Following line will be uncommented when adding splitting up the cpp libraries to `libtorchtext` and `_torchtext` - # Extension(name=_LIBTORCHTEXT_NAME, sources=[]), + Extension(name=_LIBTORCHTEXT_NAME, sources=[]), Extension(name=_EXT_NAME, sources=[]), ] return modules diff --git a/torchtext/_extension.py b/torchtext/_extension.py index 83ae8cd29b..b6dbb07bf6 100644 --- a/torchtext/_extension.py +++ b/torchtext/_extension.py @@ -55,8 +55,7 @@ def _init_extension(): if not _mod_utils.is_module_available("torchtext._torchtext"): raise ImportError("torchtext C++ Extension is not found.") - # TODO: Following line will be uncommented when adding splitting up the cpp libraries to `libtorchtext` and `_torchtext` - # _load_lib("libtorchtext") + _load_lib("libtorchtext") # This import is for initializing the methods registered via PyBind11 # This has to happen after the base library is loaded from torchtext import _torchtext # noqa diff --git a/torchtext/csrc/CMakeLists.txt b/torchtext/csrc/CMakeLists.txt index c85bbfd684..4dd0f956a2 100644 --- a/torchtext/csrc/CMakeLists.txt +++ b/torchtext/csrc/CMakeLists.txt @@ -1,9 +1,80 @@ +# the following line is added in order to export symbols when building on Windows +# this approach has some limitations as documented in https://github.com/pytorch/pytorch/pull/3650 +if (MSVC) + set(CMAKE_WINDOWS_EXPORT_ALL_SYMBOLS ON) +endif() + +################################################################################ +# libtorchtext +################################################################################ +set( + LIBTORCHTEXT_SOURCES + clip_tokenizer.cpp + common.cpp + gpt2_bpe_tokenizer.cpp + regex.cpp + regex_tokenizer.cpp + register_torchbindings.cpp + sentencepiece.cpp + vectors.cpp + vocab.cpp + ) + +set( + LIBTORCHTEXT_INCLUDE_DIRS + ${PROJECT_SOURCE_DIR} + ${PROJECT_SOURCE_DIR}/third_party/sentencepiece/src + $ + $ + ) + +set( + LIBTORCHTEXT_LINK_LIBRARIES + torch + re2 + double-conversion + sentencepiece + sentencepiece_train + ) + +set( + LIBTORCHTEXT_COMPILE_DEFINITIONS) + +function (define_library name source include_dirs link_libraries compile_defs) + add_library(${name} SHARED ${source}) + target_include_directories(${name} PRIVATE ${include_dirs}) + target_link_libraries(${name} ${link_libraries}) + target_compile_definitions(${name} PRIVATE ${compile_defs}) + set_target_properties(${name} PROPERTIES PREFIX "") + if (MSVC) + set_target_properties(${name} PROPERTIES SUFFIX ".pyd") + endif(MSVC) + install( + TARGETS ${name} + LIBRARY DESTINATION lib + RUNTIME DESTINATION lib # For Windows + ) +endfunction() + +define_library( + libtorchtext + "${LIBTORCHTEXT_SOURCES}" + "${LIBTORCHTEXT_INCLUDE_DIRS}" + "${LIBTORCHTEXT_LINK_LIBRARIES}" + "${LIBTORCHTEXT_COMPILE_DEFINITIONS}" + ) + +if (APPLE) + set(TORCHTEXT_LIBRARY libtorchtext CACHE INTERNAL "") +else() + set(TORCHTEXT_LIBRARY -Wl,--no-as-needed libtorchtext -Wl,--as-needed CACHE INTERNAL "") +endif() + + ################################################################################ # _torchtext.so ################################################################################ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) - set(LIBTORCHTEXT_COMPILE_DEFINITIONS) - # See https://github.com/pytorch/pytorch/issues/38122 find_library(TORCH_PYTHON_LIBRARY torch_python PATHS "${TORCH_INSTALL_PREFIX}/lib") if (WIN32) @@ -39,16 +110,7 @@ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) set( EXTENSION_SOURCES - clip_tokenizer.cpp - common.cpp - gpt2_bpe_tokenizer.cpp - regex.cpp - regex_tokenizer.cpp register_pybindings.cpp - register_torchbindings.cpp - sentencepiece.cpp - vectors.cpp - vocab.cpp ) set( @@ -61,11 +123,7 @@ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) set( EXTENSION_LINK_LIBRARIES - torch - re2 - double-conversion - sentencepiece - sentencepiece_train + libtorchtext ) define_extension( @@ -75,10 +133,4 @@ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) "${EXTENSION_LINK_LIBRARIES}" "${LIBTORCHTEXT_COMPILE_DEFINITIONS}" ) - - if (APPLE) - set(TORCHTEXT_LIBRARY _torchtext CACHE INTERNAL "") - else() - set(TORCHTEXT_LIBRARY -Wl,--no-as-needed _torchtext -Wl,--as-needed CACHE INTERNAL "") - endif() endif() diff --git a/torchtext/lib/.gitignore b/torchtext/lib/.gitignore new file mode 100644 index 0000000000..8e860bb5d0 --- /dev/null +++ b/torchtext/lib/.gitignore @@ -0,0 +1,5 @@ +# For smooth build process, this `lib` directory has to exist. +# git won't allow to have empty directory, so adding .gitignore +# https://stackoverflow.com/a/932982 +* +!.gitignore From 1f30933e15a4a2af6af474aa5cb7a940c1a5db1d Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 2 May 2022 16:37:00 -0400 Subject: [PATCH 202/463] [fbsync] BetterTransformer support for torchtext (#1690) (#1694) --- torchtext/models/roberta/bundler.py | 2 +- torchtext/models/roberta/modules.py | 69 ++++++++++++++++++++++++++++- 2 files changed, 69 insertions(+), 2 deletions(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 4a9bc38f43..8973018936 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -105,7 +105,7 @@ def get_model( freeze_encoder=freeze_encoder, checkpoint=self._path if load_weights else None, override_checkpoint_head=True, - strict=True, + strict=False, dl_kwargs=dl_kwargs, ) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 53f68dff4c..be65fc5d1d 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -49,6 +49,7 @@ def __init__( self.mlp = nn.Sequential(*modules) self.add_residual = add_residual + self.hidden_dim = hidden_dims[0] if hidden_dims else input_dim def forward(self, input): bias = self.mlp(input) @@ -194,6 +195,8 @@ def __init__( scaling: Optional[float] = None, ): super().__init__() + # We still need to build the original module since we might need to + # load from stat_dict and convert it to better transformer self.dropout = nn.Dropout(dropout) self.attention = MultiheadSelfAttention( embedding_dim, @@ -206,13 +209,29 @@ def __init__( embedding_dim, hidden_dims=[ffn_dimension or embedding_dim * 4], add_residual=not normalize_before, + dropout=dropout, ) self.attention_layer_norm = nn.LayerNorm(embedding_dim) self.final_layer_norm = nn.LayerNorm(embedding_dim) self.normalize_before = normalize_before - def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): + self._to_better() + + def _load_from_state_dict( + self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs + ): + # Ignore the loading of better_transformer + super(TransformerEncoderLayer, self)._load_from_state_dict( + state_dict, prefix, local_metadata, False, missing_keys, unexpected_keys, error_msgs + ) + # Then call the converter + self._to_better() + + # Deprecated + def old_forward( + self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None + ): if attn_mask is not None: torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) torch._assert( @@ -238,6 +257,54 @@ def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask biased = self.residual_mlp(biased_input) return self.final_layer_norm(biased) + def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): + # torch.nn.TransformerEncodeLayer's attn_mask and key_padding_mask's + # order is reversed + # return self.old_forward(input, key_padding_mask, attn_mask) + if self.better_transformer is None: + self._to_better() + + return self.better_transformer(input.transpose(0, 1), attn_mask, key_padding_mask).transpose(0, 1) + + def _to_better(self): + att = self.attention + embedding_dim = att.embed_dim + num_attention_heads = att.num_heads + dropout = att.dropout.p + + ffn = self.residual_mlp + ffn_dimension = ffn.hidden_dim + + self.better_transformer = torch.nn.TransformerEncoderLayer( + d_model=embedding_dim, + nhead=num_attention_heads, + dim_feedforward=ffn_dimension, + dropout=dropout, + batch_first=True, + activation="gelu", + norm_first=self.normalize_before, + ) + bt = self.better_transformer + btat = bt.self_attn + + btat.in_proj_weight = att.input_projection.weight + btat.in_proj_bias = att.input_projection.bias + btat.out_proj.weight = att.output_projection.weight + btat.out_proj.bias = att.output_projection.bias + + ffn = ffn.mlp + bt.linear1.weight = ffn[0].weight + bt.linear1.bias = ffn[0].bias + bt.linear2.weight = ffn[3].weight + bt.linear2.bias = ffn[3].bias + + norm1 = self.attention_layer_norm + norm2 = self.final_layer_norm + bt.norm1.weight = norm1.weight + bt.norm1.bias = norm1.bias + bt.norm2.weight = norm2.weight + bt.norm2.bias = norm2.bias + class TransformerEncoder(Module): def __init__( From ed44dc88539b51785df03a276410cf71adfe6bfd Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 2 May 2022 17:06:13 -0400 Subject: [PATCH 203/463] [fbsync] Kill to_better by having native load_from_state_dict and init (#1695) --- torchtext/models/roberta/bundler.py | 2 +- torchtext/models/roberta/modules.py | 131 ++++++++-------------------- 2 files changed, 37 insertions(+), 96 deletions(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 8973018936..1fe243f6c6 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -118,7 +118,7 @@ def build_model( freeze_encoder: bool = False, checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, override_checkpoint_head: bool = False, - strict=True, + strict=False, dl_kwargs: Dict[str, Any] = None, ) -> RobertaModel: """Class builder method diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index be65fc5d1d..2a9a866267 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -195,116 +195,57 @@ def __init__( scaling: Optional[float] = None, ): super().__init__() - # We still need to build the original module since we might need to - # load from stat_dict and convert it to better transformer - self.dropout = nn.Dropout(dropout) - self.attention = MultiheadSelfAttention( - embedding_dim, - num_heads=num_attention_heads, - scaling=scaling, - dropout=dropout, - ) + # TODO Manually setting scaling is not allowed + ffn_dimension = ffn_dimension or embedding_dim * 4 - self.residual_mlp = ResidualMLP( - embedding_dim, - hidden_dims=[ffn_dimension or embedding_dim * 4], - add_residual=not normalize_before, + self.better_transformer = torch.nn.TransformerEncoderLayer( + d_model=embedding_dim, + nhead=num_attention_heads, + dim_feedforward=ffn_dimension, dropout=dropout, + batch_first=True, + activation="gelu", + norm_first=normalize_before, ) - self.attention_layer_norm = nn.LayerNorm(embedding_dim) - self.final_layer_norm = nn.LayerNorm(embedding_dim) - self.normalize_before = normalize_before - - self._to_better() - def _load_from_state_dict( self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs ): - # Ignore the loading of better_transformer + better_to_old_names = { + "better_transformer.self_attn.in_proj_weight": "attention.input_projection.weight", + "better_transformer.self_attn.in_proj_bias": "attention.input_projection.bias", + "better_transformer.self_attn.out_proj.weight": "attention.output_projection.weight", + "better_transformer.self_attn.out_proj.bias": "attention.output_projection.bias", + "better_transformer.linear1.weight": "residual_mlp.mlp.0.weight", + "better_transformer.linear1.bias": "residual_mlp.mlp.0.bias", + "better_transformer.linear2.weight": "residual_mlp.mlp.3.weight", + "better_transformer.linear2.bias": "residual_mlp.mlp.3.bias", + "better_transformer.norm1.weight": "attention_layer_norm.weight", + "better_transformer.norm1.bias": "attention_layer_norm.bias", + "better_transformer.norm2.weight": "final_layer_norm.weight", + "better_transformer.norm2.bias": "final_layer_norm.bias", + } + for better, old in better_to_old_names.items(): + better_name = prefix + better + old_name = prefix + old + if old_name in state_dict: + state_dict[better_name] = state_dict[old_name] + state_dict.pop(old_name) + elif better_name in state_dict: + # Do nothing + pass + elif strict: + missing_keys.append(better_name) + super(TransformerEncoderLayer, self)._load_from_state_dict( - state_dict, prefix, local_metadata, False, missing_keys, unexpected_keys, error_msgs + state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs ) - # Then call the converter - self._to_better() - - # Deprecated - def old_forward( - self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None - ): - if attn_mask is not None: - torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) - torch._assert( - attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, - f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}", - ) - - if not hasattr(self, "normalize_before"): - self.normalize_before = False - - if self.normalize_before: - x = self.attention_layer_norm(input) - attention = self.attention(x, key_padding_mask, attn_mask) - attention = self.dropout(attention) - biased_input = input + attention - x = self.final_layer_norm(biased_input) - return self.residual_mlp(x) + biased_input - else: - attention = self.attention(input, key_padding_mask, attn_mask) - attention = self.dropout(attention) - biased_input = input + attention - biased_input = self.attention_layer_norm(biased_input) - biased = self.residual_mlp(biased_input) - return self.final_layer_norm(biased) def forward(self, input: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): # torch.nn.TransformerEncodeLayer's attn_mask and key_padding_mask's # order is reversed - # return self.old_forward(input, key_padding_mask, attn_mask) - if self.better_transformer is None: - self._to_better() - return self.better_transformer(input.transpose(0, 1), attn_mask, key_padding_mask).transpose(0, 1) - def _to_better(self): - att = self.attention - embedding_dim = att.embed_dim - num_attention_heads = att.num_heads - dropout = att.dropout.p - - ffn = self.residual_mlp - ffn_dimension = ffn.hidden_dim - - self.better_transformer = torch.nn.TransformerEncoderLayer( - d_model=embedding_dim, - nhead=num_attention_heads, - dim_feedforward=ffn_dimension, - dropout=dropout, - batch_first=True, - activation="gelu", - norm_first=self.normalize_before, - ) - bt = self.better_transformer - btat = bt.self_attn - - btat.in_proj_weight = att.input_projection.weight - btat.in_proj_bias = att.input_projection.bias - btat.out_proj.weight = att.output_projection.weight - btat.out_proj.bias = att.output_projection.bias - - ffn = ffn.mlp - bt.linear1.weight = ffn[0].weight - bt.linear1.bias = ffn[0].bias - bt.linear2.weight = ffn[3].weight - bt.linear2.bias = ffn[3].bias - - norm1 = self.attention_layer_norm - norm2 = self.final_layer_norm - bt.norm1.weight = norm1.weight - bt.norm1.bias = norm1.bias - bt.norm2.weight = norm2.weight - bt.norm2.bias = norm2.bias - class TransformerEncoder(Module): def __init__( From 88b251f9cebae86feb5edf459b978bf211b65183 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 2 May 2022 20:29:10 -0400 Subject: [PATCH 204/463] Provide option to return splited tokens (#1698) --- test/test_transforms.py | 138 ++++++++++++++++++---- torchtext/csrc/clip_tokenizer.cpp | 4 + torchtext/csrc/clip_tokenizer.h | 1 + torchtext/csrc/gpt2_bpe_tokenizer.cpp | 11 ++ torchtext/csrc/gpt2_bpe_tokenizer.h | 1 + torchtext/csrc/register_pybindings.cpp | 2 + torchtext/csrc/register_torchbindings.cpp | 2 + torchtext/transforms.py | 81 ++++++++++--- 8 files changed, 202 insertions(+), 38 deletions(-) diff --git a/test/test_transforms.py b/test/test_transforms.py index f0d483a11b..a7d07552f9 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -6,6 +6,7 @@ from torchtext.vocab import vocab from .common.assets import get_asset_path +from .common.parameterized_utils import nested_params from .common.torchtext_test_case import TorchtextTestCase @@ -314,12 +315,13 @@ def test_sequential_jit(self): class TestGPT2BPETokenizer(TorchtextTestCase): - def _load_tokenizer(self, test_scripting): + def _load_tokenizer(self, test_scripting: bool, return_tokens: bool): encoder_json = "gpt2_bpe_encoder.json" bpe_vocab = "gpt2_bpe_vocab.bpe" tokenizer = transforms.GPT2BPETokenizer( encoder_json_path=get_asset_path(encoder_json), vocab_bpe_path=get_asset_path(bpe_vocab), + return_tokens=return_tokens, ) if test_scripting: tokenizer = torch.jit.script(tokenizer) @@ -333,6 +335,12 @@ def _gpt2_bpe_tokenizer(self, tokenizer): "Avdija Vršajević în", ] + expected_tokens = [ + ["Hello", "ĠWorld", "!,", "Ġhow", "Ġare", "Ġyou", "?"], + ["H", "é", "ll", "ó", "Ġ", "ĠWo", "Å", "ķ", "l", "á¸", "Ĭ", "Â", "¿"], + ["Res", "public", "a", "Ġsuper", "i", "orem"], + ["Av", "d", "ija", "ĠV", "r", "Å¡", "aj", "ev", "i", "Äĩ", "ĠÃ", "®", "n"], + ] expected_token_ids = [ ["15496", "2159", "28265", "703", "389", "345", "30"], ["39", "2634", "297", "10205", "220", "22173", "129", "243", "75", "41585", "232", "126", "123"], @@ -341,29 +349,32 @@ def _gpt2_bpe_tokenizer(self, tokenizer): ] # test batch of sentences - self.assertEqual(tokenizer(sample_texts), expected_token_ids) + if tokenizer._return_tokens: + self.assertEqual(tokenizer(sample_texts), expected_tokens) + else: + self.assertEqual(tokenizer(sample_texts), expected_token_ids) # test individual sentences for idx, txt in enumerate(sample_texts): - self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + if tokenizer._return_tokens: + self.assertEqual(tokenizer(txt), expected_tokens[idx]) + else: + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) - def test_gpt2_bpe_tokenizer(self): + @nested_params([True, False], [True, False]) + def test_gpt2_bpe_tokenizer(self, test_scripting, return_tokens): """test tokenization on single sentence input as well as batch on sentences""" - self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=False)) - - def test_gpt2_bpe_tokenizer_jit(self): - """test tokenization with scripting on single sentence input as well as batch on sentences""" - self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=True)) + self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=test_scripting, return_tokens=return_tokens)) def test_gpt2_bpe_tokenizer_save_load_pybind(self): - tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer = self._load_tokenizer(test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._gpt2_bpe_tokenizer((loaded_tokenizer)) def test_gpt2_bpe_tokenizer_save_load_torchscript(self): - tokenizer = self._load_tokenizer(test_scripting=False) + tokenizer = self._load_tokenizer(test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. @@ -373,7 +384,7 @@ def test_gpt2_bpe_tokenizer_save_load_torchscript(self): class TestCLIPTokenizer(TorchtextTestCase): - def _load_tokenizer(self, init_using_merge_only: bool, test_scripting: bool): + def _load_tokenizer(self, init_using_merge_only: bool, test_scripting: bool, return_tokens: bool): encoder_json = "clip_encoder.json" bpe_vocab = "clip_vocab.bpe" num_merges = ( @@ -383,11 +394,13 @@ def _load_tokenizer(self, init_using_merge_only: bool, test_scripting: bool): tokenizer = transforms.CLIPTokenizer( merges_path=get_asset_path(bpe_vocab), num_merges=num_merges, + return_tokens=return_tokens, ) else: tokenizer = transforms.CLIPTokenizer( encoder_json_path=get_asset_path(encoder_json), merges_path=get_asset_path(bpe_vocab), + return_tokens=return_tokens, ) if test_scripting: tokenizer = torch.jit.script(tokenizer) @@ -400,6 +413,77 @@ def _clip_tokenizer(self, tokenizer): "Awaiting their due award... Photo by Frederick (FN) Noronha. Copyleft. Creative Commons 3.0. Non-commercial. Attribution. May be copied for non-commercial purposes. For other purposes, contact fn at goa-india.org", ] + expected_tokens = [ + ["hello", "world", "!,", "how", "are", "you", "?"], + [ + "<|startoftext|>", + "the", + "quick", + "brown", + "fox", + "jumped", + "over", + "the", + "lazy", + "dog", + "<|endoftext|>", + ], + [ + "awaiting", + "their", + "due", + "award", + "...", + "photo", + "by", + "frederick", + "(", + "fn", + ")", + "nor", + "on", + "ha", + ".", + "copy", + "left", + ".", + "creative", + "commons", + "3", + ".", + "0", + ".", + "non", + "-", + "commercial", + ".", + "attribu", + "tion", + ".", + "may", + "be", + "copied", + "for", + "non", + "-", + "commercial", + "purposes", + ".", + "for", + "other", + "purposes", + ",", + "contact", + "fn", + "at", + "goa", + "-", + "india", + ".", + "org", + ], + ] + expected_token_ids = [ ["3306", "1002", "29325", "829", "631", "592", "286"], ["49406", "518", "3712", "2866", "3240", "16901", "962", "518", "10753", "1929", "49407"], @@ -460,31 +544,37 @@ def _clip_tokenizer(self, tokenizer): ] # test batch of sentences - self.assertEqual(tokenizer(sample_texts), expected_token_ids) + + if tokenizer._return_tokens: + self.assertEqual(tokenizer(sample_texts), expected_tokens) + else: + self.assertEqual(tokenizer(sample_texts), expected_token_ids) # test individual sentences for idx, txt in enumerate(sample_texts): - self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + if tokenizer._return_tokens: + self.assertEqual(tokenizer(txt), expected_tokens[idx]) + else: + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) - def test_clip_tokenizer(self): + @nested_params([True, False], [True, False], [True, False]) + def test_clip_tokenizer(self, init_using_merge_only, test_scripting, return_tokens): """test tokenization on single sentence input as well as batch on sentences""" - self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=True, test_scripting=False)) - self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=False, test_scripting=False)) - - def test_clip_tokenizer_jit(self): - """test tokenization with scripting on single sentence input as well as batch on sentences""" - self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=True, test_scripting=True)) - self._clip_tokenizer(self._load_tokenizer(init_using_merge_only=False, test_scripting=True)) + self._clip_tokenizer( + self._load_tokenizer( + init_using_merge_only=init_using_merge_only, test_scripting=test_scripting, return_tokens=return_tokens + ) + ) def test_clip_tokenizer_save_load_pybind(self): - tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False) + tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._clip_tokenizer((loaded_tokenizer)) def test_clip_tokenizer_save_load_torchscript(self): - tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False) + tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version # Not expect users to use the torchbind version on eager mode but still need a CI test here. diff --git a/torchtext/csrc/clip_tokenizer.cpp b/torchtext/csrc/clip_tokenizer.cpp index 668eed3f41..64ade31c6c 100644 --- a/torchtext/csrc/clip_tokenizer.cpp +++ b/torchtext/csrc/clip_tokenizer.cpp @@ -102,6 +102,10 @@ std::vector CLIPEncoder::Encode(const std::string& text) { return GPT2BPEEncoder::Encode(text); } +std::vector CLIPEncoder::Tokenize(const std::string& text) { + return GPT2BPEEncoder::Tokenize(text); +} + CLIPEncoderStatesPybind _serialize_clip_encoder_pybind( const c10::intrusive_ptr& self) { return std::make_tuple( diff --git a/torchtext/csrc/clip_tokenizer.h b/torchtext/csrc/clip_tokenizer.h index 45f27586b9..5cb872d895 100644 --- a/torchtext/csrc/clip_tokenizer.h +++ b/torchtext/csrc/clip_tokenizer.h @@ -26,6 +26,7 @@ struct CLIPEncoder : GPT2BPEEncoder { using GPT2BPEEncoder::GPT2BPEEncoder; std::vector Encode(const std::string& text); + std::vector Tokenize(const std::string& text); protected: std::vector BPE_( diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index 14d1b69ef1..7b85f5ba19 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -279,6 +279,17 @@ std::vector GPT2BPEEncoder::Encode(const std::string& text) { return bpe_token_ids; } +std::vector GPT2BPEEncoder::Tokenize(const std::string& text) { + std::vector bpe_tokens; + for (const auto& token : PreTokenize_(text)) { + auto byte_encoded_token = ByteEncode_(token); + for (const auto& bpe_token : BPE_(byte_encoded_token)) { + bpe_tokens.push_back(bpe_token); + } + } + return bpe_tokens; +} + std::unordered_map GPT2BPEEncoder::GetBPEEncoder() const { return _c10_dict_to_map(bpe_encoder_); } diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index fbc9877693..8229421557 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -98,6 +98,7 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { // --> result --> [707, 5927, 11, 707, 68] // std::vector Encode(const std::string& text); + std::vector Tokenize(const std::string& text); std::unordered_map GetBPEEncoder() const; std::unordered_map GetBPEMergeRanks() const; diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 8853614c2e..779883f9ad 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -177,6 +177,7 @@ PYBIND11_MODULE(_torchtext, m) { .def_readonly("seperator_", &GPT2BPEEncoder::seperator_) .def_property_readonly("byte_encoder_", &GPT2BPEEncoder::GetByteEncoder) .def("encode", &GPT2BPEEncoder::Encode) + .def("tokenize", &GPT2BPEEncoder::Tokenize) .def(py::pickle( // __getstate__ [](const c10::intrusive_ptr& self) @@ -201,6 +202,7 @@ PYBIND11_MODULE(_torchtext, m) { .def_readonly("seperator_", &CLIPEncoder::seperator_) .def_property_readonly("byte_encoder_", &CLIPEncoder::GetByteEncoder) .def("encode", &CLIPEncoder::Encode) + .def("tokenize", &CLIPEncoder::Tokenize) .def(py::pickle( // __getstate__ [](const c10::intrusive_ptr& self) diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 516f767e80..3cabc9cdf1 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -138,6 +138,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { c10::Dict, bool>()) .def("encode", &GPT2BPEEncoder::Encode) + .def("tokenize", &GPT2BPEEncoder::Tokenize) .def_pickle( // __getstate__ [](const c10::intrusive_ptr& self) @@ -158,6 +159,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { c10::Dict, bool>()) .def("encode", &CLIPEncoder::Encode) + .def("tokenize", &CLIPEncoder::Tokenize) .def_pickle( // __getstate__ [](const c10::intrusive_ptr& self) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 89fb556995..a2c225fdab 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -279,14 +279,12 @@ class GPT2BPETokenizer(Module): :type encoder_json_path: str :param vocab_bpe_path: Path to bpe vocab file. :type vocab_bpe_path: str + :param return_tokens: Indicate whether to return split tokens. If False, it will return encoded token IDs as strings (default: False) + :type return_input: bool """ _seperator: torch.jit.Final[str] - def __init__( - self, - encoder_json_path: str, - vocab_bpe_path: str, - ): + def __init__(self, encoder_json_path: str, vocab_bpe_path: str, return_tokens: bool = False): super().__init__() self._seperator = "\u0001" # load bpe encoder and bpe decoder @@ -301,13 +299,15 @@ def __init__( # Caching is enabled in Eager mode self.bpe = GPT2BPEEncoderPyBind(bpe_encoder, bpe_merge_ranks, self._seperator, bytes_to_unicode(), True) + self._return_tokens = return_tokens + @property def is_jitable(self): return isinstance(self.bpe, torch._C.ScriptObject) @torch.jit.export - def _tokenize(self, text: str) -> List[str]: - """Encode text into a list of tokens + def _encode(self, text: str) -> List[str]: + """Encode text into a list of tokens IDs Args: text: An input text string. @@ -327,6 +327,21 @@ def _tokenize(self, text: str) -> List[str]: return bpe_tokens + @torch.jit.export + def _tokenize(self, text: str) -> List[str]: + """Tokenize text into a list of tokens + + Args: + text: An input text string. + + Returns: + A list of bpe token ids represents each bpe tokens + + For example: "awesome,awe" + --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", e] + """ + return self.bpe.tokenize(text) + def forward(self, input: Any) -> Any: """ :param input: Input sentence or list of sentences on which to apply tokenizer. @@ -337,10 +352,16 @@ def forward(self, input: Any) -> Any: if torch.jit.isinstance(input, List[str]): tokens: List[List[str]] = [] for text in input: - tokens.append(self._tokenize(text)) + if self._return_tokens: + tokens.append(self._tokenize(text)) + else: + tokens.append(self._encode(text)) return tokens elif torch.jit.isinstance(input, str): - return self._tokenize(input) + if self._return_tokens: + return self._tokenize(input) + else: + return self._encode(input) else: raise TypeError("Input type not supported") @@ -385,11 +406,19 @@ class CLIPTokenizer(Module): :type encoder_json_path: str :param num_merges: Optional, number of merges to read from the bpe merges file. :type num_merges: int + :param return_tokens: Indicate whether to return split tokens. If False, it will return encoded token IDs as strings (default: False) + :type return_input: bool """ _seperator: torch.jit.Final[str] - def __init__(self, merges_path: str, encoder_json_path: Optional[str] = None, num_merges: Optional[int] = None): + def __init__( + self, + merges_path: str, + encoder_json_path: Optional[str] = None, + num_merges: Optional[int] = None, + return_tokens: bool = False, + ): super().__init__() self._seperator = "\u0001" # load bpe merges @@ -420,13 +449,15 @@ def __init__(self, merges_path: str, encoder_json_path: Optional[str] = None, nu # Caching is enabled in Eager mode self.bpe = CLIPEncoderPyBind(bpe_encoder, bpe_merge_ranks, self._seperator, bytes_to_unicode(), True) + self._return_tokens = return_tokens + @property def is_jitable(self): return isinstance(self.bpe, torch._C.ScriptObject) @torch.jit.export - def _tokenize(self, text: str) -> List[str]: - """Encode text into a list of tokens + def _encode(self, text: str) -> List[str]: + """Encode text into a list of tokens IDs Args: text: An input text string. @@ -447,6 +478,22 @@ def _tokenize(self, text: str) -> List[str]: return bpe_tokens + @torch.jit.export + def _tokenize(self, text: str) -> List[str]: + """Tokenize text into a list of tokens + + Args: + text: An input text string. + + Returns: + A list of bpe token ids represents each bpe tokens + + For example: "awesome,awe" + --> bpe --> bpe tokens: ["aw", "esome"], [","], ["aw", "e"] + """ + text = text.lower().strip() + return self.bpe.tokenize(text) + def forward(self, input: Any) -> Any: """ :param input: Input sentence or list of sentences on which to apply tokenizer. @@ -457,10 +504,16 @@ def forward(self, input: Any) -> Any: if torch.jit.isinstance(input, List[str]): tokens: List[List[str]] = [] for text in input: - tokens.append(self._tokenize(text)) + if self._return_tokens: + tokens.append(self._tokenize(text)) + else: + tokens.append(self._encode(text)) return tokens elif torch.jit.isinstance(input, str): - return self._tokenize(input) + if self._return_tokens: + return self._tokenize(input) + else: + return self._encode(input) else: raise TypeError("Input type not supported") From dccb84f52d56a0c2f40a2faec9ffefc0eb52254f Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 2 May 2022 23:14:19 -0400 Subject: [PATCH 205/463] [fbsync] Remove unneeded modules after using nn.Module for BetterTransformer (#1696) --- test/models/test_models.py | 31 ------ torchtext/models/roberta/modules.py | 157 +--------------------------- 2 files changed, 1 insertion(+), 187 deletions(-) diff --git a/test/models/test_models.py b/test/models/test_models.py index 3303f7999b..e95f9cf090 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -8,37 +8,6 @@ from ..common.torchtext_test_case import TorchtextTestCase -class TestModules(TorchtextTestCase): - def test_self_attn_mask(self): - from torchtext.models.roberta.modules import MultiheadSelfAttention - - embed_dim, batch_size, num_heads, source_len = 4, 1, 2, 2 - mha = MultiheadSelfAttention(embed_dim=embed_dim, num_heads=num_heads) - query = torch.ones((source_len, batch_size, embed_dim)) - query[0, ...] = 0 - key_padding_mask = torch.zeros((batch_size, source_len)) - float_attn_mask = torch.zeros((source_len, source_len)) - float_attn_mask[0][1] = -1e8 - bool_attn_mask = float_attn_mask.to(dtype=bool) - with torch.no_grad(): - mha.input_projection.weight.fill_(1.0 / embed_dim) - mha.input_projection.bias.fill_(0.0) - mha.output_projection.weight.fill_(1.0 / embed_dim) - mha.output_projection.bias.fill_(0.0) - - # with float attention mask - output = mha(query, key_padding_mask, float_attn_mask) - actual = output[0].flatten() - expected = torch.tensor([0.0, 0.0, 0.0, 0]) - torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) - - # with bool attention mask - output = mha(query, key_padding_mask, bool_attn_mask) - actual = output[0].flatten() - expected = torch.tensor([0.0, 0.0, 0.0, 0]) - torch.testing.assert_close(actual, expected, atol=1e-4, rtol=1e-4) - - class TestModels(TorchtextTestCase): def test_roberta_bundler_build_model(self): from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 2a9a866267..85127c9645 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -1,10 +1,9 @@ import logging -import math from typing import List, Optional, Union import torch from torch import nn -from torch.nn import functional as F, Module +from torch.nn import Module logger = logging.getLogger(__name__) @@ -30,160 +29,6 @@ def _make_positions(self, tensor, pad_index: int): return torch.cumsum(masked, dim=1) * masked + pad_index -class ResidualMLP(Module): - def __init__( - self, - input_dim: int, - hidden_dims: List[int], - dropout: float = 0.1, - activation=nn.GELU, - add_residual=True, - ): - super().__init__() - modules = [] - for last_dim, dim in zip([input_dim] + hidden_dims, hidden_dims): - modules.extend([nn.Linear(last_dim, dim), activation(), nn.Dropout(dropout)]) - - last_dim = hidden_dims[-1] if hidden_dims else input_dim - modules.extend([nn.Linear(last_dim, input_dim), nn.Dropout(dropout)]) - - self.mlp = nn.Sequential(*modules) - self.add_residual = add_residual - self.hidden_dim = hidden_dims[0] if hidden_dims else input_dim - - def forward(self, input): - bias = self.mlp(input) - if not hasattr(self, "add_residual"): - self.add_residual = True - if self.add_residual: - return input + bias - else: - return bias - - -class MultiheadSelfAttention(Module): - def __init__( - self, - embed_dim: int, - num_heads: int, - scaling: Optional[float] = None, - dropout: float = 0.1, - ): - super().__init__() - self.embed_dim = embed_dim - self.num_heads = num_heads - self.head_dim = embed_dim // num_heads - - expected_scaling = float(1 / math.sqrt(self.head_dim)) - - assert embed_dim % num_heads == 0, f"embed_dim={embed_dim} should be a multiple of num_heads={num_heads}" - - if not scaling: - logger.warn( - f""" - Scaling not set. Please manually set scaling for transformers. - In this case the suggested value {expected_scaling} will be inferred, - or float(1 / math.sqrt(head_dim)) - where head_dim = embed_dim // num_heads = {self.head_dim} - and embed_dim = {embed_dim} and num_heads = {num_heads}. - """ - ) - scaling = expected_scaling - - self.scaling = scaling - self.dropout = nn.Dropout(dropout) - self.input_projection = nn.Linear(embed_dim, 3 * embed_dim) - self.output_projection = nn.Linear(embed_dim, embed_dim) - - def forward(self, query: torch.Tensor, key_padding_mask: torch.Tensor, attn_mask: Optional[torch.Tensor] = None): - target_length, batch_size, embed_dim = query.size() - mask_batch_size, source_length = key_padding_mask.size() - - torch._assert(embed_dim == self.embed_dim, "query embed dim doesn't match") - torch._assert( - batch_size == mask_batch_size, - "query and key_padding_mask batch sizes differed", - ) - - projection = self.input_projection(query) - q, k, v = projection.chunk(3, dim=-1) - q = self.scaling * q - - batch_heads = batch_size * self.num_heads - - q = q.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) - k = k.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) - v = v.contiguous().view(-1, batch_heads, self.head_dim).transpose(0, 1) - - torch._assert(k.size(1) == source_length, "key size should be equal to source length") - - attn_weights = torch.bmm(q, k.transpose(1, 2)) - if attn_mask is not None: - torch._assert(attn_mask.dim() == 2, "Expected attn_mask of dim 2 but got {}".format(attn_mask.dim())) - torch._assert( - attn_mask.size(0) == target_length, - "attn_mask shape didn't match for target length {}".format(target_length), - ) - torch._assert( - attn_mask.size(1) == source_length, - "attn_mask shape didn't match for source length {}".format(source_length), - ) - torch._assert( - attn_mask.is_floating_point() or attn_mask.dtype == torch.bool, - f"Only float or bool types are supported for attn_mask not {attn_mask.dtype}", - ) - if attn_mask.dtype == torch.bool: - new_attn_mask = torch.zeros_like(attn_mask, dtype=query.dtype) - new_attn_mask.masked_fill_(attn_mask, -1e8 if query.dtype == torch.float32 else -1e4) - attn_mask = new_attn_mask - attn_mask = attn_mask.unsqueeze(0) - attn_weights += attn_mask - - torch._assert(attn_weights.dim() == 3, "Unexpected attn_weights dim") - torch._assert( - attn_weights.size(0) == batch_heads, - "attn_weights shape didn't match for batch heads", - ) - torch._assert( - attn_weights.size(1) == target_length, - "attn_weights shape didn't match for target length", - ) - torch._assert( - attn_weights.size(2) == source_length, - "attn_weights shape didn't match for source length", - ) - - attn_weights = attn_weights.view(batch_size, self.num_heads, target_length, source_length) - attn_weights = attn_weights.masked_fill(key_padding_mask.unsqueeze(1).unsqueeze(2), float("-inf")) - attn_weights = attn_weights.view(batch_heads, target_length, source_length) - - attn_weights = F.softmax(attn_weights, dim=-1, dtype=torch.float32).type_as(attn_weights) - attn_weights = self.dropout(attn_weights) - - attn = torch.bmm(attn_weights, v) - - torch._assert( - attn.dim() == 3, - "unexpected attn dim size", - ) - torch._assert( - attn.size(0) == batch_heads, - "attn shape didn't match for batch heads", - ) - torch._assert( - attn.size(1) == target_length, - "attn shape didn't match for target length", - ) - torch._assert( - attn.size(2) == self.head_dim, - "attn shape didn't match for head dim", - ) - attn = attn.transpose(0, 1).contiguous().view(target_length, batch_size, self.head_dim * self.num_heads) - attn = self.output_projection(attn) - - return attn - - class TransformerEncoderLayer(Module): def __init__( self, From 7bc0071fa7e5ac6ec0db9b37679b5beb761bbcfa Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 4 May 2022 12:26:45 -0400 Subject: [PATCH 206/463] Fix non-deterministic test failures for IWSLT (#1699) * Seed random string generation for IWSLT * Updating seed to 1 --- test/datasets/test_iwslt2016.py | 1 + test/datasets/test_iwslt2017.py | 1 + 2 files changed, 2 insertions(+) diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py index 4a7e2329bf..9631a12a3a 100644 --- a/test/datasets/test_iwslt2016.py +++ b/test/datasets/test_iwslt2016.py @@ -75,6 +75,7 @@ def _generate_uncleaned_test(): def _generate_uncleaned_contents(split): + random.seed(1) return { "train": _generate_uncleaned_train(), "valid": _generate_uncleaned_valid(), diff --git a/test/datasets/test_iwslt2017.py b/test/datasets/test_iwslt2017.py index d412f339c3..650801bee6 100644 --- a/test/datasets/test_iwslt2017.py +++ b/test/datasets/test_iwslt2017.py @@ -72,6 +72,7 @@ def _generate_uncleaned_test(): def _generate_uncleaned_contents(split): + random.seed(1) return { "train": _generate_uncleaned_train(), "valid": _generate_uncleaned_valid(), From 8889f9c818ccde2460841766d91b020844fb2014 Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 6 May 2022 09:40:06 -0400 Subject: [PATCH 207/463] [fbsync] Replace TransformerEncoder in torchtext with better transformer (#1703) --- torchtext/models/roberta/modules.py | 80 +++++++++++++++++++---------- 1 file changed, 54 insertions(+), 26 deletions(-) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 85127c9645..2dc71bfb96 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -110,19 +110,17 @@ def __init__( super().__init__() self.padding_idx = padding_idx self.token_embedding = nn.Embedding(vocab_size, embedding_dim, padding_idx) - self.layers = nn.ModuleList( - [ - TransformerEncoderLayer( - embedding_dim=embedding_dim, - num_attention_heads=num_attention_heads, - ffn_dimension=ffn_dimension, - dropout=dropout, - normalize_before=normalize_before, - scaling=scaling, - ) - for _ in range(num_encoder_layers) - ] + ffn_dimension = ffn_dimension or 4 * embedding_dim + layer = torch.nn.TransformerEncoderLayer( + d_model=embedding_dim, + nhead=num_attention_heads, + dim_feedforward=ffn_dimension, + dropout=dropout, + activation="gelu", + batch_first=True, + norm_first=normalize_before, ) + self.layers = torch.nn.TransformerEncoder(encoder_layer=layer, num_layers=num_encoder_layers) self.positional_embedding = PositionalEmbedding(max_seq_len, embedding_dim, padding_idx) self.embedding_layer_norm = nn.LayerNorm(embedding_dim) self.dropout = nn.Dropout(dropout) @@ -153,27 +151,57 @@ def forward( padded_embedded = embedded * (1 - padding_mask.unsqueeze(-1).type_as(embedded)) - encoded = padded_embedded.transpose(0, 1) - if self.return_all_layers: - states = [encoded] - - for layer in self.layers: + encoded = padded_embedded + # B x T x C + # Then transpose back to T x B x C + states = [encoded.transpose(1, 0)] + for layer in self.layers.layers: encoded = layer(encoded, padding_mask, attn_mask) - states.append(encoded) - + encoded_t = encoded.transpose(1, 0) + states.append(encoded_t) if self.normalize_before: for i, state in enumerate(states): states[i] = self.embedding_layer_norm(state) - - # states are returned as T x B x C return states else: - for layer in self.layers: - encoded = layer(encoded, padding_mask, attn_mask) - + # B x T x C + # Then transpose back to T x B x C + encoded = self.layers(padded_embedded).transpose(1, 0) if self.normalize_before: encoded = self.embedding_layer_norm(encoded) - - # states are returned as T x B x C return encoded + + def _load_from_state_dict( + self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs + ): + better_to_old_names = { + "self_attn.in_proj_weight": "attention.input_projection.weight", + "self_attn.in_proj_bias": "attention.input_projection.bias", + "self_attn.out_proj.weight": "attention.output_projection.weight", + "self_attn.out_proj.bias": "attention.output_projection.bias", + "linear1.weight": "residual_mlp.mlp.0.weight", + "linear1.bias": "residual_mlp.mlp.0.bias", + "linear2.weight": "residual_mlp.mlp.3.weight", + "linear2.bias": "residual_mlp.mlp.3.bias", + "norm1.weight": "attention_layer_norm.weight", + "norm1.bias": "attention_layer_norm.bias", + "norm2.weight": "final_layer_norm.weight", + "norm2.bias": "final_layer_norm.bias", + } + for i in range(self.layers.num_layers): + for better, old in better_to_old_names.items(): + better_name = prefix + "layers.layers.{}.".format(i) + better + old_name = prefix + "layers.{}.".format(i) + old + if old_name in state_dict: + state_dict[better_name] = state_dict[old_name] + state_dict.pop(old_name) + elif better_name in state_dict: + # Do nothing + pass + elif strict: + missing_keys.append(better_name) + + super(TransformerEncoder, self)._load_from_state_dict( + state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs + ) From 27ccd7ece3caf2749b69db22df9ba4442284e1f1 Mon Sep 17 00:00:00 2001 From: Mohamed Rashad Date: Mon, 9 May 2022 14:28:31 +0200 Subject: [PATCH 208/463] Fix minor mistake (#1706) --- torchtext/transforms.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index a2c225fdab..a2c857aff0 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -38,7 +38,7 @@ class SentencePieceTokenizer(Module): :type sp_model_path: str Example - >>> from torchtext.transforms import SpmTokenizerTransform + >>> from torchtext.transforms import SentencePieceTokenizer >>> transform = SentencePieceTokenizer("spm_model") >>> transform(["hello world", "attention is all you need!"]) """ From b685f324f2b0457e81e5f9c7d8eec11c2ab3bc0d Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 10 May 2022 12:53:44 -0400 Subject: [PATCH 209/463] Model benchmark (#1697) --- benchmark/benchmark_roberta_model.py | 65 ++++++++++++++++++++++++++++ benchmark/utils.py | 30 +++++++++++++ 2 files changed, 95 insertions(+) create mode 100644 benchmark/benchmark_roberta_model.py create mode 100644 benchmark/utils.py diff --git a/benchmark/benchmark_roberta_model.py b/benchmark/benchmark_roberta_model.py new file mode 100644 index 0000000000..6c4d010015 --- /dev/null +++ b/benchmark/benchmark_roberta_model.py @@ -0,0 +1,65 @@ +from argparse import ArgumentParser + +import torch +from benchmark.utils import Timer +from torchtext.functional import to_tensor +from torchtext.models import XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER + +ENCODERS = { + "xlmr_base": XLMR_BASE_ENCODER, + "xlmr_large": XLMR_LARGE_ENCODER, + "roberta_base": ROBERTA_BASE_ENCODER, + "roberta_large": ROBERTA_LARGE_ENCODER, +} + + +def basic_model_input(encoder): + transform = encoder.transform() + input_batch = ["Hello world", "How are you!"] + return to_tensor(transform(input_batch), padding_value=1) + + +def _train(model, model_input): + model_out = model(model_input) + model_out.backward(torch.ones_like(model_out)) + model.zero_grad() + + +def run(args): + encoder_name = args.encoder + num_passes = args.num_passes + warmup_passes = args.num_passes + model_input = args.model_input + + encoder = ENCODERS.get(encoder_name, None) + if not encoder: + raise NotImplementedError("Given encoder [{}] is not available".format(encoder_name)) + + model = encoder.get_model() + if model_input == "basic": + model_input = basic_model_input(encoder) + else: + raise NotImplementedError("Given model input [{}] is not available".format(model_input)) + + model.eval() + for _ in range(warmup_passes): + model(model_input) + + with Timer("Executing model forward"): + with torch.no_grad(): + for _ in range(num_passes): + model(model_input) + + model.train() + with Timer("Executing model forward/backward"): + for _ in range(num_passes): + _train(model, model_input) + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--encoder", default="xlmr_base", type=str) + parser.add_argument("--num-passes", default=50, type=int) + parser.add_argument("--warmup-passes", default=10, type=int) + parser.add_argument("--model-input", default="basic", type=str) + run(parser.parse_args()) diff --git a/benchmark/utils.py b/benchmark/utils.py new file mode 100644 index 0000000000..fa44d7ae9d --- /dev/null +++ b/benchmark/utils.py @@ -0,0 +1,30 @@ +import time + + +class Timer: + """Basic utility class to calculate execution time. It can also be used a context manager.""" + + def __init__(self, text=""): + self._text = text + self._start = None + + def start(self): + if self._start is not None: + raise Exception("Timer is already running. Call .stop() to stop it") + + self._start = time.perf_counter() + + def stop(self): + if self._start is None: + raise Exception("Timer is not running. Call .start() to start the timer.") + + elapsed = time.perf_counter() - self._start + + print("{} ... Total running time: {}".format(self._text, elapsed)) + + def __enter__(self): + self.start() + return self + + def __exit__(self, *exc_info): + self.stop() From 4b4d50bd101e265962d8e2551567a0f506433325 Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Wed, 11 May 2022 12:40:01 -0400 Subject: [PATCH 210/463] Updating dataset code to avoid creating multiple iterators from a DataPipe (#1708) --- torchtext/datasets/iwslt2016.py | 14 ++++++-------- torchtext/datasets/iwslt2017.py | 9 +++++---- torchtext/datasets/multi30k.py | 6 ++++-- 3 files changed, 15 insertions(+), 14 deletions(-) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index a79c189613..9d3443a5bb 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -125,7 +125,7 @@ # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) - cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").load_from_tar() + cache_inner_decompressed_dp = cache_inner_decompressed_dp.open_files(mode="b").load_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( lambda x: os.path.basename(uncleaned_filename) in x[0] ) @@ -261,12 +261,10 @@ def IWSLT2016( ) cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b") - .load_from_tar() - .filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) - ) + cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() + cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) src_filename = file_path_by_lang_and_split[src_language][split] uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] @@ -276,7 +274,7 @@ def IWSLT2016( full_src_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, src_filename) cache_inner_src_decompressed_dp = _filter_clean_cache( - cache_decompressed_dp, full_src_filepath, uncleaned_src_filename + cache_decompressed_dp_1, full_src_filepath, uncleaned_src_filename ) tgt_filename = file_path_by_lang_and_split[tgt_language][split] @@ -287,7 +285,7 @@ def IWSLT2016( full_tgt_filepath = os.path.join(root, "2016-01/texts/", src_language, tgt_language, languages, tgt_filename) cache_inner_tgt_decompressed_dp = _filter_clean_cache( - cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename + cache_decompressed_dp_2, full_tgt_filepath, uncleaned_tgt_filename ) tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index e97ce9fbf5..0fb865d4e0 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -104,7 +104,7 @@ # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) - cache_inner_decompressed_dp = FileOpener(cache_inner_decompressed_dp, mode="b").load_from_tar() + cache_inner_decompressed_dp = cache_inner_decompressed_dp.open_files(mode="b").load_from_tar() cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( lambda x: os.path.basename(uncleaned_filename) in x[0] ) @@ -208,8 +208,9 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de ) cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar() + cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) src_filename = file_path_by_lang_and_split[src_language][split] uncleaned_src_filename = uncleaned_filenames_by_lang_and_split[src_language][split] @@ -224,7 +225,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de ) cache_inner_src_decompressed_dp = _filter_clean_cache( - cache_decompressed_dp, full_src_filepath, uncleaned_src_filename + cache_decompressed_dp_1, full_src_filepath, uncleaned_src_filename ) tgt_filename = file_path_by_lang_and_split[tgt_language][split] @@ -240,7 +241,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de ) cache_inner_tgt_decompressed_dp = _filter_clean_cache( - cache_decompressed_dp, full_tgt_filepath, uncleaned_tgt_filename + cache_decompressed_dp_2, full_tgt_filepath, uncleaned_tgt_filename ) tgt_data_dp = FileOpener(cache_inner_tgt_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 8382fdc57c..26390379ba 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -79,7 +79,9 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - src_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + cache_compressed_dp_1, cache_compressed_dp_2 = cache_compressed_dp.fork(num_instances=2) + + src_cache_decompressed_dp = cache_compressed_dp_1.on_disk_cache( filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[0]}") ) src_cache_decompressed_dp = ( @@ -89,7 +91,7 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] ) src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - tgt_cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + tgt_cache_decompressed_dp = cache_compressed_dp_2.on_disk_cache( filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[1]}") ) tgt_cache_decompressed_dp = ( From dfb53af611a6d6dc0a043a6eb26a1cec30501fc1 Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Wed, 11 May 2022 17:02:44 -0400 Subject: [PATCH 211/463] Replacing lambda functions with regular functions in all datasets (#1718) Replacing lambda functions with regular functions in all datasets --- torchtext/datasets/ag_news.py | 12 +++++-- torchtext/datasets/amazonreviewfull.py | 26 +++++++++----- torchtext/datasets/amazonreviewpolarity.py | 26 +++++++++----- torchtext/datasets/cc100.py | 17 ++++++--- torchtext/datasets/conll2000chunking.py | 14 +++++--- torchtext/datasets/dbpedia.py | 26 +++++++++----- torchtext/datasets/enwik9.py | 14 +++++--- torchtext/datasets/imdb.py | 41 +++++++++++++++------- torchtext/datasets/iwslt2016.py | 34 +++++++++++++----- torchtext/datasets/iwslt2017.py | 29 ++++++++++----- torchtext/datasets/multi30k.py | 30 ++++++++-------- torchtext/datasets/penntreebank.py | 12 +++++-- torchtext/datasets/sogounews.py | 26 +++++++++----- torchtext/datasets/squad1.py | 7 ++-- torchtext/datasets/squad2.py | 7 ++-- torchtext/datasets/sst2.py | 31 ++++++++++------ torchtext/datasets/udpos.py | 21 ++++++----- torchtext/datasets/wikitext103.py | 22 +++++++----- torchtext/datasets/wikitext2.py | 22 +++++++----- torchtext/datasets/yahooanswers.py | 24 +++++++++---- torchtext/datasets/yelpreviewfull.py | 24 +++++++++---- torchtext/datasets/yelpreviewpolarity.py | 24 +++++++++---- 22 files changed, 330 insertions(+), 159 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 17e941681c..4b3533fa08 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -52,14 +52,20 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, split + ".csv") + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, split + ".csv"), - hash_dict={os.path.join(root, split + ".csv"): MD5[split]}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp) cache_dp = cache_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=_modify_res) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index d490ba7463..3a57db391a 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -58,21 +58,29 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=_modify_res) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 24b7278743..4760a93a19 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -55,21 +55,29 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=_modify_res) diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index dc4d3af338..56d31d0e4f 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -151,18 +151,25 @@ def CC100(root: str, language_code: str = "en"): if language_code not in VALID_CODES: raise ValueError(f"Invalid language code {language_code}") + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(url)) + + def _decompressed_filepath_fn(x): + return os.path.join(root, os.path.basename(x).rstrip(".xz")) + + def _modify_res(x): + return language_code, x + url = URL % language_code url_dp = IterableWrapper([url]) - cache_compressed_dp = url_dp.on_disk_cache(filepath_fn=lambda x: os.path.join(root, os.path.basename(url))) + cache_compressed_dp = url_dp.on_disk_cache(filepath_fn=_filepath_fn) cache_compressed_dp = HttpReader(cache_compressed_dp) cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x).rstrip(".xz")) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_decompressed_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_xz() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8").readlines(return_path=False) - return data_dp.map(lambda x: (language_code, x)) + return data_dp.map(_modify_res) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index c763f7fb86..ce4a8737fc 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -55,20 +55,24 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL[split])) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + url_dp = IterableWrapper([URL[split]]) # Cache and check HTTP response cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(URL[split])), - hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5[split]}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) # Cache and check the gzip extraction for relevant split - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").extract(file_type="gzip") cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 6ea4b64953..1265badd4d 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -54,21 +54,29 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=_modify_res) diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 0940b77760..58b8357676 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -37,17 +37,21 @@ def EnWik9(root: str): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, os.path.splitext(_PATH)[0]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.splitext(_PATH)[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 80de7134ed..2f0cc64484 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -47,20 +47,39 @@ def IMDB(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _decompressed_filepath_fn(_=None): + return [os.path.join(root, decompressed_folder, split, label) for label in labels] + + def _filter_fn(t): + return filter_imdb_data(split, t[0]) + + def _path_map_fn(t): + return Path(t[0]).parts[-2], t[1] + + def _encode_map_fn(x): + return x[0], x[1].encode() + + def _cache_filepath_fn(x): + return os.path.join(root, decompressed_folder, split, x) + + def _modify_res(t): + return Path(t[0]).parts[-1], t[1] + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) labels = {"neg", "pos"} decompressed_folder = "aclImdb_v1" - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: [os.path.join(root, decompressed_folder, split, label) for label in labels] - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_decompressed_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() @@ -69,17 +88,15 @@ def filter_imdb_data(key, fname): *_, split, label, file = Path(fname).parts return key == split and label in labels - cache_decompressed_dp = cache_decompressed_dp.filter(lambda t: filter_imdb_data(split, t[0])) + cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) # eg. "aclImdb/train/neg/12416_3.txt" -> "neg" - cache_decompressed_dp = cache_decompressed_dp.map(lambda t: (Path(t[0]).parts[-2], t[1])) + cache_decompressed_dp = cache_decompressed_dp.map(_path_map_fn) cache_decompressed_dp = cache_decompressed_dp.readlines(decode=True) cache_decompressed_dp = cache_decompressed_dp.lines_to_paragraphs() # group by label in cache file - cache_decompressed_dp = cache_decompressed_dp.map(lambda x: (x[0], x[1].encode())) - cache_decompressed_dp = cache_decompressed_dp.end_caching( - mode="wb", filepath_fn=lambda x: os.path.join(root, decompressed_folder, split, x), skip_read=True - ) + cache_decompressed_dp = cache_decompressed_dp.map(_encode_map_fn) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", filepath_fn=_cache_filepath_fn, skip_read=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") # get label from cache file, eg. "aclImdb_v1/train/neg" -> "neg" - return data_dp.readlines().map(lambda t: (Path(t[0]).parts[-1], t[1])) + return data_dp.readlines().map(_modify_res) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 9d3443a5bb..63b5e4a6db 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -124,12 +124,19 @@ # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) + def _return_full_filepath(_=None): + return full_filepath + + def _filter_fn(x): + return os.path.basename(uncleaned_filename) in x[0] + + def _clean_files_wrapper(x): + return _clean_files(full_filepath, x[0], x[1]) + + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=_return_full_filepath) cache_inner_decompressed_dp = cache_inner_decompressed_dp.open_files(mode="b").load_from_tar() - cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( - lambda x: os.path.basename(uncleaned_filename) in x[0] - ) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(lambda x: _clean_files(full_filepath, x[0], x[1])) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter(_filter_fn) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(_clean_files_wrapper) cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) return cache_inner_decompressed_dp @@ -234,10 +241,13 @@ def IWSLT2016( SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) @@ -260,9 +270,15 @@ def IWSLT2016( + ".tgz" ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) + def _inner_iwslt_tar_filepath_fn(_=None): + return inner_iwslt_tar + + def _filter_fn(x): + return os.path.basename(inner_iwslt_tar) in x[0] + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_inner_iwslt_tar_filepath_fn) cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: os.path.basename(inner_iwslt_tar) in x[0]) + cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 0fb865d4e0..a585a5c604 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -103,12 +103,19 @@ # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=lambda x: full_filepath) + def _return_full_filepath(_=None): + return full_filepath + + def _filter_fn(x): + return os.path.basename(uncleaned_filename) in x[0] + + def _clean_files_wrapper(x): + return _clean_files(full_filepath, x[0], x[1]) + + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=_return_full_filepath) cache_inner_decompressed_dp = cache_inner_decompressed_dp.open_files(mode="b").load_from_tar() - cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter( - lambda x: os.path.basename(uncleaned_filename) in x[0] - ) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(lambda x: _clean_files(full_filepath, x[0], x[1])) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter(_filter_fn) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(_clean_files_wrapper) cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) return cache_inner_decompressed_dp @@ -188,10 +195,13 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) @@ -207,7 +217,10 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo.tgz", ) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=lambda x: inner_iwslt_tar) + def _inner_iwslt_tar_filepath_fn(_=None): + return inner_iwslt_tar + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_inner_iwslt_tar_filepath_fn) cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 26390379ba..6095316412 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -70,34 +71,35 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL[split])) + url_dp = IterableWrapper([URL[split]]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(URL[split])), - hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5[split]}, hash_type="sha256", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_compressed_dp_1, cache_compressed_dp_2 = cache_compressed_dp.fork(num_instances=2) - src_cache_decompressed_dp = cache_compressed_dp_1.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[0]}") - ) + def _decompressed_filepath_fn(i, _): + return os.path.join(root, f"{_PREFIX[split]}.{language_pair[i]}") + + def _filter_fn(i, x): + return f"{_PREFIX[split]}.{language_pair[i]}" in x[0] + + src_cache_decompressed_dp = cache_compressed_dp_1.on_disk_cache(filepath_fn=partial(_decompressed_filepath_fn, 0)) src_cache_decompressed_dp = ( - FileOpener(src_cache_decompressed_dp, mode="b") - .load_from_tar() - .filter(lambda x: f"{_PREFIX[split]}.{language_pair[0]}" in x[0]) + FileOpener(src_cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, 0)) ) src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - tgt_cache_decompressed_dp = cache_compressed_dp_2.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, f"{_PREFIX[split]}.{language_pair[1]}") - ) + tgt_cache_decompressed_dp = cache_compressed_dp_2.on_disk_cache(filepath_fn=partial(_decompressed_filepath_fn, 1)) tgt_cache_decompressed_dp = ( - FileOpener(tgt_cache_decompressed_dp, mode="b") - .load_from_tar() - .filter(lambda x: f"{_PREFIX[split]}.{language_pair[1]}" in x[0]) + FileOpener(tgt_cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, 1)) ) tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index a9d7099792..2ba26bfc01 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -56,14 +56,20 @@ def PennTreebank(root, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL[split])) + + def _modify_res(t): + return t.strip() + url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_dp, encoding="utf-8") # remove single leading and trailing space from the dataset - return data_dp.readlines(return_path=False).map(lambda t: t.strip()) + return data_dp.readlines(return_path=False).map(_modify_res) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 8f023971ec..a93bec0f1e 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -58,21 +58,29 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(fn=_modify_res) diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 96f8f5626c..5393355002 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -53,11 +53,14 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL[split])) + url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check cache_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 25247feac7..7be3d064bd 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -54,11 +54,14 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL[split])) + url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check cache_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict={os.path.join(root, os.path.basename(URL[split])): MD5[split]}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 23409f0a20..1d357ea3d6 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -61,26 +61,37 @@ def SST2(root, split): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL)) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_test_res(t): + return (t[1].strip(),) + + def _modify_res(t): + return t[0].strip(), int(t[1]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") # test split for SST2 doesn't have labels if split == "test": - parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(lambda t: (t[1].strip(),)) + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(_modify_test_res) else: - parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(lambda t: (t[0].strip(), int(t[1]))) + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(_modify_res) return parsed_data diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index b9f0328690..2ec95bcece 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -49,20 +49,25 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL)) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(URL)), - hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 6f437fa7c6..d791572ec9 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -53,21 +53,27 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL)) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + url_dp = IterableWrapper([URL]) # cache data on-disk cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) # Extract zip and filter the appropriate split file - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.readlines(strip_newline=False, return_path=False) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index edbd8faac2..ccd200e3c9 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -53,21 +53,27 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + + def _filepath_fn(_=None): + return os.path.join(root, os.path.basename(URL)) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + url_dp = IterableWrapper([URL]) # cache data on-disk cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, os.path.basename(x)), - hash_dict={os.path.join(root, os.path.basename(URL)): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) # Extract zip and filter the appropriate split file - cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) - ) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.readlines(strip_newline=False, return_path=False) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index dae6a86f2f..16dd47353b 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -54,23 +54,33 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(_modify_res) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 54706e6222..1f56c75c0e 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -53,22 +53,32 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.load_from_tar().filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.load_from_tar().filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(_modify_res) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 9efc1084b2..40a1508c8a 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -53,23 +53,33 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _PATH), - hash_dict={os.path.join(root, _PATH): MD5}, + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache( - filepath_fn=lambda x: os.path.join(root, _EXTRACTED_FILES[split]) - ) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(lambda x: _EXTRACTED_FILES[split] in x[0]) + cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(lambda t: (int(t[0]), " ".join(t[1:]))) + return data_dp.parse_csv().map(_modify_res) From 66895026d0106117286fd06588414ccf87049128 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 12 May 2022 12:22:38 -0400 Subject: [PATCH 212/463] Enable model testing in FBCode (#1720) --- test/integration_tests/test_models.py | 80 ++++++++++++++++++--------- 1 file changed, 55 insertions(+), 25 deletions(-) diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index 7c1dd60d8a..8d79c69510 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -1,39 +1,25 @@ import torch -from torchtext.models import ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER +from parameterized import parameterized +from torchtext.models import ( + ROBERTA_BASE_ENCODER, + ROBERTA_LARGE_ENCODER, + XLMR_BASE_ENCODER, + XLMR_LARGE_ENCODER, +) from ..common.assets import get_asset_path -from ..common.parameterized_utils import nested_params from ..common.torchtext_test_case import TorchtextTestCase -class TestModels(TorchtextTestCase): - @nested_params( - [ - ("xlmr.base.output.pt", "XLMR base Model Comparison", XLMR_BASE_ENCODER), - ("xlmr.large.output.pt", "XLMR base Model Comparison", XLMR_LARGE_ENCODER), - ( - "roberta.base.output.pt", - "Roberta base Model Comparison", - ROBERTA_BASE_ENCODER, - ), - ( - "roberta.large.output.pt", - "Roberta base Model Comparison", - ROBERTA_LARGE_ENCODER, - ), - ], - [True, False], - ) - def test_model(self, model_args, is_jit): +class TestRobertaEncoders(TorchtextTestCase): + def _roberta_encoders(self, is_jit, encoder, expected_asset_name, test_text): """Verify pre-trained XLM-R and Roberta models in torchtext produce the same output as the reference implementation within fairseq """ - expected_asset_name, test_text, model_bundler = model_args - expected_asset_path = get_asset_path(expected_asset_name) - transform = model_bundler.transform() - model = model_bundler.get_model() + transform = encoder.transform() + model = encoder.get_model() model = model.eval() if is_jit: @@ -44,3 +30,47 @@ def test_model(self, model_args, is_jit): actual = model(model_input) expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected) + + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_xlmr_base_model(self, name, is_jit): + expected_asset_name = "xlmr.base.output.pt" + test_text = "XLMR base Model Comparison" + self._roberta_encoders( + is_jit=is_jit, + encoder=XLMR_BASE_ENCODER, + expected_asset_name=expected_asset_name, + test_text=test_text, + ) + + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_xlmr_large_model(self, name, is_jit): + expected_asset_name = "xlmr.large.output.pt" + test_text = "XLMR base Model Comparison" + self._roberta_encoders( + is_jit=is_jit, + encoder=XLMR_LARGE_ENCODER, + expected_asset_name=expected_asset_name, + test_text=test_text, + ) + + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_roberta_base_model(self, name, is_jit): + expected_asset_name = "roberta.base.output.pt" + test_text = "Roberta base Model Comparison" + self._roberta_encoders( + is_jit=is_jit, + encoder=ROBERTA_BASE_ENCODER, + expected_asset_name=expected_asset_name, + test_text=test_text, + ) + + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_robeta_large_model(self, name, is_jit): + expected_asset_name = "roberta.large.output.pt" + test_text = "Roberta base Model Comparison" + self._roberta_encoders( + is_jit=is_jit, + encoder=ROBERTA_LARGE_ENCODER, + expected_asset_name=expected_asset_name, + test_text=test_text, + ) From ab76a046919e6358c7038512f3ee500dd17fb632 Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Fri, 13 May 2022 12:04:18 -0400 Subject: [PATCH 213/463] Updating sst2 tutorial to replace lambda usage (#1722) Updating sst2 tutorial to replace lambda usage --- .../sst2_classification_non_distributed.py | 21 +++++++++++++------ 1 file changed, 15 insertions(+), 6 deletions(-) diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py index 5735d08e60..983735ef35 100644 --- a/examples/tutorials/sst2_classification_non_distributed.py +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -94,13 +94,18 @@ train_datapipe = SST2(split="train") dev_datapipe = SST2(split="dev") + # Transform the raw dataset using non-batched API (i.e apply transformation line by line) -train_datapipe = train_datapipe.map(lambda x: (text_transform(x[0]), x[1])) +def apply_transform(x): + return text_transform(x[0]), x[1] + + +train_datapipe = train_datapipe.map(apply_transform) train_datapipe = train_datapipe.batch(batch_size) train_datapipe = train_datapipe.rows2columnar(["token_ids", "target"]) train_dataloader = DataLoader(train_datapipe, batch_size=None) -dev_datapipe = dev_datapipe.map(lambda x: (text_transform(x[0]), x[1])) +dev_datapipe = dev_datapipe.map(apply_transform) dev_datapipe = dev_datapipe.batch(batch_size) dev_datapipe = dev_datapipe.rows2columnar(["token_ids", "target"]) dev_dataloader = DataLoader(dev_datapipe, batch_size=None) @@ -111,10 +116,14 @@ # # :: # -# train_datapipe = train_datapipe.batch(batch_size).rows2columnar(["text", "label"]) -# train_datapipe = train_datapipe.map(lambda x: {"token_ids": text_transform(x["text"]), "target": label_transform(x["label"])}) -# dev_datapipe = dev_datapipe.batch(batch_size).rows2columnar(["text", "label"]) -# dev_datapipe = dev_datapipe.map(lambda x: {"token_ids": text_transform(x["text"]), "target": label_transform(x["label"])}) +# def batch_transform(x): +# return {"token_ids": text_transform(x["text"]), "target": x["label"]} +# +# +# train_datapipe = train_datapipe.batch(batch_size).rows2columnar(["text", "label"]) +# train_datapipe = train_datapipe.map(lambda x: batch_transform) +# dev_datapipe = dev_datapipe.batch(batch_size).rows2columnar(["text", "label"]) +# dev_datapipe = dev_datapipe.map(lambda x: batch_transform) # ###################################################################### From 322cf2b9953490bb4d1020afe7ea40ddbd1ee843 Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Mon, 16 May 2022 17:12:22 -0400 Subject: [PATCH 214/463] For Datasets, refactor local functions to be global so that they can be pickled (#1726) For Datasets, refactor local functions to be global so that they can be pickled --- torchtext/datasets/ag_news.py | 19 ++++--- torchtext/datasets/amazonreviewfull.py | 39 +++++++------ torchtext/datasets/amazonreviewpolarity.py | 39 +++++++------ torchtext/datasets/cc100.py | 28 ++++++---- torchtext/datasets/conll2000chunking.py | 21 ++++--- torchtext/datasets/dbpedia.py | 39 +++++++------ torchtext/datasets/enwik9.py | 21 ++++--- torchtext/datasets/imdb.py | 64 +++++++++++++--------- torchtext/datasets/iwslt2016.py | 60 ++++++++++++-------- torchtext/datasets/iwslt2017.py | 51 ++++++++++------- torchtext/datasets/multi30k.py | 41 +++++++++----- torchtext/datasets/penntreebank.py | 19 ++++--- torchtext/datasets/sogounews.py | 39 +++++++------ torchtext/datasets/squad1.py | 12 ++-- torchtext/datasets/squad2.py | 12 ++-- torchtext/datasets/sst2.py | 46 +++++++++------- torchtext/datasets/udpos.py | 32 ++++++----- torchtext/datasets/wikitext103.py | 32 ++++++----- torchtext/datasets/wikitext2.py | 32 ++++++----- torchtext/datasets/yahooanswers.py | 37 +++++++------ torchtext/datasets/yelpreviewfull.py | 37 +++++++------ torchtext/datasets/yelpreviewpolarity.py | 37 +++++++------ 22 files changed, 446 insertions(+), 311 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 4b3533fa08..7b1b776c11 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -29,6 +30,14 @@ DATASET_NAME = "AG_NEWS" +def _filepath_fn(root, split, _=None): + return os.path.join(root, split + ".csv") + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AG_NEWS(root: str, split: Union[Tuple[str], str]): @@ -52,16 +61,10 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, split + ".csv") - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5[split]}, + filepath_fn=partial(_filepath_fn, root, split), + hash_dict={_filepath_fn(root, split): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 3a57db391a..d5457f0e0e 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -35,6 +36,22 @@ DATASET_NAME = "AmazonReviewFull" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): @@ -58,28 +75,18 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 4760a93a19..b641aee8a7 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -31,6 +32,22 @@ DATASET_NAME = "AmazonReviewPolarity" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): @@ -55,28 +72,18 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 56d31d0e4f..19d9a1130b 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,4 +1,5 @@ import os.path +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -135,6 +136,18 @@ DATASET_NAME = "CC100" +def _filepath_fn(root, url, _=None): + return os.path.join(root, os.path.basename(url)) + + +def _decompressed_filepath_fn(root, x): + return os.path.join(root, os.path.basename(x).rstrip(".xz")) + + +def _modify_res(language_code, x): + return language_code, x + + @_create_dataset_directory(dataset_name=DATASET_NAME) def CC100(root: str, language_code: str = "en"): """CC100 Dataset @@ -151,25 +164,16 @@ def CC100(root: str, language_code: str = "en"): if language_code not in VALID_CODES: raise ValueError(f"Invalid language code {language_code}") - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(url)) - - def _decompressed_filepath_fn(x): - return os.path.join(root, os.path.basename(x).rstrip(".xz")) - - def _modify_res(x): - return language_code, x - url = URL % language_code url_dp = IterableWrapper([url]) - cache_compressed_dp = url_dp.on_disk_cache(filepath_fn=_filepath_fn) + cache_compressed_dp = url_dp.on_disk_cache(filepath_fn=partial(_filepath_fn, root, url)) cache_compressed_dp = HttpReader(cache_compressed_dp) cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_decompressed_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_decompressed_filepath_fn, root)) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_xz() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8").readlines(return_path=False) - return data_dp.map(_modify_res) + return data_dp.map(partial(_modify_res, language_code)) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index ce4a8737fc..cc3dfc9603 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -31,6 +32,14 @@ DATASET_NAME = "CoNLL2000Chunking" +def _filepath_fn(root, split, _=None): + return os.path.join(root, os.path.basename(URL[split])) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): @@ -55,24 +64,18 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL[split])) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - url_dp = IterableWrapper([URL[split]]) # Cache and check HTTP response cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5[split]}, + filepath_fn=partial(_filepath_fn, root, split), + hash_dict={_filepath_fn(root, split): MD5[split]}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) # Cache and check the gzip extraction for relevant split - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").extract(file_type="gzip") cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 1265badd4d..14684484df 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,22 @@ DATASET_NAME = "DBpedia" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def DBpedia(root: str, split: Union[Tuple[str], str]): @@ -54,28 +71,18 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 58b8357676..d7b3d8f3a4 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,4 +1,5 @@ import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory @@ -18,6 +19,14 @@ DATASET_NAME = "EnWik9" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, _=None): + return os.path.join(root, os.path.splitext(_PATH)[0]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) def EnWik9(root: str): """EnWik9 dataset @@ -37,21 +46,15 @@ def EnWik9(root: str): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, os.path.splitext(_PATH)[0]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root)) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 2f0cc64484..3197802e07 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -1,4 +1,5 @@ import os +from functools import partial from pathlib import Path from typing import Tuple, Union @@ -24,6 +25,34 @@ DATASET_NAME = "IMDB" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _decompressed_filepath_fn(root, decompressed_folder, split, labels, _=None): + return [os.path.join(root, decompressed_folder, split, label) for label in labels] + + +def _filter_fn(filter_imdb_data, split, t): + return filter_imdb_data(split, t[0]) + + +def _path_map_fn(t): + return Path(t[0]).parts[-2], t[1] + + +def _encode_map_fn(x): + return x[0], x[1].encode() + + +def _cache_filepath_fn(root, decompressed_folder, split, x): + return os.path.join(root, decompressed_folder, split, x) + + +def _modify_res(t): + return Path(t[0]).parts[-1], t[1] + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def IMDB(root: str, split: Union[Tuple[str], str]): @@ -47,39 +76,20 @@ def IMDB(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _decompressed_filepath_fn(_=None): - return [os.path.join(root, decompressed_folder, split, label) for label in labels] - - def _filter_fn(t): - return filter_imdb_data(split, t[0]) - - def _path_map_fn(t): - return Path(t[0]).parts[-2], t[1] - - def _encode_map_fn(x): - return x[0], x[1].encode() - - def _cache_filepath_fn(x): - return os.path.join(root, decompressed_folder, split, x) - - def _modify_res(t): - return Path(t[0]).parts[-1], t[1] - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) labels = {"neg", "pos"} decompressed_folder = "aclImdb_v1" - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_decompressed_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=partial(_decompressed_filepath_fn, root, decompressed_folder, split, labels) + ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() @@ -88,14 +98,16 @@ def filter_imdb_data(key, fname): *_, split, label, file = Path(fname).parts return key == split and label in labels - cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.filter(partial(_filter_fn, filter_imdb_data, split)) # eg. "aclImdb/train/neg/12416_3.txt" -> "neg" cache_decompressed_dp = cache_decompressed_dp.map(_path_map_fn) cache_decompressed_dp = cache_decompressed_dp.readlines(decode=True) cache_decompressed_dp = cache_decompressed_dp.lines_to_paragraphs() # group by label in cache file cache_decompressed_dp = cache_decompressed_dp.map(_encode_map_fn) - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", filepath_fn=_cache_filepath_fn, skip_read=True) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", filepath_fn=partial(_cache_filepath_fn, root, decompressed_folder, split), skip_read=True + ) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") # get label from cache file, eg. "aclImdb_v1/train/neg" -> "neg" diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 63b5e4a6db..351206442c 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -1,4 +1,5 @@ import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -121,26 +122,44 @@ DATASET_NAME = "IWSLT2016" +def _return_full_filepath(full_filepath, _=None): + return full_filepath + + +def _filter_file_name_fn(uncleaned_filename, x): + return os.path.basename(uncleaned_filename) in x[0] + + +def _clean_files_wrapper(full_filepath, x): + return _clean_files(full_filepath, x[0], x[1]) + + # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - def _return_full_filepath(_=None): - return full_filepath - - def _filter_fn(x): - return os.path.basename(uncleaned_filename) in x[0] - - def _clean_files_wrapper(x): - return _clean_files(full_filepath, x[0], x[1]) - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=_return_full_filepath) + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache( + filepath_fn=partial(_return_full_filepath, full_filepath) + ) cache_inner_decompressed_dp = cache_inner_decompressed_dp.open_files(mode="b").load_from_tar() - cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter(_filter_fn) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(_clean_files_wrapper) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter(partial(_filter_file_name_fn, uncleaned_filename)) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(partial(_clean_files_wrapper, full_filepath)) cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) return cache_inner_decompressed_dp +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _inner_iwslt_tar_filepath_fn(inner_iwslt_tar, _=None): + return inner_iwslt_tar + + +def _filter_fn(inner_iwslt_tar, x): + return os.path.basename(inner_iwslt_tar) in x[0] + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def IWSLT2016( @@ -241,13 +260,10 @@ def IWSLT2016( SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) @@ -270,15 +286,11 @@ def _filepath_fn(_=None): + ".tgz" ) - def _inner_iwslt_tar_filepath_fn(_=None): - return inner_iwslt_tar - - def _filter_fn(x): - return os.path.basename(inner_iwslt_tar) in x[0] - - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_inner_iwslt_tar_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=partial(_inner_iwslt_tar_filepath_fn, inner_iwslt_tar) + ) cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.filter(partial(_filter_fn, inner_iwslt_tar)) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index a585a5c604..b04d9e2c92 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,4 +1,5 @@ import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -100,26 +101,40 @@ DATASET_NAME = "IWSLT2017" +def _return_full_filepath(full_filepath, _=None): + return full_filepath + + +def _filter_filename_fn(uncleaned_filename, x): + return os.path.basename(uncleaned_filename) in x[0] + + +def _clean_files_wrapper(full_filepath, x): + return _clean_files(full_filepath, x[0], x[1]) + + # TODO: migrate this to dataset_utils.py once torchdata is a hard dependency to # avoid additional conditional imports. def _filter_clean_cache(cache_decompressed_dp, full_filepath, uncleaned_filename): - def _return_full_filepath(_=None): - return full_filepath - - def _filter_fn(x): - return os.path.basename(uncleaned_filename) in x[0] - - def _clean_files_wrapper(x): - return _clean_files(full_filepath, x[0], x[1]) - cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache(filepath_fn=_return_full_filepath) + cache_inner_decompressed_dp = cache_decompressed_dp.on_disk_cache( + filepath_fn=partial(_return_full_filepath, full_filepath) + ) cache_inner_decompressed_dp = cache_inner_decompressed_dp.open_files(mode="b").load_from_tar() - cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter(_filter_fn) - cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(_clean_files_wrapper) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.filter(partial(_filter_filename_fn, uncleaned_filename)) + cache_inner_decompressed_dp = cache_inner_decompressed_dp.map(partial(_clean_files_wrapper, full_filepath)) cache_inner_decompressed_dp = cache_inner_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) return cache_inner_decompressed_dp +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _inner_iwslt_tar_filepath_fn(inner_iwslt_tar, _=None): + return inner_iwslt_tar + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de", "en")): @@ -195,13 +210,10 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de SUPPORTED_DATASETS["year"], src_language, tgt_language, valid_set, test_set ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) @@ -217,10 +229,9 @@ def _filepath_fn(_=None): "texts/DeEnItNlRo/DeEnItNlRo/DeEnItNlRo-DeEnItNlRo.tgz", ) - def _inner_iwslt_tar_filepath_fn(_=None): - return inner_iwslt_tar - - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_inner_iwslt_tar_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=partial(_inner_iwslt_tar_filepath_fn, inner_iwslt_tar) + ) cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 6095316412..7a45617cfd 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -39,6 +39,18 @@ DATASET_NAME = "Multi30k" +def _filepath_fn(root, split, _=None): + return os.path.join(root, os.path.basename(URL[split])) + + +def _decompressed_filepath_fn(root, split, language_pair, i, _): + return os.path.join(root, f"{_PREFIX[split]}.{language_pair[i]}") + + +def _filter_fn(split, language_pair, i, x): + return f"{_PREFIX[split]}.{language_pair[i]}" in x[0] + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ("de", "en")): @@ -71,35 +83,34 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL[split])) - url_dp = IterableWrapper([URL[split]]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5[split]}, + filepath_fn=partial(_filepath_fn, root, split), + hash_dict={_filepath_fn(root, split): MD5[split]}, hash_type="sha256", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) cache_compressed_dp_1, cache_compressed_dp_2 = cache_compressed_dp.fork(num_instances=2) - def _decompressed_filepath_fn(i, _): - return os.path.join(root, f"{_PREFIX[split]}.{language_pair[i]}") - - def _filter_fn(i, x): - return f"{_PREFIX[split]}.{language_pair[i]}" in x[0] - - src_cache_decompressed_dp = cache_compressed_dp_1.on_disk_cache(filepath_fn=partial(_decompressed_filepath_fn, 0)) + src_cache_decompressed_dp = cache_compressed_dp_1.on_disk_cache( + filepath_fn=partial(_decompressed_filepath_fn, root, split, language_pair, 0) + ) src_cache_decompressed_dp = ( - FileOpener(src_cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, 0)) + FileOpener(src_cache_decompressed_dp, mode="b") + .load_from_tar() + .filter(partial(_filter_fn, split, language_pair, 0)) ) src_cache_decompressed_dp = src_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) - tgt_cache_decompressed_dp = cache_compressed_dp_2.on_disk_cache(filepath_fn=partial(_decompressed_filepath_fn, 1)) + tgt_cache_decompressed_dp = cache_compressed_dp_2.on_disk_cache( + filepath_fn=partial(_decompressed_filepath_fn, root, split, language_pair, 1) + ) tgt_cache_decompressed_dp = ( - FileOpener(tgt_cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, 1)) + FileOpener(tgt_cache_decompressed_dp, mode="b") + .load_from_tar() + .filter(partial(_filter_fn, split, language_pair, 1)) ) tgt_cache_decompressed_dp = tgt_cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 2ba26bfc01..22c0eba1ff 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Tuple, Union from torchtext._internal.module_utils import is_module_available @@ -32,6 +33,14 @@ DATASET_NAME = "PennTreebank" +def _filepath_fn(root, split, _=None): + return os.path.join(root, os.path.basename(URL[split])) + + +def _modify_res(t): + return t.strip() + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def PennTreebank(root, split: Union[Tuple[str], str]): @@ -56,16 +65,10 @@ def PennTreebank(root, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL[split])) - - def _modify_res(t): - return t.strip() - url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5[split]}, + filepath_fn=partial(_filepath_fn, root, split), + hash_dict={_filepath_fn(root, split): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index a93bec0f1e..6939ac80ec 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -35,6 +36,22 @@ DATASET_NAME = "SogouNews" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def SogouNews(root: str, split: Union[Tuple[str], str]): @@ -58,28 +75,18 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 5393355002..2af33adc09 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,10 @@ DATASET_NAME = "SQuAD1" +def _filepath_fn(root, split, _=None): + return os.path.join(root, os.path.basename(URL[split])) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev")) def SQuAD1(root: str, split: Union[Tuple[str], str]): @@ -53,14 +58,11 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL[split])) - url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check cache_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5[split]}, + filepath_fn=partial(_filepath_fn, root, split), + hash_dict={_filepath_fn(root, split): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 7be3d064bd..c74096ce31 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,10 @@ DATASET_NAME = "SQuAD2" +def _filepath_fn(root, split, _=None): + return os.path.join(root, os.path.basename(URL[split])) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev")) def SQuAD2(root: str, split: Union[Tuple[str], str]): @@ -54,14 +59,11 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL[split])) - url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check cache_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5[split]}, + filepath_fn=partial(_filepath_fn, root, split), + hash_dict={_filepath_fn(root, split): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 1d357ea3d6..2708fc8165 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -1,5 +1,6 @@ # Copyright (c) Facebook, Inc. and its affiliates. import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -36,6 +37,26 @@ } +def _filepath_fn(root, _=None): + return os.path.join(root, os.path.basename(URL)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_test_res(t): + return (t[1].strip(),) + + +def _modify_res(t): + return t[0].strip(), int(t[1]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev", "test")) def SST2(root, split): @@ -61,31 +82,18 @@ def SST2(root, split): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL)) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_test_res(t): - return (t[1].strip(),) - - def _modify_res(t): - return t[0].strip(), int(t[1]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 2ec95bcece..6536c36f4f 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -27,6 +28,18 @@ DATASET_NAME = "UDPOS" +def _filepath_fn(root, _=None): + return os.path.join(root, os.path.basename(URL)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def UDPOS(root: str, split: Union[Tuple[str], str]): @@ -49,25 +62,18 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL)) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index d791572ec9..dd9408c0b0 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,18 @@ } +def _filepath_fn(root, _=None): + return os.path.join(root, os.path.basename(URL)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def WikiText103(root: str, split: Union[Tuple[str], str]): @@ -54,26 +67,19 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL)) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - url_dp = IterableWrapper([URL]) # cache data on-disk cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) # Extract zip and filter the appropriate split file - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.readlines(strip_newline=False, return_path=False) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index ccd200e3c9..d088fa80c8 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,18 @@ } +def _filepath_fn(root, _=None): + return os.path.join(root, os.path.basename(URL)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "valid", "test")) def WikiText2(root: str, split: Union[Tuple[str], str]): @@ -54,26 +67,19 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, os.path.basename(URL)) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - url_dp = IterableWrapper([URL]) # cache data on-disk cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) # Extract zip and filter the appropriate split file - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.readlines(strip_newline=False, return_path=False) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 16dd47353b..c2408ebd10 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,22 @@ } +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def YahooAnswers(root: str, split: Union[Tuple[str], str]): @@ -54,31 +71,19 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.filter(partial(_filter_fn, split)) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 1f56c75c0e..e38c0f3853 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,22 @@ } +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def YelpReviewFull(root: str, split: Union[Tuple[str], str]): @@ -53,31 +70,19 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp) cache_compressed_dp = cache_compressed_dp.end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") - cache_decompressed_dp = cache_decompressed_dp.load_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.load_from_tar().filter(partial(_filter_fn, split)) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 40a1508c8a..aeb660fad1 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -1,4 +1,5 @@ import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -30,6 +31,22 @@ } +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return int(t[0]), " ".join(t[1:]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): @@ -53,33 +70,21 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return int(t[0]), " ".join(t[1:]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.filter(partial(_filter_fn, split)) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") return data_dp.parse_csv().map(_modify_res) From 03b8a0586e3eaf1986714526baffebd82355080a Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 17 May 2022 09:33:52 -0400 Subject: [PATCH 215/463] Remove MACOSX_DEPLOYMENT_TARGET (#1728) --- README.rst | 2 +- packaging/pkg_helpers.bash | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/README.rst b/README.rst index 18a99f3f81..3743e0030c 100644 --- a/README.rst +++ b/README.rst @@ -84,7 +84,7 @@ To build torchtext from source, you need ``git``, ``CMake`` and C++11 compiler s python setup.py clean install # OSX - MACOSX_DEPLOYMENT_TARGET=10.9 CC=clang CXX=clang++ python setup.py clean install + CC=clang CXX=clang++ python setup.py clean install # or ``python setup.py develop`` if you are making modifications. diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 3740e766ba..045f7e3cfb 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -97,7 +97,7 @@ setup_build_version() { # Set some useful variables for OS X, if applicable setup_macos() { if [[ "$(uname)" == Darwin ]]; then - export MACOSX_DEPLOYMENT_TARGET=10.9 CC=clang CXX=clang++ + export CC=clang CXX=clang++ fi } From 88086d9e2418789a226d55ab0cfaca2436c74d22 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 18 May 2022 10:13:45 -0400 Subject: [PATCH 216/463] fix docs build (#1730) --- .../tutorials/sst2_classification_non_distributed.py | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py index 983735ef35..e3d1f77133 100644 --- a/examples/tutorials/sst2_classification_non_distributed.py +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -116,14 +116,14 @@ def apply_transform(x): # # :: # -# def batch_transform(x): -# return {"token_ids": text_transform(x["text"]), "target": x["label"]} +# def batch_transform(x): +# return {"token_ids": text_transform(x["text"]), "target": x["label"]} # # -# train_datapipe = train_datapipe.batch(batch_size).rows2columnar(["text", "label"]) -# train_datapipe = train_datapipe.map(lambda x: batch_transform) -# dev_datapipe = dev_datapipe.batch(batch_size).rows2columnar(["text", "label"]) -# dev_datapipe = dev_datapipe.map(lambda x: batch_transform) +# train_datapipe = train_datapipe.batch(batch_size).rows2columnar(["text", "label"]) +# train_datapipe = train_datapipe.map(lambda x: batch_transform) +# dev_datapipe = dev_datapipe.batch(batch_size).rows2columnar(["text", "label"]) +# dev_datapipe = dev_datapipe.map(lambda x: batch_transform) # ###################################################################### From 2a712f4fc293732b4aeeb99aeda76c170a52c6fa Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 18 May 2022 13:01:49 -0400 Subject: [PATCH 217/463] Add Shuffle and sharding datapipes to datasets (#1729) --- test/datasets/common.py | 25 ++++++++++++++++++++++ torchtext/datasets/ag_news.py | 2 +- torchtext/datasets/amazonreviewfull.py | 2 +- torchtext/datasets/amazonreviewpolarity.py | 2 +- torchtext/datasets/cc100.py | 2 +- torchtext/datasets/conll2000chunking.py | 2 +- torchtext/datasets/dbpedia.py | 2 +- torchtext/datasets/enwik9.py | 2 +- torchtext/datasets/imdb.py | 2 +- torchtext/datasets/iwslt2016.py | 2 +- torchtext/datasets/iwslt2017.py | 2 +- torchtext/datasets/multi30k.py | 2 +- torchtext/datasets/penntreebank.py | 2 +- torchtext/datasets/sogounews.py | 2 +- torchtext/datasets/squad1.py | 2 +- torchtext/datasets/squad2.py | 2 +- torchtext/datasets/sst2.py | 2 +- torchtext/datasets/udpos.py | 2 +- torchtext/datasets/wikitext103.py | 2 +- torchtext/datasets/wikitext2.py | 2 +- torchtext/datasets/yahooanswers.py | 2 +- torchtext/datasets/yelpreviewfull.py | 2 +- torchtext/datasets/yelpreviewpolarity.py | 2 +- 23 files changed, 47 insertions(+), 22 deletions(-) create mode 100644 test/datasets/common.py diff --git a/test/datasets/common.py b/test/datasets/common.py new file mode 100644 index 0000000000..81edc565bf --- /dev/null +++ b/test/datasets/common.py @@ -0,0 +1,25 @@ +from parameterized import parameterized +from torch.utils.data.graph import traverse +from torch.utils.data.graph_settings import get_all_graph_pipes +from torchdata.datapipes.iter import Shuffler, ShardingFilter +from torchtext.datasets import DATASETS + +from ..common.torchtext_test_case import TorchtextTestCase + + +class TestShuffleShardDatasetWrapper(TorchtextTestCase): + # Note that for order i.e shuffle before sharding, TorchData will provide linter warning + # Modify this test when linter warning is available + @parameterized.expand(list(DATASETS.items())) + def test_shuffle_shard_wrapper(self, dataset_name, dataset_fn): + dp = dataset_fn() + if type(dp) == tuple: + dp = list(dp) + else: + dp = [dp] + + for dp_split in dp: + dp_graph = get_all_graph_pipes(traverse(dp_split)) + for annotation_dp_type in [Shuffler, ShardingFilter]: + if not any(isinstance(dp, annotation_dp_type) for dp in dp_graph): + raise AssertionError(f"The dataset doesn't contain a {annotation_dp_type.__name__}() datapipe.") diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 7b1b776c11..52f424c770 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -71,4 +71,4 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): cache_dp = cache_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=_modify_res) + return data_dp.parse_csv().map(fn=_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index d5457f0e0e..c864d36317 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -90,4 +90,4 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=_modify_res) + return data_dp.parse_csv().map(fn=_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index b641aee8a7..9b07468112 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -87,4 +87,4 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=_modify_res) + return data_dp.parse_csv().map(fn=_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 19d9a1130b..13cd4201f2 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -176,4 +176,4 @@ def CC100(root: str, language_code: str = "en"): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb") data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8").readlines(return_path=False) - return data_dp.map(partial(_modify_res, language_code)) + return data_dp.map(partial(_modify_res, language_code)).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index cc3dfc9603..9daa3668f3 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -80,4 +80,4 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.readlines().read_iob(sep=" ") + return data_dp.readlines().read_iob(sep=" ").shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 14684484df..6fc763e873 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -86,4 +86,4 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=_modify_res) + return data_dp.parse_csv().map(fn=_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index d7b3d8f3a4..122840a725 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -59,4 +59,4 @@ def EnWik9(root: str): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.readlines(return_path=False) + return data_dp.readlines(return_path=False).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 3197802e07..ec64e6a437 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -111,4 +111,4 @@ def filter_imdb_data(key, fname): data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") # get label from cache file, eg. "aclImdb_v1/train/neg" -> "neg" - return data_dp.readlines().map(_modify_res) + return data_dp.readlines().map(_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 351206442c..d7c322687a 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -322,4 +322,4 @@ def IWSLT2016( src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) - return src_lines.zip(tgt_lines) + return src_lines.zip(tgt_lines).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index b04d9e2c92..0b4acc6fcd 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -274,4 +274,4 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de src_lines = src_data_dp.readlines(return_path=False, strip_newline=False) tgt_lines = tgt_data_dp.readlines(return_path=False, strip_newline=False) - return src_lines.zip(tgt_lines) + return src_lines.zip(tgt_lines).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 7a45617cfd..c426a5d26f 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -121,4 +121,4 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] return_path=False, strip_newline=True ) - return src_data_dp.zip(tgt_data_dp) + return src_data_dp.zip(tgt_data_dp).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 22c0eba1ff..9b58ed61f3 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -75,4 +75,4 @@ def PennTreebank(root, split: Union[Tuple[str], str]): data_dp = FileOpener(cache_dp, encoding="utf-8") # remove single leading and trailing space from the dataset - return data_dp.readlines(return_path=False).map(_modify_res) + return data_dp.readlines(return_path=False).map(_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 6939ac80ec..06ab1d6325 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -90,4 +90,4 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(fn=_modify_res) + return data_dp.parse_csv().map(fn=_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 2af33adc09..4a8a7a2e73 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -67,4 +67,4 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) cache_dp = FileOpener(cache_dp, encoding="utf-8") - return cache_dp.parse_json_files().read_squad() + return cache_dp.parse_json_files().read_squad().shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index c74096ce31..e2998d41d3 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -68,4 +68,4 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) cache_dp = FileOpener(cache_dp, encoding="utf-8") - return cache_dp.parse_json_files().read_squad() + return cache_dp.parse_json_files().read_squad().shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 2708fc8165..4e6770beda 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -102,4 +102,4 @@ def SST2(root, split): parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(_modify_test_res) else: parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(_modify_res) - return parsed_data + return parsed_data.shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 6536c36f4f..275ee0d3ba 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -77,4 +77,4 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.readlines().read_iob() + return data_dp.readlines().read_iob().shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index dd9408c0b0..d85aba3c2a 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -82,4 +82,4 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.readlines(strip_newline=False, return_path=False) + return data_dp.readlines(strip_newline=False, return_path=False).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index d088fa80c8..4e7828d937 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -82,4 +82,4 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.readlines(strip_newline=False, return_path=False) + return data_dp.readlines(strip_newline=False, return_path=False).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index c2408ebd10..e4f5889744 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -88,4 +88,4 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(_modify_res) + return data_dp.parse_csv().map(_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index e38c0f3853..4dbbfb6805 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -86,4 +86,4 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(_modify_res) + return data_dp.parse_csv().map(_modify_res).shuffle().set_shuffle(False).sharding_filter() diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index aeb660fad1..e654bb8afa 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -87,4 +87,4 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): cache_decompressed_dp = cache_decompressed_dp.filter(partial(_filter_fn, split)) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - return data_dp.parse_csv().map(_modify_res) + return data_dp.parse_csv().map(_modify_res).shuffle().set_shuffle(False).sharding_filter() From ec20f88d5fdaa39086500abbba6c75b59d008da4 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 18 May 2022 16:10:05 -0400 Subject: [PATCH 218/463] Add support for CoLA dataset with unit tests (#1711) * Add support for CoLA dataset + unit tests * Better test with differentiated rand_string * Remove lambda functions * Add dataset documentation * Add shuffle and sharding --- docs/source/datasets.rst | 5 ++ test/datasets/test_cola.py | 78 ++++++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/cola.py | 86 ++++++++++++++++++++++++++++++++++ 4 files changed, 171 insertions(+) create mode 100644 test/datasets/test_cola.py create mode 100644 torchtext/datasets/cola.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 33eb44b21d..d9c32f201c 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -42,6 +42,11 @@ AmazonReviewPolarity .. autofunction:: AmazonReviewPolarity +CoLA +~~~~~~~~~~~~~~~~~~~~ + +.. autofunction:: CoLA + DBpedia ~~~~~~~ diff --git a/test/datasets/test_cola.py b/test/datasets/test_cola.py new file mode 100644 index 0000000000..d55eb31fbf --- /dev/null +++ b/test/datasets/test_cola.py @@ -0,0 +1,78 @@ +import os +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.cola import CoLA + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "CoLA") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("in_domain_train.tsv", "in_domain_dev.tsv", "out_of_domain_dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + for _ in range(5): + label = seed % 2 + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + dataset_line = (rand_string_1, label, rand_string_2) + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + f.write(f'"{rand_string_1}"\t"{label}"\t"{rand_string_2}"\n') + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "cola_public_1.1.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("in_domain_train.tsv", "in_domain_dev.tsv", "out_of_domain_dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("cola_public", "raw", file_name)) + + return mocked_data + + +class TestCoLA(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test", "dev"]) + def test_cola(self, split): + dataset = CoLA(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test", "dev"]) + def test_cola_split_argument(self, split): + dataset1 = CoLA(root=self.root_dir, split=split) + (dataset2,) = CoLA(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index d7d33298ad..29dcc5f165 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -4,6 +4,7 @@ from .amazonreviewfull import AmazonReviewFull from .amazonreviewpolarity import AmazonReviewPolarity from .cc100 import CC100 +from .cola import CoLA from .conll2000chunking import CoNLL2000Chunking from .dbpedia import DBpedia from .enwik9 import EnWik9 @@ -28,6 +29,7 @@ "AmazonReviewFull": AmazonReviewFull, "AmazonReviewPolarity": AmazonReviewPolarity, "CC100": CC100, + "CoLA": CoLA, "CoNLL2000Chunking": CoNLL2000Chunking, "DBpedia": DBpedia, "EnWik9": EnWik9, diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py new file mode 100644 index 0000000000..d52cb0be66 --- /dev/null +++ b/torchtext/datasets/cola.py @@ -0,0 +1,86 @@ +import csv +import os +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import _create_dataset_directory, _wrap_split_argument + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + +URL = "https://nyu-mll.github.io/CoLA/cola_public_1.1.zip" + +MD5 = "9f6d88c3558ec424cd9d66ea03589aba" + +_PATH = "cola_public_1.1.zip" + +NUM_LINES = {"train": 8551, "dev": 527, "test": 516} + +_EXTRACTED_FILES = { + "train": os.path.join("cola_public", "raw", "in_domain_train.tsv"), + "dev": os.path.join("cola_public", "raw", "in_domain_dev.tsv"), + "test": os.path.join("cola_public", "raw", "out_of_domain_dev.tsv"), +} + +DATASET_NAME = "CoLA" + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def CoLA(root: str, split: Union[Tuple[str], str]): + """CoLA dataset + + For additional details refer to https://nyu-mll.github.io/CoLA/ + + Number of lines per split: + - train: 8551 + - dev: 527 + - test: 516 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`, `test`) + + + :returns: DataPipe that yields rows from CoLA dataset (source (str), label (int), sentence (str)) + :rtype: (str, int, str) + """ + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(t): + return (t[0], int(t[1]), t[3]) + + def _filter_res(x): + return len(x) == 4 + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + # some context stored at top of the file needs to be removed + parsed_data = ( + data_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).filter(_filter_res).map(_modify_res) + ) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From bb41e4f949d213139de54bb305f124ff07fda699 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 18 May 2022 16:10:57 -0400 Subject: [PATCH 219/463] Add support for MRPC dataset with unit tests (#1712) * Add support for MRPC dataset * Add unit tests * Remove lambda functions * Add dataset documentation * Add shuffle and sharding --- docs/source/datasets.rst | 5 +++ test/datasets/test_mrpc.py | 71 +++++++++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/mrpc.py | 73 ++++++++++++++++++++++++++++++++++ 4 files changed, 151 insertions(+) create mode 100644 test/datasets/test_mrpc.py create mode 100644 torchtext/datasets/mrpc.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index d9c32f201c..af782bca03 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -57,6 +57,11 @@ IMDb .. autofunction:: IMDB +MRPC +~~~~ + +.. autofunction:: MRPC + SogouNews ~~~~~~~~~ diff --git a/test/datasets/test_mrpc.py b/test/datasets/test_mrpc.py new file mode 100644 index 0000000000..a5ed910a4e --- /dev/null +++ b/test/datasets/test_mrpc.py @@ -0,0 +1,71 @@ +import os +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.mrpc import MRPC + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "MRPC") + os.makedirs(base_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name, file_type in [("msr_paraphrase_train.txt", "train"), ("msr_paraphrase_test.txt", "test")]: + txt_file = os.path.join(base_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + f.write("Quality\t#1 ID\t#2 ID\t#1 String\t#2 String\n") + for i in range(5): + label = seed % 2 + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + dataset_line = (label, rand_string_1, rand_string_2) + f.write(f"{label}\t{i}\t{i}\t{rand_string_1}\t{rand_string_2}\n") + + # append line to correct dataset split + mocked_data[file_type].append(dataset_line) + seed += 1 + + return mocked_data + + +class TestMRPC(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test"]) + def test_mrpc(self, split): + dataset = MRPC(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test"]) + def test_sst2_split_argument(self, split): + dataset1 = MRPC(root=self.root_dir, split=split) + (dataset2,) = MRPC(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 29dcc5f165..b228e773b4 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -11,6 +11,7 @@ from .imdb import IMDB from .iwslt2016 import IWSLT2016 from .iwslt2017 import IWSLT2017 +from .mrpc import MRPC from .multi30k import Multi30k from .penntreebank import PennTreebank from .sogounews import SogouNews @@ -36,6 +37,7 @@ "IMDB": IMDB, "IWSLT2016": IWSLT2016, "IWSLT2017": IWSLT2017, + "MRPC": MRPC, "Multi30k": Multi30k, "PennTreebank": PennTreebank, "SQuAD1": SQuAD1, diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py new file mode 100644 index 0000000000..c5077a195f --- /dev/null +++ b/torchtext/datasets/mrpc.py @@ -0,0 +1,73 @@ +import csv +import os +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _wrap_split_argument, + _create_dataset_directory, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + + +URL = { + "train": "https://dl.fbaipublicfiles.com/senteval/senteval_data/msr_paraphrase_train.txt", + "test": "https://dl.fbaipublicfiles.com/senteval/senteval_data/msr_paraphrase_test.txt", +} + +MD5 = { + "train": "793daf7b6224281e75fe61c1f80afe35", + "test": "e437fdddb92535b820fe8852e2df8a49", +} + +NUM_LINES = { + "train": 4076, + "test": 1725, +} + + +DATASET_NAME = "MRPC" + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "test")) +def MRPC(root: str, split: Union[Tuple[str], str]): + """MRPC Dataset + + For additional details refer to https://www.microsoft.com/en-us/download/details.aspx?id=52398 + + Number of lines per split: + - train: 4076 + - test: 1725 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `test`) + + :returns: DataPipe that yields data points from MRPC dataset which consist of label, sentence1, sentence2 + :rtype: (int, str, str) + """ + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + def _filepath_fn(x): + return os.path.join(root, os.path.basename(x)) + + def _modify_res(x): + return (int(x[0]), x[3], x[4]) + + url_dp = IterableWrapper([URL[split]]) + # cache data on-disk with sanity check + cache_dp = url_dp.on_disk_cache( + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(URL[split]): MD5[split]}, + hash_type="md5", + ) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, encoding="utf-8") + cache_dp = cache_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).map(_modify_res) + return cache_dp.shuffle().set_shuffle(False).sharding_filter() From bd0f765adc3533b39924762c1283bc07a804a60e Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 18 May 2022 16:12:49 -0400 Subject: [PATCH 220/463] Add support for QQP dataset with unit tests (#1713) * Add QQP dataset + unit test * Adjust output + add different strings for tests * Remove lambda functions + correct docstring * Add dataset documentation * Add shuffle and sharding --- docs/source/datasets.rst | 5 +++ test/datasets/test_qqp.py | 61 ++++++++++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 ++ torchtext/datasets/qqp.py | 53 +++++++++++++++++++++++++++++ 4 files changed, 121 insertions(+) create mode 100644 test/datasets/test_qqp.py create mode 100644 torchtext/datasets/qqp.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index af782bca03..df6af5fccb 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -62,6 +62,11 @@ MRPC .. autofunction:: MRPC +QQP +~~~~ + +.. autofunction:: QQP + SogouNews ~~~~~~~~~ diff --git a/test/datasets/test_qqp.py b/test/datasets/test_qqp.py new file mode 100644 index 0000000000..4c782040ea --- /dev/null +++ b/test/datasets/test_qqp.py @@ -0,0 +1,61 @@ +import os +from unittest.mock import patch + +from torchtext.datasets.qqp import QQP + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "QQP") + os.makedirs(base_dir, exist_ok=True) + + seed = 1 + file_name = "quora_duplicate_questions.tsv" + txt_file = os.path.join(base_dir, file_name) + mocked_data = [] + print(txt_file) + with open(txt_file, "w", encoding="utf-8") as f: + f.write("id\tqid1\tqid2\tquestion1\tquestion2\tis_duplicate\n") + for i in range(5): + label = seed % 2 + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + dataset_line = (label, rand_string_1, rand_string_2) + # append line to correct dataset split + mocked_data.append(dataset_line) + f.write(f"{i}\t{i}\t{i}\t{rand_string_1}\t{rand_string_2}\t{label}\n") + seed += 1 + + return mocked_data + + +class TestQQP(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + print(cls.root_dir) + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + def test_qqp(self): + dataset = QQP(root=self.root_dir) + + samples = list(dataset) + expected_samples = self.samples + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index b228e773b4..fd49915f58 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -14,6 +14,7 @@ from .mrpc import MRPC from .multi30k import Multi30k from .penntreebank import PennTreebank +from .qqp import QQP from .sogounews import SogouNews from .squad1 import SQuAD1 from .squad2 import SQuAD2 @@ -40,6 +41,7 @@ "MRPC": MRPC, "Multi30k": Multi30k, "PennTreebank": PennTreebank, + "QQP": QQP, "SQuAD1": SQuAD1, "SQuAD2": SQuAD2, "SogouNews": SogouNews, diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py new file mode 100644 index 0000000000..387cbffaa5 --- /dev/null +++ b/torchtext/datasets/qqp.py @@ -0,0 +1,53 @@ +import os + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import _create_dataset_directory + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + +URL = "http://qim.fs.quoracdn.net/quora_duplicate_questions.tsv" + +MD5 = "b6d5672bd9dc1e66ab2bb020ebeafb8d" + +_PATH = "quora_duplicate_questions.tsv" + +NUM_LINES = {"train": 404290} + +DATASET_NAME = "QQP" + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +def QQP(root: str): + """QQP dataset + For additional details refer to https://quoradata.quora.com/First-Quora-Dataset-Release-Question-Pairs + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + + :returns: DataPipe that yields rows from QQP dataset (label (int), question1 (str), question2 (str)) + :rtype: (int, str, str) + """ + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + def _filepath_fn(_=None): + return os.path.join(root, _PATH) + + def _modify_res(x): + return (int(x[-1]), x[3], x[4]) + + url_dp = IterableWrapper([URL]) + cache_dp = url_dp.on_disk_cache( + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(): MD5}, + hash_type="md5", + ) + cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) + cache_dp = FileOpener(cache_dp, encoding="utf-8") + # some context stored at top of the file needs to be removed + parsed_data = cache_dp.parse_csv(skip_lines=1, delimiter="\t").map(_modify_res) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From e631624693bbcd629cc675f4b0e59233e098165b Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 18 May 2022 16:18:04 -0400 Subject: [PATCH 221/463] Add support for MNLI dataset with unit tests (#1715) * Add support for MNLI + add tests * Adjust dataset size docstring * Remove lambda functions * Add dataset documentation * Add shuffle and sharding --- docs/source/datasets.rst | 5 ++ test/datasets/test_mnli.py | 83 ++++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/mnli.py | 98 ++++++++++++++++++++++++++++++++++ 4 files changed, 188 insertions(+) create mode 100644 test/datasets/test_mnli.py create mode 100644 torchtext/datasets/mnli.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index df6af5fccb..a100100117 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -57,6 +57,11 @@ IMDb .. autofunction:: IMDB +MNLI +~~~~ + +.. autofunction:: MNLI + MRPC ~~~~ diff --git a/test/datasets/test_mnli.py b/test/datasets/test_mnli.py new file mode 100644 index 0000000000..fed6fca241 --- /dev/null +++ b/test/datasets/test_mnli.py @@ -0,0 +1,83 @@ +import os +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.mnli import MNLI + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "MNLI") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ["multinli_1.0_train.txt", "multinli_1.0_dev_matched.txt", "multinli_1.0_dev_mismatched.txt"]: + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + f.write( + "gold_label\tsentence1_binary_parse\tsentence2_binary_parse\tsentence1_parse\tsentence2_parse\tsentence1\tsentence2\tpromptID\tpairID\tgenre\tlabel1\tlabel2\tlabel3\tlabel4\tlabel5" + ) + for i in range(5): + label = seed % 3 + rand_string = get_random_unicode(seed) + dataset_line = (label, rand_string, rand_string) + f.write( + f"{label}\t{rand_string}\t{rand_string}\t{rand_string}\t{rand_string}\t{rand_string}\t{rand_string}\t{i}\t{i}\t{i}\t{i}\t{i}\t{i}\t{i}\t{i}\n" + ) + + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "multinli_1.0.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("multinli_1.0_train.txt", "multinli_1.0_dev_matched.txt", "multinli_1.0_dev_mismatched.txt"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("multinli_1.0", file_name)) + + return mocked_data + + +class TestMNLI(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "dev_matched", "dev_mismatched"]) + def test_mnli(self, split): + dataset = MNLI(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "dev_matched", "dev_mismatched"]) + def test_sst2_split_argument(self, split): + dataset1 = MNLI(root=self.root_dir, split=split) + (dataset2,) = MNLI(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index fd49915f58..8ef3311952 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -11,6 +11,7 @@ from .imdb import IMDB from .iwslt2016 import IWSLT2016 from .iwslt2017 import IWSLT2017 +from .mnli import MNLI from .mrpc import MRPC from .multi30k import Multi30k from .penntreebank import PennTreebank @@ -38,6 +39,7 @@ "IMDB": IMDB, "IWSLT2016": IWSLT2016, "IWSLT2017": IWSLT2017, + "MNLI": MNLI, "MRPC": MRPC, "Multi30k": Multi30k, "PennTreebank": PennTreebank, diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py new file mode 100644 index 0000000000..43bcfe7d9f --- /dev/null +++ b/torchtext/datasets/mnli.py @@ -0,0 +1,98 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +import csv +import os + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _create_dataset_directory, + _wrap_split_argument, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + + +URL = "https://cims.nyu.edu/~sbowman/multinli/multinli_1.0.zip" + +MD5 = "0f70aaf66293b3c088a864891db51353" + +NUM_LINES = { + "train": 392702, + "dev_matched": 9815, + "dev_mismatched": 9832, +} + +_PATH = "multinli_1.0.zip" + +DATASET_NAME = "MNLI" + +_EXTRACTED_FILES = { + "train": "multinli_1.0_train.txt", + "dev_matched": "multinli_1.0_dev_matched.txt", + "dev_mismatched": "multinli_1.0_dev_mismatched.txt", +} + +LABEL_TO_INT = {"entailment": 0, "neutral": 1, "contradiction": 2} + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev_matched", "dev_mismatched")) +def MNLI(root, split): + """MNLI Dataset + + For additional details refer to https://cims.nyu.edu/~sbowman/multinli/ + + Number of lines per split: + - train: 392702 + - dev_matched: 9815 + - dev_mismatched: 9832 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev_matched`, `dev_mismatched`) + + :returns: DataPipe that yields tuple of text and label (0 to 2). + :rtype: Tuple[int, str, str] + """ + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + def _filepath_fn(x=None): + return os.path.join(root, os.path.basename(x)) + + def _extracted_filepath_fn(_=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _filter_res(x): + return x[0] in LABEL_TO_INT + + def _modify_res(x): + return (LABEL_TO_INT[x[0]], x[5], x[6]) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(URL): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + parsed_data = ( + data_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).filter(_filter_res).map(_modify_res) + ) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From c5f08db5d67dbd98edbf4388e617e906460c6c10 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Thu, 19 May 2022 12:56:07 -0400 Subject: [PATCH 222/463] Add support for STS-B dataset with unit tests (#1714) * Add support for STS-B dataset _ unit test * Modify tests + docstring * Add dataset documentation * Add shuffle and sharding --- docs/source/datasets.rst | 5 ++ test/datasets/test_stsb.py | 89 +++++++++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/stsb.py | 90 ++++++++++++++++++++++++++++++++++ 4 files changed, 186 insertions(+) create mode 100644 test/datasets/test_stsb.py create mode 100644 torchtext/datasets/stsb.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index a100100117..bb873db7d8 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -82,6 +82,11 @@ SST2 .. autofunction:: SST2 +STSB +~~~~ + +.. autofunction:: STSB + YahooAnswers ~~~~~~~~~~~~ diff --git a/test/datasets/test_stsb.py b/test/datasets/test_stsb.py new file mode 100644 index 0000000000..7e95d4f5ca --- /dev/null +++ b/test/datasets/test_stsb.py @@ -0,0 +1,89 @@ +import os +import random +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.stsb import STSB + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "STSB") + temp_dataset_dir = os.path.join(base_dir, "stsbenchmark") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name, name in zip(["sts-train.csv", "sts-dev.csv" "sts-test.csv"], ["train", "dev", "test"]): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + for i in range(5): + label = random.uniform(0, 5) + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + rand_string_3 = get_random_unicode(seed + 2) + rand_string_4 = get_random_unicode(seed + 3) + rand_string_5 = get_random_unicode(seed + 4) + dataset_line = (i, label, rand_string_4, rand_string_5) + # append line to correct dataset split + mocked_data[name].append(dataset_line) + f.write( + f"{rand_string_1}\t{rand_string_2}\t{rand_string_3}\t{i}\t{label}\t{rand_string_4}\t{rand_string_5}\n" + ) + seed += 1 + # case with quotes to test arg `quoting=csv.QUOTE_NONE` + dataset_line = (i, label, rand_string_4, rand_string_5) + # append line to correct dataset split + mocked_data[name].append(dataset_line) + f.write( + f'{rand_string_1}"\t"{rand_string_2}\t{rand_string_3}\t{i}\t{label}\t{rand_string_4}\t{rand_string_5}\n' + ) + + compressed_dataset_path = os.path.join(base_dir, "Stsbenchmark.tar.gz") + # create tar file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(temp_dataset_dir, arcname="stsbenchmark") + + return mocked_data + + +class TestSTSB(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "dev", "test"]) + def test_stsb(self, split): + dataset = STSB(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "dev", "test"]) + def test_stsb_split_argument(self, split): + dataset1 = STSB(root=self.root_dir, split=split) + (dataset2,) = STSB(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 8ef3311952..5efab8816a 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -20,6 +20,7 @@ from .squad1 import SQuAD1 from .squad2 import SQuAD2 from .sst2 import SST2 +from .stsb import STSB from .udpos import UDPOS from .wikitext103 import WikiText103 from .wikitext2 import WikiText2 @@ -48,6 +49,7 @@ "SQuAD2": SQuAD2, "SogouNews": SogouNews, "SST2": SST2, + "STSB": STSB, "UDPOS": UDPOS, "WikiText103": WikiText103, "WikiText2": WikiText2, diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py new file mode 100644 index 0000000000..c239de4465 --- /dev/null +++ b/torchtext/datasets/stsb.py @@ -0,0 +1,90 @@ +import csv +import os + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _create_dataset_directory, + _wrap_split_argument, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + + +URL = "http://ixa2.si.ehu.es/stswiki/images/4/48/Stsbenchmark.tar.gz" + +MD5 = "4eb0065aba063ef77873d3a9c8088811" + +NUM_LINES = { + "train": 5749, + "dev": 1500, + "test": 1379, +} + +_PATH = "Stsbenchmark.tar.gz" + +DATASET_NAME = "STSB" + +_EXTRACTED_FILES = { + "train": os.path.join("stsbenchmark", "sts-train.csv"), + "dev": os.path.join("stsbenchmark", "sts-dev.csv"), + "test": os.path.join("stsbenchmark", "sts-test.csv"), +} + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def STSB(root, split): + """STSB Dataset + + For additional details refer to https://ixa2.si.ehu.eus/stswiki/index.php/STSbenchmark + + Number of lines per split: + - train: 5749 + - dev: 1500 + - test: 1379 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`, `test`) + + :returns: DataPipe that yields tuple of (index (int), label (float), sentence1 (str), sentence2 (str)) + :rtype: (int, float, str, str) + """ + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + def _filepath_fn(x=_PATH): + return os.path.join(root, os.path.basename(x)) + + def _extracted_filepath_fn(_=None): + return _filepath_fn(_EXTRACTED_FILES[split]) + + def _filter_fn(x): + return _EXTRACTED_FILES[split] in x[0] + + def _modify_res(x): + return (int(x[3]), float(x[4]), x[5], x[6]) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=_filepath_fn, + hash_dict={_filepath_fn(URL): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) + cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + parsed_data = data_dp.parse_csv(delimiter="\t", quoting=csv.QUOTE_NONE).map(_modify_res) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From 996d9f8a2e206f7b9f3a7e0a621286e2d068dd4f Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Thu, 19 May 2022 16:08:01 -0400 Subject: [PATCH 223/463] Delete prints in test_qqp.py (#1734) --- test/datasets/test_qqp.py | 2 -- 1 file changed, 2 deletions(-) diff --git a/test/datasets/test_qqp.py b/test/datasets/test_qqp.py index 4c782040ea..1b11c8f767 100644 --- a/test/datasets/test_qqp.py +++ b/test/datasets/test_qqp.py @@ -18,7 +18,6 @@ def _get_mock_dataset(root_dir): file_name = "quora_duplicate_questions.tsv" txt_file = os.path.join(base_dir, file_name) mocked_data = [] - print(txt_file) with open(txt_file, "w", encoding="utf-8") as f: f.write("id\tqid1\tqid2\tquestion1\tquestion2\tis_duplicate\n") for i in range(5): @@ -42,7 +41,6 @@ class TestQQP(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - print(cls.root_dir) cls.samples = _get_mock_dataset(cls.root_dir) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() From caaa8e3c08309fe2c40ae40efaf7c2adcf1a2c8a Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 20 May 2022 09:24:22 -0400 Subject: [PATCH 224/463] Remove redundant dataname in test_shuffle_shard_wrapper (#1733) --- test/datasets/common.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/test/datasets/common.py b/test/datasets/common.py index 81edc565bf..f9ead3d3b3 100644 --- a/test/datasets/common.py +++ b/test/datasets/common.py @@ -10,8 +10,8 @@ class TestShuffleShardDatasetWrapper(TorchtextTestCase): # Note that for order i.e shuffle before sharding, TorchData will provide linter warning # Modify this test when linter warning is available - @parameterized.expand(list(DATASETS.items())) - def test_shuffle_shard_wrapper(self, dataset_name, dataset_fn): + @parameterized.expand([(f,) for f in DATASETS.values()]) + def test_shuffle_shard_wrapper(self, dataset_fn): dp = dataset_fn() if type(dp) == tuple: dp = list(dp) From e548d3f93f17678f53d39d59377fa8b89c8b0f21 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 23 May 2022 11:57:21 -0400 Subject: [PATCH 225/463] Adding parameterized dataset pickling tests (#1732) * Adding test to check if datasets are pickleable. Fixing IMDB local fn * Removed local functions from dataaset implementations * Updated parameterization inputs * Fixing stsb --- test/datasets/common.py | 15 +++++++++++++ torchtext/datasets/cola.py | 46 ++++++++++++++++++++++---------------- torchtext/datasets/imdb.py | 13 ++++++----- torchtext/datasets/mnli.py | 46 ++++++++++++++++++++++---------------- torchtext/datasets/mrpc.py | 19 +++++++++------- torchtext/datasets/qqp.py | 19 +++++++++------- torchtext/datasets/stsb.py | 39 +++++++++++++++++++------------- 7 files changed, 121 insertions(+), 76 deletions(-) diff --git a/test/datasets/common.py b/test/datasets/common.py index f9ead3d3b3..79cc9b89c0 100644 --- a/test/datasets/common.py +++ b/test/datasets/common.py @@ -1,3 +1,5 @@ +import pickle + from parameterized import parameterized from torch.utils.data.graph import traverse from torch.utils.data.graph_settings import get_all_graph_pipes @@ -7,6 +9,19 @@ from ..common.torchtext_test_case import TorchtextTestCase +class TestDatasetPickling(TorchtextTestCase): + @parameterized.expand([(f,) for f in DATASETS.values()]) + def test_pickling(self, dataset_fn): + dp = dataset_fn() + if type(dp) == tuple: + dp = list(dp) + else: + dp = [dp] + + for dp_split in dp: + pickle.loads(pickle.dumps(dp_split)) + + class TestShuffleShardDatasetWrapper(TorchtextTestCase): # Note that for order i.e shuffle before sharding, TorchData will provide linter warning # Modify this test when linter warning is available diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index d52cb0be66..97b4bd6f77 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -1,5 +1,6 @@ import csv import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -26,6 +27,26 @@ DATASET_NAME = "CoLA" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(t): + return (t[0], int(t[1]), t[3]) + + +def _filter_res(x): + return len(x) == 4 + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev", "test")) def CoLA(root: str, split: Union[Tuple[str], str]): @@ -51,31 +72,18 @@ def CoLA(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(t): - return (t[0], int(t[1]), t[3]) - - def _filter_res(x): - return len(x) == 4 - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index ec64e6a437..c684261272 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -53,6 +53,13 @@ def _modify_res(t): return Path(t[0]).parts[-1], t[1] +def filter_imdb_data(key, fname): + labels = {"neg", "pos"} + # eg. fname = "aclImdb/train/neg/12416_3.txt" + *_, split, label, file = Path(fname).parts + return key == split and label in labels + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def IMDB(root: str, split: Union[Tuple[str], str]): @@ -92,12 +99,6 @@ def IMDB(root: str, split: Union[Tuple[str], str]): ) cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b") cache_decompressed_dp = cache_decompressed_dp.load_from_tar() - - def filter_imdb_data(key, fname): - # eg. fname = "aclImdb/train/neg/12416_3.txt" - *_, split, label, file = Path(fname).parts - return key == split and label in labels - cache_decompressed_dp = cache_decompressed_dp.filter(partial(_filter_fn, filter_imdb_data, split)) # eg. "aclImdb/train/neg/12416_3.txt" -> "neg" diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index 43bcfe7d9f..9c2a3f71ad 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -1,6 +1,7 @@ # Copyright (c) Facebook, Inc. and its affiliates. import csv import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -39,6 +40,26 @@ LABEL_TO_INT = {"entailment": 0, "neutral": 1, "contradiction": 2} +def _filepath_fn(root, x=None): + return os.path.join(root, os.path.basename(x)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _filter_res(x): + return x[0] in LABEL_TO_INT + + +def _modify_res(x): + return (LABEL_TO_INT[x[0]], x[5], x[6]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev_matched", "dev_mismatched")) def MNLI(root, split): @@ -64,31 +85,18 @@ def MNLI(root, split): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(x=None): - return os.path.join(root, os.path.basename(x)) - - def _extracted_filepath_fn(_=None): - return os.path.join(root, _EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _filter_res(x): - return x[0] in LABEL_TO_INT - - def _modify_res(x): - return (LABEL_TO_INT[x[0]], x[5], x[6]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(URL): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root, URL): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_zip().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index c5077a195f..85ac94d1ba 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -1,5 +1,6 @@ import csv import os +from functools import partial from typing import Union, Tuple from torchtext._internal.module_utils import is_module_available @@ -31,6 +32,14 @@ DATASET_NAME = "MRPC" +def _filepath_fn(root, x): + return os.path.join(root, os.path.basename(x)) + + +def _modify_res(x): + return (int(x[0]), x[3], x[4]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "test")) def MRPC(root: str, split: Union[Tuple[str], str]): @@ -54,17 +63,11 @@ def MRPC(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(x): - return os.path.join(root, os.path.basename(x)) - - def _modify_res(x): - return (int(x[0]), x[3], x[4]) - url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check cache_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(URL[split]): MD5[split]}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root, URL[split]): MD5[split]}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 387cbffaa5..86abea4343 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -1,4 +1,5 @@ import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory @@ -18,6 +19,14 @@ DATASET_NAME = "QQP" +def _filepath_fn(root, _=None): + return os.path.join(root, _PATH) + + +def _modify_res(x): + return (int(x[-1]), x[3], x[4]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) def QQP(root: str): """QQP dataset @@ -34,16 +43,10 @@ def QQP(root: str): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(_=None): - return os.path.join(root, _PATH) - - def _modify_res(x): - return (int(x[-1]), x[3], x[4]) - url_dp = IterableWrapper([URL]) cache_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root): MD5}, hash_type="md5", ) cache_dp = HttpReader(cache_dp).end_caching(mode="wb", same_filepath_fn=True) diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index c239de4465..7c46fa3ae9 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -1,5 +1,6 @@ import csv import os +from functools import partial from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -36,6 +37,22 @@ } +def _filepath_fn(root, x=_PATH): + return os.path.join(root, os.path.basename(x)) + + +def _extracted_filepath_fn(root, split, _=None): + return _filepath_fn(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(x): + return (int(x[3]), float(x[4]), x[5], x[6]) + + @_create_dataset_directory(dataset_name=DATASET_NAME) @_wrap_split_argument(("train", "dev", "test")) def STSB(root, split): @@ -61,28 +78,18 @@ def STSB(root, split): "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) - def _filepath_fn(x=_PATH): - return os.path.join(root, os.path.basename(x)) - - def _extracted_filepath_fn(_=None): - return _filepath_fn(_EXTRACTED_FILES[split]) - - def _filter_fn(x): - return _EXTRACTED_FILES[split] in x[0] - - def _modify_res(x): - return (int(x[3]), float(x[4]), x[5], x[6]) - url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( - filepath_fn=_filepath_fn, - hash_dict={_filepath_fn(URL): MD5}, + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root, URL): MD5}, hash_type="md5", ) cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=_extracted_filepath_fn) - cache_decompressed_dp = FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(_filter_fn) + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(partial(_filter_fn, split)) + ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") From 8bbb6ac3a6c2d1f04800692c2c1178ac851b8a4e Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 23 May 2022 16:00:45 -0400 Subject: [PATCH 226/463] Fix STSB and WikiTexts tests (#1737) --- test/datasets/test_stsb.py | 2 +- test/datasets/test_wikitexts.py | 10 ++++++---- 2 files changed, 7 insertions(+), 5 deletions(-) diff --git a/test/datasets/test_stsb.py b/test/datasets/test_stsb.py index 7e95d4f5ca..f74cd2b6d2 100644 --- a/test/datasets/test_stsb.py +++ b/test/datasets/test_stsb.py @@ -21,7 +21,7 @@ def _get_mock_dataset(root_dir): seed = 1 mocked_data = defaultdict(list) - for file_name, name in zip(["sts-train.csv", "sts-dev.csv" "sts-test.csv"], ["train", "dev", "test"]): + for file_name, name in zip(["sts-train.csv", "sts-dev.csv", "sts-test.csv"], ["train", "dev", "test"]): txt_file = os.path.join(temp_dataset_dir, file_name) with open(txt_file, "w", encoding="utf-8") as f: for i in range(5): diff --git a/test/datasets/test_wikitexts.py b/test/datasets/test_wikitexts.py index ee8bfafb8f..4706a53093 100644 --- a/test/datasets/test_wikitexts.py +++ b/test/datasets/test_wikitexts.py @@ -25,12 +25,12 @@ def _get_mock_dataset(root_dir, base_dir_name): file_names = ("wiki.train.tokens", "wiki.valid.tokens", "wiki.test.tokens") for file_name in file_names: csv_file = os.path.join(temp_dataset_dir, file_name) - mocked_lines = mocked_data[os.path.splitext(file_name)[0]] + mocked_lines = mocked_data[file_name.split(".")[1]] with open(csv_file, "w", encoding="utf-8") as f: for i in range(5): rand_string = get_random_unicode(seed) - dataset_line = rand_string - f.write(f"{rand_string}\n") + dataset_line = f"{rand_string}\n" + f.write(dataset_line) # append line to correct dataset split mocked_lines.append(dataset_line) @@ -38,15 +38,17 @@ def _get_mock_dataset(root_dir, base_dir_name): if base_dir_name == WikiText103.__name__: compressed_file = "wikitext-103-v1" + arcname_folder = "wikitext-103" else: compressed_file = "wikitext-2-v1" + arcname_folder = "wikitext-2" compressed_dataset_path = os.path.join(base_dir, compressed_file + ".zip") # create zip file from dataset folder with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: for file_name in file_names: txt_file = os.path.join(temp_dataset_dir, file_name) - zip_file.write(txt_file, arcname=compressed_file) + zip_file.write(txt_file, arcname=os.path.join(arcname_folder, file_name)) return mocked_data From da509e14b2f972794d0513355c2589be0bd1ab23 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 25 May 2022 11:49:41 -0400 Subject: [PATCH 227/463] Add support for Scriptable BERT tokenizer (#1707) --- .gitmodules | 3 + test/asset/bert_base_cased_vocab.txt | 28996 +++++++++++++++++++ test/asset/bert_base_uncased_vocab.txt | 30522 ++++++++++++++++++++ test/test_transforms.py | 92 + third_party/CMakeLists.txt | 1 + third_party/utf8proc | 1 + torchtext/csrc/CMakeLists.txt | 4 + torchtext/csrc/bert_tokenizer.cpp | 288 + torchtext/csrc/bert_tokenizer.h | 43 + torchtext/csrc/register_pybindings.cpp | 15 + torchtext/csrc/register_torchbindings.cpp | 16 + torchtext/transforms.py | 114 +- 12 files changed, 60094 insertions(+), 1 deletion(-) create mode 100644 test/asset/bert_base_cased_vocab.txt create mode 100644 test/asset/bert_base_uncased_vocab.txt create mode 160000 third_party/utf8proc create mode 100644 torchtext/csrc/bert_tokenizer.cpp create mode 100644 torchtext/csrc/bert_tokenizer.h diff --git a/.gitmodules b/.gitmodules index 49265bbf47..4ce3481105 100644 --- a/.gitmodules +++ b/.gitmodules @@ -10,3 +10,6 @@ path = third_party/double-conversion url = https://github.com/google/double-conversion ignore = dirty +[submodule "third_party/utf8proc"] + path = third_party/utf8proc + url = https://github.com/JuliaStrings/utf8proc diff --git a/test/asset/bert_base_cased_vocab.txt b/test/asset/bert_base_cased_vocab.txt new file mode 100644 index 0000000000..2ea941cc79 --- /dev/null +++ b/test/asset/bert_base_cased_vocab.txt @@ -0,0 +1,28996 @@ +[PAD] +[unused1] +[unused2] +[unused3] +[unused4] +[unused5] +[unused6] +[unused7] +[unused8] +[unused9] +[unused10] +[unused11] +[unused12] +[unused13] +[unused14] +[unused15] +[unused16] +[unused17] +[unused18] +[unused19] +[unused20] +[unused21] +[unused22] +[unused23] +[unused24] +[unused25] +[unused26] +[unused27] +[unused28] +[unused29] +[unused30] +[unused31] +[unused32] +[unused33] +[unused34] +[unused35] +[unused36] +[unused37] +[unused38] +[unused39] +[unused40] +[unused41] +[unused42] +[unused43] +[unused44] +[unused45] +[unused46] +[unused47] +[unused48] +[unused49] +[unused50] +[unused51] +[unused52] +[unused53] +[unused54] +[unused55] +[unused56] +[unused57] +[unused58] +[unused59] +[unused60] +[unused61] +[unused62] +[unused63] +[unused64] +[unused65] +[unused66] +[unused67] +[unused68] +[unused69] +[unused70] +[unused71] +[unused72] +[unused73] +[unused74] +[unused75] +[unused76] +[unused77] +[unused78] +[unused79] +[unused80] +[unused81] +[unused82] +[unused83] +[unused84] +[unused85] +[unused86] +[unused87] +[unused88] +[unused89] +[unused90] +[unused91] +[unused92] +[unused93] +[unused94] +[unused95] +[unused96] +[unused97] +[unused98] +[unused99] +[UNK] +[CLS] +[SEP] +[MASK] +[unused100] +[unused101] +! +" +# +$ +% +& +' +( +) +* ++ +, +- +. +/ +0 +1 +2 +3 +4 +5 +6 +7 +8 +9 +: +; +< += +> +? +@ +A +B +C +D +E +F +G +H +I +J +K +L +M +N +O +P +Q +R +S +T +U +V +W +X +Y +Z +[ +\ +] +^ +_ +` +a +b +c +d +e +f +g +h +i +j +k +l +m +n +o +p +q +r +s +t +u +v +w +x +y +z +{ +| +} +~ +¡ +¢ +£ +¥ +§ +¨ +© +ª +« +¬ +® +° +± +² +³ +´ +µ +¶ +· +¹ +º +» +¼ +½ +¾ +¿ +À +Á + +Ä +Å +Æ +Ç +È +É +Í +Î +Ñ +Ó +Ö +× +Ø +Ú +Ü +Þ +ß +à +á +â +ã +ä +å +æ +ç +è +é +ê +ë +ì +í +î +ï +ð +ñ +ò +ó +ô +õ +ö +÷ +ø +ù +ú +û +ü +ý +þ +ÿ +Ā +ā +ă +ą +Ć +ć +Č +č +ď +Đ +đ +ē +ė +ę +ě +ğ +ġ +Ħ +ħ +ĩ +Ī +ī +İ +ı +ļ +Ľ +ľ +Ł +ł +ń +ņ +ň +ŋ +Ō +ō +ŏ +ő +Œ +œ +ř +Ś +ś +Ş +ş +Š +š +Ţ +ţ +ť +ũ +ū +ŭ +ů +ű +ų +ŵ +ŷ +ź +Ż +ż +Ž +ž +Ə +ƒ +ơ +ư +ǎ +ǐ +ǒ +ǔ +ǫ +Ș +ș +Ț +ț +ɐ +ɑ +ɔ +ɕ +ə +ɛ +ɡ +ɣ +ɨ +ɪ +ɲ +ɾ +ʀ +ʁ +ʂ +ʃ +ʊ +ʋ +ʌ +ʐ +ʑ +ʒ +ʔ +ʰ +ʲ +ʳ +ʷ +ʻ +ʼ +ʾ +ʿ +ˈ +ː +ˡ +ˢ +ˣ +́ +̃ +̍ +̯ +͡ +Α +Β +Γ +Δ +Ε +Η +Θ +Ι +Κ +Λ +Μ +Ν +Ο +Π +Σ +Τ +Φ +Χ +Ψ +Ω +ά +έ +ή +ί +α +β +γ +δ +ε +ζ +η +θ +ι +κ +λ +μ +ν +ξ +ο +π +ρ +ς +σ +τ +υ +φ +χ +ψ +ω +ό +ύ +ώ +І +Ј +А +Б +В +Г +Д +Е +Ж +З +И +К +Л +М +Н +О +П +Р +С +Т +У +Ф +Х +Ц +Ч +Ш +Э +Ю +Я +а +б +в +г +д +е +ж +з +и +й +к +л +м +н +о +п +р +с +т +у +ф +х +ц +ч +ш +щ +ъ +ы +ь +э +ю +я +ё +і +ї +ј +њ +ћ +Ա +Հ +ա +ե +ի +կ +մ +յ +ն +ո +ս +տ +ր +ւ +ְ +ִ +ֵ +ֶ +ַ +ָ +ֹ +ּ +א +ב +ג +ד +ה +ו +ז +ח +ט +י +כ +ל +ם +מ +ן +נ +ס +ע +פ +צ +ק +ר +ש +ת +، +ء +آ +أ +إ +ئ +ا +ب +ة +ت +ث +ج +ح +خ +د +ذ +ر +ز +س +ش +ص +ض +ط +ظ +ع +غ +ف +ق +ك +ل +م +ن +ه +و +ى +ي +َ +ِ +ٹ +پ +چ +ک +گ +ہ +ی +ے +ं +आ +क +ग +च +ज +ण +त +द +ध +न +प +ब +भ +म +य +र +ल +व +श +ष +स +ह +ा +ि +ी +ु +े +ो +् +। +॥ +আ +ই +এ +ও +ক +খ +গ +চ +ছ +জ +ট +ত +থ +দ +ধ +ন +প +ব +ম +য +র +ল +শ +স +হ +় +া +ি +ী +ু +ে +ো +্ +য় +க +த +ப +ம +ய +ர +ல +வ +ா +ி +ு +் +ร +་ +ག +ང +ད +ན +བ +མ +ར +ལ +ས +ི +ུ +ེ +ོ +ა +ე +ი +ლ +ნ +ო +რ +ს +ᴬ +ᴵ +ᵀ +ᵃ +ᵇ +ᵈ +ᵉ +ᵍ +ᵏ +ᵐ +ᵒ +ᵖ +ᵗ +ᵘ +ᵢ +ᵣ +ᵤ +ᵥ +ᶜ +ᶠ +ḍ +Ḥ +ḥ +Ḩ +ḩ +ḳ +ṃ +ṅ +ṇ +ṛ +ṣ +ṭ +ạ +ả +ấ +ầ +ẩ +ậ +ắ +ế +ề +ể +ễ +ệ +ị +ọ +ố +ồ +ổ +ộ +ớ +ờ +ợ +ụ +ủ +ứ +ừ +ử +ữ +ự +ỳ +ỹ +ἀ +ἐ +ὁ +ὐ +ὰ +ὶ +ὸ +ῆ +ῖ +ῦ +ῶ +‐ +‑ +‒ +– +— +― +‖ +‘ +’ +‚ +“ +” +„ +† +‡ +• +… +‰ +′ +″ +⁄ +⁰ +ⁱ +⁴ +⁵ +⁶ +⁷ +⁸ +⁹ +⁺ +⁻ +ⁿ +₀ +₁ +₂ +₃ +₄ +₅ +₆ +₇ +₈ +₉ +₊ +₍ +₎ +ₐ +ₑ +ₒ +ₓ +ₕ +ₖ +ₘ +ₙ +ₚ +ₛ +ₜ +₤ +€ +₱ +₹ +ℓ +№ +ℝ +⅓ +← +↑ +→ +↔ +⇌ +⇒ +∂ +∈ +− +∗ +∘ +√ +∞ +∧ +∨ +∩ +∪ +≈ +≠ +≡ +≤ +≥ +⊂ +⊆ +⊕ +⋅ +─ +│ +■ +● +★ +☆ +☉ +♠ +♣ +♥ +♦ +♭ +♯ +⟨ +⟩ +ⱼ +、 +。 +《 +》 +「 +」 +『 +』 +〜 +い +う +え +お +か +き +く +け +こ +さ +し +す +せ +そ +た +ち +つ +て +と +な +に +の +は +ひ +ま +み +む +め +も +や +ゆ +よ +ら +り +る +れ +ん +ア +ィ +イ +ウ +エ +オ +カ +ガ +キ +ク +グ +コ +サ +シ +ジ +ス +ズ +タ +ダ +ッ +テ +デ +ト +ド +ナ +ニ +ハ +バ +パ +フ +ブ +プ +マ +ミ +ム +ャ +ュ +ラ +リ +ル +レ +ロ +ン +・ +ー +一 +三 +上 +下 +中 +事 +二 +井 +京 +人 +亻 +仁 +佐 +侍 +光 +公 +力 +北 +十 +南 +原 +口 +史 +司 +吉 +同 +和 +囗 +国 +國 +土 +城 +士 +大 +天 +太 +夫 +女 +子 +宀 +安 +宮 +宿 +小 +尚 +山 +島 +川 +州 +平 +年 +心 +愛 +戸 +文 +新 +方 +日 +明 +星 +書 +月 +木 +本 +李 +村 +東 +松 +林 +正 +武 +氏 +水 +氵 +江 +河 +海 +版 +犬 +王 +生 +田 +白 +皇 +省 +真 +石 +社 +神 +竹 +美 +義 +花 +藤 +西 +谷 +車 +辶 +道 +郎 +郡 +部 +野 +金 +長 +門 +陽 +青 +食 +馬 +高 +龍 +龸 +사 +씨 +의 +이 +한 +fi +fl +! +( +) +, +- +/ +: +the +of +and +to +in +was +The +is +for +as +on +with +that +##s +his +by +he +at +from +it +her +He +had +an +were +you +be +In +she +are +but +which +It +not +or +have +my +him +one +this +me +has +also +up +their +first +out +who +been +they +She +into +all +would +its +##ing +time +two +##a +##e +said +about +when +over +more +other +can +after +back +them +then +##ed +there +like +so +only +##n +could +##d +##i +##y +what +no +##o +where +This +made +than +if +You +##ly +through +we +before +##r +just +some +##er +years +do +New +##t +down +between +new +now +will +three +most +On +around +year +used +such +being +well +during +They +know +against +under +later +did +part +known +off +while +His +re +... +##l +people +until +way +American +didn +University +your +both +many +get +United +became +head +There +second +As +work +any +But +still +again +born +even +eyes +After +including +de +took +And +long +team +season +family +see +right +same +called +name +because +film +don +10 +found +much +school +##es +going +won +place +away +We +day +left +John +000 +hand +since +World +these +how +make +number +each +life +area +man +four +go +No +here +very +National +##m +played +released +never +began +States +album +home +last +too +held +several +May +own +##on +take +end +School +##h +ll +series +What +want +use +another +city +When +2010 +side +At +may +That +came +face +June +think +game +those +high +March +early +September +##al +2011 +looked +July +state +small +thought +went +January +October +##u +based +August +##us +world +good +April +York +us +12 +2012 +2008 +For +2009 +group +along +few +South +little +##k +following +November +something +2013 +December +set +2007 +old +2006 +2014 +located +##an +music +County +City +former +##in +room +ve +next +All +##man +got +father +house +##g +body +15 +20 +18 +started +If +2015 +town +our +line +War +large +population +named +British +company +member +five +My +single +##en +age +State +moved +February +11 +Her +should +century +government +built +come +best +show +However +within +look +men +door +without +need +wasn +2016 +water +One +system +knew +every +died +League +turned +asked +North +St +wanted +building +received +song +served +though +felt +##ia +station +band +##ers +local +public +himself +different +death +say +##1 +30 +##2 +2005 +16 +night +behind +children +English +members +near +saw +together +son +14 +voice +village +13 +hands +help +##3 +due +French +London +top +told +open +published +third +2017 +play +across +During +put +final +often +include +25 +##le +main +having +2004 +once +ever +let +book +led +gave +late +front +find +club +##4 +German +included +species +College +form +opened +mother +women +enough +West +must +2000 +power +really +17 +making +half +##6 +order +might +##is +given +million +times +days +point +full +service +With +km +major +##7 +original +become +seen +II +north +six +##te +love +##0 +national +International +##5 +24 +So +District +lost +run +couldn +career +always +##9 +2003 +##th +country +##z +House +air +tell +south +worked +woman +player +##A +almost +war +River +##ic +married +continued +Then +James +close +black +short +##8 +##na +using +history +returned +light +car +##ra +sure +William +things +General +##ry +2002 +better +support +100 +among +From +feet +King +anything +21 +19 +established +district +2001 +feel +great +##ton +level +Cup +These +written +games +others +already +title +story +##p +law +thing +US +record +role +however +By +students +England +white +control +least +inside +land +##C +22 +give +community +hard +##ie +non +##c +produced +George +round +period +Park +business +various +##ne +does +present +wife +far +taken +per +reached +David +able +version +working +young +live +created +joined +East +living +appeared +case +High +done +23 +important +President +Award +France +position +office +looking +total +general +class +To +production +##S +football +party +brother +keep +mind +free +Street +hair +announced +development +either +nothing +moment +Church +followed +wrote +why +India +San +election +1999 +lead +How +##ch +##rs +words +European +course +considered +America +arms +Army +political +##la +28 +26 +west +east +ground +further +church +less +site +First +Not +Australia +toward +California +##ness +described +works +An +Council +heart +past +military +27 +##or +heard +field +human +soon +founded +1998 +playing +trying +##x +##ist +##ta +television +mouth +although +taking +win +fire +Division +##ity +Party +Royal +program +Some +Don +Association +According +tried +TV +Paul +outside +daughter +Best +While +someone +match +recorded +Canada +closed +region +Air +above +months +elected +##da +##ian +road +##ar +brought +move +1997 +leave +##um +Thomas +1996 +am +low +Robert +formed +person +services +points +Mr +miles +##b +stop +rest +doing +needed +international +release +floor +start +sound +call +killed +real +dark +research +finished +language +Michael +professional +change +sent +50 +upon +29 +track +hit +event +2018 +term +example +Germany +similar +return +##ism +fact +pulled +stood +says +ran +information +yet +result +developed +girl +##re +God +1995 +areas +signed +decided +##ment +Company +seemed +##el +co +turn +race +common +video +Charles +Indian +##ation +blood +art +red +##able +added +rather +1994 +met +director +addition +design +average +minutes +##ies +##ted +available +bed +coming +friend +idea +kind +Union +Road +remained +##ting +everything +##ma +running +care +finally +Chinese +appointed +1992 +Australian +##ley +popular +mean +teams +probably +##land +usually +project +social +Championship +possible +word +Russian +instead +mi +herself +##T +Peter +Hall +Center +seat +style +money +1993 +else +Department +table +Music +current +31 +features +special +events +character +Two +square +sold +debut +##v +process +Although +Since +##ka +40 +Central +currently +education +placed +lot +China +quickly +forward +seven +##ling +Europe +arm +performed +Japanese +1991 +Henry +Now +Dr +##ion +week +Group +myself +big +UK +Washington +ten +deep +1990 +Club +Japan +space +La +directed +smile +episode +hours +whole +##de +##less +Why +wouldn +designed +strong +training +changed +Society +stage +involved +hadn +towards +leading +police +eight +kept +Institute +study +largest +child +eventually +private +modern +Court +throughout +getting +originally +attack +##E +talk +Great +longer +songs +alone +##ine +wide +dead +walked +shot +##ri +Oh +force +##st +Art +today +friends +Island +Richard +1989 +center +construction +believe +size +White +ship +completed +##B +gone +Just +rock +sat +##R +radio +below +entire +families +league +includes +type +lived +official +range +hold +featured +Most +##ter +president +passed +means +##f +forces +lips +Mary +Do +guitar +##ce +food +wall +Of +spent +Its +performance +hear +##P +Western +reported +sister +##et +morning +##M +especially +##ive +Minister +itself +post +bit +groups +1988 +##tion +Black +##ng +Well +raised +sometimes +Canadian +Paris +Spanish +replaced +schools +Academy +leaving +central +female +Christian +Jack +whose +college +onto +provided +##D +##ville +players +actually +stopped +##son +Museum +doesn +##ts +books +fight +allowed +##ur +beginning +Records +awarded +parents +coach +##os +Red +saying +##ck +Smith +Yes +Lake +##L +aircraft +1987 +##ble +previous +ft +action +Italian +African +happened +vocals +Act +future +court +##ge +1986 +degree +phone +##ro +Is +countries +winning +breath +Love +river +matter +Lord +Other +list +self +parts +##ate +provide +cut +shows +plan +1st +interest +##ized +Africa +stated +Sir +fell +owned +earlier +ended +competition +attention +1985 +lower +nearly +bad +older +stay +Saint +##se +certain +1984 +fingers +blue +try +fourth +Grand +##as +king +##nt +makes +chest +movement +states +moving +data +introduced +model +date +section +Los +deal +##I +skin +entered +middle +success +Texas +##w +summer +island +##N +Republic +length +husband +1980 +##ey +reason +anyone +forced +via +base +500 +job +covered +Festival +Roman +successful +rights +cover +Man +writing +Ireland +##F +related +goal +takes +buildings +true +weeks +1983 +Because +opening +novel +ISBN +meet +gold +##ous +mid +km² +standing +Football +Chicago +shook +whom +##ki +1982 +Day +feeling +scored +boy +higher +Force +leader +heavy +fall +question +sense +army +Second +energy +meeting +themselves +kill +##am +board +census +##ya +##ns +mine +meant +market +required +battle +campaign +attended +approximately +Kingdom +runs +active +##ha +contract +clear +previously +health +1979 +Arts +complete +Catholic +couple +units +##ll +##ty +Committee +shoulder +sea +systems +listed +##O +caught +tournament +##G +northern +author +Film +Your +##men +holding +offered +personal +1981 +southern +artist +traditional +studio +200 +capital +##ful +regular +ask +giving +organization +month +news +Are +read +managed +helped +studied +student +defeated +natural +industry +Year +noted +decision +Government +quite +##id +smiled +1972 +Maybe +tracks +##ke +Mark +al +media +engine +hour +Their +relationship +plays +property +structure +1976 +ago +Hill +Martin +1978 +ready +Many +Like +Bay +immediately +generally +Italy +Greek +practice +caused +division +significant +Joseph +speed +Let +thinking +completely +1974 +primary +mostly +##field +##K +1975 +##to +Even +writer +##led +dropped +magazine +collection +understand +route +highest +particular +films +lines +network +Science +loss +carried +direction +green +1977 +location +producer +according +Women +Queen +neck +thus +independent +view +1970 +Angeles +Soviet +distance +problem +Board +tour +western +income +appearance +access +Mexico +nodded +street +surface +arrived +believed +Old +1968 +1973 +becoming +whether +1945 +figure +singer +stand +Following +issue +window +wrong +pain +everyone +lives +issues +park +slowly +la +act +##va +bring +Lee +operations +key +comes +fine +cold +famous +Navy +1971 +Me +additional +individual +##ner +Zealand +goals +county +contains +Service +minute +2nd +reach +talking +particularly +##ham +movie +Director +glass +paper +studies +##co +railway +standard +Education +45 +represented +Chief +Louis +launched +Star +terms +60 +1969 +experience +watched +Another +Press +Tom +staff +starting +subject +break +Virginia +nine +eye +##age +evidence +foot +##est +companies +Prince +##V +gun +create +Big +People +guy +Green +simply +numerous +##line +increased +twenty +##ga +##do +1967 +award +officer +stone +Before +material +Northern +grew +male +plant +Life +legs +step +Al +unit +35 +except +answer +##U +report +response +Edward +commercial +edition +trade +science +##ca +Irish +Law +shown +rate +failed +##ni +remains +changes +mm +limited +larger +Later +cause +waiting +Time +##wood +cost +Bill +manager +activities +likely +allow +operated +retired +##ping +65 +directly +Who +associated +effect +hell +Florida +straight +hot +Valley +management +girls +expected +eastern +Mike +chance +cast +centre +chair +hurt +problems +##li +walk +programs +Team +characters +Battle +edge +pay +maybe +corner +majority +medical +Joe +Summer +##io +attempt +Pacific +command +Radio +##by +names +municipality +1964 +train +economic +Brown +feature +sex +source +agreed +remember +Three +1966 +1965 +Pennsylvania +victory +senior +annual +III +Southern +results +Sam +serving +religious +Jones +appears +##der +despite +claimed +Both +musical +matches +fast +security +selected +Young +double +complex +hospital +chief +Times +##ve +Championships +filled +Public +Despite +beautiful +Research +plans +Province +##ally +Wales +##ko +artists +metal +nearby +Spain +##il +32 +houses +supported +piece +##no +stared +recording +nature +legal +Russia +##ization +remaining +looks +##sh +bridge +closer +cases +scene +marriage +Little +##é +uses +Earth +specific +Frank +theory +Good +discovered +referred +bass +culture +university +presented +Congress +##go +metres +continue +1960 +isn +Awards +meaning +cell +composed +separate +Series +forms +Blue +cross +##tor +increase +test +computer +slightly +Where +Jewish +Town +tree +status +1944 +variety +responsible +pretty +initially +##way +realized +pass +provides +Captain +Alexander +recent +score +broke +Scott +drive +financial +showed +Line +stories +ordered +soldiers +genus +operation +gaze +sitting +society +Only +hope +actor +follow +Empire +Yeah +technology +happy +focus +policy +spread +situation +##ford +##ba +Mrs +watch +Can +1963 +Commission +touch +earned +troops +Under +1962 +individuals +cannot +19th +##lin +mile +expression +exactly +suddenly +weight +dance +stepped +places +appear +difficult +Railway +anti +numbers +kilometres +star +##ier +department +ice +Britain +removed +Once +##lo +Boston +value +##ant +mission +trees +Order +sports +join +serve +Major +poor +Poland +mainly +Theatre +pushed +Station +##it +Lady +federal +silver +##ler +foreign +##ard +Eastern +##den +box +hall +subsequently +lies +acquired +1942 +ancient +CD +History +Jean +beyond +##ger +El +##les +growing +championship +native +Parliament +Williams +watching +direct +overall +offer +Also +80 +Secretary +spoke +Latin +ability +##ated +safe +presence +##ial +headed +regional +planned +1961 +Johnson +throat +consists +##W +extended +Or +bar +walls +Chris +stations +politician +Olympics +influence +share +fighting +speak +hundred +Carolina +die +stars +##tic +color +Chapter +##ish +fear +sleep +goes +Francisco +oil +Bank +sign +physical +##berg +Dutch +seasons +##rd +Games +Governor +sorry +lack +Centre +memory +baby +smaller +charge +Did +multiple +ships +shirt +Assembly +amount +leaves +3rd +Foundation +conditions +1943 +Rock +Democratic +Daniel +##at +winner +products +##ina +store +latter +Professor +civil +prior +host +1956 +soft +vote +needs +Each +rules +1958 +pressure +letter +normal +proposed +levels +records +1959 +paid +intended +Victoria +purpose +okay +historical +issued +1980s +broadcast +rule +simple +picked +firm +Sea +1941 +Elizabeth +1940 +serious +featuring +highly +graduated +mentioned +choice +1948 +replied +percent +Scotland +##hi +females +constructed +1957 +settled +Steve +recognized +cities +crew +glanced +kiss +competed +flight +knowledge +editor +More +Conference +##H +fifth +elements +##ee +##tes +function +newspaper +recently +Miss +cultural +brown +twice +Office +1939 +truth +Creek +1946 +households +USA +1950 +quality +##tt +border +seconds +destroyed +pre +wait +ahead +build +image +90 +cars +##mi +33 +promoted +professor +et +bank +medal +text +broken +Middle +revealed +sides +wing +seems +channel +1970s +Ben +loved +effort +officers +Will +##ff +70 +Israel +Jim +upper +fully +label +Jr +assistant +powerful +pair +positive +##ary +gives +1955 +20th +races +remain +kitchen +primarily +##ti +Sydney +easy +Tour +whispered +buried +300 +News +Polish +1952 +Duke +Columbia +produce +accepted +00 +approach +minor +1947 +Special +44 +Asian +basis +visit +Fort +Civil +finish +formerly +beside +leaned +##ite +median +rose +coast +effects +supposed +Cross +##hip +Corps +residents +Jackson +##ir +Bob +basketball +36 +Asia +seem +Bishop +Book +##ber +ring +##ze +owner +BBC +##ja +transferred +acting +De +appearances +walking +Le +press +grabbed +1954 +officially +1953 +##pe +risk +taught +review +##X +lay +##well +council +Avenue +seeing +losing +Ohio +Super +province +ones +travel +##sa +projects +equipment +spot +Berlin +administrative +heat +potential +shut +capacity +elections +growth +fought +Republican +mixed +Andrew +teacher +turning +strength +shoulders +beat +wind +1949 +Health +follows +camp +suggested +perhaps +Alex +mountain +contact +divided +candidate +fellow +34 +Show +necessary +workers +ball +horse +ways +questions +protect +gas +activity +younger +bottom +founder +Scottish +screen +treatment +easily +com +##house +dedicated +Master +warm +Night +Georgia +Long +von +##me +perfect +website +1960s +piano +efforts +##ide +Tony +sort +offers +Development +Simon +executive +##nd +save +Over +Senate +1951 +1990s +draw +master +Police +##ius +renamed +boys +initial +prominent +damage +Co +##ov +##za +online +begin +occurred +captured +youth +Top +account +tells +Justice +conducted +forest +##town +bought +teeth +Jersey +##di +purchased +agreement +Michigan +##ure +campus +prison +becomes +product +secret +guess +Route +huge +types +drums +64 +split +defeat +estate +housing +##ot +brothers +Coast +declared +happen +titled +therefore +sun +commonly +alongside +Stadium +library +Home +article +steps +telling +slow +assigned +refused +laughed +wants +Nick +wearing +Rome +Open +##ah +Hospital +pointed +Taylor +lifted +escape +participated +##j +drama +parish +Santa +##per +organized +mass +pick +Airport +gets +Library +unable +pull +Live +##ging +surrounding +##ries +focused +Adam +facilities +##ning +##ny +38 +##ring +notable +era +connected +gained +operating +laid +Regiment +branch +defined +Christmas +machine +Four +academic +Iran +adopted +concept +Men +compared +search +traffic +Max +Maria +greater +##ding +widely +##burg +serves +1938 +37 +Go +hotel +shared +typically +scale +1936 +leg +suffered +yards +pieces +Ministry +Wilson +episodes +empty +1918 +safety +continues +yellow +historic +settlement +400 +Come +Corporation +enemy +content +picture +evening +territory +method +trial +solo +driver +Here +##ls +entrance +Prize +spring +whatever +##ent +75 +##ji +reading +Arthur +##cy +Our +clothes +Prime +Illinois +Kong +code +##ria +sit +Harry +Federal +chosen +administration +bodies +begins +stomach +Though +seats +Hong +density +Sun +leaders +Field +museum +chart +platform +languages +##ron +birth +holds +Gold +##un +fish +combined +##ps +4th +1937 +largely +captain +trust +Game +van +boat +Oxford +basic +beneath +Islands +painting +nice +Toronto +path +males +sources +block +conference +parties +murder +clubs +crowd +calling +About +Business +peace +knows +lake +speaking +stayed +Brazil +allowing +Born +unique +thick +Technology +##que +receive +des +semi +alive +noticed +format +##ped +coffee +digital +##ned +handed +guard +tall +faced +setting +plants +partner +claim +reduced +temple +animals +determined +classes +##out +estimated +##ad +Olympic +providing +Massachusetts +learned +Inc +Philadelphia +Social +carry +42 +possibly +hosted +tonight +respectively +Today +shape +Mount +roles +designated +brain +etc +Korea +thoughts +Brian +Highway +doors +background +drew +models +footballer +tone +turns +1935 +quiet +tower +wood +bus +write +software +weapons +flat +marked +1920 +newly +tight +Eric +finger +Journal +FC +Van +rise +critical +Atlantic +granted +returning +communities +humans +quick +39 +48 +ranked +sight +pop +Swedish +Stephen +card +analysis +attacked +##wa +Sunday +identified +Jason +champion +situated +1930 +expanded +tears +##nce +reaching +Davis +protection +Emperor +positions +nominated +Bridge +tax +dress +allows +avoid +leadership +killing +actress +guest +steel +knowing +electric +cells +disease +grade +unknown +##ium +resulted +Pakistan +confirmed +##ged +tongue +covers +##Y +roof +entirely +applied +votes +drink +interview +exchange +Township +reasons +##ised +page +calls +dog +agent +nose +teaching +##ds +##ists +advanced +wish +Golden +existing +vehicle +del +1919 +develop +attacks +pressed +Sports +planning +resulting +facility +Sarah +notes +1933 +Class +Historic +winter +##mo +audience +Community +household +Netherlands +creation +##ize +keeping +1914 +claims +dry +guys +opposite +##ak +explained +Ontario +secondary +difference +Francis +actions +organizations +yard +animal +Up +Lewis +titles +Several +1934 +Ryan +55 +Supreme +rolled +1917 +distribution +figures +afraid +rural +yourself +##rt +sets +barely +Instead +passing +awards +41 +silence +authority +occupied +environment +windows +engineering +surprised +flying +crime +reports +Mountain +powers +driving +succeeded +reviews +1929 +Head +missing +Song +Jesus +opportunity +inspired +ends +albums +conversation +impact +injury +surprise +billion +learning +heavily +oldest +union +creating +##ky +festival +literature +letters +sexual +##tte +apartment +Final +comedy +nation +orders +##sen +contemporary +Power +drawn +existence +connection +##ating +Post +Junior +remembered +message +Medal +castle +note +engineer +sounds +Beach +crossed +##dy +ear +scientific +sales +##ai +theme +starts +clearly +##ut +trouble +##gan +bag +##han +BC +sons +1928 +silent +versions +daily +Studies +ending +Rose +guns +1932 +headquarters +reference +obtained +Squadron +concert +none +du +Among +##don +prevent +Member +answered +staring +Between +##lla +portion +drug +liked +association +performances +Nations +formation +Castle +lose +learn +scoring +relatively +quarter +47 +Premier +##ors +Sweden +baseball +attempted +trip +worth +perform +airport +fields +enter +honor +Medical +rear +commander +officials +condition +supply +materials +52 +Anna +volume +threw +Persian +43 +interested +Gallery +achieved +visited +laws +relief +Area +Matt +singles +Lieutenant +Country +fans +Cambridge +sky +Miller +effective +tradition +Port +##ana +minister +extra +entitled +System +sites +authorities +acres +committee +racing +1931 +desk +trains +ass +weren +Family +farm +##ance +industrial +##head +iron +49 +abandoned +Out +Holy +chairman +waited +frequently +display +Light +transport +starring +Patrick +Engineering +eat +FM +judge +reaction +centuries +price +##tive +Korean +defense +Get +arrested +1927 +send +urban +##ss +pilot +Okay +Media +reality +arts +soul +thirty +##be +catch +generation +##nes +apart +Anne +drop +See +##ving +sixth +trained +Management +magic +cm +height +Fox +Ian +resources +vampire +principal +Was +haven +##au +Walter +Albert +rich +1922 +causing +entry +##ell +shortly +46 +worry +doctor +composer +rank +Network +bright +showing +regions +1924 +wave +carrying +kissed +finding +missed +Earl +lying +target +vehicles +Military +controlled +dinner +##board +briefly +lyrics +motion +duty +strange +attempts +invited +kg +villages +5th +Land +##mer +Christ +prepared +twelve +check +thousand +earth +copies +en +transfer +citizens +Americans +politics +nor +theatre +Project +##bo +clean +rooms +laugh +##ran +application +contained +anyway +containing +Sciences +1925 +rare +speech +exist +1950s +falling +passenger +##im +stands +51 +##ol +##ow +phase +governor +kids +details +methods +Vice +employed +performing +counter +Jane +heads +Channel +wine +opposition +aged +1912 +Every +1926 +highway +##ura +1921 +aired +978 +permanent +Forest +finds +joint +approved +##pur +brief +doubt +acts +brand +wild +closely +Ford +Kevin +chose +shall +port +sweet +fun +asking +Be +##bury +sought +Dave +Mexican +mom +Right +Howard +Moscow +Charlie +Stone +##mann +admitted +##ver +wooden +1923 +Officer +relations +Hot +combat +publication +chain +shop +inhabitants +proved +ideas +address +1915 +Memorial +explain +increasing +conflict +Anthony +Melbourne +narrow +temperature +slid +1916 +worse +selling +documentary +Ali +Ray +opposed +vision +dad +extensive +Infantry +commissioned +Doctor +offices +programming +core +respect +storm +##pa +##ay +##om +promotion +der +struck +anymore +shit +Region +receiving +DVD +alternative +##ue +ride +maximum +1910 +##ious +Third +Affairs +cancer +Executive +##op +dream +18th +Due +##ker +##worth +economy +IV +Billboard +identity +subsequent +statement +skills +##back +funding +##ons +Round +Foreign +truck +Please +lights +wondered +##ms +frame +yes +Still +districts +fiction +Colonel +converted +150 +grown +accident +critics +fit +Information +architecture +Point +Five +armed +Billy +poet +functions +consisted +suit +Turkish +Band +object +desire +##ities +sounded +flow +Norwegian +articles +Marie +pulling +thin +singing +Hunter +Human +Battalion +Federation +Kim +origin +represent +dangerous +weather +fuel +ex +##sing +Last +bedroom +aid +knees +Alan +angry +assumed +plane +Something +founding +concerned +global +Fire +di +please +Portuguese +touched +Roger +nuclear +Register +Jeff +fixed +royal +lie +finals +NFL +Manchester +towns +handle +shaped +Chairman +Dean +launch +understanding +Children +violence +failure +sector +Brigade +wrapped +fired +sharp +tiny +developing +expansion +Free +institutions +technical +Nothing +otherwise +Main +inch +Saturday +wore +Senior +attached +cheek +representing +Kansas +##chi +##kin +actual +advantage +Dan +Austria +##dale +hoped +multi +squad +Norway +streets +1913 +Services +hired +grow +pp +wear +painted +Minnesota +stuff +Building +54 +Philippines +1900 +##ties +educational +Khan +Magazine +##port +Cape +signal +Gordon +sword +Anderson +cool +engaged +Commander +images +Upon +tied +Security +cup +rail +Vietnam +successfully +##red +Muslim +gain +bringing +Native +hers +occurs +negative +Philip +Kelly +Colorado +category +##lan +600 +Have +supporting +wet +56 +stairs +Grace +observed +##ung +funds +restaurant +1911 +Jews +##ments +##che +Jake +Back +53 +asks +journalist +accept +bands +bronze +helping +##ice +decades +mayor +survived +usual +influenced +Douglas +Hey +##izing +surrounded +retirement +Temple +derived +Pope +registered +producing +##ral +structures +Johnny +contributed +finishing +buy +specifically +##king +patients +Jordan +internal +regarding +Samuel +Clark +##q +afternoon +Finally +scenes +notice +refers +quietly +threat +Water +Those +Hamilton +promise +freedom +Turkey +breaking +maintained +device +lap +ultimately +Champion +Tim +Bureau +expressed +investigation +extremely +capable +qualified +recognition +items +##up +Indiana +adult +rain +greatest +architect +Morgan +dressed +equal +Antonio +collected +drove +occur +Grant +graduate +anger +Sri +worried +standards +##ore +injured +somewhere +damn +Singapore +Jimmy +pocket +homes +stock +religion +aware +regarded +Wisconsin +##tra +passes +fresh +##ea +argued +Ltd +EP +Diego +importance +Census +incident +Egypt +Missouri +domestic +leads +ceremony +Early +camera +Father +challenge +Switzerland +lands +familiar +hearing +spend +educated +Tennessee +Thank +##ram +Thus +concern +putting +inches +map +classical +Allen +crazy +valley +Space +softly +##my +pool +worldwide +climate +experienced +neighborhood +scheduled +neither +fleet +1908 +Girl +##J +Part +engines +locations +darkness +Revolution +establishment +lawyer +objects +apparently +Queensland +Entertainment +bill +mark +Television +##ong +pale +demand +Hotel +selection +##rn +##ino +Labour +Liberal +burned +Mom +merged +Arizona +request +##lia +##light +hole +employees +##ical +incorporated +95 +independence +Walker +covering +joining +##ica +task +papers +backing +sell +biggest +6th +strike +establish +##ō +gently +59 +Orchestra +Winter +protein +Juan +locked +dates +Boy +aren +shooting +Luke +solid +charged +Prior +resigned +interior +garden +spoken +improve +wonder +promote +hidden +##med +combination +Hollywood +Swiss +consider +##ks +Lincoln +literary +drawing +Marine +weapon +Victor +Trust +Maryland +properties +##ara +exhibition +understood +hung +Tell +installed +loud +fashion +affected +junior +landing +flowers +##he +Internet +beach +Heart +tries +Mayor +programme +800 +wins +noise +##ster +##ory +58 +contain +fair +delivered +##ul +wedding +Square +advance +behavior +Program +Oregon +##rk +residence +realize +certainly +hill +Houston +57 +indicated +##water +wounded +Village +massive +Moore +thousands +personnel +dating +opera +poetry +##her +causes +feelings +Frederick +applications +push +approached +foundation +pleasure +sale +fly +gotten +northeast +costs +raise +paintings +##ney +views +horses +formal +Arab +hockey +typical +representative +rising +##des +clock +stadium +shifted +Dad +peak +Fame +vice +disappeared +users +Way +Naval +prize +hoping +values +evil +Bell +consisting +##ón +Regional +##ics +improved +circle +carefully +broad +##ini +Fine +maintain +operate +offering +mention +Death +stupid +Through +Princess +attend +interests +ruled +somewhat +wings +roads +grounds +##ual +Greece +Champions +facing +hide +voted +require +Dark +Matthew +credit +sighed +separated +manner +##ile +Boys +1905 +committed +impossible +lip +candidates +7th +Bruce +arranged +Islamic +courses +criminal +##ened +smell +##bed +08 +consecutive +##ening +proper +purchase +weak +Prix +1906 +aside +introduction +Look +##ku +changing +budget +resistance +factory +Forces +agency +##tone +northwest +user +1907 +stating +##one +sport +Design +environmental +cards +concluded +Carl +250 +accused +##ology +Girls +sick +intelligence +Margaret +responsibility +Guard +##tus +17th +sq +goods +1909 +hate +##ek +capture +stores +Gray +comic +Modern +Silver +Andy +electronic +wheel +##ied +Deputy +##bs +Czech +zone +choose +constant +reserve +##lle +Tokyo +spirit +sub +degrees +flew +pattern +compete +Dance +##ik +secretary +Imperial +99 +reduce +Hungarian +confused +##rin +Pierre +describes +regularly +Rachel +85 +landed +passengers +##ise +##sis +historian +meters +Youth +##ud +participate +##cing +arrival +tired +Mother +##gy +jumped +Kentucky +faces +feed +Israeli +Ocean +##Q +##án +plus +snow +techniques +plate +sections +falls +jazz +##ris +tank +loan +repeated +opinion +##res +unless +rugby +journal +Lawrence +moments +shock +distributed +##ded +adjacent +Argentina +crossing +uncle +##ric +Detroit +communication +mental +tomorrow +session +Emma +Without +##gen +Miami +charges +Administration +hits +coat +protected +Cole +invasion +priest +09 +Gary +enjoyed +plot +measure +bound +friendly +throw +musician +##lon +##ins +Age +knife +damaged +birds +driven +lit +ears +breathing +Arabic +Jan +faster +Jonathan +##gate +Independent +starred +Harris +teachers +Alice +sequence +mph +file +translated +decide +determine +Review +documents +sudden +threatened +##ft +bear +distinct +decade +burning +##sky +1930s +replace +begun +extension +##time +1904 +equivalent +accompanied +Christopher +Danish +##ye +Besides +##more +persons +fallen +Rural +roughly +saved +willing +ensure +Belgium +05 +musicians +##ang +giant +Six +Retrieved +worst +purposes +##bly +mountains +seventh +slipped +brick +07 +##py +somehow +Carter +Iraq +cousin +favor +islands +journey +FIFA +contrast +planet +vs +calm +##ings +concrete +branches +gray +profit +Russell +##ae +##ux +##ens +philosophy +businesses +talked +parking +##ming +owners +Place +##tle +agricultural +Kate +06 +southeast +draft +Eddie +earliest +forget +Dallas +Commonwealth +edited +66 +inner +ed +operates +16th +Harvard +assistance +##si +designs +Take +bathroom +indicate +CEO +Command +Louisiana +1902 +Dublin +Books +1901 +tropical +1903 +##tors +Places +tie +progress +forming +solution +62 +letting +##ery +studying +##jo +duties +Baseball +taste +Reserve +##ru +Ann +##gh +visible +##vi +notably +link +NCAA +southwest +Never +storage +mobile +writers +favorite +Pro +pages +truly +count +##tta +string +kid +98 +Ross +row +##idae +Kennedy +##tan +Hockey +hip +waist +grandfather +listen +##ho +feels +busy +72 +stream +obvious +cycle +shaking +Knight +##ren +Carlos +painter +trail +web +linked +04 +Palace +existed +##ira +responded +closing +End +examples +Marshall +weekend +jaw +Denmark +lady +township +medium +chin +Story +option +fifteen +Moon +represents +makeup +investment +jump +childhood +Oklahoma +roll +normally +Ten +Operation +Graham +Seattle +Atlanta +paused +promised +rejected +treated +returns +flag +##ita +Hungary +danger +glad +movements +visual +subjects +credited +soldier +Norman +ill +translation +José +Quebec +medicine +warning +theater +praised +municipal +01 +commune +churches +acid +folk +8th +testing +add +survive +Sound +devices +residential +severe +presidential +Mississippi +Austin +Perhaps +Charlotte +hanging +Montreal +grin +##ten +racial +partnership +shoot +shift +##nie +Les +downtown +Brothers +Garden +matters +restored +mirror +forever +winners +rapidly +poverty +##ible +Until +DC +faith +hundreds +Real +Ukraine +Nelson +balance +Adams +contest +relative +ethnic +Edinburgh +composition +##nts +emergency +##van +marine +reputation +Down +pack +12th +Communist +Mountains +pro +stages +measures +##ld +ABC +Li +victims +benefit +Iowa +Broadway +gathered +rating +Defense +classic +##ily +ceiling +##ions +snapped +Everything +constituency +Franklin +Thompson +Stewart +entering +Judge +forth +##sk +wanting +smiling +moves +tunnel +premiered +grass +unusual +Ukrainian +bird +Friday +tail +Portugal +coal +element +Fred +guards +Senator +collaboration +beauty +Wood +chemical +beer +justice +signs +##Z +sees +##zi +Puerto +##zed +96 +smooth +Bowl +gift +limit +97 +heading +Source +wake +requires +Ed +Constitution +factor +Lane +factors +adding +Note +cleared +pictures +pink +##ola +Kent +Local +Singh +moth +Ty +##ture +courts +Seven +temporary +involving +Vienna +emerged +fishing +agree +defensive +stuck +secure +Tamil +##ick +bottle +03 +Player +instruments +Spring +patient +flesh +contributions +cry +Malaysia +120 +Global +da +Alabama +Within +##work +debuted +expect +Cleveland +concerns +retained +horror +10th +spending +Peace +Transport +grand +Crown +instance +institution +acted +Hills +mounted +Campbell +shouldn +1898 +##ably +chamber +soil +88 +Ethan +sand +cheeks +##gi +marry +61 +weekly +classification +DNA +Elementary +Roy +definitely +Soon +Rights +gate +suggests +aspects +imagine +golden +beating +Studios +Warren +differences +significantly +glance +occasionally +##od +clothing +Assistant +depth +sending +possibility +mode +prisoners +requirements +daughters +dated +Representatives +prove +guilty +interesting +smoke +cricket +93 +##ates +rescue +Connecticut +underground +Opera +13th +reign +##ski +thanks +leather +equipped +routes +fan +##ans +script +Wright +bishop +Welsh +jobs +faculty +eleven +Railroad +appearing +anniversary +Upper +##down +anywhere +Rugby +Metropolitan +Meanwhile +Nicholas +champions +forehead +mining +drinking +76 +Jerry +membership +Brazilian +Wild +Rio +scheme +Unlike +strongly +##bility +fill +##rian +easier +MP +Hell +##sha +Stanley +banks +Baron +##ique +Robinson +67 +Gabriel +Austrian +Wayne +exposed +##wan +Alfred +1899 +manage +mix +visitors +eating +##rate +Sean +commission +Cemetery +policies +Camp +parallel +traveled +guitarist +02 +supplies +couples +poem +blocks +Rick +Training +Energy +achieve +appointment +Wing +Jamie +63 +novels +##em +1890 +songwriter +Base +Jay +##gar +naval +scared +miss +labor +technique +crisis +Additionally +backed +destroy +seriously +tools +tennis +91 +god +##ington +continuing +steam +obviously +Bobby +adapted +fifty +enjoy +Jacob +publishing +column +##ular +Baltimore +Donald +Liverpool +92 +drugs +movies +##ock +Heritage +##je +##istic +vocal +strategy +gene +advice +##bi +Ottoman +riding +##side +Agency +Indonesia +11th +laughing +sleeping +und +muttered +listening +deck +tip +77 +ownership +grey +Claire +deeply +provincial +popularity +Cooper +##á +Emily +##sed +designer +Murray +describe +Danny +Around +Parker +##dae +68 +rates +suffering +considerable +78 +nervous +powered +tons +circumstances +wished +belonged +Pittsburgh +flows +9th +##use +belt +81 +useful +15th +context +List +Dead +Iron +seek +Season +worn +frequency +legislation +replacement +memories +Tournament +Again +Barry +organisation +copy +Gulf +waters +meets +struggle +Oliver +1895 +Susan +protest +kick +Alliance +components +1896 +Tower +Windows +demanded +regiment +sentence +Woman +Logan +Referee +hosts +debate +knee +Blood +##oo +universities +practices +Ward +ranking +correct +happening +Vincent +attracted +classified +##stic +processes +immediate +waste +increasingly +Helen +##po +Lucas +Phil +organ +1897 +tea +suicide +actors +lb +crash +approval +waves +##ered +hated +grip +700 +amongst +69 +74 +hunting +dying +lasted +illegal +##rum +stare +defeating +##gs +shrugged +°C +Jon +Count +Orleans +94 +affairs +formally +##and +##ves +criticized +Disney +Vol +successor +tests +scholars +palace +Would +celebrated +rounds +grant +Schools +Such +commanded +demon +Romania +##all +Karl +71 +##yn +84 +Daily +totally +Medicine +fruit +Die +upset +Lower +Conservative +14th +Mitchell +escaped +shoes +Morris +##tz +queen +harder +prime +Thanks +indeed +Sky +authors +rocks +definition +Nazi +accounts +printed +experiences +##ters +divisions +Cathedral +denied +depending +Express +##let +73 +appeal +loose +colors +filed +##isation +gender +##ew +throne +forests +Finland +domain +boats +Baker +squadron +shore +remove +##ification +careful +wound +railroad +82 +seeking +agents +##ved +Blues +##off +customers +ignored +net +##ction +hiding +Originally +declined +##ess +franchise +eliminated +NBA +merely +pure +appropriate +visiting +forty +markets +offensive +coverage +cave +##nia +spell +##lar +Benjamin +##ire +Convention +filmed +Trade +##sy +##ct +Having +palm +1889 +Evans +intense +plastic +Julia +document +jeans +vessel +SR +##fully +proposal +Birmingham +le +##ative +assembly +89 +fund +lock +1893 +AD +meetings +occupation +modified +Years +odd +aimed +reform +Mission +Works +shake +cat +exception +convinced +executed +pushing +dollars +replacing +soccer +manufacturing +##ros +expensive +kicked +minimum +Josh +coastal +Chase +ha +Thailand +publications +deputy +Sometimes +Angel +effectively +##illa +criticism +conduct +Serbian +landscape +NY +absence +passage +##ula +Blake +Indians +1892 +admit +Trophy +##ball +Next +##rated +##ians +charts +kW +orchestra +79 +heritage +1894 +rough +exists +boundary +Bible +Legislative +moon +medieval +##over +cutting +print +##ett +birthday +##hood +destruction +Julian +injuries +influential +sisters +raising +statue +colour +dancing +characteristics +orange +##ok +##aries +Ken +colonial +twin +Larry +surviving +##shi +Barbara +personality +entertainment +assault +##ering +talent +happens +license +86 +couch +Century +soundtrack +shower +swimming +cash +Staff +bent +1885 +bay +lunch +##lus +dozen +vessels +CBS +greatly +critic +Test +symbol +panel +shell +output +reaches +87 +Front +motor +ocean +##era +##ala +maintenance +violent +scent +Limited +Las +Hope +Theater +Which +survey +Robin +recordings +compilation +##ward +bomb +insurance +Authority +sponsored +satellite +Jazz +refer +stronger +blow +whilst +Wrestling +suggest +##rie +climbed +##els +voices +shopping +1891 +Neil +discovery +##vo +##ations +burst +Baby +peaked +Brooklyn +knocked +lift +##try +false +nations +Hugh +Catherine +preserved +distinguished +terminal +resolution +ratio +pants +cited +competitions +completion +DJ +bone +uniform +schedule +shouted +83 +1920s +rarely +Basketball +Taiwan +artistic +bare +vampires +arrest +Utah +Marcus +assist +gradually +qualifying +Victorian +vast +rival +Warner +Terry +Economic +##cia +losses +boss +versus +audio +runner +apply +surgery +Play +twisted +comfortable +##cs +Everyone +guests +##lt +Harrison +UEFA +lowered +occasions +##lly +##cher +chapter +youngest +eighth +Culture +##room +##stone +1888 +Songs +Seth +Digital +involvement +expedition +relationships +signing +1000 +fault +annually +circuit +afterwards +meat +creature +##ou +cable +Bush +##net +Hispanic +rapid +gonna +figured +extent +considering +cried +##tin +sigh +dynasty +##ration +cabinet +Richmond +stable +##zo +1864 +Admiral +Unit +occasion +shares +badly +longest +##ify +Connor +extreme +wondering +girlfriend +Studio +##tions +1865 +tribe +exact +muscles +hat +Luis +Orthodox +decisions +amateur +description +##lis +hips +kingdom +##ute +Portland +whereas +Bachelor +outer +discussion +partly +Arkansas +1880 +dreams +perfectly +Lloyd +##bridge +asleep +##tti +Greg +permission +trading +pitch +mill +Stage +liquid +Keith +##tal +wolf +processing +stick +Jerusalem +profile +rushed +spiritual +argument +Ice +Guy +till +Delhi +roots +Section +missions +Glasgow +penalty +NBC +encouraged +identify +keyboards +##zing +##ston +disc +plain +informed +Bernard +thinks +fled +Justin +##day +newspapers +##wick +Ralph +##zer +unlike +Stars +artillery +##ified +recovered +arrangement +searching +##pers +##tory +##rus +deaths +Egyptian +diameter +##í +marketing +corporate +teach +marks +Turner +staying +hallway +Sebastian +chapel +naked +mistake +possession +1887 +dominated +jacket +creative +Fellow +Falls +Defence +suspended +employment +##rry +Hebrew +Hudson +Week +Wars +recognize +Natural +controversial +Tommy +thank +Athletic +benefits +decline +intention +##ets +Lost +Wall +participation +elevation +supports +parliament +1861 +concentration +Movement +##IS +competing +stops +behalf +##mm +limits +funded +discuss +Collins +departure +obtain +woods +latest +universe +alcohol +Laura +rush +blade +funny +Dennis +forgotten +Amy +Symphony +apparent +graduating +1862 +Rob +Grey +collections +Mason +emotions +##ugh +literally +Any +counties +1863 +nomination +fighter +habitat +respond +external +Capital +exit +Video +carbon +sharing +Bad +opportunities +Perry +photo +##mus +Orange +posted +remainder +transportation +portrayed +Labor +recommended +percussion +rated +Grade +rivers +partially +suspected +strip +adults +button +struggled +intersection +Canal +##ability +poems +claiming +Madrid +1886 +Together +##our +Much +Vancouver +instrument +instrumental +1870 +mad +angle +Control +Phoenix +Leo +Communications +mail +##ette +##ev +preferred +adaptation +alleged +discussed +deeper +##ane +Yet +Monday +volumes +thrown +Zane +##logy +displayed +rolling +dogs +Along +Todd +##ivity +withdrew +representation +belief +##sia +crown +Late +Short +hardly +grinned +romantic +Pete +##ken +networks +enemies +Colin +Eventually +Side +donated +##su +steady +grab +guide +Finnish +Milan +pregnant +controversy +reminded +1884 +Stuart +##bach +##ade +Race +Belgian +LP +Production +Zone +lieutenant +infantry +Child +confusion +sang +resident +##ez +victim +1881 +channels +Ron +businessman +##gle +Dick +colony +pace +producers +##ese +agencies +Craig +Lucy +Very +centers +Yorkshire +photography +##ched +Album +championships +Metro +substantial +Standard +terrible +directors +contribution +advertising +emotional +##its +layer +segment +sir +folded +Roberts +ceased +Hampshire +##ray +detailed +partners +m² +##pt +Beth +genre +commented +generated +remote +aim +Hans +credits +concerts +periods +breakfast +gay +shadow +defence +Too +Had +transition +Afghanistan +##book +eggs +defend +##lli +writes +Systems +bones +mess +seed +scientists +Shortly +Romanian +##zy +Freedom +muscle +hero +parent +agriculture +checked +Islam +Bristol +Freyja +Arena +cabin +Germans +electricity +ranks +viewed +medals +Wolf +associate +Madison +Sorry +fort +Chile +detail +widespread +attorney +boyfriend +##nan +Students +Spencer +##ig +bite +Maine +demolished +Lisa +erected +Someone +operational +Commissioner +NHL +Coach +Bar +forcing +Dream +Rico +cargo +Murphy +##fish +##ase +distant +##master +##ora +Organization +doorway +Steven +traded +electrical +frequent +##wn +Branch +Sure +1882 +placing +Manhattan +attending +attributed +excellent +pounds +ruling +principles +component +Mediterranean +Vegas +machines +percentage +infrastructure +throwing +affiliated +Kings +secured +Caribbean +Track +Ted +honour +opponent +Virgin +Construction +grave +produces +Challenge +stretched +paying +murmured +##ata +integrated +waved +Nathan +##ator +transmission +videos +##yan +##hu +Nova +descent +AM +Harold +conservative +Therefore +venue +competitive +##ui +conclusion +funeral +confidence +releases +scholar +##sson +Treaty +stress +mood +##sm +Mac +residing +Action +Fund +##ship +animated +fitted +##kar +defending +voting +tend +##berry +answers +believes +##ci +helps +Aaron +##tis +themes +##lay +populations +Players +stroke +Trinity +electoral +paint +abroad +charity +keys +Fair +##pes +interrupted +participants +murdered +Days +supporters +##ab +expert +borders +mate +##llo +solar +architectural +tension +##bling +Parish +tape +operator +Cultural +Clinton +indicates +publisher +ordinary +sugar +arrive +rifle +acoustic +##uring +assets +##shire +SS +sufficient +options +HMS +Classic +bars +rebuilt +governments +Beijing +reporter +screamed +Abbey +crying +mechanical +instantly +communications +Political +cemetery +Cameron +Stop +representatives +USS +texts +mathematics +innings +civilian +Serbia +##hill +practical +patterns +dust +Faculty +debt +##end +##cus +junction +suppose +experimental +Computer +Food +wrist +abuse +dealing +bigger +cap +principle +##pin +Muhammad +Fleet +Collection +attempting +dismissed +##burn +regime +Herbert +##ua +shadows +1883 +Eve +Lanka +1878 +Performance +fictional +##lock +Noah +Run +Voivodeship +exercise +broadcasting +##fer +RAF +Magic +Bangladesh +suitable +##low +##del +styles +toured +Code +identical +links +insisted +110 +flash +Model +slave +Derek +Rev +fairly +Greater +sole +##lands +connecting +zero +bench +##ome +switched +Fall +Owen +yours +Electric +shocked +convention +##bra +climb +memorial +swept +Racing +decides +belong +##nk +parliamentary +##und +ages +proof +##dan +delivery +1860 +##ów +sad +publicly +leaning +Archbishop +dirt +##ose +categories +1876 +burn +##bing +requested +Guinea +Historical +rhythm +relation +##heim +ye +pursue +merchant +##mes +lists +continuous +frowned +colored +tool +gods +involves +Duncan +photographs +Cricket +slight +Gregory +atmosphere +wider +Cook +##tar +essential +Being +FA +emperor +wealthy +nights +##bar +licensed +Hawaii +viewers +Language +load +nearest +milk +kilometers +platforms +##ys +territories +Rogers +sheet +Rangers +contested +##lation +isolated +assisted +swallowed +Small +Contemporary +Technical +Edwards +express +Volume +endemic +##ei +tightly +Whatever +indigenous +Colombia +##ulation +hp +characterized +##ida +Nigeria +Professional +duo +Soccer +slaves +Farm +smart +Attorney +Attendance +Common +salt +##vin +tribes +nod +sentenced +bid +sample +Drive +switch +instant +21st +Cuba +drunk +Alaska +proud +awareness +hitting +sessions +Thai +locally +elsewhere +Dragon +gentle +touching +##lee +Springs +Universal +Latino +spin +1871 +Chart +recalled +Type +pointing +##ii +lowest +##ser +grandmother +Adelaide +Jacques +spotted +Buffalo +restoration +Son +Joan +farmers +Lily +1879 +lucky +##dal +luck +eldest +##rant +Market +drummer +deployed +warned +prince +sing +amazing +sailed +##oon +1875 +Primary +traveling +Masters +Sara +cattle +Trail +gang +Further +desert +relocated +##tch +##ord +Flight +illness +Munich +ninth +repair +Singles +##lated +Tyler +tossed +boots +Work +sized +earning +shoved +magazines +housed +dam +researchers +Former +spun +premiere +spaces +organised +wealth +crimes +devoted +stones +Urban +automatic +hop +affect +outstanding +tanks +mechanism +Muslims +Ms +shots +argue +Jeremy +connections +Armenian +increases +rubbed +1867 +retail +gear +Pan +bonus +jurisdiction +weird +concerning +whisper +##gal +Microsoft +tenure +hills +www +Gmina +porch +files +reportedly +venture +Storm +##ence +Nature +killer +panic +fate +Secret +Wang +scream +drivers +belongs +Chamber +clan +monument +mixing +Peru +bet +Riley +Friends +Isaac +submarine +1877 +130 +judges +harm +ranging +affair +prepare +pupils +householder +Policy +decorated +Nation +slammed +activist +implemented +Room +qualify +Publishing +establishing +Baptist +touring +subsidiary +##nal +legend +1872 +laughter +PC +Athens +settlers +ties +dual +dear +Draft +strategic +Ivan +reveal +closest +dominant +Ah +##ult +Denver +bond +boundaries +drafted +tables +##TV +eyed +Edition +##ena +1868 +belonging +1874 +Industrial +cream +Ridge +Hindu +scholarship +Ma +opens +initiated +##ith +yelled +compound +random +Throughout +grades +physics +sank +grows +exclusively +settle +Saints +brings +Amsterdam +Make +Hart +walks +battery +violin +##born +explanation +##ware +1873 +##har +provinces +thrust +exclusive +sculpture +shops +##fire +VI +constitution +Barcelona +monster +Devon +Jefferson +Sullivan +bow +##din +desperate +##ć +Julie +##mon +##ising +terminus +Jesse +abilities +golf +##ple +##via +##away +Raymond +measured +jury +firing +revenue +suburb +Bulgarian +1866 +##cha +timber +Things +##weight +Morning +spots +Alberta +Data +explains +Kyle +friendship +raw +tube +demonstrated +aboard +immigrants +reply +breathe +Manager +ease +##ban +##dia +Diocese +##vy +##ía +pit +ongoing +##lie +Gilbert +Costa +1940s +Report +voters +cloud +traditions +##MS +gallery +Jennifer +swung +Broadcasting +Does +diverse +reveals +arriving +initiative +##ani +Give +Allied +Pat +Outstanding +monastery +blind +Currently +##war +bloody +stopping +focuses +managing +Florence +Harvey +creatures +900 +breast +internet +Artillery +purple +##mate +alliance +excited +fee +Brisbane +lifetime +Private +##aw +##nis +##gue +##ika +phrase +regulations +reflected +manufactured +conventional +pleased +client +##ix +##ncy +Pedro +reduction +##con +welcome +jail +comfort +Iranian +Norfolk +Dakota +##tein +evolution +everywhere +Initially +sensitive +Olivia +Oscar +implementation +sits +stolen +demands +slide +grandson +##ich +merger +##mic +Spirit +##° +ticket +root +difficulty +Nevada +##als +lined +Dylan +Original +Call +biological +EU +dramatic +##hn +Operations +treaty +gap +##list +Am +Romanized +moral +Butler +perspective +Furthermore +Manuel +absolutely +unsuccessful +disaster +dispute +preparation +tested +discover +##ach +shield +squeezed +brushed +battalion +Arnold +##ras +superior +treat +clinical +##so +Apple +Syria +Cincinnati +package +flights +editions +Leader +minority +wonderful +hang +Pop +Philippine +telephone +bell +honorary +##mar +balls +Democrat +dirty +thereafter +collapsed +Inside +slip +wrestling +##ín +listened +regard +bowl +None +Sport +completing +trapped +##view +copper +Wallace +Honor +blame +Peninsula +##ert +##oy +Anglo +bearing +simultaneously +honest +##ias +Mix +Got +speaker +voiced +impressed +prices +error +1869 +##feld +trials +Nine +Industry +substitute +Municipal +departed +slept +##ama +Junction +Socialist +flower +dropping +comment +fantasy +##ress +arrangements +travelled +furniture +fist +relieved +##tics +Leonard +linear +earn +expand +Soul +Plan +Leeds +Sierra +accessible +innocent +Winner +Fighter +Range +winds +vertical +Pictures +101 +charter +cooperation +prisoner +interviews +recognised +sung +manufacturer +exposure +submitted +Mars +leaf +gauge +screaming +likes +eligible +##ac +gathering +columns +##dra +belly +UN +maps +messages +speakers +##ants +garage +unincorporated +Number +Watson +sixteen +lots +beaten +Could +Municipality +##ano +Horse +talks +Drake +scores +Venice +genetic +##mal +##ère +Cold +Jose +nurse +traditionally +##bus +Territory +Key +Nancy +##win +thumb +São +index +dependent +carries +controls +Comics +coalition +physician +referring +Ruth +Based +restricted +inherited +internationally +stretch +THE +plates +margin +Holland +knock +significance +valuable +Kenya +carved +emotion +conservation +municipalities +overseas +resumed +Finance +graduation +blinked +temperatures +constantly +productions +scientist +ghost +cuts +permitted +##ches +firmly +##bert +patrol +##yo +Croatian +attacking +1850 +portrait +promoting +sink +conversion +##kov +locomotives +Guide +##val +nephew +relevant +Marc +drum +originated +Chair +visits +dragged +Price +favour +corridor +properly +respective +Caroline +reporting +inaugural +1848 +industries +##ching +edges +Christianity +Maurice +Trent +Economics +carrier +Reed +##gon +tribute +Pradesh +##ale +extend +attitude +Yale +##lu +settlements +glasses +taxes +targets +##ids +quarters +##ological +connect +hence +metre +collapse +underneath +banned +Future +clients +alternate +explosion +kinds +Commons +hungry +dragon +Chapel +Buddhist +lover +depression +pulls +##ges +##uk +origins +computers +crosses +kissing +assume +emphasis +lighting +##ites +personally +crashed +beam +touchdown +lane +comparison +##mont +Hitler +##las +execution +##ene +acre +sum +Pearl +ray +##point +essentially +worker +convicted +tear +Clay +recovery +Literature +Unfortunately +##row +partial +Petersburg +Bulgaria +coaching +evolved +reception +enters +narrowed +elevator +therapy +defended +pairs +##lam +breaks +Bennett +Uncle +cylinder +##ison +passion +bases +Actor +cancelled +battles +extensively +oxygen +Ancient +specialized +negotiations +##rat +acquisition +convince +interpretation +##00 +photos +aspect +colleges +Artist +keeps +##wing +Croatia +##ona +Hughes +Otto +comments +##du +Ph +Sweet +adventure +describing +Student +Shakespeare +scattered +objective +Aviation +Phillips +Fourth +athletes +##hal +##tered +Guitar +intensity +née +dining +curve +Obama +topics +legislative +Mill +Cruz +##ars +Members +recipient +Derby +inspiration +corresponding +fed +YouTube +coins +pressing +intent +Karen +cinema +Delta +destination +shorter +Christians +imagined +canal +Newcastle +Shah +Adrian +super +Males +160 +liberal +lord +bat +supplied +Claude +meal +worship +##atic +Han +wire +°F +##tha +punishment +thirteen +fighters +##ibility +1859 +Ball +gardens +##ari +Ottawa +pole +indicating +Twenty +Higher +Bass +Ivy +farming +##urs +certified +Saudi +plenty +##ces +restaurants +Representative +Miles +payment +##inger +##rit +Confederate +festivals +references +##ić +Mario +PhD +playoffs +witness +rice +mask +saving +opponents +enforcement +automatically +relegated +##oe +radar +whenever +Financial +imperial +uncredited +influences +Abraham +skull +Guardian +Haven +Bengal +impressive +input +mixture +Warsaw +altitude +distinction +1857 +collective +Annie +##ean +##bal +directions +Flying +##nic +faded +##ella +contributing +##ó +employee +##lum +##yl +ruler +oriented +conductor +focusing +##die +Giants +Mills +mines +Deep +curled +Jessica +guitars +Louise +procedure +Machine +failing +attendance +Nepal +Brad +Liam +tourist +exhibited +Sophie +depicted +Shaw +Chuck +##can +expecting +challenges +##nda +equally +resignation +##logical +Tigers +loop +pitched +outdoor +reviewed +hopes +True +temporarily +Borough +torn +jerked +collect +Berkeley +Independence +cotton +retreat +campaigns +participating +Intelligence +Heaven +##ked +situations +borough +Democrats +Harbor +##len +Liga +serial +circles +fourteen +##lot +seized +filling +departments +finance +absolute +Roland +Nate +floors +raced +struggling +deliver +protests +##tel +Exchange +efficient +experiments +##dar +faint +3D +binding +Lions +lightly +skill +proteins +difficulties +##cal +monthly +camps +flood +loves +Amanda +Commerce +##oid +##lies +elementary +##tre +organic +##stein +##ph +receives +Tech +enormous +distinctive +Joint +experiment +Circuit +citizen +##hy +shelter +ideal +practically +formula +addressed +Foster +Productions +##ax +variable +punk +Voice +fastest +concentrated +##oma +##yer +stored +surrender +vary +Sergeant +Wells +ward +Wait +##ven +playoff +reducing +cavalry +##dle +Venezuela +tissue +amounts +sweat +##we +Non +##nik +beetle +##bu +##tu +Jared +Hunt +##₂ +fat +Sultan +Living +Circle +Secondary +Suddenly +reverse +##min +Travel +##bin +Lebanon +##mas +virus +Wind +dissolved +enrolled +holiday +Keep +helicopter +Clarke +constitutional +technologies +doubles +instructions +##ace +Azerbaijan +##ill +occasional +frozen +trick +wiped +writings +Shanghai +preparing +challenged +mainstream +summit +180 +##arian +##rating +designation +##ada +revenge +filming +tightened +Miguel +Montana +reflect +celebration +bitch +flashed +signals +rounded +peoples +##tation +renowned +Google +characteristic +Campaign +sliding +##rman +usage +Record +Using +woke +solutions +holes +theories +logo +Protestant +relaxed +brow +nickname +Reading +marble +##tro +symptoms +Overall +capita +##ila +outbreak +revolution +deemed +Principal +Hannah +approaches +inducted +Wellington +vulnerable +Environmental +Drama +incumbent +Dame +1854 +travels +samples +accurate +physically +Sony +Nashville +##sville +##lic +##og +Producer +Lucky +tough +Stanford +resort +repeatedly +eyebrows +Far +choir +commenced +##ep +##ridge +rage +swing +sequel +heir +buses +ad +Grove +##late +##rick +updated +##SA +Delaware +##fa +Athletics +warmth +Off +excitement +verse +Protection +Villa +corruption +intellectual +Jenny +##lyn +mystery +prayer +healthy +##ologist +Bear +lab +Ernest +Remix +register +basement +Montgomery +consistent +tier +1855 +Preston +Brooks +##maker +vocalist +laboratory +delayed +wheels +rope +bachelor +pitcher +Block +Nevertheless +suspect +efficiency +Nebraska +siege +FBI +planted +##AC +Newton +breeding +##ain +eighteen +Argentine +encounter +servant +1858 +elder +Shadow +Episode +fabric +doctors +survival +removal +chemistry +volunteers +Kane +variant +arrives +Eagle +Left +##fe +Jo +divorce +##ret +yesterday +Bryan +handling +diseases +customer +Sheriff +Tiger +Harper +##oi +resting +Linda +Sheffield +gasped +sexy +economics +alien +tale +footage +Liberty +yeah +fundamental +Ground +flames +Actress +photographer +Maggie +Additional +joke +custom +Survey +Abu +silk +consumption +Ellis +bread +##uous +engagement +puts +Dog +##hr +poured +guilt +CDP +boxes +hardware +clenched +##cio +stem +arena +extending +##com +examination +Steel +encountered +revised +140 +picking +Car +hasn +Minor +pride +Roosevelt +boards +##mia +blocked +curious +drag +narrative +brigade +Prefecture +mysterious +namely +connects +Devil +historians +CHAPTER +quit +installation +Golf +empire +elevated +##eo +releasing +Bond +##uri +harsh +ban +##BA +contracts +cloth +presents +stake +chorus +##eau +swear +##mp +allies +generations +Motor +meter +pen +warrior +veteran +##EC +comprehensive +missile +interaction +instruction +Renaissance +rested +Dale +fix +fluid +les +investigate +loaded +widow +exhibit +artificial +select +rushing +tasks +signature +nowhere +Engineer +feared +Prague +bother +extinct +gates +Bird +climbing +heels +striking +artwork +hunt +awake +##hin +Formula +thereby +commitment +imprisoned +Beyond +##MA +transformed +Agriculture +Low +Movie +radical +complicated +Yellow +Auckland +mansion +tenth +Trevor +predecessor +##eer +disbanded +sucked +circular +witch +gaining +lean +Behind +illustrated +rang +celebrate +bike +consist +framework +##cent +Shane +owns +350 +comprises +collaborated +colleagues +##cast +engage +fewer +##ave +1856 +observation +diplomatic +legislature +improvements +Interstate +craft +MTV +martial +administered +jet +approaching +permanently +attraction +manuscript +numbered +Happy +Andrea +shallow +Gothic +Anti +##bad +improvement +trace +preserve +regardless +rode +dies +achievement +maintaining +Hamburg +spine +##air +flowing +encourage +widened +posts +##bound +125 +Southeast +Santiago +##bles +impression +receiver +Single +closure +##unt +communist +honors +Northwest +105 +##ulated +cared +un +hug +magnetic +seeds +topic +perceived +prey +prevented +Marvel +Eight +Michel +Transportation +rings +Gate +##gne +Byzantine +accommodate +floating +##dor +equation +ministry +##ito +##gled +Rules +earthquake +revealing +Brother +Celtic +blew +chairs +Panama +Leon +attractive +descendants +Care +Ambassador +tours +breathed +threatening +##cho +smiles +Lt +Beginning +##iness +fake +assists +fame +strings +Mobile +Liu +parks +http +1852 +brush +Aunt +bullet +consciousness +##sta +##ther +consequences +gather +dug +1851 +bridges +Doug +##sion +Artists +ignore +Carol +brilliant +radiation +temples +basin +clouds +##cted +Stevens +spite +soap +consumer +Damn +Snow +recruited +##craft +Advanced +tournaments +Quinn +undergraduate +questioned +Palmer +Annual +Others +feeding +Spider +printing +##orn +cameras +functional +Chester +readers +Alpha +universal +Faith +Brandon +François +authored +Ring +el +aims +athletic +possessed +Vermont +programmes +##uck +bore +Fisher +statements +shed +saxophone +neighboring +pronounced +barrel +bags +##dge +organisations +pilots +casualties +Kenneth +##brook +silently +Malcolm +span +Essex +anchor +##hl +virtual +lessons +Henri +Trump +Page +pile +locomotive +wounds +uncomfortable +sustained +Diana +Eagles +##pi +2000s +documented +##bel +Cassie +delay +kisses +##ines +variation +##ag +growled +##mark +##ways +Leslie +studios +Friedrich +aunt +actively +armor +eaten +historically +Better +purse +honey +ratings +##ée +naturally +1840 +peer +Kenny +Cardinal +database +Looking +runners +handsome +Double +PA +##boat +##sted +protecting +##jan +Diamond +concepts +interface +##aki +Watch +Article +Columbus +dialogue +pause +##rio +extends +blanket +pulse +1853 +affiliate +ladies +Ronald +counted +kills +demons +##zation +Airlines +Marco +Cat +companion +mere +Yugoslavia +Forum +Allan +pioneer +Competition +Methodist +patent +nobody +Stockholm +##ien +regulation +##ois +accomplished +##itive +washed +sake +Vladimir +crops +prestigious +humor +Sally +labour +tributary +trap +altered +examined +Mumbai +bombing +Ash +noble +suspension +ruins +##bank +spare +displays +guided +dimensional +Iraqi +##hon +sciences +Franz +relating +fence +followers +Palestine +invented +proceeded +Batman +Bradley +##yard +##ova +crystal +Kerala +##ima +shipping +handled +Want +abolished +Drew +##tter +Powell +Half +##table +##cker +exhibitions +Were +assignment +assured +##rine +Indonesian +Grammy +acknowledged +Kylie +coaches +structural +clearing +stationed +Say +Total +Rail +besides +glow +threats +afford +Tree +Musical +##pp +elite +centered +explore +Engineers +Stakes +Hello +tourism +severely +assessment +##tly +crack +politicians +##rrow +sheets +volunteer +##borough +##hold +announcement +recover +contribute +lungs +##ille +mainland +presentation +Johann +Writing +1849 +##bird +Study +Boulevard +coached +fail +airline +Congo +Plus +Syrian +introduce +ridge +Casey +manages +##fi +searched +Support +succession +progressive +coup +cultures +##lessly +sensation +Cork +Elena +Sofia +Philosophy +mini +trunk +academy +Mass +Liz +practiced +Reid +##ule +satisfied +experts +Wilhelm +Woods +invitation +Angels +calendar +joy +Sr +Dam +packed +##uan +bastard +Workers +broadcasts +logic +cooking +backward +##ack +Chen +creates +enzyme +##xi +Davies +aviation +VII +Conservation +fucking +Knights +##kan +requiring +hectares +wars +ate +##box +Mind +desired +oak +absorbed +Really +Vietnamese +Paulo +athlete +##car +##eth +Talk +Wu +##cks +survivors +Yang +Joel +Almost +Holmes +Armed +Joshua +priests +discontinued +##sey +blond +Rolling +suggesting +CA +clay +exterior +Scientific +##sive +Giovanni +Hi +farther +contents +Winners +animation +neutral +mall +Notes +layers +professionals +Armstrong +Against +Piano +involve +monitor +angel +parked +bears +seated +feat +beliefs +##kers +Version +suffer +##ceae +guidance +##eur +honored +raid +alarm +Glen +Ellen +Jamaica +trio +enabled +##ils +procedures +##hus +moderate +upstairs +##ses +torture +Georgian +rebellion +Fernando +Nice +##are +Aires +Campus +beast +##hing +1847 +##FA +Isle +##logist +Princeton +cathedral +Oakland +Solomon +##tto +Milwaukee +upcoming +midfielder +Neither +sacred +Eyes +appreciate +Brunswick +secrets +Rice +Somerset +Chancellor +Curtis +##gel +Rich +separation +grid +##los +##bon +urge +##ees +##ree +freight +towers +psychology +requirement +dollar +##fall +##sman +exile +tomb +Salt +Stefan +Buenos +Revival +Porter +tender +diesel +chocolate +Eugene +Legion +Laboratory +sheep +arched +hospitals +orbit +Full +##hall +drinks +ripped +##RS +tense +Hank +leagues +##nberg +PlayStation +fool +Punjab +relatives +Comedy +sur +1846 +Tonight +Sox +##if +Rabbi +org +speaks +institute +defender +painful +wishes +Weekly +literacy +portions +snake +item +deals +##tum +autumn +sharply +reforms +thighs +prototype +##ition +argues +disorder +Physics +terror +provisions +refugees +predominantly +independently +march +##graphy +Arabia +Andrews +Bus +Money +drops +##zar +pistol +matrix +revolutionary +##ust +Starting +##ptic +Oak +Monica +##ides +servants +##hed +archaeological +divorced +rocket +enjoying +fires +##nel +assembled +qualification +retiring +##fied +Distinguished +handful +infection +Durham +##itz +fortune +renewed +Chelsea +##sley +curved +gesture +retain +exhausted +##ifying +Perth +jumping +Palestinian +Simpson +colonies +steal +##chy +corners +Finn +arguing +Martha +##var +Betty +emerging +Heights +Hindi +Manila +pianist +founders +regret +Napoleon +elbow +overhead +bold +praise +humanity +##ori +Revolutionary +##ere +fur +##ole +Ashley +Official +##rm +lovely +Architecture +##sch +Baronet +virtually +##OS +descended +immigration +##das +##kes +Holly +Wednesday +maintains +theatrical +Evan +Gardens +citing +##gia +segments +Bailey +Ghost +##city +governing +graphics +##ined +privately +potentially +transformation +Crystal +Cabinet +sacrifice +hesitated +mud +Apollo +Desert +bin +victories +Editor +Railways +Web +Case +tourists +Brussels +Franco +compiled +topped +Gene +engineers +commentary +egg +escort +nerve +arch +necessarily +frustration +Michelle +democracy +genes +Facebook +halfway +##ient +102 +flipped +Won +##mit +NASA +Lynn +Provincial +ambassador +Inspector +glared +Change +McDonald +developments +tucked +noting +Gibson +circulation +dubbed +armies +resource +Headquarters +##iest +Mia +Albanian +Oil +Albums +excuse +intervention +Grande +Hugo +integration +civilians +depends +reserves +Dee +compositions +identification +restrictions +quarterback +Miranda +Universe +favourite +ranges +hint +loyal +Op +entity +Manual +quoted +dealt +specialist +Zhang +download +Westminster +Rebecca +streams +Anglican +variations +Mine +detective +Films +reserved +##oke +##key +sailing +##gger +expanding +recall +discovers +particles +behaviour +Gavin +blank +permit +Java +Fraser +Pass +##non +##TA +panels +statistics +notion +courage +dare +venues +##roy +Box +Newport +travelling +Thursday +warriors +Glenn +criteria +360 +mutual +restore +varied +bitter +Katherine +##lant +ritual +bits +##à +Henderson +trips +Richardson +Detective +curse +psychological +Il +midnight +streak +facts +Dawn +Indies +Edmund +roster +Gen +##nation +1830 +congregation +shaft +##ically +##mination +Indianapolis +Sussex +loving +##bit +sounding +horrible +Continental +Griffin +advised +magical +millions +##date +1845 +Safety +lifting +determination +valid +dialect +Penn +Know +triple +avoided +dancer +judgment +sixty +farmer +lakes +blast +aggressive +Abby +tag +chains +inscription +##nn +conducting +Scout +buying +##wich +spreading +##OC +array +hurried +Environment +improving +prompted +fierce +Taking +Away +tune +pissed +Bull +catching +##ying +eyebrow +metropolitan +terrain +##rel +Lodge +manufacturers +creator +##etic +happiness +ports +##ners +Relations +fortress +targeted +##ST +allegedly +blues +##osa +Bosnia +##dom +burial +similarly +stranger +pursued +symbols +rebels +reflection +routine +traced +indoor +eventual +##ska +##ão +##una +MD +##phone +oh +grants +Reynolds +rid +operators +##nus +Joey +vital +siblings +keyboard +br +removing +societies +drives +solely +princess +lighter +Various +Cavalry +believing +SC +underwent +relay +smelled +syndrome +welfare +authorized +seemingly +Hard +chicken +##rina +Ages +Bo +democratic +barn +Eye +shorts +##coming +##hand +disappointed +unexpected +centres +Exhibition +Stories +Site +banking +accidentally +Agent +conjunction +André +Chloe +resist +width +Queens +provision +##art +Melissa +Honorary +Del +prefer +abruptly +duration +##vis +Glass +enlisted +##ado +discipline +Sisters +carriage +##ctor +##sburg +Lancashire +log +fuck +##iz +closet +collecting +holy +rape +trusted +cleaning +inhabited +Rocky +104 +editorial +##yu +##ju +succeed +strict +Cuban +##iya +Bronze +outcome +##ifies +##set +corps +Hero +barrier +Kumar +groaned +Nina +Burton +enable +stability +Milton +knots +##ination +slavery +##borg +curriculum +trailer +warfare +Dante +Edgar +revival +Copenhagen +define +advocate +Garrett +Luther +overcome +pipe +750 +construct +Scotia +kings +flooding +##hard +Ferdinand +Felix +forgot +Fish +Kurt +elaborate +##BC +graphic +gripped +colonel +Sophia +Advisory +Self +##uff +##lio +monitoring +seal +senses +rises +peaceful +journals +1837 +checking +legendary +Ghana +##power +ammunition +Rosa +Richards +nineteenth +ferry +aggregate +Troy +inter +##wall +Triple +steep +tent +Cyprus +1844 +##woman +commanding +farms +doi +navy +specified +na +cricketer +transported +Think +comprising +grateful +solve +##core +beings +clerk +grain +vector +discrimination +##TC +Katie +reasonable +drawings +veins +consideration +Monroe +repeat +breed +dried +witnessed +ordained +Current +spirits +remarkable +consultant +urged +Remember +anime +singers +phenomenon +Rhode +Carlo +demanding +findings +manual +varying +Fellowship +generate +safely +heated +withdrawn +##ao +headquartered +##zon +##lav +##ency +Col +Memphis +imposed +rivals +Planet +healing +##hs +ensemble +Warriors +##bone +cult +Frankfurt +##HL +diversity +Gerald +intermediate +##izes +reactions +Sister +##ously +##lica +quantum +awkward +mentions +pursuit +##ography +varies +profession +molecular +consequence +lectures +cracked +103 +slowed +##tsu +cheese +upgraded +suite +substance +Kingston +1800 +Idaho +Theory +##een +ain +Carson +Molly +##OR +configuration +Whitney +reads +audiences +##tie +Geneva +Outside +##nen +##had +transit +volleyball +Randy +Chad +rubber +motorcycle +respected +eager +Level +coin +##lets +neighbouring +##wski +confident +##cious +poll +uncertain +punch +thesis +Tucker +IATA +Alec +##ographic +##law +1841 +desperately +1812 +Lithuania +accent +Cox +lightning +skirt +##load +Burns +Dynasty +##ug +chapters +Working +dense +Morocco +##kins +casting +Set +activated +oral +Brien +horn +HIV +dawn +stumbled +altar +tore +considerably +Nicole +interchange +registration +biography +Hull +Stan +bulk +consent +Pierce +##ER +Fifth +marched +terrorist +##piece +##itt +Presidential +Heather +staged +Plant +relegation +sporting +joins +##ced +Pakistani +dynamic +Heat +##lf +ourselves +Except +Elliott +nationally +goddess +investors +Burke +Jackie +##ā +##RA +Tristan +Associate +Tuesday +scope +Near +bunch +##abad +##ben +sunlight +##aire +manga +Willie +trucks +boarding +Lion +lawsuit +Learning +Der +pounding +awful +##mine +IT +Legend +romance +Serie +AC +gut +precious +Robertson +hometown +realm +Guards +Tag +batting +##vre +halt +conscious +1838 +acquire +collar +##gg +##ops +Herald +nationwide +citizenship +Aircraft +decrease +em +Fiction +Female +corporation +Located +##ip +fights +unconscious +Tampa +Poetry +lobby +Malta +##sar +##bie +layout +Tate +reader +stained +##bre +##rst +##ulate +loudly +Eva +Cohen +exploded +Merit +Maya +##rable +Rovers +##IC +Morrison +Should +vinyl +##mie +onwards +##gie +vicinity +Wildlife +probability +Mar +Barnes +##ook +spinning +Moses +##vie +Surrey +Planning +conferences +protective +Plaza +deny +Canterbury +manor +Estate +tilted +comics +IBM +destroying +server +Dorothy +##horn +Oslo +lesser +heaven +Marshal +scales +strikes +##ath +firms +attract +##BS +controlling +Bradford +southeastern +Amazon +Travis +Janet +governed +1842 +Train +Holden +bleeding +gifts +rent +1839 +palms +##ū +judicial +Ho +Finals +conflicts +unlikely +draws +##cies +compensation +adds +elderly +Anton +lasting +Nintendo +codes +ministers +pot +associations +capabilities +##cht +libraries +##sie +chances +performers +runway +##af +##nder +Mid +Vocals +##uch +##eon +interpreted +priority +Uganda +ruined +Mathematics +cook +AFL +Lutheran +AIDS +Capitol +chase +axis +Moreover +María +Saxon +storyline +##ffed +Tears +Kid +cent +colours +Sex +##long +pm +blonde +Edwin +CE +diocese +##ents +##boy +Inn +##ller +Saskatchewan +##kh +stepping +Windsor +##oka +##eri +Xavier +Resources +1843 +##top +##rad +##lls +Testament +poorly +1836 +drifted +slope +CIA +remix +Lords +mature +hosting +diamond +beds +##ncies +luxury +trigger +##lier +preliminary +hybrid +journalists +Enterprise +proven +expelled +insects +Beautiful +lifestyle +vanished +##ake +##ander +matching +surfaces +Dominican +Kids +referendum +Orlando +Truth +Sandy +privacy +Calgary +Speaker +sts +Nobody +shifting +##gers +Roll +Armenia +Hand +##ES +106 +##ont +Guild +larvae +Stock +flame +gravity +enhanced +Marion +surely +##tering +Tales +algorithm +Emmy +darker +VIII +##lash +hamlet +deliberately +occurring +choices +Gage +fees +settling +ridiculous +##ela +Sons +cop +custody +##ID +proclaimed +Cardinals +##pm +Metal +Ana +1835 +clue +Cardiff +riders +observations +MA +sometime +##och +performer +intact +Points +allegations +rotation +Tennis +tenor +Directors +##ats +Transit +thigh +Complex +##works +twentieth +Factory +doctrine +Daddy +##ished +pretend +Winston +cigarette +##IA +specimens +hydrogen +smoking +mathematical +arguments +openly +developer +##iro +fists +somebody +##san +Standing +Caleb +intelligent +Stay +Interior +echoed +Valentine +varieties +Brady +cluster +Ever +voyage +##of +deposits +ultimate +Hayes +horizontal +proximity +##ás +estates +exploration +NATO +Classical +##most +bills +condemned +1832 +hunger +##ato +planes +deserve +offense +sequences +rendered +acceptance +##ony +manufacture +Plymouth +innovative +predicted +##RC +Fantasy +##une +supporter +absent +Picture +bassist +rescued +##MC +Ahmed +Monte +##sts +##rius +insane +novelist +##és +agrees +Antarctic +Lancaster +Hopkins +calculated +startled +##star +tribal +Amendment +##hoe +invisible +patron +deer +Walk +tracking +Lyon +tickets +##ED +philosopher +compounds +chuckled +##wi +pound +loyalty +Academic +petition +refuses +marking +Mercury +northeastern +dimensions +scandal +Canyon +patch +publish +##oning +Peak +minds +##boro +Presbyterian +Hardy +theoretical +magnitude +bombs +cage +##ders +##kai +measuring +explaining +avoiding +touchdowns +Card +theology +##ured +Popular +export +suspicious +Probably +photograph +Lou +Parks +Arms +compact +Apparently +excess +Banks +lied +stunned +territorial +Filipino +spectrum +learns +wash +imprisonment +ugly +##rose +Albany +Erik +sends +##hara +##rid +consumed +##gling +Belgrade +Da +opposing +Magnus +footsteps +glowing +delicate +Alexandria +Ludwig +gorgeous +Bros +Index +##PA +customs +preservation +bonds +##mond +environments +##nto +instructed +parted +adoption +locality +workshops +goalkeeper +##rik +##uma +Brighton +Slovenia +##ulating +##tical +towel +hugged +stripped +Bears +upright +Wagner +##aux +secretly +Adventures +nest +Course +Lauren +Boeing +Abdul +Lakes +450 +##cu +USSR +caps +Chan +##nna +conceived +Actually +Belfast +Lithuanian +concentrate +possess +militia +pine +protagonist +Helena +##PS +##band +Belle +Clara +Reform +currency +pregnancy +1500 +##rim +Isabella +hull +Name +trend +journalism +diet +##mel +Recording +acclaimed +Tang +Jace +steering +vacant +suggestion +costume +laser +##š +##ink +##pan +##vić +integral +achievements +wise +classroom +unions +southwestern +##uer +Garcia +toss +Tara +Large +##tate +evident +responsibilities +populated +satisfaction +##bia +casual +Ecuador +##ght +arose +##ović +Cornwall +embrace +refuse +Heavyweight +XI +Eden +activists +##uation +biology +##shan +fraud +Fuck +matched +legacy +Rivers +missionary +extraordinary +Didn +holder +wickets +crucial +Writers +Hurricane +Iceland +gross +trumpet +accordance +hurry +flooded +doctorate +Albania +##yi +united +deceased +jealous +grief +flute +portraits +##а +pleasant +Founded +Face +crowned +Raja +advisor +Salem +##ec +Achievement +admission +freely +minimal +Sudan +developers +estimate +disabled +##lane +downstairs +Bruno +##pus +pinyin +##ude +lecture +deadly +underlying +optical +witnesses +Combat +Julius +tapped +variants +##like +Colonial +Critics +Similarly +mouse +voltage +sculptor +Concert +salary +Frances +##ground +hook +premises +Software +instructor +nominee +##ited +fog +slopes +##zu +vegetation +sail +##rch +Body +Apart +atop +View +utility +ribs +cab +migration +##wyn +bounded +2019 +pillow +trails +##ub +Halifax +shade +Rush +##lah +##dian +Notre +interviewed +Alexandra +Springfield +Indeed +rubbing +dozens +amusement +legally +##lers +Jill +Cinema +ignoring +Choice +##ures +pockets +##nell +laying +Blair +tackles +separately +##teen +Criminal +performs +theorem +Communication +suburbs +##iel +competitors +rows +##hai +Manitoba +Eleanor +interactions +nominations +assassination +##dis +Edmonton +diving +##dine +essay +##tas +AFC +Edge +directing +imagination +sunk +implement +Theodore +trembling +sealed +##rock +Nobel +##ancy +##dorf +##chen +genuine +apartments +Nicolas +AA +Bach +Globe +Store +220 +##10 +Rochester +##ño +alert +107 +Beck +##nin +Naples +Basin +Crawford +fears +Tracy +##hen +disk +##pped +seventeen +Lead +backup +reconstruction +##lines +terrified +sleeve +nicknamed +popped +##making +##ern +Holiday +Gospel +ibn +##ime +convert +divine +resolved +##quet +ski +realizing +##RT +Legislature +reservoir +Rain +sinking +rainfall +elimination +challenging +tobacco +##outs +Given +smallest +Commercial +pin +rebel +comedian +exchanged +airing +dish +Salvador +promising +##wl +relax +presenter +toll +aerial +##eh +Fletcher +brass +disappear +zones +adjusted +contacts +##lk +sensed +Walt +mild +toes +flies +shame +considers +wildlife +Hanna +Arsenal +Ladies +naming +##ishing +anxiety +discussions +cute +undertaken +Cash +strain +Wyoming +dishes +precise +Angela +##ided +hostile +twins +115 +Built +##pel +Online +tactics +Newman +##bourne +unclear +repairs +embarrassed +listing +tugged +Vale +##gin +Meredith +bout +##cle +velocity +tips +froze +evaluation +demonstrate +##card +criticised +Nash +lineup +Rao +monks +bacteria +lease +##lish +frightened +den +revived +finale +##rance +flee +Letters +decreased +##oh +Sounds +wrap +Sharon +incidents +renovated +everybody +stole +Bath +boxing +1815 +withdraw +backs +interim +react +murders +Rhodes +Copa +framed +flown +Estonia +Heavy +explored +##rra +##GA +##ali +Istanbul +1834 +##rite +##aging +##ues +Episcopal +arc +orientation +Maxwell +infected +##rot +BCE +Brook +grasp +Roberto +Excellence +108 +withdrawal +Marines +rider +Lo +##sin +##run +Subsequently +garrison +hurricane +facade +Prussia +crushed +enterprise +##mber +Twitter +Generation +Physical +Sugar +editing +communicate +Ellie +##hurst +Ernst +wagon +promotional +conquest +Parliamentary +courtyard +lawyers +Superman +email +Prussian +lately +lecturer +Singer +Majesty +Paradise +sooner +Heath +slot +curves +convoy +##vian +induced +synonym +breeze +##plane +##ox +peered +Coalition +##hia +odds +##esh +##lina +Tomorrow +Nadu +##ico +##rah +damp +autonomous +console +Victory +counts +Luxembourg +intimate +Archived +Carroll +spy +Zero +habit +Always +faction +teenager +Johnston +chaos +ruin +commerce +blog +##shed +##the +reliable +Word +Yu +Norton +parade +Catholics +damned +##iling +surgeon +##tia +Allison +Jonas +remarked +##ès +idiot +Making +proposals +Industries +strategies +artifacts +batteries +reward +##vers +Agricultural +distinguish +lengths +Jeffrey +Progressive +kicking +Patricia +##gio +ballot +##ios +skilled +##gation +Colt +limestone +##AS +peninsula +##itis +LA +hotels +shapes +Crime +depicting +northwestern +HD +silly +Das +##² +##ws +##ash +##matic +thermal +Has +forgive +surrendered +Palm +Nacional +drank +haired +Mercedes +##foot +loading +Timothy +##roll +mechanisms +traces +digging +discussing +Natalie +##zhou +Forbes +landmark +Anyway +Manor +conspiracy +gym +knocking +viewing +Formation +Pink +Beauty +limbs +Phillip +sponsor +Joy +granite +Harbour +##ero +payments +Ballet +conviction +##dam +Hood +estimates +lacked +Mad +Jorge +##wen +refuge +##LA +invaded +Kat +suburban +##fold +investigated +Ari +complained +creek +Georges +##uts +powder +accepting +deserved +carpet +Thunder +molecules +Legal +cliff +strictly +enrollment +ranch +##rg +##mba +proportion +renovation +crop +grabbing +##liga +finest +entries +receptor +helmet +blown +Listen +flagship +workshop +resolve +nails +Shannon +portal +jointly +shining +Violet +overwhelming +upward +Mick +proceedings +##dies +##aring +Laurence +Churchill +##rice +commit +170 +inclusion +Examples +##verse +##rma +fury +paths +##SC +ankle +nerves +Chemistry +rectangular +sworn +screenplay +cake +Mann +Seoul +Animal +sizes +Speed +vol +Population +Southwest +Hold +continuously +Qualified +wishing +Fighting +Made +disappointment +Portsmouth +Thirty +##beck +Ahmad +teammate +MLB +graph +Charleston +realizes +##dium +exhibits +preventing +##int +fever +rivalry +Male +mentally +dull +##lor +##rich +consistently +##igan +Madame +certificate +suited +Krishna +accuracy +Webb +Budapest +Rex +1831 +Cornell +OK +surveillance +##gated +habitats +Adventure +Conrad +Superior +Gay +sofa +aka +boot +Statistics +Jessie +Liberation +##lip +##rier +brands +saint +Heinrich +Christine +bath +Rhine +ballet +Jin +consensus +chess +Arctic +stack +furious +cheap +toy +##yre +##face +##gging +gastropod +##nne +Romans +membrane +answering +25th +architects +sustainable +##yne +Hon +1814 +Baldwin +dome +##awa +##zen +celebrity +enclosed +##uit +##mmer +Electronic +locals +##CE +supervision +mineral +Chemical +Slovakia +alley +hub +##az +heroes +Creative +##AM +incredible +politically +ESPN +yanked +halls +Aboriginal +Greatest +yield +##20 +congressional +robot +Kiss +welcomed +MS +speeds +proceed +Sherman +eased +Greene +Walsh +Geoffrey +variables +rocky +##print +acclaim +Reverend +Wonder +tonnes +recurring +Dawson +continent +finite +AP +continental +ID +facilitate +essays +Rafael +Neal +1833 +ancestors +##met +##gic +Especially +teenage +frustrated +Jules +cock +expense +##oli +##old +blocking +Notable +prohibited +ca +dock +organize +##wald +Burma +Gloria +dimension +aftermath +choosing +Mickey +torpedo +pub +##used +manuscripts +laps +Ulster +staircase +sphere +Insurance +Contest +lens +risks +investigations +ERA +glare +##play +Graduate +auction +Chronicle +##tric +##50 +Coming +seating +Wade +seeks +inland +Thames +Rather +butterfly +contracted +positioned +consumers +contestants +fragments +Yankees +Santos +administrator +hypothesis +retire +Denis +agreements +Winnipeg +##rill +1820 +trophy +crap +shakes +Jenkins +##rium +ya +twist +labels +Maritime +##lings +##iv +111 +##ensis +Cairo +Anything +##fort +opinions +crowded +##nian +abandon +##iff +drained +imported +##rr +tended +##rain +Going +introducing +sculptures +bankruptcy +danced +demonstration +stance +settings +gazed +abstract +pet +Calvin +stiff +strongest +wrestler +##dre +Republicans +grace +allocated +cursed +snail +advancing +Return +errors +Mall +presenting +eliminate +Amateur +Institution +counting +##wind +warehouse +##nde +Ethiopia +trailed +hollow +##press +Literary +capability +nursing +preceding +lamp +Thomson +Morton +##ctic +Crew +Close +composers +boom +Clare +missiles +112 +hunter +snap +##oni +##tail +Us +declaration +##cock +rally +huh +lion +straightened +Philippe +Sutton +alpha +valued +maker +navigation +detected +favorable +perception +Charter +##ña +Ricky +rebounds +tunnels +slapped +Emergency +supposedly +##act +deployment +socialist +tubes +anybody +corn +##NA +Seminary +heating +pump +##AA +achieving +souls +##ass +Link +##ele +##smith +greeted +Bates +Americas +Elder +cure +contestant +240 +fold +Runner +Uh +licked +Politics +committees +neighbors +fairy +Silva +Leipzig +tipped +correctly +exciting +electronics +foundations +cottage +governmental +##hat +allied +claws +presidency +cruel +Agreement +slender +accompanying +precisely +##pass +driveway +swim +Stand +crews +##mission +rely +everyday +Wings +demo +##hic +recreational +min +nationality +##duction +Easter +##hole +canvas +Kay +Leicester +talented +Discovery +shells +##ech +Kerry +Ferguson +Leave +##place +altogether +adopt +butt +wolves +##nsis +##ania +modest +soprano +Boris +##ught +electron +depicts +hid +cruise +differ +treasure +##nch +Gun +Mama +Bengali +trainer +merchants +innovation +presumably +Shirley +bottles +proceeds +Fear +invested +Pirates +particle +Dominic +blamed +Fight +Daisy +##pper +##graphic +nods +knight +Doyle +tales +Carnegie +Evil +Inter +Shore +Nixon +transform +Savannah +##gas +Baltic +stretching +worlds +protocol +Percy +Toby +Heroes +brave +dancers +##aria +backwards +responses +Chi +Gaelic +Berry +crush +embarked +promises +Madonna +researcher +realised +inaugurated +Cherry +Mikhail +Nottingham +reinforced +subspecies +rapper +##kie +Dreams +Re +Damon +Minneapolis +monsters +suspicion +Tel +surroundings +afterward +complaints +OF +sectors +Algeria +lanes +Sabha +objectives +Donna +bothered +distracted +deciding +##ives +##CA +##onia +bishops +Strange +machinery +Voiced +synthesis +reflects +interference +##TS +##ury +keen +##ign +frown +freestyle +ton +Dixon +Sacred +Ruby +Prison +##ión +1825 +outfit +##tain +curiosity +##ight +frames +steadily +emigrated +horizon +##erly +Doc +philosophical +Table +UTC +Marina +##DA +secular +##eed +Zimbabwe +cops +Mack +sheriff +Sanskrit +Francesco +catches +questioning +streaming +Kill +testimony +hissed +tackle +countryside +copyright +##IP +Buddhism +##rator +ladder +##ON +Past +rookie +depths +##yama +##ister +##HS +Samantha +Dana +Educational +brows +Hammond +raids +envelope +##sco +##hart +##ulus +epic +detection +Streets +Potter +statistical +für +ni +accounting +##pot +employer +Sidney +Depression +commands +Tracks +averaged +lets +Ram +longtime +suits +branded +chip +Shield +loans +ought +Said +sip +##rome +requests +Vernon +bordered +veterans +##ament +Marsh +Herzegovina +Pine +##igo +mills +anticipation +reconnaissance +##ef +expectations +protested +arrow +guessed +depot +maternal +weakness +##ap +projected +pour +Carmen +provider +newer +remind +freed +##rily +##wal +##tones +intentions +Fiji +timing +Match +managers +Kosovo +Herman +Wesley +Chang +135 +semifinals +shouting +Indo +Janeiro +Chess +Macedonia +Buck +##onies +rulers +Mail +##vas +##sel +MHz +Programme +Task +commercially +subtle +propaganda +spelled +bowling +basically +Raven +1828 +Colony +109 +##ingham +##wara +anticipated +1829 +##iers +graduates +##rton +##fication +endangered +ISO +diagnosed +##tage +exercises +Battery +bolt +poison +cartoon +##ción +hood +bowed +heal +Meyer +Reagan +##wed +subfamily +##gent +momentum +infant +detect +##sse +Chapman +Darwin +mechanics +NSW +Cancer +Brooke +Nuclear +comprised +hire +sanctuary +wingspan +contrary +remembering +surprising +Basic +stealing +OS +hatred +##lled +masters +violation +Rule +##nger +assuming +conquered +louder +robe +Beatles +legitimate +##vation +massacre +Rica +unsuccessfully +poets +##enberg +careers +doubled +premier +battalions +Dubai +Paper +Louisville +gestured +dressing +successive +mumbled +Vic +referee +pupil +##cated +##rre +ceremonies +picks +##IN +diplomat +alike +geographical +rays +##HA +##read +harbour +factories +pastor +playwright +Ultimate +nationalist +uniforms +obtaining +kit +Amber +##pling +screenwriter +ancestry +##cott +Fields +PR +Coleman +rat +Bavaria +squeeze +highlighted +Adult +reflecting +Mel +1824 +bicycle +organizing +sided +Previously +Underground +Prof +athletics +coupled +mortal +Hampton +worthy +immune +Ava +##gun +encouraging +simplified +##ssa +##nte +##ann +Providence +entities +Pablo +Strong +Housing +##ista +##ators +kidnapped +mosque +Kirk +whispers +fruits +shattered +fossil +Empress +Johns +Webster +Thing +refusing +differently +specimen +Ha +##EN +##tina +##elle +##night +Horn +neighbourhood +Bolivia +##rth +genres +Pre +##vich +Amelia +swallow +Tribune +Forever +Psychology +Use +##bers +Gazette +ash +##usa +Monster +##cular +delegation +blowing +Oblast +retreated +automobile +##ex +profits +shirts +devil +Treasury +##backs +Drums +Ronnie +gameplay +expertise +Evening +resides +Caesar +unity +Crazy +linking +Vision +donations +Isabel +valve +Sue +WWE +logical +availability +fitting +revolt +##mill +Linux +taxi +Access +pollution +statues +Augustus +##pen +cello +##some +lacking +##ati +Gwen +##aka +##ovich +1821 +Wow +initiatives +Uruguay +Cain +stroked +examine +##ī +mentor +moist +disorders +buttons +##tica +##anna +Species +Lynch +museums +scorer +Poor +eligibility +op +unveiled +cats +Title +wheat +critically +Syracuse +##osis +marketed +enhance +Ryder +##NG +##ull +##rna +embedded +throws +foods +happily +##ami +lesson +formats +punched +##rno +expressions +qualities +##sal +Gods +##lity +elect +wives +##lling +jungle +Toyota +reversed +Grammar +Cloud +Agnes +##ules +disputed +verses +Lucien +threshold +##rea +scanned +##bled +##dley +##lice +Kazakhstan +Gardner +Freeman +##rz +inspection +Rita +accommodation +advances +chill +Elliot +thriller +Constantinople +##mos +debris +whoever +1810 +Santo +Carey +remnants +Guatemala +##irs +carriers +equations +mandatory +##WA +anxious +measurement +Summit +Terminal +Erin +##zes +LLC +##uo +glancing +sin +##₃ +Downtown +flowering +Euro +Leigh +Lance +warn +decent +recommendations +##ote +Quartet +##rrell +Clarence +colleague +guarantee +230 +Clayton +Beast +addresses +prospect +destroyer +vegetables +Leadership +fatal +prints +190 +##makers +Hyde +persuaded +illustrations +Southampton +Joyce +beats +editors +mount +##grave +Malaysian +Bombay +endorsed +##sian +##bee +applying +Religion +nautical +bomber +Na +airfield +gravel +##rew +Cave +bye +dig +decree +burden +Election +Hawk +Fe +##iled +reunited +##tland +liver +Teams +Put +delegates +Ella +##fect +Cal +invention +Castro +bored +##kawa +##ail +Trinidad +NASCAR +pond +develops +##pton +expenses +Zoe +Released +##rf +organs +beta +parameters +Neill +##lene +lateral +Beat +blades +Either +##hale +Mitch +##ET +##vous +Rod +burnt +phones +Rising +##front +investigating +##dent +Stephanie +##keeper +screening +##uro +Swan +Sinclair +modes +bullets +Nigerian +melody +##ques +Rifle +##12 +128 +##jin +charm +Venus +##tian +fusion +advocated +visitor +pinned +genera +3000 +Ferry +Solo +quantity +regained +platinum +shoots +narrowly +preceded +update +##ichi +equality +unaware +regiments +ally +##tos +transmitter +locks +Seeing +outlets +feast +reopened +##ows +struggles +Buddy +1826 +bark +elegant +amused +Pretty +themed +schemes +Lisbon +Te +patted +terrorism +Mystery +##croft +##imo +Madagascar +Journey +dealer +contacted +##quez +ITV +vacation +Wong +Sacramento +organisms +##pts +balcony +coloured +sheer +defines +MC +abortion +forbidden +accredited +Newfoundland +tendency +entrepreneur +Benny +Tanzania +needing +finalist +mythology +weakened +gown +sentences +Guest +websites +Tibetan +UFC +voluntary +annoyed +Welcome +honestly +correspondence +geometry +Deutsche +Biology +Help +##aya +Lines +Hector +##ael +reluctant +##ages +wears +inquiry +##dell +Holocaust +Tourism +Wei +volcanic +##mates +Visual +sorts +neighborhoods +Running +apple +shy +Laws +bend +Northeast +feminist +Speedway +Murder +visa +stuffed +fangs +transmitted +fiscal +Ain +enlarged +##ndi +Cecil +Peterson +Benson +Bedford +acceptable +##CC +##wer +purely +triangle +foster +Alberto +educator +Highland +acute +LGBT +Tina +Mi +adventures +Davidson +Honda +translator +monk +enacted +summoned +##ional +collector +Genesis +Un +liner +Di +Statistical +##CS +filter +Knox +Religious +Stella +Estonian +Turn +##ots +primitive +parishes +##lles +complexity +autobiography +rigid +cannon +pursuing +exploring +##gram +##mme +freshman +caves +Expedition +Traditional +iTunes +certification +cooling +##ort +##gna +##IT +##lman +##VA +Motion +explosive +licence +boxer +shrine +loosely +Brigadier +Savage +Brett +MVP +heavier +##elli +##gged +Buddha +Easy +spells +fails +incredibly +Georg +stern +compatible +Perfect +applies +cognitive +excessive +nightmare +neighbor +Sicily +appealed +static +##₁ +Aberdeen +##leigh +slipping +bride +##guard +Um +Clyde +1818 +##gible +Hal +Frost +Sanders +interactive +Hour +##vor +hurting +bull +termed +shelf +capturing +##pace +rolls +113 +##bor +Chilean +teaches +##rey +exam +shipped +Twin +borrowed +##lift +Shit +##hot +Lindsay +Below +Kiev +Lin +leased +##sto +Eli +Diane +Val +subtropical +shoe +Bolton +Dragons +##rification +Vatican +##pathy +Crisis +dramatically +talents +babies +##ores +surname +##AP +##cology +cubic +opted +Archer +sweep +tends +Karnataka +Judy +stint +Similar +##nut +explicitly +##nga +interact +Mae +portfolio +clinic +abbreviated +Counties +##iko +hearts +##ı +providers +screams +Individual +##etti +Monument +##iana +accessed +encounters +gasp +##rge +defunct +Avery +##rne +nobility +useless +Phase +Vince +senator +##FL +1813 +surprisingly +##illo +##chin +Boyd +rumors +equity +Gone +Hearts +chassis +overnight +Trek +wrists +submit +civic +designers +##rity +prominence +decorative +derives +starter +##AF +wisdom +Powers +reluctantly +measurements +doctoral +Noel +Gideon +Baden +Cologne +lawn +Hawaiian +anthology +##rov +Raiders +embassy +Sterling +##pal +Telugu +troubled +##FC +##bian +fountain +observe +ore +##uru +##gence +spelling +Border +grinning +sketch +Benedict +Xbox +dialects +readily +immigrant +Constitutional +aided +nevertheless +SE +tragedy +##ager +##rden +Flash +##MP +Europa +emissions +##ield +panties +Beverly +Homer +curtain +##oto +toilet +Isn +Jerome +Chiefs +Hermann +supernatural +juice +integrity +Scots +auto +Patriots +Strategic +engaging +prosecution +cleaned +Byron +investments +adequate +vacuum +laughs +##inus +##nge +Usually +Roth +Cities +Brand +corpse +##ffy +Gas +rifles +Plains +sponsorship +Levi +tray +owed +della +commanders +##ead +tactical +##rion +García +harbor +discharge +##hausen +gentleman +endless +highways +##itarian +pleaded +##eta +archive +Midnight +exceptions +instances +Gibraltar +cart +##NS +Darren +Bonnie +##yle +##iva +OCLC +bra +Jess +##EA +consulting +Archives +Chance +distances +commissioner +##AR +LL +sailors +##sters +enthusiasm +Lang +##zia +Yugoslav +confirm +possibilities +Suffolk +##eman +banner +1822 +Supporting +fingertips +civilization +##gos +technically +1827 +Hastings +sidewalk +strained +monuments +Floyd +Chennai +Elvis +villagers +Cumberland +strode +albeit +Believe +planets +combining +Mohammad +container +##mouth +##tures +verb +BA +Tank +Midland +screened +Gang +Democracy +Helsinki +screens +thread +charitable +##version +swiftly +ma +rational +combine +##SS +##antly +dragging +Cliff +Tasmania +quest +professionally +##aj +rap +##lion +livestock +##hua +informal +specially +lonely +Matthews +Dictionary +1816 +Observatory +correspondent +constitute +homeless +waving +appreciated +Analysis +Meeting +dagger +##AL +Gandhi +flank +Giant +Choir +##not +glimpse +toe +Writer +teasing +springs +##dt +Glory +healthcare +regulated +complaint +math +Publications +makers +##hips +cement +Need +apologize +disputes +finishes +Partners +boring +ups +gains +1793 +Congressional +clergy +Folk +##made +##nza +Waters +stays +encoded +spider +betrayed +Applied +inception +##urt +##zzo +wards +bells +UCLA +Worth +bombers +Mo +trademark +Piper +##vel +incorporates +1801 +##cial +dim +Twelve +##word +Appeals +tighter +spacecraft +##tine +coordinates +##iac +mistakes +Zach +laptop +Teresa +##llar +##yr +favored +Nora +sophisticated +Irving +hammer +División +corporations +niece +##rley +Patterson +UNESCO +trafficking +Ming +balanced +plaque +Latvia +broader +##owed +Save +confined +##vable +Dalton +tide +##right +##ural +##num +swords +caring +##eg +IX +Acting +paved +##moto +launching +Antoine +substantially +Pride +Philharmonic +grammar +Indoor +Ensemble +enabling +114 +resided +Angelo +publicity +chaired +crawled +Maharashtra +Telegraph +lengthy +preference +differential +anonymous +Honey +##itation +wage +##iki +consecrated +Bryant +regulatory +Carr +##én +functioning +watches +##ú +shifts +diagnosis +Search +app +Peters +##SE +##cat +Andreas +honours +temper +counsel +Urdu +Anniversary +maritime +##uka +harmony +##unk +essence +Lorenzo +choked +Quarter +indie +##oll +loses +##prints +amendment +Adolf +scenario +similarities +##rade +##LC +technological +metric +Russians +thoroughly +##tead +cruiser +1806 +##nier +1823 +Teddy +##psy +au +progressed +exceptional +broadcaster +partnered +fitness +irregular +placement +mothers +unofficial +Garion +Johannes +1817 +regain +Solar +publishes +Gates +Broken +thirds +conversations +dive +Raj +contributor +quantities +Worcester +governance +##flow +generating +pretending +Belarus +##voy +radius +skating +Marathon +1819 +affection +undertook +##wright +los +##bro +locate +PS +excluded +recreation +tortured +jewelry +moaned +##logue +##cut +Complete +##rop +117 +##II +plantation +whipped +slower +crater +##drome +Volunteer +attributes +celebrations +regards +Publishers +oath +utilized +Robbie +Giuseppe +fiber +indication +melted +archives +Damien +storey +affecting +identifying +dances +alumni +comparable +upgrade +rented +sprint +##kle +Marty +##lous +treating +railways +Lebanese +erupted +occupy +sympathy +Jude +Darling +Qatar +drainage +McCarthy +heel +Klein +computing +wireless +flip +Du +Bella +##ast +##ssen +narrator +mist +sings +alignment +121 +2020 +securing +##rail +Progress +missionaries +brutal +mercy +##shing +Hip +##ache +##olo +switching +##here +Malay +##ob +constituted +Mohammed +Often +standings +surge +teachings +ink +detached +systematic +Trial +Myanmar +##wo +offs +Reyes +decoration +translations +wherever +reviewer +speculation +Bangkok +terminated +##ester +beard +RCA +Aidan +Associated +Emerson +Charity +1803 +generous +Dudley +ATP +##haven +prizes +toxic +gloves +##iles +##dos +Turning +myth +Parade +##building +Hits +##eva +teamed +Above +Duchess +Holt +##oth +Sub +Ace +atomic +inform +Ship +depend +Jun +##bes +Norwich +globe +Baroque +Christina +Cotton +Tunnel +kidding +Concerto +Brittany +tasted +phases +stems +angles +##TE +##nam +##40 +charted +Alison +intensive +Willis +glory +##lit +Bergen +est +taller +##dicate +labeled +##ido +commentator +Warrior +Viscount +shortened +aisle +Aria +Spike +spectators +goodbye +overlooking +mammals +##lude +wholly +Barrett +##gus +accompany +seventy +employ +##mb +ambitious +beloved +basket +##mma +##lding +halted +descendant +pad +exclaimed +cloak +##pet +Strait +Bang +Aviv +sadness +##ffer +Donovan +1880s +agenda +swinging +##quin +jerk +Boat +##rist +nervously +Silence +Echo +shout +implies +##iser +##cking +Shiva +Weston +damages +##tist +effectiveness +Horace +cycling +Rey +ache +Photography +PDF +Dear +leans +Lea +##vision +booth +attained +disbelief +##eus +##ution +Hop +pension +toys +Eurovision +faithful +##heads +Andre +owe +default +Atlas +Megan +highlights +lovers +Constantine +Sixth +masses +##garh +emerge +Auto +Slovak +##oa +##vert +Superintendent +flicked +inventor +Chambers +Frankie +Romeo +pottery +companions +Rudolf +##liers +diary +Unless +tap +alter +Randall +##ddle +##eal +limitations +##boards +utterly +knelt +guaranteed +Cowboys +Islander +horns +##ike +Wendy +sexually +Smart +breasts +##cian +compromise +Duchy +AT +Galaxy +analog +Style +##aking +weighed +Nigel +optional +Czechoslovakia +practicing +Ham +##0s +feedback +batted +uprising +operative +applicable +criminals +classrooms +Somehow +##ode +##OM +Naomi +Winchester +##pping +Bart +Regina +competitor +Recorded +Yuan +Vera +lust +Confederation +##test +suck +1809 +Lambert +175 +Friend +##ppa +Slowly +##⁺ +Wake +Dec +##aneous +chambers +Color +Gus +##site +Alternative +##world +Exeter +Omaha +celebrities +striker +210 +dwarf +meals +Oriental +Pearson +financing +revenues +underwater +Steele +screw +Feeling +Mt +acids +badge +swore +theaters +Moving +admired +lung +knot +penalties +116 +fork +##cribed +Afghan +outskirts +Cambodia +oval +wool +fossils +Ned +Countess +Darkness +delicious +##nica +Evelyn +Recordings +guidelines +##CP +Sandra +meantime +Antarctica +modeling +granddaughter +##rial +Roma +Seventh +Sunshine +Gabe +##nton +Shop +Turks +prolific +soup +parody +##nta +Judith +disciplines +resign +Companies +Libya +Jets +inserted +Mile +retrieve +filmmaker +##rand +realistic +unhappy +##30 +sandstone +##nas +##lent +##ush +##rous +Brent +trash +Rescue +##unted +Autumn +disgust +flexible +infinite +sideways +##oss +##vik +trailing +disturbed +50th +Newark +posthumously +##rol +Schmidt +Josef +##eous +determining +menu +Pole +Anita +Luc +peaks +118 +Yard +warrant +generic +deserted +Walking +stamp +tracked +##berger +paired +surveyed +sued +Rainbow +##isk +Carpenter +submarines +realization +touches +sweeping +Fritz +module +Whether +resembles +##form +##lop +unsure +hunters +Zagreb +unemployment +Senators +Georgetown +##onic +Barker +foul +commercials +Dresden +Words +collision +Carlton +Fashion +doubted +##ril +precision +MIT +Jacobs +mob +Monk +retaining +gotta +##rod +remake +Fast +chips +##pled +sufficiently +##lights +delivering +##enburg +Dancing +Barton +Officers +metals +##lake +religions +##ré +motivated +differs +dorsal +##birds +##rts +Priest +polished +##aling +Saxony +Wyatt +knockout +##hor +Lopez +RNA +##link +metallic +##kas +daylight +Montenegro +##lining +wrapping +resemble +Jam +Viking +uncertainty +angels +enables +##fy +Stuttgart +tricks +tattoo +127 +wicked +asset +breach +##yman +MW +breaths +Jung +im +1798 +noon +vowel +##qua +calmly +seasonal +chat +ingredients +cooled +Randolph +ensuring +##ib +##idal +flashing +1808 +Macedonian +Cool +councils +##lick +advantages +Immediately +Madras +##cked +Pain +fancy +chronic +Malayalam +begged +##nese +Inner +feathers +##vey +Names +dedication +Sing +pan +Fischer +nurses +Sharp +inning +stamps +Meg +##ello +edged +motioned +Jacksonville +##ffle +##dic +##US +divide +garnered +Ranking +chasing +modifications +##oc +clever +midst +flushed +##DP +void +##sby +ambulance +beaches +groan +isolation +strengthen +prevention +##ffs +Scouts +reformed +geographic +squadrons +Fiona +Kai +Consequently +##uss +overtime +##yas +Fr +##BL +Papua +Mixed +glances +Haiti +Sporting +sandy +confronted +René +Tanner +1811 +##IM +advisory +trim +##ibe +González +gambling +Jupiter +##ility +##owski +##nar +122 +apology +teased +Pool +feminine +wicket +eagle +shiny +##lator +blend +peaking +nasty +nodding +fraction +tech +Noble +Kuwait +brushing +Italia +Canberra +duet +Johan +1805 +Written +cameo +Stalin +pig +cord +##zio +Surely +SA +owing +holidays +123 +Ranger +lighthouse +##ige +miners +1804 +##ë +##gren +##ried +crashing +##atory +wartime +highlight +inclined +Torres +Tax +##zel +##oud +Own +##corn +Divine +EMI +Relief +Northwestern +ethics +BMW +click +plasma +Christie +coordinator +Shepherd +washing +cooked +##dio +##eat +Cerambycidae +algebra +Engine +costumes +Vampire +vault +submission +virtue +assumption +##rell +Toledo +##oting +##rva +crept +emphasized +##lton +##ood +Greeks +surgical +crest +Patrol +Beta +Tessa +##GS +pizza +traits +rats +Iris +spray +##GC +Lightning +binary +escapes +##take +Clary +crowds +##zong +hauled +maid +##fen +Manning +##yang +Nielsen +aesthetic +sympathetic +affiliation +soaked +Mozart +personalities +begging +##iga +clip +Raphael +yearly +Lima +abundant +##lm +1794 +strips +Initiative +reporters +##vsky +consolidated +##itated +Civic +rankings +mandate +symbolic +##ively +1807 +rental +duck +nave +complications +##nor +Irene +Nazis +haunted +scholarly +Pratt +Gran +Embassy +Wave +pity +genius +bats +canton +Tropical +marker +##cos +escorted +Climate +##posed +appreciation +freezing +puzzle +Internal +pools +Shawn +pathway +Daniels +Fitzgerald +extant +olive +Vanessa +marriages +cocked +##dging +prone +chemicals +doll +drawer +##HF +Stark +Property +##tai +flowed +Sheridan +##uated +Less +Omar +remarks +catalogue +Seymour +wreck +Carrie +##bby +Mercer +displaced +sovereignty +rip +Flynn +Archie +Quarterfinals +Hassan +##ards +vein +Osaka +pouring +wages +Romance +##cript +##phere +550 +##eil +##stown +Documentary +ancestor +CNN +Panthers +publishers +Rise +##mu +biting +Bright +String +succeeding +119 +loaned +Warwick +Sheikh +Von +Afterwards +Jax +Camden +helicopters +Hence +Laurel +##ddy +transaction +Corp +clause +##owing +##kel +Investment +cups +Lucia +Moss +Giles +chef +López +decisive +30th +distress +linguistic +surveys +Ready +maiden +Touch +frontier +incorporate +exotic +mollusk +Leopold +Ride +##wain +##ndo +teammates +tones +drift +ordering +Feb +Penny +Normandy +Present +Flag +pipes +##rro +delight +motto +Tibet +leap +Eliza +Produced +teenagers +sitcom +Try +Hansen +Cody +wandered +terrestrial +frog +scare +resisted +employers +coined +##DS +resistant +Fly +captive +dissolution +judged +associates +defining +##court +Hale +##mbo +raises +clusters +twelfth +##metric +Roads +##itude +satisfy +Android +Reds +Gloucester +Category +Valencia +Daemon +stabbed +Luna +Churches +Canton +##eller +Attack +Kashmir +annexed +grabs +asteroid +Hartford +recommendation +Rodriguez +handing +stressed +frequencies +delegate +Bones +Erie +Weber +Hands +Acts +millimetres +24th +Fat +Howe +casually +##SL +convent +1790 +IF +##sity +1795 +yelling +##ises +drain +addressing +amino +Marcel +Sylvia +Paramount +Gerard +Volleyball +butter +124 +Albion +##GB +triggered +1792 +folding +accepts +##ße +preparations +Wimbledon +dose +##grass +escaping +##tling +import +charging +##dation +280 +Nolan +##fried +Calcutta +##pool +Cove +examining +minded +heartbeat +twisting +domains +bush +Tunisia +Purple +Leone +##code +evacuated +battlefield +tiger +Electrical +##ared +chased +##cre +cultivated +Jet +solved +shrug +ringing +Impact +##iant +kilometre +##log +commemorate +migrated +singular +designing +promptly +Higgins +##own +##aves +freshwater +Marketing +Payne +beg +locker +pray +implied +AAA +corrected +Trans +Europeans +Ashe +acknowledge +Introduction +##writer +##llen +Munster +auxiliary +growl +Hours +Poems +##AT +reduces +Plain +plague +canceled +detention +polite +necklace +Gustav +##gu +##lance +En +Angola +##bb +dwelling +##hea +5000 +Qing +Dodgers +rim +##ored +##haus +spilled +Elisabeth +Viktor +backpack +1802 +amended +##worthy +Phantom +##ctive +keeper +##loom +Vikings +##gua +employs +Tehran +specialty +##bate +Marx +Mirror +Jenna +rides +needle +prayers +clarinet +forewings +##walk +Midlands +convincing +advocacy +Cao +Birds +cycles +Clement +Gil +bubble +Maximum +humanitarian +Tan +cries +##SI +Parsons +Trio +offshore +Innovation +clutched +260 +##mund +##duct +Prairie +relied +Falcon +##ste +Kolkata +Gill +Swift +Negro +Zoo +valleys +##OL +Opening +beams +MPs +outline +Bermuda +Personal +exceed +productive +##MT +republic +forum +##sty +tornado +Known +dipped +Edith +folks +mathematician +watershed +Ricardo +synthetic +##dication +deity +##₄ +gaming +subjected +suspects +Foot +swollen +Motors +##tty +##ý +aloud +ceremonial +es +nuts +intend +Carlisle +tasked +hesitation +sponsors +unified +inmates +##ctions +##stan +tiles +jokes +whereby +outcomes +Lights +scary +Stoke +Portrait +Blind +sergeant +violations +cultivation +fuselage +Mister +Alfonso +candy +sticks +teen +agony +Enough +invite +Perkins +Appeal +mapping +undergo +Glacier +Melanie +affects +incomplete +##dd +Colombian +##nate +CBC +purchasing +bypass +Drug +Electronics +Frontier +Coventry +##aan +autonomy +scrambled +Recent +bounced +cow +experiencing +Rouge +cuisine +Elite +disability +Ji +inheritance +wildly +Into +##wig +confrontation +Wheeler +shiver +Performing +aligned +consequently +Alexis +Sin +woodland +executives +Stevenson +Ferrari +inevitable +##cist +##dha +##base +Corner +comeback +León +##eck +##urus +MacDonald +pioneering +breakdown +landscapes +Veterans +Rican +Theological +stirred +participant +Credit +Hyderabad +snails +Claudia +##ocene +compliance +##MI +Flags +Middlesex +storms +winding +asserted +er +##ault +##kal +waking +##rates +abbey +Augusta +tooth +trustees +Commodore +##uded +Cunningham +NC +Witch +marching +Sword +Same +spiral +Harley +##ahan +Zack +Audio +1890s +##fit +Simmons +Kara +Veronica +negotiated +Speaking +FIBA +Conservatory +formations +constituencies +explicit +facial +eleventh +##ilt +villain +##dog +##case +##hol +armored +tin +hairs +##umi +##rai +mattress +Angus +cease +verbal +Recreation +savings +Aurora +peers +Monastery +Airways +drowned +additions +downstream +sticking +Shi +mice +skiing +##CD +Raw +Riverside +warming +hooked +boost +memorable +posed +treatments +320 +##dai +celebrating +blink +helpless +circa +Flowers +PM +uncommon +Oct +Hawks +overwhelmed +Sparhawk +repaired +Mercy +pose +counterpart +compare +survives +##½ +##eum +coordinate +Lil +grandchildren +notorious +Yi +Judaism +Juliet +accusations +1789 +floated +marathon +roar +fortified +reunion +145 +Nov +Paula +##fare +##toria +tearing +Cedar +disappearance +Si +gifted +scar +270 +PBS +Technologies +Marvin +650 +roller +cupped +negotiate +##erman +passport +tram +miracle +styled +##tier +necessity +Des +rehabilitation +Lara +USD +psychic +wipe +##lem +mistaken +##lov +charming +Rider +pageant +dynamics +Cassidy +##icus +defenses +##tadt +##vant +aging +##inal +declare +mistress +supervised +##alis +##rest +Ashton +submerged +sack +Dodge +grocery +ramp +Teacher +lineage +imagery +arrange +inscriptions +Organisation +Siege +combines +pounded +Fleming +legends +columnist +Apostolic +prose +insight +Arabian +expired +##uses +##nos +Alone +elbows +##asis +##adi +##combe +Step +Waterloo +Alternate +interval +Sonny +plains +Goals +incorporating +recruit +adjoining +Cheshire +excluding +marrying +ducked +Cherokee +par +##inate +hiking +Coal +##bow +natives +ribbon +Allies +con +descriptions +positively +##lal +defendant +22nd +Vivian +##beat +Weather +possessions +Date +sweetheart +inability +Salisbury +adviser +ideology +Nordic +##eu +Cubs +IP +Administrative +##nick +facto +liberation +Burnett +Javier +fashioned +Electoral +Turin +theft +unanimous +Per +1799 +Clan +Hawkins +Teachers +##wes +Cameroon +Parkway +##gment +demolition +atoms +nucleus +##thi +recovering +##yte +##vice +lifts +Must +deposit +Hancock +Semi +darkened +Declaration +moan +muscular +Myers +attractions +sauce +simulation +##weed +Alps +barriers +##baum +Barack +galleries +Min +holders +Greenwich +donation +Everybody +Wolfgang +sandwich +Kendra +Collegiate +casino +Slavic +ensuing +Porto +##grapher +Jesuit +suppressed +tires +Ibrahim +protesters +Ibn +Amos +1796 +phenomena +Hayden +Paraguay +Squad +Reilly +complement +aluminum +##eers +doubts +decay +demise +Practice +patience +fireplace +transparent +monarchy +##person +Rodney +mattered +rotating +Clifford +disposal +Standards +paced +##llie +arise +tallest +tug +documentation +node +freeway +Nikolai +##cite +clicked +imaging +Lorraine +Tactical +Different +Regular +Holding +165 +Pilot +guarded +##polis +Classics +Mongolia +Brock +monarch +cellular +receptors +Mini +Chandler +financed +financially +Lives +erection +Fuller +unnamed +Kannada +cc +passive +plateau +##arity +freak +##rde +retrieved +transactions +##sus +23rd +swimmer +beef +fulfill +Arlington +offspring +reasoning +Rhys +saves +pseudonym +centimetres +shivered +shuddered +##ME +Feel +##otic +professors +Blackburn +##eng +##life +##haw +interred +lodge +fragile +Della +guardian +##bbled +catalog +clad +observer +tract +declaring +##headed +Lok +dean +Isabelle +1776 +irrigation +spectacular +shuttle +mastering +##aro +Nathaniel +Retired +##lves +Brennan +##kha +dick +##dated +##hler +Rookie +leapt +televised +weekends +Baghdad +Yemen +##fo +factions +ion +Lab +mortality +passionate +Hammer +encompasses +confluence +demonstrations +Ki +derivative +soils +##unch +Ranch +Universities +conventions +outright +aiming +hierarchy +reside +illusion +graves +rituals +126 +Antwerp +Dover +##ema +campuses +Hobart +lifelong +aliens +##vity +Memory +coordination +alphabet +##mina +Titans +pushes +Flanders +##holder +Normal +excellence +capped +profound +Taipei +portrayal +sparked +scratch +se +##eas +##hir +Mackenzie +##cation +Neo +Shin +##lined +magnificent +poster +batsman +##rgent +persuade +##ement +Icelandic +miserable +collegiate +Feature +geography +##mura +Comic +Circus +processor +barracks +Tale +##11 +Bulls +##rap +strengthened +##bell +injection +miniature +broadly +Letter +fare +hostage +traders +##nium +##mere +Fortune +Rivera +Lu +triumph +Browns +Bangalore +cooperative +Basel +announcing +Sawyer +##him +##cco +##kara +darted +##AD +##nova +sucking +##position +perimeter +flung +Holdings +##NP +Basque +sketches +Augustine +Silk +Elijah +analyst +armour +riots +acquiring +ghosts +##ems +132 +Pioneer +Colleges +Simone +Economy +Author +semester +Soldier +il +##unting +##bid +freaking +Vista +tumor +##bat +murderer +##eda +unreleased +##grove +##sser +##té +edit +statute +sovereign +##gawa +Killer +stares +Fury +comply +##lord +##nant +barrels +Andhra +Maple +generator +mascot +unusually +eds +##ante +##runner +rod +##tles +Historically +Jennings +dumped +Established +resemblance +##lium +##cise +##body +##voke +Lydia +##hou +##iring +nonetheless +1797 +corrupt +patrons +physicist +sneak +Livingston +Citizens +Architects +Werner +trends +Melody +eighty +markings +brakes +##titled +oversaw +processed +mock +Midwest +intervals +##EF +stretches +werewolf +##MG +Pack +controller +##dition +Honours +cane +Griffith +vague +repertoire +Courtney +orgasm +Abdullah +dominance +occupies +Ya +introduces +Lester +instinct +collaborative +Indigenous +refusal +##rank +outlet +debts +spear +155 +##keeping +##ulu +Catalan +##osh +tensions +##OT +bred +crude +Dunn +abdomen +accurately +##fu +##lough +accidents +Row +Audrey +rude +Getting +promotes +replies +Paolo +merge +##nock +trans +Evangelical +automated +Canon +##wear +##ggy +##gma +Broncos +foolish +icy +Voices +knives +Aside +dreamed +generals +molecule +AG +rejection +insufficient +##nagar +deposited +sacked +Landing +arches +helpful +devotion +intake +Flower +PGA +dragons +evolutionary +##mail +330 +GM +tissues +##tree +arcade +composite +lid +Across +implications +lacks +theological +assessed +concentrations +Den +##mans +##ulous +Fu +homeland +##stream +Harriet +ecclesiastical +troop +ecological +winked +##xed +eighteenth +Casino +specializing +##sworth +unlocked +supreme +devastated +snatched +trauma +GDP +Nord +saddle +Wes +convenient +competes +##nu +##iss +Marian +subway +##rri +successes +umbrella +##far +##ually +Dundee +##cence +spark +##rix +##я +Quality +Geological +cockpit +rpm +Cam +Bucharest +riot +##PM +Leah +##dad +##pose +Ka +m³ +Bundesliga +Wolfe +grim +textile +quartet +expressing +fantastic +destroyers +eternal +picnic +##oro +contractor +1775 +spanning +declining +##cating +Lowe +Sutherland +Emirates +downward +nineteen +violently +scout +viral +melting +enterprises +##cer +Crosby +Jubilee +antenna +urgent +Rory +##uin +##sure +wandering +##gler +##vent +Suzuki +Lifetime +Dirty +occupying +##quent +Disc +Guru +mound +Lennon +Humanities +listeners +Walton +uh +Braves +Bologna +##bis +##gra +Dwight +crawl +flags +memoir +Thorne +Archdiocese +dairy +##uz +##tery +roared +adjust +patches +inn +Knowing +##bbed +##zan +scan +Papa +precipitation +angrily +passages +postal +Phi +embraced +blacks +economist +triangular +Sen +shooter +punished +Millennium +Swimming +confessed +Aston +defeats +Era +cousins +Williamson +##rer +daytime +dumb +##rek +underway +specification +Buchanan +prayed +concealed +activation +##issa +canon +awesome +Starr +plural +summers +##fields +Slam +unnecessary +1791 +resume +trilogy +compression +##rough +selective +dignity +Yan +##xton +immense +##yun +lone +seeded +hiatus +lightweight +summary +Yo +approve +Galway +rejoined +Elise +garbage +burns +speeches +129 +Honduras +##liness +inventory +jersey +FK +assure +slumped +Lionel +Suite +##sbury +Lena +continuation +##AN +brightly +##nti +GT +Knowledge +##park +##lius +lethal +##tribution +##sions +Certificate +Mara +##lby +algorithms +Jade +blows +pirates +fleeing +wheelchair +Stein +sophomore +Alt +Territorial +diploma +snakes +##olic +##tham +Tiffany +Pius +flush +urging +Hanover +Reich +##olate +Unity +Pike +collectively +Theme +ballad +kindergarten +rocked +zoo +##page +whip +Rodríguez +strokes +checks +Becky +Stern +upstream +##uta +Silent +volunteered +Sigma +##ingen +##tract +##ede +Gujarat +screwed +entertaining +##action +##ryn +defenders +innocence +lesbian +que +Richie +nodes +Lie +juvenile +Jakarta +safer +confront +Bert +breakthrough +gospel +Cable +##zie +institutional +Archive +brake +liquor +feeds +##iate +chancellor +Encyclopedia +Animation +scanning +teens +##mother +Core +Rear +Wine +##flower +reactor +Ave +cardinal +sodium +strands +Olivier +crouched +Vaughan +Sammy +Image +scars +Emmanuel +flour +bias +nipple +revelation +##ucci +Denny +##ssy +Form +Runners +admits +Rama +violated +Burmese +feud +underwear +Mohamed +Named +swift +statewide +Door +Recently +comparing +Hundred +##idge +##nity +##rds +Rally +Reginald +Auburn +solving +waitress +Treasurer +##ilization +Halloween +Ministers +Boss +Shut +##listic +Rahman +demonstrating +##pies +Gaza +Yuri +installations +Math +schooling +##bble +Bronx +exiled +gasoline +133 +bundle +humid +FCC +proportional +relate +VFL +##dez +continuity +##cene +syndicated +atmospheric +arrows +Wanderers +reinforcements +Willow +Lexington +Rotten +##yon +discovering +Serena +portable +##lysis +targeting +£1 +Goodman +Steam +sensors +detachment +Malik +##erie +attitudes +Goes +Kendall +Read +Sleep +beans +Nikki +modification +Jeanne +knuckles +Eleven +##iously +Gross +Jaime +dioxide +moisture +Stones +UCI +displacement +Metacritic +Jury +lace +rendering +elephant +Sergei +##quire +GP +Abbott +##type +projection +Mouse +Bishops +whispering +Kathleen +Rams +##jar +whites +##oran +assess +dispatched +##hire +kin +##mir +Nursing +advocates +tremendous +sweater +assisting +##bil +Farmer +prominently +reddish +Hague +cyclone +##SD +Sage +Lawson +Sanctuary +discharged +retains +##ube +shotgun +wilderness +Reformed +similarity +Entry +Watts +Bahá +Quest +Looks +visions +Reservoir +Arabs +curls +Blu +dripping +accomplish +Verlag +drill +sensor +Dillon +physicians +smashed +##dir +painters +Renault +straw +fading +Directorate +lounge +commissions +Brain +##graph +neo +##urg +plug +coordinated +##houses +Critical +lamps +illustrator +Returning +erosion +Crow +##ciation +blessing +Thought +Wife +medalist +synthesizer +Pam +Thornton +Esther +HBO +fond +Associates +##raz +pirate +permits +Wide +tire +##PC +Ernie +Nassau +transferring +RFC +##ntly +um +spit +AS +##mps +Mining +polar +villa +anchored +##zzi +embarrassment +relates +##ă +Rupert +counterparts +131 +Baxter +##18 +Igor +recognizes +Clive +##hane +##eries +##ibly +occurrence +##scope +fin +colorful +Rapids +banker +tile +##rative +##dus +delays +destinations +##llis +Pond +Dane +grandparents +rewarded +socially +motorway +##hof +##lying +##human +modeled +Dayton +Forward +conscience +Sharma +whistle +Mayer +Sasha +##pical +circuits +Zhou +##ça +Latvian +finalists +predators +Lafayette +closes +obligations +Resolution +##vier +Trustees +reminiscent +##hos +Highlands +Protected +asylum +evacuation +##acy +Chevrolet +confession +Somalia +emergence +separating +##rica +alright +calcium +Laurent +Welfare +Leonardo +ashes +dental +Deal +minerals +##lump +##mount +accounted +staggered +slogan +photographic +builder +##imes +##raft +tragic +144 +SEC +Hit +tailed +##ples +##rring +##rson +ethical +wrestlers +concludes +lunar +##ept +nitrogen +Aid +cyclist +quarterfinals +##ه +harvest +##hem +Pasha +IL +##mis +continually +##forth +Intel +bucket +##ended +witches +pretended +dresses +viewer +peculiar +lowering +volcano +Marilyn +Qualifier +clung +##sher +Cut +modules +Bowie +##lded +onset +transcription +residences +##pie +##itor +scrapped +##bic +Monaco +Mayo +eternity +Strike +uncovered +skeleton +##wicz +Isles +bug +Promoted +##rush +Mechanical +XII +##ivo +gripping +stubborn +velvet +TD +decommissioned +operas +spatial +unstable +Congressman +wasted +##aga +##ume +advertisements +##nya +obliged +Cannes +Conway +bricks +##gnant +##mity +##uise +jumps +Clear +##cine +##sche +chord +utter +Su +podium +spokesman +Royce +assassin +confirmation +licensing +liberty +##rata +Geographic +individually +detained +##ffe +Saturn +crushing +airplane +bushes +knights +##PD +Lilly +hurts +unexpectedly +Conservatives +pumping +Forty +candle +Pérez +peasants +supplement +Sundays +##ggs +##rries +risen +enthusiastic +corresponds +pending +##IF +Owens +floods +Painter +inflation +presumed +inscribed +Chamberlain +bizarre +1200 +liability +reacted +tub +Legacy +##eds +##pted +shone +##litz +##NC +Tiny +genome +bays +Eduardo +robbery +stall +hatch +Depot +Variety +Flora +reprinted +trembled +outlined +CR +Theresa +spans +##plication +Jensen +##eering +posting +##rky +pays +##ost +Marcos +fortifications +inferior +##ential +Devi +despair +Talbot +##chus +updates +ego +Booth +Darius +tops +##lau +Scene +##DC +Harlem +Trey +Generally +candles +##α +Neville +Admiralty +##hong +iconic +victorious +1600 +Rowan +abundance +miniseries +clutching +sanctioned +##words +obscure +##ision +##rle +##EM +disappearing +Resort +Obviously +##eb +exceeded +1870s +Adults +##cts +Cry +Kerr +ragged +selfish +##lson +circled +pillars +galaxy +##asco +##mental +rebuild +caution +Resistance +Start +bind +splitting +Baba +Hogan +ps +partnerships +slam +Peggy +courthouse +##OD +organizational +packages +Angie +##nds +possesses +##rp +Expressway +Gould +Terror +Him +Geoff +nobles +##ope +shark +##nh +identifies +##oor +testified +Playing +##ump +##isa +stool +Idol +##pice +##tana +Byrne +Gerry +grunted +26th +observing +habits +privilege +immortal +wagons +##thy +dot +Bring +##lian +##witz +newest +##uga +constraints +Screen +Issue +##RNA +##vil +reminder +##gles +addiction +piercing +stunning +var +##rita +Signal +accumulated +##wide +float +devastating +viable +cartoons +Uttar +flared +##encies +Theology +patents +##bahn +privileges +##ava +##CO +137 +##oped +##NT +orchestral +medication +225 +erect +Nadia +École +fried +Sales +scripts +##rease +airs +Cage +inadequate +structured +countless +Avengers +Kathy +disguise +mirrors +Investigation +reservation +##nson +Legends +humorous +Mona +decorations +attachment +Via +motivation +Browne +strangers +##ński +Shadows +Twins +##pressed +Alma +Nominated +##ott +Sergio +canopy +152 +Semifinals +devised +##irk +upwards +Traffic +Goddess +Move +beetles +138 +spat +##anne +holdings +##SP +tangled +Whilst +Fowler +anthem +##ING +##ogy +snarled +moonlight +songwriting +tolerance +Worlds +exams +##pia +notices +sensitivity +poetic +Stephens +Boone +insect +reconstructed +Fresh +27th +balloon +##ables +Brendan +mug +##gee +1780 +apex +exports +slides +Lahore +hiring +Shell +electorate +sexuality +poker +nonprofit +##imate +cone +##uce +Okinawa +superintendent +##HC +referenced +turret +Sprint +Citizen +equilibrium +Stafford +curb +Driver +Valerie +##rona +aching +impacts +##bol +observers +Downs +Shri +##uth +airports +##uda +assignments +curtains +solitary +icon +patrols +substances +Jasper +mountainous +Published +ached +##ingly +announce +dove +damaging +##tism +Primera +Dexter +limiting +batch +##uli +undergoing +refugee +Ye +admiral +pavement +##WR +##reed +pipeline +desires +Ramsey +Sheila +thickness +Brotherhood +Tea +instituted +Belt +Break +plots +##ais +masculine +##where +Theo +##aged +##mined +Experience +scratched +Ethiopian +Teaching +##nov +Aiden +Abe +Samoa +conditioning +##mous +Otherwise +fade +Jenks +##encing +Nat +##lain +Anyone +##kis +smirk +Riding +##nny +Bavarian +blessed +potatoes +Hook +##wise +likewise +hardened +Merry +amid +persecution +##sten +Elections +Hoffman +Pitt +##vering +distraction +exploitation +infamous +quote +averaging +healed +Rhythm +Germanic +Mormon +illuminated +guides +##ische +interfere +##ilized +rector +perennial +##ival +Everett +courtesy +##nham +Kirby +Mk +##vic +Medieval +##tale +Luigi +limp +##diction +Alive +greeting +shove +##force +##fly +Jasmine +Bend +Capt +Suzanne +ditch +134 +##nning +Host +fathers +rebuilding +Vocal +wires +##manship +tan +Factor +fixture +##LS +Māori +Plate +pyramid +##umble +slap +Schneider +yell +##ulture +##tional +Goodbye +sore +##pher +depressed +##dox +pitching +Find +Lotus +##wang +strand +Teen +debates +prevalent +##bilities +exposing +hears +billed +##rse +reorganized +compelled +disturbing +displaying +##tock +Clinical +emotionally +##iah +Derbyshire +grouped +##quel +Bahrain +Journalism +IN +persistent +blankets +Crane +camping +Direct +proving +Lola +##dding +Corporate +birthplace +##boats +##ender +Figure +dared +Assam +precursor +##nched +Tribe +Restoration +slate +Meyrick +hunted +stroking +Earlier +Kind +polls +appeals +monetary +##reate +Kira +Langdon +explores +GPS +extensions +squares +Results +draped +announcer +merit +##ennial +##tral +##roved +##cion +robots +supervisor +snorted +##group +Cannon +procession +monkey +freeze +sleeves +Nile +verdict +ropes +firearms +extraction +tensed +EC +Saunders +##tches +diamonds +Marriage +##amble +curling +Amazing +##haling +unrelated +##roads +Daughter +cum +discarded +kidney +cliffs +forested +Candy +##lap +authentic +tablet +notation +##nburg +Bulldogs +Callum +Meet +mouths +coated +##xe +Truman +combinations +##mation +Steelers +Fan +Than +paternal +##father +##uti +Rebellion +inviting +Fun +theatres +##ي +##rom +curator +##cision +networking +Oz +drought +##ssel +granting +MBA +Shelby +Elaine +jealousy +Kyoto +shores +signaling +tenants +debated +Intermediate +Wise +##hes +##pu +Havana +duke +vicious +exited +servers +Nonetheless +Reports +explode +##beth +Nationals +offerings +Oval +conferred +eponymous +folklore +##NR +Shire +planting +1783 +Zeus +accelerated +Constable +consuming +troubles +McCartney +texture +bust +Immigration +excavated +hopefully +##cession +##coe +##name +##ully +lining +Einstein +Venezuelan +reissued +minorities +Beatrice +crystals +##nies +circus +lava +Beirut +extinction +##shu +Becker +##uke +issuing +Zurich +extract +##esta +##rred +regulate +progression +hut +alcoholic +plea +AB +Norse +Hubert +Mansfield +ashamed +##put +Bombardment +stripes +electrons +Denise +horrified +Nor +arranger +Hay +Koch +##ddling +##iner +Birthday +Josie +deliberate +explorer +##jiang +##signed +Arrow +wiping +satellites +baritone +mobility +##rals +Dorset +turbine +Coffee +185 +##lder +Cara +Colts +pits +Crossing +coral +##birth +Tai +zombie +smoothly +##hp +mates +##ady +Marguerite +##tary +puzzled +tapes +overly +Sonic +Prayer +Thinking +##uf +IEEE +obligation +##cliffe +Basil +redesignated +##mmy +nostrils +Barney +XIII +##phones +vacated +unused +Berg +##roid +Towards +viola +136 +Event +subdivided +rabbit +recruiting +##nery +Namibia +##16 +##ilation +recruits +Famous +Francesca +##hari +Goa +##lat +Karachi +haul +biblical +##cible +MGM +##rta +horsepower +profitable +Grandma +importantly +Martinez +incoming +##kill +beneficial +nominal +praying +##isch +gable +nail +noises +##ttle +Polytechnic +rub +##cope +Thor +audition +erotic +##ending +##iano +Ultimately +armoured +##mum +presently +pedestrian +##tled +Ipswich +offence +##ffin +##borne +Flemish +##hman +echo +##cting +auditorium +gentlemen +winged +##tched +Nicaragua +Unknown +prosperity +exhaust +pie +Peruvian +compartment +heights +disabilities +##pole +Harding +Humphrey +postponed +moths +Mathematical +Mets +posters +axe +##nett +Nights +Typically +chuckle +councillors +alternating +141 +Norris +##ately +##etus +deficit +dreaming +cooler +oppose +Beethoven +##esis +Marquis +flashlight +headache +investor +responding +appointments +##shore +Elias +ideals +shades +torch +lingering +##real +pier +fertile +Diploma +currents +Snake +##horse +##15 +Briggs +##ota +##hima +##romatic +Coastal +Kuala +ankles +Rae +slice +Hilton +locking +Approximately +Workshop +Niagara +strangely +##scence +functionality +advertisement +Rapid +Anders +ho +Soviets +packing +basal +Sunderland +Permanent +##fting +rack +tying +Lowell +##ncing +Wizard +mighty +tertiary +pencil +dismissal +torso +grasped +##yev +Sand +gossip +##nae +Beer +implementing +##19 +##riya +Fork +Bee +##eria +Win +##cid +sailor +pressures +##oping +speculated +Freddie +originating +##DF +##SR +##outh +28th +melt +Brenda +lump +Burlington +USC +marginal +##bine +Dogs +swamp +cu +Ex +uranium +metro +spill +Pietro +seize +Chorus +partition +##dock +##media +engineered +##oria +conclusions +subdivision +##uid +Illustrated +Leading +##hora +Berkshire +definite +##books +##cin +##suke +noun +winced +Doris +dissertation +Wilderness +##quest +braced +arbitrary +kidnapping +Kurdish +##but +clearance +excavations +wanna +Allmusic +insult +presided +yacht +##SM +Honour +Tin +attracting +explosives +Gore +Bride +##ience +Packers +Devils +Observer +##course +Loser +##erry +##hardt +##mble +Cyrillic +undefeated +##stra +subordinate +##ame +Wigan +compulsory +Pauline +Cruise +Opposition +##ods +Period +dispersed +expose +##60 +##has +Certain +Clerk +Wolves +##hibition +apparatus +allegiance +orbital +justified +thanked +##ević +Biblical +Carolyn +Graves +##tton +Hercules +backgrounds +replica +1788 +aquatic +Mega +Stirling +obstacles +filing +Founder +vowels +Deborah +Rotterdam +surpassed +Belarusian +##ologists +Zambia +Ren +Olga +Alpine +bi +councillor +Oaks +Animals +eliminating +digit +Managing +##GE +laundry +##rdo +presses +slamming +Tudor +thief +posterior +##bas +Rodgers +smells +##ining +Hole +SUV +trombone +numbering +representations +Domingo +Paralympics +cartridge +##rash +Combined +shelves +Kraków +revision +##frame +Sánchez +##tracted +##bler +Alain +townships +sic +trousers +Gibbs +anterior +symmetry +vaguely +Castile +IRA +resembling +Penguin +##ulent +infections +##stant +raped +##pressive +worrying +brains +bending +JR +Evidence +Venetian +complexes +Jonah +850 +exported +Ambrose +Gap +philanthropist +##atus +Marxist +weighing +##KO +##nath +Soldiers +chiefs +reject +repeating +shaky +Zürich +preserving +##xin +cigarettes +##break +mortar +##fin +Already +reproduction +socks +Waiting +amazed +##aca +dash +##path +Airborne +##harf +##get +descending +OBE +Sant +Tess +Lucius +enjoys +##ttered +##ivation +##ete +Leinster +Phillies +execute +geological +unfinished +Courts +SP +Beaver +Duck +motions +Platinum +friction +##aud +##bet +Parts +Stade +entirety +sprang +Smithsonian +coffin +prolonged +Borneo +##vise +unanimously +##uchi +Cars +Cassandra +Australians +##CT +##rgen +Louisa +spur +Constance +##lities +Patent +racism +tempo +##ssion +##chard +##nology +##claim +Million +Nichols +##dah +Numerous +ing +Pure +plantations +donor +##EP +##rip +convenience +##plate +dots +indirect +##written +Dong +failures +adapt +wizard +unfortunately +##gion +practitioners +economically +Enrique +unchanged +kingdoms +refined +definitions +lazy +worries +railing +##nay +Kaiser +##lug +cracks +sells +ninety +##WC +Directed +denotes +developmental +papal +unfortunate +disappointing +sixteenth +Jen +##urier +NWA +drifting +Horror +##chemical +behaviors +bury +surfaced +foreigners +slick +AND +##rene +##ditions +##teral +scrap +kicks +comprise +buddy +##anda +Mental +##ype +Dom +wines +Limerick +Luca +Rand +##won +Tomatoes +homage +geometric +##nted +telescope +Shelley +poles +##fan +shareholders +Autonomous +cope +intensified +Genoa +Reformation +grazing +##tern +Zhao +provisional +##bies +Con +##riel +Cynthia +Raleigh +vivid +threaten +Length +subscription +roses +Müller +##isms +robin +##tial +Laos +Stanton +nationalism +##clave +##ND +##17 +##zz +staging +Busch +Cindy +relieve +##spective +packs +neglected +CBE +alpine +Evolution +uneasy +coastline +Destiny +Barber +Julio +##tted +informs +unprecedented +Pavilion +##bei +##ference +betrayal +awaiting +leaked +V8 +puppet +adverse +Bourne +Sunset +collectors +##glass +##sque +copied +Demon +conceded +resembled +Rafe +Levy +prosecutor +##ject +flora +manned +deaf +Mosque +reminds +Lizzie +Products +Funny +cassette +congress +##rong +Rover +tossing +prompting +chooses +Satellite +cautiously +Reese +##UT +Huang +Gloucestershire +giggled +Kitty +##å +Pleasant +Aye +##ond +judging +1860s +intentionally +Hurling +aggression +##xy +transfers +employing +##fies +##oda +Archibald +Blessed +Ski +flavor +Rosie +##burgh +sunset +Scholarship +WC +surround +ranged +##jay +Degree +Houses +squeezing +limb +premium +Leningrad +steals +##inated +##ssie +madness +vacancy +hydraulic +Northampton +##prise +Marks +Boxing +##fying +academics +##lich +##TY +CDs +##lma +hardcore +monitors +paperback +cables +Dimitri +upside +advent +Ra +##clusive +Aug +Christchurch +objected +stalked +Simple +colonists +##laid +CT +discusses +fellowship +Carnival +cares +Miracle +pastoral +rooted +shortage +borne +Quentin +meditation +tapping +Novel +##ades +Alicia +Burn +famed +residency +Fernández +Johannesburg +Zhu +offended +Mao +outward +##inas +XV +denial +noticing +##ís +quarry +##hound +##amo +Bernie +Bentley +Joanna +mortgage +##rdi +##sumption +lenses +extracted +depiction +##RE +Networks +Broad +Revenue +flickered +virgin +flanked +##о +Enterprises +probable +Liberals +Falcons +drowning +phrases +loads +assumes +inhaled +awe +logs +slightest +spiders +waterfall +##pate +rocking +shrub +##uil +roofs +##gard +prehistoric +wary +##rak +TO +clips +sustain +treason +microphone +voter +Lamb +psychologist +wrinkled +##ères +mating +Carrier +340 +##lbert +sensing +##rino +destiny +distract +weaker +UC +Nearly +neurons +spends +Apache +##rem +genuinely +wells +##lanted +stereo +##girl +Lois +Leaving +consul +fungi +Pier +Cyril +80s +Jungle +##tani +illustration +Split +##hana +Abigail +##patrick +1787 +diminished +Selected +packaging +##EG +Martínez +communal +Manufacturing +sentiment +143 +unwilling +praising +Citation +pills +##iti +##rax +muffled +neatly +workforce +Yep +leisure +Tu +##nding +Wakefield +ancestral +##uki +destructive +seas +Passion +showcase +##ceptive +heroic +142 +exhaustion +Customs +##aker +Scholar +sliced +##inian +Direction +##OW +Swansea +aluminium +##eep +ceramic +McCoy +Career +Sector +chartered +Damascus +pictured +Interest +stiffened +Plateau +obsolete +##tant +irritated +inappropriate +overs +##nko +bail +Talent +Sur +ours +##nah +barred +legged +sociology +Bud +dictionary +##luk +Cover +obey +##oring +annoying +##dong +apprentice +Cyrus +Role +##GP +##uns +##bag +Greenland +Porsche +Rocket +##32 +organism +##ntary +reliability +##vocation +##й +Found +##hine +motors +promoter +unfair +##oms +##note +distribute +eminent +rails +appealing +chiefly +meaningful +Stephan +##rehension +Consumer +psychiatric +bowler +saints +##iful +##н +1777 +Pol +Dorian +Townsend +hastily +##jima +Quincy +Sol +fascinated +Scarlet +alto +Avon +certainty +##eding +Keys +##chu +Chu +##VE +ions +tributaries +Thanksgiving +##fusion +astronomer +oxide +pavilion +Supply +Casa +Bollywood +sadly +mutations +Keller +##wave +nationals +##rgo +##ym +predict +Catholicism +Vega +##eration +##ums +Mali +tuned +Lankan +Plans +radial +Bosnian +Lexi +##14 +##ü +sacks +unpleasant +Empty +handles +##taking +Bon +switches +intently +tuition +antique +##jk +fraternity +notebook +Desmond +##sei +prostitution +##how +deed +##OP +501 +Somewhere +Rocks +##mons +campaigned +frigate +gases +suppress +##hang +Merlin +Northumberland +dominate +expeditions +thunder +##ups +##rical +Cap +thorough +Ariel +##kind +renewable +constructing +pacing +terrorists +Bowen +documentaries +westward +##lass +##nage +Merchant +##ued +Beaumont +Din +##hian +Danube +peasant +Garrison +encourages +gratitude +reminding +stormed +##ouse +pronunciation +##ailed +Weekend +suggestions +##ffing +##DI +Active +Colombo +##logists +Merrill +##cens +Archaeological +Medina +captained +##yk +duel +cracking +Wilkinson +Guam +pickup +renovations +##ël +##izer +delighted +##iri +Weaver +##ctional +tens +##hab +Clint +##usion +##each +petals +Farrell +##sable +caste +##will +Ezra +##qi +##standing +thrilled +ambush +exhaled +##SU +Resource +blur +forearm +specifications +contingent +cafe +##iology +Antony +fundraising +grape +##rgy +turnout +##udi +Clifton +laboratories +Irvine +##opus +##lid +Monthly +Bihar +statutory +Roses +Emil +##rig +lumber +optimal +##DR +pumps +plaster +Mozambique +##aco +nightclub +propelled +##hun +ked +surplus +wax +##urai +pioneered +Sunny +imprint +Forget +Eliot +approximate +patronage +##bek +##ely +##mbe +Partnership +curl +snapping +29th +Patriarch +##jord +seldom +##ature +astronomy +Bremen +XIV +airborne +205 +1778 +recognizing +stranded +arrogant +bombardment +destined +ensured +146 +robust +Davenport +Interactive +Offensive +Fi +prevents +probe +propeller +sorrow +Blade +mounting +automotive +##dged +wallet +201 +lashes +Forrest +##ift +Cell +Younger +shouts +##cki +folds +##chet +Epic +yields +homosexual +tunes +##minate +##text +Manny +chemist +hindwings +##urn +pilgrimage +##sfield +##riff +MLS +##rive +Huntington +translates +Path +slim +##ndra +##oz +climax +commuter +desperation +##reet +denying +##rious +daring +seminary +polo +##clamation +Teatro +Torah +Cats +identities +Poles +photographed +fiery +popularly +##cross +winters +Hesse +##vio +Nurse +Senegal +Salon +prescribed +justify +##gues +##и +##orted +HQ +##hiro +evaluated +momentarily +##unts +Debbie +##licity +##TP +Mighty +Rabbit +##chal +Events +Savoy +##ht +Brandenburg +Bordeaux +##laus +Release +##IE +##kowski +1900s +SK +Strauss +##aly +Sonia +Updated +synagogue +McKay +flattened +370 +clutch +contests +toast +evaluate +pope +heirs +jam +tutor +reverted +##ading +nonsense +hesitate +Lars +Ceylon +Laurie +##guchi +accordingly +customary +148 +Ethics +Multiple +instincts +IGN +##ä +bullshit +##hit +##par +desirable +##ducing +##yam +alias +ashore +licenses +##lification +misery +147 +Cola +assassinated +fiercely +##aft +las +goat +substrate +lords +Cass +Bridges +ICC +lasts +sights +reproductive +##asi +Ivory +Clean +fixing +##lace +seeming +aide +1850s +harassment +##FF +##LE +reasonably +##coat +##cano +NYC +1784 +Fifty +immunity +Canadians +Cheng +comforting +meanwhile +##tera +##blin +breeds +glowed +##vour +Aden +##verted +##aded +##oral +neat +enforced +poisoning +##ews +##hone +enforce +predecessors +survivor +Month +unfamiliar +pierced +waived +dump +responds +Mai +Declan +angular +Doesn +interpretations +##yar +invest +Dhaka +policeman +Congregation +Eighth +painfully +##este +##vior +Württemberg +##cles +blockade +encouragement +##fie +Caucasus +Malone +Universidad +utilize +Nissan +inherent +151 +agreeing +syllable +determines +Protocol +conclude +##gara +40th +Xu +Taiwanese +##ather +boiler +printer +Lacey +titular +Klaus +Fallon +Wembley +fox +Chandra +Governorate +obsessed +##Ps +micro +##25 +Cooke +gymnasium +weaving +Shall +Hussein +glaring +softball +Reader +Dominion +Trouble +varsity +Cooperation +Chaos +Kang +Kramer +Eisenhower +proves +Connie +consortium +governors +Bethany +opener +Normally +Willy +linebacker +Regent +Used +AllMusic +Twilight +##shaw +Companion +Tribunal +simpler +##gam +Experimental +Slovenian +cellar +deadline +trout +Hubbard +ads +idol +##hetto +Granada +clues +salmon +1700 +Omega +Caldwell +softened +Bills +Honolulu +##gn +Terrace +suitcase +##IL +frantic +##oons +Abbot +Sitting +Fortress +Riders +sickness +enzymes +trustee +Bern +forged +##13 +##ruff +##rl +##versity +inspector +champagne +##held +##FI +hereditary +Taliban +handball +##wine +Sioux +##dicated +honoured +139 +##tude +Skye +meanings +##rkin +cardiac +analyzed +vegetable +##FS +Royals +dial +freelance +##fest +partisan +petroleum +ridden +Lincolnshire +panting +##comb +presidents +Haley +##chs +contributes +Jew +discoveries +panicked +Woody +eyelids +Fate +Tulsa +mg +whiskey +zombies +Wii +##udge +investigators +##bull +centred +##screen +Bone +Lana +##oise +forts +##ske +Conan +Lyons +##writing +SH +##ride +rhythmic +154 +##llah +pioneers +##bright +captivity +Sanchez +Oman +##mith +Flint +Platform +##ioned +emission +packet +Persia +##formed +takeover +tempted +Vance +Few +Toni +receptions +##ن +exchanges +Camille +whale +Chronicles +##rent +##ushing +##rift +Alto +Genus +##asing +onward +foremost +longing +Rockefeller +containers +##cribe +intercepted +##olt +pleading +Bye +bee +##umbling +153 +undertake +Izzy +cheaper +Ultra +validity +##pse +Sa +hovering +##pert +vintage +engraved +##rise +farmland +##ever +##ifier +Atlantis +propose +Catalonia +plunged +##edly +demonstrates +gig +##cover +156 +Osborne +cowboy +herd +investigator +loops +Burning +rests +Instrumental +embarrassing +focal +install +readings +swirling +Chatham +parameter +##zin +##holders +Mandarin +Moody +converting +Escape +warnings +##chester +incarnation +##ophone +adopting +##lins +Cromwell +##laws +Axis +Verde +Kappa +Schwartz +Serbs +caliber +Wanna +Chung +##ality +nursery +principally +Bulletin +likelihood +logging +##erty +Boyle +supportive +twitched +##usive +builds +Marseille +omitted +motif +Lands +##lusion +##ssed +Barrow +Airfield +Harmony +WWF +endured +merging +convey +branding +examinations +167 +Italians +##dh +dude +1781 +##teau +crawling +thoughtful +clasped +concluding +brewery +Moldova +Wan +Towers +Heidelberg +202 +##ict +Lagos +imposing +##eval +##serve +Bacon +frowning +thirteenth +conception +calculations +##ович +##mile +##ivated +mutation +strap +##lund +demographic +nude +perfection +stocks +##renched +##dit +Alejandro +bites +fragment +##hack +##rchy +GB +Surgery +Berger +punish +boiling +consume +Elle +Sid +Dome +relies +Crescent +treasurer +Bloody +1758 +upheld +Guess +Restaurant +signatures +font +millennium +mural +stakes +Abel +hailed +insists +Alumni +Breton +##jun +digits +##FM +##thal +Talking +motive +reigning +babe +masks +##ø +Shaun +potato +sour +whitish +Somali +##derman +##rab +##wy +chancel +telecommunications +Noise +messenger +tidal +grinding +##ogenic +Rebel +constituent +peripheral +recruitment +##ograph +##tler +pumped +Ravi +poked +##gley +Olive +diabetes +discs +liking +sting +fits +stir +Mari +Sega +creativity +weights +Macau +mandated +Bohemia +disastrous +Katrina +Baku +Rajasthan +waiter +##psis +Siberia +verbs +##truction +patented +1782 +##ndon +Relegated +Hunters +Greenwood +Shock +accusing +skipped +Sessions +markers +subset +monumental +Viola +comparative +Alright +Barbados +setup +Session +standardized +##ík +##sket +appoint +AFB +Nationalist +##WS +Troop +leaped +Treasure +goodness +weary +originates +100th +compassion +expresses +recommend +168 +composing +seventeenth +Tex +Atlético +bald +Finding +Presidency +Sharks +favoured +inactive +##lter +suffix +princes +brighter +##ctus +classics +defendants +culminated +terribly +Strategy +evenings +##ção +##iver +##urance +absorb +##rner +Territories +RBI +soothing +Martín +concurrently +##tr +Nicholson +fibers +swam +##oney +Allie +Algerian +Dartmouth +Mafia +##bos +##tts +Councillor +vocabulary +##bla +##lé +intending +##dler +Guerrero +sunshine +pedal +##TO +administrators +periodic +scholarships +Loop +Madeline +exaggerated +##ressed +Regan +##cellular +Explorer +##oids +Alexandre +vows +Reporter +Unable +Average +absorption +##bedience +Fortunately +Auxiliary +Grandpa +##HP +##ovo +potent +temporal +adrenaline +##udo +confusing +guiding +Dry +qualifications +joking +wherein +heavyweight +##ices +nightmares +pharmaceutical +Commanding +##aled +##ove +Gregor +##UP +censorship +degradation +glorious +Austro +##rench +380 +Miriam +sped +##orous +offset +##KA +fined +specialists +Pune +João +##dina +propped +fungus +##ς +frantically +Gabrielle +Hare +committing +##plied +Ask +Wilmington +stunt +numb +warmer +preacher +earnings +##lating +integer +##ija +federation +homosexuality +##cademia +epidemic +grumbled +shoving +Milk +Satan +Tobias +innovations +##dington +geology +memoirs +##IR +spared +culminating +Daphne +Focus +severed +stricken +Paige +Mans +flats +Russo +communes +litigation +strengthening +##powered +Staffordshire +Wiltshire +Painting +Watkins +##د +specializes +Select +##rane +##aver +Fulton +playable +##VN +openings +sampling +##coon +##21 +Allah +travelers +allocation +##arily +Loch +##hm +commentators +fulfilled +##troke +Emeritus +Vanderbilt +Vijay +pledged +##tative +diagram +drilling +##MD +##plain +Edison +productivity +31st +##rying +##ption +##gano +##oration +##bara +posture +bothering +platoon +politely +##inating +redevelopment +Job +##vale +stark +incorrect +Mansion +renewal +threatens +Bahamas +fridge +##tata +Uzbekistan +##edia +Sainte +##mio +gaps +neural +##storm +overturned +Preservation +shields +##ngo +##physics +ah +gradual +killings +##anza +consultation +premiership +Felipe +coincidence +##ène +##any +Handbook +##loaded +Edit +Guns +arguably +##ş +compressed +depict +seller +##qui +Kilkenny +##kling +Olympia +librarian +##acles +dramas +JP +Kit +Maj +##lists +proprietary +##nged +##ettes +##tok +exceeding +Lock +induction +numerical +##vist +Straight +foyer +imaginary +##pop +violinist +Carla +bouncing +##ashi +abolition +##uction +restoring +scenic +##č +Doom +overthrow +para +##vid +##ughty +Concord +HC +cocaine +deputies +##aul +visibility +##wart +Kapoor +Hutchinson +##agan +flashes +kn +decreasing +##ronology +quotes +vain +satisfying +##iam +##linger +310 +Hanson +fauna +##zawa +##rrel +Trenton +##VB +Employment +vocational +Exactly +bartender +butterflies +tow +##chers +##ocks +pigs +merchandise +##game +##pine +Shea +##gration +Connell +Josephine +monopoly +##dled +Cobb +warships +cancellation +someday +stove +##Cs +candidacy +superhero +unrest +Toulouse +admiration +undergone +whirled +Reconnaissance +costly +##ships +290 +Cafe +amber +Tory +##mpt +definitive +##dress +proposes +redesigned +acceleration +##asa +##raphy +Presley +exits +Languages +##cel +Mode +spokesperson +##tius +Ban +forthcoming +grounded +ACC +compelling +logistics +retailers +abused +##gating +soda +##yland +##lution +Landmark +XVI +blush +##tem +hurling +dread +Tobago +Foley +##uad +scenarios +##mentation +##rks +Score +fatigue +hairy +correspond +##iard +defences +confiscated +##rudence +1785 +Formerly +Shot +advertised +460 +Text +ridges +Promise +Dev +exclusion +NHS +tuberculosis +rockets +##offs +sparkling +256 +disappears +mankind +##hore +HP +##omo +taxation +Multi +DS +Virgil +##ams +Dell +stacked +guessing +Jump +Nope +cheer +hates +ballots +overlooked +analyses +Prevention +maturity +dos +##cards +##lect +Mare +##yssa +Petty +##wning +differing +iOS +##ior +Joachim +Sentinel +##nstein +90s +Pamela +480 +Asher +##lary +Vicente +landings +portray +##rda +##xley +Virtual +##uary +finances +Jain +Somebody +Tri +behave +Michele +##ider +dwellings +FAA +Gallagher +##lide +Monkey +195 +aforementioned +##rism +##bey +##kim +##puted +Mesa +hopped +unopposed +recipients +Reality +Been +gritted +149 +playground +pillar +##rone +Guinness +##tad +Théâtre +depended +Tipperary +Reuben +frightening +wooded +Target +globally +##uted +Morales +Baptiste +drunken +Institut +characterised +##chemistry +Strip +discrete +Premiership +##zzling +gazing +Outer +##quisition +Sikh +Booker +##yal +contemporaries +Jericho +##chan +##physical +##witch +Militia +##rez +##zard +dangers +##utter +##₀ +Programs +darling +participates +railroads +##ienne +behavioral +bureau +##rook +161 +Hicks +##rises +Comes +inflicted +bees +kindness +norm +##ković +generators +##pard +##omy +##ili +methodology +Alvin +façade +latitude +##plified +DE +Morse +##mered +educate +intersects +##MF +##cz +##vated +AL +##graded +##fill +constitutes +artery +feudal +avant +cautious +##ogue +immigrated +##chenko +Saul +Clinic +Fang +choke +Cornelius +flexibility +temperate +pins +##erson +oddly +inequality +157 +Natasha +Sal +##uter +215 +aft +blinking +##ntino +northward +Exposition +cookies +Wedding +impulse +Overseas +terrifying +##ough +Mortimer +##see +440 +https +og +imagining +##cars +Nicola +exceptionally +threads +##cup +Oswald +Provisional +dismantled +deserves +1786 +Fairy +discourse +Counsel +departing +Arc +guarding +##orse +420 +alterations +vibrant +Em +squinted +terrace +rowing +Led +accessories +SF +Sgt +cheating +Atomic +##raj +Blackpool +##iary +boarded +substituted +bestowed +lime +kernel +##jah +Belmont +shaken +sticky +retrospective +Louie +migrants +weigh +sunglasses +thumbs +##hoff +excavation +##nks +Extra +Polo +motives +Drum +infrared +tastes +berth +verge +##stand +programmed +warmed +Shankar +Titan +chromosome +cafeteria +dividing +pepper +CPU +Stevie +satirical +Nagar +scowled +Died +backyard +##gata +##reath +##bir +Governors +portraying +##yah +Revenge +##acing +1772 +margins +Bahn +OH +lowland +##razed +catcher +replay +##yoshi +Seriously +##licit +Aristotle +##ald +Habsburg +weekday +Secretariat +CO +##dly +##joy +##stad +litre +ultra +##cke +Mongol +Tucson +correlation +compose +traps +Groups +Hai +Salvatore +##dea +cents +##eese +concession +clash +Trip +Panzer +Moroccan +cruisers +torque +Ba +grossed +##arate +restriction +concentrating +FDA +##Leod +##ones +Scholars +##esi +throbbing +specialised +##heses +Chicken +##fia +##ificant +Erich +Residence +##trate +manipulation +namesake +##tom +Hoover +cue +Lindsey +Lonely +275 +##HT +combustion +subscribers +Punjabi +respects +Jeremiah +penned +##gor +##rilla +suppression +##tration +Crimson +piston +Derry +crimson +lyrical +oversee +portrays +CF +Districts +Lenin +Cora +searches +clans +VHS +##hel +Jacqueline +Redskins +Clubs +desktop +indirectly +alternatives +marijuana +suffrage +##smos +Irwin +##liff +Process +##hawks +Sloane +##bson +Sonata +yielded +Flores +##ares +armament +adaptations +integrate +neighbours +shelters +##tour +Skinner +##jet +##tations +1774 +Peterborough +##elles +ripping +Liang +Dickinson +charities +Rwanda +monasteries +crossover +racist +barked +guerrilla +##ivate +Grayson +##iques +##vious +##got +Rolls +denominations +atom +affinity +##delity +Wish +##inted +##inae +interrogation +##cey +##erina +##lifting +192 +Sands +1779 +mast +Likewise +##hyl +##oft +contempt +##por +assaulted +fills +establishments +Mal +consulted +##omi +##sight +greet +##roma +##egan +Pulitzer +##rried +##dius +##ractical +##voked +Hasan +CB +##zzy +Romanesque +Panic +wheeled +recorder +##tters +##warm +##gly +botanist +Balkan +Lockheed +Polly +farewell +suffers +purchases +Eaton +##80 +Quick +commenting +Saga +beasts +hides +motifs +##icks +Alonso +Springer +Wikipedia +circulated +encoding +jurisdictions +snout +UAE +Integrated +unmarried +Heinz +##lein +##figured +deleted +##tley +Zen +Cycling +Fuel +Scandinavian +##rants +Conner +reef +Marino +curiously +lingered +Gina +manners +activism +Mines +Expo +Micah +promotions +Server +booked +derivatives +eastward +detailing +reelection +##chase +182 +Campeonato +Po +158 +Peel +winger +##itch +canyon +##pit +LDS +A1 +##shin +Giorgio +pathetic +##rga +##mist +Aren +##lag +confronts +motel +textbook +shine +turbines +1770 +Darcy +##cot +Southeastern +##lessness +Banner +recognise +stray +Kitchen +paperwork +realism +Chrysler +filmmakers +fishermen +##hetic +variously +Vishnu +fiddle +Eddy +Origin +##tec +##ulin +Flames +Rs +bankrupt +Extreme +Pomeranian +##emption +ratified +##iu +jockey +Stratford +##ivating +##oire +Babylon +pardon +AI +affordable +deities +disturbance +Trying +##sai +Ida +Papers +advancement +70s +archbishop +Luftwaffe +announces +tugging +##lphin +##sistence +##eel +##ishes +ambition +aura +##fled +##lected +##vue +Prasad +boiled +clarity +Violin +investigative +routing +Yankee +##uckle +McMahon +bugs +eruption +##rooms +Minutes +relics +##ckle +##nse +sipped +valves +weakly +##ital +Middleton +collided +##quer +bamboo +insignia +Tyne +exercised +Ninth +echoing +polynomial +considerations +lunged +##bius +objections +complain +disguised +plaza +##VC +institutes +Judicial +ascent +imminent +Waterford +hello +Lumpur +Niger +Goldman +vendors +Kensington +Wren +browser +##bner +##tri +##mize +##pis +##lea +Cheyenne +Bold +Settlement +Hollow +Paralympic +axle +##toire +##actic +impose +perched +utilizing +slips +Benz +Michaels +manipulate +Chiang +##mian +Dolphins +prohibition +attacker +ecology +Estadio +##SB +##uild +attracts +recalls +glacier +lad +##rima +Barlow +kHz +melodic +##aby +##iracy +assumptions +Cornish +##aru +DOS +Maddie +##mers +lyric +Luton +nm +##tron +Reno +Fin +YOU +Broadcast +Finch +sensory +##bent +Jeep +##uman +additionally +Buildings +businessmen +treaties +235 +Stranger +gateway +Charlton +accomplishments +Diary +apologized +zinc +histories +supplier +##tting +162 +asphalt +Treatment +Abbas +##pating +##yres +Bloom +sedan +soloist +##cum +antagonist +denounced +Fairfax +##aving +##enko +noticeable +Budget +Buckingham +Snyder +retreating +Jai +spoon +invading +giggle +woven +gunfire +arrests +##vered +##come +respiratory +violet +##aws +Byrd +shocking +tenant +Jamaican +Ottomans +Seal +theirs +##isse +##48 +cooperate +peering +##nius +163 +Composer +organist +Mongolian +Bauer +Spy +collects +prophecy +congregations +##moor +Brick +calculation +fixtures +exempt +##dden +Ada +Thousand +##lue +tracing +##achi +bodyguard +vicar +supplying +Łódź +interception +monitored +##heart +Paso +overlap +annoyance +##dice +yellowish +stables +elders +illegally +honesty +##oar +skinny +spinal +##puram +Bourbon +##cor +flourished +Medium +##stics +##aba +Follow +##ckey +stationary +##scription +dresser +scrutiny +Buckley +Clearly +##SF +Lyrics +##heimer +drying +Oracle +internally +rains +##last +Enemy +##oes +McLean +Ole +phosphate +Rosario +Rifles +##mium +battered +Pepper +Presidents +conquer +Château +castles +##aldo +##ulf +Depending +Lesser +Boom +trades +Peyton +164 +emphasize +accustomed +SM +Ai +Classification +##mins +##35 +##rons +leak +piled +deeds +lush +##self +beginnings +breathless +1660 +McGill +##ago +##chaft +##gies +humour +Bomb +securities +Might +##zone +##eves +Matthias +Movies +Levine +vengeance +##ads +Challenger +Misty +Traditionally +constellation +##rass +deepest +workplace +##oof +##vina +impatient +##ML +Mughal +Alessandro +scenery +Slater +postseason +troupe +##ń +Volunteers +Facility +militants +Reggie +sanctions +Expeditionary +Nam +countered +interpret +Basilica +coding +expectation +Duffy +def +Tong +wakes +Bowling +Vehicle +Adler +salad +intricate +stronghold +medley +##uries +##bur +joints +##rac +##yx +##IO +Ordnance +Welch +distributor +Ark +cavern +trench +Weiss +Mauritius +decreases +docks +eagerly +irritation +Matilda +biographer +Visiting +##marked +##iter +##ear +##gong +Moreno +attendant +Bury +instrumentation +theologian +clit +nuns +symphony +translate +375 +loser +##user +##VR +##meter +##orious +harmful +##yuki +Commissioners +Mendoza +sniffed +Hulk +##dded +##ulator +##nz +Donnell +##eka +deported +Met +SD +Aerospace +##cultural +##odes +Fantastic +cavity +remark +emblem +fearing +##iance +ICAO +Liberia +stab +##yd +Pac +Gymnasium +IS +Everton +##vanna +mantle +##ief +Ramon +##genic +Shooting +Smoke +Random +Africans +MB +tavern +bargain +voluntarily +Ion +Peoples +Rusty +attackers +Patton +sins +##cake +Hat +moderately +##hala +##alia +requesting +mechanic +##eae +Seine +Robbins +##ulum +susceptible +Bravo +Slade +Strasbourg +rubble +entrusted +Creation +##amp +smoothed +##uintet +evenly +reviewers +skip +Sculpture +177 +Rough +##rrie +Reeves +##cede +Administrator +garde +minus +carriages +grenade +Ninja +fuscous +##kley +Punk +contributors +Aragon +Tottenham +##cca +##sir +VA +laced +dealers +##sonic +crisp +harmonica +Artistic +Butch +Andes +Farmers +corridors +unseen +##tium +Countries +Lone +envisioned +Katy +##lang +##cc +Quarterly +##neck +consort +##aceae +bidding +Corey +concurrent +##acts +##gum +Highness +##lient +##rators +arising +##unta +pathways +49ers +bolted +complaining +ecosystem +libretto +Ser +narrated +212 +Soft +influx +##dder +incorporation +plagued +tents +##ddled +1750 +Risk +citation +Tomas +hostilities +seals +Bruins +Dominique +attic +competent +##UR +##cci +hugging +Breuning +bacterial +Shrewsbury +vowed +eh +elongated +hangs +render +centimeters +##ficient +Mu +turtle +besieged +##gaard +grapes +bravery +collaborations +deprived +##amine +##using +##gins +arid +##uve +coats +hanged +##sting +Pa +prefix +##ranged +Exit +Chain +Flood +Materials +suspicions +##ö +hovered +Hidden +##state +Malawi +##24 +Mandy +norms +fascinating +airlines +delivers +##rust +Cretaceous +spanned +pillows +##onomy +jar +##kka +regent +fireworks +morality +discomfort +lure +uneven +##jack +Lucian +171 +archaeology +##til +mornings +Billie +Marquess +impending +spilling +tombs +##volved +Celia +Coke +underside +##bation +Vaughn +Daytona +Godfrey +Pascal +Alien +##sign +172 +##lage +iPhone +Gonna +genocide +##rber +oven +endure +dashed +simultaneous +##phism +Wally +##rō +ants +predator +reissue +##aper +Speech +funk +Rudy +claw +Hindus +Numbers +Bing +lantern +##aurus +scattering +poisoned +##active +Andrei +algebraic +baseman +##ritz +Gregg +##cola +selections +##putation +lick +Laguna +##IX +Sumatra +Warning +turf +buyers +Burgess +Oldham +exploit +worm +initiate +strapped +tuning +filters +haze +##е +##ledge +##ydro +##culture +amendments +Promotion +##union +Clair +##uria +petty +shutting +##eveloped +Phoebe +Zeke +conducts +grains +clashes +##latter +illegitimate +willingly +Deer +Lakers +Reference +chaplain +commitments +interrupt +salvation +Panther +Qualifying +Assessment +cancel +efficiently +attorneys +Dynamo +impress +accession +clinging +randomly +reviewing +Romero +Cathy +charting +clapped +rebranded +Azerbaijani +coma +indicator +punches +##tons +Sami +monastic +prospects +Pastor +##rville +electrified +##CI +##utical +tumbled +Chef +muzzle +selecting +UP +Wheel +protocols +##tat +Extended +beautifully +nests +##stal +Andersen +##anu +##³ +##rini +kneeling +##reis +##xia +anatomy +dusty +Safe +turmoil +Bianca +##elo +analyze +##ر +##eran +podcast +Slovene +Locke +Rue +##retta +##uni +Person +Prophet +crooked +disagreed +Versailles +Sarajevo +Utrecht +##ogen +chewing +##ception +##iidae +Missile +attribute +majors +Arch +intellectuals +##andra +ideological +Cory +Salzburg +##fair +Lot +electromagnetic +Distribution +##oper +##pered +Russ +Terra +repeats +fluttered +Riga +##ific +##gt +cows +Hair +labelled +protects +Gale +Personnel +Düsseldorf +Moran +rematch +##OE +Slow +forgiveness +##ssi +proudly +Macmillan +insist +undoubtedly +Québec +Violence +##yuan +##aine +mourning +linen +accidental +##iol +##arium +grossing +lattice +maneuver +##marine +prestige +petrol +gradient +invasive +militant +Galerie +widening +##aman +##quist +disagreement +##ales +creepy +remembers +buzz +##erial +Exempt +Dirk +mon +Addison +##inen +deposed +##agon +fifteenth +Hang +ornate +slab +##lades +Fountain +contractors +das +Warwickshire +1763 +##rc +Carly +Essays +Indy +Ligue +greenhouse +slit +##sea +chewed +wink +##azi +Playhouse +##kon +Gram +Ko +Samson +creators +revive +##rians +spawned +seminars +Craft +Tall +diverted +assistants +computational +enclosure +##acity +Coca +##eve +databases +Drop +##loading +##hage +Greco +Privy +entrances +pork +prospective +Memories +robes +##market +transporting +##lik +Rudolph +Horton +visually +##uay +##nja +Centro +Tor +Howell +##rsey +admitting +postgraduate +herbs +##att +Chin +Rutherford +##bot +##etta +Seasons +explanations +##bery +Friedman +heap +##ryl +##sberg +jaws +##agh +Choi +Killing +Fanny +##suming +##hawk +hopeful +##aid +Monty +gum +remarkably +Secrets +disco +harp +advise +##avia +Marathi +##cycle +Truck +abbot +sincere +urine +##mology +masked +bathing +##tun +Fellows +##TM +##gnetic +owl +##jon +hymn +##leton +208 +hostility +##cée +baked +Bottom +##AB +shudder +##ater +##von +##hee +reorganization +Cycle +##phs +Lex +##style +##rms +Translation +##erick +##imeter +##ière +attested +Hillary +##DM +gal +wander +Salle +##laming +Perez +Pit +##LP +USAF +contexts +Disease +blazing +aroused +razor +walled +Danielle +Mont +Funk +royalty +thee +203 +donors +##erton +famously +processors +reassigned +welcoming +Goldberg +##quities +undisclosed +Orient +Patty +vaccine +refrigerator +Cypriot +consonant +##waters +176 +sober +##lement +Racecourse +##uate +Luckily +Selection +conceptual +vines +Breaking +wa +lions +oversight +sheltered +Dancer +ponds +borrow +##BB +##pulsion +Daly +##eek +fertility +spontaneous +Worldwide +gasping +##tino +169 +ABS +Vickers +ambient +energetic +prisons +##eson +Stacy +##roach +GmbH +Afro +Marin +farmhouse +pinched +##cursion +##sp +Sabine +##pire +181 +nak +swelling +humble +perfume +##balls +Rai +cannons +##taker +Married +Maltese +canals +interceptions +hats +lever +slowing +##ppy +Nike +Silas +Scarborough +skirts +166 +inauguration +Shuttle +alloy +beads +belts +Compton +Cause +battling +critique +surf +Dock +roommate +##ulet +invade +Garland +##slow +nutrition +persona +##zam +Wichita +acquaintance +coincided +##cate +Dracula +clamped +##gau +overhaul +##broken +##rrier +melodies +ventures +Paz +convex +Roots +##holding +Tribute +transgender +##ò +chimney +##riad +Ajax +Thereafter +messed +nowadays +pH +##100 +##alog +Pomerania +##yra +Rossi +glove +##TL +Races +##asily +tablets +Jase +##ttes +diner +##rns +Hu +Mohan +anytime +weighted +remixes +Dove +cherry +imports +##urity +GA +##TT +##iated +##sford +Clarkson +evidently +rugged +Dust +siding +##ometer +acquitted +choral +##mite +infants +Domenico +gallons +Atkinson +gestures +slated +##xa +Archaeology +unwanted +##ibes +##duced +premise +Colby +Geelong +disqualified +##pf +##voking +simplicity +Walkover +Qaeda +Warden +##bourg +##ān +Invasion +Babe +harness +183 +##tated +maze +Burt +bedrooms +##nsley +Horizon +##oast +minimize +peeked +MLA +Trains +tractor +nudged +##iform +Growth +Benton +separates +##about +##kari +buffer +anthropology +brigades +foil +##wu +Domain +licking +whore +##rage +##sham +Initial +Courthouse +Rutgers +dams +villains +supermarket +##brush +Brunei +Palermo +arises +Passenger +outreach +##gill +Labrador +McLaren +##uy +Lori +##fires +Heads +magistrate +¹⁄₂ +Weapons +##wai +##roke +projecting +##ulates +bordering +McKenzie +Pavel +midway +Guangzhou +streamed +racer +##lished +eccentric +spectral +206 +##mism +Wilde +Grange +preparatory +lent +##tam +starving +Gertrude +##cea +##ricted +Breakfast +Mira +blurted +derive +##lair +blunt +sob +Cheltenham +Henrik +reinstated +intends +##istan +unite +##ector +playful +sparks +mapped +Cadet +luggage +prosperous +##ein +salon +##utes +Biological +##rland +Tyrone +buyer +##lose +amounted +Saw +smirked +Ronan +Reviews +Adele +trait +##proof +Bhutan +Ginger +##junct +digitally +stirring +##isted +coconut +Hamlet +Dinner +Scale +pledge +##RP +Wrong +Goal +Panel +therapeutic +elevations +infectious +priesthood +##inda +Guyana +diagnostic +##mbre +Blackwell +sails +##arm +literal +periodically +gleaming +Robot +Rector +##abulous +##tres +Reaching +Romantic +CP +Wonderful +##tur +ornamental +##nges +traitor +##zilla +genetics +mentioning +##eim +resonance +Areas +Shopping +##nard +Gail +Solid +##rito +##mara +Willem +Chip +Matches +Volkswagen +obstacle +Organ +invites +Coral +attain +##anus +##dates +Midway +shuffled +Cecilia +dessert +Gateway +Ch +Napoleonic +Petroleum +jets +goose +striped +bowls +vibration +Sims +nickel +Thirteen +problematic +intervene +##grading +##unds +Mum +semifinal +Radical +##izations +refurbished +##sation +##harine +Maximilian +cites +Advocate +Potomac +surged +preserves +Curry +angled +ordination +##pad +Cade +##DE +##sko +researched +torpedoes +Resident +wetlands +hay +applicants +depart +Bernstein +##pic +##ario +##rae +favourable +##wari +##р +metabolism +nobleman +Defaulted +calculate +ignition +Celebrity +Belize +sulfur +Flat +Sc +USB +flicker +Hertfordshire +Sept +CFL +Pasadena +Saturdays +Titus +##nir +Canary +Computing +Isaiah +##mler +formidable +pulp +orchid +Called +Solutions +kilograms +steamer +##hil +Doncaster +successors +Stokes +Holstein +##sius +sperm +API +Rogue +instability +Acoustic +##rag +159 +undercover +Wouldn +##pra +##medical +Eliminated +honorable +##chel +denomination +abrupt +Buffy +blouse +fi +Regardless +Subsequent +##rdes +Lover +##tford +bacon +##emia +carving +##cripts +Massacre +Ramos +Latter +##ulp +ballroom +##gement +richest +bruises +Rest +Wiley +##aster +explosions +##lastic +Edo +##LD +Mir +choking +disgusted +faintly +Barracks +blasted +headlights +Tours +ensued +presentations +##cale +wrought +##oat +##coa +Quaker +##sdale +recipe +##gny +corpses +##liance +comfortably +##wat +Landscape +niche +catalyst +##leader +Securities +messy +##RL +Rodrigo +backdrop +##opping +treats +Emilio +Anand +bilateral +meadow +VC +socialism +##grad +clinics +##itating +##ppe +##ymphonic +seniors +Advisor +Armoured +Method +Alley +##orio +Sad +fueled +raided +Axel +NH +rushes +Dixie +Otis +wrecked +##22 +capitalism +café +##bbe +##pion +##forcing +Aubrey +Lublin +Whenever +Sears +Scheme +##lana +Meadows +treatise +##RI +##ustic +sacrifices +sustainability +Biography +mystical +Wanted +multiplayer +Applications +disliked +##tisfied +impaired +empirical +forgetting +Fairfield +Sunni +blurred +Growing +Avalon +coil +Camera +Skin +bruised +terminals +##fted +##roving +Commando +##hya +##sper +reservations +needles +dangling +##rsch +##rsten +##spect +##mbs +yoga +regretted +Bliss +Orion +Rufus +glucose +Olsen +autobiographical +##dened +222 +humidity +Shan +##ifiable +supper +##rou +flare +##MO +campaigning +descend +socio +declares +Mounted +Gracie +Arte +endurance +##ety +Copper +costa +airplay +##MB +Proceedings +dislike +grimaced +occupants +births +glacial +oblivious +cans +installment +muddy +##ł +captains +pneumonia +Quiet +Sloan +Excuse +##nine +Geography +gymnastics +multimedia +drains +Anthology +Gear +cylindrical +Fry +undertaking +##pler +##tility +Nan +##recht +Dub +philosophers +piss +Atari +##pha +Galicia +México +##nking +Continuing +bump +graveyard +persisted +Shrine +##erapy +defects +Advance +Bomber +##oil +##ffling +cheerful +##lix +scrub +##eto +awkwardly +collaborator +fencing +##alo +prophet +Croix +coughed +##lication +roadway +slaughter +elephants +##erated +Simpsons +vulnerability +ivory +Birth +lizard +scarce +cylinders +fortunes +##NL +Hate +Priory +##lai +McBride +##copy +Lenny +liaison +Triangle +coronation +sampled +savage +amidst +Grady +whatsoever +instinctively +Reconstruction +insides +seizure +Drawing +##rlin +Antioch +Gao +Díaz +1760 +Sparks +##tien +##bidae +rehearsal +##bbs +botanical +##hers +compensate +wholesale +Seville +shareholder +prediction +astronomical +Reddy +hardest +circling +whereabouts +termination +Rep +Assistance +Dramatic +Herb +##ghter +climbs +188 +Poole +301 +##pable +wit +##istice +Walters +relying +Jakob +##redo +proceeding +Langley +affiliates +ou +##allo +##holm +Samsung +##ishi +Missing +Xi +vertices +Claus +foam +restless +##uating +##sso +##ttering +Philips +delta +bombed +Catalogue +coaster +Ling +Willard +satire +410 +Composition +Net +Orioles +##ldon +fins +Palatinate +Woodward +tease +tilt +brightness +##70 +##bbling +##loss +##dhi +##uilt +Whoever +##yers +hitter +Elton +Extension +ace +Affair +restructuring +##loping +Paterson +hi +##rya +spouse +Shay +Himself +piles +preaching +##gical +bikes +Brave +expulsion +Mirza +stride +Trees +commemorated +famine +masonry +Selena +Watt +Banking +Rancho +Stockton +dip +tattoos +Vlad +acquainted +Flyers +ruthless +fourteenth +illustrate +##akes +EPA +##rows +##uiz +bumped +Designed +Leaders +mastered +Manfred +swirled +McCain +##rout +Artemis +rabbi +flinched +upgrades +penetrate +shipyard +transforming +caretaker +##eiro +Maureen +tightening +##founded +RAM +##icular +##mper +##rung +Fifteen +exploited +consistency +interstate +##ynn +Bridget +contamination +Mistress +##rup +coating +##FP +##jective +Libyan +211 +Gemma +dependence +shrubs +##ggled +Germain +retaliation +traction +##PP +Dangerous +terminology +psychiatrist +##garten +hurdles +Natal +wasting +Weir +revolves +stripe +##reased +preferences +##entation +##lde +##áil +##otherapy +Flame +##ologies +viruses +Label +Pandora +veil +##ogical +Coliseum +Cottage +creeping +Jong +lectured +##çaise +shoreline +##fference +##hra +Shade +Clock +Faye +bilingual +Humboldt +Operating +##fter +##was +algae +towed +amphibious +Parma +impacted +smacked +Piedmont +Monsters +##omb +Moor +##lberg +sinister +Postal +178 +Drummond +Sign +textbooks +hazardous +Brass +Rosemary +Pick +Sit +Architect +transverse +Centennial +confess +polling +##aia +Julien +##mand +consolidation +Ethel +##ulse +severity +Yorker +choreographer +1840s +##ltry +softer +versa +##geny +##quila +##jō +Caledonia +Friendship +Visa +rogue +##zzle +bait +feather +incidence +Foods +Ships +##uto +##stead +arousal +##rote +Hazel +##bolic +Swing +##ej +##cule +##jana +##metry +##uity +Valuable +##ₙ +Shropshire +##nect +365 +Ones +realise +Café +Albuquerque +##grown +##stadt +209 +##ᵢ +prefers +withstand +Lillian +MacArthur +Hara +##fulness +domination +##VO +##school +Freddy +ethnicity +##while +adorned +hormone +Calder +Domestic +Freud +Shields +##phus +##rgan +BP +Segunda +Mustang +##GI +Bonn +patiently +remarried +##umbria +Crete +Elephant +Nuremberg +tolerate +Tyson +##evich +Programming +##lander +Bethlehem +segregation +Constituency +quarterly +blushed +photographers +Sheldon +porcelain +Blanche +goddamn +lively +##fused +bumps +##eli +curated +coherent +provoked +##vet +Madeleine +##isco +rainy +Bethel +accusation +ponytail +gag +##lington +quicker +scroll +##vate +Bow +Gender +Ira +crashes +ACT +Maintenance +##aton +##ieu +bitterly +strains +rattled +vectors +##arina +##ishly +173 +parole +##nx +amusing +Gonzalez +##erative +Caucus +sensual +Penelope +coefficient +Mateo +##mani +proposition +Duty +lacrosse +proportions +Plato +profiles +Botswana +Brandt +reins +mandolin +encompassing +##gens +Kahn +prop +summon +##MR +##yrian +##zaki +Falling +conditional +thy +##bao +##ych +radioactive +##nics +Newspaper +##people +##nded +Gaming +sunny +##look +Sherwood +crafted +NJ +awoke +187 +timeline +giants +possessing +##ycle +Cheryl +ng +Ruiz +polymer +potassium +Ramsay +relocation +##leen +Sociology +##bana +Franciscan +propulsion +denote +##erjee +registers +headline +Tests +emerges +Articles +Mint +livery +breakup +kits +Rap +Browning +Bunny +##mington +##watch +Anastasia +Zachary +arranging +biographical +Erica +Nippon +##membrance +Carmel +##sport +##xes +Paddy +##holes +Issues +Spears +compliment +##stro +##graphs +Castillo +##MU +##space +Corporal +##nent +174 +Gentlemen +##ilize +##vage +convinces +Carmine +Crash +##hashi +Files +Doctors +brownish +sweating +goats +##conductor +rendition +##bt +NL +##spiration +generates +##cans +obsession +##noy +Danger +Diaz +heats +Realm +priorities +##phon +1300 +initiation +pagan +bursts +archipelago +chloride +Screenplay +Hewitt +Khmer +bang +judgement +negotiating +##ait +Mabel +densely +Boulder +knob +430 +Alfredo +##kt +pitches +##ées +##ان +Macdonald +##llum +imply +##mot +Smile +spherical +##tura +Derrick +Kelley +Nico +cortex +launches +differed +parallels +Navigation +##child +##rming +canoe +forestry +reinforce +##mote +confirming +tasting +scaled +##resh +##eting +Understanding +prevailing +Pearce +CW +earnest +Gaius +asserts +denoted +landmarks +Chargers +warns +##flies +Judges +jagged +##dain +tails +Historian +Millie +##sler +221 +##uard +absurd +Dion +##ially +makeshift +Specifically +ignorance +Eat +##ieri +comparisons +forensic +186 +Giro +skeptical +disciplinary +battleship +##45 +Libby +520 +Odyssey +ledge +##post +Eternal +Missionary +deficiency +settler +wonders +##gai +raging +##cis +Romney +Ulrich +annexation +boxers +sect +204 +ARIA +dei +Hitchcock +te +Varsity +##fic +CC +lending +##nial +##tag +##rdy +##obe +Defensive +##dson +##pore +stellar +Lam +Trials +contention +Sung +##uminous +Poe +superiority +##plicate +325 +bitten +conspicuous +##olly +Lila +Pub +Petit +distorted +ISIL +distinctly +##family +Cowboy +mutant +##cats +##week +Changes +Sinatra +epithet +neglect +Innocent +gamma +thrill +reggae +##adia +##ational +##due +landlord +##leaf +visibly +##ì +Darlington +Gomez +##iting +scarf +##lade +Hinduism +Fever +scouts +##roi +convened +##oki +184 +Lao +boycott +unemployed +##lore +##ß +##hammer +Curran +disciples +odor +##ygiene +Lighthouse +Played +whales +discretion +Yves +##ceived +pauses +coincide +##nji +dizzy +##scopic +routed +Guardians +Kellan +carnival +nasal +224 +##awed +Mitsubishi +640 +Cast +silky +Projects +joked +Huddersfield +Rothschild +zu +##olar +Divisions +mildly +##eni +##lge +Appalachian +Sahara +pinch +##roon +wardrobe +##dham +##etal +Bubba +##lini +##rumbling +Communities +Poznań +unification +Beau +Kris +SV +Rowing +Minh +reconciliation +##saki +##sor +taped +##reck +certificates +gubernatorial +rainbow +##uing +litter +##lique +##oted +Butterfly +benefited +Images +induce +Balkans +Velvet +##90 +##xon +Bowman +##breaker +penis +##nitz +##oint +##otive +crust +##pps +organizers +Outdoor +nominees +##rika +TX +##ucks +Protestants +##imation +appetite +Baja +awaited +##points +windshield +##igh +##zled +Brody +Buster +stylized +Bryce +##sz +Dollar +vest +mold +ounce +ok +receivers +##uza +Purdue +Harrington +Hodges +captures +##ggio +Reservation +##ssin +##tman +cosmic +straightforward +flipping +remixed +##athed +Gómez +Lim +motorcycles +economies +owning +Dani +##rosis +myths +sire +kindly +1768 +Bean +graphs +##mee +##RO +##geon +puppy +Stephenson +notified +##jer +Watching +##rama +Sino +urgency +Islanders +##mash +Plata +fumble +##chev +##stance +##rack +##she +facilitated +swings +akin +enduring +payload +##phine +Deputies +murals +##tooth +610 +Jays +eyeing +##quito +transparency +##cote +Timor +negatively +##isan +battled +##fected +thankful +Rage +hospitality +incorrectly +207 +entrepreneurs +##cula +##wley +hedge +##cratic +Corpus +Odessa +Whereas +##ln +fetch +happier +Amherst +bullying +graceful +Height +Bartholomew +willingness +qualifier +191 +Syed +Wesleyan +Layla +##rrence +Webber +##hum +Rat +##cket +##herence +Monterey +contaminated +Beside +Mustafa +Nana +213 +##pruce +Reason +##spense +spike +##gé +AU +disciple +charcoal +##lean +formulated +Diesel +Mariners +accreditation +glossy +1800s +##ih +Mainz +unison +Marianne +shear +overseeing +vernacular +bowled +##lett +unpopular +##ckoned +##monia +Gaston +##TI +##oters +Cups +##bones +##ports +Museo +minors +1773 +Dickens +##EL +##NBC +Presents +ambitions +axes +Río +Yukon +bedside +Ribbon +Units +faults +conceal +##lani +prevailed +214 +Goodwin +Jaguar +crumpled +Cullen +Wireless +ceded +remotely +Bin +mocking +straps +ceramics +##avi +##uding +##ader +Taft +twenties +##aked +Problem +quasi +Lamar +##ntes +##avan +Barr +##eral +hooks +sa +##ône +194 +##ross +Nero +Caine +trance +Homeland +benches +Guthrie +dismiss +##lex +César +foliage +##oot +##alty +Assyrian +Ahead +Murdoch +dictatorship +wraps +##ntal +Corridor +Mackay +respectable +jewels +understands +##pathic +Bryn +##tep +ON +capsule +intrigued +Sleeping +communists +##chayat +##current +##vez +doubling +booklet +##uche +Creed +##NU +spies +##sef +adjusting +197 +Imam +heaved +Tanya +canonical +restraint +senators +stainless +##gnate +Matter +cache +restrained +conflicting +stung +##ool +Sustainable +antiquity +193 +heavens +inclusive +##ador +fluent +303 +911 +archaeologist +superseded +##plex +Tammy +inspire +##passing +##lub +Lama +Mixing +##activated +##yote +parlor +tactic +198 +Stefano +prostitute +recycling +sorted +banana +Stacey +Musée +aristocratic +cough +##rting +authorised +gangs +runoff +thoughtfully +##nish +Fisheries +Provence +detector +hum +##zhen +pill +##árez +Map +Leaves +Peabody +skater +vent +##color +390 +cerebral +hostages +mare +Jurassic +swell +##isans +Knoxville +Naked +Malaya +scowl +Cobra +##anga +Sexual +##dron +##iae +196 +##drick +Ravens +Blaine +##throp +Ismail +symmetric +##lossom +Leicestershire +Sylvester +glazed +##tended +Radar +fused +Families +Blacks +Sale +Zion +foothills +microwave +slain +Collingwood +##pants +##dling +killers +routinely +Janice +hearings +##chanted +##ltration +continents +##iving +##yster +##shot +##yna +injected +Guillaume +##ibi +kinda +Confederacy +Barnett +disasters +incapable +##grating +rhythms +betting +draining +##hak +Callie +Glover +##iliated +Sherlock +hearted +punching +Wolverhampton +Leaf +Pi +builders +furnished +knighted +Photo +##zle +Touring +fumbled +pads +##ий +Bartlett +Gunner +eerie +Marius +Bonus +pots +##hino +##pta +Bray +Frey +Ortiz +stalls +belongings +Subway +fascination +metaphor +Bat +Boer +Colchester +sway +##gro +rhetoric +##dheim +Fool +PMID +admire +##hsil +Strand +TNA +##roth +Nottinghamshire +##mat +##yler +Oxfordshire +##nacle +##roner +BS +##nces +stimulus +transports +Sabbath +##postle +Richter +4000 +##grim +##shima +##lette +deteriorated +analogous +##ratic +UHF +energies +inspiring +Yiddish +Activities +##quential +##boe +Melville +##ilton +Judd +consonants +labs +smuggling +##fari +avid +##uc +truce +undead +##raith +Mostly +bracelet +Connection +Hussain +awhile +##UC +##vention +liable +genetically +##phic +Important +Wildcats +daddy +transmit +##cas +conserved +Yesterday +##lite +Nicky +Guys +Wilder +Lay +skinned +Communists +Garfield +Nearby +organizer +Loss +crafts +walkway +Chocolate +Sundance +Synod +##enham +modify +swayed +Surface +analysts +brackets +drone +parachute +smelling +Andrés +filthy +frogs +vertically +##OK +localities +marries +AHL +35th +##pian +Palazzo +cube +dismay +relocate +##на +Hear +##digo +##oxide +prefecture +converts +hangar +##oya +##ucking +Spectrum +deepened +spoiled +Keeping +##phobic +Verona +outrage +Improvement +##UI +masterpiece +slung +Calling +chant +Haute +mediated +manipulated +affirmed +##hesis +Hangul +skies +##llan +Worcestershire +##kos +mosaic +##bage +##wned +Putnam +folder +##LM +guts +noteworthy +##rada +AJ +sculpted +##iselle +##rang +recognizable +##pent +dolls +lobbying +impatiently +Se +staple +Serb +tandem +Hiroshima +thieves +##ynx +faculties +Norte +##alle +##trusion +chords +##ylon +Gareth +##lops +##escu +FIA +Levin +auspices +groin +Hui +nun +Listed +Honourable +Larsen +rigorous +##erer +Tonga +##pment +##rave +##track +##aa +##enary +540 +clone +sediment +esteem +sighted +cruelty +##boa +inverse +violating +Amtrak +Status +amalgamated +vertex +AR +harmless +Amir +mounts +Coronation +counseling +Audi +CO₂ +splits +##eyer +Humans +Salmon +##have +##rado +##čić +216 +takeoff +classmates +psychedelic +##gni +Gypsy +231 +Anger +GAA +ME +##nist +##tals +Lissa +Odd +baptized +Fiat +fringe +##hren +179 +elevators +perspectives +##TF +##ngle +Question +frontal +950 +thicker +Molecular +##nological +Sixteen +Baton +Hearing +commemorative +dorm +Architectural +purity +##erse +risky +Georgie +relaxing +##ugs +downed +##rar +Slim +##phy +IUCN +##thorpe +Parkinson +217 +Marley +Shipping +sweaty +Jesuits +Sindh +Janata +implying +Armenians +intercept +Ankara +commissioners +ascended +sniper +Grass +Walls +salvage +Dewey +generalized +learnt +PT +##fighter +##tech +DR +##itrus +##zza +mercenaries +slots +##burst +##finger +##nsky +Princes +Rhodesia +##munication +##strom +Fremantle +homework +ins +##Os +##hao +##uffed +Thorpe +Xiao +exquisite +firstly +liberated +technician +Oilers +Phyllis +herb +sharks +MBE +##stock +Product +banjo +##morandum +##than +Visitors +unavailable +unpublished +oxidation +Vogue +##copic +##etics +Yates +##ppard +Leiden +Trading +cottages +Principles +##Millan +##wife +##hiva +Vicar +nouns +strolled +##eorological +##eton +##science +precedent +Armand +Guido +rewards +##ilis +##tise +clipped +chick +##endra +averages +tentatively +1830s +##vos +Certainly +305 +Société +Commandant +##crats +##dified +##nka +marsh +angered +ventilation +Hutton +Ritchie +##having +Eclipse +flick +motionless +Amor +Fest +Loire +lays +##icit +##sband +Guggenheim +Luck +disrupted +##ncia +Disco +##vigator +criticisms +grins +##lons +##vial +##ody +salute +Coaches +junk +saxophonist +##eology +Uprising +Diet +##marks +chronicles +robbed +##iet +##ahi +Bohemian +magician +wavelength +Kenyan +augmented +fashionable +##ogies +Luce +F1 +Monmouth +##jos +##loop +enjoyment +exemption +Centers +##visor +Soundtrack +blinding +practitioner +solidarity +sacrificed +##oso +##cture +##riated +blended +Abd +Copyright +##nob +34th +##reak +Claudio +hectare +rotor +testify +##ends +##iably +##sume +landowner +##cess +##ckman +Eduard +Silesian +backseat +mutually +##abe +Mallory +bounds +Collective +Poet +Winkler +pertaining +scraped +Phelps +crane +flickering +Proto +bubbles +popularized +removes +##86 +Cadillac +Warfare +audible +rites +shivering +##sist +##nst +##biotic +Mon +fascist +Bali +Kathryn +ambiguous +furiously +morale +patio +Sang +inconsistent +topology +Greens +monkeys +Köppen +189 +Toy +vow +##ías +bombings +##culus +improvised +lodged +subsidiaries +garment +startling +practised +Hume +Thorn +categorized +Till +Eileen +wedge +##64 +Federico +patriotic +unlock +##oshi +badminton +Compared +Vilnius +##KE +Crimean +Kemp +decks +spaced +resolutions +sighs +##mind +Imagine +Cartoon +huddled +policemen +forwards +##rouch +equals +##nter +inspected +Charley +MG +##rte +pamphlet +Arturo +dans +scarcely +##ulton +##rvin +parental +unconstitutional +watts +Susannah +Dare +##sitive +Rowland +Valle +invalid +##ué +Detachment +acronym +Yokohama +verified +##lsson +groove +Liza +clarified +compromised +265 +##rgon +##orf +hesitant +Fruit +Application +Mathias +icons +##cell +Qin +interventions +##uron +punt +remnant +##rien +Ames +manifold +spines +floral +##zable +comrades +Fallen +orbits +Annals +hobby +Auditorium +implicated +researching +Pueblo +Ta +terminate +##pella +Rings +approximation +fuzzy +##ús +thriving +##ket +Conor +alarmed +etched +Cary +##rdon +Ally +##rington +Pay +mint +##hasa +##unity +##dman +##itate +Oceania +furrowed +trams +##aq +Wentworth +ventured +choreography +prototypes +Patel +mouthed +trenches +##licing +##yya +Lies +deception +##erve +##vations +Bertrand +earthquakes +##tography +Southwestern +##aja +token +Gupta +##yō +Beckett +initials +ironic +Tsar +subdued +shootout +sobbing +liar +Scandinavia +Souls +ch +therapist +trader +Regulation +Kali +busiest +##pation +32nd +Telephone +Vargas +##moky +##nose +##uge +Favorite +abducted +bonding +219 +255 +correction +mat +drown +fl +unbeaten +Pocket +Summers +Quite +rods +Percussion +##ndy +buzzing +cadet +Wilkes +attire +directory +utilities +naive +populous +Hendrix +##actor +disadvantage +1400 +Landon +Underworld +##ense +Occasionally +mercury +Davey +Morley +spa +wrestled +##vender +eclipse +Sienna +supplemented +thou +Stream +liturgical +##gall +##berries +##piration +1769 +Bucks +abandoning +##jutant +##nac +232 +venom +##31 +Roche +dotted +Currie +Córdoba +Milo +Sharif +divides +justification +prejudice +fortunate +##vide +##ābād +Rowe +inflammatory +##eld +avenue +Sources +##rimal +Messenger +Blanco +advocating +formulation +##pute +emphasizes +nut +Armored +##ented +nutrients +##tment +insistence +Martins +landowners +##RB +comparatively +headlines +snaps +##qing +Celebration +##mad +republican +##NE +Trace +##500 +1771 +proclamation +NRL +Rubin +Buzz +Weimar +##AG +199 +posthumous +##ental +##deacon +Distance +intensely +overheard +Arcade +diagonal +hazard +Giving +weekdays +##ù +Verdi +actresses +##hare +Pulling +##erries +##pores +catering +shortest +##ctors +##cure +##restle +##reta +##runch +##brecht +##uddin +Moments +senate +Feng +Prescott +##thest +218 +divisional +Bertie +sparse +surrounds +coupling +gravitational +werewolves +##lax +Rankings +##mated +##tries +Shia +##mart +##23 +##vocative +interfaces +morphology +newscast +##bide +inputs +solicitor +Olaf +cabinets +puzzles +##tains +Unified +##firmed +WA +solemn +##opy +Tito +Jaenelle +Neolithic +horseback +##ires +pharmacy +prevalence +##lint +Swami +##bush +##tudes +Philipp +mythical +divers +Scouting +aperture +progressively +##bay +##nio +bounce +Floor +##elf +Lucan +adulthood +helm +Bluff +Passage +Salvation +lemon +napkin +scheduling +##gets +Elements +Mina +Novak +stalled +##llister +Infrastructure +##nky +##tania +##uished +Katz +Norma +sucks +trusting +1765 +boilers +Accordingly +##hered +223 +Crowley +##fight +##ulo +Henrietta +##hani +pounder +surprises +##chor +##glia +Dukes +##cracy +##zier +##fs +Patriot +silicon +##VP +simulcast +telegraph +Mysore +cardboard +Len +##QL +Auguste +accordion +analytical +specify +ineffective +hunched +abnormal +Transylvania +##dn +##tending +Emilia +glittering +Maddy +##wana +1762 +External +Lecture +endorsement +Hernández +Anaheim +Ware +offences +##phorus +Plantation +popping +Bonaparte +disgusting +neared +##notes +Identity +heroin +nicely +##raverse +apron +congestion +##PR +padded +##fts +invaders +##came +freshly +Halle +endowed +fracture +ROM +##max +sediments +diffusion +dryly +##tara +Tam +Draw +Spin +Talon +Anthropology +##lify +nausea +##shirt +insert +Fresno +capitalist +indefinitely +apples +Gift +scooped +60s +Cooperative +mistakenly +##lover +murmur +##iger +Equipment +abusive +orphanage +##9th +##lterweight +##unda +Baird +ant +saloon +33rd +Chesapeake +##chair +##sound +##tend +chaotic +pornography +brace +##aret +heiress +SSR +resentment +Arbor +headmaster +##uren +unlimited +##with +##jn +Bram +Ely +Pokémon +pivotal +##guous +Database +Marta +Shine +stumbling +##ovsky +##skin +Henley +Polk +functioned +##layer +##pas +##udd +##MX +blackness +cadets +feral +Damian +##actions +2D +##yla +Apocalypse +##aic +inactivated +##china +##kovic +##bres +destroys +nap +Macy +sums +Madhya +Wisdom +rejects +##amel +60th +Cho +bandwidth +##sons +##obbing +##orama +Mutual +shafts +##estone +##rsen +accord +replaces +waterfront +##gonal +##rida +convictions +##ays +calmed +suppliers +Cummings +GMA +fearful +Scientist +Sinai +examines +experimented +Netflix +Enforcement +Scarlett +##lasia +Healthcare +##onte +Dude +inverted +##36 +##regation +##lidae +Munro +##angay +Airbus +overlapping +Drivers +lawsuits +bodily +##udder +Wanda +Effects +Fathers +##finery +##islav +Ridley +observatory +pod +##utrition +Electricity +landslide +##mable +##zoic +##imator +##uration +Estates +sleepy +Nickelodeon +steaming +irony +schedules +snack +spikes +Hmm +##nesia +##bella +##hibit +Greenville +plucked +Harald +##ono +Gamma +infringement +roaring +deposition +##pol +##orum +660 +seminal +passports +engagements +Akbar +rotated +##bina +##gart +Hartley +##lown +##truct +uttered +traumatic +Dex +##ôme +Holloway +MV +apartheid +##nee +Counter +Colton +OR +245 +Spaniards +Regency +Schedule +scratching +squads +verify +##alk +keyboardist +rotten +Forestry +aids +commemorating +##yed +##érie +Sting +##elly +Dai +##fers +##berley +##ducted +Melvin +cannabis +glider +##enbach +##rban +Costello +Skating +cartoonist +AN +audit +##pectator +distributing +226 +312 +interpreter +header +Alternatively +##ases +smug +##kumar +cabins +remastered +Connolly +Kelsey +LED +tentative +Check +Sichuan +shaved +##42 +Gerhard +Harvest +inward +##rque +Hopefully +hem +##34 +Typical +binds +wrath +Woodstock +forcibly +Fergus +##charged +##tured +prepares +amenities +penetration +##ghan +coarse +##oned +enthusiasts +##av +##twined +fielded +##cky +Kiel +##obia +470 +beers +tremble +youths +attendees +##cademies +##sex +Macon +communism +dir +##abi +Lennox +Wen +differentiate +jewel +##SO +activate +assert +laden +unto +Gillespie +Guillermo +accumulation +##GM +NGO +Rosenberg +calculating +drastically +##omorphic +peeled +Liège +insurgents +outdoors +##enia +Aspen +Sep +awakened +##eye +Consul +Maiden +insanity +##brian +furnace +Colours +distributions +longitudinal +syllables +##scent +Martian +accountant +Atkins +husbands +sewage +zur +collaborate +highlighting +##rites +##PI +colonization +nearer +##XT +dunes +positioning +Ku +multitude +luxurious +Volvo +linguistics +plotting +squared +##inder +outstretched +##uds +Fuji +ji +##feit +##ahu +##loat +##gado +##luster +##oku +América +##iza +Residents +vine +Pieces +DD +Vampires +##ová +smoked +harshly +spreads +##turn +##zhi +betray +electors +##settled +Considering +exploits +stamped +Dusty +enraged +Nairobi +##38 +intervened +##luck +orchestras +##lda +Hereford +Jarvis +calf +##itzer +##CH +salesman +Lovers +cigar +Angelica +doomed +heroine +##tible +Sanford +offenders +##ulously +articulated +##oam +Emanuel +Gardiner +Edna +Shu +gigantic +##stable +Tallinn +coasts +Maker +ale +stalking +##oga +##smus +lucrative +southbound +##changing +Reg +##lants +Schleswig +discount +grouping +physiological +##OH +##sun +Galen +assurance +reconcile +rib +scarlet +Thatcher +anarchist +##oom +Turnpike +##ceding +cocktail +Sweeney +Allegheny +concessions +oppression +reassuring +##poli +##ticus +##TR +##VI +##uca +##zione +directional +strikeouts +Beneath +Couldn +Kabul +##national +hydroelectric +##jit +Desire +##riot +enhancing +northbound +##PO +Ok +Routledge +volatile +Bernardo +Python +333 +ample +chestnut +automobiles +##innamon +##care +##hering +BWF +salaries +Turbo +acquisitions +##stituting +strengths +pilgrims +Ponce +Pig +Actors +Beard +sanitation +##RD +##mett +Telecommunications +worms +##idas +Juno +Larson +Ventura +Northeastern +weighs +Houghton +collaborating +lottery +##rano +Wonderland +gigs +##lmer +##zano +##edd +##nife +mixtape +predominant +tripped +##ruly +Alexei +investing +Belgarath +Brasil +hiss +##crat +##xham +Côte +560 +kilometer +##cological +analyzing +##As +engined +listener +##cakes +negotiation +##hisky +Santana +##lemma +IAAF +Seneca +skeletal +Covenant +Steiner +##lev +##uen +Neptune +retention +##upon +Closing +Czechoslovak +chalk +Navarre +NZ +##IG +##hop +##oly +##quatorial +##sad +Brewery +Conflict +Them +renew +turrets +disagree +Petra +Slave +##reole +adjustment +##dela +##regard +##sner +framing +stature +##rca +##sies +##46 +##mata +Logic +inadvertently +naturalist +spheres +towering +heightened +Dodd +rink +##fle +Keyboards +bulb +diver +ul +##tsk +Exodus +Deacon +España +Canadiens +oblique +thud +reigned +rug +Whitman +Dash +##iens +Haifa +pets +##arland +manually +dart +##bial +Sven +textiles +subgroup +Napier +graffiti +revolver +humming +Babu +protector +typed +Provinces +Sparta +Wills +subjective +##rella +temptation +##liest +FL +Sadie +manifest +Guangdong +Transfer +entertain +eve +recipes +##33 +Benedictine +retailer +##dence +establishes +##cluded +##rked +Ursula +##ltz +##lars +##rena +qualifiers +##curement +colt +depictions +##oit +Spiritual +differentiation +staffed +transitional +##lew +1761 +fatalities +##oan +Bayern +Northamptonshire +Weeks +##CU +Fife +capacities +hoarse +##latt +##ة +evidenced +##HD +##ographer +assessing +evolve +hints +42nd +streaked +##lve +Yahoo +##estive +##rned +##zas +baggage +Elected +secrecy +##champ +Character +Pen +Decca +cape +Bernardino +vapor +Dolly +counselor +##isers +Benin +##khar +##CR +notch +##thus +##racy +bounty +lend +grassland +##chtenstein +##dating +pseudo +golfer +simplest +##ceive +Lucivar +Triumph +dinosaur +dinosaurs +##šić +Seahawks +##nco +resorts +reelected +1766 +reproduce +universally +##OA +ER +tendencies +Consolidated +Massey +Tasmanian +reckless +##icz +##ricks +1755 +questionable +Audience +##lates +preseason +Quran +trivial +Haitian +Freeway +dialed +Appointed +Heard +ecosystems +##bula +hormones +Carbon +Rd +##arney +##working +Christoph +presiding +pu +##athy +Morrow +Dar +ensures +posing +remedy +EA +disclosed +##hui +##rten +rumours +surveying +##ficiency +Aziz +Jewel +Plays +##smatic +Bernhard +Christi +##eanut +##friend +jailed +##dr +govern +neighbour +butler +Acheron +murdering +oils +mac +Editorial +detectives +bolts +##ulon +Guitars +malaria +36th +Pembroke +Opened +##hium +harmonic +serum +##sio +Franks +fingernails +##gli +culturally +evolving +scalp +VP +deploy +uploaded +mater +##evo +Jammu +Spa +##icker +flirting +##cursions +Heidi +Majority +sprawled +##alytic +Zheng +bunker +##lena +ST +##tile +Jiang +ceilings +##ently +##ols +Recovery +dire +##good +Manson +Honestly +Montréal +1764 +227 +quota +Lakshmi +incentive +Accounting +##cilla +Eureka +Reaper +buzzed +##uh +courtroom +dub +##mberg +KC +Gong +Theodor +Académie +NPR +criticizing +protesting +##pired +##yric +abuses +fisheries +##minated +1767 +yd +Gemini +Subcommittee +##fuse +Duff +Wasn +Wight +cleaner +##tite +planetary +Survivor +Zionist +mounds +##rary +landfall +disruption +yielding +##yana +bids +unidentified +Garry +Ellison +Elmer +Fishing +Hayward +demos +modelling +##anche +##stick +caressed +entertained +##hesion +piers +Crimea +##mass +WHO +boulder +trunks +1640 +Biennale +Palestinians +Pursuit +##udes +Dora +contender +##dridge +Nanjing +##ezer +##former +##ibel +Whole +proliferation +##tide +##weiler +fuels +predictions +##ente +##onium +Filming +absorbing +Ramón +strangled +conveyed +inhabit +prostitutes +recession +bonded +clinched +##eak +##iji +##edar +Pleasure +Rite +Christy +Therapy +sarcasm +##collegiate +hilt +probation +Sarawak +coefficients +underworld +biodiversity +SBS +groom +brewing +dungeon +##claiming +Hari +turnover +##ntina +##omer +##opped +orthodox +styling +##tars +##ulata +priced +Marjorie +##eley +##abar +Yong +##tically +Crambidae +Hernandez +##ego +##rricular +##ark +##lamour +##llin +##augh +##tens +Advancement +Loyola +##4th +##hh +goin +marshes +Sardinia +##ša +Ljubljana +Singing +suspiciously +##hesive +Félix +Regarding +flap +stimulation +##raught +Apr +Yin +gaping +tighten +skier +##itas +##lad +##rani +264 +Ashes +Olson +Problems +Tabitha +##rading +balancing +sunrise +##ease +##iture +##ritic +Fringe +##iciency +Inspired +Linnaeus +PBA +disapproval +##kles +##rka +##tails +##urger +Disaster +Laboratories +apps +paradise +Aero +Came +sneaking +Gee +Beacon +ODI +commodity +Ellington +graphical +Gretchen +spire +##skaya +##trine +RTÉ +efficacy +plc +tribunal +##ytic +downhill +flu +medications +##kaya +widen +Sunrise +##nous +distinguishing +pawn +##BO +##irn +##ssing +##ν +Easton +##vila +Rhineland +##aque +defect +##saurus +Goose +Ju +##classified +Middlesbrough +shaping +preached +1759 +##erland +Ein +Hailey +musicals +##altered +Galileo +Hilda +Fighters +Lac +##ometric +295 +Leafs +Milano +##lta +##VD +##ivist +penetrated +Mask +Orchard +plaintiff +##icorn +Yvonne +##fred +outfielder +peek +Collier +Caracas +repealed +Bois +dell +restrict +Dolores +Hadley +peacefully +##LL +condom +Granny +Orders +sabotage +##toon +##rings +compass +marshal +gears +brigadier +dye +Yunnan +communicating +donate +emerald +vitamin +administer +Fulham +##classical +##llas +Buckinghamshire +Held +layered +disclosure +Akira +programmer +shrimp +Crusade +##ximal +Luzon +bakery +##cute +Garth +Citadel +uniquely +Curling +info +mum +Para +##ști +sleek +##ione +hey +Lantern +mesh +##lacing +##lizzard +##gade +prosecuted +Alba +Gilles +greedy +twists +##ogged +Viper +##kata +Appearances +Skyla +hymns +##pelled +curving +predictable +Grave +Watford +##dford +##liptic +##vary +Westwood +fluids +Models +statutes +##ynamite +1740 +##culate +Framework +Johanna +##gression +Vuelta +imp +##otion +##raga +##thouse +Ciudad +festivities +##love +Beyoncé +italics +##vance +DB +##haman +outs +Singers +##ueva +##urning +##51 +##ntiary +##mobile +285 +Mimi +emeritus +nesting +Keeper +Ways +##onal +##oux +Edmond +MMA +##bark +##oop +Hampson +##ñez +##rets +Gladstone +wreckage +Pont +Playboy +reluctance +##ná +apprenticeship +preferring +Value +originate +##wei +##olio +Alexia +##rog +Parachute +jammed +stud +Eton +vols +##ganized +1745 +straining +creep +indicators +##mán +humiliation +hinted +alma +tanker +##egation +Haynes +Penang +amazement +branched +rumble +##ddington +archaeologists +paranoid +expenditure +Absolutely +Musicians +banished +##fining +baptism +Joker +Persons +hemisphere +##tieth +##ück +flock +##xing +lbs +Kung +crab +##dak +##tinent +Regulations +barrage +parcel +##ós +Tanaka +##rsa +Natalia +Voyage +flaws +stepfather +##aven +##eological +Botanical +Minsk +##ckers +Cinderella +Feast +Loving +Previous +Shark +##took +barrister +collaborators +##nnes +Croydon +Graeme +Juniors +##7th +##formation +##ulos +##ák +£2 +##hwa +##rove +##ș +Whig +demeanor +Otago +##TH +##ooster +Faber +instructors +##ahl +##bha +emptied +##schen +saga +##lora +exploding +##rges +Crusaders +##caster +##uations +streaks +CBN +bows +insights +ka +1650 +diversion +LSU +Wingspan +##liva +Response +sanity +Producers +imitation +##fine +Lange +Spokane +splash +weed +Siberian +magnet +##rocodile +capitals +##rgus +swelled +Rani +Bells +Silesia +arithmetic +rumor +##hampton +favors +Weird +marketplace +##orm +tsunami +unpredictable +##citation +##ferno +Tradition +postwar +stench +succeeds +##roup +Anya +Users +oversized +totaling +pouch +##nat +Tripoli +leverage +satin +##cline +Bathurst +Lund +Niall +thereof +##quid +Bangor +barge +Animated +##53 +##alan +Ballard +utilizes +Done +ballistic +NDP +gatherings +##elin +##vening +Rockets +Sabrina +Tamara +Tribal +WTA +##citing +blinded +flux +Khalid +Una +prescription +##jee +Parents +##otics +##food +Silicon +cured +electro +perpendicular +intimacy +##rified +Lots +##ceiving +##powder +incentives +McKenna +##arma +##ounced +##rinkled +Alzheimer +##tarian +262 +Seas +##cam +Novi +##hout +##morphic +##hazar +##hul +##nington +Huron +Bahadur +Pirate +pursed +Griffiths +indicted +swap +refrain +##mulating +Lal +stomped +##Pad +##mamoto +Reef +disposed +plastered +weeping +##rato +Minas +hourly +tumors +##ruising +Lyle +##yper +##sol +Odisha +credibility +##Dowell +Braun +Graphic +lurched +muster +##nex +##ührer +##connected +##iek +##ruba +Carthage +Peck +maple +bursting +##lava +Enrico +rite +##jak +Moment +##skar +Styx +poking +Spartan +##urney +Hepburn +Mart +Titanic +newsletter +waits +Mecklenburg +agitated +eats +##dious +Chow +matrices +Maud +##sexual +sermon +234 +##sible +##lung +Qi +cemeteries +mined +sprinter +##ckett +coward +##gable +##hell +##thin +##FB +Contact +##hay +rainforest +238 +Hemisphere +boasts +##nders +##verance +##kat +Convent +Dunedin +Lecturer +lyricist +##bject +Iberian +comune +##pphire +chunk +##boo +thrusting +fore +informing +pistols +echoes +Tier +battleships +substitution +##belt +moniker +##charya +##lland +Thoroughbred +38th +##01 +##tah +parting +tongues +Cale +##seau +Unionist +modular +celebrates +preview +steamed +Bismarck +302 +737 +vamp +##finity +##nbridge +weaknesses +husky +##berman +absently +##icide +Craven +tailored +Tokugawa +VIP +syntax +Kazan +captives +doses +filtered +overview +Cleopatra +Conversely +stallion +Burger +Suez +Raoul +th +##reaves +Dickson +Nell +Rate +anal +colder +##sław +Arm +Semitic +##green +reflective +1100 +episcopal +journeys +##ours +##pository +##dering +residue +Gunn +##27 +##ntial +##crates +##zig +Astros +Renee +Emerald +##vili +connectivity +undrafted +Sampson +treasures +##kura +##theon +##vern +Destroyer +##iable +##ener +Frederic +briefcase +confinement +Bree +##WD +Athena +233 +Padres +Thom +speeding +##hali +Dental +ducks +Putin +##rcle +##lou +Asylum +##usk +dusk +pasture +Institutes +ONE +jack +##named +diplomacy +Intercontinental +Leagues +Towns +comedic +premature +##edic +##mona +##ories +trimmed +Charge +Cream +guarantees +Dmitry +splashed +Philosophical +tramway +##cape +Maynard +predatory +redundant +##gratory +##wry +sobs +Burgundy +edible +outfits +Handel +dazed +dangerously +idle +Operational +organizes +##sional +blackish +broker +weddings +##halt +Becca +McGee +##gman +protagonists +##pelling +Keynes +aux +stumble +##ordination +Nokia +reel +sexes +##woods +##pheric +##quished +##voc +##oir +##pathian +##ptus +##sma +##tating +##ê +fulfilling +sheath +##ayne +Mei +Ordinary +Collin +Sharpe +grasses +interdisciplinary +##OX +Background +##ignment +Assault +transforms +Hamas +Serge +ratios +##sik +swaying +##rcia +Rosen +##gant +##versible +cinematographer +curly +penny +Kamal +Mellon +Sailor +Spence +phased +Brewers +amassed +Societies +##ropriations +##buted +mythological +##SN +##byss +##ired +Sovereign +preface +Parry +##ife +altitudes +crossings +##28 +Crewe +southernmost +taut +McKinley +##owa +##tore +254 +##ckney +compiling +Shelton +##hiko +228 +Poll +Shepard +Labs +Pace +Carlson +grasping +##ов +Delaney +Winning +robotic +intentional +shattering +##boarding +##git +##grade +Editions +Reserves +ignorant +proposing +##hanna +cutter +Mongols +NW +##eux +Codex +Cristina +Daughters +Rees +forecast +##hita +NGOs +Stations +Beaux +Erwin +##jected +##EX +##trom +Schumacher +##hrill +##rophe +Maharaja +Oricon +##sul +##dynamic +##fighting +Ce +Ingrid +rumbled +Prospect +stairwell +Barnard +applause +complementary +##uba +grunt +##mented +Bloc +Carleton +loft +noisy +##hey +490 +contrasted +##inator +##rief +##centric +##fica +Cantonese +Blanc +Lausanne +License +artifact +##ddin +rot +Amongst +Prakash +RF +##topia +milestone +##vard +Winters +Mead +churchyard +Lulu +estuary +##ind +Cha +Infinity +Meadow +subsidies +##valent +CONCACAF +Ching +medicinal +navigate +Carver +Twice +abdominal +regulating +RB +toilets +Brewer +weakening +ambushed +##aut +##vignon +Lansing +unacceptable +reliance +stabbing +##mpo +##naire +Interview +##ested +##imed +bearings +##lts +Rashid +##iation +authenticity +vigorous +##frey +##uel +biologist +NFC +##rmaid +##wash +Makes +##aunt +##steries +withdrawing +##qa +Buccaneers +bleed +inclination +stain +##ilo +##ppel +Torre +privileged +cereal +trailers +alumnus +neon +Cochrane +Mariana +caress +##47 +##ients +experimentation +Window +convict +signaled +##YP +rower +Pharmacy +interacting +241 +Strings +dominating +kinase +Dinamo +Wire +pains +sensations +##suse +Twenty20 +##39 +spotlight +##hend +elemental +##pura +Jameson +Swindon +honoring +pained +##ediatric +##lux +Psychological +assemblies +ingredient +Martial +Penguins +beverage +Monitor +mysteries +##ION +emigration +mused +##sique +crore +AMC +Funding +Chinatown +Establishment +Finalist +enjoyable +1756 +##mada +##rams +NO +newborn +CS +comprehend +Invisible +Siemens +##acon +246 +contraction +##volving +##moration +##rok +montane +##ntation +Galloway +##llow +Verity +directorial +pearl +Leaning +##rase +Fernandez +swallowing +Automatic +Madness +haunting +paddle +##UE +##rrows +##vies +##zuki +##bolt +##iber +Fender +emails +paste +##lancing +hind +homestead +hopeless +##dles +Rockies +garlic +fatty +shrieked +##ismic +Gillian +Inquiry +Schultz +XML +##cius +##uld +Domesday +grenades +northernmost +##igi +Tbilisi +optimistic +##poon +Refuge +stacks +Bose +smash +surreal +Nah +Straits +Conquest +##roo +##weet +##kell +Gladys +CH +##lim +##vitation +Doctorate +NRHP +knocks +Bey +Romano +##pile +242 +Diamonds +strides +eclectic +Betsy +clade +##hady +##leashed +dissolve +moss +Suburban +silvery +##bria +tally +turtles +##uctive +finely +industrialist +##nary +Ernesto +oz +pact +loneliness +##hov +Tomb +multinational +risked +Layne +USL +ne +##quiries +Ad +Message +Kamen +Kristen +reefs +implements +##itative +educators +garments +gunshot +##essed +##rve +Montevideo +vigorously +Stamford +assemble +packaged +##same +état +Viva +paragraph +##eter +##wire +Stick +Navajo +MCA +##pressing +ensembles +ABA +##zor +##llus +Partner +raked +##BI +Iona +thump +Celeste +Kiran +##iscovered +##rith +inflammation +##arel +Features +loosened +##yclic +Deluxe +Speak +economical +Frankenstein +Picasso +showcased +##zad +##eira +##planes +##linear +##overs +monsoon +prosecutors +slack +Horses +##urers +Angry +coughing +##truder +Questions +##tō +##zak +challenger +clocks +##ieving +Newmarket +##acle +cursing +stimuli +##mming +##qualified +slapping +##vasive +narration +##kini +Advertising +CSI +alliances +mixes +##yes +covert +amalgamation +reproduced +##ardt +##gis +1648 +id +Annette +Boots +Champagne +Brest +Daryl +##emon +##jou +##llers +Mean +adaptive +technicians +##pair +##usal +Yoga +fronts +leaping +Jul +harvesting +keel +##44 +petitioned +##lved +yells +Endowment +proponent +##spur +##tised +##zal +Homes +Includes +##ifer +##oodoo +##rvette +awarding +mirrored +ransom +Flute +outlook +##ganj +DVDs +Sufi +frontman +Goddard +barren +##astic +Suicide +hillside +Harlow +Lau +notions +Amnesty +Homestead +##irt +GE +hooded +umpire +mustered +Catch +Masonic +##erd +Dynamics +Equity +Oro +Charts +Mussolini +populace +muted +accompaniment +##lour +##ndes +ignited +##iferous +##laced +##atch +anguish +registry +##tub +##hards +##neer +251 +Hooker +uncomfortably +##6th +##ivers +Catalina +MiG +giggling +1754 +Dietrich +Kaladin +pricing +##quence +Sabah +##lving +##nical +Gettysburg +Vita +Telecom +Worst +Palais +Pentagon +##brand +##chichte +Graf +unnatural +1715 +bio +##26 +Radcliffe +##utt +chatting +spices +##aus +untouched +##eper +Doll +turkey +Syndicate +##rlene +##JP +##roots +Como +clashed +modernization +1757 +fantasies +##iating +dissipated +Sicilian +inspect +sensible +reputed +##final +Milford +poised +RC +metabolic +Tobacco +Mecca +optimization +##heat +lobe +rabbits +NAS +geologist +##liner +Kilda +carpenter +nationalists +##brae +summarized +##venge +Designer +misleading +beamed +##meyer +Matrix +excuses +##aines +##biology +401 +Moose +drafting +Sai +##ggle +Comprehensive +dripped +skate +##WI +##enan +##ruk +narrower +outgoing +##enter +##nounce +overseen +##structure +travellers +banging +scarred +##thing +##arra +Ebert +Sometime +##nated +BAFTA +Hurricanes +configurations +##MLL +immortality +##heus +gothic +##mpest +clergyman +viewpoint +Maxim +Instituto +emitted +quantitative +1689 +Consortium +##rsk +Meat +Tao +swimmers +Shaking +Terence +mainline +##linity +Quantum +##rogate +Nair +banquet +39th +reprised +lagoon +subdivisions +synonymous +incurred +password +sprung +##vere +Credits +Petersen +Faces +##vu +statesman +Zombie +gesturing +##going +Sergey +dormant +possessive +totals +southward +Ángel +##odies +HM +Mariano +Ramirez +Wicked +impressions +##Net +##cap +##ème +Transformers +Poker +RIAA +Redesignated +##chuk +Harcourt +Peña +spacious +tinged +alternatively +narrowing +Brigham +authorization +Membership +Zeppelin +##amed +Handball +steer +##orium +##rnal +##rops +Committees +endings +##MM +##yung +ejected +grams +##relli +Birch +Hilary +Stadion +orphan +clawed +##kner +Motown +Wilkins +ballads +outspoken +##ancipation +##bankment +##cheng +Advances +harvested +novelty +ineligible +oversees +##´s +obeyed +inevitably +Kingdoms +burying +Fabian +relevance +Tatiana +##MCA +sarcastic +##onda +Akron +229 +sandwiches +Adobe +Maddox +##azar +Hunting +##onized +Smiling +##tology +Juventus +Leroy +Poets +attach +lo +##rly +##film +Structure +##igate +olds +projections +SMS +outnumbered +##tase +judiciary +paramilitary +playfully +##rsing +##tras +Chico +Vin +informally +abandonment +##russ +Baroness +injuring +octagonal +deciduous +##nea +##olm +Hz +Norwood +poses +Marissa +alerted +willed +##KS +Dino +##ddler +##vani +Barbie +Thankfully +625 +bicycles +shimmering +##tinuum +##wolf +Chesterfield +##idy +##urgency +Knowles +sweetly +Ventures +##ponents +##valence +Darryl +Powerplant +RAAF +##pec +Kingsley +Parramatta +penetrating +spectacle +##inia +Marlborough +residual +compatibility +hike +Underwood +depleted +ministries +##odus +##ropriation +rotting +Faso +##inn +Happiness +Lille +Suns +cookie +rift +warmly +##lvin +Bugs +Gotham +Gothenburg +Properties +##seller +##ubi +Created +MAC +Noelle +Requiem +Ulysses +##ails +franchises +##icious +##rwick +celestial +kinetic +720 +STS +transmissions +amplitude +forums +freeing +reptiles +tumbling +##continent +##rising +##tropy +physiology +##uster +Loves +bodied +neutrality +Neumann +assessments +Vicky +##hom +hampered +##uku +Custom +timed +##eville +##xious +elastic +##section +rig +stilled +shipment +243 +artworks +boulders +Bournemouth +##hly +##LF +##linary +rumored +##bino +##drum +Chun +Freiburg +##dges +Equality +252 +Guadalajara +##sors +##taire +Roach +cramped +##ultural +Logistics +Punch +fines +Lai +caravan +##55 +lame +Collector +pausing +315 +migrant +hawk +signalling +##erham +##oughs +Demons +surfing +Rana +insisting +Wien +adolescent +##jong +##rera +##umba +Regis +brushes +##iman +residues +storytelling +Consider +contrasting +regeneration +##elling +##hlete +afforded +reactors +costing +##biotics +##gat +##евич +chanting +secondly +confesses +##ikos +##uang +##ronological +##− +Giacomo +##eca +vaudeville +weeds +rejecting +revoked +affluent +fullback +progresses +geologic +proprietor +replication +gliding +recounted +##bah +##igma +Flow +ii +newcomer +##lasp +##miya +Candace +fractured +interiors +confidential +Inverness +footing +##robe +Coordinator +Westphalia +jumper +##chism +dormitory +##gno +281 +acknowledging +leveled +##éra +Algiers +migrate +Frog +Rare +##iovascular +##urous +DSO +nomadic +##iera +woken +lifeless +##graphical +##ifications +Dot +Sachs +crow +nmi +Tacoma +Weight +mushroom +RS +conditioned +##zine +Tunisian +altering +##mizing +Handicap +Patti +Monsieur +clicking +gorge +interrupting +##powerment +drawers +Serra +##icides +Specialist +##itte +connector +worshipped +##ask +consoles +tags +##iler +glued +##zac +fences +Bratislava +honeymoon +313 +A2 +disposition +Gentleman +Gilmore +glaciers +##scribed +Calhoun +convergence +Aleppo +shortages +##43 +##orax +##worm +##codes +##rmal +neutron +##ossa +Bloomberg +Salford +periodicals +##ryan +Slayer +##ynasties +credentials +##tista +surveyor +File +stinging +unnoticed +Medici +ecstasy +espionage +Jett +Leary +circulating +bargaining +concerto +serviced +37th +HK +##fueling +Delilah +Marcia +graded +##join +Kaplan +feasible +##nale +##yt +Burnley +dreadful +ministerial +Brewster +Judah +##ngled +##rrey +recycled +Iroquois +backstage +parchment +##numbered +Kern +Motorsports +Organizations +##mini +Seems +Warrington +Dunbar +Ezio +##eor +paralyzed +Ara +yeast +##olis +cheated +reappeared +banged +##ymph +##dick +Lyndon +glide +Mat +##natch +Hotels +Household +parasite +irrelevant +youthful +##smic +##tero +##anti +2d +Ignacio +squash +##nets +shale +##اد +Abrams +##oese +assaults +##dier +##otte +Swamp +287 +Spurs +##economic +Fargo +auditioned +##mé +Haas +une +abbreviation +Turkic +##tisfaction +favorites +specials +##lial +Enlightenment +Burkina +##vir +Comparative +Lacrosse +elves +##lerical +##pear +Borders +controllers +##villa +excelled +##acher +##varo +camouflage +perpetual +##ffles +devoid +schooner +##bered +##oris +Gibbons +Lia +discouraged +sue +##gnition +Excellent +Layton +noir +smack +##ivable +##evity +##lone +Myra +weaken +weaponry +##azza +Shake +backbone +Certified +clown +occupational +caller +enslaved +soaking +Wexford +perceive +shortlisted +##pid +feminism +Bari +Indie +##avelin +##ldo +Hellenic +Hundreds +Savings +comedies +Honors +Mohawk +Told +coded +Incorporated +hideous +trusts +hose +Calais +Forster +Gabon +Internationale +AK +Colour +##UM +##heist +McGregor +localized +##tronomy +Darrell +##iara +squirrel +freaked +##eking +##manned +##ungen +radiated +##dua +commence +Donaldson +##iddle +MR +SAS +Tavern +Teenage +admissions +Instruments +##ilizer +Konrad +contemplated +##ductor +Jing +Reacher +recalling +Dhabi +emphasizing +illumination +##tony +legitimacy +Goethe +Ritter +McDonnell +Polar +Seconds +aspiring +derby +tunic +##rmed +outlines +Changing +distortion +##cter +Mechanics +##urly +##vana +Egg +Wolverine +Stupid +centralized +knit +##Ms +Saratoga +Ogden +storylines +##vres +lavish +beverages +##grarian +Kyrgyzstan +forcefully +superb +Elm +Thessaloniki +follower +Plants +slang +trajectory +Nowadays +Bengals +Ingram +perch +coloring +carvings +doubtful +##aph +##gratulations +##41 +Curse +253 +nightstand +Campo +Meiji +decomposition +##giri +McCormick +Yours +##amon +##bang +Texans +injunction +organise +periodical +##peculative +oceans +##aley +Success +Lehigh +##guin +1730 +Davy +allowance +obituary +##tov +treasury +##wayne +euros +readiness +systematically +##stered +##igor +##xen +##cliff +##lya +Send +##umatic +Celtics +Judiciary +425 +propagation +rebellious +##ims +##lut +Dal +##ayman +##cloth +Boise +pairing +Waltz +torment +Hatch +aspirations +diaspora +##hame +Rank +237 +Including +Muir +chained +toxicity +Université +##aroo +Mathews +meadows +##bio +Editing +Khorasan +##them +##ahn +##bari +##umes +evacuate +##sium +gram +kidnap +pinning +##diation +##orms +beacon +organising +McGrath +##ogist +Qur +Tango +##ceptor +##rud +##cend +##cie +##jas +##sided +Tuscany +Venture +creations +exhibiting +##rcerer +##tten +Butcher +Divinity +Pet +Whitehead +falsely +perished +handy +Moines +cyclists +synthesizers +Mortal +notoriety +##ronic +Dialogue +expressive +uk +Nightingale +grimly +vineyards +Driving +relentless +compiler +##district +##tuated +Hades +medicines +objection +Answer +Soap +Chattanooga +##gogue +Haryana +Parties +Turtle +##ferred +explorers +stakeholders +##aar +##rbonne +tempered +conjecture +##tee +##hur +Reeve +bumper +stew +##church +##generate +##ilitating +##chanized +##elier +##enne +translucent +##lows +Publisher +evangelical +inherit +##rted +247 +SmackDown +bitterness +lesions +##worked +mosques +wed +##lashes +Ng +Rebels +booking +##nail +Incident +Sailing +yo +confirms +Chaplin +baths +##kled +modernist +pulsing +Cicero +slaughtered +boasted +##losure +zipper +##hales +aristocracy +halftime +jolt +unlawful +Marching +sustaining +Yerevan +bracket +ram +Markus +##zef +butcher +massage +##quisite +Leisure +Pizza +collapsing +##lante +commentaries +scripted +##disciplinary +##sused +eroded +alleging +vase +Chichester +Peacock +commencement +dice +hotter +poisonous +executions +##occo +frost +fielding +vendor +Counts +Troops +maize +Divisional +analogue +shadowy +Nuevo +Ville +radiating +worthless +Adriatic +Buy +blaze +brutally +horizontally +longed +##matical +federally +Rolf +Root +exclude +rag +agitation +Lounge +astonished +##wirl +Impossible +transformations +##IVE +##ceded +##slav +downloaded +fucked +Egyptians +Welles +##ffington +U2 +befriended +radios +##jid +archaic +compares +##ccelerator +##imated +##tosis +Hung +Scientists +Thousands +geographically +##LR +Macintosh +fluorescent +##ipur +Wehrmacht +##BR +##firmary +Chao +##ague +Boyer +##grounds +##hism +##mento +##taining +infancy +##cton +510 +Boca +##loy +1644 +ben +dong +stresses +Sweat +expressway +graders +ochreous +nets +Lawn +thirst +Uruguayan +satisfactory +##tracts +baroque +rusty +##ław +Shen +Gdańsk +chickens +##graving +Hodge +Papal +SAT +bearer +##ogo +##rger +merits +Calendar +Highest +Skills +##ortex +Roberta +paradigm +recounts +frigates +swamps +unitary +##oker +balloons +Hawthorne +Muse +spurred +advisors +reclaimed +stimulate +fibre +pat +repeal +##dgson +##iar +##rana +anthropologist +descends +flinch +reared +##chang +##eric +##lithic +commissioning +##cumenical +##lume +##rchen +Wolff +##tsky +Eurasian +Nepali +Nightmare +ZIP +playback +##latz +##vington +Warm +##75 +Martina +Rollins +Saetan +Variations +sorting +##م +530 +Joaquin +Ptolemy +thinner +##iator +##pticism +Cebu +Highlanders +Linden +Vanguard +##SV +##mor +##ulge +ISSN +cartridges +repression +Étienne +311 +Lauderdale +commodities +null +##rb +1720 +gearbox +##reator +Ang +Forgotten +dubious +##rls +##dicative +##phate +Groove +Herrera +##çais +Collections +Maximus +##published +Fell +Qualification +filtering +##tized +Roe +hazards +##37 +##lative +##tröm +Guadalupe +Tajikistan +Preliminary +fronted +glands +##paper +##iche +##iding +Cairns +rallies +Location +seduce +##mple +BYU +##itic +##FT +Carmichael +Prentice +songwriters +forefront +Physicians +##rille +##zee +Preparatory +##cherous +UV +##dized +Navarro +misses +##nney +Inland +resisting +##sect +Hurt +##lino +galaxies +##raze +Institutions +devote +##lamp +##ciating +baron +##bracing +Hess +operatic +##CL +##ος +Chevalier +Guiana +##lattered +Fed +##cuted +##smo +Skull +denies +236 +Waller +##mah +Sakura +mole +nominate +sermons +##bering +widowed +##röm +Cavendish +##struction +Nehru +Revelation +doom +Gala +baking +Nr +Yourself +banning +Individuals +Sykes +orchestrated +630 +Phone +steered +620 +specialising +starvation +##AV +##alet +##upation +seductive +##jects +##zure +Tolkien +Benito +Wizards +Submarine +dictator +Duo +Caden +approx +basins +##nc +shrink +##icles +##sponsible +249 +mit +outpost +##bayashi +##rouse +##tl +Jana +Lombard +RBIs +finalized +humanities +##function +Honorable +tomato +##iot +Pie +tee +##pect +Beaufort +Ferris +bucks +##graduate +##ocytes +Directory +anxiously +##nating +flanks +##Ds +virtues +##believable +Grades +criterion +manufactures +sourced +##balt +##dance +##tano +Ying +##BF +##sett +adequately +blacksmith +totaled +trapping +expanse +Historia +Worker +Sense +ascending +housekeeper +##oos +Crafts +Resurrection +##verty +encryption +##aris +##vat +##pox +##runk +##iability +gazes +spying +##ths +helmets +wired +##zophrenia +Cheung +WR +downloads +stereotypes +239 +Lucknow +bleak +Bragg +hauling +##haft +prohibit +##ermined +##castle +barony +##hta +Typhoon +antibodies +##ascism +Hawthorn +Kurdistan +Minority +Gorge +Herr +appliances +disrupt +Drugs +Lazarus +##ilia +##ryo +##tany +Gotta +Masovian +Roxy +choreographed +##rissa +turbulent +##listed +Anatomy +exiting +##det +##isław +580 +Kaufman +sage +##apa +Symposium +##rolls +Kaye +##ptera +##rocław +jerking +##menclature +Guo +M1 +resurrected +trophies +##lard +Gathering +nestled +serpent +Dow +reservoirs +Claremont +arbitration +chronicle +eki +##arded +##zers +##mmoth +Congregational +Astronomical +NE +RA +Robson +Scotch +modelled +slashed +##imus +exceeds +##roper +##utile +Laughing +vascular +superficial +##arians +Barclay +Caucasian +classmate +sibling +Kimberly +Shreveport +##ilde +##liche +Cheney +Deportivo +Veracruz +berries +##lase +Bed +MI +Anatolia +Mindanao +broadband +##olia +##arte +##wab +darts +##immer +##uze +believers +ordinance +violate +##wheel +##ynth +Alongside +Coupe +Hobbs +arrondissement +earl +townland +##dote +##lihood +##sla +Ghosts +midfield +pulmonary +##eno +cues +##gol +##zda +322 +Siena +Sultanate +Bradshaw +Pieter +##thical +Raceway +bared +competence +##ssent +Bet +##urer +##ła +Alistair +Göttingen +appropriately +forge +##osterone +##ugen +DL +345 +convoys +inventions +##resses +##cturnal +Fay +Integration +slash +##roats +Widow +barking +##fant +1A +Hooper +##cona +##runched +unreliable +##emont +##esign +##stabulary +##stop +Journalists +bony +##iba +##trata +##ège +horrific +##bish +Jocelyn +##rmon +##apon +##cier +trainers +##ulatory +1753 +BR +corpus +synthesized +##bidden +##rafford +Elgin +##entry +Doherty +clockwise +##played +spins +##ample +##bley +Cope +constructions +seater +warlord +Voyager +documenting +fairies +##viator +Lviv +jewellery +suites +##gold +Maia +NME +##eavor +##kus +Eugène +furnishings +##risto +MCC +Metropolis +Older +Telangana +##mpus +amplifier +supervising +1710 +buffalo +cushion +terminating +##powering +steak +Quickly +contracting +dem +sarcastically +Elsa +##hein +bastards +narratives +Takes +304 +composure +typing +variance +##ifice +Softball +##rations +McLaughlin +gaped +shrines +##hogany +Glamorgan +##icle +##nai +##ntin +Fleetwood +Woodland +##uxe +fictitious +shrugs +##iper +BWV +conform +##uckled +Launch +##ductory +##mized +Tad +##stituted +##free +Bel +Chávez +messing +quartz +##iculate +##folia +##lynn +ushered +##29 +##ailing +dictated +Pony +##opsis +precinct +802 +Plastic +##ughter +##uno +##porated +Denton +Matters +SPD +hating +##rogen +Essential +Deck +Dortmund +obscured +##maging +Earle +##bred +##ittle +##ropolis +saturated +##fiction +##ression +Pereira +Vinci +mute +warehouses +##ún +biographies +##icking +sealing +##dered +executing +pendant +##wives +murmurs +##oko +substrates +symmetrical +Susie +##mare +Yusuf +analogy +##urage +Lesley +limitation +##rby +##ío +disagreements +##mise +embroidered +nape +unarmed +Sumner +Stores +dwell +Wilcox +creditors +##rivatization +##shes +##amia +directs +recaptured +scouting +McGuire +cradle +##onnell +Sato +insulin +mercenary +tolerant +Macquarie +transitions +cradled +##berto +##ivism +##yotes +FF +Ke +Reach +##dbury +680 +##bill +##oja +##sui +prairie +##ogan +reactive +##icient +##rits +Cyclone +Sirius +Survival +Pak +##coach +##trar +halves +Agatha +Opus +contrasts +##jection +ominous +##iden +Baylor +Woodrow +duct +fortification +intercourse +##rois +Colbert +envy +##isi +Afterward +geared +##flections +accelerate +##lenching +Witness +##rrer +Angelina +Material +assertion +misconduct +Nix +cringed +tingling +##eti +##gned +Everest +disturb +sturdy +##keepers +##vied +Profile +heavenly +##kova +##victed +translating +##sses +316 +Invitational +Mention +martyr +##uristic +Barron +hardness +Nakamura +405 +Genevieve +reflections +##falls +jurist +##LT +Pyramid +##yme +Shoot +heck +linguist +##tower +Ives +superiors +##leo +Achilles +##phological +Christophe +Padma +precedence +grassy +Oral +resurrection +##itting +clumsy +##lten +##rue +huts +##stars +Equal +##queduct +Devin +Gaga +diocesan +##plating +##upe +##graphers +Patch +Scream +hail +moaning +tracts +##hdi +Examination +outsider +##ergic +##oter +Archipelago +Havilland +greenish +tilting +Aleksandr +Konstantin +warship +##emann +##gelist +##ought +billionaire +##blivion +321 +Hungarians +transplant +##jured +##fters +Corbin +autism +pitchers +Garner +thence +Scientology +transitioned +integrating +repetitive +##dant +Rene +vomit +##burne +1661 +Researchers +Wallis +insulted +wavy +##wati +Ewing +excitedly +##kor +frescoes +injustice +##achal +##lumber +##úl +novella +##sca +Liv +##enstein +##river +monstrous +topping +downfall +looming +sinks +trillion +##pont +Effect +##phi +##urley +Sites +catchment +##H1 +Hopper +##raiser +1642 +Maccabi +lance +##chia +##sboro +NSA +branching +retorted +tensor +Immaculate +drumming +feeder +##mony +Dyer +homicide +Temeraire +fishes +protruding +skins +orchards +##nso +inlet +ventral +##finder +Asiatic +Sul +1688 +Melinda +assigns +paranormal +gardening +Tau +calming +##inge +##crow +regimental +Nik +fastened +correlated +##gene +##rieve +Sick +##minster +##politan +hardwood +hurled +##ssler +Cinematography +rhyme +Montenegrin +Packard +debating +##itution +Helens +Trick +Museums +defiance +encompassed +##EE +##TU +##nees +##uben +##ünster +##nosis +435 +Hagen +cinemas +Corbett +commended +##fines +##oman +bosses +ripe +scraping +##loc +filly +Saddam +pointless +Faust +Orléans +Syriac +##♭ +longitude +##ropic +Alfa +bliss +gangster +##ckling +SL +blending +##eptide +##nner +bends +escorting +##bloid +##quis +burials +##sle +##è +Ambulance +insults +##gth +Antrim +unfolded +##missible +splendid +Cure +warily +Saigon +Waste +astonishment +boroughs +##VS +##dalgo +##reshing +##usage +rue +marital +versatile +unpaid +allotted +bacterium +##coil +##cue +Dorothea +IDF +##location +##yke +RPG +##tropical +devotees +liter +##pree +Johnstone +astronaut +attends +pollen +periphery +doctrines +meta +showered +##tyn +GO +Huh +laude +244 +Amar +Christensen +Ping +Pontifical +Austen +raiding +realities +##dric +urges +##dek +Cambridgeshire +##otype +Cascade +Greenberg +Pact +##cognition +##aran +##urion +Riot +mimic +Eastwood +##imating +reversal +##blast +##henian +Pitchfork +##sunderstanding +Staten +WCW +lieu +##bard +##sang +experimenting +Aquino +##lums +TNT +Hannibal +catastrophic +##lsive +272 +308 +##otypic +41st +Highways +aggregator +##fluenza +Featured +Reece +dispatch +simulated +##BE +Communion +Vinnie +hardcover +inexpensive +til +##adores +groundwater +kicker +blogs +frenzy +##wala +dealings +erase +Anglia +##umour +Hapoel +Marquette +##raphic +##tives +consult +atrocities +concussion +##érard +Decree +ethanol +##aen +Rooney +##chemist +##hoot +1620 +menacing +Schuster +##bearable +laborers +sultan +Juliana +erased +onstage +##ync +Eastman +##tick +hushed +##yrinth +Lexie +Wharton +Lev +##PL +Testing +Bangladeshi +##bba +##usions +communicated +integers +internship +societal +##odles +Loki +ET +Ghent +broadcasters +Unix +##auer +Kildare +Yamaha +##quencing +##zman +chilled +##rapped +##uant +Duval +sentiments +Oliveira +packets +Horne +##rient +Harlan +Mirage +invariant +##anger +##tensive +flexed +sweetness +##wson +alleviate +insulting +limo +Hahn +##llars +##hesia +##lapping +buys +##oaming +mocked +pursuits +scooted +##conscious +##ilian +Ballad +jackets +##kra +hilly +##cane +Scenic +McGraw +silhouette +whipping +##roduced +##wark +##chess +##rump +Lemon +calculus +demonic +##latine +Bharatiya +Govt +Que +Trilogy +Ducks +Suit +stairway +##ceipt +Isa +regulator +Automobile +flatly +##buster +##lank +Spartans +topography +Tavi +usable +Chartered +Fairchild +##sance +##vyn +Digest +nuclei +typhoon +##llon +Alvarez +DJs +Grimm +authoritative +firearm +##chschule +Origins +lair +unmistakable +##xial +##cribing +Mouth +##genesis +##shū +##gaon +##ulter +Jaya +Neck +##UN +##oing +##static +relativity +##mott +##utive +##esan +##uveau +BT +salts +##roa +Dustin +preoccupied +Novgorod +##asus +Magnum +tempting +##histling +##ilated +Musa +##ghty +Ashland +pubs +routines +##etto +Soto +257 +Featuring +Augsburg +##alaya +Bit +loomed +expects +##abby +##ooby +Auschwitz +Pendleton +vodka +##sent +rescuing +systemic +##inet +##leg +Yun +applicant +revered +##nacht +##ndas +Muller +characterization +##patient +##roft +Carole +##asperated +Amiga +disconnected +gel +##cologist +Patriotic +rallied +assign +veterinary +installing +##cedural +258 +Jang +Parisian +incarcerated +stalk +##iment +Jamal +McPherson +Palma +##oken +##viation +512 +Rourke +irrational +##rippled +Devlin +erratic +##NI +##payers +Ni +engages +Portal +aesthetics +##rrogance +Milne +assassins +##rots +335 +385 +Cambodian +Females +fellows +si +##block +##otes +Jayne +Toro +flutter +##eera +Burr +##lanche +relaxation +##fra +Fitzroy +##undy +1751 +261 +comb +conglomerate +ribbons +veto +##Es +casts +##ege +1748 +Ares +spears +spirituality +comet +##nado +##yeh +Veterinary +aquarium +yer +Councils +##oked +##ynamic +Malmö +remorse +auditions +drilled +Hoffmann +Moe +Nagoya +Yacht +##hakti +##race +##rrick +Talmud +coordinating +##EI +##bul +##his +##itors +##ligent +##uerra +Narayan +goaltender +taxa +##asures +Det +##mage +Infinite +Maid +bean +intriguing +##cription +gasps +socket +##mentary +##reus +sewing +transmitting +##different +##furbishment +##traction +Grimsby +sprawling +Shipyard +##destine +##hropic +##icked +trolley +##agi +##lesh +Josiah +invasions +Content +firefighters +intro +Lucifer +subunit +Sahib +Myrtle +inhibitor +maneuvers +##teca +Wrath +slippery +##versing +Shoes +##dial +##illiers +##luded +##mmal +##pack +handkerchief +##edestal +##stones +Fusion +cumulative +##mell +##cacia +##rudge +##utz +foe +storing +swiped +##meister +##orra +batter +strung +##venting +##kker +Doo +Taste +immensely +Fairbanks +Jarrett +Boogie +1746 +mage +Kick +legislators +medial +##ilon +##logies +##ranton +Hybrid +##uters +Tide +deportation +Metz +##secration +##virus +UFO +##fell +##orage +##raction +##rrigan +1747 +fabricated +##BM +##GR +##rter +muttering +theorist +##tamine +BMG +Kincaid +solvent +##azed +Thin +adorable +Wendell +ta +##viour +pulses +##pologies +counters +exposition +sewer +Luciano +Clancy +##angelo +##riars +Showtime +observes +frankly +##oppy +Bergman +lobes +timetable +##bri +##uest +FX +##dust +##genus +Glad +Helmut +Meridian +##besity +##ontaine +Revue +miracles +##titis +PP +bluff +syrup +307 +Messiah +##erne +interfering +picturesque +unconventional +dipping +hurriedly +Kerman +248 +Ethnic +Toward +acidic +Harrisburg +##65 +intimidating +##aal +Jed +Pontiac +munitions +##nchen +growling +mausoleum +##ération +##wami +Cy +aerospace +caucus +Doing +##around +##miring +Cuthbert +##poradic +##rovisation +##wth +evaluating +##scraper +Belinda +owes +##sitic +##thermal +##fast +economists +##lishing +##uerre +##ân +credible +##koto +Fourteen +cones +##ebrates +bookstore +towels +##phony +Appearance +newscasts +##olin +Karin +Bingham +##elves +1680 +306 +disks +##lston +##secutor +Levant +##vout +Micro +snuck +##ogel +##racker +Exploration +drastic +##kening +Elsie +endowment +##utnant +Blaze +##rrosion +leaking +45th +##rug +##uernsey +760 +Shapiro +cakes +##ehan +##mei +##ité +##kla +repetition +successively +Friendly +Île +Koreans +Au +Tirana +flourish +Spirits +Yao +reasoned +##leam +Consort +cater +marred +ordeal +supremacy +##ritable +Paisley +euro +healer +portico +wetland +##kman +restart +##habilitation +##zuka +##Script +emptiness +communion +##CF +##inhabited +##wamy +Casablanca +pulsed +##rrible +##safe +395 +Dual +Terrorism +##urge +##found +##gnolia +Courage +patriarch +segregated +intrinsic +##liography +##phe +PD +convection +##icidal +Dharma +Jimmie +texted +constituents +twitch +##calated +##mitage +##ringing +415 +milling +##geons +Armagh +Geometridae +evergreen +needy +reflex +template +##pina +Schubert +##bruck +##icted +##scher +##wildered +1749 +Joanne +clearer +##narl +278 +Print +automation +consciously +flashback +occupations +##ests +Casimir +differentiated +policing +repay +##aks +##gnesium +Evaluation +commotion +##CM +##smopolitan +Clapton +mitochondrial +Kobe +1752 +Ignoring +Vincenzo +Wet +bandage +##rassed +##unate +Maris +##eted +##hetical +figuring +##eit +##nap +leopard +strategically +##reer +Fen +Iain +##ggins +##pipe +Matteo +McIntyre +##chord +##feng +Romani +asshole +flopped +reassure +Founding +Styles +Torino +patrolling +##erging +##ibrating +##ructural +sincerity +##ät +##teacher +Juliette +##cé +##hog +##idated +##span +Winfield +##fender +##nast +##pliant +1690 +Bai +Je +Saharan +expands +Bolshevik +rotate +##root +Britannia +Severn +##cini +##gering +##say +sly +Steps +insertion +rooftop +Piece +cuffs +plausible +##zai +Provost +semantic +##data +##vade +##cimal +IPA +indictment +Libraries +flaming +highlands +liberties +##pio +Elders +aggressively +##pecific +Decision +pigeon +nominally +descriptive +adjustments +equestrian +heaving +##mour +##dives +##fty +##yton +intermittent +##naming +##sets +Calvert +Casper +Tarzan +##kot +Ramírez +##IB +##erus +Gustavo +Roller +vaulted +##solation +##formatics +##tip +Hunger +colloquially +handwriting +hearth +launcher +##idian +##ilities +##lind +##locating +Magdalena +Soo +clubhouse +##kushima +##ruit +Bogotá +Organic +Worship +##Vs +##wold +upbringing +##kick +groundbreaking +##urable +##ván +repulsed +##dira +##ditional +##ici +melancholy +##bodied +##cchi +404 +concurrency +H₂O +bouts +##gami +288 +Leto +troll +##lak +advising +bundled +##nden +lipstick +littered +##leading +##mogeneous +Experiment +Nikola +grove +##ogram +Mace +##jure +cheat +Annabelle +Tori +lurking +Emery +Walden +##riz +paints +Markets +brutality +overrun +##agu +##sat +din +ostensibly +Fielding +flees +##eron +Pound +ornaments +tornadoes +##nikov +##organisation +##reen +##Works +##ldred +##olten +##stillery +soluble +Mata +Grimes +Léon +##NF +coldly +permitting +##inga +##reaked +Agents +hostess +##dl +Dyke +Kota +avail +orderly +##saur +##sities +Arroyo +##ceps +##egro +Hawke +Noctuidae +html +seminar +##ggles +##wasaki +Clube +recited +##sace +Ascension +Fitness +dough +##ixel +Nationale +##solidate +pulpit +vassal +570 +Annapolis +bladder +phylogenetic +##iname +convertible +##ppan +Comet +paler +##definite +Spot +##dices +frequented +Apostles +slalom +##ivision +##mana +##runcated +Trojan +##agger +##iq +##league +Concept +Controller +##barian +##curate +##spersed +##tring +engulfed +inquired +##hmann +286 +##dict +##osy +##raw +MacKenzie +su +##ienced +##iggs +##quitaine +bisexual +##noon +runways +subsp +##! +##" +### +##$ +##% +##& +##' +##( +##) +##* +##+ +##, +##- +##. +##/ +##: +##; +##< +##= +##> +##? +##@ +##[ +##\ +##] +##^ +##_ +##` +##{ +##| +##} +##~ +##¡ +##¢ +##£ +##¥ +##§ +##¨ +##© +##ª +##« +##¬ +##® +##± +##´ +##µ +##¶ +##· +##¹ +##º +##» +##¼ +##¾ +##¿ +##À +##Á +## +##Ä +##Å +##Æ +##Ç +##È +##É +##Í +##Î +##Ñ +##Ó +##Ö +##× +##Ø +##Ú +##Ü +##Þ +##â +##ã +##æ +##ç +##î +##ï +##ð +##ñ +##ô +##õ +##÷ +##û +##þ +##ÿ +##Ā +##ą +##Ć +##Č +##ď +##Đ +##đ +##ē +##ė +##ę +##ě +##ğ +##ġ +##Ħ +##ħ +##ĩ +##Ī +##İ +##ļ +##Ľ +##ľ +##Ł +##ņ +##ň +##ŋ +##Ō +##ŏ +##ő +##Œ +##œ +##ř +##Ś +##ś +##Ş +##Š +##Ţ +##ţ +##ť +##ũ +##ŭ +##ů +##ű +##ų +##ŵ +##ŷ +##ź +##Ż +##ż +##Ž +##ž +##Ə +##ƒ +##ơ +##ư +##ǎ +##ǐ +##ǒ +##ǔ +##ǫ +##Ș +##Ț +##ț +##ɐ +##ɑ +##ɔ +##ɕ +##ə +##ɛ +##ɡ +##ɣ +##ɨ +##ɪ +##ɲ +##ɾ +##ʀ +##ʁ +##ʂ +##ʃ +##ʊ +##ʋ +##ʌ +##ʐ +##ʑ +##ʒ +##ʔ +##ʰ +##ʲ +##ʳ +##ʷ +##ʻ +##ʼ +##ʾ +##ʿ +##ˈ +##ː +##ˡ +##ˢ +##ˣ +##́ +##̃ +##̍ +##̯ +##͡ +##Α +##Β +##Γ +##Δ +##Ε +##Η +##Θ +##Ι +##Κ +##Λ +##Μ +##Ν +##Ο +##Π +##Σ +##Τ +##Φ +##Χ +##Ψ +##Ω +##ά +##έ +##ή +##ί +##β +##γ +##δ +##ε +##ζ +##η +##θ +##ι +##κ +##λ +##μ +##ξ +##ο +##π +##ρ +##σ +##τ +##υ +##φ +##χ +##ψ +##ω +##ό +##ύ +##ώ +##І +##Ј +##А +##Б +##В +##Г +##Д +##Е +##Ж +##З +##И +##К +##Л +##М +##Н +##О +##П +##Р +##С +##Т +##У +##Ф +##Х +##Ц +##Ч +##Ш +##Э +##Ю +##Я +##б +##в +##г +##д +##ж +##з +##к +##л +##м +##п +##с +##т +##у +##ф +##х +##ц +##ч +##ш +##щ +##ъ +##ы +##ь +##э +##ю +##ё +##і +##ї +##ј +##њ +##ћ +##Ա +##Հ +##ա +##ե +##ի +##կ +##մ +##յ +##ն +##ո +##ս +##տ +##ր +##ւ +##ְ +##ִ +##ֵ +##ֶ +##ַ +##ָ +##ֹ +##ּ +##א +##ב +##ג +##ד +##ה +##ו +##ז +##ח +##ט +##י +##כ +##ל +##ם +##מ +##ן +##נ +##ס +##ע +##פ +##צ +##ק +##ר +##ש +##ת +##، +##ء +##آ +##أ +##إ +##ئ +##ا +##ب +##ت +##ث +##ج +##ح +##خ +##ذ +##ز +##س +##ش +##ص +##ض +##ط +##ظ +##ع +##غ +##ف +##ق +##ك +##ل +##و +##ى +##َ +##ِ +##ٹ +##پ +##چ +##ک +##گ +##ہ +##ی +##ے +##ं +##आ +##क +##ग +##च +##ज +##ण +##त +##द +##ध +##न +##प +##ब +##भ +##म +##य +##र +##ल +##व +##श +##ष +##स +##ह +##ा +##ि +##ी +##ु +##े +##ो +##् +##। +##॥ +##আ +##ই +##এ +##ও +##ক +##খ +##গ +##চ +##ছ +##জ +##ট +##ত +##থ +##দ +##ধ +##ন +##প +##ব +##ম +##য +##র +##ল +##শ +##স +##হ +##় +##া +##ি +##ী +##ু +##ে +##ো +##্ +##য় +##க +##த +##ப +##ம +##ய +##ர +##ல +##வ +##ா +##ி +##ு +##் +##ร +##་ +##ག +##ང +##ད +##ན +##བ +##མ +##ར +##ལ +##ས +##ི +##ུ +##ེ +##ོ +##ა +##ე +##ი +##ლ +##ნ +##ო +##რ +##ს +##ᴬ +##ᴵ +##ᵀ +##ᵃ +##ᵇ +##ᵈ +##ᵉ +##ᵍ +##ᵏ +##ᵐ +##ᵒ +##ᵖ +##ᵗ +##ᵘ +##ᵣ +##ᵤ +##ᵥ +##ᶜ +##ᶠ +##ḍ +##Ḥ +##ḥ +##Ḩ +##ḩ +##ḳ +##ṃ +##ṅ +##ṇ +##ṛ +##ṣ +##ṭ +##ạ +##ả +##ấ +##ầ +##ẩ +##ậ +##ắ +##ế +##ề +##ể +##ễ +##ệ +##ị +##ọ +##ố +##ồ +##ổ +##ộ +##ớ +##ờ +##ợ +##ụ +##ủ +##ứ +##ừ +##ử +##ữ +##ự +##ỳ +##ỹ +##ἀ +##ἐ +##ὁ +##ὐ +##ὰ +##ὶ +##ὸ +##ῆ +##ῖ +##ῦ +##ῶ +##‐ +##‑ +##‒ +##– +##— +##― +##‖ +##‘ +##’ +##‚ +##“ +##” +##„ +##† +##‡ +##• +##… +##‰ +##′ +##″ +##⁄ +##⁰ +##ⁱ +##⁴ +##⁵ +##⁶ +##⁷ +##⁸ +##⁹ +##⁻ +##ⁿ +##₅ +##₆ +##₇ +##₈ +##₉ +##₊ +##₍ +##₎ +##ₐ +##ₑ +##ₒ +##ₓ +##ₕ +##ₖ +##ₘ +##ₚ +##ₛ +##ₜ +##₤ +##€ +##₱ +##₹ +##ℓ +##№ +##ℝ +##⅓ +##← +##↑ +##→ +##↔ +##⇌ +##⇒ +##∂ +##∈ +##∗ +##∘ +##√ +##∞ +##∧ +##∨ +##∩ +##∪ +##≈ +##≠ +##≡ +##≤ +##≥ +##⊂ +##⊆ +##⊕ +##⋅ +##─ +##│ +##■ +##● +##★ +##☆ +##☉ +##♠ +##♣ +##♥ +##♦ +##♯ +##⟨ +##⟩ +##ⱼ +##、 +##。 +##《 +##》 +##「 +##」 +##『 +##』 +##〜 +##い +##う +##え +##お +##か +##き +##く +##け +##こ +##さ +##し +##す +##せ +##そ +##た +##ち +##つ +##て +##と +##な +##に +##の +##は +##ひ +##ま +##み +##む +##め +##も +##や +##ゆ +##よ +##ら +##り +##る +##れ +##ん +##ア +##ィ +##イ +##ウ +##エ +##オ +##カ +##ガ +##キ +##ク +##グ +##コ +##サ +##シ +##ジ +##ス +##ズ +##タ +##ダ +##ッ +##テ +##デ +##ト +##ド +##ナ +##ニ +##ハ +##バ +##パ +##フ +##ブ +##プ +##マ +##ミ +##ム +##ャ +##ュ +##ラ +##リ +##ル +##レ +##ロ +##ン +##・ +##ー +##一 +##三 +##上 +##下 +##中 +##事 +##二 +##井 +##京 +##人 +##亻 +##仁 +##佐 +##侍 +##光 +##公 +##力 +##北 +##十 +##南 +##原 +##口 +##史 +##司 +##吉 +##同 +##和 +##囗 +##国 +##國 +##土 +##城 +##士 +##大 +##天 +##太 +##夫 +##女 +##子 +##宀 +##安 +##宮 +##宿 +##小 +##尚 +##山 +##島 +##川 +##州 +##平 +##年 +##心 +##愛 +##戸 +##文 +##新 +##方 +##日 +##明 +##星 +##書 +##月 +##木 +##本 +##李 +##村 +##東 +##松 +##林 +##正 +##武 +##氏 +##水 +##氵 +##江 +##河 +##海 +##版 +##犬 +##王 +##生 +##田 +##白 +##皇 +##省 +##真 +##石 +##社 +##神 +##竹 +##美 +##義 +##花 +##藤 +##西 +##谷 +##車 +##辶 +##道 +##郎 +##郡 +##部 +##野 +##金 +##長 +##門 +##陽 +##青 +##食 +##馬 +##高 +##龍 +##龸 +##사 +##씨 +##의 +##이 +##한 +##fi +##fl +##! +##( +##) +##, +##- +##/ +##: diff --git a/test/asset/bert_base_uncased_vocab.txt b/test/asset/bert_base_uncased_vocab.txt new file mode 100644 index 0000000000..fb140275c1 --- /dev/null +++ b/test/asset/bert_base_uncased_vocab.txt @@ -0,0 +1,30522 @@ +[PAD] +[unused0] +[unused1] +[unused2] +[unused3] +[unused4] +[unused5] +[unused6] +[unused7] +[unused8] +[unused9] +[unused10] +[unused11] +[unused12] +[unused13] +[unused14] +[unused15] +[unused16] +[unused17] +[unused18] +[unused19] +[unused20] +[unused21] +[unused22] +[unused23] +[unused24] +[unused25] +[unused26] +[unused27] +[unused28] +[unused29] +[unused30] +[unused31] +[unused32] +[unused33] +[unused34] +[unused35] +[unused36] +[unused37] +[unused38] +[unused39] +[unused40] +[unused41] +[unused42] +[unused43] +[unused44] +[unused45] +[unused46] +[unused47] +[unused48] +[unused49] +[unused50] +[unused51] +[unused52] +[unused53] +[unused54] +[unused55] +[unused56] +[unused57] +[unused58] +[unused59] +[unused60] +[unused61] +[unused62] +[unused63] +[unused64] +[unused65] +[unused66] +[unused67] +[unused68] +[unused69] +[unused70] +[unused71] +[unused72] +[unused73] +[unused74] +[unused75] +[unused76] +[unused77] +[unused78] +[unused79] +[unused80] +[unused81] +[unused82] +[unused83] +[unused84] +[unused85] +[unused86] +[unused87] +[unused88] +[unused89] +[unused90] +[unused91] +[unused92] +[unused93] +[unused94] +[unused95] +[unused96] +[unused97] +[unused98] +[UNK] +[CLS] +[SEP] +[MASK] +[unused99] +[unused100] +[unused101] +[unused102] +[unused103] +[unused104] +[unused105] +[unused106] +[unused107] +[unused108] +[unused109] +[unused110] +[unused111] +[unused112] +[unused113] +[unused114] +[unused115] +[unused116] +[unused117] +[unused118] +[unused119] +[unused120] +[unused121] +[unused122] +[unused123] +[unused124] +[unused125] +[unused126] +[unused127] +[unused128] +[unused129] +[unused130] +[unused131] +[unused132] +[unused133] +[unused134] +[unused135] +[unused136] +[unused137] +[unused138] +[unused139] +[unused140] +[unused141] +[unused142] +[unused143] +[unused144] +[unused145] +[unused146] +[unused147] +[unused148] +[unused149] +[unused150] +[unused151] +[unused152] +[unused153] +[unused154] +[unused155] +[unused156] +[unused157] +[unused158] +[unused159] +[unused160] +[unused161] +[unused162] +[unused163] +[unused164] +[unused165] +[unused166] +[unused167] +[unused168] +[unused169] +[unused170] +[unused171] +[unused172] +[unused173] +[unused174] +[unused175] +[unused176] +[unused177] +[unused178] +[unused179] +[unused180] +[unused181] +[unused182] +[unused183] +[unused184] +[unused185] +[unused186] +[unused187] +[unused188] +[unused189] +[unused190] +[unused191] +[unused192] +[unused193] +[unused194] +[unused195] +[unused196] +[unused197] +[unused198] +[unused199] +[unused200] +[unused201] +[unused202] +[unused203] +[unused204] +[unused205] +[unused206] +[unused207] +[unused208] +[unused209] +[unused210] +[unused211] +[unused212] +[unused213] +[unused214] +[unused215] +[unused216] +[unused217] +[unused218] +[unused219] +[unused220] +[unused221] +[unused222] +[unused223] +[unused224] +[unused225] +[unused226] +[unused227] +[unused228] +[unused229] +[unused230] +[unused231] +[unused232] +[unused233] +[unused234] +[unused235] +[unused236] +[unused237] +[unused238] +[unused239] +[unused240] +[unused241] +[unused242] +[unused243] +[unused244] +[unused245] +[unused246] +[unused247] +[unused248] +[unused249] +[unused250] +[unused251] +[unused252] +[unused253] +[unused254] +[unused255] +[unused256] +[unused257] +[unused258] +[unused259] +[unused260] +[unused261] +[unused262] +[unused263] +[unused264] +[unused265] +[unused266] +[unused267] +[unused268] +[unused269] +[unused270] +[unused271] +[unused272] +[unused273] +[unused274] +[unused275] +[unused276] +[unused277] +[unused278] +[unused279] +[unused280] +[unused281] +[unused282] +[unused283] +[unused284] +[unused285] +[unused286] +[unused287] +[unused288] +[unused289] +[unused290] +[unused291] +[unused292] +[unused293] +[unused294] +[unused295] +[unused296] +[unused297] +[unused298] +[unused299] +[unused300] +[unused301] +[unused302] +[unused303] +[unused304] +[unused305] +[unused306] +[unused307] +[unused308] +[unused309] +[unused310] +[unused311] +[unused312] +[unused313] +[unused314] +[unused315] +[unused316] +[unused317] +[unused318] +[unused319] +[unused320] +[unused321] +[unused322] +[unused323] +[unused324] +[unused325] +[unused326] +[unused327] +[unused328] +[unused329] +[unused330] +[unused331] +[unused332] +[unused333] +[unused334] +[unused335] +[unused336] +[unused337] +[unused338] +[unused339] +[unused340] +[unused341] +[unused342] +[unused343] +[unused344] +[unused345] +[unused346] +[unused347] +[unused348] +[unused349] +[unused350] +[unused351] +[unused352] +[unused353] +[unused354] +[unused355] +[unused356] +[unused357] +[unused358] +[unused359] +[unused360] +[unused361] +[unused362] +[unused363] +[unused364] +[unused365] +[unused366] +[unused367] +[unused368] +[unused369] +[unused370] +[unused371] +[unused372] +[unused373] +[unused374] +[unused375] +[unused376] +[unused377] +[unused378] +[unused379] +[unused380] +[unused381] +[unused382] +[unused383] +[unused384] +[unused385] +[unused386] +[unused387] +[unused388] +[unused389] +[unused390] +[unused391] +[unused392] +[unused393] +[unused394] +[unused395] +[unused396] +[unused397] +[unused398] +[unused399] +[unused400] +[unused401] +[unused402] +[unused403] +[unused404] +[unused405] +[unused406] +[unused407] +[unused408] +[unused409] +[unused410] +[unused411] +[unused412] +[unused413] +[unused414] +[unused415] +[unused416] +[unused417] +[unused418] +[unused419] +[unused420] +[unused421] +[unused422] +[unused423] +[unused424] +[unused425] +[unused426] +[unused427] +[unused428] +[unused429] +[unused430] +[unused431] +[unused432] +[unused433] +[unused434] +[unused435] +[unused436] +[unused437] +[unused438] +[unused439] +[unused440] +[unused441] +[unused442] +[unused443] +[unused444] +[unused445] +[unused446] +[unused447] +[unused448] +[unused449] +[unused450] +[unused451] +[unused452] +[unused453] +[unused454] +[unused455] +[unused456] +[unused457] +[unused458] +[unused459] +[unused460] +[unused461] +[unused462] +[unused463] +[unused464] +[unused465] +[unused466] +[unused467] +[unused468] +[unused469] +[unused470] +[unused471] +[unused472] +[unused473] +[unused474] +[unused475] +[unused476] +[unused477] +[unused478] +[unused479] +[unused480] +[unused481] +[unused482] +[unused483] +[unused484] +[unused485] +[unused486] +[unused487] +[unused488] +[unused489] +[unused490] +[unused491] +[unused492] +[unused493] +[unused494] +[unused495] +[unused496] +[unused497] +[unused498] +[unused499] +[unused500] +[unused501] +[unused502] +[unused503] +[unused504] +[unused505] +[unused506] +[unused507] +[unused508] +[unused509] +[unused510] +[unused511] +[unused512] +[unused513] +[unused514] +[unused515] +[unused516] +[unused517] +[unused518] +[unused519] +[unused520] +[unused521] +[unused522] +[unused523] +[unused524] +[unused525] +[unused526] +[unused527] +[unused528] +[unused529] +[unused530] +[unused531] +[unused532] +[unused533] +[unused534] +[unused535] +[unused536] +[unused537] +[unused538] +[unused539] +[unused540] +[unused541] +[unused542] +[unused543] +[unused544] +[unused545] +[unused546] +[unused547] +[unused548] +[unused549] +[unused550] +[unused551] +[unused552] +[unused553] +[unused554] +[unused555] +[unused556] +[unused557] +[unused558] +[unused559] +[unused560] +[unused561] +[unused562] +[unused563] +[unused564] +[unused565] +[unused566] +[unused567] +[unused568] +[unused569] +[unused570] +[unused571] +[unused572] +[unused573] +[unused574] +[unused575] +[unused576] +[unused577] +[unused578] +[unused579] +[unused580] +[unused581] +[unused582] +[unused583] +[unused584] +[unused585] +[unused586] +[unused587] +[unused588] +[unused589] +[unused590] +[unused591] +[unused592] +[unused593] +[unused594] +[unused595] +[unused596] +[unused597] +[unused598] +[unused599] +[unused600] +[unused601] +[unused602] +[unused603] +[unused604] +[unused605] +[unused606] +[unused607] +[unused608] +[unused609] +[unused610] +[unused611] +[unused612] +[unused613] +[unused614] +[unused615] +[unused616] +[unused617] +[unused618] +[unused619] +[unused620] +[unused621] +[unused622] +[unused623] +[unused624] +[unused625] +[unused626] +[unused627] +[unused628] +[unused629] +[unused630] +[unused631] +[unused632] +[unused633] +[unused634] +[unused635] +[unused636] +[unused637] +[unused638] +[unused639] +[unused640] +[unused641] +[unused642] +[unused643] +[unused644] +[unused645] +[unused646] +[unused647] +[unused648] +[unused649] +[unused650] +[unused651] +[unused652] +[unused653] +[unused654] +[unused655] +[unused656] +[unused657] +[unused658] +[unused659] +[unused660] +[unused661] +[unused662] +[unused663] +[unused664] +[unused665] +[unused666] +[unused667] +[unused668] +[unused669] +[unused670] +[unused671] +[unused672] +[unused673] +[unused674] +[unused675] +[unused676] +[unused677] +[unused678] +[unused679] +[unused680] +[unused681] +[unused682] +[unused683] +[unused684] +[unused685] +[unused686] +[unused687] +[unused688] +[unused689] +[unused690] +[unused691] +[unused692] +[unused693] +[unused694] +[unused695] +[unused696] +[unused697] +[unused698] +[unused699] +[unused700] +[unused701] +[unused702] +[unused703] +[unused704] +[unused705] +[unused706] +[unused707] +[unused708] +[unused709] +[unused710] +[unused711] +[unused712] +[unused713] +[unused714] +[unused715] +[unused716] +[unused717] +[unused718] +[unused719] +[unused720] +[unused721] +[unused722] +[unused723] +[unused724] +[unused725] +[unused726] +[unused727] +[unused728] +[unused729] +[unused730] +[unused731] +[unused732] +[unused733] +[unused734] +[unused735] +[unused736] +[unused737] +[unused738] +[unused739] +[unused740] +[unused741] +[unused742] +[unused743] +[unused744] +[unused745] +[unused746] +[unused747] +[unused748] +[unused749] +[unused750] +[unused751] +[unused752] +[unused753] +[unused754] +[unused755] +[unused756] +[unused757] +[unused758] +[unused759] +[unused760] +[unused761] +[unused762] +[unused763] +[unused764] +[unused765] +[unused766] +[unused767] +[unused768] +[unused769] +[unused770] +[unused771] +[unused772] +[unused773] +[unused774] +[unused775] +[unused776] +[unused777] +[unused778] +[unused779] +[unused780] +[unused781] +[unused782] +[unused783] +[unused784] +[unused785] +[unused786] +[unused787] +[unused788] +[unused789] +[unused790] +[unused791] +[unused792] +[unused793] +[unused794] +[unused795] +[unused796] +[unused797] +[unused798] +[unused799] +[unused800] +[unused801] +[unused802] +[unused803] +[unused804] +[unused805] +[unused806] +[unused807] +[unused808] +[unused809] +[unused810] +[unused811] +[unused812] +[unused813] +[unused814] +[unused815] +[unused816] +[unused817] +[unused818] +[unused819] +[unused820] +[unused821] +[unused822] +[unused823] +[unused824] +[unused825] +[unused826] +[unused827] +[unused828] +[unused829] +[unused830] +[unused831] +[unused832] +[unused833] +[unused834] +[unused835] +[unused836] +[unused837] +[unused838] +[unused839] +[unused840] +[unused841] +[unused842] +[unused843] +[unused844] +[unused845] +[unused846] +[unused847] +[unused848] +[unused849] +[unused850] +[unused851] +[unused852] +[unused853] +[unused854] +[unused855] +[unused856] +[unused857] +[unused858] +[unused859] +[unused860] +[unused861] +[unused862] +[unused863] +[unused864] +[unused865] +[unused866] +[unused867] +[unused868] +[unused869] +[unused870] +[unused871] +[unused872] +[unused873] +[unused874] +[unused875] +[unused876] +[unused877] +[unused878] +[unused879] +[unused880] +[unused881] +[unused882] +[unused883] +[unused884] +[unused885] +[unused886] +[unused887] +[unused888] +[unused889] +[unused890] +[unused891] +[unused892] +[unused893] +[unused894] +[unused895] +[unused896] +[unused897] +[unused898] +[unused899] +[unused900] +[unused901] +[unused902] +[unused903] +[unused904] +[unused905] +[unused906] +[unused907] +[unused908] +[unused909] +[unused910] +[unused911] +[unused912] +[unused913] +[unused914] +[unused915] +[unused916] +[unused917] +[unused918] +[unused919] +[unused920] +[unused921] +[unused922] +[unused923] +[unused924] +[unused925] +[unused926] +[unused927] +[unused928] +[unused929] +[unused930] +[unused931] +[unused932] +[unused933] +[unused934] +[unused935] +[unused936] +[unused937] +[unused938] +[unused939] +[unused940] +[unused941] +[unused942] +[unused943] +[unused944] +[unused945] +[unused946] +[unused947] +[unused948] +[unused949] +[unused950] +[unused951] +[unused952] +[unused953] +[unused954] +[unused955] +[unused956] +[unused957] +[unused958] +[unused959] +[unused960] +[unused961] +[unused962] +[unused963] +[unused964] +[unused965] +[unused966] +[unused967] +[unused968] +[unused969] +[unused970] +[unused971] +[unused972] +[unused973] +[unused974] +[unused975] +[unused976] +[unused977] +[unused978] +[unused979] +[unused980] +[unused981] +[unused982] +[unused983] +[unused984] +[unused985] +[unused986] +[unused987] +[unused988] +[unused989] +[unused990] +[unused991] +[unused992] +[unused993] +! +" +# +$ +% +& +' +( +) +* ++ +, +- +. +/ +0 +1 +2 +3 +4 +5 +6 +7 +8 +9 +: +; +< += +> +? +@ +[ +\ +] +^ +_ +` +a +b +c +d +e +f +g +h +i +j +k +l +m +n +o +p +q +r +s +t +u +v +w +x +y +z +{ +| +} +~ +¡ +¢ +£ +¤ +¥ +¦ +§ +¨ +© +ª +« +¬ +® +° +± +² +³ +´ +µ +¶ +· +¹ +º +» +¼ +½ +¾ +¿ +× +ß +æ +ð +÷ +ø +þ +đ +ħ +ı +ł +ŋ +œ +ƒ +ɐ +ɑ +ɒ +ɔ +ɕ +ə +ɛ +ɡ +ɣ +ɨ +ɪ +ɫ +ɬ +ɯ +ɲ +ɴ +ɹ +ɾ +ʀ +ʁ +ʂ +ʃ +ʉ +ʊ +ʋ +ʌ +ʎ +ʐ +ʑ +ʒ +ʔ +ʰ +ʲ +ʳ +ʷ +ʸ +ʻ +ʼ +ʾ +ʿ +ˈ +ː +ˡ +ˢ +ˣ +ˤ +α +β +γ +δ +ε +ζ +η +θ +ι +κ +λ +μ +ν +ξ +ο +π +ρ +ς +σ +τ +υ +φ +χ +ψ +ω +а +б +в +г +д +е +ж +з +и +к +л +м +н +о +п +р +с +т +у +ф +х +ц +ч +ш +щ +ъ +ы +ь +э +ю +я +ђ +є +і +ј +љ +њ +ћ +ӏ +ա +բ +գ +դ +ե +թ +ի +լ +կ +հ +մ +յ +ն +ո +պ +ս +վ +տ +ր +ւ +ք +־ +א +ב +ג +ד +ה +ו +ז +ח +ט +י +ך +כ +ל +ם +מ +ן +נ +ס +ע +ף +פ +ץ +צ +ק +ר +ש +ת +، +ء +ا +ب +ة +ت +ث +ج +ح +خ +د +ذ +ر +ز +س +ش +ص +ض +ط +ظ +ع +غ +ـ +ف +ق +ك +ل +م +ن +ه +و +ى +ي +ٹ +پ +چ +ک +گ +ں +ھ +ہ +ی +ے +अ +आ +उ +ए +क +ख +ग +च +ज +ट +ड +ण +त +थ +द +ध +न +प +ब +भ +म +य +र +ल +व +श +ष +स +ह +ा +ि +ी +ो +। +॥ +ং +অ +আ +ই +উ +এ +ও +ক +খ +গ +চ +ছ +জ +ট +ড +ণ +ত +থ +দ +ধ +ন +প +ব +ভ +ম +য +র +ল +শ +ষ +স +হ +া +ি +ী +ে +க +ச +ட +த +ந +ன +ப +ம +ய +ர +ல +ள +வ +ா +ி +ு +ே +ை +ನ +ರ +ಾ +ක +ය +ර +ල +ව +ා +ก +ง +ต +ท +น +พ +ม +ย +ร +ล +ว +ส +อ +า +เ +་ +། +ག +ང +ད +ན +པ +བ +མ +འ +ར +ལ +ས +မ +ა +ბ +გ +დ +ე +ვ +თ +ი +კ +ლ +მ +ნ +ო +რ +ს +ტ +უ +ᄀ +ᄂ +ᄃ +ᄅ +ᄆ +ᄇ +ᄉ +ᄊ +ᄋ +ᄌ +ᄎ +ᄏ +ᄐ +ᄑ +ᄒ +ᅡ +ᅢ +ᅥ +ᅦ +ᅧ +ᅩ +ᅪ +ᅭ +ᅮ +ᅯ +ᅲ +ᅳ +ᅴ +ᅵ +ᆨ +ᆫ +ᆯ +ᆷ +ᆸ +ᆼ +ᴬ +ᴮ +ᴰ +ᴵ +ᴺ +ᵀ +ᵃ +ᵇ +ᵈ +ᵉ +ᵍ +ᵏ +ᵐ +ᵒ +ᵖ +ᵗ +ᵘ +ᵢ +ᵣ +ᵤ +ᵥ +ᶜ +ᶠ +‐ +‑ +‒ +– +— +― +‖ +‘ +’ +‚ +“ +” +„ +† +‡ +• +… +‰ +′ +″ +› +‿ +⁄ +⁰ +ⁱ +⁴ +⁵ +⁶ +⁷ +⁸ +⁹ +⁺ +⁻ +ⁿ +₀ +₁ +₂ +₃ +₄ +₅ +₆ +₇ +₈ +₉ +₊ +₍ +₎ +ₐ +ₑ +ₒ +ₓ +ₕ +ₖ +ₗ +ₘ +ₙ +ₚ +ₛ +ₜ +₤ +₩ +€ +₱ +₹ +ℓ +№ +ℝ +™ +⅓ +⅔ +← +↑ +→ +↓ +↔ +↦ +⇄ +⇌ +⇒ +∂ +∅ +∆ +∇ +∈ +− +∗ +∘ +√ +∞ +∧ +∨ +∩ +∪ +≈ +≡ +≤ +≥ +⊂ +⊆ +⊕ +⊗ +⋅ +─ +│ +■ +▪ +● +★ +☆ +☉ +♠ +♣ +♥ +♦ +♭ +♯ +⟨ +⟩ +ⱼ +⺩ +⺼ +⽥ +、 +。 +〈 +〉 +《 +》 +「 +」 +『 +』 +〜 +あ +い +う +え +お +か +き +く +け +こ +さ +し +す +せ +そ +た +ち +っ +つ +て +と +な +に +ぬ +ね +の +は +ひ +ふ +へ +ほ +ま +み +む +め +も +や +ゆ +よ +ら +り +る +れ +ろ +を +ん +ァ +ア +ィ +イ +ウ +ェ +エ +オ +カ +キ +ク +ケ +コ +サ +シ +ス +セ +タ +チ +ッ +ツ +テ +ト +ナ +ニ +ノ +ハ +ヒ +フ +ヘ +ホ +マ +ミ +ム +メ +モ +ャ +ュ +ョ +ラ +リ +ル +レ +ロ +ワ +ン +・ +ー +一 +三 +上 +下 +不 +世 +中 +主 +久 +之 +也 +事 +二 +五 +井 +京 +人 +亻 +仁 +介 +代 +仮 +伊 +会 +佐 +侍 +保 +信 +健 +元 +光 +八 +公 +内 +出 +分 +前 +劉 +力 +加 +勝 +北 +区 +十 +千 +南 +博 +原 +口 +古 +史 +司 +合 +吉 +同 +名 +和 +囗 +四 +国 +國 +土 +地 +坂 +城 +堂 +場 +士 +夏 +外 +大 +天 +太 +夫 +奈 +女 +子 +学 +宀 +宇 +安 +宗 +定 +宣 +宮 +家 +宿 +寺 +將 +小 +尚 +山 +岡 +島 +崎 +川 +州 +巿 +帝 +平 +年 +幸 +广 +弘 +張 +彳 +後 +御 +德 +心 +忄 +志 +忠 +愛 +成 +我 +戦 +戸 +手 +扌 +政 +文 +新 +方 +日 +明 +星 +春 +昭 +智 +曲 +書 +月 +有 +朝 +木 +本 +李 +村 +東 +松 +林 +森 +楊 +樹 +橋 +歌 +止 +正 +武 +比 +氏 +民 +水 +氵 +氷 +永 +江 +沢 +河 +治 +法 +海 +清 +漢 +瀬 +火 +版 +犬 +王 +生 +田 +男 +疒 +発 +白 +的 +皇 +目 +相 +省 +真 +石 +示 +社 +神 +福 +禾 +秀 +秋 +空 +立 +章 +竹 +糹 +美 +義 +耳 +良 +艹 +花 +英 +華 +葉 +藤 +行 +街 +西 +見 +訁 +語 +谷 +貝 +貴 +車 +軍 +辶 +道 +郎 +郡 +部 +都 +里 +野 +金 +鈴 +镇 +長 +門 +間 +阝 +阿 +陳 +陽 +雄 +青 +面 +風 +食 +香 +馬 +高 +龍 +龸 +fi +fl +! +( +) +, +- +. +/ +: +? +~ +the +of +and +in +to +was +he +is +as +for +on +with +that +it +his +by +at +from +her +##s +she +you +had +an +were +but +be +this +are +not +my +they +one +which +or +have +him +me +first +all +also +their +has +up +who +out +been +when +after +there +into +new +two +its +##a +time +would +no +what +about +said +we +over +then +other +so +more +##e +can +if +like +back +them +only +some +could +##i +where +just +##ing +during +before +##n +do +##o +made +school +through +than +now +years +most +world +may +between +down +well +three +##d +year +while +will +##ed +##r +##y +later +##t +city +under +around +did +such +being +used +state +people +part +know +against +your +many +second +university +both +national +##er +these +don +known +off +way +until +re +how +even +get +head +... +didn +##ly +team +american +because +de +##l +born +united +film +since +still +long +work +south +us +became +any +high +again +day +family +see +right +man +eyes +house +season +war +states +including +took +life +north +same +each +called +name +much +place +however +go +four +group +another +found +won +area +here +going +10 +away +series +left +home +music +best +make +hand +number +company +several +never +last +john +000 +very +album +take +end +good +too +following +released +game +played +little +began +district +##m +old +want +those +side +held +own +early +county +ll +league +use +west +##u +face +think +##es +2010 +government +##h +march +came +small +general +town +june +##on +line +based +something +##k +september +thought +looked +along +international +2011 +air +july +club +went +january +october +our +august +april +york +12 +few +2012 +2008 +east +show +member +college +2009 +father +public +##us +come +men +five +set +station +church +##c +next +former +november +room +party +located +december +2013 +age +got +2007 +##g +system +let +love +2006 +though +every +2014 +look +song +water +century +without +body +black +night +within +great +women +single +ve +building +large +population +river +named +band +white +started +##an +once +15 +20 +should +18 +2015 +service +top +built +british +open +death +king +moved +local +times +children +february +book +why +11 +door +need +president +order +final +road +wasn +although +due +major +died +village +third +knew +2016 +asked +turned +st +wanted +say +##p +together +received +main +son +served +different +##en +behind +himself +felt +members +power +football +law +voice +play +##in +near +park +history +30 +having +2005 +16 +##man +saw +mother +##al +army +point +front +help +english +street +art +late +hands +games +award +##ia +young +14 +put +published +country +division +across +told +13 +often +ever +french +london +center +six +red +2017 +led +days +include +light +25 +find +tell +among +species +really +according +central +half +2004 +form +original +gave +office +making +enough +lost +full +opened +must +included +live +given +german +player +run +business +woman +community +cup +might +million +land +2000 +court +development +17 +short +round +ii +km +seen +class +story +always +become +sure +research +almost +director +council +la +##2 +career +things +using +island +##z +couldn +car +##is +24 +close +force +##1 +better +free +support +control +field +students +2003 +education +married +##b +nothing +worked +others +record +big +inside +level +anything +continued +give +james +##3 +military +established +non +returned +feel +does +title +written +thing +feet +william +far +co +association +hard +already +2002 +##ra +championship +human +western +100 +##na +department +hall +role +various +production +21 +19 +heart +2001 +living +fire +version +##ers +##f +television +royal +##4 +produced +working +act +case +society +region +present +radio +period +looking +least +total +keep +england +wife +program +per +brother +mind +special +22 +##le +am +works +soon +##6 +political +george +services +taken +created +##7 +further +able +reached +david +union +joined +upon +done +important +social +information +either +##ic +##x +appeared +position +ground +lead +rock +dark +election +23 +board +france +hair +course +arms +site +police +girl +instead +real +sound +##v +words +moment +##te +someone +##8 +summer +project +announced +san +less +wrote +past +followed +##5 +blue +founded +al +finally +india +taking +records +america +##ne +1999 +design +considered +northern +god +stop +battle +toward +european +outside +described +track +today +playing +language +28 +call +26 +heard +professional +low +australia +miles +california +win +yet +green +##ie +trying +blood +##ton +southern +science +maybe +everything +match +square +27 +mouth +video +race +recorded +leave +above +##9 +daughter +points +space +1998 +museum +change +middle +common +##0 +move +tv +post +##ta +lake +seven +tried +elected +closed +ten +paul +minister +##th +months +start +chief +return +canada +person +sea +release +similar +modern +brought +rest +hit +formed +mr +##la +1997 +floor +event +doing +thomas +1996 +robert +care +killed +training +star +week +needed +turn +finished +railway +rather +news +health +sent +example +ran +term +michael +coming +currently +yes +forces +despite +gold +areas +50 +stage +fact +29 +dead +says +popular +2018 +originally +germany +probably +developed +result +pulled +friend +stood +money +running +mi +signed +word +songs +child +eventually +met +tour +average +teams +minutes +festival +current +deep +kind +1995 +decided +usually +eastern +seemed +##ness +episode +bed +added +table +indian +private +charles +route +available +idea +throughout +centre +addition +appointed +style +1994 +books +eight +construction +press +mean +wall +friends +remained +schools +study +##ch +##um +institute +oh +chinese +sometimes +events +possible +1992 +australian +type +brown +forward +talk +process +food +debut +seat +performance +committee +features +character +arts +herself +else +lot +strong +russian +range +hours +peter +arm +##da +morning +dr +sold +##ry +quickly +directed +1993 +guitar +china +##w +31 +list +##ma +performed +media +uk +players +smile +##rs +myself +40 +placed +coach +province +towards +wouldn +leading +whole +boy +official +designed +grand +census +##el +europe +attack +japanese +henry +1991 +##re +##os +cross +getting +alone +action +lower +network +wide +washington +japan +1990 +hospital +believe +changed +sister +##ar +hold +gone +sir +hadn +ship +##ka +studies +academy +shot +rights +below +base +bad +involved +kept +largest +##ist +bank +future +especially +beginning +mark +movement +section +female +magazine +plan +professor +lord +longer +##ian +sat +walked +hill +actually +civil +energy +model +families +size +thus +aircraft +completed +includes +data +captain +##or +fight +vocals +featured +richard +bridge +fourth +1989 +officer +stone +hear +##ism +means +medical +groups +management +self +lips +competition +entire +lived +technology +leaving +federal +tournament +bit +passed +hot +independent +awards +kingdom +mary +spent +fine +doesn +reported +##ling +jack +fall +raised +itself +stay +true +studio +1988 +sports +replaced +paris +systems +saint +leader +theatre +whose +market +capital +parents +spanish +canadian +earth +##ity +cut +degree +writing +bay +christian +awarded +natural +higher +bill +##as +coast +provided +previous +senior +ft +valley +organization +stopped +onto +countries +parts +conference +queen +security +interest +saying +allowed +master +earlier +phone +matter +smith +winning +try +happened +moving +campaign +los +##ley +breath +nearly +mid +1987 +certain +girls +date +italian +african +standing +fell +artist +##ted +shows +deal +mine +industry +1986 +##ng +everyone +republic +provide +collection +library +student +##ville +primary +owned +older +via +heavy +1st +makes +##able +attention +anyone +africa +##ri +stated +length +ended +fingers +command +staff +skin +foreign +opening +governor +okay +medal +kill +sun +cover +job +1985 +introduced +chest +hell +feeling +##ies +success +meet +reason +standard +meeting +novel +1984 +trade +source +buildings +##land +rose +guy +goal +##ur +chapter +native +husband +previously +unit +limited +entered +weeks +producer +operations +mountain +takes +covered +forced +related +roman +complete +successful +key +texas +cold +##ya +channel +1980 +traditional +films +dance +clear +approximately +500 +nine +van +prince +question +active +tracks +ireland +regional +silver +author +personal +sense +operation +##ine +economic +1983 +holding +twenty +isbn +additional +speed +hour +edition +regular +historic +places +whom +shook +movie +km² +secretary +prior +report +chicago +read +foundation +view +engine +scored +1982 +units +ask +airport +property +ready +immediately +lady +month +listed +contract +##de +manager +themselves +lines +##ki +navy +writer +meant +##ts +runs +##ro +practice +championships +singer +glass +commission +required +forest +starting +culture +generally +giving +access +attended +test +couple +stand +catholic +martin +caught +executive +##less +eye +##ey +thinking +chair +quite +shoulder +1979 +hope +decision +plays +defeated +municipality +whether +structure +offered +slowly +pain +ice +direction +##ion +paper +mission +1981 +mostly +200 +noted +individual +managed +nature +lives +plant +##ha +helped +except +studied +computer +figure +relationship +issue +significant +loss +die +smiled +gun +ago +highest +1972 +##am +male +bring +goals +mexico +problem +distance +commercial +completely +location +annual +famous +drive +1976 +neck +1978 +surface +caused +italy +understand +greek +highway +wrong +hotel +comes +appearance +joseph +double +issues +musical +companies +castle +income +review +assembly +bass +initially +parliament +artists +experience +1974 +particular +walk +foot +engineering +talking +window +dropped +##ter +miss +baby +boys +break +1975 +stars +edge +remember +policy +carried +train +stadium +bar +sex +angeles +evidence +##ge +becoming +assistant +soviet +1977 +upper +step +wing +1970 +youth +financial +reach +##ll +actor +numerous +##se +##st +nodded +arrived +##ation +minute +##nt +believed +sorry +complex +beautiful +victory +associated +temple +1968 +1973 +chance +perhaps +metal +##son +1945 +bishop +##et +lee +launched +particularly +tree +le +retired +subject +prize +contains +yeah +theory +empire +##ce +suddenly +waiting +trust +recording +##to +happy +terms +camp +champion +1971 +religious +pass +zealand +names +2nd +port +ancient +tom +corner +represented +watch +legal +anti +justice +cause +watched +brothers +45 +material +changes +simply +response +louis +fast +##ting +answer +60 +historical +1969 +stories +straight +create +feature +increased +rate +administration +virginia +el +activities +cultural +overall +winner +programs +basketball +legs +guard +beyond +cast +doctor +mm +flight +results +remains +cost +effect +winter +##ble +larger +islands +problems +chairman +grew +commander +isn +1967 +pay +failed +selected +hurt +fort +box +regiment +majority +journal +35 +edward +plans +##ke +##ni +shown +pretty +irish +characters +directly +scene +likely +operated +allow +spring +##j +junior +matches +looks +mike +houses +fellow +##tion +beach +marriage +##ham +##ive +rules +oil +65 +florida +expected +nearby +congress +sam +peace +recent +iii +wait +subsequently +cell +##do +variety +serving +agreed +please +poor +joe +pacific +attempt +wood +democratic +piece +prime +##ca +rural +mile +touch +appears +township +1964 +1966 +soldiers +##men +##ized +1965 +pennsylvania +closer +fighting +claimed +score +jones +physical +editor +##ous +filled +genus +specific +sitting +super +mom +##va +therefore +supported +status +fear +cases +store +meaning +wales +minor +spain +tower +focus +vice +frank +follow +parish +separate +golden +horse +fifth +remaining +branch +32 +presented +stared +##id +uses +secret +forms +##co +baseball +exactly +##ck +choice +note +discovered +travel +composed +truth +russia +ball +color +kiss +dad +wind +continue +ring +referred +numbers +digital +greater +##ns +metres +slightly +direct +increase +1960 +responsible +crew +rule +trees +troops +##no +broke +goes +individuals +hundred +weight +creek +sleep +memory +defense +provides +ordered +code +value +jewish +windows +1944 +safe +judge +whatever +corps +realized +growing +pre +##ga +cities +alexander +gaze +lies +spread +scott +letter +showed +situation +mayor +transport +watching +workers +extended +##li +expression +normal +##ment +chart +multiple +border +##ba +host +##ner +daily +mrs +walls +piano +##ko +heat +cannot +##ate +earned +products +drama +era +authority +seasons +join +grade +##io +sign +difficult +machine +1963 +territory +mainly +##wood +stations +squadron +1962 +stepped +iron +19th +##led +serve +appear +sky +speak +broken +charge +knowledge +kilometres +removed +ships +article +campus +simple +##ty +pushed +britain +##ve +leaves +recently +cd +soft +boston +latter +easy +acquired +poland +##sa +quality +officers +presence +planned +nations +mass +broadcast +jean +share +image +influence +wild +offer +emperor +electric +reading +headed +ability +promoted +yellow +ministry +1942 +throat +smaller +politician +##by +latin +spoke +cars +williams +males +lack +pop +80 +##ier +acting +seeing +consists +##ti +estate +1961 +pressure +johnson +newspaper +jr +chris +olympics +online +conditions +beat +elements +walking +vote +##field +needs +carolina +text +featuring +global +block +shirt +levels +francisco +purpose +females +et +dutch +duke +ahead +gas +twice +safety +serious +turning +highly +lieutenant +firm +maria +amount +mixed +daniel +proposed +perfect +agreement +affairs +3rd +seconds +contemporary +paid +1943 +prison +save +kitchen +label +administrative +intended +constructed +academic +nice +teacher +races +1956 +formerly +corporation +ben +nation +issued +shut +1958 +drums +housing +victoria +seems +opera +1959 +graduated +function +von +mentioned +picked +build +recognized +shortly +protection +picture +notable +exchange +elections +1980s +loved +percent +racing +fish +elizabeth +garden +volume +hockey +1941 +beside +settled +##ford +1940 +competed +replied +drew +1948 +actress +marine +scotland +steel +glanced +farm +steve +1957 +risk +tonight +positive +magic +singles +effects +gray +screen +dog +##ja +residents +bus +sides +none +secondary +literature +polish +destroyed +flying +founder +households +1939 +lay +reserve +usa +gallery +##ler +1946 +industrial +younger +approach +appearances +urban +ones +1950 +finish +avenue +powerful +fully +growth +page +honor +jersey +projects +advanced +revealed +basic +90 +infantry +pair +equipment +visit +33 +evening +search +grant +effort +solo +treatment +buried +republican +primarily +bottom +owner +1970s +israel +gives +jim +dream +bob +remain +spot +70 +notes +produce +champions +contact +ed +soul +accepted +ways +del +##ally +losing +split +price +capacity +basis +trial +questions +##ina +1955 +20th +guess +officially +memorial +naval +initial +##ization +whispered +median +engineer +##ful +sydney +##go +columbia +strength +300 +1952 +tears +senate +00 +card +asian +agent +1947 +software +44 +draw +warm +supposed +com +pro +##il +transferred +leaned +##at +candidate +escape +mountains +asia +potential +activity +entertainment +seem +traffic +jackson +murder +36 +slow +product +orchestra +haven +agency +bbc +taught +website +comedy +unable +storm +planning +albums +rugby +environment +scientific +grabbed +protect +##hi +boat +typically +1954 +1953 +damage +principal +divided +dedicated +mount +ohio +##berg +pick +fought +driver +##der +empty +shoulders +sort +thank +berlin +prominent +account +freedom +necessary +efforts +alex +headquarters +follows +alongside +des +simon +andrew +suggested +operating +learning +steps +1949 +sweet +technical +begin +easily +34 +teeth +speaking +settlement +scale +##sh +renamed +ray +max +enemy +semi +joint +compared +##rd +scottish +leadership +analysis +offers +georgia +pieces +captured +animal +deputy +guest +organized +##lin +tony +combined +method +challenge +1960s +huge +wants +battalion +sons +rise +crime +types +facilities +telling +path +1951 +platform +sit +1990s +##lo +tells +assigned +rich +pull +##ot +commonly +alive +##za +letters +concept +conducted +wearing +happen +bought +becomes +holy +gets +ocean +defeat +languages +purchased +coffee +occurred +titled +##q +declared +applied +sciences +concert +sounds +jazz +brain +##me +painting +fleet +tax +nick +##ius +michigan +count +animals +leaders +episodes +##line +content +##den +birth +##it +clubs +64 +palace +critical +refused +fair +leg +laughed +returning +surrounding +participated +formation +lifted +pointed +connected +rome +medicine +laid +taylor +santa +powers +adam +tall +shared +focused +knowing +yards +entrance +falls +##wa +calling +##ad +sources +chosen +beneath +resources +yard +##ite +nominated +silence +zone +defined +##que +gained +thirty +38 +bodies +moon +##ard +adopted +christmas +widely +register +apart +iran +premier +serves +du +unknown +parties +##les +generation +##ff +continues +quick +fields +brigade +quiet +teaching +clothes +impact +weapons +partner +flat +theater +supreme +1938 +37 +relations +##tor +plants +suffered +1936 +wilson +kids +begins +##age +1918 +seats +armed +internet +models +worth +laws +400 +communities +classes +background +knows +thanks +quarter +reaching +humans +carry +killing +format +kong +hong +setting +75 +architecture +disease +railroad +inc +possibly +wish +arthur +thoughts +harry +doors +density +##di +crowd +illinois +stomach +tone +unique +reports +anyway +##ir +liberal +der +vehicle +thick +dry +drug +faced +largely +facility +theme +holds +creation +strange +colonel +##mi +revolution +bell +politics +turns +silent +rail +relief +independence +combat +shape +write +determined +sales +learned +4th +finger +oxford +providing +1937 +heritage +fiction +situated +designated +allowing +distribution +hosted +##est +sight +interview +estimated +reduced +##ria +toronto +footballer +keeping +guys +damn +claim +motion +sport +sixth +stayed +##ze +en +rear +receive +handed +twelve +dress +audience +granted +brazil +##well +spirit +##ated +noticed +etc +olympic +representative +eric +tight +trouble +reviews +drink +vampire +missing +roles +ranked +newly +household +finals +wave +critics +##ee +phase +massachusetts +pilot +unlike +philadelphia +bright +guns +crown +organizations +roof +42 +respectively +clearly +tongue +marked +circle +fox +korea +bronze +brian +expanded +sexual +supply +yourself +inspired +labour +fc +##ah +reference +vision +draft +connection +brand +reasons +1935 +classic +driving +trip +jesus +cells +entry +1920 +neither +trail +claims +atlantic +orders +labor +nose +afraid +identified +intelligence +calls +cancer +attacked +passing +stephen +positions +imperial +grey +jason +39 +sunday +48 +swedish +avoid +extra +uncle +message +covers +allows +surprise +materials +fame +hunter +##ji +1930 +citizens +figures +davis +environmental +confirmed +shit +titles +di +performing +difference +acts +attacks +##ov +existing +votes +opportunity +nor +shop +entirely +trains +opposite +pakistan +##pa +develop +resulted +representatives +actions +reality +pressed +##ish +barely +wine +conversation +faculty +northwest +ends +documentary +nuclear +stock +grace +sets +eat +alternative +##ps +bag +resulting +creating +surprised +cemetery +1919 +drop +finding +sarah +cricket +streets +tradition +ride +1933 +exhibition +target +ear +explained +rain +composer +injury +apartment +municipal +educational +occupied +netherlands +clean +billion +constitution +learn +1914 +maximum +classical +francis +lose +opposition +jose +ontario +bear +core +hills +rolled +ending +drawn +permanent +fun +##tes +##lla +lewis +sites +chamber +ryan +##way +scoring +height +1934 +##house +lyrics +staring +55 +officials +1917 +snow +oldest +##tic +orange +##ger +qualified +interior +apparently +succeeded +thousand +dinner +lights +existence +fans +heavily +41 +greatest +conservative +send +bowl +plus +enter +catch +##un +economy +duty +1929 +speech +authorities +princess +performances +versions +shall +graduate +pictures +effective +remembered +poetry +desk +crossed +starring +starts +passenger +sharp +##ant +acres +ass +weather +falling +rank +fund +supporting +check +adult +publishing +heads +cm +southeast +lane +##burg +application +bc +##ura +les +condition +transfer +prevent +display +ex +regions +earl +federation +cool +relatively +answered +besides +1928 +obtained +portion +##town +mix +##ding +reaction +liked +dean +express +peak +1932 +##tte +counter +religion +chain +rare +miller +convention +aid +lie +vehicles +mobile +perform +squad +wonder +lying +crazy +sword +##ping +attempted +centuries +weren +philosophy +category +##ize +anna +interested +47 +sweden +wolf +frequently +abandoned +kg +literary +alliance +task +entitled +##ay +threw +promotion +factory +tiny +soccer +visited +matt +fm +achieved +52 +defence +internal +persian +43 +methods +##ging +arrested +otherwise +cambridge +programming +villages +elementary +districts +rooms +criminal +conflict +worry +trained +1931 +attempts +waited +signal +bird +truck +subsequent +programme +##ol +ad +49 +communist +details +faith +sector +patrick +carrying +laugh +##ss +controlled +korean +showing +origin +fuel +evil +1927 +##ent +brief +identity +darkness +address +pool +missed +publication +web +planet +ian +anne +wings +invited +##tt +briefly +standards +kissed +##be +ideas +climate +causing +walter +worse +albert +articles +winners +desire +aged +northeast +dangerous +gate +doubt +1922 +wooden +multi +##ky +poet +rising +funding +46 +communications +communication +violence +copies +prepared +ford +investigation +skills +1924 +pulling +electronic +##ak +##ial +##han +containing +ultimately +offices +singing +understanding +restaurant +tomorrow +fashion +christ +ward +da +pope +stands +5th +flow +studios +aired +commissioned +contained +exist +fresh +americans +##per +wrestling +approved +kid +employed +respect +suit +1925 +angel +asking +increasing +frame +angry +selling +1950s +thin +finds +##nd +temperature +statement +ali +explain +inhabitants +towns +extensive +narrow +51 +jane +flowers +images +promise +somewhere +object +fly +closely +##ls +1912 +bureau +cape +1926 +weekly +presidential +legislative +1921 +##ai +##au +launch +founding +##ny +978 +##ring +artillery +strike +un +institutions +roll +writers +landing +chose +kevin +anymore +pp +##ut +attorney +fit +dan +billboard +receiving +agricultural +breaking +sought +dave +admitted +lands +mexican +##bury +charlie +specifically +hole +iv +howard +credit +moscow +roads +accident +1923 +proved +wear +struck +hey +guards +stuff +slid +expansion +1915 +cat +anthony +##kin +melbourne +opposed +sub +southwest +architect +failure +plane +1916 +##ron +map +camera +tank +listen +regarding +wet +introduction +metropolitan +link +ep +fighter +inch +grown +gene +anger +fixed +buy +dvd +khan +domestic +worldwide +chapel +mill +functions +examples +##head +developing +1910 +turkey +hits +pocket +antonio +papers +grow +unless +circuit +18th +concerned +attached +journalist +selection +journey +converted +provincial +painted +hearing +aren +bands +negative +aside +wondered +knight +lap +survey +ma +##ow +noise +billy +##ium +shooting +guide +bedroom +priest +resistance +motor +homes +sounded +giant +##mer +150 +scenes +equal +comic +patients +hidden +solid +actual +bringing +afternoon +touched +funds +wedding +consisted +marie +canal +sr +kim +treaty +turkish +recognition +residence +cathedral +broad +knees +incident +shaped +fired +norwegian +handle +cheek +contest +represent +##pe +representing +beauty +##sen +birds +advantage +emergency +wrapped +drawing +notice +pink +broadcasting +##ong +somehow +bachelor +seventh +collected +registered +establishment +alan +assumed +chemical +personnel +roger +retirement +jeff +portuguese +wore +tied +device +threat +progress +advance +##ised +banks +hired +manchester +nfl +teachers +structures +forever +##bo +tennis +helping +saturday +sale +applications +junction +hip +incorporated +neighborhood +dressed +ceremony +##ds +influenced +hers +visual +stairs +decades +inner +kansas +hung +hoped +gain +scheduled +downtown +engaged +austria +clock +norway +certainly +pale +protected +1913 +victor +employees +plate +putting +surrounded +##ists +finishing +blues +tropical +##ries +minnesota +consider +philippines +accept +54 +retrieved +1900 +concern +anderson +properties +institution +gordon +successfully +vietnam +##dy +backing +outstanding +muslim +crossing +folk +producing +usual +demand +occurs +observed +lawyer +educated +##ana +kelly +string +pleasure +budget +items +quietly +colorado +philip +typical +##worth +derived +600 +survived +asks +mental +##ide +56 +jake +jews +distinguished +ltd +1911 +sri +extremely +53 +athletic +loud +thousands +worried +shadow +transportation +horses +weapon +arena +importance +users +tim +objects +contributed +dragon +douglas +aware +senator +johnny +jordan +sisters +engines +flag +investment +samuel +shock +capable +clark +row +wheel +refers +session +familiar +biggest +wins +hate +maintained +drove +hamilton +request +expressed +injured +underground +churches +walker +wars +tunnel +passes +stupid +agriculture +softly +cabinet +regarded +joining +indiana +##ea +##ms +push +dates +spend +behavior +woods +protein +gently +chase +morgan +mention +burning +wake +combination +occur +mirror +leads +jimmy +indeed +impossible +singapore +paintings +covering +##nes +soldier +locations +attendance +sell +historian +wisconsin +invasion +argued +painter +diego +changing +egypt +##don +experienced +inches +##ku +missouri +vol +grounds +spoken +switzerland +##gan +reform +rolling +ha +forget +massive +resigned +burned +allen +tennessee +locked +values +improved +##mo +wounded +universe +sick +dating +facing +pack +purchase +user +##pur +moments +##ul +merged +anniversary +1908 +coal +brick +understood +causes +dynasty +queensland +establish +stores +crisis +promote +hoping +views +cards +referee +extension +##si +raise +arizona +improve +colonial +formal +charged +##rt +palm +lucky +hide +rescue +faces +95 +feelings +candidates +juan +##ell +goods +6th +courses +weekend +59 +luke +cash +fallen +##om +delivered +affected +installed +carefully +tries +swiss +hollywood +costs +lincoln +responsibility +##he +shore +file +proper +normally +maryland +assistance +jump +constant +offering +friendly +waters +persons +realize +contain +trophy +800 +partnership +factor +58 +musicians +cry +bound +oregon +indicated +hero +houston +medium +##ure +consisting +somewhat +##ara +57 +cycle +##che +beer +moore +frederick +gotten +eleven +worst +weak +approached +arranged +chin +loan +universal +bond +fifteen +pattern +disappeared +##ney +translated +##zed +lip +arab +capture +interests +insurance +##chi +shifted +cave +prix +warning +sections +courts +coat +plot +smell +feed +golf +favorite +maintain +knife +vs +voted +degrees +finance +quebec +opinion +translation +manner +ruled +operate +productions +choose +musician +discovery +confused +tired +separated +stream +techniques +committed +attend +ranking +kings +throw +passengers +measure +horror +fan +mining +sand +danger +salt +calm +decade +dam +require +runner +##ik +rush +associate +greece +##ker +rivers +consecutive +matthew +##ski +sighed +sq +documents +steam +edited +closing +tie +accused +1905 +##ini +islamic +distributed +directors +organisation +bruce +7th +breathing +mad +lit +arrival +concrete +taste +08 +composition +shaking +faster +amateur +adjacent +stating +1906 +twin +flew +##ran +tokyo +publications +##tone +obviously +ridge +storage +1907 +carl +pages +concluded +desert +driven +universities +ages +terminal +sequence +borough +250 +constituency +creative +cousin +economics +dreams +margaret +notably +reduce +montreal +mode +17th +ears +saved +jan +vocal +##ica +1909 +andy +##jo +riding +roughly +threatened +##ise +meters +meanwhile +landed +compete +repeated +grass +czech +regularly +charges +tea +sudden +appeal +##ung +solution +describes +pierre +classification +glad +parking +##ning +belt +physics +99 +rachel +add +hungarian +participate +expedition +damaged +gift +childhood +85 +fifty +##red +mathematics +jumped +letting +defensive +mph +##ux +##gh +testing +##hip +hundreds +shoot +owners +matters +smoke +israeli +kentucky +dancing +mounted +grandfather +emma +designs +profit +argentina +##gs +truly +li +lawrence +cole +begun +detroit +willing +branches +smiling +decide +miami +enjoyed +recordings +##dale +poverty +ethnic +gay +##bi +gary +arabic +09 +accompanied +##one +##ons +fishing +determine +residential +acid +##ary +alice +returns +starred +mail +##ang +jonathan +strategy +##ue +net +forty +cook +businesses +equivalent +commonwealth +distinct +ill +##cy +seriously +##ors +##ped +shift +harris +replace +rio +imagine +formula +ensure +##ber +additionally +scheme +conservation +occasionally +purposes +feels +favor +##and +##ore +1930s +contrast +hanging +hunt +movies +1904 +instruments +victims +danish +christopher +busy +demon +sugar +earliest +colony +studying +balance +duties +##ks +belgium +slipped +carter +05 +visible +stages +iraq +fifa +##im +commune +forming +zero +07 +continuing +talked +counties +legend +bathroom +option +tail +clay +daughters +afterwards +severe +jaw +visitors +##ded +devices +aviation +russell +kate +##vi +entering +subjects +##ino +temporary +swimming +forth +smooth +ghost +audio +bush +operates +rocks +movements +signs +eddie +##tz +ann +voices +honorary +06 +memories +dallas +pure +measures +racial +promised +66 +harvard +ceo +16th +parliamentary +indicate +benefit +flesh +dublin +louisiana +1902 +1901 +patient +sleeping +1903 +membership +coastal +medieval +wanting +element +scholars +rice +62 +limit +survive +makeup +rating +definitely +collaboration +obvious +##tan +boss +ms +baron +birthday +linked +soil +diocese +##lan +ncaa +##mann +offensive +shell +shouldn +waist +##tus +plain +ross +organ +resolution +manufacturing +adding +relative +kennedy +98 +whilst +moth +marketing +gardens +crash +72 +heading +partners +credited +carlos +moves +cable +##zi +marshall +##out +depending +bottle +represents +rejected +responded +existed +04 +jobs +denmark +lock +##ating +treated +graham +routes +talent +commissioner +drugs +secure +tests +reign +restored +photography +##gi +contributions +oklahoma +designer +disc +grin +seattle +robin +paused +atlanta +unusual +##gate +praised +las +laughing +satellite +hungary +visiting +##sky +interesting +factors +deck +poems +norman +##water +stuck +speaker +rifle +domain +premiered +##her +dc +comics +actors +01 +reputation +eliminated +8th +ceiling +prisoners +script +##nce +leather +austin +mississippi +rapidly +admiral +parallel +charlotte +guilty +tools +gender +divisions +fruit +##bs +laboratory +nelson +fantasy +marry +rapid +aunt +tribe +requirements +aspects +suicide +amongst +adams +bone +ukraine +abc +kick +sees +edinburgh +clothing +column +rough +gods +hunting +broadway +gathered +concerns +##ek +spending +ty +12th +snapped +requires +solar +bones +cavalry +##tta +iowa +drinking +waste +index +franklin +charity +thompson +stewart +tip +flash +landscape +friday +enjoy +singh +poem +listening +##back +eighth +fred +differences +adapted +bomb +ukrainian +surgery +corporate +masters +anywhere +##more +waves +odd +sean +portugal +orleans +dick +debate +kent +eating +puerto +cleared +96 +expect +cinema +97 +guitarist +blocks +electrical +agree +involving +depth +dying +panel +struggle +##ged +peninsula +adults +novels +emerged +vienna +metro +debuted +shoes +tamil +songwriter +meets +prove +beating +instance +heaven +scared +sending +marks +artistic +passage +superior +03 +significantly +shopping +##tive +retained +##izing +malaysia +technique +cheeks +##ola +warren +maintenance +destroy +extreme +allied +120 +appearing +##yn +fill +advice +alabama +qualifying +policies +cleveland +hat +battery +smart +authors +10th +soundtrack +acted +dated +lb +glance +equipped +coalition +funny +outer +ambassador +roy +possibility +couples +campbell +dna +loose +ethan +supplies +1898 +gonna +88 +monster +##res +shake +agents +frequency +springs +dogs +practices +61 +gang +plastic +easier +suggests +gulf +blade +exposed +colors +industries +markets +pan +nervous +electoral +charts +legislation +ownership +##idae +mac +appointment +shield +copy +assault +socialist +abbey +monument +license +throne +employment +jay +93 +replacement +charter +cloud +powered +suffering +accounts +oak +connecticut +strongly +wright +colour +crystal +13th +context +welsh +networks +voiced +gabriel +jerry +##cing +forehead +mp +##ens +manage +schedule +totally +remix +##ii +forests +occupation +print +nicholas +brazilian +strategic +vampires +engineers +76 +roots +seek +correct +instrumental +und +alfred +backed +hop +##des +stanley +robinson +traveled +wayne +welcome +austrian +achieve +67 +exit +rates +1899 +strip +whereas +##cs +sing +deeply +adventure +bobby +rick +jamie +careful +components +cap +useful +personality +knee +##shi +pushing +hosts +02 +protest +ca +ottoman +symphony +##sis +63 +boundary +1890 +processes +considering +considerable +tons +##work +##ft +##nia +cooper +trading +dear +conduct +91 +illegal +apple +revolutionary +holiday +definition +harder +##van +jacob +circumstances +destruction +##lle +popularity +grip +classified +liverpool +donald +baltimore +flows +seeking +honour +approval +92 +mechanical +till +happening +statue +critic +increasingly +immediate +describe +commerce +stare +##ster +indonesia +meat +rounds +boats +baker +orthodox +depression +formally +worn +naked +claire +muttered +sentence +11th +emily +document +77 +criticism +wished +vessel +spiritual +bent +virgin +parker +minimum +murray +lunch +danny +printed +compilation +keyboards +false +blow +belonged +68 +raising +78 +cutting +##board +pittsburgh +##up +9th +shadows +81 +hated +indigenous +jon +15th +barry +scholar +ah +##zer +oliver +##gy +stick +susan +meetings +attracted +spell +romantic +##ver +ye +1895 +photo +demanded +customers +##ac +1896 +logan +revival +keys +modified +commanded +jeans +##ious +upset +raw +phil +detective +hiding +resident +vincent +##bly +experiences +diamond +defeating +coverage +lucas +external +parks +franchise +helen +bible +successor +percussion +celebrated +il +lift +profile +clan +romania +##ied +mills +##su +nobody +achievement +shrugged +fault +1897 +rhythm +initiative +breakfast +carbon +700 +69 +lasted +violent +74 +wound +ken +killer +gradually +filmed +°c +dollars +processing +94 +remove +criticized +guests +sang +chemistry +##vin +legislature +disney +##bridge +uniform +escaped +integrated +proposal +purple +denied +liquid +karl +influential +morris +nights +stones +intense +experimental +twisted +71 +84 +##ld +pace +nazi +mitchell +ny +blind +reporter +newspapers +14th +centers +burn +basin +forgotten +surviving +filed +collections +monastery +losses +manual +couch +description +appropriate +merely +tag +missions +sebastian +restoration +replacing +triple +73 +elder +julia +warriors +benjamin +julian +convinced +stronger +amazing +declined +versus +merchant +happens +output +finland +bare +barbara +absence +ignored +dawn +injuries +##port +producers +##ram +82 +luis +##ities +kw +admit +expensive +electricity +nba +exception +symbol +##ving +ladies +shower +sheriff +characteristics +##je +aimed +button +ratio +effectively +summit +angle +jury +bears +foster +vessels +pants +executed +evans +dozen +advertising +kicked +patrol +1889 +competitions +lifetime +principles +athletics +##logy +birmingham +sponsored +89 +rob +nomination +1893 +acoustic +##sm +creature +longest +##tra +credits +harbor +dust +josh +##so +territories +milk +infrastructure +completion +thailand +indians +leon +archbishop +##sy +assist +pitch +blake +arrangement +girlfriend +serbian +operational +hence +sad +scent +fur +dj +sessions +hp +refer +rarely +##ora +exists +1892 +##ten +scientists +dirty +penalty +burst +portrait +seed +79 +pole +limits +rival +1894 +stable +alpha +grave +constitutional +alcohol +arrest +flower +mystery +devil +architectural +relationships +greatly +habitat +##istic +larry +progressive +remote +cotton +##ics +##ok +preserved +reaches +##ming +cited +86 +vast +scholarship +decisions +cbs +joy +teach +1885 +editions +knocked +eve +searching +partly +participation +gap +animated +fate +excellent +##ett +na +87 +alternate +saints +youngest +##ily +climbed +##ita +##tors +suggest +##ct +discussion +staying +choir +lakes +jacket +revenue +nevertheless +peaked +instrument +wondering +annually +managing +neil +1891 +signing +terry +##ice +apply +clinical +brooklyn +aim +catherine +fuck +farmers +figured +ninth +pride +hugh +evolution +ordinary +involvement +comfortable +shouted +tech +encouraged +taiwan +representation +sharing +##lia +##em +panic +exact +cargo +competing +fat +cried +83 +1920s +occasions +pa +cabin +borders +utah +marcus +##isation +badly +muscles +##ance +victorian +transition +warner +bet +permission +##rin +slave +terrible +similarly +shares +seth +uefa +possession +medals +benefits +colleges +lowered +perfectly +mall +transit +##ye +##kar +publisher +##ened +harrison +deaths +elevation +##ae +asleep +machines +sigh +ash +hardly +argument +occasion +parent +leo +decline +1888 +contribution +##ua +concentration +1000 +opportunities +hispanic +guardian +extent +emotions +hips +mason +volumes +bloody +controversy +diameter +steady +mistake +phoenix +identify +violin +##sk +departure +richmond +spin +funeral +enemies +1864 +gear +literally +connor +random +sergeant +grab +confusion +1865 +transmission +informed +op +leaning +sacred +suspended +thinks +gates +portland +luck +agencies +yours +hull +expert +muscle +layer +practical +sculpture +jerusalem +latest +lloyd +statistics +deeper +recommended +warrior +arkansas +mess +supports +greg +eagle +1880 +recovered +rated +concerts +rushed +##ano +stops +eggs +files +premiere +keith +##vo +delhi +turner +pit +affair +belief +paint +##zing +mate +##ach +##ev +victim +##ology +withdrew +bonus +styles +fled +##ud +glasgow +technologies +funded +nbc +adaptation +##ata +portrayed +cooperation +supporters +judges +bernard +justin +hallway +ralph +##ick +graduating +controversial +distant +continental +spider +bite +##ho +recognize +intention +mixing +##ese +egyptian +bow +tourism +suppose +claiming +tiger +dominated +participants +vi +##ru +nurse +partially +tape +##rum +psychology +##rn +essential +touring +duo +voting +civilian +emotional +channels +##king +apparent +hebrew +1887 +tommy +carrier +intersection +beast +hudson +##gar +##zo +lab +nova +bench +discuss +costa +##ered +detailed +behalf +drivers +unfortunately +obtain +##lis +rocky +##dae +siege +friendship +honey +##rian +1861 +amy +hang +posted +governments +collins +respond +wildlife +preferred +operator +##po +laura +pregnant +videos +dennis +suspected +boots +instantly +weird +automatic +businessman +alleged +placing +throwing +ph +mood +1862 +perry +venue +jet +remainder +##lli +##ci +passion +biological +boyfriend +1863 +dirt +buffalo +ron +segment +fa +abuse +##era +genre +thrown +stroke +colored +stress +exercise +displayed +##gen +struggled +##tti +abroad +dramatic +wonderful +thereafter +madrid +component +widespread +##sed +tale +citizen +todd +monday +1886 +vancouver +overseas +forcing +crying +descent +##ris +discussed +substantial +ranks +regime +1870 +provinces +switch +drum +zane +ted +tribes +proof +lp +cream +researchers +volunteer +manor +silk +milan +donated +allies +venture +principle +delivery +enterprise +##ves +##ans +bars +traditionally +witch +reminded +copper +##uk +pete +inter +links +colin +grinned +elsewhere +competitive +frequent +##oy +scream +##hu +tension +texts +submarine +finnish +defending +defend +pat +detail +1884 +affiliated +stuart +themes +villa +periods +tool +belgian +ruling +crimes +answers +folded +licensed +resort +demolished +hans +lucy +1881 +lion +traded +photographs +writes +craig +##fa +trials +generated +beth +noble +debt +percentage +yorkshire +erected +ss +viewed +grades +confidence +ceased +islam +telephone +retail +##ible +chile +m² +roberts +sixteen +##ich +commented +hampshire +innocent +dual +pounds +checked +regulations +afghanistan +sung +rico +liberty +assets +bigger +options +angels +relegated +tribute +wells +attending +leaf +##yan +butler +romanian +forum +monthly +lisa +patterns +gmina +##tory +madison +hurricane +rev +##ians +bristol +##ula +elite +valuable +disaster +democracy +awareness +germans +freyja +##ins +loop +absolutely +paying +populations +maine +sole +prayer +spencer +releases +doorway +bull +##ani +lover +midnight +conclusion +##sson +thirteen +lily +mediterranean +##lt +nhl +proud +sample +##hill +drummer +guinea +##ova +murphy +climb +##ston +instant +attributed +horn +ain +railways +steven +##ao +autumn +ferry +opponent +root +traveling +secured +corridor +stretched +tales +sheet +trinity +cattle +helps +indicates +manhattan +murdered +fitted +1882 +gentle +grandmother +mines +shocked +vegas +produces +##light +caribbean +##ou +belong +continuous +desperate +drunk +historically +trio +waved +raf +dealing +nathan +bat +murmured +interrupted +residing +scientist +pioneer +harold +aaron +##net +delta +attempting +minority +mini +believes +chorus +tend +lots +eyed +indoor +load +shots +updated +jail +##llo +concerning +connecting +wealth +##ved +slaves +arrive +rangers +sufficient +rebuilt +##wick +cardinal +flood +muhammad +whenever +relation +runners +moral +repair +viewers +arriving +revenge +punk +assisted +bath +fairly +breathe +lists +innings +illustrated +whisper +nearest +voters +clinton +ties +ultimate +screamed +beijing +lions +andre +fictional +gathering +comfort +radar +suitable +dismissed +hms +ban +pine +wrist +atmosphere +voivodeship +bid +timber +##ned +##nan +giants +##ane +cameron +recovery +uss +identical +categories +switched +serbia +laughter +noah +ensemble +therapy +peoples +touching +##off +locally +pearl +platforms +everywhere +ballet +tables +lanka +herbert +outdoor +toured +derek +1883 +spaces +contested +swept +1878 +exclusive +slight +connections +##dra +winds +prisoner +collective +bangladesh +tube +publicly +wealthy +thai +##ys +isolated +select +##ric +insisted +pen +fortune +ticket +spotted +reportedly +animation +enforcement +tanks +110 +decides +wider +lowest +owen +##time +nod +hitting +##hn +gregory +furthermore +magazines +fighters +solutions +##ery +pointing +requested +peru +reed +chancellor +knights +mask +worker +eldest +flames +reduction +1860 +volunteers +##tis +reporting +##hl +wire +advisory +endemic +origins +settlers +pursue +knock +consumer +1876 +eu +compound +creatures +mansion +sentenced +ivan +deployed +guitars +frowned +involves +mechanism +kilometers +perspective +shops +maps +terminus +duncan +alien +fist +bridges +##pers +heroes +fed +derby +swallowed +##ros +patent +sara +illness +characterized +adventures +slide +hawaii +jurisdiction +##op +organised +##side +adelaide +walks +biology +se +##ties +rogers +swing +tightly +boundaries +##rie +prepare +implementation +stolen +##sha +certified +colombia +edwards +garage +##mm +recalled +##ball +rage +harm +nigeria +breast +##ren +furniture +pupils +settle +##lus +cuba +balls +client +alaska +21st +linear +thrust +celebration +latino +genetic +terror +##cia +##ening +lightning +fee +witness +lodge +establishing +skull +##ique +earning +hood +##ei +rebellion +wang +sporting +warned +missile +devoted +activist +porch +worship +fourteen +package +1871 +decorated +##shire +housed +##ock +chess +sailed +doctors +oscar +joan +treat +garcia +harbour +jeremy +##ire +traditions +dominant +jacques +##gon +##wan +relocated +1879 +amendment +sized +companion +simultaneously +volleyball +spun +acre +increases +stopping +loves +belongs +affect +drafted +tossed +scout +battles +1875 +filming +shoved +munich +tenure +vertical +romance +pc +##cher +argue +##ical +craft +ranging +www +opens +honest +tyler +yesterday +virtual +##let +muslims +reveal +snake +immigrants +radical +screaming +speakers +firing +saving +belonging +ease +lighting +prefecture +blame +farmer +hungry +grows +rubbed +beam +sur +subsidiary +##cha +armenian +sao +dropping +conventional +##fer +microsoft +reply +qualify +spots +1867 +sweat +festivals +##ken +immigration +physician +discover +exposure +sandy +explanation +isaac +implemented +##fish +hart +initiated +connect +stakes +presents +heights +householder +pleased +tourist +regardless +slip +closest +##ction +surely +sultan +brings +riley +preparation +aboard +slammed +baptist +experiment +ongoing +interstate +organic +playoffs +##ika +1877 +130 +##tar +hindu +error +tours +tier +plenty +arrangements +talks +trapped +excited +sank +ho +athens +1872 +denver +welfare +suburb +athletes +trick +diverse +belly +exclusively +yelled +1868 +##med +conversion +##ette +1874 +internationally +computers +conductor +abilities +sensitive +hello +dispute +measured +globe +rocket +prices +amsterdam +flights +tigers +inn +municipalities +emotion +references +3d +##mus +explains +airlines +manufactured +pm +archaeological +1873 +interpretation +devon +comment +##ites +settlements +kissing +absolute +improvement +suite +impressed +barcelona +sullivan +jefferson +towers +jesse +julie +##tin +##lu +grandson +hi +gauge +regard +rings +interviews +trace +raymond +thumb +departments +burns +serial +bulgarian +scores +demonstrated +##ix +1866 +kyle +alberta +underneath +romanized +##ward +relieved +acquisition +phrase +cliff +reveals +han +cuts +merger +custom +##dar +nee +gilbert +graduation +##nts +assessment +cafe +difficulty +demands +swung +democrat +jennifer +commons +1940s +grove +##yo +completing +focuses +sum +substitute +bearing +stretch +reception +##py +reflected +essentially +destination +pairs +##ched +survival +resource +##bach +promoting +doubles +messages +tear +##down +##fully +parade +florence +harvey +incumbent +partial +framework +900 +pedro +frozen +procedure +olivia +controls +##mic +shelter +personally +temperatures +##od +brisbane +tested +sits +marble +comprehensive +oxygen +leonard +##kov +inaugural +iranian +referring +quarters +attitude +##ivity +mainstream +lined +mars +dakota +norfolk +unsuccessful +##° +explosion +helicopter +congressional +##sing +inspector +bitch +seal +departed +divine +##ters +coaching +examination +punishment +manufacturer +sink +columns +unincorporated +signals +nevada +squeezed +dylan +dining +photos +martial +manuel +eighteen +elevator +brushed +plates +ministers +ivy +congregation +##len +slept +specialized +taxes +curve +restricted +negotiations +likes +statistical +arnold +inspiration +execution +bold +intermediate +significance +margin +ruler +wheels +gothic +intellectual +dependent +listened +eligible +buses +widow +syria +earn +cincinnati +collapsed +recipient +secrets +accessible +philippine +maritime +goddess +clerk +surrender +breaks +playoff +database +##ified +##lon +ideal +beetle +aspect +soap +regulation +strings +expand +anglo +shorter +crosses +retreat +tough +coins +wallace +directions +pressing +##oon +shipping +locomotives +comparison +topics +nephew +##mes +distinction +honors +travelled +sierra +ibn +##over +fortress +sa +recognised +carved +1869 +clients +##dan +intent +##mar +coaches +describing +bread +##ington +beaten +northwestern +##ona +merit +youtube +collapse +challenges +em +historians +objective +submitted +virus +attacking +drake +assume +##ere +diseases +marc +stem +leeds +##cus +##ab +farming +glasses +##lock +visits +nowhere +fellowship +relevant +carries +restaurants +experiments +101 +constantly +bases +targets +shah +tenth +opponents +verse +territorial +##ira +writings +corruption +##hs +instruction +inherited +reverse +emphasis +##vic +employee +arch +keeps +rabbi +watson +payment +uh +##ala +nancy +##tre +venice +fastest +sexy +banned +adrian +properly +ruth +touchdown +dollar +boards +metre +circles +edges +favour +comments +ok +travels +liberation +scattered +firmly +##ular +holland +permitted +diesel +kenya +den +originated +##ral +demons +resumed +dragged +rider +##rus +servant +blinked +extend +torn +##ias +##sey +input +meal +everybody +cylinder +kinds +camps +##fe +bullet +logic +##wn +croatian +evolved +healthy +fool +chocolate +wise +preserve +pradesh +##ess +respective +1850 +##ew +chicken +artificial +gross +corresponding +convicted +cage +caroline +dialogue +##dor +narrative +stranger +mario +br +christianity +failing +trent +commanding +buddhist +1848 +maurice +focusing +yale +bike +altitude +##ering +mouse +revised +##sley +veteran +##ig +pulls +theology +crashed +campaigns +legion +##ability +drag +excellence +customer +cancelled +intensity +excuse +##lar +liga +participating +contributing +printing +##burn +variable +##rk +curious +bin +legacy +renaissance +##my +symptoms +binding +vocalist +dancer +##nie +grammar +gospel +democrats +ya +enters +sc +diplomatic +hitler +##ser +clouds +mathematical +quit +defended +oriented +##heim +fundamental +hardware +impressive +equally +convince +confederate +guilt +chuck +sliding +##ware +magnetic +narrowed +petersburg +bulgaria +otto +phd +skill +##ama +reader +hopes +pitcher +reservoir +hearts +automatically +expecting +mysterious +bennett +extensively +imagined +seeds +monitor +fix +##ative +journalism +struggling +signature +ranch +encounter +photographer +observation +protests +##pin +influences +##hr +calendar +##all +cruz +croatia +locomotive +hughes +naturally +shakespeare +basement +hook +uncredited +faded +theories +approaches +dare +phillips +filling +fury +obama +##ain +efficient +arc +deliver +min +raid +breeding +inducted +leagues +efficiency +axis +montana +eagles +##ked +supplied +instructions +karen +picking +indicating +trap +anchor +practically +christians +tomb +vary +occasional +electronics +lords +readers +newcastle +faint +innovation +collect +situations +engagement +160 +claude +mixture +##feld +peer +tissue +logo +lean +##ration +°f +floors +##ven +architects +reducing +##our +##ments +rope +1859 +ottawa +##har +samples +banking +declaration +proteins +resignation +francois +saudi +advocate +exhibited +armor +twins +divorce +##ras +abraham +reviewed +jo +temporarily +matrix +physically +pulse +curled +##ena +difficulties +bengal +usage +##ban +annie +riders +certificate +##pi +holes +warsaw +distinctive +jessica +##mon +mutual +1857 +customs +circular +eugene +removal +loaded +mere +vulnerable +depicted +generations +dame +heir +enormous +lightly +climbing +pitched +lessons +pilots +nepal +ram +google +preparing +brad +louise +renowned +##₂ +liam +##ably +plaza +shaw +sophie +brilliant +bills +##bar +##nik +fucking +mainland +server +pleasant +seized +veterans +jerked +fail +beta +brush +radiation +stored +warmth +southeastern +nate +sin +raced +berkeley +joke +athlete +designation +trunk +##low +roland +qualification +archives +heels +artwork +receives +judicial +reserves +##bed +woke +installation +abu +floating +fake +lesser +excitement +interface +concentrated +addressed +characteristic +amanda +saxophone +monk +auto +##bus +releasing +egg +dies +interaction +defender +ce +outbreak +glory +loving +##bert +sequel +consciousness +http +awake +ski +enrolled +##ress +handling +rookie +brow +somebody +biography +warfare +amounts +contracts +presentation +fabric +dissolved +challenged +meter +psychological +lt +elevated +rally +accurate +##tha +hospitals +undergraduate +specialist +venezuela +exhibit +shed +nursing +protestant +fluid +structural +footage +jared +consistent +prey +##ska +succession +reflect +exile +lebanon +wiped +suspect +shanghai +resting +integration +preservation +marvel +variant +pirates +sheep +rounded +capita +sailing +colonies +manuscript +deemed +variations +clarke +functional +emerging +boxing +relaxed +curse +azerbaijan +heavyweight +nickname +editorial +rang +grid +tightened +earthquake +flashed +miguel +rushing +##ches +improvements +boxes +brooks +180 +consumption +molecular +felix +societies +repeatedly +variation +aids +civic +graphics +professionals +realm +autonomous +receiver +delayed +workshop +militia +chairs +trump +canyon +##point +harsh +extending +lovely +happiness +##jan +stake +eyebrows +embassy +wellington +hannah +##ella +sony +corners +bishops +swear +cloth +contents +xi +namely +commenced +1854 +stanford +nashville +courage +graphic +commitment +garrison +##bin +hamlet +clearing +rebels +attraction +literacy +cooking +ruins +temples +jenny +humanity +celebrate +hasn +freight +sixty +rebel +bastard +##art +newton +##ada +deer +##ges +##ching +smiles +delaware +singers +##ets +approaching +assists +flame +##ph +boulevard +barrel +planted +##ome +pursuit +##sia +consequences +posts +shallow +invitation +rode +depot +ernest +kane +rod +concepts +preston +topic +chambers +striking +blast +arrives +descendants +montgomery +ranges +worlds +##lay +##ari +span +chaos +praise +##ag +fewer +1855 +sanctuary +mud +fbi +##ions +programmes +maintaining +unity +harper +bore +handsome +closure +tournaments +thunder +nebraska +linda +facade +puts +satisfied +argentine +dale +cork +dome +panama +##yl +1858 +tasks +experts +##ates +feeding +equation +##las +##ida +##tu +engage +bryan +##ax +um +quartet +melody +disbanded +sheffield +blocked +gasped +delay +kisses +maggie +connects +##non +sts +poured +creator +publishers +##we +guided +ellis +extinct +hug +gaining +##ord +complicated +##bility +poll +clenched +investigate +##use +thereby +quantum +spine +cdp +humor +kills +administered +semifinals +##du +encountered +ignore +##bu +commentary +##maker +bother +roosevelt +140 +plains +halfway +flowing +cultures +crack +imprisoned +neighboring +airline +##ses +##view +##mate +##ec +gather +wolves +marathon +transformed +##ill +cruise +organisations +carol +punch +exhibitions +numbered +alarm +ratings +daddy +silently +##stein +queens +colours +impression +guidance +liu +tactical +##rat +marshal +della +arrow +##ings +rested +feared +tender +owns +bitter +advisor +escort +##ides +spare +farms +grants +##ene +dragons +encourage +colleagues +cameras +##und +sucked +pile +spirits +prague +statements +suspension +landmark +fence +torture +recreation +bags +permanently +survivors +pond +spy +predecessor +bombing +coup +##og +protecting +transformation +glow +##lands +##book +dug +priests +andrea +feat +barn +jumping +##chen +##ologist +##con +casualties +stern +auckland +pipe +serie +revealing +ba +##bel +trevor +mercy +spectrum +yang +consist +governing +collaborated +possessed +epic +comprises +blew +shane +##ack +lopez +honored +magical +sacrifice +judgment +perceived +hammer +mtv +baronet +tune +das +missionary +sheets +350 +neutral +oral +threatening +attractive +shade +aims +seminary +##master +estates +1856 +michel +wounds +refugees +manufacturers +##nic +mercury +syndrome +porter +##iya +##din +hamburg +identification +upstairs +purse +widened +pause +cared +breathed +affiliate +santiago +prevented +celtic +fisher +125 +recruited +byzantine +reconstruction +farther +##mp +diet +sake +au +spite +sensation +##ert +blank +separation +105 +##hon +vladimir +armies +anime +##lie +accommodate +orbit +cult +sofia +archive +##ify +##box +founders +sustained +disorder +honours +northeastern +mia +crops +violet +threats +blanket +fires +canton +followers +southwestern +prototype +voyage +assignment +altered +moderate +protocol +pistol +##eo +questioned +brass +lifting +1852 +math +authored +##ual +doug +dimensional +dynamic +##san +1851 +pronounced +grateful +quest +uncomfortable +boom +presidency +stevens +relating +politicians +chen +barrier +quinn +diana +mosque +tribal +cheese +palmer +portions +sometime +chester +treasure +wu +bend +download +millions +reforms +registration +##osa +consequently +monitoring +ate +preliminary +brandon +invented +ps +eaten +exterior +intervention +ports +documented +log +displays +lecture +sally +favourite +##itz +vermont +lo +invisible +isle +breed +##ator +journalists +relay +speaks +backward +explore +midfielder +actively +stefan +procedures +cannon +blond +kenneth +centered +servants +chains +libraries +malcolm +essex +henri +slavery +##hal +facts +fairy +coached +cassie +cats +washed +cop +##fi +announcement +item +2000s +vinyl +activated +marco +frontier +growled +curriculum +##das +loyal +accomplished +leslie +ritual +kenny +##00 +vii +napoleon +hollow +hybrid +jungle +stationed +friedrich +counted +##ulated +platinum +theatrical +seated +col +rubber +glen +1840 +diversity +healing +extends +id +provisions +administrator +columbus +##oe +tributary +te +assured +org +##uous +prestigious +examined +lectures +grammy +ronald +associations +bailey +allan +essays +flute +believing +consultant +proceedings +travelling +1853 +kit +kerala +yugoslavia +buddy +methodist +##ith +burial +centres +batman +##nda +discontinued +bo +dock +stockholm +lungs +severely +##nk +citing +manga +##ugh +steal +mumbai +iraqi +robot +celebrity +bride +broadcasts +abolished +pot +joel +overhead +franz +packed +reconnaissance +johann +acknowledged +introduce +handled +doctorate +developments +drinks +alley +palestine +##nis +##aki +proceeded +recover +bradley +grain +patch +afford +infection +nationalist +legendary +##ath +interchange +virtually +gen +gravity +exploration +amber +vital +wishes +powell +doctrine +elbow +screenplay +##bird +contribute +indonesian +pet +creates +##com +enzyme +kylie +discipline +drops +manila +hunger +##ien +layers +suffer +fever +bits +monica +keyboard +manages +##hood +searched +appeals +##bad +testament +grande +reid +##war +beliefs +congo +##ification +##dia +si +requiring +##via +casey +1849 +regret +streak +rape +depends +syrian +sprint +pound +tourists +upcoming +pub +##xi +tense +##els +practiced +echo +nationwide +guild +motorcycle +liz +##zar +chiefs +desired +elena +bye +precious +absorbed +relatives +booth +pianist +##mal +citizenship +exhausted +wilhelm +##ceae +##hed +noting +quarterback +urge +hectares +##gue +ace +holly +##tal +blonde +davies +parked +sustainable +stepping +twentieth +airfield +galaxy +nest +chip +##nell +tan +shaft +paulo +requirement +##zy +paradise +tobacco +trans +renewed +vietnamese +##cker +##ju +suggesting +catching +holmes +enjoying +md +trips +colt +holder +butterfly +nerve +reformed +cherry +bowling +trailer +carriage +goodbye +appreciate +toy +joshua +interactive +enabled +involve +##kan +collar +determination +bunch +facebook +recall +shorts +superintendent +episcopal +frustration +giovanni +nineteenth +laser +privately +array +circulation +##ovic +armstrong +deals +painful +permit +discrimination +##wi +aires +retiring +cottage +ni +##sta +horizon +ellen +jamaica +ripped +fernando +chapters +playstation +patron +lecturer +navigation +behaviour +genes +georgian +export +solomon +rivals +swift +seventeen +rodriguez +princeton +independently +sox +1847 +arguing +entity +casting +hank +criteria +oakland +geographic +milwaukee +reflection +expanding +conquest +dubbed +##tv +halt +brave +brunswick +doi +arched +curtis +divorced +predominantly +somerset +streams +ugly +zoo +horrible +curved +buenos +fierce +dictionary +vector +theological +unions +handful +stability +chan +punjab +segments +##lly +altar +ignoring +gesture +monsters +pastor +##stone +thighs +unexpected +operators +abruptly +coin +compiled +associates +improving +migration +pin +##ose +compact +collegiate +reserved +##urs +quarterfinals +roster +restore +assembled +hurry +oval +##cies +1846 +flags +martha +##del +victories +sharply +##rated +argues +deadly +neo +drawings +symbols +performer +##iel +griffin +restrictions +editing +andrews +java +journals +arabia +compositions +dee +pierce +removing +hindi +casino +runway +civilians +minds +nasa +hotels +##zation +refuge +rent +retain +potentially +conferences +suburban +conducting +##tto +##tions +##tle +descended +massacre +##cal +ammunition +terrain +fork +souls +counts +chelsea +durham +drives +cab +##bank +perth +realizing +palestinian +finn +simpson +##dal +betty +##ule +moreover +particles +cardinals +tent +evaluation +extraordinary +##oid +inscription +##works +wednesday +chloe +maintains +panels +ashley +trucks +##nation +cluster +sunlight +strikes +zhang +##wing +dialect +canon +##ap +tucked +##ws +collecting +##mas +##can +##sville +maker +quoted +evan +franco +aria +buying +cleaning +eva +closet +provision +apollo +clinic +rat +##ez +necessarily +ac +##gle +##ising +venues +flipped +cent +spreading +trustees +checking +authorized +##sco +disappointed +##ado +notion +duration +trumpet +hesitated +topped +brussels +rolls +theoretical +hint +define +aggressive +repeat +wash +peaceful +optical +width +allegedly +mcdonald +strict +copyright +##illa +investors +mar +jam +witnesses +sounding +miranda +michelle +privacy +hugo +harmony +##pp +valid +lynn +glared +nina +102 +headquartered +diving +boarding +gibson +##ncy +albanian +marsh +routine +dealt +enhanced +er +intelligent +substance +targeted +enlisted +discovers +spinning +observations +pissed +smoking +rebecca +capitol +visa +varied +costume +seemingly +indies +compensation +surgeon +thursday +arsenal +westminster +suburbs +rid +anglican +##ridge +knots +foods +alumni +lighter +fraser +whoever +portal +scandal +##ray +gavin +advised +instructor +flooding +terrorist +##ale +teenage +interim +senses +duck +teen +thesis +abby +eager +overcome +##ile +newport +glenn +rises +shame +##cc +prompted +priority +forgot +bomber +nicolas +protective +360 +cartoon +katherine +breeze +lonely +trusted +henderson +richardson +relax +banner +candy +palms +remarkable +##rio +legends +cricketer +essay +ordained +edmund +rifles +trigger +##uri +##away +sail +alert +1830 +audiences +penn +sussex +siblings +pursued +indianapolis +resist +rosa +consequence +succeed +avoided +1845 +##ulation +inland +##tie +##nna +counsel +profession +chronicle +hurried +##una +eyebrow +eventual +bleeding +innovative +cure +##dom +committees +accounting +con +scope +hardy +heather +tenor +gut +herald +codes +tore +scales +wagon +##oo +luxury +tin +prefer +fountain +triangle +bonds +darling +convoy +dried +traced +beings +troy +accidentally +slam +findings +smelled +joey +lawyers +outcome +steep +bosnia +configuration +shifting +toll +brook +performers +lobby +philosophical +construct +shrine +aggregate +boot +cox +phenomenon +savage +insane +solely +reynolds +lifestyle +##ima +nationally +holdings +consideration +enable +edgar +mo +mama +##tein +fights +relegation +chances +atomic +hub +conjunction +awkward +reactions +currency +finale +kumar +underwent +steering +elaborate +gifts +comprising +melissa +veins +reasonable +sunshine +chi +solve +trails +inhabited +elimination +ethics +huh +ana +molly +consent +apartments +layout +marines +##ces +hunters +bulk +##oma +hometown +##wall +##mont +cracked +reads +neighbouring +withdrawn +admission +wingspan +damned +anthology +lancashire +brands +batting +forgive +cuban +awful +##lyn +104 +dimensions +imagination +##ade +dante +##ship +tracking +desperately +goalkeeper +##yne +groaned +workshops +confident +burton +gerald +milton +circus +uncertain +slope +copenhagen +sophia +fog +philosopher +portraits +accent +cycling +varying +gripped +larvae +garrett +specified +scotia +mature +luther +kurt +rap +##kes +aerial +750 +ferdinand +heated +es +transported +##shan +safely +nonetheless +##orn +##gal +motors +demanding +##sburg +startled +##brook +ally +generate +caps +ghana +stained +demo +mentions +beds +ap +afterward +diary +##bling +utility +##iro +richards +1837 +conspiracy +conscious +shining +footsteps +observer +cyprus +urged +loyalty +developer +probability +olive +upgraded +gym +miracle +insects +graves +1844 +ourselves +hydrogen +amazon +katie +tickets +poets +##pm +planes +##pan +prevention +witnessed +dense +jin +randy +tang +warehouse +monroe +bang +archived +elderly +investigations +alec +granite +mineral +conflicts +controlling +aboriginal +carlo +##zu +mechanics +stan +stark +rhode +skirt +est +##berry +bombs +respected +##horn +imposed +limestone +deny +nominee +memphis +grabbing +disabled +##als +amusement +aa +frankfurt +corn +referendum +varies +slowed +disk +firms +unconscious +incredible +clue +sue +##zhou +twist +##cio +joins +idaho +chad +developers +computing +destroyer +103 +mortal +tucker +kingston +choices +yu +carson +1800 +os +whitney +geneva +pretend +dimension +staged +plateau +maya +##une +freestyle +##bc +rovers +hiv +##ids +tristan +classroom +prospect +##hus +honestly +diploma +lied +thermal +auxiliary +feast +unlikely +iata +##tel +morocco +pounding +treasury +lithuania +considerably +1841 +dish +1812 +geological +matching +stumbled +destroying +marched +brien +advances +cake +nicole +belle +settling +measuring +directing +##mie +tuesday +bassist +capabilities +stunned +fraud +torpedo +##list +##phone +anton +wisdom +surveillance +ruined +##ulate +lawsuit +healthcare +theorem +halls +trend +aka +horizontal +dozens +acquire +lasting +swim +hawk +gorgeous +fees +vicinity +decrease +adoption +tactics +##ography +pakistani +##ole +draws +##hall +willie +burke +heath +algorithm +integral +powder +elliott +brigadier +jackie +tate +varieties +darker +##cho +lately +cigarette +specimens +adds +##ree +##ensis +##inger +exploded +finalist +cia +murders +wilderness +arguments +nicknamed +acceptance +onwards +manufacture +robertson +jets +tampa +enterprises +blog +loudly +composers +nominations +1838 +ai +malta +inquiry +automobile +hosting +viii +rays +tilted +grief +museums +strategies +furious +euro +equality +cohen +poison +surrey +wireless +governed +ridiculous +moses +##esh +##room +vanished +##ito +barnes +attract +morrison +istanbul +##iness +absent +rotation +petition +janet +##logical +satisfaction +custody +deliberately +observatory +comedian +surfaces +pinyin +novelist +strictly +canterbury +oslo +monks +embrace +ibm +jealous +photograph +continent +dorothy +marina +doc +excess +holden +allegations +explaining +stack +avoiding +lance +storyline +majesty +poorly +spike +dos +bradford +raven +travis +classics +proven +voltage +pillow +fists +butt +1842 +interpreted +##car +1839 +gage +telegraph +lens +promising +expelled +casual +collector +zones +##min +silly +nintendo +##kh +##bra +downstairs +chef +suspicious +afl +flies +vacant +uganda +pregnancy +condemned +lutheran +estimates +cheap +decree +saxon +proximity +stripped +idiot +deposits +contrary +presenter +magnus +glacier +im +offense +edwin +##ori +upright +##long +bolt +##ois +toss +geographical +##izes +environments +delicate +marking +abstract +xavier +nails +windsor +plantation +occurring +equity +saskatchewan +fears +drifted +sequences +vegetation +revolt +##stic +1843 +sooner +fusion +opposing +nato +skating +1836 +secretly +ruin +lease +##oc +edit +##nne +flora +anxiety +ruby +##ological +##mia +tel +bout +taxi +emmy +frost +rainbow +compounds +foundations +rainfall +assassination +nightmare +dominican +##win +achievements +deserve +orlando +intact +armenia +##nte +calgary +valentine +106 +marion +proclaimed +theodore +bells +courtyard +thigh +gonzalez +console +troop +minimal +monte +everyday +##ence +##if +supporter +terrorism +buck +openly +presbyterian +activists +carpet +##iers +rubbing +uprising +##yi +cute +conceived +legally +##cht +millennium +cello +velocity +ji +rescued +cardiff +1835 +rex +concentrate +senators +beard +rendered +glowing +battalions +scouts +competitors +sculptor +catalogue +arctic +ion +raja +bicycle +wow +glancing +lawn +##woman +gentleman +lighthouse +publish +predicted +calculated +##val +variants +##gne +strain +##ui +winston +deceased +##nus +touchdowns +brady +caleb +sinking +echoed +crush +hon +blessed +protagonist +hayes +endangered +magnitude +editors +##tine +estimate +responsibilities +##mel +backup +laying +consumed +sealed +zurich +lovers +frustrated +##eau +ahmed +kicking +mit +treasurer +1832 +biblical +refuse +terrified +pump +agrees +genuine +imprisonment +refuses +plymouth +##hen +lou +##nen +tara +trembling +antarctic +ton +learns +##tas +crap +crucial +faction +atop +##borough +wrap +lancaster +odds +hopkins +erik +lyon +##eon +bros +##ode +snap +locality +tips +empress +crowned +cal +acclaimed +chuckled +##ory +clara +sends +mild +towel +##fl +##day +##а +wishing +assuming +interviewed +##bal +##die +interactions +eden +cups +helena +##lf +indie +beck +##fire +batteries +filipino +wizard +parted +##lam +traces +##born +rows +idol +albany +delegates +##ees +##sar +discussions +##ex +notre +instructed +belgrade +highways +suggestion +lauren +possess +orientation +alexandria +abdul +beats +salary +reunion +ludwig +alright +wagner +intimate +pockets +slovenia +hugged +brighton +merchants +cruel +stole +trek +slopes +repairs +enrollment +politically +underlying +promotional +counting +boeing +##bb +isabella +naming +##и +keen +bacteria +listing +separately +belfast +ussr +450 +lithuanian +anybody +ribs +sphere +martinez +cock +embarrassed +proposals +fragments +nationals +##fs +##wski +premises +fin +1500 +alpine +matched +freely +bounded +jace +sleeve +##af +gaming +pier +populated +evident +##like +frances +flooded +##dle +frightened +pour +trainer +framed +visitor +challenging +pig +wickets +##fold +infected +email +##pes +arose +##aw +reward +ecuador +oblast +vale +ch +shuttle +##usa +bach +rankings +forbidden +cornwall +accordance +salem +consumers +bruno +fantastic +toes +machinery +resolved +julius +remembering +propaganda +iceland +bombardment +tide +contacts +wives +##rah +concerto +macdonald +albania +implement +daisy +tapped +sudan +helmet +angela +mistress +##lic +crop +sunk +finest +##craft +hostile +##ute +##tsu +boxer +fr +paths +adjusted +habit +ballot +supervision +soprano +##zen +bullets +wicked +sunset +regiments +disappear +lamp +performs +app +##gia +##oa +rabbit +digging +incidents +entries +##cion +dishes +##oi +introducing +##ati +##fied +freshman +slot +jill +tackles +baroque +backs +##iest +lone +sponsor +destiny +altogether +convert +##aro +consensus +shapes +demonstration +basically +feminist +auction +artifacts +##bing +strongest +twitter +halifax +2019 +allmusic +mighty +smallest +precise +alexandra +viola +##los +##ille +manuscripts +##illo +dancers +ari +managers +monuments +blades +barracks +springfield +maiden +consolidated +electron +##end +berry +airing +wheat +nobel +inclusion +blair +payments +geography +bee +cc +eleanor +react +##hurst +afc +manitoba +##yu +su +lineup +fitness +recreational +investments +airborne +disappointment +##dis +edmonton +viewing +##row +renovation +##cast +infant +bankruptcy +roses +aftermath +pavilion +##yer +carpenter +withdrawal +ladder +##hy +discussing +popped +reliable +agreements +rochester +##abad +curves +bombers +220 +rao +reverend +decreased +choosing +107 +stiff +consulting +naples +crawford +tracy +ka +ribbon +cops +##lee +crushed +deciding +unified +teenager +accepting +flagship +explorer +poles +sanchez +inspection +revived +skilled +induced +exchanged +flee +locals +tragedy +swallow +loading +hanna +demonstrate +##ela +salvador +flown +contestants +civilization +##ines +wanna +rhodes +fletcher +hector +knocking +considers +##ough +nash +mechanisms +sensed +mentally +walt +unclear +##eus +renovated +madame +##cks +crews +governmental +##hin +undertaken +monkey +##ben +##ato +fatal +armored +copa +caves +governance +grasp +perception +certification +froze +damp +tugged +wyoming +##rg +##ero +newman +##lor +nerves +curiosity +graph +115 +##ami +withdraw +tunnels +dull +meredith +moss +exhibits +neighbors +communicate +accuracy +explored +raiders +republicans +secular +kat +superman +penny +criticised +##tch +freed +update +conviction +wade +ham +likewise +delegation +gotta +doll +promises +technological +myth +nationality +resolve +convent +##mark +sharon +dig +sip +coordinator +entrepreneur +fold +##dine +capability +councillor +synonym +blown +swan +cursed +1815 +jonas +haired +sofa +canvas +keeper +rivalry +##hart +rapper +speedway +swords +postal +maxwell +estonia +potter +recurring +##nn +##ave +errors +##oni +cognitive +1834 +##² +claws +nadu +roberto +bce +wrestler +ellie +##ations +infinite +ink +##tia +presumably +finite +staircase +108 +noel +patricia +nacional +##cation +chill +eternal +tu +preventing +prussia +fossil +limbs +##logist +ernst +frog +perez +rene +##ace +pizza +prussian +##ios +##vy +molecules +regulatory +answering +opinions +sworn +lengths +supposedly +hypothesis +upward +habitats +seating +ancestors +drank +yield +hd +synthesis +researcher +modest +##var +mothers +peered +voluntary +homeland +##the +acclaim +##igan +static +valve +luxembourg +alto +carroll +fe +receptor +norton +ambulance +##tian +johnston +catholics +depicting +jointly +elephant +gloria +mentor +badge +ahmad +distinguish +remarked +councils +precisely +allison +advancing +detection +crowded +##10 +cooperative +ankle +mercedes +dagger +surrendered +pollution +commit +subway +jeffrey +lesson +sculptures +provider +##fication +membrane +timothy +rectangular +fiscal +heating +teammate +basket +particle +anonymous +deployment +##ple +missiles +courthouse +proportion +shoe +sec +##ller +complaints +forbes +blacks +abandon +remind +sizes +overwhelming +autobiography +natalie +##awa +risks +contestant +countryside +babies +scorer +invaded +enclosed +proceed +hurling +disorders +##cu +reflecting +continuously +cruiser +graduates +freeway +investigated +ore +deserved +maid +blocking +phillip +jorge +shakes +dove +mann +variables +lacked +burden +accompanying +que +consistently +organizing +provisional +complained +endless +##rm +tubes +juice +georges +krishna +mick +labels +thriller +##uch +laps +arcade +sage +snail +##table +shannon +fi +laurence +seoul +vacation +presenting +hire +churchill +surprisingly +prohibited +savannah +technically +##oli +170 +##lessly +testimony +suited +speeds +toys +romans +mlb +flowering +measurement +talented +kay +settings +charleston +expectations +shattered +achieving +triumph +ceremonies +portsmouth +lanes +mandatory +loser +stretching +cologne +realizes +seventy +cornell +careers +webb +##ulating +americas +budapest +ava +suspicion +##ison +yo +conrad +##hai +sterling +jessie +rector +##az +1831 +transform +organize +loans +christine +volcanic +warrant +slender +summers +subfamily +newer +danced +dynamics +rhine +proceeds +heinrich +gastropod +commands +sings +facilitate +easter +ra +positioned +responses +expense +fruits +yanked +imported +25th +velvet +vic +primitive +tribune +baldwin +neighbourhood +donna +rip +hay +pr +##uro +1814 +espn +welcomed +##aria +qualifier +glare +highland +timing +##cted +shells +eased +geometry +louder +exciting +slovakia +##sion +##iz +##lot +savings +prairie +##ques +marching +rafael +tonnes +##lled +curtain +preceding +shy +heal +greene +worthy +##pot +detachment +bury +sherman +##eck +reinforced +seeks +bottles +contracted +duchess +outfit +walsh +##sc +mickey +##ase +geoffrey +archer +squeeze +dawson +eliminate +invention +##enberg +neal +##eth +stance +dealer +coral +maple +retire +polo +simplified +##ht +1833 +hid +watts +backwards +jules +##oke +genesis +mt +frames +rebounds +burma +woodland +moist +santos +whispers +drained +subspecies +##aa +streaming +ulster +burnt +correspondence +maternal +gerard +denis +stealing +##load +genius +duchy +##oria +inaugurated +momentum +suits +placement +sovereign +clause +thames +##hara +confederation +reservation +sketch +yankees +lets +rotten +charm +hal +verses +ultra +commercially +dot +salon +citation +adopt +winnipeg +mist +allocated +cairo +##boy +jenkins +interference +objectives +##wind +1820 +portfolio +armoured +sectors +##eh +initiatives +##world +integrity +exercises +robe +tap +ab +gazed +##tones +distracted +rulers +111 +favorable +jerome +tended +cart +factories +##eri +diplomat +valued +gravel +charitable +##try +calvin +exploring +chang +shepherd +terrace +pdf +pupil +##ural +reflects +ups +##rch +governors +shelf +depths +##nberg +trailed +crest +tackle +##nian +##ats +hatred +##kai +clare +makers +ethiopia +longtime +detected +embedded +lacking +slapped +rely +thomson +anticipation +iso +morton +successive +agnes +screenwriter +straightened +philippe +playwright +haunted +licence +iris +intentions +sutton +112 +logical +correctly +##weight +branded +licked +tipped +silva +ricky +narrator +requests +##ents +greeted +supernatural +cow +##wald +lung +refusing +employer +strait +gaelic +liner +##piece +zoe +sabha +##mba +driveway +harvest +prints +bates +reluctantly +threshold +algebra +ira +wherever +coupled +240 +assumption +picks +##air +designers +raids +gentlemen +##ean +roller +blowing +leipzig +locks +screw +dressing +strand +##lings +scar +dwarf +depicts +##nu +nods +##mine +differ +boris +##eur +yuan +flip +##gie +mob +invested +questioning +applying +##ture +shout +##sel +gameplay +blamed +illustrations +bothered +weakness +rehabilitation +##of +##zes +envelope +rumors +miners +leicester +subtle +kerry +##ico +ferguson +##fu +premiership +ne +##cat +bengali +prof +catches +remnants +dana +##rily +shouting +presidents +baltic +ought +ghosts +dances +sailors +shirley +fancy +dominic +##bie +madonna +##rick +bark +buttons +gymnasium +ashes +liver +toby +oath +providence +doyle +evangelical +nixon +cement +carnegie +embarked +hatch +surroundings +guarantee +needing +pirate +essence +##bee +filter +crane +hammond +projected +immune +percy +twelfth +##ult +regent +doctoral +damon +mikhail +##ichi +lu +critically +elect +realised +abortion +acute +screening +mythology +steadily +##fc +frown +nottingham +kirk +wa +minneapolis +##rra +module +algeria +mc +nautical +encounters +surprising +statues +availability +shirts +pie +alma +brows +munster +mack +soup +crater +tornado +sanskrit +cedar +explosive +bordered +dixon +planets +stamp +exam +happily +##bble +carriers +kidnapped +##vis +accommodation +emigrated +##met +knockout +correspondent +violation +profits +peaks +lang +specimen +agenda +ancestry +pottery +spelling +equations +obtaining +ki +linking +1825 +debris +asylum +##20 +buddhism +teddy +##ants +gazette +##nger +##sse +dental +eligibility +utc +fathers +averaged +zimbabwe +francesco +coloured +hissed +translator +lynch +mandate +humanities +mackenzie +uniforms +lin +##iana +##gio +asset +mhz +fitting +samantha +genera +wei +rim +beloved +shark +riot +entities +expressions +indo +carmen +slipping +owing +abbot +neighbor +sidney +##av +rats +recommendations +encouraging +squadrons +anticipated +commanders +conquered +##oto +donations +diagnosed +##mond +divide +##iva +guessed +decoration +vernon +auditorium +revelation +conversations +##kers +##power +herzegovina +dash +alike +protested +lateral +herman +accredited +mg +##gent +freeman +mel +fiji +crow +crimson +##rine +livestock +##pped +humanitarian +bored +oz +whip +##lene +##ali +legitimate +alter +grinning +spelled +anxious +oriental +wesley +##nin +##hole +carnival +controller +detect +##ssa +bowed +educator +kosovo +macedonia +##sin +occupy +mastering +stephanie +janeiro +para +unaware +nurses +noon +135 +cam +hopefully +ranger +combine +sociology +polar +rica +##eer +neill +##sman +holocaust +##ip +doubled +lust +1828 +109 +decent +cooling +unveiled +##card +1829 +nsw +homer +chapman +meyer +##gin +dive +mae +reagan +expertise +##gled +darwin +brooke +sided +prosecution +investigating +comprised +petroleum +genres +reluctant +differently +trilogy +johns +vegetables +corpse +highlighted +lounge +pension +unsuccessfully +elegant +aided +ivory +beatles +amelia +cain +dubai +sunny +immigrant +babe +click +##nder +underwater +pepper +combining +mumbled +atlas +horns +accessed +ballad +physicians +homeless +gestured +rpm +freak +louisville +corporations +patriots +prizes +rational +warn +modes +decorative +overnight +din +troubled +phantom +##ort +monarch +sheer +##dorf +generals +guidelines +organs +addresses +##zon +enhance +curling +parishes +cord +##kie +linux +caesar +deutsche +bavaria +##bia +coleman +cyclone +##eria +bacon +petty +##yama +##old +hampton +diagnosis +1824 +throws +complexity +rita +disputed +##₃ +pablo +##sch +marketed +trafficking +##ulus +examine +plague +formats +##oh +vault +faithful +##bourne +webster +##ox +highlights +##ient +##ann +phones +vacuum +sandwich +modeling +##gated +bolivia +clergy +qualities +isabel +##nas +##ars +wears +screams +reunited +annoyed +bra +##ancy +##rate +differential +transmitter +tattoo +container +poker +##och +excessive +resides +cowboys +##tum +augustus +trash +providers +statute +retreated +balcony +reversed +void +storey +preceded +masses +leap +laughs +neighborhoods +wards +schemes +falcon +santo +battlefield +pad +ronnie +thread +lesbian +venus +##dian +beg +sandstone +daylight +punched +gwen +analog +stroked +wwe +acceptable +measurements +dec +toxic +##kel +adequate +surgical +economist +parameters +varsity +##sberg +quantity +ella +##chy +##rton +countess +generating +precision +diamonds +expressway +ga +##ı +1821 +uruguay +talents +galleries +expenses +scanned +colleague +outlets +ryder +lucien +##ila +paramount +##bon +syracuse +dim +fangs +gown +sweep +##sie +toyota +missionaries +websites +##nsis +sentences +adviser +val +trademark +spells +##plane +patience +starter +slim +##borg +toe +incredibly +shoots +elliot +nobility +##wyn +cowboy +endorsed +gardner +tendency +persuaded +organisms +emissions +kazakhstan +amused +boring +chips +themed +##hand +llc +constantinople +chasing +systematic +guatemala +borrowed +erin +carey +##hard +highlands +struggles +1810 +##ifying +##ced +wong +exceptions +develops +enlarged +kindergarten +castro +##ern +##rina +leigh +zombie +juvenile +##most +consul +##nar +sailor +hyde +clarence +intensive +pinned +nasty +useless +jung +clayton +stuffed +exceptional +ix +apostolic +230 +transactions +##dge +exempt +swinging +cove +religions +##ash +shields +dairy +bypass +190 +pursuing +bug +joyce +bombay +chassis +southampton +chat +interact +redesignated +##pen +nascar +pray +salmon +rigid +regained +malaysian +grim +publicity +constituted +capturing +toilet +delegate +purely +tray +drift +loosely +striker +weakened +trinidad +mitch +itv +defines +transmitted +ming +scarlet +nodding +fitzgerald +fu +narrowly +sp +tooth +standings +virtue +##₁ +##wara +##cting +chateau +gloves +lid +##nel +hurting +conservatory +##pel +sinclair +reopened +sympathy +nigerian +strode +advocated +optional +chronic +discharge +##rc +suck +compatible +laurel +stella +shi +fails +wage +dodge +128 +informal +sorts +levi +buddha +villagers +##aka +chronicles +heavier +summoned +gateway +3000 +eleventh +jewelry +translations +accordingly +seas +##ency +fiber +pyramid +cubic +dragging +##ista +caring +##ops +android +contacted +lunar +##dt +kai +lisbon +patted +1826 +sacramento +theft +madagascar +subtropical +disputes +ta +holidays +piper +willow +mare +cane +itunes +newfoundland +benny +companions +dong +raj +observe +roar +charming +plaque +tibetan +fossils +enacted +manning +bubble +tina +tanzania +##eda +##hir +funk +swamp +deputies +cloak +ufc +scenario +par +scratch +metals +anthem +guru +engaging +specially +##boat +dialects +nineteen +cecil +duet +disability +messenger +unofficial +##lies +defunct +eds +moonlight +drainage +surname +puzzle +honda +switching +conservatives +mammals +knox +broadcaster +sidewalk +cope +##ried +benson +princes +peterson +##sal +bedford +sharks +eli +wreck +alberto +gasp +archaeology +lgbt +teaches +securities +madness +compromise +waving +coordination +davidson +visions +leased +possibilities +eighty +jun +fernandez +enthusiasm +assassin +sponsorship +reviewer +kingdoms +estonian +laboratories +##fy +##nal +applies +verb +celebrations +##zzo +rowing +lightweight +sadness +submit +mvp +balanced +dude +##vas +explicitly +metric +magnificent +mound +brett +mohammad +mistakes +irregular +##hing +##ass +sanders +betrayed +shipped +surge +##enburg +reporters +termed +georg +pity +verbal +bulls +abbreviated +enabling +appealed +##are +##atic +sicily +sting +heel +sweetheart +bart +spacecraft +brutal +monarchy +##tter +aberdeen +cameo +diane +##ub +survivor +clyde +##aries +complaint +##makers +clarinet +delicious +chilean +karnataka +coordinates +1818 +panties +##rst +pretending +ar +dramatically +kiev +bella +tends +distances +113 +catalog +launching +instances +telecommunications +portable +lindsay +vatican +##eim +angles +aliens +marker +stint +screens +bolton +##rne +judy +wool +benedict +plasma +europa +spark +imaging +filmmaker +swiftly +##een +contributor +##nor +opted +stamps +apologize +financing +butter +gideon +sophisticated +alignment +avery +chemicals +yearly +speculation +prominence +professionally +##ils +immortal +institutional +inception +wrists +identifying +tribunal +derives +gains +##wo +papal +preference +linguistic +vince +operative +brewery +##ont +unemployment +boyd +##ured +##outs +albeit +prophet +1813 +bi +##rr +##face +##rad +quarterly +asteroid +cleaned +radius +temper +##llen +telugu +jerk +viscount +menu +##ote +glimpse +##aya +yacht +hawaiian +baden +##rl +laptop +readily +##gu +monetary +offshore +scots +watches +##yang +##arian +upgrade +needle +xbox +lea +encyclopedia +flank +fingertips +##pus +delight +teachings +confirm +roth +beaches +midway +winters +##iah +teasing +daytime +beverly +gambling +bonnie +##backs +regulated +clement +hermann +tricks +knot +##shing +##uring +##vre +detached +ecological +owed +specialty +byron +inventor +bats +stays +screened +unesco +midland +trim +affection +##ander +##rry +jess +thoroughly +feedback +##uma +chennai +strained +heartbeat +wrapping +overtime +pleaded +##sworth +mon +leisure +oclc +##tate +##ele +feathers +angelo +thirds +nuts +surveys +clever +gill +commentator +##dos +darren +rides +gibraltar +##nc +##mu +dissolution +dedication +shin +meals +saddle +elvis +reds +chaired +taller +appreciation +functioning +niece +favored +advocacy +robbie +criminals +suffolk +yugoslav +passport +constable +congressman +hastings +vera +##rov +consecrated +sparks +ecclesiastical +confined +##ovich +muller +floyd +nora +1822 +paved +1827 +cumberland +ned +saga +spiral +##flow +appreciated +yi +collaborative +treating +similarities +feminine +finishes +##ib +jade +import +##nse +##hot +champagne +mice +securing +celebrities +helsinki +attributes +##gos +cousins +phases +ache +lucia +gandhi +submission +vicar +spear +shine +tasmania +biting +detention +constitute +tighter +seasonal +##gus +terrestrial +matthews +##oka +effectiveness +parody +philharmonic +##onic +1816 +strangers +encoded +consortium +guaranteed +regards +shifts +tortured +collision +supervisor +inform +broader +insight +theaters +armour +emeritus +blink +incorporates +mapping +##50 +##ein +handball +flexible +##nta +substantially +generous +thief +##own +carr +loses +1793 +prose +ucla +romeo +generic +metallic +realization +damages +mk +commissioners +zach +default +##ther +helicopters +lengthy +stems +spa +partnered +spectators +rogue +indication +penalties +teresa +1801 +sen +##tric +dalton +##wich +irving +photographic +##vey +dell +deaf +peters +excluded +unsure +##vable +patterson +crawled +##zio +resided +whipped +latvia +slower +ecole +pipes +employers +maharashtra +comparable +va +textile +pageant +##gel +alphabet +binary +irrigation +chartered +choked +antoine +offs +waking +supplement +##wen +quantities +demolition +regain +locate +urdu +folks +alt +114 +##mc +scary +andreas +whites +##ava +classrooms +mw +aesthetic +publishes +valleys +guides +cubs +johannes +bryant +conventions +affecting +##itt +drain +awesome +isolation +prosecutor +ambitious +apology +captive +downs +atmospheric +lorenzo +aisle +beef +foul +##onia +kidding +composite +disturbed +illusion +natives +##ffer +emi +rockets +riverside +wartime +painters +adolf +melted +##ail +uncertainty +simulation +hawks +progressed +meantime +builder +spray +breach +unhappy +regina +russians +##urg +determining +##tation +tram +1806 +##quin +aging +##12 +1823 +garion +rented +mister +diaz +terminated +clip +1817 +depend +nervously +disco +owe +defenders +shiva +notorious +disbelief +shiny +worcester +##gation +##yr +trailing +undertook +islander +belarus +limitations +watershed +fuller +overlooking +utilized +raphael +1819 +synthetic +breakdown +klein +##nate +moaned +memoir +lamb +practicing +##erly +cellular +arrows +exotic +##graphy +witches +117 +charted +rey +hut +hierarchy +subdivision +freshwater +giuseppe +aloud +reyes +qatar +marty +sideways +utterly +sexually +jude +prayers +mccarthy +softball +blend +damien +##gging +##metric +wholly +erupted +lebanese +negro +revenues +tasted +comparative +teamed +transaction +labeled +maori +sovereignty +parkway +trauma +gran +malay +121 +advancement +descendant +2020 +buzz +salvation +inventory +symbolic +##making +antarctica +mps +##gas +##bro +mohammed +myanmar +holt +submarines +tones +##lman +locker +patriarch +bangkok +emerson +remarks +predators +kin +afghan +confession +norwich +rental +emerge +advantages +##zel +rca +##hold +shortened +storms +aidan +##matic +autonomy +compliance +##quet +dudley +atp +##osis +1803 +motto +documentation +summary +professors +spectacular +christina +archdiocese +flashing +innocence +remake +##dell +psychic +reef +scare +employ +rs +sticks +meg +gus +leans +##ude +accompany +bergen +tomas +##iko +doom +wages +pools +##nch +##bes +breasts +scholarly +alison +outline +brittany +breakthrough +willis +realistic +##cut +##boro +competitor +##stan +pike +picnic +icon +designing +commercials +washing +villain +skiing +micro +costumes +auburn +halted +executives +##hat +logistics +cycles +vowel +applicable +barrett +exclaimed +eurovision +eternity +ramon +##umi +##lls +modifications +sweeping +disgust +##uck +torch +aviv +ensuring +rude +dusty +sonic +donovan +outskirts +cu +pathway +##band +##gun +##lines +disciplines +acids +cadet +paired +##40 +sketches +##sive +marriages +##⁺ +folding +peers +slovak +implies +admired +##beck +1880s +leopold +instinct +attained +weston +megan +horace +##ination +dorsal +ingredients +evolutionary +##its +complications +deity +lethal +brushing +levy +deserted +institutes +posthumously +delivering +telescope +coronation +motivated +rapids +luc +flicked +pays +volcano +tanner +weighed +##nica +crowds +frankie +gifted +addressing +granddaughter +winding +##rna +constantine +gomez +##front +landscapes +rudolf +anthropology +slate +werewolf +##lio +astronomy +circa +rouge +dreaming +sack +knelt +drowned +naomi +prolific +tracked +freezing +herb +##dium +agony +randall +twisting +wendy +deposit +touches +vein +wheeler +##bbled +##bor +batted +retaining +tire +presently +compare +specification +daemon +nigel +##grave +merry +recommendation +czechoslovakia +sandra +ng +roma +##sts +lambert +inheritance +sheikh +winchester +cries +examining +##yle +comeback +cuisine +nave +##iv +ko +retrieve +tomatoes +barker +polished +defining +irene +lantern +personalities +begging +tract +swore +1809 +175 +##gic +omaha +brotherhood +##rley +haiti +##ots +exeter +##ete +##zia +steele +dumb +pearson +210 +surveyed +elisabeth +trends +##ef +fritz +##rf +premium +bugs +fraction +calmly +viking +##birds +tug +inserted +unusually +##ield +confronted +distress +crashing +brent +turks +resign +##olo +cambodia +gabe +sauce +##kal +evelyn +116 +extant +clusters +quarry +teenagers +luna +##lers +##ister +affiliation +drill +##ashi +panthers +scenic +libya +anita +strengthen +inscriptions +##cated +lace +sued +judith +riots +##uted +mint +##eta +preparations +midst +dub +challenger +##vich +mock +cf +displaced +wicket +breaths +enables +schmidt +analyst +##lum +ag +highlight +automotive +axe +josef +newark +sufficiently +resembles +50th +##pal +flushed +mum +traits +##ante +commodore +incomplete +warming +titular +ceremonial +ethical +118 +celebrating +eighteenth +cao +lima +medalist +mobility +strips +snakes +##city +miniature +zagreb +barton +escapes +umbrella +automated +doubted +differs +cooled +georgetown +dresden +cooked +fade +wyatt +rna +jacobs +carlton +abundant +stereo +boost +madras +inning +##hia +spur +ip +malayalam +begged +osaka +groan +escaping +charging +dose +vista +##aj +bud +papa +communists +advocates +edged +tri +##cent +resemble +peaking +necklace +fried +montenegro +saxony +goose +glances +stuttgart +curator +recruit +grocery +sympathetic +##tting +##fort +127 +lotus +randolph +ancestor +##rand +succeeding +jupiter +1798 +macedonian +##heads +hiking +1808 +handing +fischer +##itive +garbage +node +##pies +prone +singular +papua +inclined +attractions +italia +pouring +motioned +grandma +garnered +jacksonville +corp +ego +ringing +aluminum +##hausen +ordering +##foot +drawer +traders +synagogue +##play +##kawa +resistant +wandering +fragile +fiona +teased +var +hardcore +soaked +jubilee +decisive +exposition +mercer +poster +valencia +hale +kuwait +1811 +##ises +##wr +##eed +tavern +gamma +122 +johan +##uer +airways +amino +gil +##ury +vocational +domains +torres +##sp +generator +folklore +outcomes +##keeper +canberra +shooter +fl +beams +confrontation +##lling +##gram +feb +aligned +forestry +pipeline +jax +motorway +conception +decay +##tos +coffin +##cott +stalin +1805 +escorted +minded +##nam +sitcom +purchasing +twilight +veronica +additions +passive +tensions +straw +123 +frequencies +1804 +refugee +cultivation +##iate +christie +clary +bulletin +crept +disposal +##rich +##zong +processor +crescent +##rol +bmw +emphasized +whale +nazis +aurora +##eng +dwelling +hauled +sponsors +toledo +mega +ideology +theatres +tessa +cerambycidae +saves +turtle +cone +suspects +kara +rusty +yelling +greeks +mozart +shades +cocked +participant +##tro +shire +spit +freeze +necessity +##cos +inmates +nielsen +councillors +loaned +uncommon +omar +peasants +botanical +offspring +daniels +formations +jokes +1794 +pioneers +sigma +licensing +##sus +wheelchair +polite +1807 +liquor +pratt +trustee +##uta +forewings +balloon +##zz +kilometre +camping +explicit +casually +shawn +foolish +teammates +nm +hassan +carrie +judged +satisfy +vanessa +knives +selective +cnn +flowed +##lice +eclipse +stressed +eliza +mathematician +cease +cultivated +##roy +commissions +browns +##ania +destroyers +sheridan +meadow +##rius +minerals +##cial +downstream +clash +gram +memoirs +ventures +baha +seymour +archie +midlands +edith +fare +flynn +invite +canceled +tiles +stabbed +boulder +incorporate +amended +camden +facial +mollusk +unreleased +descriptions +yoga +grabs +550 +raises +ramp +shiver +##rose +coined +pioneering +tunes +qing +warwick +tops +119 +melanie +giles +##rous +wandered +##inal +annexed +nov +30th +unnamed +##ished +organizational +airplane +normandy +stoke +whistle +blessing +violations +chased +holders +shotgun +##ctic +outlet +reactor +##vik +tires +tearing +shores +fortified +mascot +constituencies +nc +columnist +productive +tibet +##rta +lineage +hooked +oct +tapes +judging +cody +##gger +hansen +kashmir +triggered +##eva +solved +cliffs +##tree +resisted +anatomy +protesters +transparent +implied +##iga +injection +mattress +excluding +##mbo +defenses +helpless +devotion +##elli +growl +liberals +weber +phenomena +atoms +plug +##iff +mortality +apprentice +howe +convincing +aaa +swimmer +barber +leone +promptly +sodium +def +nowadays +arise +##oning +gloucester +corrected +dignity +norm +erie +##ders +elders +evacuated +sylvia +compression +##yar +hartford +pose +backpack +reasoning +accepts +24th +wipe +millimetres +marcel +##oda +dodgers +albion +1790 +overwhelmed +aerospace +oaks +1795 +showcase +acknowledge +recovering +nolan +ashe +hurts +geology +fashioned +disappearance +farewell +swollen +shrug +marquis +wimbledon +124 +rue +1792 +commemorate +reduces +experiencing +inevitable +calcutta +intel +##court +murderer +sticking +fisheries +imagery +bloom +280 +brake +##inus +gustav +hesitation +memorable +po +viral +beans +accidents +tunisia +antenna +spilled +consort +treatments +aye +perimeter +##gard +donation +hostage +migrated +banker +addiction +apex +lil +trout +##ously +conscience +##nova +rams +sands +genome +passionate +troubles +##lets +##set +amid +##ibility +##ret +higgins +exceed +vikings +##vie +payne +##zan +muscular +##ste +defendant +sucking +##wal +ibrahim +fuselage +claudia +vfl +europeans +snails +interval +##garh +preparatory +statewide +tasked +lacrosse +viktor +##lation +angola +##hra +flint +implications +employs +teens +patrons +stall +weekends +barriers +scrambled +nucleus +tehran +jenna +parsons +lifelong +robots +displacement +5000 +##bles +precipitation +##gt +knuckles +clutched +1802 +marrying +ecology +marx +accusations +declare +scars +kolkata +mat +meadows +bermuda +skeleton +finalists +vintage +crawl +coordinate +affects +subjected +orchestral +mistaken +##tc +mirrors +dipped +relied +260 +arches +candle +##nick +incorporating +wildly +fond +basilica +owl +fringe +rituals +whispering +stirred +feud +tertiary +slick +goat +honorable +whereby +skip +ricardo +stripes +parachute +adjoining +submerged +synthesizer +##gren +intend +positively +ninety +phi +beaver +partition +fellows +alexis +prohibition +carlisle +bizarre +fraternity +##bre +doubts +icy +cbc +aquatic +sneak +sonny +combines +airports +crude +supervised +spatial +merge +alfonso +##bic +corrupt +scan +undergo +##ams +disabilities +colombian +comparing +dolphins +perkins +##lish +reprinted +unanimous +bounced +hairs +underworld +midwest +semester +bucket +paperback +miniseries +coventry +demise +##leigh +demonstrations +sensor +rotating +yan +##hler +arrange +soils +##idge +hyderabad +labs +##dr +brakes +grandchildren +##nde +negotiated +rover +ferrari +continuation +directorate +augusta +stevenson +counterpart +gore +##rda +nursery +rican +ave +collectively +broadly +pastoral +repertoire +asserted +discovering +nordic +styled +fiba +cunningham +harley +middlesex +survives +tumor +tempo +zack +aiming +lok +urgent +##rade +##nto +devils +##ement +contractor +turin +##wl +##ool +bliss +repaired +simmons +moan +astronomical +cr +negotiate +lyric +1890s +lara +bred +clad +angus +pbs +##ience +engineered +posed +##lk +hernandez +possessions +elbows +psychiatric +strokes +confluence +electorate +lifts +campuses +lava +alps +##ep +##ution +##date +physicist +woody +##page +##ographic +##itis +juliet +reformation +sparhawk +320 +complement +suppressed +jewel +##½ +floated +##kas +continuity +sadly +##ische +inability +melting +scanning +paula +flour +judaism +safer +vague +##lm +solving +curb +##stown +financially +gable +bees +expired +miserable +cassidy +dominion +1789 +cupped +145 +robbery +facto +amos +warden +resume +tallest +marvin +ing +pounded +usd +declaring +gasoline +##aux +darkened +270 +650 +sophomore +##mere +erection +gossip +televised +risen +dial +##eu +pillars +##link +passages +profound +##tina +arabian +ashton +silicon +nail +##ead +##lated +##wer +##hardt +fleming +firearms +ducked +circuits +blows +waterloo +titans +##lina +atom +fireplace +cheshire +financed +activation +algorithms +##zzi +constituent +catcher +cherokee +partnerships +sexuality +platoon +tragic +vivian +guarded +whiskey +meditation +poetic +##late +##nga +##ake +porto +listeners +dominance +kendra +mona +chandler +factions +22nd +salisbury +attitudes +derivative +##ido +##haus +intake +paced +javier +illustrator +barrels +bias +cockpit +burnett +dreamed +ensuing +##anda +receptors +someday +hawkins +mattered +##lal +slavic +1799 +jesuit +cameroon +wasted +tai +wax +lowering +victorious +freaking +outright +hancock +librarian +sensing +bald +calcium +myers +tablet +announcing +barack +shipyard +pharmaceutical +##uan +greenwich +flush +medley +patches +wolfgang +pt +speeches +acquiring +exams +nikolai +##gg +hayden +kannada +##type +reilly +##pt +waitress +abdomen +devastated +capped +pseudonym +pharmacy +fulfill +paraguay +1796 +clicked +##trom +archipelago +syndicated +##hman +lumber +orgasm +rejection +clifford +lorraine +advent +mafia +rodney +brock +##ght +##used +##elia +cassette +chamberlain +despair +mongolia +sensors +developmental +upstream +##eg +##alis +spanning +165 +trombone +basque +seeded +interred +renewable +rhys +leapt +revision +molecule +##ages +chord +vicious +nord +shivered +23rd +arlington +debts +corpus +sunrise +bays +blackburn +centimetres +##uded +shuddered +gm +strangely +gripping +cartoons +isabelle +orbital +##ppa +seals +proving +##lton +refusal +strengthened +bust +assisting +baghdad +batsman +portrayal +mara +pushes +spears +og +##cock +reside +nathaniel +brennan +1776 +confirmation +caucus +##worthy +markings +yemen +nobles +ku +lazy +viewer +catalan +encompasses +sawyer +##fall +sparked +substances +patents +braves +arranger +evacuation +sergio +persuade +dover +tolerance +penguin +cum +jockey +insufficient +townships +occupying +declining +plural +processed +projection +puppet +flanders +introduces +liability +##yon +gymnastics +antwerp +taipei +hobart +candles +jeep +wes +observers +126 +chaplain +bundle +glorious +##hine +hazel +flung +sol +excavations +dumped +stares +sh +bangalore +triangular +icelandic +intervals +expressing +turbine +##vers +songwriting +crafts +##igo +jasmine +ditch +rite +##ways +entertaining +comply +sorrow +wrestlers +basel +emirates +marian +rivera +helpful +##some +caution +downward +networking +##atory +##tered +darted +genocide +emergence +replies +specializing +spokesman +convenient +unlocked +fading +augustine +concentrations +resemblance +elijah +investigator +andhra +##uda +promotes +bean +##rrell +fleeing +wan +simone +announcer +##ame +##bby +lydia +weaver +132 +residency +modification +##fest +stretches +##ast +alternatively +nat +lowe +lacks +##ented +pam +tile +concealed +inferior +abdullah +residences +tissues +vengeance +##ided +moisture +peculiar +groove +zip +bologna +jennings +ninja +oversaw +zombies +pumping +batch +livingston +emerald +installations +1797 +peel +nitrogen +rama +##fying +##star +schooling +strands +responding +werner +##ost +lime +casa +accurately +targeting +##rod +underway +##uru +hemisphere +lester +##yard +occupies +2d +griffith +angrily +reorganized +##owing +courtney +deposited +##dd +##30 +estadio +##ifies +dunn +exiled +##ying +checks +##combe +##о +##fly +successes +unexpectedly +blu +assessed +##flower +##ه +observing +sacked +spiders +kn +##tail +mu +nodes +prosperity +audrey +divisional +155 +broncos +tangled +adjust +feeds +erosion +paolo +surf +directory +snatched +humid +admiralty +screwed +gt +reddish +##nese +modules +trench +lamps +bind +leah +bucks +competes +##nz +##form +transcription +##uc +isles +violently +clutching +pga +cyclist +inflation +flats +ragged +unnecessary +##hian +stubborn +coordinated +harriet +baba +disqualified +330 +insect +wolfe +##fies +reinforcements +rocked +duel +winked +embraced +bricks +##raj +hiatus +defeats +pending +brightly +jealousy +##xton +##hm +##uki +lena +gdp +colorful +##dley +stein +kidney +##shu +underwear +wanderers +##haw +##icus +guardians +m³ +roared +habits +##wise +permits +gp +uranium +punished +disguise +bundesliga +elise +dundee +erotic +partisan +pi +collectors +float +individually +rendering +behavioral +bucharest +ser +hare +valerie +corporal +nutrition +proportional +##isa +immense +##kis +pavement +##zie +##eld +sutherland +crouched +1775 +##lp +suzuki +trades +endurance +operas +crosby +prayed +priory +rory +socially +##urn +gujarat +##pu +walton +cube +pasha +privilege +lennon +floods +thorne +waterfall +nipple +scouting +approve +##lov +minorities +voter +dwight +extensions +assure +ballroom +slap +dripping +privileges +rejoined +confessed +demonstrating +patriotic +yell +investor +##uth +pagan +slumped +squares +##cle +##kins +confront +bert +embarrassment +##aid +aston +urging +sweater +starr +yuri +brains +williamson +commuter +mortar +structured +selfish +exports +##jon +cds +##him +unfinished +##rre +mortgage +destinations +##nagar +canoe +solitary +buchanan +delays +magistrate +fk +##pling +motivation +##lier +##vier +recruiting +assess +##mouth +malik +antique +1791 +pius +rahman +reich +tub +zhou +smashed +airs +galway +xii +conditioning +honduras +discharged +dexter +##pf +lionel +129 +debates +lemon +tiffany +volunteered +dom +dioxide +procession +devi +sic +tremendous +advertisements +colts +transferring +verdict +hanover +decommissioned +utter +relate +pac +racism +##top +beacon +limp +similarity +terra +occurrence +ant +##how +becky +capt +updates +armament +richie +pal +##graph +halloween +mayo +##ssen +##bone +cara +serena +fcc +dolls +obligations +##dling +violated +lafayette +jakarta +exploitation +##ime +infamous +iconic +##lah +##park +kitty +moody +reginald +dread +spill +crystals +olivier +modeled +bluff +equilibrium +separating +notices +ordnance +extinction +onset +cosmic +attachment +sammy +expose +privy +anchored +##bil +abbott +admits +bending +baritone +emmanuel +policeman +vaughan +winged +climax +dresses +denny +polytechnic +mohamed +burmese +authentic +nikki +genetics +grandparents +homestead +gaza +postponed +metacritic +una +##sby +##bat +unstable +dissertation +##rial +##cian +curls +obscure +uncovered +bronx +praying +disappearing +##hoe +prehistoric +coke +turret +mutations +nonprofit +pits +monaco +##ي +##usion +prominently +dispatched +podium +##mir +uci +##uation +133 +fortifications +birthplace +kendall +##lby +##oll +preacher +rack +goodman +##rman +persistent +##ott +countless +jaime +recorder +lexington +persecution +jumps +renewal +wagons +##11 +crushing +##holder +decorations +##lake +abundance +wrath +laundry +£1 +garde +##rp +jeanne +beetles +peasant +##sl +splitting +caste +sergei +##rer +##ema +scripts +##ively +rub +satellites +##vor +inscribed +verlag +scrapped +gale +packages +chick +potato +slogan +kathleen +arabs +##culture +counterparts +reminiscent +choral +##tead +rand +retains +bushes +dane +accomplish +courtesy +closes +##oth +slaughter +hague +krakow +lawson +tailed +elias +ginger +##ttes +canopy +betrayal +rebuilding +turf +##hof +frowning +allegiance +brigades +kicks +rebuild +polls +alias +nationalism +td +rowan +audition +bowie +fortunately +recognizes +harp +dillon +horrified +##oro +renault +##tics +ropes +##α +presumed +rewarded +infrared +wiping +accelerated +illustration +##rid +presses +practitioners +badminton +##iard +detained +##tera +recognizing +relates +misery +##sies +##tly +reproduction +piercing +potatoes +thornton +esther +manners +hbo +##aan +ours +bullshit +ernie +perennial +sensitivity +illuminated +rupert +##jin +##iss +##ear +rfc +nassau +##dock +staggered +socialism +##haven +appointments +nonsense +prestige +sharma +haul +##tical +solidarity +gps +##ook +##rata +igor +pedestrian +##uit +baxter +tenants +wires +medication +unlimited +guiding +impacts +diabetes +##rama +sasha +pas +clive +extraction +131 +continually +constraints +##bilities +sonata +hunted +sixteenth +chu +planting +quote +mayer +pretended +abs +spat +##hua +ceramic +##cci +curtains +pigs +pitching +##dad +latvian +sore +dayton +##sted +##qi +patrols +slice +playground +##nted +shone +stool +apparatus +inadequate +mates +treason +##ija +desires +##liga +##croft +somalia +laurent +mir +leonardo +oracle +grape +obliged +chevrolet +thirteenth +stunning +enthusiastic +##ede +accounted +concludes +currents +basil +##kovic +drought +##rica +mai +##aire +shove +posting +##shed +pilgrimage +humorous +packing +fry +pencil +wines +smells +144 +marilyn +aching +newest +clung +bon +neighbours +sanctioned +##pie +mug +##stock +drowning +##mma +hydraulic +##vil +hiring +reminder +lilly +investigators +##ncies +sour +##eous +compulsory +packet +##rion +##graphic +##elle +cannes +##inate +depressed +##rit +heroic +importantly +theresa +##tled +conway +saturn +marginal +rae +##xia +corresponds +royce +pact +jasper +explosives +packaging +aluminium +##ttered +denotes +rhythmic +spans +assignments +hereditary +outlined +originating +sundays +lad +reissued +greeting +beatrice +##dic +pillar +marcos +plots +handbook +alcoholic +judiciary +avant +slides +extract +masculine +blur +##eum +##force +homage +trembled +owens +hymn +trey +omega +signaling +socks +accumulated +reacted +attic +theo +lining +angie +distraction +primera +talbot +##key +1200 +ti +creativity +billed +##hey +deacon +eduardo +identifies +proposition +dizzy +gunner +hogan +##yam +##pping +##hol +ja +##chan +jensen +reconstructed +##berger +clearance +darius +##nier +abe +harlem +plea +dei +circled +emotionally +notation +fascist +neville +exceeded +upwards +viable +ducks +##fo +workforce +racer +limiting +shri +##lson +possesses +1600 +kerr +moths +devastating +laden +disturbing +locking +##cture +gal +fearing +accreditation +flavor +aide +1870s +mountainous +##baum +melt +##ures +motel +texture +servers +soda +##mb +herd +##nium +erect +puzzled +hum +peggy +examinations +gould +testified +geoff +ren +devised +sacks +##law +denial +posters +grunted +cesar +tutor +ec +gerry +offerings +byrne +falcons +combinations +ct +incoming +pardon +rocking +26th +avengers +flared +mankind +seller +uttar +loch +nadia +stroking +exposing +##hd +fertile +ancestral +instituted +##has +noises +prophecy +taxation +eminent +vivid +pol +##bol +dart +indirect +multimedia +notebook +upside +displaying +adrenaline +referenced +geometric +##iving +progression +##ddy +blunt +announce +##far +implementing +##lav +aggression +liaison +cooler +cares +headache +plantations +gorge +dots +impulse +thickness +ashamed +averaging +kathy +obligation +precursor +137 +fowler +symmetry +thee +225 +hears +##rai +undergoing +ads +butcher +bowler +##lip +cigarettes +subscription +goodness +##ically +browne +##hos +##tech +kyoto +donor +##erty +damaging +friction +drifting +expeditions +hardened +prostitution +152 +fauna +blankets +claw +tossing +snarled +butterflies +recruits +investigative +coated +healed +138 +communal +hai +xiii +academics +boone +psychologist +restless +lahore +stephens +mba +brendan +foreigners +printer +##pc +ached +explode +27th +deed +scratched +dared +##pole +cardiac +1780 +okinawa +proto +commando +compelled +oddly +electrons +##base +replica +thanksgiving +##rist +sheila +deliberate +stafford +tidal +representations +hercules +ou +##path +##iated +kidnapping +lenses +##tling +deficit +samoa +mouths +consuming +computational +maze +granting +smirk +razor +fixture +ideals +inviting +aiden +nominal +##vs +issuing +julio +pitt +ramsey +docks +##oss +exhaust +##owed +bavarian +draped +anterior +mating +ethiopian +explores +noticing +##nton +discarded +convenience +hoffman +endowment +beasts +cartridge +mormon +paternal +probe +sleeves +interfere +lump +deadline +##rail +jenks +bulldogs +scrap +alternating +justified +reproductive +nam +seize +descending +secretariat +kirby +coupe +grouped +smash +panther +sedan +tapping +##18 +lola +cheer +germanic +unfortunate +##eter +unrelated +##fan +subordinate +##sdale +suzanne +advertisement +##ility +horsepower +##lda +cautiously +discourse +luigi +##mans +##fields +noun +prevalent +mao +schneider +everett +surround +governorate +kira +##avia +westward +##take +misty +rails +sustainability +134 +unused +##rating +packs +toast +unwilling +regulate +thy +suffrage +nile +awe +assam +definitions +travelers +affordable +##rb +conferred +sells +undefeated +beneficial +torso +basal +repeating +remixes +##pass +bahrain +cables +fang +##itated +excavated +numbering +statutory +##rey +deluxe +##lian +forested +ramirez +derbyshire +zeus +slamming +transfers +astronomer +banana +lottery +berg +histories +bamboo +##uchi +resurrection +posterior +bowls +vaguely +##thi +thou +preserving +tensed +offence +##inas +meyrick +callum +ridden +watt +langdon +tying +lowland +snorted +daring +truman +##hale +##girl +aura +overly +filing +weighing +goa +infections +philanthropist +saunders +eponymous +##owski +latitude +perspectives +reviewing +mets +commandant +radial +##kha +flashlight +reliability +koch +vowels +amazed +ada +elaine +supper +##rth +##encies +predator +debated +soviets +cola +##boards +##nah +compartment +crooked +arbitrary +fourteenth +##ctive +havana +majors +steelers +clips +profitable +ambush +exited +packers +##tile +nude +cracks +fungi +##е +limb +trousers +josie +shelby +tens +frederic +##ος +definite +smoothly +constellation +insult +baton +discs +lingering +##nco +conclusions +lent +staging +becker +grandpa +shaky +##tron +einstein +obstacles +sk +adverse +elle +economically +##moto +mccartney +thor +dismissal +motions +readings +nostrils +treatise +##pace +squeezing +evidently +prolonged +1783 +venezuelan +je +marguerite +beirut +takeover +shareholders +##vent +denise +digit +airplay +norse +##bbling +imaginary +pills +hubert +blaze +vacated +eliminating +##ello +vine +mansfield +##tty +retrospective +barrow +borne +clutch +bail +forensic +weaving +##nett +##witz +desktop +citadel +promotions +worrying +dorset +ieee +subdivided +##iating +manned +expeditionary +pickup +synod +chuckle +185 +barney +##rz +##ffin +functionality +karachi +litigation +meanings +uc +lick +turbo +anders +##ffed +execute +curl +oppose +ankles +typhoon +##د +##ache +##asia +linguistics +compassion +pressures +grazing +perfection +##iting +immunity +monopoly +muddy +backgrounds +136 +namibia +francesca +monitors +attracting +stunt +tuition +##ии +vegetable +##mates +##quent +mgm +jen +complexes +forts +##ond +cellar +bites +seventeenth +royals +flemish +failures +mast +charities +##cular +peruvian +capitals +macmillan +ipswich +outward +frigate +postgraduate +folds +employing +##ouse +concurrently +fiery +##tai +contingent +nightmares +monumental +nicaragua +##kowski +lizard +mal +fielding +gig +reject +##pad +harding +##ipe +coastline +##cin +##nos +beethoven +humphrey +innovations +##tam +##nge +norris +doris +solicitor +huang +obey +141 +##lc +niagara +##tton +shelves +aug +bourbon +curry +nightclub +specifications +hilton +##ndo +centennial +dispersed +worm +neglected +briggs +sm +font +kuala +uneasy +plc +##nstein +##bound +##aking +##burgh +awaiting +pronunciation +##bbed +##quest +eh +optimal +zhu +raped +greens +presided +brenda +worries +##life +venetian +marxist +turnout +##lius +refined +braced +sins +grasped +sunderland +nickel +speculated +lowell +cyrillic +communism +fundraising +resembling +colonists +mutant +freddie +usc +##mos +gratitude +##run +mural +##lous +chemist +wi +reminds +28th +steals +tess +pietro +##ingen +promoter +ri +microphone +honoured +rai +sant +##qui +feather +##nson +burlington +kurdish +terrorists +deborah +sickness +##wed +##eet +hazard +irritated +desperation +veil +clarity +##rik +jewels +xv +##gged +##ows +##cup +berkshire +unfair +mysteries +orchid +winced +exhaustion +renovations +stranded +obe +infinity +##nies +adapt +redevelopment +thanked +registry +olga +domingo +noir +tudor +ole +##atus +commenting +behaviors +##ais +crisp +pauline +probable +stirling +wigan +##bian +paralympics +panting +surpassed +##rew +luca +barred +pony +famed +##sters +cassandra +waiter +carolyn +exported +##orted +andres +destructive +deeds +jonah +castles +vacancy +suv +##glass +1788 +orchard +yep +famine +belarusian +sprang +##forth +skinny +##mis +administrators +rotterdam +zambia +zhao +boiler +discoveries +##ride +##physics +lucius +disappointing +outreach +spoon +##frame +qualifications +unanimously +enjoys +regency +##iidae +stade +realism +veterinary +rodgers +dump +alain +chestnut +castile +censorship +rumble +gibbs +##itor +communion +reggae +inactivated +logs +loads +##houses +homosexual +##iano +ale +informs +##cas +phrases +plaster +linebacker +ambrose +kaiser +fascinated +850 +limerick +recruitment +forge +mastered +##nding +leinster +rooted +threaten +##strom +borneo +##hes +suggestions +scholarships +propeller +documentaries +patronage +coats +constructing +invest +neurons +comet +entirety +shouts +identities +annoying +unchanged +wary +##antly +##ogy +neat +oversight +##kos +phillies +replay +constance +##kka +incarnation +humble +skies +minus +##acy +smithsonian +##chel +guerrilla +jar +cadets +##plate +surplus +audit +##aru +cracking +joanna +louisa +pacing +##lights +intentionally +##iri +diner +nwa +imprint +australians +tong +unprecedented +bunker +naive +specialists +ark +nichols +railing +leaked +pedal +##uka +shrub +longing +roofs +v8 +captains +neural +tuned +##ntal +##jet +emission +medina +frantic +codex +definitive +sid +abolition +intensified +stocks +enrique +sustain +genoa +oxide +##written +clues +cha +##gers +tributaries +fragment +venom +##rity +##ente +##sca +muffled +vain +sire +laos +##ingly +##hana +hastily +snapping +surfaced +sentiment +motive +##oft +contests +approximate +mesa +luckily +dinosaur +exchanges +propelled +accord +bourne +relieve +tow +masks +offended +##ues +cynthia +##mmer +rains +bartender +zinc +reviewers +lois +##sai +legged +arrogant +rafe +rosie +comprise +handicap +blockade +inlet +lagoon +copied +drilling +shelley +petals +##inian +mandarin +obsolete +##inated +onward +arguably +productivity +cindy +praising +seldom +busch +discusses +raleigh +shortage +ranged +stanton +encouragement +firstly +conceded +overs +temporal +##uke +cbe +##bos +woo +certainty +pumps +##pton +stalked +##uli +lizzie +periodic +thieves +weaker +##night +gases +shoving +chooses +wc +##chemical +prompting +weights +##kill +robust +flanked +sticky +hu +tuberculosis +##eb +##eal +christchurch +resembled +wallet +reese +inappropriate +pictured +distract +fixing +fiddle +giggled +burger +heirs +hairy +mechanic +torque +apache +obsessed +chiefly +cheng +logging +##tag +extracted +meaningful +numb +##vsky +gloucestershire +reminding +##bay +unite +##lit +breeds +diminished +clown +glove +1860s +##ن +##ug +archibald +focal +freelance +sliced +depiction +##yk +organism +switches +sights +stray +crawling +##ril +lever +leningrad +interpretations +loops +anytime +reel +alicia +delighted +##ech +inhaled +xiv +suitcase +bernie +vega +licenses +northampton +exclusion +induction +monasteries +racecourse +homosexuality +##right +##sfield +##rky +dimitri +michele +alternatives +ions +commentators +genuinely +objected +pork +hospitality +fencing +stephan +warships +peripheral +wit +drunken +wrinkled +quentin +spends +departing +chung +numerical +spokesperson +##zone +johannesburg +caliber +killers +##udge +assumes +neatly +demographic +abigail +bloc +##vel +mounting +##lain +bentley +slightest +xu +recipients +##jk +merlin +##writer +seniors +prisons +blinking +hindwings +flickered +kappa +##hel +80s +strengthening +appealing +brewing +gypsy +mali +lashes +hulk +unpleasant +harassment +bio +treaties +predict +instrumentation +pulp +troupe +boiling +mantle +##ffe +ins +##vn +dividing +handles +verbs +##onal +coconut +senegal +340 +thorough +gum +momentarily +##sto +cocaine +panicked +destined +##turing +teatro +denying +weary +captained +mans +##hawks +##code +wakefield +bollywood +thankfully +##16 +cyril +##wu +amendments +##bahn +consultation +stud +reflections +kindness +1787 +internally +##ovo +tex +mosaic +distribute +paddy +seeming +143 +##hic +piers +##15 +##mura +##verse +popularly +winger +kang +sentinel +mccoy +##anza +covenant +##bag +verge +fireworks +suppress +thrilled +dominate +##jar +swansea +##60 +142 +reconciliation +##ndi +stiffened +cue +dorian +##uf +damascus +amor +ida +foremost +##aga +porsche +unseen +dir +##had +##azi +stony +lexi +melodies +##nko +angular +integer +podcast +ants +inherent +jaws +justify +persona +##olved +josephine +##nr +##ressed +customary +flashes +gala +cyrus +glaring +backyard +ariel +physiology +greenland +html +stir +avon +atletico +finch +methodology +ked +##lent +mas +catholicism +townsend +branding +quincy +fits +containers +1777 +ashore +aragon +##19 +forearm +poisoning +##sd +adopting +conquer +grinding +amnesty +keller +finances +evaluate +forged +lankan +instincts +##uto +guam +bosnian +photographed +workplace +desirable +protector +##dog +allocation +intently +encourages +willy +##sten +bodyguard +electro +brighter +##ν +bihar +##chev +lasts +opener +amphibious +sal +verde +arte +##cope +captivity +vocabulary +yields +##tted +agreeing +desmond +pioneered +##chus +strap +campaigned +railroads +##ович +emblem +##dre +stormed +501 +##ulous +marijuana +northumberland +##gn +##nath +bowen +landmarks +beaumont +##qua +danube +##bler +attorneys +th +ge +flyers +critique +villains +cass +mutation +acc +##0s +colombo +mckay +motif +sampling +concluding +syndicate +##rell +neon +stables +ds +warnings +clint +mourning +wilkinson +##tated +merrill +leopard +evenings +exhaled +emil +sonia +ezra +discrete +stove +farrell +fifteenth +prescribed +superhero +##rier +worms +helm +wren +##duction +##hc +expo +##rator +hq +unfamiliar +antony +prevents +acceleration +fiercely +mari +painfully +calculations +cheaper +ign +clifton +irvine +davenport +mozambique +##np +pierced +##evich +wonders +##wig +##cate +##iling +crusade +ware +##uel +enzymes +reasonably +mls +##coe +mater +ambition +bunny +eliot +kernel +##fin +asphalt +headmaster +torah +aden +lush +pins +waived +##care +##yas +joao +substrate +enforce +##grad +##ules +alvarez +selections +epidemic +tempted +##bit +bremen +translates +ensured +waterfront +29th +forrest +manny +malone +kramer +reigning +cookies +simpler +absorption +205 +engraved +##ffy +evaluated +1778 +haze +146 +comforting +crossover +##abe +thorn +##rift +##imo +##pop +suppression +fatigue +cutter +##tr +201 +wurttemberg +##orf +enforced +hovering +proprietary +gb +samurai +syllable +ascent +lacey +tick +lars +tractor +merchandise +rep +bouncing +defendants +##yre +huntington +##ground +##oko +standardized +##hor +##hima +assassinated +nu +predecessors +rainy +liar +assurance +lyrical +##uga +secondly +flattened +ios +parameter +undercover +##mity +bordeaux +punish +ridges +markers +exodus +inactive +hesitate +debbie +nyc +pledge +savoy +nagar +offset +organist +##tium +hesse +marin +converting +##iver +diagram +propulsion +pu +validity +reverted +supportive +##dc +ministries +clans +responds +proclamation +##inae +##ø +##rea +ein +pleading +patriot +sf +birch +islanders +strauss +hates +##dh +brandenburg +concession +rd +##ob +1900s +killings +textbook +antiquity +cinematography +wharf +embarrassing +setup +creed +farmland +inequality +centred +signatures +fallon +370 +##ingham +##uts +ceylon +gazing +directive +laurie +##tern +globally +##uated +##dent +allah +excavation +threads +##cross +148 +frantically +icc +utilize +determines +respiratory +thoughtful +receptions +##dicate +merging +chandra +seine +147 +builders +builds +diagnostic +dev +visibility +goddamn +analyses +dhaka +cho +proves +chancel +concurrent +curiously +canadians +pumped +restoring +1850s +turtles +jaguar +sinister +spinal +traction +declan +vows +1784 +glowed +capitalism +swirling +install +universidad +##lder +##oat +soloist +##genic +##oor +coincidence +beginnings +nissan +dip +resorts +caucasus +combustion +infectious +##eno +pigeon +serpent +##itating +conclude +masked +salad +jew +##gr +surreal +toni +##wc +harmonica +151 +##gins +##etic +##coat +fishermen +intending +bravery +##wave +klaus +titan +wembley +taiwanese +ransom +40th +incorrect +hussein +eyelids +jp +cooke +dramas +utilities +##etta +##print +eisenhower +principally +granada +lana +##rak +openings +concord +##bl +bethany +connie +morality +sega +##mons +##nard +earnings +##kara +##cine +wii +communes +##rel +coma +composing +softened +severed +grapes +##17 +nguyen +analyzed +warlord +hubbard +heavenly +behave +slovenian +##hit +##ony +hailed +filmmakers +trance +caldwell +skye +unrest +coward +likelihood +##aging +bern +sci +taliban +honolulu +propose +##wang +1700 +browser +imagining +cobra +contributes +dukes +instinctively +conan +violinist +##ores +accessories +gradual +##amp +quotes +sioux +##dating +undertake +intercepted +sparkling +compressed +139 +fungus +tombs +haley +imposing +rests +degradation +lincolnshire +retailers +wetlands +tulsa +distributor +dungeon +nun +greenhouse +convey +atlantis +aft +exits +oman +dresser +lyons +##sti +joking +eddy +judgement +omitted +digits +##cts +##game +juniors +##rae +cents +stricken +une +##ngo +wizards +weir +breton +nan +technician +fibers +liking +royalty +##cca +154 +persia +terribly +magician +##rable +##unt +vance +cafeteria +booker +camille +warmer +##static +consume +cavern +gaps +compass +contemporaries +foyer +soothing +graveyard +maj +plunged +blush +##wear +cascade +demonstrates +ordinance +##nov +boyle +##lana +rockefeller +shaken +banjo +izzy +##ense +breathless +vines +##32 +##eman +alterations +chromosome +dwellings +feudal +mole +153 +catalonia +relics +tenant +mandated +##fm +fridge +hats +honesty +patented +raul +heap +cruisers +accusing +enlightenment +infants +wherein +chatham +contractors +zen +affinity +hc +osborne +piston +156 +traps +maturity +##rana +lagos +##zal +peering +##nay +attendant +dealers +protocols +subset +prospects +biographical +##cre +artery +##zers +insignia +nuns +endured +##eration +recommend +schwartz +serbs +berger +cromwell +crossroads +##ctor +enduring +clasped +grounded +##bine +marseille +twitched +abel +choke +https +catalyst +moldova +italians +##tist +disastrous +wee +##oured +##nti +wwf +nope +##piration +##asa +expresses +thumbs +167 +##nza +coca +1781 +cheating +##ption +skipped +sensory +heidelberg +spies +satan +dangers +semifinal +202 +bohemia +whitish +confusing +shipbuilding +relies +surgeons +landings +ravi +baku +moor +suffix +alejandro +##yana +litre +upheld +##unk +rajasthan +##rek +coaster +insists +posture +scenarios +etienne +favoured +appoint +transgender +elephants +poked +greenwood +defences +fulfilled +militant +somali +1758 +chalk +potent +##ucci +migrants +wink +assistants +nos +restriction +activism +niger +##ario +colon +shaun +##sat +daphne +##erated +swam +congregations +reprise +considerations +magnet +playable +xvi +##р +overthrow +tobias +knob +chavez +coding +##mers +propped +katrina +orient +newcomer +##suke +temperate +##pool +farmhouse +interrogation +##vd +committing +##vert +forthcoming +strawberry +joaquin +macau +ponds +shocking +siberia +##cellular +chant +contributors +##nant +##ologists +sped +absorb +hail +1782 +spared +##hore +barbados +karate +opus +originates +saul +##xie +evergreen +leaped +##rock +correlation +exaggerated +weekday +unification +bump +tracing +brig +afb +pathways +utilizing +##ners +mod +mb +disturbance +kneeling +##stad +##guchi +100th +pune +##thy +decreasing +168 +manipulation +miriam +academia +ecosystem +occupational +rbi +##lem +rift +##14 +rotary +stacked +incorporation +awakening +generators +guerrero +racist +##omy +cyber +derivatives +culminated +allie +annals +panzer +sainte +wikipedia +pops +zu +austro +##vate +algerian +politely +nicholson +mornings +educate +tastes +thrill +dartmouth +##gating +db +##jee +regan +differing +concentrating +choreography +divinity +##media +pledged +alexandre +routing +gregor +madeline +##idal +apocalypse +##hora +gunfire +culminating +elves +fined +liang +lam +programmed +tar +guessing +transparency +gabrielle +##gna +cancellation +flexibility +##lining +accession +shea +stronghold +nets +specializes +##rgan +abused +hasan +sgt +ling +exceeding +##₄ +admiration +supermarket +##ark +photographers +specialised +tilt +resonance +hmm +perfume +380 +sami +threatens +garland +botany +guarding +boiled +greet +puppy +russo +supplier +wilmington +vibrant +vijay +##bius +paralympic +grumbled +paige +faa +licking +margins +hurricanes +##gong +fest +grenade +ripping +##uz +counseling +weigh +##sian +needles +wiltshire +edison +costly +##not +fulton +tramway +redesigned +staffordshire +cache +gasping +watkins +sleepy +candidacy +##group +monkeys +timeline +throbbing +##bid +##sos +berth +uzbekistan +vanderbilt +bothering +overturned +ballots +gem +##iger +sunglasses +subscribers +hooker +compelling +ang +exceptionally +saloon +stab +##rdi +carla +terrifying +rom +##vision +coil +##oids +satisfying +vendors +31st +mackay +deities +overlooked +ambient +bahamas +felipe +olympia +whirled +botanist +advertised +tugging +##dden +disciples +morales +unionist +rites +foley +morse +motives +creepy +##₀ +soo +##sz +bargain +highness +frightening +turnpike +tory +reorganization +##cer +depict +biographer +##walk +unopposed +manifesto +##gles +institut +emile +accidental +kapoor +##dam +kilkenny +cortex +lively +##13 +romanesque +jain +shan +cannons +##ood +##ske +petrol +echoing +amalgamated +disappears +cautious +proposes +sanctions +trenton +##ر +flotilla +aus +contempt +tor +canary +cote +theirs +##hun +conceptual +deleted +fascinating +paso +blazing +elf +honourable +hutchinson +##eiro +##outh +##zin +surveyor +tee +amidst +wooded +reissue +intro +##ono +cobb +shelters +newsletter +hanson +brace +encoding +confiscated +dem +caravan +marino +scroll +melodic +cows +imam +##adi +##aneous +northward +searches +biodiversity +cora +310 +roaring +##bers +connell +theologian +halo +compose +pathetic +unmarried +dynamo +##oot +az +calculation +toulouse +deserves +humour +nr +forgiveness +tam +undergone +martyr +pamela +myths +whore +counselor +hicks +290 +heavens +battleship +electromagnetic +##bbs +stellar +establishments +presley +hopped +##chin +temptation +90s +wills +nas +##yuan +nhs +##nya +seminars +##yev +adaptations +gong +asher +lex +indicator +sikh +tobago +cites +goin +##yte +satirical +##gies +characterised +correspond +bubbles +lure +participates +##vid +eruption +skate +therapeutic +1785 +canals +wholesale +defaulted +sac +460 +petit +##zzled +virgil +leak +ravens +256 +portraying +##yx +ghetto +creators +dams +portray +vicente +##rington +fae +namesake +bounty +##arium +joachim +##ota +##iser +aforementioned +axle +snout +depended +dismantled +reuben +480 +##ibly +gallagher +##lau +##pd +earnest +##ieu +##iary +inflicted +objections +##llar +asa +gritted +##athy +jericho +##sea +##was +flick +underside +ceramics +undead +substituted +195 +eastward +undoubtedly +wheeled +chimney +##iche +guinness +cb +##ager +siding +##bell +traitor +baptiste +disguised +inauguration +149 +tipperary +choreographer +perched +warmed +stationary +eco +##ike +##ntes +bacterial +##aurus +flores +phosphate +##core +attacker +invaders +alvin +intersects +a1 +indirectly +immigrated +businessmen +cornelius +valves +narrated +pill +sober +ul +nationale +monastic +applicants +scenery +##jack +161 +motifs +constitutes +cpu +##osh +jurisdictions +sd +tuning +irritation +woven +##uddin +fertility +gao +##erie +antagonist +impatient +glacial +hides +boarded +denominations +interception +##jas +cookie +nicola +##tee +algebraic +marquess +bahn +parole +buyers +bait +turbines +paperwork +bestowed +natasha +renee +oceans +purchases +157 +vaccine +215 +##tock +fixtures +playhouse +integrate +jai +oswald +intellectuals +##cky +booked +nests +mortimer +##isi +obsession +sept +##gler +##sum +440 +scrutiny +simultaneous +squinted +##shin +collects +oven +shankar +penned +remarkably +##я +slips +luggage +spectral +1786 +collaborations +louie +consolidation +##ailed +##ivating +420 +hoover +blackpool +harness +ignition +vest +tails +belmont +mongol +skinner +##nae +visually +mage +derry +##tism +##unce +stevie +transitional +##rdy +redskins +drying +prep +prospective +##21 +annoyance +oversee +##loaded +fills +##books +##iki +announces +fda +scowled +respects +prasad +mystic +tucson +##vale +revue +springer +bankrupt +1772 +aristotle +salvatore +habsburg +##geny +dal +natal +nut +pod +chewing +darts +moroccan +walkover +rosario +lenin +punjabi +##ße +grossed +scattering +wired +invasive +hui +polynomial +corridors +wakes +gina +portrays +##cratic +arid +retreating +erich +irwin +sniper +##dha +linen +lindsey +maneuver +butch +shutting +socio +bounce +commemorative +postseason +jeremiah +pines +275 +mystical +beads +bp +abbas +furnace +bidding +consulted +assaulted +empirical +rubble +enclosure +sob +weakly +cancel +polly +yielded +##emann +curly +prediction +battered +70s +vhs +jacqueline +render +sails +barked +detailing +grayson +riga +sloane +raging +##yah +herbs +bravo +##athlon +alloy +giggle +imminent +suffers +assumptions +waltz +##itate +accomplishments +##ited +bathing +remixed +deception +prefix +##emia +deepest +##tier +##eis +balkan +frogs +##rong +slab +##pate +philosophers +peterborough +grains +imports +dickinson +rwanda +##atics +1774 +dirk +lan +tablets +##rove +clone +##rice +caretaker +hostilities +mclean +##gre +regimental +treasures +norms +impose +tsar +tango +diplomacy +variously +complain +192 +recognise +arrests +1779 +celestial +pulitzer +##dus +bing +libretto +##moor +adele +splash +##rite +expectation +lds +confronts +##izer +spontaneous +harmful +wedge +entrepreneurs +buyer +##ope +bilingual +translate +rugged +conner +circulated +uae +eaton +##gra +##zzle +lingered +lockheed +vishnu +reelection +alonso +##oom +joints +yankee +headline +cooperate +heinz +laureate +invading +##sford +echoes +scandinavian +##dham +hugging +vitamin +salute +micah +hind +trader +##sper +radioactive +##ndra +militants +poisoned +ratified +remark +campeonato +deprived +wander +prop +##dong +outlook +##tani +##rix +##eye +chiang +darcy +##oping +mandolin +spice +statesman +babylon +182 +walled +forgetting +afro +##cap +158 +giorgio +buffer +##polis +planetary +##gis +overlap +terminals +kinda +centenary +##bir +arising +manipulate +elm +ke +1770 +ak +##tad +chrysler +mapped +moose +pomeranian +quad +macarthur +assemblies +shoreline +recalls +stratford +##rted +noticeable +##evic +imp +##rita +##sque +accustomed +supplying +tents +disgusted +vogue +sipped +filters +khz +reno +selecting +luftwaffe +mcmahon +tyne +masterpiece +carriages +collided +dunes +exercised +flare +remembers +muzzle +##mobile +heck +##rson +burgess +lunged +middleton +boycott +bilateral +##sity +hazardous +lumpur +multiplayer +spotlight +jackets +goldman +liege +porcelain +rag +waterford +benz +attracts +hopeful +battling +ottomans +kensington +baked +hymns +cheyenne +lattice +levine +borrow +polymer +clashes +michaels +monitored +commitments +denounced +##25 +##von +cavity +##oney +hobby +akin +##holders +futures +intricate +cornish +patty +##oned +illegally +dolphin +##lag +barlow +yellowish +maddie +apologized +luton +plagued +##puram +nana +##rds +sway +fanny +łodz +##rino +psi +suspicions +hanged +##eding +initiate +charlton +##por +nak +competent +235 +analytical +annex +wardrobe +reservations +##rma +sect +162 +fairfax +hedge +piled +buckingham +uneven +bauer +simplicity +snyder +interpret +accountability +donors +moderately +byrd +continents +##cite +##max +disciple +hr +jamaican +ping +nominees +##uss +mongolian +diver +attackers +eagerly +ideological +pillows +miracles +apartheid +revolver +sulfur +clinics +moran +163 +##enko +ile +katy +rhetoric +##icated +chronology +recycling +##hrer +elongated +mughal +pascal +profiles +vibration +databases +domination +##fare +##rant +matthias +digest +rehearsal +polling +weiss +initiation +reeves +clinging +flourished +impress +ngo +##hoff +##ume +buckley +symposium +rhythms +weed +emphasize +transforming +##taking +##gence +##yman +accountant +analyze +flicker +foil +priesthood +voluntarily +decreases +##80 +##hya +slater +sv +charting +mcgill +##lde +moreno +##iu +besieged +zur +robes +##phic +admitting +api +deported +turmoil +peyton +earthquakes +##ares +nationalists +beau +clair +brethren +interrupt +welch +curated +galerie +requesting +164 +##ested +impending +steward +viper +##vina +complaining +beautifully +brandy +foam +nl +1660 +##cake +alessandro +punches +laced +explanations +##lim +attribute +clit +reggie +discomfort +##cards +smoothed +whales +##cene +adler +countered +duffy +disciplinary +widening +recipe +reliance +conducts +goats +gradient +preaching +##shaw +matilda +quasi +striped +meridian +cannabis +cordoba +certificates +##agh +##tering +graffiti +hangs +pilgrims +repeats +##ych +revive +urine +etat +##hawk +fueled +belts +fuzzy +susceptible +##hang +mauritius +salle +sincere +beers +hooks +##cki +arbitration +entrusted +advise +sniffed +seminar +junk +donnell +processors +principality +strapped +celia +mendoza +everton +fortunes +prejudice +starving +reassigned +steamer +##lund +tuck +evenly +foreman +##ffen +dans +375 +envisioned +slit +##xy +baseman +liberia +rosemary +##weed +electrified +periodically +potassium +stride +contexts +sperm +slade +mariners +influx +bianca +subcommittee +##rane +spilling +icao +estuary +##nock +delivers +iphone +##ulata +isa +mira +bohemian +dessert +##sbury +welcoming +proudly +slowing +##chs +musee +ascension +russ +##vian +waits +##psy +africans +exploit +##morphic +gov +eccentric +crab +peck +##ull +entrances +formidable +marketplace +groom +bolted +metabolism +patton +robbins +courier +payload +endure +##ifier +andes +refrigerator +##pr +ornate +##uca +ruthless +illegitimate +masonry +strasbourg +bikes +adobe +##³ +apples +quintet +willingly +niche +bakery +corpses +energetic +##cliffe +##sser +##ards +177 +centimeters +centro +fuscous +cretaceous +rancho +##yde +andrei +telecom +tottenham +oasis +ordination +vulnerability +presiding +corey +cp +penguins +sims +##pis +malawi +piss +##48 +correction +##cked +##ffle +##ryn +countdown +detectives +psychiatrist +psychedelic +dinosaurs +blouse +##get +choi +vowed +##oz +randomly +##pol +49ers +scrub +blanche +bruins +dusseldorf +##using +unwanted +##ums +212 +dominique +elevations +headlights +om +laguna +##oga +1750 +famously +ignorance +shrewsbury +##aine +ajax +breuning +che +confederacy +greco +overhaul +##screen +paz +skirts +disagreement +cruelty +jagged +phoebe +shifter +hovered +viruses +##wes +mandy +##lined +##gc +landlord +squirrel +dashed +##ι +ornamental +gag +wally +grange +literal +spurs +undisclosed +proceeding +yin +##text +billie +orphan +spanned +humidity +indy +weighted +presentations +explosions +lucian +##tary +vaughn +hindus +##anga +##hell +psycho +171 +daytona +protects +efficiently +rematch +sly +tandem +##oya +rebranded +impaired +hee +metropolis +peach +godfrey +diaspora +ethnicity +prosperous +gleaming +dar +grossing +playback +##rden +stripe +pistols +##tain +births +labelled +##cating +172 +rudy +alba +##onne +aquarium +hostility +##gb +##tase +shudder +sumatra +hardest +lakers +consonant +creeping +demos +homicide +capsule +zeke +liberties +expulsion +pueblo +##comb +trait +transporting +##ddin +##neck +##yna +depart +gregg +mold +ledge +hangar +oldham +playboy +termination +analysts +gmbh +romero +##itic +insist +cradle +filthy +brightness +slash +shootout +deposed +bordering +##truct +isis +microwave +tumbled +sheltered +cathy +werewolves +messy +andersen +convex +clapped +clinched +satire +wasting +edo +vc +rufus +##jak +mont +##etti +poznan +##keeping +restructuring +transverse +##rland +azerbaijani +slovene +gestures +roommate +choking +shear +##quist +vanguard +oblivious +##hiro +disagreed +baptism +##lich +coliseum +##aceae +salvage +societe +cory +locke +relocation +relying +versailles +ahl +swelling +##elo +cheerful +##word +##edes +gin +sarajevo +obstacle +diverted +##nac +messed +thoroughbred +fluttered +utrecht +chewed +acquaintance +assassins +dispatch +mirza +##wart +nike +salzburg +swell +yen +##gee +idle +ligue +samson +##nds +##igh +playful +spawned +##cise +tease +##case +burgundy +##bot +stirring +skeptical +interceptions +marathi +##dies +bedrooms +aroused +pinch +##lik +preferences +tattoos +buster +digitally +projecting +rust +##ital +kitten +priorities +addison +pseudo +##guard +dusk +icons +sermon +##psis +##iba +bt +##lift +##xt +ju +truce +rink +##dah +##wy +defects +psychiatry +offences +calculate +glucose +##iful +##rized +##unda +francaise +##hari +richest +warwickshire +carly +1763 +purity +redemption +lending +##cious +muse +bruises +cerebral +aero +carving +##name +preface +terminology +invade +monty +##int +anarchist +blurred +##iled +rossi +treats +guts +shu +foothills +ballads +undertaking +premise +cecilia +affiliates +blasted +conditional +wilder +minors +drone +rudolph +buffy +swallowing +horton +attested +##hop +rutherford +howell +primetime +livery +penal +##bis +minimize +hydro +wrecked +wrought +palazzo +##gling +cans +vernacular +friedman +nobleman +shale +walnut +danielle +##ection +##tley +sears +##kumar +chords +lend +flipping +streamed +por +dracula +gallons +sacrifices +gamble +orphanage +##iman +mckenzie +##gible +boxers +daly +##balls +##ان +208 +##ific +##rative +##iq +exploited +slated +##uity +circling +hillary +pinched +goldberg +provost +campaigning +lim +piles +ironically +jong +mohan +successors +usaf +##tem +##ught +autobiographical +haute +preserves +##ending +acquitted +comparisons +203 +hydroelectric +gangs +cypriot +torpedoes +rushes +chrome +derive +bumps +instability +fiat +pets +##mbe +silas +dye +reckless +settler +##itation +info +heats +##writing +176 +canonical +maltese +fins +mushroom +stacy +aspen +avid +##kur +##loading +vickers +gaston +hillside +statutes +wilde +gail +kung +sabine +comfortably +motorcycles +##rgo +169 +pneumonia +fetch +##sonic +axel +faintly +parallels +##oop +mclaren +spouse +compton +interdisciplinary +miner +##eni +181 +clamped +##chal +##llah +separates +versa +##mler +scarborough +labrador +##lity +##osing +rutgers +hurdles +como +166 +burt +divers +##100 +wichita +cade +coincided +##erson +bruised +mla +##pper +vineyard +##ili +##brush +notch +mentioning +jase +hearted +kits +doe +##acle +pomerania +##ady +ronan +seizure +pavel +problematic +##zaki +domenico +##ulin +catering +penelope +dependence +parental +emilio +ministerial +atkinson +##bolic +clarkson +chargers +colby +grill +peeked +arises +summon +##aged +fools +##grapher +faculties +qaeda +##vial +garner +refurbished +##hwa +geelong +disasters +nudged +bs +shareholder +lori +algae +reinstated +rot +##ades +##nous +invites +stainless +183 +inclusive +##itude +diocesan +til +##icz +denomination +##xa +benton +floral +registers +##ider +##erman +##kell +absurd +brunei +guangzhou +hitter +retaliation +##uled +##eve +blanc +nh +consistency +contamination +##eres +##rner +dire +palermo +broadcasters +diaries +inspire +vols +brewer +tightening +ky +mixtape +hormone +##tok +stokes +##color +##dly +##ssi +pg +##ometer +##lington +sanitation +##tility +intercontinental +apps +##adt +¹⁄₂ +cylinders +economies +favourable +unison +croix +gertrude +odyssey +vanity +dangling +##logists +upgrades +dice +middleweight +practitioner +##ight +206 +henrik +parlor +orion +angered +lac +python +blurted +##rri +sensual +intends +swings +angled +##phs +husky +attain +peerage +precinct +textiles +cheltenham +shuffled +dai +confess +tasting +bhutan +##riation +tyrone +segregation +abrupt +ruiz +##rish +smirked +blackwell +confidential +browning +amounted +##put +vase +scarce +fabulous +raided +staple +guyana +unemployed +glider +shay +##tow +carmine +troll +intervene +squash +superstar +##uce +cylindrical +len +roadway +researched +handy +##rium +##jana +meta +lao +declares +##rring +##tadt +##elin +##kova +willem +shrubs +napoleonic +realms +skater +qi +volkswagen +##ł +tad +hara +archaeologist +awkwardly +eerie +##kind +wiley +##heimer +##24 +titus +organizers +cfl +crusaders +lama +usb +vent +enraged +thankful +occupants +maximilian +##gaard +possessing +textbooks +##oran +collaborator +quaker +##ulo +avalanche +mono +silky +straits +isaiah +mustang +surged +resolutions +potomac +descend +cl +kilograms +plato +strains +saturdays +##olin +bernstein +##ype +holstein +ponytail +##watch +belize +conversely +heroine +perpetual +##ylus +charcoal +piedmont +glee +negotiating +backdrop +prologue +##jah +##mmy +pasadena +climbs +ramos +sunni +##holm +##tner +##tri +anand +deficiency +hertfordshire +stout +##avi +aperture +orioles +##irs +doncaster +intrigued +bombed +coating +otis +##mat +cocktail +##jit +##eto +amir +arousal +sar +##proof +##act +##ories +dixie +pots +##bow +whereabouts +159 +##fted +drains +bullying +cottages +scripture +coherent +fore +poe +appetite +##uration +sampled +##ators +##dp +derrick +rotor +jays +peacock +installment +##rro +advisors +##coming +rodeo +scotch +##mot +##db +##fen +##vant +ensued +rodrigo +dictatorship +martyrs +twenties +##н +towed +incidence +marta +rainforest +sai +scaled +##cles +oceanic +qualifiers +symphonic +mcbride +dislike +generalized +aubrey +colonization +##iation +##lion +##ssing +disliked +lublin +salesman +##ulates +spherical +whatsoever +sweating +avalon +contention +punt +severity +alderman +atari +##dina +##grant +##rop +scarf +seville +vertices +annexation +fairfield +fascination +inspiring +launches +palatinate +regretted +##rca +feral +##iom +elk +nap +olsen +reddy +yong +##leader +##iae +garment +transports +feng +gracie +outrage +viceroy +insides +##esis +breakup +grady +organizer +softer +grimaced +222 +murals +galicia +arranging +vectors +##rsten +bas +##sb +##cens +sloan +##eka +bitten +ara +fender +nausea +bumped +kris +banquet +comrades +detector +persisted +##llan +adjustment +endowed +cinemas +##shot +sellers +##uman +peek +epa +kindly +neglect +simpsons +talon +mausoleum +runaway +hangul +lookout +##cic +rewards +coughed +acquainted +chloride +##ald +quicker +accordion +neolithic +##qa +artemis +coefficient +lenny +pandora +tx +##xed +ecstasy +litter +segunda +chairperson +gemma +hiss +rumor +vow +nasal +antioch +compensate +patiently +transformers +##eded +judo +morrow +penis +posthumous +philips +bandits +husbands +denote +flaming +##any +##phones +langley +yorker +1760 +walters +##uo +##kle +gubernatorial +fatty +samsung +leroy +outlaw +##nine +unpublished +poole +jakob +##ᵢ +##ₙ +crete +distorted +superiority +##dhi +intercept +crust +mig +claus +crashes +positioning +188 +stallion +301 +frontal +armistice +##estinal +elton +aj +encompassing +camel +commemorated +malaria +woodward +calf +cigar +penetrate +##oso +willard +##rno +##uche +illustrate +amusing +convergence +noteworthy +##lma +##rva +journeys +realise +manfred +##sable +410 +##vocation +hearings +fiance +##posed +educators +provoked +adjusting +##cturing +modular +stockton +paterson +vlad +rejects +electors +selena +maureen +##tres +uber +##rce +swirled +##num +proportions +nanny +pawn +naturalist +parma +apostles +awoke +ethel +wen +##bey +monsoon +overview +##inating +mccain +rendition +risky +adorned +##ih +equestrian +germain +nj +conspicuous +confirming +##yoshi +shivering +##imeter +milestone +rumours +flinched +bounds +smacked +token +##bei +lectured +automobiles +##shore +impacted +##iable +nouns +nero +##leaf +ismail +prostitute +trams +##lace +bridget +sud +stimulus +impressions +reins +revolves +##oud +##gned +giro +honeymoon +##swell +criterion +##sms +##uil +libyan +prefers +##osition +211 +preview +sucks +accusation +bursts +metaphor +diffusion +tolerate +faye +betting +cinematographer +liturgical +specials +bitterly +humboldt +##ckle +flux +rattled +##itzer +archaeologists +odor +authorised +marshes +discretion +##ов +alarmed +archaic +inverse +##leton +explorers +##pine +drummond +tsunami +woodlands +##minate +##tland +booklet +insanity +owning +insert +crafted +calculus +##tore +receivers +##bt +stung +##eca +##nched +prevailing +travellers +eyeing +lila +graphs +##borne +178 +julien +##won +morale +adaptive +therapist +erica +cw +libertarian +bowman +pitches +vita +##ional +crook +##ads +##entation +caledonia +mutiny +##sible +1840s +automation +##ß +flock +##pia +ironic +pathology +##imus +remarried +##22 +joker +withstand +energies +##att +shropshire +hostages +madeleine +tentatively +conflicting +mateo +recipes +euros +ol +mercenaries +nico +##ndon +albuquerque +augmented +mythical +bel +freud +##child +cough +##lica +365 +freddy +lillian +genetically +nuremberg +calder +209 +bonn +outdoors +paste +suns +urgency +vin +restraint +tyson +##cera +##selle +barrage +bethlehem +kahn +##par +mounts +nippon +barony +happier +ryu +makeshift +sheldon +blushed +castillo +barking +listener +taped +bethel +fluent +headlines +pornography +rum +disclosure +sighing +mace +doubling +gunther +manly +##plex +rt +interventions +physiological +forwards +emerges +##tooth +##gny +compliment +rib +recession +visibly +barge +faults +connector +exquisite +prefect +##rlin +patio +##cured +elevators +brandt +italics +pena +173 +wasp +satin +ea +botswana +graceful +respectable +##jima +##rter +##oic +franciscan +generates +##dl +alfredo +disgusting +##olate +##iously +sherwood +warns +cod +promo +cheryl +sino +##ة +##escu +twitch +##zhi +brownish +thom +ortiz +##dron +densely +##beat +carmel +reinforce +##bana +187 +anastasia +downhill +vertex +contaminated +remembrance +harmonic +homework +##sol +fiancee +gears +olds +angelica +loft +ramsay +quiz +colliery +sevens +##cape +autism +##hil +walkway +##boats +ruben +abnormal +ounce +khmer +##bbe +zachary +bedside +morphology +punching +##olar +sparrow +convinces +##35 +hewitt +queer +remastered +rods +mabel +solemn +notified +lyricist +symmetric +##xide +174 +encore +passports +wildcats +##uni +baja +##pac +mildly +##ease +bleed +commodity +mounds +glossy +orchestras +##omo +damian +prelude +ambitions +##vet +awhile +remotely +##aud +asserts +imply +##iques +distinctly +modelling +remedy +##dded +windshield +dani +xiao +##endra +audible +powerplant +1300 +invalid +elemental +acquisitions +##hala +immaculate +libby +plata +smuggling +ventilation +denoted +minh +##morphism +430 +differed +dion +kelley +lore +mocking +sabbath +spikes +hygiene +drown +runoff +stylized +tally +liberated +aux +interpreter +righteous +aba +siren +reaper +pearce +millie +##cier +##yra +gaius +##iso +captures +##ttering +dorm +claudio +##sic +benches +knighted +blackness +##ored +discount +fumble +oxidation +routed +##ς +novak +perpendicular +spoiled +fracture +splits +##urt +pads +topology +##cats +axes +fortunate +offenders +protestants +esteem +221 +broadband +convened +frankly +hound +prototypes +isil +facilitated +keel +##sher +sahara +awaited +bubba +orb +prosecutors +186 +hem +520 +##xing +relaxing +remnant +romney +sorted +slalom +stefano +ulrich +##active +exemption +folder +pauses +foliage +hitchcock +epithet +204 +criticisms +##aca +ballistic +brody +hinduism +chaotic +youths +equals +##pala +pts +thicker +analogous +capitalist +improvised +overseeing +sinatra +ascended +beverage +##tl +straightforward +##kon +curran +##west +bois +325 +induce +surveying +emperors +sax +unpopular +##kk +cartoonist +fused +##mble +unto +##yuki +localities +##cko +##ln +darlington +slain +academie +lobbying +sediment +puzzles +##grass +defiance +dickens +manifest +tongues +alumnus +arbor +coincide +184 +appalachian +mustafa +examiner +cabaret +traumatic +yves +bracelet +draining +heroin +magnum +baths +odessa +consonants +mitsubishi +##gua +kellan +vaudeville +##fr +joked +null +straps +probation +##ław +ceded +interfaces +##pas +##zawa +blinding +viet +224 +rothschild +museo +640 +huddersfield +##vr +tactic +##storm +brackets +dazed +incorrectly +##vu +reg +glazed +fearful +manifold +benefited +irony +##sun +stumbling +##rte +willingness +balkans +mei +wraps +##aba +injected +##lea +gu +syed +harmless +##hammer +bray +takeoff +poppy +timor +cardboard +astronaut +purdue +weeping +southbound +cursing +stalls +diagonal +##neer +lamar +bryce +comte +weekdays +harrington +##uba +negatively +##see +lays +grouping +##cken +##henko +affirmed +halle +modernist +##lai +hodges +smelling +aristocratic +baptized +dismiss +justification +oilers +##now +coupling +qin +snack +healer +##qing +gardener +layla +battled +formulated +stephenson +gravitational +##gill +##jun +1768 +granny +coordinating +suites +##cd +##ioned +monarchs +##cote +##hips +sep +blended +apr +barrister +deposition +fia +mina +policemen +paranoid +##pressed +churchyard +covert +crumpled +creep +abandoning +tr +transmit +conceal +barr +understands +readiness +spire +##cology +##enia +##erry +610 +startling +unlock +vida +bowled +slots +##nat +##islav +spaced +trusting +admire +rig +##ink +slack +##70 +mv +207 +casualty +##wei +classmates +##odes +##rar +##rked +amherst +furnished +evolve +foundry +menace +mead +##lein +flu +wesleyan +##kled +monterey +webber +##vos +wil +##mith +##на +bartholomew +justices +restrained +##cke +amenities +191 +mediated +sewage +trenches +ml +mainz +##thus +1800s +##cula +##inski +caine +bonding +213 +converts +spheres +superseded +marianne +crypt +sweaty +ensign +historia +##br +spruce +##post +##ask +forks +thoughtfully +yukon +pamphlet +ames +##uter +karma +##yya +bryn +negotiation +sighs +incapable +##mbre +##ntial +actresses +taft +##mill +luce +prevailed +##amine +1773 +motionless +envoy +testify +investing +sculpted +instructors +provence +kali +cullen +horseback +##while +goodwin +##jos +gaa +norte +##ldon +modify +wavelength +abd +214 +skinned +sprinter +forecast +scheduling +marries +squared +tentative +##chman +boer +##isch +bolts +swap +fisherman +assyrian +impatiently +guthrie +martins +murdoch +194 +tanya +nicely +dolly +lacy +med +##45 +syn +decks +fashionable +millionaire +##ust +surfing +##ml +##ision +heaved +tammy +consulate +attendees +routinely +197 +fuse +saxophonist +backseat +malaya +##lord +scowl +tau +##ishly +193 +sighted +steaming +##rks +303 +911 +##holes +##hong +ching +##wife +bless +conserved +jurassic +stacey +unix +zion +chunk +rigorous +blaine +198 +peabody +slayer +dismay +brewers +nz +##jer +det +##glia +glover +postwar +int +penetration +sylvester +imitation +vertically +airlift +heiress +knoxville +viva +##uin +390 +macon +##rim +##fighter +##gonal +janice +##orescence +##wari +marius +belongings +leicestershire +196 +blanco +inverted +preseason +sanity +sobbing +##due +##elt +##dled +collingwood +regeneration +flickering +shortest +##mount +##osi +feminism +##lat +sherlock +cabinets +fumbled +northbound +precedent +snaps +##mme +researching +##akes +guillaume +insights +manipulated +vapor +neighbour +sap +gangster +frey +f1 +stalking +scarcely +callie +barnett +tendencies +audi +doomed +assessing +slung +panchayat +ambiguous +bartlett +##etto +distributing +violating +wolverhampton +##hetic +swami +histoire +##urus +liable +pounder +groin +hussain +larsen +popping +surprises +##atter +vie +curt +##station +mute +relocate +musicals +authorization +richter +##sef +immortality +tna +bombings +##press +deteriorated +yiddish +##acious +robbed +colchester +cs +pmid +ao +verified +balancing +apostle +swayed +recognizable +oxfordshire +retention +nottinghamshire +contender +judd +invitational +shrimp +uhf +##icient +cleaner +longitudinal +tanker +##mur +acronym +broker +koppen +sundance +suppliers +##gil +4000 +clipped +fuels +petite +##anne +landslide +helene +diversion +populous +landowners +auspices +melville +quantitative +##xes +ferries +nicky +##llus +doo +haunting +roche +carver +downed +unavailable +##pathy +approximation +hiroshima +##hue +garfield +valle +comparatively +keyboardist +traveler +##eit +congestion +calculating +subsidiaries +##bate +serb +modernization +fairies +deepened +ville +averages +##lore +inflammatory +tonga +##itch +co₂ +squads +##hea +gigantic +serum +enjoyment +retailer +verona +35th +cis +##phobic +magna +technicians +##vati +arithmetic +##sport +levin +##dation +amtrak +chow +sienna +##eyer +backstage +entrepreneurship +##otic +learnt +tao +##udy +worcestershire +formulation +baggage +hesitant +bali +sabotage +##kari +barren +enhancing +murmur +pl +freshly +putnam +syntax +aces +medicines +resentment +bandwidth +##sier +grins +chili +guido +##sei +framing +implying +gareth +lissa +genevieve +pertaining +admissions +geo +thorpe +proliferation +sato +bela +analyzing +parting +##gor +awakened +##isman +huddled +secrecy +##kling +hush +gentry +540 +dungeons +##ego +coasts +##utz +sacrificed +##chule +landowner +mutually +prevalence +programmer +adolescent +disrupted +seaside +gee +trusts +vamp +georgie +##nesian +##iol +schedules +sindh +##market +etched +hm +sparse +bey +beaux +scratching +gliding +unidentified +216 +collaborating +gems +jesuits +oro +accumulation +shaping +mbe +anal +##xin +231 +enthusiasts +newscast +##egan +janata +dewey +parkinson +179 +ankara +biennial +towering +dd +inconsistent +950 +##chet +thriving +terminate +cabins +furiously +eats +advocating +donkey +marley +muster +phyllis +leiden +##user +grassland +glittering +iucn +loneliness +217 +memorandum +armenians +##ddle +popularized +rhodesia +60s +lame +##illon +sans +bikini +header +orbits +##xx +##finger +##ulator +sharif +spines +biotechnology +strolled +naughty +yates +##wire +fremantle +milo +##mour +abducted +removes +##atin +humming +wonderland +##chrome +##ester +hume +pivotal +##rates +armand +grams +believers +elector +rte +apron +bis +scraped +##yria +endorsement +initials +##llation +eps +dotted +hints +buzzing +emigration +nearer +##tom +indicators +##ulu +coarse +neutron +protectorate +##uze +directional +exploits +pains +loire +1830s +proponents +guggenheim +rabbits +ritchie +305 +hectare +inputs +hutton +##raz +verify +##ako +boilers +longitude +##lev +skeletal +yer +emilia +citrus +compromised +##gau +pokemon +prescription +paragraph +eduard +cadillac +attire +categorized +kenyan +weddings +charley +##bourg +entertain +monmouth +##lles +nutrients +davey +mesh +incentive +practised +ecosystems +kemp +subdued +overheard +##rya +bodily +maxim +##nius +apprenticeship +ursula +##fight +lodged +rug +silesian +unconstitutional +patel +inspected +coyote +unbeaten +##hak +34th +disruption +convict +parcel +##cl +##nham +collier +implicated +mallory +##iac +##lab +susannah +winkler +##rber +shia +phelps +sediments +graphical +robotic +##sner +adulthood +mart +smoked +##isto +kathryn +clarified +##aran +divides +convictions +oppression +pausing +burying +##mt +federico +mathias +eileen +##tana +kite +hunched +##acies +189 +##atz +disadvantage +liza +kinetic +greedy +paradox +yokohama +dowager +trunks +ventured +##gement +gupta +vilnius +olaf +##thest +crimean +hopper +##ej +progressively +arturo +mouthed +arrondissement +##fusion +rubin +simulcast +oceania +##orum +##stra +##rred +busiest +intensely +navigator +cary +##vine +##hini +##bies +fife +rowe +rowland +posing +insurgents +shafts +lawsuits +activate +conor +inward +culturally +garlic +265 +##eering +eclectic +##hui +##kee +##nl +furrowed +vargas +meteorological +rendezvous +##aus +culinary +commencement +##dition +quota +##notes +mommy +salaries +overlapping +mule +##iology +##mology +sums +wentworth +##isk +##zione +mainline +subgroup +##illy +hack +plaintiff +verdi +bulb +differentiation +engagements +multinational +supplemented +bertrand +caller +regis +##naire +##sler +##arts +##imated +blossom +propagation +kilometer +viaduct +vineyards +##uate +beckett +optimization +golfer +songwriters +seminal +semitic +thud +volatile +evolving +ridley +##wley +trivial +distributions +scandinavia +jiang +##ject +wrestled +insistence +##dio +emphasizes +napkin +##ods +adjunct +rhyme +##ricted +##eti +hopeless +surrounds +tremble +32nd +smoky +##ntly +oils +medicinal +padded +steer +wilkes +219 +255 +concessions +hue +uniquely +blinded +landon +yahoo +##lane +hendrix +commemorating +dex +specify +chicks +##ggio +intercity +1400 +morley +##torm +highlighting +##oting +pang +oblique +stalled +##liner +flirting +newborn +1769 +bishopric +shaved +232 +currie +##ush +dharma +spartan +##ooped +favorites +smug +novella +sirens +abusive +creations +espana +##lage +paradigm +semiconductor +sheen +##rdo +##yen +##zak +nrl +renew +##pose +##tur +adjutant +marches +norma +##enity +ineffective +weimar +grunt +##gat +lordship +plotting +expenditure +infringement +lbs +refrain +av +mimi +mistakenly +postmaster +1771 +##bara +ras +motorsports +tito +199 +subjective +##zza +bully +stew +##kaya +prescott +1a +##raphic +##zam +bids +styling +paranormal +reeve +sneaking +exploding +katz +akbar +migrant +syllables +indefinitely +##ogical +destroys +replaces +applause +##phine +pest +##fide +218 +articulated +bertie +##thing +##cars +##ptic +courtroom +crowley +aesthetics +cummings +tehsil +hormones +titanic +dangerously +##ibe +stadion +jaenelle +auguste +ciudad +##chu +mysore +partisans +##sio +lucan +philipp +##aly +debating +henley +interiors +##rano +##tious +homecoming +beyonce +usher +henrietta +prepares +weeds +##oman +ely +plucked +##pire +##dable +luxurious +##aq +artifact +password +pasture +juno +maddy +minsk +##dder +##ologies +##rone +assessments +martian +royalist +1765 +examines +##mani +##rge +nino +223 +parry +scooped +relativity +##eli +##uting +##cao +congregational +noisy +traverse +##agawa +strikeouts +nickelodeon +obituary +transylvania +binds +depictions +polk +trolley +##yed +##lard +breeders +##under +dryly +hokkaido +1762 +strengths +stacks +bonaparte +connectivity +neared +prostitutes +stamped +anaheim +gutierrez +sinai +##zzling +bram +fresno +madhya +##86 +proton +##lena +##llum +##phon +reelected +wanda +##anus +##lb +ample +distinguishing +##yler +grasping +sermons +tomato +bland +stimulation +avenues +##eux +spreads +scarlett +fern +pentagon +assert +baird +chesapeake +ir +calmed +distortion +fatalities +##olis +correctional +pricing +##astic +##gina +prom +dammit +ying +collaborate +##chia +welterweight +33rd +pointer +substitution +bonded +umpire +communicating +multitude +paddle +##obe +federally +intimacy +##insky +betray +ssr +##lett +##lean +##lves +##therapy +airbus +##tery +functioned +ud +bearer +biomedical +netflix +##hire +##nca +condom +brink +ik +##nical +macy +##bet +flap +gma +experimented +jelly +lavender +##icles +##ulia +munro +##mian +##tial +rye +##rle +60th +gigs +hottest +rotated +predictions +fuji +bu +##erence +##omi +barangay +##fulness +##sas +clocks +##rwood +##liness +cereal +roe +wight +decker +uttered +babu +onion +xml +forcibly +##df +petra +sarcasm +hartley +peeled +storytelling +##42 +##xley +##ysis +##ffa +fibre +kiel +auditor +fig +harald +greenville +##berries +geographically +nell +quartz +##athic +cemeteries +##lr +crossings +nah +holloway +reptiles +chun +sichuan +snowy +660 +corrections +##ivo +zheng +ambassadors +blacksmith +fielded +fluids +hardcover +turnover +medications +melvin +academies +##erton +ro +roach +absorbing +spaniards +colton +##founded +outsider +espionage +kelsey +245 +edible +##ulf +dora +establishes +##sham +##tries +contracting +##tania +cinematic +costello +nesting +##uron +connolly +duff +##nology +mma +##mata +fergus +sexes +gi +optics +spectator +woodstock +banning +##hee +##fle +differentiate +outfielder +refinery +226 +312 +gerhard +horde +lair +drastically +##udi +landfall +##cheng +motorsport +odi +##achi +predominant +quay +skins +##ental +edna +harshly +complementary +murdering +##aves +wreckage +##90 +ono +outstretched +lennox +munitions +galen +reconcile +470 +scalp +bicycles +gillespie +questionable +rosenberg +guillermo +hostel +jarvis +kabul +volvo +opium +yd +##twined +abuses +decca +outpost +##cino +sensible +neutrality +##64 +ponce +anchorage +atkins +turrets +inadvertently +disagree +libre +vodka +reassuring +weighs +##yal +glide +jumper +ceilings +repertory +outs +stain +##bial +envy +##ucible +smashing +heightened +policing +hyun +mixes +lai +prima +##ples +celeste +##bina +lucrative +intervened +kc +manually +##rned +stature +staffed +bun +bastards +nairobi +priced +##auer +thatcher +##kia +tripped +comune +##ogan +##pled +brasil +incentives +emanuel +hereford +musica +##kim +benedictine +biennale +##lani +eureka +gardiner +rb +knocks +sha +##ael +##elled +##onate +efficacy +ventura +masonic +sanford +maize +leverage +##feit +capacities +santana +##aur +novelty +vanilla +##cter +##tour +benin +##oir +##rain +neptune +drafting +tallinn +##cable +humiliation +##boarding +schleswig +fabian +bernardo +liturgy +spectacle +sweeney +pont +routledge +##tment +cosmos +ut +hilt +sleek +universally +##eville +##gawa +typed +##dry +favors +allegheny +glaciers +##rly +recalling +aziz +##log +parasite +requiem +auf +##berto +##llin +illumination +##breaker +##issa +festivities +bows +govern +vibe +vp +333 +sprawled +larson +pilgrim +bwf +leaping +##rts +##ssel +alexei +greyhound +hoarse +##dler +##oration +seneca +##cule +gaping +##ulously +##pura +cinnamon +##gens +##rricular +craven +fantasies +houghton +engined +reigned +dictator +supervising +##oris +bogota +commentaries +unnatural +fingernails +spirituality +tighten +##tm +canadiens +protesting +intentional +cheers +sparta +##ytic +##iere +##zine +widen +belgarath +controllers +dodd +iaaf +navarre +##ication +defect +squire +steiner +whisky +##mins +560 +inevitably +tome +##gold +chew +##uid +##lid +elastic +##aby +streaked +alliances +jailed +regal +##ined +##phy +czechoslovak +narration +absently +##uld +bluegrass +guangdong +quran +criticizing +hose +hari +##liest +##owa +skier +streaks +deploy +##lom +raft +bose +dialed +huff +##eira +haifa +simplest +bursting +endings +ib +sultanate +##titled +franks +whitman +ensures +sven +##ggs +collaborators +forster +organising +ui +banished +napier +injustice +teller +layered +thump +##otti +roc +battleships +evidenced +fugitive +sadie +robotics +##roud +equatorial +geologist +##iza +yielding +##bron +##sr +internationale +mecca +##diment +sbs +skyline +toad +uploaded +reflective +undrafted +lal +leafs +bayern +##dai +lakshmi +shortlisted +##stick +##wicz +camouflage +donate +af +christi +lau +##acio +disclosed +nemesis +1761 +assemble +straining +northamptonshire +tal +##asi +bernardino +premature +heidi +42nd +coefficients +galactic +reproduce +buzzed +sensations +zionist +monsieur +myrtle +##eme +archery +strangled +musically +viewpoint +antiquities +bei +trailers +seahawks +cured +pee +preferring +tasmanian +lange +sul +##mail +##working +colder +overland +lucivar +massey +gatherings +haitian +##smith +disapproval +flaws +##cco +##enbach +1766 +npr +##icular +boroughs +creole +forums +techno +1755 +dent +abdominal +streetcar +##eson +##stream +procurement +gemini +predictable +##tya +acheron +christoph +feeder +fronts +vendor +bernhard +jammu +tumors +slang +##uber +goaltender +twists +curving +manson +vuelta +mer +peanut +confessions +pouch +unpredictable +allowance +theodor +vascular +##factory +bala +authenticity +metabolic +coughing +nanjing +##cea +pembroke +##bard +splendid +36th +ff +hourly +##ahu +elmer +handel +##ivate +awarding +thrusting +dl +experimentation +##hesion +##46 +caressed +entertained +steak +##rangle +biologist +orphans +baroness +oyster +stepfather +##dridge +mirage +reefs +speeding +##31 +barons +1764 +227 +inhabit +preached +repealed +##tral +honoring +boogie +captives +administer +johanna +##imate +gel +suspiciously +1767 +sobs +##dington +backbone +hayward +garry +##folding +##nesia +maxi +##oof +##ppe +ellison +galileo +##stand +crimea +frenzy +amour +bumper +matrices +natalia +baking +garth +palestinians +##grove +smack +conveyed +ensembles +gardening +##manship +##rup +##stituting +1640 +harvesting +topography +jing +shifters +dormitory +##carriage +##lston +ist +skulls +##stadt +dolores +jewellery +sarawak +##wai +##zier +fences +christy +confinement +tumbling +credibility +fir +stench +##bria +##plication +##nged +##sam +virtues +##belt +marjorie +pba +##eem +##made +celebrates +schooner +agitated +barley +fulfilling +anthropologist +##pro +restrict +novi +regulating +##nent +padres +##rani +##hesive +loyola +tabitha +milky +olson +proprietor +crambidae +guarantees +intercollegiate +ljubljana +hilda +##sko +ignorant +hooded +##lts +sardinia +##lidae +##vation +frontman +privileged +witchcraft +##gp +jammed +laude +poking +##than +bracket +amazement +yunnan +##erus +maharaja +linnaeus +264 +commissioning +milano +peacefully +##logies +akira +rani +regulator +##36 +grasses +##rance +luzon +crows +compiler +gretchen +seaman +edouard +tab +buccaneers +ellington +hamlets +whig +socialists +##anto +directorial +easton +mythological +##kr +##vary +rhineland +semantic +taut +dune +inventions +succeeds +##iter +replication +branched +##pired +jul +prosecuted +kangaroo +penetrated +##avian +middlesbrough +doses +bleak +madam +predatory +relentless +##vili +reluctance +##vir +hailey +crore +silvery +1759 +monstrous +swimmers +transmissions +hawthorn +informing +##eral +toilets +caracas +crouch +kb +##sett +295 +cartel +hadley +##aling +alexia +yvonne +##biology +cinderella +eton +superb +blizzard +stabbing +industrialist +maximus +##gm +##orus +groves +maud +clade +oversized +comedic +##bella +rosen +nomadic +fulham +montane +beverages +galaxies +redundant +swarm +##rot +##folia +##llis +buckinghamshire +fen +bearings +bahadur +##rom +gilles +phased +dynamite +faber +benoit +vip +##ount +##wd +booking +fractured +tailored +anya +spices +westwood +cairns +auditions +inflammation +steamed +##rocity +##acion +##urne +skyla +thereof +watford +torment +archdeacon +transforms +lulu +demeanor +fucked +serge +##sor +mckenna +minas +entertainer +##icide +caress +originate +residue +##sty +1740 +##ilised +##org +beech +##wana +subsidies +##ghton +emptied +gladstone +ru +firefighters +voodoo +##rcle +het +nightingale +tamara +edmond +ingredient +weaknesses +silhouette +285 +compatibility +withdrawing +hampson +##mona +anguish +giggling +##mber +bookstore +##jiang +southernmost +tilting +##vance +bai +economical +rf +briefcase +dreadful +hinted +projections +shattering +totaling +##rogate +analogue +indicted +periodical +fullback +##dman +haynes +##tenberg +##ffs +##ishment +1745 +thirst +stumble +penang +vigorous +##ddling +##kor +##lium +octave +##ove +##enstein +##inen +##ones +siberian +##uti +cbn +repeal +swaying +##vington +khalid +tanaka +unicorn +otago +plastered +lobe +riddle +##rella +perch +##ishing +croydon +filtered +graeme +tripoli +##ossa +crocodile +##chers +sufi +mined +##tung +inferno +lsu +##phi +swelled +utilizes +£2 +cale +periodicals +styx +hike +informally +coop +lund +##tidae +ala +hen +qui +transformations +disposed +sheath +chickens +##cade +fitzroy +sas +silesia +unacceptable +odisha +1650 +sabrina +pe +spokane +ratios +athena +massage +shen +dilemma +##drum +##riz +##hul +corona +doubtful +niall +##pha +##bino +fines +cite +acknowledging +bangor +ballard +bathurst +##resh +huron +mustered +alzheimer +garments +kinase +tyre +warship +##cp +flashback +pulmonary +braun +cheat +kamal +cyclists +constructions +grenades +ndp +traveller +excuses +stomped +signalling +trimmed +futsal +mosques +relevance +##wine +wta +##23 +##vah +##lter +hoc +##riding +optimistic +##´s +deco +sim +interacting +rejecting +moniker +waterways +##ieri +##oku +mayors +gdansk +outnumbered +pearls +##ended +##hampton +fairs +totals +dominating +262 +notions +stairway +compiling +pursed +commodities +grease +yeast +##jong +carthage +griffiths +residual +amc +contraction +laird +sapphire +##marine +##ivated +amalgamation +dissolve +inclination +lyle +packaged +altitudes +suez +canons +graded +lurched +narrowing +boasts +guise +wed +enrico +##ovsky +rower +scarred +bree +cub +iberian +protagonists +bargaining +proposing +trainers +voyages +vans +fishes +##aea +##ivist +##verance +encryption +artworks +kazan +sabre +cleopatra +hepburn +rotting +supremacy +mecklenburg +##brate +burrows +hazards +outgoing +flair +organizes +##ctions +scorpion +##usions +boo +234 +chevalier +dunedin +slapping +##34 +ineligible +pensions +##38 +##omic +manufactures +emails +bismarck +238 +weakening +blackish +ding +mcgee +quo +##rling +northernmost +xx +manpower +greed +sampson +clicking +##ange +##horpe +##inations +##roving +torre +##eptive +##moral +symbolism +38th +asshole +meritorious +outfits +splashed +biographies +sprung +astros +##tale +302 +737 +filly +raoul +nw +tokugawa +linden +clubhouse +##apa +tracts +romano +##pio +putin +tags +##note +chained +dickson +gunshot +moe +gunn +rashid +##tails +zipper +##bas +##nea +contrasted +##ply +##udes +plum +pharaoh +##pile +aw +comedies +ingrid +sandwiches +subdivisions +1100 +mariana +nokia +kamen +hz +delaney +veto +herring +##words +possessive +outlines +##roup +siemens +stairwell +rc +gallantry +messiah +palais +yells +233 +zeppelin +##dm +bolivar +##cede +smackdown +mckinley +##mora +##yt +muted +geologic +finely +unitary +avatar +hamas +maynard +rees +bog +contrasting +##rut +liv +chico +disposition +pixel +##erate +becca +dmitry +yeshiva +narratives +##lva +##ulton +mercenary +sharpe +tempered +navigate +stealth +amassed +keynes +##lini +untouched +##rrie +havoc +lithium +##fighting +abyss +graf +southward +wolverine +balloons +implements +ngos +transitions +##icum +ambushed +concacaf +dormant +economists +##dim +costing +csi +rana +universite +boulders +verity +##llon +collin +mellon +misses +cypress +fluorescent +lifeless +spence +##ulla +crewe +shepard +pak +revelations +##م +jolly +gibbons +paw +##dro +##quel +freeing +##test +shack +fries +palatine +##51 +##hiko +accompaniment +cruising +recycled +##aver +erwin +sorting +synthesizers +dyke +realities +sg +strides +enslaved +wetland +##ghan +competence +gunpowder +grassy +maroon +reactors +objection +##oms +carlson +gearbox +macintosh +radios +shelton +##sho +clergyman +prakash +254 +mongols +trophies +oricon +228 +stimuli +twenty20 +cantonese +cortes +mirrored +##saurus +bhp +cristina +melancholy +##lating +enjoyable +nuevo +##wny +downfall +schumacher +##ind +banging +lausanne +rumbled +paramilitary +reflex +ax +amplitude +migratory +##gall +##ups +midi +barnard +lastly +sherry +##hp +##nall +keystone +##kra +carleton +slippery +##53 +coloring +foe +socket +otter +##rgos +mats +##tose +consultants +bafta +bison +topping +##km +490 +primal +abandonment +transplant +atoll +hideous +mort +pained +reproduced +tae +howling +##turn +unlawful +billionaire +hotter +poised +lansing +##chang +dinamo +retro +messing +nfc +domesday +##mina +blitz +timed +##athing +##kley +ascending +gesturing +##izations +signaled +tis +chinatown +mermaid +savanna +jameson +##aint +catalina +##pet +##hers +cochrane +cy +chatting +##kus +alerted +computation +mused +noelle +majestic +mohawk +campo +octagonal +##sant +##hend +241 +aspiring +##mart +comprehend +iona +paralyzed +shimmering +swindon +rhone +##eley +reputed +configurations +pitchfork +agitation +francais +gillian +lipstick +##ilo +outsiders +pontifical +resisting +bitterness +sewer +rockies +##edd +##ucher +misleading +1756 +exiting +galloway +##nging +risked +##heart +246 +commemoration +schultz +##rka +integrating +##rsa +poses +shrieked +##weiler +guineas +gladys +jerking +owls +goldsmith +nightly +penetrating +##unced +lia +##33 +ignited +betsy +##aring +##thorpe +follower +vigorously +##rave +coded +kiran +knit +zoology +tbilisi +##28 +##bered +repository +govt +deciduous +dino +growling +##bba +enhancement +unleashed +chanting +pussy +biochemistry +##eric +kettle +repression +toxicity +nrhp +##arth +##kko +##bush +ernesto +commended +outspoken +242 +mca +parchment +sms +kristen +##aton +bisexual +raked +glamour +navajo +a2 +conditioned +showcased +##hma +spacious +youthful +##esa +usl +appliances +junta +brest +layne +conglomerate +enchanted +chao +loosened +picasso +circulating +inspect +montevideo +##centric +##kti +piazza +spurred +##aith +bari +freedoms +poultry +stamford +lieu +##ect +indigo +sarcastic +bahia +stump +attach +dvds +frankenstein +lille +approx +scriptures +pollen +##script +nmi +overseen +##ivism +tides +proponent +newmarket +inherit +milling +##erland +centralized +##rou +distributors +credentials +drawers +abbreviation +##lco +##xon +downing +uncomfortably +ripe +##oes +erase +franchises +##ever +populace +##bery +##khar +decomposition +pleas +##tet +daryl +sabah +##stle +##wide +fearless +genie +lesions +annette +##ogist +oboe +appendix +nair +dripped +petitioned +maclean +mosquito +parrot +rpg +hampered +1648 +operatic +reservoirs +##tham +irrelevant +jolt +summarized +##fp +medallion +##taff +##− +clawed +harlow +narrower +goddard +marcia +bodied +fremont +suarez +altering +tempest +mussolini +porn +##isms +sweetly +oversees +walkers +solitude +grimly +shrines +hk +ich +supervisors +hostess +dietrich +legitimacy +brushes +expressive +##yp +dissipated +##rse +localized +systemic +##nikov +gettysburg +##js +##uaries +dialogues +muttering +251 +housekeeper +sicilian +discouraged +##frey +beamed +kaladin +halftime +kidnap +##amo +##llet +1754 +synonymous +depleted +instituto +insulin +reprised +##opsis +clashed +##ctric +interrupting +radcliffe +insisting +medici +1715 +ejected +playfully +turbulent +##47 +starvation +##rini +shipment +rebellious +petersen +verification +merits +##rified +cakes +##charged +1757 +milford +shortages +spying +fidelity +##aker +emitted +storylines +harvested +seismic +##iform +cheung +kilda +theoretically +barbie +lynx +##rgy +##tius +goblin +mata +poisonous +##nburg +reactive +residues +obedience +##евич +conjecture +##rac +401 +hating +sixties +kicker +moaning +motown +##bha +emancipation +neoclassical +##hering +consoles +ebert +professorship +##tures +sustaining +assaults +obeyed +affluent +incurred +tornadoes +##eber +##zow +emphasizing +highlanders +cheated +helmets +##ctus +internship +terence +bony +executions +legislators +berries +peninsular +tinged +##aco +1689 +amplifier +corvette +ribbons +lavish +pennant +##lander +worthless +##chfield +##forms +mariano +pyrenees +expenditures +##icides +chesterfield +mandir +tailor +39th +sergey +nestled +willed +aristocracy +devotees +goodnight +raaf +rumored +weaponry +remy +appropriations +harcourt +burr +riaa +##lence +limitation +unnoticed +guo +soaking +swamps +##tica +collapsing +tatiana +descriptive +brigham +psalm +##chment +maddox +##lization +patti +caliph +##aja +akron +injuring +serra +##ganj +basins +##sari +astonished +launcher +##church +hilary +wilkins +sewing +##sf +stinging +##fia +##ncia +underwood +startup +##ition +compilations +vibrations +embankment +jurist +##nity +bard +juventus +groundwater +kern +palaces +helium +boca +cramped +marissa +soto +##worm +jae +princely +##ggy +faso +bazaar +warmly +##voking +229 +pairing +##lite +##grate +##nets +wien +freaked +ulysses +rebirth +##alia +##rent +mummy +guzman +jimenez +stilled +##nitz +trajectory +tha +woken +archival +professions +##pts +##pta +hilly +shadowy +shrink +##bolt +norwood +glued +migrate +stereotypes +devoid +##pheus +625 +evacuate +horrors +infancy +gotham +knowles +optic +downloaded +sachs +kingsley +parramatta +darryl +mor +##onale +shady +commence +confesses +kan +##meter +##placed +marlborough +roundabout +regents +frigates +io +##imating +gothenburg +revoked +carvings +clockwise +convertible +intruder +##sche +banged +##ogo +vicky +bourgeois +##mony +dupont +footing +##gum +pd +##real +buckle +yun +penthouse +sane +720 +serviced +stakeholders +neumann +bb +##eers +comb +##gam +catchment +pinning +rallies +typing +##elles +forefront +freiburg +sweetie +giacomo +widowed +goodwill +worshipped +aspirations +midday +##vat +fishery +##trick +bournemouth +turk +243 +hearth +ethanol +guadalajara +murmurs +sl +##uge +afforded +scripted +##hta +wah +##jn +coroner +translucent +252 +memorials +puck +progresses +clumsy +##race +315 +candace +recounted +##27 +##slin +##uve +filtering +##mac +howl +strata +heron +leveled +##ays +dubious +##oja +##т +##wheel +citations +exhibiting +##laya +##mics +##pods +turkic +##lberg +injunction +##ennial +##mit +antibodies +##44 +organise +##rigues +cardiovascular +cushion +inverness +##zquez +dia +cocoa +sibling +##tman +##roid +expanse +feasible +tunisian +algiers +##relli +rus +bloomberg +dso +westphalia +bro +tacoma +281 +downloads +##ours +konrad +duran +##hdi +continuum +jett +compares +legislator +secession +##nable +##gues +##zuka +translating +reacher +##gley +##ła +aleppo +##agi +tc +orchards +trapping +linguist +versatile +drumming +postage +calhoun +superiors +##mx +barefoot +leary +##cis +ignacio +alfa +kaplan +##rogen +bratislava +mori +##vot +disturb +haas +313 +cartridges +gilmore +radiated +salford +tunic +hades +##ulsive +archeological +delilah +magistrates +auditioned +brewster +charters +empowerment +blogs +cappella +dynasties +iroquois +whipping +##krishna +raceway +truths +myra +weaken +judah +mcgregor +##horse +mic +refueling +37th +burnley +bosses +markus +premio +query +##gga +dunbar +##economic +darkest +lyndon +sealing +commendation +reappeared +##mun +addicted +ezio +slaughtered +satisfactory +shuffle +##eves +##thic +##uj +fortification +warrington +##otto +resurrected +fargo +mane +##utable +##lei +##space +foreword +ox +##aris +##vern +abrams +hua +##mento +sakura +##alo +uv +sentimental +##skaya +midfield +##eses +sturdy +scrolls +macleod +##kyu +entropy +##lance +mitochondrial +cicero +excelled +thinner +convoys +perceive +##oslav +##urable +systematically +grind +burkina +287 +##tagram +ops +##aman +guantanamo +##cloth +##tite +forcefully +wavy +##jou +pointless +##linger +##tze +layton +portico +superficial +clerical +outlaws +##hism +burials +muir +##inn +creditors +hauling +rattle +##leg +calais +monde +archers +reclaimed +dwell +wexford +hellenic +falsely +remorse +##tek +dough +furnishings +##uttered +gabon +neurological +novice +##igraphy +contemplated +pulpit +nightstand +saratoga +##istan +documenting +pulsing +taluk +##firmed +busted +marital +##rien +disagreements +wasps +##yes +hodge +mcdonnell +mimic +fran +pendant +dhabi +musa +##nington +congratulations +argent +darrell +concussion +losers +regrets +thessaloniki +reversal +donaldson +hardwood +thence +achilles +ritter +##eran +demonic +jurgen +prophets +goethe +eki +classmate +buff +##cking +yank +irrational +##inging +perished +seductive +qur +sourced +##crat +##typic +mustard +ravine +barre +horizontally +characterization +phylogenetic +boise +##dit +##runner +##tower +brutally +intercourse +seduce +##bbing +fay +ferris +ogden +amar +nik +unarmed +##inator +evaluating +kyrgyzstan +sweetness +##lford +##oki +mccormick +meiji +notoriety +stimulate +disrupt +figuring +instructional +mcgrath +##zoo +groundbreaking +##lto +flinch +khorasan +agrarian +bengals +mixer +radiating +##sov +ingram +pitchers +nad +tariff +##cript +tata +##codes +##emi +##ungen +appellate +lehigh +##bled +##giri +brawl +duct +texans +##ciation +##ropolis +skipper +speculative +vomit +doctrines +stresses +253 +davy +graders +whitehead +jozef +timely +cumulative +haryana +paints +appropriately +boon +cactus +##ales +##pid +dow +legions +##pit +perceptions +1730 +picturesque +##yse +periphery +rune +wr +##aha +celtics +sentencing +whoa +##erin +confirms +variance +425 +moines +mathews +spade +rave +m1 +fronted +fx +blending +alleging +reared +##gl +237 +##paper +grassroots +eroded +##free +##physical +directs +ordeal +##sław +accelerate +hacker +rooftop +##inia +lev +buys +cebu +devote +##lce +specialising +##ulsion +choreographed +repetition +warehouses +##ryl +paisley +tuscany +analogy +sorcerer +hash +huts +shards +descends +exclude +nix +chaplin +gaga +ito +vane +##drich +causeway +misconduct +limo +orchestrated +glands +jana +##kot +u2 +##mple +##sons +branching +contrasts +scoop +longed +##virus +chattanooga +##75 +syrup +cornerstone +##tized +##mind +##iaceae +careless +precedence +frescoes +##uet +chilled +consult +modelled +snatch +peat +##thermal +caucasian +humane +relaxation +spins +temperance +##lbert +occupations +lambda +hybrids +moons +mp3 +##oese +247 +rolf +societal +yerevan +ness +##ssler +befriended +mechanized +nominate +trough +boasted +cues +seater +##hom +bends +##tangle +conductors +emptiness +##lmer +eurasian +adriatic +tian +##cie +anxiously +lark +propellers +chichester +jock +ev +2a +##holding +credible +recounts +tori +loyalist +abduction +##hoot +##redo +nepali +##mite +ventral +tempting +##ango +##crats +steered +##wice +javelin +dipping +laborers +prentice +looming +titanium +##ː +badges +emir +tensor +##ntation +egyptians +rash +denies +hawthorne +lombard +showers +wehrmacht +dietary +trojan +##reus +welles +executing +horseshoe +lifeboat +##lak +elsa +infirmary +nearing +roberta +boyer +mutter +trillion +joanne +##fine +##oked +sinks +vortex +uruguayan +clasp +sirius +##block +accelerator +prohibit +sunken +byu +chronological +diplomats +ochreous +510 +symmetrical +1644 +maia +##tology +salts +reigns +atrocities +##ия +hess +bared +issn +##vyn +cater +saturated +##cycle +##isse +sable +voyager +dyer +yusuf +##inge +fountains +wolff +##39 +##nni +engraving +rollins +atheist +ominous +##ault +herr +chariot +martina +strung +##fell +##farlane +horrific +sahib +gazes +saetan +erased +ptolemy +##olic +flushing +lauderdale +analytic +##ices +530 +navarro +beak +gorilla +herrera +broom +guadalupe +raiding +sykes +311 +bsc +deliveries +1720 +invasions +carmichael +tajikistan +thematic +ecumenical +sentiments +onstage +##rians +##brand +##sume +catastrophic +flanks +molten +##arns +waller +aimee +terminating +##icing +alternately +##oche +nehru +printers +outraged +##eving +empires +template +banners +repetitive +za +##oise +vegetarian +##tell +guiana +opt +cavendish +lucknow +synthesized +##hani +##mada +finalized +##ctable +fictitious +mayoral +unreliable +##enham +embracing +peppers +rbis +##chio +##neo +inhibition +slashed +togo +orderly +embroidered +safari +salty +236 +barron +benito +totaled +##dak +pubs +simulated +caden +devin +tolkien +momma +welding +sesame +##ept +gottingen +hardness +630 +shaman +temeraire +620 +adequately +pediatric +##kit +ck +assertion +radicals +composure +cadence +seafood +beaufort +lazarus +mani +warily +cunning +kurdistan +249 +cantata +##kir +ares +##41 +##clusive +nape +townland +geared +insulted +flutter +boating +violate +draper +dumping +malmo +##hh +##romatic +firearm +alta +bono +obscured +##clave +exceeds +panorama +unbelievable +##train +preschool +##essed +disconnected +installing +rescuing +secretaries +accessibility +##castle +##drive +##ifice +##film +bouts +slug +waterway +mindanao +##buro +##ratic +halves +##ل +calming +liter +maternity +adorable +bragg +electrification +mcc +##dote +roxy +schizophrenia +##body +munoz +kaye +whaling +239 +mil +tingling +tolerant +##ago +unconventional +volcanoes +##finder +deportivo +##llie +robson +kaufman +neuroscience +wai +deportation +masovian +scraping +converse +##bh +hacking +bulge +##oun +administratively +yao +580 +amp +mammoth +booster +claremont +hooper +nomenclature +pursuits +mclaughlin +melinda +##sul +catfish +barclay +substrates +taxa +zee +originals +kimberly +packets +padma +##ality +borrowing +ostensibly +solvent +##bri +##genesis +##mist +lukas +shreveport +veracruz +##ь +##lou +##wives +cheney +tt +anatolia +hobbs +##zyn +cyclic +radiant +alistair +greenish +siena +dat +independents +##bation +conform +pieter +hyper +applicant +bradshaw +spores +telangana +vinci +inexpensive +nuclei +322 +jang +nme +soho +spd +##ign +cradled +receptionist +pow +##43 +##rika +fascism +##ifer +experimenting +##ading +##iec +##region +345 +jocelyn +maris +stair +nocturnal +toro +constabulary +elgin +##kker +msc +##giving +##schen +##rase +doherty +doping +sarcastically +batter +maneuvers +##cano +##apple +##gai +##git +intrinsic +##nst +##stor +1753 +showtime +cafes +gasps +lviv +ushered +##thed +fours +restart +astonishment +transmitting +flyer +shrugs +##sau +intriguing +cones +dictated +mushrooms +medial +##kovsky +##elman +escorting +gaped +##26 +godfather +##door +##sell +djs +recaptured +timetable +vila +1710 +3a +aerodrome +mortals +scientology +##orne +angelina +mag +convection +unpaid +insertion +intermittent +lego +##nated +endeavor +kota +pereira +##lz +304 +bwv +glamorgan +insults +agatha +fey +##cend +fleetwood +mahogany +protruding +steamship +zeta +##arty +mcguire +suspense +##sphere +advising +urges +##wala +hurriedly +meteor +gilded +inline +arroyo +stalker +##oge +excitedly +revered +##cure +earle +introductory +##break +##ilde +mutants +puff +pulses +reinforcement +##haling +curses +lizards +stalk +correlated +##fixed +fallout +macquarie +##unas +bearded +denton +heaving +802 +##ocation +winery +assign +dortmund +##lkirk +everest +invariant +charismatic +susie +##elling +bled +lesley +telegram +sumner +bk +##ogen +##к +wilcox +needy +colbert +duval +##iferous +##mbled +allotted +attends +imperative +##hita +replacements +hawker +##inda +insurgency +##zee +##eke +casts +##yla +680 +ives +transitioned +##pack +##powering +authoritative +baylor +flex +cringed +plaintiffs +woodrow +##skie +drastic +ape +aroma +unfolded +commotion +nt +preoccupied +theta +routines +lasers +privatization +wand +domino +ek +clenching +nsa +strategically +showered +bile +handkerchief +pere +storing +christophe +insulting +316 +nakamura +romani +asiatic +magdalena +palma +cruises +stripping +405 +konstantin +soaring +##berman +colloquially +forerunner +havilland +incarcerated +parasites +sincerity +##utus +disks +plank +saigon +##ining +corbin +homo +ornaments +powerhouse +##tlement +chong +fastened +feasibility +idf +morphological +usable +##nish +##zuki +aqueduct +jaguars +keepers +##flies +aleksandr +faust +assigns +ewing +bacterium +hurled +tricky +hungarians +integers +wallis +321 +yamaha +##isha +hushed +oblivion +aviator +evangelist +friars +##eller +monograph +ode +##nary +airplanes +labourers +charms +##nee +1661 +hagen +tnt +rudder +fiesta +transcript +dorothea +ska +inhibitor +maccabi +retorted +raining +encompassed +clauses +menacing +1642 +lineman +##gist +vamps +##ape +##dick +gloom +##rera +dealings +easing +seekers +##nut +##pment +helens +unmanned +##anu +##isson +basics +##amy +##ckman +adjustments +1688 +brutality +horne +##zell +sui +##55 +##mable +aggregator +##thal +rhino +##drick +##vira +counters +zoom +##01 +##rting +mn +montenegrin +packard +##unciation +##♭ +##kki +reclaim +scholastic +thugs +pulsed +##icia +syriac +quan +saddam +banda +kobe +blaming +buddies +dissent +##lusion +##usia +corbett +jaya +delle +erratic +lexie +##hesis +435 +amiga +hermes +##pressing +##leen +chapels +gospels +jamal +##uating +compute +revolving +warp +##sso +##thes +armory +##eras +##gol +antrim +loki +##kow +##asian +##good +##zano +braid +handwriting +subdistrict +funky +pantheon +##iculate +concurrency +estimation +improper +juliana +##his +newcomers +johnstone +staten +communicated +##oco +##alle +sausage +stormy +##stered +##tters +superfamily +##grade +acidic +collateral +tabloid +##oped +##rza +bladder +austen +##ellant +mcgraw +##hay +hannibal +mein +aquino +lucifer +wo +badger +boar +cher +christensen +greenberg +interruption +##kken +jem +244 +mocked +bottoms +cambridgeshire +##lide +sprawling +##bbly +eastwood +ghent +synth +##buck +advisers +##bah +nominally +hapoel +qu +daggers +estranged +fabricated +towels +vinnie +wcw +misunderstanding +anglia +nothin +unmistakable +##dust +##lova +chilly +marquette +truss +##edge +##erine +reece +##lty +##chemist +##connected +272 +308 +41st +bash +raion +waterfalls +##ump +##main +labyrinth +queue +theorist +##istle +bharatiya +flexed +soundtracks +rooney +leftist +patrolling +wharton +plainly +alleviate +eastman +schuster +topographic +engages +immensely +unbearable +fairchild +1620 +dona +lurking +parisian +oliveira +ia +indictment +hahn +bangladeshi +##aster +vivo +##uming +##ential +antonia +expects +indoors +kildare +harlan +##logue +##ogenic +##sities +forgiven +##wat +childish +tavi +##mide +##orra +plausible +grimm +successively +scooted +##bola +##dget +##rith +spartans +emery +flatly +azure +epilogue +##wark +flourish +##iny +##tracted +##overs +##oshi +bestseller +distressed +receipt +spitting +hermit +topological +##cot +drilled +subunit +francs +##layer +eel +##fk +##itas +octopus +footprint +petitions +ufo +##say +##foil +interfering +leaking +palo +##metry +thistle +valiant +##pic +narayan +mcpherson +##fast +gonzales +##ym +##enne +dustin +novgorod +solos +##zman +doin +##raph +##patient +##meyer +soluble +ashland +cuffs +carole +pendleton +whistling +vassal +##river +deviation +revisited +constituents +rallied +rotate +loomed +##eil +##nting +amateurs +augsburg +auschwitz +crowns +skeletons +##cona +bonnet +257 +dummy +globalization +simeon +sleeper +mandal +differentiated +##crow +##mare +milne +bundled +exasperated +talmud +owes +segregated +##feng +##uary +dentist +piracy +props +##rang +devlin +##torium +malicious +paws +##laid +dependency +##ergy +##fers +##enna +258 +pistons +rourke +jed +grammatical +tres +maha +wig +512 +ghostly +jayne +##achal +##creen +##ilis +##lins +##rence +designate +##with +arrogance +cambodian +clones +showdown +throttle +twain +##ception +lobes +metz +nagoya +335 +braking +##furt +385 +roaming +##minster +amin +crippled +##37 +##llary +indifferent +hoffmann +idols +intimidating +1751 +261 +influenza +memo +onions +1748 +bandage +consciously +##landa +##rage +clandestine +observes +swiped +tangle +##ener +##jected +##trum +##bill +##lta +hugs +congresses +josiah +spirited +##dek +humanist +managerial +filmmaking +inmate +rhymes +debuting +grimsby +ur +##laze +duplicate +vigor +##tf +republished +bolshevik +refurbishment +antibiotics +martini +methane +newscasts +royale +horizons +levant +iain +visas +##ischen +paler +##around +manifestation +snuck +alf +chop +futile +pedestal +rehab +##kat +bmg +kerman +res +fairbanks +jarrett +abstraction +saharan +##zek +1746 +procedural +clearer +kincaid +sash +luciano +##ffey +crunch +helmut +##vara +revolutionaries +##tute +creamy +leach +##mmon +1747 +permitting +nes +plight +wendell +##lese +contra +ts +clancy +ipa +mach +staples +autopsy +disturbances +nueva +karin +pontiac +##uding +proxy +venerable +haunt +leto +bergman +expands +##helm +wal +##pipe +canning +celine +cords +obesity +##enary +intrusion +planner +##phate +reasoned +sequencing +307 +harrow +##chon +##dora +marred +mcintyre +repay +tarzan +darting +248 +harrisburg +margarita +repulsed +##hur +##lding +belinda +hamburger +novo +compliant +runways +bingham +registrar +skyscraper +ic +cuthbert +improvisation +livelihood +##corp +##elial +admiring +##dened +sporadic +believer +casablanca +popcorn +##29 +asha +shovel +##bek +##dice +coiled +tangible +##dez +casper +elsie +resin +tenderness +rectory +##ivision +avail +sonar +##mori +boutique +##dier +guerre +bathed +upbringing +vaulted +sandals +blessings +##naut +##utnant +1680 +306 +foxes +pia +corrosion +hesitantly +confederates +crystalline +footprints +shapiro +tirana +valentin +drones +45th +microscope +shipments +texted +inquisition +wry +guernsey +unauthorized +resigning +760 +ripple +schubert +stu +reassure +felony +##ardo +brittle +koreans +##havan +##ives +dun +implicit +tyres +##aldi +##lth +magnolia +##ehan +##puri +##poulos +aggressively +fei +gr +familiarity +##poo +indicative +##trust +fundamentally +jimmie +overrun +395 +anchors +moans +##opus +britannia +armagh +##ggle +purposely +seizing +##vao +bewildered +mundane +avoidance +cosmopolitan +geometridae +quartermaster +caf +415 +chatter +engulfed +gleam +purge +##icate +juliette +jurisprudence +guerra +revisions +##bn +casimir +brew +##jm +1749 +clapton +cloudy +conde +hermitage +278 +simulations +torches +vincenzo +matteo +##rill +hidalgo +booming +westbound +accomplishment +tentacles +unaffected +##sius +annabelle +flopped +sloping +##litz +dreamer +interceptor +vu +##loh +consecration +copying +messaging +breaker +climates +hospitalized +1752 +torino +afternoons +winfield +witnessing +##teacher +breakers +choirs +sawmill +coldly +##ege +sipping +haste +uninhabited +conical +bibliography +pamphlets +severn +edict +##oca +deux +illnesses +grips +##pl +rehearsals +sis +thinkers +tame +##keepers +1690 +acacia +reformer +##osed +##rys +shuffling +##iring +##shima +eastbound +ionic +rhea +flees +littered +##oum +rocker +vomiting +groaning +champ +overwhelmingly +civilizations +paces +sloop +adoptive +##tish +skaters +##vres +aiding +mango +##joy +nikola +shriek +##ignon +pharmaceuticals +##mg +tuna +calvert +gustavo +stocked +yearbook +##urai +##mana +computed +subsp +riff +hanoi +kelvin +hamid +moors +pastures +summons +jihad +nectar +##ctors +bayou +untitled +pleasing +vastly +republics +intellect +##η +##ulio +##tou +crumbling +stylistic +sb +##ی +consolation +frequented +h₂o +walden +widows +##iens +404 +##ignment +chunks +improves +288 +grit +recited +##dev +snarl +sociological +##arte +##gul +inquired +##held +bruise +clube +consultancy +homogeneous +hornets +multiplication +pasta +prick +savior +##grin +##kou +##phile +yoon +##gara +grimes +vanishing +cheering +reacting +bn +distillery +##quisite +##vity +coe +dockyard +massif +##jord +escorts +voss +##valent +byte +chopped +hawke +illusions +workings +floats +##koto +##vac +kv +annapolis +madden +##onus +alvaro +noctuidae +##cum +##scopic +avenge +steamboat +forte +illustrates +erika +##trip +570 +dew +nationalities +bran +manifested +thirsty +diversified +muscled +reborn +##standing +arson +##lessness +##dran +##logram +##boys +##kushima +##vious +willoughby +##phobia +286 +alsace +dashboard +yuki +##chai +granville +myspace +publicized +tricked +##gang +adjective +##ater +relic +reorganisation +enthusiastically +indications +saxe +##lassified +consolidate +iec +padua +helplessly +ramps +renaming +regulars +pedestrians +accents +convicts +inaccurate +lowers +mana +##pati +barrie +bjp +outta +someplace +berwick +flanking +invoked +marrow +sparsely +excerpts +clothed +rei +##ginal +wept +##straße +##vish +alexa +excel +##ptive +membranes +aquitaine +creeks +cutler +sheppard +implementations +ns +##dur +fragrance +budge +concordia +magnesium +marcelo +##antes +gladly +vibrating +##rral +##ggles +montrose +##omba +lew +seamus +1630 +cocky +##ament +##uen +bjorn +##rrick +fielder +fluttering +##lase +methyl +kimberley +mcdowell +reductions +barbed +##jic +##tonic +aeronautical +condensed +distracting +##promising +huffed +##cala +##sle +claudius +invincible +missy +pious +balthazar +ci +##lang +butte +combo +orson +##dication +myriad +1707 +silenced +##fed +##rh +coco +netball +yourselves +##oza +clarify +heller +peg +durban +etudes +offender +roast +blackmail +curvature +##woods +vile +309 +illicit +suriname +##linson +overture +1685 +bubbling +gymnast +tucking +##mming +##ouin +maldives +##bala +gurney +##dda +##eased +##oides +backside +pinto +jars +racehorse +tending +##rdial +baronetcy +wiener +duly +##rke +barbarian +cupping +flawed +##thesis +bertha +pleistocene +puddle +swearing +##nob +##tically +fleeting +prostate +amulet +educating +##mined +##iti +##tler +75th +jens +respondents +analytics +cavaliers +papacy +raju +##iente +##ulum +##tip +funnel +271 +disneyland +##lley +sociologist +##iam +2500 +faulkner +louvre +menon +##dson +276 +##ower +afterlife +mannheim +peptide +referees +comedians +meaningless +##anger +##laise +fabrics +hurley +renal +sleeps +##bour +##icle +breakout +kristin +roadside +animator +clover +disdain +unsafe +redesign +##urity +firth +barnsley +portage +reset +narrows +268 +commandos +expansive +speechless +tubular +##lux +essendon +eyelashes +smashwords +##yad +##bang +##claim +craved +sprinted +chet +somme +astor +wrocław +orton +266 +bane +##erving +##uing +mischief +##amps +##sund +scaling +terre +##xious +impairment +offenses +undermine +moi +soy +contiguous +arcadia +inuit +seam +##tops +macbeth +rebelled +##icative +##iot +590 +elaborated +frs +uniformed +##dberg +259 +powerless +priscilla +stimulated +980 +qc +arboretum +frustrating +trieste +bullock +##nified +enriched +glistening +intern +##adia +locus +nouvelle +ollie +ike +lash +starboard +ee +tapestry +headlined +hove +rigged +##vite +pollock +##yme +thrive +clustered +cas +roi +gleamed +olympiad +##lino +pressured +regimes +##hosis +##lick +ripley +##ophone +kickoff +gallon +rockwell +##arable +crusader +glue +revolutions +scrambling +1714 +grover +##jure +englishman +aztec +263 +contemplating +coven +ipad +preach +triumphant +tufts +##esian +rotational +##phus +328 +falkland +##brates +strewn +clarissa +rejoin +environmentally +glint +banded +drenched +moat +albanians +johor +rr +maestro +malley +nouveau +shaded +taxonomy +v6 +adhere +bunk +airfields +##ritan +1741 +encompass +remington +tran +##erative +amelie +mazda +friar +morals +passions +##zai +breadth +vis +##hae +argus +burnham +caressing +insider +rudd +##imov +##mini +##rso +italianate +murderous +textual +wainwright +armada +bam +weave +timer +##taken +##nh +fra +##crest +ardent +salazar +taps +tunis +##ntino +allegro +gland +philanthropic +##chester +implication +##optera +esq +judas +noticeably +wynn +##dara +inched +indexed +crises +villiers +bandit +royalties +patterned +cupboard +interspersed +accessory +isla +kendrick +entourage +stitches +##esthesia +headwaters +##ior +interlude +distraught +draught +1727 +##basket +biased +sy +transient +triad +subgenus +adapting +kidd +shortstop +##umatic +dimly +spiked +mcleod +reprint +nellie +pretoria +windmill +##cek +singled +##mps +273 +reunite +##orous +747 +bankers +outlying +##omp +##ports +##tream +apologies +cosmetics +patsy +##deh +##ocks +##yson +bender +nantes +serene +##nad +lucha +mmm +323 +##cius +##gli +cmll +coinage +nestor +juarez +##rook +smeared +sprayed +twitching +sterile +irina +embodied +juveniles +enveloped +miscellaneous +cancers +dq +gulped +luisa +crested +swat +donegal +ref +##anov +##acker +hearst +mercantile +##lika +doorbell +ua +vicki +##alla +##som +bilbao +psychologists +stryker +sw +horsemen +turkmenistan +wits +##national +anson +mathew +screenings +##umb +rihanna +##agne +##nessy +aisles +##iani +##osphere +hines +kenton +saskatoon +tasha +truncated +##champ +##itan +mildred +advises +fredrik +interpreting +inhibitors +##athi +spectroscopy +##hab +##kong +karim +panda +##oia +##nail +##vc +conqueror +kgb +leukemia +##dity +arrivals +cheered +pisa +phosphorus +shielded +##riated +mammal +unitarian +urgently +chopin +sanitary +##mission +spicy +drugged +hinges +##tort +tipping +trier +impoverished +westchester +##caster +267 +epoch +nonstop +##gman +##khov +aromatic +centrally +cerro +##tively +##vio +billions +modulation +sedimentary +283 +facilitating +outrageous +goldstein +##eak +##kt +ld +maitland +penultimate +pollard +##dance +fleets +spaceship +vertebrae +##nig +alcoholism +als +recital +##bham +##ference +##omics +m2 +##bm +trois +##tropical +##в +commemorates +##meric +marge +##raction +1643 +670 +cosmetic +ravaged +##ige +catastrophe +eng +##shida +albrecht +arterial +bellamy +decor +harmon +##rde +bulbs +synchronized +vito +easiest +shetland +shielding +wnba +##glers +##ssar +##riam +brianna +cumbria +##aceous +##rard +cores +thayer +##nsk +brood +hilltop +luminous +carts +keynote +larkin +logos +##cta +##ا +##mund +##quay +lilith +tinted +277 +wrestle +mobilization +##uses +sequential +siam +bloomfield +takahashi +274 +##ieving +presenters +ringo +blazed +witty +##oven +##ignant +devastation +haydn +harmed +newt +therese +##peed +gershwin +molina +rabbis +sudanese +001 +innate +restarted +##sack +##fus +slices +wb +##shah +enroll +hypothetical +hysterical +1743 +fabio +indefinite +warped +##hg +exchanging +525 +unsuitable +##sboro +gallo +1603 +bret +cobalt +homemade +##hunter +mx +operatives +##dhar +terraces +durable +latch +pens +whorls +##ctuated +##eaux +billing +ligament +succumbed +##gly +regulators +spawn +##brick +##stead +filmfare +rochelle +##nzo +1725 +circumstance +saber +supplements +##nsky +##tson +crowe +wellesley +carrot +##9th +##movable +primate +drury +sincerely +topical +##mad +##rao +callahan +kyiv +smarter +tits +undo +##yeh +announcements +anthologies +barrio +nebula +##islaus +##shaft +##tyn +bodyguards +2021 +assassinate +barns +emmett +scully +##mah +##yd +##eland +##tino +##itarian +demoted +gorman +lashed +prized +adventist +writ +##gui +alla +invertebrates +##ausen +1641 +amman +1742 +align +healy +redistribution +##gf +##rize +insulation +##drop +adherents +hezbollah +vitro +ferns +yanking +269 +php +registering +uppsala +cheerleading +confines +mischievous +tully +##ross +49th +docked +roam +stipulated +pumpkin +##bry +prompt +##ezer +blindly +shuddering +craftsmen +frail +scented +katharine +scramble +shaggy +sponge +helix +zaragoza +279 +##52 +43rd +backlash +fontaine +seizures +posse +cowan +nonfiction +telenovela +wwii +hammered +undone +##gpur +encircled +irs +##ivation +artefacts +oneself +searing +smallpox +##belle +##osaurus +shandong +breached +upland +blushing +rankin +infinitely +psyche +tolerated +docking +evicted +##col +unmarked +##lving +gnome +lettering +litres +musique +##oint +benevolent +##jal +blackened +##anna +mccall +racers +tingle +##ocene +##orestation +introductions +radically +292 +##hiff +##باد +1610 +1739 +munchen +plead +##nka +condo +scissors +##sight +##tens +apprehension +##cey +##yin +hallmark +watering +formulas +sequels +##llas +aggravated +bae +commencing +##building +enfield +prohibits +marne +vedic +civilized +euclidean +jagger +beforehand +blasts +dumont +##arney +##nem +740 +conversions +hierarchical +rios +simulator +##dya +##lellan +hedges +oleg +thrusts +shadowed +darby +maximize +1744 +gregorian +##nded +##routed +sham +unspecified +##hog +emory +factual +##smo +##tp +fooled +##rger +ortega +wellness +marlon +##oton +##urance +casket +keating +ley +enclave +##ayan +char +influencing +jia +##chenko +412 +ammonia +erebidae +incompatible +violins +cornered +##arat +grooves +astronauts +columbian +rampant +fabrication +kyushu +mahmud +vanish +##dern +mesopotamia +##lete +ict +##rgen +caspian +kenji +pitted +##vered +999 +grimace +roanoke +tchaikovsky +twinned +##analysis +##awan +xinjiang +arias +clemson +kazakh +sizable +1662 +##khand +##vard +plunge +tatum +vittorio +##nden +cholera +##dana +##oper +bracing +indifference +projectile +superliga +##chee +realises +upgrading +299 +porte +retribution +##vies +nk +stil +##resses +ama +bureaucracy +blackberry +bosch +testosterone +collapses +greer +##pathic +ioc +fifties +malls +##erved +bao +baskets +adolescents +siegfried +##osity +##tosis +mantra +detecting +existent +fledgling +##cchi +dissatisfied +gan +telecommunication +mingled +sobbed +6000 +controversies +outdated +taxis +##raus +fright +slams +##lham +##fect +##tten +detectors +fetal +tanned +##uw +fray +goth +olympian +skipping +mandates +scratches +sheng +unspoken +hyundai +tracey +hotspur +restrictive +##buch +americana +mundo +##bari +burroughs +diva +vulcan +##6th +distinctions +thumping +##ngen +mikey +sheds +fide +rescues +springsteen +vested +valuation +##ece +##ely +pinnacle +rake +sylvie +##edo +almond +quivering +##irus +alteration +faltered +##wad +51st +hydra +ticked +##kato +recommends +##dicated +antigua +arjun +stagecoach +wilfred +trickle +pronouns +##pon +aryan +nighttime +##anian +gall +pea +stitch +##hei +leung +milos +##dini +eritrea +nexus +starved +snowfall +kant +parasitic +cot +discus +hana +strikers +appleton +kitchens +##erina +##partisan +##itha +##vius +disclose +metis +##channel +1701 +tesla +##vera +fitch +1735 +blooded +##tila +decimal +##tang +##bai +cyclones +eun +bottled +peas +pensacola +basha +bolivian +crabs +boil +lanterns +partridge +roofed +1645 +necks +##phila +opined +patting +##kla +##lland +chuckles +volta +whereupon +##nche +devout +euroleague +suicidal +##dee +inherently +involuntary +knitting +nasser +##hide +puppets +colourful +courageous +southend +stills +miraculous +hodgson +richer +rochdale +ethernet +greta +uniting +prism +umm +##haya +##itical +##utation +deterioration +pointe +prowess +##ropriation +lids +scranton +billings +subcontinent +##koff +##scope +brute +kellogg +psalms +degraded +##vez +stanisław +##ructured +ferreira +pun +astonishing +gunnar +##yat +arya +prc +gottfried +##tight +excursion +##ographer +dina +##quil +##nare +huffington +illustrious +wilbur +gundam +verandah +##zard +naacp +##odle +constructive +fjord +kade +##naud +generosity +thrilling +baseline +cayman +frankish +plastics +accommodations +zoological +##fting +cedric +qb +motorized +##dome +##otted +squealed +tackled +canucks +budgets +situ +asthma +dail +gabled +grasslands +whimpered +writhing +judgments +##65 +minnie +pv +##carbon +bananas +grille +domes +monique +odin +maguire +markham +tierney +##estra +##chua +libel +poke +speedy +atrium +laval +notwithstanding +##edly +fai +kala +##sur +robb +##sma +listings +luz +supplementary +tianjin +##acing +enzo +jd +ric +scanner +croats +transcribed +##49 +arden +cv +##hair +##raphy +##lver +##uy +357 +seventies +staggering +alam +horticultural +hs +regression +timbers +blasting +##ounded +montagu +manipulating +##cit +catalytic +1550 +troopers +##meo +condemnation +fitzpatrick +##oire +##roved +inexperienced +1670 +castes +##lative +outing +314 +dubois +flicking +quarrel +ste +learners +1625 +iq +whistled +##class +282 +classify +tariffs +temperament +355 +folly +liszt +##yles +immersed +jordanian +ceasefire +apparel +extras +maru +fished +##bio +harta +stockport +assortment +craftsman +paralysis +transmitters +##cola +blindness +##wk +fatally +proficiency +solemnly +##orno +repairing +amore +groceries +ultraviolet +##chase +schoolhouse +##tua +resurgence +nailed +##otype +##× +ruse +saliva +diagrams +##tructing +albans +rann +thirties +1b +antennas +hilarious +cougars +paddington +stats +##eger +breakaway +ipod +reza +authorship +prohibiting +scoffed +##etz +##ttle +conscription +defected +trondheim +##fires +ivanov +keenan +##adan +##ciful +##fb +##slow +locating +##ials +##tford +cadiz +basalt +blankly +interned +rags +rattling +##tick +carpathian +reassured +sync +bum +guildford +iss +staunch +##onga +astronomers +sera +sofie +emergencies +susquehanna +##heard +duc +mastery +vh1 +williamsburg +bayer +buckled +craving +##khan +##rdes +bloomington +##write +alton +barbecue +##bians +justine +##hri +##ndt +delightful +smartphone +newtown +photon +retrieval +peugeot +hissing +##monium +##orough +flavors +lighted +relaunched +tainted +##games +##lysis +anarchy +microscopic +hopping +adept +evade +evie +##beau +inhibit +sinn +adjustable +hurst +intuition +wilton +cisco +44th +lawful +lowlands +stockings +thierry +##dalen +##hila +##nai +fates +prank +tb +maison +lobbied +provocative +1724 +4a +utopia +##qual +carbonate +gujarati +purcell +##rford +curtiss +##mei +overgrown +arenas +mediation +swallows +##rnik +respectful +turnbull +##hedron +##hope +alyssa +ozone +##ʻi +ami +gestapo +johansson +snooker +canteen +cuff +declines +empathy +stigma +##ags +##iner +##raine +taxpayers +gui +volga +##wright +##copic +lifespan +overcame +tattooed +enactment +giggles +##ador +##camp +barrington +bribe +obligatory +orbiting +peng +##enas +elusive +sucker +##vating +cong +hardship +empowered +anticipating +estrada +cryptic +greasy +detainees +planck +sudbury +plaid +dod +marriott +kayla +##ears +##vb +##zd +mortally +##hein +cognition +radha +319 +liechtenstein +meade +richly +argyle +harpsichord +liberalism +trumpets +lauded +tyrant +salsa +tiled +lear +promoters +reused +slicing +trident +##chuk +##gami +##lka +cantor +checkpoint +##points +gaul +leger +mammalian +##tov +##aar +##schaft +doha +frenchman +nirvana +##vino +delgado +headlining +##eron +##iography +jug +tko +1649 +naga +intersections +##jia +benfica +nawab +##suka +ashford +gulp +##deck +##vill +##rug +brentford +frazier +pleasures +dunne +potsdam +shenzhen +dentistry +##tec +flanagan +##dorff +##hear +chorale +dinah +prem +quezon +##rogated +relinquished +sutra +terri +##pani +flaps +##rissa +poly +##rnet +homme +aback +##eki +linger +womb +##kson +##lewood +doorstep +orthodoxy +threaded +westfield +##rval +dioceses +fridays +subsided +##gata +loyalists +##biotic +##ettes +letterman +lunatic +prelate +tenderly +invariably +souza +thug +winslow +##otide +furlongs +gogh +jeopardy +##runa +pegasus +##umble +humiliated +standalone +tagged +##roller +freshmen +klan +##bright +attaining +initiating +transatlantic +logged +viz +##uance +1723 +combatants +intervening +stephane +chieftain +despised +grazed +317 +cdc +galveston +godzilla +macro +simulate +##planes +parades +##esses +960 +##ductive +##unes +equator +overdose +##cans +##hosh +##lifting +joshi +epstein +sonora +treacherous +aquatics +manchu +responsive +##sation +supervisory +##christ +##llins +##ibar +##balance +##uso +kimball +karlsruhe +mab +##emy +ignores +phonetic +reuters +spaghetti +820 +almighty +danzig +rumbling +tombstone +designations +lured +outset +##felt +supermarkets +##wt +grupo +kei +kraft +susanna +##blood +comprehension +genealogy +##aghan +##verted +redding +##ythe +1722 +bowing +##pore +##roi +lest +sharpened +fulbright +valkyrie +sikhs +##unds +swans +bouquet +merritt +##tage +##venting +commuted +redhead +clerks +leasing +cesare +dea +hazy +##vances +fledged +greenfield +servicemen +##gical +armando +blackout +dt +sagged +downloadable +intra +potion +pods +##4th +##mism +xp +attendants +gambia +stale +##ntine +plump +asteroids +rediscovered +buds +flea +hive +##neas +1737 +classifications +debuts +##eles +olympus +scala +##eurs +##gno +##mute +hummed +sigismund +visuals +wiggled +await +pilasters +clench +sulfate +##ances +bellevue +enigma +trainee +snort +##sw +clouded +denim +##rank +##rder +churning +hartman +lodges +riches +sima +##missible +accountable +socrates +regulates +mueller +##cr +1702 +avoids +solids +himalayas +nutrient +pup +##jevic +squat +fades +nec +##lates +##pina +##rona +##ου +privateer +tequila +##gative +##mpton +apt +hornet +immortals +##dou +asturias +cleansing +dario +##rries +##anta +etymology +servicing +zhejiang +##venor +##nx +horned +erasmus +rayon +relocating +£10 +##bags +escalated +promenade +stubble +2010s +artisans +axial +liquids +mora +sho +yoo +##tsky +bundles +oldies +##nally +notification +bastion +##ths +sparkle +##lved +1728 +leash +pathogen +highs +##hmi +immature +880 +gonzaga +ignatius +mansions +monterrey +sweets +bryson +##loe +polled +regatta +brightest +pei +rosy +squid +hatfield +payroll +addict +meath +cornerback +heaviest +lodging +##mage +capcom +rippled +##sily +barnet +mayhem +ymca +snuggled +rousseau +##cute +blanchard +284 +fragmented +leighton +chromosomes +risking +##md +##strel +##utter +corinne +coyotes +cynical +hiroshi +yeomanry +##ractive +ebook +grading +mandela +plume +agustin +magdalene +##rkin +bea +femme +trafford +##coll +##lun +##tance +52nd +fourier +upton +##mental +camilla +gust +iihf +islamabad +longevity +##kala +feldman +netting +##rization +endeavour +foraging +mfa +orr +##open +greyish +contradiction +graz +##ruff +handicapped +marlene +tweed +oaxaca +spp +campos +miocene +pri +configured +cooks +pluto +cozy +pornographic +##entes +70th +fairness +glided +jonny +lynne +rounding +sired +##emon +##nist +remade +uncover +##mack +complied +lei +newsweek +##jured +##parts +##enting +##pg +293 +finer +guerrillas +athenian +deng +disused +stepmother +accuse +gingerly +seduction +521 +confronting +##walker +##going +gora +nostalgia +sabres +virginity +wrenched +##minated +syndication +wielding +eyre +##56 +##gnon +##igny +behaved +taxpayer +sweeps +##growth +childless +gallant +##ywood +amplified +geraldine +scrape +##ffi +babylonian +fresco +##rdan +##kney +##position +1718 +restricting +tack +fukuoka +osborn +selector +partnering +##dlow +318 +gnu +kia +tak +whitley +gables +##54 +##mania +mri +softness +immersion +##bots +##evsky +1713 +chilling +insignificant +pcs +##uis +elites +lina +purported +supplemental +teaming +##americana +##dding +##inton +proficient +rouen +##nage +##rret +niccolo +selects +##bread +fluffy +1621 +gruff +knotted +mukherjee +polgara +thrash +nicholls +secluded +smoothing +thru +corsica +loaf +whitaker +inquiries +##rrier +##kam +indochina +289 +marlins +myles +peking +##tea +extracts +pastry +superhuman +connacht +vogel +##ditional +##het +##udged +##lash +gloss +quarries +refit +teaser +##alic +##gaon +20s +materialized +sling +camped +pickering +tung +tracker +pursuant +##cide +cranes +soc +##cini +##typical +##viere +anhalt +overboard +workout +chores +fares +orphaned +stains +##logie +fenton +surpassing +joyah +triggers +##itte +grandmaster +##lass +##lists +clapping +fraudulent +ledger +nagasaki +##cor +##nosis +##tsa +eucalyptus +tun +##icio +##rney +##tara +dax +heroism +ina +wrexham +onboard +unsigned +##dates +moshe +galley +winnie +droplets +exiles +praises +watered +noodles +##aia +fein +adi +leland +multicultural +stink +bingo +comets +erskine +modernized +canned +constraint +domestically +chemotherapy +featherweight +stifled +##mum +darkly +irresistible +refreshing +hasty +isolate +##oys +kitchener +planners +##wehr +cages +yarn +implant +toulon +elects +childbirth +yue +##lind +##lone +cn +rightful +sportsman +junctions +remodeled +specifies +##rgh +291 +##oons +complimented +##urgent +lister +ot +##logic +bequeathed +cheekbones +fontana +gabby +##dial +amadeus +corrugated +maverick +resented +triangles +##hered +##usly +nazareth +tyrol +1675 +assent +poorer +sectional +aegean +##cous +296 +nylon +ghanaian +##egorical +##weig +cushions +forbid +fusiliers +obstruction +somerville +##scia +dime +earrings +elliptical +leyte +oder +polymers +timmy +atm +midtown +piloted +settles +continual +externally +mayfield +##uh +enrichment +henson +keane +persians +1733 +benji +braden +pep +324 +##efe +contenders +pepsi +valet +##isches +298 +##asse +##earing +goofy +stroll +##amen +authoritarian +occurrences +adversary +ahmedabad +tangent +toppled +dorchester +1672 +modernism +marxism +islamist +charlemagne +exponential +racks +unicode +brunette +mbc +pic +skirmish +##bund +##lad +##powered +##yst +hoisted +messina +shatter +##ctum +jedi +vantage +##music +##neil +clemens +mahmoud +corrupted +authentication +lowry +nils +##washed +omnibus +wounding +jillian +##itors +##opped +serialized +narcotics +handheld +##arm +##plicity +intersecting +stimulating +##onis +crate +fellowships +hemingway +casinos +climatic +fordham +copeland +drip +beatty +leaflets +robber +brothel +madeira +##hedral +sphinx +ultrasound +##vana +valor +forbade +leonid +villas +##aldo +duane +marquez +##cytes +disadvantaged +forearms +kawasaki +reacts +consular +lax +uncles +uphold +##hopper +concepcion +dorsey +lass +##izan +arching +passageway +1708 +researches +tia +internationals +##graphs +##opers +distinguishes +javanese +divert +##uven +plotted +##listic +##rwin +##erik +##tify +affirmative +signifies +validation +##bson +kari +felicity +georgina +zulu +##eros +##rained +##rath +overcoming +##dot +argyll +##rbin +1734 +chiba +ratification +windy +earls +parapet +##marks +hunan +pristine +astrid +punta +##gart +brodie +##kota +##oder +malaga +minerva +rouse +##phonic +bellowed +pagoda +portals +reclamation +##gur +##odies +##⁄₄ +parentheses +quoting +allergic +palette +showcases +benefactor +heartland +nonlinear +##tness +bladed +cheerfully +scans +##ety +##hone +1666 +girlfriends +pedersen +hiram +sous +##liche +##nator +1683 +##nery +##orio +##umen +bobo +primaries +smiley +##cb +unearthed +uniformly +fis +metadata +1635 +ind +##oted +recoil +##titles +##tura +##ια +406 +hilbert +jamestown +mcmillan +tulane +seychelles +##frid +antics +coli +fated +stucco +##grants +1654 +bulky +accolades +arrays +caledonian +carnage +optimism +puebla +##tative +##cave +enforcing +rotherham +seo +dunlop +aeronautics +chimed +incline +zoning +archduke +hellenistic +##oses +##sions +candi +thong +##ople +magnate +rustic +##rsk +projective +slant +##offs +danes +hollis +vocalists +##ammed +congenital +contend +gesellschaft +##ocating +##pressive +douglass +quieter +##cm +##kshi +howled +salim +spontaneously +townsville +buena +southport +##bold +kato +1638 +faerie +stiffly +##vus +##rled +297 +flawless +realising +taboo +##7th +bytes +straightening +356 +jena +##hid +##rmin +cartwright +berber +bertram +soloists +411 +noses +417 +coping +fission +hardin +inca +##cen +1717 +mobilized +vhf +##raf +biscuits +curate +##85 +##anial +331 +gaunt +neighbourhoods +1540 +##abas +blanca +bypassed +sockets +behold +coincidentally +##bane +nara +shave +splinter +terrific +##arion +##erian +commonplace +juris +redwood +waistband +boxed +caitlin +fingerprints +jennie +naturalized +##ired +balfour +craters +jody +bungalow +hugely +quilt +glitter +pigeons +undertaker +bulging +constrained +goo +##sil +##akh +assimilation +reworked +##person +persuasion +##pants +felicia +##cliff +##ulent +1732 +explodes +##dun +##inium +##zic +lyman +vulture +hog +overlook +begs +northwards +ow +spoil +##urer +fatima +favorably +accumulate +sargent +sorority +corresponded +dispersal +kochi +toned +##imi +##lita +internacional +newfound +##agger +##lynn +##rigue +booths +peanuts +##eborg +medicare +muriel +nur +##uram +crates +millennia +pajamas +worsened +##breakers +jimi +vanuatu +yawned +##udeau +carousel +##hony +hurdle +##ccus +##mounted +##pod +rv +##eche +airship +ambiguity +compulsion +recapture +##claiming +arthritis +##osomal +1667 +asserting +ngc +sniffing +dade +discontent +glendale +ported +##amina +defamation +rammed +##scent +fling +livingstone +##fleet +875 +##ppy +apocalyptic +comrade +lcd +##lowe +cessna +eine +persecuted +subsistence +demi +hoop +reliefs +710 +coptic +progressing +stemmed +perpetrators +1665 +priestess +##nio +dobson +ebony +rooster +itf +tortricidae +##bbon +##jian +cleanup +##jean +##øy +1721 +eighties +taxonomic +holiness +##hearted +##spar +antilles +showcasing +stabilized +##nb +gia +mascara +michelangelo +dawned +##uria +##vinsky +extinguished +fitz +grotesque +£100 +##fera +##loid +##mous +barges +neue +throbbed +cipher +johnnie +##a1 +##mpt +outburst +##swick +spearheaded +administrations +c1 +heartbreak +pixels +pleasantly +##enay +lombardy +plush +##nsed +bobbie +##hly +reapers +tremor +xiang +minogue +substantive +hitch +barak +##wyl +kwan +##encia +910 +obscene +elegance +indus +surfer +bribery +conserve +##hyllum +##masters +horatio +##fat +apes +rebound +psychotic +##pour +iteration +##mium +##vani +botanic +horribly +antiques +dispose +paxton +##hli +##wg +timeless +1704 +disregard +engraver +hounds +##bau +##version +looted +uno +facilitates +groans +masjid +rutland +antibody +disqualification +decatur +footballers +quake +slacks +48th +rein +scribe +stabilize +commits +exemplary +tho +##hort +##chison +pantry +traversed +##hiti +disrepair +identifiable +vibrated +baccalaureate +##nnis +csa +interviewing +##iensis +##raße +greaves +wealthiest +343 +classed +jogged +£5 +##58 +##atal +illuminating +knicks +respecting +##uno +scrubbed +##iji +##dles +kruger +moods +growls +raider +silvia +chefs +kam +vr +cree +percival +##terol +gunter +counterattack +defiant +henan +ze +##rasia +##riety +equivalence +submissions +##fra +##thor +bautista +mechanically +##heater +cornice +herbal +templar +##mering +outputs +ruining +ligand +renumbered +extravagant +mika +blockbuster +eta +insurrection +##ilia +darkening +ferocious +pianos +strife +kinship +##aer +melee +##anor +##iste +##may +##oue +decidedly +weep +##jad +##missive +##ppel +354 +puget +unease +##gnant +1629 +hammering +kassel +ob +wessex +##lga +bromwich +egan +paranoia +utilization +##atable +##idad +contradictory +provoke +##ols +##ouring +##tangled +knesset +##very +##lette +plumbing +##sden +##¹ +greensboro +occult +sniff +338 +zev +beaming +gamer +haggard +mahal +##olt +##pins +mendes +utmost +briefing +gunnery +##gut +##pher +##zh +##rok +1679 +khalifa +sonya +##boot +principals +urbana +wiring +##liffe +##minating +##rrado +dahl +nyu +skepticism +np +townspeople +ithaca +lobster +somethin +##fur +##arina +##−1 +freighter +zimmerman +biceps +contractual +##herton +amend +hurrying +subconscious +##anal +336 +meng +clermont +spawning +##eia +##lub +dignitaries +impetus +snacks +spotting +twigs +##bilis +##cz +##ouk +libertadores +nic +skylar +##aina +##firm +gustave +asean +##anum +dieter +legislatures +flirt +bromley +trolls +umar +##bbies +##tyle +blah +parc +bridgeport +crank +negligence +##nction +46th +constantin +molded +bandages +seriousness +00pm +siegel +carpets +compartments +upbeat +statehood +##dner +##edging +marko +730 +platt +##hane +paving +##iy +1738 +abbess +impatience +limousine +nbl +##talk +441 +lucille +mojo +nightfall +robbers +##nais +karel +brisk +calves +replicate +ascribed +telescopes +##olf +intimidated +##reen +ballast +specialization +##sit +aerodynamic +caliphate +rainer +visionary +##arded +epsilon +##aday +##onte +aggregation +auditory +boosted +reunification +kathmandu +loco +robyn +402 +acknowledges +appointing +humanoid +newell +redeveloped +restraints +##tained +barbarians +chopper +1609 +italiana +##lez +##lho +investigates +wrestlemania +##anies +##bib +690 +##falls +creaked +dragoons +gravely +minions +stupidity +volley +##harat +##week +musik +##eries +##uously +fungal +massimo +semantics +malvern +##ahl +##pee +discourage +embryo +imperialism +1910s +profoundly +##ddled +jiangsu +sparkled +stat +##holz +sweatshirt +tobin +##iction +sneered +##cheon +##oit +brit +causal +smyth +##neuve +diffuse +perrin +silvio +##ipes +##recht +detonated +iqbal +selma +##nism +##zumi +roasted +##riders +tay +##ados +##mament +##mut +##rud +840 +completes +nipples +cfa +flavour +hirsch +##laus +calderon +sneakers +moravian +##ksha +1622 +rq +294 +##imeters +bodo +##isance +##pre +##ronia +anatomical +excerpt +##lke +dh +kunst +##tablished +##scoe +biomass +panted +unharmed +gael +housemates +montpellier +##59 +coa +rodents +tonic +hickory +singleton +##taro +451 +1719 +aldo +breaststroke +dempsey +och +rocco +##cuit +merton +dissemination +midsummer +serials +##idi +haji +polynomials +##rdon +gs +enoch +prematurely +shutter +taunton +£3 +##grating +##inates +archangel +harassed +##asco +326 +archway +dazzling +##ecin +1736 +sumo +wat +##kovich +1086 +honneur +##ently +##nostic +##ttal +##idon +1605 +403 +1716 +blogger +rents +##gnan +hires +##ikh +##dant +howie +##rons +handler +retracted +shocks +1632 +arun +duluth +kepler +trumpeter +##lary +peeking +seasoned +trooper +##mara +laszlo +##iciencies +##rti +heterosexual +##inatory +##ssion +indira +jogging +##inga +##lism +beit +dissatisfaction +malice +##ately +nedra +peeling +##rgeon +47th +stadiums +475 +vertigo +##ains +iced +restroom +##plify +##tub +illustrating +pear +##chner +##sibility +inorganic +rappers +receipts +watery +##kura +lucinda +##oulos +reintroduced +##8th +##tched +gracefully +saxons +nutritional +wastewater +rained +favourites +bedrock +fisted +hallways +likeness +upscale +##lateral +1580 +blinds +prequel +##pps +##tama +deter +humiliating +restraining +tn +vents +1659 +laundering +recess +rosary +tractors +coulter +federer +##ifiers +##plin +persistence +##quitable +geschichte +pendulum +quakers +##beam +bassett +pictorial +buffet +koln +##sitor +drills +reciprocal +shooters +##57 +##cton +##tees +converge +pip +dmitri +donnelly +yamamoto +aqua +azores +demographics +hypnotic +spitfire +suspend +wryly +roderick +##rran +sebastien +##asurable +mavericks +##fles +##200 +himalayan +prodigy +##iance +transvaal +demonstrators +handcuffs +dodged +mcnamara +sublime +1726 +crazed +##efined +##till +ivo +pondered +reconciled +shrill +sava +##duk +bal +cad +heresy +jaipur +goran +##nished +341 +lux +shelly +whitehall +##hre +israelis +peacekeeping +##wled +1703 +demetrius +ousted +##arians +##zos +beale +anwar +backstroke +raged +shrinking +cremated +##yck +benign +towing +wadi +darmstadt +landfill +parana +soothe +colleen +sidewalks +mayfair +tumble +hepatitis +ferrer +superstructure +##gingly +##urse +##wee +anthropological +translators +##mies +closeness +hooves +##pw +mondays +##roll +##vita +landscaping +##urized +purification +sock +thorns +thwarted +jalan +tiberius +##taka +saline +##rito +confidently +khyber +sculptors +##ij +brahms +hammersmith +inspectors +battista +fivb +fragmentation +hackney +##uls +arresting +exercising +antoinette +bedfordshire +##zily +dyed +##hema +1656 +racetrack +variability +##tique +1655 +austrians +deteriorating +madman +theorists +aix +lehman +weathered +1731 +decreed +eruptions +1729 +flaw +quinlan +sorbonne +flutes +nunez +1711 +adored +downwards +fable +rasped +1712 +moritz +mouthful +renegade +shivers +stunts +dysfunction +restrain +translit +327 +pancakes +##avio +##cision +##tray +351 +vial +##lden +bain +##maid +##oxide +chihuahua +malacca +vimes +##rba +##rnier +1664 +donnie +plaques +##ually +337 +bangs +floppy +huntsville +loretta +nikolay +##otte +eater +handgun +ubiquitous +##hett +eras +zodiac +1634 +##omorphic +1820s +##zog +cochran +##bula +##lithic +warring +##rada +dalai +excused +blazers +mcconnell +reeling +bot +este +##abi +geese +hoax +taxon +##bla +guitarists +##icon +condemning +hunts +inversion +moffat +taekwondo +##lvis +1624 +stammered +##rest +##rzy +sousa +fundraiser +marylebone +navigable +uptown +cabbage +daniela +salman +shitty +whimper +##kian +##utive +programmers +protections +rm +##rmi +##rued +forceful +##enes +fuss +##tao +##wash +brat +oppressive +reykjavik +spartak +ticking +##inkles +##kiewicz +adolph +horst +maui +protege +straighten +cpc +landau +concourse +clements +resultant +##ando +imaginative +joo +reactivated +##rem +##ffled +##uising +consultative +##guide +flop +kaitlyn +mergers +parenting +somber +##vron +supervise +vidhan +##imum +courtship +exemplified +harmonies +medallist +refining +##rrow +##ка +amara +##hum +780 +goalscorer +sited +overshadowed +rohan +displeasure +secretive +multiplied +osman +##orth +engravings +padre +##kali +##veda +miniatures +mis +##yala +clap +pali +rook +##cana +1692 +57th +antennae +astro +oskar +1628 +bulldog +crotch +hackett +yucatan +##sure +amplifiers +brno +ferrara +migrating +##gree +thanking +turing +##eza +mccann +ting +andersson +onslaught +gaines +ganga +incense +standardization +##mation +sentai +scuba +stuffing +turquoise +waivers +alloys +##vitt +regaining +vaults +##clops +##gizing +digger +furry +memorabilia +probing +##iad +payton +rec +deutschland +filippo +opaque +seamen +zenith +afrikaans +##filtration +disciplined +inspirational +##merie +banco +confuse +grafton +tod +##dgets +championed +simi +anomaly +biplane +##ceptive +electrode +##para +1697 +cleavage +crossbow +swirl +informant +##lars +##osta +afi +bonfire +spec +##oux +lakeside +slump +##culus +##lais +##qvist +##rrigan +1016 +facades +borg +inwardly +cervical +xl +pointedly +050 +stabilization +##odon +chests +1699 +hacked +ctv +orthogonal +suzy +##lastic +gaulle +jacobite +rearview +##cam +##erted +ashby +##drik +##igate +##mise +##zbek +affectionately +canine +disperse +latham +##istles +##ivar +spielberg +##orin +##idium +ezekiel +cid +##sg +durga +middletown +##cina +customized +frontiers +harden +##etano +##zzy +1604 +bolsheviks +##66 +coloration +yoko +##bedo +briefs +slabs +debra +liquidation +plumage +##oin +blossoms +dementia +subsidy +1611 +proctor +relational +jerseys +parochial +ter +##ici +esa +peshawar +cavalier +loren +cpi +idiots +shamrock +1646 +dutton +malabar +mustache +##endez +##ocytes +referencing +terminates +marche +yarmouth +##sop +acton +mated +seton +subtly +baptised +beige +extremes +jolted +kristina +telecast +##actic +safeguard +waldo +##baldi +##bular +endeavors +sloppy +subterranean +##ensburg +##itung +delicately +pigment +tq +##scu +1626 +##ound +collisions +coveted +herds +##personal +##meister +##nberger +chopra +##ricting +abnormalities +defective +galician +lucie +##dilly +alligator +likened +##genase +burundi +clears +complexion +derelict +deafening +diablo +fingered +champaign +dogg +enlist +isotope +labeling +mrna +##erre +brilliance +marvelous +##ayo +1652 +crawley +ether +footed +dwellers +deserts +hamish +rubs +warlock +skimmed +##lizer +870 +buick +embark +heraldic +irregularities +##ajan +kiara +##kulam +##ieg +antigen +kowalski +##lge +oakley +visitation +##mbit +vt +##suit +1570 +murderers +##miento +##rites +chimneys +##sling +condemn +custer +exchequer +havre +##ghi +fluctuations +##rations +dfb +hendricks +vaccines +##tarian +nietzsche +biking +juicy +##duced +brooding +scrolling +selangor +##ragan +352 +annum +boomed +seminole +sugarcane +##dna +departmental +dismissing +innsbruck +arteries +ashok +batavia +daze +kun +overtook +##rga +##tlan +beheaded +gaddafi +holm +electronically +faulty +galilee +fractures +kobayashi +##lized +gunmen +magma +aramaic +mala +eastenders +inference +messengers +bf +##qu +407 +bathrooms +##vere +1658 +flashbacks +ideally +misunderstood +##jali +##weather +mendez +##grounds +505 +uncanny +##iii +1709 +friendships +##nbc +sacrament +accommodated +reiterated +logistical +pebbles +thumped +##escence +administering +decrees +drafts +##flight +##cased +##tula +futuristic +picket +intimidation +winthrop +##fahan +interfered +339 +afar +francoise +morally +uta +cochin +croft +dwarfs +##bruck +##dents +##nami +biker +##hner +##meral +nano +##isen +##ometric +##pres +##ан +brightened +meek +parcels +securely +gunners +##jhl +##zko +agile +hysteria +##lten +##rcus +bukit +champs +chevy +cuckoo +leith +sadler +theologians +welded +##section +1663 +jj +plurality +xander +##rooms +##formed +shredded +temps +intimately +pau +tormented +##lok +##stellar +1618 +charred +ems +essen +##mmel +alarms +spraying +ascot +blooms +twinkle +##abia +##apes +internment +obsidian +##chaft +snoop +##dav +##ooping +malibu +##tension +quiver +##itia +hays +mcintosh +travers +walsall +##ffie +1623 +beverley +schwarz +plunging +structurally +m3 +rosenthal +vikram +##tsk +770 +ghz +##onda +##tiv +chalmers +groningen +pew +reckon +unicef +##rvis +55th +##gni +1651 +sulawesi +avila +cai +metaphysical +screwing +turbulence +##mberg +augusto +samba +56th +baffled +momentary +toxin +##urian +##wani +aachen +condoms +dali +steppe +##3d +##app +##oed +##year +adolescence +dauphin +electrically +inaccessible +microscopy +nikita +##ega +atv +##cel +##enter +##oles +##oteric +##ы +accountants +punishments +wrongly +bribes +adventurous +clinch +flinders +southland +##hem +##kata +gough +##ciency +lads +soared +##ה +undergoes +deformation +outlawed +rubbish +##arus +##mussen +##nidae +##rzburg +arcs +##ingdon +##tituted +1695 +wheelbase +wheeling +bombardier +campground +zebra +##lices +##oj +##bain +lullaby +##ecure +donetsk +wylie +grenada +##arding +##ης +squinting +eireann +opposes +##andra +maximal +runes +##broken +##cuting +##iface +##ror +##rosis +additive +britney +adultery +triggering +##drome +detrimental +aarhus +containment +jc +swapped +vichy +##ioms +madly +##oric +##rag +brant +##ckey +##trix +1560 +1612 +broughton +rustling +##stems +##uder +asbestos +mentoring +##nivorous +finley +leaps +##isan +apical +pry +slits +substitutes +##dict +intuitive +fantasia +insistent +unreasonable +##igen +##vna +domed +hannover +margot +ponder +##zziness +impromptu +jian +lc +rampage +stemming +##eft +andrey +gerais +whichever +amnesia +appropriated +anzac +clicks +modifying +ultimatum +cambrian +maids +verve +yellowstone +##mbs +conservatoire +##scribe +adherence +dinners +spectra +imperfect +mysteriously +sidekick +tatar +tuba +##aks +##ifolia +distrust +##athan +##zle +c2 +ronin +zac +##pse +celaena +instrumentalist +scents +skopje +##mbling +comical +compensated +vidal +condor +intersect +jingle +wavelengths +##urrent +mcqueen +##izzly +carp +weasel +422 +kanye +militias +postdoctoral +eugen +gunslinger +##ɛ +faux +hospice +##for +appalled +derivation +dwarves +##elis +dilapidated +##folk +astoria +philology +##lwyn +##otho +##saka +inducing +philanthropy +##bf +##itative +geek +markedly +sql +##yce +bessie +indices +rn +##flict +495 +frowns +resolving +weightlifting +tugs +cleric +contentious +1653 +mania +rms +##miya +##reate +##ruck +##tucket +bien +eels +marek +##ayton +##cence +discreet +unofficially +##ife +leaks +##bber +1705 +332 +dung +compressor +hillsborough +pandit +shillings +distal +##skin +381 +##tat +##you +nosed +##nir +mangrove +undeveloped +##idia +textures +##inho +##500 +##rise +ae +irritating +nay +amazingly +bancroft +apologetic +compassionate +kata +symphonies +##lovic +airspace +##lch +930 +gifford +precautions +fulfillment +sevilla +vulgar +martinique +##urities +looting +piccolo +tidy +##dermott +quadrant +armchair +incomes +mathematicians +stampede +nilsson +##inking +##scan +foo +quarterfinal +##ostal +shang +shouldered +squirrels +##owe +344 +vinegar +##bner +##rchy +##systems +delaying +##trics +ars +dwyer +rhapsody +sponsoring +##gration +bipolar +cinder +starters +##olio +##urst +421 +signage +##nty +aground +figurative +mons +acquaintances +duets +erroneously +soyuz +elliptic +recreated +##cultural +##quette +##ssed +##tma +##zcz +moderator +scares +##itaire +##stones +##udence +juniper +sighting +##just +##nsen +britten +calabria +ry +bop +cramer +forsyth +stillness +##л +airmen +gathers +unfit +##umber +##upt +taunting +##rip +seeker +streamlined +##bution +holster +schumann +tread +vox +##gano +##onzo +strive +dil +reforming +covent +newbury +predicting +##orro +decorate +tre +##puted +andover +ie +asahi +dept +dunkirk +gills +##tori +buren +huskies +##stis +##stov +abstracts +bets +loosen +##opa +1682 +yearning +##glio +##sir +berman +effortlessly +enamel +napoli +persist +##peration +##uez +attache +elisa +b1 +invitations +##kic +accelerating +reindeer +boardwalk +clutches +nelly +polka +starbucks +##kei +adamant +huey +lough +unbroken +adventurer +embroidery +inspecting +stanza +##ducted +naia +taluka +##pone +##roids +chases +deprivation +florian +##jing +##ppet +earthly +##lib +##ssee +colossal +foreigner +vet +freaks +patrice +rosewood +triassic +upstate +##pkins +dominates +ata +chants +ks +vo +##400 +##bley +##raya +##rmed +555 +agra +infiltrate +##ailing +##ilation +##tzer +##uppe +##werk +binoculars +enthusiast +fujian +squeak +##avs +abolitionist +almeida +boredom +hampstead +marsden +rations +##ands +inflated +334 +bonuses +rosalie +patna +##rco +329 +detachments +penitentiary +54th +flourishing +woolf +##dion +##etched +papyrus +##lster +##nsor +##toy +bobbed +dismounted +endelle +inhuman +motorola +tbs +wince +wreath +##ticus +hideout +inspections +sanjay +disgrace +infused +pudding +stalks +##urbed +arsenic +leases +##hyl +##rrard +collarbone +##waite +##wil +dowry +##bant +##edance +genealogical +nitrate +salamanca +scandals +thyroid +necessitated +##! +##" +### +##$ +##% +##& +##' +##( +##) +##* +##+ +##, +##- +##. +##/ +##: +##; +##< +##= +##> +##? +##@ +##[ +##\ +##] +##^ +##_ +##` +##{ +##| +##} +##~ +##¡ +##¢ +##£ +##¤ +##¥ +##¦ +##§ +##¨ +##© +##ª +##« +##¬ +##® +##± +##´ +##µ +##¶ +##· +##º +##» +##¼ +##¾ +##¿ +##æ +##ð +##÷ +##þ +##đ +##ħ +##ŋ +##œ +##ƒ +##ɐ +##ɑ +##ɒ +##ɔ +##ɕ +##ə +##ɡ +##ɣ +##ɨ +##ɪ +##ɫ +##ɬ +##ɯ +##ɲ +##ɴ +##ɹ +##ɾ +##ʀ +##ʁ +##ʂ +##ʃ +##ʉ +##ʊ +##ʋ +##ʌ +##ʎ +##ʐ +##ʑ +##ʒ +##ʔ +##ʰ +##ʲ +##ʳ +##ʷ +##ʸ +##ʻ +##ʼ +##ʾ +##ʿ +##ˈ +##ˡ +##ˢ +##ˣ +##ˤ +##β +##γ +##δ +##ε +##ζ +##θ +##κ +##λ +##μ +##ξ +##ο +##π +##ρ +##σ +##τ +##υ +##φ +##χ +##ψ +##ω +##б +##г +##д +##ж +##з +##м +##п +##с +##у +##ф +##х +##ц +##ч +##ш +##щ +##ъ +##э +##ю +##ђ +##є +##і +##ј +##љ +##њ +##ћ +##ӏ +##ա +##բ +##գ +##դ +##ե +##թ +##ի +##լ +##կ +##հ +##մ +##յ +##ն +##ո +##պ +##ս +##վ +##տ +##ր +##ւ +##ք +##־ +##א +##ב +##ג +##ד +##ו +##ז +##ח +##ט +##י +##ך +##כ +##ל +##ם +##מ +##ן +##נ +##ס +##ע +##ף +##פ +##ץ +##צ +##ק +##ר +##ש +##ת +##، +##ء +##ب +##ت +##ث +##ج +##ح +##خ +##ذ +##ز +##س +##ش +##ص +##ض +##ط +##ظ +##ع +##غ +##ـ +##ف +##ق +##ك +##و +##ى +##ٹ +##پ +##چ +##ک +##گ +##ں +##ھ +##ہ +##ے +##अ +##आ +##उ +##ए +##क +##ख +##ग +##च +##ज +##ट +##ड +##ण +##त +##थ +##द +##ध +##न +##प +##ब +##भ +##म +##य +##र +##ल +##व +##श +##ष +##स +##ह +##ा +##ि +##ी +##ो +##। +##॥ +##ং +##অ +##আ +##ই +##উ +##এ +##ও +##ক +##খ +##গ +##চ +##ছ +##জ +##ট +##ড +##ণ +##ত +##থ +##দ +##ধ +##ন +##প +##ব +##ভ +##ম +##য +##র +##ল +##শ +##ষ +##স +##হ +##া +##ি +##ী +##ে +##க +##ச +##ட +##த +##ந +##ன +##ப +##ம +##ய +##ர +##ல +##ள +##வ +##ா +##ி +##ு +##ே +##ை +##ನ +##ರ +##ಾ +##ක +##ය +##ර +##ල +##ව +##ා +##ก +##ง +##ต +##ท +##น +##พ +##ม +##ย +##ร +##ล +##ว +##ส +##อ +##า +##เ +##་ +##། +##ག +##ང +##ད +##ན +##པ +##བ +##མ +##འ +##ར +##ལ +##ས +##မ +##ა +##ბ +##გ +##დ +##ე +##ვ +##თ +##ი +##კ +##ლ +##მ +##ნ +##ო +##რ +##ს +##ტ +##უ +##ᄀ +##ᄂ +##ᄃ +##ᄅ +##ᄆ +##ᄇ +##ᄉ +##ᄊ +##ᄋ +##ᄌ +##ᄎ +##ᄏ +##ᄐ +##ᄑ +##ᄒ +##ᅡ +##ᅢ +##ᅥ +##ᅦ +##ᅧ +##ᅩ +##ᅪ +##ᅭ +##ᅮ +##ᅯ +##ᅲ +##ᅳ +##ᅴ +##ᅵ +##ᆨ +##ᆫ +##ᆯ +##ᆷ +##ᆸ +##ᆼ +##ᴬ +##ᴮ +##ᴰ +##ᴵ +##ᴺ +##ᵀ +##ᵃ +##ᵇ +##ᵈ +##ᵉ +##ᵍ +##ᵏ +##ᵐ +##ᵒ +##ᵖ +##ᵗ +##ᵘ +##ᵣ +##ᵤ +##ᵥ +##ᶜ +##ᶠ +##‐ +##‑ +##‒ +##– +##— +##― +##‖ +##‘ +##’ +##‚ +##“ +##” +##„ +##† +##‡ +##• +##… +##‰ +##′ +##″ +##› +##‿ +##⁄ +##⁰ +##ⁱ +##⁴ +##⁵ +##⁶ +##⁷ +##⁸ +##⁹ +##⁻ +##ⁿ +##₅ +##₆ +##₇ +##₈ +##₉ +##₊ +##₍ +##₎ +##ₐ +##ₑ +##ₒ +##ₓ +##ₕ +##ₖ +##ₗ +##ₘ +##ₚ +##ₛ +##ₜ +##₤ +##₩ +##€ +##₱ +##₹ +##ℓ +##№ +##ℝ +##™ +##⅓ +##⅔ +##← +##↑ +##→ +##↓ +##↔ +##↦ +##⇄ +##⇌ +##⇒ +##∂ +##∅ +##∆ +##∇ +##∈ +##∗ +##∘ +##√ +##∞ +##∧ +##∨ +##∩ +##∪ +##≈ +##≡ +##≤ +##≥ +##⊂ +##⊆ +##⊕ +##⊗ +##⋅ +##─ +##│ +##■ +##▪ +##● +##★ +##☆ +##☉ +##♠ +##♣ +##♥ +##♦ +##♯ +##⟨ +##⟩ +##ⱼ +##⺩ +##⺼ +##⽥ +##、 +##。 +##〈 +##〉 +##《 +##》 +##「 +##」 +##『 +##』 +##〜 +##あ +##い +##う +##え +##お +##か +##き +##く +##け +##こ +##さ +##し +##す +##せ +##そ +##た +##ち +##っ +##つ +##て +##と +##な +##に +##ぬ +##ね +##の +##は +##ひ +##ふ +##へ +##ほ +##ま +##み +##む +##め +##も +##や +##ゆ +##よ +##ら +##り +##る +##れ +##ろ +##を +##ん +##ァ +##ア +##ィ +##イ +##ウ +##ェ +##エ +##オ +##カ +##キ +##ク +##ケ +##コ +##サ +##シ +##ス +##セ +##タ +##チ +##ッ +##ツ +##テ +##ト +##ナ +##ニ +##ノ +##ハ +##ヒ +##フ +##ヘ +##ホ +##マ +##ミ +##ム +##メ +##モ +##ャ +##ュ +##ョ +##ラ +##リ +##ル +##レ +##ロ +##ワ +##ン +##・ +##ー +##一 +##三 +##上 +##下 +##不 +##世 +##中 +##主 +##久 +##之 +##也 +##事 +##二 +##五 +##井 +##京 +##人 +##亻 +##仁 +##介 +##代 +##仮 +##伊 +##会 +##佐 +##侍 +##保 +##信 +##健 +##元 +##光 +##八 +##公 +##内 +##出 +##分 +##前 +##劉 +##力 +##加 +##勝 +##北 +##区 +##十 +##千 +##南 +##博 +##原 +##口 +##古 +##史 +##司 +##合 +##吉 +##同 +##名 +##和 +##囗 +##四 +##国 +##國 +##土 +##地 +##坂 +##城 +##堂 +##場 +##士 +##夏 +##外 +##大 +##天 +##太 +##夫 +##奈 +##女 +##子 +##学 +##宀 +##宇 +##安 +##宗 +##定 +##宣 +##宮 +##家 +##宿 +##寺 +##將 +##小 +##尚 +##山 +##岡 +##島 +##崎 +##川 +##州 +##巿 +##帝 +##平 +##年 +##幸 +##广 +##弘 +##張 +##彳 +##後 +##御 +##德 +##心 +##忄 +##志 +##忠 +##愛 +##成 +##我 +##戦 +##戸 +##手 +##扌 +##政 +##文 +##新 +##方 +##日 +##明 +##星 +##春 +##昭 +##智 +##曲 +##書 +##月 +##有 +##朝 +##木 +##本 +##李 +##村 +##東 +##松 +##林 +##森 +##楊 +##樹 +##橋 +##歌 +##止 +##正 +##武 +##比 +##氏 +##民 +##水 +##氵 +##氷 +##永 +##江 +##沢 +##河 +##治 +##法 +##海 +##清 +##漢 +##瀬 +##火 +##版 +##犬 +##王 +##生 +##田 +##男 +##疒 +##発 +##白 +##的 +##皇 +##目 +##相 +##省 +##真 +##石 +##示 +##社 +##神 +##福 +##禾 +##秀 +##秋 +##空 +##立 +##章 +##竹 +##糹 +##美 +##義 +##耳 +##良 +##艹 +##花 +##英 +##華 +##葉 +##藤 +##行 +##街 +##西 +##見 +##訁 +##語 +##谷 +##貝 +##貴 +##車 +##軍 +##辶 +##道 +##郎 +##郡 +##部 +##都 +##里 +##野 +##金 +##鈴 +##镇 +##長 +##門 +##間 +##阝 +##阿 +##陳 +##陽 +##雄 +##青 +##面 +##風 +##食 +##香 +##馬 +##高 +##龍 +##龸 +##fi +##fl +##! +##( +##) +##, +##- +##. +##/ +##: +##? +##~ diff --git a/test/test_transforms.py b/test/test_transforms.py index a7d07552f9..760d8d96c7 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -581,3 +581,95 @@ def test_clip_tokenizer_save_load_torchscript(self): torch.save(tokenizer.__prepare_scriptable__(), tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._clip_tokenizer((loaded_tokenizer)) + + +class TestBERTTokenizer(TorchtextTestCase): + def _load_tokenizer(self, test_scripting: bool, do_lower_case: bool, return_tokens: bool): + if do_lower_case: + vocab_file = "bert_base_uncased_vocab.txt" + else: + vocab_file = "bert_base_cased_vocab.txt" + + tokenizer = transforms.BERTTokenizer( + vocab_path=get_asset_path(vocab_file), + do_lower_case=do_lower_case, + return_tokens=return_tokens, + ) + if test_scripting: + tokenizer = torch.jit.script(tokenizer) + return tokenizer + + def _bert_tokenizer(self, tokenizer, do_lower_case): + sample_texts = [ + "Hello World!, how are you?", + "Hélló WoŕlḊ¿", + "Respublica superiorem", + "Avdija Vršajević în", + ] + + if do_lower_case: + expected_tokens = [ + ["hello", "world", "!", ",", "how", "are", "you", "?"], + ["hello", "world", "¿"], + ["res", "##pu", "##bl", "##ica", "superior", "##em"], + ["av", "##di", "##ja", "vr", "##sa", "##jevic", "in"], + ] + expected_token_ids = [ + ["7592", "2088", "999", "1010", "2129", "2024", "2017", "1029"], + ["7592", "2088", "1094"], + ["24501", "14289", "16558", "5555", "6020", "6633"], + ["20704", "4305", "3900", "27830", "3736", "26782", "1999"], + ] + + else: + expected_tokens = [ + ["Hello", "World", "!", ",", "how", "are", "you", "?"], + ["H", "##é", "##ll", "##ó", "[UNK]", "¿"], + ["Re", "##sp", "##ub", "##lica", "superior", "##em"], + ["A", "##v", "##di", "##ja", "V", "##r", "##ša", "##je", "##vić", "î", "##n"], + ] + expected_token_ids = [ + ["8667", "1291", "106", "117", "1293", "1132", "1128", "136"], + ["145", "2744", "2339", "7774", "100", "225"], + ["11336", "20080", "10354", "9538", "7298", "5521"], + ["138", "1964", "3309", "3174", "159", "1197", "23834", "5561", "10225", "260", "1179"], + ] + + # test batch of sentences + if tokenizer._return_tokens: + self.assertEqual(tokenizer(sample_texts), expected_tokens) + else: + self.assertEqual(tokenizer(sample_texts), expected_token_ids) + + # test individual sentences + for idx, txt in enumerate(sample_texts): + if tokenizer._return_tokens: + self.assertEqual(tokenizer(txt), expected_tokens[idx]) + else: + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + + @nested_params([True, False], [True, False], [True, False]) + def test_bert_tokenizer(self, test_scripting, do_lower_case, return_tokens): + """test tokenization on single sentence input as well as batch on sentences""" + self._bert_tokenizer( + self._load_tokenizer( + test_scripting=test_scripting, do_lower_case=do_lower_case, return_tokens=return_tokens + ), + do_lower_case=do_lower_case, + ) + + @nested_params([True, False], [True, False], [True, False]) + def test_bert_tokenizer_save_load(self, test_scripting, do_lower_case, return_tokens): + """test saving and loading of BERT tokenizer both for scripted and non-scripted version""" + tokenizer = self._load_tokenizer( + test_scripting=test_scripting, do_lower_case=do_lower_case, return_tokens=return_tokens + ) + tokenizer_path = os.path.join(self.test_dir, "bert_tokenizer_pybind.pt") + if test_scripting: + torch.jit.save(tokenizer, tokenizer_path) + loaded_tokenizer = torch.jit.load(tokenizer_path) + self._bert_tokenizer((loaded_tokenizer), do_lower_case=do_lower_case) + else: + torch.save(tokenizer, tokenizer_path) + loaded_tokenizer = torch.load(tokenizer_path) + self._bert_tokenizer((loaded_tokenizer), do_lower_case=do_lower_case) diff --git a/third_party/CMakeLists.txt b/third_party/CMakeLists.txt index 19e519b973..f211997236 100644 --- a/third_party/CMakeLists.txt +++ b/third_party/CMakeLists.txt @@ -8,3 +8,4 @@ endif() add_subdirectory(re2 EXCLUDE_FROM_ALL) add_subdirectory(double-conversion EXCLUDE_FROM_ALL) add_subdirectory(sentencepiece EXCLUDE_FROM_ALL) +add_subdirectory(utf8proc EXCLUDE_FROM_ALL) diff --git a/third_party/utf8proc b/third_party/utf8proc new file mode 160000 index 0000000000..f0b370716b --- /dev/null +++ b/third_party/utf8proc @@ -0,0 +1 @@ +Subproject commit f0b370716b9175125e24d0f16ba43de9322370e3 diff --git a/torchtext/csrc/CMakeLists.txt b/torchtext/csrc/CMakeLists.txt index 4dd0f956a2..93a6624f34 100644 --- a/torchtext/csrc/CMakeLists.txt +++ b/torchtext/csrc/CMakeLists.txt @@ -18,6 +18,7 @@ set( sentencepiece.cpp vectors.cpp vocab.cpp + bert_tokenizer.cpp ) set( @@ -26,6 +27,7 @@ set( ${PROJECT_SOURCE_DIR}/third_party/sentencepiece/src $ $ + $ ) set( @@ -35,6 +37,7 @@ set( double-conversion sentencepiece sentencepiece_train + utf8proc ) set( @@ -119,6 +122,7 @@ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) ${PROJECT_SOURCE_DIR}/third_party/sentencepiece/src $ $ + $ ) set( diff --git a/torchtext/csrc/bert_tokenizer.cpp b/torchtext/csrc/bert_tokenizer.cpp new file mode 100644 index 0000000000..06aba8ae7c --- /dev/null +++ b/torchtext/csrc/bert_tokenizer.cpp @@ -0,0 +1,288 @@ +#include +#include + +namespace torchtext { + +std::string BERTEncoder::kUnkToken = "[UNK]"; + +int kMaxCharsPerWords = 100; + +static bool _is_whitespace(uint32_t c) { + if (c == '\t' || c == '\n' || c == '\r' || c == ' ') { + return true; + } + return (UTF8PROC_CATEGORY_ZS == utf8proc_category(c)); +} + +static bool _is_control(uint32_t c) { + if (c == '\t' || c == '\n' || c == '\r') { + return false; + } + utf8proc_category_t cat = utf8proc_category(c); + + // unicodedata return 'Cn' whereas utf8proc return 'Lo' for following unicode + // point Explicitly checking for this unicode point to avoid above + // discrepency. + if (c == 3332) + return true; + // Fixed: HF referece: All categories starting with 'C' + return ( + cat == UTF8PROC_CATEGORY_CC || cat == UTF8PROC_CATEGORY_CF || + cat == UTF8PROC_CATEGORY_CN || cat == UTF8PROC_CATEGORY_CS || + cat == UTF8PROC_CATEGORY_CO); +} + +static bool _is_chinese_char(uint32_t cp) { + if ((cp >= 0x4E00 && cp <= 0x9FFF) || (cp >= 0x3400 && cp <= 0x4DBF) || + (cp >= 0x20000 && cp <= 0x2A6DF) || (cp >= 0x2A700 && cp <= 0x2B73F) || + (cp >= 0x2B740 && cp <= 0x2B81F) || (cp >= 0x2B820 && cp <= 0x2CEAF) || + (cp >= 0xF900 && cp <= 0xFAFF) || (cp >= 0x2F800 && cp <= 0x2FA1F)) { + return true; + } + return false; +} + +static bool _is_punct_char(uint32_t cp) { + if ((cp >= 33 && cp <= 47) || (cp >= 58 && cp <= 64) || + (cp >= 91 && cp <= 96) || (cp >= 123 && cp <= 126)) { + return true; + } + + if (cp == ' ') { + return false; + } + + int cate = static_cast(utf8proc_category(cp)); + return (cate >= 12 && cate <= 18); +} + +static UString _convert_to_unicode(const std::string& text) { + size_t i = 0; + UString ret; + while (i < text.size()) { + uint32_t codepoint; + utf8proc_ssize_t forward = utf8proc_iterate( + (utf8proc_uint8_t*)&text[i], + text.size() - i, + (utf8proc_int32_t*)&codepoint); + if (forward < 0) + return UString(); + ret.append(1, codepoint); + i += forward; + } + return ret; +} + +static std::string _convert_from_unicode(const UString& text) { + char dst[64]; + std::string ret; + for (auto ch : text) { + utf8proc_ssize_t num = utf8proc_encode_char(ch, (utf8proc_uint8_t*)dst); + if (num <= 0) + return ""; + ret += std::string(dst, dst + num); + } + return ret; +} + +static void to_lower(UString& text) { + for (size_t i = 0; i < text.size(); i++) { + text[i] = utf8proc_tolower(text[i]); + } +} + +BERTEncoder::BERTEncoder( + const std::string& vocab_file, + bool do_lower_case, + c10::optional strip_accents) + : vocab_{_load_vocab_from_file(vocab_file, 1, 1)}, + do_lower_case_{do_lower_case}, + strip_accents_{strip_accents} {} + +BERTEncoder::BERTEncoder( + Vocab vocab, + bool do_lower_case, + c10::optional strip_accents) + : vocab_{vocab}, + do_lower_case_{do_lower_case}, + strip_accents_{strip_accents} {} + +UString BERTEncoder::_clean(const UString& text, bool strip_accents) { + /* This function combines: + * cleaning + * strip accents + */ + size_t len = text.size(); + UString ret; + for (size_t i = 0; i < len; i++) { + uint32_t c = text[i]; + if (c == 0 || c == 0xFFFD || _is_control(c) || + (utf8proc_category(c) == UTF8PROC_CATEGORY_MN && strip_accents)) { + continue; + } + if (_is_whitespace(c)) { + ret.append(1, ' '); + } else { + ret.append(1, c); + } + } + return ret; +} + +void BERTEncoder::split_( + const std::string& str, + std::vector& tokens, + const char& delimiter) { + std::stringstream ss(str); + std::string token; + + while (std::getline(ss, token, delimiter)) { + if (!token.empty()) { + tokens.push_back(token); + } + } +} + +void BERTEncoder::_max_seg( + const std::string& s, + std::vector& results) { + int end = s.size(); + int start = 0; + std::vector sub_tokens; + while (start < end) { + std::string test(s.c_str() + start, end - start); + + if (start > 0) { + test = std::string("##") + test; + } + + if (vocab_.__contains__(test)) { + sub_tokens.push_back(test); + start = end; + end = s.size(); + } else { + end -= 1; + if (start == end) { + results.push_back(kUnkToken); + return; + } + } + } + + for (auto& token : sub_tokens) { + results.push_back(token); + } +} + +UString BERTEncoder::_basic_tokenize(const UString& text) { + /* + This function enables white space based tokenization for following: + * chinese character + * punctuation + */ + + UString ret; + size_t len = text.size(); + for (size_t i = 0; i < len; i++) { + uint32_t c = text[i]; + if (_is_chinese_char(c) || _is_punct_char(c)) { + if (!ret.empty() && ret.back() != ' ') { + ret.append(1, ' '); + } + ret.append(1, c); + ret.append(1, ' '); + } else if (c == ' ') { + if (!ret.empty() && ret.back() != ' ') { + ret.append(1, c); + } + } else { + ret.append(1, c); + } + } + if (!ret.empty() && ret.back() == ' ') { + ret.erase(ret.end() - 1); + } + return ret; +} + +std::vector BERTEncoder::Tokenize(std::string text) { + std::vector results; + + // normalize + + bool strip_accents = do_lower_case_; + + if (strip_accents_.has_value()) { + strip_accents = strip_accents_.has_value(); + } + + if (strip_accents) { + char* nfkcstr = reinterpret_cast( + utf8proc_NFD(reinterpret_cast(text.c_str()))); + if (nfkcstr == nullptr) { + return {}; + } + + text.assign(nfkcstr, strlen(nfkcstr)); + + free(nfkcstr); + } + + // convert to unicode codepoints + UString unicodes = _convert_to_unicode(text); + + // clean -> invalid character removal, whitespce cleanup, strip accents + unicodes = _clean(unicodes, strip_accents); + + // Add whitespace in front/back of tokens to enable splitting based on + // white-space Enables tokenization on chinese characters, Punctuations + unicodes = _basic_tokenize(unicodes); + + // Convert text to lower-case + if (do_lower_case_) + to_lower(unicodes); + + // Convert back to string from code-points + std::string newtext = _convert_from_unicode(unicodes); + + std::vector tokens; + + // split based on whitespace + split_(newtext, tokens); + + // Perform WORDPIECE tokenization + for (auto s : tokens) { + if (s.size() > kMaxCharsPerWords) { + results.push_back(kUnkToken); + } else { + _max_seg(s, results); + } + } + return results; +} + +std::vector BERTEncoder::Encode(std::string text) { + std::vector tokens = Tokenize(text); + std::vector indices(tokens.size()); + for (size_t i = 0; i < tokens.size(); i++) { + indices[i] = vocab_.__getitem__(c10::string_view{tokens[i]}); + } + return indices; +} + +BERTEncoderStates _serialize_bert_encoder( + const c10::intrusive_ptr& self) { + return std::make_tuple( + self->do_lower_case_, self->strip_accents_, self->vocab_.itos_); +} + +c10::intrusive_ptr _deserialize_bert_encoder( + BERTEncoderStates states) { + auto do_lower_case = std::get<0>(states); + auto strip_accents = std::get<1>(states); + auto strings = std::get<2>(states); + return c10::make_intrusive( + Vocab(std::move(strings)), do_lower_case, strip_accents); +} + +} // namespace torchtext diff --git a/torchtext/csrc/bert_tokenizer.h b/torchtext/csrc/bert_tokenizer.h new file mode 100644 index 0000000000..145fc262c6 --- /dev/null +++ b/torchtext/csrc/bert_tokenizer.h @@ -0,0 +1,43 @@ +#include +#include +#include + +namespace torchtext { + +typedef std::basic_string UString; + +// stores (do_lower_case, strip_accents, list of tokens in vocabulary) +typedef std::tuple, std::vector> + BERTEncoderStates; + +struct BERTEncoder : torch::CustomClassHolder { + BERTEncoder( + const std::string& vocab_file, + bool do_lower_case, + c10::optional strip_accents); + BERTEncoder( + Vocab vocab, + bool do_lower_case, + c10::optional strip_accents); + std::vector Tokenize(std::string text); + std::vector Encode(std::string text); + Vocab vocab_; + bool do_lower_case_; + c10::optional strip_accents_ = {}; + + protected: + UString _clean(const UString& text, bool strip_accents); + void _max_seg(const std::string& s, std::vector& results); + UString _basic_tokenize(const UString& text); + void split_( + const std::string& str, + std::vector& tokens, + const char& delimiter = ' '); + static std::string kUnkToken; +}; + +BERTEncoderStates _serialize_bert_encoder( + const c10::intrusive_ptr& self); +c10::intrusive_ptr _deserialize_bert_encoder( + BERTEncoderStates states); +} // namespace torchtext diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 779883f9ad..87c44d40e9 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -3,6 +3,7 @@ #include // @manual #include // @manual #include +#include // @manual #include // @manual #include // @manual #include @@ -215,6 +216,20 @@ PYBIND11_MODULE(_torchtext, m) { return _deserialize_clip_encoder_pybind(states); })); + py::class_>(m, "BERTEncoder") + .def(py::init>()) + .def("encode", &BERTEncoder::Encode) + .def("tokenize", &BERTEncoder::Tokenize) + .def(py::pickle( + // __getstate__ + [](const c10::intrusive_ptr& self) -> BERTEncoderStates { + return _serialize_bert_encoder(self); + }, + // __setstate__ + [](BERTEncoderStates states) -> c10::intrusive_ptr { + return _deserialize_bert_encoder(states); + })); + // Functions m.def( "_load_token_and_vectors_from_file", &_load_token_and_vectors_from_file); diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 3cabc9cdf1..57b2d8bcd6 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,4 +1,5 @@ #include +#include // @manual #include // @manual #include // @manual #include @@ -172,6 +173,21 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { return _deserialize_clip_encoder_torchbind(states); }); + m.class_("BERTEncoder") + .def(torch::init>()) + .def("encode", &BERTEncoder::Encode) + .def("tokenize", &BERTEncoder::Tokenize) + .def_pickle( + // __getstate__ + [](const c10::intrusive_ptr& self) -> BERTEncoderStates { + return _serialize_bert_encoder(self); + }, + // __setstate__ + [](BERTEncoderStates states) -> c10::intrusive_ptr { + return _deserialize_bert_encoder(states); + }); + ; + m.def("torchtext::generate_sp_model", &generate_sp_model); m.def("torchtext::load_sp_model", &load_sp_model); m.def("torchtext::load_sp_model_string", &load_sp_model_string); diff --git a/torchtext/transforms.py b/torchtext/transforms.py index a2c857aff0..555892d690 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -7,7 +7,11 @@ import torchtext # noqa: F401 from torch import Tensor from torch.nn import Module -from torchtext._torchtext import CLIPEncoder as CLIPEncoderPyBind, GPT2BPEEncoder as GPT2BPEEncoderPyBind +from torchtext._torchtext import ( + CLIPEncoder as CLIPEncoderPyBind, + GPT2BPEEncoder as GPT2BPEEncoderPyBind, + BERTEncoder as BERTEncoderPyBind, +) from torchtext.data.functional import load_sp_model from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab @@ -529,6 +533,114 @@ def __prepare_scriptable__(self): return self +class BERTTokenizer(Module): + __jit_unused_properties__ = ["is_jitable"] + """ + Transform for BERT Tokenizer. + + Based on WordPiece algorithm introduced in paper: + https://static.googleusercontent.com/media/research.google.com/ja//pubs/archive/37842.pdf + + The backend kernel implementation is the modified form of https://github.com/LieluoboAi/radish. + See https://github.com/pytorch/text/pull/1707 summary for more details. + + The below code snippet shows how to use the BERT tokenizer using the pre-trained vocab files. + Example + >>> from torchtext.transforms import BERTTokenizer + >>> VOCAB_FILE = "https://huggingface.co/bert-base-uncased/resolve/main/vocab.txt" + >>> tokenizer = BERTTokenizer(vocab_path=VOCAB_FILE, do_lower_case=True, return_tokens=True) + >>> tokenizer("Hello World, How are you!") # single sentence input + >>> tokenizer(["Hello World","How are you!"]) # batch input + :param vocab_path: Path to pre-trained vocabulary file. The path can be either local or URL. + :type vocab_path: str + :param do_lower_case: Indicate whether to do lower case. (default: True) + :type do_lower_case: Optional[bool] + :param strip_accents: Indicate whether to strip accents. (default: None) + :type strip_accents: Optional[bool] + :param return_tokens: Indicate whether to return tokens. If false, returns corresponding token IDs as strings (default: False) + :type return_tokens: bool + """ + + def __init__( + self, vocab_path: str, do_lower_case: bool = True, strip_accents: Optional[bool] = None, return_tokens=False + ) -> None: + super().__init__() + self.bert_model = BERTEncoderPyBind(get_asset_local_path(vocab_path), do_lower_case, strip_accents) + self._return_tokens = return_tokens + self._vocab_path = vocab_path + self._do_lower_case = do_lower_case + self._strip_accents = strip_accents + + @property + def is_jitable(self): + return isinstance(self.bert_model, torch._C.ScriptObject) + + @torch.jit.export + def _encode(self, text: str) -> List[str]: + """Encode text into a list of tokens IDs + + Args: + text: An input text string. + + Returns: + A list of token ids represents each sub-word + + For example: + --> "Hello world!" --> token ids: [707, 5927, 11, 707, 68] + """ + token_ids: List[int] = self.bert_model.encode(text.strip()) + tokens_ids_str: List[str] = [str(token_id) for token_id in token_ids] + return tokens_ids_str + + @torch.jit.export + def _tokenize(self, text: str) -> List[str]: + """Tokenize text into a list of tokens + + Args: + text: An input text string. + + Returns: + A list of tokens (sub-words) + + For example: + --> "Hello World!": ["Hello", "World", "!"] + """ + return self.bert_model.tokenize(text.strip()) + + def forward(self, input: Any) -> Any: + """ + :param input: Input sentence or list of sentences on which to apply tokenizer. + :type input: Union[str, List[str]] + :return: tokenized text + :rtype: Union[List[str], List[List(str)]] + """ + if torch.jit.isinstance(input, List[str]): + tokens: List[List[str]] = [] + for text in input: + if self._return_tokens: + tokens.append(self._tokenize(text)) + else: + tokens.append(self._encode(text)) + return tokens + elif torch.jit.isinstance(input, str): + if self._return_tokens: + return self._tokenize(input) + else: + return self._encode(input) + else: + raise TypeError("Input type not supported") + + def __prepare_scriptable__(self): + if not self.is_jitable: + tokenizer_copy = deepcopy(self) + tokenizer_copy.bert_model = torch.classes.torchtext.BERTEncoder( + self._vocab_path, self._do_lower_case, self._strip_accents + ) + return tokenizer_copy + + return self + + @lru_cache() def bytes_to_unicode(): """ From 59f4bee23c5cd1ad27de28ad184a85855f21b306 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 25 May 2022 13:41:10 -0400 Subject: [PATCH 228/463] Fix docstring for Tokenizers (#1739) --- docs/source/transforms.rst | 8 ++++++++ torchtext/transforms.py | 15 ++++++++++----- 2 files changed, 18 insertions(+), 5 deletions(-) diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index a7fd85f878..909efaf485 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -30,6 +30,14 @@ CLIPTokenizer .. automethod:: forward +BERTTokenizer +---------------------- + +.. autoclass:: BERTTokenizer + + .. automethod:: forward + + VocabTransform -------------- diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 555892d690..5879e44a2d 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -272,7 +272,6 @@ def forward(self, input: Any) -> Any: class GPT2BPETokenizer(Module): - __jit_unused_properties__ = ["is_jitable"] """ Transform for GPT-2 BPE Tokenizer. @@ -286,6 +285,8 @@ class GPT2BPETokenizer(Module): :param return_tokens: Indicate whether to return split tokens. If False, it will return encoded token IDs as strings (default: False) :type return_input: bool """ + + __jit_unused_properties__ = ["is_jitable"] _seperator: torch.jit.Final[str] def __init__(self, encoder_json_path: str, vocab_bpe_path: str, return_tokens: bool = False): @@ -382,7 +383,6 @@ def __prepare_scriptable__(self): class CLIPTokenizer(Module): - __jit_unused_properties__ = ["is_jitable"] """ Transform for CLIP Tokenizer. Based on Byte-Level BPE. @@ -414,6 +414,7 @@ class CLIPTokenizer(Module): :type return_input: bool """ + __jit_unused_properties__ = ["is_jitable"] _seperator: torch.jit.Final[str] def __init__( @@ -534,23 +535,25 @@ def __prepare_scriptable__(self): class BERTTokenizer(Module): - __jit_unused_properties__ = ["is_jitable"] """ Transform for BERT Tokenizer. Based on WordPiece algorithm introduced in paper: https://static.googleusercontent.com/media/research.google.com/ja//pubs/archive/37842.pdf - The backend kernel implementation is the modified form of https://github.com/LieluoboAi/radish. - See https://github.com/pytorch/text/pull/1707 summary for more details. + The backend kernel implementation is taken and modified from https://github.com/LieluoboAi/radish. + + See PR https://github.com/pytorch/text/pull/1707 summary for more details. The below code snippet shows how to use the BERT tokenizer using the pre-trained vocab files. + Example >>> from torchtext.transforms import BERTTokenizer >>> VOCAB_FILE = "https://huggingface.co/bert-base-uncased/resolve/main/vocab.txt" >>> tokenizer = BERTTokenizer(vocab_path=VOCAB_FILE, do_lower_case=True, return_tokens=True) >>> tokenizer("Hello World, How are you!") # single sentence input >>> tokenizer(["Hello World","How are you!"]) # batch input + :param vocab_path: Path to pre-trained vocabulary file. The path can be either local or URL. :type vocab_path: str :param do_lower_case: Indicate whether to do lower case. (default: True) @@ -561,6 +564,8 @@ class BERTTokenizer(Module): :type return_tokens: bool """ + __jit_unused_properties__ = ["is_jitable"] + def __init__( self, vocab_path: str, do_lower_case: bool = True, strip_accents: Optional[bool] = None, return_tokens=False ) -> None: From 70fc1040ee40faf129604557107cc59fd51c4fe2 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 25 May 2022 13:45:24 -0400 Subject: [PATCH 229/463] Change root directory for datasets (#1740) --- torchtext/__init__.py | 2 +- torchtext/data/datasets_utils.py | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 70dcb0d0c3..81ba54acd2 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -4,7 +4,7 @@ from torchtext import _extension # noqa: F401 _TEXT_BUCKET = "https://download.pytorch.org/models/text/" -_CACHE_DIR = os.path.expanduser("~/.torchtext/cache") +_CACHE_DIR = os.path.expanduser("~/.cache/torch/text") from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index d8628517cb..0c39751176 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -187,7 +187,7 @@ def decorator(fn): @functools.wraps(fn) def wrapper(root=_CACHE_DIR, *args, **kwargs): - new_root = os.path.join(root, dataset_name) + new_root = os.path.join(root, "datasets", dataset_name) if not os.path.exists(new_root): os.makedirs(new_root, exist_ok=True) return fn(root=new_root, *args, **kwargs) From f2fdae227de94e091fa818751bb725ce3b3bf8fd Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 25 May 2022 22:53:23 -0400 Subject: [PATCH 230/463] Take TORCH_HOME env variable into account while setting the cache dir (#1741) --- torchtext/__init__.py | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 81ba54acd2..331a3fd74a 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -4,7 +4,11 @@ from torchtext import _extension # noqa: F401 _TEXT_BUCKET = "https://download.pytorch.org/models/text/" -_CACHE_DIR = os.path.expanduser("~/.cache/torch/text") + +_TORCH_HOME = os.getenv("TORCH_HOME") +if _TORCH_HOME is None: + _TORCH_HOME = "~/.cache/torch" #default +_CACHE_DIR = os.path.expanduser(os.path.join(_TORCH_HOME, "text")) from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab From fe57328975817161b71b6c34a9f82ec8ddb88c31 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Wed, 25 May 2022 20:03:39 -0700 Subject: [PATCH 231/463] Fix doc js initialization (#1736) 1. Fix `collapsedSections is not defined` error. PyTorch Sphinx theme seems to expect that `collapsedSections` variable to be defined before its theme.js is executed. 2. Overwrite the link to GitHub project to torchtext So that documentation link to torchtext's repository instead of PyTorch core. --- docs/source/_templates/layout.html | 15 ++++++++++++++- 1 file changed, 14 insertions(+), 1 deletion(-) diff --git a/docs/source/_templates/layout.html b/docs/source/_templates/layout.html index 284bb2944a..77d1e6066a 100644 --- a/docs/source/_templates/layout.html +++ b/docs/source/_templates/layout.html @@ -54,7 +54,9 @@ #} {%- block footer %} - + {{ super() }} {% endblock %} From d963bdb82b4c6c5170430fd7289b9dd0a2b9283a Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 26 May 2022 14:41:04 -0400 Subject: [PATCH 232/463] Pin setuptools to 58.0.4 on Windows (#1746) * Pin setuptools to 58.0.4 on Windows * Fix lint issues --- .circleci/unittest/windows/scripts/environment.yml | 1 + torchtext/__init__.py | 2 +- 2 files changed, 2 insertions(+), 1 deletion(-) diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index 14a7eac016..1b954ecbc8 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -3,6 +3,7 @@ channels: dependencies: - codecov - pip + - setuptools == 58.0.4 - pip: - dataclasses - nltk diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 331a3fd74a..015b51501f 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -7,7 +7,7 @@ _TORCH_HOME = os.getenv("TORCH_HOME") if _TORCH_HOME is None: - _TORCH_HOME = "~/.cache/torch" #default + _TORCH_HOME = "~/.cache/torch" # default _CACHE_DIR = os.path.expanduser(os.path.join(_TORCH_HOME, "text")) from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab From 65f774b15184adfc2d231e98a18700384f69a70f Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 27 May 2022 13:54:25 -0400 Subject: [PATCH 233/463] Fix Mock tests due to change in datasets directory (#1749) --- test/datasets/test_agnews.py | 2 +- test/datasets/test_amazonreviews.py | 4 +++- test/datasets/test_cc100.py | 2 +- test/datasets/test_cola.py | 2 +- test/datasets/test_conll2000chunking.py | 2 +- test/datasets/test_dbpedia.py | 2 +- test/datasets/test_enwik9.py | 2 +- test/datasets/test_imdb.py | 2 +- test/datasets/test_iwslt2016.py | 6 ++++-- test/datasets/test_iwslt2017.py | 8 ++++++-- test/datasets/test_mnli.py | 2 +- test/datasets/test_mrpc.py | 2 +- test/datasets/test_multi30k.py | 2 +- test/datasets/test_penntreebank.py | 2 +- test/datasets/test_qqp.py | 2 +- test/datasets/test_sogounews.py | 2 +- test/datasets/test_squads.py | 2 +- test/datasets/test_sst2.py | 2 +- test/datasets/test_stsb.py | 2 +- test/datasets/test_udpos.py | 2 +- test/datasets/test_wikitexts.py | 4 +++- test/datasets/test_yahooanswers.py | 2 +- test/datasets/test_yelpreviews.py | 4 +++- 23 files changed, 37 insertions(+), 25 deletions(-) diff --git a/test/datasets/test_agnews.py b/test/datasets/test_agnews.py index 0f0abd2acf..44abb5403c 100644 --- a/test/datasets/test_agnews.py +++ b/test/datasets/test_agnews.py @@ -42,7 +42,7 @@ class TestAGNews(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_amazonreviews.py b/test/datasets/test_amazonreviews.py index 3300ee2cd5..d8203a69b2 100644 --- a/test/datasets/test_amazonreviews.py +++ b/test/datasets/test_amazonreviews.py @@ -69,7 +69,9 @@ def tearDownClass(cls): @nested_params([AmazonReviewFull, AmazonReviewPolarity], ["train", "test"]) def test_amazon_reviews(self, amazon_review_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, amazon_review_dataset.__name__)[split] + expected_samples = _get_mock_dataset(os.path.join(self.root_dir, "datasets"), amazon_review_dataset.__name__)[ + split + ] dataset = amazon_review_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_cc100.py b/test/datasets/test_cc100.py index f7e47684aa..80a0659f98 100644 --- a/test/datasets/test_cc100.py +++ b/test/datasets/test_cc100.py @@ -40,7 +40,7 @@ class TestCC100(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_cola.py b/test/datasets/test_cola.py index d55eb31fbf..603fcb98c1 100644 --- a/test/datasets/test_cola.py +++ b/test/datasets/test_cola.py @@ -51,7 +51,7 @@ class TestCoLA(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_conll2000chunking.py b/test/datasets/test_conll2000chunking.py index 056cbae6ed..5f6e85180f 100644 --- a/test/datasets/test_conll2000chunking.py +++ b/test/datasets/test_conll2000chunking.py @@ -53,7 +53,7 @@ class TestCoNLL2000Chunking(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_dbpedia.py b/test/datasets/test_dbpedia.py index adee45d0d5..4a62ae2400 100644 --- a/test/datasets/test_dbpedia.py +++ b/test/datasets/test_dbpedia.py @@ -50,7 +50,7 @@ class TestDBpedia(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py index 9c33a11785..5bc2893606 100644 --- a/test/datasets/test_enwik9.py +++ b/test/datasets/test_enwik9.py @@ -47,7 +47,7 @@ class TestEnWik9(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_imdb.py b/test/datasets/test_imdb.py index a906b9103e..cb9ab3b62d 100644 --- a/test/datasets/test_imdb.py +++ b/test/datasets/test_imdb.py @@ -56,7 +56,7 @@ class TestIMDB(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_iwslt2016.py b/test/datasets/test_iwslt2016.py index 9631a12a3a..5dc54aa116 100644 --- a/test/datasets/test_iwslt2016.py +++ b/test/datasets/test_iwslt2016.py @@ -164,7 +164,7 @@ def tearDownClass(cls): def test_iwslt2016(self, split, src, tgt, dev_set, test_set): with tempfile.TemporaryDirectory() as root_dir: - expected_samples = _get_mock_dataset(root_dir, split, src, tgt, dev_set, test_set) + expected_samples = _get_mock_dataset(os.path.join(root_dir, "datasets"), split, src, tgt, dev_set, test_set) dataset = IWSLT2016( root=root_dir, @@ -185,7 +185,9 @@ def test_iwslt2016_split_argument(self, split): language_pair = ("de", "en") valid_set = "tst2013" test_set = "tst2014" - _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) + _ = _get_mock_dataset( + os.path.join(root_dir, "datasets"), split, language_pair[0], language_pair[1], valid_set, test_set + ) dataset1 = IWSLT2016( root=root_dir, split=split, diff --git a/test/datasets/test_iwslt2017.py b/test/datasets/test_iwslt2017.py index 650801bee6..8b61eefeaa 100644 --- a/test/datasets/test_iwslt2017.py +++ b/test/datasets/test_iwslt2017.py @@ -155,7 +155,9 @@ def tearDownClass(cls): def test_iwslt2017(self, split, src, tgt): with tempfile.TemporaryDirectory() as root_dir: - expected_samples = _get_mock_dataset(root_dir, split, src, tgt, "dev2010", "tst2010") + expected_samples = _get_mock_dataset( + os.path.join(root_dir, "datasets"), split, src, tgt, "dev2010", "tst2010" + ) dataset = IWSLT2017(root=root_dir, split=split, language_pair=(src, tgt)) @@ -170,7 +172,9 @@ def test_iwslt2017_split_argument(self, split): language_pair = ("de", "en") valid_set = "dev2010" test_set = "tst2010" - _ = _get_mock_dataset(root_dir, split, language_pair[0], language_pair[1], valid_set, test_set) + _ = _get_mock_dataset( + os.path.join(root_dir, "datasets"), split, language_pair[0], language_pair[1], valid_set, test_set + ) dataset1 = IWSLT2017(root=root_dir, split=split, language_pair=language_pair) (dataset2,) = IWSLT2017(root=root_dir, split=(split,), language_pair=language_pair) diff --git a/test/datasets/test_mnli.py b/test/datasets/test_mnli.py index fed6fca241..80549735e1 100644 --- a/test/datasets/test_mnli.py +++ b/test/datasets/test_mnli.py @@ -56,7 +56,7 @@ class TestMNLI(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_mrpc.py b/test/datasets/test_mrpc.py index a5ed910a4e..8a942d9fac 100644 --- a/test/datasets/test_mrpc.py +++ b/test/datasets/test_mrpc.py @@ -44,7 +44,7 @@ class TestMRPC(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_multi30k.py b/test/datasets/test_multi30k.py index 9613aca37a..e79c8a81c8 100644 --- a/test/datasets/test_multi30k.py +++ b/test/datasets/test_multi30k.py @@ -47,7 +47,7 @@ class TestMulti30k(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_penntreebank.py b/test/datasets/test_penntreebank.py index 6655459e84..eabfe3a108 100644 --- a/test/datasets/test_penntreebank.py +++ b/test/datasets/test_penntreebank.py @@ -41,7 +41,7 @@ class TestPennTreebank(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_qqp.py b/test/datasets/test_qqp.py index 1b11c8f767..58e06b019f 100644 --- a/test/datasets/test_qqp.py +++ b/test/datasets/test_qqp.py @@ -41,7 +41,7 @@ class TestQQP(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_sogounews.py b/test/datasets/test_sogounews.py index c60728fbc8..cd4d639b3e 100644 --- a/test/datasets/test_sogounews.py +++ b/test/datasets/test_sogounews.py @@ -48,7 +48,7 @@ class TestSogouNews(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_squads.py b/test/datasets/test_squads.py index 0519633a32..1738aa3e52 100644 --- a/test/datasets/test_squads.py +++ b/test/datasets/test_squads.py @@ -87,7 +87,7 @@ def tearDownClass(cls): @nested_params([SQuAD1, SQuAD2], ["train", "dev"]) def test_squads(self, squad_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, squad_dataset.__name__)[split] + expected_samples = _get_mock_dataset(os.path.join(self.root_dir, "datasets"), squad_dataset.__name__)[split] dataset = squad_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_sst2.py b/test/datasets/test_sst2.py index bb3c93a73a..996cee6d99 100644 --- a/test/datasets/test_sst2.py +++ b/test/datasets/test_sst2.py @@ -59,7 +59,7 @@ class TestSST2(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_stsb.py b/test/datasets/test_stsb.py index f74cd2b6d2..f2511b3ab8 100644 --- a/test/datasets/test_stsb.py +++ b/test/datasets/test_stsb.py @@ -62,7 +62,7 @@ class TestSTSB(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_udpos.py b/test/datasets/test_udpos.py index ae02e914a4..f2e7260f36 100644 --- a/test/datasets/test_udpos.py +++ b/test/datasets/test_udpos.py @@ -56,7 +56,7 @@ class TestUDPOS(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_wikitexts.py b/test/datasets/test_wikitexts.py index 4706a53093..ae70995fc0 100644 --- a/test/datasets/test_wikitexts.py +++ b/test/datasets/test_wikitexts.py @@ -71,7 +71,9 @@ def tearDownClass(cls): @nested_params([WikiText103, WikiText2], ["train", "valid", "test"]) def test_wikitexts(self, wikitext_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=wikitext_dataset.__name__)[split] + expected_samples = _get_mock_dataset( + os.path.join(self.root_dir, "datasets"), base_dir_name=wikitext_dataset.__name__ + )[split] dataset = wikitext_dataset(root=self.root_dir, split=split) samples = list(dataset) diff --git a/test/datasets/test_yahooanswers.py b/test/datasets/test_yahooanswers.py index d3a37bb580..15e9bbc046 100644 --- a/test/datasets/test_yahooanswers.py +++ b/test/datasets/test_yahooanswers.py @@ -48,7 +48,7 @@ class TestYahooAnswers(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_yelpreviews.py b/test/datasets/test_yelpreviews.py index 93c335c4a7..f9f299a80b 100644 --- a/test/datasets/test_yelpreviews.py +++ b/test/datasets/test_yelpreviews.py @@ -70,7 +70,9 @@ def tearDownClass(cls): @nested_params([YelpReviewPolarity, YelpReviewFull], ["train", "test"]) def test_yelpreviews(self, yelp_dataset, split): - expected_samples = _get_mock_dataset(self.root_dir, base_dir_name=yelp_dataset.__name__)[split] + expected_samples = _get_mock_dataset( + os.path.join(self.root_dir, "datasets"), base_dir_name=yelp_dataset.__name__ + )[split] dataset = yelp_dataset(root=self.root_dir, split=split) samples = list(dataset) From b7b99bd52765077bbb4b4ff6208942730e253b89 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 31 May 2022 09:12:19 -0400 Subject: [PATCH 234/463] add test for shuffle before shard (#1738) --- test/datasets/common.py | 3 +++ 1 file changed, 3 insertions(+) diff --git a/test/datasets/common.py b/test/datasets/common.py index 79cc9b89c0..10071bd73b 100644 --- a/test/datasets/common.py +++ b/test/datasets/common.py @@ -3,6 +3,7 @@ from parameterized import parameterized from torch.utils.data.graph import traverse from torch.utils.data.graph_settings import get_all_graph_pipes +from torchdata.dataloader2.linter import _check_shuffle_before_sharding from torchdata.datapipes.iter import Shuffler, ShardingFilter from torchtext.datasets import DATASETS @@ -34,6 +35,8 @@ def test_shuffle_shard_wrapper(self, dataset_fn): dp = [dp] for dp_split in dp: + _check_shuffle_before_sharding(dp_split) + dp_graph = get_all_graph_pipes(traverse(dp_split)) for annotation_dp_type in [Shuffler, ShardingFilter]: if not any(isinstance(dp, annotation_dp_type) for dp in dp_graph): From 9411d2134352467d2f2ee98947c322efde4f6d93 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 31 May 2022 10:47:16 -0400 Subject: [PATCH 235/463] Use _get_torch_home standard utility from torch hub (#1752) --- torchtext/__init__.py | 7 +++---- 1 file changed, 3 insertions(+), 4 deletions(-) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 015b51501f..28f8f21c23 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -1,14 +1,13 @@ import os +from torch.hub import _get_torch_home + # the following import has to happen first in order to load the torchtext C++ library from torchtext import _extension # noqa: F401 _TEXT_BUCKET = "https://download.pytorch.org/models/text/" -_TORCH_HOME = os.getenv("TORCH_HOME") -if _TORCH_HOME is None: - _TORCH_HOME = "~/.cache/torch" # default -_CACHE_DIR = os.path.expanduser(os.path.join(_TORCH_HOME, "text")) +_CACHE_DIR = os.path.expanduser(os.path.join(_get_torch_home(), "text")) from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab From 235c9f70eba5bef4de5904ade86746219cf0687f Mon Sep 17 00:00:00 2001 From: Suvigya Jain <42478893+suvigyajain0101@users.noreply.github.com> Date: Tue, 31 May 2022 22:57:28 +0100 Subject: [PATCH 236/463] Removed ticks (``) from the url under is_module_available (#1753) * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. * Removed ticks (``) from the url under is_module_available Ticks can result in re-direction to 'https://github.com/pytorch/data%60' instead of 'https://github.com/pytorch/data', which is not a valid resource. Tested in Colab. --- torchtext/datasets/ag_news.py | 2 +- torchtext/datasets/amazonreviewfull.py | 2 +- torchtext/datasets/amazonreviewpolarity.py | 2 +- torchtext/datasets/cola.py | 2 +- torchtext/datasets/conll2000chunking.py | 2 +- torchtext/datasets/dbpedia.py | 2 +- torchtext/datasets/enwik9.py | 2 +- torchtext/datasets/imdb.py | 2 +- torchtext/datasets/iwslt2016.py | 2 +- torchtext/datasets/iwslt2017.py | 2 +- torchtext/datasets/mnli.py | 2 +- torchtext/datasets/mrpc.py | 2 +- torchtext/datasets/multi30k.py | 2 +- torchtext/datasets/penntreebank.py | 2 +- torchtext/datasets/qqp.py | 2 +- torchtext/datasets/sogounews.py | 2 +- torchtext/datasets/squad1.py | 2 +- torchtext/datasets/squad2.py | 2 +- torchtext/datasets/sst2.py | 2 +- torchtext/datasets/stsb.py | 2 +- torchtext/datasets/udpos.py | 2 +- torchtext/datasets/wikitext103.py | 2 +- torchtext/datasets/wikitext2.py | 2 +- torchtext/datasets/yahooanswers.py | 2 +- torchtext/datasets/yelpreviewfull.py | 2 +- torchtext/datasets/yelpreviewpolarity.py | 2 +- 26 files changed, 26 insertions(+), 26 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 52f424c770..a313fefbf6 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -58,7 +58,7 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index c864d36317..4309657c20 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -72,7 +72,7 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 9b07468112..fae53f66fb 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -69,7 +69,7 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index 97b4bd6f77..77ab872b6c 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -69,7 +69,7 @@ def CoLA(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 9daa3668f3..2bd23bfd14 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -61,7 +61,7 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 6fc763e873..1c5e00c260 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -68,7 +68,7 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 122840a725..b116a60f5d 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -43,7 +43,7 @@ def EnWik9(root: str): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index c684261272..3bf29b9a9e 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -80,7 +80,7 @@ def IMDB(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index d7c322687a..e36ec541ee 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -212,7 +212,7 @@ def IWSLT2016( """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 0b4acc6fcd..abe8b811d8 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -177,7 +177,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) valid_set = "dev2010" diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index 9c2a3f71ad..e67d6ac338 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -82,7 +82,7 @@ def MNLI(root, split): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index 85ac94d1ba..8cc7d59568 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -60,7 +60,7 @@ def MRPC(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index c426a5d26f..bcb7a7c549 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -80,7 +80,7 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 9b58ed61f3..c7b18f6726 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -62,7 +62,7 @@ def PennTreebank(root, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 86abea4343..2e05a3bd36 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -40,7 +40,7 @@ def QQP(root: str): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 06ab1d6325..5a62dc9e14 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -72,7 +72,7 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 4a8a7a2e73..2d036d0b61 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -55,7 +55,7 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index e2998d41d3..7999bbb0cb 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -56,7 +56,7 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 4e6770beda..f695d6bfef 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -79,7 +79,7 @@ def SST2(root, split): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index 7c46fa3ae9..bf5976fa0d 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -75,7 +75,7 @@ def STSB(root, split): # TODO Remove this after removing conditional dependency if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 275ee0d3ba..773e77877e 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -59,7 +59,7 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index d85aba3c2a..e5d9eece56 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -64,7 +64,7 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index 4e7828d937..a6ba1aac4f 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -64,7 +64,7 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index e4f5889744..497c060465 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -68,7 +68,7 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 4dbbfb6805..45fbbbd7ac 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -67,7 +67,7 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index e654bb8afa..2272eaf7dd 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -67,7 +67,7 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): """ if not is_module_available("torchdata"): raise ModuleNotFoundError( - "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) url_dp = IterableWrapper([URL]) From 8722c8d78ae531a550bd6e7d31b4b407467616ef Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 31 May 2022 22:25:23 -0400 Subject: [PATCH 237/463] add header info for BERT tokenizer (#1754) --- torchtext/csrc/bert_tokenizer.cpp | 22 ++++++++++++++++++++++ 1 file changed, 22 insertions(+) diff --git a/torchtext/csrc/bert_tokenizer.cpp b/torchtext/csrc/bert_tokenizer.cpp index 06aba8ae7c..4bade1153a 100644 --- a/torchtext/csrc/bert_tokenizer.cpp +++ b/torchtext/csrc/bert_tokenizer.cpp @@ -1,3 +1,25 @@ +/* Portions Copyright (c) Meta Platforms, Inc. and affiliates. + +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. + + +Original code is taken from +https://github.com/LieluoboAi/radish/blob/master/radish/bert/bert_tokenizer.cc + +The code is modified and summary is provided in this PR +https://github.com/pytorch/text/pull/1707 +*/ + #include #include From dc7325a7a6c591ff4e885a07bde6c413ad698b3f Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 1 Jun 2022 20:20:54 +0200 Subject: [PATCH 238/463] Add support for QNLI dataset with unit tests (#1717) * Support QNLI dataset + added unit tests * Add dataset documentation * Add shuffle and sharding * Change local to global functions in test + lint --- docs/source/datasets.rst | 5 ++ test/datasets/test_qnli.py | 81 ++++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/qnli.py | 98 ++++++++++++++++++++++++++++++++++ 4 files changed, 186 insertions(+) create mode 100644 test/datasets/test_qnli.py create mode 100644 torchtext/datasets/qnli.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index bb873db7d8..91df97cfeb 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -67,6 +67,11 @@ MRPC .. autofunction:: MRPC +QNLI +~~~~ + +.. autofunction:: QNLI + QQP ~~~~ diff --git a/test/datasets/test_qnli.py b/test/datasets/test_qnli.py new file mode 100644 index 0000000000..c74cbfd4d0 --- /dev/null +++ b/test/datasets/test_qnli.py @@ -0,0 +1,81 @@ +import os +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.qnli import QNLI + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "QNLI") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.tsv", "dev.tsv", "test.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + f.write("index\tquestion\tsentence\tlabel\n") + for i in range(5): + label = seed % 2 + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + dataset_line = (label, rand_string_1, rand_string_2) + label_str = "entailment" if label == 1 else "not_entailment" + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\t{label_str}\n") + + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "QNLIv2.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("train.tsv", "dev.tsv", "test.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("QNLI", file_name)) + + return mocked_data + + +class TestQNLI(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test", "dev"]) + def test_qnli(self, split): + dataset = QNLI(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test", "dev"]) + def test_qnli_split_argument(self, split): + dataset1 = QNLI(root=self.root_dir, split=split) + (dataset2,) = QNLI(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 5efab8816a..c25eda736b 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -15,6 +15,7 @@ from .mrpc import MRPC from .multi30k import Multi30k from .penntreebank import PennTreebank +from .qnli import QNLI from .qqp import QQP from .sogounews import SogouNews from .squad1 import SQuAD1 @@ -44,6 +45,7 @@ "MRPC": MRPC, "Multi30k": Multi30k, "PennTreebank": PennTreebank, + "QNLI": QNLI, "QQP": QQP, "SQuAD1": SQuAD1, "SQuAD2": SQuAD2, diff --git a/torchtext/datasets/qnli.py b/torchtext/datasets/qnli.py new file mode 100644 index 0000000000..096c746208 --- /dev/null +++ b/torchtext/datasets/qnli.py @@ -0,0 +1,98 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +import csv +import os +from functools import partial + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _create_dataset_directory, + _wrap_split_argument, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + + +URL = "https://dl.fbaipublicfiles.com/glue/data/QNLIv2.zip" + +MD5 = "b4efd6554440de1712e9b54e14760e82" + +NUM_LINES = { + "train": 104743, + "dev": 5463, + "test": 5463, +} + +_PATH = "QNLIv2.zip" + +DATASET_NAME = "QNLI" + +_EXTRACTED_FILES = { + "train": os.path.join("QNLI", "train.tsv"), + "dev": os.path.join("QNLI", "dev.tsv"), + "test": os.path.join("QNLI", "test.tsv"), +} + + +def _filepath_fn(root, x=None): + return os.path.join(root, os.path.basename(x)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(x): + return (int(x[3] == "entailment"), x[1], x[2]) + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def QNLI(root, split): + """QNLI Dataset + + For additional details refer to https://arxiv.org/pdf/1804.07461.pdf (from GLUE paper) + + Number of lines per split: + - train: 104743 + - dev: 5463 + - test: 5463 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`, `test`) + + :returns: DataPipe that yields tuple of text and label (0 and 1). + :rtype: (int, str, str) + """ + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root, URL): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).map(_modify_res) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From 932d776245fc664d8890cd4cfab5ce768651c0e9 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 1 Jun 2022 20:29:29 +0200 Subject: [PATCH 239/463] Add support for RTE dataset with unit tests (#1721) * Add support for RTE dataset + unitest * Add dataset documentation * Add shuffle and sharding * Move local to global functions + use load_from_zip --- docs/source/datasets.rst | 5 ++ test/datasets/test_rte.py | 84 +++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/rte.py | 100 +++++++++++++++++++++++++++++++++ 4 files changed, 191 insertions(+) create mode 100644 test/datasets/test_rte.py create mode 100644 torchtext/datasets/rte.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 91df97cfeb..7715b59cfe 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -77,6 +77,11 @@ QQP .. autofunction:: QQP +RTE +~~~~ + +.. autofunction:: RTE + SogouNews ~~~~~~~~~ diff --git a/test/datasets/test_rte.py b/test/datasets/test_rte.py new file mode 100644 index 0000000000..e05b55bacd --- /dev/null +++ b/test/datasets/test_rte.py @@ -0,0 +1,84 @@ +import os +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.rte import RTE + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "RTE") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.tsv", "test.tsv", "dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + f.write("index\tsentence1\tsentence2\tlabel\n") + for i in range(5): + label = seed % 2 + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + if file_name == "test.tsv": + dataset_line = (rand_string_1, rand_string_2) + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\n") + else: + dataset_line = (label, rand_string_1, rand_string_2) + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\t{label}\n") + + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "RTE.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("train.tsv", "test.tsv", "dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("RTE", file_name)) + + return mocked_data + + +class TestSST2(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test", "dev"]) + def test_rte(self, split): + dataset = RTE(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test", "dev"]) + def test_rte_split_argument(self, split): + dataset1 = RTE(root=self.root_dir, split=split) + (dataset2,) = RTE(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index c25eda736b..73c2aaf82d 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -17,6 +17,7 @@ from .penntreebank import PennTreebank from .qnli import QNLI from .qqp import QQP +from .rte import RTE from .sogounews import SogouNews from .squad1 import SQuAD1 from .squad2 import SQuAD2 @@ -47,6 +48,7 @@ "PennTreebank": PennTreebank, "QNLI": QNLI, "QQP": QQP, + "RTE": RTE, "SQuAD1": SQuAD1, "SQuAD2": SQuAD2, "SogouNews": SogouNews, diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py new file mode 100644 index 0000000000..87148f2ded --- /dev/null +++ b/torchtext/datasets/rte.py @@ -0,0 +1,100 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +import os +from functools import partial + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _create_dataset_directory, + _wrap_split_argument, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + + +URL = "https://dl.fbaipublicfiles.com/glue/data/RTE.zip" + +MD5 = "bef554d0cafd4ab6743488101c638539" + +NUM_LINES = { + "train": 67349, + "dev": 872, + "test": 1821, +} + +_PATH = "RTE.zip" + +DATASET_NAME = "RTE" + +_EXTRACTED_FILES = { + "train": os.path.join("RTE", "train.tsv"), + "dev": os.path.join("RTE", "dev.tsv"), + "test": os.path.join("RTE", "test.tsv"), +} + + +def _filepath_fn(root, x=None): + return os.path.join(root, os.path.basename(x)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(split, x): + if split == "test": + return (x[1], x[2]) + else: + return (int(x[3]), x[1], x[2]) + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def RTE(root, split): + """RTE Dataset + + For additional details refer to https://aclweb.org/aclwiki/Recognizing_Textual_Entailment + + Number of lines per split: + - train: 67349 + - dev: 872 + - test: 1821 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`, `test`) + + :returns: DataPipe that yields tuple of text and/or label (0 and 1). The `test` split only returns text. + :rtype: Union[(int, str, str), (str, str)] + """ + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root, URL): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(partial(_modify_res, split)) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From 73bf4fa8cedc12d910ab76190e446bd2e47a8325 Mon Sep 17 00:00:00 2001 From: VirgileHlav Date: Wed, 1 Jun 2022 20:31:20 +0200 Subject: [PATCH 240/463] Add support for WNLI dataset with unit tests (#1724) * Add support for WNLI dataset + unit tests * Add dataset documentation * Add shuffle and sharding * Move local to global functions + use load_from_zip --- docs/source/datasets.rst | 5 ++ test/datasets/test_wnli.py | 84 +++++++++++++++++++++++++++ torchtext/datasets/__init__.py | 2 + torchtext/datasets/wnli.py | 100 +++++++++++++++++++++++++++++++++ 4 files changed, 191 insertions(+) create mode 100644 test/datasets/test_wnli.py create mode 100644 torchtext/datasets/wnli.py diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 7715b59cfe..87fea0cd50 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -97,6 +97,11 @@ STSB .. autofunction:: STSB +WNLI +~~~~ + +.. autofunction:: WNLI + YahooAnswers ~~~~~~~~~~~~ diff --git a/test/datasets/test_wnli.py b/test/datasets/test_wnli.py new file mode 100644 index 0000000000..2bef2ca7de --- /dev/null +++ b/test/datasets/test_wnli.py @@ -0,0 +1,84 @@ +import os +import zipfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.wnli import WNLI + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + base_dir = os.path.join(root_dir, "WNLI") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + + seed = 1 + mocked_data = defaultdict(list) + for file_name in ("train.tsv", "test.tsv", "dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + with open(txt_file, "w", encoding="utf-8") as f: + f.write("index\tsentence1\tsentence2\tlabel\n") + for i in range(5): + label = seed % 2 + rand_string_1 = get_random_unicode(seed) + rand_string_2 = get_random_unicode(seed + 1) + if file_name == "test.tsv": + dataset_line = (rand_string_1, rand_string_2) + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\n") + else: + dataset_line = (label, rand_string_1, rand_string_2) + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\t{label}\n") + + # append line to correct dataset split + mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) + seed += 1 + + compressed_dataset_path = os.path.join(base_dir, "WNLI.zip") + # create zip file from dataset folder + with zipfile.ZipFile(compressed_dataset_path, "w") as zip_file: + for file_name in ("train.tsv", "test.tsv", "dev.tsv"): + txt_file = os.path.join(temp_dataset_dir, file_name) + zip_file.write(txt_file, arcname=os.path.join("WNLI", file_name)) + + return mocked_data + + +class TestWNLI(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(cls.root_dir) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + @parameterized.expand(["train", "test", "dev"]) + def test_wnli(self, split): + dataset = WNLI(root=self.root_dir, split=split) + + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "test", "dev"]) + def test_wnli_split_argument(self, split): + dataset1 = WNLI(root=self.root_dir, split=split) + (dataset2,) = WNLI(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 73c2aaf82d..3438b231d2 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -26,6 +26,7 @@ from .udpos import UDPOS from .wikitext103 import WikiText103 from .wikitext2 import WikiText2 +from .wnli import WNLI from .yahooanswers import YahooAnswers from .yelpreviewfull import YelpReviewFull from .yelpreviewpolarity import YelpReviewPolarity @@ -57,6 +58,7 @@ "UDPOS": UDPOS, "WikiText103": WikiText103, "WikiText2": WikiText2, + "WNLI": WNLI, "YahooAnswers": YahooAnswers, "YelpReviewFull": YelpReviewFull, "YelpReviewPolarity": YelpReviewPolarity, diff --git a/torchtext/datasets/wnli.py b/torchtext/datasets/wnli.py new file mode 100644 index 0000000000..5c0226e8c7 --- /dev/null +++ b/torchtext/datasets/wnli.py @@ -0,0 +1,100 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +import os +from functools import partial + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _create_dataset_directory, + _wrap_split_argument, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + + +URL = "https://dl.fbaipublicfiles.com/glue/data/WNLI.zip" + +MD5 = "a1b4bd2861017d302d29e42139657a42" + +NUM_LINES = { + "train": 635, + "dev": 71, + "test": 146, +} + +_PATH = "WNLI.zip" + +DATASET_NAME = "WNLI" + +_EXTRACTED_FILES = { + "train": os.path.join("WNLI", "train.tsv"), + "dev": os.path.join("WNLI", "dev.tsv"), + "test": os.path.join("WNLI", "test.tsv"), +} + + +def _filepath_fn(root, x=None): + return os.path.join(root, os.path.basename(x)) + + +def _extracted_filepath_fn(root, split, _=None): + return os.path.join(root, _EXTRACTED_FILES[split]) + + +def _filter_fn(split, x): + return _EXTRACTED_FILES[split] in x[0] + + +def _modify_res(split, t): + if split == "test": + return (t[1], t[2]) + else: + return (int(t[3]), t[1], t[2]) + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "dev", "test")) +def WNLI(root, split): + """WNLI Dataset + + For additional details refer to https://arxiv.org/pdf/1804.07461v3.pdf + + Number of lines per split: + - train: 635 + - dev: 71 + - test: 146 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `dev`, `test`) + + :returns: DataPipe that yields tuple of text and/or label (0 to 1). The `test` split only returns text. + :rtype: Union[(int, str, str), (str, str)] + """ + # TODO Remove this after removing conditional dependency + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" + ) + + url_dp = IterableWrapper([URL]) + cache_compressed_dp = url_dp.on_disk_cache( + filepath_fn=partial(_filepath_fn, root), + hash_dict={_filepath_fn(root, URL): MD5}, + hash_type="md5", + ) + cache_compressed_dp = HttpReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_zip().filter(partial(_filter_fn, split)) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + + data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(partial(_modify_res, split)) + return parsed_data.shuffle().set_shuffle(False).sharding_filter() From 60d9d5193ac58bc8c2c9143ca3916e2cabcc1991 Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 1 Jun 2022 15:38:04 -0400 Subject: [PATCH 241/463] Adding support for batch input in BERT Tokenizer with perf benchmark (#1745) --- benchmark/benchmark_bert_tokenizer.py | 42 +++++++++++++++++++++++ torchtext/csrc/bert_tokenizer.cpp | 18 ++++++++++ torchtext/csrc/bert_tokenizer.h | 4 +++ torchtext/csrc/register_pybindings.cpp | 24 +++++++++++++ torchtext/csrc/register_torchbindings.cpp | 12 +++++++ torchtext/transforms.py | 21 +++++++++--- 6 files changed, 116 insertions(+), 5 deletions(-) create mode 100644 benchmark/benchmark_bert_tokenizer.py diff --git a/benchmark/benchmark_bert_tokenizer.py b/benchmark/benchmark_bert_tokenizer.py new file mode 100644 index 0000000000..597ff8e12d --- /dev/null +++ b/benchmark/benchmark_bert_tokenizer.py @@ -0,0 +1,42 @@ +from argparse import ArgumentParser + +from benchmark.utils import Timer +from tokenizers import Tokenizer as hf_tokenizer_lib +from torchtext.datasets import EnWik9 +from torchtext.transforms import BERTTokenizer as tt_bert_tokenizer +from transformers import BertTokenizer as hf_bert_tokenizer_slow + + +VOCAB_FILE = "https://huggingface.co/bert-base-uncased/resolve/main/vocab.txt" + + +def benchmark_bert_tokenizer(args): + tt_tokenizer = tt_bert_tokenizer(VOCAB_FILE, return_tokens=True) + hf_tokenizer_slow = hf_bert_tokenizer_slow.from_pretrained("bert-base-uncased") + hf_tokenizer_fast = hf_tokenizer_lib.from_pretrained("bert-base-uncased") + dp = EnWik9().header(args.num_samples) + samples = list(dp) + + with Timer("Running TorchText BERT Tokenizer on non-batched input"): + for s in samples: + tt_tokenizer(s) + + with Timer("Running HF BERT Tokenizer (slow) on non-batched input"): + for s in samples: + hf_tokenizer_slow.tokenize(s) + + with Timer("Running HF BERT Tokenizer (fast) on non-batched input"): + for s in samples: + hf_tokenizer_fast.encode(s) + + with Timer("Running TorchText BERT Tokenizer on batched input"): + tt_tokenizer(samples) + + with Timer("Running HF BERT Tokenizer (fast) on batched input"): + hf_tokenizer_fast.encode_batch(samples) + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--num-samples", default=1000, type=int) + benchmark_bert_tokenizer(parser.parse_args()) diff --git a/torchtext/csrc/bert_tokenizer.cpp b/torchtext/csrc/bert_tokenizer.cpp index 4bade1153a..e4e205dcc2 100644 --- a/torchtext/csrc/bert_tokenizer.cpp +++ b/torchtext/csrc/bert_tokenizer.cpp @@ -292,6 +292,24 @@ std::vector BERTEncoder::Encode(std::string text) { return indices; } +std::vector> BERTEncoder::BatchTokenize( + std::vector text) { + std::vector> output; + for (const auto& t : text) { + output.push_back(Tokenize(t)); + } + return output; +} + +std::vector> BERTEncoder::BatchEncode( + std::vector text) { + std::vector> output; + for (const auto& t : text) { + output.push_back(Encode(t)); + } + return output; +} + BERTEncoderStates _serialize_bert_encoder( const c10::intrusive_ptr& self) { return std::make_tuple( diff --git a/torchtext/csrc/bert_tokenizer.h b/torchtext/csrc/bert_tokenizer.h index 145fc262c6..37313ac3be 100644 --- a/torchtext/csrc/bert_tokenizer.h +++ b/torchtext/csrc/bert_tokenizer.h @@ -21,6 +21,10 @@ struct BERTEncoder : torch::CustomClassHolder { c10::optional strip_accents); std::vector Tokenize(std::string text); std::vector Encode(std::string text); + std::vector> BatchTokenize( + std::vector text); + std::vector> BatchEncode(std::vector text); + Vocab vocab_; bool do_lower_case_; c10::optional strip_accents_ = {}; diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 87c44d40e9..ce8a1297a7 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -220,6 +220,30 @@ PYBIND11_MODULE(_torchtext, m) { .def(py::init>()) .def("encode", &BERTEncoder::Encode) .def("tokenize", &BERTEncoder::Tokenize) + .def( + "batch_encode", + [](const c10::intrusive_ptr& self, + const py::list& items) { + std::vector input; + for (const auto& item : items) { + Py_ssize_t length; + const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); + input.push_back(std::string(buffer)); + } + return self->BatchEncode(input); + }) + .def( + "batch_tokenize", + [](const c10::intrusive_ptr& self, + const py::list& items) { + std::vector input; + for (const auto& item : items) { + Py_ssize_t length; + const char* buffer = PyUnicode_AsUTF8AndSize(item.ptr(), &length); + input.push_back(std::string(buffer)); + } + return self->BatchTokenize(input); + }) .def(py::pickle( // __getstate__ [](const c10::intrusive_ptr& self) -> BERTEncoderStates { diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 57b2d8bcd6..6b03cfea53 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -177,6 +177,18 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { .def(torch::init>()) .def("encode", &BERTEncoder::Encode) .def("tokenize", &BERTEncoder::Tokenize) + .def( + "batch_encode", + [](const c10::intrusive_ptr& self, + const std::vector& items) { + return self->BatchEncode(items); + }) + .def( + "batch_tokenize", + [](const c10::intrusive_ptr& self, + const std::vector& items) { + return self->BatchTokenize(items); + }) .def_pickle( // __getstate__ [](const c10::intrusive_ptr& self) -> BERTEncoderStates { diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 5879e44a2d..b5f879fe8d 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -597,6 +597,13 @@ def _encode(self, text: str) -> List[str]: tokens_ids_str: List[str] = [str(token_id) for token_id in token_ids] return tokens_ids_str + @torch.jit.export + def _batch_encode(self, text: List[str]) -> List[List[str]]: + """Batch version of _encode i.e operate on list of str""" + token_ids: List[List[int]] = self.bert_model.batch_encode([t.strip() for t in text]) + tokens_ids_str: List[List[str]] = [[str(t) for t in token_id] for token_id in token_ids] + return tokens_ids_str + @torch.jit.export def _tokenize(self, text: str) -> List[str]: """Tokenize text into a list of tokens @@ -612,6 +619,11 @@ def _tokenize(self, text: str) -> List[str]: """ return self.bert_model.tokenize(text.strip()) + @torch.jit.export + def _batch_tokenize(self, text: List[str]) -> List[List[str]]: + """Batch version of _tokenize i.e operate on list of str""" + return self.bert_model.batch_tokenize([t.strip() for t in text]) + def forward(self, input: Any) -> Any: """ :param input: Input sentence or list of sentences on which to apply tokenizer. @@ -621,11 +633,10 @@ def forward(self, input: Any) -> Any: """ if torch.jit.isinstance(input, List[str]): tokens: List[List[str]] = [] - for text in input: - if self._return_tokens: - tokens.append(self._tokenize(text)) - else: - tokens.append(self._encode(text)) + if self._return_tokens: + tokens = self._batch_tokenize(input) + else: + tokens = self._batch_encode(input) return tokens elif torch.jit.isinstance(input, str): if self._return_tokens: From 814aa7ea5f3faa641627d463b223ecd95cb3451e Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 1 Jun 2022 16:36:40 -0400 Subject: [PATCH 242/463] Added post install script for pywin32 (#1748) * Added post install script for pywin32 * Update command to python * fix incorrect file extension * trying pinned version of pywin * Readding post script install * Moved post install to install.sh --- .circleci/unittest/windows/scripts/install.sh | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 4a296393e5..bd7609f734 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -18,9 +18,13 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly -printf "Installing torchdata nightly\n" +printf "* Installing torchdata nightly\n" pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu +printf "* Installing pywin32_postinstall script\n" +curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/pywin32/main/pywin32_postinstall.py +python pywin32_postinstall.py -install + printf "* Installing torchtext\n" git submodule update --init --recursive "$root_dir/packaging/vc_env_helper.bat" python setup.py develop From cb8475ed18f3b75c1c3154ce0d7b8ab7f7908f9f Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 1 Jun 2022 16:46:43 -0400 Subject: [PATCH 243/463] Add contributing guidelines for third party and custom C++ operators (#1742) * Add contributing guidelines for third party libraries and custom C++ operators * Fix formatting * Fixing PR comments * Resolve PR comment --- CONTRIBUTING.md | 54 +++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 54 insertions(+) diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md index 6e0dba6084..1e1d0e0502 100644 --- a/CONTRIBUTING.md +++ b/CONTRIBUTING.md @@ -48,6 +48,60 @@ python run-clang-format.py \ where `$CLANG_FORMAT` denotes the path to the downloaded binary. +## Adding Third Party Libraries + +The following steps outline how to add third party libraries to torchtext. We assume that the third party library has +correctly setup their `CMakeLists.txt` file for other libraries to take a dependency on. + +1. Add the third party library as a submodule. Here is a great + [tutorial](https://www.atlassian.com/git/tutorials/git-submodule) on working with submodules in git. + - Navigate to `third_party/` folder and run `git submodule add ` + - Verify the newly added module is present in the + [`.gitmodules`](https://github.com/pytorch/text/blob/main/.gitmodules) file +2. Update + [`third_party/CMakeLists.txt`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/third_party/CMakeLists.txt#L8) + to add the following line: `add_subdirectory( EXCLUDE_FROM_ALL)` +3. (Optional) If any of the files within the `csrc/` folder make use of the newly added third party library then + - Add the new submodule folder to + [`​​LIBTORCHTEXT_INCLUDE_DIRS`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/csrc/CMakeLists.txt#L24) + and to + [`EXTENSION_INCLUDE_DIRS`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/csrc/CMakeLists.txt#L119) + - Add the "targets" name defined by the third party library's `CMakeLists.txt` file to + [`LIBTORCHTEXT_LINK_LIBRARIES`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/csrc/CMakeLists.txt#L33) + - Note that the third party libraries are linked statically with torchtext +4. Verify the torchtext build works by running `python setup.py develop` + +## Adding a Custom C++ Operator + +Custom C++ operators can be implemented and registered in torchtext for several reasons including to make an existing +Python component more efficient, and to get around the limitations when working with multithreading in Python (due to +the Global Interpreter Lock). These custom kernels (or “ops”) can be embedded into a TorchScripted model and can be +executed both in Python and in their serialized form directly in C++. You can learn more in this +[tutorial on writing custom C++ operators](https://pytorch.org/tutorials/advanced/torch_script_custom_ops.html) + +Steps to register an operator: + +1. Add the new custom operator to the [`torchtext/csrc`](https://github.com/pytorch/text/tree/main/torchtext/csrc) + folder. This entails writing the header and the source file for the custom op. +2. Add the new source files to the + [`LIBTORCHTEXT_SOURCES`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/csrc/CMakeLists.txt#L11) + list. +3. Register the operators with torchbind and pybind + - Torchbind registration happens in the + [`register_torchbindings.cpp`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/csrc/register_torchbindings.cpp#L14) + file + - Pybind registration happens in the + [`register_pybindings.cpp`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/csrc/register_pybindings.cpp#L34) + file. +4. Write a Python wrapper class that is responsible for exposing the torchbind/pybind registered operators via Python. + You can find some examples of this in the + [`torchtext/transforms.py`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/torchtext/transforms.py#L274) + file. +5. Write a unit test that tests the functionality of the operator through the Python wrapper class. You can find some + examples in the + [`test/test_transforms.py`](https://github.com/pytorch/text/blob/70fc1040ee40faf129604557107cc59fd51c4fe2/test/test_transforms.py#L317) + file. + ## Contributor License Agreement ("CLA") In order to accept your pull request, we need you to submit a CLA. You only need to do this once to work on any of From 1c1e82342799817a7981368afe35854d6c7c3f30 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 2 Jun 2022 17:36:35 -0400 Subject: [PATCH 244/463] Fix test utils (#1757) --- test/test_utils.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/test/test_utils.py b/test/test_utils.py index 8012cc6a0d..8b916ea3d3 100644 --- a/test/test_utils.py +++ b/test/test_utils.py @@ -5,6 +5,7 @@ import unittest from test.common.assets import get_asset_path +from torchtext import _TEXT_BUCKET from torchtext import utils from .common.torchtext_test_case import TorchtextTestCase @@ -23,7 +24,7 @@ def test_download_extract_tar(self): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz" + url = os.path.join(_TEXT_BUCKET, "assets", "validation.tar.gz") target_archive_path = os.path.join(root, "validation.tar.gz") conditional_remove(target_archive_path) @@ -132,7 +133,7 @@ def test_download_extract_to_path(self): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz" + url = os.path.join(_TEXT_BUCKET, "assets", "validation.tar.gz") target_archive_path = os.path.join(root, "validation.tar.gz") conditional_remove(target_archive_path) From 2978507775283859e0519bbbd8e25527428d9a12 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Thu, 2 Jun 2022 22:38:16 +0100 Subject: [PATCH 245/463] Add recommendations regarding use of datapipes for multi-processing, shuffling, DDP, etc. (#1755) --- docs/source/datasets.rst | 55 +++++++++++++++++++ .../sst2_classification_non_distributed.py | 6 +- torchtext/datasets/ag_news.py | 7 +++ torchtext/datasets/amazonreviewfull.py | 7 +++ torchtext/datasets/amazonreviewpolarity.py | 7 +++ torchtext/datasets/cc100.py | 7 +++ torchtext/datasets/cola.py | 7 +++ torchtext/datasets/conll2000chunking.py | 7 +++ torchtext/datasets/dbpedia.py | 7 +++ torchtext/datasets/enwik9.py | 7 +++ torchtext/datasets/imdb.py | 7 +++ torchtext/datasets/iwslt2016.py | 7 +++ torchtext/datasets/iwslt2017.py | 7 +++ torchtext/datasets/mnli.py | 7 +++ torchtext/datasets/mrpc.py | 7 +++ torchtext/datasets/multi30k.py | 7 +++ torchtext/datasets/penntreebank.py | 7 +++ torchtext/datasets/qqp.py | 8 +++ torchtext/datasets/sogounews.py | 7 +++ torchtext/datasets/squad1.py | 7 +++ torchtext/datasets/squad2.py | 7 +++ torchtext/datasets/sst2.py | 7 +++ torchtext/datasets/stsb.py | 7 +++ torchtext/datasets/udpos.py | 7 +++ torchtext/datasets/wikitext103.py | 7 +++ torchtext/datasets/wikitext2.py | 7 +++ torchtext/datasets/yahooanswers.py | 7 +++ torchtext/datasets/yelpreviewfull.py | 7 +++ torchtext/datasets/yelpreviewpolarity.py | 7 +++ 29 files changed, 250 insertions(+), 1 deletion(-) diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 87fea0cd50..8366a41180 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -3,6 +3,61 @@ torchtext.datasets .. currentmodule:: torchtext.datasets + +.. _datapipes_warnings: + +.. warning:: + + The datasets supported by torchtext are datapipes from the `torchdata + project `_, which is still in Beta + status. This means that the API is subject to change without deprecation + cycles. In particular, we expect a lot of the current idioms to change with + the eventual release of ``DataLoaderV2`` from ``torchdata``. + + Here are a few recommendations regarding the use of datapipes: + + - For shuffling the datapipe, do that in the DataLoader: ``DataLoader(dp, shuffle=True)``. + You do not need to call ``dp.shuffle()``, because ``torchtext`` has + already done that for you. Note however that the datapipe won't be + shuffled unless you explicitly pass ``shuffle=True`` to the DataLoader. + + - When using multi-processing (``num_workers=N``), use the builtin ``worker_init_fn``:: + + from torch.utils.data.backward_compatibility import worker_init_fn + DataLoader(dp, num_workers=4, worker_init_fn=worker_init_fn, drop_last=True) + + This will ensure that data isn't duplicated across workers. + + - We also recommend using ``drop_last=True``. Without this, the batch sizes + at the end of an epoch may be very small in some cases (smaller than with + other map-style datasets). This might affect accuracy greatly especially + when batch-norm is used. ``drop_last=True`` ensures that all batch sizes + are equal. + + - Distributed training with ``DistributedDataParallel`` is not yet entirely + stable / supported, and we don't recommend it at this point. It will be + better supported in DataLoaderV2. If you still wish to use DDP, make sure + that: + + - All workers (DDP workers *and* DataLoader workers) see a different part + of the data. The datasets are already wrapped inside `ShardingFilter + `_ + and you may need to call ``dp.apply_sharing(num_shards, shard_id)`` in order to shard the + data across ranks (DDP workers) and DataLoader workers. One way to do this + is to create ``worker_init_fn`` that calls ``apply_sharding`` with appropriate + number of shards (DDP workers * DataLoader workers) and shard id (inferred through rank + and worker ID of corresponding DataLoader withing rank). Note however, that this assumes + equal number of DataLoader workers for all the ranks. + - All DDP workers work on the same number of batches. One way to do this + is to by limit the size of the datapipe within each worker to + ``len(datapipe) // num_ddp_workers``, but this might not suit all + use-cases. + - The shuffling seed is the same across all workers. You might need to + call ``torch.utils.data.graph_settings.apply_shuffle_seed(dp, rng)`` + - The shuffling seed is different across epochs. + - The rest of the RNG (typically used for transformations) is + **different** across workers, for maximal entropy and optimal accuracy. + General use cases are as follows: :: diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py index e3d1f77133..509b51a36b 100644 --- a/examples/tutorials/sst2_classification_non_distributed.py +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -85,7 +85,11 @@ # and transforms. Below, we demonstrate how to use text and label processing transforms to pre-process the # SST-2 dataset. # -# +# .. note:: +# Using datapipes is still currently subject to a few caveats. If you wish +# to extend this example to include shuffling, multi-processing, or +# distributed learning, please see :ref:`this note ` +# for further instructions. from torchtext.datasets import SST2 diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index a313fefbf6..f07b3ae354 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -43,6 +43,13 @@ def _modify_res(t): def AG_NEWS(root: str, split: Union[Tuple[str], str]): """AG_NEWS Dataset + .. warning:: + + Using datapipes is still currently subject to a few caveats. If you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://paperswithcode.com/dataset/ag-news Number of lines per split: diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 4309657c20..eb527a8046 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -57,6 +57,13 @@ def _modify_res(t): def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): """AmazonReviewFull Dataset + .. warning:: + + Using datapipes is still currently subject to a few caveats. If you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://arxiv.org/abs/1509.01626 Number of lines per split: diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index fae53f66fb..f4a47da008 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -53,6 +53,13 @@ def _modify_res(t): def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): """AmazonReviewPolarity Dataset + .. warning:: + + Using datapipes is still currently subject to a few caveats. If you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://arxiv.org/abs/1509.01626 Number of lines per split: diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 13cd4201f2..755f277224 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -152,6 +152,13 @@ def _modify_res(language_code, x): def CC100(root: str, language_code: str = "en"): """CC100 Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://data.statmt.org/cc-100/ Args: diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index 77ab872b6c..a56c61572b 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -52,6 +52,13 @@ def _filter_res(x): def CoLA(root: str, split: Union[Tuple[str], str]): """CoLA dataset + .. warning:: + + Using datapipes is still currently subject to a few caveats. If you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://nyu-mll.github.io/CoLA/ Number of lines per split: diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 2bd23bfd14..25b60e4cb7 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -45,6 +45,13 @@ def _extracted_filepath_fn(root, split, _=None): def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): """CoNLL2000Chunking Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://www.clips.uantwerpen.be/conll2000/chunking/ Number of lines per split: diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 1c5e00c260..3afc414462 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -52,6 +52,13 @@ def _modify_res(t): def DBpedia(root: str, split: Union[Tuple[str], str]): """DBpedia Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://www.dbpedia.org/resources/latest-core/ Number of lines per split: diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index b116a60f5d..744cf22d8b 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -31,6 +31,13 @@ def _extracted_filepath_fn(root, _=None): def EnWik9(root: str): """EnWik9 dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to http://mattmahoney.net/dc/textdata.html Number of lines in dataset: 13147026 diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 3bf29b9a9e..1e11ad95ab 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -65,6 +65,13 @@ def filter_imdb_data(key, fname): def IMDB(root: str, split: Union[Tuple[str], str]): """IMDB Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to http://ai.stanford.edu/~amaas/data/sentiment/ Number of lines per split: diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index e36ec541ee..1bc1386fa6 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -171,6 +171,13 @@ def IWSLT2016( ): """IWSLT2016 dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://wit3.fbk.eu/2016-01 The available datasets include following: diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index abe8b811d8..5d51c75a62 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -140,6 +140,13 @@ def _inner_iwslt_tar_filepath_fn(inner_iwslt_tar, _=None): def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de", "en")): """IWSLT2017 dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://wit3.fbk.eu/2017-01 The available datasets include following: diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index e67d6ac338..ff27b18d6d 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -65,6 +65,13 @@ def _modify_res(x): def MNLI(root, split): """MNLI Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://cims.nyu.edu/~sbowman/multinli/ Number of lines per split: diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index 8cc7d59568..d958865079 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -45,6 +45,13 @@ def _modify_res(x): def MRPC(root: str, split: Union[Tuple[str], str]): """MRPC Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://www.microsoft.com/en-us/download/details.aspx?id=52398 Number of lines per split: diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index bcb7a7c549..6ba3c901a0 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -56,6 +56,13 @@ def _filter_fn(split, language_pair, i, x): def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] = ("de", "en")): """Multi30k dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://www.statmt.org/wmt16/multimodal-task.html#task1 Number of lines per split: diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index c7b18f6726..f6f8cc703c 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -46,6 +46,13 @@ def _modify_res(t): def PennTreebank(root, split: Union[Tuple[str], str]): """PennTreebank Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://catalog.ldc.upenn.edu/docs/LDC95T7/cl93.html Number of lines per split: diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 2e05a3bd36..6ef8e18e97 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -30,6 +30,14 @@ def _modify_res(x): @_create_dataset_directory(dataset_name=DATASET_NAME) def QQP(root: str): """QQP dataset + + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://quoradata.quora.com/First-Quora-Dataset-Release-Question-Pairs Args: diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 5a62dc9e14..a160c5b1a1 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -57,6 +57,13 @@ def _modify_res(t): def SogouNews(root: str, split: Union[Tuple[str], str]): """SogouNews Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://arxiv.org/abs/1509.01626 Number of lines per split: diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 2d036d0b61..ef110da662 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -40,6 +40,13 @@ def _filepath_fn(root, split, _=None): def SQuAD1(root: str, split: Union[Tuple[str], str]): """SQuAD1 Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://rajpurkar.github.io/SQuAD-explorer/ Number of lines per split: diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 7999bbb0cb..11b3fdd5fc 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -40,6 +40,13 @@ def _filepath_fn(root, split, _=None): def SQuAD2(root: str, split: Union[Tuple[str], str]): """SQuAD2 Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://rajpurkar.github.io/SQuAD-explorer/ Number of lines per split: diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index f695d6bfef..40c269ac7e 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -62,6 +62,13 @@ def _modify_res(t): def SST2(root, split): """SST2 Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://nlp.stanford.edu/sentiment/ Number of lines per split: diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index bf5976fa0d..153391d5da 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -58,6 +58,13 @@ def _modify_res(x): def STSB(root, split): """STSB Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://ixa2.si.ehu.eus/stswiki/index.php/STSbenchmark Number of lines per split: diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 773e77877e..a7bf1b2184 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -45,6 +45,13 @@ def _filter_fn(split, x): def UDPOS(root: str, split: Union[Tuple[str], str]): """UDPOS Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + Number of lines per split: - train: 12543 - valid: 2002 diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index e5d9eece56..fad94bf2fe 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -48,6 +48,13 @@ def _filter_fn(split, x): def WikiText103(root: str, split: Union[Tuple[str], str]): """WikiText103 Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://blog.salesforceairesearch.com/the-wikitext-long-term-dependency-language-modeling-dataset/ Number of lines per split: diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index a6ba1aac4f..e7ad4a85f9 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -48,6 +48,13 @@ def _filter_fn(split, x): def WikiText2(root: str, split: Union[Tuple[str], str]): """WikiText2 Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://blog.salesforceairesearch.com/the-wikitext-long-term-dependency-language-modeling-dataset/ Number of lines per split: diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 497c060465..1721adb2bf 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -52,6 +52,13 @@ def _modify_res(t): def YahooAnswers(root: str, split: Union[Tuple[str], str]): """YahooAnswers Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://arxiv.org/abs/1509.01626 Number of lines per split: diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 45fbbbd7ac..a6e355d9d7 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -52,6 +52,13 @@ def _modify_res(t): def YelpReviewFull(root: str, split: Union[Tuple[str], str]): """YelpReviewFull Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://arxiv.org/abs/1509.01626 Number of lines per split: diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 2272eaf7dd..82c04e6efc 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -52,6 +52,13 @@ def _modify_res(t): def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): """YelpReviewPolarity Dataset + .. warning:: + + using datapipes is still currently subject to a few caveats. if you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + For additional details refer to https://arxiv.org/abs/1509.01626 Number of lines per split: From 6aef9c9cd1103a661e3a1a6212aa43b4a4f3f330 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 2 Jun 2022 23:28:38 -0400 Subject: [PATCH 246/463] Fix bug in RTE and WNLI testing (#1759) --- test/datasets/test_rte.py | 10 ++++++---- test/datasets/test_wnli.py | 2 +- torchtext/datasets/rte.py | 9 +++++++-- 3 files changed, 14 insertions(+), 7 deletions(-) diff --git a/test/datasets/test_rte.py b/test/datasets/test_rte.py index e05b55bacd..aaeb72c1f9 100644 --- a/test/datasets/test_rte.py +++ b/test/datasets/test_rte.py @@ -9,6 +9,8 @@ from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase +LABELS = ["entailment", "not_entailment"] + def _get_mock_dataset(root_dir): """ @@ -25,14 +27,14 @@ def _get_mock_dataset(root_dir): with open(txt_file, "w", encoding="utf-8") as f: f.write("index\tsentence1\tsentence2\tlabel\n") for i in range(5): - label = seed % 2 + label = LABELS[seed % 2] rand_string_1 = get_random_unicode(seed) rand_string_2 = get_random_unicode(seed + 1) if file_name == "test.tsv": dataset_line = (rand_string_1, rand_string_2) f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\n") else: - dataset_line = (label, rand_string_1, rand_string_2) + dataset_line = (seed % 2, rand_string_1, rand_string_2) f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\t{label}\n") # append line to correct dataset split @@ -49,7 +51,7 @@ def _get_mock_dataset(root_dir): return mocked_data -class TestSST2(TempDirMixin, TorchtextTestCase): +class TestRTE(TempDirMixin, TorchtextTestCase): root_dir = None samples = [] @@ -57,7 +59,7 @@ class TestSST2(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/test/datasets/test_wnli.py b/test/datasets/test_wnli.py index 2bef2ca7de..0db91e6753 100644 --- a/test/datasets/test_wnli.py +++ b/test/datasets/test_wnli.py @@ -57,7 +57,7 @@ class TestWNLI(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py index 87148f2ded..88cd29d09b 100644 --- a/torchtext/datasets/rte.py +++ b/torchtext/datasets/rte.py @@ -1,4 +1,5 @@ # Copyright (c) Facebook, Inc. and its affiliates. +import csv import os from functools import partial @@ -36,6 +37,8 @@ "test": os.path.join("RTE", "test.tsv"), } +MAP_LABELS = {"entailment": 0, "not_entailment": 1} + def _filepath_fn(root, x=None): return os.path.join(root, os.path.basename(x)) @@ -53,7 +56,7 @@ def _modify_res(split, x): if split == "test": return (x[1], x[2]) else: - return (int(x[3]), x[1], x[2]) + return (MAP_LABELS[x[3]], x[1], x[2]) @_create_dataset_directory(dataset_name=DATASET_NAME) @@ -96,5 +99,7 @@ def RTE(root, split): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t").map(partial(_modify_res, split)) + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).map( + partial(_modify_res, split) + ) return parsed_data.shuffle().set_shuffle(False).sharding_filter() From ab33a611bf7a1cb9a6a0b0df2209596e02fe12ca Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 3 Jun 2022 09:28:46 -0400 Subject: [PATCH 247/463] Fix bug in QNLI dataset and corresponding test (#1760) * Fixing bugs with qnli dataset * Updating QNLI with modifyres fix * Fix QNLI test --- test/datasets/test_qnli.py | 16 ++++++++++++---- torchtext/datasets/qnli.py | 13 ++++++++++--- 2 files changed, 22 insertions(+), 7 deletions(-) diff --git a/test/datasets/test_qnli.py b/test/datasets/test_qnli.py index c74cbfd4d0..ff23116a2b 100644 --- a/test/datasets/test_qnli.py +++ b/test/datasets/test_qnli.py @@ -10,6 +10,9 @@ from ..common.torchtext_test_case import TorchtextTestCase +LABELS = ["entailment", "not_entailment"] + + def _get_mock_dataset(root_dir): """ root_dir: directory to the mocked dataset @@ -28,9 +31,14 @@ def _get_mock_dataset(root_dir): label = seed % 2 rand_string_1 = get_random_unicode(seed) rand_string_2 = get_random_unicode(seed + 1) - dataset_line = (label, rand_string_1, rand_string_2) - label_str = "entailment" if label == 1 else "not_entailment" - f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\t{label_str}\n") + label_str = LABELS[label] + + if file_name == "test.tsv": + dataset_line = (rand_string_1, rand_string_2) + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\n") + else: + dataset_line = (label, rand_string_1, rand_string_2) + f.write(f"{i}\t{rand_string_1}\t{rand_string_2}\t{label_str}\n") # append line to correct dataset split mocked_data[os.path.splitext(file_name)[0]].append(dataset_line) @@ -54,7 +62,7 @@ class TestQNLI(TempDirMixin, TorchtextTestCase): def setUpClass(cls): super().setUpClass() cls.root_dir = cls.get_base_temp_dir() - cls.samples = _get_mock_dataset(cls.root_dir) + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) cls.patcher.start() diff --git a/torchtext/datasets/qnli.py b/torchtext/datasets/qnli.py index 096c746208..47fd14ffd6 100644 --- a/torchtext/datasets/qnli.py +++ b/torchtext/datasets/qnli.py @@ -37,6 +37,8 @@ "test": os.path.join("QNLI", "test.tsv"), } +MAP_LABELS = {"not_entailment": 1, "entailment": 0} + def _filepath_fn(root, x=None): return os.path.join(root, os.path.basename(x)) @@ -50,8 +52,11 @@ def _filter_fn(split, x): return _EXTRACTED_FILES[split] in x[0] -def _modify_res(x): - return (int(x[3] == "entailment"), x[1], x[2]) +def _modify_res(split, x): + if split == "test": + return (x[1], x[2]) + else: + return (MAP_LABELS[x[3]], x[1], x[2]) @_create_dataset_directory(dataset_name=DATASET_NAME) @@ -94,5 +99,7 @@ def QNLI(root, split): cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) data_dp = FileOpener(cache_decompressed_dp, encoding="utf-8") - parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).map(_modify_res) + parsed_data = data_dp.parse_csv(skip_lines=1, delimiter="\t", quoting=csv.QUOTE_NONE).map( + partial(_modify_res, split) + ) return parsed_data.shuffle().set_shuffle(False).sharding_filter() From d6e355092132e62ea26e41307fb043c2a4aa4bac Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 3 Jun 2022 12:27:07 -0400 Subject: [PATCH 248/463] Fix windows utils test (#1761) --- test/test_utils.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/test/test_utils.py b/test/test_utils.py index 8b916ea3d3..6bd091ce9c 100644 --- a/test/test_utils.py +++ b/test/test_utils.py @@ -3,6 +3,7 @@ import os import shutil import unittest +from urllib.parse import urljoin from test.common.assets import get_asset_path from torchtext import _TEXT_BUCKET @@ -24,7 +25,7 @@ def test_download_extract_tar(self): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = os.path.join(_TEXT_BUCKET, "assets", "validation.tar.gz") + url = urljoin(_TEXT_BUCKET, "assets/validation.tar.gz") target_archive_path = os.path.join(root, "validation.tar.gz") conditional_remove(target_archive_path) @@ -133,7 +134,7 @@ def test_download_extract_to_path(self): os.makedirs(root) # ensure archive is not already downloaded, if it is then delete - url = os.path.join(_TEXT_BUCKET, "assets", "validation.tar.gz") + url = urljoin(_TEXT_BUCKET, "assets/validation.tar.gz") target_archive_path = os.path.join(root, "validation.tar.gz") conditional_remove(target_archive_path) From cfd1ae23534597314d449079f2e505db50a004cc Mon Sep 17 00:00:00 2001 From: erichan1 <30481032+erichan1@users.noreply.github.com> Date: Mon, 6 Jun 2022 11:05:55 -0700 Subject: [PATCH 249/463] fix missed mask arg in torchtext transformer (#1758) --- torchtext/models/roberta/modules.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 2dc71bfb96..4bbd2a60a8 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -157,7 +157,7 @@ def forward( # Then transpose back to T x B x C states = [encoded.transpose(1, 0)] for layer in self.layers.layers: - encoded = layer(encoded, padding_mask, attn_mask) + encoded = layer(encoded, src_key_padding_mask=padding_mask, src_mask=attn_mask) encoded_t = encoded.transpose(1, 0) states.append(encoded_t) if self.normalize_before: @@ -167,7 +167,7 @@ def forward( else: # B x T x C # Then transpose back to T x B x C - encoded = self.layers(padded_embedded).transpose(1, 0) + encoded = self.layers(padded_embedded, src_key_padding_mask=padding_mask).transpose(1, 0) if self.normalize_before: encoded = self.embedding_layer_norm(encoded) return encoded From d774047e4f85d099e71692d8cafc45acc18d3400 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 6 Jun 2022 18:43:26 -0700 Subject: [PATCH 250/463] Update nightly version to 0.14 (#1769) --- version.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/version.txt b/version.txt index 19b4ae8e53..56f78043a8 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.13.0a0 +0.14.0a0 From 6e775d19584a1a06cf10d87a6bf7ecf147318b25 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Tue, 7 Jun 2022 11:00:03 -0400 Subject: [PATCH 251/463] Migrate RegexTokenizer from experimental/transforms.py to transforms.py (#1763) * Migrate RegexTokenizer from experimenta/transforms.py to transforms.py * Migrate regex_tokenizer from experimenta/transforms.py to transforms.py * Remove regex_tokenizer factory method * Migrate RegexTokenizer unit tests from test/experimental/test_functional.py to test/test_transforms.py * NIT corrections * Refactor RegexTokenizer to initialize with patterns list * Remove decorator checking if Windows * Create class variables for TestRegexTokenizer --- test/experimental/test_functional.py | 118 +-------------------------- test/test_transforms.py | 77 +++++++++++++++++ torchtext/experimental/transforms.py | 61 -------------- torchtext/transforms.py | 56 +++++++++++++ 4 files changed, 134 insertions(+), 178 deletions(-) diff --git a/test/experimental/test_functional.py b/test/experimental/test_functional.py index 92d0a909a6..254fbd4184 100644 --- a/test/experimental/test_functional.py +++ b/test/experimental/test_functional.py @@ -4,7 +4,7 @@ import torch import torchtext.data as data -from torchtext.experimental.transforms import basic_english_normalize, regex_tokenizer +from torchtext.experimental.transforms import basic_english_normalize from ..common.torchtext_test_case import TorchtextTestCase @@ -99,119 +99,3 @@ def test_basicEnglishNormalize_load_and_save(self): torch.save(ben, save_path) loaded_ben = torch.load(save_path) self.assertEqual(loaded_ben(test_sample), ref_results) - - # TODO(Nayef211): remove decorator once https://github.com/pytorch/pytorch/issues/38207 is closed - @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") - def test_RegexTokenizer(self): - test_sample = "'\".
,()!?;: Basic Regex Tokenization for a Line of Text '\".
,()!?;:" - ref_results = [ - "'", - ".", - ",", - "(", - ")", - "!", - "?", - "Basic", - "Regex", - "Tokenization", - "for", - "a", - "Line", - "of", - "Text", - "'", - ".", - ",", - "(", - ")", - "!", - "?", - ] - patterns_list = [ - (r"\'", " ' "), - (r"\"", ""), - (r"\.", " . "), - (r"
", " "), - (r",", " , "), - (r"\(", " ( "), - (r"\)", " ) "), - (r"\!", " ! "), - (r"\?", " ? "), - (r"\;", " "), - (r"\:", " "), - (r"\s+", " "), - ] - - r_tokenizer = regex_tokenizer(patterns_list) - eager_tokens = r_tokenizer(test_sample) - - jit_r_tokenizer = torch.jit.script(r_tokenizer) - jit_tokens = jit_r_tokenizer(test_sample) - - assert not r_tokenizer.is_jitable - # Call the __prepare_scriptable__() func and convert the building block to the torbhind version - # Not expect users to use the torchbind version on eager mode but still need a CI test here. - assert r_tokenizer.__prepare_scriptable__().is_jitable - - self.assertEqual(eager_tokens, ref_results) - self.assertEqual(jit_tokens, ref_results) - - def test_load_and_save(self): - test_sample = "'\".
,()!?;: Basic Regex Tokenization for a Line of Text '\".
,()!?;:" - ref_results = [ - "'", - ".", - ",", - "(", - ")", - "!", - "?", - "Basic", - "Regex", - "Tokenization", - "for", - "a", - "Line", - "of", - "Text", - "'", - ".", - ",", - "(", - ")", - "!", - "?", - ] - patterns_list = [ - (r"\'", " ' "), - (r"\"", ""), - (r"\.", " . "), - (r"
", " "), - (r",", " , "), - (r"\(", " ( "), - (r"\)", " ) "), - (r"\!", " ! "), - (r"\?", " ? "), - (r"\;", " "), - (r"\:", " "), - (r"\s+", " "), - ] - - with self.subTest("pybind"): - save_path = os.path.join(self.test_dir, "regex_pybind.pt") - tokenizer = regex_tokenizer(patterns_list) - torch.save(tokenizer, save_path) - loaded_tokenizer = torch.load(save_path) - results = loaded_tokenizer(test_sample) - self.assertEqual(results, ref_results) - - with self.subTest("torchscript"): - save_path = os.path.join(self.test_dir, "regex_torchscript.pt") - # Call the __prepare_scriptable__() func and convert the building block to the torbhind version - # Not expect users to use the torchbind version on eager mode but still need a CI test here. - tokenizer = regex_tokenizer(patterns_list).__prepare_scriptable__() - torch.save(tokenizer, save_path) - loaded_tokenizer = torch.load(save_path) - results = loaded_tokenizer(test_sample) - self.assertEqual(results, ref_results) diff --git a/test/test_transforms.py b/test/test_transforms.py index 760d8d96c7..a17bb1ecc0 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -3,6 +3,7 @@ import torch from torchtext import transforms +from torchtext.transforms import RegexTokenizer from torchtext.vocab import vocab from .common.assets import get_asset_path @@ -673,3 +674,79 @@ def test_bert_tokenizer_save_load(self, test_scripting, do_lower_case, return_to torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._bert_tokenizer((loaded_tokenizer), do_lower_case=do_lower_case) + + +class TestRegexTokenizer(TorchtextTestCase): + test_sample = "'\".
,()!?;: Basic Regex Tokenization for a Line of Text '\".
,()!?;:" + ref_results = [ + "'", + ".", + ",", + "(", + ")", + "!", + "?", + "Basic", + "Regex", + "Tokenization", + "for", + "a", + "Line", + "of", + "Text", + "'", + ".", + ",", + "(", + ")", + "!", + "?", + ] + patterns_list = [ + (r"\'", " ' "), + (r"\"", ""), + (r"\.", " . "), + (r"
", " "), + (r",", " , "), + (r"\(", " ( "), + (r"\)", " ) "), + (r"\!", " ! "), + (r"\?", " ? "), + (r"\;", " "), + (r"\:", " "), + (r"\s+", " "), + ] + + def test_regex_tokenizer(self): + r_tokenizer = RegexTokenizer(self.patterns_list) + eager_tokens = r_tokenizer(self.test_sample) + + jit_r_tokenizer = torch.jit.script(r_tokenizer) + jit_tokens = jit_r_tokenizer(self.test_sample) + + assert not r_tokenizer.is_jitable + # Call the __prepare_scriptable__() func and convert the operator to the torchbind version + # We don't expect users to use the torchbind version on eager mode but still need a CI test here. + assert r_tokenizer.__prepare_scriptable__().is_jitable + + self.assertEqual(eager_tokens, self.ref_results) + self.assertEqual(jit_tokens, self.ref_results) + + def test_regex_tokenizer_save_load(self): + + with self.subTest("pybind"): + save_path = os.path.join(self.test_dir, "regex_pybind.pt") + + tokenizer = RegexTokenizer(self.patterns_list) + torch.save(tokenizer, save_path) + loaded_tokenizer = torch.load(save_path) + results = loaded_tokenizer(self.test_sample) + self.assertEqual(results, self.ref_results) + + with self.subTest("torchscript"): + save_path = os.path.join(self.test_dir, "regex_torchscript.pt") + tokenizer = torch.jit.script(RegexTokenizer(self.patterns_list)) + torch.jit.save(tokenizer, save_path) + loaded_tokenizer = torch.jit.load(save_path) + results = loaded_tokenizer(self.test_sample) + self.assertEqual(results, self.ref_results) diff --git a/torchtext/experimental/transforms.py b/torchtext/experimental/transforms.py index d4b6a87af5..25e3fd71a5 100644 --- a/torchtext/experimental/transforms.py +++ b/torchtext/experimental/transforms.py @@ -9,9 +9,7 @@ __all__ = [ "basic_english_normalize", - "regex_tokenizer", "BasicEnglishNormalize", - "RegexTokenizer", "PRETRAINED_SP_MODEL", "load_sp_model", "sentencepiece_tokenizer", @@ -72,30 +70,6 @@ def basic_english_normalize(): return BasicEnglishNormalize(RegexTokenizerPybind(patterns, replacements, True)) -def regex_tokenizer(patterns_list): - r"""Regex tokenizer for a string sentence that applies all regex replacements defined in patterns_list. - - Args: - patterns_list (List[Tuple[str, str]]): a list of tuples (ordered pairs) which contain the regex pattern string - as the first element and the replacement string as the second element. - - Examples: - >>> import torch - >>> from torchtext.experimental.transforms import regex_tokenizer - >>> test_sample = 'Basic Regex Tokenization for a Line of Text' - >>> patterns_list = [ - (r'\'', ' \' '), - (r'\"', '')] - >>> reg_tokenizer = regex_tokenizer(patterns_list) - >>> jit_reg_tokenizer = torch.jit.script(reg_tokenizer) - >>> tokens = jit_reg_tokenizer(test_sample) - """ - - patterns = [pair[0] for pair in patterns_list] - replacements = [pair[1] for pair in patterns_list] - return RegexTokenizer(RegexTokenizerPybind(patterns, replacements, False)) - - class BasicEnglishNormalize(nn.Module): __jit_unused_properties__ = ["is_jitable"] r"""Basic normalization for a string sentence. @@ -131,41 +105,6 @@ def __prepare_scriptable__(self): return BasicEnglishNormalize(regex_tokenizer) -class RegexTokenizer(nn.Module): - __jit_unused_properties__ = ["is_jitable"] - r"""Regex tokenizer for a string sentence that applies all regex replacements defined in patterns_list. - - Args: - regex_tokenizer (torch.classes.torchtext.RegexTokenizer or torchtext._torchtext.RegexTokenizer): a cpp regex tokenizer object. - """ - - def __init__(self, regex_tokenzier): - super(RegexTokenizer, self).__init__() - self.regex_tokenizer = regex_tokenzier - - @property - def is_jitable(self): - return not isinstance(self.regex_tokenizer, RegexTokenizerPybind) - - def forward(self, line: str) -> List[str]: - r""" - Args: - lines (str): a text string to tokenize. - - Returns: - List[str]: a token list after regex. - """ - - return self.regex_tokenizer.forward(line) - - def __prepare_scriptable__(self): - r"""Return a JITable RegexTokenizer.""" - regex_tokenizer = torch.classes.torchtext.RegexTokenizer( - self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, False - ) - return RegexTokenizer(regex_tokenizer) - - PRETRAINED_SP_MODEL = { "text_unigram_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model", "text_unigram_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_25000.model", diff --git a/torchtext/transforms.py b/torchtext/transforms.py index b5f879fe8d..6c7f011660 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -12,6 +12,7 @@ GPT2BPEEncoder as GPT2BPEEncoderPyBind, BERTEncoder as BERTEncoderPyBind, ) +from torchtext._torchtext import RegexTokenizer as RegexTokenizerPybind from torchtext.data.functional import load_sp_model from torchtext.utils import get_asset_local_path from torchtext.vocab import Vocab @@ -28,6 +29,7 @@ "PadTransform", "StrToIntTransform", "GPT2BPETokenizer", + "RegexTokenizer", "Sequential", ] @@ -657,6 +659,60 @@ def __prepare_scriptable__(self): return self +class RegexTokenizer(Module): + __jit_unused_properties__ = ["is_jitable"] + r"""Regex tokenizer for a string sentence that applies all regex replacements defined in patterns_list. + + Args: + patterns_list (List[Tuple[str, str]]): a list of tuples (ordered pairs) which contain the regex pattern string + as the first element and the replacement string as the second element. + + Examples: + >>> import torch + >>> from torchtext.transforms import RegexTokenizer + >>> test_sample = 'Basic Regex Tokenization for a Line of Text' + >>> patterns_list = [ + (r'\'', ' \' '), + (r'\"', '')] + >>> reg_tokenizer = RegexTokenizer(patterns_list) + >>> jit_reg_tokenizer = torch.jit.script(reg_tokenizer) + >>> tokens = jit_reg_tokenizer(test_sample) + """ + + def __init__(self, patterns_list): + super(RegexTokenizer, self).__init__() + patterns = [pair[0] for pair in patterns_list] + replacements = [pair[1] for pair in patterns_list] + self.regex_tokenizer = RegexTokenizerPybind(patterns, replacements, False) + + @property + def is_jitable(self): + return not isinstance(self.regex_tokenizer, RegexTokenizerPybind) + + def forward(self, line: str) -> List[str]: + r""" + Args: + lines (str): a text string to tokenize. + + Returns: + List[str]: a token list after regex. + """ + + return self.regex_tokenizer.forward(line) + + def __prepare_scriptable__(self): + r"""Return a JITable RegexTokenizer.""" + + if not self.is_jitable: + regex_tokenizer_copy = deepcopy(self) + regex_tokenizer_copy.regex_tokenizer = torch.classes.torchtext.RegexTokenizer( + self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, False + ) + return regex_tokenizer_copy + + return self + + @lru_cache() def bytes_to_unicode(): """ From 1e9d7312b92cd6c45d858f75eff07315aae2ca96 Mon Sep 17 00:00:00 2001 From: erichan1 <30481032+erichan1@users.noreply.github.com> Date: Tue, 7 Jun 2022 11:54:34 -0700 Subject: [PATCH 252/463] Add test to compare encoder inference on input with and without padding (#1770) * add test to compare encoder inference on input with and without padding * remove bottom whitespace * remove unnecessary import * lint --- test/models/test_transformers.py | 51 ++++++++++++++++++++++++++++++++ 1 file changed, 51 insertions(+) create mode 100644 test/models/test_transformers.py diff --git a/test/models/test_transformers.py b/test/models/test_transformers.py new file mode 100644 index 0000000000..f3b9c5f2e2 --- /dev/null +++ b/test/models/test_transformers.py @@ -0,0 +1,51 @@ +import torch + +from ..common.parameterized_utils import nested_params +from ..common.torchtext_test_case import TorchtextTestCase + + +class TestTransformers(TorchtextTestCase): + @nested_params( + [True, False], + [True, False], + ) + def test_padded_input_inference(self, with_no_grad, return_all_layers): + """test transformerencoder inference same with and without padding""" + from torchtext.models import RobertaEncoderConf, RobertaModel + + def encoder_inference(encoder, input_lst, with_no_grad): + if with_no_grad: + with torch.no_grad(): + res = [encoder(eval_input) for eval_input in input_lst] + else: + res = [encoder(eval_input) for eval_input in input_lst] + return res + + # Roberta config except for less layers (2 instead of 12) + pad_idx = 1 + encoder_conf = RobertaEncoderConf( + vocab_size=250002, + embedding_dim=768, + ffn_dimension=3072, + padding_idx=pad_idx, + max_seq_len=514, + num_attention_heads=12, + num_encoder_layers=2, + dropout=0.1, + scaling=None, + normalize_before=False, + ) + model = RobertaModel(encoder_conf) + model = model.eval() + # TODO: make return_all_layers a property of RobertaEncoderConf so it can be passed as arg + model.encoder.transformer.return_all_layers = return_all_layers + + # result from converting string "some text" to tensor using xlmr_base embeddings + input_no_pad = torch.Tensor([[0, 3060, 7986, 2]]).to(torch.int) + data_len = input_no_pad.shape[1] # sequence length of non-pad data + # add two padding tokens to input_no_pad + input_pad = torch.Tensor([[0, 3060, 7986, 2, pad_idx, pad_idx]]).to(torch.int) + input_lst = [input_no_pad, input_pad] + + output_no_pad, output_pad = encoder_inference(model, input_lst, with_no_grad) + torch.testing.assert_close(output_no_pad, output_pad[:, :data_len, :]) From 87b397ae835a73d4dc05863622c28f52cdb9a5f4 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 7 Jun 2022 17:49:52 -0700 Subject: [PATCH 253/463] Pinning Utf8proc version (#1771) --- third_party/utf8proc | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/third_party/utf8proc b/third_party/utf8proc index f0b370716b..0890a538bf 160000 --- a/third_party/utf8proc +++ b/third_party/utf8proc @@ -1 +1 @@ -Subproject commit f0b370716b9175125e24d0f16ba43de9322370e3 +Subproject commit 0890a538bf8238cded9be0c81171f57e43f2c755 From 04fea7accbce4594601bebc60c2c6c03b30688ed Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 8 Jun 2022 15:28:10 -0400 Subject: [PATCH 254/463] Refactor TorchText version handing and adding first version of M1 builds (#1773) * Refactor torchtext version handing and adding first version of M1 builds * Add git update submodules * prettier --- .github/workflows/build-m1-binaries.yml | 70 +++++++++++++++++++++++++ packaging/build_conda.sh | 2 +- packaging/build_wheel.sh | 2 +- packaging/pkg_helpers.bash | 15 ++++-- 4 files changed, 82 insertions(+), 7 deletions(-) create mode 100644 .github/workflows/build-m1-binaries.yml diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml new file mode 100644 index 0000000000..27254c4ceb --- /dev/null +++ b/.github/workflows/build-m1-binaries.yml @@ -0,0 +1,70 @@ +name: Build on M1 +on: + pull_request: + paths: + - .github/workflows/build-m1-binaries.yml + push: + branches: + - nightly + workflow_dispatch: +jobs: + build_wheels: + name: "Build TorchText M1 wheels" + runs-on: macos-m1-11 + strategy: + matrix: + py_vers: ["3.8", "3.9", "3.10"] + steps: + - name: Checkout repository + uses: actions/checkout@v2 + - name: Build TorchText M1 wheel + shell: arch -arch arm64 bash {0} + env: + ENV_NAME: conda-env-${{ github.run_id }} + PY_VERS: ${{ matrix.py_vers }} + run: | + echo $PATH + . ~/miniconda3/etc/profile.d/conda.sh + set -ex + . packaging/pkg_helpers.bash + setup_build_version + git submodule update --init --recursive + WHL_NAME=torchtext-${BUILD_VERSION}-cp${PY_VERS/.}-cp${PY_VERS/.}-macosx_11_0_arm64.whl + conda create -yp ${ENV_NAME} python=${PY_VERS} numpy cmake ninja wheel pkg-config + conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/nightly + conda run -p ${ENV_NAME} python3 -mpip install delocate + conda run -p ${ENV_NAME} python3 setup.py bdist_wheel + export PYTORCH_VERSION="$(conda run -p ${ENV_NAME} python3 -mpip show torch | grep ^Version: | sed 's/Version: *//')" + conda run -p ${ENV_NAME} DYLD_FALLBACK_LIBRARY_PATH="${ENV_NAME}/lib" delocate-wheel -v --ignore-missing-dependencies dist/${WHL_NAME} + conda env remove -p ${ENV_NAME} + - name: Test wheel + shell: arch -arch arm64 bash {0} + env: + ENV_NAME: conda-test-env-${{ github.run_id }} + PY_VERS: ${{ matrix.py_vers }} + run: | + . ~/miniconda3/etc/profile.d/conda.sh + set -ex + conda create -yp ${ENV_NAME} python=${PY_VERS} numpy + conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/nightly + conda run -p ${ENV_NAME} python3 -mpip install dist/*.whl + # Test torch is importable, by changing cwd and running import commands + conda run --cwd /tmp -p ${ENV_NAME} python3 -c "import torchtext;print('torchtext version is ', torchtext.__version__)" + conda env remove -p ${ENV_NAME} + - name: Upload wheel to GitHub + if: ${{ github.event_name == 'push' && steps.extract_branch.outputs.branch == 'nightly' }} + uses: actions/upload-artifact@v3 + with: + name: torchtext-py${{ matrix.py_vers }}-macos11-m1 + path: dist/ + - name: Upload wheel to S3 + if: ${{ github.event_name == 'push' && steps.extract_branch.outputs.branch == 'nightly' }} + shell: arch -arch arm64 bash {0} + env: + AWS_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} + AWS_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} + CHANNEL: nightly + run: | + for pkg in dist/*; do + aws s3 cp "$pkg" "s3://pytorch/whl/${CHANNEL}/cpu/" --acl public-read + done diff --git a/packaging/build_conda.sh b/packaging/build_conda.sh index 5160353dac..98fc8b9183 100755 --- a/packaging/build_conda.sh +++ b/packaging/build_conda.sh @@ -6,7 +6,7 @@ script_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" export BUILD_TYPE="conda" export NO_CUDA_PACKAGE=1 -setup_env 0.13.0 +setup_env export SOURCE_ROOT_DIR="$PWD" setup_conda_pytorch_constraint setup_visual_studio_constraint diff --git a/packaging/build_wheel.sh b/packaging/build_wheel.sh index 6debf63766..9882cb1b25 100755 --- a/packaging/build_wheel.sh +++ b/packaging/build_wheel.sh @@ -6,7 +6,7 @@ script_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" export BUILD_TYPE="wheel" export NO_CUDA_PACKAGE=1 -setup_env 0.13.0 +setup_env setup_wheel_python pip_install numpy future cmake>=3.18.0 ninja setup_pip_pytorch_version diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 045f7e3cfb..cd92ab12e1 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -85,13 +85,18 @@ setup_cuda() { # BUILD_VERSION (e.g., 0.2.0.dev20190807+cpu) # # Fill BUILD_VERSION if it doesn't exist already with a nightly string -# Usage: setup_build_version 0.2.0 +# Usage: setup_build_version setup_build_version() { if [[ -z "$BUILD_VERSION" ]]; then - export BUILD_VERSION="$1.dev$(date "+%Y%m%d")$VERSION_SUFFIX" + SCRIPT_DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" + # version.txt for some reason has `a` character after major.minor.rev + # command below yields 0.10.0 from version.txt containing 0.10.0a0 + _VERSION_BASE=$( cut -f 1 -d a "$SCRIPT_DIR/../version.txt" ) + BUILD_VERSION="$_VERSION_BASE.dev$(date "+%Y%m%d")$VERSION_SUFFIX" else - export BUILD_VERSION="$BUILD_VERSION$VERSION_SUFFIX" + BUILD_VERSION="$BUILD_VERSION$VERSION_SUFFIX" fi + export BUILD_VERSION } # Set some useful variables for OS X, if applicable @@ -103,10 +108,10 @@ setup_macos() { # Top-level entry point for things every package will need to do # -# Usage: setup_env 0.2.0 +# Usage: setup_env setup_env() { setup_cuda - setup_build_version "$1" + setup_build_version setup_macos } From e2fa8d80004be2d39fadd706ed7a51d8d0006599 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Fri, 10 Jun 2022 17:30:30 -0400 Subject: [PATCH 255/463] Add m1 tagged build for torchtext (#1776) * Add m1 tagged build for torchtext * Remove default chanell * prettier --- .github/workflows/build-m1-binaries.yml | 33 ++++++++++++++++++++----- packaging/pkg_helpers.bash | 25 +++++++++++++++---- 2 files changed, 47 insertions(+), 11 deletions(-) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index 27254c4ceb..defc0a0dba 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -6,7 +6,13 @@ on: push: branches: - nightly + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: +env: + CHANNEL: "nightly" jobs: build_wheels: name: "Build TorchText M1 wheels" @@ -17,6 +23,13 @@ jobs: steps: - name: Checkout repository uses: actions/checkout@v2 + - name: Set CHANNEL (only for tagged pushes) + if: ${{ github.event_name == 'push' && startsWith(github.event.ref, 'refs/tags/') }} + run: | + # reference ends with an RC suffix + if [[ ${GITHUB_REF_NAME} = *-rc[0-9]* ]]; then + echo "CHANNEL=test" >> "$GITHUB_ENV" + fi - name: Build TorchText M1 wheel shell: arch -arch arm64 bash {0} env: @@ -27,11 +40,16 @@ jobs: . ~/miniconda3/etc/profile.d/conda.sh set -ex . packaging/pkg_helpers.bash - setup_build_version + # if we are uploading to test channell, our version consist only of the base: 0.x.x - no date string or suffix added + if [[ $CHANNEL == "test" ]]; then + setup_base_build_version + else + setup_build_version + fi git submodule update --init --recursive WHL_NAME=torchtext-${BUILD_VERSION}-cp${PY_VERS/.}-cp${PY_VERS/.}-macosx_11_0_arm64.whl conda create -yp ${ENV_NAME} python=${PY_VERS} numpy cmake ninja wheel pkg-config - conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/nightly + conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/${CHANNEL} conda run -p ${ENV_NAME} python3 -mpip install delocate conda run -p ${ENV_NAME} python3 setup.py bdist_wheel export PYTORCH_VERSION="$(conda run -p ${ENV_NAME} python3 -mpip show torch | grep ^Version: | sed 's/Version: *//')" @@ -46,24 +64,27 @@ jobs: . ~/miniconda3/etc/profile.d/conda.sh set -ex conda create -yp ${ENV_NAME} python=${PY_VERS} numpy - conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/nightly + conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/${CHANNEL} conda run -p ${ENV_NAME} python3 -mpip install dist/*.whl # Test torch is importable, by changing cwd and running import commands conda run --cwd /tmp -p ${ENV_NAME} python3 -c "import torchtext;print('torchtext version is ', torchtext.__version__)" conda env remove -p ${ENV_NAME} - name: Upload wheel to GitHub - if: ${{ github.event_name == 'push' && steps.extract_branch.outputs.branch == 'nightly' }} + if: + ${{ github.event_name == 'push' && (github.event.ref == 'ref/heads/nightly' || startsWith(github.event.ref, + 'refs/tags/')) }} uses: actions/upload-artifact@v3 with: name: torchtext-py${{ matrix.py_vers }}-macos11-m1 path: dist/ - name: Upload wheel to S3 - if: ${{ github.event_name == 'push' && steps.extract_branch.outputs.branch == 'nightly' }} + if: + ${{ github.event_name == 'push' && (github.event.ref == 'ref/heads/nightly' || startsWith(github.event.ref, + 'refs/tags/')) }} shell: arch -arch arm64 bash {0} env: AWS_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} AWS_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} - CHANNEL: nightly run: | for pkg in dist/*; do aws s3 cp "$pkg" "s3://pytorch/whl/${CHANNEL}/cpu/" --acl public-read diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index cd92ab12e1..0d9848b15b 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -88,17 +88,32 @@ setup_cuda() { # Usage: setup_build_version setup_build_version() { if [[ -z "$BUILD_VERSION" ]]; then - SCRIPT_DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" - # version.txt for some reason has `a` character after major.minor.rev - # command below yields 0.10.0 from version.txt containing 0.10.0a0 - _VERSION_BASE=$( cut -f 1 -d a "$SCRIPT_DIR/../version.txt" ) - BUILD_VERSION="$_VERSION_BASE.dev$(date "+%Y%m%d")$VERSION_SUFFIX" + if [[ -z "$1" ]]; then + setup_base_build_version + else + BUILD_VERSION="$1" + fi + BUILD_VERSION="$BUILD_VERSION.dev$(date "+%Y%m%d")$VERSION_SUFFIX" else BUILD_VERSION="$BUILD_VERSION$VERSION_SUFFIX" fi + + # Set build version based on tag if on tag + if [[ -n "${CIRCLE_TAG}" ]]; then + # Strip tag + BUILD_VERSION="$(echo "${CIRCLE_TAG}" | sed -e 's/^v//' -e 's/-.*$//')${VERSION_SUFFIX}" + fi + export BUILD_VERSION } +setup_base_build_version() { + SCRIPT_DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" + # version.txt for some reason has `a` character after major.minor.rev + # command below yields 0.10.0 from version.txt containing 0.10.0a0 + BUILD_VERSION=$( cut -f 1 -d a "$SCRIPT_DIR/../version.txt" ) + export BUILD_VERSION +} # Set some useful variables for OS X, if applicable setup_macos() { if [[ "$(uname)" == Darwin ]]; then From d616f0763d6beebef3a36d854243d8ad24afdec5 Mon Sep 17 00:00:00 2001 From: ProGamerGov Date: Mon, 13 Jun 2022 11:46:46 -0600 Subject: [PATCH 256/463] Add missing type hints (#1782) * Add missing type hints * Fix lint error --- test/data/test_functional.py | 2 +- torchtext/data/functional.py | 2 +- torchtext/data/utils.py | 2 +- torchtext/experimental/transforms.py | 10 +++++----- torchtext/experimental/vectors.py | 2 +- torchtext/models/roberta/model.py | 8 +++++--- torchtext/models/roberta/modules.py | 6 +++--- torchtext/nn/modules/multiheadattention.py | 6 +++--- torchtext/transforms.py | 16 ++++++++-------- torchtext/vocab/vectors.py | 8 ++++---- torchtext/vocab/vocab.py | 2 +- 11 files changed, 33 insertions(+), 31 deletions(-) diff --git a/test/data/test_functional.py b/test/data/test_functional.py index 4ae17f22b6..26d8928891 100644 --- a/test/data/test_functional.py +++ b/test/data/test_functional.py @@ -125,7 +125,7 @@ def test_simple_space_split(self): class ScriptableSP(torch.jit.ScriptModule): - def __init__(self, model_path): + def __init__(self, model_path) -> None: super().__init__() self.spm = load_sp_model(model_path) diff --git a/torchtext/data/functional.py b/torchtext/data/functional.py index 35f854d4f6..7806595e67 100644 --- a/torchtext/data/functional.py +++ b/torchtext/data/functional.py @@ -295,7 +295,7 @@ def to_map_style_dataset(iter_data): # Inner class to convert iterable-style to map-style dataset class _MapStyleDataset(torch.utils.data.Dataset): - def __init__(self, iter_data): + def __init__(self, iter_data) -> None: # TODO Avoid list issue #1296 self._data = list(iter_data) diff --git a/torchtext/data/utils.py b/torchtext/data/utils.py index 91ae336372..a1b53ab559 100644 --- a/torchtext/data/utils.py +++ b/torchtext/data/utils.py @@ -232,7 +232,7 @@ class RandomShuffler(object): """Use random functions while keeping track of the random state to make it reproducible and deterministic.""" - def __init__(self, random_state=None): + def __init__(self, random_state=None) -> None: self._random_state = random_state if self._random_state is None: self._random_state = random.getstate() diff --git a/torchtext/experimental/transforms.py b/torchtext/experimental/transforms.py index 25e3fd71a5..f837894e92 100644 --- a/torchtext/experimental/transforms.py +++ b/torchtext/experimental/transforms.py @@ -78,7 +78,7 @@ class BasicEnglishNormalize(nn.Module): regex_tokenizer (torch.classes.torchtext.RegexTokenizer or torchtext._torchtext.RegexTokenizer): a cpp regex tokenizer object. """ - def __init__(self, regex_tokenizer): + def __init__(self, regex_tokenizer) -> None: super(BasicEnglishNormalize, self).__init__() self.regex_tokenizer = regex_tokenizer @@ -185,7 +185,7 @@ class SentencePieceTokenizer(nn.Module): spm_model: the sentencepiece model instance """ - def __init__(self, spm_model): + def __init__(self, spm_model) -> None: super(SentencePieceTokenizer, self).__init__() self.sp_model = spm_model @@ -245,7 +245,7 @@ class SentencePieceProcessor(nn.Module): spm_model: the sentencepiece model instance """ - def __init__(self, spm_model): + def __init__(self, spm_model) -> None: super(SentencePieceProcessor, self).__init__() self.sp_model = spm_model @@ -293,7 +293,7 @@ class VocabTransform(nn.Module): >>> jit_vocab_transform = torch.jit.script(vocab_transform) """ - def __init__(self, vocab): + def __init__(self, vocab) -> None: super(VocabTransform, self).__init__() self.vocab = vocab @@ -324,7 +324,7 @@ class VectorTransform(nn.Module): >>> jit_vector_transform = torch.jit.script(vector_transform) """ - def __init__(self, vector): + def __init__(self, vector) -> None: super(VectorTransform, self).__init__() self.vector = vector diff --git a/torchtext/experimental/vectors.py b/torchtext/experimental/vectors.py index 36d8e8513c..361435f43d 100644 --- a/torchtext/experimental/vectors.py +++ b/torchtext/experimental/vectors.py @@ -207,7 +207,7 @@ class Vectors(nn.Module): vectors (torch.classes.torchtext.Vectors or torchtext._torchtext.Vectors): a cpp vectors object. """ - def __init__(self, vectors): + def __init__(self, vectors) -> None: super(Vectors, self).__init__() self.vectors = vectors diff --git a/torchtext/models/roberta/model.py b/torchtext/models/roberta/model.py index 4b761a68e2..5aaa924998 100644 --- a/torchtext/models/roberta/model.py +++ b/torchtext/models/roberta/model.py @@ -41,7 +41,7 @@ def __init__( scaling: Optional[float] = None, normalize_before: bool = False, freeze: bool = False, - ): + ) -> None: super().__init__() if not scaling: head_dim = embedding_dim // num_attention_heads @@ -79,7 +79,7 @@ def forward(self, tokens: Tensor, masked_tokens: Optional[Tensor] = None) -> Ten class RobertaClassificationHead(nn.Module): def __init__( self, num_classes, input_dim, inner_dim: Optional[int] = None, dropout: float = 0.1, activation=nn.ReLU - ): + ) -> None: super().__init__() if not inner_dim: inner_dim = input_dim @@ -109,7 +109,9 @@ class RobertaModel(Module): >>> classifier = RobertaModel(config=roberta_encoder_conf, head=classifier_head) """ - def __init__(self, encoder_conf: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False): + def __init__( + self, encoder_conf: RobertaEncoderConf, head: Optional[Module] = None, freeze_encoder: bool = False + ) -> None: super().__init__() assert isinstance(encoder_conf, RobertaEncoderConf) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 4bbd2a60a8..ff5ad96f98 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -9,7 +9,7 @@ class PositionalEmbedding(Module): - def __init__(self, num_embeddings: int, embedding_dim: int, pad_index: int): + def __init__(self, num_embeddings: int, embedding_dim: int, pad_index: int) -> None: super().__init__() self.embedding = nn.Embedding(num_embeddings, embedding_dim, pad_index) self.pad_index = pad_index @@ -38,7 +38,7 @@ def __init__( dropout: float = 0.1, normalize_before: bool = False, scaling: Optional[float] = None, - ): + ) -> None: super().__init__() # TODO Manually setting scaling is not allowed ffn_dimension = ffn_dimension or embedding_dim * 4 @@ -106,7 +106,7 @@ def __init__( normalize_before: bool = False, scaling: Optional[float] = None, return_all_layers: bool = False, - ): + ) -> None: super().__init__() self.padding_idx = padding_idx self.token_embedding = nn.Embedding(vocab_size, embedding_dim, padding_idx) diff --git a/torchtext/nn/modules/multiheadattention.py b/torchtext/nn/modules/multiheadattention.py index 6b96edc885..6396ddc813 100644 --- a/torchtext/nn/modules/multiheadattention.py +++ b/torchtext/nn/modules/multiheadattention.py @@ -4,7 +4,7 @@ class MultiheadAttentionContainer(torch.nn.Module): - def __init__(self, nhead, in_proj_container, attention_layer, out_proj, batch_first=False): + def __init__(self, nhead, in_proj_container, attention_layer, out_proj, batch_first=False) -> None: r"""A multi-head attention container Args: @@ -119,7 +119,7 @@ def forward( class ScaledDotProduct(torch.nn.Module): - def __init__(self, dropout=0.0, batch_first=False): + def __init__(self, dropout=0.0, batch_first=False) -> None: r"""Processes a projected query and key-value pair to apply scaled dot product attention. @@ -236,7 +236,7 @@ def forward( class InProjContainer(torch.nn.Module): - def __init__(self, query_proj, key_proj, value_proj): + def __init__(self, query_proj, key_proj, value_proj) -> None: r"""A in-proj container to project query/key/value in MultiheadAttention. This module happens before reshaping the projected query/key/value into multiple heads. See the linear layers (bottom) of Multi-head Attention in Fig 2 of Attention Is All You Need paper. Also check the usage example diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 6c7f011660..df772ef62a 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -49,7 +49,7 @@ class SentencePieceTokenizer(Module): >>> transform(["hello world", "attention is all you need!"]) """ - def __init__(self, sp_model_path: str): + def __init__(self, sp_model_path: str) -> None: super().__init__() self.sp_model = load_sp_model(get_asset_local_path(sp_model_path)) @@ -87,7 +87,7 @@ class VocabTransform(Module): >>> jit_vocab_transform = torch.jit.script(vocab_transform) """ - def __init__(self, vocab: Vocab): + def __init__(self, vocab: Vocab) -> None: super().__init__() assert isinstance(vocab, Vocab) self.vocab = vocab @@ -151,7 +151,7 @@ def __init__( label_names: Optional[List[str]] = None, label_path: Optional[str] = None, sort_names=False, - ): + ) -> None: assert label_names or label_path, "label_names or label_path is required" assert not (label_names and label_path), "label_names and label_path are mutually exclusive" super().__init__() @@ -238,7 +238,7 @@ class PadTransform(Module): :type pad_value: bool """ - def __init__(self, max_length: int, pad_value: int): + def __init__(self, max_length: int, pad_value: int) -> None: super().__init__() self.max_length = max_length self.pad_value = float(pad_value) @@ -260,7 +260,7 @@ def forward(self, x: Tensor) -> Tensor: class StrToIntTransform(Module): """Convert string tokens to integers (either single sequence or batch).""" - def __init__(self): + def __init__(self) -> None: super().__init__() def forward(self, input: Any) -> Any: @@ -291,7 +291,7 @@ class GPT2BPETokenizer(Module): __jit_unused_properties__ = ["is_jitable"] _seperator: torch.jit.Final[str] - def __init__(self, encoder_json_path: str, vocab_bpe_path: str, return_tokens: bool = False): + def __init__(self, encoder_json_path: str, vocab_bpe_path: str, return_tokens: bool = False) -> None: super().__init__() self._seperator = "\u0001" # load bpe encoder and bpe decoder @@ -425,7 +425,7 @@ def __init__( encoder_json_path: Optional[str] = None, num_merges: Optional[int] = None, return_tokens: bool = False, - ): + ) -> None: super().__init__() self._seperator = "\u0001" # load bpe merges @@ -679,7 +679,7 @@ class RegexTokenizer(Module): >>> tokens = jit_reg_tokenizer(test_sample) """ - def __init__(self, patterns_list): + def __init__(self, patterns_list) -> None: super(RegexTokenizer, self).__init__() patterns = [pair[0] for pair in patterns_list] replacements = [pair[1] for pair in patterns_list] diff --git a/torchtext/vocab/vectors.py b/torchtext/vocab/vectors.py index c3c60be1d0..a2e5299f94 100644 --- a/torchtext/vocab/vectors.py +++ b/torchtext/vocab/vectors.py @@ -32,7 +32,7 @@ def _infer_shape(f): class Vectors(object): - def __init__(self, name, cache=None, url=None, unk_init=None, max_vectors=None): + def __init__(self, name, cache=None, url=None, unk_init=None, max_vectors=None) -> None: """ Args: @@ -214,7 +214,7 @@ class GloVe(Vectors): "6B": "http://nlp.stanford.edu/data/glove.6B.zip", } - def __init__(self, name="840B", dim=300, **kwargs): + def __init__(self, name="840B", dim=300, **kwargs) -> None: url = self.url[name] name = "glove.{}.{}d.txt".format(name, str(dim)) super(GloVe, self).__init__(name, url=url, **kwargs) @@ -224,7 +224,7 @@ class FastText(Vectors): url_base = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec" - def __init__(self, language="en", **kwargs): + def __init__(self, language="en", **kwargs) -> None: url = self.url_base.format(language) name = os.path.basename(url) super(FastText, self).__init__(name, url=url, **kwargs) @@ -235,7 +235,7 @@ class CharNGram(Vectors): name = "charNgram.txt" url = "http://www.logos.t.u-tokyo.ac.jp/~hassy/publications/arxiv2016jmt/" "jmt_pre-trained_embeddings.tar.gz" - def __init__(self, **kwargs): + def __init__(self, **kwargs) -> None: super(CharNGram, self).__init__(self.name, url=self.url, **kwargs) def __getitem__(self, token): diff --git a/torchtext/vocab/vocab.py b/torchtext/vocab/vocab.py index beb4e6542d..d4c8cef411 100755 --- a/torchtext/vocab/vocab.py +++ b/torchtext/vocab/vocab.py @@ -13,7 +13,7 @@ class Vocab(nn.Module): vocab (torch.classes.torchtext.Vocab or torchtext._torchtext.Vocab): a cpp vocab object. """ - def __init__(self, vocab): + def __init__(self, vocab) -> None: super(Vocab, self).__init__() self.vocab = vocab _log_class_usage(__class__) From 4f53eb8193cdcab8c79701d2f1f1b5fb6fefd254 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Mon, 13 Jun 2022 15:44:43 -0400 Subject: [PATCH 257/463] Fix typo in nightly branch ref (#1783) --- .github/workflows/build-m1-binaries.yml | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index defc0a0dba..95ae16a704 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -71,7 +71,7 @@ jobs: conda env remove -p ${ENV_NAME} - name: Upload wheel to GitHub if: - ${{ github.event_name == 'push' && (github.event.ref == 'ref/heads/nightly' || startsWith(github.event.ref, + ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || startsWith(github.event.ref, 'refs/tags/')) }} uses: actions/upload-artifact@v3 with: @@ -79,7 +79,7 @@ jobs: path: dist/ - name: Upload wheel to S3 if: - ${{ github.event_name == 'push' && (github.event.ref == 'ref/heads/nightly' || startsWith(github.event.ref, + ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || startsWith(github.event.ref, 'refs/tags/')) }} shell: arch -arch arm64 bash {0} env: From c4d379ea1f2f7da495c7aaf4dae925287e1b3cc7 Mon Sep 17 00:00:00 2001 From: Sebastian Raschka Date: Tue, 14 Jun 2022 09:44:58 -0400 Subject: [PATCH 258/463] sharing -> sharding (#1787) --- docs/source/datasets.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 8366a41180..06a9fdd3e0 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -42,7 +42,7 @@ torchtext.datasets - All workers (DDP workers *and* DataLoader workers) see a different part of the data. The datasets are already wrapped inside `ShardingFilter `_ - and you may need to call ``dp.apply_sharing(num_shards, shard_id)`` in order to shard the + and you may need to call ``dp.apply_sharding(num_shards, shard_id)`` in order to shard the data across ranks (DDP workers) and DataLoader workers. One way to do this is to create ``worker_init_fn`` that calls ``apply_sharding`` with appropriate number of shards (DDP workers * DataLoader workers) and shard id (inferred through rank From 19dc51c5df0f08d7fae5ca12dd2891616bccdeab Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Tue, 14 Jun 2022 17:41:02 -0400 Subject: [PATCH 259/463] Migrate MaskTransform from internal to experimental/transforms.py (#1775) * Migrate MaskTransform from internal to experimental/transforms.py * Add unit tests for MaskTransform * merge with main * Add numpy to linux environment * Add numpy to windows environment * Adding numpy to conda runtime deps * Changing from mask_mask_thresh to mask_mask_prob which is more intuitive * Reverting changes to submodule * Remove datatype specifications for masktransform instance variables * NIT corrections to test_transforms * Remove numpy dependency * NIT correction * Move mask to same device as tokens Co-authored-by: Nayef Ahmed --- test/experimental/test_transforms.py | 126 ++++++++++++++++++++++- torchtext/experimental/transforms.py | 143 ++++++++++++++++++++++++++- 2 files changed, 267 insertions(+), 2 deletions(-) diff --git a/test/experimental/test_transforms.py b/test/experimental/test_transforms.py index ea22ec784e..b609a6ef1a 100644 --- a/test/experimental/test_transforms.py +++ b/test/experimental/test_transforms.py @@ -1,13 +1,21 @@ import os import shutil import tempfile +from unittest.mock import patch import torch from test.common.assets import get_asset_path from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.experimental.transforms import sentencepiece_processor, sentencepiece_tokenizer, VectorTransform +from torchtext.experimental.transforms import ( + sentencepiece_processor, + sentencepiece_tokenizer, + VectorTransform, + MaskTransform, +) from torchtext.experimental.vectors import FastText +from ..common.parameterized_utils import nested_params + class TestTransforms(TorchtextTestCase): def test_sentencepiece_processor(self): @@ -132,3 +140,119 @@ def test_sentencepiece_load_and_save(self): torch.save(spm, save_path) loaded_spm = torch.load(save_path) self.assertEqual(expected, loaded_spm(input)) + + +class TestMaskTransform(TorchtextTestCase): + + """ + Testing under these assumed conditions: + + Vocab maps the following tokens to the following ids: + ['a', 'b', 'c', 'd', '[PAD]', '[MASK]', '[BOS]'] -> [0, 1, 2, 3, 4, 5, 6] + + The sample token sequences are: + [["[BOS]", "a", "b", "c", "d"], + ["[BOS]", "a", "b", "[PAD]", "[PAD]"]] + """ + + sample_token_ids = torch.tensor([[6, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) + + vocab_len = 7 + pad_idx = 4 + mask_idx = 5 + bos_idx = 6 + + @nested_params([0.0, 1.0]) + def test_mask_transform_probs(self, test_mask_prob): + + # We pass (vocab_len - 1) into MaskTransform to test masking with a random token. + # This modifies the distribution from which token ids are randomly selected such that the + # largest token id availible for selection is 1 less than the actual largest token id in our + # vocab, which we've assigned to the [BOS] token. This allows us to test random replacement + # by ensuring that when the first token ([BOS]) in the first sample sequence is selected for random replacement, + # we know with certainty the token it is replaced with is different from the [BOS] token. + # In practice, however, the actual vocab length should be provided as the input parameter so that random + # replacement selects from all possible tokens in the vocab. + mask_transform = MaskTransform( + self.vocab_len - 1, self.mask_idx, self.bos_idx, self.pad_idx, mask_bos=False, mask_prob=test_mask_prob + ) + + # when mask_prob = 0, we expect the first token of the first sample sequence to be chosen for replacement + if test_mask_prob == 0.0: + + # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + self.assertEqual(self.sample_token_ids, masked_tokens) + + # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement to be + # changed to a random token_id + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 1.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + + # first token in first sequence should be different + self.assertNotEqual(masked_tokens[0, 0], self.sample_token_ids[0, 0]) + # replaced token id should still be in vocab, not including [BOS] + assert masked_tokens[0, 0] in range(self.vocab_len - 1) + + # all other tokens except for first token of first sequence should remain the same + self.assertEqual(self.sample_token_ids[0, 1:], masked_tokens[0, 1:]) + self.assertEqual(self.sample_token_ids[1], masked_tokens[1]) + + # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + exp_tokens = torch.tensor([[5, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) + self.assertEqual(exp_tokens, masked_tokens) + + # when mask_prob = 1, we expect all tokens that are not [BOS] or [PAD] to be chosen for replacement + # (under the default condition that mask_transform.mask_bos=False) + if test_mask_prob == 1.0: + + # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + self.assertEqual(self.sample_token_ids, masked_tokens) + + # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement + # to be changed to random token_ids. It is possible that the randomly selected token id is the same + # as the original token id, however we know deterministically that [BOS] and [PAD] tokens + # in the sequences will remain unchanged. + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 1.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + self.assertEqual(masked_tokens[:, 0], 6 * torch.ones_like(masked_tokens[:, 0])) + self.assertEqual(masked_tokens[1, 3:], 4 * torch.ones_like(masked_tokens[1, 3:])) + + # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + exp_tokens = torch.tensor([[6, 5, 5, 5, 5], [6, 5, 5, 4, 4]]) + self.assertEqual(exp_tokens, masked_tokens) + + def test_mask_transform_mask_bos(self): + # MaskTransform has boolean parameter mask_bos to indicate whether or not [BOS] tokens + # should be eligible for replacement. The above tests of MaskTransform are under default value + # mask_bos = False. Here we test the case where mask_bos = True + mask_transform = MaskTransform( + self.vocab_len - 1, self.mask_idx, self.bos_idx, self.pad_idx, mask_bos=True, mask_prob=1.0 + ) + + # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] + with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + exp_tokens = torch.tensor([[5, 5, 5, 5, 5], [5, 5, 5, 4, 4]]) + self.assertEqual(exp_tokens, masked_tokens) diff --git a/torchtext/experimental/transforms.py b/torchtext/experimental/transforms.py index f837894e92..e11f88fa77 100644 --- a/torchtext/experimental/transforms.py +++ b/torchtext/experimental/transforms.py @@ -1,5 +1,5 @@ import io -from typing import List +from typing import List, Tuple import torch import torch.nn as nn @@ -340,3 +340,144 @@ def forward(self, tokens: List[str]) -> Tensor: """ return self.vector.lookup_vectors(tokens) + + +class MaskTransform(nn.Module): + """ + The transform chooses mask_prob% (example 15%) of the token positions at random for + prediction. + + If the i-th token is chosen, we replace the i-th token with + (1) the [MASK] token 80% of the time + (2) a random token 10% of the time + (3) the unchanged i-th token 10% of the time. + + Args: + vocab_len (int): the length of the vocabulary, including special tokens such as [BOS], [PAD], [MASK] + mask_idx (int): index assigned to mask token in vocabulary + bos_idx (int): index assigned to beginning-of-sequence token in vocabulary + pad_idx (int): index assigned to padding token in vocabulary + mask_bos (bool): indicate whether beginning-of-sequence tokens are eligible for masking (default: False) + mask_prob (float): probability that a token is chosen for replacement (default: 0.15) + + Example: + >>> import torch + >>> from torchtext.experimental.transforms import MaskTransform + >>> sample_tokens = [ + ["[BOS]", "a", "b", "c", "d"], + ["[BOS]", "a", "b", "[PAD]", "[PAD]"] + ] + >>> sample_token_ids = torch.tensor([ + [6, 0, 1, 2, 3], [6, 0, 1, 4, 4] + ]) + >>> mask_transform = MaskTransform( + vocab_len = 7, + mask_idx = 4, + bos_idx = 6, + pad_idx = 5, + mask_bos = False, + mask_prob = 0.15 + ) + >>> masked_tokens, target_tokens, mask = mask_transform(sample_token_ids) + """ + + # maks_mask_prob is prob. of replacing a token with [MASK] (ex. 80%) + mask_mask_prob = 0.8 + + # rand_mask_thresh is prob. of replacing a token with a random token. (ex.10%) + rand_mask_prob = 0.1 + + def __init__( + self, + vocab_len: int, + mask_idx: int, + bos_idx: int, + pad_idx: int, + mask_bos: bool = False, + mask_prob: float = 0.15, + ): + super().__init__() + self.vocab_len = vocab_len + self.mask_idx = mask_idx + self.bos_idx = bos_idx + self.pad_idx = pad_idx + self.mask_prob = mask_prob + self.mask_bos = mask_bos + + def forward(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + """ + Applies mask to input tokens. + + Inputs: + tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] + + Outputs: + masked_tokens: Tensor of tokens after masking has been applied + target_tokens: Tensor of token values selected for masking + mask: Tensor with same shape as input tokens (batch_size x seq_len) + with masked tokens represented by a 1 and everything else as 0. + """ + # tokens, mask, mask_mask, rand_mask: (T, C) + mask, mask_mask, rand_mask = self._generate_mask(tokens) + + # a. generate the masked input tokens + # (1) the [MASK] token 80% of the time + masked_tokens = self._mask_input(tokens, mask_mask, self.mask_idx) + # (2) a random token 10% of the time + masked_tokens = self._mask_input( + masked_tokens, + rand_mask, + torch.randint_like(tokens, high=self.vocab_len), + ) + + # b. generate the target prediction + target_tokens = torch.masked_select(tokens, mask.bool()) + + # masked_tokens: (T, C), target_tokens: (T x C x mask_prob, ), mask + return masked_tokens, target_tokens, mask + + def _random_masking(self, tokens: torch.tensor, mask_prob: float) -> torch.Tensor: + """ + Function to mask tokens randomly. + + Inputs: + 1) tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] + 2) mask_prob: Probability of masking a particular token + + Outputs: + mask: Tensor with same shape as input tokens (batch_size x seq_len) + with masked tokens represented by a 1 and everything else as 0. + """ + batch_size, seq_len = tokens.size() + num_masked_per_seq = int(seq_len * mask_prob) + + mask = torch.zeros((batch_size, seq_len), dtype=torch.int).to(tokens.device) + mask[:, :num_masked_per_seq] = 1 + for i in range(batch_size): + mask[i] = mask[i, torch.randperm(seq_len)] + + return mask + + def _select_tokens_to_mask(self, tokens: torch.Tensor, mask_prob: float) -> torch.Tensor: + mask = self._random_masking(tokens, mask_prob) + if not self.mask_bos: + mask *= (tokens != self.bos_idx).long() + return mask + + def _generate_mask(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + # chooses mask_prob% of the token positions at random + mask = self._select_tokens_to_mask(tokens, self.mask_prob) + # not mask the pad token + mask *= (tokens != self.pad_idx).long() + # keep one masked token to avoid failure in the loss calculation. + mask[0, 0] = 1 if not mask.byte().any() else mask[0, 0] + + probs = torch.rand_like(tokens, dtype=torch.float) + # (1) the [MASK] token 80% of the time + mask_mask = (probs >= (1 - self.mask_mask_prob)).long() * mask + # (2) a random token 10% of the time + rand_mask = (probs < self.rand_mask_prob).long() * mask + return mask, mask_mask, rand_mask + + def _mask_input(self, tokens: torch.Tensor, mask: torch.Tensor, replacement) -> torch.Tensor: + return tokens * (1 - mask) + replacement * mask From 5b04e74f01e628b27250577023e7206bbb7c0234 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 14 Jun 2022 21:06:07 -0400 Subject: [PATCH 260/463] Making sure we build correctly against release branch (#1790) * Making sure we build correctly against release branch * prettier --- .github/workflows/build-m1-binaries.yml | 7 +++++++ 1 file changed, 7 insertions(+) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index 95ae16a704..c7e9fc9a0e 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -6,6 +6,7 @@ on: push: branches: - nightly + - release/* tags: # NOTE: Binary build pipelines should only get triggered on release candidate builds # Release candidate tags look like: v1.11.0-rc1 @@ -30,6 +31,12 @@ jobs: if [[ ${GITHUB_REF_NAME} = *-rc[0-9]* ]]; then echo "CHANNEL=test" >> "$GITHUB_ENV" fi + - name: Set Release CHANNEL (for release) + if: + ${{ (github.event_name == 'pull_request' && startsWith(github.base_ref, 'release')) || startsWith(github.ref, + 'release') }} + run: | + echo "CHANNEL=test" >> "$GITHUB_ENV" - name: Build TorchText M1 wheel shell: arch -arch arm64 bash {0} env: From 8b355998720255823860b720c1238563c177119e Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 15 Jun 2022 11:41:38 -0400 Subject: [PATCH 261/463] Fix push on release reference name (#1792) --- .github/workflows/build-m1-binaries.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index c7e9fc9a0e..d0b8f490e9 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -34,7 +34,7 @@ jobs: - name: Set Release CHANNEL (for release) if: ${{ (github.event_name == 'pull_request' && startsWith(github.base_ref, 'release')) || startsWith(github.ref, - 'release') }} + 'refs/heads/release') }} run: | echo "CHANNEL=test" >> "$GITHUB_ENV" - name: Build TorchText M1 wheel From a54be1f3a7ac534509ac9c066a1b35127936dd77 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Fri, 17 Jun 2022 13:10:04 -0400 Subject: [PATCH 262/463] Adding the conda builds for m1 (#1794) * Adding the conda builds for m1 * Fix alignment * Don't use mkl on arm64 * prettier --- .github/workflows/build-m1-binaries.yml | 72 +++++++++++++++++++++++++ packaging/pkg_helpers.bash | 7 ++- 2 files changed, 77 insertions(+), 2 deletions(-) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index d0b8f490e9..cb95325d0a 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -96,3 +96,75 @@ jobs: for pkg in dist/*; do aws s3 cp "$pkg" "s3://pytorch/whl/${CHANNEL}/cpu/" --acl public-read done + build_conda: + name: "Build TorchText M1 conda packages" + runs-on: macos-m1 + strategy: + matrix: + py_vers: ["3.8", "3.9", "3.10"] + steps: + - name: Checkout repository + uses: actions/checkout@v2 + - name: Set CHANNEL (only for tagged pushes) + if: ${{ github.event_name == 'push' && startsWith(github.event.ref, 'refs/tags/') }} + run: | + # reference ends with an RC suffix + if [[ ${GITHUB_REF_NAME} = *-rc[0-9]* ]]; then + echo "CHANNEL=test" >> "$GITHUB_ENV" + fi + - name: Set CHANNEL Release (for release) + if: + ${{ (github.event_name == 'pull_request' && startsWith(github.base_ref, 'release')) || startsWith(github.ref, + 'refs/heads/release') }} + run: | + echo "CHANNEL=test" >> "$GITHUB_ENV" + - name: Install conda-build and purge previous artifacts + shell: arch -arch arm64 bash {0} + run: | + . ~/miniconda3/etc/profile.d/conda.sh + conda install -yq conda-build + conda build purge-all + + - name: Build TorchText M1 conda package + shell: arch -arch arm64 bash {0} + env: + ENV_NAME: conda-env-${{ github.run_id }} + PYTHON_VERSION: ${{ matrix.py_vers }} + CU_VERSION: cpu + run: | + . ~/miniconda3/etc/profile.d/conda.sh + set -ex + . packaging/pkg_helpers.bash + + if [[ $CHANNEL == "test" ]]; then + setup_base_build_version + export CONDA_CHANNEL_FLAGS="-c pytorch-test" + else + setup_build_version + fi + export BUILD_TYPE="conda" + export NO_CUDA_PACKAGE=1 + export SOURCE_ROOT_DIR="$PWD" + + setup_conda_pytorch_constraint + export SOURCE_ROOT_DIR=$(pwd) + conda build -c defaults $CONDA_CHANNEL_FLAGS --no-anaconda-upload --python "$PYTHON_VERSION" packaging/torchtext + mkdir -p dist + cp ~/miniconda3/conda-bld/osx-arm64/*.tar.bz2 dist/ + - name: Upload package to GitHub + uses: actions/upload-artifact@v3 + with: + name: torchtext-py${{ matrix.py_vers }}-macos11-m1-conda + path: dist/ + - name: Upload package to conda + if: + ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || startsWith(github.event.ref, + 'refs/tags/')) }} + shell: arch -arch arm64 bash {0} + env: + CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} + run: | + . ~/miniconda3/etc/profile.d/conda.sh + conda install -yq anaconda-client + set -x + anaconda -t "${CONDA_PYTORCHBOT_TOKEN}" upload ~/miniconda3/conda-bld/osx-arm64/*.tar.bz2 -u "pytorch-${CHANNEL}" --label main --no-progress --force diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 0d9848b15b..480d0ec324 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -214,8 +214,11 @@ setup_conda_pytorch_constraint() { fi # TODO: Remove me later, see https://github.com/pytorch/pytorch/issues/62424 for more details if [[ "$(uname)" == Darwin ]]; then - # Use less than equal to avoid version conflict in python=3.6 environment - export CONDA_EXTRA_BUILD_CONSTRAINT="- mkl<=2021.2.0" + arch_name="$(uname -m)" + if [ "${arch_name}" != "arm64" ]; then + # Use less than equal to avoid version conflict in python=3.6 environment + export CONDA_EXTRA_BUILD_CONSTRAINT="- mkl<=2021.2.0" + fi fi } From 5f48259762aeb739e7d754dc12b868cdc66cc7ad Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 17 Jun 2022 17:25:43 -0400 Subject: [PATCH 263/463] Add benchmark for roberta prepoc pipelines (#1684) --- benchmark/benchmark_roberta_pipeline.py | 87 +++++++++++++++++++++ examples/data_pipeline/roberta_dataframe.py | 78 ++++++++++++++++-- examples/data_pipeline/roberta_datapipe.py | 4 +- 3 files changed, 160 insertions(+), 9 deletions(-) create mode 100644 benchmark/benchmark_roberta_pipeline.py diff --git a/benchmark/benchmark_roberta_pipeline.py b/benchmark/benchmark_roberta_pipeline.py new file mode 100644 index 0000000000..7c1db211f4 --- /dev/null +++ b/benchmark/benchmark_roberta_pipeline.py @@ -0,0 +1,87 @@ +import os, sys +from argparse import ArgumentParser +from functools import partial + +import torcharrow.pytorch as tap +import torchtext.functional as F +from benchmark.utils import Timer +from torchtext.datasets import DATASETS + +sys.path.append(os.path.join(os.path.dirname(os.path.realpath(__file__)), "../examples")) +from data_pipeline.roberta_dataframe import RobertaTransformDataFrameNativeOps, RobertaTransformDataFrameUDF +from data_pipeline.roberta_datapipe import RobertaTransformDataPipe + + +def benchmark_roberta_datapipe(args): + print("********Running Benchmark using DataPipes**************\n") + batch_size = args.batch_size + dataset_name = args.dataset_name + columns = args.columns + + # Instantiate transform + with Timer("Initialize Roberta Transform (for datapipe)"): + transform = RobertaTransformDataPipe() + + with Timer("Initialize Pipeline"): + # Create SST2 datapipe and apply pre-processing + train_dp = DATASETS[dataset_name](split="train") + train_dp = train_dp.batch(batch_size).rows2columnar(columns) + + # Apply text pre-processing + train_dp = train_dp.map(transform) + + # convert to Tensor + train_dp = train_dp.map(partial(F.to_tensor, padding_value=1), input_col="tokens") + train_dp = train_dp.map(F.to_tensor, input_col="label") + + with Timer("Execute Pipeline"): + list(train_dp) + + +def benchmark_roberta_dataframe(args, native_ops): + print("****************Running Benchmark using TorchArrow Dataframes*********************\n") + batch_size = args.batch_size + dataset_name = args.dataset_name + columns = args.columns + + if native_ops: + append_text = "as native ops" + else: + append_text = "as UDF" + + # Instantiate transform + with Timer("Initialize Roberta Transform (for DataFrame) {}".format(append_text)): + if native_ops: + transform = RobertaTransformDataFrameNativeOps() + else: + transform = RobertaTransformDataFrameUDF() + + with Timer("Initialize Pipeline"): + # Create SST2 datapipe and apply pre-processing + train_dp = DATASETS[dataset_name](split="train") + + # convert to DataFrame of size batches + # TODO: Figure out how to create DataFrame of larger size and create smaller batches + train_dp = train_dp.dataframe(columns=columns, dataframe_size=batch_size) + + # Apply transformation on DataFrame + train_dp = train_dp.map(transform) + + # Remove not required columns + train_dp = train_dp.map(lambda x: x.drop(["text"])) + + # convert DataFrame to tensor (This will yield named tuple) + train_dp = train_dp.map(lambda x: x.to_tensor({"tokens": tap.PadSequence(padding_value=1)})) + + with Timer("Execute Pipeline"): + list(train_dp) + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--batch-size", default=32, type=int) + parser.add_argument("--dataset-name", default="SST2", type=str) + parser.add_argument("--columns", default=["text", "label"], nargs="+") + benchmark_roberta_datapipe(parser.parse_args()) + benchmark_roberta_dataframe(parser.parse_args(), native_ops=False) + benchmark_roberta_dataframe(parser.parse_args(), native_ops=True) diff --git a/examples/data_pipeline/roberta_dataframe.py b/examples/data_pipeline/roberta_dataframe.py index a2668ea814..60e3dfb262 100644 --- a/examples/data_pipeline/roberta_dataframe.py +++ b/examples/data_pipeline/roberta_dataframe.py @@ -1,16 +1,75 @@ +import json from argparse import ArgumentParser +import torch import torcharrow as ta +import torcharrow._torcharrow as _ta import torcharrow.dtypes as dt import torcharrow.pytorch as tap import torchtext.transforms as T from torch.hub import load_state_dict_from_url from torch.nn import Module from torch.utils.data import DataLoader +from torcharrow import functional as ta_F from torchtext.datasets import SST2 +from torchtext.utils import get_asset_local_path -class RobertaTransform(Module): +def init_ta_gpt2bpe_encoder(): + encoder_json_path = "https://download.pytorch.org/models/text/gpt2_bpe_encoder.json" + vocab_bpe_path = "https://download.pytorch.org/models/text/gpt2_bpe_vocab.bpe" + + encoder_json_path = get_asset_local_path(encoder_json_path) + vocab_bpe_path = get_asset_local_path(vocab_bpe_path) + _seperator = "\u0001" + + # load bpe encoder and bpe decoder + with open(encoder_json_path, "r", encoding="utf-8") as f: + bpe_encoder = json.load(f) + # load bpe vocab + with open(vocab_bpe_path, "r", encoding="utf-8") as f: + bpe_vocab = f.read() + bpe_merge_ranks = { + _seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) + } + # Caching is enabled in Eager mode + bpe = _ta.GPT2BPEEncoder(bpe_encoder, bpe_merge_ranks, _seperator, T.bytes_to_unicode(), True) + return bpe + + +def init_ta_gpt2bpe_vocab(): + vocab_path = "https://download.pytorch.org/models/text/roberta.vocab.pt" + vocab_path = get_asset_local_path(vocab_path) + vocab = torch.load(vocab_path) + ta_vocab = _ta.Vocab(vocab.get_itos(), vocab.get_default_index()) + return ta_vocab + + +class RobertaTransformDataFrameNativeOps(Module): + def __init__(self) -> None: + super().__init__() + # Tokenizer to split input text into tokens + self.tokenizer = init_ta_gpt2bpe_encoder() + + # vocabulary converting tokens to IDs + self.vocab = init_ta_gpt2bpe_vocab() + + # Add BOS token to the beginning of sentence + self.add_bos = T.AddToken(token=0, begin=True) + + # Add EOS token to the end of sentence + self.add_eos = T.AddToken(token=2, begin=False) + + def forward(self, input: ta.DataFrame) -> ta.DataFrame: + input["tokens"] = ta_F.bpe_tokenize(self.tokenizer, input["text"]) + input["tokens"] = input["tokens"].list.slice(stop=254) + input["tokens"] = ta_F.lookup_indices(self.vocab, input["tokens"]) + input["tokens"] = input["tokens"].transform(self.add_bos, format="python") + input["tokens"] = input["tokens"].transform(self.add_eos, format="python") + return input + + +class RobertaTransformDataFrameUDF(Module): def __init__(self) -> None: super().__init__() # Instantiate various transforms @@ -31,18 +90,23 @@ def __init__(self) -> None: self.add_eos = T.AddToken(token=2, begin=False) def forward(self, input: ta.DataFrame) -> ta.DataFrame: - input["tokens"] = input["text"].map(self.tokenizer.forward, dtype=dt.List(dt.string)) + input["tokens"] = input["text"].transform(self.tokenizer, dtype=dt.List(dt.string), format="python") input["tokens"] = input["tokens"].list.slice(stop=254) - input["tokens"] = input["tokens"].map(self.vocab, dtype=dt.List(dt.int32)) - input["tokens"] = input["tokens"].map(self.add_bos) - input["tokens"] = input["tokens"].map(self.add_eos) + input["tokens"] = input["tokens"].transform(self.vocab, dtype=dt.List(dt.int32), format="python") + input["tokens"] = input["tokens"].transform(self.add_bos, format="python") + input["tokens"] = input["tokens"].transform(self.add_eos, format="python") return input def main(args): # Instantiate transform - transform = RobertaTransform() + if args.ops_type == "udf": + transform = RobertaTransformDataFrameUDF() + elif args.ops_type == "native": + transform = RobertaTransformDataFrameNativeOps() + else: + raise Exception("Wrong ops type provided. Available options are `udf` and `native`") # Create SST2 datapipe and apply pre-processing train_dp = SST2(split="train") @@ -77,5 +141,5 @@ def main(args): parser = ArgumentParser() parser.add_argument("--batch-size", default=4, type=int) parser.add_argument("--train-steps", default=-1, type=int) - parser.add_argument("--dataframe-size", default=100, type=int) + parser.add_argument("--ops-type", default="udf", choices=["udf", "native"], type=str) main(parser.parse_args()) diff --git a/examples/data_pipeline/roberta_datapipe.py b/examples/data_pipeline/roberta_datapipe.py index 3b1a4ec07a..c9db5e9fe4 100644 --- a/examples/data_pipeline/roberta_datapipe.py +++ b/examples/data_pipeline/roberta_datapipe.py @@ -10,7 +10,7 @@ from torchtext.datasets import SST2 -class RobertaTransform(Module): +class RobertaTransformDataPipe(Module): def __init__(self) -> None: super().__init__() # Instantiate various transforms @@ -42,7 +42,7 @@ def forward(self, input: Dict[str, Any]) -> Dict[str, Any]: def main(args): # Instantiate transform - transform = RobertaTransform() + transform = RobertaTransformDataPipe() # Create SST2 datapipe and apply pre-processing batch_size = args.batch_size From a937288c5e2ece967d3a004f2ed36c4aa4d37104 Mon Sep 17 00:00:00 2001 From: parmeet Date: Tue, 21 Jun 2022 09:33:16 -0400 Subject: [PATCH 264/463] remove padding mask for input embeddings (#1799) --- torchtext/models/roberta/modules.py | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index ff5ad96f98..590502e77b 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -149,10 +149,8 @@ def forward( embedded = self.embedding_layer_norm(embedded) embedded = self.dropout(embedded) - padded_embedded = embedded * (1 - padding_mask.unsqueeze(-1).type_as(embedded)) - if self.return_all_layers: - encoded = padded_embedded + encoded = embedded # B x T x C # Then transpose back to T x B x C states = [encoded.transpose(1, 0)] @@ -167,7 +165,7 @@ def forward( else: # B x T x C # Then transpose back to T x B x C - encoded = self.layers(padded_embedded, src_key_padding_mask=padding_mask).transpose(1, 0) + encoded = self.layers(embedded, src_key_padding_mask=padding_mask).transpose(1, 0) if self.normalize_before: encoded = self.embedding_layer_norm(encoded) return encoded From a6eb3b76abd1d0e7b558872d2529c2965e82d0a1 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Wed, 22 Jun 2022 14:10:42 -0400 Subject: [PATCH 265/463] Add CNN-DM dataset to torchtext (#1789) * Add CNN-DM dataset * Load url_list and stories * Convert cnndm output to datapipes * run pre-commit * Load and filter tar files * pre-commit * Create datapipe to parse out article and abstract * pre-commit run * Turn url list helper functions into datapipes * pre-commit * Add dataset documentation and nit corrections * Implement testing * Remove empty lines * Test split argument * pre-commit * Strip newlines to see if passes windows unittest * Remove print statements * Add more mock examples * Turn parse_cnndm_split datapipe into hiddent fxn applied using map * pre-commit Co-authored-by: Nayef Ahmed --- test/datasets/test_cnndm.py | 100 ++++++++++++++++++++++++ torchtext/data/datasets_utils.py | 52 +++++++++++++ torchtext/datasets/cnndm.py | 129 +++++++++++++++++++++++++++++++ 3 files changed, 281 insertions(+) create mode 100644 test/datasets/test_cnndm.py create mode 100644 torchtext/datasets/cnndm.py diff --git a/test/datasets/test_cnndm.py b/test/datasets/test_cnndm.py new file mode 100644 index 0000000000..224329a376 --- /dev/null +++ b/test/datasets/test_cnndm.py @@ -0,0 +1,100 @@ +import hashlib +import os +import tarfile +from collections import defaultdict +from unittest.mock import patch + +from parameterized import parameterized +from torchtext.datasets.cnndm import CNNDM + +from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode +from ..common.torchtext_test_case import TorchtextTestCase + + +def _get_mock_dataset(root_dir): + """ + root_dir: directory to the mocked dataset + """ + + base_dir = os.path.join(root_dir, "CNNDM") + temp_dataset_dir = os.path.join(base_dir, "temp_dataset_dir") + os.makedirs(temp_dataset_dir, exist_ok=True) + seed = 1 + mocked_data = defaultdict(list) + + for source in ["cnn", "dailymail"]: + source_dir = os.path.join(temp_dataset_dir, source, "stories") + os.makedirs(source_dir, exist_ok=True) + for split in ["train", "val", "test"]: + stories = [] + for i in range(5): + url = "_".join([source, split, str(i)]) + h = hashlib.sha1() + h.update(url.encode()) + filename = h.hexdigest() + ".story" + txt_file = os.path.join(source_dir, filename) + with open(txt_file, "w", encoding=("utf-8")) as f: + article = get_random_unicode(seed) + "." + abstract = get_random_unicode(seed + 1) + "." + dataset_line = (article, abstract) + f.writelines([article, "\n@highlight\n", abstract]) + stories.append((txt_file, dataset_line)) + seed += 2 + + # append stories to correct dataset split, must be in legixographic order of filenames per dataset + stories.sort(key=lambda x: x[0]) + mocked_data[split] += [t[1] for t in stories] + + compressed_dataset_path = os.path.join(base_dir, f"{source}_stories.tgz") + # create zip file from dataset folder + with tarfile.open(compressed_dataset_path, "w:gz") as tar: + tar.add(os.path.join(temp_dataset_dir, source), arcname=source) + + return mocked_data + + +class TestCNNDM(TempDirMixin, TorchtextTestCase): + root_dir = None + samples = [] + + @classmethod + def setUpClass(cls): + super().setUpClass() + cls.root_dir = cls.get_base_temp_dir() + cls.samples = _get_mock_dataset(os.path.join(cls.root_dir, "datasets")) + cls.patcher = patch("torchdata.datapipes.iter.util.cacheholder._hash_check", return_value=True) + cls.patcher.start() + + @classmethod + def tearDownClass(cls): + cls.patcher.stop() + super().tearDownClass() + + def _mock_split_list(split): + story_fnames = [] + for source in ["cnn", "dailymail"]: + for i in range(5): + url = "_".join([source, split, str(i)]) + h = hashlib.sha1() + h.update(url.encode()) + filename = h.hexdigest() + ".story" + story_fnames.append(filename) + + return story_fnames + + @parameterized.expand(["train", "val", "test"]) + @patch("torchtext.datasets.cnndm._get_split_list", _mock_split_list) + def test_cnndm(self, split): + dataset = CNNDM(root=self.root_dir, split=split) + samples = list(dataset) + expected_samples = self.samples[split] + for sample, expected_sample in zip_equal(samples, expected_samples): + self.assertEqual(sample, expected_sample) + + @parameterized.expand(["train", "val", "test"]) + def test_cnndm_split_argument(self, split): + dataset1 = CNNDM(root=self.root_dir, split=split) + (dataset2,) = CNNDM(root=self.root_dir, split=(split,)) + + for d1, d2 in zip_equal(dataset1, dataset2): + self.assertEqual(d1, d2) diff --git a/torchtext/data/datasets_utils.py b/torchtext/data/datasets_utils.py index 0c39751176..2f02a6cb6c 100644 --- a/torchtext/data/datasets_utils.py +++ b/torchtext/data/datasets_utils.py @@ -310,3 +310,55 @@ def __iter__(self): columns[i].append(column) if len(columns) > 0: yield columns + + +@functional_datapipe("parse_cnndm_data") +class _ParseCNNDMData(IterDataPipe): + """Iterable DataPipe to parse the article and abstract from a CNNDM data stream. + Code is inspired from https://github.com/abisee/cnn-dailymail/blob/master/make_datafiles.py""" + + dm_single_close_quote = "\u2019" # unicode + dm_double_close_quote = "\u201d" + # acceptable ways to end a sentence + END_TOKENS = [".", "!", "?", "...", "'", "`", '"', dm_single_close_quote, dm_double_close_quote, ")", "\n"] + + def __init__(self, source_datapipe) -> None: + self.source_datapipe = source_datapipe + + def _fix_missing_period(self, line): + """Adds a period to a line that is missing a period""" + if "@highlight" in line: + return line + if line == "": + return line + if line[-1] in self.END_TOKENS: + return line + return line + " ." + + def __iter__(self): + for _, stream in self.source_datapipe: + lines = stream.readlines() + lines = [line.decode("utf-8").strip() for line in lines] + + # put periods on the ends of lines that are missing them + # this is a problem in the dataset because many image captions don't end in periods + # consequently they end up in the body of the article as run-on sentences + lines = [self._fix_missing_period(line) for line in lines] + + # Separate out article and abstract sentences + article_lines = [] + highlights = [] + next_is_highlight = False + for idx, line in enumerate(lines): + if line == "": + continue # empty line + elif line.startswith("@highlight"): + next_is_highlight = True + elif next_is_highlight: + highlights.append(line) + else: + article_lines.append(line) + + article = " ".join(article_lines) + abstract = " ".join(highlights) + yield article, abstract diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py new file mode 100644 index 0000000000..3950557f5d --- /dev/null +++ b/torchtext/datasets/cnndm.py @@ -0,0 +1,129 @@ +import hashlib +import os +from functools import partial +from typing import Union, Tuple + +from torchtext._internal.module_utils import is_module_available +from torchtext.data.datasets_utils import ( + _wrap_split_argument, + _create_dataset_directory, +) + +if is_module_available("torchdata"): + from torchdata.datapipes.iter import ( + FileOpener, + IterableWrapper, + OnlineReader, + GDriveReader, + ) + +DATASET_NAME = "CNNDM" + +URL_LIST = { + "train": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/all_train.txt", + "val": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/all_val.txt", + "test": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/all_test.txt", +} + +STORIES_LIST = { + "cnn": "https://drive.google.com/uc?export=download&id=0BwmD_VLjROrfTHk4NFg2SndKcjQ", + "dailymail": "https://drive.google.com/uc?export=download&id=0BwmD_VLjROrfM1BxdkxVaTY2bWs", +} + +PATH_LIST = { + "cnn": "cnn_stories.tgz", + "dailymail": "dailymail_stories.tgz", +} + +STORIES_MD5 = {"cnn": "85ac23a1926a831e8f46a6b8eaf57263", "dailymail": "f9c5f565e8abe86c38bfa4ae8f96fd72"} + +_EXTRACTED_FOLDERS = { + "cnn": os.path.join("cnn", "stories"), + "daily_mail": os.path.join("dailymail", "stories"), +} + + +def _filepath_fn(root: str, source: str, _=None): + return os.path.join(root, PATH_LIST[source]) + + +# this function will be used to cache the contents of the tar file +def _extracted_filepath_fn(root: str, source: str): + return os.path.join(root, _EXTRACTED_FOLDERS[source]) + + +def _filter_fn(story_fnames, x): + return os.path.basename(x[0]) in story_fnames + + +def _hash_urls(s): + """ + Returns story filename as a heximal formated SHA1 hash of the input url string. + Code is inspired from https://github.com/abisee/cnn-dailymail/blob/master/make_datafiles.py + """ + url = s[1] + h = hashlib.sha1() + h.update(url) + url_hash = h.hexdigest() + story_fname = url_hash + ".story" + return story_fname + + +def _get_split_list(split: str): + url_dp = IterableWrapper([URL_LIST[split]]) + online_dp = OnlineReader(url_dp) + return online_dp.readlines().map(fn=_hash_urls) + + +def _load_stories(root: str, source: str): + story_dp = IterableWrapper([STORIES_LIST[source]]) + cache_compressed_dp = story_dp.on_disk_cache( + filepath_fn=partial(_filepath_fn, root, source), + hash_dict={_filepath_fn(root, source): STORIES_MD5[source]}, + hash_type="md5", + ) + cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) + # TODO: cache the contents of the extracted tar file + cache_decompressed_dp = FileOpener(cache_compressed_dp, mode="b").load_from_tar() + return cache_decompressed_dp + + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", "val", "test")) +def CNNDM(root: str, split: Union[Tuple[str], str]): + """CNNDM Dataset + + .. warning:: + + Using datapipes is still currently subject to a few caveats. If you wish + to use this dataset with shuffling, multi-processing, or distributed + learning, please see :ref:`this note ` for further + instructions. + + For additional details refer to https://arxiv.org/pdf/1704.04368.pdf + + Number of lines per split: + - train: 287,227 + - val: 13,368 + - test: 11,490 + + Args: + root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') + split: split or splits to be returned. Can be a string or tuple of strings. Default: (`train`, `val`, `test`) + + :returns: DataPipe that yields a tuple of texts containing an article and its abstract (i.e. (article, abstract)) + :rtype: (str, str) + """ + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" + ) + + cnn_dp = _load_stories(root, "cnn") + dailymail_dp = _load_stories(root, "dailymail") + data_dp = cnn_dp.concat(dailymail_dp) + # TODO: store the .story filenames corresponding to each split on disk so we can pass that into the filepath_fn + # of the on_disk_cache_dp which caches the files extracted from the tar + story_fnames = set(_get_split_list(split)) + data_dp = data_dp.filter(partial(_filter_fn, story_fnames)) + return data_dp.parse_cnndm_data().shuffle().set_shuffle(False).sharding_filter() From de070503431b644c50b7c611b46e7484ba12061f Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 23 Jun 2022 11:07:32 -0400 Subject: [PATCH 266/463] Adding Benchmark for TA ops (#1801) --- benchmark/benchmark_torcharrow_ops.py | 56 +++++++++++++++++++++++++++ 1 file changed, 56 insertions(+) create mode 100644 benchmark/benchmark_torcharrow_ops.py diff --git a/benchmark/benchmark_torcharrow_ops.py b/benchmark/benchmark_torcharrow_ops.py new file mode 100644 index 0000000000..955cbe0a89 --- /dev/null +++ b/benchmark/benchmark_torcharrow_ops.py @@ -0,0 +1,56 @@ +import sys, os + +import torcharrow as ta +import torchtext.transforms as T +from benchmark.utils import Timer +from torcharrow import functional as ta_F +from torchtext._download_hooks import load_state_dict_from_url +from torchtext.datasets import SST2 + +sys.path.append(os.path.join(os.path.dirname(os.path.realpath(__file__)), "../examples")) +from data_pipeline.roberta_dataframe import init_ta_gpt2bpe_encoder, init_ta_gpt2bpe_vocab + + +def run_torchtext_ops(): + # tokenizer converting text into tokens + encoder_json_path = "https://download.pytorch.org/models/text/gpt2_bpe_encoder.json" + vocab_bpe_path = "https://download.pytorch.org/models/text/gpt2_bpe_vocab.bpe" + tokenizer = T.GPT2BPETokenizer(encoder_json_path, vocab_bpe_path) + + # vocabulary converting tokens to IDs + vocab_path = "https://download.pytorch.org/models/text/roberta.vocab.pt" + vocab = T.VocabTransform(load_state_dict_from_url(vocab_path)) + + # dataset + train_dp = SST2(split="train") + text_list = list(train_dp.map(lambda x: x[0])) + + with Timer("Running torchtext's GPT2BPE tokenizer"): + tokenized_text = tokenizer(text_list) + + with Timer("Running torchtext's vocab query"): + _ = vocab(tokenized_text) + + +def run_torcharrow_ops(): + # tokenizer converting text into tokens + tokenizer = init_ta_gpt2bpe_encoder() + + # vocabulary converting tokens to IDs + vocab = init_ta_gpt2bpe_vocab() + + # dataset + train_dp = SST2(split="train") + text_list = list(train_dp.map(lambda x: x[0])) + data_frame = ta.dataframe({"text": text_list}) + + with Timer("Running torcharrow's GPT2BPE tokenizer"): + data_frame["tokens"] = ta_F.bpe_tokenize(tokenizer, data_frame["text"]) + + with Timer("Running torcharrow's vocab query"): + data_frame["token_ids"] = ta_F.lookup_indices(vocab, data_frame["tokens"]) + + +if __name__ == "__main__": + run_torchtext_ops() + run_torcharrow_ops() From 6d6a14a647b0945dab2dd383b18e146a3e08c4b4 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 23 Jun 2022 13:28:49 -0700 Subject: [PATCH 267/463] Automatically initialize submodule (#1805) * Automatically initialize submodule This commit adds `git` submodule initialization commands at the beginning of setup, so that third party modules become available automatically. This makes it possible to install torchtext with a command like `pip install --no-use-pep517 git+https://github.com/pytorch/text.git` See also: - https://github.com/pytorch/text/pull/1154 - https://github.com/pytorch/audio/pull/1966 --- .circleci/unittest/linux/scripts/install.sh | 1 - .circleci/unittest/windows/scripts/install.sh | 1 - packaging/torchtext/bld.bat | 3 --- packaging/torchtext/build.sh | 1 - setup.py | 14 ++++++++++++++ 5 files changed, 14 insertions(+), 6 deletions(-) diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index 6d8e427540..d7bdb3b97f 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -33,7 +33,6 @@ printf "Installing torchdata nightly\n" pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing torchtext\n" -git submodule update --init --recursive python setup.py develop printf "* Installing parameterized\n" diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index bd7609f734..452f4ac584 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -26,7 +26,6 @@ curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/ python pywin32_postinstall.py -install printf "* Installing torchtext\n" -git submodule update --init --recursive "$root_dir/packaging/vc_env_helper.bat" python setup.py develop printf "* Installing parameterized\n" diff --git a/packaging/torchtext/bld.bat b/packaging/torchtext/bld.bat index 7e5a4861d3..5acf8bcc8a 100644 --- a/packaging/torchtext/bld.bat +++ b/packaging/torchtext/bld.bat @@ -1,7 +1,4 @@ @echo off -git submodule update --init --recursive -if errorlevel 1 exit /b 1 - python setup.py install --single-version-externally-managed --record=record.txt if errorlevel 1 exit /b 1 diff --git a/packaging/torchtext/build.sh b/packaging/torchtext/build.sh index 5888bd687f..e2b53ddcf4 100644 --- a/packaging/torchtext/build.sh +++ b/packaging/torchtext/build.sh @@ -1,5 +1,4 @@ #!/usr/bin/env bash set -ex -git submodule update --init --recursive python setup.py install --single-version-externally-managed --record=record.txt diff --git a/setup.py b/setup.py index 080415f7ee..2425a39f6f 100644 --- a/setup.py +++ b/setup.py @@ -4,6 +4,7 @@ import os import shutil import subprocess +import sys from pathlib import Path from build_tools import setup_helpers @@ -44,6 +45,18 @@ def _export_version(version, sha): fileobj.write("git_version = {}\n".format(repr(sha))) +def _init_submodule(): + print(" --- Initializing submodules") + try: + subprocess.check_call(["git", "submodule", "init"]) + subprocess.check_call(["git", "submodule", "update"]) + except Exception: + print(" --- Submodule initalization failed") + print("Please run:\n\tgit submodule update --init --recursive") + sys.exit(1) + print(" --- Initialized submodule") + + VERSION, SHA = _get_version() _export_version(VERSION, SHA) @@ -76,6 +89,7 @@ def run(self): shutil.rmtree(str(path), ignore_errors=True) +_init_submodule() setup_info = dict( # Metadata name="torchtext", From e023ce1e516202b94b51fc80ce851b83557d9ca7 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 23 Jun 2022 13:30:14 -0700 Subject: [PATCH 268/463] Rename build_tools dir to tools dir (#1804) * To align with PyTorch core and other repos. * Python creates build directory, so build_tools required one more tab completion. --- setup.py | 4 ++-- {build_tools => tools}/__init__.py | 0 {build_tools => tools}/conda/torchtext/meta.yaml | 0 {build_tools => tools}/setup_helpers/__init__.py | 0 {build_tools => tools}/setup_helpers/extension.py | 0 5 files changed, 2 insertions(+), 2 deletions(-) rename {build_tools => tools}/__init__.py (100%) rename {build_tools => tools}/conda/torchtext/meta.yaml (100%) rename {build_tools => tools}/setup_helpers/__init__.py (100%) rename {build_tools => tools}/setup_helpers/extension.py (100%) diff --git a/setup.py b/setup.py index 2425a39f6f..d8afa7a550 100644 --- a/setup.py +++ b/setup.py @@ -7,8 +7,8 @@ import sys from pathlib import Path -from build_tools import setup_helpers from setuptools import find_packages, setup +from tools import setup_helpers ROOT_DIR = Path(__file__).parent.resolve() @@ -108,7 +108,7 @@ def run(self): "Programming Language :: Python :: 3.9", ], # Package info - packages=find_packages(exclude=("test*", "build_tools*")), + packages=find_packages(exclude=("test*", "tools*")), zip_safe=False, # Extension info # If you are trying to use torchtext.so and see no registered op. diff --git a/build_tools/__init__.py b/tools/__init__.py similarity index 100% rename from build_tools/__init__.py rename to tools/__init__.py diff --git a/build_tools/conda/torchtext/meta.yaml b/tools/conda/torchtext/meta.yaml similarity index 100% rename from build_tools/conda/torchtext/meta.yaml rename to tools/conda/torchtext/meta.yaml diff --git a/build_tools/setup_helpers/__init__.py b/tools/setup_helpers/__init__.py similarity index 100% rename from build_tools/setup_helpers/__init__.py rename to tools/setup_helpers/__init__.py diff --git a/build_tools/setup_helpers/extension.py b/tools/setup_helpers/extension.py similarity index 100% rename from build_tools/setup_helpers/extension.py rename to tools/setup_helpers/extension.py From 31eabf8afe6449842fc88e934c55523230f02fb0 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 23 Jun 2022 19:44:10 -0400 Subject: [PATCH 269/463] converting experimental to prototype (#1803) --- .../benchmark_basic_english_normalize.py | 2 +- benchmark/benchmark_experimental_vectors.py | 4 +- benchmark/benchmark_pytext_vocab.py | 2 +- benchmark/benchmark_sentencepiece.py | 2 +- benchmark/benchmark_vocab.py | 4 +- benchmark/data_construction.py | 2 +- examples/text_classification/predict.py | 2 +- examples/text_classification/train.py | 2 +- packaging/torchtext/meta.yaml | 2 +- test/{experimental => prototype}/__init__.py | 0 .../test_functional.py | 2 +- .../test_transforms.py | 32 +- .../test_vectors.py | 2 +- .../test_with_asset.py | 6 +- torchtext/__init__.py | 15 +- torchtext/experimental/__init__.py | 3 - torchtext/experimental/transforms.py | 514 ++---------------- torchtext/experimental/vectors.py | 490 +---------------- torchtext/experimental/vocab_factory.py | 89 +-- torchtext/prototype/__init__.py | 3 + .../asset/get_checksum.sh | 0 .../asset/get_checksums_fast_text.py | 0 torchtext/prototype/transforms.py | 483 ++++++++++++++++ torchtext/prototype/vectors.py | 478 ++++++++++++++++ torchtext/prototype/vocab_factory.py | 79 +++ 25 files changed, 1172 insertions(+), 1046 deletions(-) rename test/{experimental => prototype}/__init__.py (100%) rename test/{experimental => prototype}/test_functional.py (97%) rename test/{experimental => prototype}/test_transforms.py (87%) rename test/{experimental => prototype}/test_vectors.py (99%) rename test/{experimental => prototype}/test_with_asset.py (97%) create mode 100644 torchtext/prototype/__init__.py rename torchtext/{experimental => prototype}/asset/get_checksum.sh (100%) rename torchtext/{experimental => prototype}/asset/get_checksums_fast_text.py (100%) create mode 100644 torchtext/prototype/transforms.py create mode 100644 torchtext/prototype/vectors.py create mode 100644 torchtext/prototype/vocab_factory.py diff --git a/benchmark/benchmark_basic_english_normalize.py b/benchmark/benchmark_basic_english_normalize.py index f2e9789076..95e4bbfad3 100644 --- a/benchmark/benchmark_basic_english_normalize.py +++ b/benchmark/benchmark_basic_english_normalize.py @@ -3,7 +3,7 @@ import torch from torchtext.data.utils import get_tokenizer from torchtext.datasets import AG_NEWS -from torchtext.experimental.transforms import basic_english_normalize +from torchtext.prototype.transforms import basic_english_normalize def benchmark_basic_english_normalize(): diff --git a/benchmark/benchmark_experimental_vectors.py b/benchmark/benchmark_experimental_vectors.py index c7854ac7d6..5777e638f1 100644 --- a/benchmark/benchmark_experimental_vectors.py +++ b/benchmark/benchmark_experimental_vectors.py @@ -1,8 +1,8 @@ import time import torch -from torchtext.experimental.datasets import AG_NEWS -from torchtext.experimental.vectors import FastText as FastTextExperimental +from torchtext.prototype.datasets import AG_NEWS +from torchtext.prototype.vectors import FastText as FastTextExperimental from torchtext.vocab import FastText diff --git a/benchmark/benchmark_pytext_vocab.py b/benchmark/benchmark_pytext_vocab.py index c64a298de5..21053a31f0 100644 --- a/benchmark/benchmark_pytext_vocab.py +++ b/benchmark/benchmark_pytext_vocab.py @@ -12,7 +12,7 @@ from pytext.data.utils import Vocabulary as PytextVocabulary from pytext.torchscript.vocab import ScriptVocabulary as PytextScriptVocabulary from pytext_vocab import ScriptVocab as ExperimentalScriptVocabulary -from torchtext.experimental.datasets import AG_NEWS +from torchtext.prototype.datasets import AG_NEWS def _run_benchmark_lookup(tokens, vocab, num_iters=1): diff --git a/benchmark/benchmark_sentencepiece.py b/benchmark/benchmark_sentencepiece.py index 2476830cc8..7b3ebe2fe3 100644 --- a/benchmark/benchmark_sentencepiece.py +++ b/benchmark/benchmark_sentencepiece.py @@ -3,7 +3,7 @@ from torchtext.data.functional import load_sp_model as load_torchbind_sp_model from torchtext.datasets import DATASETS -from torchtext.experimental.transforms import load_sp_model as load_pybind_sp_model +from torchtext.prototype.transforms import load_sp_model as load_pybind_sp_model from torchtext.utils import download_from_url diff --git a/benchmark/benchmark_vocab.py b/benchmark/benchmark_vocab.py index 397e310fdd..373f337809 100644 --- a/benchmark/benchmark_vocab.py +++ b/benchmark/benchmark_vocab.py @@ -5,8 +5,8 @@ import torch from torchtext.data.utils import get_tokenizer from torchtext.datasets import DATASETS -from torchtext.experimental.transforms import basic_english_normalize -from torchtext.experimental.vocab_factory import build_vocab_from_text_file, load_vocab_from_file +from torchtext.prototype.transforms import basic_english_normalize +from torchtext.prototype.vocab_factory import build_vocab_from_text_file, load_vocab_from_file from torchtext.vocab import build_vocab_from_iterator, vocab as VocabNew diff --git a/benchmark/data_construction.py b/benchmark/data_construction.py index 2fe157227b..565fb5a1ac 100644 --- a/benchmark/data_construction.py +++ b/benchmark/data_construction.py @@ -1,6 +1,6 @@ import time -from torchtext.experimental import datasets +from torchtext.prototype import datasets def benchmark_construction(name, Dataset): diff --git a/examples/text_classification/predict.py b/examples/text_classification/predict.py index 893ab2855e..cd7968d71e 100644 --- a/examples/text_classification/predict.py +++ b/examples/text_classification/predict.py @@ -3,7 +3,7 @@ import torch from torchtext.data.utils import get_tokenizer, ngrams_iterator -from torchtext.experimental.transforms import load_sp_model, PRETRAINED_SP_MODEL, SentencePieceTokenizer +from torchtext.prototype.transforms import load_sp_model, PRETRAINED_SP_MODEL, SentencePieceTokenizer from torchtext.utils import download_from_url diff --git a/examples/text_classification/train.py b/examples/text_classification/train.py index 3f0a664657..e3f6186b05 100644 --- a/examples/text_classification/train.py +++ b/examples/text_classification/train.py @@ -9,7 +9,7 @@ from torchtext.data.functional import to_map_style_dataset from torchtext.data.utils import get_tokenizer, ngrams_iterator from torchtext.datasets import DATASETS -from torchtext.experimental.transforms import load_sp_model, PRETRAINED_SP_MODEL, SentencePieceTokenizer +from torchtext.prototype.transforms import load_sp_model, PRETRAINED_SP_MODEL, SentencePieceTokenizer from torchtext.utils import download_from_url from torchtext.vocab import build_vocab_from_iterator diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index cf292ff29a..f5d13189ac 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -35,7 +35,7 @@ test: - torchtext - torchtext.datasets - torchtext.data - - torchtext.experimental + - torchtext.prototype source_files: - test diff --git a/test/experimental/__init__.py b/test/prototype/__init__.py similarity index 100% rename from test/experimental/__init__.py rename to test/prototype/__init__.py diff --git a/test/experimental/test_functional.py b/test/prototype/test_functional.py similarity index 97% rename from test/experimental/test_functional.py rename to test/prototype/test_functional.py index 254fbd4184..f1094d2dc7 100644 --- a/test/experimental/test_functional.py +++ b/test/prototype/test_functional.py @@ -4,7 +4,7 @@ import torch import torchtext.data as data -from torchtext.experimental.transforms import basic_english_normalize +from torchtext.prototype.transforms import basic_english_normalize from ..common.torchtext_test_case import TorchtextTestCase diff --git a/test/experimental/test_transforms.py b/test/prototype/test_transforms.py similarity index 87% rename from test/experimental/test_transforms.py rename to test/prototype/test_transforms.py index b609a6ef1a..468e92c23c 100644 --- a/test/experimental/test_transforms.py +++ b/test/prototype/test_transforms.py @@ -6,13 +6,13 @@ import torch from test.common.assets import get_asset_path from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.experimental.transforms import ( +from torchtext.prototype.transforms import ( sentencepiece_processor, sentencepiece_tokenizer, VectorTransform, MaskTransform, ) -from torchtext.experimental.vectors import FastText +from torchtext.prototype.vectors import FastText from ..common.parameterized_utils import nested_params @@ -181,16 +181,16 @@ def test_mask_transform_probs(self, test_mask_prob): if test_mask_prob == 0.0: # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) self.assertEqual(self.sample_token_ids, masked_tokens) # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement to be # changed to a random token_id - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 1.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 1.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) @@ -204,8 +204,8 @@ def test_mask_transform_probs(self, test_mask_prob): self.assertEqual(self.sample_token_ids[1], masked_tokens[1]) # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 1.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) exp_tokens = torch.tensor([[5, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) @@ -216,8 +216,8 @@ def test_mask_transform_probs(self, test_mask_prob): if test_mask_prob == 1.0: # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) self.assertEqual(self.sample_token_ids, masked_tokens) @@ -226,16 +226,16 @@ def test_mask_transform_probs(self, test_mask_prob): # to be changed to random token_ids. It is possible that the randomly selected token id is the same # as the original token id, however we know deterministically that [BOS] and [PAD] tokens # in the sequences will remain unchanged. - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 1.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 1.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) self.assertEqual(masked_tokens[:, 0], 6 * torch.ones_like(masked_tokens[:, 0])) self.assertEqual(masked_tokens[1, 3:], 4 * torch.ones_like(masked_tokens[1, 3:])) # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 1.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) exp_tokens = torch.tensor([[6, 5, 5, 5, 5], [6, 5, 5, 4, 4]]) @@ -250,8 +250,8 @@ def test_mask_transform_mask_bos(self): ) # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] - with patch("torchtext.experimental.transforms.MaskTransform.mask_mask_prob", 1.0), patch( - "torchtext.experimental.transforms.MaskTransform.rand_mask_prob", 0.0 + with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 ): masked_tokens, _, _ = mask_transform(self.sample_token_ids) exp_tokens = torch.tensor([[5, 5, 5, 5, 5], [5, 5, 5, 4, 4]]) diff --git a/test/experimental/test_vectors.py b/test/prototype/test_vectors.py similarity index 99% rename from test/experimental/test_vectors.py rename to test/prototype/test_vectors.py index 48e0d45d61..f41b404b3c 100644 --- a/test/experimental/test_vectors.py +++ b/test/prototype/test_vectors.py @@ -5,7 +5,7 @@ import torch from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.experimental.vectors import build_vectors +from torchtext.prototype.vectors import build_vectors class TestVectors(TorchtextTestCase): diff --git a/test/experimental/test_with_asset.py b/test/prototype/test_with_asset.py similarity index 97% rename from test/experimental/test_with_asset.py rename to test/prototype/test_with_asset.py index 06712abf92..0ffe0851a5 100644 --- a/test/experimental/test_with_asset.py +++ b/test/prototype/test_with_asset.py @@ -7,15 +7,15 @@ from test.common.torchtext_test_case import TorchtextTestCase from torch.utils.data import DataLoader from torchtext.data.functional import custom_replace -from torchtext.experimental.transforms import ( +from torchtext.prototype.transforms import ( basic_english_normalize, PRETRAINED_SP_MODEL, sentencepiece_processor, sentencepiece_tokenizer, VocabTransform, ) -from torchtext.experimental.vectors import build_vectors, FastText, GloVe, load_vectors_from_file_path -from torchtext.experimental.vocab_factory import build_vocab_from_text_file, load_vocab_from_file +from torchtext.prototype.vectors import build_vectors, FastText, GloVe, load_vectors_from_file_path +from torchtext.prototype.vocab_factory import build_vocab_from_text_file, load_vocab_from_file from torchtext.utils import download_from_url from ..common.assets import get_asset_path diff --git a/torchtext/__init__.py b/torchtext/__init__.py index 28f8f21c23..caca6db7a8 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -9,11 +9,22 @@ _CACHE_DIR = os.path.expanduser(os.path.join(_get_torch_home(), "text")) -from . import data, datasets, experimental, functional, models, nn, transforms, utils, vocab +from . import data, datasets, prototype, functional, models, nn, transforms, utils, vocab, experimental try: from .version import __version__, git_version # noqa: F401 except ImportError: pass -__all__ = ["data", "nn", "datasets", "utils", "vocab", "transforms", "functional", "models", "experimental"] +__all__ = [ + "data", + "nn", + "datasets", + "utils", + "vocab", + "transforms", + "functional", + "models", + "prototype", + "experimental", +] diff --git a/torchtext/experimental/__init__.py b/torchtext/experimental/__init__.py index f7f17fa618..e69de29bb2 100644 --- a/torchtext/experimental/__init__.py +++ b/torchtext/experimental/__init__.py @@ -1,3 +0,0 @@ -from . import transforms - -__all__ = ["transforms"] diff --git a/torchtext/experimental/transforms.py b/torchtext/experimental/transforms.py index e11f88fa77..d9e7f4380f 100644 --- a/torchtext/experimental/transforms.py +++ b/torchtext/experimental/transforms.py @@ -1,483 +1,61 @@ -import io -from typing import List, Tuple - -import torch -import torch.nn as nn -from torch import Tensor -from torchtext._torchtext import RegexTokenizer as RegexTokenizerPybind, SentencePiece as SentencePiecePybind - - -__all__ = [ - "basic_english_normalize", - "BasicEnglishNormalize", - "PRETRAINED_SP_MODEL", - "load_sp_model", - "sentencepiece_tokenizer", - "SentencePieceTokenizer", - "sentencepiece_processor", - "SentencePieceProcessor", - "VocabTransform", - "VectorTransform", -] - - -def basic_english_normalize(): - r"""Basic normalization for a string sentence. - - Normalization includes - - lowercasing - - complete some basic text normalization for English words as follows: - - - add spaces before and after '\'' - - remove '\"', - - add spaces before and after '.' - - replace '
'with single space - - add spaces before and after ',' - - add spaces before and after '(' - - add spaces before and after ')' - - add spaces before and after '!' - - add spaces before and after '?' - - replace ';' with single space - - replace ':' with single space - - replace multiple spaces with single space - - Examples: - >>> import torch - >>> from torchtext.experimental.transforms import basic_english_normalize - >>> test_sample = 'Basic English Normalization for a Line of Text' - >>> basic_eng_norm = basic_english_normalize() - >>> jit_basic_eng_norm = torch.jit.script(basic_eng_norm) - >>> tokens = jit_basic_eng_norm(test_sample) - """ - - patterns_list = [ - (r"\'", " ' "), - (r"\"", ""), - (r"\.", " . "), - (r"
", " "), - (r",", " , "), - (r"\(", " ( "), - (r"\)", " ) "), - (r"\!", " ! "), - (r"\?", " ? "), - (r"\;", " "), - (r"\:", " "), - (r"\s+", " "), +def __getattr__(name): + + moved_apis = [ + "basic_english_normalize", + "BasicEnglishNormalize", + "PRETRAINED_SP_MODEL", + "load_sp_model", + "sentencepiece_tokenizer", + "SentencePieceTokenizer", + "sentencepiece_processor", + "SentencePieceProcessor", + "VocabTransform", + "VectorTransform", ] - patterns = [pair[0] for pair in patterns_list] - replacements = [pair[1] for pair in patterns_list] - return BasicEnglishNormalize(RegexTokenizerPybind(patterns, replacements, True)) - - -class BasicEnglishNormalize(nn.Module): - __jit_unused_properties__ = ["is_jitable"] - r"""Basic normalization for a string sentence. - - Args: - regex_tokenizer (torch.classes.torchtext.RegexTokenizer or torchtext._torchtext.RegexTokenizer): a cpp regex tokenizer object. - """ - - def __init__(self, regex_tokenizer) -> None: - super(BasicEnglishNormalize, self).__init__() - self.regex_tokenizer = regex_tokenizer - - @property - def is_jitable(self): - return not isinstance(self.regex_tokenizer, RegexTokenizerPybind) - - def forward(self, line: str) -> List[str]: - r""" - Args: - lines (str): a text string to tokenize. - - Returns: - List[str]: a token list after normalizing and splitting on whitespace. - """ - - return self.regex_tokenizer.forward(line) - - def __prepare_scriptable__(self): - r"""Return a JITable BasicEnglishNormalize.""" - regex_tokenizer = torch.classes.torchtext.RegexTokenizer( - self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, True - ) - return BasicEnglishNormalize(regex_tokenizer) - - -PRETRAINED_SP_MODEL = { - "text_unigram_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model", - "text_unigram_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_25000.model", - "text_unigram_50000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_50000.model", - "text_bpe_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_15000.model", - "text_bpe_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_25000.model", - "text_bpe_50000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_50000.model", -} - - -def load_sp_model(sp_model): - r"""Load a sentencepiece model for file. - - Args: - sp_model: the file path or a file object saving the sentencepiece model. - - Outputs: - output: a SentencePiece model. - - Examples: - >>> from torchtext.experimental.transforms import load_sp_model - >>> sp_model = load_sp_model("m_user.model") - >>> sp_model = load_sp_model(open("m_user.model", 'rb')) - - Note: We also provide several pretrained sentencepiece models. The model was trained with torchtext.datasets.WikiText103, - torchtext.datasets.EnWik9 and BookCorpus. Both BPE and unigram methods were used to train the model (for more - details please refer to SentencePiece GitHub https://github.com/google/sentencepiece). We also provide the pretrained model - with a different size of the vocabulary (i.e. 15000, 25000, 50000). - The following pretrained sentencepiece models are provided: - - - text_unigram_15000 - - text_unigram_25000 - - text_unigram_50000 - - text_bpe_15000 - - text_bpe_25000 - - text_bpe_50000 - - Examples: - >>> from torchtext.experimental.transforms import PRETRAINED_SP_MODEL - >>> sp_model_path = torchtext.utils.download_from_url(PRETRAINED_SP_MODEL['text_unigram_25000']) - >>> sp_model = load_sp_model(sp_model_path) - """ - - if isinstance(sp_model, str): - with open(sp_model, "rb") as f: - return SentencePiecePybind(f.read()) - elif isinstance(sp_model, io.BufferedReader): - return SentencePiecePybind(sp_model.read()) - else: - raise TypeError( - f"Unsupported type for sp_model argument: {type(sp_model).__name__}. " - + "Supported types are: " - + ", ".join(["str", "io.BufferedReader"]) - ) - - -def sentencepiece_tokenizer(sp_model): - r"""Factory function to generate SentencePieceTokenizer from a pretrained SentencePiece model - - Args: - sp_model: the file path or a file object saving the sentencepiece model. - - Examples: - >>> import torch - >>> from torchtext.experimental.transforms import sentencepiece_tokenizer - >>> spm_tokenizer = sentencepiece_tokenizer('m_user.model') - >>> jit_spm_tokenizer = torch.jit.script(spm_tokenizer) - """ - - spm = load_sp_model(sp_model) - return SentencePieceTokenizer(spm) - - -class SentencePieceTokenizer(nn.Module): - r"""Tokenizer based on a pretained sentencepiece model. - - Args: - spm_model: the sentencepiece model instance - """ - - def __init__(self, spm_model) -> None: - super(SentencePieceTokenizer, self).__init__() - self.sp_model = spm_model - - def forward(self, line: str) -> List[str]: - r""" - Args: - line: the input sentence string - - Examples: - >>> spm_tokenizer('the pretrained sp model names') - >>> ['▁the', '▁pre', 'trained', '▁sp', '▁model', '▁names'] - - Note: SentencePiece treats the input text just as a sequence of Unicode characters. Whitespace is also handled as a normal symbol. To handle the whitespace as a basic token explicitly, SentencePiece first escapes the whitespace with a meta symbol "▁" (U+2581) as follows. - """ - - return self.sp_model.EncodeAsPieces(line) - - @torch.jit.export - def decode(self, tokens: List[str]) -> str: - r""" - Args: - tokens: the tokens list for decoder - - Examples: - >>> spm_transform.decoder(['▁the', '▁pre', 'trained', '▁sp', '▁model', '▁names']) - >>> 'the pretrained sp model names' - """ - - return self.sp_model.DecodePieces(tokens) - - def __prepare_scriptable__(self): - torchbind_spm = torch.classes.torchtext.SentencePiece(self.sp_model._return_content()) - return SentencePieceTokenizer(torchbind_spm) - - -def sentencepiece_processor(sp_model): - r"""Factory function to generate SentencePieceProcessor from a pretrained SentencePiece model - - Args: - sp_model: the file path or a file object saving the sentencepiece model. - - Examples: - >>> import torch - >>> from torchtext.experimental.transforms import sentencepiece_processor - >>> spm_processor = sentencepiece_processor('m_user.model') - >>> jit_spm_processor = torch.jit.script(spm_processor) - """ - - spm = load_sp_model(sp_model) - return SentencePieceProcessor(spm) - - -class SentencePieceProcessor(nn.Module): - r"""String to ids transform based on a pretained sentencepiece model - - Args: - spm_model: the sentencepiece model instance - """ - - def __init__(self, spm_model) -> None: - super(SentencePieceProcessor, self).__init__() - self.sp_model = spm_model - - def forward(self, line: str) -> List[int]: - r""" - Args: - line: the input sentence string - - Examples: - >>> spm_processor('the pretrained sp model names') - >>> [9, 1546, 18811, 2849, 2759, 2202] - """ - - return self.sp_model.EncodeAsIds(line) - - @torch.jit.export - def decode(self, ids: List[int]) -> str: - r""" - Args: - ids: the integers list for decoder - - Examples: - >>> spm_processor.decoder([9, 1546, 18811, 2849, 2759, 2202]) - >>> 'the pretrained sp model names' - """ - - return self.sp_model.DecodeIds(ids) - - def __prepare_scriptable__(self): - torchbind_spm = torch.classes.torchtext.SentencePiece(self.sp_model._return_content()) - return SentencePieceProcessor(torchbind_spm) - - -class VocabTransform(nn.Module): - r"""Vocab transform - - Args: - vocab: an instance of torchtext.vocab.Vocab class. - - Example: - >>> import torch - >>> from torchtext.vocab import vocab_from_file_object - >>> f = open('vocab.txt', 'r') - >>> vocab_transform = VocabTransform(vocab_from_file_object(f)) - >>> jit_vocab_transform = torch.jit.script(vocab_transform) - """ - - def __init__(self, vocab) -> None: - super(VocabTransform, self).__init__() - self.vocab = vocab - - def forward(self, tokens: List[str]) -> List[int]: - r""" - - Args: - tokens: a string token list - - Example: - >>> vocab_transform(['here', 'is', 'an', 'example']) - - """ - - return self.vocab.lookup_indices(tokens) - - -class VectorTransform(nn.Module): - r"""Vector transform - - Args: - vector: an instance of torchtext.experimental.vectors.Vectors class. - - Example: - >>> import torch - >>> from torchtext.experimental.vectors import FastText - >>> vector_transform = VectorTransform(FastText()) - >>> jit_vector_transform = torch.jit.script(vector_transform) - """ - - def __init__(self, vector) -> None: - super(VectorTransform, self).__init__() - self.vector = vector - - def forward(self, tokens: List[str]) -> Tensor: - r""" - - Args: - tokens: a string token list - - Example: - >>> vector_transform(['here', 'is', 'an', 'example']) - - """ - - return self.vector.lookup_vectors(tokens) - - -class MaskTransform(nn.Module): - """ - The transform chooses mask_prob% (example 15%) of the token positions at random for - prediction. - - If the i-th token is chosen, we replace the i-th token with - (1) the [MASK] token 80% of the time - (2) a random token 10% of the time - (3) the unchanged i-th token 10% of the time. - - Args: - vocab_len (int): the length of the vocabulary, including special tokens such as [BOS], [PAD], [MASK] - mask_idx (int): index assigned to mask token in vocabulary - bos_idx (int): index assigned to beginning-of-sequence token in vocabulary - pad_idx (int): index assigned to padding token in vocabulary - mask_bos (bool): indicate whether beginning-of-sequence tokens are eligible for masking (default: False) - mask_prob (float): probability that a token is chosen for replacement (default: 0.15) - - Example: - >>> import torch - >>> from torchtext.experimental.transforms import MaskTransform - >>> sample_tokens = [ - ["[BOS]", "a", "b", "c", "d"], - ["[BOS]", "a", "b", "[PAD]", "[PAD]"] - ] - >>> sample_token_ids = torch.tensor([ - [6, 0, 1, 2, 3], [6, 0, 1, 4, 4] - ]) - >>> mask_transform = MaskTransform( - vocab_len = 7, - mask_idx = 4, - bos_idx = 6, - pad_idx = 5, - mask_bos = False, - mask_prob = 0.15 - ) - >>> masked_tokens, target_tokens, mask = mask_transform(sample_token_ids) - """ - - # maks_mask_prob is prob. of replacing a token with [MASK] (ex. 80%) - mask_mask_prob = 0.8 - - # rand_mask_thresh is prob. of replacing a token with a random token. (ex.10%) - rand_mask_prob = 0.1 - - def __init__( - self, - vocab_len: int, - mask_idx: int, - bos_idx: int, - pad_idx: int, - mask_bos: bool = False, - mask_prob: float = 0.15, - ): - super().__init__() - self.vocab_len = vocab_len - self.mask_idx = mask_idx - self.bos_idx = bos_idx - self.pad_idx = pad_idx - self.mask_prob = mask_prob - self.mask_bos = mask_bos - - def forward(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: - """ - Applies mask to input tokens. - - Inputs: - tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] - - Outputs: - masked_tokens: Tensor of tokens after masking has been applied - target_tokens: Tensor of token values selected for masking - mask: Tensor with same shape as input tokens (batch_size x seq_len) - with masked tokens represented by a 1 and everything else as 0. - """ - # tokens, mask, mask_mask, rand_mask: (T, C) - mask, mask_mask, rand_mask = self._generate_mask(tokens) + if name in moved_apis: + import warnings - # a. generate the masked input tokens - # (1) the [MASK] token 80% of the time - masked_tokens = self._mask_input(tokens, mask_mask, self.mask_idx) - # (2) a random token 10% of the time - masked_tokens = self._mask_input( - masked_tokens, - rand_mask, - torch.randint_like(tokens, high=self.vocab_len), + warnings.warn( + "experimental package has been moved to prototype. You may change all imports from `torchtext.experimental` to `torchtext.prototype`", + UserWarning, ) - # b. generate the target prediction - target_tokens = torch.masked_select(tokens, mask.bool()) + if name == "basic_english_normalize": + from torchtext.prototype.transforms import basic_english_normalize - # masked_tokens: (T, C), target_tokens: (T x C x mask_prob, ), mask - return masked_tokens, target_tokens, mask + return basic_english_normalize + elif name == "BasicEnglishNormalize": + from torchtext.prototype.transforms import BasicEnglishNormalize - def _random_masking(self, tokens: torch.tensor, mask_prob: float) -> torch.Tensor: - """ - Function to mask tokens randomly. + return BasicEnglishNormalize + elif name == "PRETRAINED_SP_MODEL": + from torchtext.prototype.transforms import PRETRAINED_SP_MODEL - Inputs: - 1) tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] - 2) mask_prob: Probability of masking a particular token + return PRETRAINED_SP_MODEL + elif name == "load_sp_model": + from torchtext.prototype.transforms import load_sp_model - Outputs: - mask: Tensor with same shape as input tokens (batch_size x seq_len) - with masked tokens represented by a 1 and everything else as 0. - """ - batch_size, seq_len = tokens.size() - num_masked_per_seq = int(seq_len * mask_prob) + return load_sp_model + elif name == "sentencepiece_tokenizer": + from torchtext.prototype.transforms import sentencepiece_tokenizer - mask = torch.zeros((batch_size, seq_len), dtype=torch.int).to(tokens.device) - mask[:, :num_masked_per_seq] = 1 - for i in range(batch_size): - mask[i] = mask[i, torch.randperm(seq_len)] + return sentencepiece_tokenizer + elif name == "SentencePieceTokenizer": + from torchtext.prototype.transforms import SentencePieceTokenizer - return mask + return SentencePieceTokenizer + elif name == "sentencepiece_processor": + from torchtext.prototype.transforms import sentencepiece_processor - def _select_tokens_to_mask(self, tokens: torch.Tensor, mask_prob: float) -> torch.Tensor: - mask = self._random_masking(tokens, mask_prob) - if not self.mask_bos: - mask *= (tokens != self.bos_idx).long() - return mask + return sentencepiece_processor + elif name == "VocabTransform": + from torchtext.prototype.transforms import VocabTransform - def _generate_mask(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: - # chooses mask_prob% of the token positions at random - mask = self._select_tokens_to_mask(tokens, self.mask_prob) - # not mask the pad token - mask *= (tokens != self.pad_idx).long() - # keep one masked token to avoid failure in the loss calculation. - mask[0, 0] = 1 if not mask.byte().any() else mask[0, 0] + return VocabTransform + else: + from torchtext.prototype.transforms import VectorTransform - probs = torch.rand_like(tokens, dtype=torch.float) - # (1) the [MASK] token 80% of the time - mask_mask = (probs >= (1 - self.mask_mask_prob)).long() * mask - # (2) a random token 10% of the time - rand_mask = (probs < self.rand_mask_prob).long() * mask - return mask, mask_mask, rand_mask + return VectorTransform - def _mask_input(self, tokens: torch.Tensor, mask: torch.Tensor, replacement) -> torch.Tensor: - return tokens * (1 - mask) + replacement * mask + raise AttributeError(f"module {__name__} has no attribute {name}") diff --git a/torchtext/experimental/vectors.py b/torchtext/experimental/vectors.py index 361435f43d..5ee2384731 100644 --- a/torchtext/experimental/vectors.py +++ b/torchtext/experimental/vectors.py @@ -1,478 +1,34 @@ -import logging -from typing import List +def __getattr__(name): -import torch -import torch.nn as nn -from torch import Tensor -from torchtext._torchtext import _load_token_and_vectors_from_file, Vectors as VectorsPybind -from torchtext.utils import download_from_url, extract_archive + moved_apis = ["FastText", "GloVe", "load_vectors_from_file_path", "build_vectors", "Vectors"] -__all__ = ["FastText", "GloVe", "load_vectors_from_file_path", "build_vectors", "Vectors"] + if name in moved_apis: + import warnings -logger = logging.getLogger(__name__) - - -def FastText(language="en", unk_tensor=None, root=".data", validate_file=True, num_cpus=32): - r"""Create a FastText Vectors object. - - Args: - language (str): the language to use for FastText. The list of supported languages options - can be found at https://fasttext.cc/docs/en/language-identification.html - unk_tensor (Tensor): a 1d tensor representing the vector associated with an unknown token - root (str): folder used to store downloaded files in. Default: '.data'. - validate_file (bool): flag to determine whether to validate the downloaded files checksum. - Should be `False` when running tests with a local asset. - num_cpus (int): the number of cpus to use when loading the vectors from file. Default: 10. - - Returns: - torchtext.experimental.vectors.Vector: a Vectors object. - - Raises: - ValueError: if duplicate tokens are found in FastText file. - - """ - url = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec".format(language) - - checksum = None - if validate_file: - checksum = CHECKSUMS_FAST_TEXT.get(url, None) - - downloaded_file_path = download_from_url(url, root=root, hash_value=checksum) - cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file(downloaded_file_path, " ", num_cpus, unk_tensor) - - if dup_tokens: - raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) - - vectors_obj = Vectors(cpp_vectors_obj) - return vectors_obj - - -def GloVe(name="840B", dim=300, unk_tensor=None, root=".data", validate_file=True, num_cpus=32): - r"""Create a GloVe Vectors object. - - Args: - name (str): the name of the GloVe dataset to use. Options are: - - - 42B - - 840B - - twitter.27B - - 6B - dim (int): the dimension for the GloVe dataset to load. Options are: - - 42B: - - - 300 - - 840B: - - - 300 - - twitter.27B: - - - 25 - - 50 - - 100 - - 200 - - 6B: - - - 50 - - 100 - - 200 - - 300 - unk_tensor (Tensor): a 1d tensor representing the vector associated with an unknown token. - root (str): folder used to store downloaded files in (.data) - validate_file (bool): flag to determine whether to validate the downloaded files checksum. - Should be `False` when running tests with a local asset. - num_cpus (int): the number of cpus to use when loading the vectors from file. Default: 10. - Returns: - torchtext.experimental.vectors.Vector: a Vectors object. - - Raises: - ValueError: if unexpected duplicate tokens are found in GloVe file. - - """ - dup_token_glove_840b = [ - "����������������������������������������������������������������������" - "����������������������������������������������������������������������" - "����������������������������������������������������������������������" - "����������������������������������������������������������������������" - "������������������������������������������������������" - ] - urls = { - "42B": "https://nlp.stanford.edu/data/glove.42B.300d.zip", - "840B": "https://nlp.stanford.edu/data/glove.840B.300d.zip", - "twitter.27B": "https://nlp.stanford.edu/data/glove.twitter.27B.zip", - "6B": "https://nlp.stanford.edu/data/glove.6B.zip", - } - valid_glove_file_names = { - "glove.42B.300d.txt", - "glove.840B.300d.txt", - "glove.twitter.27B.25d.txt", - "glove.twitter.27B.50d.txt", - "glove.twitter.27B.100d.txt", - "glove.twitter.27B.200d.txt", - "glove.6B.50d.txt", - "glove.6B.100d.txt", - "glove.6B.200d.txt", - "glove.6B.300d.txt", - } - - file_name = "glove.{}.{}d.txt".format(name, str(dim)) - if file_name not in valid_glove_file_names: - raise ValueError( - "Could not find GloVe file with name {}. Please check that `name` and `dim`" - "are valid.".format(str(file_name)) + warnings.warn( + "experimental package has been moved to prototype. You may change all imports from `torchtext.experimental` to `torchtext.prototype`", + UserWarning, ) - url = urls[name] - checksum = None - if validate_file: - checksum = CHECKSUMS_GLOVE.get(url, None) - - downloaded_file_path = download_from_url(url, root=root, hash_value=checksum) - extracted_file_paths = extract_archive(downloaded_file_path) - # need to get the full path to the correct file in the case when multiple files are extracted with different dims - extracted_file_path_with_correct_dim = [path for path in extracted_file_paths if file_name in path][0] - cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file( - extracted_file_path_with_correct_dim, " ", num_cpus, unk_tensor - ) - - # Ensure there is only 1 expected duplicate token present for 840B dataset - if dup_tokens and dup_tokens != dup_token_glove_840b: - raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) - - vectors_obj = Vectors(cpp_vectors_obj) - return vectors_obj - - -def load_vectors_from_file_path(filepath, delimiter=",", unk_tensor=None, num_cpus=10): - r"""Create a Vectors object from a csv file path. + if name == "FastText": + from torchtext.prototype.vectors import FastText - Note that the tensor corresponding to each vector is of type `torch.float`. + return FastText + elif name == "GloVe": + from torchtext.prototype.vectors import GloVe - Format for csv file: - token1num1 num2 num3 - token2num4 num5 num6 - ... - token_nnum_m num_j num_k + return GloVe + elif name == "load_vectors_from_file_path": + from torchtext.prototype.vectors import load_vectors_from_file_path - Args: - filepath: a file path to read data from. - delimiter (char): a character to delimit between the token and the vector. Default value is "," - unk_tensor (Tensor): a 1d tensor representing the vector associated with an unknown token. - num_cpus (int): the number of cpus to use when loading the vectors from file. Default: 10. - - Returns: - Vectors: a Vectors object. - - Raises: - ValueError: if duplicate tokens are found in FastText file. - - """ - vectors_obj, dup_tokens = _load_token_and_vectors_from_file(filepath, delimiter, num_cpus, unk_tensor) - if dup_tokens: - raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) - return Vectors(vectors_obj) - - -def build_vectors(tokens, vectors, unk_tensor=None): - r"""Factory method for creating a vectors object which maps tokens to vectors. - - Args: - tokens (List[str]): a list of tokens. - vectors (torch.Tensor): a 2d tensor representing the vector associated with each token. - unk_tensor (torch.Tensor): a 1d tensors representing the vector associated with an unknown token. - Raises: - ValueError: if `vectors` is empty and a default `unk_tensor` isn't provided. - RuntimeError: if `tokens` and `vectors` have different sizes or `tokens` has duplicates. - TypeError: if all tensors within`vectors` are not of data type `torch.float`. - """ - if unk_tensor is None and (vectors is None or not len(vectors)): - raise ValueError("The vectors list is empty and a default unk_tensor wasn't provided.") - - if not vectors.dtype == torch.float: - raise TypeError("`vectors` should be of data type `torch.float`.") - - indices = [i for i in range(len(tokens))] - unk_tensor = unk_tensor if unk_tensor is not None else torch.zeros(vectors[0].size(), dtype=torch.float) - return Vectors(VectorsPybind(tokens, indices, vectors, unk_tensor)) - - -class Vectors(nn.Module): - __jit_unused_properties__ = ["is_jitable"] - r"""Creates a vectors object which maps tokens to vectors. - - Args: - vectors (torch.classes.torchtext.Vectors or torchtext._torchtext.Vectors): a cpp vectors object. - """ - - def __init__(self, vectors) -> None: - super(Vectors, self).__init__() - self.vectors = vectors - - @property - def is_jitable(self): - return not isinstance(self.vectors, VectorsPybind) - - @torch.jit.export - def forward(self, tokens: List[str]) -> Tensor: - r"""Calls the `lookup_vectors` method - - Args: - tokens: a list of string tokens - - Returns: - vectors (Tensor): returns a 2-D tensor of shape=(len(tokens), vector_dim) or an - empty tensor if `tokens` is empty - """ - return self.vectors.lookup_vectors(tokens) - - @torch.jit.export - def __getitem__(self, token: str) -> Tensor: - r""" - Args: - token (str): the token used to lookup the corresponding vector. - Returns: - vector (Tensor): a tensor (the vector) corresponding to the associated token. - """ - return self.vectors[token] - - @torch.jit.export - def __setitem__(self, token: str, vector: Tensor) -> None: - r""" - Args: - token (str): the token used to lookup the corresponding vector. - vector (Tensor): a 1d tensor representing a vector associated with the token. - - Raises: - TypeError: if `vector` is not of data type `torch.float`. - """ - if vector.dtype != torch.float: - raise TypeError("`vector` should be of data type `torch.float` but it's of type " + str(vector.dtype)) - - self.vectors[token] = vector.float() - - @torch.jit.export - def __len__(self) -> int: - r"""Get length of vectors object. - - Returns: - length (int): the length of the vectors. - """ - return len(self.vectors) - - @torch.jit.export - def lookup_vectors(self, tokens: List[str]) -> Tensor: - """Look up embedding vectors for a list of tokens. - - Args: - tokens: a list of tokens - - Returns: - vectors (Tensor): returns a 2-D tensor of shape=(len(tokens), vector_dim) or an empty tensor if `tokens` is empty - - Examples: - >>> examples = ['chip', 'baby', 'Beautiful'] - >>> vec = text.vocab.GloVe(name='6B', dim=50) - >>> ret = vec.get_vectors_by_tokens(tokens) - """ - if not len(tokens): - return torch.empty(0, 0) - - return self.vectors.lookup_vectors(tokens) - - def __prepare_scriptable__(self): - r"""Return a JITable Vectors.""" - stoi = self.vectors.get_stoi() - cpp_vectors = torch.classes.torchtext.Vectors( - list(stoi.keys()), list(stoi.values()), self.vectors.vectors_, self.vectors.unk_tensor_ - ) - return Vectors(cpp_vectors) + return load_vectors_from_file_path + elif name == "build_vectors": + from torchtext.prototype.vectors import build_vectors + return build_vectors + else: + from torchtext.prototype.vectors import Vectors -CHECKSUMS_GLOVE = { - "https://nlp.stanford.edu/data/glove.42B.300d.zip": "03d5d7fa28e58762ace4b85fb71fe86a345ef0b5ff39f5390c14869da0fc1970", - "https://nlp.stanford.edu/data/glove.840B.300d.zip": "c06db255e65095393609f19a4cfca20bf3a71e20cc53e892aafa490347e3849f", - "https://nlp.stanford.edu/data/glove.twitter.27B.zip": "792af52f795d1a32c9842a3240f5f3fe5e941a8ff6df5eb0f9d668092ebc019c", - "https://nlp.stanford.edu/data/glove.6B.zip": "617afb2fe6cbd085c235baf7a465b96f4112bd7f7ccb2b2cbd649fed9cbcf2fb", -} + return Vectors -CHECKSUMS_FAST_TEXT = { - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.am.vec": "b532c57a74628fb110b48b9d8ae2464eb971df2ecc43b89c2eb92803b8ac92bf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.als.vec": "056a359a2651a211817dbb7885ea3e6f69e0d6048d7985eab173858c59ee1adf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.af.vec": "87ecbfea969eb707eab72a7156b4318d341c0652e6e5c15c21bc08f5cf458644", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.an.vec": "57db91d8c307c45613092ebfd405061ccfdec5905035d9a8ad364f6b8ce41b29", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ar.vec": "5527041ce04fa66e45e27d7bd278f00425d97fde8c67755392d70f112fecc356", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.arz.vec": "0b6c261fd179e5d030f2b363f9f7a4db0a52e6241a910b39fb3332d39bcfbec3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.as.vec": "4475daa38bc1e8501e54dfcd79a1a58bb0771b347ad9092ce9e57e9ddfdd3b07", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.av.vec": "1292eed7f649687403fac18e0ee97202e163f9ab50f6efa885aa2db9760a967e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ast.vec": "fbba958174ced32fde2593f628c3cf4f00d53cd1d502612a34e180a0d13ce037", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.be.vec": "3b36ba86f5b76c40dabe1c7fc3214338d53ce7347c28bb2fba92b6acc098c6ad", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.az.vec": "93ebe624677a1bfbb57de001d373e111ef9191cd3186f42cad5d52886b8c6467", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ba.vec": "b739fd6f9fe57205314d67a7975a2fc387b55679399a6b2bda0d1835b1fdd5a8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.azb.vec": "05709ce8abc91115777f3cc2574d24d9439d3f6905500163295d695d41260a06", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bar.vec": "3f58304eb0345d96c0abbffb61621c1f6ec2ca39e13272b434cc6cc2bde052a1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bcl.vec": "309bb74a85647ac3a5be53fd9d3be3196cff385d257561f4183a0d91a67f0c8b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bg.vec": "16f1a02f3b708f2cbc04971258b0febdfc9ed4e64fcc3818cc6a397e3db5cf81", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bh.vec": "ab0819c155fd1609393f8af74794de8d5b49db0787edf136e938ea2c87993ab5", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bn.vec": "3dd27b9b271c203a452de1c533fdf975ebec121f17f945ef234370358db2bae6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bpy.vec": "2ba9f046d70bdaae2cbd9d33f9a1d2913637c00126588cc3223ba58ca80d49fe", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bo.vec": "c5ed2a28edf39bc100f4200cdf1c9d3c1448efefcb3d78db8becea613a2fb2eb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.br.vec": "fe858e2be787351cce96c206a9034c361e45f8b9e0a385aacfce3c73f844e923", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.da.vec": "397b0c3e18f710fb8aa1caf86441a25af2f247335e8560dbe949feb3613ef5cc", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bs.vec": "ee065fe168c0a4f1a0b9fbd8854be4572c138a414fd7200381d0135ce6c03b49", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bxr.vec": "0bc0e47a669aa0d9ad1c665593f7257c4b27a4e3becce457a7348da716bdabb4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ca.vec": "1600696088c7f2fe555eb6a4548f427f969a450ed0313d68e859d6024242db5f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cbk.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ceb.vec": "7fbe4474043e4f656eb2f81ee03d1e863cef8e62ad4e3bd9a3a4143785752568", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ce.vec": "2a321e2de98d0abb5a12599d9567dd5ac93f9e2599251237026acff35f23cef8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cs.vec": "0eba2ac0852b1057909d4e8e5e3fa75470f9cb9408b364433ac4747eb2b568a9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cv.vec": "67f09d353f2561b16c385187789eb6ff43fa125d3cc81081b2bc7d062c9f0b8a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cy.vec": "1023affdcb7e84dd59b1b7de892f65888b6403e2ed4fd77cb836face1c70ee68", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.co.vec": "7f16f06c19c8528dc48a0997f67bf5f0d79da2d817247776741b54617b6053d9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ckb.vec": "ef3a8472cc2ac86976a1a91cde3edc7fcd1d1affd3c6fb6441451e9fbc6c3ae8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.de.vec": "3020c26e32238ba95a933926763b5c693bf7793bf0c722055cecda1e0283578c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.diq.vec": "6f71204e521e03ae70b4bd8a41c50cc72cd4b8c3e242a4ab5c77670603df1b42", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dty.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dv.vec": "2b4f19bfcf0d38e6ab54e53d752847ab60f4880bae955fff2c485135e923501e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dsb.vec": "ed6699709e0e2f2e3b4a4e32ef3f98f0ccb3f1fed2dad41b7a6deafdc2b32acf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.el.vec": "a397de14c637f0b843fcda8724b406f5a7fe9f3ead7f02cfcaeed43858212da6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.en.vec": "ba5420ac217fb34f15f58ded0d911a4370dfb1f3341fa7511a49ae74c87de282", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eml.vec": "a81f0a05c9d3ffd310f6e2d864ee48bff952dbfb2612293b58ab7bc49755cfe6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.es.vec": "cf2e9a1976055a18ad358fb0331bc5f9b2e8541d6d4903b562a63b60f3ae392e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.et.vec": "de15792f8373f27f1053eef28cff4c782c4b440fd57a3472af38e5bf94eafda6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eo.vec": "a137201c5cf54e218b6bb0bac540beaee2e81e285bf9c59c0d57e0a85e3353c0", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fi.vec": "63017414860020f7409d31c8b65c1f8ed0a64fe11224d4e82e17667ce0fbd0c5", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fa.vec": "da0250d60d159820bf0830499168c2f4f1eaffe74f1508c579ca9b41bae6c53f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eu.vec": "93f6e44742ea43ff11b5da4c634ebf73f3b1aa3e9485d43eb27bd5ee3979b657", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ilo.vec": "e20ac3c7ef6a076315f15d9c326e93b22c2d5eee6bec5caef7bab6faf691b13a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.frr.vec": "a39b393261a8a5c19d97f6a085669daa9e0b9a0cab0b5cf5f7cb23f6084c35e0", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ga.vec": "7b33e77e9feb32a6ce2f85ab449516294a616267173c6bbf8f1de5c2b2885699", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fy.vec": "07b695f598e2d51cdd17359814b32f15c56f5beaa7a6b49f69de835e13a212b8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fr.vec": "bc68b0703375da9e81c3c11d0c28f3f8375dd944c209e697c4075e579455ac2a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gd.vec": "464e8b97a8b262352a0dc663aa22f98fc0c3f9e7134a749644ad07249dbd42e8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gn.vec": "5d2ac06649f6199ffad8480efa03f97d2910d1501a4528bfb013524d6f2d6c2b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gl.vec": "b4b6233b0c650f9d665e5c8aa372f8745d1a40868f93ecf87f026c60b2bb0f9e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gu.vec": "910296b888e17416e9af43f636f83bbe0b81da68b5e62139ab9c06671dbbacf1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gom.vec": "20f38a650e90a372a92a1680c6a92fc1d89c21cd41835c8d0e5e42f30d52b7ec", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hi.vec": "e5ec503a898207e17a7681d97876607b0481384b6c1cc4c9c6b6aaba7ad293d0", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gv.vec": "b9d6384219d999e43f66ace6decd80eb6359e0956c61cb7049021b194c269ffe", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.he.vec": "5d861a705bf541671c0cee731c1b71f6a65d8defd3df2978a7f83e8b0580903b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hif.vec": "445e65668be650f419e0a14791b95c89c3f4142d32371501e53038749eb2c71c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hsb.vec": "27be86ce2435dfeb07d76d406a8ec7b46ebf9b6b8fb5da24208eca1492ffe5bb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hr.vec": "4d42787554747a86253a23e9a830a8571faea0b622e48ed136f8b9817dea9da3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ht.vec": "be5e089f22a43ca00a35467545bc6cca15b5c5951ac34c504a23686ab735e995", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hy.vec": "63dc48faeb4f3c5ea2e6f78a0bf4d8bf3d623af52b7f3a9b9e5984dbc79ba66f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hu.vec": "766de324b4783fe2d31df8f78966ea088712a981b6b0b5336bc71938773fe21e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ia.vec": "1ec19501030cafa0fdccf7f4c5794f4cd7e795b015330f6ea6bc9eff97eaeca5", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ie.vec": "41c9e34f5445c4aafd7f5d52665b9aa89fb3c76b5262e9401d21b58dd2e53609", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.id.vec": "436180ac3d405eefe8c2be20ae3e67cddc866afb94e486afcbaef549c24b7d60", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.io.vec": "2bedf13a6d751ad5191474e65b6104fa3175ca4c3f9ade214f25cfeede1c9c8c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.is.vec": "7fe6d8eca113e245ea5467e8f4cab9697dff1d623ac0a8e6fdaca0a93d7fc6f3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.it.vec": "5a9d111edd3f199e7379373ba18f4e5317c6c6c5053a9d6d0a56f32298d3bde4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ja.vec": "b44b2eef8bdcf0739c971c4ff7fcae7a300b5e06cf0e50c5787082957ad9d998", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jv.vec": "4a46ac08781861d6e19fcc70a421340b627889a054279dacee0f32ee12b1f4f7", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jbo.vec": "766c0eb15b1e2cad9a14d0a0937e859e20f6f2ed203ff7ba4f3c70d3b1888d2b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ka.vec": "10b08b9372ef6e44e0e826e6a8d01b3396a319d78ce2db990c51d688c2d0259e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kk.vec": "2dabc86ed917ba236c96c8c327aa3394f32ea511068a9dce205a46923c5716d1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kn.vec": "7f9ab4985e0d5f91462fbdcbfbfaeef619d973e638fbc7c928cfcc5bd37d473b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.km.vec": "bf35b294d86fceac916feee3e167fe6aee3fe73380f78e5377c94ff0d023b77c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ko.vec": "44bae904dd7923d1178e83067cc42d9437097f7e86cb83bdd8281febe4b9adaa", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.krc.vec": "b0ff031a60938b612f9b0c9612bd206cbb1f5288a6ee3482d116174b81d9269f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kv.vec": "a6202b11f869683ce75e60bf206c230109f91b651801dc6ea07b3b7f2c5c9b32", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kw.vec": "061e26d970aa7cb3fded9278372a53d0dd8359abc664caa385edaac9aac1359d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ku.vec": "7f117b704d5ac791463796b1ac2d833717c0cfc75dbfb50c2e80aa0c9348c448", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ky.vec": "adb5c72c47c514cd5417f46f8a7baba4061063b0e75c2d0b2e42dc08144af6cf", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lb.vec": "566334801777746bc2c1076e1b24a8281e10fe31f0db30a2a4b0b490033e6d04", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.li.vec": "50a1054a31a7e11f5bd3fe980e1646205284e540fb1be3ae88f4bf16b0d10301", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lez.vec": "109c3f3fee8970cfab1b7152315816284aa4b5788403d4007866ad417a63b5e6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.la.vec": "ca3b46e03bebf6b937cd7f01c29566b7d48d94d3de033a527ce45744a40ea00a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lo.vec": "acd1a8cbabbfc50196cb3dfeb9e82c71409c40ae90dc3485044396bbb7350431", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lmo.vec": "26952850a5569e8241d1e6ff2d6877fa51b6715e8fdeec9bf5f9d716e94c958e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lt.vec": "54bc7d3c1ef600f4710047c4dafd1346e8b53bd29a327bc132f6a9fd0c14b8c7", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lrc.vec": "24d6c530275176cb03e566e9e5737a1680e79854e6c0a2da19a7cb27a029a0ce", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lv.vec": "ed93e318306e19cc18154b095a2494d94ab061009c3a8fa1c3501495f81b7198", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mg.vec": "12ab899108b74bbee8b685ed7f4941719485560c7346875a0be79c7ba6dbec2a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mai.vec": "387a5d1194e8e441b09c7a215a71cad75e6e1a0777c08f90b2ed5bf4e90423d3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mhr.vec": "080cb31ff85f0bc21ae75b66311214d594f76a7fdf17699aa5ba8239c6ccd164", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mk.vec": "ea3d8e77ba3cf17c516e7d0c93e45a73a5e54b1b245ddb65351826678fe102d1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.min.vec": "13fac5abbd2053365c5570edea2017e2a6d814e682a8e906d92b3deaa761b741", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ml.vec": "69eafbab72db69278acec01ff8883d41d616f8aaa59e473faafc115996db5898", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mn.vec": "a1ec46e780d2f42633ffbe363ce17b1f700fa6744ce40b5a19446a714b9066d8", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mr.vec": "e30ee3d90d6687868cc6dee609e4d487b81362ea231e8456f8265bace55c7ffb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ms.vec": "71ebc8bc0959a592e071db35995119ee33fc17ff61611e6ea09ea6736b317f17", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mrj.vec": "93351fb85f38523fbf3767fac32625f26be37582afbddfef258642f4530f4ab9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.my.vec": "5a8216d0df2d70e5517bcb4cbe523fc03d34f802a83d04a88faadfff7b700b9f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mwl.vec": "6997a71b0a745c124135d6c52196d14412d4068fca8aa13b2b3b9598b933cf38", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mt.vec": "f07a6071fcb3bcda4c6c5e6a0ebe6f3f5d228e8c1fc7ef5160cc3dd098718e98", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.myv.vec": "ffebdb940b95fe76f3885e8853f3d88ebf9a23c24f64ccdf52c9a269a3f4d459", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nah.vec": "2b1fc52e4a4901d824070d1e5fc2196f33c6d787edb8ce3732ace1d05407788e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mzn.vec": "692f68fa5537a690720f9c2ce0a2c5edaa0d06fe04b2749d169a178aecf751ad", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nap.vec": "954aa926c6d47882c2397997d57a8afde3e0ca851a42b07280d6e465577f6925", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ne.vec": "8d4bf875ca4733d022d4f415777dc2f9e33a93ddc67361add30aed298bc41bc6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nds.vec": "767dcf37a6018cce9f885b31b3c54671199c0f9554ffb09112130b62144556db", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nl.vec": "d0601975d00d672ad03a3b146c13c4b6240111d286834e385853e2a25f4fb66a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.new.vec": "b7328d5408d91bbdc7ee7a9fd6761af322ea8ddb35a405a60826a5b7e327dd29", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nn.vec": "c2d2617c932bb49ba64bea9396435ce882fc4238e3983081967658891d18309e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.no.vec": "762670d35c29910a0daa86444a1b32d4fd9c94deff82c53abe751c5463dcb025", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.or.vec": "b1d97ba3d93b37903266b551e164fc9e51c7d5a429e77330cb281fb7de28bd71", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.os.vec": "c249450a7cb5750c39a9121658b91055a0f5cccfe67c1879706a8bced390bebd", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.oc.vec": "a4bb95b2fc28e82c5c976af32d632e5241daeeaea2bca2cb3300ad036619c0f6", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pam.vec": "b0dd33c3f7e85805b1937d95d73194f3834f40a43a92c12544911ab30818cd20", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pa.vec": "61462550fac53d8156c2e61f738b63ef0639949b87d8abeb566194dc86b1a488", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pl.vec": "9c2674431e796595c8c1d3b5e1a941c7e833d23cad223d6e4d1c36447af5f3cc", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pfl.vec": "889a62dbb945033bfc53516b976042df7791c0aa8290dcb92f12240685d2d2c1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pnb.vec": "7c26c9297b15a75bb1f2bfeb8f11dd3c55821a06bd64fe7a105699ed4d9d794a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ps.vec": "e718dfda7790cb309e37f0d42400afebf6036aa018dcd7eb330d576bb5c55030", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.qu.vec": "b71076861dc0221acf540d4abbf6e760a2871c2dc380556fc7bad402d26ec738", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pms.vec": "33a90387e8b75c09980b4c80171cabaae38e9b87de7bf320ecd93c344afaeb39", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rm.vec": "9a7f0690c8b42c96a1ad50bb8e7da5d69a3a9f7f0676289243319553a10aac41", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ro.vec": "e19b3e99a6eae03c15dc5f5d7385beb2540528ee102501499b7ca846c2687d83", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pt.vec": "bffbfcafb9f004f13f1be12fa0201c5011324b14a52c2996ae2b97f268819e0c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rue.vec": "cb0aa15cb7816337509ed1b95c8844928a38d29e392e4e5295f35593e633b222", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sa.vec": "6a303056d4841496599595be06fdcdf28ab5a2fc611c3428d95a3af9d4df0067", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ru.vec": "9567b90e037c459eb4be4c2a47a04fffbfd5b0d01b84baf86b16535f0dc3728e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sah.vec": "670a7c98a6c4bf6444b1a26213a5c8114d41c68006b4f32f6dee96558494076d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sc.vec": "52abeb74f579f53b3c8bb55ae5cd8bbf8878c7083e61c693c0f7c8d289e80248", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.scn.vec": "ad8e57aba916c6ab571157c02098ad1519c8f6ce1e72f35538efe1cb488a1a25", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sd.vec": "7906a45f27aa65ba3d5cb034f56d2852d54d9ec3301b9df345f1a12a6cef9d7a", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sco.vec": "eafc948e3e9e20aac5e7986979b3b3275c1acb2944e07b9b58d964da61408ff7", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sh.vec": "36dc95a0fc0de137421df0b86eb7c55faff04d30b26969ae1fa331631824276d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sk.vec": "dd9f51e48a55fe63c5cf901c9ce0bd6baab249ac51135a1b4cdb4e12f164687b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sl.vec": "2ab76744a9d5321b6709b4ff379fb10495e004f72f6f221965028d6ee1cffd1e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.so.vec": "28025afd6be6c8166898af85eb33536b111753fbf30e363beb7c064674c6d3c4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.si.vec": "112246c583380fcf367932b55e5d42d5ffc12b8c206f981deae24fd4c61b7416", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sq.vec": "4b4850d700aa1674e44bf733d6e2f83763b1ce9f0e7dfd524eb2c1b29c782631", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sr.vec": "713f24f861cf540e3e28882915a89023cde222b6edb28fac7fb45b9bd894042e", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sv.vec": "d21b96312bcf64faf1cd972d6eff44cd4a5afc575ff5c8f9b31d2d8819f56fca", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.su.vec": "b763d1c6471320b071ad2009a82dc6fb0ffeaf07319562438f84cfcb2718e2a4", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sw.vec": "b9e17565d44cfba3c120274fd359b371c3b8d969b973e77ada3357defa843c79", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.te.vec": "2d684ba8af330a716f732f9581c7faee80322232e02713d441130f304af8a897", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tg.vec": "e2ed18d08da76bff25f2170452365aa341e967114a45271a8ba8d9cefc062aef", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.th.vec": "079fadf992d34ae885ce5d7c23baa10aea4ee971147993b007d8bf0557906a18", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ta.vec": "a3cedbf2ce4adb5a8b3688539ef37c6c59047d8d20ffd74e2e384ffcac588ac1", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tk.vec": "05f0ccf5f6a2bdf6073e16f11c7a2327ebe4d12610af44051872d4fea32591ec", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tl.vec": "a524621cefca337c5b83e6a2849afd12100fcd59bd7f3b228bddb4fb95cb17ea", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tr.vec": "4cf567dbb73053bb7b08370e89ec6a7c5626e397e71de99637e70c68ba4c71d9", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tt.vec": "6dc86b913c0375b204f1c8d7c8543d80888030693ed4ebef10c75e358c17d0fa", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tyv.vec": "b8a687337b3e7f344b9aecff19306c7a1cb432cdc03b46fd2f2e9e376be3073c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uk.vec": "186523ce3be943f9ecae127155371c494192564d1dffe743ab5db8ba28e50874", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ug.vec": "04184a3a6be245e55f09c04856acc14f687adc4b802aaf875bf5883a1669a856", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ur.vec": "df38c3cf123edf09366f47ea694c02dec59929df218ca81d5aa69d77552b6865", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uz.vec": "f6289fa8cf2ff936a1716a5cf8fd07da46907af26b1236403a292273f2d8fb55", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vec.vec": "c6d786f4231f30b4116a8dce181b2513b40b55a654c60793a5c0566152287aeb", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vls.vec": "2f430e1d83f0f00fef517f7d35505bcf1445dc7de0db4f051ae7315f1bb0647b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vep.vec": "81268d74e29bbae9f166d523151d12c246ff26be9cd680344faece7e1ca97ebe", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vi.vec": "206206d496697de7e96c69500e926014c9f71c7115c3844350766ced21d7003f", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.war.vec": "51b58d0ace2779b17b88a5b51847a813042e2b018ada573e0bce5a093da5ff4d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wa.vec": "37aee21a768a5883f6bee4a486040883224a93619b8b03dcefb1e939b655cd1c", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vo.vec": "4fa6a6ff897a1a49470861d343792feac0ca16e02e9ed1917f1506245ac28b2d", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wuu.vec": "09a619a8ef25392bf8905d741cdb63922a115e05b38f56de27c339985691c5d2", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xal.vec": "bf9ad172c55d8910e0156953158a9cb1f9cbcc6b9b1e78cf09c123d3409af5e3", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yi.vec": "75dc1cad2a4dad5ad7d7723ef0b8e87abe3f4b799e9c38c54f4afe51d916a82b", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yo.vec": "c8aa49859debb8b3d1568bb510e12814d55ce5994f0cc6dc43ca9b2c4f739946", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xmf.vec": "94ffed6fc1123523d72e3b92d0d3cc5513c116b9e9b2bba5d8b47f7b6fce6abd", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yue.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", - "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.zh.vec": "76f72bd13269ae492715415ef62afb109046ce557f5af24e822b71f9b9360bef", -} + raise AttributeError(f"module {__name__} has no attribute {name}") diff --git a/torchtext/experimental/vocab_factory.py b/torchtext/experimental/vocab_factory.py index eaf5c4efc2..c55a0d55eb 100644 --- a/torchtext/experimental/vocab_factory.py +++ b/torchtext/experimental/vocab_factory.py @@ -1,79 +1,20 @@ -from typing import Callable, Optional +def __getattr__(name): + moved_apis = ["build_vocab_from_text_file", "load_vocab_from_file"] + if name in moved_apis: + import warnings -import torch -from torchtext._torchtext import ( - _build_vocab_from_text_file, - _build_vocab_from_text_file_using_python_tokenizer, - _load_vocab_from_file, -) -from torchtext.vocab import Vocab + warnings.warn( + "experimental package has been moved to prototype. You may change all imports from `torchtext.experimental` to `torchtext.prototype`", + UserWarning, + ) -__all__ = [ - "build_vocab_from_text_file", - "load_vocab_from_file", -] + if name == "build_vocab_from_text_file": + from torchtext.prototype.vocab_factory import build_vocab_from_text_file + return build_vocab_from_text_file + else: + from torchtext.prototype.vocab_factory import load_vocab_from_file -def build_vocab_from_text_file( - file_path: str, tokenizer: Optional[Callable] = None, min_freq: int = 1, num_cpus: Optional[int] = 4 -) -> Vocab: - r"""Create a `Vocab` object from a raw text file. - The `file_path` can contain any raw text. This function applies a generic JITed tokenizer in - parallel to the text. + return load_vocab_from_file - Args: - file_object: A file object to read data from. - tokenizer: A python callable to split input sentence into tokens. It can also be a Jited Module. - By default, the function will do tokenization based on python split() function. - min_freq: The minimum frequency needed to include a token in the vocabulary. - num_cpus: the number of cpus to use when loading the vectors from file. It will be ignored when tokenizer is not torch scripted (JIT'd) - Returns: - torchtext.vocab.Vocab: a `Vocab` object. - Examples: - >>> from torchtext.experimental.vocab_factory import build_vocab_from_text_file - >>> v = build_vocab_from_text_file('vocab.txt') # using python split function as tokenizer - >>> #using JIT'd tokenizer - >>> from torchtext.experimental.transforms import basic_english_normalize - >>> tokenizer = basic_english_normalize() - >>> tokenizer = basic_english_normalize() - >>> jit_tokenizer = torch.jit.script(tokenizer) - >>> v = build_vocab_from_text_file('vocab.txt', jit_tokenizer, num_cpus = 4) - """ - - if not tokenizer: - - def tokenizer(x): - return x.split() - - if isinstance(tokenizer, torch.jit.ScriptModule) or isinstance(tokenizer, torch.jit.ScriptFunction): - vocab_obj = _build_vocab_from_text_file(file_path, min_freq, num_cpus, tokenizer) - else: - vocab_obj = _build_vocab_from_text_file_using_python_tokenizer(file_path, min_freq, tokenizer) - return Vocab(vocab_obj) - - -def load_vocab_from_file(file_path: str, min_freq: int = 1, num_cpus: int = 4) -> Vocab: - r"""Create a `Vocab` object from a text file. - The `file_path` should contain tokens separated by new lines. - Format for txt file: - - token1 - token2 - ... - token_n - - Args: - file_object: A file like object to read data from. - min_freq: The minimum frequency needed to include a token in the vocabulary. - num_cpus: the number of cpus to use when loading the vectors from file. - - Returns: - torchtext.vocab.Vocab: a `Vocab` object. - - Examples: - >>> from torchtext.vocab import load_vocab_from_file - >>> v = load_vocab_from_file('vocab.txt') - """ - - vocab_obj = _load_vocab_from_file(file_path, min_freq, num_cpus) - return Vocab(vocab_obj) + raise AttributeError(f"module {__name__} has no attribute {name}") diff --git a/torchtext/prototype/__init__.py b/torchtext/prototype/__init__.py new file mode 100644 index 0000000000..f7f17fa618 --- /dev/null +++ b/torchtext/prototype/__init__.py @@ -0,0 +1,3 @@ +from . import transforms + +__all__ = ["transforms"] diff --git a/torchtext/experimental/asset/get_checksum.sh b/torchtext/prototype/asset/get_checksum.sh similarity index 100% rename from torchtext/experimental/asset/get_checksum.sh rename to torchtext/prototype/asset/get_checksum.sh diff --git a/torchtext/experimental/asset/get_checksums_fast_text.py b/torchtext/prototype/asset/get_checksums_fast_text.py similarity index 100% rename from torchtext/experimental/asset/get_checksums_fast_text.py rename to torchtext/prototype/asset/get_checksums_fast_text.py diff --git a/torchtext/prototype/transforms.py b/torchtext/prototype/transforms.py new file mode 100644 index 0000000000..e11f88fa77 --- /dev/null +++ b/torchtext/prototype/transforms.py @@ -0,0 +1,483 @@ +import io +from typing import List, Tuple + +import torch +import torch.nn as nn +from torch import Tensor +from torchtext._torchtext import RegexTokenizer as RegexTokenizerPybind, SentencePiece as SentencePiecePybind + + +__all__ = [ + "basic_english_normalize", + "BasicEnglishNormalize", + "PRETRAINED_SP_MODEL", + "load_sp_model", + "sentencepiece_tokenizer", + "SentencePieceTokenizer", + "sentencepiece_processor", + "SentencePieceProcessor", + "VocabTransform", + "VectorTransform", +] + + +def basic_english_normalize(): + r"""Basic normalization for a string sentence. + + Normalization includes + - lowercasing + - complete some basic text normalization for English words as follows: + + - add spaces before and after '\'' + - remove '\"', + - add spaces before and after '.' + - replace '
'with single space + - add spaces before and after ',' + - add spaces before and after '(' + - add spaces before and after ')' + - add spaces before and after '!' + - add spaces before and after '?' + - replace ';' with single space + - replace ':' with single space + - replace multiple spaces with single space + + Examples: + >>> import torch + >>> from torchtext.experimental.transforms import basic_english_normalize + >>> test_sample = 'Basic English Normalization for a Line of Text' + >>> basic_eng_norm = basic_english_normalize() + >>> jit_basic_eng_norm = torch.jit.script(basic_eng_norm) + >>> tokens = jit_basic_eng_norm(test_sample) + """ + + patterns_list = [ + (r"\'", " ' "), + (r"\"", ""), + (r"\.", " . "), + (r"
", " "), + (r",", " , "), + (r"\(", " ( "), + (r"\)", " ) "), + (r"\!", " ! "), + (r"\?", " ? "), + (r"\;", " "), + (r"\:", " "), + (r"\s+", " "), + ] + + patterns = [pair[0] for pair in patterns_list] + replacements = [pair[1] for pair in patterns_list] + return BasicEnglishNormalize(RegexTokenizerPybind(patterns, replacements, True)) + + +class BasicEnglishNormalize(nn.Module): + __jit_unused_properties__ = ["is_jitable"] + r"""Basic normalization for a string sentence. + + Args: + regex_tokenizer (torch.classes.torchtext.RegexTokenizer or torchtext._torchtext.RegexTokenizer): a cpp regex tokenizer object. + """ + + def __init__(self, regex_tokenizer) -> None: + super(BasicEnglishNormalize, self).__init__() + self.regex_tokenizer = regex_tokenizer + + @property + def is_jitable(self): + return not isinstance(self.regex_tokenizer, RegexTokenizerPybind) + + def forward(self, line: str) -> List[str]: + r""" + Args: + lines (str): a text string to tokenize. + + Returns: + List[str]: a token list after normalizing and splitting on whitespace. + """ + + return self.regex_tokenizer.forward(line) + + def __prepare_scriptable__(self): + r"""Return a JITable BasicEnglishNormalize.""" + regex_tokenizer = torch.classes.torchtext.RegexTokenizer( + self.regex_tokenizer.patterns_, self.regex_tokenizer.replacements_, True + ) + return BasicEnglishNormalize(regex_tokenizer) + + +PRETRAINED_SP_MODEL = { + "text_unigram_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_15000.model", + "text_unigram_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_25000.model", + "text_unigram_50000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_unigram_50000.model", + "text_bpe_15000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_15000.model", + "text_bpe_25000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_25000.model", + "text_bpe_50000": "https://pytorch.s3.amazonaws.com/models/text/pretrained_spm/text_bpe_50000.model", +} + + +def load_sp_model(sp_model): + r"""Load a sentencepiece model for file. + + Args: + sp_model: the file path or a file object saving the sentencepiece model. + + Outputs: + output: a SentencePiece model. + + Examples: + >>> from torchtext.experimental.transforms import load_sp_model + >>> sp_model = load_sp_model("m_user.model") + >>> sp_model = load_sp_model(open("m_user.model", 'rb')) + + Note: We also provide several pretrained sentencepiece models. The model was trained with torchtext.datasets.WikiText103, + torchtext.datasets.EnWik9 and BookCorpus. Both BPE and unigram methods were used to train the model (for more + details please refer to SentencePiece GitHub https://github.com/google/sentencepiece). We also provide the pretrained model + with a different size of the vocabulary (i.e. 15000, 25000, 50000). + The following pretrained sentencepiece models are provided: + + - text_unigram_15000 + - text_unigram_25000 + - text_unigram_50000 + - text_bpe_15000 + - text_bpe_25000 + - text_bpe_50000 + + Examples: + >>> from torchtext.experimental.transforms import PRETRAINED_SP_MODEL + >>> sp_model_path = torchtext.utils.download_from_url(PRETRAINED_SP_MODEL['text_unigram_25000']) + >>> sp_model = load_sp_model(sp_model_path) + """ + + if isinstance(sp_model, str): + with open(sp_model, "rb") as f: + return SentencePiecePybind(f.read()) + elif isinstance(sp_model, io.BufferedReader): + return SentencePiecePybind(sp_model.read()) + else: + raise TypeError( + f"Unsupported type for sp_model argument: {type(sp_model).__name__}. " + + "Supported types are: " + + ", ".join(["str", "io.BufferedReader"]) + ) + + +def sentencepiece_tokenizer(sp_model): + r"""Factory function to generate SentencePieceTokenizer from a pretrained SentencePiece model + + Args: + sp_model: the file path or a file object saving the sentencepiece model. + + Examples: + >>> import torch + >>> from torchtext.experimental.transforms import sentencepiece_tokenizer + >>> spm_tokenizer = sentencepiece_tokenizer('m_user.model') + >>> jit_spm_tokenizer = torch.jit.script(spm_tokenizer) + """ + + spm = load_sp_model(sp_model) + return SentencePieceTokenizer(spm) + + +class SentencePieceTokenizer(nn.Module): + r"""Tokenizer based on a pretained sentencepiece model. + + Args: + spm_model: the sentencepiece model instance + """ + + def __init__(self, spm_model) -> None: + super(SentencePieceTokenizer, self).__init__() + self.sp_model = spm_model + + def forward(self, line: str) -> List[str]: + r""" + Args: + line: the input sentence string + + Examples: + >>> spm_tokenizer('the pretrained sp model names') + >>> ['▁the', '▁pre', 'trained', '▁sp', '▁model', '▁names'] + + Note: SentencePiece treats the input text just as a sequence of Unicode characters. Whitespace is also handled as a normal symbol. To handle the whitespace as a basic token explicitly, SentencePiece first escapes the whitespace with a meta symbol "▁" (U+2581) as follows. + """ + + return self.sp_model.EncodeAsPieces(line) + + @torch.jit.export + def decode(self, tokens: List[str]) -> str: + r""" + Args: + tokens: the tokens list for decoder + + Examples: + >>> spm_transform.decoder(['▁the', '▁pre', 'trained', '▁sp', '▁model', '▁names']) + >>> 'the pretrained sp model names' + """ + + return self.sp_model.DecodePieces(tokens) + + def __prepare_scriptable__(self): + torchbind_spm = torch.classes.torchtext.SentencePiece(self.sp_model._return_content()) + return SentencePieceTokenizer(torchbind_spm) + + +def sentencepiece_processor(sp_model): + r"""Factory function to generate SentencePieceProcessor from a pretrained SentencePiece model + + Args: + sp_model: the file path or a file object saving the sentencepiece model. + + Examples: + >>> import torch + >>> from torchtext.experimental.transforms import sentencepiece_processor + >>> spm_processor = sentencepiece_processor('m_user.model') + >>> jit_spm_processor = torch.jit.script(spm_processor) + """ + + spm = load_sp_model(sp_model) + return SentencePieceProcessor(spm) + + +class SentencePieceProcessor(nn.Module): + r"""String to ids transform based on a pretained sentencepiece model + + Args: + spm_model: the sentencepiece model instance + """ + + def __init__(self, spm_model) -> None: + super(SentencePieceProcessor, self).__init__() + self.sp_model = spm_model + + def forward(self, line: str) -> List[int]: + r""" + Args: + line: the input sentence string + + Examples: + >>> spm_processor('the pretrained sp model names') + >>> [9, 1546, 18811, 2849, 2759, 2202] + """ + + return self.sp_model.EncodeAsIds(line) + + @torch.jit.export + def decode(self, ids: List[int]) -> str: + r""" + Args: + ids: the integers list for decoder + + Examples: + >>> spm_processor.decoder([9, 1546, 18811, 2849, 2759, 2202]) + >>> 'the pretrained sp model names' + """ + + return self.sp_model.DecodeIds(ids) + + def __prepare_scriptable__(self): + torchbind_spm = torch.classes.torchtext.SentencePiece(self.sp_model._return_content()) + return SentencePieceProcessor(torchbind_spm) + + +class VocabTransform(nn.Module): + r"""Vocab transform + + Args: + vocab: an instance of torchtext.vocab.Vocab class. + + Example: + >>> import torch + >>> from torchtext.vocab import vocab_from_file_object + >>> f = open('vocab.txt', 'r') + >>> vocab_transform = VocabTransform(vocab_from_file_object(f)) + >>> jit_vocab_transform = torch.jit.script(vocab_transform) + """ + + def __init__(self, vocab) -> None: + super(VocabTransform, self).__init__() + self.vocab = vocab + + def forward(self, tokens: List[str]) -> List[int]: + r""" + + Args: + tokens: a string token list + + Example: + >>> vocab_transform(['here', 'is', 'an', 'example']) + + """ + + return self.vocab.lookup_indices(tokens) + + +class VectorTransform(nn.Module): + r"""Vector transform + + Args: + vector: an instance of torchtext.experimental.vectors.Vectors class. + + Example: + >>> import torch + >>> from torchtext.experimental.vectors import FastText + >>> vector_transform = VectorTransform(FastText()) + >>> jit_vector_transform = torch.jit.script(vector_transform) + """ + + def __init__(self, vector) -> None: + super(VectorTransform, self).__init__() + self.vector = vector + + def forward(self, tokens: List[str]) -> Tensor: + r""" + + Args: + tokens: a string token list + + Example: + >>> vector_transform(['here', 'is', 'an', 'example']) + + """ + + return self.vector.lookup_vectors(tokens) + + +class MaskTransform(nn.Module): + """ + The transform chooses mask_prob% (example 15%) of the token positions at random for + prediction. + + If the i-th token is chosen, we replace the i-th token with + (1) the [MASK] token 80% of the time + (2) a random token 10% of the time + (3) the unchanged i-th token 10% of the time. + + Args: + vocab_len (int): the length of the vocabulary, including special tokens such as [BOS], [PAD], [MASK] + mask_idx (int): index assigned to mask token in vocabulary + bos_idx (int): index assigned to beginning-of-sequence token in vocabulary + pad_idx (int): index assigned to padding token in vocabulary + mask_bos (bool): indicate whether beginning-of-sequence tokens are eligible for masking (default: False) + mask_prob (float): probability that a token is chosen for replacement (default: 0.15) + + Example: + >>> import torch + >>> from torchtext.experimental.transforms import MaskTransform + >>> sample_tokens = [ + ["[BOS]", "a", "b", "c", "d"], + ["[BOS]", "a", "b", "[PAD]", "[PAD]"] + ] + >>> sample_token_ids = torch.tensor([ + [6, 0, 1, 2, 3], [6, 0, 1, 4, 4] + ]) + >>> mask_transform = MaskTransform( + vocab_len = 7, + mask_idx = 4, + bos_idx = 6, + pad_idx = 5, + mask_bos = False, + mask_prob = 0.15 + ) + >>> masked_tokens, target_tokens, mask = mask_transform(sample_token_ids) + """ + + # maks_mask_prob is prob. of replacing a token with [MASK] (ex. 80%) + mask_mask_prob = 0.8 + + # rand_mask_thresh is prob. of replacing a token with a random token. (ex.10%) + rand_mask_prob = 0.1 + + def __init__( + self, + vocab_len: int, + mask_idx: int, + bos_idx: int, + pad_idx: int, + mask_bos: bool = False, + mask_prob: float = 0.15, + ): + super().__init__() + self.vocab_len = vocab_len + self.mask_idx = mask_idx + self.bos_idx = bos_idx + self.pad_idx = pad_idx + self.mask_prob = mask_prob + self.mask_bos = mask_bos + + def forward(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + """ + Applies mask to input tokens. + + Inputs: + tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] + + Outputs: + masked_tokens: Tensor of tokens after masking has been applied + target_tokens: Tensor of token values selected for masking + mask: Tensor with same shape as input tokens (batch_size x seq_len) + with masked tokens represented by a 1 and everything else as 0. + """ + # tokens, mask, mask_mask, rand_mask: (T, C) + mask, mask_mask, rand_mask = self._generate_mask(tokens) + + # a. generate the masked input tokens + # (1) the [MASK] token 80% of the time + masked_tokens = self._mask_input(tokens, mask_mask, self.mask_idx) + # (2) a random token 10% of the time + masked_tokens = self._mask_input( + masked_tokens, + rand_mask, + torch.randint_like(tokens, high=self.vocab_len), + ) + + # b. generate the target prediction + target_tokens = torch.masked_select(tokens, mask.bool()) + + # masked_tokens: (T, C), target_tokens: (T x C x mask_prob, ), mask + return masked_tokens, target_tokens, mask + + def _random_masking(self, tokens: torch.tensor, mask_prob: float) -> torch.Tensor: + """ + Function to mask tokens randomly. + + Inputs: + 1) tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] + 2) mask_prob: Probability of masking a particular token + + Outputs: + mask: Tensor with same shape as input tokens (batch_size x seq_len) + with masked tokens represented by a 1 and everything else as 0. + """ + batch_size, seq_len = tokens.size() + num_masked_per_seq = int(seq_len * mask_prob) + + mask = torch.zeros((batch_size, seq_len), dtype=torch.int).to(tokens.device) + mask[:, :num_masked_per_seq] = 1 + for i in range(batch_size): + mask[i] = mask[i, torch.randperm(seq_len)] + + return mask + + def _select_tokens_to_mask(self, tokens: torch.Tensor, mask_prob: float) -> torch.Tensor: + mask = self._random_masking(tokens, mask_prob) + if not self.mask_bos: + mask *= (tokens != self.bos_idx).long() + return mask + + def _generate_mask(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + # chooses mask_prob% of the token positions at random + mask = self._select_tokens_to_mask(tokens, self.mask_prob) + # not mask the pad token + mask *= (tokens != self.pad_idx).long() + # keep one masked token to avoid failure in the loss calculation. + mask[0, 0] = 1 if not mask.byte().any() else mask[0, 0] + + probs = torch.rand_like(tokens, dtype=torch.float) + # (1) the [MASK] token 80% of the time + mask_mask = (probs >= (1 - self.mask_mask_prob)).long() * mask + # (2) a random token 10% of the time + rand_mask = (probs < self.rand_mask_prob).long() * mask + return mask, mask_mask, rand_mask + + def _mask_input(self, tokens: torch.Tensor, mask: torch.Tensor, replacement) -> torch.Tensor: + return tokens * (1 - mask) + replacement * mask diff --git a/torchtext/prototype/vectors.py b/torchtext/prototype/vectors.py new file mode 100644 index 0000000000..361435f43d --- /dev/null +++ b/torchtext/prototype/vectors.py @@ -0,0 +1,478 @@ +import logging +from typing import List + +import torch +import torch.nn as nn +from torch import Tensor +from torchtext._torchtext import _load_token_and_vectors_from_file, Vectors as VectorsPybind +from torchtext.utils import download_from_url, extract_archive + +__all__ = ["FastText", "GloVe", "load_vectors_from_file_path", "build_vectors", "Vectors"] + +logger = logging.getLogger(__name__) + + +def FastText(language="en", unk_tensor=None, root=".data", validate_file=True, num_cpus=32): + r"""Create a FastText Vectors object. + + Args: + language (str): the language to use for FastText. The list of supported languages options + can be found at https://fasttext.cc/docs/en/language-identification.html + unk_tensor (Tensor): a 1d tensor representing the vector associated with an unknown token + root (str): folder used to store downloaded files in. Default: '.data'. + validate_file (bool): flag to determine whether to validate the downloaded files checksum. + Should be `False` when running tests with a local asset. + num_cpus (int): the number of cpus to use when loading the vectors from file. Default: 10. + + Returns: + torchtext.experimental.vectors.Vector: a Vectors object. + + Raises: + ValueError: if duplicate tokens are found in FastText file. + + """ + url = "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.{}.vec".format(language) + + checksum = None + if validate_file: + checksum = CHECKSUMS_FAST_TEXT.get(url, None) + + downloaded_file_path = download_from_url(url, root=root, hash_value=checksum) + cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file(downloaded_file_path, " ", num_cpus, unk_tensor) + + if dup_tokens: + raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) + + vectors_obj = Vectors(cpp_vectors_obj) + return vectors_obj + + +def GloVe(name="840B", dim=300, unk_tensor=None, root=".data", validate_file=True, num_cpus=32): + r"""Create a GloVe Vectors object. + + Args: + name (str): the name of the GloVe dataset to use. Options are: + + - 42B + - 840B + - twitter.27B + - 6B + dim (int): the dimension for the GloVe dataset to load. Options are: + + 42B: + + - 300 + + 840B: + + - 300 + + twitter.27B: + + - 25 + - 50 + - 100 + - 200 + + 6B: + + - 50 + - 100 + - 200 + - 300 + unk_tensor (Tensor): a 1d tensor representing the vector associated with an unknown token. + root (str): folder used to store downloaded files in (.data) + validate_file (bool): flag to determine whether to validate the downloaded files checksum. + Should be `False` when running tests with a local asset. + num_cpus (int): the number of cpus to use when loading the vectors from file. Default: 10. + Returns: + torchtext.experimental.vectors.Vector: a Vectors object. + + Raises: + ValueError: if unexpected duplicate tokens are found in GloVe file. + + """ + dup_token_glove_840b = [ + "����������������������������������������������������������������������" + "����������������������������������������������������������������������" + "����������������������������������������������������������������������" + "����������������������������������������������������������������������" + "������������������������������������������������������" + ] + urls = { + "42B": "https://nlp.stanford.edu/data/glove.42B.300d.zip", + "840B": "https://nlp.stanford.edu/data/glove.840B.300d.zip", + "twitter.27B": "https://nlp.stanford.edu/data/glove.twitter.27B.zip", + "6B": "https://nlp.stanford.edu/data/glove.6B.zip", + } + valid_glove_file_names = { + "glove.42B.300d.txt", + "glove.840B.300d.txt", + "glove.twitter.27B.25d.txt", + "glove.twitter.27B.50d.txt", + "glove.twitter.27B.100d.txt", + "glove.twitter.27B.200d.txt", + "glove.6B.50d.txt", + "glove.6B.100d.txt", + "glove.6B.200d.txt", + "glove.6B.300d.txt", + } + + file_name = "glove.{}.{}d.txt".format(name, str(dim)) + if file_name not in valid_glove_file_names: + raise ValueError( + "Could not find GloVe file with name {}. Please check that `name` and `dim`" + "are valid.".format(str(file_name)) + ) + + url = urls[name] + checksum = None + if validate_file: + checksum = CHECKSUMS_GLOVE.get(url, None) + + downloaded_file_path = download_from_url(url, root=root, hash_value=checksum) + extracted_file_paths = extract_archive(downloaded_file_path) + # need to get the full path to the correct file in the case when multiple files are extracted with different dims + extracted_file_path_with_correct_dim = [path for path in extracted_file_paths if file_name in path][0] + cpp_vectors_obj, dup_tokens = _load_token_and_vectors_from_file( + extracted_file_path_with_correct_dim, " ", num_cpus, unk_tensor + ) + + # Ensure there is only 1 expected duplicate token present for 840B dataset + if dup_tokens and dup_tokens != dup_token_glove_840b: + raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) + + vectors_obj = Vectors(cpp_vectors_obj) + return vectors_obj + + +def load_vectors_from_file_path(filepath, delimiter=",", unk_tensor=None, num_cpus=10): + r"""Create a Vectors object from a csv file path. + + Note that the tensor corresponding to each vector is of type `torch.float`. + + Format for csv file: + token1num1 num2 num3 + token2num4 num5 num6 + ... + token_nnum_m num_j num_k + + Args: + filepath: a file path to read data from. + delimiter (char): a character to delimit between the token and the vector. Default value is "," + unk_tensor (Tensor): a 1d tensor representing the vector associated with an unknown token. + num_cpus (int): the number of cpus to use when loading the vectors from file. Default: 10. + + Returns: + Vectors: a Vectors object. + + Raises: + ValueError: if duplicate tokens are found in FastText file. + + """ + vectors_obj, dup_tokens = _load_token_and_vectors_from_file(filepath, delimiter, num_cpus, unk_tensor) + if dup_tokens: + raise ValueError("Found duplicate tokens in file: {}".format(str(dup_tokens))) + return Vectors(vectors_obj) + + +def build_vectors(tokens, vectors, unk_tensor=None): + r"""Factory method for creating a vectors object which maps tokens to vectors. + + Args: + tokens (List[str]): a list of tokens. + vectors (torch.Tensor): a 2d tensor representing the vector associated with each token. + unk_tensor (torch.Tensor): a 1d tensors representing the vector associated with an unknown token. + Raises: + ValueError: if `vectors` is empty and a default `unk_tensor` isn't provided. + RuntimeError: if `tokens` and `vectors` have different sizes or `tokens` has duplicates. + TypeError: if all tensors within`vectors` are not of data type `torch.float`. + """ + if unk_tensor is None and (vectors is None or not len(vectors)): + raise ValueError("The vectors list is empty and a default unk_tensor wasn't provided.") + + if not vectors.dtype == torch.float: + raise TypeError("`vectors` should be of data type `torch.float`.") + + indices = [i for i in range(len(tokens))] + unk_tensor = unk_tensor if unk_tensor is not None else torch.zeros(vectors[0].size(), dtype=torch.float) + return Vectors(VectorsPybind(tokens, indices, vectors, unk_tensor)) + + +class Vectors(nn.Module): + __jit_unused_properties__ = ["is_jitable"] + r"""Creates a vectors object which maps tokens to vectors. + + Args: + vectors (torch.classes.torchtext.Vectors or torchtext._torchtext.Vectors): a cpp vectors object. + """ + + def __init__(self, vectors) -> None: + super(Vectors, self).__init__() + self.vectors = vectors + + @property + def is_jitable(self): + return not isinstance(self.vectors, VectorsPybind) + + @torch.jit.export + def forward(self, tokens: List[str]) -> Tensor: + r"""Calls the `lookup_vectors` method + + Args: + tokens: a list of string tokens + + Returns: + vectors (Tensor): returns a 2-D tensor of shape=(len(tokens), vector_dim) or an + empty tensor if `tokens` is empty + """ + return self.vectors.lookup_vectors(tokens) + + @torch.jit.export + def __getitem__(self, token: str) -> Tensor: + r""" + Args: + token (str): the token used to lookup the corresponding vector. + Returns: + vector (Tensor): a tensor (the vector) corresponding to the associated token. + """ + return self.vectors[token] + + @torch.jit.export + def __setitem__(self, token: str, vector: Tensor) -> None: + r""" + Args: + token (str): the token used to lookup the corresponding vector. + vector (Tensor): a 1d tensor representing a vector associated with the token. + + Raises: + TypeError: if `vector` is not of data type `torch.float`. + """ + if vector.dtype != torch.float: + raise TypeError("`vector` should be of data type `torch.float` but it's of type " + str(vector.dtype)) + + self.vectors[token] = vector.float() + + @torch.jit.export + def __len__(self) -> int: + r"""Get length of vectors object. + + Returns: + length (int): the length of the vectors. + """ + return len(self.vectors) + + @torch.jit.export + def lookup_vectors(self, tokens: List[str]) -> Tensor: + """Look up embedding vectors for a list of tokens. + + Args: + tokens: a list of tokens + + Returns: + vectors (Tensor): returns a 2-D tensor of shape=(len(tokens), vector_dim) or an empty tensor if `tokens` is empty + + Examples: + >>> examples = ['chip', 'baby', 'Beautiful'] + >>> vec = text.vocab.GloVe(name='6B', dim=50) + >>> ret = vec.get_vectors_by_tokens(tokens) + """ + if not len(tokens): + return torch.empty(0, 0) + + return self.vectors.lookup_vectors(tokens) + + def __prepare_scriptable__(self): + r"""Return a JITable Vectors.""" + stoi = self.vectors.get_stoi() + cpp_vectors = torch.classes.torchtext.Vectors( + list(stoi.keys()), list(stoi.values()), self.vectors.vectors_, self.vectors.unk_tensor_ + ) + return Vectors(cpp_vectors) + + +CHECKSUMS_GLOVE = { + "https://nlp.stanford.edu/data/glove.42B.300d.zip": "03d5d7fa28e58762ace4b85fb71fe86a345ef0b5ff39f5390c14869da0fc1970", + "https://nlp.stanford.edu/data/glove.840B.300d.zip": "c06db255e65095393609f19a4cfca20bf3a71e20cc53e892aafa490347e3849f", + "https://nlp.stanford.edu/data/glove.twitter.27B.zip": "792af52f795d1a32c9842a3240f5f3fe5e941a8ff6df5eb0f9d668092ebc019c", + "https://nlp.stanford.edu/data/glove.6B.zip": "617afb2fe6cbd085c235baf7a465b96f4112bd7f7ccb2b2cbd649fed9cbcf2fb", +} + +CHECKSUMS_FAST_TEXT = { + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.am.vec": "b532c57a74628fb110b48b9d8ae2464eb971df2ecc43b89c2eb92803b8ac92bf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.als.vec": "056a359a2651a211817dbb7885ea3e6f69e0d6048d7985eab173858c59ee1adf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.af.vec": "87ecbfea969eb707eab72a7156b4318d341c0652e6e5c15c21bc08f5cf458644", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.an.vec": "57db91d8c307c45613092ebfd405061ccfdec5905035d9a8ad364f6b8ce41b29", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ar.vec": "5527041ce04fa66e45e27d7bd278f00425d97fde8c67755392d70f112fecc356", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.arz.vec": "0b6c261fd179e5d030f2b363f9f7a4db0a52e6241a910b39fb3332d39bcfbec3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.as.vec": "4475daa38bc1e8501e54dfcd79a1a58bb0771b347ad9092ce9e57e9ddfdd3b07", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.av.vec": "1292eed7f649687403fac18e0ee97202e163f9ab50f6efa885aa2db9760a967e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ast.vec": "fbba958174ced32fde2593f628c3cf4f00d53cd1d502612a34e180a0d13ce037", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.be.vec": "3b36ba86f5b76c40dabe1c7fc3214338d53ce7347c28bb2fba92b6acc098c6ad", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.az.vec": "93ebe624677a1bfbb57de001d373e111ef9191cd3186f42cad5d52886b8c6467", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ba.vec": "b739fd6f9fe57205314d67a7975a2fc387b55679399a6b2bda0d1835b1fdd5a8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.azb.vec": "05709ce8abc91115777f3cc2574d24d9439d3f6905500163295d695d41260a06", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bar.vec": "3f58304eb0345d96c0abbffb61621c1f6ec2ca39e13272b434cc6cc2bde052a1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bcl.vec": "309bb74a85647ac3a5be53fd9d3be3196cff385d257561f4183a0d91a67f0c8b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bg.vec": "16f1a02f3b708f2cbc04971258b0febdfc9ed4e64fcc3818cc6a397e3db5cf81", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bh.vec": "ab0819c155fd1609393f8af74794de8d5b49db0787edf136e938ea2c87993ab5", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bn.vec": "3dd27b9b271c203a452de1c533fdf975ebec121f17f945ef234370358db2bae6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bpy.vec": "2ba9f046d70bdaae2cbd9d33f9a1d2913637c00126588cc3223ba58ca80d49fe", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bo.vec": "c5ed2a28edf39bc100f4200cdf1c9d3c1448efefcb3d78db8becea613a2fb2eb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.br.vec": "fe858e2be787351cce96c206a9034c361e45f8b9e0a385aacfce3c73f844e923", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.da.vec": "397b0c3e18f710fb8aa1caf86441a25af2f247335e8560dbe949feb3613ef5cc", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bs.vec": "ee065fe168c0a4f1a0b9fbd8854be4572c138a414fd7200381d0135ce6c03b49", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.bxr.vec": "0bc0e47a669aa0d9ad1c665593f7257c4b27a4e3becce457a7348da716bdabb4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ca.vec": "1600696088c7f2fe555eb6a4548f427f969a450ed0313d68e859d6024242db5f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cbk.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ceb.vec": "7fbe4474043e4f656eb2f81ee03d1e863cef8e62ad4e3bd9a3a4143785752568", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ce.vec": "2a321e2de98d0abb5a12599d9567dd5ac93f9e2599251237026acff35f23cef8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cs.vec": "0eba2ac0852b1057909d4e8e5e3fa75470f9cb9408b364433ac4747eb2b568a9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cv.vec": "67f09d353f2561b16c385187789eb6ff43fa125d3cc81081b2bc7d062c9f0b8a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.cy.vec": "1023affdcb7e84dd59b1b7de892f65888b6403e2ed4fd77cb836face1c70ee68", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.co.vec": "7f16f06c19c8528dc48a0997f67bf5f0d79da2d817247776741b54617b6053d9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ckb.vec": "ef3a8472cc2ac86976a1a91cde3edc7fcd1d1affd3c6fb6441451e9fbc6c3ae8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.de.vec": "3020c26e32238ba95a933926763b5c693bf7793bf0c722055cecda1e0283578c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.diq.vec": "6f71204e521e03ae70b4bd8a41c50cc72cd4b8c3e242a4ab5c77670603df1b42", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dty.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dv.vec": "2b4f19bfcf0d38e6ab54e53d752847ab60f4880bae955fff2c485135e923501e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.dsb.vec": "ed6699709e0e2f2e3b4a4e32ef3f98f0ccb3f1fed2dad41b7a6deafdc2b32acf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.el.vec": "a397de14c637f0b843fcda8724b406f5a7fe9f3ead7f02cfcaeed43858212da6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.en.vec": "ba5420ac217fb34f15f58ded0d911a4370dfb1f3341fa7511a49ae74c87de282", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eml.vec": "a81f0a05c9d3ffd310f6e2d864ee48bff952dbfb2612293b58ab7bc49755cfe6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.es.vec": "cf2e9a1976055a18ad358fb0331bc5f9b2e8541d6d4903b562a63b60f3ae392e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.et.vec": "de15792f8373f27f1053eef28cff4c782c4b440fd57a3472af38e5bf94eafda6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eo.vec": "a137201c5cf54e218b6bb0bac540beaee2e81e285bf9c59c0d57e0a85e3353c0", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fi.vec": "63017414860020f7409d31c8b65c1f8ed0a64fe11224d4e82e17667ce0fbd0c5", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fa.vec": "da0250d60d159820bf0830499168c2f4f1eaffe74f1508c579ca9b41bae6c53f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.eu.vec": "93f6e44742ea43ff11b5da4c634ebf73f3b1aa3e9485d43eb27bd5ee3979b657", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ilo.vec": "e20ac3c7ef6a076315f15d9c326e93b22c2d5eee6bec5caef7bab6faf691b13a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.frr.vec": "a39b393261a8a5c19d97f6a085669daa9e0b9a0cab0b5cf5f7cb23f6084c35e0", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ga.vec": "7b33e77e9feb32a6ce2f85ab449516294a616267173c6bbf8f1de5c2b2885699", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fy.vec": "07b695f598e2d51cdd17359814b32f15c56f5beaa7a6b49f69de835e13a212b8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.fr.vec": "bc68b0703375da9e81c3c11d0c28f3f8375dd944c209e697c4075e579455ac2a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gd.vec": "464e8b97a8b262352a0dc663aa22f98fc0c3f9e7134a749644ad07249dbd42e8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gn.vec": "5d2ac06649f6199ffad8480efa03f97d2910d1501a4528bfb013524d6f2d6c2b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gl.vec": "b4b6233b0c650f9d665e5c8aa372f8745d1a40868f93ecf87f026c60b2bb0f9e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gu.vec": "910296b888e17416e9af43f636f83bbe0b81da68b5e62139ab9c06671dbbacf1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gom.vec": "20f38a650e90a372a92a1680c6a92fc1d89c21cd41835c8d0e5e42f30d52b7ec", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hi.vec": "e5ec503a898207e17a7681d97876607b0481384b6c1cc4c9c6b6aaba7ad293d0", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.gv.vec": "b9d6384219d999e43f66ace6decd80eb6359e0956c61cb7049021b194c269ffe", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.he.vec": "5d861a705bf541671c0cee731c1b71f6a65d8defd3df2978a7f83e8b0580903b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hif.vec": "445e65668be650f419e0a14791b95c89c3f4142d32371501e53038749eb2c71c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hsb.vec": "27be86ce2435dfeb07d76d406a8ec7b46ebf9b6b8fb5da24208eca1492ffe5bb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hr.vec": "4d42787554747a86253a23e9a830a8571faea0b622e48ed136f8b9817dea9da3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ht.vec": "be5e089f22a43ca00a35467545bc6cca15b5c5951ac34c504a23686ab735e995", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hy.vec": "63dc48faeb4f3c5ea2e6f78a0bf4d8bf3d623af52b7f3a9b9e5984dbc79ba66f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.hu.vec": "766de324b4783fe2d31df8f78966ea088712a981b6b0b5336bc71938773fe21e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ia.vec": "1ec19501030cafa0fdccf7f4c5794f4cd7e795b015330f6ea6bc9eff97eaeca5", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ie.vec": "41c9e34f5445c4aafd7f5d52665b9aa89fb3c76b5262e9401d21b58dd2e53609", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.id.vec": "436180ac3d405eefe8c2be20ae3e67cddc866afb94e486afcbaef549c24b7d60", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.io.vec": "2bedf13a6d751ad5191474e65b6104fa3175ca4c3f9ade214f25cfeede1c9c8c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.is.vec": "7fe6d8eca113e245ea5467e8f4cab9697dff1d623ac0a8e6fdaca0a93d7fc6f3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.it.vec": "5a9d111edd3f199e7379373ba18f4e5317c6c6c5053a9d6d0a56f32298d3bde4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ja.vec": "b44b2eef8bdcf0739c971c4ff7fcae7a300b5e06cf0e50c5787082957ad9d998", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jv.vec": "4a46ac08781861d6e19fcc70a421340b627889a054279dacee0f32ee12b1f4f7", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.jbo.vec": "766c0eb15b1e2cad9a14d0a0937e859e20f6f2ed203ff7ba4f3c70d3b1888d2b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ka.vec": "10b08b9372ef6e44e0e826e6a8d01b3396a319d78ce2db990c51d688c2d0259e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kk.vec": "2dabc86ed917ba236c96c8c327aa3394f32ea511068a9dce205a46923c5716d1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kn.vec": "7f9ab4985e0d5f91462fbdcbfbfaeef619d973e638fbc7c928cfcc5bd37d473b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.km.vec": "bf35b294d86fceac916feee3e167fe6aee3fe73380f78e5377c94ff0d023b77c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ko.vec": "44bae904dd7923d1178e83067cc42d9437097f7e86cb83bdd8281febe4b9adaa", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.krc.vec": "b0ff031a60938b612f9b0c9612bd206cbb1f5288a6ee3482d116174b81d9269f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kv.vec": "a6202b11f869683ce75e60bf206c230109f91b651801dc6ea07b3b7f2c5c9b32", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.kw.vec": "061e26d970aa7cb3fded9278372a53d0dd8359abc664caa385edaac9aac1359d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ku.vec": "7f117b704d5ac791463796b1ac2d833717c0cfc75dbfb50c2e80aa0c9348c448", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ky.vec": "adb5c72c47c514cd5417f46f8a7baba4061063b0e75c2d0b2e42dc08144af6cf", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lb.vec": "566334801777746bc2c1076e1b24a8281e10fe31f0db30a2a4b0b490033e6d04", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.li.vec": "50a1054a31a7e11f5bd3fe980e1646205284e540fb1be3ae88f4bf16b0d10301", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lez.vec": "109c3f3fee8970cfab1b7152315816284aa4b5788403d4007866ad417a63b5e6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.la.vec": "ca3b46e03bebf6b937cd7f01c29566b7d48d94d3de033a527ce45744a40ea00a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lo.vec": "acd1a8cbabbfc50196cb3dfeb9e82c71409c40ae90dc3485044396bbb7350431", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lmo.vec": "26952850a5569e8241d1e6ff2d6877fa51b6715e8fdeec9bf5f9d716e94c958e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lt.vec": "54bc7d3c1ef600f4710047c4dafd1346e8b53bd29a327bc132f6a9fd0c14b8c7", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lrc.vec": "24d6c530275176cb03e566e9e5737a1680e79854e6c0a2da19a7cb27a029a0ce", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.lv.vec": "ed93e318306e19cc18154b095a2494d94ab061009c3a8fa1c3501495f81b7198", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mg.vec": "12ab899108b74bbee8b685ed7f4941719485560c7346875a0be79c7ba6dbec2a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mai.vec": "387a5d1194e8e441b09c7a215a71cad75e6e1a0777c08f90b2ed5bf4e90423d3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mhr.vec": "080cb31ff85f0bc21ae75b66311214d594f76a7fdf17699aa5ba8239c6ccd164", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mk.vec": "ea3d8e77ba3cf17c516e7d0c93e45a73a5e54b1b245ddb65351826678fe102d1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.min.vec": "13fac5abbd2053365c5570edea2017e2a6d814e682a8e906d92b3deaa761b741", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ml.vec": "69eafbab72db69278acec01ff8883d41d616f8aaa59e473faafc115996db5898", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mn.vec": "a1ec46e780d2f42633ffbe363ce17b1f700fa6744ce40b5a19446a714b9066d8", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mr.vec": "e30ee3d90d6687868cc6dee609e4d487b81362ea231e8456f8265bace55c7ffb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ms.vec": "71ebc8bc0959a592e071db35995119ee33fc17ff61611e6ea09ea6736b317f17", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mrj.vec": "93351fb85f38523fbf3767fac32625f26be37582afbddfef258642f4530f4ab9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.my.vec": "5a8216d0df2d70e5517bcb4cbe523fc03d34f802a83d04a88faadfff7b700b9f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mwl.vec": "6997a71b0a745c124135d6c52196d14412d4068fca8aa13b2b3b9598b933cf38", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mt.vec": "f07a6071fcb3bcda4c6c5e6a0ebe6f3f5d228e8c1fc7ef5160cc3dd098718e98", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.myv.vec": "ffebdb940b95fe76f3885e8853f3d88ebf9a23c24f64ccdf52c9a269a3f4d459", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nah.vec": "2b1fc52e4a4901d824070d1e5fc2196f33c6d787edb8ce3732ace1d05407788e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.mzn.vec": "692f68fa5537a690720f9c2ce0a2c5edaa0d06fe04b2749d169a178aecf751ad", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nap.vec": "954aa926c6d47882c2397997d57a8afde3e0ca851a42b07280d6e465577f6925", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ne.vec": "8d4bf875ca4733d022d4f415777dc2f9e33a93ddc67361add30aed298bc41bc6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nds.vec": "767dcf37a6018cce9f885b31b3c54671199c0f9554ffb09112130b62144556db", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nl.vec": "d0601975d00d672ad03a3b146c13c4b6240111d286834e385853e2a25f4fb66a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.new.vec": "b7328d5408d91bbdc7ee7a9fd6761af322ea8ddb35a405a60826a5b7e327dd29", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.nn.vec": "c2d2617c932bb49ba64bea9396435ce882fc4238e3983081967658891d18309e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.no.vec": "762670d35c29910a0daa86444a1b32d4fd9c94deff82c53abe751c5463dcb025", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.or.vec": "b1d97ba3d93b37903266b551e164fc9e51c7d5a429e77330cb281fb7de28bd71", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.os.vec": "c249450a7cb5750c39a9121658b91055a0f5cccfe67c1879706a8bced390bebd", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.oc.vec": "a4bb95b2fc28e82c5c976af32d632e5241daeeaea2bca2cb3300ad036619c0f6", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pam.vec": "b0dd33c3f7e85805b1937d95d73194f3834f40a43a92c12544911ab30818cd20", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pa.vec": "61462550fac53d8156c2e61f738b63ef0639949b87d8abeb566194dc86b1a488", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pl.vec": "9c2674431e796595c8c1d3b5e1a941c7e833d23cad223d6e4d1c36447af5f3cc", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pfl.vec": "889a62dbb945033bfc53516b976042df7791c0aa8290dcb92f12240685d2d2c1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pnb.vec": "7c26c9297b15a75bb1f2bfeb8f11dd3c55821a06bd64fe7a105699ed4d9d794a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ps.vec": "e718dfda7790cb309e37f0d42400afebf6036aa018dcd7eb330d576bb5c55030", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.qu.vec": "b71076861dc0221acf540d4abbf6e760a2871c2dc380556fc7bad402d26ec738", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pms.vec": "33a90387e8b75c09980b4c80171cabaae38e9b87de7bf320ecd93c344afaeb39", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rm.vec": "9a7f0690c8b42c96a1ad50bb8e7da5d69a3a9f7f0676289243319553a10aac41", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ro.vec": "e19b3e99a6eae03c15dc5f5d7385beb2540528ee102501499b7ca846c2687d83", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.pt.vec": "bffbfcafb9f004f13f1be12fa0201c5011324b14a52c2996ae2b97f268819e0c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.rue.vec": "cb0aa15cb7816337509ed1b95c8844928a38d29e392e4e5295f35593e633b222", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sa.vec": "6a303056d4841496599595be06fdcdf28ab5a2fc611c3428d95a3af9d4df0067", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ru.vec": "9567b90e037c459eb4be4c2a47a04fffbfd5b0d01b84baf86b16535f0dc3728e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sah.vec": "670a7c98a6c4bf6444b1a26213a5c8114d41c68006b4f32f6dee96558494076d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sc.vec": "52abeb74f579f53b3c8bb55ae5cd8bbf8878c7083e61c693c0f7c8d289e80248", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.scn.vec": "ad8e57aba916c6ab571157c02098ad1519c8f6ce1e72f35538efe1cb488a1a25", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sd.vec": "7906a45f27aa65ba3d5cb034f56d2852d54d9ec3301b9df345f1a12a6cef9d7a", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sco.vec": "eafc948e3e9e20aac5e7986979b3b3275c1acb2944e07b9b58d964da61408ff7", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sh.vec": "36dc95a0fc0de137421df0b86eb7c55faff04d30b26969ae1fa331631824276d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sk.vec": "dd9f51e48a55fe63c5cf901c9ce0bd6baab249ac51135a1b4cdb4e12f164687b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sl.vec": "2ab76744a9d5321b6709b4ff379fb10495e004f72f6f221965028d6ee1cffd1e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.so.vec": "28025afd6be6c8166898af85eb33536b111753fbf30e363beb7c064674c6d3c4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.si.vec": "112246c583380fcf367932b55e5d42d5ffc12b8c206f981deae24fd4c61b7416", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sq.vec": "4b4850d700aa1674e44bf733d6e2f83763b1ce9f0e7dfd524eb2c1b29c782631", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sr.vec": "713f24f861cf540e3e28882915a89023cde222b6edb28fac7fb45b9bd894042e", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sv.vec": "d21b96312bcf64faf1cd972d6eff44cd4a5afc575ff5c8f9b31d2d8819f56fca", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.su.vec": "b763d1c6471320b071ad2009a82dc6fb0ffeaf07319562438f84cfcb2718e2a4", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.sw.vec": "b9e17565d44cfba3c120274fd359b371c3b8d969b973e77ada3357defa843c79", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.te.vec": "2d684ba8af330a716f732f9581c7faee80322232e02713d441130f304af8a897", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tg.vec": "e2ed18d08da76bff25f2170452365aa341e967114a45271a8ba8d9cefc062aef", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.th.vec": "079fadf992d34ae885ce5d7c23baa10aea4ee971147993b007d8bf0557906a18", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ta.vec": "a3cedbf2ce4adb5a8b3688539ef37c6c59047d8d20ffd74e2e384ffcac588ac1", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tk.vec": "05f0ccf5f6a2bdf6073e16f11c7a2327ebe4d12610af44051872d4fea32591ec", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tl.vec": "a524621cefca337c5b83e6a2849afd12100fcd59bd7f3b228bddb4fb95cb17ea", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tr.vec": "4cf567dbb73053bb7b08370e89ec6a7c5626e397e71de99637e70c68ba4c71d9", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tt.vec": "6dc86b913c0375b204f1c8d7c8543d80888030693ed4ebef10c75e358c17d0fa", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.tyv.vec": "b8a687337b3e7f344b9aecff19306c7a1cb432cdc03b46fd2f2e9e376be3073c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uk.vec": "186523ce3be943f9ecae127155371c494192564d1dffe743ab5db8ba28e50874", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ug.vec": "04184a3a6be245e55f09c04856acc14f687adc4b802aaf875bf5883a1669a856", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.ur.vec": "df38c3cf123edf09366f47ea694c02dec59929df218ca81d5aa69d77552b6865", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.uz.vec": "f6289fa8cf2ff936a1716a5cf8fd07da46907af26b1236403a292273f2d8fb55", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vec.vec": "c6d786f4231f30b4116a8dce181b2513b40b55a654c60793a5c0566152287aeb", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vls.vec": "2f430e1d83f0f00fef517f7d35505bcf1445dc7de0db4f051ae7315f1bb0647b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vep.vec": "81268d74e29bbae9f166d523151d12c246ff26be9cd680344faece7e1ca97ebe", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vi.vec": "206206d496697de7e96c69500e926014c9f71c7115c3844350766ced21d7003f", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.war.vec": "51b58d0ace2779b17b88a5b51847a813042e2b018ada573e0bce5a093da5ff4d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wa.vec": "37aee21a768a5883f6bee4a486040883224a93619b8b03dcefb1e939b655cd1c", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.vo.vec": "4fa6a6ff897a1a49470861d343792feac0ca16e02e9ed1917f1506245ac28b2d", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.wuu.vec": "09a619a8ef25392bf8905d741cdb63922a115e05b38f56de27c339985691c5d2", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xal.vec": "bf9ad172c55d8910e0156953158a9cb1f9cbcc6b9b1e78cf09c123d3409af5e3", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yi.vec": "75dc1cad2a4dad5ad7d7723ef0b8e87abe3f4b799e9c38c54f4afe51d916a82b", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yo.vec": "c8aa49859debb8b3d1568bb510e12814d55ce5994f0cc6dc43ca9b2c4f739946", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.xmf.vec": "94ffed6fc1123523d72e3b92d0d3cc5513c116b9e9b2bba5d8b47f7b6fce6abd", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.yue.vec": "e3b0c44298fc1c149afbf4c8996fb92427ae41e4649b934ca495991b7852b855", + "https://dl.fbaipublicfiles.com/fasttext/vectors-wiki/wiki.zh.vec": "76f72bd13269ae492715415ef62afb109046ce557f5af24e822b71f9b9360bef", +} diff --git a/torchtext/prototype/vocab_factory.py b/torchtext/prototype/vocab_factory.py new file mode 100644 index 0000000000..eaf5c4efc2 --- /dev/null +++ b/torchtext/prototype/vocab_factory.py @@ -0,0 +1,79 @@ +from typing import Callable, Optional + +import torch +from torchtext._torchtext import ( + _build_vocab_from_text_file, + _build_vocab_from_text_file_using_python_tokenizer, + _load_vocab_from_file, +) +from torchtext.vocab import Vocab + +__all__ = [ + "build_vocab_from_text_file", + "load_vocab_from_file", +] + + +def build_vocab_from_text_file( + file_path: str, tokenizer: Optional[Callable] = None, min_freq: int = 1, num_cpus: Optional[int] = 4 +) -> Vocab: + r"""Create a `Vocab` object from a raw text file. + The `file_path` can contain any raw text. This function applies a generic JITed tokenizer in + parallel to the text. + + Args: + file_object: A file object to read data from. + tokenizer: A python callable to split input sentence into tokens. It can also be a Jited Module. + By default, the function will do tokenization based on python split() function. + min_freq: The minimum frequency needed to include a token in the vocabulary. + num_cpus: the number of cpus to use when loading the vectors from file. It will be ignored when tokenizer is not torch scripted (JIT'd) + Returns: + torchtext.vocab.Vocab: a `Vocab` object. + Examples: + >>> from torchtext.experimental.vocab_factory import build_vocab_from_text_file + >>> v = build_vocab_from_text_file('vocab.txt') # using python split function as tokenizer + >>> #using JIT'd tokenizer + >>> from torchtext.experimental.transforms import basic_english_normalize + >>> tokenizer = basic_english_normalize() + >>> tokenizer = basic_english_normalize() + >>> jit_tokenizer = torch.jit.script(tokenizer) + >>> v = build_vocab_from_text_file('vocab.txt', jit_tokenizer, num_cpus = 4) + """ + + if not tokenizer: + + def tokenizer(x): + return x.split() + + if isinstance(tokenizer, torch.jit.ScriptModule) or isinstance(tokenizer, torch.jit.ScriptFunction): + vocab_obj = _build_vocab_from_text_file(file_path, min_freq, num_cpus, tokenizer) + else: + vocab_obj = _build_vocab_from_text_file_using_python_tokenizer(file_path, min_freq, tokenizer) + return Vocab(vocab_obj) + + +def load_vocab_from_file(file_path: str, min_freq: int = 1, num_cpus: int = 4) -> Vocab: + r"""Create a `Vocab` object from a text file. + The `file_path` should contain tokens separated by new lines. + Format for txt file: + + token1 + token2 + ... + token_n + + Args: + file_object: A file like object to read data from. + min_freq: The minimum frequency needed to include a token in the vocabulary. + num_cpus: the number of cpus to use when loading the vectors from file. + + Returns: + torchtext.vocab.Vocab: a `Vocab` object. + + Examples: + >>> from torchtext.vocab import load_vocab_from_file + >>> v = load_vocab_from_file('vocab.txt') + """ + + vocab_obj = _load_vocab_from_file(file_path, min_freq, num_cpus) + return Vocab(vocab_obj) From 238c414e5c5de55aeecaa1863e7771d5c8c89790 Mon Sep 17 00:00:00 2001 From: parmeet Date: Sun, 26 Jun 2022 09:36:14 -0400 Subject: [PATCH 270/463] Add Datasets contribution guidelines (#1798) --- CONTRIBUTING_DATASETS.md | 149 +++++++++++++++++++++++++++++++++++++++ docs/source/datasets.rst | 3 +- 2 files changed, 151 insertions(+), 1 deletion(-) create mode 100644 CONTRIBUTING_DATASETS.md diff --git a/CONTRIBUTING_DATASETS.md b/CONTRIBUTING_DATASETS.md new file mode 100644 index 0000000000..9a89ac9b14 --- /dev/null +++ b/CONTRIBUTING_DATASETS.md @@ -0,0 +1,149 @@ +# Guidelines for adding new dataset + +## Background + +Torchtext datasets are based on and are built using composition of TorchData’s DataPipes. +[TorchData](https://github.com/pytorch/data) is a library that provides modular/composable primitives, allowing users to +load and transform data in performant data pipelines. With DataPipes, users can easily do data manipulation and +preprocessing using user-defined functions and transformations in a functional style programming. Datasets backed by +DataPipes also enable standard flow-control like batching, collation, shuffling and bucketizing. Collectively, DataPipes +provides a comprehensive experience for data preprocessing and tensorization needs in a Pythonic and flexible way for +model training. + +For reference, datasets have been migrated from older-style Iterable Datasets to TorchData’s DataPipes in version 0.12. +You can follow more details in this [github issue](https://github.com/pytorch/text/issues/1494) + +## Developers guide + +### Before you begin + +It’s great that you would like to contribute a new dataset to the repository, we love contributions! But there are few +things to take into account. + +- `Dataset Hosting:` Please note that torchtext does not host or provide any hosting services for datasets. It simply + provides a Dataset API contract to make it easy for end users to consume the dataset from its original source. +- `Dataset Relevance:` Although there are no strict guidelines on what can and cannot be part of the library, we think + that it is very important to take the dataset relevance into account before adding it to the repository. Some of the + reference points may include: + - Whether the dataset provide a good reference benchmarks for any given NLP/Multi-Modal related tasks + - Number of citations received by the dataset + - Community needs +- `Licensing concerns:` Last, but not least, make sure there are no licensing concerns over providing access to the + dataset through torchtext’s datasets API. We have a disclaimer + [here](https://github.com/pytorch/text#disclaimer-on-datasets) on this too. + +If you have any questions or concerns, do not hesitate to open a github issue for seeking feedback from community and +torchtext’s library maintainers. + +### Let’s get started! + +#### Functional API + +TorchText’s datasets API are all functional. To write a new dataset, create the file for the corresponding dataset in +the datasets directory and create the function with `root` as the first argument. The `root` directory is the one used +to cache the dataset. If the dataset consists of splits (`train`, `test`, `val`, `dev` etc), follow `root` by another +keyword argument called `split`. Provide any additional keyword arguments necessary to implement the dataset. Add +following decorators to your function: + +- `@_create_dataset_directory:` This decorator will create an appropriate directory in the `root` directory to download + and cache the dataset. +- `@_wrap_split_argument:` If the dataset consists of split arguments, add this decorator. It will allow the users to + pass a split argument either as `tuple` or `str`. + +Sample code to add function definition: + +```python +DATASET_NAME = "MyDataName" + +@_create_dataset_directory(dataset_name=DATASET_NAME) +@_wrap_split_argument(("train", “dev”,"test")) +def MyDataName(root: str, split: Union[Tuple[str], str], …): + … +``` + +To make the dataset importable through the torchtext’s datasets package, add it to the datasets `__init__.py` file. + +### Dataset Implementation + +Building datasets using DataPipes is fun! One just needs to think in terms of various primitive components and +abstractions that are necessary to compose the stack. A typical workflow may look like this: + +Data download (+Caching) -> Hash check -> Extraction (+Caching) ->File parsing -> Data organization -> Dataset samples. + +We already have a healthy collection of dataset implementations based on DataPipes. It provides a great starter guide to +implement new dataset since they share many of the components. For reference, it is highly recommended to look at some +of these existing datasets implementations. Furthermore, please refer to official torchdata +[documentation](https://pytorch.org/data/beta/index.html) to learn more about available +[Iterable Style DataPipes](https://pytorch.org/data/beta/torchdata.datapipes.iter.html). + +Below we provide a bit more details on what each of these components are and how to realize them using DataPipes. + +#### Download from source + +Typically the first step is to download the dataset from the host to the local machine. The dataset may be present on +different stores like Google Drive, AWS S3 etc and may require different reading mechanisms. TorchData implements a +number of commonly downloading mechanisms like HTTPReader and GDriveReader and can be used for data download. Refer to +the [IO Data Pipes](https://pytorch.org/data/beta/torchdata.datapipes.iter.html#io-datapipes) section for more details. + +#### Dataset cache + +Downloading data is expensive! Hence it is important to cache the data on disk (unless it is implemented as a streaming +Dataset). TorchData provides +[OnDiskCashHolder](https://pytorch.org/data/beta/generated/torchdata.datapipes.iter.OnDiskCacheHolder.html#torchdata.datapipes.iter.OnDiskCacheHolder) +and +[EndofDiskCashHolder](https://pytorch.org/data/beta/generated/torchdata.datapipes.iter.EndOnDiskCacheHolder.html#torchdata.datapipes.iter.EndOnDiskCacheHolder) +DataPipes to facilitate caching. In short, the datapipe checks whether the file is already available on the local +filesystem and shall trigger download only when it is not present. It is quite important to use caching, otherwise the +data will be downloaded at every epoch. The Datapipe also facilitates data integrity check via hash checking. It is +recommended to do this to ensure that we do not silently ignore changes made in the hosted dataset. + +#### Unarchiving and caching compressed files + +Typically, the dataset is often stored in archived (zip, tar etc) form. TorchData provides a number of utility datapipe +to uncompress the datasets. Check the available +[archive DataPipes](https://pytorch.org/data/beta/torchdata.datapipes.iter.html#archive-datapipes) to use them in your +dataset implementation. Furthermore, it is also highly recommended to use a caching mechanism (similar to caching +downloaded files) to ensure that data is not decompressed at every epoch. Note that it is not necessary to use hash +check for caching decompressed file(s), since it is already done for compressed file(s). + +#### Reading from files + +Data is often saved in text files with different structures/formatting like CSV, JSON etc. TorchData provides a number +of standard [text file reading utilities](https://pytorch.org/data/beta/torchdata.datapipes.iter.html#text-datapipes) +that can be conveniently stacked on top of previous IO Stream pipes like +[FileOpener](https://pytorch.org/data/beta/generated/torchdata.datapipes.iter.FileOpener.html#torchdata.datapipes.iter.FileOpener) +that yield data streams. + +#### Data organization and returning dataset samples as tuples + +In torchtext we follow the convention that samples are returned as tuples. For instance, the samples from classification +datasets are returned as tuples of (int, str) that store labels and text respectively. Similarly for translation dataset +they are tuples of (str, str) that store source and target sentences. + +#### Add support for data shuffle and sharding + +Finally add support data shuffling and sharding across ranks during distributed training and multi-processing. Follow +this [issue](https://github.com/pytorch/text/issues/1727) for additional details. + +### Testing + +We use mocking to implement end-2-end testing for the implemented dataset. We avoid testing using a real dataset since +it is expensive to download and/or cache the dataset for testing purposes. + +To implement the dataset test, create the corresponding testing file `test_.py` under `tests/datasets` +directory. Do the following: + +- Create a function `_get_mock_dataset` that writes a replica of the dataset (albeit with a much smaller number of + samples, typically 10) in a temporary directory and returns the dataset samples for comparison during testing +- Create the dataset test class `Test` that tests implementation on following two accounts: + - Samples returned on iterating over the dataset + - Dataset returned by passing split argument as `tuple` and as `str` + +For detailed examples on how to write the test, please follow the existing test suite under `tests/datasets` directory. + +For additional reference, you may also refer to [github issue #1493](https://github.com/pytorch/text/issues/1493) where +we migrated testing of all the datasets from real datasets (that were cached) to mocked one. + +### Contribute + +Simply create the PR and the torchtext team will help with reviews and get it landed on to the main branch! diff --git a/docs/source/datasets.rst b/docs/source/datasets.rst index 06a9fdd3e0..1fd0de3014 100644 --- a/docs/source/datasets.rst +++ b/docs/source/datasets.rst @@ -73,7 +73,8 @@ General use cases are as follows: :: for label, line in train_iter: tokens += tokenize(label, line) -The following datasets are available: +The following datasets are currently available. If you would like to contribute +new datasets to the repo or work with your own custom datasets, please refer to `CONTRIBUTING_DATASETS.md `_ guide. .. contents:: Datasets :local: From 7cc1807ef1a60c4401bdd46495c9e128c5be95c8 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 27 Jun 2022 14:03:42 -0700 Subject: [PATCH 271/463] Adding benchmarks for add tokens operator (#1807) --- benchmark/benchmark_torcharrow_ops.py | 24 +++++++++++++++++++++++- 1 file changed, 23 insertions(+), 1 deletion(-) diff --git a/benchmark/benchmark_torcharrow_ops.py b/benchmark/benchmark_torcharrow_ops.py index 955cbe0a89..e43e01aed3 100644 --- a/benchmark/benchmark_torcharrow_ops.py +++ b/benchmark/benchmark_torcharrow_ops.py @@ -21,6 +21,12 @@ def run_torchtext_ops(): vocab_path = "https://download.pytorch.org/models/text/roberta.vocab.pt" vocab = T.VocabTransform(load_state_dict_from_url(vocab_path)) + # add token to beginning or end of sentence + add_bos_str = T.AddToken(token="", begin=True) + add_eos_str = T.AddToken(token="", begin=False) + add_bos_int = T.AddToken(token=0, begin=True) + add_eos_int = T.AddToken(token=-1, begin=False) + # dataset train_dp = SST2(split="train") text_list = list(train_dp.map(lambda x: x[0])) @@ -29,7 +35,15 @@ def run_torchtext_ops(): tokenized_text = tokenizer(text_list) with Timer("Running torchtext's vocab query"): - _ = vocab(tokenized_text) + token_ids = vocab(tokenized_text) + + with Timer("Running torchtext's add tokens operation (string)"): + add_bos_str(token_ids) + add_eos_str(token_ids) + + with Timer("Running torchtext's add tokens operation (int)"): + add_bos_int(token_ids) + add_eos_int(token_ids) def run_torcharrow_ops(): @@ -50,6 +64,14 @@ def run_torcharrow_ops(): with Timer("Running torcharrow's vocab query"): data_frame["token_ids"] = ta_F.lookup_indices(vocab, data_frame["tokens"]) + with Timer("Running torcharrow's add tokens operation (string)"): + ta_F.add_tokens(data_frame["tokens"], [""], begin=True) + ta_F.add_tokens(data_frame["tokens"], [""], begin=False) + + with Timer("Running torcharrow's add tokens operation (int)"): + ta_F.add_tokens(data_frame["token_ids"], [0], begin=True) + ta_F.add_tokens(data_frame["token_ids"], [-1], begin=False) + if __name__ == "__main__": run_torchtext_ops() From 583c5b2baa9c38e8a206e12f852a6771858cd0e0 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 27 Jun 2022 15:45:58 -0700 Subject: [PATCH 272/463] Fixing incorrect inputs to add eos and bos operators (#1810) --- benchmark/benchmark_torcharrow_ops.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/benchmark/benchmark_torcharrow_ops.py b/benchmark/benchmark_torcharrow_ops.py index e43e01aed3..2b2bb70e41 100644 --- a/benchmark/benchmark_torcharrow_ops.py +++ b/benchmark/benchmark_torcharrow_ops.py @@ -38,8 +38,8 @@ def run_torchtext_ops(): token_ids = vocab(tokenized_text) with Timer("Running torchtext's add tokens operation (string)"): - add_bos_str(token_ids) - add_eos_str(token_ids) + add_bos_str(tokenized_text) + add_eos_str(tokenized_text) with Timer("Running torchtext's add tokens operation (int)"): add_bos_int(token_ids) From d37bb52ad0849d79b80a22cdfc1f95f5a002bee7 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 28 Jun 2022 10:34:41 -0700 Subject: [PATCH 273/463] Update compatibility matrix for 0.13 release (#1802) --- README.rst | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.rst b/README.rst index 3743e0030c..83d11d5555 100644 --- a/README.rst +++ b/README.rst @@ -29,7 +29,8 @@ We recommend Anaconda as a Python package management system. Please refer to `py :header: "PyTorch version", "torchtext version", "Supported Python version" :widths: 10, 10, 10 - nightly build, main, ">=3.7, <=3.9" + nightly build, main, ">=3.7, <=3.10" + 1.12.0, 0.13.0, ">=3.7, <=3.10" 1.11.0, 0.12.0, ">=3.6, <=3.9" 1.10.0, 0.11.0, ">=3.6, <=3.9" 1.9.1, 0.10.1, ">=3.6, <=3.9" From 81c1d7579bbbc3bc6c2eb077d14778ff1d468947 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 5 Jul 2022 22:49:58 -0400 Subject: [PATCH 274/463] [Docs] Updating usage docs for Regex Tokenizer (#1815) * Updating usage docs for regex tokenizer * Fixing indentation * Fixing formatting * Formatting changes * Code formatting * Resolve PR comments --- docs/source/transforms.rst | 14 +++++++++---- torchtext/transforms.py | 40 ++++++++++++++++++++++++++------------ 2 files changed, 38 insertions(+), 16 deletions(-) diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index 909efaf485..6b12d0ca57 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -17,27 +17,33 @@ SentencePieceTokenizer .. automethod:: forward GPT2BPETokenizer ----------------------- +---------------- .. autoclass:: GPT2BPETokenizer .. automethod:: forward CLIPTokenizer ----------------------- +------------- .. autoclass:: CLIPTokenizer .. automethod:: forward +RegexTokenizer +-------------- + +.. autoclass:: RegexTokenizer + + .. automethod:: forward + BERTTokenizer ----------------------- +------------- .. autoclass:: BERTTokenizer .. automethod:: forward - VocabTransform -------------- diff --git a/torchtext/transforms.py b/torchtext/transforms.py index df772ef62a..11fd822e16 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -660,25 +660,41 @@ def __prepare_scriptable__(self): class RegexTokenizer(Module): - __jit_unused_properties__ = ["is_jitable"] - r"""Regex tokenizer for a string sentence that applies all regex replacements defined in patterns_list. + """ + Regex tokenizer for a string sentence that applies all regex replacements defined in patterns_list. It is backed by the `C++ RE2 regular expression engine `_ from Google. Args: patterns_list (List[Tuple[str, str]]): a list of tuples (ordered pairs) which contain the regex pattern string as the first element and the replacement string as the second element. - Examples: - >>> import torch - >>> from torchtext.transforms import RegexTokenizer - >>> test_sample = 'Basic Regex Tokenization for a Line of Text' - >>> patterns_list = [ - (r'\'', ' \' '), - (r'\"', '')] - >>> reg_tokenizer = RegexTokenizer(patterns_list) - >>> jit_reg_tokenizer = torch.jit.script(reg_tokenizer) - >>> tokens = jit_reg_tokenizer(test_sample) + Caveats + - The RE2 library does not support arbitrary lookahead or lookbehind assertions, nor does it support backreferences. Look at the `docs `_ here for more info. + - The final tokenization step always uses spaces as seperators. To split strings based on a specific regex pattern, similar to Python's `re.split `_, a tuple of ``('', ' ')`` can be provided. + + Example + Regex tokenization based on ``(patterns, replacements)`` list. + >>> import torch + >>> from torchtext.transforms import RegexTokenizer + >>> test_sample = 'Basic Regex Tokenization for a Line of Text' + >>> patterns_list = [ + (r'\'', ' \' '), + (r'\"', '')] + >>> reg_tokenizer = RegexTokenizer(patterns_list) + >>> jit_reg_tokenizer = torch.jit.script(reg_tokenizer) + >>> tokens = jit_reg_tokenizer(test_sample) + Regex tokenization based on ``(single_pattern, ' ')`` list. + >>> import torch + >>> from torchtext.transforms import RegexTokenizer + >>> test_sample = 'Basic.Regex,Tokenization_for+a..Line,,of Text' + >>> patterns_list = [ + (r'[,._+ ]+', r' ')] + >>> reg_tokenizer = RegexTokenizer(patterns_list) + >>> jit_reg_tokenizer = torch.jit.script(reg_tokenizer) + >>> tokens = jit_reg_tokenizer(test_sample) """ + __jit_unused_properties__ = ["is_jitable"] + def __init__(self, patterns_list) -> None: super(RegexTokenizer, self).__init__() patterns = [pair[0] for pair in patterns_list] From c7e5a07890bf0a2eb1e8baa3e768f2e2a3091eba Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 6 Jul 2022 13:17:44 -0400 Subject: [PATCH 275/463] Fix Multi30k dataset urls (#1816) * Fix multi30k dataset urls * Added todo comment --- torchtext/datasets/multi30k.py | 9 +++++---- 1 file changed, 5 insertions(+), 4 deletions(-) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 6ba3c901a0..47f5fb3a33 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -12,16 +12,17 @@ from torchdata.datapipes.iter import FileOpener, IterableWrapper from torchtext._download_hooks import HttpReader +# TODO: Update URL to original once the server is back up (see https://github.com/pytorch/text/issues/1756) URL = { - "train": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", - "valid": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", - "test": r"http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/mmt16_task1_test.tar.gz", + "train": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/training.tar.gz", + "valid": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/validation.tar.gz", + "test": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/mmt16_task1_test.tar.gz", } MD5 = { "train": "20140d013d05dd9a72dfde46478663ba05737ce983f478f960c1123c6671be5e", "valid": "a7aa20e9ebd5ba5adce7909498b94410996040857154dab029851af3a866da8c", - "test": "0681be16a532912288a91ddd573594fbdd57c0fbb81486eff7c55247e35326c2", + "test": "6d1ca1dba99e2c5dd54cae1226ff11c2551e6ce63527ebb072a1f70f72a5cd36", } _PREFIX = { From a4a81d202e149cd82264ba37d724bfb6c8457314 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 7 Jul 2022 12:45:47 -0700 Subject: [PATCH 276/463] Update CircleCI Xcode image (#1818) CircleCI is removing Xcode 12.4.0 image on August, and there was a planned burnout on July 6th. https://app.circleci.com/pipelines/github/pytorch/text/5996/workflows/0bfa021d-b532-4385-b406-c56373c8e9ce/jobs/204435 This commit updates Xcode image to 12.5 --- .circleci/config.yml | 6 +++--- .circleci/config.yml.in | 6 +++--- 2 files changed, 6 insertions(+), 6 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index f640595844..a16cc497e2 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -206,7 +206,7 @@ jobs: binary_macos_wheel: <<: *binary_common macos: - xcode: "12.0" + xcode: "12.5" steps: - checkout - designate_upload_channel @@ -232,7 +232,7 @@ jobs: binary_macos_conda: <<: *binary_common macos: - xcode: "12.0" + xcode: "12.5" steps: - checkout - designate_upload_channel @@ -440,7 +440,7 @@ jobs: unittest_macos: <<: *binary_common macos: - xcode: "12.0" + xcode: "12.5" resource_class: large steps: - checkout diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 1acff2dbba..230256928f 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -206,7 +206,7 @@ jobs: binary_macos_wheel: <<: *binary_common macos: - xcode: "12.0" + xcode: "12.5" steps: - checkout - designate_upload_channel @@ -232,7 +232,7 @@ jobs: binary_macos_conda: <<: *binary_common macos: - xcode: "12.0" + xcode: "12.5" steps: - checkout - designate_upload_channel @@ -440,7 +440,7 @@ jobs: unittest_macos: <<: *binary_common macos: - xcode: "12.0" + xcode: "12.5" resource_class: large steps: - checkout From e1c7bc6f3f53492748d67ecb02f9f8117a58469c Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 7 Jul 2022 14:23:23 -0700 Subject: [PATCH 277/463] Define TORCHTEXT_API macro for visibility control (#1806) ## Context: TorchText uses dual-binding (PyBind11 and TorchBind) to make custom operations available in Python. The both binding eventually calls the same implementation contained in `libtorchtext.so`. The ones bound via PyBind11 (the ones in `torchtext._torchtext`) calls into `libtorchtext.so`. ![Untitled drawing](https://user-images.githubusercontent.com/855818/175428489-c288b3cc-0b9f-4230-95ed-fd7c063bb6fa.jpg) This means that `libtorchtext.so` has to make the symbols (APIs) used by `torchtext._torchtext` visible. However, the default visibility of symbols in shared libraries are different in Windows. On Windows all the symbols are by default hidden. To work around this, we use `CMAKE_WINDOWS_EXPORT_ALL_SYMBOLS` to expose all the symbols. There is an upper limit of visible symbols one library fine can contain, and this can be problematic in the future. (Although it is unlikely that torchtext will hit the limit, unless it introduces custom CUDA kernels.) A better approach is to selectively mark the symbols that should be visible as visible. ## Summary of the change set This commit introduces `TORCHTEXT_API` macro which annotates functions with proper visibility. The core logic was taken from https://github.com/pytorch/pytorch/blob/bcc02769bef1d7b89bec724223284958b7c5b564/c10/macros/Export.h The behavior is as follow; For non-Windows: It is always `__attribute__((__visibility__("default")))` For Windows: If the header is included from the compilation unit of `libtorchtext`, then it resolves to `__declspec(dllexport)`. otherwise it resolves to `__declspec(dllimport)`. This allows to remove `CMAKE_WINDOWS_EXPORT_ALL_SYMBOLS`. --- torchtext/csrc/CMakeLists.txt | 9 ++----- torchtext/csrc/bert_tokenizer.h | 18 +++++++------ torchtext/csrc/clip_tokenizer.h | 16 ++++++------ torchtext/csrc/export.h | 35 ++++++++++++++++++++++++++ torchtext/csrc/gpt2_bpe_tokenizer.h | 20 ++++++++------- torchtext/csrc/regex.h | 13 ++++++---- torchtext/csrc/regex_tokenizer.h | 11 ++++---- torchtext/csrc/sentencepiece.h | 24 ++++++++++-------- torchtext/csrc/vectors.h | 25 +++++++++++------- torchtext/csrc/vocab.h | 39 ++++++++++++++++------------- 10 files changed, 132 insertions(+), 78 deletions(-) create mode 100644 torchtext/csrc/export.h diff --git a/torchtext/csrc/CMakeLists.txt b/torchtext/csrc/CMakeLists.txt index 93a6624f34..bc077fe58b 100644 --- a/torchtext/csrc/CMakeLists.txt +++ b/torchtext/csrc/CMakeLists.txt @@ -1,9 +1,3 @@ -# the following line is added in order to export symbols when building on Windows -# this approach has some limitations as documented in https://github.com/pytorch/pytorch/pull/3650 -if (MSVC) - set(CMAKE_WINDOWS_EXPORT_ALL_SYMBOLS ON) -endif() - ################################################################################ # libtorchtext ################################################################################ @@ -41,7 +35,8 @@ set( ) set( - LIBTORCHTEXT_COMPILE_DEFINITIONS) + LIBTORCHTEXT_COMPILE_DEFINITIONS + TORCHTEXT_BUILD_MAIN_LIB) function (define_library name source include_dirs link_libraries compile_defs) add_library(${name} SHARED ${source}) diff --git a/torchtext/csrc/bert_tokenizer.h b/torchtext/csrc/bert_tokenizer.h index 37313ac3be..d6752f88bf 100644 --- a/torchtext/csrc/bert_tokenizer.h +++ b/torchtext/csrc/bert_tokenizer.h @@ -1,3 +1,4 @@ +#include #include #include #include @@ -11,7 +12,7 @@ typedef std::tuple, std::vector> BERTEncoderStates; struct BERTEncoder : torch::CustomClassHolder { - BERTEncoder( + TORCHTEXT_API BERTEncoder( const std::string& vocab_file, bool do_lower_case, c10::optional strip_accents); @@ -19,11 +20,12 @@ struct BERTEncoder : torch::CustomClassHolder { Vocab vocab, bool do_lower_case, c10::optional strip_accents); - std::vector Tokenize(std::string text); - std::vector Encode(std::string text); - std::vector> BatchTokenize( + TORCHTEXT_API std::vector Tokenize(std::string text); + TORCHTEXT_API std::vector Encode(std::string text); + TORCHTEXT_API std::vector> BatchTokenize( + std::vector text); + TORCHTEXT_API std::vector> BatchEncode( std::vector text); - std::vector> BatchEncode(std::vector text); Vocab vocab_; bool do_lower_case_; @@ -40,8 +42,8 @@ struct BERTEncoder : torch::CustomClassHolder { static std::string kUnkToken; }; -BERTEncoderStates _serialize_bert_encoder( - const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_bert_encoder( +TORCHTEXT_API BERTEncoderStates +_serialize_bert_encoder(const c10::intrusive_ptr& self); +TORCHTEXT_API c10::intrusive_ptr _deserialize_bert_encoder( BERTEncoderStates states); } // namespace torchtext diff --git a/torchtext/csrc/clip_tokenizer.h b/torchtext/csrc/clip_tokenizer.h index 5cb872d895..5781f6f86e 100644 --- a/torchtext/csrc/clip_tokenizer.h +++ b/torchtext/csrc/clip_tokenizer.h @@ -1,6 +1,7 @@ #ifndef CLIP_TOKENIZER_H_ #define CLIP_TOKENIZER_H_ +#include #include namespace torchtext { @@ -25,21 +26,22 @@ struct CLIPEncoder : GPT2BPEEncoder { public: using GPT2BPEEncoder::GPT2BPEEncoder; - std::vector Encode(const std::string& text); - std::vector Tokenize(const std::string& text); + TORCHTEXT_API std::vector Encode(const std::string& text); + TORCHTEXT_API std::vector Tokenize(const std::string& text); protected: - std::vector BPE_( + TORCHTEXT_API std::vector BPE_( const std::vector& token_list) override; - std::vector PreTokenize_(std::string input) override; + TORCHTEXT_API std::vector PreTokenize_( + std::string input) override; }; -CLIPEncoderStatesPybind _serialize_clip_encoder_pybind( - const c10::intrusive_ptr& self); +TORCHTEXT_API CLIPEncoderStatesPybind +_serialize_clip_encoder_pybind(const c10::intrusive_ptr& self); CLIPEncoderStatesTorchbind _serialize_clip_encoder_torchbind( const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_clip_encoder_pybind( +TORCHTEXT_API c10::intrusive_ptr _deserialize_clip_encoder_pybind( CLIPEncoderStatesPybind states); c10::intrusive_ptr _deserialize_clip_encoder_torchbind( CLIPEncoderStatesTorchbind states); diff --git a/torchtext/csrc/export.h b/torchtext/csrc/export.h new file mode 100644 index 0000000000..dad0ff73f3 --- /dev/null +++ b/torchtext/csrc/export.h @@ -0,0 +1,35 @@ +#pragma once + +// Define the visibility of symbols. +// The original logic and background can be found here. +// https://github.com/pytorch/pytorch/blob/bcc02769bef1d7b89bec724223284958b7c5b564/c10/macros/Export.h#L49-L55 +// +// In the context of torchtext, the logic is simpler at the moment. +// +// The torchtext custom operations are implemented in +// `torchtext/lib/libtorchtext.[so|pyd]`. Some symbols are referred from +// `torchtext._torchtext`. +// +// In Windows, default visibility of dynamically library are hidden, while in +// Linux/macOS, they are visible. +// +// At the moment we do not expect torchtext libraries to be built/linked +// statically. We assume they are always shared. + +#ifdef _WIN32 +#define TORCHTEXT_EXPORT __declspec(dllexport) +#define TORCHTEXT_IMPORT __declspec(dllimport) +#else // _WIN32 +#if defined(__GNUC__) +#define TORCHTEXT_EXPORT __attribute__((__visibility__("default"))) +#else // defined(__GNUC__) +#define TORCHTEXT_EXPORT +#endif // defined(__GNUC__) +#define TORCHTEXT_IMPORT TORCHTEXT_EXPORT +#endif // _WIN32 + +#ifdef TORCHTEXT_BUILD_MAIN_LIB +#define TORCHTEXT_API TORCHTEXT_EXPORT +#else +#define TORCHTEXT_API TORCHTEXT_IMPORT +#endif diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index 8229421557..49777803a9 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -2,6 +2,7 @@ #define GPT2_BPE_TOKENIZER_H_ #include +#include #include #include @@ -79,7 +80,7 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { const c10::Dict& byte_encoder, bool caching_enabled = false); - explicit GPT2BPEEncoder( + TORCHTEXT_API explicit GPT2BPEEncoder( const std::unordered_map& bpe_encoder, const std::unordered_map& bpe_merge_ranks, const std::string& seperator, @@ -97,20 +98,21 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { // --> bpe encode --> bpe token ids: [707, 5927], [11], [707, 68] // --> result --> [707, 5927, 11, 707, 68] // - std::vector Encode(const std::string& text); - std::vector Tokenize(const std::string& text); + TORCHTEXT_API std::vector Encode(const std::string& text); + TORCHTEXT_API std::vector Tokenize(const std::string& text); - std::unordered_map GetBPEEncoder() const; - std::unordered_map GetBPEMergeRanks() const; - std::unordered_map GetByteEncoder() const; + TORCHTEXT_API std::unordered_map GetBPEEncoder() const; + TORCHTEXT_API std::unordered_map GetBPEMergeRanks() + const; + TORCHTEXT_API std::unordered_map GetByteEncoder() const; }; -GPT2BPEEncoderStatesPybind _serialize_gpt2_bpe_encoder_pybind( +TORCHTEXT_API GPT2BPEEncoderStatesPybind _serialize_gpt2_bpe_encoder_pybind( const c10::intrusive_ptr& self); GPT2BPEEncoderStatesTorchbind _serialize_gpt2_bpe_encoder_torchbind( const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_pybind( - GPT2BPEEncoderStatesPybind states); +TORCHTEXT_API c10::intrusive_ptr +_deserialize_gpt2_bpe_encoder_pybind(GPT2BPEEncoderStatesPybind states); c10::intrusive_ptr _deserialize_gpt2_bpe_encoder_torchbind( GPT2BPEEncoderStatesTorchbind states); } // namespace torchtext diff --git a/torchtext/csrc/regex.h b/torchtext/csrc/regex.h index 9095136a22..35e7e507f5 100644 --- a/torchtext/csrc/regex.h +++ b/torchtext/csrc/regex.h @@ -1,6 +1,7 @@ #include #include #include +#include #include namespace torchtext { @@ -11,12 +12,14 @@ struct Regex : torch::CustomClassHolder { public: std::string re_str_; - Regex(const std::string& re_str); - std::string Sub(std::string str, const std::string& repl) const; - bool FindAndConsume(re2::StringPiece* input, std::string* text) const; + TORCHTEXT_API Regex(const std::string& re_str); + TORCHTEXT_API std::string Sub(std::string str, const std::string& repl) const; + TORCHTEXT_API bool FindAndConsume(re2::StringPiece* input, std::string* text) + const; }; -std::string _serialize_regex(const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_regex(std::string&& state); +TORCHTEXT_API std::string _serialize_regex( + const c10::intrusive_ptr& self); +TORCHTEXT_API c10::intrusive_ptr _deserialize_regex(std::string&& state); } // namespace torchtext diff --git a/torchtext/csrc/regex_tokenizer.h b/torchtext/csrc/regex_tokenizer.h index 965d953d1c..d689f984e8 100644 --- a/torchtext/csrc/regex_tokenizer.h +++ b/torchtext/csrc/regex_tokenizer.h @@ -1,5 +1,6 @@ #include #include +#include namespace torchtext { @@ -19,16 +20,16 @@ struct RegexTokenizer : torch::CustomClassHolder { std::vector replacements_; bool to_lower_; - explicit RegexTokenizer( + TORCHTEXT_API explicit RegexTokenizer( const std::vector& patterns, const std::vector& replacements, const bool to_lower); - std::vector forward(std::string str) const; + TORCHTEXT_API std::vector forward(std::string str) const; }; -RegexTokenizerStates _serialize_regex_tokenizer( - const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_regex_tokenizer( +TORCHTEXT_API RegexTokenizerStates +_serialize_regex_tokenizer(const c10::intrusive_ptr& self); +TORCHTEXT_API c10::intrusive_ptr _deserialize_regex_tokenizer( RegexTokenizerStates&& states); } // namespace torchtext diff --git a/torchtext/csrc/sentencepiece.h b/torchtext/csrc/sentencepiece.h index 568b3c5149..a0f177f55d 100644 --- a/torchtext/csrc/sentencepiece.h +++ b/torchtext/csrc/sentencepiece.h @@ -1,6 +1,7 @@ #include #include #include +#include namespace torchtext { @@ -16,16 +17,19 @@ struct SentencePiece : torch::CustomClassHolder { // serialized model from this content_ member, thus it needs to be public. std::string content_; - explicit SentencePiece(const std::string& content); - std::vector Encode(const std::string& input) const; - std::vector EncodeAsIds(const std::string& input) const; - std::string DecodeIds(const std::vector& ids) const; - std::vector EncodeAsPieces(const std::string& input) const; - std::string DecodePieces(const std::vector& pieces) const; - int64_t GetPieceSize() const; - int64_t unk_id() const; - int64_t PieceToId(const std::string& piece) const; - std::string IdToPiece(const int64_t id) const; + TORCHTEXT_API explicit SentencePiece(const std::string& content); + TORCHTEXT_API std::vector Encode(const std::string& input) const; + TORCHTEXT_API std::vector EncodeAsIds( + const std::string& input) const; + TORCHTEXT_API std::string DecodeIds(const std::vector& ids) const; + TORCHTEXT_API std::vector EncodeAsPieces( + const std::string& input) const; + TORCHTEXT_API std::string DecodePieces( + const std::vector& pieces) const; + TORCHTEXT_API int64_t GetPieceSize() const; + TORCHTEXT_API int64_t unk_id() const; + TORCHTEXT_API int64_t PieceToId(const std::string& piece) const; + TORCHTEXT_API std::string IdToPiece(const int64_t id) const; }; void generate_sp_model( diff --git a/torchtext/csrc/vectors.h b/torchtext/csrc/vectors.h index 0e024a5126..0ac313115d 100644 --- a/torchtext/csrc/vectors.h +++ b/torchtext/csrc/vectors.h @@ -1,4 +1,5 @@ #include +#include namespace torchtext { @@ -26,22 +27,28 @@ struct Vectors : torch::CustomClassHolder { const IndexMap& stoi, torch::Tensor vectors, torch::Tensor unk_tensor); - explicit Vectors( + TORCHTEXT_API explicit Vectors( const std::vector& tokens, const std::vector& indices, torch::Tensor vectors, torch::Tensor unk_tensor); - std::unordered_map get_stoi(); - torch::Tensor __getitem__(const std::string& token); - torch::Tensor lookup_vectors(const std::vector& tokens); - void __setitem__(const std::string& token, const torch::Tensor& vector); - int64_t __len__(); + TORCHTEXT_API std::unordered_map get_stoi(); + TORCHTEXT_API torch::Tensor __getitem__(const std::string& token); + TORCHTEXT_API torch::Tensor lookup_vectors( + const std::vector& tokens); + TORCHTEXT_API void __setitem__( + const std::string& token, + const torch::Tensor& vector); + TORCHTEXT_API int64_t __len__(); }; -VectorsStates _serialize_vectors(const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_vectors(VectorsStates states); +TORCHTEXT_API VectorsStates +_serialize_vectors(const c10::intrusive_ptr& self); +TORCHTEXT_API c10::intrusive_ptr _deserialize_vectors( + VectorsStates states); -std::tuple> _load_token_and_vectors_from_file( +TORCHTEXT_API std::tuple> +_load_token_and_vectors_from_file( const std::string& file_path, const std::string& delimiter_str, const int64_t num_cpus, diff --git a/torchtext/csrc/vocab.h b/torchtext/csrc/vocab.h index d01d5eeb33..56b3f63603 100644 --- a/torchtext/csrc/vocab.h +++ b/torchtext/csrc/vocab.h @@ -1,6 +1,7 @@ #pragma once #include #include +#include #include namespace torchtext { @@ -27,7 +28,7 @@ struct CompareTokens { } }; -int64_t _infer_lines(const std::string& file_path); +TORCHTEXT_API int64_t _infer_lines(const std::string& file_path); struct Vocab : torch::CustomClassHolder { static const int32_t MAX_VOCAB_SIZE = 30000000; @@ -40,23 +41,24 @@ struct Vocab : torch::CustomClassHolder { // TODO: [can we remove this?] we need to keep this constructor, otherwise // torch binding gets compilation error: no matching constructor for // initialization of 'torchtext::Vocab' - explicit Vocab(StringList tokens); - explicit Vocab( + TORCHTEXT_API explicit Vocab(StringList tokens); + TORCHTEXT_API explicit Vocab( StringList tokens, const c10::optional& default_index); - int64_t __len__() const; - int64_t __getitem__(const c10::string_view& token) const; - bool __contains__(const c10::string_view& token) const; - void set_default_index(c10::optional index); - c10::optional get_default_index() const; - void insert_token(std::string token, const int64_t& index); - void append_token(std::string token); - std::string lookup_token(const int64_t& index); - std::vector lookup_tokens(const std::vector& indices); + TORCHTEXT_API int64_t __len__() const; + TORCHTEXT_API int64_t __getitem__(const c10::string_view& token) const; + TORCHTEXT_API bool __contains__(const c10::string_view& token) const; + TORCHTEXT_API void set_default_index(c10::optional index); + TORCHTEXT_API c10::optional get_default_index() const; + TORCHTEXT_API void insert_token(std::string token, const int64_t& index); + TORCHTEXT_API void append_token(std::string token); + TORCHTEXT_API std::string lookup_token(const int64_t& index); + TORCHTEXT_API std::vector lookup_tokens( + const std::vector& indices); std::vector lookup_indices( const std::vector& tokens); - std::unordered_map get_stoi() const; - std::vector get_itos() const; + TORCHTEXT_API std::unordered_map get_stoi() const; + TORCHTEXT_API std::vector get_itos() const; protected: uint32_t _hash(const c10::string_view& str) const { @@ -86,14 +88,15 @@ struct Vocab : torch::CustomClassHolder { } }; -VocabStates _serialize_vocab(const c10::intrusive_ptr& self); -c10::intrusive_ptr _deserialize_vocab(VocabStates states); +TORCHTEXT_API VocabStates +_serialize_vocab(const c10::intrusive_ptr& self); +TORCHTEXT_API c10::intrusive_ptr _deserialize_vocab(VocabStates states); -Vocab _load_vocab_from_file( +TORCHTEXT_API Vocab _load_vocab_from_file( const std::string& file_path, const int64_t min_freq, const int64_t num_cpus); -Vocab _build_vocab_from_text_file( +TORCHTEXT_API Vocab _build_vocab_from_text_file( const std::string& file_path, const int64_t min_freq, const int64_t num_cpus, From cf94d30cfae008bce77040c131143125dad79719 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 7 Jul 2022 23:32:58 -0400 Subject: [PATCH 278/463] Add libtorchtext cpp example (#1817) * First attempt at adding examples * Working tokenizer example * Fixes to readme * Formatting fixes * Added instructions to download artifacts * Resolve PR comments --- examples/libtorchtext/.gitignore | 2 + examples/libtorchtext/CMakeLists.txt | 11 +++++ examples/libtorchtext/README.md | 22 ++++++++++ examples/libtorchtext/build.sh | 18 ++++++++ examples/libtorchtext/tokenizer/README.md | 42 +++++++++++++++++++ .../tokenizer/create_tokenizer.py | 29 +++++++++++++ examples/libtorchtext/tokenizer/main.cpp | 24 +++++++++++ 7 files changed, 148 insertions(+) create mode 100644 examples/libtorchtext/.gitignore create mode 100644 examples/libtorchtext/CMakeLists.txt create mode 100644 examples/libtorchtext/README.md create mode 100755 examples/libtorchtext/build.sh create mode 100644 examples/libtorchtext/tokenizer/README.md create mode 100644 examples/libtorchtext/tokenizer/create_tokenizer.py create mode 100644 examples/libtorchtext/tokenizer/main.cpp diff --git a/examples/libtorchtext/.gitignore b/examples/libtorchtext/.gitignore new file mode 100644 index 0000000000..85e34dcc83 --- /dev/null +++ b/examples/libtorchtext/.gitignore @@ -0,0 +1,2 @@ +build +**/*.pt diff --git a/examples/libtorchtext/CMakeLists.txt b/examples/libtorchtext/CMakeLists.txt new file mode 100644 index 0000000000..d048fa974f --- /dev/null +++ b/examples/libtorchtext/CMakeLists.txt @@ -0,0 +1,11 @@ +cmake_minimum_required(VERSION 3.18 FATAL_ERROR) +project(libtorchtext_cpp_example) + +SET(BUILD_TORCHTEXT_PYTHON_EXTENSION OFF CACHE BOOL "Build Python binding") + +find_package(Torch REQUIRED) +message("libtorchtext CMakeLists: ${TORCH_CXX_FLAGS}") +set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} ${TORCH_CXX_FLAGS}") + +add_subdirectory(../.. libtorchtext) +add_subdirectory(tokenizer) diff --git a/examples/libtorchtext/README.md b/examples/libtorchtext/README.md new file mode 100644 index 0000000000..f08512288a --- /dev/null +++ b/examples/libtorchtext/README.md @@ -0,0 +1,22 @@ +# Libtorchtext Examples + +- [Tokenizer](./tokenizer) + +## Build + +The example applications in this directory depend on `libtorch` and `libtorchtext`. If you have a working `PyTorch`, you +already have `libtorch`. Please refer to +[this tutorial](https://pytorch.org/tutorials/advanced/torch_script_custom_classes.html) for the use of `libtorch` and +TorchScript. + +`libtorchtext` is the library of torchtext's C++ components without Python components. It is currently not distributed, +and it will be built alongside with the applications. + +To build `libtorchtext` and the example applications you can run the following command. + +```bash +chmod +x build.sh # give script execute permission +./build.sh +``` + +For the usages of each application, refer to the corresponding application directory. diff --git a/examples/libtorchtext/build.sh b/examples/libtorchtext/build.sh new file mode 100755 index 0000000000..4fff9354a9 --- /dev/null +++ b/examples/libtorchtext/build.sh @@ -0,0 +1,18 @@ +#!/usr/bin/env bash + +set -eux + +this_dir="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" +build_dir="${this_dir}/build" + +mkdir -p "${build_dir}" +cd "${build_dir}" + +git submodule update +cmake \ + -DCMAKE_PREFIX_PATH="$(python -c 'import torch;print(torch.utils.cmake_prefix_path)')" \ + -DRE2_BUILD_TESTING:BOOL=OFF \ + -DBUILD_TESTING:BOOL=OFF \ + -DSPM_ENABLE_SHARED=OFF \ + .. +cmake --build . diff --git a/examples/libtorchtext/tokenizer/README.md b/examples/libtorchtext/tokenizer/README.md new file mode 100644 index 0000000000..4e651145cc --- /dev/null +++ b/examples/libtorchtext/tokenizer/README.md @@ -0,0 +1,42 @@ +# Tokenizer + +This example demonstrates how you can use torchtext's `GPT2BPETokenizer` in a C++ environment. + +## Steps + +### 1. Download necessary artifacts + +First we download `gpt2_bpe_vocab.bpe` and `gpt2_bpe_encoder.json` artifacts, both of which are needed to construct the +`GPT2BPETokenizer` object. + +```bash +curl -O https://download.pytorch.org/models/text/gpt2_bpe_vocab.bpe +curl -O https://download.pytorch.org/models/text/gpt2_bpe_encoder.json +``` + +### 2. Create tokenizer TorchScript file + +Next we create our tokenizer object, and save it as a TorchScript object. We also print out the output of the tokenizer +on a sample sentence and verify that the output is the same before and after saving and re-loading the tokenizer. In the +next steps we will load and execute the tokenizer in our C++ application. The C++ code is found in +[`main.cpp`](./main.cpp). + +```bash +tokenizer_file="tokenizer.pt" +python create_tokenizer.py --tokenizer-file "${tokenizer_file}" +``` + +### 3. Build the application + +Please refer to [the top level README.md](../README.md) + +### 4. Run the application + +Now we run the C++ application `tokenizer`, with the TorchScript object we created in Step 2. The tokenizer is run with +the following sentence as input and we verify that the output is the same as that of Step 2. + +In [the top level directory](../) + +```bash +./build/tokenizer/tokenize "tokenizer/${tokenizer_file}" +``` diff --git a/examples/libtorchtext/tokenizer/create_tokenizer.py b/examples/libtorchtext/tokenizer/create_tokenizer.py new file mode 100644 index 0000000000..5f8c695b50 --- /dev/null +++ b/examples/libtorchtext/tokenizer/create_tokenizer.py @@ -0,0 +1,29 @@ +from argparse import ArgumentParser + +import torch +from torchtext import transforms + + +def main(args): + tokenizer_file = args.tokenizer_file + sentence = "The green grasshopper jumped over the fence" + + # create tokenizer object + encoder_json = "gpt2_bpe_encoder.json" + bpe_vocab = "gpt2_bpe_vocab.bpe" + tokenizer = transforms.GPT2BPETokenizer(encoder_json_path=encoder_json, vocab_bpe_path=bpe_vocab) + + # script and save tokenizer + tokenizer = torch.jit.script(tokenizer) + print(tokenizer(sentence)) + torch.jit.save(tokenizer, tokenizer_file) + + # load saved tokenizer and verify outputs match + t = torch.jit.load(tokenizer_file) + print(t(sentence)) + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--tokenizer-file", default="tokenizer.pt", type=str) + main(parser.parse_args()) diff --git a/examples/libtorchtext/tokenizer/main.cpp b/examples/libtorchtext/tokenizer/main.cpp new file mode 100644 index 0000000000..7d3afe26a9 --- /dev/null +++ b/examples/libtorchtext/tokenizer/main.cpp @@ -0,0 +1,24 @@ +#include +#include + +#include +#include +#include + +int main(int argc, const char* argv[]) { + std::cout << "Loading model...\n"; + + torch::jit::script::Module module; + try { + module = torch::jit::load(argv[1]); + } catch (const c10::Error& e) { + return -1; + } + + torch::NoGradGuard no_grad; // ensures that autograd is off + torch::jit::IValue tokens_ivalue = module.forward(std::vector( + 1, "The green grasshopper jumped over the fence")); + std::cout << "Result: " << tokens_ivalue << std::endl; + + return 0; +} From 53664ffe1ee14adda032d0bda68ba1adea5be240 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 8 Jul 2022 11:39:02 -0400 Subject: [PATCH 279/463] Fixing build when CUDA enabled torch is installed (#1814) * Fixing build when cuda torch is installed * Passing in TORCH_INSTALL_PREFIX from extension.py --- CMakeLists.txt | 6 ++++-- tools/setup_helpers/extension.py | 1 + torchtext/csrc/CMakeLists.txt | 8 +++++++- 3 files changed, 12 insertions(+), 3 deletions(-) diff --git a/CMakeLists.txt b/CMakeLists.txt index 80e98f42db..1ead15d46f 100644 --- a/CMakeLists.txt +++ b/CMakeLists.txt @@ -50,14 +50,16 @@ endif() option(BUILD_TORCHTEXT_PYTHON_EXTENSION "Build Python extension" OFF) set(CMAKE_MODULE_PATH "${CMAKE_MODULE_PATH};${CMAKE_CURRENT_SOURCE_DIR}/cmake") +set(TORCH_INSTALL_PREFIX "${CMAKE_PREFIX_PATH}/../.." CACHE STRING "Install path for torch") -find_package(Torch REQUIRED) +find_library(TORCH_C10_LIBRARY c10 PATHS "${TORCH_INSTALL_PREFIX}/lib") +find_library(TORCH_LIBRARY torch PATHS "${TORCH_INSTALL_PREFIX}/lib") +find_library(TORCH_CPU_LIBRARY torch_cpu PATHS "${TORCH_INSTALL_PREFIX}/lib") if(MSVC) set(CMAKE_MSVC_RUNTIME_LIBRARY "MultiThreaded$<$:Debug>") endif() - # TORCH_CXX_FLAGS contains the same -D_GLIBCXX_USE_CXX11_ABI value as PyTorch set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} -Wall ${TORCH_CXX_FLAGS}") diff --git a/tools/setup_helpers/extension.py b/tools/setup_helpers/extension.py index 1882073c74..1f7236e4c2 100644 --- a/tools/setup_helpers/extension.py +++ b/tools/setup_helpers/extension.py @@ -65,6 +65,7 @@ def build_extension(self, ext): f"-DCMAKE_INSTALL_PREFIX={extdir}", "-DCMAKE_VERBOSE_MAKEFILE=ON", f"-DPython_INCLUDE_DIR={distutils.sysconfig.get_python_inc()}", + f"-DTORCH_INSTALL_PREFIX:STRING={os.path.dirname(torch.__file__)}", "-DBUILD_TORCHTEXT_PYTHON_EXTENSION:BOOL=ON", "-DRE2_BUILD_TESTING:BOOL=OFF", "-DBUILD_TESTING:BOOL=OFF", diff --git a/torchtext/csrc/CMakeLists.txt b/torchtext/csrc/CMakeLists.txt index bc077fe58b..ec0d69301e 100644 --- a/torchtext/csrc/CMakeLists.txt +++ b/torchtext/csrc/CMakeLists.txt @@ -22,11 +22,15 @@ set( $ $ $ + ${TORCH_INSTALL_PREFIX}/include + ${TORCH_INSTALL_PREFIX}/include/torch/csrc/api/include ) set( LIBTORCHTEXT_LINK_LIBRARIES - torch + ${TORCH_C10_LIBRARY} + ${TORCH_LIBRARY} + ${TORCH_CPU_LIBRARY} re2 double-conversion sentencepiece @@ -118,6 +122,8 @@ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) $ $ $ + ${TORCH_INSTALL_PREFIX}/include + ${TORCH_INSTALL_PREFIX}/include/torch/csrc/api/include ) set( From 67bb7fcc1c60997757eeb66febf7c715269fb506 Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 11 Jul 2022 18:26:46 -0400 Subject: [PATCH 280/463] Use TA functional for adding tokens to the beginning and end of input (#1820) --- examples/data_pipeline/roberta_dataframe.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/examples/data_pipeline/roberta_dataframe.py b/examples/data_pipeline/roberta_dataframe.py index 60e3dfb262..7f342b0afd 100644 --- a/examples/data_pipeline/roberta_dataframe.py +++ b/examples/data_pipeline/roberta_dataframe.py @@ -64,8 +64,8 @@ def forward(self, input: ta.DataFrame) -> ta.DataFrame: input["tokens"] = ta_F.bpe_tokenize(self.tokenizer, input["text"]) input["tokens"] = input["tokens"].list.slice(stop=254) input["tokens"] = ta_F.lookup_indices(self.vocab, input["tokens"]) - input["tokens"] = input["tokens"].transform(self.add_bos, format="python") - input["tokens"] = input["tokens"].transform(self.add_eos, format="python") + input["tokens"] = ta_F.add_tokens(input["tokens"], [0], begin=True) + input["tokens"] = ta_F.add_tokens(input["tokens"], [2], begin=False) return input From 1c719472686cc9090cd1f851764cb6244a20ecd2 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 14 Jul 2022 09:33:42 -0400 Subject: [PATCH 281/463] Add TA Tensor creation operation to the benchmark (#1836) --- benchmark/benchmark_torcharrow_ops.py | 11 ++++++++++- 1 file changed, 10 insertions(+), 1 deletion(-) diff --git a/benchmark/benchmark_torcharrow_ops.py b/benchmark/benchmark_torcharrow_ops.py index 2b2bb70e41..7bb96c7ba9 100644 --- a/benchmark/benchmark_torcharrow_ops.py +++ b/benchmark/benchmark_torcharrow_ops.py @@ -1,6 +1,7 @@ import sys, os import torcharrow as ta +import torcharrow.pytorch as tap import torchtext.transforms as T from benchmark.utils import Timer from torcharrow import functional as ta_F @@ -26,6 +27,7 @@ def run_torchtext_ops(): add_eos_str = T.AddToken(token="", begin=False) add_bos_int = T.AddToken(token=0, begin=True) add_eos_int = T.AddToken(token=-1, begin=False) + convert_to_tensor = T.ToTensor(padding_value=1) # dataset train_dp = SST2(split="train") @@ -45,6 +47,9 @@ def run_torchtext_ops(): add_bos_int(token_ids) add_eos_int(token_ids) + with Timer("Running torchtext's to tensor conversion"): + convert_to_tensor(token_ids) + def run_torcharrow_ops(): # tokenizer converting text into tokens @@ -56,7 +61,8 @@ def run_torcharrow_ops(): # dataset train_dp = SST2(split="train") text_list = list(train_dp.map(lambda x: x[0])) - data_frame = ta.dataframe({"text": text_list}) + with Timer("Converting python data to TA data frame"): + data_frame = ta.dataframe({"text": text_list}) with Timer("Running torcharrow's GPT2BPE tokenizer"): data_frame["tokens"] = ta_F.bpe_tokenize(tokenizer, data_frame["text"]) @@ -72,6 +78,9 @@ def run_torcharrow_ops(): ta_F.add_tokens(data_frame["token_ids"], [0], begin=True) ta_F.add_tokens(data_frame["token_ids"], [-1], begin=False) + with Timer("Running torcharrow's to tensor conversion"): + data_frame.to_tensor({"token_ids": tap.PadSequence(padding_value=1)}) + if __name__ == "__main__": run_torchtext_ops() From b794794c27e9bd4815daea7e64fd369aa9f49157 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 14 Jul 2022 10:16:12 -0400 Subject: [PATCH 282/463] Remove sphinx_rtd_theme from requirements.txt (#1837) * Remove sphinx_rtd_theme from requirements.txt * Removing other sphinx dependencies from unittests --- .circleci/unittest/linux/scripts/environment.yml | 2 -- .circleci/unittest/windows/scripts/environment.yml | 2 -- requirements.txt | 1 - 3 files changed, 5 deletions(-) diff --git a/.circleci/unittest/linux/scripts/environment.yml b/.circleci/unittest/linux/scripts/environment.yml index e6ecca7e53..9400308196 100644 --- a/.circleci/unittest/linux/scripts/environment.yml +++ b/.circleci/unittest/linux/scripts/environment.yml @@ -13,8 +13,6 @@ dependencies: - pytest-pythonpath - sacremoses - spacy - - sphinx - - sphinx-rtd-theme - tqdm - expecttest - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index 1b954ecbc8..ea056903ac 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -14,8 +14,6 @@ dependencies: - pytest-pythonpath - sacremoses - spacy - - sphinx - - sphinx-rtd-theme - tqdm - certifi - future diff --git a/requirements.txt b/requirements.txt index b8cbc1160c..079025ca62 100644 --- a/requirements.txt +++ b/requirements.txt @@ -12,7 +12,6 @@ git+https://github.com/jekbradbury/revtok.git # Documentation Sphinx -sphinx_rtd_theme # Required for tests only: From 5910ea704863175643b0a91b903d83d631899acf Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 14 Jul 2022 08:18:42 -0700 Subject: [PATCH 283/463] Set MACOSX_DEPLOYMENT_TARGET=10.9 for binary job (#1835) Recent CircleCI migration https://github.com/pytorch/text/pull/1818 silently bumped the minimum supported macOS version to 11. PyTorch still supports 10.9 and the ecosystem still uses 10.9. Issue: https://github.com/pytorch/text/issues/1834 This commit sets MACOSX_DEPLOYMENT_TARGET=10.9, so that binary distribution are compatible with macOS=10.9. --- .circleci/config.yml | 1 + .circleci/config.yml.in | 1 + packaging/torchtext/meta.yaml | 1 + 3 files changed, 3 insertions(+) diff --git a/.circleci/config.yml b/.circleci/config.yml index a16cc497e2..93fe09acad 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -57,6 +57,7 @@ binary_common: &binary_common BUILD_VERSION: << parameters.build_version >> PYTORCH_VERSION: << parameters.pytorch_version >> CU_VERSION: cpu + MACOSX_DEPLOYMENT_TARGET: 10.9 smoke_test_common: &smoke_test_common <<: *binary_common diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 230256928f..5ecd5e95bf 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -57,6 +57,7 @@ binary_common: &binary_common BUILD_VERSION: << parameters.build_version >> PYTORCH_VERSION: << parameters.pytorch_version >> CU_VERSION: cpu + MACOSX_DEPLOYMENT_TARGET: 10.9 smoke_test_common: &smoke_test_common <<: *binary_common diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index f5d13189ac..9d7502200d 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -29,6 +29,7 @@ build: string: py{{py}} script_env: - BUILD_VERSION + - MACOSX_DEPLOYMENT_TARGET test: imports: From 3549a50a454dd28a8aaf1a835b2efc371378bbd4 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 14 Jul 2022 12:02:56 -0400 Subject: [PATCH 284/463] Remove future dep from windows (#1838) --- .circleci/unittest/windows/scripts/environment.yml | 1 - 1 file changed, 1 deletion(-) diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index ea056903ac..dfaf5cb6de 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -16,7 +16,6 @@ dependencies: - spacy - tqdm - certifi - - future - expecttest - https://github.com/explosion/spacy-models/releases/download/de_core_news_sm-3.0.0/de_core_news_sm-3.0.0.tar.gz#egg=de_core_news_sm==3.0.0 - https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz#egg=en_core_web_sm==3.0.0 From 5ce9c422b57f433c9e0404d9da98a215de99b2bb Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Thu, 14 Jul 2022 12:47:55 -0400 Subject: [PATCH 285/463] Cache CNNDM extraction and optimize reading in filenames (#1809) * url list benchmark testing * benchmarking original implementation vs storing fnames in global variable * cache tar extraction * cleaning up * updating unittest * patching in get_split_list for split testing * pre-commit * typcasting input args * removing print statement * correcting types for input args --- test/datasets/test_cnndm.py | 18 +++++------ torchtext/datasets/cnndm.py | 63 ++++++++++++++++++++++++------------- 2 files changed, 50 insertions(+), 31 deletions(-) diff --git a/test/datasets/test_cnndm.py b/test/datasets/test_cnndm.py index 224329a376..951cc5447e 100644 --- a/test/datasets/test_cnndm.py +++ b/test/datasets/test_cnndm.py @@ -41,7 +41,7 @@ def _get_mock_dataset(root_dir): stories.append((txt_file, dataset_line)) seed += 2 - # append stories to correct dataset split, must be in legixographic order of filenames per dataset + # append stories to correct dataset split, must be in lexicographic order of filenames per dataset stories.sort(key=lambda x: x[0]) mocked_data[split] += [t[1] for t in stories] @@ -70,15 +70,14 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - def _mock_split_list(split): + def _mock_split_list(source, split): story_fnames = [] - for source in ["cnn", "dailymail"]: - for i in range(5): - url = "_".join([source, split, str(i)]) - h = hashlib.sha1() - h.update(url.encode()) - filename = h.hexdigest() + ".story" - story_fnames.append(filename) + for i in range(5): + url = "_".join([source, split, str(i)]) + h = hashlib.sha1() + h.update(url.encode()) + filename = h.hexdigest() + ".story" + story_fnames.append(filename) return story_fnames @@ -92,6 +91,7 @@ def test_cnndm(self, split): self.assertEqual(sample, expected_sample) @parameterized.expand(["train", "val", "test"]) + @patch("torchtext.datasets.cnndm._get_split_list", _mock_split_list) def test_cnndm_split_argument(self, split): dataset1 = CNNDM(root=self.root_dir, split=split) (dataset2,) = CNNDM(root=self.root_dir, split=(split,)) diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index 3950557f5d..cb638e51a5 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -1,5 +1,6 @@ import hashlib import os +from collections import defaultdict from functools import partial from typing import Union, Tuple @@ -20,9 +21,12 @@ DATASET_NAME = "CNNDM" URL_LIST = { - "train": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/all_train.txt", - "val": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/all_val.txt", - "test": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/all_test.txt", + "cnn_train": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/cnn_wayback_training_urls.txt", + "cnn_val": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/cnn_wayback_validation_urls.txt", + "cnn_test": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/cnn_wayback_test_urls.txt", + "dailymail_train": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/dailymail_wayback_training_urls.txt", + "dailymail_val": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/dailymail_wayback_validation_urls.txt", + "dailymail_test": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/dailymail_wayback_test_urls.txt", } STORIES_LIST = { @@ -39,24 +43,34 @@ _EXTRACTED_FOLDERS = { "cnn": os.path.join("cnn", "stories"), - "daily_mail": os.path.join("dailymail", "stories"), + "dailymail": os.path.join("dailymail", "stories"), } +story_fnames = defaultdict(set) + def _filepath_fn(root: str, source: str, _=None): return os.path.join(root, PATH_LIST[source]) -# this function will be used to cache the contents of the tar file -def _extracted_filepath_fn(root: str, source: str): - return os.path.join(root, _EXTRACTED_FOLDERS[source]) +# called once per tar file, therefore no duplicate processing +def _extracted_folder_fn(root: str, source: str, split: str, _=None): + global story_fnames + key = source + "_" + split + story_fnames[key] = set(_get_split_list(source, split)) + filepaths = [os.path.join(root, _EXTRACTED_FOLDERS[source], story) for story in story_fnames[key]] + return filepaths + +def _extracted_filepath_fn(root: str, source: str, x: str): + return os.path.join(root, _EXTRACTED_FOLDERS[source], os.path.basename(x)) -def _filter_fn(story_fnames, x): - return os.path.basename(x[0]) in story_fnames +def _filter_fn(source: str, split: str, x: tuple): + return os.path.basename(x[0]) in story_fnames[source + "_" + split] -def _hash_urls(s): + +def _hash_urls(s: tuple): """ Returns story filename as a heximal formated SHA1 hash of the input url string. Code is inspired from https://github.com/abisee/cnn-dailymail/blob/master/make_datafiles.py @@ -69,13 +83,13 @@ def _hash_urls(s): return story_fname -def _get_split_list(split: str): - url_dp = IterableWrapper([URL_LIST[split]]) +def _get_split_list(source: str, split: str): + url_dp = IterableWrapper([URL_LIST[source + "_" + split]]) online_dp = OnlineReader(url_dp) return online_dp.readlines().map(fn=_hash_urls) -def _load_stories(root: str, source: str): +def _load_stories(root: str, source: str, split: str): story_dp = IterableWrapper([STORIES_LIST[source]]) cache_compressed_dp = story_dp.on_disk_cache( filepath_fn=partial(_filepath_fn, root, source), @@ -83,9 +97,18 @@ def _load_stories(root: str, source: str): hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) - # TODO: cache the contents of the extracted tar file - cache_decompressed_dp = FileOpener(cache_compressed_dp, mode="b").load_from_tar() - return cache_decompressed_dp + + cache_decompressed_dp = cache_compressed_dp.on_disk_cache( + filepath_fn=partial(_extracted_folder_fn, root, source, split) + ) + cache_decompressed_dp = ( + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, source, split)) + ) + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", filepath_fn=partial(_extracted_filepath_fn, root, source) + ) + data_dp = FileOpener(cache_decompressed_dp, mode="b") + return data_dp @_create_dataset_directory(dataset_name=DATASET_NAME) @@ -119,11 +142,7 @@ def CNNDM(root: str, split: Union[Tuple[str], str]): "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) - cnn_dp = _load_stories(root, "cnn") - dailymail_dp = _load_stories(root, "dailymail") + cnn_dp = _load_stories(root, "cnn", split) + dailymail_dp = _load_stories(root, "dailymail", split) data_dp = cnn_dp.concat(dailymail_dp) - # TODO: store the .story filenames corresponding to each split on disk so we can pass that into the filepath_fn - # of the on_disk_cache_dp which caches the files extracted from the tar - story_fnames = set(_get_split_list(split)) - data_dp = data_dp.filter(partial(_filter_fn, story_fnames)) return data_dp.parse_cnndm_data().shuffle().set_shuffle(False).sharding_filter() From e9640517ee92389a9a14ee6d29e6aea1f841d0d7 Mon Sep 17 00:00:00 2001 From: parmeet Date: Thu, 14 Jul 2022 14:20:10 -0400 Subject: [PATCH 286/463] Modify get_local_asset_path to take overwrite option and use it in BERTTokenizer (#1839) --- torchtext/transforms.py | 4 +++- torchtext/utils.py | 5 +++-- 2 files changed, 6 insertions(+), 3 deletions(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 11fd822e16..734d8adb75 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -572,7 +572,9 @@ def __init__( self, vocab_path: str, do_lower_case: bool = True, strip_accents: Optional[bool] = None, return_tokens=False ) -> None: super().__init__() - self.bert_model = BERTEncoderPyBind(get_asset_local_path(vocab_path), do_lower_case, strip_accents) + self.bert_model = BERTEncoderPyBind( + get_asset_local_path(vocab_path, overwite=True), do_lower_case, strip_accents + ) self._return_tokens = return_tokens self._vocab_path = vocab_path self._do_lower_case = do_lower_case diff --git a/torchtext/utils.py b/torchtext/utils.py index 2d0df79de8..a7910b222f 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -209,10 +209,11 @@ def _log_class_usage(klass): torch._C._log_api_usage_once(identifier) -def get_asset_local_path(asset_path: str) -> str: +def get_asset_local_path(asset_path: str, overwite=False) -> str: """Get local path for assets. Download if path does not exost locally Args: asset_path: Local path to asset or remote URL + overwrite: Indicate whether to overwrite the file when downloading from URL (default: False) Returns: bool: local path of the asset after downloading or reading from cache Examples: @@ -225,5 +226,5 @@ def get_asset_local_path(asset_path: str) -> str: if os.path.exists(asset_path): local_path = asset_path else: - local_path = download_from_url(url=asset_path, root=_CACHE_DIR) + local_path = download_from_url(url=asset_path, root=_CACHE_DIR, overwrite=overwite) return local_path From bb58f6e659839844340df07f5c2c45ede8fb08bf Mon Sep 17 00:00:00 2001 From: parmeet Date: Mon, 18 Jul 2022 13:30:58 -0400 Subject: [PATCH 287/463] fix OBO error for vocab files with empty lines (#1841) --- torchtext/csrc/bert_tokenizer.cpp | 27 ++++++++++++++++++++++++++- torchtext/csrc/bert_tokenizer.h | 2 ++ 2 files changed, 28 insertions(+), 1 deletion(-) diff --git a/torchtext/csrc/bert_tokenizer.cpp b/torchtext/csrc/bert_tokenizer.cpp index e4e205dcc2..7c75995c9b 100644 --- a/torchtext/csrc/bert_tokenizer.cpp +++ b/torchtext/csrc/bert_tokenizer.cpp @@ -29,6 +29,31 @@ std::string BERTEncoder::kUnkToken = "[UNK]"; int kMaxCharsPerWords = 100; +static std::vector _read_vocab(std::string file_path) { + std::ifstream fin(file_path, std::ios::in); + IndexDict token_dict; + std::vector tokens; + TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); + std::string token; + while (getline(fin, token)) { + // to take into account empty lines + // see issue: https://github.com/pytorch/text/issues/1840 + if (token.empty()) { + token = "\n"; + } + + if (token_dict.find(token) == token_dict.end()) { + token_dict[token] = 1; + } + } + + for (auto& token_elem : token_dict) { + tokens.push_back(token_elem.first); + } + + return tokens; +} + static bool _is_whitespace(uint32_t c) { if (c == '\t' || c == '\n' || c == '\r' || c == ' ') { return true; @@ -117,7 +142,7 @@ BERTEncoder::BERTEncoder( const std::string& vocab_file, bool do_lower_case, c10::optional strip_accents) - : vocab_{_load_vocab_from_file(vocab_file, 1, 1)}, + : vocab_{_read_vocab(vocab_file)}, do_lower_case_{do_lower_case}, strip_accents_{strip_accents} {} diff --git a/torchtext/csrc/bert_tokenizer.h b/torchtext/csrc/bert_tokenizer.h index d6752f88bf..66ad101419 100644 --- a/torchtext/csrc/bert_tokenizer.h +++ b/torchtext/csrc/bert_tokenizer.h @@ -6,6 +6,8 @@ namespace torchtext { typedef std::basic_string UString; +typedef ska_ordered::order_preserving_flat_hash_map + IndexDict; // stores (do_lower_case, strip_accents, list of tokens in vocabulary) typedef std::tuple, std::vector> From 8d56ed2d0f3d56a22a73d61f86a256962ad39c9c Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Mon, 18 Jul 2022 18:43:30 -0400 Subject: [PATCH 288/463] Add T5 Model to TorchText (#1845) * compute relative position buckets for relative attention bias [ghstack-poisoned] * compute relative position bias for t5 attention [ghstack-poisoned] * compute attention scores for t5 model using relative attention bias [ghstack-poisoned] * perform multihead attention using relative attention bias for t5 model [ghstack-poisoned] * create T5MultiheadAttention module [ghstack-poisoned] * add layer norm module for t5 model [ghstack-poisoned] * add t5 layer module that can be used for both encoder or decoder stack [ghstack-poisoned] * add t5 stack that can function as either the encoder or decoder of a t5 model [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * Update base for Update on "add t5 model that can function as both encodery-only or encoder-decoder model" [ghstack-poisoned] * add t5 model that can function as both encodery-only or encoder-decoder model (#1829) --- torchtext/prototype/t5/model.py | 200 ++++++++ torchtext/prototype/t5/modules.py | 734 ++++++++++++++++++++++++++++++ 2 files changed, 934 insertions(+) create mode 100644 torchtext/prototype/t5/model.py create mode 100644 torchtext/prototype/t5/modules.py diff --git a/torchtext/prototype/t5/model.py b/torchtext/prototype/t5/model.py new file mode 100644 index 0000000000..cd9ebf2367 --- /dev/null +++ b/torchtext/prototype/t5/model.py @@ -0,0 +1,200 @@ +from typing import Dict, Optional, Tuple, Union, Callable + +import torch +import torch.nn as nn +from torch import Tensor + +from .modules import T5Stack, T5LayerNorm + + +# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L1269 +class T5Model(nn.Module): + r"""A T5 model. User is able to modify the attributes as needed. The architecture + is based on the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". + Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, + Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. + Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html + Args: + encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (required) + d_model: Number of expected features in the encoder/decoder inputs (default=768). + nhead: Number of heads in the multiheadattention models (default=12). + num_encoder_layers: Number of encoder layers in the encoder (default=12). + num_decoder_layers: Number of decoder layers in the decoder (default=12). + dim_feedforward: Dimension of the feedforward network model (default=3072). + dropout: Dropout value (default=0.1). + activation: Activation function of encoder/decoder intermediate layer, can be a string + ("relu" or "gelu") or a unary callable. Default: relu + layer_norm_eps: The eps value in layer normalization components (default=1e-6). + relative_attention_num_buckets: Number of relative position buckets (default: 32) + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket (default: 128) + padding_idx: Index assigned to padding token in vocabulary (default: 0) + max_seq_len: Maximum sequence length (default: 512) + vocab_size: Size of vocabulary (default: 32128) + Examples:: + >>> t5_model = T5Model(encoder_only=False) + >>> src = torch.rand((32, 10, 512)) + >>> tgt = torch.rand((32, 20, 512)) + >>> out = t5_model(src, tgt) + """ + + def __init__( + self, + encoder_only: bool, + d_model: int = 768, + nhead: int = 12, + num_encoder_layers: int = 12, + num_decoder_layers: int = 12, + dim_feedforward: int = 3072, + dropout: float = 0.1, + activation: Union[str, Callable[[Tensor], Tensor]] = "relu", + layer_norm_eps: float = 1e-6, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + padding_idx: int = 0, + max_seq_len: int = 512, + vocab_size: int = 32128, + device=None, + dtype=None, + ) -> None: + super().__init__() + + self.encoder_only = encoder_only + self.d_model = d_model + self.dim_feedforward = dim_feedforward + self.dropout = dropout + self.activation = activation + self.layer_norm_eps = layer_norm_eps + self.nhead = nhead + self.num_encoder_layers = num_encoder_layers + self.num_decoder_layers = num_decoder_layers + self.relative_attention_num_buckets = relative_attention_num_buckets + self.realtive_attention_max_distance = relative_attention_max_distance + self.padding_idx = padding_idx + self.max_seq_len = max_seq_len + self.vocab_size = vocab_size + self.device = device + self.dtype = dtype + + self.token_embeddings = nn.Embedding(vocab_size, d_model, padding_idx) + self.encoder = T5Stack( + is_decoder=False, + d_model=d_model, + nhead=nhead, + num_layers=num_encoder_layers, + dim_feedforward=dim_feedforward, + dropout=dropout, + activation=activation, + layer_norm_eps=layer_norm_eps, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + device=device, + dtype=dtype, + ) + self.norm1 = T5LayerNorm(d_model) + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(dropout) + + if not encoder_only: + self.decoder = T5Stack( + is_decoder=True, + d_model=d_model, + nhead=nhead, + num_layers=num_decoder_layers, + dim_feedforward=dim_feedforward, + dropout=dropout, + activation=activation, + layer_norm_eps=layer_norm_eps, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + device=device, + dtype=dtype, + ) + self.norm2 = T5LayerNorm(d_model) + self.dropout3 = nn.Dropout(dropout) + self.dropout4 = nn.Dropout(dropout) + + def forward( + self, + encoder_tokens: Tensor, + decoder_tokens: Tensor = None, + encoder_mask: Optional[Tensor] = None, + decoder_mask: Optional[Tensor] = None, + ) -> Dict[str, Union[Tensor, Tuple[Tensor]]]: + r"""Pass the inputs (and mask) through the decoder layer in turn. + Args: + encoder_tokens: Tokenized input sequence to the encoder. + Must be batch first with shape (B, Ne) where B is the batch size and Ne is the + encoder input sequence length. (required). + decoder_tokens: Tokenized input sequence to the decoder. + Must be batch first with shape (B, Nd) where B is the batch size and Nd is the + decoder input sequence length. (required). + encoder_mask: Self-attention mask for the encoder input sequence. + Must have shape (Ne, Ne) (optional). + decoder_mask: Self-attention mask for the decoder input sequence. + Must have shape (Nd, Nd) (optional). + Returns: + encoder_output: Output Tensor from the final layer of the encoder + encoder_hidden_states: Tuple of output Tensors from each layer of the encoder + encoder_position_bias: Tensor of relative attention bias computed for input sequence to encoder + encoder_sa_scores: Tuple of self-attention scores computed at each layer of the encoder + decoder_output: Output Tensor from the final layer of the decoder + decoder_hidden_states: Tuple of output Tensors from each layer of the decoder + decoder_position_bias: Tensor of relative attention bias computed for input sequence to decoder + encoder_sa_scores: Tuple of self-attention scores computed at each layer of the decoder + encoder_ca_scores: Tuple of cross-attention scores computed at each layer of the decoder + """ + encoder_padding_mask = encoder_tokens.eq(self.padding_idx) + encoder_embeddings = self.dropout1(self.token_embeddings(encoder_tokens)) + encoder_output, encoder_hidden_states, encoder_position_bias, encoder_sa, _ = self.encoder( + encoder_embeddings, tgt_mask=encoder_mask, tgt_key_padding_mask=encoder_padding_mask + ) + + encoder_output = self.norm1(encoder_output) + encoder_output = self.dropout2(encoder_output) + encoder_hidden_states = encoder_hidden_states + (encoder_output,) + + if not self.encoder_only: + assert decoder_tokens is not None + if decoder_mask is None: + tgt_len = decoder_tokens.shape[1] + decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1).bool() + + decoder_padding_mask = decoder_tokens.eq(self.padding_idx) + # T5 implemention uses padding idx to start sequence. Want to ignore this when masking + decoder_padding_mask[:, 0] = False + + decoder_embeddings = self.dropout3(self.token_embeddings(decoder_tokens)) + decoder_output, decoder_hidden_states, decoder_position_bias, decoder_sa, decoder_ca = self.decoder( + decoder_embeddings, + memory=encoder_output, + tgt_mask=decoder_mask, + memory_mask=encoder_mask, + tgt_key_padding_mask=decoder_padding_mask, + memory_key_padding_mask=encoder_padding_mask, + ) + + decoder_output = self.norm2(decoder_output) + decoder_output = self.dropout4(decoder_output) + decoder_hidden_states = decoder_hidden_states + (decoder_output,) + + t5_output = { + "encoder_output": encoder_output, + "encoder_hidden_states": encoder_hidden_states, + "encoder_position_bias": encoder_position_bias, + "encoder_sa_scores": encoder_sa, + "decoder_output": decoder_output, + "decoder_hidden_states": decoder_hidden_states, + "decoder_position_bias": decoder_position_bias, + "decoder_sa_scores": decoder_sa, + "decoder_ca_scores": decoder_ca, + } + else: + t5_output = { + "encoder_output": encoder_output, + "encoder_hidden_states": encoder_hidden_states, + "encoder_position_bias": encoder_position_bias, + "encoder_sa_scores": encoder_sa, + } + + return t5_output diff --git a/torchtext/prototype/t5/modules.py b/torchtext/prototype/t5/modules.py new file mode 100644 index 0000000000..77b6733de4 --- /dev/null +++ b/torchtext/prototype/t5/modules.py @@ -0,0 +1,734 @@ +# /* Portions Copyright (c) Meta Platforms, Inc. and affiliates. +# 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. + +# Parts of code are originally from +# https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py +# */ + +import math +import warnings +from typing import Optional, Tuple, Union, Callable + +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch import Tensor + + +class T5MultiheadAttention(nn.MultiheadAttention): + def __init__( + self, + embed_dim, + num_heads, + is_decoder=False, + dropout=0.0, + bias=False, + kdim=None, + vdim=None, + device=None, + dtype=None, + ) -> None: + r""" + Args: + embed_dim: Total dimension of the model. + num_heads: Parallel attention heads. + is_decoder: Whether or not multihead attention is being performed on a decoder layer. Default: `False` + dropout: Probability of an element to be zeroed. Default: 0.0 + bias: If specified, adds bias to input / output projection layers. Default: `False`. + kdim: Total number of features for keys. Default: `None` (uses `kdim=embed_dim`). + vdim: Total number of features for values. Default: `None` (uses `vdim=embed_dim`). + """ + super().__init__(embed_dim, num_heads, dropout, bias, False, False, kdim, vdim, True, device, dtype) + factory_kwargs = {"device": device, "dtype": dtype} + self.is_decoder = is_decoder + self.q_proj_weight = nn.Parameter(torch.empty((embed_dim, embed_dim), **factory_kwargs)) + self.k_proj_weight = nn.Parameter(torch.empty((embed_dim, self.kdim), **factory_kwargs)) + self.v_proj_weight = nn.Parameter(torch.empty((embed_dim, self.vdim), **factory_kwargs)) + self.register_parameter("in_proj_weight", None) + + def forward( + self, + query: Tensor, + key: Tensor, + value: Tensor, + key_padding_mask: Optional[Tensor] = None, + need_weights: bool = True, + attn_mask: Optional[Tensor] = None, + average_attn_weights: bool = False, + compute_relative_attention_bias=False, + relative_attention_num_buckets=32, + relative_attention_max_distance=128, + relative_attention_bias: Optional[Tensor] = None, + position_bias: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: + r""" + Allows the model to jointly attend to information from different representation subspaces + as described in the paper: + `Attention Is All You Need `_. + Also incorporates relative attention bias when computing attention scores as descripted in the paper: + `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer `_. + + Args: + query: Query embeddings of shape :math:`(N, L, E_q)`, where :math:`N` is the batch size, :math:`L` is the target sequence length, + and :math:`E_q` is the query embedding dimension `embed_dim`. + Queries are compared against key-value pairs to produce the output. + See "Attention Is All You Need" for more details. + key: Key embeddings of shape :math:`(N, S, E_k)`, where :math:`N` is the batch size, :math:`S` is the source sequence length, + and :math:`E_k` is the key embedding dimension `kdim`. + See "Attention Is All You Need" for more details. + value: Value embeddings of shape :math:`(N, S, E_v)`, where :math:`N` is the batch size, :math:`S` is the source + sequence length, and :math:`E_v` is the value embedding dimension `vdim`. + See "Attention Is All You Need" for more details. + key_padding_mask: If specified, a mask of shape :math:`(N, S)` indicating which elements within `key` + to ignore for the purpose of attention (i.e. treat as "padding"). + Binary masks are supported. For a binary mask, a `True` value indicates that the corresponding `key` + value will be ignored for the purpose of attention. + need_weights: If specified, returns `attn_output_weights` in addition to `attn_outputs`. + Default: `True`. + attn_mask: If specified, a 2D mask preventing attention to certain positions. Must be of shape + :math:`(L, S)`, :math:`L` is the target sequence length, and :math:`S` is the source sequence length. A 2D mask will be + broadcasted across the batch. Binary, and float masks are supported. + For a binary mask, a `True` value indicates that the corresponding position is not allowed to attend. + For a float mask, the mask values will be added to the attention weight. Default: `None` + average_attn_weights: If true, indicates that the returned `attn_weights` should be averaged across + heads. Otherwise, `attn_weights` are provided separately per head. Note that this flag only has an + effect when `need_weights=True`. Default: `False` (i.e. average weights across heads) + compute_relative_attention_bias: Whether or not the relative position embeddings + need to be computed. Wypically occurs in the first layer of the encoder/decoder + and the resulting position embeddings are returned to be passed up to higher layers. (defualt: False) + relative_attention_num_buckets: Number of relative position buckets. Default: `32` + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket. Default: `128` + relative_attention_bias: nn.Embeding object used to compute relative position embeddings. Default: `None` + position_bias: Position bias tensor used if to add relative attention bias to attention scores. Default: `None` + Outputs: + - **attn_output** - Attention outputs of shape :math:`(N, L, E)`, where :math:`N` is the batch size, + :math:`L` is the target sequence length, and :math:`E` is the embedding dimension `embed_dim`. + - **attn_output_weights** - Only returned when `need_weights=True`. If `average_attn_weights=True`, + returns attention weights averaged across heads of shape :math:`(L, S)` when input is unbatched or + :math:`(N, L, S)`, where :math:`N` is the batch size, :math:`L` is the target sequence length, and + :math:`S` is the source sequence length. If `average_weights=False`, returns attention weights per + head of shape :math:`(\text{num\_heads}, L, S)` when input is unbatched or :math:`(N, \text{num\_heads}, L, S)`. + - **position_bias** - Used in attention scoring. Only computed when `compute_relative_attention_bias=True` + and `position_bias=None`. Has shape :math:`(1, num_heads, L, S)`. + """ + attn_output, position_bias, attn_output_weights = self._t5_multi_head_attention_forward( + query, + key, + value, + compute_relative_attention_bias=compute_relative_attention_bias, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + relative_attention_bias=relative_attention_bias, + position_bias=position_bias, + key_padding_mask=key_padding_mask, + need_weights=need_weights, + attn_mask=attn_mask, + average_attn_weights=average_attn_weights, + ) + return attn_output, position_bias, attn_output_weights + + # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4909 + def _t5_multi_head_attention_forward( + self, + query: Tensor, + key: Tensor, + value: Tensor, + compute_relative_attention_bias: bool, + relative_attention_num_buckets: Optional[int], + relative_attention_max_distance: Optional[int], + relative_attention_bias: Optional[Tensor], + position_bias: Optional[Tensor], + key_padding_mask: Optional[Tensor] = None, + need_weights: bool = True, + attn_mask: Optional[Tensor] = None, + average_attn_weights: bool = False, + ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: + is_batched = F._mha_shape_check(query, key, value, key_padding_mask, attn_mask, self.num_heads) + + # For unbatched input, we unsqueeze at the expected batch-dim to pretend that the input + # is batched, run the computation and before returning squeeze the + # batch dimension so that the output doesn't carry this temporary batch dimension. + if not is_batched: + # Unsqueeze if the input is unbatched + query = query.unsqueeze(1) + key = key.unsqueeze(1) + value = value.unsqueeze(1) + if key_padding_mask is not None: + key_padding_mask = key_padding_mask.unsqueeze(0) + + # Set up shape vars + bsz, tgt_len, embed_dim = query.shape + _, src_len, _ = key.shape + + assert ( + embed_dim == self.embed_dim + ), f"was expecting embedding dimension of {self.embed_dim}, but got {embed_dim}" + if isinstance(embed_dim, Tensor): + # Embed_dim can be a tensor when JIT tracing + head_dim = embed_dim.div(self.num_heads, rounding_mode="trunc") + else: + head_dim = embed_dim // self.num_heads + assert ( + head_dim * self.num_heads == embed_dim + ), f"embed_dim {embed_dim} not divisible by num_heads {self.num_heads}" + # Allow MHA to have different embedding dimensions when separate projection weights are used + assert ( + key.shape[:2] == value.shape[:2] + ), f"key's sequence and batch dims {key.shape[:2]} do not match value's {value.shape[:2]}" + + # Compute in-projection + assert self.q_proj_weight is not None, "q_proj_weight is None" + assert self.k_proj_weight is not None, "k_proj_weight is None" + assert self.v_proj_weight is not None, "v_proj_weight is None" + if self.in_proj_bias is None: + b_q = b_k = b_v = None + else: + b_q, b_k, b_v = self.in_proj_bias.chunk(3) + q, k, v = F._in_projection( + query, key, value, self.q_proj_weight, self.k_proj_weight, self.v_proj_weight, b_q, b_k, b_v + ) + + # Prep attention mask + if attn_mask is not None: + if attn_mask.dtype == torch.uint8: + warnings.warn("Byte tensor for attn_mask is not supported. Using bool tensor instead.") + attn_mask = attn_mask.to(torch.bool) + else: + assert ( + attn_mask.is_floating_point() or attn_mask.dtype == torch.bool + ), f"Only float and bool types are supported for attn_mask, not {attn_mask.dtype}" + # Ensure attn_mask's dim is 3 + if attn_mask.dim() == 2: + correct_2d_size = (tgt_len, src_len) + if attn_mask.shape != correct_2d_size: + raise RuntimeError( + f"The shape of the 2D attn_mask is {attn_mask.shape}, but should be {correct_2d_size}." + ) + attn_mask = attn_mask.view(1, 1, tgt_len, tgt_len).expand(bsz, self.num_heads, -1, -1) + else: + raise RuntimeError(f"attn_mask's dimension {attn_mask.dim()} is not supported") + + # Prep key padding mask + if key_padding_mask is not None and key_padding_mask.dtype == torch.uint8: + warnings.warn("Byte tensor for key_padding_mask is not supported. Using bool tensor instead.") + key_padding_mask = key_padding_mask.to(torch.bool) + + # Reshape q, k, v for multihead attention and make em batch first + q = q.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + k = k.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + v = v.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + src_len = k.size(2) + + if key_padding_mask is not None: + assert key_padding_mask.shape == ( + bsz, + src_len, + ), f"expecting key_padding_mask shape of {(bsz, src_len)}, but got {key_padding_mask.shape}" + key_padding_mask = key_padding_mask.view(bsz, 1, 1, src_len).expand(-1, self.num_heads, tgt_len, -1) + if attn_mask is None: + attn_mask = key_padding_mask + elif attn_mask.dtype == torch.bool: + attn_mask = attn_mask.logical_or(key_padding_mask) + else: + attn_mask = attn_mask.masked_fill(key_padding_mask, float("-inf")) + + # Convert mask to float + if attn_mask is not None and attn_mask.dtype == torch.bool: + new_attn_mask = torch.zeros_like(attn_mask, dtype=q.dtype) + new_attn_mask.masked_fill_(attn_mask, float("-inf")) + attn_mask = new_attn_mask + + # Adjust dropout probability + if not self.training: + dropout_p = 0.0 + else: + dropout_p = self.dropout + + # NOTE: Modification to torch.nn.functional._multi_head_attention_forward to incorporate relative attention bias + if position_bias is None: + if not compute_relative_attention_bias: + position_bias = torch.zeros( + (self.num_heads, tgt_len, src_len), device=k.device, dtype=k.dtype + ).unsqueeze(0) + else: + position_bias = self._compute_bias( + tgt_len, + src_len, + relative_attention_bias, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + bidirectional=(not self.is_decoder), + device=k.device, + ) + + # Calculate attention and out projection + attn_output, attn_output_weights = self._t5_dot_product_attention(q, k, v, position_bias, attn_mask, dropout_p) + attn_output = F.linear(attn_output, self.out_proj.weight, self.out_proj.bias) + + if need_weights: + # Optionally average attention weights over heads + if average_attn_weights: + attn_output_weights = attn_output_weights.sum(dim=1) / self.num_heads + + if not is_batched: + # Squeeze the output if input was unbatched + attn_output = attn_output.squeeze(1) + attn_output_weights = attn_output_weights.squeeze(0) + + return attn_output, position_bias, attn_output_weights + + else: + if not is_batched: + # Squeeze the output if input was unbatched + attn_output = attn_output.squeeze(1) + + return attn_output, position_bias, None + + # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4814 + def _t5_dot_product_attention( + self, + q: Tensor, + k: Tensor, + v: Tensor, + position_bias: Tensor, + attn_mask: Optional[Tensor] = None, + dropout_p: float = 0.0, + ) -> Tuple[Tensor, Tensor]: + r""" + Computes scaled dot product attention on query, key and value tensors, using + an optional attention mask if passed, and applying dropout if a probability + greater than 0.0 is specified. + Returns a tensor pair containing attended values and attention weights. + Args: + q, k, v: Query, key and value tensors. See Shape section for shape details. + attn_mask: Optional tensor containing mask values to be added to calculated + attention. May be 2D or 3D; see Shape section for details. + dropout_p: Dropout probability. If greater than 0.0, dropout is applied. + position_bias: Position bias used to incorporate realtive attention bias in attention scors + Shape: + - q: :math:`(B, H, Nt, E)` where B is the batch size, H is the number of heads, Nt is the target sequence length, + and E is the head dimension. + - key: :math:`(B, H, Ns, E)` where B is the batch size, H is the number of heads, Ns is the source sequence length, + and E is the head dimension. + - value: :math:`(B, H, Ns, E)` where B is the batch size, H is the number of heads, Ns is the source sequence length, + and E is the head dimension. + - attn_mask: a 4D tensor of shape :math:`(B, H, Nt, Ns)` + - position_bias: :math:`(1, H, Nt, Ns)` + - Output: attention values have shape :math:`(B, Nt, H*E)`; attention weights + have shape :math:`(B, H, Nt, Ns)` + """ + B, H, _, E = q.shape + # NOTE: HF implementation does not perform this normalization. For the sake of matching test results, we have commented it out + # q = q / math.sqrt(E) + + attn = torch.matmul(q, k.transpose(3, 2)) + + # NOTE: modification from torch.nn.functional._scaled_dot_product_attention to incorporate relative attention bias + position_bias = position_bias.repeat(B, 1, 1, 1) + if attn_mask is not None: + position_bias += attn_mask + attn += position_bias + + attn = F.softmax(attn, dim=-1) + if dropout_p > 0.0: + attn = F.dropout(attn, p=dropout_p) + output = torch.matmul(attn, v) + output = output.transpose(1, 2).contiguous().view(B, -1, H * E) + return output, attn + + # NOTE: modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L421 + def _compute_bias( + self, + query_length: int, + key_length: int, + relative_attention_bias: Tensor, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + bidirectional: bool = True, + device=None, + ) -> Tensor: + """Compute binned relative position bias""" + if device is None: + device = relative_attention_bias.weight.device + context_position = torch.arange(query_length, dtype=torch.long, device=device)[:, None] + memory_position = torch.arange(key_length, dtype=torch.long, device=device)[None, :] + relative_position = memory_position - context_position # shape (query_length, key_length) + relative_position_bucket = self._relative_position_bucket( + relative_position, # shape (query_length, key_length) + bidirectional=bidirectional, + num_buckets=relative_attention_num_buckets, + max_distance=relative_attention_max_distance, + ) + values = relative_attention_bias(relative_position_bucket) # shape (query_length, key_length, num_heads) + values = values.permute([2, 0, 1]).unsqueeze(0) # shape (1, num_heads, query_length, key_length) + return values + + # NOTE: Taken from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L374 + def _relative_position_bucket( + self, relative_position: Tensor, bidirectional: bool = True, num_buckets: int = 32, max_distance: int = 128 + ) -> Tensor: + """ + Adapted from Mesh Tensorflow: + https://github.com/tensorflow/mesh/blob/0cb87fe07da627bf0b7e60475d59f95ed6b5be3d/mesh_tensorflow/transformer/transformer_layers.py#L593 + Translate relative position to a bucket number for relative attention. The relative position is defined as + memory_position - query_position, i.e. the distance in tokens from the attending position to the attended-to + position. If bidirectional=False, then positive relative positions are invalid. We use smaller buckets for + small absolute relative_position and larger buckets for larger absolute relative_positions. All relative + positions >=max_distance map to the same bucket. All relative positions <=-max_distance map to the same bucket. + This should allow for more graceful generalization to longer sequences than the model has been trained on + Args: + relative_position: an int32 Tensor + bidirectional: a boolean - whether the attention is bidirectional + num_buckets: an integer + max_distance: an integer + Returns: + a Tensor with the same shape as relative_position, containing int32 values in the range [0, num_buckets) + """ + relative_buckets = 0 + if bidirectional: + num_buckets //= 2 + relative_buckets += (relative_position > 0).to(torch.long) * num_buckets + relative_position = torch.abs(relative_position) + else: + relative_position = -torch.min(relative_position, torch.zeros_like(relative_position)) + # Ensure relative_position is in the range [0, inf) + + # Half of the buckets are for exact increments in positions + max_exact = num_buckets // 2 + is_small = relative_position < max_exact + + # The other half of the buckets are for logarithmically bigger bins in positions up to max_distance + relative_position_if_large = max_exact + ( + torch.log(relative_position.float() / max_exact) + / math.log(max_distance / max_exact) + * (num_buckets - max_exact) + ).to(torch.long) + relative_position_if_large = torch.min( + relative_position_if_large, torch.full_like(relative_position_if_large, num_buckets - 1) + ) + + relative_buckets += torch.where(is_small, relative_position, relative_position_if_large) + return relative_buckets + + +# NOTE: Taken from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L239 +class T5LayerNorm(nn.Module): + def __init__(self, d_model, eps=1e-6) -> None: + """ + Construct a layernorm module in the T5 style. No bias and no subtraction of mean. + """ + super().__init__() + self.weight = nn.Parameter(torch.ones(d_model)) + self.variance_epsilon = eps + + def forward(self, hidden_states: Tensor) -> Tensor: + r""" + T5 uses a layer_norm which only scales and doesn't shift, which is also known as Root Mean + Square Layer Normalization https://arxiv.org/abs/1910.07467 thus varience is calculated + w/o mean and there is no bias. Additionally we want to make sure that the accumulation for + half-precision inputs is done in fp32. + Args: + hidden_states: Tensor to be normalized. Final dimension must be model dimension (i.e. number of expected features in the input) + Returns: + a Tensor with the same shape as hidden_states after having been normalized + """ + + variance = hidden_states.to(torch.float32).pow(2).mean(-1, keepdim=True) + hidden_states = hidden_states * torch.rsqrt(variance + self.variance_epsilon) + + # Convert into half-precision if necessary + if self.weight.dtype in [torch.float16, torch.bfloat16]: + hidden_states = hidden_states.to(self.weight.dtype) + + return self.weight * hidden_states + + +# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L622 +class T5Layer(nn.Module): + r"""T5Layer is made up of self-attn, cross-attn (decoder only) and feedforward network. + This T5 layer is based on the paper: + "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". + Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, + Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. + Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html + Users may modify or implement in a different way during application. + Args: + is_decoder: Whether or not the layer belongs to the decoder. (required) + d_model: Number of expected features in the input (required). + nhead: Number of heads in the multihead attention models (required). + dim_feedforward: Dimension of the feedforward network model (default=3072). + dropout: Dropout value (default=0.1). + activation: Activation function of the intermediate layer, can be a string + ("relu" or "gelu") or a unary callable. (default: relu) + layer_norm_eps: The eps value in layer normalization components (default=1e-6). + relative_attention_num_buckets: Number of relative position buckets (default: 32) + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket (default: 128) + compute_relative_attention_bias: Whether or not the relative position embeddings + need to be computed. Typically occurs in the first layer of encoder/decoder + and resulting position embeddings are returned to be passed up to higher layers. (default: False) + relative_attention_bias: nn.Embeding object used to compute relative position embeddings. (default: None) + + Examples:: + >>> decoder_layer = T5Layer(is_decoder=True, d_model=768, nhead=12) + >>> memory = torch.rand(32, 10, 768) + >>> tgt = torch.rand(32, 20, 768) + >>> out = deoder_layer(tgt, memory) + """ + + def __init__( + self, + is_decoder: bool, + d_model: int, + nhead: int, + dim_feedforward: int = 3072, + dropout: float = 0.1, + activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + layer_norm_eps: float = 1e-6, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + compute_relative_attention_bias: bool = False, + relative_attention_bias: Optional[Tensor] = None, + device=None, + dtype=None, + ) -> None: + super().__init__() + + self.is_decoder = is_decoder + self.compute_relative_attention_bias = compute_relative_attention_bias + self.relative_attention_num_buckets = relative_attention_num_buckets + self.relative_attention_max_distance = relative_attention_max_distance + self.relative_attention_bias = relative_attention_bias + + self.self_attn = T5MultiheadAttention( + d_model, nhead, is_decoder=is_decoder, dropout=dropout, device=device, dtype=dtype + ) + self.linear1 = nn.Linear(d_model, dim_feedforward, bias=False) + self.linear2 = nn.Linear(dim_feedforward, d_model, bias=False) + self.norm1 = T5LayerNorm(d_model, eps=layer_norm_eps) + self.norm2 = T5LayerNorm(d_model, eps=layer_norm_eps) + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(dropout) + self.dropout3 = nn.Dropout(dropout) + + if is_decoder: + self.cross_attn = T5MultiheadAttention( + d_model, nhead, is_decoder=is_decoder, dropout=dropout, device=device, dtype=dtype + ) + self.norm3 = T5LayerNorm(d_model, eps=layer_norm_eps) + self.dropout4 = nn.Dropout(dropout) + + if isinstance(activation, str): + assert activation in ( + "relu", + "gelu", + ), f"Do not support '{activation}' activation. Use either 'relu' or 'gelu'" + if activation == "relu": + self.activation = F.relu + elif activation == "gelu": + self.activation = F.gelu + else: + self.activation = activation + + def forward( + self, + tgt: Tensor, + memory: Tensor, + tgt_mask: Optional[Tensor] = None, + memory_mask: Optional[Tensor] = None, + tgt_key_padding_mask: Optional[Tensor] = None, + memory_key_padding_mask: Optional[Tensor] = None, + position_bias: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tensor, Tensor, Optional[Tensor]]: + r"""Pass the inputs (and mask) through the encoder/decoder layer. + Args: + tgt: Input sequence to the encoder/decoder layer. (required). + Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence + length, and E is the model dimension. + memory: Sequence from the last layer of the encoder (used for decoder only). (required). + Must have shape (B, Nts, E) where B is the batch size, Ns is the source sequence + length, and E is the model dimension. + tgt_mask: Attention mask for self-attention. (optional). + Must have shape (Nt, Nt). + memory_mask: Attention mask for cross-attention (decoder-only) (optional). + Must have shape (Nt, Ns). + tgt_key_padding_mask: Mask for the tgt keys per batch (optional). + Must have shape (B, Nt). + memory_key_padding_mask: Mask for the memory keys per batch (decoder-only) (optional). + Must have shape (B, Ns). + position_bias: Relative attention bias to be used when computing self-attention scores (optional) + Must have shape (B, H, Nt, Nt) where H is the number of heads. + """ + + # See Fig. 1 of https://arxiv.org/pdf/2002.04745v1.pdf + x = tgt + sa_out, position_bias, sa_scores = self._sa_block(self.norm1(x), tgt_mask, tgt_key_padding_mask, position_bias) + x = x + sa_out + if self.is_decoder: + ca_out, ca_scores = self._ca_block(self.norm3(x), memory, memory_mask, memory_key_padding_mask) + x = x + ca_out + x = x + self._ff_block(self.norm2(x)) + + return x, position_bias, sa_scores, ca_scores if self.is_decoder else None + + # Self-attention block + def _sa_block( + self, + x: Tensor, + attn_mask: Optional[Tensor], + key_padding_mask: Optional[Tensor], + position_bias: Optional[Tensor], + ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: + attn = self.self_attn( + x, + x, + x, + attn_mask=attn_mask, + key_padding_mask=key_padding_mask, + need_weights=True, + compute_relative_attention_bias=self.compute_relative_attention_bias, + relative_attention_num_buckets=self.relative_attention_num_buckets, + relative_attention_max_distance=self.relative_attention_max_distance, + relative_attention_bias=self.relative_attention_bias, + position_bias=position_bias, + ) + + x = attn[0] + scores = attn[2] + if self.compute_relative_attention_bias and position_bias is None: + position_bias = attn[1] + + return self.dropout1(x), position_bias, scores + + # Cross attention block + def _ca_block( + self, x: Tensor, mem: Tensor, attn_mask: Optional[Tensor], key_padding_mask: Optional[Tensor] + ) -> Tuple[Tensor, Optional[Tensor]]: + attn = self.cross_attn(x, mem, mem, attn_mask=attn_mask, key_padding_mask=key_padding_mask, need_weights=True) + x = attn[0] + scores = attn[2] + return self.dropout4(x), scores + + # Feed forward block + def _ff_block(self, x: Tensor) -> Tensor: + x = self.linear2(self.dropout2(self.activation(self.linear1(x)))) + return self.dropout3(x) + + +# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 +class T5Stack(nn.Module): + r"""T5 is a stack of N encoder/decoder layers + Args: + is_decoder: Whether or not the layer belongs to the decoder. (required) + d_model: Number of expected features in the input (required). + nhead: Number of heads in the multihead attention models (required). + num_layers: Number of encoder/decoder layers in the stack (required) + dim_feedforward: Dimension of the feedforward network model (default=3072). + dropout: Dropout value (default=0.1). + activation: Activation function of the intermediate layer, can be a string + ("relu" or "gelu") or a unary callable. (default: relu) + layer_norm_eps: The eps value in layer normalization components (default=1e-6). + relative_attention_num_buckets: Number of relative position buckets (default: 32) + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket (defulat: 128) + Examples:: + >>> decoder = nn.T5Stack(is_decoder=True, d_model=768, nhead=12, num_layers=12) + >>> memory = torch.rand(32, 10, 512) + >>> tgt = torch.rand(32, 10, 512) + >>> out = decoder(tgt, memory) + """ + + def __init__( + self, + is_decoder: bool, + d_model: int, + nhead: int, + num_layers: int, + dim_feedforward: int = 3072, + dropout: float = 0.1, + activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + layer_norm_eps: float = 1e-6, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + device=None, + dtype=None, + ) -> None: + super().__init__() + + self.layers = nn.ModuleList( + [ + T5Layer( + is_decoder, + d_model, + nhead, + dim_feedforward, + dropout, + activation, + layer_norm_eps, + relative_attention_num_buckets, + relative_attention_max_distance, + compute_relative_attention_bias=True if i == 0 else False, + relative_attention_bias=nn.Embedding(relative_attention_num_buckets, nhead) if i == 0 else None, + device=device, + dtype=dtype, + ) + for i in range(num_layers) + ] + ) + self.num_layers = num_layers + + def forward( + self, + tgt: Tensor, + memory: Tensor = None, + tgt_mask: Optional[Tensor] = None, + memory_mask: Optional[Tensor] = None, + tgt_key_padding_mask: Optional[Tensor] = None, + memory_key_padding_mask: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tuple[Tensor], Tensor, Tuple[Tensor], Tuple[Tensor]]: + r"""Pass the inputs (and mask) through the stack of encoder/decoder layers. + Args: + tgt: Input sequence to the encoder/decoder layer. (required). + Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence + length, and E is the model dimension. + memory: Sequence from the last layer of the encoder (used for decoder only). (required). + Must have shape (B, Nts, E) where B is the batch size, Ns is the source sequence + length, and E is the model dimension. + tgt_mask: Attention mask for self-attention. (optional). + Must have shape (Nt, Nt). + memory_mask: Attention mask for cross-attention (decoder-only) (optional). + Must have shape (Nt, Ns). + tgt_key_padding_mask: Mask for the tgt keys per batch (optional). + Must have shape (B, Nt). + memory_key_padding_mask: Mask for the memory keys per batch (decoder-only) (optional). + Must have shape (B, Ns). + """ + output = tgt + position_bias = None + all_outputs = () + all_sa_scores = () + all_ca_scores = () + for mod in self.layers: + all_outputs = all_outputs + (output,) + output, position_bias, sa_score, ca_score = mod( + output, + memory, + tgt_mask=tgt_mask, + memory_mask=memory_mask, + tgt_key_padding_mask=tgt_key_padding_mask, + memory_key_padding_mask=memory_key_padding_mask, + position_bias=position_bias, + ) + all_sa_scores = all_sa_scores + (sa_score,) + all_ca_scores = all_ca_scores + (ca_score,) + + return output, all_outputs, position_bias, all_sa_scores, all_ca_scores From ca2e5a4601dcaf08bcb7171a3feebb2ecd86d230 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Tue, 19 Jul 2022 13:30:22 -0400 Subject: [PATCH 289/463] Bundler API for TorchText T5 Model (#1846) * create T5 config class * bundler API used to load pre-trained weight for t5 base model * adding docstring to bundler * __init__ for t5 imports * moving t5 under prototype/models * __init__ under prototype/models to allow for imports * correct typo in bundler docstring * updating T5Model docstring * add docstrings for bundler methods * initialize decoder input sequence to be padding index without requiring user input --- torchtext/prototype/models/__init__.py | 1 + torchtext/prototype/models/t5/__init__.py | 14 ++ torchtext/prototype/models/t5/bundler.py | 167 ++++++++++++++++++ torchtext/prototype/{ => models}/t5/model.py | 163 +++++++++-------- .../prototype/{ => models}/t5/modules.py | 0 5 files changed, 270 insertions(+), 75 deletions(-) create mode 100644 torchtext/prototype/models/__init__.py create mode 100644 torchtext/prototype/models/t5/__init__.py create mode 100644 torchtext/prototype/models/t5/bundler.py rename torchtext/prototype/{ => models}/t5/model.py (55%) rename torchtext/prototype/{ => models}/t5/modules.py (100%) diff --git a/torchtext/prototype/models/__init__.py b/torchtext/prototype/models/__init__.py new file mode 100644 index 0000000000..ab659dda3d --- /dev/null +++ b/torchtext/prototype/models/__init__.py @@ -0,0 +1 @@ +from .t5 import * # noqa: F401, F403 diff --git a/torchtext/prototype/models/t5/__init__.py b/torchtext/prototype/models/t5/__init__.py new file mode 100644 index 0000000000..f69829494d --- /dev/null +++ b/torchtext/prototype/models/t5/__init__.py @@ -0,0 +1,14 @@ +from .bundler import ( + T5_BASE_ENCODER, + T5_BASE, + T5Bundle, +) +from .model import T5Conf, T5Model + +__all__ = [ + "T5Conf", + "T5Model", + "T5Bundle", + "T5_BASE_ENCODER", + "T5_BASE", +] diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py new file mode 100644 index 0000000000..ed2262db82 --- /dev/null +++ b/torchtext/prototype/models/t5/bundler.py @@ -0,0 +1,167 @@ +import logging +from dataclasses import dataclass +from typing import Any, Dict, Optional, Union +from urllib.parse import urljoin + +import torch +from torchtext import _TEXT_BUCKET +from torchtext._download_hooks import load_state_dict_from_url + +from .model import T5Conf, T5Model + +logger = logging.getLogger(__name__) + + +@dataclass +class T5Bundle: + """T5Bundle(_config: torchtext.prototype.models.T5Conf, _path: Optional[str] = None) + + Example - Pretrained base t5 encoder + >>> import torch, torchtext + >>> t5_encoder_base = torchtext.prototype.models.T5_BASE_ENCODER + >>> model = t5_encoder_base.get_model() + >>> model_input = torch.tensor([[1,2,3,4,5,6],[7,8,9,0,0,0]]) + >>> output = model(model_input)['encoder_output'] + >>> output.shape + torch.Size([2, 6, 768]) + + Example - Pretrained base t5 model + >>> import torch, torchtext + >>> t5_base = torchtext.prototype.models.T5_BASE + >>> model = t5_base.get_model() + >>> model_input = torch.tensor([[1,2,3,4,5,6],[7,8,9,0,0,0]]) + >>> output = model(model_input)['decoder_output'] + >>> output.shape + torch.Size([2, 1, 768]) + + Example - User-specified configuration and checkpoint + >>> from torchtext.prototype.models import T5Conf, T5Bundle + >>> model_weights_path = "https://download.pytorch.org/models/text/t5.base.encoder.pt" + >>> encoder_conf = T5Conf(encoder_only=True) + >>> model = T5Bundle.build_model(config=encoder_conf, checkpoint=model_weights_path) + """ + + _config: T5Conf + _path: Optional[str] = None + + def get_model( + self, + *, + load_weights: bool = True, + freeze_model: bool = False, + dl_kwargs: Dict[str, Any] = None, + ) -> T5Model: + r"""get_model(load_weights: bool = True, freeze_model: bool = False, *, dl_kwargs=None) -> torctext.prototype.models.T5Model + + Args: + load_weights (bool): Indicates whether or not to load weights if available. (Default: `True`) + freeze_model (bool): Indicates whether or not to freeze the model weights. (Default: `False`) + dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) + """ + + if load_weights: + assert ( + self._path is not None + ), "load_weights cannot be True. The pre-trained model weights are not available for the current object" + + if freeze_model: + if not load_weights or not self._path: + logger.warning( + "The model is not loaded with pre-trained weights. Setting freeze_model to True will hinder model from learning appropriate weights." + ) + + return T5Bundle.build_model( + config=self._config, + freeze_model=freeze_model, + checkpoint=self._path if load_weights else None, + strict=True, + dl_kwargs=dl_kwargs, + ) + + @classmethod + def build_model( + cls, + config: T5Conf, + *, + freeze_model: bool = False, + checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, + strict=False, + dl_kwargs: Dict[str, Any] = None, + ) -> T5Model: + """Class builder method + + Args: + config (T5Conf): An instance of classT5Conf that defined the model configuration + freeze_model (bool): Indicates whether to freeze the model weights. (Default: `False`) + checkpoint (str or Dict[str, torch.Tensor]): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. (Default: ``None``) + strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`) + dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) + """ + + model = T5Model(config, freeze_model) + if checkpoint is not None: + if torch.jit.isinstance(checkpoint, Dict[str, torch.Tensor]): + state_dict = checkpoint + elif isinstance(checkpoint, str): + dl_kwargs = {} if dl_kwargs is None else dl_kwargs + state_dict = load_state_dict_from_url(checkpoint, **dl_kwargs) + else: + raise TypeError( + "checkpoint must be of type `str` or `Dict[str, torch.Tensor]` but got {}".format(type(checkpoint)) + ) + + model.load_state_dict(state_dict, strict=strict) + + return model + + @property + def config(self) -> T5Conf: + return self._config + + +T5_BASE_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.pt"), + _config=T5Conf(encoder_only=True), +) + +T5_BASE_ENCODER.__doc__ = """ + T5 Encoder with Base configuration + + The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer + `. It introduces a unified framework that converts text-based + language problems, such as translation, question-answering, and summarization, into a text-to-text format. The + Colossal Clean Crawled Corpus (C4) dataset is used to pre-train the model on a masked language modeling task, + and various datasets are used to fine-tune the model on each downstream task. The model's architecture is a modified version + of the canonical Transformer architecture. + + Originally published by the authors of T5 under Apache License, Version 2.0 + and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. + """ + + +T5_BASE = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.pt"), + _config=T5Conf(encoder_only=False), +) + +T5_BASE.__doc__ = """ + T5 Encoder-Decoder with Base configuration + + The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer + `. It introduces a unified framework that converts text-based + language problems, such as translation, question-answering, and summarization, into a text-to-text format. The + Colossal Clean Crawled Corpus (C4) dataset is used to pre-train the model on a masked language modeling task, + and various datasets are used to fine-tune the model on each downstream task. The model's architecture is a modified version + of the canonical Transformer architecture. + + Originally published by the authors of T5 under Apache License, Version 2.0 + and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. + """ diff --git a/torchtext/prototype/t5/model.py b/torchtext/prototype/models/t5/model.py similarity index 55% rename from torchtext/prototype/t5/model.py rename to torchtext/prototype/models/t5/model.py index cd9ebf2367..41ffb12b4e 100644 --- a/torchtext/prototype/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -1,3 +1,4 @@ +from dataclasses import dataclass from typing import Dict, Optional, Tuple, Union, Callable import torch @@ -7,6 +8,25 @@ from .modules import T5Stack, T5LayerNorm +@dataclass +class T5Conf: + encoder_only: bool = False + embedding_dim: int = 768 + num_attention_heads: int = 12 + num_encoder_layers: int = 12 + num_decoder_layers: int = 12 + ffn_dimension: int = 3072 + dropout: float = 0.1 + activation: Union[str, Callable[[Tensor], Tensor]] = "relu" + layer_norm_eps: float = 1e-6 + relative_attention_num_buckets: int = 32 + relative_attention_max_distance: int = 128 + padding_idx: int = 0 + max_seq_len: int = 512 + vocab_size: int = 32128 + training: bool = False + + # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L1269 class T5Model(nn.Module): r"""A T5 model. User is able to modify the attributes as needed. The architecture @@ -15,104 +35,92 @@ class T5Model(nn.Module): Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html Args: - encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (required) - d_model: Number of expected features in the encoder/decoder inputs (default=768). - nhead: Number of heads in the multiheadattention models (default=12). - num_encoder_layers: Number of encoder layers in the encoder (default=12). - num_decoder_layers: Number of decoder layers in the decoder (default=12). - dim_feedforward: Dimension of the feedforward network model (default=3072). - dropout: Dropout value (default=0.1). - activation: Activation function of encoder/decoder intermediate layer, can be a string + config.encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (required) + config.embedding_dim: Number of expected features in the encoder/decoder inputs (default=768). + config.num_attention_heads: Number of heads in the multiheadattention models (default=12). + config.num_encoder_layers: Number of encoder layers in the encoder (default=12). + config.num_decoder_layers: Number of decoder layers in the decoder (default=12). + config.ffn_dimension: Dimension of the feedforward network model (default=3072). + config.dropout: Dropout value (default=0.1). + config.activation: Activation function of encoder/decoder intermediate layer, can be a string ("relu" or "gelu") or a unary callable. Default: relu - layer_norm_eps: The eps value in layer normalization components (default=1e-6). - relative_attention_num_buckets: Number of relative position buckets (default: 32) - relative_attention_max_distance: Maximum threshold on the relative distance used to + config.layer_norm_eps: The eps value in layer normalization components (default=1e-6). + config.relative_attention_num_buckets: Number of relative position buckets (default: 32) + config.relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket (default: 128) - padding_idx: Index assigned to padding token in vocabulary (default: 0) - max_seq_len: Maximum sequence length (default: 512) - vocab_size: Size of vocabulary (default: 32128) - Examples:: - >>> t5_model = T5Model(encoder_only=False) - >>> src = torch.rand((32, 10, 512)) - >>> tgt = torch.rand((32, 20, 512)) - >>> out = t5_model(src, tgt) + config.padding_idx: Index assigned to padding token in vocabulary (default: 0) + config.max_seq_len: Maximum sequence length (default: 512) + config.vocab_size: Size of vocabulary (default: 32128) + config.training: Whether or not to apply dropout (default: False) + freeze: Indicates whether or not to freeze the model weights. (default: False) + Examples: + >>> from torchtext.prototype.models import T5Conf, T5Model + >>> t5_config = T5Conf(encoder_only=False) + >>> t5_model = T5Model(t5_config) + >>> encoder_input = torch.rand((32, 10, 512)) + >>> decoder_input = torch.rand((32, 20, 512)) + >>> out = t5_model(encoder_input, decoder_input) """ def __init__( self, - encoder_only: bool, - d_model: int = 768, - nhead: int = 12, - num_encoder_layers: int = 12, - num_decoder_layers: int = 12, - dim_feedforward: int = 3072, - dropout: float = 0.1, - activation: Union[str, Callable[[Tensor], Tensor]] = "relu", - layer_norm_eps: float = 1e-6, - relative_attention_num_buckets: int = 32, - relative_attention_max_distance: int = 128, - padding_idx: int = 0, - max_seq_len: int = 512, - vocab_size: int = 32128, + config: T5Conf, + freeze: bool = False, device=None, dtype=None, ) -> None: super().__init__() - self.encoder_only = encoder_only - self.d_model = d_model - self.dim_feedforward = dim_feedforward - self.dropout = dropout - self.activation = activation - self.layer_norm_eps = layer_norm_eps - self.nhead = nhead - self.num_encoder_layers = num_encoder_layers - self.num_decoder_layers = num_decoder_layers - self.relative_attention_num_buckets = relative_attention_num_buckets - self.realtive_attention_max_distance = relative_attention_max_distance - self.padding_idx = padding_idx - self.max_seq_len = max_seq_len - self.vocab_size = vocab_size + assert isinstance(config, T5Conf) + + self.encoder_only = config.encoder_only + self.padding_idx = config.padding_idx + self.training = config.training + self.dropout = config.dropout if config.training else 0.0 self.device = device self.dtype = dtype - self.token_embeddings = nn.Embedding(vocab_size, d_model, padding_idx) + self.token_embeddings = nn.Embedding(config.vocab_size, config.embedding_dim, config.padding_idx) self.encoder = T5Stack( is_decoder=False, - d_model=d_model, - nhead=nhead, - num_layers=num_encoder_layers, - dim_feedforward=dim_feedforward, - dropout=dropout, - activation=activation, - layer_norm_eps=layer_norm_eps, - relative_attention_num_buckets=relative_attention_num_buckets, - relative_attention_max_distance=relative_attention_max_distance, + d_model=config.embedding_dim, + nhead=config.num_attention_heads, + num_layers=config.num_encoder_layers, + dim_feedforward=config.ffn_dimension, + dropout=self.dropout, + activation=config.activation, + layer_norm_eps=config.layer_norm_eps, + relative_attention_num_buckets=config.relative_attention_num_buckets, + relative_attention_max_distance=config.relative_attention_max_distance, device=device, dtype=dtype, ) - self.norm1 = T5LayerNorm(d_model) - self.dropout1 = nn.Dropout(dropout) - self.dropout2 = nn.Dropout(dropout) + self.norm1 = T5LayerNorm(config.embedding_dim) + self.dropout1 = nn.Dropout(self.dropout) + self.dropout2 = nn.Dropout(self.dropout) - if not encoder_only: + if not config.encoder_only: self.decoder = T5Stack( is_decoder=True, - d_model=d_model, - nhead=nhead, - num_layers=num_decoder_layers, - dim_feedforward=dim_feedforward, - dropout=dropout, - activation=activation, - layer_norm_eps=layer_norm_eps, - relative_attention_num_buckets=relative_attention_num_buckets, - relative_attention_max_distance=relative_attention_max_distance, + d_model=config.embedding_dim, + nhead=config.num_attention_heads, + num_layers=config.num_decoder_layers, + dim_feedforward=config.ffn_dimension, + dropout=self.dropout, + activation=config.activation, + layer_norm_eps=config.layer_norm_eps, + relative_attention_num_buckets=config.relative_attention_num_buckets, + relative_attention_max_distance=config.relative_attention_max_distance, device=device, dtype=dtype, ) - self.norm2 = T5LayerNorm(d_model) - self.dropout3 = nn.Dropout(dropout) - self.dropout4 = nn.Dropout(dropout) + self.norm2 = T5LayerNorm(config.embedding_dim) + self.dropout3 = nn.Dropout(self.dropout) + self.dropout4 = nn.Dropout(self.dropout) + + if freeze: + for p in self.parameters(): + p.requires_grad = False def forward( self, @@ -128,7 +136,8 @@ def forward( encoder input sequence length. (required). decoder_tokens: Tokenized input sequence to the decoder. Must be batch first with shape (B, Nd) where B is the batch size and Nd is the - decoder input sequence length. (required). + decoder input sequence length. If None and model is encoder-decoder, will initialize decoder + input sequence to begin with padding index. (optional). encoder_mask: Self-attention mask for the encoder input sequence. Must have shape (Ne, Ne) (optional). decoder_mask: Self-attention mask for the decoder input sequence. @@ -155,7 +164,11 @@ def forward( encoder_hidden_states = encoder_hidden_states + (encoder_output,) if not self.encoder_only: - assert decoder_tokens is not None + + # decoder_tokens is None means at start of inference, in which case decoder sequence should begin with padding idx. + if decoder_tokens is None: + decoder_tokens = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) * self.padding_idx + if decoder_mask is None: tgt_len = decoder_tokens.shape[1] decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1).bool() diff --git a/torchtext/prototype/t5/modules.py b/torchtext/prototype/models/t5/modules.py similarity index 100% rename from torchtext/prototype/t5/modules.py rename to torchtext/prototype/models/t5/modules.py From ed6997324c625fd0d7fafd653999ba61007b2bed Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Thu, 21 Jul 2022 11:38:55 -0400 Subject: [PATCH 290/463] Testing T5Model (#1848) * test bundler api * upload reference results to verify model correctness * test for model correctness against reference results * Revert "test for model correctness against reference results" This reverts commit 9837f4a1f349441798cc37070b1e7c96c50c7b69. * Revert "upload reference results to verify model correctness" This reverts commit bea35bc4b0f64281c0b807f5753b6ae0517cb483. * Revert "test bundler api" This reverts commit d8fe63e47a9815bdd997700bf223a53c772c4c3b. * test bundler api * test bundler api * upload reference results to verify model correctness * test for model correctness against reference results * nit correction * test bundler when model is encoder-only * correcting typo * remove redundant test for encoder-only --- test/asset/t5.base.encoder.output.pt | Bin 0 -> 37611 bytes test/asset/t5.base.output.pt | Bin 0 -> 6891 bytes test/prototype/integration_tests/__init__.py | 0 .../integration_tests/test_models.py | 35 ++++++ test/prototype/models/__init__.py | 0 test/prototype/models/test_models.py | 117 ++++++++++++++++++ 6 files changed, 152 insertions(+) create mode 100644 test/asset/t5.base.encoder.output.pt create mode 100644 test/asset/t5.base.output.pt create mode 100644 test/prototype/integration_tests/__init__.py create mode 100644 test/prototype/integration_tests/test_models.py create mode 100644 test/prototype/models/__init__.py create mode 100644 test/prototype/models/test_models.py diff --git a/test/asset/t5.base.encoder.output.pt b/test/asset/t5.base.encoder.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..9d56557c42415f213140f88fa977cbbfedec0499 GIT binary patch literal 37611 zcmZ^Kc{EpF^tPE0DM~^}LP9j)bI<;$q>!j2Nug3H8A3_QJV#|FAyO1YBkn!>6O{%u zC-qe{kVa){60di?fBoKfy?3oUu5-^_`<`{4v!A`6?Pw<|CL|;!CG`Jn6NDxTdG6V= z!+Won(N@nOPecD*KGuungk1l}79p}F$ZxEbp?h$Uw@;w7`yQ{&!QMVw-GjV*1O4{6 z?=_JQ5Yp9kksRwkaIB^0cCP^8|MQBpwU3`?(3=1AP&z=wMR=@@ae%0c=-7FSe{g`9 zy^wZLfcPpqAv+N}340;Y_<*tF#IXxI;rIZ_ge_bAe0;pN1bO@U21+~Z+3K~&Ypa#_ zmLTZ>DZSMJR)kn_{o+ZC znqUd7J*~zpnK@S=dp?R;>$RGBr{;2R!;QE+)qZxZ^;|A-xX*lrp_qU>c9qN0 z$YZ;Q40s>z<+00WUg3Q^Jdymkbei{J=XK6!x*jvye2lBEcO^srNz?sxT5RLFXl}*# zbDWg)LPmuzMXk$QxvAMv>_)yH@4`w=rklTnQ_{(0rp7zeRV!cOjc8ZYW4Dev3JNP8?0KFlYFVGr6j1pLxH$YMH3z zCpbtw&8-wy0-;BubcJPFUBSp?o}53QEAiIm86^d=Hn!WCPfxdV;%yVCZL^C-L`gIg zGHWw0{;?=skkMW1mo7`XR;bXoI~!TIXHKl9K_v6=&>GSaBL*ibp7Gwkapw8ITEXPs zR;|0bOpn`jK#$$CD3*Ju+sl-{&SR`+9AG7$ZD!>2t}rqhkC-FQx!m;Q{j9s!WTw%G z<@`42Gd2-#d18krFxP(9aE`m@arwE&IhC{9*{rT5jA{OF?w3yqqjH2tz7Kq4&MepE z<`g;c7H5PqnujDw)O<^(tUlA?N#i2+eav#^dVhbNquO-*v~wGGU3ww!>$L!Gv&~5& z`QZfjZmv10Oux)DxL>Ag<~(H9P3nV^Rqxo#X)76ikOwE6q{&1_TJZ|`$=tP*y}W5c zalDKDhk5I^Su%bGTFf`q3TC^R0dKsVE4L)BimBQwMUTD7wAhk5gJvCf;x5I7u)F^z zFbQE&yhq(`b}Xw^S(>ZXPO_XFg2=ite|`nyXu%GcVX2eQg5)G zqiy3k-{1ONc}5K@V;`hf zQ6tGFURA9Do3l8K%Zn-F^ix!5zEB*;JE_6;G(>amErn!0o5VbHeOwz=|C|)OKh8n; zIY#TKAv0gr*TVE0pA!#L;5cg_85KJ?MdPovqG}(xvm0gc+*?_0nIo`ArpU3I%L`f4 z`SW>?nG0M`ShEFRcoF8i$FbYiZ(?Q=1H4x-hqHY0p0iYyAbMTB=C$H)8O_26T==~X z=0@jV?!MZ6{#o5%nk)92+b|lBDX;9wi1aJoMAM%ZLro0#)9VoXvm%%oKJ%NS`*f+v z+D29s^10HNOBj-5&z7ohV@215)amvcGjg?*+vfO$X{nE9f({vRlBy3GpUK6%g2Dif zgyl2WS{gXZlx!wFW)m~H-Gz%c9pWC|8b_3QN4d8Op3I!7r&!&{6vjehGAX%DnZn5( ztgrNJ_T9=3=Fgo%uDrRHX_cPA*ca(js|T6f#q8X=Q+=k~pV`9PMC5hbeaXu#@s-Qj-6 zJhG76y}s^}s3dnWVI?=ca}MuUYdGsUIhRWfe8a}R{mjd9m1T^U299CJLZ(p3g4>_= zmRr$sn9FxM#XkLO#O*zGl({>mv`W+Y3PD>lAO7sux@TN55J@qRYU<Fi-IrnMx&NN2n9>;CizMhll*~)x&_-1i-RTQJzvVi|s*ps)uxRh~Q^_tBa z9^&TizRAk=mBNDXNz9{I3!c%W1dAy3MU1@kBKnI}a4p)nOj;0yqvVtWaq^Y zM#IaPlax8j&DN4-MDBI+=I;KF7s?&sei*AT!+cT35Y}+#uke@&BP~qrmvg+g;n&&Q zQI?F!O*O`#JCRtgjUfdO9f(4d5cj36lGhwP#5_12&8(@vQa53aEScwgkTV`uFoQ!NBr+e!N@A-m*jK}1S%->VK%s#W3ba+9A#T%M5?r`7%&g1@P-bFimPP6(rW1Vu6vz&C2X*qG0HP%!j-AP95pW-@;yN(I8HR3p9 z{z8gGTr#AGT&FVuZQ|t3oeVBrC5br~9%fOOUdBjN+49_#f1s=K60T?T4EG_ak^35H z!8lc~=I-PdvrE-ZFg81FS+xWm_QZU`T>UF4xPD|8Gkj+)&q}GF?!~EPOjEfJ^ThOo z#go?E%)RN>+{S6)rt8YInhVYYtkT_ajQi|8j91uhTG%T_VqMQL=O@2nn;il< z2fCJJd$kx5rB9^2Ii1nl5l;i2XEN{2T zv(Q~VgNy%?$hmJEWzuae>3~f|o%F~~=9|@R-skHKD`{E9Wo=4k9Aa)~H^^h*f zZ?qx3vR2%tW^Zm;emNJKpT>0uovK@SWFfo%y*|@$b%1C7W)?SRLml_w#ueu2<~}a- zZXQ?SG|bR#51AyXcQE`gkvnxxna;WOmyt|LW)vHG7$TL&Wy-lSOGK6H&K8BSdnA-N ziE;Vdqm_odujf-4O}X=o$M5mnz6D1)g^81yy7D2;rQtGLToufuPI=GDX7;o9QfIS) zgB`r{al_06qZy3RqZ{nCV|}bjP&8{W$%qY2nrHF+KRxnfP?E0j<2c>SNS;ArCU1I3 z6J6vG!gbFd=1otT$6U;qM0|H#XR9^O^DN$HGs`dRWjoj@933j*dZJb9DqK^URZ&NI z)0ST%G&GidblsKJ3B1B?-*CxdO2ky|=J-QDbCbDU-xTS9hY9o9u$-IStAe#<|7!IEYM7x#ui0tZqD+`$ zFmp)HmrI3hjLK~jD!#~vXAuZQIL@10SE$P#UIcWdz9jeQqbk$ESd+s`CX>#G3A{%y zWVrR&yXan(%}jQAGYwxK!}v+@nEhu}NoL^%rb$l zcc+2azx|Inu_d_Hv0@&xvZ#)I)qKDrXvl!uvFS1E6(~WpdM!BF;`^KM3%}@|`Xu ze_J*?FlPZ5;x(10Bbh^w?JwbEFJ0&Q<|H#>yVAIIUn1$%K24s}!dlMiwE=V6|0OTX zcPgnqV90z_h+$exBe;T04aN=$qxaRF398hnU3+dV`)Z_=OSj}PCHsyr*S_rF?#tcg zwnW|M`TTRBV*QhuiaE0MZ{THSXTJd#b>kB6Hq|opyrdWr~2^6-{0O zbCiAQ-N!sC{LO`4mnKV$M!3ee%ekM^Uhv+{`^=e~=;PvzTbLq)%e?P%ZgLK1-gAee zO4twQlerUl>YPINS$5$o2^!I=4SuTUNFHMf+Qy$DzxxBo-mGTI%I3he!U=do{6C-< zy`e7f5aG}I4|iS=fm!!#2=i;Epwp&|9+MD50{j@%S3ZhI{!4@vF4Muo-~g>Uv5{;k5ao-Wx{q;d zN6>Iv1x}jq9Cw&M#mMOyVB=h7ad*ac^J;BL!5wWW@Tza3gQll=%HC^<`oUOua%L}n za`{v@#Y05ke&iQ*;0yEDH#mR_dmFS%CkfQmp5pwYJe+V4p^7*|qUU5B_*;j1KLUZZ zV)2w!B+LpuNWu*J!E5&>{`Wh7(RPm=?Jw9ueBY%)=DR@beeeeQqO8%fP82nt9>MXW z(_lES91B1mJ*u4rNB8P7CRPey)ae0m8^qss~rtdGNCB1KqgkATjKa=AXWUWcu75Di&(TJzlg3`L92a z)Gr=;!CvANP=bYjZm}9a-!R%Y`sn3Xy(G461L_7(qwii9qOHJ) zfbn!Lv7w&)w^R%361|B=>2_RDn@LqYCi30aerECNd&pT@$OJBK0q^Cx7tq=0%)HHL~Fjv;>_5fga?oM?&^AeszWoW=<5PtC7dxQ;;~?HSHc?=1>P{Lk zgQV6xCHD^9$6K9cxMiN4AYJwiG1*yyawcxjoT$y;cKjl_(KJdtoHapp*aq#nQd~d5 z29A84%GX)N&>!LkIJ(i1`p8RQhLsmPz&8SJZw0V3%23Z=}nKAuJOlc?N4p|=6{!5+PMff%}s=&t1{e|Lt`}m{UbV>y$vpo69T@R z0^h?yRPb)9IVQUuqaok_kcmBZxTG%>CTQ#9#THA*@?`14S=YfZo`(+xtZ~Bm8i;8| z{Ih-&s4b187V%<``8X+h@FZ$GS(<{1UnjIL;NCHh0K2`qNKwr14;ah0117 zNF4P!e4R?pG81^FoP~^*Wi;lYgdkorlpbOAaNDV~_)=*adp|{pzh!|tDE>=@+CT;V z$!CknpTcZX%UdCsvuh7+Iq{3EeHH+D-o?~pQxwV%ekPLP$Lj|E4ij?&AcEs2xKVu! zALq`4CuKSq_k9_(d~!e`dr7WW?z|IJCd!eZc5IaToLb5M`1}tZ=C6jOz8rmV^affeyYlDNTEcAI0q)r8 z7{;JD4=?z{k$v0jh{QT&j1~z)Yw_8zVxKZ7KVqo*#SO?`F@&9-x5?fO=OF#CHB53d z8?&Ja_MdU0hHEGCHD@gYUBj~^Hp!TYE9}H`tKWmI>pfVT^Mdv!YViG+&%_Q5g7=&w zq2O^oRxcY59>fUxy*GoII0t2RQz0)q0PZatK^>VS2yxMesWqvC^zHD8{ zb=oTn;v*uNhTTehQ!z<+A*>^)Gkr_HKJJ1^T@2~S`-xlC7Qx{SUr1{1Ub^eZvbxJJ z4ftKtE6BSRJ?i>pIejRIhYVglO#XI*)XY%A8|%xV`rmZ^vMzPd{5=knN)3=!$ngCK z4lwSQ;?d(*CkazHgPmpO=zHfH206~IT}IzUgd)`w9vKmFuE+SCThEX z(m!{Pa1n2(fo?$`m0KajS$%v(oL6MQ?V@3#_-ikHEx#Y{X4s&F%{$tmnueXWk5PEx zQ99Sw1Pb$o@K#Yh-hPlvB*LCU?~#Xiq4FwR5V53I6^2-H@iZ-YK7lp{Ohu*ZV{xx_ z_s}-g0J^h}!;_REMpCmBf=-CjX1@tIZTb~hy>K2)*nSR%BX&Uh#u0XPOEX^gsDrD2 z{*kcX(&R%$8uHKXfZ{0>j28FO(6)UT+vOpc`s^!U)?VCq$pcUQxPvn{&qTKeov^5P zI{%Mb3+Z{M&wsz=C56}LancuWTrA(=KS2+#MoNj@#Dvum+yp4?73-~*d0EK)-@~CVY zx`w_)$Kk2Sd{?GAnR)n$=>VqsHyzsagYMaFf;*P1Cy!S((Wrqdz3(s7n-EO_` zqPGq7O$)KHIv3h+edlWYeerU@Q${aTj1G7O&EWU0;Bm>Kd z`wlZfo5wP4&dYvOFn$E;+l@${#B}sie}NJC7va8SEEzY&k!(nmC zK-zznQ2RlG+o>ncH}JX+tGu*v5+)GSwrBM8!6p(@WX`RA7lY%)WT8gF3yw#>0avLW1iKN$6scNA6{>#w8|iQ8;@T-G*5(ohr=_ z8Fhzm12Pz|oQH$wSCGC>PiXJe*C3UjhWD`xA`fZegGWhdlChmR@3xB!7F~tn=6*0; z--N=N2sGOs?c9E#b$<;=JBE@o-Gk_ql7v3T7xP^{U!>Y_4^H3LfQq_NQt(-WKlte_ zl&$oE>`8UxI_H8n`n-U5@FCS~-wUeKI%sZP5qvd2iPh;RnYi<+bjOSXbnD%z78 z3bVoO+dk|$P{M5C)!_IuOX1Is)#$VE2t>Pa*wN;K&+}eEsr!2PYN$qbr=3UtsRkhU zrOJ3;T+UfKT*bbTA}W)35cYrYBKaGKxxukHtn#u9225{)aNu!#_vZx3>Knj0gYkIq zN+euJw8XDVzHkml)}t%8j9#w2!DVP!;&IVD&TU#GI_*rsm0~L7<;--tq1}e!gZ;?+ zHJ_dTZ8ziE<%CjW@#j!e4$LL2FMh zko@_Qeq8mA21~TSMN<_Jz3EQc*51l9;nMPXu|G*yl?!W1^!C7LvjaLscABLp0ap-q87ZL zQ$q&^B@n+Xq0aaALF;fPWEQ=l(ou0VCzV0gQGlyuztQ~p!!USiA>Iie2NRSmFzB%X zRB)5fwkQbJe?JFHw%((>`)lys;bvS{b%QB6osJK-q#`F<3xD^VVI-h{=^l831s^t3 zyRiKj75W91D`Y{;U?M*MC5rW`UECdAiuLI_+_CZBh(D_=sMR(XOgnWP%{^N{{7*Wy zSr%LOVll!jMFX&v_o1f72B;u>1kG{{$;W$+AhAx5-j)l*#J1CH_uN)9g=aeK^`dvw z_|ys}Y|eh1(K!o#k80rVbYD>Dk^rq)6X3>H67>T9A~ zZOXXWo_D~^_5-=5Uyd`FBFwS;%)UG|N^19Kz)Sg;#NqsOGLqv24;D&;+do6zwZI|B zPuYe&3j~-ImkJ9%IYItODRj7H1EH5?P%*C=OwK%l0E2PZ#fGB#Wh30Ss*B8hv;_M< zO~rGI-Vnu0TJUM(YA~5)0EXWSK|6UpdYU^y(2gvk*`Nozih(B8s|(z!ZP04WXU&Np z2Mg*<5j`HWzkK7Uf7B^Bd+jEPP7%YN5G^KX@eUGhUr9GVnvNl=EBGt_h`?!PIpY^! z$kdFVgmg#-+qihT&-On$`G=4oX3J(bkIw+!YqHd6&BQGxdU zRP3IjhzhUvkqF)>Bj$V&?^Mcz&y0S$+N+wZI@JNH;)`*vY7fK=_3{q-Zp9$8F3=aV z!28MXsH=_zbg8}~-O|gb=>|&@wDu=S$nJ-+6fBy*VrhNNSL*a5oM-DNO_n>IrSo$< zAnGHK(seRu!*t`rA8GKu=qL=Ay`^V|RN&3mucT}EFBkA}0c<*N2vOe0NNz|sk?X8M zYwK--ZzFvq%kcvl{_vZ$}JO$5tDGJ#~)qET`xx{J%k{DmoYm*HFI0!-{FhLxAMks1D`B=XHXY#9_o1FIxz z|LFvkj=lzG1S^rRoC2z2V;SzanfT}f_nTit)rF zIv0|R!%(8k8(sxG$M@yeP~1pT@WcKV@jp8cC&$&I*JllKJ<^1{9^cL>?_7g-$3;_| z*9QK()#0ya2(59^<9nQHpkm!S=-`zRP9?Y)4|`Tmh8~cg8=sLiysh~3(p(gq zH4_tCmlIP~28=(tfXw4&>OF1-&RN$AJDVe6qfiL^e$Y+6Yz*gq?z%(|3{^qMv4?oz z%{*qwXb-hcz5oyJn_zL=dwgl7j|Iayurc8_%`#LX&EdXy^Xqh6L&BLetpU_yWhB+v z=|@9a5>ZJ>7vm?76GZ$NpFk({oI$6K|zX4!boxN4Bxx$~3^cO7Tep4EnJ zhg|XB+z{q`;BsIz{<0ElDro+mv$Wx#J023#fo~O`;nO%n*vU$OZ~R0UY!u^bm{o#a z6$5{y12M8<7G@mO1DnWJ`uIT}V=}Xf_i5uZj84l(gMxMBQ0OwANWTJ_Tg@ly)gFOh z({nJ_sGzbAyNDLw9~S@GM|AWyVBjQ2oLblnUw%IW;d$wFx3RQf+%rx7{Y`g?A|w%w zzOD4FN+!gAupi5L*+GuOHEPo%02S9mFz3u}9O>VIYDuc7QEG-V(>KFXHy7^vcRg~_ zP=@ZSj-(6rf8^>#Ov$3E9mMWPE&SWP26o3PkZfmVn6hRgoqFaZSU#If`CBi*uDN&7 z$@U6)qB9e2T>T2`&TPW)ds(O)+D{DMCzEStml?HxPf$yv2G1_B!?o+I@ISkGbl_k* z{r2Gi{%ukeSp16vjqQu6#Bm|m<#rN|)g^+)<|uM0XCd=&N+EHc`hz&i7~-S$7J9W= z8=CEQ!Rt4|ApM^>n2qj(RK2^*mF;n8_``?y4%+1Go-?2tRLQLQF}SB`Q;Tq8V~JxDd14nWA|JeqL-1#XPc z!nI^6{hgqL%39eVw@HBxtX+#4f*N5aTz{hPjD2|MWS| z>hw8qT;hU}pGqM0kqt~#+YiIjN6>G9JYB5t8s<3P;+49NawX$-^DY~v>c z8r4eB@>K`qhrJ{2m1k+%7hUpfwlb_+ydQs!hLI*Ng1V+3!F4uXz`tR|yzCrB$saQq zk(`?(yS#+iG=_nJ)k*Zwv3F#B^hvm0p3F6x--58tap)^FN~4S<=(1b3nD(oLnChj_ zc@rY>tWGx!yHBJ(`y=RQ^9CxN)ko^$yGXx#Gdop926yR&3tziG&pEyo#2xL;`nmftxu_X~KR(9H!XQw5 zaUJW;%SfHjMqD*n3S`&n((^Gq9IyHTUcB0esXwD&v@RB$f;CXy@&~-!Aubqnds%y{ z{3qe;6T#=^d2%*EUGQCv!PoD{gZEx5XjEx}qt<4SvHw48O5DoWmM5TTZYw=;I0Gj; zWJAAZ40-g=8=_NcK>k@XZOTrh(VilFp6@xZUmXm4{gSA6sF>hEe+ucT7{iKvmhj(} z3QjiN8jehn5KJFdV19=MgWBe8H2wEtj63v&847O1)i-0%-BDDq(Ws2BecA|@{f)`* z;cF1J=_oFFvJn{}RoZ&af@8&FaKLaHSfu3BVxx=Dpx6NZ`!8|Pf8xQkfk4@01&)vBBBrRI~ z3Jdyp$SF_e2Ly`>#P&_$|8r4+7bf?aqpwuRjbHzmV9#tAH{8JO%`}D+8RKBbWP7Ly zd4WUg{-N06t7y9NEarsn!jkF@INc!t0!04e;iV(^(miI37c24AB*)?hr}EL|SSmA9db`mc*ho+5($c_sU=%GRocM9>3iPBS_(TQ z=75&vc1UsWh4Zm?(4^S}1z&w&pW`Rmn;Qk%?^i-f&}}rSP{)mOV{5$gJG6{8#MQV9 z)iRHOV5ERNIA{*WjY_b}Z4kf7J)s+&i^xddAsYHP8qI^|g6PtDxN>9_WZsd5_Q$O} zGshWxr^|cr=U@mGzvD#DADqq^#t2c3*lez6q9_QB#Q?6CJVLeBHgbPYB_0S!#=}^I74vg6_}?}9z{wk~PcbLI#Q-d2u7gyM75$dH1R|Y9=$}d+xAaXd zY0%h38~6e)=IsC&_;@g;S?=WHu_UmQ(FEH=m++GF6nMDj2k(GEFz)ET!*DxTHaa1L zl)YwP${ktU)$@&Z@SBO7`B9oIbAUMaEEUM^b%4gCb^tgJLt>t|J|&s#y*id_oqUZr z?2v?wOB(3Gv@{~J@i-Pe$s|X#KV$dh6xhA*8KlgNrOuL-;3yi%WUtqTouAcVm%0_N z!Z{ho^?xI|#v!;>ZXwZ%b|BW3%~X2c5)eF;qk)@mp>gj=&Mv|Q?Ngb&qj~#!{p-@WiniIp6vN{iD|V^5h&)pDkn6VN#5!V$tw(K+3ZTv z&$EOD_asr{=R2}rY&)HItP?h5eBquf)FAhLwP^JiZz1_S3{qMoIAWJTvfCyTmR!OI z(UuS$;sqY|YjI~nKYr3tL8FJOU}^h2be3l^K%@@sUgtviS4Er|XMjK5Qm{2S96#_r zLfmN!A~v`PatD&}=l;j!=v^x&zC4sWE)tK;X$zrrh6?uF8Dj38eLA+zI^d=-Df}Sy z26GlE(NoSsxWD}w#MF+1?Y1sh{e1%e>7_<^c4#8Tjn)(6g+&nTg6zgyt4Y+v-CHE#{>B2e^GSp3j4XogH`Cjrnb}~lX$fYW2 z(t@e$?eWYE6Jp}`9j6~%E|4BSiQGzKp-R*Wr@nSaaWW5+c~b=1_m9$5t(lOP*-CtS z{OQxD;rPtB6(+@`!H>`^s^##FcIU05YDbN6^`?HZ`&kcmTzClO7o`QE{~YNbww7EH zljV0F$ilXQdLs4a5loq-4343Tp{sHXUt=O6B))~pDSTwaQ{Up5A5$@O$sx$gn2VBr z8o2755YDZa1M)l#bt^R>z%v(KNuTCArke0iZMeyMb#oyM=9J>;K8oW*^kKK;K4{Ns z=Dqu6i@~+>f)J-`xcx%}v<4eOr0NRXAAErtq*b{~Yzl;3`?Hk_=~M#ofT?WIkuFbQ6CsNg<09^O>2O_tTEV3W zgGF}+O%sbm$u?nZ{9_B-z0<%*>L#waQw;4=K`?Q`3A*WuA?So!j^+M>FuYHd8P$D) zz8Vau%JE1*;Yuj9YJ)o^o>X3;1TWC%v`wW77KsdDXyQMTkdlBKt@na^%RCSd(WK4q zkB|z3^^n+c8WUV6!82DGxOO}jd$ZEHsB;g&%vBUbH1~qrJYll`UNg8aSb?209>LC{ z94fMCA@oMC#gBh&sA+;L{1N03gOag%IMI%p4RKI86plxXve4637}AmoLB>fDBD79J zL4F%~Gvy)qYPTA-NB}oO?*jE*REV{99oUfJ3by0bptABWd3V5vdW8R`3cuUIJ#qq; zjQ7P(zBJ}YWN;^KY_V$j5qx$!0~`l*C|ULrme)-}$IfZ!|7GqN2f9F(7ZN=6R0*Pc zig@RP$8)#B^CWSJ|@PF)9~5ea2yUBCpfsgjwCb20<*_ku)5+N2)*-y zy&@xwYOn6B@PJm23(Vups2zGy6)LGw(n~Uxwj=2 zBSoX>QaK)6(7A;AyB6X7vUa#wrwiK~^H^_NmhMXEW!!%9Vf=(zVxZFlFO4pd`DJe0 z8aD+&_mWH0`d19uw)Hg)J9m!uURI&qYUyKhrIEQ)YDRA!vcqOcXK)quK;i4jT+_AJ z;O{*d8<}mGCnO5(TZ=K!hBH*a_4sW$J)1|uC;Y!3(R5&P&6$>&kcI|3B z5^)s0rl&*O^!cEB{u9Y)_k%^h|Dk?IJH43voXBtKz=hQk@Wkvee12;P&pi)7Y2Fud zSzZmL(wD-Mk2OS5+MPStya-OYRpYn)Lv-^yeR{Y&3eFtrqOnq{@JrQPuxjuZPJC2` z126j-TC)UKNR8tk821+jtD~+{-smkvh9|v1ICV+TgFMcck4TgD5L?L-M?mhp6 zUXIJhoXuxYu{C2%4|Iw=Ekl%o&CnkIk^GK}p@062>20bEP-yOd)Mdtg{4p~bKCD{- z4TY-sGujM2NAzJLZO3x~|DoVb7QXvrMqHMqk}Ywfe9ipBcuu_y#RD#qZ64Ez#IxH> zx=#~!%LSoJq!Tch0(_7Y%;l?-Gp%OC>{~Pq`D4Z@9X-muKJtZhobE@##Ep0xKG451 zJ)~^13hEc;lTVPB=7*WT8|=~bT^WSdO9|dt zKjzj>_lJw-j&Q5BgKjN5hU>i=>Fl|`$gTJQh^`an2YMF(-Ti}fbzXr+O;1{!(uU;W zD!OdR8{&4FfZmzosD4hAOua8l2mh(^m#eg}mERvjN_Qy4~Q7OfoxN4Zx`V=IN z9fu#gduY$ISv7)V(U_6^62DZPdxpK{NET*E+shN=!*q%yYP$n z2EL!B0)DPjz>N<|Xz(4;;giJwvr-s=M)~qz%StM5C9ugkY1V zFT6dSMzu#$FqD~!3)Jnw`qKt-=3^`#9330`waqk$YQmSz{nUHXGBmnUPme+z3fmoL z&UMScth^EC-}Bkz<`hwKXM8ca-7ZYeE|i1i+N%7t=t;2iel1!ruR#}~RuZNgh<=rC z=xU9rP-)l;9wXgki0$S%#jDWr|HR43$%72Dqmew9xJH@%3+dI4Z)D!@hxnpsJSr3` zfQ*(c%$aA#taFnUY*0S~%A3aFhAkTWg3HHg$?qWSs!xW|tAikgQpkPT2-LHiz$OMKB?DD}Z$g*={`covTY= z$G&g)qB0SCz8T`%cF!E*&2$9FoVC zVSC7$H$}MS(PhrGDHXRkmxG>3B%T@2rOtl>(RgVATJ$BO+^wH5GSmoi(s7u+>pD!c zw&!bFwlhvqBlJSD6qL0l(@nZNIbrF`bZ_Q58enn&>L+=kPiqa7g{hD_l{lm)j)So3 zV^VUz22=iR1S2enQFuiDc@7g~8GB7A)JO z2HN6!pcyAF_%*Qu@?@XUPYKfGKiAn%@Z}~f8Pa9ClnZfwa4g7x%n)c8W$&EzoWju5`Pe<>NrgJDS`_=_>u!Ml&9S{lPs!yMAK%jAXTkJ zcq{8Pc=Va^PyFi#w?Kc$zd&iTQ8k`((gA(p?_99b4Joa|RR|=9xtl>+DByLplgi{q~p|=ZZ`^+3BGPH!s)sB!= zbI0__%4L{zM~}q5J%tNeS#r>qVUiBjftYU+gcYyFS7tYHg~w%xmidjd?`NVzauYhY zj=<8+heTB55q{Tfg^guv$hAFgI4D&}1@6{l^B7-_+IfmRx||8e8vo+9nMKUVN?VW= z9}n-7zjGz9fEL;p0bI8dJo}IY(c5O@t*Zri%IPgxnRk<`&u|@^N18OmhmeJH4#TeY ztElbu5LF^1AlCE_DA#z==1J0Ug5QQSkEhW`hn_(37~gCPyGxQjq}Bx;`3F_Q3s|w_ zI^6Ym8Jq9@61N2TQi(7x{OH5LcK=6Y1%EEqh9#qe>MzpiUIy}Y$2nKw325GCNgiJt zguE*z{3CAvk#q$^I3Ey$@x`6EGK~=NONy}KzzO_Ro(oHNRYG!BFxh+U6O@Yj5c`oy zaJp$ZCQnnKH93j6$10vQK9{DQxsy=BZ2`aJVIjuvX`^dghv-91b99;~BrvQ{7xabg zhsq5NRPM1mm3z4gZO5G?JNs`@8R6GVZHOijV?NPj1zmg{uEk%}*h=oaSOi&Flw6M9 zN>ghi$oBF}Xc&;imVGyX=2trS;MHtQ8mNF${de?gc_rrB#WN*Y<(i{I}*m?96`+dyYS(SqI;7#mT*(ZxO_vef|lu^Cr1blfQ!=Jmf3Mwx4W2A>F43(XsxA&-!N6zLXH?I<6%{!^Pb`&&Dm;@@D zs+qe_4Zyl*ITS9_At&n$;hWG8QfN6!4G!-GlefbVk+Tuq@;u4knEjyi$(HPl9FLdI z_tK-wHPJ)uBFJxVCaC3x?o!9WlvhA^9-IaD<<3F*AuIgm-A*U{J4&jW3h3>gUfejk zjXRsnqGH)R{F!h8ZV-CHELW>CSef$C%y+)yXpAqSp@D+aco+WH~5eVK{Fp>^` z$>NT5qCV9HHiqWYX76M0GGty3*g`Vm9dWDGKD9{O561Qlb+k7~7k$@Ja{^!H;H0V#s!F*l!6b> z)SzBMH>t6xCMQ)F2#&p3gs;MOZpa2!$tBA@EZ(kqUi?M)|7?G3uT?c!lTCrW;wn>`sP#u6C4PbQYsO zKcMnGDtxQhOn4kN1sfCgQ^y%|Vb#jB5Oi_^nHgy{77Nt?{a$_ktG&h0Rr8PBcgVoR z-51DE;5@3k@H*ugR^gO?V?M>s;}#!h-J`xuRv6@(%MB$yz*Fb@X;xJZDt7A%Tn?#0 zI+R11)qD0txO+Dmo$A)YhW)F^fQt?6@{@wC zMTjmgr{VsNx3n^S7=xk~!nqTrFxT0aE^JpurIxES*8e;v6t~otvYDXtK!y9NU_?A# zyTGy&iu766TJFm;UBM5vI4rl*AqsCCG5zWUDBp4d_tfsei-sOh!d`+l*DY{rrWcBh z`PZ@u$&fVk1qVO=rR8s@;nS!{;#nmtaLbsEr$lDM_mO&7S6YfaW4It)RY-Qq&VzjU za4;Pe=UaLvfvm($xEI=vXMc#p9$8}|v+FMOe)>*MKazw2wgR_TPk}`Tv>`pV2$g-> zh|rc+JaKwVYi2VZW(oqK-SH%^L+2yikQ$46t8HQYN=cZfoq~^MxT>zVLfr=J*NkFJx}8? zWI!0ZJf4yjkBhL#;UJimtAoVaVvwqeBFmo?(OsP>;5MeQEjglsJNAXbMfG`TrE&7Iziu6ySbn-b6Yv>|nwbr=jojz1v zP=%GFNhG8u5KT{HfZ9|o>ML@YtXZlKBa`&eVCqpY|1t$e7Sw~RWG30NB8L7F@6^JZaoIbQc=y%4qL`nUGeHPK9Qx z)1`laxKHPi(anz`IDG}AHVVPi)Bmx0AzA|WTUGFDK$UC}{zNyFFC!UG6|gnE6&7i4 z#dOw)FE`W+`7_l8ojz^&wXT^a4E`lqg?n&s`Y|R=v4Y-8k0bI8j<~9@21APqp_!e4 z{w*Gt-Y8vK|Lt+gh++ zDh@(#kJW0_nBt@rgCx@6CfXLZ;6uXE{dk=7UKzzJl9&xCl8SI5$(>tll?G8cCm`qH zH{!YVKK5Df!`|ZOuuez}_9We=ANc=^qVs;l>ixsG6_Q!X$ck)565_evC#AGRdl!|8 zl!`u7Dti+O$%+t#NFkp4eH0BejFij<%4%q9_@3_{z)#P4p8H(a>w4YV^yq_=VBR#3 z(t z;FqgGcjF(ci9OoPPkVK!p)nZ$a69CE9l=ZS#_)fBPkG`Nns-A4W*_^FiDl+c5&0O0 z9%W(gu8*)J>l9w`-HFGh2h;I~C?W7G?`Mc4QY%${X}9(xR+tnCTNUO#{bgVlwzgk^^86jpcJnJ0=>zP|zCnEU z*+P~*1s!yOnXA9U_v#Rc-R=xz-c+V|vkV)Qb^x_>^dawK0-Q9F#G}^tsdWgKmpyWV z-}m=YN3k(lx!CyOi4ZqJ6=J?LN;4!5W7Dy@Zeb@Yi*EW}6+~Ylp-QC6a z%^$@dqdquPqJUOsLtvR%41Ad5hrO8&#BN71SzzFRaj9miPbUn!ooH|HeLN8ZPi)=J&XIv zsZI^B%JjzQt#{#}uqt~XAp-w~){$zd0z52Nh@rlg82`8m8X^?wE5#7ZDMNm(ZYh=< zp2y!ymBH~w6J%-suol{Sor-^~p<_?V2or70f7~ij_3HB~n3Q}4m*tsNh0I5Oa#uZu z=_T{rhquCpQV)9fk|j>Q)JeC67SW>y_wmNIMX+UgHgr;si{&r|kz?8Xa^{ZU)IKE5?*tNR_mN8C8oW7|ihI?^0rXH6+nBAP5{& z?&D>bLUQHX1muaPp!xO}V7jh^?nwSlh?+9z9P`0^sF-EZ0; z_;5N|Jkbk2kn6bS-BLKHo&%Z^X25%;1MbFQxbWgr41Hn@DfORl!Ovi5>`~**dHSL7Ub^^72f|$E<5-wVQjXu|n;)(F&>7J=uF-`P6iA(q3Uzuz~J7_j+ zjPWB*$$c2y)kIbu$%E>5^88VeK@f^LkKfvsK&0tRm@$5VNUWl8#&$2f%x{6z(s{h2 zbROBRrN+EfGQknN1_J-J(NAFtxKGR-auqMZW64zVrLqJ<b&DAhR9Q4jrK)NpfsCZz?jX^< zTyYY1?JS1Oo6-E47p_6c@>kXeZSSMu8cW=mGlmZ>j}eW@3*qXF8JL)9$t*j?ao3S= zh`irXkljBWXMiWjRLeTFhYIaXF|eSsJ;>57j3vl;u?P7+n|YTd+8_s zA-4-vpEOd*>)B`NF3Hn4nQVgwiy*k>r9s|&76;LxBXnx23NG!frlmI~(EJs*(BNGR zW_miohQPO#OG7&;DSYK~8usL`BEhg6x0$;^{z+NPJNu5V_!$FV?dFhI z!XoIeJcT*jEPz?J%czyMGWIAx$E*4W;EAvhY`&O@zbod@DbXyCS2-VyF4q(P&$HN^ zds?96V+itUwnV1;3R!-KkM=r0sPF|I>WvBWltQej_RwYe@&^Ue;tMbumW*@HU!(yM zRd~Z`8FTLIJGiIg13gD#snf^~T=XOs>yvY6V~-4e{G^I&J3^S`nV#TN_zoIflS$0E zX8!UQBXF(C86{SIrM;UTQUS|&o>-(1Mx522qP901&M;~C{*?k8aqYV=|LQiQ{4|^C;I8023gp4 zFdjenJi;BuGVHZmzi#`S@&Vb{uXxw(FS%}}Mov1dh3EM*(RKA89$IVKWvS$q|@lKZ0tzfAL{aE!sN-z@_j7Fx%J#E#9uj zYC~J(jlCpVu2p#4{X86zT|y@fw$b|wtl53Oy>Kh;JX)xw!-DQgd>G$raZnwvox_t=bpB$lUqC4pi@oYMmcY}Xe)fpD3Phz*e^`vSFnfy`Tdwl-W zHM|?DNuV-295Rn2V#8M>xVq2`HR^9z%h*>yR#*g>9el_$Xn90d^B2OwlGC6=Qn?;t zBIzrbjQR8U@Y&`hUwQlo80m|n9aIMy5gUZ zFknZTU`2EwyvnkrFD*pi-%LAP?Q(%itd67hMqjAyrmgtczL=lvUjYMq^^mM;hf7hv zXjo7y9}A87CqK$D|BhXU(jyLdeIy88$SA_$6fcwrDgc>IS+I)QjOU^Sz~)E_T8cm5 zwVo4aUtM)T=(L4jVp^#3u8_>rw}IGDHM&Mrg-v_zPp03P$Zk|v!3fNqghS<7q|-qW z%f{14*Wnga{KI_@EK-E;Q&cf=-F1|lC%_1s8>4Gm9qGK5j6+=JTJS{}y?m!LPv(m< z?h~hCE9ZGwdukGFs98s+oGIXKd>R1t`{u!>v>Wu+^`9iY!jjb8Po`mP2>E(?FPWK? zhfBp3*k8vrFzm@!Y}yl3r2?C9)*%<1c;_mqtjq&H<5c*!s0-hmR>LZG8oJL-$A>@5 z>8A&8iQOA(_A#%Tur^g>ckDKJ)~}C6y8sJCtFWMXB|SUt1F-Qt3G4bm&QTeb*nL2` z3s+!dw1i)5E{Ep9vRK{xm;P|$LK0p8rGgowEi@;5k2ci>GDg>JnbUH340C6{;`K#zxx5_ge-=$ z)l(R|fGJ!LAB#9-;xNp8AG?fvxnkr7Yox zSK!jECe%!sz`gKxsB_p)WtHC0*ygvSPjnKNSSvHju6dEkwIlRx=UP_2B!%SCR>IIR=*HOnj*nJK@&FPG#Y6!8C0CMlVw$W z?DC$7NnsT@wwQbFhg0BT(gaqsHyHxgXQNDg2KtTc0@wEe&^9XxL-#pA!+;ID)G8f{ zYgRJ3e+an9_u=j}m3C`b@`l zLI=Taqkq-rr+3MDn*(sCZ9e!E>(e0vVYb3?Ih$)YfnnEd#<~BU$CJ~x5s@)bT$ARF zxl3Nr4eJ`=ubUFCSXIMi@>9`VA_itfchgTNRG7rTQ`k|ul4Qymz@8URz<%=)bZ>XV zm%YN6sCtJQ?f=BLSe3~W@^qvgfB96||1FedxKg{x4p>qXMUOP;@(y-hrOPERQ!%$F zcq4X}yh(jb2Mq<;MJxO9d&@uKDRTq-TRc#urwktGg@Nkfne@k`m$+!IHLL3%Ktmms zu*q%;C`fvN&r@q0Fbl@P7{qTi5nwL(Ibs!N#^eeG%-Ji@#?Z6Tn1e#EDD*qH z)9E%(arfImVw|MH_v1a|^??af9-D?SrRDhSnK&K@9EYA=0yuf+8GPzt48gjuNc#FA z`g4a1Z<9t3m3mhO@A+ZW=G7AL_cO*PBSv`3P#H}{8p+oGEP3^lKl0RT7NXtwX{5@V zv0C*Fem=Yx2f9>PbDIPdydRBOZ|lj2M^+p&Gm35Z?(+6MS7TpKmSX3`T!S%%75IDw z!J{6j{M2tA`~~NxvK1#>IqvK>uG1p0*+39xIcd@jZg0^|%nFsu&q86z3(`BBPd0rm zfidSm8uw`_N>ocgP56BDhIzDa(=cpHZa{$oDd<=y3}UvMYFCKg%XJ~|V=-mGn!cWuO*R+HGWWhpQt6r65c6UJlWLIz zfg=L!u5*I$_}fezJ$i+I-ntPEzV*T3`{J-n=>Z%byi5O#`O~qse417lhQm_}Ax=CN z(pFCaRW+tg@RQ3S)}dijDN;T*m>zNZn#~9deXI! zAr^=}%Y3N(&e`~V%M@nnI(v*-lM0SY))3JbiSR^51D3B+U<&(Jkgc+z{0Z!Sn6rNY zraGR3Syoz*_q~z#yYT`Hy#2{v9(asga1;f{+;cQG?f}()@tEqh3S#eAB-#b`QT5$B z_}^BpCbi5D%KxCo{2Psd=d;^M^DY?_+xiYKl-$B|rO&YEMj)|$s?O6sK1Kqc%tGVG zzlqVhX5Qyx=fO80a6mh~N@Y_jm5}fT|FFHd`12UwqPBsYn4pFI;;17$bHV%F7c znx-#XoBp2!~mC;(e|6X^Bl=Xh75(rA+R zD(g#SH*B@WtbmVbjDzH)WF@Wryaft=e8X6g1?2gnOmL2w z3LgG1=!P?mBqn|h3LFpxQ|T&F(CiD7zD}gif4Nlcye$P$N^QV2Rifivj^$d~!=Ey# z1nvv($FbLh|18@C3e&=1&9c9=NL`m%VwFc5F1(^s{Sx5Rv2COvZY3GoaSXE^&%?Q0 z8;NUNIhDOJ8w>sN=$%j*CRy{X^#|%lKYgu4rSL~pl^;Hm(V4jzd^DC0?)4|Jrp0hb z-VmLomO+BE2HRog3)`zqXwwc6X4ou;W1CKad&ePK?EZ;JnY!SvE51Z%)pOk26o#70 zhIE;eE6EPIiQZ3TSr2PbXt+MldTQic_;lQy7>~zLd+Rdnw{_!qs$`tlqRY!UaSZae zn_$cRNnHN(1@^gwqyIl|kf=M0%e?l{pnLmCqFN%23KC@hc?vNU7(O$fsZmJ64UAm@%|EBuWh5SJBwmKLF4d<|OP5GEL>mM}V zy-U9rbP%VPKX6#W7-bJ%0UN8Me0}jop5DWhD&=DzA+2Q&k(j;~qvod4IR*$T4-XLq zDuzG01xV^eL%gBaink1eSmWOv7&lzNi;0~x#E&_Nky;=LdE>*s{Z%pJ(}YX6+o6(Y+ZQmBG$iX0iB6!$#agcnH&2a$7QRmo>@So$KP`-mmT`_t|D<;kAp!*2hn;WPnNB&#SE9-(8Rf0EK9_gFQcb$ z`d2qPA6jsAXB06xKEkue2qRe%l6ZJ-B3-mw50lI9(6BV=Aq_=naFDaCMqxzc19BTG^L*goDJc5j%V^bay_WpxEU|y zupfBz2a$iSK~!a;Dh`Dw^FDr0gGRqGqHtH1@rZSz>-pjI-wsj6(!2%IK5_X>%>=5} zsEgZP+~axI&w}vYci_pp#`ESjSKIYw^J9lvVP@M=s^jbn@o56gItNvL)#-Hp{-_{) zwE8jF_O+AfW446#3IbF01k~>6#(vJRF*N%!Q92$?w!Ic-?(kb^ufScLeETNGelH+? z@6)LB5({`8--O<&N=W7_GB!UHKsS=XgJRv}d_x7;@G3Cw&K%~a;vXWh@==vrp)d+& zOXHV^?c{w;40Q;I1kX}R$NnBA;W?pr@qH6D;AvvOCKGn>kSaYd?*zLzM^5yka8L<} zrrG^#$nV!e*b_$>Q*O`cp-_OvHyWUMNiuzP?-Q^mbKsZi#fJS{H2joW?6^=%t6+lhDU!i2l{M#Kao*qPs^wZadme zZ{NR;8Je=}K?7L`&Y@IYqy}wVGH~-`?tQ}{9C988qVlq%xZPcZ$u&=*FI^r|&lFQ| zynwK{yB+_!%!0B61_eIvgx62yn8t%O_~Fkk?3m+A4MK%*eU2aI|De2AU&_hUo&dUe zZZWz0&IX{B^S8Ks#(y!Y?DD6hJf(mbxRer1Wh~B<{XVL|x0?wz`sb*x&}qo-9Rp?F zae8{8Cc7?t6=dr^!4uxb%EYjK9IIQoTyYpKiY9?_?ipTf@opLxB0<;A zONYgtvg|dLJbGO{2!eGeI?Em>^0`aVQEvqb|2AhIEwci-o-iWfZ-xz(ukpu24Y*oa zhAVsnY1G*oNZnLRUncb7%BzcD=6{R9jw(Z=x+s)+mZFAE0*=TkFq!--2-EpwpQ#T1 zvdsb&$K_-|&;(rKxwF4h8(w7-d3!yrz#~8bnhdAFT(c}(Zt5Sqsh2Th)_j)Zk*^Y~ct<$uK9Tiz41%8a zYFx2k9{pVK2rEs4_!9G?_zT)!LiELlP`7CX6L0bkXBFzw#RZLUVSgl%l_%i;Dv4&x zJ^}UQUbK-6hmJMvcwiNmNqD`)SmPE@AE<`s1$CI6_JX)iw_qnqFT)~vDRk?5OpZhf z!0;-Lh4^_F>}3AKJiTmsolFE_@rk(LSs2=Cj1u@L3qc+fUOQ=EdWR-!z1SbkK25{x zbC*I;$Z~pl+=p0{xj=?DLsoCwMn?9_lGtib9F(65(YI50sk~ZDNs5Ag10)AZQ;D0C z1(@iZz^WaSK{e+wna{gRjyUki`iN=d!gnovA9(~;&GN&W-}?CdT<$966pB*vD{w-w zJ?Sh+Ck5}%QDtXOh)b0K?;v4_%ioSMvbX3z2~Aiqw4Cgz=z$;W2YGKtD#*7hNIr(m zf{cg&dNMGOHExxFfxjliUp9`AgQJk?{E#m4>_auHVeCbMy$hzX+eY>h$%_e?Iygvo zCwmkBovGB@eIn-e$P?wba`Y{aCWad#L1wZ!wXpvVc2)v3sM-p5eVxO;I-v}S+f3QT zBm?bs+JF-0tQkFJOUpMJVD99pRqk~cu`z}_Gouh$`}icPO_w4wooC~K*F}`n%SX-A z+R#^gj(>XTJ(?31i0vPJp;%G_?kzb0Geg61VO%^JnfI2ICd=|XQlhcEr-xiT_YA~W z-lSRu?@8OEbh6~B32sk~fqfe?=-ZZ?)O5pF;&oy@*cETa?pqVVr6G~@KG28t_32#9 zD99Ku3gk%zXu=wmWyCVS67+M#A>Y0hDvV4(yDfn$!0)2U9}7lP+>^h={SIoB*1?N# zJshs=qzA}W8s}5W8?Dd6lMX>(<);m|m;M4D^LD;r;uPj&z6A`;SwPaS=#wp)8(~Uq z6)&}xhh_<CPWpu%k+diS^$H8(-Ss%j?3--s%{fXQ6~0hddx>$P{C8 z2hdz~9+Y2u0b&2X<7wZMbZXBMYGBMc7HWU-f)8cWknA)lR*0u2x|MwGE$7KEgDbbM zcaLCQMGO||M?-dW6H+H`%VJ=McWzdZIDKOXNE)NZZ+L**%@)qXGzhbL*J9<9`Mi$x z(=ha;I<9lrN{iKQ;>&syywzyNepnlYL+#x(WLG(wrOX2@L0RaT;ZG#z&tcrh)geK3 zGM;Wd1d2RgESk5zYDnG|KfM=5jtl|MomX(7dpDZ5KE~YEFlw~N4LpY)fa$0S%6}ID z0ks^|I?1uw%ebBCE3jNa1n{n_(@(W^}&hR{dB9aEPK3t1N0W0Br03(W89(1%%;ym;HokN7l|JpT{37r zmimeq>SRLO*k8D@DF}P#l)>$)`DPnyK& z5jkAkUxr^U1yW0~IV7XttMycl1%vSO6mAGmxyTpbvpQnFWRV39q?gbY`wtV{{&KRt z=Y{p-JC68Q`8NNzuo=X@cH|j|?gKNT#d@cRFmLL{AnA8-)tuXNpvfO0U=ruBTO9|@ zN|&)zs~F$pRpG$UVmiKT9tghG!KHSS81n;2pU)73{Q^QPb8Lt_zV?Rf?lHg*@60hK z&VNv6o=R{tw96eyo%e%Hb0<0U>```KTcQ3{edjsCg`lXK`LcM znC8V1RL04jAN7cEneijIm?uj{13&Q9xsLG8TvxEzGLP1*R3R$A-cYjBqpE}}HgrUk zn7!xsK#5ErhFKm%lUr608?_l^-?j5UY+VW~mn6_^UI{iCiO{Xt*Z7g&r?ZVOfSB}Zh^#$}+%k|cyqHat zH}`^w@L#^{GiTg6-GRLQ%=yH+jo`?Q+o<#K8(u4P=YNcyPFLs6f@yq7=H%dX=GR?m zYt6cz=ane)f}hec^Xpzvd<}mRtZX_X4Tbr*YU`RE>InbzAnfFD5}#B6 z?{hW4PrC)Gw8hx%Q~V%B{3Cy(b`a!OO2Fk0#&~Px3qoo&;R)9@hCEt2tS zP;r&T{UK=0H(P#DSzNW9n{|UMAgHT?pl0-Z+&1U{JORc?(EiPDu?9J z$crKWEk8!a*Mz~{3K<%(x&*Y>>!RF@Ohm1Ju>9h6n%yMDoH@b3b2|}qD0Zel7w!O^ z=kIw-TL-Fi8Xw@)bndq?EspBn*I;nHKI1tn+^VAMJT||Sh4jF6P_>AA$LyF)XY0qp z-NIn}`_TiWT31lz$8U(ma!W9D+6UHuukrV1dJ;FIbePtp&oqtPLw?0kXbusB?4Z|B znyvr_2O4PWBJO#7v;&l;wnOk$W2}C4*J`fp9h{IAfTgmp@!;x%B=JKkv6iSH)Yk$1 zKM652M|PUR9_vh;n_5gWIxZ74zB?qmF$1~y(=cJG5WGP(@R)ZO@GR#(UKI(oVS8!C^T zCS__-=szoi;}tS!i)}g_pFB!37Ht8yQ#vrJR1e{vqRgpb9n_1}Bz_4z>vbYFOmEE~ znHr!CJH#0h-gA^EdTR$8^hXXSd4J|9n_E^o*pz`$gfQEnV?+HpzjVHyAtB497?IRt z+7E zw+bQStp;<<;vK!28VIY_6vIB*U9d+Wg7A~3uqSWZ0e+c54{*%b0rMivHj0Nk+&h zryc__QQ6S{!W($`Ux|^1C0RBk=gLc!Gg#h zm4Gc--{^RgBy%r+4jh^Lnyj(f#EXlN?30b%1OuqJpienDq68V;h8%cnqzryxXrTn&$iWhaIDEO_ewlanA74-tW}kz!$w|o&tHl$*kP)Kgvkw;g%U0C zn@cuqlkvi|E6>ULY3W3l$wbG7_e5^mE}C>>D+EUk(`ud|4u&k@&Vb@<#zJXOkvYTH zo;SqnS}=gS`WMn^eKP2EYAtliU!WEX^%;EuPt5PUh`X-pTVGG|g=9q)lAW>*?`9al zHT~MkmhTf-He5Jg*W zu!*f9BDvNibK@AO&MT&(pU==T5kuT1-%E#|S~4X;S0OdrlIR6b1@pBk9LE?BsF%jm z*i#BmV^@N;F-sm6KBKuRMLePc2Rh}J;Q}kpj}dx>-|~DAR)^X^%XB@6 z__LGzwyofYNEl&k`ZVG?!vfyP&BqO^{?VtGm6#Ra4HZe-(Q3>OYq!0Dc^d=3NQt`# z;FuUXEp)+$Vny_Kz9=*Mb63@(dJRlXHDb(!evu_-*N~F;e3&@53%nlcvAynDAo=AC zc+c*_aTgUX^PIrA=IkcBrf=uBy3S)Ke!YWsTY8D3sRcV4XN6$}DHvTlMqlpE<6EXx z5ZO0fv^JoKj?S1v`ktw{@<@(PWWw8pe4zP7X3Ux zy5{AAYMw9Iai^SLedq*a=bO`~ua|+(Jw5XDd?MMXH2|BeuEBk+WOx#^hh+Y_22CoD zAyd7VMplhcw-=>UKqv-J-LT>R`1yc-d~X5bo6T_ZQxzg`E(9Wc(?E0nG?uB?1?K@S z+f@CEjapN%T<9Dv&3K8M+uA65P9L^OEhRFR#ni>up7U8aGaXAGa&FE|ynB`m>>o_w zWvWP!TPex#?EVZ`GHi|F^Q&m+hd9jOo||pN5v}g+r0c9Z$TW$cIHz_J)C{`9>^Za0 z;Cdw)bg{L5F`S48o<`xeftAb_uLU%5S_974eum@9lW~uYDGCWJg}ofpNJI|7mrpw& z_Pz)d&T-+oTsO?py-RyPPGpltrsBXY29|#)f$n)1$g|^BU>J7|SL7kl+ct=wDqBe5 zt{Uuq_yS}u9;Y3{SD{j@4{r8~k_WxqhU>B*JuKghx&;ghI=P~$#W-<%q5*WJAn5l9 z)B6?vBrZ+~!wlnyQaZv~|6!u(x{25~hGN2u5h%-x#6`PCNuNzA*nKs|RsXe6rT6$N;GD?96ckIU~`x~M$FEk`}fQT z$DEgR(aimj*LVy)8?RP*m)@eLmRyGXCLSByW9a3@JE?l)TDX1vHr4s*2l@kAY^^l+ z`CK*y22*@Vk>WB;yD$v@?a!}r>5xSAjdS@;eiCf@=ug}+p$58-&#>+lut|K$`=ZnUYMe_z)u@X%F)0g-&xE6=bp&l*xg4fwD52Hyr7(W>5l%|^ zigJky(aC8sO27O`*Uivo6L-XsPwr>HGUp&o;E!QpPb>YqIFssiT41zr4z&*|;5#o} zO&?Uff}^UX*tg^veW+}PdkhyMdryd&l=YE5aZQA)t0M5;r$qABPKcP*Pht{oyu_P4 zTNIaHjLrEEXw~Zs{#=1E?C!sab&GnzZ0Z7> zmb7CGeme43^#{X-F#{rRw22rl{0L#u(#p z%M2hT)*r8LSPZ54)0u+>!qmsIgI4a(fp3~IT;FpU)=parbF=GU{Skuy4oi`u1|Ons z^O*m$Z#(qtkVUn$H+Xke1U+Zs0->){;ZwE-^UzL_-F@pWUP?QU+KYs6P3{h`+hhbE z7k(i1W_naUI|e$fbZ~)GH#&D;LA5KsSm*Sb|Lv1Fc9nCibm2r|VzvpXWC1=kLuE^QG8q^q6E;Q zk4K*!Cen3&MD=?W#9Ix~u^0gc7x;th`38FZ&PE)tYX%A4bSmpS7r-cmew%-Qq}NgY z6aA@FsiKey4ZJ0BXXo>s({7OrX$6c3i>6y;Ucmj<7JR;;3_{yCVau;9d{ZDr|4sfv z#g!+q_ZlXl;8R6L#o-B9FZbrx2uIPiZx{00ts~L)KUWMNui|UesM8e7XyECc{8pIWwvj6J^ux9n!)_?dS!$T}RXH|fFoVRKO2 zn+PXE)UlQ<;yox~_*;fo!8O@_{>~3BU}B)o+}tn)rtK-l!l(wg!1-5N@82SKH}s+7 z#5NvlAOuU?r;yXtuCTRD6Enhk__w+{as2oSc$jYrD?gv6sz?9vKHV3=080_}_}nUf z$kJEv`nMV#mI=bxv{-6pxDt1sI}R#hcc`VUC+r?8hiFq@=+cVCwrO`r4|k^WMtL^e zf(H*xe}LYzE%11t6|;XQqoCay?4N#~$hGbS>D9`3{Tzj>`lfLIV*s2`4yOM;*n|1g zXmX)Gn5>s(pgzzM<2pA$oL)4ReaJx*3(objHWTk{wIl)RU#u;Pa=~o8mWmeU5$)K6 z(9yXJT81ugyBJgWbG4H!eR2$X6wG1V8Lg(f7ts2zhhS({J2c+QBPZMbAYbG-ZlQar zqVO2+#y9S~@?t6*xL1m`>b(oYTW8~5qhzw{{&akvDGUSb5D)ew^As~o=(pdIv^bn4 z`)u^^_dR*GGHW9KwtLO15^kfotE64Bf#ma| z0Gibp243pHkZaTrQ+h6gnARFBPO`>LzYcM%KIdoi76I2=8^EIUKKZAeMFR#7gU_~$ zbj_a+6j#NPFRF^nqC_KR+s|Cs@wEs`azvT7#bwy?NP##^6yUCUcnlAJKZU(Dk+|ZP z7kQiegs$7X5-!H2Q`7x3@uH3)qq3|Lo-`NnS1q4}UZqADa!iM~D`&z4P43RY9a2Q_ z<`>Za6plackCJ!Qkubs!!m+0x=uk&0e$~mQ4ZDTGY-JYjmIR9>D*o)h1WWqFYc_^{ z5Mr+QJc6)gozUwmh?U=eQ18SiWb|8wRlvGoxRDYMp>I;@^td!|2seYTS^?NRuLP8W zfXwG4Tp?8tR&oN2UZo7gF6hIMbzW%Duo+UU&lA4K zLHwiYNs>Mv2fYPTu#qZYt=k9MF24=4x4J{Yfg`Y{C4qYXYvg!jkTx-rmjSvT#ggPCN>yyj@+`|nk_|i zoE2%G`cZtaQ3MmqZxMyD49wa*5m%+D!5y2mFuq>`3^u-^QJ9kwIcUXio;r zhpDn|DXq2og%|i|usl(a`LF8(ehF5@e`!HD;`a^>FIa;8q7+m-U0~w3tbI@aSlXjf z|1+vBf1SK>oWe1~3AoTfiA31`B~zPbK(I_A=Wf>Fw;AYw*`4XkvXK-b#XW!TH~xm! zR9(7H*b%jSuG5^e^|(kyl3l-N49BVtBlJsE@m^8U8SmjAg_Ctvy(bUhhRYZY2;w z<~D7=)XgulxB{O;#PDd=1layv0E{ZGfQqan>r>ne-PXyR)1@At?={2ua>waS)puyl z{qN^dWmFLh2(xS*wU_MW-+$@Gl;I&1)0P8&$sp#RQ0MD`N;QYHgm3dG^0H+sz9 zT<-oA$twC}%{_dUmrdIBmf>>U7oc;>9}Fbt<3afd*c78qzxJ}|thb5tLhBQ^_I#{2 z-Ag3YKa%%HBO$Ij9!4Im1@c6Qn!1a@sJ%B{+>#A?F~3p#`)L^4{U7}3N{3rt>mWB{JdQUcU%Ts@-!az1}78600znU~T|6lS{6f@D7!nl6Hl$qOOWNRwU9c_|`KUIC$sKsxC(=Y{m^f^frK z5T0&^XC_9GGv0nE^EetMUZ^sYiezESifwdzQ!5-V9wBc}chmQ83Si?ybuuOIHwZZt zqh*UHFCyR!nR2un2XZ5+Q&3ZteA$Ysbq}TR%%5lc*j2Mxhnt77=;JMv$=XX#&o0EQ zqWxsU{sf42*oUtpoAE?O4*m4T1piDq%Q-yEAnLq1X1i%omA75owY4>9`0NuE9yo_O z{)P0wVlifC@pXPg{2EBQvIlQ3lAzWvPQr?$Ur=E!%ATD5kc!Ehan;>iQhp)=CkR%c z#^-u$c|98}*lA>^dpgW6lLL*<17yTUjk#fwz#RGt829Ed4v#+NAJA1pr%fd|lkKC= z9duyp-3P?}?G$#sgdXXR6J?FFmgDye4@g1j9}uo;fyBOa+-rP=F4vS`U+oOUn3u=! z?^F>O;2$Ls|dSfV+cHwNCB^77eGO45W}uJVr$bN#5SqI_X*XY zE31w{=Sx6vo+~eZhX4~9n~C+`)iB9H14xx6Q3&`z>w~uO#^!l4>tytKkkH6)-xgJ= z{=*D=YSKY=d>%+JL6>xYT>Wn^>efqw;d38+?$$91KxX~+t?7MZ{<2}(>-W@;w;R0vhgyNNB%-I zw;8svHl%&u0)(uc=AmBD-3x3hP3)MP;@POlqH;GBHMs=@f@);4LE}cv_8_0o{ zxhoAd9;RVOf8p3|Y5eLrA5O9kxbH{@UH@|>t`xRr;}!;Uo;U$!!LmpE_U@JV+Omo& zryG)@_#`+O``jAOU4&T$&EUM~HbgG$M*991`IsAv>*rra=TkpHv3L)fN9vj3|^a-L&7@eko=}>(idk&pQKunB;iGn;~a+*;z#?mUNoTfz1j06AD>>g;4abVpgRWSS_caP-+ zANqk~IL#`jFaZb0T=4KY6O4!-dG!6RrJOcwplKlHnlH(;?CA0_y~GOk1J zQcA?)&V9`F(Q$bG`wIQ?GKqxTAE>fbm!pHu*Fd@66SdMQ(U6%ok!i#8gi)pCI~(&r&&@_DEPn9&OEHf?d{_`X;L&PbyP~FBGQO@*1a_l zLTNygLP}(4G~{T|qT6;a~ z+UwqX?cuuie!lyAe{OLVe%w593^SLZ_g=IyBiD1GKs*>)_5JbYkCk{}z?hWPxl#v* zi)?MfG=f_;pj}1{7+#q{T-@T&bV@edIa`Psk{_vVX>2`TL* z2aaL{Fu8MJ!S-BSq!dqdD%~OH3InT66nT#3>^b}K0LT|ziDx3tg8TjwB7OD@rh6Y? z?zQiMPz6~ueUXV7QKER~^#*7wbTCW(;RBXJHB6wS2@Fb5A}-y*xDT!7T`X@$qtF5R z$)Svn}Mv8!28kj_?}X~$d;ed@M2CnJ@q4#F7U3z?BQOLo%N3K zRJG(U6;tQtST2LM$Yx%rPa~-_;!wU?F4o8_fHrMc>U1yK?Akm7`Yb1o9%`SCm!T8C z=ZSF_l&#`r-i|h#`O*-S0(UZZ&UcXg;Vj?q%470DoC7)`mqA(SchuQgLtUcGLE}(1 zk$yW3b{|s2%Pjk;->s1m>UIWy$0D4jTYwK_1^IHD>!C;V0SrbZqT;O^v{Ka%ErLIh z`dcSR@-0JnBxK4#D z)ZMWDdaDfMII@9f-?WlA*K%23YYS{q+`wwQ1^81ZA51SeL-^%1obk2>x?nI+edG>o!d^dPXXUqyGk zNoEFG#85Rv9-qxoW_c4|v2e00oh`uO%6%NBYsxlYfV>z^fP?6$nTI}`?f{q%3*bzYR`OYdo6y+L&-|0Sn>Sx79VdLIL|-Q)SvpY`G7 zfEPr~x<_JTWZ{QK04%hwp>^v_=rEhx(!GNHY_oiSJ=86NSgvti0wy%}v6;%X(C?(UBf>n^#=?V%(QBb^5 zlD{ zA*e2x%zdpFh*pm0pviGH4L454n7ClfQJc&SE*FJ2dB^C8{X?viA0Tg?0e_ZOLea-S zIP58gJ1?h#n5hO$?k>ZRVk=SUw^ZWHYG;i*b`tMSRp^bF$@0&P;h2*@jI%JM3R%W* z`&TfEoos*zofa(Dje}&nFyQGHfN@6?C`~aV%FlIK?I0c#mETcryE@YDa11YdOJX~6 z!KAB}yvPb7>7qPvRV<`=Z0(fezs7U5_g1p`IP>tZ-2`;$>nA>qZWtJ@1$vsYFyB*) z>DaH0pUPU%(9n|iTw?{D-}QkXG%UltI71y9gDYS-L5NyuQ*!R<4t%OLlV5o&jljk0 z7*jtPx7@C$Y4syiFGd_5^Oj(jTMn^b!)m4NIXLRs$!Jb+0A~49>S2@uzjwZ;Nl8-B zv{i-gtKWtr^J75kvk&b^i^kZ4FTqJZ2*{rk(RwtQ42LA+)JM@czf6;>&PtuBM-%Cm znmX8+F$rXpDBWgO1j%NBq%&^>ek7)#-)1>7k~nI%ZG1QOd|5z9!%tpxi7*{~?TbrA zof(r#9ll>v6mI(wj5B%zXy;HCevYak{@RsL@@g9vy?KU(7v!*ObR$Cj65K7Y4ASFf z;}=&uYX4^)NhS@b&=gDM-yg!7b>C~N=BU^(~AKCx7dZ~rwIN0ZYpZGV+@|*5zkyl$K_!pWMqL+0efwzKOTkc(` za*V=Fx2-6YcH@aROYwwJ0QOr?gYl_GxUak(PBb~_aDQdpy5egnRLZBKQtAgSwR_1{^&C8NE~KnXqmM-od$-VXfib`Y#H zhnB!-Qk#AQxlJ0}m&h6#2JZ^wB!?0`^XNW7gL%#a+m4 zB|=lHNZ5;V)2DOigLZxn5sMS#$FmHb*FE<1X6_zPDe9pbc^+VB*F;yHsbh|@%-juc zEa1`R3UK)v$y+}5dh)*T)|zd*)J!T3GC?va1*~4to{RU91om+>FLw-b&!yIT24< zYr&UW#-O}u7WQh(;HBa;c;=Kq{QZaN-c}v-xGGNaOW0H`_V@qd#Z@pQDg-6>ba=@# z)tTSg*5c%d@3>}N1RQf2fo%o7VBdU(M)+H!r-K}|(?5ryns>?RDly>P5P;3gTnV&E z;f}e-vEtWpR8w1xQv%e$bV)S+xbO(B-bppHVmah`Ltb#ie=#-l6lDt1t4R1(HYcxGh_dg?hCJ-iGuhKK3Q#59Qc*iWqXzolxc z1^C03j`&1SoObo}Fyik7;pO9F^oYzXOuO8VPEuECwTf7q=!2dv%iw)*5T{#( zfmxU@TkrK1FMMP>O!RunbQ~IDTsD@|!BiQ3p~QU5Ze}$-MLvn0o=1j#JKzv=faMT~ z;avS$&@ttbSy#~;T(S5%{5~K?Rdwf*w69*gUu_zAT#~}l;sPv_j-p=bo$#?lgd1w*fP%f#xB*NlygzFLb(a%BeL)ID zmJXQZT~4Ah@`-SL!8+(XQvhXw*}Pr%kKp;!OX&t{4~VqQWQ-G}isQ`oi^QZ=ihS}Z&d4V^-#8J4*fKR)qw|CHr_rP z8dzz;{J0=WD(j*_swEv>uHA*sdfU;hN0te>_m%2?z5=Oxgh|t?WV{_z4XTX`iD~9R z{Py%YOnRA!?Ph({J3NQP5D^rMKSkeGHxY7Y7ZohN2U`ByKtwK-=xauy;y@bl?K6gX z&Bh?XIMPIcT1r1Ufo-TAF7>Ve*=5PhdGWJYQnZdfpX>!yvO)CKz)}2i>jUj(&l_@0 zO&R}GZOFL#C)53ifXQ$B$aIT!jAUpbIc$FkBfTF|mzr<%l=mZ=op1<*rCIKsE6XNi zYH8maBRSIod$hem!a?S4q@- zYk5&4r5IDC52*&1nZ23CycD%oUcy3A+}P@dE`DwJ;&4B_Jm^)IILVMSz8nu9Igupe zT>_aqO%ZS8w3Fi9hOm1t%S(}n!~VjVXtQ)0con%3BL!hl6PbwT&jvyFG|3H%m%oo;+1iUB7Pi?deZ(Rm7(w`?0M>W{^nEgmqt zAr>zMO+??O546-On`EjzWLfMJxj|o4zO|xd%IH5XNk>W>}A64U;+P=oc*G=mU z8~=c1&p%PAJ1V%OR}vFL*JDOpD%#nIi0+V`VaiG6aK^fwjo^3=M^u!Z{i{iGEII1~ zHg5I}*`yb;DIm~y$M(e*T#n2CuNh7l+rhnjAE$BbSkJg*}@7TZZO7b7Ec4_|?``2q>XCo}E z``02B!P);^F8J5cf5r=c&F`~!G1k~Pk+Jb$`q(vxBfxe$8zJGbV?p*Zw*G(D{tw-D BcCr8f literal 0 HcmV?d00001 diff --git a/test/asset/t5.base.output.pt b/test/asset/t5.base.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..384b59074d346321da04eb191b6bc652c50491a6 GIT binary patch literal 6891 zcmai(2{cz-+yBjTB}p=rDWno5#cyBdC!|4Ss5BZvB^pS%n+(YqB7{t-kV=C>{Pwk# z(ws`7s3_8)(x5@6zt;2qpZB@%cfISq&e><5>zwa*uYH|$)>&umkAtnKn2?Z^l+gbO zc_9TMj{wj0KHI&gdU*tT7;f?Pv#}g5wBm0OD&iTqc}QjGwk^=dZ>x-3fcKhhK7L+q zf!>?8ZVqtUK2647NMC=M(bb@Fn$v7E=tfUsQXtpQS61hjc#;D;t-86pK`%bb;c`Wrm zs4D0qHTrdQ9-CE{yLQSYV+<{t`zQ|Adp{6x;? zt->*du2e0jkJsL1NUn`#v@KSKC;uo4BBbKr%qJcC#8imw)jv(Ho6Et}Ez#hA!-qKC z9!_66W%E*YrO=$#GWvAlYH0r)0kirO$$Z0N8hc_B9-O`d176ipbxB2T_&5a|9#Bi` ze(psv`$eS3RSeB9c;fjRJ1{{*ovl-m;WtZP=FOO*h{KX~u-4-us3qN@b7HOwu6%C8 z!yTc5bGFqGxMVbX=C%;kyC+fjfEB~WF))s)Ld~chaMgGNw{>?vEkB}xo7TR>d!s!d zszI;9cgXw>D*sI@MIROOcaKJV*0xxWVDVEGS&1PA;g4Q@c5fux;`a+L5t`MOhlvs|ri7oVY^J+|$nZlMaZP@7^2?kS*s-CGS;@;Tj=0ENrUQAP@zlF=lX1yRd zvi&&PtzmeUN>k^>S7>@=C~g{PrLI$ElPM3wNXDl?I1*V(Qq|Q3X4N8WtFsRsGew>j zOc>1y8>Zv4Q@(=ofkkBhvr`yQV1^lI#9>s`3)*)~8=4lTBI!PZzpl&7exKlnQL+`_ zJ|hZO-4qa&Mq4n~?GaqpoI#!h06w1408(uYl(#$^;Dr_0Iq(8s2kj&&@SDiE8X~XQ zlDv7DN$+c@5rZTv;uO$!+5GfIa;J4R>TF#B{PjwhF!uyHZ5&IqlU>Lg&vOEom?fYu z6$R=1Nb)`PK3&}(OXn2EQ~y>|!gCITJM(?v2~P>;j^x9W_Kj>m{tztl{Z706E~8F} zB0i(t^j2R7iYn-VdPEdC6K;tm<_yeMMppf5+(_KpuA%=9IexwGX2`b+#p55ULD?Y{ zixwV*mi@b`jKB7xal!#KG#de{-;IH*%fFDm)-CW|dkfaJ7QiH%c98H=gT=p2@}8FJ zfx>cW3{iOEz|rG%*)U^sFVmTBAYF(Sk+lQ`)v;Ev=34Aa`ng zVeXIf#Cw?>zP(#TE+XQSt}mn_>payS*ot*Ctm&3xc95$TPOg~j<2R+}p}_G8&*}Oz z(mEv>__tTm)Vg+>`Z$P$@E60jz<%PTR76(Yeut3`qMV6QJ$163#*OT@LdggoJ<)AN z4<%93e6@z`H{r11TU6z)8k;KP_HCG>G>MM1If^1be$vIS&eP)H2EjtjNoZA(L^oXP z;G zG>1Qh`$9z^FZWqh5byi^2V!QZ7ZK|a1@G^LQU=*tE+=k;1U$3lk&nB}X-qN*; zOsUPSr@ZicF1+>q$q<}87H&#rqfu@ptPFgCkxSRoV>aSEE4CMJsVIP&xE^NSy=|f@-KLuOH#|g@xpP(8` zgTe2>2E2W-n#xGE0wkOALbGCMuGu{F>f>06@_cA)I|5p|-B|xK5C!|PNEW{v4J=Zr zak>*qmWDCfn~mwKg@MUsqJ?cY*oJrU=5BX}3EsNw#7BRWUyzQYaTYB2p(!{${~qri zaT8$V7@}>Uh;5nXu;`Wybe;&I@ccPy-727^;~&zvpBY%F(F=Vu+pwcN89fcg!=ug& zm~}4?d%BO&M@$)FMn8k;OO8_Wo5rXw5(X1L?!}q+H2LDqC&|yZkLj9(X8xq|IDGW^ zC5<{>NknK5X=2{rubBs8CJxFC# zj?(GkNwo5T5Ait2-Bs7qku7e=dw;BpObp+>@M3e3hHvIK$B982Bq9xzY;jA4_ z@cek9z}b3`7n64siqe9>#jp<7r|pN@r$U^luNk;p_UH9?*Wj8qP1d!j#(du8KDzyC z4JM%|3lBqLm6iyW^R4L1=w3*=C&wffl@l(yh%Xd84`dF6k}nrWG2@PE+N2qY<7E}t z)T&Tkc5DI6Y@dZ|HXXeDbG1K4n0&(%+mFDQ0TJ%d*@bZMx354Db6F5NQxRmp#gg&$ z=SYnG46u3?LsdT6VQac8&gr-UN(-`?*Y^^Tb3cM1TZW^;iPzB8nM~Gt>?XD^(qZk# zdRlX#p7um~lMSY?1hEe`Q}brT{Er%(Z~j!wR}CSLI)z!yW+mv#uH?_HlZ7Z(6DF>w zKvegPVjZQ&@j>ip4wUwij#xKpVE>WLuG~RC-w1&c0&lE<5tKp-^J{S<^MPDD! zB|4kFlRS$x?7{KVbk*=MKFKV zHafaA3ipH<;U0%JG}_is^+o;VB`XGRzE(LT#)V)Y>yVk-&u>%cz+%)d*+O#fgNUdLucTDyTbh6ZE0ZJ zAp>VOxx$AptDsL#7EZ;qqwG~FZkXaqb}0NT-1j()wkMZi9A=^DsubM$DjsfF?}b$v z*Xi0#>q*AYKg*u-LU7s}&fD1d0|FmL!Hnxov{*Nuw!2%ICso-%_&igXO0S{uvZL77 zAAsTB0bu`r6&blC4N@~dgYLJ{0-x&*Bp^PW&YdF-hF?xsEQ&ut){Pf~w4DddJS5Iz ziaL_i20iXpxEOmL<^bDD_0TX{j@$^fBf9QOD!60j5Lw^FoY@OnVi*Z4Uj4>v4H@Pd zSLDFt(=B}StQTU+ztba%kvQ&n0v%hi8z%APzH;4zIqff`PCf~<4cyq z7U4dWlo4gwepuyu8eGcNz$vDV?ya@v$99~?38TLA9-I({zG35V-9lgRp5+OLo@SuW zRcF*6VN5Q5P2x-@o09zBjnLDp$B8d5B(`&taYoM~5VcaLy2%Mt?fXHBJd!6H=^?&y{+G+QwQ6=TcDR@K@|or`U7-wz*d;p=ob~Ple$3(Xc90igT#@PPV12=HkXpLvv?o5 zKTd+Pd+$!!);RRjuEeXF`ZO(90l!a(hCKUj(lhA-M)YUEq;DUwtav|l{4^FKtz}5; z*(wZHe$LM~^E!9;l&Zn6=Kr+Z;{ z=_lOdyB()BG~$V*M`#%L9JOsHpw*!duzS{gHuJs>bqH$V4HJm7`iBOLUnhbm=Uzj( zaw9e>$O|s-AEXwQoz%s45_|es4QITb#%dEhVWvwFEOF6dQ)*1m?JsL)9Gr+Z+Am`J z=eLloB*Ya5HG}1oGEOtdAHsqg!FE|Fbk)pe7I!>3F-tdieA18|79GKT&~{+$14p>W zCm!IwGiq$n>?df@P)$|54su}{6(GH#0X+A~2o^5?3;iBP!16iy_;_VCXb#tBI=g=2 zzG*s;6c7u4T@hemuu;|gPl~MaubfL+_kV-&tXFt~Mv%%}c^szZ3=*uL9<6bPlBF$h zTU`XZzn%gi>4!)p)$wEl2h=1D#nno2)XEARtM1H#4;6qZ%Y=dF+N8$!JBTL6b7EhQ zV({4M?2c(X*U@kkH*2-CjXO0lGbRq?x=#?xQZtycyBy34T7b%Iqp#NFQcaO-DDP+t z#uE8N^X7f>`ra?^`3T z9Fs(Hep*6*ks=Fxsex|y>WR{YO0Zs2i4hk=VEdS4dama*BpU3%cjErgraG3Bs5k^u zCvLf1*Z&TBGA6_2CKxZx$gS)3f%rlE#VBCu%blQ^xp!0SN ztRA(T87hq6UKTe|*gXd{8eL&9Y9kl@QAo~?eT;&bns@dGH{8YT1@ffq7#zSgnKQ!pafg~4E72B~8 zmW=4Y%AYSWN$&|9pPT|}K{G%xDi?N*EHH1-%;7#}E@G2{t-1Jj1{|q;O_Kbi*#=lE z_@TT9^4C6~0tHC{4&-3hFFX9Ob~?hz<#CNWi zeeIYha|l<@v!@>u{UOs-kNBvHaoKMslIfDCcrANxK%|}lk7puXbt~MGE^Mp^S0!EU z)Ap;lUTrGQn;{I!p@vwzz!rUXc=Jxz#$)&MOwu*Ng55I90RfqX(%G}%(quKZ^GgXA zP;G?Vz7=q0OgApSkWrbZBnnc|j$C)69XMPxWc?x?pe3ZmX21DF_qk?)b7TU{>hTxI zJLO$^b zl;T37OR?qVMshDs3+k$sxb1D?>`Qtpy(2W8Mcn*`PcOtn^XnfN-=mI`cJIHO{-qCI zNtUCdbRg%tR1!01HSt7#dvX_b4@2*zFc{Zc3iZjg_)feuuF`p)+g|8ZgDoKG`<_(3<$^ZFam+7ZcLsr?aloYi2yeG9-~o(&DI z+)uPuxS+GH2UpWqe7Oq4L9TNSoXb9kzJ}IJX5%; zrIAqWtt4*EXRPlVgYzV8$@@o^B~q&{j?#-*Et~upTVk zR}Z$X!tjjOPTKtvu{3WAQ?x9`(?KWk!+<#m^M{lA>4h-ID3r}IROANpbnw?|D^BiE zJ66}#;h1a5+*I1iGzPcP3*`ci%NxNglNN9N^Uuo+M$}whF3Ue5=BFaw6Wg%ZKm7UDyxP>0INoUQFtn z0NZmipz3QPxGrA`4@0iutpOMAR^fbNefwl(!val~BQcLtmAwtU7Z-3V&#Wd^vAJCJ z8b!{ryBup{ec62BV=Va1D!6*L0jk4`KwN4jm-6xm)?RHEROL5fOI9enn4ty>B?>T9 zC>bmVtFTh(I{sz-9R*@#_+z{sgzw^WmkgfcwEd?L^z7NrS2ENuIUN_>(!~i*W#DKz z7j-?FNMe^TD;HaV?-%IfacLbk&mtT$YAVsrPL$;(h@!R0SU3@J5zSlG!CC(>PL0?} z!b+pzM>g=DZtsE0oGkF%V9m`M;RvO{V{vlKD5m5N=0_y2p_ZvPa7#?tkB=o}_DxH{ zz!^jC(M}#nMw|urK92L78j9P+wo@bXH|R4c4#^;a;Y(b&*@utAv^Om%*D{WiR4Auo z7mML}S543pdIKt7s>!&khSX;;1y!14IC9Y5ys=7}8*7!uGO8lEf&wQv<@Fq1JG`J) zLaLB|Y%HhsIS6c9jzjt>9adNnO-DQS!%C-V*q~B|@|9)ilKK>URcpbuK@79yL-1jh z8XBE`ipo-LaCB&Wvu?|I(&l49JO-4A=Tjl}@bOskhb~B;OmPxY9zqL4?SH2WBZRE} zO&7L%2W%ap7B-gr{{t`l6F2;ie7ek^89dBcw?t%U0)Lu=t?-}j-%RH}*@yg}8-I&` z5}tp$|FgE?e{+5v%Kp Date: Thu, 21 Jul 2022 14:31:03 -0400 Subject: [PATCH 291/463] Torcharrow based training using RoBERTa model and SST2 classification dataset (#1808) --- examples/torcharrow/README.md | 36 ++++ .../roberta_sst2_training_with_torcharrow.py | 163 ++++++++++++++++++ 2 files changed, 199 insertions(+) create mode 100644 examples/torcharrow/README.md create mode 100644 examples/torcharrow/roberta_sst2_training_with_torcharrow.py diff --git a/examples/torcharrow/README.md b/examples/torcharrow/README.md new file mode 100644 index 0000000000..a4e95765d5 --- /dev/null +++ b/examples/torcharrow/README.md @@ -0,0 +1,36 @@ +## Description + +This example shows end-2-end training for SST-2 binary classification using the RoBERTa model and TorchArrow based text +pre-processing. The main motivation for this example is to demonstrate the authoring of a text processing pipeline on +top of TorchArrow DataFrame. + +## Installation and Usage + +The example depends on TorchArrow and TorchData. + +#### TorchArrow + +Install it from source following instructions at https://github.com/pytorch/torcharrow#from-source. Note that some of +the natively integrated text operators (`bpe_tokenize` for tokenization, `lookup_indices` for vocabulary look-up) used +in this example depend on the torch library. By default, TorchArrow doesn’t take dependency on the torch library. Hence +make sure to use flag `USE_TORCH=1` during TorchArrow installation (this is also the reason why we cannot depend on +nightly releases) + +``` +USE_TORCH=1 python setup.py install +``` + +#### TorchData + +To install TorchData follow instructions at https://github.com/pytorch/data#installation + +#### Usage + +To run example from command line run following command: + +```bash +python roberta_sst2_training_with_torcharrow.py \ + --batch-size 16 \ + --num-epochs 1 \ + --learning-rate 1e-5 +``` diff --git a/examples/torcharrow/roberta_sst2_training_with_torcharrow.py b/examples/torcharrow/roberta_sst2_training_with_torcharrow.py new file mode 100644 index 0000000000..a31b83c32b --- /dev/null +++ b/examples/torcharrow/roberta_sst2_training_with_torcharrow.py @@ -0,0 +1,163 @@ +import json +from argparse import ArgumentParser + +import torch +import torch.nn as nn +import torcharrow as ta +import torcharrow._torcharrow as _ta +import torcharrow.pytorch as tap +import torchtext.functional as F +import torchtext.transforms as T +from torch.nn import Module +from torch.optim import AdamW +from torch.utils.data import DataLoader +from torcharrow import functional as ta_F +from torchtext.datasets import SST2 +from torchtext.models import RobertaClassificationHead, ROBERTA_BASE_ENCODER +from torchtext.utils import get_asset_local_path + +DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + + +def init_ta_gpt2bpe_encoder(): + encoder_json_path = "https://download.pytorch.org/models/text/gpt2_bpe_encoder.json" + vocab_bpe_path = "https://download.pytorch.org/models/text/gpt2_bpe_vocab.bpe" + + encoder_json_path = get_asset_local_path(encoder_json_path) + vocab_bpe_path = get_asset_local_path(vocab_bpe_path) + _seperator = "\u0001" + + # load bpe encoder and bpe decoder + with open(encoder_json_path, "r", encoding="utf-8") as f: + bpe_encoder = json.load(f) + # load bpe vocab + with open(vocab_bpe_path, "r", encoding="utf-8") as f: + bpe_vocab = f.read() + bpe_merge_ranks = { + _seperator.join(merge_pair.split()): i for i, merge_pair in enumerate(bpe_vocab.split("\n")[1:-1]) + } + # Caching is enabled in Eager mode + bpe = _ta.GPT2BPEEncoder(bpe_encoder, bpe_merge_ranks, _seperator, T.bytes_to_unicode(), True) + return bpe + + +def init_ta_gpt2bpe_vocab(): + vocab_path = "https://download.pytorch.org/models/text/roberta.vocab.pt" + vocab_path = get_asset_local_path(vocab_path) + vocab = torch.load(vocab_path) + ta_vocab = _ta.Vocab(vocab.get_itos(), vocab.get_default_index()) + return ta_vocab + + +class RobertaTransformDataFrameNativeOps(Module): + def __init__(self) -> None: + super().__init__() + # Tokenizer to split input text into tokens + self.tokenizer = init_ta_gpt2bpe_encoder() + + # vocabulary converting tokens to IDs + self.vocab = init_ta_gpt2bpe_vocab() + + # Add BOS token to the beginning of sentence + self.add_bos = T.AddToken(token=0, begin=True) + + # Add EOS token to the end of sentence + self.add_eos = T.AddToken(token=2, begin=False) + + def forward(self, input: ta.DataFrame) -> ta.DataFrame: + input["tokens"] = ta_F.bpe_tokenize(self.tokenizer, input["text"]) + input["tokens"] = input["tokens"].list.slice(stop=254) + input["tokens"] = ta_F.lookup_indices(self.vocab, input["tokens"]) + input["tokens"] = ta_F.add_tokens(input["tokens"], [0], begin=True) + input["tokens"] = ta_F.add_tokens(input["tokens"], [2], begin=False) + return input + + +def get_dataloader(split, args): + # Instantiate transform + transform = RobertaTransformDataFrameNativeOps() + + # Create SST2 datapipe and apply pre-processing + train_dp = SST2(split=split) + + # convert to DataFrame of size batches + train_dp = train_dp.dataframe(columns=["text", "labels"], dataframe_size=args.batch_size) + + # Apply transformation on DataFrame + train_dp = train_dp.map(transform) + + # (optional) Remove un-required columns + train_dp = train_dp.map(lambda x: x.drop(["text"])) + + # convert DataFrame to tensor (This will yeild named tuple) + train_dp = train_dp.map(lambda x: x.to_tensor({"tokens": tap.PadSequence(padding_value=1)})) + + # create DataLoader + dl = DataLoader(train_dp, batch_size=None) + + return dl + + +classifier_head = RobertaClassificationHead(num_classes=2, input_dim=768) +model = ROBERTA_BASE_ENCODER.get_model(head=classifier_head) +model.to(DEVICE) + + +def train_step(input, target, optim, criteria): + output = model(input) + loss = criteria(output, target) + optim.zero_grad() + loss.backward() + optim.step() + + +def eval_step(input, target, criteria): + output = model(input) + loss = criteria(output, target).item() + return float(loss), (output.argmax(1) == target).type(torch.float).sum().item() + + +def evaluate(dataloader): + model.eval() + total_loss = 0 + correct_predictions = 0 + total_predictions = 0 + counter = 0 + with torch.no_grad(): + for batch in dataloader: + input = F.to_tensor(batch["token_ids"], padding_value=1).to(DEVICE) + target = torch.tensor(batch["target"]).to(DEVICE) + loss, predictions = eval_step(input, target) + total_loss += loss + correct_predictions += predictions + total_predictions += len(target) + counter += 1 + + return total_loss / counter, correct_predictions / total_predictions + + +def main(args): + print(args) + train_dl = get_dataloader(split="train", args=args) + dev_dl = get_dataloader(split="dev", args=args) + + learning_rate = args.learning_rate + optim = AdamW(model.parameters(), lr=learning_rate) + criteria = nn.CrossEntropyLoss() + + for e in range(args.num_epochs): + for batch in train_dl: + input = batch.tokens.to(DEVICE) + target = batch.labels.to(DEVICE) + train_step(input, target, optim, criteria) + + loss, accuracy = evaluate(dev_dl, criteria) + print("Epoch = [{}], loss = [{}], accuracy = [{}]".format(e, loss, accuracy)) + + +if __name__ == "__main__": + parser = ArgumentParser() + parser.add_argument("--batch-size", default=16, type=int, help="Input batch size used during training") + parser.add_argument("--num-epochs", default=1, type=int, help="Number of epochs to run training") + parser.add_argument("--learning-rate", default=1e-5, type=float, help="Learning rate used for training") + main(parser.parse_args()) From af03d7101c3c86aee9ecb0dd724bb0bf5b2b09da Mon Sep 17 00:00:00 2001 From: parmeet Date: Fri, 22 Jul 2022 12:15:25 -0400 Subject: [PATCH 292/463] Convert TA transform module to prepoc function (#1854) --- .../roberta_sst2_training_with_torcharrow.py | 43 +++++++------------ 1 file changed, 15 insertions(+), 28 deletions(-) diff --git a/examples/torcharrow/roberta_sst2_training_with_torcharrow.py b/examples/torcharrow/roberta_sst2_training_with_torcharrow.py index a31b83c32b..e37cb0ec2d 100644 --- a/examples/torcharrow/roberta_sst2_training_with_torcharrow.py +++ b/examples/torcharrow/roberta_sst2_training_with_torcharrow.py @@ -1,14 +1,13 @@ +import functools import json from argparse import ArgumentParser import torch import torch.nn as nn -import torcharrow as ta import torcharrow._torcharrow as _ta import torcharrow.pytorch as tap import torchtext.functional as F import torchtext.transforms as T -from torch.nn import Module from torch.optim import AdamW from torch.utils.data import DataLoader from torcharrow import functional as ta_F @@ -49,33 +48,21 @@ def init_ta_gpt2bpe_vocab(): return ta_vocab -class RobertaTransformDataFrameNativeOps(Module): - def __init__(self) -> None: - super().__init__() - # Tokenizer to split input text into tokens - self.tokenizer = init_ta_gpt2bpe_encoder() - - # vocabulary converting tokens to IDs - self.vocab = init_ta_gpt2bpe_vocab() - - # Add BOS token to the beginning of sentence - self.add_bos = T.AddToken(token=0, begin=True) - - # Add EOS token to the end of sentence - self.add_eos = T.AddToken(token=2, begin=False) - - def forward(self, input: ta.DataFrame) -> ta.DataFrame: - input["tokens"] = ta_F.bpe_tokenize(self.tokenizer, input["text"]) - input["tokens"] = input["tokens"].list.slice(stop=254) - input["tokens"] = ta_F.lookup_indices(self.vocab, input["tokens"]) - input["tokens"] = ta_F.add_tokens(input["tokens"], [0], begin=True) - input["tokens"] = ta_F.add_tokens(input["tokens"], [2], begin=False) - return input +def prepoc(df, tokenizer, vocab): + df["tokens"] = ta_F.bpe_tokenize(tokenizer, df["text"]) + df["tokens"] = df["tokens"].list.slice(stop=254) + df["tokens"] = ta_F.lookup_indices(vocab, df["tokens"]) + df["tokens"] = ta_F.add_tokens(df["tokens"], [0], begin=True) + df["tokens"] = ta_F.add_tokens(df["tokens"], [2], begin=False) + return df def get_dataloader(split, args): - # Instantiate transform - transform = RobertaTransformDataFrameNativeOps() + # Instantiate TA tokenizer opaque object + tokenizer = init_ta_gpt2bpe_encoder() + + # Instantiate TA vocab opaque object + vocab = init_ta_gpt2bpe_vocab() # Create SST2 datapipe and apply pre-processing train_dp = SST2(split=split) @@ -83,8 +70,8 @@ def get_dataloader(split, args): # convert to DataFrame of size batches train_dp = train_dp.dataframe(columns=["text", "labels"], dataframe_size=args.batch_size) - # Apply transformation on DataFrame - train_dp = train_dp.map(transform) + # Apply preproc on DataFrame + train_dp = train_dp.map(functools.partial(prepoc, tokenizer=tokenizer, vocab=vocab)) # (optional) Remove un-required columns train_dp = train_dp.map(lambda x: x.drop(["text"])) From e114e98a7f7b96e95247114fe5d1c709ab2adc1a Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Fri, 22 Jul 2022 15:22:32 -0400 Subject: [PATCH 293/463] T5Transform text pre-processing for t5 model (#1852) * text pre-processing for t5 model * save tokenizer model in asset, to be used during testing * moving t5transform and tests under prototype/models * instantiate pipeline when initializing transform * add testing for decode method * adding docstrings * script encode method * coalesce encode and decode tests * updating docstrings * type annotations --- test/asset/t5_tokenizer_base.model | Bin 0 -> 791656 bytes test/prototype/models/test_transforms.py | 45 ++++++++++ torchtext/prototype/models/t5/__init__.py | 2 + torchtext/prototype/models/t5/t5_transform.py | 85 ++++++++++++++++++ 4 files changed, 132 insertions(+) create mode 100644 test/asset/t5_tokenizer_base.model create mode 100644 test/prototype/models/test_transforms.py create mode 100644 torchtext/prototype/models/t5/t5_transform.py diff --git a/test/asset/t5_tokenizer_base.model b/test/asset/t5_tokenizer_base.model new file mode 100644 index 0000000000000000000000000000000000000000..4e28ff6ebdf584f5372d9de68867399142435d9a GIT binary patch literal 791656 zcmYhEd7zY2AIGh!Ys>Nr2`!XY`!31bZ7;2Ei&DJL%sltbbmz|8=9#&-TcOCllQmhg zhJ=U+QCYKlkz|QimXIV;ct5}A_sqHGuk-yrXZfAq*?(u5k^@TiKDpXUoFcpNJABWQ z{Y&;bxntmF{|hbhVR#SENE$ zAg8`lw~{Cu5GJ4WrCa9g@Pj8ak32tgoh0r1T~YMnWfIb=2Do3z-Wnn+*}5x>C|fS& zBd=XqazM#Gd@E0-({gn=7%6<&deikqf2oXA?YcSS^D=keg`umx9Mj@%=Od7J4_Z`2 z3152b`Cw6m@@!6SxbC5qVMb@)EbA{?97d3mLmDk9CZ11vdAYj!v0|XQY(dVGrJ=`! z{4^2Qz9oAh%r$bj(+THeS zF$FK@OW7Mh(@ZKamo|QGWl5uwJ^YMx9EQ_A#C%yl4`eDIi^}^x{Cx4F7s!wgUMPx# z&^h_K_v$dQw7gV<%cMSDKK^!1F%bGV;JKHJfs$U0FNIfMDSkx{_s@8(__aKjt&&qa zz3#qdWNTNDNmEPulY0QI1oO#MAYF%mH5WO#<6;*s?a4bgfhgK4d35)+p(`hs?1zgA zn95Yh)WdLFym2ohbK>Tyh5S78jbaM5T1N(41CEqaCtX^+8AkSRx$*gTixFh9d0BGM zd!ZocdEtjRN%~*1>dg0xVQYQ4>pBp8ooxFVmnB}H%C>&`!y-(Q#~aE%DnbtdHqCP| zk@Ds9d)F7g#tM0PVXqBEsO9nWQNROB8d`fveLaS3iWS3&Oj7#HfMjePtiP751k<>Zl{7GtKJ*2&oWKP$$S&G<4d z`FT++FP25@+lFo|hOVlUKSqLxwvd)Pb2u#nwaHXGDO;O<8Gc)Jhji$Q(~=yTk)ho| z$k$O$J;}UKTU$;tvRr0f;5?^&>9hc3dDG-u9raaFTrZ9IqX&VDSr4T5UjK6m<>iP@ z4i&29gY!YA(3W!lMS!R}rmB3o>M<}GS$)3r++faBxoqC-e2vvgyI0Gvi_uT;W%uJY zh54wKL)zi8{3Wt7cLYeg%h}h-jEixbd>d!qDxcg2BpKTMCy(Pq3rX=?eNzk_q-4v- zAiR+G|IPch7&z?*^8B9P72&FfGqR(xgDTrO2?uMFSy|Wn`(g&usY+jZZUmEDOd9OD zx%j0vNhfmC31GhTmajXyFEO7ltIh&jk!GnJIe9Jvp|aIU<2x->OL=dfAHwhzGWq~q zriOSywhjfEisRag4g0|1TJ1*9UJo|aWc*sWXBSXalasZ5e=LR!vJ_6)D`4|k;pb&n z*-ypKwLTHQ^t8iM3qf8kd=c!L5+45jiX&>Xg>*u8z5_v)%jBK!Tv&2gC0=$*F)1%o zC&TXtBGkV+NX2=UA#jn{KisIP-Y^h9S5Ng_JTM;I+wNf)4 zXkjy1c`N~HT+)cXrP|L{Q?r5@FyxD5R?Wc~*472G^LC?GEs}Xl&B=iC;0rh{vZ3X& z|BE1WS1IFL{aWO!QF12`QBoDVOu`vy08z(Z4z!HbW^ov)xJ=NvFZ0)d zEWTH6PDziSfhKp-Pgl$IMt>G@%%@Zr><`vP*iH^>>X#o$AH*{u`E;tqUYN+$y?aQUhg zIr(jt`|K6U<@a-dCSX^YIU9gln8qeA#z`AiZC%rFw-=%)VqUybRyT7vC@?I4*Ai^S z8zjTtuyrRG6fj-x?SsoQ1FHs)3r;180Jf zOQ-jnJac#G&_Tw{bpDds!OxoqCM)!%=iiFc67XqHyS?Om`ZYAD;V-+-(+a*cUF%?i zx_82R&UapW*XflYT6IiLP~Nz!?sTzok@1Gc6X^W&a&NF&aJl9B^xeW?r!kSZ^q zqD75=0GeVhqzfteafyqjJcS;ozYeCf`pby#aYc298Ptf~_jn885OcOEH8U!J=MY-z5!JtcQN3Ou-EU-BL+1b7Gn+4m(l(_t=Ek<3fU%Px+vai!jI z9%4jVA$R-=VWRbup1--T`D7OTzWh6c)%BQP4wVK{c_zqWA0gje;sW{}ZKLl) zU`t^d#XRvDpk=)}?a@gtei;I3;;gKmTx)Kv!$0r4S5bgKr`aP82V20gp^kp;1ffNc zlVl&9mPQ#Xkky`p*;>}2)j-P%rJk1?r-L>Bq|)wO+!iZiHdCfQ=RlB`D*bxc`So9u zDF(B)%OEVFe$3L}T@Ez8dkiWl`jEFRIHf&YPJRb~gbazNZ@?MJkOmLjWACCm$7bb= zy+EeG?s8uPfO$<)Ipl~V98PDc3hkSLDWd_h&oM680NJ3xWT9E6nPeHV#pxceJ=Skbga9c(^?InL)=5RWjt(5CucR0qpTV{P~VbgS3PpI3%CbSI8 zzO-+78uhlXaYxzk@;xN^wPNp{nqrDOGY6};zn&IyE z*3M(X%X{)^Td?V3thDarKBk$L$^+fOmT$UiW-c@PK$uLOJITO)_1-=DogD)m4m`$z zrKh^!+9g!T_hrsQd5-b%x=X>P<^;3#11@v^gS@W!hhGJOnmzj4_SczP$Enlr#a--s z^R>FTnYkQ_43C!6SKy*LVnTUo9ZoA-uf|KI! zpQ1tr%l5{ALreCja`@A${anh=P=Dqg4Qpzt$ZEcl9U-hVf)uiT-4Bc~Q)R#qT$%$q ztJ+bxEw=&dp7$>@PhF(PJY3NjUdPx{B|~n4F~L(+)!AHLyNWG$xbWqyuo^!Fw6Z8q z$;FCDNc)gmp22P6Owgs-dGCO&Z;qM(^`KG1VjgJF%ndFqfhYz-q4(_vHldiyYma|l zGZ>S9BN3?e?*bXlFt)}$Cr8mFMp!yp--cAoP-qsgz+z)_cyW}X>H&2$*c z&H!JoodvSA;*8FnFK{r)X!zB&K&!Nau#W&NDs7wFW(rj?lyL6`7z7?Gy}onb5`~;b(ClZ&lzUYvdY(nUIVPRT=jk|)-w9Lf zD71zrrBRWnr55L8YZC~|m{!0QM*%I@r5U-kwV{}&3aL>tn*2Ym*Lew zDwa?72IrjDtk#*cXM%NXDoElY7mB%%G`$#T^025+P@kI2b72!%%pZr|0Jic_gQ{AC z7AR%PU=2L_W*0@m4^kBwS-HS{ukmE#5|C*!!EEonbwJbBD0z631LLIm9{?SnswLOB zq!`9$7`v<$(26UajbjSfy#s{lBI8fbOOIX-Glj%rTI#~5F*dH705pM5^QFTi_c5QX zmggorIEv}#{PTd8R#2t(#9c~QTIB`sAD4rz)~cB#tjp4IJ|x;NPyzq<0B*~04P(c` zH9+d>K>15u7E?uvZhPN%z?M{1IPXfl2VuJQFp{e6=h9E1OkF*s?kj-BT#6(Qf9<@} zlH)p+Yw-;fi4B+czsF^fmxptKb^GjFOr1_XA?Xrul+l!Smz$1p9ww;ie6JQ@;yP6} zw8o_+QzcV+;*2T`o>(iCoaBO4t2JQYNU#Zs0ZOi(2n;pj%eFLb%gji5tJ;BK(j)+o zLMkqs&c;cyr^&o4aS>FT$@O=c2TJIVdvRIeOMxa)bs?4}hSAGlOwX0RUo9`K z0b8;|B>pnMvYn;E=j4Qs9TDVpLe}te2xReR$gRKPw4^r9zDY*^4b;5kQgY#5`xWa{ zmrl~Q#Gz3cDL()drJ++58Q2}d3U*q-qZ6tVzmKETJfl6=r(;|sBeT+>3}m?&tD{3n zg~Js(YOk6HHrbezOOqRbmS#SytFkk0b3{gG1#-tS7Xd?YrF``a*jhzdURJDfU(0=; zCiWWGqOYdSU;jQZ>IVE+IC}2(F%$(gQBL^Gg(c-c4*T4Breap)7)Xx((os6w((Eq! z4a$n;R5^GDAR7Df1v(-OPxtJEvyzSL+72V%pY;sJI(o$!yX{}pQcP!YYjy`yM5^Mp zd*hBeZD!B=f-D8KD(60Sl=%B#Roofs>k$TGBhq;eBg_R51fh{`FTOC0rT$LB* zXL&dGy`L|q^#Dc5<+6!FoDBV`oE2%Dp+nB@<>Cn9$!s<)eNKiktp}80^PxcGVOrwJ ziK79Q{s`*N1dx??HItjX9C(Hcij7|GI}>Q>$5|{Sm@muz9$chQY;Q;~cn*w7gju3i zV%LC80Vm2GHvlXNCad`VUI~++^NBL(HupL01~zL7wydiGGLXxZ(7YvO zd<&dW$+Bq8W~dEUwzSW*%Z}}FMk>uxE=#+BO=(lv)EWaa5i*GIahZb^3{=&pJHG?6 z^6(iT?f>ZIUZ0HH^p~VE(mmf7gR$HP)qXsM6m8CiLdXs+W#g3969N|@XboYPHcOlBvjyL{RhpRm*LC1w) z(@s9izJU&6M=XLv1pWTt1aW3y{lVSMd9RErANw z>D97OiDHaYp}N6ft!%7ehTre?cEexTZA5`UFZIV(BfHtRLjZjs{X!rS49@6qfgUx%W=8|im5bVXpvfHgVEsM1G zS04gdax~348SxxAs;*v*_V)jJ9>y|Von@{mQ(tpIn9`-?w+&!RF05$?J@Zo+3${C5 zynMU8K9F`1mmb)-SV_jqI|l=->gDLJyc~ryrWu@x*}04ScofLAP>a3bn-;*ZY2;*5 zOWY=(P3dZSIl>Dq9iI+@peVY@E_GS%ym&b8y0FZ7PBYl1<*$08I;X~rnkmkQ+T}9R z(t|LS1-c0Py%KDaj?2idD(Ah*S3~Cwvmi+Qc&VF<%Q6v5Rmj@Q9UM%1oO3V|%DRk{5Wr{4rYU9nzq6Z+%ESk_fWUE7~(~yUtEkd=GO0&fdGb$w{ z`LM$b$qD)45paFA$uX)OyUbBkzHl<~%(E^OmOggqR)Z~5Q?oI7<~{d0>CwKw+vGmi zGO1krz55&vjs1UepS?sv`fmYR)@rhO8h!s?od2}WydP0)9&+I{qV0A^l!hkwtP&>A za8^MZesi##^gr0=ps?a-Kh?YuZu6PNVz;Xq(6UeCEZ0G4QGvP*2T_+eSLMNHm1D7Qgs8SgLHukoljMp-CIBrV5 zs!EogiPP*O<1#29#{{lUUiV;45>85x@I&PgCTRbxyq9vHwe1BmYbr#s+UJ-<$@WT^ zsLiIeHq=SUG$^|5b{l6ekdhq0>P{@n$6sfHO;-aja@Cvk5oaTE73Y&Ul`1=p*rN;V(qh!}0Q zR-S1ELH!sdCme^%M$ld|s*CfNrfbBA(FcO8>Wco`Q`|>22xX;a7=%ge=i~C;M4(lS z7ax>b&wZT1@Yc%*nkFi}Oh)=7!KUS^RHl$eStnOI%Af9q#d3YE3q`#S?~ceeo$09u7|T^nEf%Euaetugd*$1sM|RNIPOX#H3!tKY zOvkbd?r=C?$4>f%iqVJG!{zFB<01A&nuo;ha{)p-+v86<9M|TQT?MwHi6?#b055pi z5sA?Lc;;&m6bPH-EQZ$tEQ{sTg4XW=E&l^E()&Y@3ClTyoLsTqLXvQW^x6clgaUd; zU%vVVLOTqiJ@;GOrYdsDViN;c$K4Jo2B`7UY~VHA9fHa_BPB2Hh11gYVzR0c$Qm5x zYu%EWy&sH8!fBX5Zd7cEXTr+;-r+8S0hpSO0a>Xq!_4Kek6qu~g`noqR1R+BPQ0zl2>F2^Qz-DAbe=xe$UO|2x0x%)*O)dtG zbm2q0N+6}99HY|@VK;;&}T^!ywkg~Awm$XuMJkgWCs&s<`mDwsF) zxg57eTDfXjMyC>^uYt0Nv z$kaKDaa*-0t&;1X0GT}4@G`PxCD>%psiDpu?s?q;>vS~tDQ>HSu>xyPt+Xe74rgV` z7FyaN@P53v5)XY*kL_Y5{aXHLE*rQ*b^EH`zO>k$t)I9?U~D3DUp zDe5iH*9Y|zDNjbe0Ab_n8S>cM04owQ$<&V#;kS?Ata8SDuaHk+K$gQlbJ3_3nDKuj zgh`MfJEOk=T4kuvGiRBwGW7h;dCD*zY}(=?@#!+t(qyY6^4UDf?eqtPl|x4BC)5_D zOt}ooSSEIYoya=y2QqV)3s&RhQaUnUx|u-m5iRx$;drNLs$nhG%c?-2br|xx_gJkMOwHJoWMZ*SuG(fg;=3Z za>oKq`q2JSPKWzh8#ogy6$JDLGO;sElxMXM9^cJjCMO9w<3zB@6<~L)lZuldELxTl zsqkb-w^A1Z*>q=U)qDLR7JBl$J~9L0I)I&!!n!w43o4Ko)xlKSx*k!2^zA&Y)}Ekg=FJ z6wC1a*W)hgShz`d_%aBSGUsy;BggnV@kuz^+M2skGV~eTR%~p4bB^{|FdgYx;y-7; zwB;{-0k_qmgeUi`a%fzcoc%J$a9c}L) zD`mN$4Cv`D`4Ga2y%N({&yU@AU4#a5)F%)oG{)ONhJEI6mrfW=f7|2&gk7oZyBWgd zADEMaeg=_$J+(AuwD)NA@fXh@7@n*)Yb~Qur|~+b`*<<6yt|{a*ze!8ps<5G1h0@w4~I}m8BpR! zx{slqS=t^0VOn5>&dFD;z$VLR8x{Z6!Gfz%yImI-JRNSl4phRtlb9Oir<`cswPyX+ z2e;Lmk>MFD`h~WqxF~{r9kuPez7WMW&+6v#{{QgcaVlfxP)BfR9(8Y-0$~M#iLxZ_ z!k6ptoSo`$jLCy+QfxxljwhA(%1Y;_R=dNQS+K=8z>|t;AX7P0xNxPuqu>HC__1wP z1GXZaK?mRF9H8l(=7ET-l|bjTb-C<3+$KOgntjUhi(P3l%%T7vJ>G^CA zBJ0`r!bFWi4}jdi*kQH@6Vmlbhx_X)YTLh0}S%F zA`2d4V3O;Ow&3Anap5uMm6=~zN;)?OS!7ub8is@VS*_tv;feD43An7(7?|mm6D(e3 zaR*pRNv(Kabi!@w(k;_Kx}OALn#fk$)PIpurt}f4sqzCI9I5*&gMp^ZoFASoxoId& zSPOFU@o3x@f3l#bKCU<&!USfV*9lTWE|~;p^|4=_{Bjm3Djhv`6o{9AAwxYS=eut@ zo}$`DX&BR0mCt0emtu>ndnajBRsr8=aSYcp~fe z+aXNcDo?i6qfuO>dVp`FJW1LtalShDlH;EQ*&HIJ3yN@#GUq8s%L+%iY@zb-vv5UC zhNk{Zb8vqZC~7M@wUf_QyGWvK7nHxod5Wu*OO9U)LGkKEo-J?UwiLW{mF^yV z`xXpUJ*E0hybrM4b?zoR*MaCl83@X zQs`QGLlbZ`Rij;H!abmxBOqP%RSQ`l+SvMHMav6jt{}_FSLPgc3C-zd1b+*~? z(3)+beRC?bDJw=fE*}ZBte2}HtmPOm^)H+fFCFjv4nUmiCplQdTJw`LfGAZ@lk}gA z+r-n|I$z>bAWXdKY;}R%cxmf7KV?{W*$7KOATOf;qsr9s`p@A;aL)>eu-B(4bW8yv zm5~6_oH-SSmP=7F?wbZSAsG=#^3yzoDQp;Xw1WGb zs?vSot+f!SKk3QX>FyhS19h%*T|I&EJtHy`0%;jnCdsq20jA^xN}fFjXo3vV`>_{Z z0ygC&d=@&KjaYjnl*y(?X*dCYHAJzcU^dmM=Iz(PX_nbaIdq=;&glh?|1eS6?`AlQ zw~A_|$I^P=;=F0^6Pjh#*K^!6V2r@uiUs&PtfVpGb8>@`p*WRYey@v@1syZ6g#3Iz zl*wA{>E!PhC9H5%QVL|sBABRJsR{V{#b8rN7Sq6mkGRj_ykz83a8z4zsTv&|#w~{` zHaP^+3F(5T;mCiC+O%XveH0!k>{?lm^9-{;zW}E2xcu?QYMhpM8AIsiSAZrh+1Ha? z1J^o6+cxrl^aczm>4an5ySS|*tIn!nQT4UuJxJ3*j1eRuZ+zg0@|4f6+Y{?tFlGu~ zJ~TBTVPDjG>~wQ_o(eqrsvS)ss-FnIrFB68&wJ4{SIYH zu%j{BWKaGZ5>dG0Il93SMIHA?$3a7&dH3nfY@WB~07#Uo8;aW-?8brJixK_#_BZP9d<(jA^~0tozaWU&AyRkMWaTNWE22 zC*LVyc~1K*sM_^$!PG-49(I%4l{H^geljP+P64AeJ=K0=Kip9}@pEyVXYV(_c`x@E zNnRZYHhGgwvg>5nU@Ld&W<6Srl6u|@0MhO=Ny4WZtsKR+u)0KUsZ9_}cAY~sqrF&6=2u^xqZFYY3U zhlln8IiSLMVw09)l+G!~=$$bd!T6~z7_%q3q(GikDoQI$ZVQ!Q%gIRgk&@Ci4H1rF z97dm81+c8J|EF2mw;IM2L1{_rz_1oUb)Ydv&2W0%Lf;NOnNiE z$+Z{5nDlBcn|_t^kn_V8?YJ9YBK2VLk_|UHA1oB}G>W6NO&>E~WMQtFY)p?Ns-_h1-N;Skij~-@FTBX|g&`%h(Sc4zEJAUgtto zWn((>Uh^r86}21FzfjKN#j>C$65jvZ#gj^+jsw1}_mRx%+~X%@kc&xxocx`+)fAuj z(fJ&l&FaQzgP&k*;^}8^jQ!Vcd5Py@>m>fB1N{XgnT^}&f=u=QOnYl zX)s8DF|0v=(=w>@%fs_PYMsa4^d-}AlQM@{ax!fuz!DmwM$8w^HII5GqU&tjRuxA0 z^5+H4C)e2%^3-MENdFkWDrM_c&O58f!>$II0CCQ+ym-Cytyh=>x$<@h%aQIzbBZM= zP49y-$H**gV?GA5S~q)l9!=V}acD3>^6g*IS)m0GKio^neU_7b{~WMq7(l z(%*D`5eh9ZIguk*<2LzfSj1fWGSKpxNXb@37Pc~#XMvKDwXZlT&+9LtJkh-SP?8 zB+_j(ov_?qPkB||3~grLC`AT!KDOJJxKU3BJtubacL2++E-#Xs?HixkN#Cu2sJiQE z1~msX{RPglrl%ui-8P3O=(N4;Plvf{%3X=Qk96@fAzIP^XuCn)5;j~D$mX}}Z8Qr-c)!XZtiZt`+v}|qULg~~8NoMWuBF1t{+HWgC z$zngE7#|Rjm66_Z)mds@4mk`GRi*Nb(@T#6(1OdGdkn4h(^D5 z$8D8B8VrUo)dbNriW%WhNQ-tf#XQV;@o7|ce)Wvukffz=Uc4{@w-vND5mIkA8iv$c zc92WQ25q6M&Xhw@xx;63D9M&~OcpJ$L*Wj*Co^328hT&U90# zrY}F?Kj5epPN(gpwXK}5q6Gn1c^E1~ zFKJeT%VebnC*-*4V3W0T2l-~U`^r98MoQ;^BWZQ$2;`HwFo<$e$Br`S5_9W_bKljt zO{{W{i*vf^^}#jvJ}#GfsS1v zX-S6NhR*hyJcvir&(JD4cXlzaza3hVDlpUn3vVn6%6#dP(*eFbdOilOMLmZ3@P+63%`6Hc(cCBXaUnM^L2h@ao51T_7yBM3!0J zzq&gQs}|`XcW^HV(`PI@T}t}^EvvL-8lYVDZ|8wiDRN|AAoZQ26IieN15BRiypr59 z0Lmmth2#7B;SeSP9biIUALGL4ri9k3UQ--}%{N@NU#^tta}f5y@WNr+GhIw0bWdrO z2iC!wQ#GVB>@fprVcq+blgjmEqdUT|^l@ zRFszaSHPIadhaffo!2@qvOQvuEl(WM^vm@bv2nLKF9A)i-JL*c zkRCc4ewXuZ_Hf41h02+1MZ0+*ZSRIONvc*ozn1-a;PqA(Uwu3u3`c$II72 zl1>fgNglmaT#CHp8QzSZFpk#*UW`8$c#ycrgk?@K-P< z1?NS>TbtFJp-@A3SUvHR3&HfTfIgRPx6j0Qg7nz|usjW*w;rv~l%yvncxvb`h^TmU z+1Fv8qr$ku7ePMX7ht}5*o0Z;^u`coK4H)|yB;-u|AU~(BPW_gXeJDyJ$w~iep_zhjr~HFLeUjX{*UGiZPd}mL7^t$=O^5_eW+})9RRXk&q6`yEf$l^0=ZeD;1lp{i$o7 zl%$=9(Q5U0rpkFxedMLtG)Kgk2PC+31z~kM>`hsk>Uj2G0UB{D7z-BF;x2ZRzPzK* zq}K_O%&l{{mNqFRGyaJy<+GV!qDpeHf7Wc=)+vqTP{xHI6Ms$Cbi2pO6(72f!}M9c^Vfr|lIfc-DNGew8GlyVV&!nVR=Yz#fr&~f zyk*ky(|-_ITH_C2Kv>o}ES!+DHiAu8rL>6WH`V*+G)h_$-#CIopo(0pge5wh%^Bt} zZ~o{Q<|}&Jc(0#eEYk6m)1N=PIP?%c3jG~|szo!U@t>_IDte6Da;{=aK{w-wZ}J~5 zg2CY(?je7PShX@J|(9-$kr zdzaWZeWCQ){anC`f^K`h1Swhe27R8ahWaj6ZV-%-lKutm=Ck(Tvd zXb@WSUOCQDEMYLL`?BbGD6*=DK%P`Lf`;bP4gUg|mN*bB51!zH+FhjS@Maw zo+nlFg|75lOoBxv;X2?Q4`5=lZVpdj9a0Wuqqm;R3Wt^blW-O{Q+a)1p?exe>r)Vy zv#N2MOnx1&D^3HN5>-ic^1?ah7n`;Gp>9$Sx6M1v0a&dgFQ1+VvV`gG^5H%7yU&NS zxbj(j&@Vj~!UU#=V3`Fd_5>7xp-Aa0C`5y826$un5D400MdVMi?vF$iTozGHwAR z=|=AYNl!~PtL~^%^kky&lA;;7

l4{)H$osCy`k*$ zC2o_heS1lN1FEmm)mX^Bg|X}wXNbg5p)3-5mD2Y+7eS9sa?)lOK|s4_Ovr6<%m91y z?G0tDE~Pp5pjNiZ-=QpH`Y2;uxkq=vndz|poTRRf%6Gc(Ilm%2o0I+%iX7=Xn*08R z+p^zJw_4i&4Mx_}uo3ThOtF;NO_#s-0-9n5Yab=6_lB^-@wrx-t@BB)%|4K(6T3kn zKQwgV)O5?dqXa^$7xn%9{c&6FB725p4uvv_)E+0h>Tyihh<}Oup3q0gUTFrl6iW*g zdMx72V_-}$c2%_3V*)j#Ii%IuQl6eZv89WpRtJh(TDvge<8$E?2#t=1L{c_><%AP( zM?EExhF3UOw}rDfS&2xlJjGg}VGU9xqq~AFw>I+RWuj6R?MQaB!)~Z^ zH#p0Ym9IS6(?x^@qYDq=f-T{p^f!0+1r{gAbmLf?f+UNjX8l}5;fXF^yg@Kp^tlQ- zSKTHZ-9TPm9_etcK0vhRD6nM*n>ORmJ!KFkD;Mi+aeLZ0IBOAII!NwxkY%ve=QIeD zg(;I=pzz+hawmFlmcb$R=F(tgsCF&eNryO2OO{C}>x;&|BlIC8p3A6!uvBU|C4kvi zx+EQ?%LA>+4bv`|KEobJHzh2;F} z>hM#X(b?fOr1^RlEF%;9K3I!zr>x|<^B|G2 zxP-2}1Z?_9a9%t-?y}`FILkdVknlB|4VODgM?Z~z_Ek_OE9N*ZgNO5+^~#z`I65hF zuLs)j-by~a89;e=?j%p&g40wrmB$=p_5!fwiY*t`42Rs|2yTf{F*`1FA%+#0>vX;g zZ0e+oQ&a2S_rOrivERw$2VHRb0jhD&#SoUy>LjJEi{VL2;Y9&xgy7_YE zYAB1J2|CKSLJ87-@nN~~AK&PIDLweAvuGUf2MG^{KCP-H5Ab2Ps}C;u^?TE{aLq zQIi?}10#DyK?eNjKI!>=nXlMH%Vbls>nC8;>h!U29xd4dqxxs&xK-UITCJW9UA7e* z={S0@n&sF-+h9#~Hog4pHwcpF0#LKRa1tBmcchiNttAf3%hP|GCtjM|u}AY_wTOi(pO7omX{9xRgGstOpWn+-RQu4Px_ECWlcG{z-jOF7LRd~q*}$J$;(`qG zG6mh*Yc+N{SFweVIQV|E3XY(;Wp)$(QDB4EKtUx4Bslz%9K69acUxEfZ;!m+QXSj z7!J$z$)yK7Kv~%g@bx%wSkv$8>^%C@Q7%p5C#5XaQTDp>+^#Ulqz_?VdLnMLmSXPD ztmv#>KvRjngcZogeIQI{`V5Jj-p~A#;RN?crw#;K1`NJBCA9 zr1|h7*XA-u)Q0DPmyCs=$0}qvv$tgu0P*t71x}3Nw&ZC(X&Ir|y4Ucf)F4S$-5?HW zS`42{*2&nxKAfe=PCSqHrjig=8&Azjoua74($7t*0&2CT_Z&D4wWtmt5t_d)?RJS@~EI8PUIM zc=sXPk*XQ@w<#nc?$c1;1}t_T%UJ_GrqD*NS@O)I?pr@UCEnveD~D+4lfp766MCd4 zv!4XfZBCPaJ%fw9^H{>xl{l@L^yk%DiYtS~=f)RcqiVzf6i%z5&*zmS6gL-_yol4% z(wAhlS(dJbvTSI#`NJCLgBv?)z?5TNfwD-MwbG;Ly^o2nLz1Ia3t5LRSqrdA8H9b- zfp0-XTI9a6T=6y-z3D{ePjy>?>%n}K6?@0|9__I_JMUw#WxszxhHfxKGo{CPcO!^& z^&q<3{T0BX(sRMo*Sj{s6cc9M+W#AeN2}qq1#pO*h&JfOoFye$x>XMN9CE#R?j^|9Hj4)kHUKOjx{ zV}}fsuN9i~3|m-o|8!xPBWCC{$!hP7&kAsOSJ*y2}UVYXEDyl@(ioEP|JVdd9@hGK2 zi<8kvgD7SPQ!5==2N=^@DO2$9ovLFy!dZ+JDQfA=PGGBd zT|3A_T|guszQ31~kGcXQrRl*DI_-VCnGePcE-A<`g%*6^bY3q3S%L%DqY9U0TTgOa zWVhq$dS5upHbyAy-#7PnM8M>j+3Ro!6O$)QV{+68uw|}{*(ejU-<2`h`turyPZ2ab z4a$UB^|1693!>G8r=4$C5M^7BdXJn0HVNoOsg;AzfS|50`pTK=w#2y44<55|3^*y;?g*RYMlq;$n%I218n=bLLHz+#6t^Awmg z1NAQM!X++rwe2x5bAAlY3WH%mje4yghhdmJL4JG+m+7T=OF1E9mqSL?5R0nLrPe6c=PsD|@)UB(btb~%7MVWuS zWib=X+zIjSUXJJ=J|_8bi6dyJXl=#5 zj?k5~FR$zmVXBGikn79D17S$R&IK%KY>1JhIxD9h46-bO(JH~)`x z0ZMt3@K_KE(}UA8OaWQe;}-y`z-L%3p^B()uKaInj^dU9qLiUk1o0eSlWk zI7&ld^B~sDf5U~X+?T7>ZP8KjxWLjMY$Egzuccf+z&tY+$khX#=LvcP^`=2!%YpX1 zbbogYb-}r3fnmJOa7To8cgc@-VfY&>UZ#{M#yBr}Tt6eLl|bd8@wH(Yzy#D66{UKd z^IaAmBK>YWL^MN<-epY4-xFOZOl!XEGYL#h3s=I@=?svmHT-7)y4MDip{zxPht8RX zs5xlxS&r6&nQSPBmZ-`Ki;k)~Bqaw{gQ8-~spWjdGzerao??5y7HowOzAdgj_3)W+ zCWG2lb<|3q?Y!xNJyBp7SgM?P<6vocGw0=cZ{dVkpIq2u4&EqI-QT=V-4BU6>JQX8e0%W7|OJ_y4MOlI5+6E;`YzjGCscMS7g<>cF(_bU6JnUXu4 zk5WA@()Uj1gF{!kVji&2`QY3+|C@3b*gCKQDVcLW2o1dboSglT^H`x%imMf)I}J2r zv3Z+XkRzAiw1zZ}HCNkZK+9v^j*354&*-5GH2=|4_%Y>h%9O%MvmAYGxeJKNQY%&b zX&B2bo6dpsc@Av#2OZPBf24$^#n`R)%FcfU#>zB^vr@p*$4VhK!?@i0s*3?h(0Avx z5SIBaCraI$=2Z`H-TW5rVods<9y}HOHk6GC3>$e*U%|;szjvHRJqaJ@USae9T0HvC zOt*c6+l2PQA+=%ygjI4@Pb_)3EwDp56Jx9=TRsI@w%D{%F)#QWCaT@4LW*&>FC5h` z`ajG$N}0a6y_S?^8^KmGTuzq%eFcov$8A!Mkbe(h`LX9lLOc4D&9Igh^Ib0Q(U&M? z5mhl_&8+vq5ECwpFICD!jwi#nY8UJ)wghk0DLjS&D@_~*CFa7wEY3vxDveH{uWe34nv4juZ>Or?aCMauhh5Hl< zxmOu9T$7R;4zB;G>;6DqI|Rmbu73!k-R7Z(LRp5nj}k~mTp%{w^uY7f!(pr%j_xmO z6q$cEqS(MX(tYihlD(U`uPnlNlA{IK5{xnC=`4B2KPZpgeNq^HEWT)ry2`#t-Ik*a z6JYws*N$^>GQHv-qS}D9N7bol#lPIgA-WR%L$M_o&F$p(j*imXi#l!Jr<0>-HhL3J z#&mWOF{iGQL%V^km^pZ>Cxa{GsP1qk8*`8h6S;*aTBuYIZg|S`iqSsXqgV9CX_C;w z>A7-p=*i}rfv-~ko_(ca8#YU$>7;6CeP3uxW|Td-`BFdUQM(xa2P?Gh{?s3u)Vg(- zAp>w)u?*J%;!DMm9_Vl@khSYzC~L30c`nsMfGE8N_vB%?t%yfpz*J;$vBFHq$Pr+x zdeP)jrTku5^A(=8Su)CD7Hk|N9S7DzWlj72c-)pF9j+1PjMJTOY*Kl7X`=JNF(Xy> z5of@dOcPS_^;sYjeuNj7{o~HNod}Vs3CHj}r$+En1&pa+aP%zW<4Gu!*$iQdi?OEV zu#}6V%>Dv$+EkcmOmdgQR!xJn7EQgNM&<$tvZ~KVzOHVIvWmNQ3-iFJT-0R#Z9Uda zS2@0x?!?}_6$X6f4Pz-%EdDbHOD4yy*6l9%JQ7{k904&=>iU@ZFs zXiOMXm7p3{rsSh*and%!P1^J40W8`W#$|b;9`k~FAPcXzh-j!x{}HRlO%RqA8!)=+ z|93s3n=VZ0ZlCWW)pz&grv+fuJ#Dz(Z5AQz%VYJNkXg4wn0ECoeXSM$zT5fXcslns zb}3=Hz}g}C``vdA@?&H;;34-t=2ggUi-AR5@pljhC^l`BVu#|Y`oqox2lXnY@e;6Q zDx5CoWWrJyME2PP?YIoLbu*am=_t@k?bPp+{L_6*NTMV178 zqHIuTN$8n`&>&j+vg1xG{!7o(%2`6ydb+9NH5U!DWJ$m7;5dpr_7<>M3G^VgeDI!Q zLR%aAMeoB<&BC{dmPTNP?)Pr~fG?KCEvc% zjJ&Ok6)HAUn&D<8ta-0m#1&<0-px0{nh@9l_=n0b!B+H4H^TXC^RJ;uNB^X?^(New z$+2ucy}H@?W_`>3JeCVTI3Ib==X_TWdAC#^{E@Gg+(dsq`;_uin#r#KMXlq50nSk#R|usv8sG7XzQT7k3HCh(%VT{xlx>-Dqc9(QFd~ZdMZ5J8%X=Zpsdb~_2vG$bz6>E#fGb>4lpFnD~%00xsUqi8|15*GS=Q~I;-1^^E*SD z{PfK9dsW?BxI%UKRCvSgFebuS{R`u(dV-@W$e^Pg;oOtzDgC=>=Dlw!MMYE1%kRAb zmZ#dRoOlYzY8m~vWcoVDMP2^84QRR%$S=xJTJ1Z_{82bfB{7U(i^td(E(ZUuPAZ!o z$bN9Fx%Jjh={Vdb50^Yrx=fm;6kfS(A`ef*ZK>(iMH=(_lVOU*h&;WffK6>`-(V_m zCWOUk{|X&Q?OBcr-`v61r%I7XB}#1U;U)uPN5~oKwAj3Kj0a$b`Vgj^ER^a+oMoGb+rfCm6Z8DE@ej3&A?OLMGL^I5}Lc&G*ddFz9pO0O>sgr{yNR z-ma~z!Pzc?1c$=qa>Z6)RD8}U*U9X2oR{G#?$M7t7aZx`%i-ZXB`l1dQqw~LO=d$` z-dMt`nPJWxn5cpB?{CW$S|mJlPSuW|?}!QEDr<)l(Tq2t^B&z#?t395`s09{w7A&Z zdTaI?bz5}U%4i2IFR_o9=H%H+ahrThRKmTnotHa`9SXKCiqD$IF~IIn<%5BKi%znhoegA zfpy!V&7CgP4BiHjjf$h1VjB}3?{YpEfs^w0-C*>RUA0{PbsugMRR3EikO!48!7!k6 zzl)Kr+<8R<0K9zdtT zGjJ*yMLX|h+_p9R&nui<*?f%;QFY^n_r%Jfw_O3(U)Ld1O79++YyC`xBfd zR2O=e<2L|{I@dwwu+Lo3QFwEu{tP6!bJ@%^&kyy{)-b z8M0H&bmHDGaa%)*{?`C&Oxgb+tw{TEhfFtK7JLI`;^;pWW~Ar05GHPnX-%u|fR>8B zwLl~LSsAj{tCQTl8K>pC+~Y8f{NOxej#umah96;~N`xl$AKXs+2?{A!pI;?!tJ^+v z43xW)z8t&-%Hrg3A^&x_6>I`pln4F_VFC{4Hsx-=0j&j}mXdD2gQDI}bEq?umz1*@ z<5^w;t=<7916*+YW2ZS;QLNvE6S3%VDkt9988_PgOBc zovu_=-NJe6RrSQGht**4v=XF&nOTn8C4#)>o0BeS~Ea#a`SD|{B4{k*O)S~RS%E?2jyG2Dmu z^<8>4gS$bS+&X?!OBsBRIK{&03$h3H#ckr)!={0Zsi#ITCV6zvla#W8*Q=({Wxacq zwa9h2^V#q5Wk4xpv3KF9K5thlV`aq4vh>Rr^@E^n!-?G^{oPki^3#A18w_CzqjT*g zj|>A_+U!c`OB!l2KKE4EXp|o+Lq>osQGNHCGHx~!#>$Vwz4FOuAjQ+QyUZJd)5Ku_ zA#*LuT;T8@9{Hz-agO2EgZ7Z`OmKlt(_T$3I~~H}@5l7|r-?3vp1)yVr{iQ8%Lf0k z%Q4?G9Uh%#A%D_;z@~U=RM@ottCW>GCL(QpT#NHuu$*e=uNc?{N(@x)@7)5~Jaz!9HQMs`fRY(i&5e1?X+_ok!0JFe<7F)VRddKFS}g;veY@c6`q2-R4I#cIK8Yq zeWAl6)%tSPMfE{=hDsIj%f(PpnNO#&>DjGWSNwz1H^LZ054#dBs?XT^uDA+lDb?y+ zzVEdT4_dV%C;zz)Y?&F$@p>MDy9vT%=fBKOz14l@H3#mE3|Ig``{>+Lo{pS7JIRf= z!&(-p7);19klqP}g7fV9zo2du>~T*;j$H^aiH3Qs&?*#1666Y8>%X(!15cXsA1HU> z!6K(dh1)kT-VbF$mQ_oKMJ@&oQqbm(dJuxNdEH5#RJSEpp5;v32Z}8=eWX%VyY68Z zKH;e?uIUmB&$&Zs{0MF`{PrVqa^&pXO?o{FYqcbNwUGybmpZ1Dhc%g`^?w2;N?HFA zW7rCZS*_;f^k?g_TI>#Z-r>Qz2e)2v)VH(S6}}j_W+hxSux2yNvck#1Z_1hqd2$cs zw|@Zw{qR3;REgJDf$X?WG}Ku)a`$R@OMp_-D<}!sZw;Ic4~&35lhW`4WbQR+YlcG^ zEjh|VDjzCo$qozuuwlqr2-AwTQ|4bi-+-Yc7@4HOo90e2U)rK>D}`hs2oDM#@sMH+^P)_4$MK>b5#~Dt8FK08z!m z*T+te0AnbZp}yoxvC|Cy7z#D-P%_F7hk;sb0$REp=}*f&itV$W82jIMKqA*3R9b!y zhzgrh@Z{_tAx!I|dCP@5``k}3CR(*8r)&YK8c&q#)M+I?Ahed#Kpv~-nBeNUJRb1e zia*mJLn-4Lk4pUtWvOr@MeA$t?Jlwyi_~0}jO_Rg&N31j0sh8CP#aeKxn7eS(>TS+6N|lJ(?WO zGQLon7Q)7~J4QOs)6=>Vumgm4G*%Yz`Sgt^-;Z4L#R5aItyF`m~mY;^0v zzXz0w;s}-7TOh16p#7@FR3|)_HGx%OPn2)f87Vi&b7M!=AK~JNg>RfpI2yugggu18 zQt`)Q;HW;S@Oj{o&0Qq?!Ke0@XSQ$*I@i_bwaRGrwez`NfknxTikTQ=Xx~l3%_t{5)onhR1IHLFYg;=e{NLa9-SZ!JRXh&^qQP^0&e8>^dIFPR$#@Y4L~0i`m8M!8qgQucp1K(^H9lY6ji~d z_E44|=AI|YpB*d!vznkFZ*+74VyOx`0UjdheOV<1wU1_ z_gli@M6OUFpZQ?xP_#P<#b-8K4r>LghkuVvx}>m{Q}mC{#jPdTLmJLDTHiDst8UYx9(d6st2Ij5_+7l&&T{~B zAgywQ|4OeThkr=J=v3fWbmF#;7U&(eq*5B&1 zk*xkEOdw|~ZGwAoY##a+;3DNrQnja(l>;t?iPWxF#_qWcjN0|y<-BWfTgw>D-uiVQ z)2JT2*XITwQOb>>NNMdPGY=Zsx*sR&Zop{?hBNv=j<^xV667ob(|X0`<21d%nwO?G z!amxbc)&LWG;7Ji>+o;UB^-~DUObLX8obH>k{Inx_Y2(nD; zIDsz2y8>Vx-vcrGB8S`96~3pi)2rn`ps2&Ky34@K1s1ylqUQ=|*9Uz;ie{v>%2oM? z9Dx-o-n!aq_t0jR=pU9#!jd1})T+?n@6y8df>Vyy=pQOfK|3Y(2-azj4)L1N{qbt~gpyHdZkE_n!}$wWXGLQ#bEWGJbNlOBPFEA2A}KAuNrH$~Ea z65t9QMXO3rb^amD*`Z#Kt)75%Rj|U+q(d*^ARnyE3SVA$i+up zGBb+L=HDc1?Kq|ckZ(_8{P+1hk>qNhVQcjl^F&z6^pAH+bd$_Aetwz%EfZY@V9oy0 zD|t3}uV!1c&8q;erO7=}DGKSxNb4|#Exx2~md-Q|d>v3@@1UrDlb}n$%Dg51cpKU& zVQM_~-JBYO6(!v>8c+9%t5tZe2HCu%Avv>7QXcE zH-64Pt6^`|9m9Xk@ogNkVVX@yoVw3>fb;tw`6Co#ZAl?XkkszNmb=y+w_%J z_GU?&_;+DuO8zc1%ipsE5aNFBuGn@-2PYI_x`NJu(xi4>jH3lw66K8Y$1at}$yQes zXy~$lmIF_k&;y!EfcAjw+Xa}<_5x=UgO-aK$(=ZBm846Xj*_4)u%-MU#Cuy zuNQ45iicv3&I9XfgTO@ci&7VL>*gOc7H|N1*?Of9WPH~h$E^?I7Tehp^&3N(Y2R?C zT&r#hW*%!%Y-k?YdNY5-ywB(`cnc_VTq!g8A4FRaHRSNqR{8hS5 zaSF2P=*KUv6+v0CmWpS$CF}~esjbu`pX>x^0kWP%`~2I^0M4ro_4nEXAv1v#@RPtJ z)`LJY33L1?yU}Zh0+9a5jCeo8J{gHZpoXY)`_L^1u;sZ5dS7(WMDhD}S*P%qeojOHFP&I*-)O71`uL z^k`w03F9F)8M4~hcMPCcz1b;`++RH-)PiYeHaTo8r0a-F54gGA3)&2g>A|iirz$4J zB2j%^t4~KaeNqlGwV(sgQB7qvV5ZLN^D|J4ev?5hE;czT+yWskFrMf90^m>kftiEB z{i5?gD9f)VyDD?fK|p4s66Kypu}vBQT@Kw>i7Q3Ze3F~R?@ND{$y8|EbpFg*O9%IF z<1hhE5-D)*DDBA98GvR4RqzI_P-Zm^DlOA{qpcmxvfLJHqyZg}(yTjoC7H3QQ z3~fZeJrcx8qvCCeJ&(#`pz`ctk22+G5ND=z#oMuhoY}NOBOO5<`Cos@Q>xe9z|&8F zcIGVP=upR=2%sK`7ntq;N;pe&HXh1p_Cp2ncQ+mOtWyX(11-ogrQ~??3xSeVfg$nU zQz4vsa)lGio(7vI~NJTHFSoYS*3TwNjB33?e3SKR_)-jZ<+9{w;rx)o6MgukHre-L)zJjUbs z?Kc0-02!Am>=b!7f(<}?eFunBl(jXEh*_k+d#68P4-$X5i?ErlmfMvd?}qjYL^oo! z6PLBv_v|!1ot9DxcKO)p0Pwzp+xAFbZu!{Lnyq1N#S=Q7%V4TyWxL@I{sUSmxiW+|93%ShKuqx^N^nCp6(?svyQZ{&!z_3`oBIf9-*7oMJa2P9Q41}qQ13*jUg zgE3@#58BzLWvl9IwfDiYs*u-%#&p+y=0{G3!3_&q5iS&SG)-^J#{gz6y;j;7X9}^9 zSe(t`!GxIk36L|VtxS)5MEfIb5t3Evr#WJm!O{5{h&#k6Mx53TKO(lr=fHhc(1qHv z9lLoTwOj7dy`(T@*5irswg~EG6yE&5BIvr|ZeVQrHKbefR91YVh*wq}OMOGooF-G4 zlfQ>{c9}*nE*50w$IygWsXSgn(u%YYEB!zm*jR84eR#MCr^)*bUGaH|u9S*y(og(v z-tgfXCzZ(Yu)4z{{)M>(mqqs<1mQYanMBo++x8_pS1c{V%zlxVjH7NPXtx}O`4(&nczHsY<4lvA zug%whc3!zwG4@;wFq5UaI)yth^6zkN%u&ud(8#S>7jO3yLCGggj)H>b3YSzeV7g&_ z5GR(FM=eCZ< zy8HdYW}q~)Zd8!3XJK9Ze}D5l#Wws=7CHC;aO0|-6dP>?Wv-^zp&Mw3AB9jz-5-s? zTSK_=%V{hB-6sFGz9TN)7Rq9+M9mQIZx4+`>U-iZ0}1}GKZX|iBkGZ-g{L;6sjqo3 z6j`NHq92Aqn3Hq>(;gcS2eB|}xP#UjQv^^(UGsZhVM~}JgycQ!xm|$FPg8+WX!G52 zn#;Z|vBF4br$^UE6dUaU;7-f{gF4+Wa;~u_uzDJb`iP0>?jU0Nm!P8e*r~Jo+eA z!)>DZmt!|rdT&bpudc4du2Z3@4SX`jXocMzE7xF`@IOl*oN_BWa-*8N<(pX5ftu*4T&Fn9IUK}s@eI+t*Dio;}8MPURU?oCVwb|5Bm>^rREW& zC2>tJR#(`S0`JM5X|JPzY@e1M0Ms6feRnZ_)gMlDOhL!XvC;7$mLK*GEInAVY$J>w zk(Qe)odA*53CpyrN@NW~#LFW4T8U;Ls^qcLz$}+?ZnnfXqTOXG%A)QZC`$<=Vh%@N zJ1>te8@xE^LTHL92fqqBrD6yBrQ$`xcf<_sZyjY~rrCzVaH z{^g)q#@r6Y*UXgw8XURe)c-2N<`L_}GEvSKS6_vw675e}s&R+lqpJa&XSzP$5xZOu zk_m$81~mb;#y8}jp?_x=P%glqmD^DB$QwZ{U5ry=(9Mv}7=7`Oc;c4)gCZIQW~SmL4b;<8UT{a#2XUc<&AM%)MOQWZHyX6<%A00Pmm z)L$QPmO!!534HO6N1^ElJwLusUFmmdYL zM08*&#$;Jmo+R2Vk6{J3%fpav+j8ZgYFzozJPkcgMs+_R#O09MkafZ10A>Ymlzqnv zd8CF`Y3omV0>DYzIEK5Xf}Hs%(yesI%Pr zkWMojAmZi^fLx6&)jR=Gh)q7szZs-sj*lRnsg?;X9#A*>I8UiAoz558ujCOK;FFJJ zWc2N4pyo*C4KeR?XjjD4j(A6u8Pc*?#%wdc%s=SjJ=j?PD`<@FN5)`<{OOpMxLK5o z#)(KQ_!<&XZnoKG@wCFOyDB+lijMyPxDjC{)|ejm+2~s^my0Pedy+Y}63T!zZemPS z(2|*r3sI`;U*CbaEZ8FT#+pAsJD)n-G4Xn)0KP``I{znvFv}v4R$TZED(ft=>uHSN z{tJ>-1)B(M=N4N8y+bkmbumI&~VKI{5x8fsp#>mN;-_f(&iR4cQ?gNMym4UGYd3mM5xL6t+~f zD%G8UOIHDMt&_@{t3sK_=^OyXO``p8#i+P!btsb626yW<2%EQAn5xbcY2Gw`^X~L& zYdQi4gg7LQ`68Wixn9}(T(nt{Izg_;uU{*V(#dmGvBuiaWG7$t2P*9JStzI1JJ-z- zb};Qttjg8{DNT7={uN@=4FH{QQ%hHCOcU*D%idkUi`#~IoUuC3{7y7tt*nWW8xf?K zom}*!n7eKaX*R|)2GMB8Yzm_KB7Bj;E|Z)b=}Os?g4~3#V!(9f<<0UGu>6-KcG)8T zik>!8H~RJx;aKePjwp5r?NUm7pv{IyW z(#oS0(X=Cx;7l{nd;JJIhbkEZb;Zv@5OGgCUAY+B?VP8mHvus`8VJA$wPj3J$R*|} zx2CvXwA0cU&Oq?I5ZGbbwYqQCAOKYl8;89I6Lw>s(iy{sK)JFiWN(Td|HffJeKJaV ze3*Z5S3qZ4lnunccF*Y=OY+;+>%D^=W$?WLMDzHH}jP$5-*kx+|=XZ6wUf`+rNl-??p?#6Pt05hG&V z$ppP`XF9f<1CBqwnhNZ(TFXToIjRD#p9bn8Vk{|lf4p40FBmdN=X?`IWR;HJJT(rl z2roH^KU@y37}4sl5#Xe%bl+4R<1S(9Hq5`LACiAigGmwIVCw+LhtljGr`AKb>hRIV zx2UiMB|b>0u>m3*D(ZTRaYSP&zD84K$HoGX1(~-0=&gm2Lb~E{f`~qbxg8jDoAM;G zyFYPBGf>vVbhd!iZ6QvY3Fz9bJ8aIVQGG3n1h6eT%jSSTWE|H*3z zeSMeX!PL-(#6BkxRNrJ%eUHKxN+XSgY2(vV{O?TE5!ang*agw*DyE;2(-U+w_sW?$ zjSX%wem)D@snua!a7{55I|sz9>eXhM&<+t~L34Tr@8i$SztRgfDQ@|7Uw$4^(#i_R40 z{A%!Ae6dLLBSnQ4I{P~4 ztP{#G3W4?9kVE3L4O_~01UZ=n7wW}}MFRTd)>fZHzwqy1@R_;rc`G9k1nyyC=#BjA zvid=}xa1}fXU#a>szbVqZUtf{n9bW#&GEP>3WW)HOZ5H&ffleG5aUP5h?ovG8&Cz0XtUzmj(+s6YU$y(K7w$P}(&$+74k$QDcWpKh zk#+ZU9pU6V{jYSvvGQFI7I3Ymz%J1)_qbx0u6dqaLKwufjo$U{JPvz)t-u?FSib3D zL$Uh#eR;}qofJR*6Pm_FFOHM$Cv2YNfv6a7JqVET-^{BQP+8l1Ie;mw->s=^K3>0&| zP=BduCysmu+G)4gvgJb|j)7C6Vr=#-bk-fvX{K$$RSUsfvdSrO@bgeEI1fIuQ(fkT z9H>r{)Uz+;0B-nc%+;>|P?;!x8sqU-A)JGqd6Db$!knh8+lz7h>i|gl{XgFj-zn^( zX|5$p9Trr*;TTvf#*uI4G3-GgS-_p}7N`@|4K1#cz6}5y4f5l%NQ5g0byllhii&sh z4<<9dvau3iacLbwcUkj&5O;)0^yRfafV5=Ts$TI46il;djz<-y^9&ggk9|teIThNm zCtxH${c|8EtdWVP^^_1t;?TN9cXNL%MXJ)aygiz}BvRH!3-x~cyG58;7*!d+mST)n zC+5aU%>0@du*KFSKKzETWm2uzr()`V09^lFGAR2%G!cBCo~_Ke-vXFbw&!xid65u* zGFckrA4Mb9WS-poJp}C3re)WxAN`lE<;C*9=HIckm=nAH25nxrgo(H({};f;lZr7_ z;tRt1D!+ZYG*587!|(a0dvRw6(?0=y#XwRI|B=&8J*;FNTx|Qkys+1js$PKQ%|b0{ ziLP1#$aSk`_vfV`o#g12*0wlu>6|9Vx|p>bw7KQIaTbqEMYDxz$Q&BKl>SafFJgP) ziu|nx($Nz?txnjvwWIldVl7DLR;^{mT5Cfi$BN|b{tZ#)b|O}cQv9v4E|8@sM>u#$ z72rV`J2uYZHL9(-Q67t>ClAklv?+kIEt@zhHrXsED;U&v-2&2F)bmbMj27)oWNXIl zz-ejm+aV z;QcVR+5_54c@0)w1vazEGHT?W{9(T7TRJ~v@>oD;Ih83E#m)~xvNqe^J3AR3Cd@M9buu1N z8b=)RtgVc1_995NG-C}mZ-T?R{W!zi!fp9))kGVs@hiRqJpoC{|qEvZH9S({^c z6mCskg^w0S3AE6QC#FJ>ms;(q(+GQag@bkPLV@oUOnm9BW0`#*oG-S1oU6CTIVH%N zGA;uNvef8wX!Azz>omAdS{KXj2SJ`JGNRuBge`dd+>R6F)HU*Jt^K?pBFnGYiwaw2 ztR7lp@dKgZj2oKm@zz0(h_QLxbTHw*bjY8HXYG0*k7*q- zPn7xRk^s}**QHPT9-@tBXA%j{y4Y?k*Pef%LANpH2;fiI3oTvD|7=UIUmYaC>>&^O z1MYjf9lr_l_DgyQd$1^{Fb|6CD@;2T(;dIh&LNqKY0-4doE%~soAgx6%>{Bfu^g)7 z}$K_lXZqChQV0gtHr|JT(XOL|#`+KP^we zuX|FgPGJ@Uh6*wHbV!$aR0qq>>q_)^`5qs0CjY0#&=&1k7$dZJBn!*w^cLsjNlxPC z{y`$m*A#7FW8rxK7F&f58*K3Mve2wGaHsR17ebnmiSjJ7@kKd}EeW?=MfbHW=}{Wv z2SLtA<54m8xFiP{p%K6>mjSr-b18G=6{dVEWwt0M*xexyIK8p-RX`NBi51jx3j0&; z7w#>J<~4L^oT{LP8CfHoaJBJ@=2+s|{DUTZnu&6Ca-C9p-?2jYj!U;K@so%?8KuGI z2LIb44-B1uhj88lcZ@G?f$A&y^fd8(bQ_RU$4XsxWeaZyvG}ARj@#~lw#@b38zR?X zMB#2w5@t(6y*zl&|D>YFJYv^-^HeZD?TFU;*~p z7J-(e6o&D!Xs5|~SJ$gndKH9bS2-c-Ud#W)N>TSC3qqVBa~gBrIj;j`nPg`}Os)c* z2?y3g&TXvJT?dFJA?YZu`IvCV9);RpkA43IaM~;h(i`W^i}E;KytLXFp9pZA8fo9@IbW9`E}*21M%(ZCXB_o1 zldbj#fZGu}J*LdKObAk#z>0FQ9s1IQvGf-E>Wc%pVw$j5r^$1I)gv(LS=cnuyv|!9 zkA^W?whk>@641SWBA#cTTMAN*VHP*~r*hVKvv&mjSZ)P@H#h6w}4LFU`^7 z%khty;G8|Xb+Cg#OHu2l*hw_aiD{N|Ny2KE%%xE+!V#;PZDZLLp{a~1X$^6)D3=Ap zW(|GEtptKV1`m#9S0(6XkqHF2Lu6T2G0H@F0gSJ?54QLplOU20wlh%S8 zIZGty4GH{mn4dkc@M?gY0otkTF%MiD#0gf&A^f-NLR(hTycdsi*8?KmNi}hwg65|V zc8c+F2}q70WB&U2_h_K1ybcdas>uBn?X3YnS6Qv=KgZ%@VH7re>t7= zGM(quYyp(bRvc5QsWaGovo)x>X;cC3*fys}GZn=q+vPM~9O`1KXpaun&GBbZmN{-) zwF10(dk~kn)31gXV46Y$ z3bFADyU+`+u8TkVLAqFMqxzf-&E6T*Y%qEIMUGR2nOP<-6>iV~5Eq`MJnq*9 zOkgJTj-I+0I1C!0a!^8>8Y0S>l%b$uh!Q}FliLm~wuk5c)0xQkG66`ZFqemeM>sB% zY-cO}p?86VKUzymEVdhj1;AQNv*V>BLCkRtXTs?=z(afb6PDvG@wEt7H;M0G24%jn zo$8Dc<iDtDC_uCC>mz4W0>B=ZeWG;?;l6sY&NDtA3r4Egte^qyirT&M z1W;cw@SIQrXrs*ZUE_&iuEzJoJW#aZ)7*b=|GHccMNPz=-^S)0SUJ(?3$xl zgtM&IHRCqX?!)pDD>WFo{z<57dF-e-N|dUW70|f~lUTBg8rccq#Om~DL`xCcC5KsV z{P#wo2guwqoW%LFAiWZ1mDr;jEq;*csyY1O*4fut~O+a+E}+I8C`WGm|1N^QLBqGTO9-Biq!Us`?Lbw z8qkMv_SV5V=*wgCSS+(x2fuzCfKz8HBDF~|j{PebtjyA^Gy8847IFTB8iw8{gVIC? z4UZE}$y3md9@p@NxLueFi)KVyo|R9{k;#R0uCvb>AT9&8Yxtzc7WYgb*9b566yiA1 zj)G-(GH;r97Es2oY$i09u6%a>SyL-h(HPOx8gfAQ6q}v{i7-+5#a;?qN>X9-oc6f@ zPR}REr1#Nzc_gm9F|drh5Wsw}aZTKxAjo~fkD4-v(ezFhoYg`HN|u;=5dfJtGIi~G zF=2!@p)&rZpi^vHa9=w48FL8`Qm1RTN6n?#XN1pIn9qg`i7yl+`DERs+Bxtt0Jotn z2gakK$V~d@6D}ug2E9A>Kk4GYZ{vyW`-S0APP+Z@jFaOFd0$QI5~Y-<(HhXUX_; zq5xM&+k!iqbW13jZpkCHw96UZMFPxuYaRNCZEuBkTTg8e%U;y#w*$I3JcTQ1?I^_E zc?#|w2a0qmEX8|cSJ8-%^+$YI`Z(R{_uxHC0hXIY@4-iIaYMm>~yt>b=R4K{8@IM##!#e`Dbj@+T-^}pq&#M zy=Z+L5;={g)cu|y3`e*fY>G)w=J9mhbjzn8ojdBv))+228?D=$P`jiFY`V~_)oDoL z*}oDpp-{(pUaa*ralCZ*iD#yPIPG8HS-tCgJ>6sbbs-=up~@=6zn+J1p4e+@(XWe( ztG)nA2{09na};*rc*`oT$o|43e%zz5#l>f7{CQH4tE8cBE=#|0F9EopF>7E~YBS^m zUIupA%Zlg*k9swyX&uec`Z_cm@Yr>{pm5fw(wx1=8#y4iti_lwz~yILcH zGsv@HC}7)Tz*|5r4hI2oqDX{+V!k)t6p{6d&tS%bv`MRSb)DF1+p>tUvXjky9TyH1F2 z``BUJF~=645+JTj%=tHeTTZx8i-})Cy1wvp(#_4woNg>&k@=oz=dVMTq;5a%n>-FzN9y9P z|3JITkE@OozJ+oIY%61z?;x|@tv5xBafT2xs5_0Sj5*%}x!CD4Mm+yxo=7<}+wDK) zpV+r6SJ!^dA)DwGV^9gg4vU`I9p4Kw`%({dNzZrLFJRdemY(tEfgU>X_P+sB3YC$! zD}Fa+W4*=xFqO`o;wVurKsrOGnLjDWVw@`zvM(0jv9HvvJ#*yXVCoVeS(9b8rX1H? zvIL>u6SU1zKyGNc9YEYFklMw;Qv9GWT>4<|CsCGLy%bfk&e8w~A00|3!arUlEvup< zmR-jGu+Qm0Pd8Dd#|KU+`yPS0WLeO@cC2aq#O3m@YFI{{w|xG8atIp_3vjs`J5V64 zuwqW5g%}ijh_?Le3(eduVCWnrjN){%G^kjKFbobI6hA2FyvO$FsC@fX0kUCpj=F!k zl6u{mpl(m?1r8Lrzq=NQWhUn>I93ZOm10>!<-we>%s6DXzSaEX@4~aT+m!=9uABq6sZeQcT zrJ6W;i~M8ynbr^23NZ(5+|Zf6B_z@xH95++b#VBIxN19sS^w10By1eDgZ~{dJQgTu z*=fn2_VK6gn13Pf+jYF^@YcW_lE=|>hkP&)RU*som^u`~rLDp12A6gj8O{@E_P7lk zKb7LJx{^O)9N`jzN8$auZ=Tvbg(GdcvK!M z8Rxb~^Joxrh2ckhD>54ns92sMj^)PWF(!03#@b^covbb>FopNVq7p{KwbFmqc;Zos z!-mIx69}5wDd`;cb^*?X0Rw*kt#M~54)uao^4zNYqfRxtxKKd$5iZOm;6W3C+!s>q zb%=IhunUgIOJwz^(XqlL{>?gW=E?%~{eWsv*Emv3TH<2V3RM3e5l<@UJecTtk9Tiq z7iKCZF&$Bu4B&AabrcovmHl;sT_Mv8xO?Npx*8DY&oHQMi^_0QZJwU}s%$tV|1ce; zqs|f{Q4Wo+sRYgKbj~fM>0w{C4tBLfHJHdDRfX%y(ZMAc@Q5F1ia4ZeQ7pLB)7zdI{@gxRL9yRa(HzFL!ks zqhTg=U-MuHKySQ88;~<&P0xTK-Fat69*-L!8op!iP9Rq)_Zb-ThIi!vb~VVXsvE$W zabnRCyU&7l%4zORtHLh?Qfyu+R>jVr4e5e3vkK)n5QSkc7$s#F&YK}~A)Kw8pS8y> zhXFX31|6(zbvSg^oY@0SI0DioWEe&x!k+3#Akx#c8xM+bdPOu#952oTFbBNqV2iZF zjsnwkz!~qo3cHHuUl9xc-1iU5t)mG$DP2p%b;46e+9@2E0r`ge3c+GHKPY7 zY*GI=C&9GB_U61(pePv!sqsk`W{i&uPX{-nZAJK=v*+;#pm;L3R+R6KAv9Q zY1gc=!uk9G&rPg3PEgqCHuAVZI(k|AA}}+{;tcbFS(oGh4sNjrnkT@e!`d!B5=nx( zA^WYuZltX|=uqtLMXvWvb!Q~&LdQj&04oYIvd>`NNbNxg!v;)DXhslg=B*U+r?P+wwxZV z`)u&hkq;9l zrJ)03*GCB=)dtxv$1S3=!K9f3#{C|HrU)83VzI~l)$rkQt%6xRsr_$%654{)=^bsN z7`HwJ<{H8$QT8g&T2BL-QJhA#G!)|$A!NZ3XmcF!4207yV>uLSJ_`-gx~n}+VgJXw z6K!$zbI|U0qY6FUjAqI8U-Lp>(o1`>9ubykMdhSeDAGdFVsmCpc|HfGC4>6iU+~xT z;X{oVyQNSs|DhDC zphK~!euG#R3w}0b%+eslSxl~s)7~`Y?)cSPP?kgwrVer1+tAK*43{!-cK;p#yy^v( z1qwSd?mW0l{XVp_(wNMOaruuxXboi(;%NmPnNg}MUi%n2KW^2g9lH_MZsR`zca9zE zpHcBC0PLz8HpXtB<$vROj+x+P0a-_5YG9j;Ezy_$giTz391MO9<($iOed0*b6oEsa zxH$`VEx0efEyZI~HY_gtj(9NN)D+h#n2AM3en)-}?UF9I78{=KX!rr7Z+_@Zr{XvM z4}|FydTx9s<>}0p!tJP^pj}wZ_c2R-|K}Xg$rp!qzW_L=-9`a!QaEe9$oQf~kmi0eiV__TzAA`p1`UhT7Tc*W zas!L@UqqTE&J|l(M*OxoNLKhRZcZWO|63A>&xa0);Y$;w0$CrjUY#k*qHIz-m?PTt zr(IIAiukiIv)(PeRV-Q-0M>a=A|79XFv&?fSd67t%0Fj{L<`Ny$%vI5g9G6!yW|)8M8GY&WH5_qNN8G2Nxx|WVPTHp~6ow4# z?Js`GV%JQGvNid~D{Giy|AB2YN7zDLa!l9p5WN<(M;QiTZczCm|Gt9Fhm9uV3?XnS zH$H2xP1vPD^EIMhRF(ieM8zTIdinRCHP{dGG7NZq({iSUH z-&`li`Sf(jD0Z2R04#xux^~Ru!Tv4Gt*D$C+mk zY(j*-qPB5^J0=S8Cny&v@7V&f=E1ptau_mWQ!o!;RXwr6W>97xRUBIkbn%<#ANd6m z5_)DUFz1yN>g};mh?5zOGxe>Z5Xao!SbG}>2M>(P6*NC=W9h;3wgqr9*$L#~+d1~c zj@Wbuf))Tvu0qu8!F3Ys-9T|{di2JPmRogpNB`f9^V3F;hXAg`NMXmZo$SYNc`@3yOPNq!9fpK%58PGs8b7zsRI<@_a9nnkv9Do{Nu5y}A;|2(w70%JcW?qoFBm{}Hi=g8qvs zgqyyiDMdf*iRO=Sv_XSn;#h*_n2ntbn=TPTM5!o-jw9?M&h26Lp}VvRa)G$8k2%8C z0{SNSh7K0$+)SFcmlNS&D}GYgS!k8V6g+%92yE8W#>gsyu7COjUcfq2MIJlRF{)~! zWl|QoD!LRjJG@jx?!9rDAWKCPLb}p(uQ0ld?%s6AqkBV{VHrpJ7{k@f@&A{uGO?_*P-Z#Nk43eAfi+oG{Z*qr}_IK-u(VOGX8zOx+Q*Ex){U`V zCy<-mfFb>3Zg-xN^lTh=JFckPQ&F3d@56Q$+GpJoF&>1w|E zi%51Gv??y}&Vit6Fr@jWs_r11^YU6LjnI_6!%(z{y+&9qUmn{7E@9*%3%FUVJ<5}OnS5OvXg;ao@C0( zE8C}nm{m^C>$vLx?UZM-@WxL1EC5N58Fy=i{U>jn@B-C81Z2%i{>QtMTY(kN26e`G zgh&_Y))(YPT-Fd5oRfc+EAx0$_gv7dDYoF3qbuGP;)J+2mr8KVc|Zt!R9Or;pP(gE zn1iKUYC<=bz>cICmTlVQ7Z5X(jtsr!P2#!|R>R8#X^4JKm@5}|J<)z4Bt@@aO?QRD z{)-y|@$*HHu<`f>QFXC{{RhU83c8e>t6q5pRF*3P6(=i=@u)DDu^g9lw2eQ6kkYtO z(eFxvRW<4oL`*PIJG5R_PbDZvj%3;LV>%rVWnmTxmc%2)dUB>bBt-nLL4&>L} zL-DZ!ow00k=~BN4al?@V!X4x08v!iNBATx|MUrTDi>!*q-UQ{@mm$W5V<7(OW?&>W zVptSzA?O@xSl7}co)Kb3Z2K+nKeqz9ywo8buQj^<0fYo+v3)vQVaphMJz2iXNba9P z{n2!sw&5ZoJ`;qHutF%rzePB2x|Qq#I&TND*jOsCJR_CW?*Mb!eQqRaMP~_h+T$?y z)Bv~Yoj^*Pu`1d{SlA797~y?)SDuQTH5qUnBfH>jmqWLZ;;+4llas7~gVcNBKU zu#Y&Ca&pD{LCv&`pqLJqdmu+<>*S#;&V3LB`3~4Io>q|h=#k}Ld?L!SO^+v`Cg8cD zhXCPQZZzYN`4E->mW{0_ziYjcG7fn>Pi1Joc=U-p6>5Zy|MMjP4Ki!$wVotKA1`&9*L7O>sZdKB zdmA3!dMZzcd!JlvY<(KQ+}M=5G4_21$lPH0q)u6k6NMpu?b|L<*bRFUNme}vY0+7! zDkJu30-dZ~BXd?K2-#Ov#%2o%k{TwPah1ZB&ve}A@qk$g;1GcP%AO~NE0+C@xaoNz z|AtprW;e!l0?cwvcaK(|#rXV1u&m$OeF&01^d&%z1zKnQD#BmMG8^lmu4s7`%wnWJ z^}TV?`x>ZODEheMv^Vl^?f8tu-+nX4vgIF>&s$)w0C`}D!%H*=n2oXjyZrCQQqdC2 zzXyekCRfHI3Yz_N?L4haCcmG9C@WeUXESm{n?ODqIylzhhZVo)WmP|VL_;;Q{D?=i>;o2`j5C!MhR7A~JP!=5OwgFN2 zCQpL<3(4|h^0z={9CJfXX&CH}5oX5NR!OOLqmVqI!SUJuM-Pn0zstXn4J*2>&%Ot7 z;nM>%apDg-kdy=QjR1{kxV4A}euO|Y@U3;q?;>4RtOHV0T;f+CWYgU;GcHtEpUN6y z^Z!Cnbp!jw4T}i6AxxPVgMWuI(=+sR^p_=?BkSh4aPfY9)iEA{-?ap!r;`S3!t?;U zCWk+k1kM^btf)K1V@rd%iD=)?IHzT4zhyz;3ZJ%JF>W~s*Y#vB#Jnuhyfn%YY~}LM zPL;(lt(e*GJYi-aotd{6nkjlbFW4zfs2mmFiL_{#sTg^?qHcx!L;2ujq)j*O9$OJO zyG+z~(BsAV6D#o#A{#y=s#eaE!-quD$(^?fka-=WQG1hBq1_y~>>-8lq}4zuDeuQM zMR!JUMXx(nT!VjH?JQB5a~59{fUJg%ho2%l{h17A1CD-+v7o5Um>$ zbatcI9gp1@(rsvT2l_UszD_qCV}L?T+ziM&OL_-0O{VNC3U}^hw4OLgv_*ljaAA6! zzXgEHKeq4jqldT5BWVT0#iy+REbLy4Bse+g6haBHuZu-n=Si>-s7n?RW3~Y^i#Q8x z&@H$}w*xXOwNe`VbNf6BMic2|wR#62=aU>H)Wv>6%&%PRG{$TJPGy?9^tGb%$v_v< ziS+4?`B$h0Sq-n%4?trWz53vt31>Bqwg3-Y#aJNBspy)J9)HDmfr5Om}dcohvB2oOs#;q%bjiy#{8f#}Y1}xs#`?QJJC$0T>OHe-PEMRu8{6y# zX+d_j$d75e0JC1x9LIfn@;H?}am1cbeWI5CSzS4NS)kLcVHH}4 zSIcrh-od!VRGud?sWV;_04TTvP)>LF?It-Kj9iV3AdfF;gI1NzC~y zxto|8E)i%^*!AGc0Z3JDG z$*kT`EHB%hBds{d;`ZA{9gbcxIo3Ti|C37vIu9H#gtW?QqDnzaf$@vkXO@7h&N*7s zVQ5pdbOB~{Neeu!2x$hYS{fUf3Rdg}A;n>+iWGEQ41;689!P2_y#Vp?Y)2bc6MM|b zqm5?^I;|HHLDsd;jd==Za&GBjgWer;=K?v$3cqUI{U;E~V_58a1VNV}dCrV;1@K?( z)c8O_MkbcI431^<@|e|WJSi7Iwp}=&_(I_Tn16xfWTDeR47js+qE-olE9k0Y!Gi-IPeJU)+$`#0J(e!TwzWXV-A&m4LJ zqzBb0U2(N2K2G($#YqtPxpxt7A#Q8i{1sdUuZhDHbUh~9!_;NI7nm*U=u22^sRT>> z&0h^097~)`&@!my0*chtI|*{Pn5m7{38LM6rB!5`Sr;3gl4JBtw9agBcMz5@A${ev z5KEp4+UMxO)<|Z3mi}d?-RqV{8n# z!Z><`rWk*v@!YhZbcPhi5sCU1q}K+(jDufux!Xn3i0?zhz1O* z@pFZpMGb>}U0i(=fQ9cj>NJS`cr&0GV>>cCR=fqeZ=h<4##&VrLC#m~2c zI%AgZQjScy0|b$zcg0q^(;ropNAa#aW-@~*#tA|!PmJz3nB_g?dw}3t#yvaVOW0hG zVP}gitpNU%N80iC<=^6UJSm!59|UrT!XHs&8&EQ)W&WSAn`jHdc+(N(ct^vV&af5#qR6vS3-|QK-Ih;GdoDxtSmjKxvM^bd36s4ySmJc!f4cOYCn zJP3CB`%o@gxzq)J`w-f>;zO{jzBji07{uag<4lsyP>j=rISuZBkNpJ7tgv`yLvT_F z=t(aM4E>B4ZUla7rw})N0pyG@E7G?4xe~(7I6ZN=!oP_lzR$y4ZmTbyOHU^kEYu~B z{VGo(z4P1{#|eQgl%D95mipQsV1rezJHF8W_?{O{5hvM%-G=FAw~4-s{5UV`ip(*;$l%2Zkeo4+Ir*sUxCDfw!6=W zpnVP4D)#@4pi6@T9$q8f#QC{b@}@?64%1NB(i8H^G@AtM!MQfKJIkju66!Nof@4mHtOX(1_vS z`9j>E(>5)6m3Vq7K$>4)504p3=jqZ^bl3GAA&6kJ&12(b2*R`cBQC!zVZ_v-)A-v& zxD~s*y-)(M*GB)i?(&Y_rgz&95@F`6Fvr5F*$*W|%X=h$@e0JTxG_I&jV)J%hK&&e zqG6@{bG;?Znqc>pK`1*1fNZp$5#^HN=%%fJE*5j9RUC!0H`@PiqMUlQ4juPc723^P zmlF7*F-{TY*37|ltiBqg%UHokR*Yi=WUU?ff4({-0%6}bGky`_|C%@{>sZ78>3}kh z72$-iSD|LMT@%1nzU{y`Lli0oII&6;V3Beo4xJ~%%IWKaxl6Vc+A!x#J$i!;^2D(Goyp*}mk`$=o-TCe z0=U?Qd4fJV2AeI+5gC@SHqyfeQ#JxLE4&iKeE5g}+Ro&%c%k$k2QUn5H*CUxE*P87 zSaDNGq(74;xc}yavv!nJ0%|!k1@=ji_u_RCkD2VFEr2Z$T$uyL23vuUX+>q6rJ#$g z(}-jW)EEP|26g4)cD5xh6m5aY9*}jCDukUpAu@iP55+Hg@asZhVgr zORJm<0uPEb%UnXzrlc!Q+b#b{j>@Q{&34aYsVkzr?Tj6Sk&s`xj-5p!c0J=&K9aE6 zs%dD(tneNIW<$OyDdNIC@+d5AhwT{8m*r7(+(xFSmV=lzHXu?)bj2&9z$}?6c^Fx4 zG&GVKUB;{J1Yw|^ro7D~jBTh)9(k~ke=)P9h+R&jl=*O3!w0vXlRVT;-#xir{ zI43IG$k7V>`^Eyj6&73ea%9w0l<62zSr2P&;gt+XOMxjF&&Nww0b~`exvVP=pOi;w zNar{gR0FttD12weLnXQn6V>>5GXGm9EPL56a$Ej@nmiH8N=v?3fD_^U?z&jK7TSz= z)Td{tV)7Iqv!Z0^Dh~=ll4Vsm74#{Jbb@6^3*)`Vzxw~qWs?m_D?G)g|Lwh(kZC9XAwT_w!b z!ZpeE*sl%R>@r=RlK3^3J^OT!^e! zr8OE&a*!~mYx7-A9Z!}bHnHza^L6K+i0B5|l;%x5DGGwa26#0W6`aj(Y7LM+$La zyY-^W4AD-t(8cj3%jo#~y!CYEkwbY|ta=A)QFnC5UVkBqOWKH;TRNRTT^Ov{<=n^@A6kj_|&)_`fElFAYxRDo5SNNWc=X#m zVSE7)Y)TzGM`8cX(JTt#rud=+(J|6OdH%)3BGYaeB7G%-&)Js6oJ$B>-cxGI<13M_ zHWa!YU3&R$kITR;!=et#{)e7`)Z%FUPudJPbnnX{NV{cvZ+v+LVT88eAMyQF1YJ&A z3~PY5uLf|#%=~b&3*P=3K<88`XIN`p2W??=V*ElqbPIu94436&_;iuv(0@?WTu;!P zb9q$#u{UlJ=EC93HjcZ|q}0zy@hXw<&BCfZ9=gQ@H>V15!>tfhW`P}lAvXMnDOT@X z#~vk$EJu%vmG2tn8E|M04Ib;VhM4=gCK6f zobmKzdiQM~0;OO(4UC<#;MkftP(h0|yBm+PQ<%%$oGub=w*Y{Gv}5(rq_DYUC5M@3 z5pPOBuGR_-QENN`ZH~0l;L!c>M?sw8R7MA0C3r0Vgm;QtV(llOVQ%<m zKbc2E!`>NJiuTB93$2zWYv%WUia(qIukLV0Irtd>^S~ZMOUP@4xN;`bAcj8+>4J~y zX=_Ir-xGTYbCkV03UP->C)$(@x|Vw`|9>ir+G`g=W`nOhZ6-BA`wRI;aum=NV_(dH z8jMA|WBN+~mLN7b$$o3smw_xnO}(+3Xh$h)Z(_RV=IX0Jv}XK=G{=Uo<^N+P!;N&d zNP_skL5^CNcmu*M0DTT?pfpI_{wAn%nW$a+jJKf8KjzUaGNjA@Ss;A_0}VRhB2gA2 ztxe<6{%?a=Ml&&W`duW^ZR)qvJ9%`L18j4m;e8M)7W=_dJ|IZN*3X?Cn}0~y1!N7D z)Uxd#0hzneat&7gF|?(RH4_rp=@S65N>9bb2vL1S)ZO27Ww)5cK~;&E7K$QA%>##h zM%aAI9Dmo(AzgNRhMkKHPZo#_wI+?1zJzemrB%TOdqVm=IfXq3_FV2$EiC?Unh5 z5~1X8ioc3*O3>^N&Ri7$d6Z3zp4ADuw4>PoXc<%{VK^F78LugrwJF2|Lo2Tf z;(ezaLl@=UlTyZf;UvJhRBW>zVYh}fge9fZ`RfC^aE12ioN*Q7@eP2oO3=RVKN~~4 z5~>(WzS$Hq6BRCoi}8a1Ct>TFoCip$5}ih0AOWk##~wR~}au0NdDBNq2wkHu?XPxgXjQ zHwZwULk36FwvI{{*KztEB1xAu5ss<1gRnI8ltWy;J+zC0H{c!yh@XUHb+6^)Mms>8 zlga54_$C4zfhABOJ`?REsu=ij|FP1JIl|2}J&Jfv3E?qxb_j9VPQ=No0jr|D`$1aj zjKs-@#_l`+Pb&0W_K_u|S})TV;_&`?D%DIJ!v{bjgejG=U=Tr?N*kO17Ze7rtc=bf z1f7rEtY|BAk04@lX)kUbO4x<1LIJ?joWlTISQZIQarAI#S8G{k)Qo_#!hl-|vbaf# zor?uK6Ag*7tEt^3PiL~u)%MsG+C7T(3Wecit5tW;!2N17LR8iep$S)$x@ADS+>q4j2pN0^r3qo*D4SNJhf1hcuMuYGA4m0_krM@E;z{z3 zFKY8BC=A%ZS5E<;G0g2@#!=Ycqw}E{FHQBI_>qZM6sFNFxRyIZzlxx=>85^MHVw++ zVBSs+m#^3d$VrL6LOj1OfD6e;h$q$kpv_uxN75D>3vrApI$<0y+AV>*opHKIS3j5C z@bJnMv-AOA&SgfAs0@W1j@ia(u$0L-U-(HG-C2LqW69fDEj9qaN) zI*rrD^{IwDA(R8C&^{AjUTU;T&}L*nzPMcMy&;?genyqWx;i3L?TTjY(}a-=L>z>SsKK`0le{f)71 z2ZV;Xs<>1^l~?A~uXI9~eXhasz*QHt*>6B0g5?sIiiGj)psiwqB0);tO3Qpw;cT#A zMS&#@vRbCwamy;ANkQViKkwX_*F!jy0JG)aM3N#ez$`b5APlfAL8aTyol$646Kj2T z$MU_dWy#_C!%38P%!vy`S_0`RG0w_+K`gTg9a51#Ccw>!jTJg;4h-hzkaStPZ*;#P zr(1zlRP$jui7|4la(GU%S&4l`I!XFAW>LlX{eK{eps{Aa5yUblZLH%OqP_%7Ow;@5 zd3lT(JvxcLSb({x=79Noky!)Q{bNn|*Z&y|p-q|)Pbf(D_RYRGj)pQ*Qs?3VGFChW z$Q(>cs)GM30j%>l&>40tG5UHlo7KN$bmne2CLYKCW@uj;WI-gEFSsNwI)Px;_8vZ3 zY27Bo+)5;AseIsxVCG=7+`q<#Cjrpx&@SObPlR(%PIylL8#HZ2Cs02s>@RWJjX0M( z8NjT__1J2sK*CDJl=$XUf@XzR8T1NQ@iY*#!tC3~<_y1v!kl1vs`6{k0C4WyIP8tv zM0-x^^N*z#x7L~YcWgS@D(o#lJx32dJS~DcV2G!5&!1(A#k?Is9)f(auR#)fl&&o2O9I8!wfp3B9rB`TR!-QYVo}4ib=Mz_tCDCpv2a?d=P$ zWyCmLkYz)o)LLTS3qTMuFHyxh7ZFB?H65{@g20blQHZk@_DAge*n-4;LYxz-u424! zDKwQKGiAo`{+B_jR%Ob2xd<1_1~C{FJ|(Pg=i12nEscmgIdxbO z*AsTB28`gz`@2gt4Y)fN|GU$fT!Vjif-V4c#RCQDM)Sm*K+TW_5}n0Q5#(mt&UX7E zk06CjaGJ zK;wfJ>Nkt%O9X$jOtwos0p#*a8%Tw%Da1+a-BaMJG67j_a6ozNQ;_Ojx|Dp82&afu z3UgOmv_9kiTjnxpJSc(&-qY9;oBfNhYY1EL`=5n!#<&mC2sCXWhy{T@N6&+(L{AB| zAQ;yRvBe9}E_D;Tje@oVe|<4e3&HT9b(|+8TUqIBs!2WwHGs}|i9g&%TWH64SR&2c zUIy%|XWgRbs*NB^p`62#rr6^Z0B>^oTr)U9;Sw-UfW+6YnW&fL>4-NVT*7+hdK&En zA(mt{bJQkpLL!_d_!|5+Vdtj{-<*sHaJg%nwdD~_J{4Hwzd&IF2#%ZXeg{|~H5P3FeM|_J2n6K;Z zQ0b2N021cq+Pm^Y$3q#}9p8v>Nowd}+-m&DAJQ}RX54WfL&7_+53+7O_mey}7pa&d z{`eFCR%zw5YQ2?n&}Sgz#M?M=p2B7l(+LbR8slz3&Tm>$WIQ5(4qQDU3ZD~nlk(h= zj&6Px>S`!s`+e{ij$b)3ZdcHa3%__=q@ZRV6z24qzA4~B0es%lgwKxdnDZs1Wh*@+ zW5f<$1RpFWoPjFtEz#}L?*DCh z{#R$_t)mCBFz&J9Lxr7cD{evlEz%{M+S0{RjH&gE6~MB!h%R{A#OXqzmT4U?SmP^4 zfGW3zBcfAQgvbVAU47=5pcronbY8q?8>g?7lN0HM7l?F`nP?h&aNG2(AOteHBHmNb z*~x4TQ>2yi=vZXR5pyiF3XnMHW{W&QgfqkTFg_M(hKf9@z2I8Ca@VzL9%n2^(>IAk zMvO~w|7s5FU6eN!wg8eQgO)~lKN6a?_CfLZnowky?s1~#UMu^Y;cHigT`)Crj3VN^ z0CH_HNVdoSi6&=xs9C5mg&w$7e4D}YKDhTfz%D>#?&9WkfvzqbVa`m~Ajhohv=-cm zDr7yUHK1RNTc4oiQO5aKb@mq3y8xI+lq5`o zyZ%oE9zTm01emGv%;$cbu$w>Xd-D3M-JzXT8ILV8n4loJU!W_sttqY_31!Y@0Kv!Csf9x{m-??%3*hw-(B2;Upt=nF8tNAjdN4x_4YE z&@%Gm7b{E!$?~adD@qwrHVw%6@bWP-cu|1k@V-SdYOL5NPe_YRW`!3^2=}}+@3-vh zI0!%{R3N_zu?W}+W8p&L>+KJgwS7IZwYz8p&hnMVy$*mtAhqM-eg$1TIbHtbAV?>L zYiFNyo^dc3&6LGq+*{`_%gSOzylz`EpbU!GWHmv#oXM>j-0dz1 zS)@xXD#FAJU}@2WKVKUUy z?I4VZ@g!b|-8&&H|Atlu&mPf;#2uog3yKP;sEPsI1kG_;5HkOk3o^&mC>3Y-JXSvo)-J*%v)6#7&JAGnUJz^a5z4p?h9DmvA-?(CRo8ZH#jd12ea^ z9C^mjKS7(RvB|qwZ|o*WJyxZw5#co0^WZq_|1ove;dND68^>J-7Vc2Ag|@V`*g%>l zZQ7;@OqMf1p-IYaVw5KCCoFI%ZUSdfSB!N9oO%wl z8Tyww9Kx}&@bx0?RdM!2o8{!L>j(%ZS%$upt2swPA@gE#rR6Lk=aJ2<;c@;^8BP>d z?hz(EZ3wXSXuB~h7_S|Z`KwjeKI2%hdjQUF()*Yfi*)w-c@%~kwc2qGLMqlP&%sUh zTBX}{*YTOxx<1zXJ@JSbrwp^#o$=HOnU8#~Nfy_aI}wKZGI~VplR9gs#kMEGrXAHl z>>@<^o6&9EM{b9hBlGcxu#-nSQcJr3WSF#lu?}H?(R^s(Q(#G`tZ~JO0tDFFmWy>y z#qA=H4jZ>+xWp&U5>FISkoXy=Lpjtu8&B;r5mt;##rk7n$tBlQCY%9B;4Bqlw%o*; zyk-2rnE;2%W_7Zk@w+J3ES8J0+dqKL+*FwYsyi#gOikP3bYX(dV=m+~xgB+qY%Ps8 zI2+DYXCe#Gffy~qa%}2~0U=M8^k5PTQlGuvBc3vtP!pfXX>nHY3=6uC>zo7QG)?a$ zOCw5ng!V(eD`9LWHphR3$uieDct`nMfaBk2Yt&gm5<45P*I$6!NlofnEN~%2+Q?AB zntPGI%t_TTmb}=tz;8wmR=T{r4U ztg>$=l8jHQiakpKke;rlI9~*bl|J(5OYLubMZ6+sI!dP2yYsQaWsr`&p-ZQAXNho8 zcWTZrZh6iPAybbQNyIjyAyT*k>-l;j@pbk$<^sVVodMf9Uz*U{OxAn)=N6MT83rJKQ^7 zm;H_5D^~8?Tn|BP-3$nu+<@B=u-hi(_nXByG_2(?Lz{b}y|}ESekcgL1B<$ytoYL^xMmO2|j^{b1tBB`Te> z9?1T!rB{o&!j53m5u3$p{{%XMWdD`$Y94}e1el1Rd+&KT^Hb!*lyZN&^<`qK%>`zm$D}c78tt?Xs_= zU+A1;1p(xgW6b(PZlqaT5##=a)A>gGm&wONuiD@K4DbuQhMOoGbQ6Cm0Rqs&STp5z zHD|I-Z;&iAFBR)F)28WV;+8Z38QzJ}uk*L1hf+;j9Q+2@1u}ld_&DUv?CXXusVT&X zZ^1ZiMK-H?<604(rV!MaZ#o%T3nUpA%zopuWfs z=!x%2ObfP*5X(Qmy$o4e$e-juKnG8EGttbnoC4G&}s^I zwf_KJ!3Iq>(nM|-oAy%l{hG;sEo!jNCHuSImpo}^p#8m5f54NoQ{LXyhrwnMX^~nV zeBB>m$e?WEZShm~Z=H7Gi*eP@SpYiTrQ;JpSuu3dwq6oieW|}``U$C}DO9RJ_U6V<0Z(K)+HT$+1!fpmfK!4kCx z-n5;x#IN{r*7~`NK#5d}ab0AJ*&7S}FAImBFVTOW{09{A_cKA#4s85G1hpY~y>R-U z0GACFHO>~rd@@JECeNE9O zY^e+`K6%p?&Qf7-o|L~N!XG7bgv%ENJ7JR<3f>iT7|9hC=@b357@Wm{DwaCJQy0%Z z8a;eSTvvhY!10lnnK5D6?9<7V65+ozqsD#ojBz4CYlzil6_@UZ_)3Y##oYm0(C(a**|afJMrL zj9CqriqiklaBb%)9sWl&8n{T>E`lVLGae>?Xi0@Jp%?Y+=trw$cs6%)WB96Iw^HhJ zX33&Pv;{tnlZuZ7-N1R>n(H(g$0}EcbT`)66Augd3r4XxX^rg9%Jz7EO%Q!WS$$Nm zg_HKz#suspxt%w}p4?w3t_@{TSF@2A_X*=2OZ2hSI(ExI+YxfRxYaWw*yF|cOLXVZ z>0K9`c1kSRnG91Wwq378Ca*~7Y<=zZA)WMERAhb=bkN;g;bir;@CGmz(%@AG4O?r9 zwnrvwsEx&RF-}8bxca@)hpFyG(pN09A>I(jux+A6PJbbtmv}=Mp;ERacg2lBj#&K- zwht1?PZ!PiTW=Z556Ql-mf4>dga<{+i43)O^^KuC8nR8@$%B-Mm5LZA-sM-{5U9&~@J*|kA&4JNSDA)cb zY}VxCQ4y9QZ%pgtc;#W)SDf5ocAtl`L}{pLiUqgCNdnj|oUP@=R>E#{>CRd)9!mXC z=h3|Dh%2|k4~f*lXiq#PL_tm55s1 zNsk9aILjC|iB(1dUFjH;(lzI%C6YxD%4e!m-6F};i?_$z(*L=3u5`-cY}_p}6%1QI z2xjR~FiuROTNIa-2#$>^0(~cVQh8X9cJ!Bay%E!Cn$Ug?L z;@Gjc9nDnj?Z!PK9BM6>jAZBQLs2gFsk_JY?K2O&KiVpj2KS3{>e;wdmp*z2drBr` zdhL23Zru^eF<~;TbyiIMJ4D)KnM9yOg0FK#Iw)+{%2wMQV*DK^`J=XsaXXnn2NgY9 zYVM^XoJS6S^NFtI#yi6~&Ac79uaKj%2Aan3CCVUOn3GY=x~BvuqKkUVIR16r@6=-N zs&X(wL&GKx9FN;cs!X)8uM$BY&b+H9?n*&&r~IvwSC+MHQ|SI0V$jn~_%(qOrj z)jkQg^HI(9HSRWcMvpiuPFqKuBBx7+8>E^%#IKY6HB;mGdo%#;v8$`H12qO zF6=%m->S)>jM)@pr5VsJRu;ZmtuMPPjEjT{lWa@p<1~>Zic^w4CLwR_miggEZ1P?e zZz1e%KeYD|BZtS6f(U5L$f(#8rv*eVlVM_xC<=x-4J+Nfvj5Sx(LIJZa&IV?WEGXI zJ-*l{BRG_1O?1n?5YDuwfL*$ke$;+&77u$k*sY_bVPrc8>*y1+&;-A?sH}s)s)r>1 zYy+f4R%m9Q;)O)cY0mi99&4TV>#U=<#HR;sTD_N&DLp#Q5KM5JtE!n3s z8(xf4L^yP5)3Y}|rWMBVPu2aPXM~XvE5O#6zCVC!&OvJIB{v@R9-|U|sIY_LjS?+Y zt`{@dt~wL7CJr%6-V$4`y|G>!-Ymm{tmi1O7sL@!IZbcncHGX#q^_1ujjfM~N<~bg z(!&+>X3vYYU}z!qz#o=~@p|?)w(r1)t93ae)-s(yCpoz%!~Tbuv}#i+&|lNwzI-<< z)qnI*ZCIAbyCTye8f~2&c=uLA!Qi56LiHG`gk2No*JuIuy5qW+_eW8-EytYhN}Wr0M4m zhjyZ8vg4tng1ban1QSuw*x?9Z+Q#*SL88kwQKbFs%GBa0Xdzh))pQs z7IbWWBq+8#5r&lYbu`5MlW>#d)?T*7E;<=t$<__t-ajS#y01HV*Lx>1_SDxcrFLr6 zX;5i9o5k!$M`Oo`vo}8-!!Cv>=aQg$<1Aq(bOMvCO-=`rton*+ac}A#HezH9Jp-O3 z%1}rA{TzVHi0216Z!H(Wzp8w3%efAMhfw3`^ZW-(+tzqT0P&0+5_8VSX?c`MIjEn5 z0GPB?WzXTr3&4(p{INWkbs+@BfwBgj>)Ar~&g`u-eh{|z2?f?evGzp}Bq>o#IZwc{ z;qtq$PFyd}6jE18!xDaq&wsT+M7c#$5^~Tolb(;|>AGN>gQveuK;G zyCGeKZzJq{qJ<;vfZEGpTqNCCT9RtaM^`{OC0JG@Ep+pYSeIOx(Rv<;Ie5|yzAPFk zj;o4=uf|DX>7Dl7=HgDv1eMT%Xt@T$d1kC;sz#89h;!sD5!oEBG$eUj4UZDQ z?=F4un4DP=qiE;-o0V_1_vC%)$pVghSETl7`X8%>_Q>7Fe`%|wNg=Jm?J(}tx*BA3 zOT*6TcV^x={l>a{oG*qnOf8Gs?!xK%G?4?sxaaN+V>hHXZoDV^*oPbOofv;XPhNS|XJ53R)O*HYx#W?+w=yf-~&z`qoBs=7R%yS3pLl(+&#W?7EVgFn_`5;)8 zS(E>F1uQKY;L)X833tnfvTs`S;_Ab~X}!|Xi~MZ#2poyv3ZL$4?I}o#QNE0u<#v_R z_7=vQV(WQOX|ZIt?h5hzW6*WfCU&`5k@MV$Qv zKAgbugVu?be=-ZDQH#5!o&u+>g@q%h=Ou#s0`y|fh;Y0Zq$tJ@!p=vHo~xq|n)(cs zlR^iD)|NHgH+&WvVIUZGv|^s1qiUe9EX1cGsQbOiIKBJxAcvb=`{5?VrJ`JRsG%0ANl zuXc9zei!A$*0S}88Q53-DXYgA^%`z!3&xf5aqR1v&vuMLagpIo2sdd?>nnuFgOY0YAsDUMW?)mOxjw{RyFk=8RqfRK13m&){D`d4CW^s=}4D=oL=G~#Iy z77iC|cuhPue8*q2L>ONaV}$%ada0_bzm}MORWt6|yqg883(37P{5=R{R8<*|%IQj( z?Dcv-dJY< zhW7_WIGTn6rc0V){Esk*N-7xV$nDD88aw{vKl+*EH^`l)PHV-E*!|~>Y3Li!s^CO1 z#7x&nRs3qck#?Dj@xNa{PJFI`x}fVfm;D#ciRWH3tB>~B;8&=$rlBx|b^;yRsUj_h zaZIO<`VE-Y6b$*YJ74yD<^g@~DEnXLfx5uDHs**S1ijirx3$b4hODL~`FsBaB7kPp z_7+}n>%ncuWWvyy+8?N02tLcd8s7tAoO->NBWmS^p`6fKRBK-lB;1x?zCOd z8?n*57{uTZp&jyMQPD5f(fCepT(UR}LgnEb4nF1yIT#GlQUR7;0)jYZ>Wci5*~jBs zi!zCJ|57j%r>+deeoJS6=cH)GA-$NvipVA{;$WB>y9_K{#`Nl#D(B#lq;4>4f1cIC zKFh*88CV3Nhj@262$C`H3U=6+$L%u2H*HC~)m0+>1scp$kB?V`u&m0s`~SnrKvJqn zM>MShuoR|uC#rI1i*XZToNS1%NtFc>;tYD^4xsYni;{!!v4+^B3!u{7k#UK-?iYJ zhg?1}#B{S5`=Y68xy_Pv?TkyBXD;6rw~Nc}n`!qmImPXaE!N==gv`B%I7x079aowu z%|zq!NMP z|HL6fR>v~Z)xROoeazOQ;#(m;Zek&bzTA9uXun zV}``Rqj09f1j8U}6k?wvk{mYY(6KySz-eQ0LfP8A0@UE^xp%Tzcg=~;eOdH>=RB)XJ~A)J;>6;@H#?>uf#YwHtyot9e@@t zIzf#sTvz#ONBcOFrAnKSEvq68*PB28#oZJOnXy@$zNz9+RTjJU>2S7C_XDDBH z9MDm;(2eO_V4Nt#gUSiFumzBYrqpxB+dY=Cb@vL~7TY8lIEtkz{U_!(Vn4YZDATwC z#scD0QTETKCmN`~On{(}rdGv}i8x(IQVQYdnX0x}RrUdg%Z#4QlOZgd@r;)D2s(}& zFQsdHbW(LjaVC`*syt^Z6nUYiBZ)Ntmrg?;9sTvfu1qr-7*o?t4Yjb2r>wIx?iA!B zEMBSl#Q&y&kuTxrdt+D~D9tHTPHjYAC5ns<*(_G8&;FH;sBCdIi*jBQP4}ci-YU`w zn;Dj;iT`w-Fw!wD=t07lMrJNS|L~POUJ;C71l=!&^Q zB%-`NZkE$oV}92W9}7EC#aM!4wbqiXk(S*TF6&xYdL3XE$%ieAUroVE~*Oy+a<- zY3}W7hz>!dR#_jX%V}xXChx=d#+#y?WHfBslO6733UHQsWluaPM0q@RITM^F+)j3D zEoTfLG=o(w#z%PzPN$7Ql(Op-k&2E!?BZ6Ss+YE5R&O&v6SFh66>y;3ok4A(9qd%f z?0$h6YgLKTY+Z(4nnV#EFBbR4S{+#sXpE1I9fci4u5%VoK2xo_pqx?Z&?KrkHR2pI zDtR1K2|EwDymVuRc0&*eC$e0&6L6q1Dx#CPgL2TuSU zacwWy!DGCOHvL+On4)8!nA?XB%WN9Ga@EWXQU_v+AgO6(<1!8sNL3egE4!6r4GoH4 z^}{=rI?~jM)wQ#soDLrA<^`4mGn~A^v(-Uh!tIqB+cyHPc<2!7O(157EeAt7<+>5Y zjW`h$d|73DB&R=Mxzu14>^}~LqzdW0pfyGv4sy22Te@P^BY?!mjlf(Sd87gLqB%w% z1#sfacnFy8H%=DiZ>y@R;sZgaq?eL!i6xH7K9Rvc^&o4Os60B~GEBVjvG^iN>_2kf z@i+j9pH>^!&B5u!>kx>=8=3n_B%XO#q%$@<0pMb7&-H6+blr(CPC^yta0>CA2*R6K z6C0g`b8uOSq5xG*dzTYMy9BT_REYe^{$fH|Tqh@z(k5qX{3}I%%y6kw`H#F~TuMp= z8wm1N(w?!eTxn&-4hD%RMw>V%tFD!DjfGFkJn1S(ze>05OgJhm%gyMNn{2Yb$`xAy z3xWwP!-|qU^&eRXY%Z_}q}}~4&e3=-&~O%nJGjJ7maM-N)^sd2SY% z*We75jpxBB^T}%@3ta#ryI2*M_J6scg~qdlm=qFL8L}>qs|3i1cJ(&65VxhF@i0-J z*jJpZ%``fy_bviDtbs0G;F)qUIL$7{f8LiLc?l#D^vbU0xdQG4YwF@kA?G@IOg(ND zkyZWpyEOCCz~*}~CSDHVIN2HLh(=*TM2tKke5w$UaR}BHR|$|Cu8_p?SK@YV z*kkGFR-@iRoZAHpxnuBH=Cov2he z*u48#&{?hQi~k5YH2PX*u4~POa8}t7(_Eyg#4v%BRh=#|1R<3_47OhbB5lJ*#nW;+ zv^rj)#rE(GS!mKS;oJRhgdw$$T}%VW-3)MAw%#^w60$7P#aS`l7KitK>6k5k3xJrm z9vXYeX>qd(L^DO$$>u;+)p_Y#OFoz&Ma6AkLh7W-#)Y>792MH?%*puR#Jk|sy(7j4 z@6JB1W)m>hxF_>Z=-$z}R-7}-Ng0FA4pFu9Vlb$CFtV*>E=YC>%Met&gka^xulGOSkK{e+`X9WM(IWozl>t@uM6DXOf9MW4++ z9nYL*W5L1NtbK=@MIf+T@^st-CEpATvF&sIlQmI8Ps|qbx7@kd zvO@sX!g0a6l3LA;ho~nKJF`{;lGP0HEz9zlM`^!*RTZrMKGJQyL?^f8vGeI1r|(ZEu_<_+8yLIdMFE&o_CZW0@fjyK)}IZ@d6 z(HTv|+fa^pqUy{N?|?~UgZhnC1^o4>k+Es|7t1=PobP7eq4rdW(}bO$vf8RR={-ZX z)1(sF{63IGR!psrf6MJ1Ax_Suy<`3D_~PIEVNo|FSCbe20K#dTpqbk255bOO0_&XL z1=9-Kt*z;sK7w%eWPwEk*PEhJiD35=>?!-Q7_vc{e_^)PQi*ddF7>rjMUFw8KQnBvIM{%Zx(?6hF9BpI#0_V+Wj%KPUx0B3@^0EIf{ z+l*+y22x9`@*RZ5MmCdE{3)U=>1lM#{}N2|-N}nS63$!VELrJfVZW&Rdl=W2y0%#P zKOl;{n|^M%+)jh`c#5&W4-n3H69#X2)t-skKui+tF!$%(Y*b>76hn74y*#dxGp&q6 z<2@nE7|RreSn|j0Q#Ryj?J-P@^S}xsZYp`8`_S3foni?4#rxw0Io-420JxL7jYfzHT?`MAlDwOmy;wPKv^woWc6 zC)hF5-z3K;)bus~n}w`;#fnN6WdAPKVw^VbetPKLMUaCj<*~!BINf=nqu9dUHob6* zNHTypI%1{Y0G7u%Bs=;Kpv#nwpu45Dk%#BRr8R+mnNo>sL=glUmF;nx070-VqlwY< zKY>mU);4Ghi!U%L`Jac}v@rQp&{3qS*Twi;9O3oNWHrCaLI&MhY3v~29LS~u8b#FJ z7ercIoMvJpe-W@#xJ#e3C)k=?9Lf?zIY6^r9pB6qYs0=An;=?3^8v{R`X`+{Bo;nQ z|8ogwi)Yi3o5eay0!gR#TH{v%r-IIohv$|8J7eWJh9eqo+$+w0Mh-^>a*L(GuFG`A zvguzZh9DEAtdEw-{%){c#dVg4u{5hu?Q4rCMWpSiJYE-a&O7Ga+1SFM`TL4cj#5=J z{`NPpv(QG@K78fu3!ThKSA0KF)XhHjDL#@o~P~h#;{X{-l7z<9rx7#up`~g%O!5 zwB%Y@c#~;9662quEc|XHPeUxm7Hh*<5*=K`iDAOTDJu%E%k6x&W3n_KZ;5ccOrG_^ z;8$XhG^;r}$XC|^rJVs2y8&NYIAUE`N5Q#kYqYPIh0@f6j(;)US|5hYp*lpaH^}}* z;Zt%Lx*?23qqT|@97k;gj*!iDHW^ z*etv`&^h6COM1&PF>9mcjh--#tU*V;V=b5nk1LZoQH`mp9#BL+t92r$7AGZoyAUuwx zU^g2HLxCll8e;`4of)i3w=cm4+Qxxf^RKgl9W4s`P7yAY(k!MBQ$}U}YISiX%0_4Y zva@)CUt*h#&NZS#roAZWQKB6U`rn*D^^MK^(S|iyN&GFmEwshWZb}#PTY8{_MLL7@ zTAIB6Z95o?1#MRZqa8?bjv_}bWFN3Z=phB(so5SME?(kH29o1M`6E`rbk-;C05Ldh z^$x1QohKH7Cgz(z67V-=MVZ9hXh#SaNb&^79>PvlWT}^zJ z^6V$%;^x0+!6av3|J*4HhT}9DC7!r5%wLSUvsWkyA>RY_kE7(8DxGNjPmCr3_r)<~ zIO#NaH8LI=hugJb7v6PVV?5AF=L$e~Y$VLzDi9_gn+aNCwLM+?7qG#0Nd=U1&xSiT zn{N=|s4=&Yr^Pl_!nhDQjpm?9HyW-L>7e*7*|NS@lq0WJsjfT$?4T2K+p)C>d&ue1 z;KVAh^RKO5?HcLOm3hV9`o~c=qqRu!(m{@!l##m1$8wvtQ6&;#Xa{FN?zG@gu!=n= zg9p=y@pr8=N|ZDWSOsBE311W@n%af@#tfo)c~~Q)nF2x z+G4yemb6e6+T++pf1x!tm3hUyA%)t7g3-7pLn;#L0`c!=pc9@LTBjB7(gGzxa43mU zW+BI4jSj+p1zpX`wSf@7wL+-M-WxmYpLrd}!tuBqLb`F3|&*=8r^gEa-CYX2fRG`T;Rc3r4v)>gGkNUMP}Um{o{EA8zu+8FzDR zI1`Z8DGk#zOBlVT#+cZjg~d#!Rj2B^iE=`<3y-BvrUdgvTFN=i9b#Zs7VvcG-aIah z)Th_S4g;Cr7V2?N>?*>EDC&;PQnSIXGL9jcZ!U09=8G$11JNpMIqc6i-r<5471MSd zx1oP>h(A%q(=c(mu>D|FinMcd$fVG|~al%@LGEl0IS2`Szj!*g!+X=cX zw;2_03ZjMtBYODhZy<=!<1=;(U8*y8Dp zOOLk)-EG0n!e@e15X=EHyFC%$jA8qLwds)}oF4o)#(gJ&Jz?V1y|tLCtF3Wz=8c=5 zow3R(VAVi0kybr5b)y0~OKyK&o*q3(*zcSU?Mjv^z)+lxXFxjT)G^)>jF-iz8&Tc; zKLMiX<9&qkGjThW{ar2XG4vnyDD|*-S^$sDon7&Na;Gf}GY4cDtGj3U|2o8brrc@% zsn^(MI6EWgGf34BA}n6+-Nw1+WdEb?M(?)Wxh0~NjhQH%2jRRieq+Z<`v;eZBux!0 z$A6cbw(`;u(R@Bmm4#NshX}xzO^*vxUMHLJoPaaS9!XbxD(ro!(xY+;;MfcJ!vgf{ zK=FeZ!q<#EPP!P7c4DbHz)MA?r7e3SYh03f;nD;Bbz|&zse|AomaRGg$B@?*vCg

1IoaV{Q10NSe7G1NL8jQNvKu?B6QNa1lGrQD2;bQke zSwIue=WD}W6ogZV3MC3=B@ajtksMJXIAo-HY`d0wh1 ze8(ej?sk2!?LD^@=Gp6qn6z+t7UN=ZP9O7b%qkuED1_73A*(kJK9+f?$3{_G{8xkv zS9@qYbXtrR9*1+nHT2R}-w;EEV3(3Uto8|z1EnFi#X?VkZ4QQWA9Xd1)(pgK3f-W; z9275g@H7zzV%f))YPp{YyZ(>siOrt@IRn!$@W@lMBB%uHDDpg`0Mg~UaGdk3|5*RS z!!C^DpYtE+V#IIH<4#M>=R>Ez1mk*z3RArHGLRUt&dCFU(V#jTpu-M`8Vvh z6(z(Gayur*w7z&y*y$_y^;Bk!Z^Jou-s4H`2o&CdvKXuC;uayNrFL3P{37TuXX@6} zqVIx9TMuV=2gvQVnrL$-r!GIe2TA`lY)s5}A14LCQPx1L@Na+v+EoV|`+Wc=R%&Fi zBc2oDU-dxh%=h}p|FZSVX7}+zL|VqE{<7STl*LJENacsr1BVV#`7s{ShNgi&dPKNL zSh{NypJceXl|JBJVTZ~t1!k+B{xl1Nmy(j+`y)~K zQO89kF2+uuL6Aq3k%{6rA;h7@d@S=hz}cvzo^&PF_|FyT0;^_clbh{WQ~VOn2}A9$ z5Vs1a%|dp$dCXLdB$>Qi^7~gHWQBR)SngZglttaNSm--DtEa>#ayo>%9J_4;@t^Nu z9EZ;GW8MD)6UJ07kUsk(Zr6^j$Hc2b-kT`<%iaV7!jeDnkL%6IEr&WM5mhl9ok7vSC1#m&w?zcy6yH0(4{t2H|v;m9aW+jUT6dD zasIFPazS;s&c^)ZPQO8r0Vxi&#)#iR6oP6_%n?YdN~=yZt`p$`@UoO7bf z)KnIFwNFJlE$qZFLGO)^{>=Pg`YV@bG~`tYkq%HB1&Mux;R}pTN@aR&OqSEZNVi@) zH?u^!bhsj_!}SBjIF+m+sa8k-<*ObHP?PIr7cBXa1(eu+p)8nYsgC8NSBwjY1B&=o z&}GgQh+@ny{oUHaHhl`&f711srbY0b=2x5jEX;aEQMsnn#>sLfHJi!PxWxdDr-9M; zi4tUX8@~z?5V_UCj{4~f7Kd^T8$CMemjJmklup!$ZddX4#oYH1p|r;8n03UGV5hHw zJ?CcDTi-2}eNZzw)>;~5AvWvwR9qs$UtriGF)X$7G8x4LyIp#1Wujaf7$xACCR)Te zX1&=OM+*;@a9=)|;*44r&aDKa4v7idZr?I~TmSg$CZ0f!1DDG%+fds?=L%V9+&rTO z(L6pAm*$oB8b_=Ic2+tP^L@vPz(W)B3N38*2(S~)R;(-)zExsc`q)e6okTGf=cZf7 zMXP`;jGlSdBsUm-Ts8ABeiBbAfGAlKem4-0tZNVBrp0S=x-@wxr!P@$-fBHKdc$&h z#tqlU?W|LG718TrkPLTGdSd4d04}NtI?~%;*nNkd%hFy;A^JrUUU$nttg<0)XKx%^ zziSCvj!ec`wfDr;qS6{@J3w>ASO#>KoC+kjwO;v)KMv#ga<7f>M?6}tz9=`TOl-lu zEZ`uEg;|`##;ZeM(!POd&N>?d5nfGwl*{RQG9B};LJEe(R163>v%5;+?FeClWz1&F zK(cAw#NJzrth~Muu=n;H+x*XM3MP4pxs=W9-k<%)lQzfgK>~Y*yu783F&`^#VK0o= zagf|3L+4BJs(@w2`i+sa$ZHl*j;exc6^{+Ie~e`g#FoPVE)xdoM6Wg$HJdR`QvbqYj)C; zM2vtSPzGF{vZWTLxS5L?dem(7k^Dbc)tO)9uy@Yw0I^Bs$;D4{yPNszAvsNL)lm*x z6MU@x#Ji)x&NCB!)_r=4v9JxK^IVwKg1P{A3dTT@XUyC#Dkl+jAnym|cJ&xf#&#GB zOiM`i)YOhh+7{bFTLMYjDaJ4{loJCC<3j20rrf-%X|@M#mj&Be!|Q*7PNZHL#E1-4 zsIWccVE3AA@9|cQID+leJ@7qt05})rQkErS7nCUaE8YO_m~xohj;)w%Lnd>@70Y2QV{BxX=Gh)?!lb{C05+Ly_qJSw znj<$c*Hy+^Q*c@&ZD^h{;n`1&vmx_u&4P|5dApIEwUsE=gh|^zLX_o*aeI=oeRURY zavh>Kt}8L<>1(IxRxy%L19~n?P6ebgE$Gq4MEzvT8i&ictpyvpz#^PpE!-*Or|Ys0 zrBl}_Ge3=S(DclojD8@14QIeOBlTUH&UeK&yFt;uwQW+2YlU10*}Nt05$TMf5;}6r z_)>%ttsQ_Hch5f2dcD{rgCpDR0cinNQgMzDOpBhRF$NamMsdzX8Chd-^}HC0q-K1~ zFMVI#SRU){$v;HMSx;}QFW?ep541hDP5;ycF%B1SS}{(=#QAs;X|-baKe6N(hwKIE z|qcWJ|q+d=`|1Qtc=eoqnWBu>$NmK)l^WL#&e@o*;vE~ouz z*D-$W0y_=UaxH2^=XArkUT`v=8uK1@0Ho^0VYl*&i+fUd*5UP>k1p1i1=6fnnVRGD znJ{ioxjw0E=i@d}j%io!P7u>4Vg~y??F{kZx8jhUHpLe1&jMj%Zl>Bs)hsC2;+o_k ztKCI-0yBIBhf<)y`jrkb=ZnL~qepUj7YiSl`Jfhg5L&s!<*_*4E34x_i6b4l0si$t zxDnsPs(9^SoX!`kjKti)N1`mzelCc_@Ix{$bUDc`>|{|CMz!qGUMb)#jHh0A#6u!1 z7;2ZQLFeHx4w4O$&iF>ynWQwgIs)VZVj!hA()q>WM`oY2^Hg)JE9_Y6*mF z2OH>DfAK^$D#q8PP&D_9>yP3iN6Zs~dma6kFzEo|pc0|&y^g3k1|RM|%IQ_FD#2+? z{iYt9B>_ztWKSP8M;vly9FMEzcD5_EkF(!#U<;dZLwX|djVQe5I31cWC-dIT+gEX% zu;o~HK%erQJ3eD3OJl8*hgD!4Bvp_D2%cI#0m^yYW^_C$avyN5d zrWiSW>WZN!0i4xoNUl}T@@9XPGP_y?AI?V6^bNTkXuX~#{^4Y>Q>uj#GrHYRfg$L| zfyVY|6mVE9q)_oVF8wz#Vs^5C1FK`17554cCZsXmP5rX>#}3u0*?;wgPW$*oe;_tJ17kf#xD75{ZYzs{XQJ{P%NlJLl*W_Uax)P82!fg(WVQ6{F`ou;b@qjbw9# z7=MIP8Iz6nIHTl=R*2Q(SpIxGkwNBM15p%k^_apfODvgOkOh%!R1;6XD3ZkvLcAxp z6}boD3a^*i1G=Q&a7G6_3BqDjL6eN6H50_tFh?9TKLjRx_8 zfD@z3Tgv~ZqS7j(^=OQ`F(Von$ck}|2&V#(v@*r!(ziGZLT?r_bJq}j%T2HjUYj1O z<&TSU@MYSLjFWGMaOOG3;F0EAvXGkTnbmR#f1_JrE%%wMJ4XsSVBXY99(r2sHmJd3 zA2iFo-R+Q0s`Mu3&85uFyEFSXxp~Y2;xSRK%9T^%Z6SZeOoKTJ?QEU9;HVW7s^SDW z(?Y>Mq^4W5@P1RN(bKnw@n2ezR4I{T94?#(5tfX!T$)1vp| z%hKgR^w{(PprcI<#}s4n2eW{ReHg!{O#Us(`C+>adni{u1TolSVd97rWlp*wbQj8 zgQi5WQ$UfwDuh%94~c#kc0y%x6;;gE$6*{j?-KHnCYZN~v@q**KE2EnU?iQ>Ks`gi zU+4<Mj=~D{S2(@bzA_PbT#|p(fxss@NQD ziF-vj4O37JNFbkLmvx6?I<36!Nz`%EiQF!pkK>o4T>D2$vp{5H0WKl)Mx> z^n_^nD|m4^uug7?wf_YsLRN^o7ouLs|BlC^W%QIVTkoUevJ!5f*NA_-ivL8Kvt!BE z9TNQ+C*d0lxp}c2lkDzYB#Nwd7Lp~>zXXw>o*s^I*qHYms+00-VT;@%n zbJy6_t9`Ar#kh)Rn|n0BP2Yxgxi|3wHS1jV!^HVxwgWWY?)wf5X|JXL|NXAr++~Zc z-^cA%h*_edUkr@}KY&F}MP?7pah4Eir$5WbXCDJBG`7FnW5g$5mlL;g>E6md%?Or7 zME#ry3x}C&vMXNy8I-f4jlCSBgf@Ae6`drKm7d%rfyWJ5$*=u6$d#U5CFT%~o{1jt z1-xUI24OKy{tM9}ov&ZM#D`sU5pyI< zf0KPYgE3E=zzctyQEHD0?^ID13D?lDCRg%;tyV0nV7K$T%*%MK6@L&$qz$qiF#kUQ zr=f-}gh;0TV1~JzS{ZS4{U408!R4;jJPGaj5$Z2pUaEk%;!n_|zmsTpl$$!$#Qh`W zn@?ezS2kmQ=3iPox1+w6)4?-=(PSwupAY4>Qb+F~G}z4*60^($vH33<=^Ge2JK5pC zkc3)YAJ@p~P#X%`4&=yN6d7+PPFb=;XHw#6iM@9IPiJA>8 zw=h`sJei5^E95e*==Z=>u7j?vfqAwHM1gv2vvOe=oxIfML8n&(3Q;7G50E zoruQg^xou_Vx1S-63bFgX8s|X4Ci}f`skn~K`xHT%#sgX3g~vuydk;gkr1?YNGnP{!Fi*O=! zuBWT{o39F$PWxpGfl5HsZ?BepiIGXxJnO6u;dHl1fA!-v>>)X(RxdZOCWOnPtg}-` z4o8Ve1Vx{!~D$bhNQBEg-=LpzC`c;I}%rr`yP~UEl zF*)Xh%>UNj5XOZ_Q;<1pHnzpNC26Kh@6B3as7T9xe^j>rE=auNtK%#=iB}5l9U3(j z*(mc`*VY=B2+C`1R1U#unW5Rx9j6KN*T`Y9`^Gq3P@KSWoShu~e6dOP0ix@Q?}VLP z9f)#UxfpwI>OksdM8BMb&&el8^6l}uFkm3nLm^05<+ONKPQJoKXLGzIU@0`CJNt(q#eybryf_TED<3wnlZF0+TV@pI4V$&t z9<>#eQk0C(I|>mT=eW|IcxAXDodWk{e=L}Tp5kC6baiUz*>$c*#W*P)bRAk9UN#QOLQk&x=+W%vxKFG-7L!}P z`FOTOr6X&+B#Popp4C32957gY+v6NTCr5fk6vJENVchh2HkpVsZT(UowOZ|_ zVx7LafxHa!ej&yZW7;eohQiW8oFbn8h}&KD6>mrOL(fZgd2pZX){@YA6<*vshfeu zkPZoAhh5+X8<5@!Oy4YLOnaR0Ee_L2s z_Eov{)WJAc6*Tny>VbnPXM8$Fn2#~w8K22b{9IHiU^A&B{v*QQj-y^IF&*f@Wm}qo zb$W@RchN%bOEIoHtPZqk!GdzD8Cf`0^wlQ|I$IUo2v()JT9lJDMXK7D?h2-doOccC zUGce)|Lv5?x7=>vG+kXhK`H3)3LKN@-q*FFEJ_UAvZH+79vOi~7(?0nA}G(UyjHw> z0-S2Ducn56|1FX<&=GGmDi+ualtwa317cs)igL1~njD?N1jz|yd;C|x#m)wh_G&ug zf_<_NbQv~&C}CFgqoR9X{`ZuW#hy3h$;?}#E%#(oi_vaB7^gRTaXzjQ>EzIX7UP{9 z*eT%H(>I5wHo#eOoW#d5d7#C_Y=v*OD`elW&ua57ed6q?8`a8=xU1wTv0bItKTdAK z6ZNQp@+fb{ZBey$?#~W+K29!C{fTiTY$mj1zM2yAA;q|&6$$~eBTdJ!KOpUeG|NqF zG(Xp#k%RB*@nD2VXR4kx)AxcF7caP~4Q$o{;~YrQwHUKS@P*a_H1)d#ExAgWd4Hl4 zY{@CdTzPGbfi5^VS!U4eq9^xEPZsN_Q4x$yx`EC)#;AG7kcYKI*+*s9tk~%Qpa-#J z?vk3C!NbD2h{2^*KWP9I!2&W#C`RMYYawRJ3s2FYgw13kp)_IzU_I$eQ@uUEG9FH;U*7!R8 z3r*0*SnY8BqSVorh|zL8h>^pG#J+--YI6@qTr-88H}>gOUNuL+5H5=>P6y(s?0=d6 zWi7wH7!vX1`3ys~rN5I`H;YkyboPN1gBby@7vm^d-{fM|W5BA1Gh!b(Ek}+Tbh|eG zJQj-Jlikkcj>|sf9CjdX5GFI}g{Y}>fKI#?zYGE+j)zH`O6NeLAanl-Q0eO071!#n zZ=DG5WR2J1@#ZIGpLP~7&ql@AL6pNkpbum1#du5%X`fOT@1L6aFT<`Db1v+8LLoYK zq0oeHO3}P)+G${O&fvea-=uU=+04f(XTqhO5mRqA)|kjW_ZJeaFWZ#b>MVS^c44(i z=Sj&ZEY{!GGez~)>Tg6^1itKqQoAT*nj9YAcQzpHhI9u*I-0AW17}%qVK5hK2$K=E z{}99PLKcJW8Itf#&V_M{nt`eNV$3NKyb!~@@(dBKcHm7SAi&NHCMdAsTS z%p=yaVu&CflV$E`0q1WV&kM52!l}+>A{{q}9_+8*Cc=s5J~1nX3&56@jGAz$C|Tvi z4z{qSCZ+&1Wv-`+_Qy;Nxt%YpgzCZD6EDvGWZl&h=UoC$1);++)ZN5LvN}w-N5FaJ z#%{cL84w}5Prvc<>{}^J6WVKH9QA~bhKcc~Fk#Vx88WW`I4sTF4-ur^)nH@xN}Mh~ z)}pFu#h7-L{~k9k?!FqQ)96<+<1sN7*o0)oKYK2O!>(hm)5ZS@;e0gp#Yzv_FSpn`W7UTNZn5m5>qY}MqfqlL(J0A~Ta^f=j6}PN zq6C$AZjWCdfpksB9DAHL&%r-=E=j*v!2h-DHJB7)(n<=v8$O!-E8BmY3Ob*Zx$Mlv z$P(4S387lV)+MUgJHU;;mY81(r-MJm*J%Ljnhec}I z35nI703akktFoI=S~*x+7vrBIvYm;+_ak|Q_(_M67-(N!fH0cS)5ynAAxld_M3)cA z9{m)g1D3i~cU(~-${94<;|>v|ij(p7m|yz0Gf~w)=4t-5kZRe-rr(RpL^;T*yz_)* zpc26@VIQy1JcAFXMC%_tZ9=as(jiTvKhUeK=ZYE}wz_DTtk`;=&Af5HAvtrpM3h^8 zbpfMx`FLH7lOPjM`FKMFnMjP6eOvNBmB%vaYFB%nza?x==<+e}LKYsImD)*L>?IiL z4dVw2HnEwYlZu@-rZ7B5A<8YFAX}BQUje%!kLMozVE?-DtI%o~n$7)Pz~8V(REVcu z16wTg6%4~VA^WaG)?pGty)-&cujA7R;F>s_eY|`w%2}ps=EF5aC{KyO#Z84ASB-Lf zjxaqy8-3K(a=TSb;fDXSf({%jWsF2v+Ij=Z67E1>mG8HEGy7)5RwHBYx3X_oDd=Kp zEd34?F{)v4hE=(f*0z*;qG;BEgX z^HfbPZxwW$95{CM5XJHzXB0P8(FM!L`JxD!%A$>>hXoyRxia^Iu(H>`b1;Rd{nB_}fEvblG-_CE@&(AHkev0? z!$iF}yffb{#t8yWUOgAw;yqzUHk;EWmXTj(Auw+6MhjW|+gEU^#Zsq>)xHLiVU3w= zS|6W662QLQ%s0?3W2}|v_QCSs!8qoLg-&|G2Sm7tFtib?eGha> z+0Jc?3Bn|znC#SEE#&Z04e)EkxU?Aad10>*TmO)G%H_HL!JI;jJtZqZ8vIWG2jz4$ zGV90miU|9$;nhO?^dl5CtC?Y==BMm$X2vp}7u7#Qxi%%$wOyx=@v>M=Tv#fTi>#KK*atx`#(9YQTH#mnnV#Jm) z^0NFwxE&>9pKSU!$6ez51ydyLm~Fo>jD^8FRqb)2a4KXb zHmvWT7ekB_nRhR{NalOm0Ofh1utyzDJhV%NW`{`2vnj_@S#j8+5KakG>1z@@Xorg< z-o8{J zan$nmOi^jC^NtmOPFsJW6=nA)M5M<#U97Vkw0>6I{dgt*Aln?3#d<5_woo|k(4f9b zz>uOU9uMt|V}%?l{cQs$^s7LS#HJjlCcL*Tmm#?N;}r71zSVGq*xw_qB1S6(QMHh*$o?^s!aYz_~Df9C!_@u8jo!Nl#ycW(uE_Jg~Zp zUj<25?S$BRJ)9N^Z%$z-QrH=mrTe1hQcsCeV(tcf;FL_$TIiOIz|MtUV4|yCXh;@IT`v|Z zDbamJIcdy%>E=gl3_;e$Pmf#WbfRS8vWXEoze(o3dERAYtwn?*K_yTR6V-2;eZ>H* z*P&w%QTD`rVjIG1l$@k1)N{hakm{BSBOZZrk>?qVV9rI4mo@uh^NIN2$~Gr zC#_g~imkTH!ogfNGrbE$49;lKAM9+_p3OyKsfZ0!niaOPyJl)dtT#OSyt%!LNBJg- zaL=%7Sv)4>Y2e^ABAFm- zx#ynj7c96fq@|0hIpP;~qU&=5Ivi-(4u(Qy{@xu6Zx65#CoubEwJAf{7m9W39LN2W zRd&e2NbG=+aWNKNWqBMRoGtPDgs_sqKjL$v-!Ej1UBd37KR}P!Fr^xMK>R99#;&lG_DQbCF`=Un7&iq%Zs3VUOMc> zn`2D+FLMB98c24!2Dq@i@iuw656ev^XdEuI%gTpb1V z)(%=vC2e%Q-JuabN9oM1u-vhy!=XM*V=mme7tnI9)}C@4 zE&_?siYU;%0ZuR4t2z>DjIrYU1%iY)a9;=)FsB)PasPf`#+ZuwxFDDPg>qqAd{e?4 zVqgzWcu=Z-`zRk*HbA<)j~N;h^B_kzHQA0iK?Idn_qKnK+v)2-A(UsS+v6v3WT2Ci zjkvr3a0xY_eRPGOrIt&~_{6nhiXdXVW$iOeg6<5pQE;n zpXE%;ReJ+^gQLF%&I#ANwh&wFZz8pf)EPU8ASc6kk>I)XPl^Sl2o??7wE0g?KVq)j zB(kV?PM#J>^T7LNjGW(yA(NWL6VD;-Ku1i&pcF3>VIkBqYJ4o{04k+oRfxknV91vi z-97QO&|rhah5<&WsW%ID!IB0Y=fvg$4x*RUBdvVK0WgjqBRu7vSisd3uk6U%JnKW2841_Xs$_?9BA0 zjq`w+X$UMM<2L~}vKfpSYP{?9LpcRVoGm=zG=bdZUwszPWj%aoY?`97`l_0#F-yqB zog5msQFpEq=iqq!vJhJifF0vRCW=zutPn+cH)6f*!`XJD!W54kh}$t&Aj-850=iKo z55dwe6{Ad~=A;wj`qKaG<#C}(=Mgs@%KuK1CYWqMwZ=!{oFsOs2V$|q!NlLhmgm`W zTcoUs+2D_wqcYzd^R!2cuv0}_jc<BlA(Fge@Wv%Z!?s zB_}neU;FP@l{}*VMYr~g2uD#?AEQnH5vDAV?jSecwdj$Qvjr@&7ODSVk^YJ8nbuh7 zMEgXUtQc#Y1R&-KwJ}0YC%BfG`VA)ook-^45c{11LEKhCYZY=yF-2=Z&9N9~i*pFo z%v?S#!EsD2=L?cT?S916Qw^w4#kfBOoPV{%o~QATh#3&xLQujGFAAei+n<4Dg>4rYP!FOa^IV1!C2RE(W^3# z-F>LcQafjgvUsPk!aq*Xk<))+vM9a~L*nVv=mW2|Z#og(hwPjSq-wBeVCQ(FYe1GR z|F&aJ1B3M?Zt$IiSmD~tU!rfSDeCItEEQcd<5foy&S`&1}HVB(?qyf8rb*e6z;HFVH`!WXq$IM6E$yz+hEBPw~w1+=M=Ew;psmC zwKr7dKa$(u(s%XB04yWPuD8QFj=Z)I7+XpV2Zfwk#1?nr2a)G|**hi)6CWc}SKKP# zU|E$6UI2YkESa2I9wYDa*Yq8^1_r7L!WJd_Ysu3u`-*bTn@Lw8P7*O#sgg(Adt=N! zaO9yPBie!tX3ISQ zkq!j2y4gvh5B%goIP#eo8rV~Hzb=^kC@e9U?{^Ov4A=HnD`1cc$+ zp7=_@+X7O?ORlsluvH#`Cx3Yir|m0uDpb~OUBxb0u*-=}J2Lc05>s#Ih;wt8q_+Bz zFoK^_6<^6|L9?ZlDE&>F2W6R5SH+b=mSR<1P5dZGQ0V?Ay~*m2W`ECQraDD%unAC6 zSZv%}@-dEm;B6nnhwBm-IMmhhSuW0n?wr%?&jJ=d6YBTG-lzGvWZEEu7Vo2hP53pQs5O5w6 z%Vz4n-zPDkE6VVY*PvYWC-ubbLW2TH zk}~vl7#Dpto$*eBgS9F#R>qv|oHrmHY&~6Rnx|{>C z{F~W_Tx3nA*=?en0$szVV?0BQDwp;lWBs?X|2aHhIUNIHoJ%y#F_$~yZGS)yH)2?{ z2|2(P?4}UJ{1U@1wZ?F~&51^d!Djjbm#@auGa|)Sa(vL6rQT83jX0$mb^`abU*_0{qg&;*cqbw>u#_13% zW~s9viI<4OH;q#|ffs!O^wg`ibc-?mEn5An9@zd?z;bAyRnplH{S?Nvl6wq=*hX01 zi6eFtaGKeK;A(sKXa094uhYdHp92sAYxy|l3%kpv)yFwRTYSiH?dlwXPL%9GHVn zWPdm6#>DZ$PHA1Co!hN(ju@vjeFa(T*x$sediHn4XFuY$EI3YQr#I$9I8I*tn;pZ1 zDRCaC%f~+j93Dq;UDz^Hcn|ynYnkizD7$HNaN_t(in;OgZvdy8GoIM>_Y!1JW9<{JQR{?*M?hm*uE?f}avFk#mZg%{>kiSbbRyJPPfDO|^j1jP$ zvWHTOals<6PN4cJ=Dk}j3PVk^j>xG(mSY|E6%qxfGsLBt=3))&@K|UuD3Xh?nqm_H zic1>*DvL4cpKKeqL_YnKUJeWL?Qx5+B`rOtV$4_^!jeX>J$WWufqWu5?ZK1x5j6@N zwge>6&StQQPX(ORY1+uefKz-X&Y8|NvxCa-K&E3z!XTw`I{~W zljWCmH*kiYkMl%3jp+EHHZ1HkN?oTX9uVP>bRU~fhAa<*G<5V9TM6*}bZa)oSYhXY zqhq4zjKx;WDB4G|jj^sMg3um&Y#@L@lX*;f7inv8&JN>jJRz8-is^8B-2JzV=uPJS z7p`Oi-?U81>?sjMk=N3H+m#Ji9~EMnfODkyDfH=LT%>4-%bEiEfdOa1G{}<06T(hH zHAVqjDKc$+=wl7AZN0@>P)=}SUy3JB#Skvj_MZ4t$Yun<-SE2n%`r zUkJa?dFSbEe*4#)v-76h=`(lk#K_Gd97BE5ILo+E)_iUeb|8fwCIwOx__FMWhM9}Q zx4;jBUiE}ncT1d>vh=>#-D7;-K%{HTII6^pzsrJT;nK|B1SXiaf=km?+JhV))K?E0V0INeAE@&0-WuVY^e;yZDJ5hkL-lT<3cWBCJVZL8Xd!+2zr3m z(e9UkE4eBb2{K=-qVS5h53{9E|p7=%_c|^6Y6zhxz3=QQ&J13=hOtf1-UZ(PVo$6Du&b}TaSA9Hjhsk7j&L-DhqQz1bzH7dpVJHnBPIqbZjyOZ5$K*arWTb@%HwEE&B5tbCT2v!>l zBJs1;eXJ|s%+J)m*6zao7F`A=B0Am|-mhRkcDemDLl)g5%1g}7WO{hmWqj>7U7 z`G&JFHTX%GUy2%P3mmxc{G=G?5JSdY@n7Lol6uxu=cMgbaJ1ga@o~1CWFyCGVeuyc zOQR*Z=<~V=Qmpr_5$sRZhE&0N_MO(R1v>I%U$7W&h#?R3n^dLWj?4b%s<|%UY$C>e z1#c{N4bD-gxS2>7S9M?fW<1E5qchMvOBXqp8l$YF@dK(+z=(S!~BAdH6-FQ^iFqrRun;FwQ7?%e+6_71h(SPq~nY ziYbSx`Dki@_4HM9%w+Z~np3cN7tbxQBItljGeKXHn7G_# zR`z9UM=OhzO}ik{GGp1svUmS7(>uV)MNf?F!4K&e-~i@exrw^1kZS3jof1^Yaa2(* z4;1l1O7#S2JSX6mlS|h~pNkqAlrnYuSg{w{B`}UF)+Y-(i#2SF55{$eKoD%QJ-c=v zzzx@1C9ID*jTXx{GIhuh(iZ;~L6KCkjN*nyyk9aVtyOyFV~c*U>o<=ejuxUiG)#{{ zIf?A?tJ(29V>ZA^sh!JIKkgS{!Pe_ELR&M>h;!*rDzvu78)ZKz1#!B764i@y@I!Ro zgMU}ZUyP?H;!9zo@9d0UQs<^y$BuJhT|Sk1HK!-~2VqECKaUH?rvjEQ7i_3XygNBB zqnHvTdwsQ{kgaY|(dbVRBpqDaWO97+p&(~ZdZw6u6){vm$@PF_3;w3Vpk2qbD)cqp zMIwhLn60D6v4$ zQmSq*w8m?~PHiP`SaGfFC}WB^>^d5X7;AgtdO4j1a=@F5dZT@_ zV>6P~t;}c8*cTm_g~JK~wLGq59uMV+##P2cWi)zpEOi3^S!7&y^Icr(?E9i!QFw>j z&k3J)BAn~_Og07nC};uJv6^Mzy+Mq#;MXThQGHV8se6DqW>@ShhDIJ6plI0iZ?V+r_R9-sJpXkoIVD zr6HC-C;LIfD$%7mc9t56Eg&nQQ$>i~u@vmhuQ+HZ#z9Pen z&-3EeE5VjcrS42?b^Eb63!|NvG6!SYRS@KYwu@b&y@k?x>W!6eulE1aL?4Ksg#7tr zHsyL^uWKM&tFTCxRJ8e`97bYpqCegjOJV%^)YAKdbzhrK|`*m>0jdeCJW(cHl6x*?oE$oD$n35by>@pvU=E`P49GSXV zN5_qFJHZ?VvUL<6iE)yW>6PYUYhDjWY|WaCydmIn9<{D(xB+&WllTQ}%T+pO1qDEtlzC8cSP6I3X-N zsAC$!PQDq^vS=A#2)Rf&^F&3Er!8)QbgrwDt&eCIgUFbCCb!_IF3o>}a^h#P1Mq;L zqgQFS#um3ikQ;8nw8nsdJvVZMa-X0*S0>uKUy4ZU3X3jj26x{Mg#bnl8-W$b3saO> z=8ETq2%Cr9`{J-W0S>!{rQcVA&LIZ*^4wUrU)joue+&3eo_8$8PwAhsHWnin@Fxv; zT3wteC-tF*?t9VQxE=mZq-5khK=)k#vyUEs5}oFd4s*?WfzD7p69w%stu0D*OmD@O z|JKo&w#g=oB2Rf4$$z~3KP7QM;fO6;IHS1aup%78z8!S!XInoh`c zU+i_iL#HFzA=Z2VU@3Izt>N{Bo%R`OxDNtJXjeyPtoD%IdgWjfx%sS7^_qCD6ZU6S zSOwqa&p_82j{2q6Fhz`$oF`?;Zs7Og)WDOAW`{fsvY2{{ezSAmN1&WI4trYTKw*z7 z)lBA-Y)W1yJnDcrAz=ufx)4N~_h4+Um)p^zuGu2#$I*|$IjwcfI4%?<6--yFo6uPR zrK!+7h1&h)<4|c6kQ!2f_m*Ltu5rBj5`#}>A2Ao?6ao{yPeBoCU(!)+FT@8L4VB<0 zg#FlZW>OlNXg6uZ(^*)aKy*jHsG;`M!3o=gf60hsbcm-!IMvLzbWbGieg?`p?<~;s z==6Mr=Q57n3oa|MZ8J+8(&|KV|9u`eiPm+Sd9m?dGvCQ|P&JaV;+*rz=mo^5!tOKJ zdDM9b0$ch8NDFKlhlk{MIWf)wvnP%MHWxwahBV}~tbe}jsSW)r77`+eYzo^R+VER* z5m?=b>>nk-L2A4n7K_q^U95$1#6{NZSfJR|Ovgyd&0m!$w>& znqLB|k#hU)^_R0C&@7<^pZ^MkC7#Uxk@yj>LZ!WZVvL-^j(>=BWot#>e)rch*ubG- zlb}BtdMkr{O_3Jg6qIfW`Hk0M$atGhKtB_3!D17RnGlWtb8$|(HojxQ8<`*85g`Z` zSZ|A?OY3ZlWB-ZM?T8^r+puYa6z~3wHH&H{YXxoz{woWO-HaR;>H1@NajGil9^_*q zA$3^AzSh_;1*~)W<46IgtWJgqo)C7ip=rv5_SCmBqPa`gw=Nc;kdv~zOvu7uGhLVe zmwp?@A@[-|zqhBr(43DLpJ^{F=cclsf(4z-Q9fSP_aK zZ3UUOJzs#@Rbpw?9{T1&O#UPb zqKfl>DovvpJg^ThC8{<-;;XN1h(Wn67fzXz7aQoZt`wVged*QUSJIEVFqu^KZ~k_@ zW2P#T;Dz}5Q#jY|skJks@-v`wOx5A&>{t>02IG_zCJJA^HR)-ICBASllvKsoF(aZ!*m=@69&(&rq%@ShA6VVJXJ^4>x3edD4IJ=Tg{e^SD+hjZ_!t9ul_9E77H0{uiJN ziH#|=0Whr?<3zfmq?h3|A}_JT*dYPqRd9;uxX!fKSAWpbej7X0;D3x)>R=^ zSQ6y4r~1tK*hHLD)|=zl>sDdDAT9>l6_y4e@3F&U6FHrs(G@XI$kK0O)2lN+5aBE^ z`D5#eAvWeO1L+9SbK+o|mh*}@XT6kbi4~Uxy25ZPR(3&m5<>wL*pvN-++>D>$Nu;w z1?Y?x(6!(n7Y!St?C0fUk|>8=bj*HPp|{c2If zJn;DCF}Pe7K9VFmeQ}K_=XpwUo$Bu8Ge3#33hMu_SAeoOCt$=dwidQnCa@`q{cl9@ zsz{YevcP;($T{ibRdH#SzEuu|=S4ZcSP?JIStF%#b{W?3I@x1_YGGVlil+sf0InkU z#J_~e(`-iMUw(rdStBj_0d4bau#y=%CuXENh~9c-7*dlg@>!Qs<%fxKkZo)_#t31{ zfn7P$lNUh(TH1-^S^*;LWxN=>O6IdJS)Pv;T!zV`IJ|AY5T}p@ke@Eye}NR6<4+;+e9iw1a<73~_KL zB1Wy9g_*n>5_^{kR&Q;^=qwX-N?Z>(NrY>F)Godibd=oGOy-%D>p-b%oE~een}y#~ zK>siLML1K5X|mIV)5gkh#{ZvqpR`35K64W{UAi~ z=lbZ42G;j?TvgR1=t)6Kt5#a#{qd?8&)pdRn1c+UJ;nj!2GGRL;TikoC;k@XcdC

kM9h*Ie1)a4tw zEkm2l;ReFSPz2Yf_3S?cT=IOv8S%25M7HpHEG)#@ zn}Zxd9S2Nk=*0?KK)E2s>4Lz?!Y)?yOyU|r*Lv-}GtuLYfH+GKtxwJU_S_OCt&$jq z%g1XXh?XmLXhFR3JCJ13#eUfGTLH*0uf)VuxgFW`hADB9AYVyNJ@LJeqoIvxJ9xuw z{3+%-W2)SQ$y|!wDFt&dc^TgcI5F(^vrcQ+HVdd$+D&~iPmJTOqPO^qpud=~Z~=Q; zpNgTlyZq=<@0d$d-deJ^6^&5zCcsfdFX)s$1-z1t$ zbO@Dc*RkH}eoQnuAV(NKCsx;We<|XT#zo*~P;#n`mL8I{IsC(IZkpzwu zWx-G;strjKcv!T1K5r7US;E6>qhZPA(BgJgVbYU4br`T3&+b zYKtl{#HA$?yK3_V-I|(oheflaTg17KurWXNDc9_lg~a?@Pf~p-hG=IqL-|H-r;(`+ zo44PJa4u(b6#9FZlP|S9RGMtvr{1xQtE7i>k+7veO5zPc2g#&|5#i_Z|CJot?70X3 zyM)=uPSi^Q9@iXiA)*+k$;zOol4#r*~D9FD5RixYzpTh!0v znleKZ&Cv>X9*3WF{y;rS4hwD)=kJo|W=iph7!rd56<0~d8w~U@u+&WeIOV!Wq$OIn zC`7gJx;RTtheX9ImOA1lF(jLtgUK@R!SeSkACqP~W+GmOT0$Y-6tni}>CX(JyO4p@m6LLti3Ye(p0=<~D9sA0vy4-il{?f<)-Y@%W$@LByvR-2U zEIfLFZW_UHe$MOflb2E@HeX3PEA3C4O@N?ldp6Q#+V3S7cffIYW3s&^4ho z(SNQ#5CWl3X^K1KOnWL>Wr$-Bf^a4$atOfQ%JpKh&WZ}aWSwWC56=80_r952x>#S-oOVc}vwHkt*=HI+U(Y}7+%US z>Z&7SpMJ2z*HV*DxL7HU(2@ztxdIk-`GsQAc#U{x6ytu$#=>=?kZLm;rz;HLw!j-O ze6g~ilgv|pbfD2tW;$&&;At_I%Itv{I~(NiXBPaZ>Zmzcn3I`>j1i<26kB+=K{JNK z=0Z5H99op(ph0_JYEon$vm<^K;Z*bv%$r9^tUeEhtfCMyH r;565^6l2rFfKJa2 zBV)Lb+bj>p%#+r2drTJTL`tt#y8_1_o>5%MPNv#R908@;#)DsL%k4CdA0Ukf9tpPm ziL)m$vva&S`=Q_AK4BTp>p*eg&*g8dQ$U^gR-DsLj}R*#1$3!tlFBBV>JFD3#k=QV z_@r@fFT!!5rq&w+!i1v-87bw91(5-R5tF-Tg~&+P!Uge$+|<#j^)d5koDQ^#6aLP4 zrc5v=L@3)FgO8!)XfCX+4qDq{@y)?^6&_z0#nzO`@!o)sq zTr6=sP8Vv4Nd=zU#n|)AA_sqe5>87gHOlv#DDw6A)oPC~p8z5QeiDhb+t(*SILu_r z1ue;w{efN+?TP(_hyi;xvY8u8o|5@bZkF&6w;0Q$p(sh7dTK_n1&z+rxguO*lL+$L z(|}Giry_%~(&^dXn^%m8R|TDiYFSrh?`-umppe1%fmkG`<;eOk-_^lWc-x$racC{+ zeI+zg#W@tTH#+jn2KPM+$_Yi&ot5B4=RhEu4z7mx#Z^N7n?)V5#<>uViU+t^06^?#|=C zB3(Rf>?bjw{?+ecki`yL$9i%)0nO^tl3Bnp>Hm!r;tV;{`l4wX21UhC67-}pt@mT< zcZcCI{yhG1x~EYOrNEdI$z)8! zzVUjOX8st2Vq-yOg#}!n^e4X;c1}4+tiKH8xN|Z(7Asy3VZk-B zR-~Oz65|43pGr@E#_^(D0jufKs5-3X%O6Vl8@be6k@;e7&{L8{%a6n%t0ISxvEh{f z=W}10-@}5GN9EL}c=RgV>4b+EP%~3sRk|8B?W>ZlPm;I9HE_-W_Y|-!J6Qx7l)*w2 zxr7`C*MH+OLD$T*-zGcvicG5*mzbrG^Svl!-ZU;oUyIWbG@@C;&Z!7{r#U1V`X~Gm zidZ<2?`QdTr64(BZ#P~~-P=`EU}y!N+|QAg!)yUdx=HFh%#-Ik6b8%ML997n4|H0G zOypwRQY6JWbYgY2@Nz3Gd06~aF4c|XX~|boe}vUsKxyZj^xxJFU8z{=2K+j1Rs$@R z;yf`HEel5uEZMSL_C`3%ZWIS}!vyVxEwnsFgrjj`NTkJS8R4O zz!SpS^1Wet!gl?EFBCre;*SEZme>@zLkIz~UWq54?FY*3zw79hRY5Pm6UyR9r=#lfSG@~Xm0lfng@A=xjoiD_|JWkzk5d=$AE8VC zb@)}3>WC${~GthAd{M^_~QfqlsB!E;vWS`u?)3s`5D-CvhEt|xOW0QZ+i z@#i|2Oo%Y3#ZxRI$$KZ_?_P)-VRIjhb)$fN7kXwD2a|(>iH|{&0a7PpLT9It0%@W% zxL?o}Cs`HhZc!;d6>HJe=pyTk$H5j)9ep4Yp?37)B}m2ImetQGY^wwq`DN(i?I;7Qk-0N+yAM|llFOe{;ORKa?pAF zpX7E5$Fp!{A58>;p%TuG6`uw;xMVhq;MNeu|H+Z~rUGdvRFE}AWKj7`_6?6GaAwKw zS()PKNdsM6^{j(o+SMORJqK_i8k6q%S0Y>>l`N>~A?c*f5ozJ}OI7q?VMpFesLA`~ zD?Ok2k+MiUF6@Rg4mE(a|C)V*a%ys*6-9BDa&J3V&ah1>2KiK?o%V&?o&!jM+Am0v z{%v1?cfb{xxI9zP-5GoFOE1b0FV4RuWUtuljn!TRIzG-IsI4&|hL3H$@p>Tyj8YXl zECQBHX+Y)G{Wl1gNV3~Rausvj~+v*JhD|5Y9R$*Z*Mh)U(cz5e6{nDfLD zU0vnWxIu0bDFrhQ+&%_5n;1jZX3N86MwW?~tE}@$=BE)O@AN#={|!UwF@7X>y1G+L zXIH6RuET{LYH|dEx}q3mvLTlI6sH?m3x%@2pe5;PqYAgV>}RWrouWg~a_KKh|KwN^ z2toG#Vx`XjLk$hR3>wkrqS6m!0Vpo|9Kx{_<`z)tR(ahk(xS3?Vs3$aBhG;(*UQN5 zGG9QYxj{#n4-XRKI>V`mwvv>7m@Z6N>QSr%<#w*JYt*sJSCGh8*I^mmj}>(4lasri z_`MjS;Pk_D%4-%wIEq>x#*E*54NjX*a#OM=TFO)_!zDS4Uqm@zOcYC=#cv!i)u0+{ z1iT&m9|t@>wU4^Ius_LjTb|lBQ;egUSnA6$GR3Q9%FUX2!~c9o(ed4R-}0S1dsa?p z`N(`Cx&2DK#mAW%g}3f^5Ec=m8HZCjE(mTf(y?}Ow5#UXFUm5&AXzS+7Ir{1MHWN< zE_*-~b1+W%9uHK(q|w|h;EcI?#lR04!zsHCs*V-o5Ua5~mXEW_1bU+QcvFPaz@A?& zCj1C?GP%ouN(Ap+iK6r?url60yn22oAMo z8^SKd3nDEYtznp4?Y$%nvGD{pvOiDA|F;&Bo&0yjIQ~h}i`ZtV3^&rB#=gR74W;2| z@9*xVp&WCLWlKAwP)mF*(o(46f;bQBEd$}Gn%QWgCM^(yMCYLgy7scT$!2nA|8)U> zOXcFg^am0Cw!>TZ7yJsw$-pXDqDHmUuc4gsMrjaiE$lYVePEwC6_uO|e^SQ82zU(4+| zu#R!*pEMm`eg#;k74v^s5H8~e)uClpJLYZSqm+%MUdQ{h1ayS zYh;Z%WiJ>2<37?asTVqjh62+~-op8fKZ2=4w~ZCsTrp{fh$dTyw193Dhg^Kh_pwlt zLsa&EyHXZFqilQd+S|(ZY%7dE30Y(E?Cz__0{a zf2Q_^S6K~AiM26lI#+I|otOENJ4v^$4&{__DNkE_4~ua*G)jpe>ehfjJm}Amz%>DB zUI)}DC+Q0(TaVMn1OW{M;Yy*!4;dT?`)#haR~)1W;Knk`OlO|PnOts2eZfm$9L1ib{>x*?`;MkTX^SlV=wA=3#Yi@&6m7Kn> z6uStKT4wh$6?RejCpQb}WOvz?Kb^Z8mUMa*`yNpg0ctn#SGg^6ZhFQ3!+@5W4HZa@ z;sKHPXL%Hlr|x!isa})YDXcDPWB!2cAdp0d7FAaWIHy^`y(o?^I96v%iT>fkl%Up* zON_Di4aWzWq^VVHkJBl~Y9jWg`eL^c{yw>?gwhF50%d;CfJw^uU!t6&wn8!96?73u zcaKhGtqK@YsV9A7vOpq>-Z)Zj=Lf5nj1NbNa8Tp0B7UT{1tIfy&2XVKSJU=Wn-b_5q3}8anfF zi8xoKt^rIqQSkTd21QZP;H6l*%kG&ETO}yPiK0}SwGnbo`Tyi`2?A}|ga0in-IpoF zt$Suf9d)Y^--{rGCJZXaW|aVEm9r-8bX_FIsiK2StcJfL3OTlM>8CBWtMd2L&{c@D z1RNc+R=S$^MGVOjozKbDnTI5av8X2VFhTDI466lOl%9+aTj)6ej_l!Fq+j zt*2K+S#aEXYK|o)XF;g`7NSXnzrh0~*%yBW#ScaETRdp<1&wnmN-h@t-WvfLh@hIiXUI5D_ zF=_{TlI|4&=cF6!9n9O}^}V1hPVQqC;{SwQ$TE_}05_rm#seIcj8oy{XsK4LQZ4P# zXv{v!7g}}W;(RfViC!B$_fkAtrZ~To=3uPa1lYon!w}_)b&Gm!Ar*WeIRj*>Zk+H`N+*#w|&v!+TINAvhEzbm`Ng>bDYF{kM#ehAYLSl{Qq`fn5 z?G&kGcZn!ugMJIus5vV4$-Jn+tJj#auf0%0EDu`Z7-46kntrNcKOhN_W@wDqAK+wG z4&*u9oG-#zOok*Dzhy5C$??S22jIn}+{#`RZGz+xloB|L2*kQj9tX{|K3fQ{v2naZ@vUlkKTr z=RiZV9<(8>LHe{<=f0Ks!MJ81xu-AUJ(v{mW?pC9CO{6@bn)@<8Z8h*t(r=Awy?wJ zgG8~M0cW?o1EfuN#B~CWtclU|c0miXhRrNyJCBJW^?h8qU#@`L;bW1Bm&%1zLu3)- zMgctb_728(t+*}QW*KmfVQtx$EwWeBFYI_|KP@a)Z)?v!nb6UNx=B+u5uK9G|)D>o-z5On&xXeKCwd@hFaWHH(iTlWK!taitlaywnsT?4b?FT!c@ z<$ASli2)clF|G31p{KT9E|TbJ*E4Hl((Eh{M4pd*go!{#xxP=`Z7hkFos)evdQ8lj zYhRtLeeWIgKi0BYoFcYn=;il6l>bOOO_!ZR0ZZGpAQzvODc*SGxU@euKMY@<*vZ6v zawCOQH;PU(S4hnK&nq*`X}KR3w~9&oKD0rSQ@bz3S-j)x8{?3}fn<+oJY$~RE;LF% zUyR2^xMfa6t+dpi3Q5&Kvw9yr5ycY9KI&Jxwun= zEjnmqO^qI**wl_OE&d{1m>Q4IhC5FFQ4e%uG835Pw%Jx_wlopTn z@;Ng)6UM=-tC4n0hbZT{3X`QVSjOxy%#PE};(x+tjmS&IX9Fw{bZ0pH?mGt}m8{Mj zdSZbXS15EonUt_?!IkB6VM!R(hGkQY5MeHy&jjyC0TNJ&)lH6&<7HvT!9f9fY1^M? z4>aD|xmPUcPM1$goKMGFB9ju+Y;V?; zAeU-&qRB05rSY;@f5;vfmpU}fntBzaV`k-5h`WV}35DO7bq#Kdnt?`2^hb%YZy7g< zi-n!PZXb&!9n$94LL(^h(igJ@5VB@jl;?BT0i8B3#A)>>iQGIN*20rHHSKD~bK+b& zGufYiM=3G@EkH`3h=J8}=RO4Op)7(9>*p?o1k;9SCM#mLxfr$%2OTji_lQjW4fE%=h*(PEC_7F$C?WqghrcA znSWXSZV005WcQ;&ZilZb!y!!iXRma{aO=xoedD92% zIeB^dWC2%6RD~9w*(XeXnFv-t z4B=w6idBi{yP%vt?zP2DWmw15bMr^|*MeftTIaCZIw**BOjv@Ft&N$FIutg9_592+ zf-XK+3- z2i#3h28%~Txo;S+?Hg9F@w><2h^um9)X6!Nh3uu1+r%Q-W;AP_l-pr8Fg;e!ao!V9 zmdbd>iOU4>-OAecak-tMeTqD|{deJ^K3rER*nLAavEoT+i-5h6jY`-pNHv|5c>!md?Ql5>ew{{rC>VsAFb zZL=CNmJ&7qDHSGVFN<@BkXblS^zgQQhCkBmGtc~1(BINrbbYNqR(=+aQo~>YonwWN z6V7u~$qKy`cRdH`RP{5xpl=s}7-#du*@1t}{+yI+DK^K+A{h*8e{urZ(Tw#AF(jdKYE7*3B5tP-4H4#J zhn5NE`&8>|MJU0nSfBkHZi20u7XOjc;*lQxPlB!ibPFt}{1(aTFZts>rm$Pf?XpHS zhY14jcZwnqHUzZL7$ZoglBarK5^(ueX-S@7f38K8jvP;X881%!9G1SNxL1S)K^dWP z5=*@TLyE^uizYcKElh3GW#xs)Rv-6cru`ka!>Q-(yskK1gyZg&t&}^2T?R}G*u6+L ziXSQann;$T>Q#J^{2m?hA0Xi5P8;aY7imF9igE=>m9rpE73rY$+$5(wta##du}%>> z->m4ac@2WFxnI~4FA0!#YD28@I&LQwDLlw+;6 z@*Ky*ap)Vc6h{j-y2--N{{Rvv2YWll$bV*Ea4S!vA!apV>wnn`Og_e>fOp~^idq4u zOXor{LD)r;X#DaXlo+Q}yBwOsE&mpj>pufCOAyL*{M&Hp{3$U+<2|O6MLYa@G*09E zcfe^gDe|TUTjcDbZt*T`Dh+z&S@fRuqNoN;f2ZZ+5Fy9dq`L?7?{U632i>YY-xJ=; zz8E_!+TYLqoueUm_6OiJ8+v#IL9F>96y?*)VE3Wi&Nqj#QsUX*BL~3v#gkP1@!J%W zAU#?YV}+e0Pl)JA4-%J*54z~{w2;F@mqDkfFP9lk^i^d)5aSxu*ee?sUyGn6Os7Vq4 zy%+TeTE9Rlfv!YXXE6O+>L77O3R=4e`g#G^jM)R6eWP2Bd>#_(Tqibo5bJwok8F7* zFP75^R{Ro=WOWV|O08mLVRw8@By#hw{5P^})^`7;!j^kJ*H84*jbdzw2tvI#+UJ|+`M^lkTB`wEw=bv?x7li zf#$B*;6E^As#jOW(5(=3UzgKcLreoX8vYj2k#bK$H)3M*@1Pthi}SebvY7tN{K z%YSpk*%hyrF;`+M;x%D+4jj1adRLOswZDgUA=C^=J7eV^AjtVvTgU2hT4Y#aMyyG7 zSW_$+(ju5`H+IAK6GQEz%qiyTA3@F!0;MYGk-P;Wop?+ow#7nWB!u0Qcv5cXb>D%` zfgaS&Ulv6onx@ANKjCyDqydbEi;e+L6`P*<=zN8V26y#2BY#YPSlqQTdBqD{|INJO zOLsKWtRJR7T=v>u>F7(GWED({V6}?0zM|-XaoNaw!`XZl zXy-%^j3Op~aY5>LzNsHLt&wI!L)igeP|C8PJ&6@L}y#ywT5syJ>n2&aKQMC zsp6@P9|RqjY+{qZs&t7FFeIxw0Tv}=z1fe?*IuhT!dF77luG`dP`E+>?8=y;jP4#w;9=;YTk#9X;P z&~eP-5Rn9w>5RSeM8!w{BJ3}vbg`fH@h-5WRju{)_ zwA|2vA_t#{AORdS&52nwc@#ZM+nzurVca5f=FU3$MW%e0f`O^_20?uT#rY$E_Mc{;~#b>hbFO;MDsaH z?3e=(@F&g8wfEfxXhE^a=!%1d`5Wm=LE|Sumo>vVHsTovw%Qer;Al1ZSZX(b1*RQQ zTcX-WBtCQ!5&Ncqy#+Q{1swYXj+6%kiJkW@lSR_byMvKKV#!ex`rA^14y(I3NP?E# z6CZAXtOj%4+7T;L>I(bVCfceJU&yFpg*HQb=bATyJ4XLokoC!-p0ML+D{whNHZ6V>=a00P#@28x z1kG}KRg9L?f~@31CxbGD)hLo`&@!mUC+o+7oT3@5dfyauXxuBO&wfXQbIQ(Ovh*sB zcK|d=v{N3L0CG*mDxzxY>Jwqy&!q;eJgb>LDGN%P^;~U;`pFK8qL^A4R|q*MHceU> zZAA3##xRGKnZ0PcOi&%eDH-KG??)a<@#!{1tUVJU=dOy7@dZzl{^jbl@ zE$kd4KKjCnX%LpkR-?9#T0zUavY(Dgud^Id=ISt@!rUPjec~KzN%yE0l!M{HqnJ^j zg<8cN;5ot6w|e)!y}%Z8wNI7eC{ZfMnmA8RC#jC!{Z>If?qFdn)8>VS>|+e-uzOpI zTbiKARdUBi5j-y1<>g>eLz(XGkHhu`lP%0oXt(VaLH}JRP2=J| z;IzN0kCTPcUX;a+%>HuRUM3qjUX%fhQY;qfaO$bDar(Ys*N`Sz#K1W4elSDRZmt;7 zG3laFLZ^#1H28Y8h}HJmVtFT>Z3S-k^vCu41MQ8W3(I|}k%PO%yC$(*V4UzO zJ&ZX)m^A5JI2uzx4}&Ro0c97Hi4V$6V%ZL6#d~)vD3wk6jMIpAD2uq6osDL}R2)O5 z)C=OA?wPWm#GzkLEZLC-Rn0y#_WoiyQHU)Oj1-*KEc@xg*10q#>Sy66Em5{o&lM!8 zQVu>}ZZgD1?&w&uGxOI)6OPDP%y5_J#-HmC9X68RMua8bplV-=BYGTeVtDFpfwaD%3DOh$6d_zLMcpho zO4!w(NNs~kJ+%@ICdqe#R2Mb{k>Lg<5T!GZ zq4`O(rK4X$a#^`Z%fYpQH?6ynN3F!g|!ndil7^8nkWBbuo;U=_$kQ+_E*G+xX69H| z+#swrQ|OFu<#upYi5AGYM?yGJ$vGOO_>?FTEiLY-Kgs}Ix30KKz;QDZ7}V{N__H_% zQ16EkGi% zaox!vC!v}Z%bh}giQN1h|U|>hk8Kr)9#2ICb_*&uy zVT;ojhp0rKi6a$>?aMgsG!R9H(pr2Vw`!^EY(089z(I2rurpo|=1)xo<9h+8y+Pf^ z895>giwDX+Fu{j_SbLv|4@V%IjHsW1-IQdxL;3XphW~yydh5W@iCTSY73qu7&llv!;X}cyT^b~W?g(2kG zoEV%cx3fNF8m}ilE$pIBj!6?miM`Itf@o#IMb7pXy0Fa5VLO5;!5w0p3M}lg$ISUHngJJOUv|)6F&cg@ zhO*V2;&}LC11wW^#ZH$1TsmZvLm3w?#4^u$%*dMcE)o; ze6r{$4qrbNK*C8)qeXm?{;492QJ3?lMN*qndw%5#2t-D&KCtlm`1wkpbChau>#U>q zDp;p-D)v>hoPAZ4ONj*-&*w5LS}e{2?c(h{D)ld7NT%+pVB_X$5aPv(Nt`aX6T)N0 zoC%z8jR~f^EcX%PSt8Q5C5^Oigb9l}+B6tTT?=xOa!loS6@cD@dG8VPeq8htz?%2lksy(XR&MDiS* zcEutArx;5=UC}t-e_~Xx7=ILS8Z;cSl5i5RbDVl(1EnKYydH0sOAC7F?NKknX=rES zgiZdqs!Yvb_g-s@xi{d;<%a&xQ0`{k2uoge8nH#R-GtkTo1&aQA?%FkUA4cJ|DIXs z>x`9e=I>N6NS`RiiE)WzJCkirs^L-M80e==iS=*6i6lBDrB?-rY@ij*a~j@j>7TMo z9EbmjKhrv$J%>tVIqOz%F6lP>CN{)F4IZ}jMm zT5XdkWT2M?Ke-(@F>t6P(>|Nu0dyXD35KpPwh-eunUN>0zU$7+6W4I{An5U8?1>i_ zIH_RI`YtGUewxJCM)*YwAT4n$jqsZD-I=FkyH7Ljs1)g1UE3RH3R%Y7=u|QCc!)TH z;dH*Ju5YohGBme8HoeFH(I%1|)iJ^rVYL+h1Su1yK)vw?0lphGW{0T1H}ls>g?dZy ze;y36wGzERebs#qp{0m^@9y^loVuB4=jl<%=oOc?V`iZLAJMGq_i@<+_^^~U+Rz-& zdJrZpS(N-$O3#)lMmwE<#;+d2m#Z{JMbcBMSo>jE3pIISa9A00g1J-Vg~_Gf_B};z z$E;C})UNqR_BF;@N5sv-E;lV_`WD_vo{xGo`;3uHGnUiEAl6jr^LataOtv{O{;&|_ z6tP2}k57f2?y?p{Z2wrs%2sf4F##1`v6kM*5hFMnT;}nN&^i`Fz-6L2c>;X62n(+( zN86%%ZV=^sR`dP~$54%8T&t>Q#3@29H&r||K=bk36L3@wY=n2mg--&U3{FXq{bM35 z7nU6zvv`3p7hj50ZK7hvHBSMY>wUF++UsdBF`|P;r?ui=Kn}3BZ4d(uTZwSRoH}kw z99V`GBZoy%(9v;&tIIZxE-sTZuz-*ZuCZ7o9nQl0W7IQQ96iZgO`tNIv2+VGAyKol^bg;PY?}v=z-Z`hyq5AQxuH zJfkh(AT>>ojs9vZ8~Uo~e@HPccB(9u_rJjZPEix{wO9mnjOpHKUrZB6_=}ESbW98g zAb{%0ak88ivW8o3)4vEY)C<{Q7T4-U(jc^@)bcWJht4tvolFvR>?>I)v)M1`h{Yo8 zNr#?Vc1Go^4y2K5v1iClNmCu!D}7eTzS*xv|B!L-6>%2Pc&a)gdNcig;hj{4*ZsYf z*n5QBTFOcsG5if!XDzwv8rzGoHy(`|y3%*9SR}*v&>OD`IM&LZL75F%z@PaiFhz z?7J{dBdYeS(uAoKmHWmbIVl`&`En%E{65HqgDyp)nj6b}V9!l8@mo0^GWSgMqRd<| zRF+=ecm9jq7FRb)y*kUS{}9R%PteBKEMX#UWSi+DoTR_KzZ=8%0uGo{UrmMX6GOV5 zx>$D{z7(QhxSpXZIRE3!dllN>7uknA7?W7_ z9Pw55A@?}D5^DpogGh^|O7&z%;dHrKD32W$fro^)SdrR&*6qOF~IQKYUsf^*^N{XT#V$v2}%rBge zNN*EG4rc1f+~)-xFZ~!x)s>cpka% zn`Ba5O6m$n3nMrtLp^b%0ClUDM^fZWYauhMv(wKgxqj_#uC|gtE3u~YVi%2V!KKAow$hN{S$AeBGemmH#!9Rc8>D)CxD@lmJJ6iZR##aK z#`&j?#KwZoqBNi}P*WzFI2Pl@k=5~mkVmssT`PB5uZz5JOK*LED2F$m{gO)sow~#b zR$@Z&s`6*HjMafYSN2&Q+ZwHF7;;*oeXOTam`*Cc7j!Pr7}JQSV6pq%R3Ds@ca7tEu?lAv-P|hz zjBC`#@s-iAp8ukTU=n}*>}ze{F)PtZzCocgI{YC!`)o5f2r{tAY-#QK9`J?D)|NCfjRo2;r)jOoue2 zs?(e&o@lYxNz4C9h+tSqCPVWkzxBVwvcu@uT*!fHjn6~%A{=WIeRpgjjLaB4i*c-g zWzWTyV4!l6fLF~LXTR$ zE{44IYhJeJW&kSOHrs3yKcwzX_R`kf0zU0w(d*ZySt*)CI(F3E>5<|rF{G}$*vv`c zW?O;?SvxN=U%-7AHYPhz&P+PpA4OZ3vUa0s#jk(o&oCy=!+AqsFy9w12)LX$E$0yY z6A_m5Jk~S4TV?-O6?>R(Jg_wc<;Vd_auH{>-4>iq>o`eB zSNC(prX3)PJ|5VX7zRmWuNfC1CnDpHN^B}OIUX^b&4gV9Tq#EE7{{c4A&gv{C*X8f zj2gz{oQ8cYcB#5w2s*}&o>^&(t8E8KG>9%Xk(+4dB*USACD_uAogVgFw%s1e`!{U$ zv}$FiH!2wfj@3VwV3YLc;zJScnR=vuAR~T@#Zj*L!a%=tB6{Mw5im|s*TCHL#?{D* zEG&+cSo=*9L9)~%#ohwWVm4Yz5f<>% z38+;%J;fajm~U{aOMvq1B!S!S-A!#|6T~&A7{O_-y(w z{n&)2x+yVvEdM$!OyOve2a2$$nWl7Us*ch8*m7r(<*UO~nzmIV4;AlZG`1Au z;az~Km{OzUTlcYjO9p-09d`%1$?@iJF7_8j3Z>3m z%-GZJc6Qnik=yy;iXPLDf0v13FI!e9zv083Pdg8EF>>4@#$mHjfhlrf!k)&`|NXM> zHg%Le@u?UmtYU{@v0b&H>N`v7CP9Z)CvBTq!p^=-tg&*V3f@wa1%VZx*sT`mG-J}9 zf#S$AQN<*wFOD0R`CuSo@AgI!B!Z0uy*u-!ASHw8SxzT+7!Ps|=XhN>UQF6qqMOl0 z<=ekZNlU1gQ0@`soQ)c>MLZ%%pt|7P8?Otwj4-jG8!n|ddO{W~!!l9jVo{l*H8bz- zkAI0uv&UsaibMp}yq+s86LC69v=pLB&^2uHF>z7(&vA(98$k~Q_0j-ff~9SZ6(&JD zwdkH#> zoNOS_d7LTA@l4ip_VJ|%%cxG)TC|7rl{i<3QW0I`E$hI}F=jgAX~C=&c|oB%xyMv{ zlVK2w=0HJ*!kI%U4o?3jaon?vm8aQva{IX_P8C!?G9@O~<8+dEzg@;W`{Oim7Nmyb zq~g*FPZ#YtCaAxgFH9(VY!YiV;3UzFD$(vZPS8HbGpmg!gc_nGUuCAZNIe*g zTN?3W`ElgJj4U5_i=v$sc`p0q)GZ@UJ2k-*n~u-viH;Zamsl7});E`l;>$K#>y+uZ z9eFk9W1NqiA%=e^a+-9%-2S*xZ&H!{HD*A$*f>DrxNW=$%ZP!(Hw{~6!a0lF&*+WU z%D6j+&csoBXW=$;q@l&=)P10w5cFSl)A@ceZv2?{Dh)D8>5lhAQpae~Makr-@w zcIm!p%-$Em5jXPaQ9Lc|#MMZ!Ty)CJ?>+~TtSE3Dz&nn9M~CQ%E9K-nIi0=Mpspq zZUHk&V%shk#|v26nB-uao+W;~DiTpK^^EsZx2(!sorfoxx-L!KUm)m=r?cokryewc zCLeznB&J?AKVzo?z{!wOQ|v9QQC~IV&{hC3ZZ&%AI7)73ptDDB^t~a%GexZjll=oO zX|=&xW_hyxPeFo{A^upk9pJbc&SXi?d z%SQh2MyGe9NP?Cch)VzXSzxCYJ5MyEOGWTi`V@pG-ph1Ck^pVU7GfnKSHBt_rQx1# zOczD4= zTq2wXL0d|mA$w7rgGlBtRI^XZR6Bi)dhojs!B?6|n+hdEZ;7;sTRYg6ipsun_#A~N zJ69))a~e-3=%_49x(K(CJ(P|K9;ZfGa>Ls1rLfhjYKv_t(_ zYIi}4j6+0`Vb0WZ@v4A7V9SztMjr-2+KGfZvbT_n6@{+uSoUzR^P&w(TeP1g(qSYM zkvO?bAaM@oh97|si-_YCt$QbxnHenONY?RU+`mt>sR_&fbMclGRuOa*j&_!~wC=FC z!uWV31j1@xcqfLWVk<$l4o(%nO5NL4jESnF;GGU))$Q%uQifx9N?dl(Ha;3ZY4c>L zjpk#FRn|G|Q1%`RMts=P<7La^0B+h1nC^a4&}n7sg~=2m{6U--d)ilKIi!aNi2C&7 z`D3WDvAU8S?RZh7Lr7+#s`NjJb0kg7WR^PtNCGqqij4%2L^CftCIjgfA}mJC$`tjc zO;VlS7Vm(olcqrB_~;}!2Rw!GW%S90J#442O5IJ+!fM6#Fh^=%h)KoH{F_I)PJuwq zT^N`eDL2VVW|hYYxb^C^B2B|pVl7%uNOEzPu;b^w*f`--AfZ(Z9~sxloz|%qy5zX^ zGzc&ASxqEwTcS~{inIRd4h8iJbpaa)x}oq`Xi)>|U1iE9fOGM0QN-1$jf^uKKw`|c zKMoQkBf450{Q~%73o0H=-8-RbvDBIH7LM;8#YSQ*;Bly!f5pa_zSN*{0J z;&#B&d|=e4EiKL@^l9oy`{N8DWHi7b&eN&8gBo`3AK($q zv}y5`oK7w?aJ{PbjTl$xCZ--eg?7DxUVj0sMWDSWnlO)Li%WIg*zBQW9y+=>{6hY5 zMwqC^nSw67$^rW4xKV^d!+4=A=ak|JagLW7L@&WZ5nb_YIV3h8;=S^RO}yirj7lGi zBR3P8Vy}yE60ht|P`9p4A@f-++#eNmGFU2cZ1cJZmke8OSgZDO^O}n@e+?Wb7h>`y z5bB4dCAp7))5&0*nn8-2#afQ6;^xtFKP84rDRVr1><=f~*MAdf!AxdH@Bai z*==GSeFG}}4+~OTwAkU4_HvN3&|MhN@?y^`U@S27mUbE*bs}6N$4lLOe__YMMfskE z*KrA*!+r^v0I=QIb#f=Gt zI-~3rJO0dnuet`WSxb{1>d#`FyyU=cmuta9wD62LL{9(J)W>ewJHr0BNwy5x_Yh;* z)T8WHmI@g>S(Ix8st!G!r8ZgxJ=?FYhew(yI&gzvTOsF!vgf{F zoRt1gwXd&@Gs^!ru*b#r#J6Hd7Wpd0GB+Bi0mLc-PDEu74?^&0_3EP1>bLNE9Um5A z_)Ty~Lh72yQ2e`_A)L25%r`tGXi4!z1U>(cBAi*K^_{WBE#R~_VKXDS8oB46;G7R? ztUBd=#5kClMdp%mvk0PT)e%Qeye5bod~@{FTS0Ejeh1KF=4qlGNU2lrnJg?5O&Ukz zeGyK4#g4JASfN-v` zWU0Py`8#1qbyuQmvyG4??st;xtn>dnrN{FS!Tr$cpmoWn67gM_Z zMLOdFan3y-#dc2t$&H`1z--%JvQOvMkmI#o8+53O{j?n<+L<80B+?3EPfW{!kovU7Q!0-98B7epfOWKX)soPKJzt0 zdH_Aq{?{xh8FOJ-66c6=vWQt`m^8#ZB-Z(@Z>)(uUI02T%`y@Z z3hjOIdts*z)7lzQMlFJIQ8JP5U@T(@o-7if_i6k2_W~3WhF;=Axrtmghpb&D=-^13 z4tTB;V~KQYvy!>Uo`3WA*Z_=2dGzXWyzt)nD(!d8U8Po6_!&UK|IN5Y2J z0Q+Nah_PT2>mR;E*8g(m52Z_8PIyj?{gpbp*&9t3D9gQ)`NOtOD`U+Te}{2N|Bq?p zQtTt%velzNv40t}tCEj?VZ?;$AdjKG3UFlg$!1Lw*)6Zby6~&HsF3Iw&Uyom3dGUR zeR4Xx$)$0|^qv0!6-t-kEPzsWn@-2cZs29C0lv1&YK{|U$57v zV=oa7G_O~cxj=H4sI2B=d6n*K!?!XHOS;V5xvRgsIDe`ks)Tm*v7#KkY$;JlTfPH> zT zsF@N6lkTlPf_5aRiei^7=8AD7l_)KtAPaUEQrQs8eC&TY|8AF_@?*kILSOQBLMeU_ zMXX(1f9?GQH_2hK$5E;P^>s>J-1=`jr}I#ToDKo=w?%a9CjG11sqD8gUrh=v<2^!?wIeN~~H z+7sJ+fiH4z!(S%|rCrDXhrg(h(+h;`@jA{HK^c20 zsOk88F^-YJjJ-9wZyN1)qFv$hbZ|9`fkSPG(EyXsgHaIa;+n;wl&n%s_!^1=uN+_d z|EN0ez`U#K{{w>TDFXe0h>Q8Dx?tX`3>XB|}8^5ZNG9 zw#cpn!d?QhrwE9EfPid)-|KzfpL`yE$v^kJpZmGv+h~htKiQ!7$HQMjyJ$&Dgo2u6U+)X{*kYF_UC7VA0&z)D{E@W&Yk+J{L{}w! zHeZ-Oqda;C`EemmAECIqD#@c)D%e#o;A`3*z>ipNuhFu%=z&7|*S&(^tBxQj`exLG z^rHMTqFf@$4ba$G9w3{EkQ5|+hE8Ewi8@d^#DTOBbD&XH_bacE$7p8+GjMJe;uzR` z!*kIvkVUT$pOmBP`HN(VAoJqYXfnU07}Mv01s-l$2;W+gY5T8am>p37ggLZ72*;BE|8>e zJWr0r@hV`N7?M`sW1_NNm|90BYOAdZn9XdhT(h!W`=kspBD!TKc*AOWELqmc@ydIG zvR=XFmw{J`F{^`RZNMC-ZP^+i)WcKpAPTF)OlbXtrf zX=A;WrN#2uII;}&btJ8$(eF zgn)&S3($WPO=HN6F&-4*4ul&uu1DoB<)lsg1qoK6S{b)}&tK?GrC78Xge%Srj=1A} z0h($S%E{)In?tz@dZ%?*yX38f`IAP?TJe7Z%$Nl%?{R85!pt;tJevXXi;H$wYdkN& zth1hBd~XX7&jhvA^|56}>S-j7z&nVflIddp_HtB=bK*IXE)L~qcG!H&JaJS>wc;OAZ;bc!zcakav3_hxM>Xy@g(^4Do$IZ%XqZ=c?=k)5VG-Xh^< zR5c3)u4;I5Ntj#1#}K9V3xQ;&J^8y^6NcB`6MZO(U#e>wqHbINLYr+pDgGeJ?5fb~ z6YX)E5Gt)rO)`SISAfgS?m9_%*4-Y+vuTz6OC_7%%>+BK9yUmDq*n;V!1ETZ_q+1% z{m94|;tvXO+KsZHMGkQO7$8^IngB}*vGWg{3<~D#eRmb*7$``{%DX*&zav;SVtnnt z;!ggCdd?e;l|;D{G$O5BPh`exMkP)My3-BweZt-1)Sro9?#=*aw5<&^7zcI%bOAKw zW2AyQo3N~Pxl9mLF&4;qj@xZ)>?_h!4<%;rk=3=W;jPZiZYaV35Cswk! zDn*xY7Xei&4mN2;Ub1VB%IsbzaSApv5!402AqZ3Ye+8Jg)44O4xErLi)&7U}zCeh3Hci_iVTw-HmkMT>Ykw8T?+%d_ypQ+V z7!(ZCeI|p_9CF%>vtm&$UmGqPKPZz;uj)L&+|CfV!8V zwpx-L1n-bwZda_3in02h(C(heJwsBq{GmYSjafm=5otz9*oKys04Gw9-{zRP7c{d& zQ$s~utFSrJ)S<;Ot{0L`HIkmB_Sj^fJX#AfC^oCV65>q9?Yd)ZTmhN&FLo6uYw8Sf zk5D4%IK`p=WszjYC;&baY6f0Ca6$X0p zT8ofI2u*a1|;8dnaf$5TIc`EJ6 zIwDgN{oZu&tT>D#`uwS7L~|wkhEIezaVB~;A$!fpfvPkutTPk93`Nv&P?3)w5af^0 zhoV0;)B&ixNa~_p1RUvN=iqUZFpQ1q*m4D zS5sl!AjCa6IpCEn_C;aJRC-;z)kBPSp0P1sq!Z;zlp)t0j|!qFea*?zpeyu>s!=^mx8x5ivG-+y3&0AmRxzq_eHrNT#D%JrM~?@+-itf8C2)~B#(k| z(n78jHryY?rJE|9)SX1TC-*YON1ePxt8g~XO%3rE1)YyP&LCRd;{cFsY2;eeo0UJ8 zL789sl=bufBPNxvs+bjP9Z1-$Mb#Sx>fty^kmrgXYpg=H4&~I%ZJvESi7|hX*r?q?<9!Ur90wox=s|8 zn9X@_c9HO?eF^(7HYMik8T!G@PHH&_3VD~R4baWlD?RP$qTvs&Bh%R?ZV^CnaJrJ@ zIOOmjL9T0Q2zSPV@nty`R3`90)lLlRUP4UB9^mI0$@JNTjr%PkU69<6Ee`GQC&bZA zdX`AHlMFzMu~dKyIz=~N50)b!vSkH)uN+~K3`SP&vow^l^bGnQO=m7 z7i0N^GQd6_CF{opxO$CTA;+tt-Fu_}RoR`BjR=?yER#(LK2Pf5SDGIWkMX|3E*Up0 z>7BY`dV!qw{9>UaP8Ch`T@a96Q2vc)Z+W|3G_|1IGlpZ0zC1CeW>mRxjwp!6w?{gy zDQ}k}HL>H<`tXq;=g6LKAkH`#I;#!3>9~*{&1CGZvAHOZG&VkZl~~)Qg!&U*OL3R*_kQ_YL6)0b@u(?y0rB+{i{{r;@*+et3|I|B7T7GL3Y^ zDMJu$CA3(P%RDN;DN6rFu3+|92&7hKB5jT5M7dO`o9P~{H8xrV=H6W+X<(A2%oIpI z?QB}&RS`~B+B$NGzV2cmnxqlG>bENFVsxi^z9E2*+2EAoa}nQ|`4Le><8b~3?%tT+ zuUO(QxOUhr{w0DUcXAb2jJHHNb?St}uq_S&a9btQ_d(I-SySJzo)GCL=o7Mn_#1 ztBpt24p%svZu-&K=P98wvH%lHI56g?PN}Pa+R)ELWZ7B>R*J`jxnIwk9^XGAk1>@K zYBDfuIugv;)HA73qIp6nYWGk}9HFqkpSWABd=wOm+T8lsM?o{AWoV)FlVYJD=U;(W z)U<6qL72JR!h0TZVmS`_ljtFk-?m2+2X^2Vt|JZ=;SZ3D@N(NR{&7%Fiidt~0tM{B z_|35p=KbiS?Cg0T6iVR-rF5>aHHeVh^~fDZS`tdJ?{SV*QB@P|3Y!7ii*iaHdpwBy zN+afsrTF#<0F)2~F5dGN;Sx?^QjDL9&W6uH5_}#fz^uUsanf7(r6A|g)!8cF-glQH zc|XYPQHExB591fQC2CL1)8;W@M%kt(0WkLa7$L|iuMz3ID_Xgr!#`!7QF>RT6or#P zXhBZ57-rlq%4JLI3-j0$Sp+n{SYN&psoF}s`s2vd8|Ab3GxPf!!a?ijC% zbj^|r2F{n|2vd2*bk3C5NX0!fH>|h$=Litl$eGwS*DNokarSQj%$2H9)y23~pg)>TvNh*HQt+L| z?HaWT`=@#~FZ0ib%z7JIYdVuYCWtC<22UFBUzMXs5XhxsY<>Yz+@)spCc*s)WrX7! z=jd4HLgIL?u`dJ|zNIj8hpD&}f6QpVep8BPMN^uz6_JRlJzmU`u@65>wBHtH=Cki< zgRe*_SgTgNC{JFda&f$9R}OO;*1&-{r3~Q+03{SUryyDY?@U8+uZU6p>Ur8p7Xx?> z(+f=L9LzPg&`g_F8Wn7eiYP-f5bxG6&eJ|6v6B%*23Tmf#-}1imjEvF`YFMlmw?eG zNELZsI<69FE@9k^KD=lT$86)2L?}})9sLTW>)vP<>5{Xgad&p10OvGF4`v{v`lDWV&_AcQK)*LZaP z7Q$U}5rX6n7=!hgKzEtxQY%K$>2eSkcwSN(T_C{qULap#YhD3uR&p_#?rFCXdV!|6tNcsq9xq@f=^|>Pwf|T|zxFW^xD~66uOp zv1Ma3#LLyfoLN0H0(%|-E;5gv_rwangLZx`=(_PI(%}Wm;Ae^#3o`Ft9}t;U=5qo;dDW2uB&YrU!-&^>WE@w$QAHpo!es z!YH^_n7e?)jPyR3HTF8dEK^>FkOj^yf?Q{WA*}xKkPyw#SOcQma(zzmEXtrL3WGqc z5cg*UTclD<`+c5Ha+8FhK!{7wlY6>2wHyt@V;y&15aJePGtUZf+YJD2s~TMm-7Z=T zK>H>R`vU|MDZ0~fp~B99QOOf3nyvmV(8-NUx6JPea0U0p_MiUw#El^CW^)-|Gj7Vs z2C_R)q!VcD=b|bW3UGOt-;uv%H04Rpa4vTy3J*im?U>Gd<&qfQaf^~WNXI?AszIb(rI2CxJ#J( zAMc!Jx@J6RaVs#zWU# z(oXSfp_H3b*~D?N-JeV)sY~o8YILw;LdPzNx?L&M1;VPgHSQPf#j232sxU;B|1-GR ziSUvUA8!iD293cTWjb7mm^QAVaE*EezZ2ysSNT^mVIU)~-S?)+zB3lV4D z1?>`N?jz%XyA3t@IvLHAI8%@r+fa&|L^+MA%(YQ}543xcmT5o3#coQl3okXB0l!@I zict8$Bi7n+Pq-J-`TOYG8K(#uEjoLJ-XSm6e-du))Fk&AE8hp;CV*Wi{-{Ow66gfc z*+?onCkisZSk)zHx~Lqf5)CvdlsqYjhTud#5G&jd!NF|um>931GeJX=J-iGg&JyUV zp`)4AI1YQjU)5E|Ru2+%S#>ARp-ccA^e(Ng{4-9m*>j&OARCC89w6Ijw042bX=L2} zvE4(^8MjcKkO-+L$T{havSJ+eFaW~{mpbu97Vf|b{0EQZ-?Gq4Juyxe6wmE_LE70WO?ITauA%{W#c0tF6aJ68C6ti_ICe!?~A! za`YZHM`)R}#N@w$QQf{~DP+VYBF#BT8;9c00{l$_!lC5QVdp2n=oai=O3^OD%xLW6 z{P5T8M;(P@npxcxREP6D&WVr=(( zo&*Xs@wP~p3#;+Iu6R#?JKRF88!W3|3Cc!0r%4?-buF^;3&1q)xXELqOJOGiYq+Pp zUx16o;ZUZ??+I~1=Aw}r=e?N6(4muCjLw%poHZ9Cn8&onUM~ZU4){K{vvSPvBY|X$ zzqP1Q*cr0}!??6ofHS5es?Q(!cMv!76f}#M6k+7i!u*-uYQj&C07^Hy2Ypwxld0`a zvgnV5nD_O_6(_s`=~QLbgmwBroGi?xMf)nVfZP5bfN*bQsg`_Mi>Bkj9fHk{dcE24 zsAyLnUDJhWw^ELBkVLGLUd=y2Owtwme1k3`-1&oOSITa=?=Axv6|;mrEx@&^NY4Vt zrLTd&%SFtAlmAIrqs6ZRHHma`O|p1FIoQ85_$q0J)3e{}ItSb7|E+Ph09PT2=jkKY z3Nn}KikOB=MehS)46x+gvG)xVbv3h^;$aa^K>IoDUgCg%0lCC-4$boyXP1!*e0gI# zc99UzJI=BPLKO2%tF&J zKaNn)%%LXQ>Gj5$!d%~KW&l|DmJrybyGLGA&wtjl5;V#V@8^lsqxP$PdpseGL|k>P zk&{0FaowcEg@Tj-=gryMn#k7*bKW3#9W@Y72r<)Ua)gf8MSBcX@+Q>O4J4(J4sNCOWG-lH(-qZA^wwyi&gr0RIu9Eh1B z@=XGF4suS$8g{a9XI#;{h?8rQAbtYqg3r(qul`eLGNEB(NMZkmxUwxy6iqJ8`tTYN zG%sv~xu1yg%x8@f-X8*3OhD8wJs^1N{@_a(HOl(P(-k9L3Z zD==3;+X-3D3U2>8|Fl~^RzDFo7zGD;=bSAt#I2d~_Z(4WqV#QIS zT@U0{?6TwW6+oyavgzjdOoTaw{T(M>L>e*iTY&HwPd7BpYTt(P=#{}79F`%%M4`@C z{!n5M(N0KKPVD8${NQq=TI9rWX*tqRFK&3!nQPL@d`Wp0q23aWA}koH8@Y*TtEHn0 z2`7WLSHEQQZ%YRkxu~aSUk-F4Z#ZHVCxi9qV9Z_>!kt*o68fS;fQwh1J%)|?y+G=T z>M$AnTa?>#CYmGfiKK#hm=VEo9J(5`yEkI5q;Vsk*|Fv7;MvBi^&pvsi#@BZ;jfv6 z8qvFn?M2i1*ulqv3cDuF=(%ylg$6DVJm}Oiak&ULnNBvG*{asezhJk*u^PuAWoTA$ z5FbU0e=S4RauUZX@J~VJoeYlO6-n*|rYRaPVjXB0t*6v@%vF>*wy1NkLk|@( zjecugP!|UiH4b0uK${ArINWM*3IO;-fX9&hI5i7SzeEMit}GGL$annV_E)LM{Oj!Jo&vi7_1O)+=g&1SkoxS+^3=v*8hWfq7nyg{ zO0e+kECPEvB#H4-IX(~S#&(+%A8w4_b!>d7unXFy@wN9B(C(zQy4d%;e3Z~^Rc5=y zA%?4HVXjgQ$DB2`gmjf!3T;df8wj8$ba3ku^F=tDdDEJv#_aFsv5|)&a(P97>md0V z>*|_Y

HQ(g?2>;w;e2=PiM21&~GZId`WBH_Q|kK6HZP)UER*ko9XTxJ-yg+gt=j zI@9AistoG6X|${0@%U}>Z9H-^Zm@x+0 z>w)yHlU|gzJ8i<kx_mXqI%#$NrJLA1R~U{dM;Z zr&HXMLMc(HMVdq%JJ%T1FR(n3K?yxQC~1rXxEA07Ntn} zV8F^=X?#r5Pt?jUvkr=KlFh6=h)upV3B)DlSz*r9w8mP(q^>tVj?RMhQ(~EdH2EUL zQFC@DOdr#AY+NN`w7WB^pDWXKY;t1x$^4%6>U4i7iNhKKJ)GH;Fhl#6qFS(vV~HZ8 z`Xpgy7Y5&~CzlCuZy7&s$9PX91?%kUi|IckJUSkAa+MeL*8~y)OOJRv3lE`Cwc;M& zE;y@TAtsBaR?Vnu#7{+-RdogK#arW_<>=G;78US≦`29}wc4xEBb_W}V~$=~7Wn zo)u{@o)JwkX3d@#|IA`?=tZTXcJDl;Mr+F*FNC5X{X&0u9}{V@ogu<~Wg1ua(w9Wm z*eulS)GNfvjU-tnIO~s{_%hSfeWjvONCxuQ-Q!O`f^s#H+(^tH6(F?!jEZtG+6Q8>@dlSqO*PD=R373iYX%ZtwAqTNy`0iRA zAhKCB_tP=yKjmocOlN@Tm1ms5A1Xqi6){SgSqF%K5 zSkZ>-ZVs$-W&=^9k!8%+ai}O~P*qtSr;Bt33`aH^v1fgbu)*V@+c;c^)5P{7z0q>K zAafEkd|0fqoFUNFW*?!Oq+)EfZyu3J8#{FwvF;+!g>I7B`F5xr<20uSaZ%g48%60mn%?;6ZI50T z%S7b65%~sA!*E^`Fnr^&0nRpm6=f!LX1B0=%>l~X()48~LuycnTlE8z!&u(dIA|VW zGo_jpI%!jUD9rV*l_2*c(eADE4k;b$EI&GnSKSoPDVQ}kx(z%?7tafF z%9Yv^OCq!Oet9%HUaNe&tzU-Z1V#C8Ajp}{n--JG5vFtwCg%-P1i57!D(YfEnQX$} z%ug~BeJ#D>bF4_0gXLG!hJ|sSFlvYgpPPR|(7h4^l-|}f@J0mE7>n5V+^_IxJrL_j zmUPYj{=H)6%$R%tVOJeBq$Ef=U69j6pBgsH#^THa{Z0SCP&}-#BP4&BY1g<;Ay0_2 zZ?_DRHy7kiI&w{~US`^*9I3ciy^aZ2kb6c;VQ5MGpcxwWr6=8DwH7GPM!0FG>>CQ; zXRW#DponrwkkjKrBdL-Kq`%0oKs+EK>u4iO(FkM3F6Q(gb^&o)8#Mf{o)sIlJ27wML^TR}9Grn4EgGl|lB`%v3rI-zw1AAf}a0@z|~$!CNFVP;Ai+;vP4* zepXBq={_;LtGmFVybvD#=$J5f9epsA8P!<8GU>OXU01DKnAFk+ZwqviXj7@< ze-j#6swc~eu}+CtE@gGvimWfdY2(`-rE}4)DzX;Nl<>Ay7&Sq&czm2M!ufFbqb*nb zRuHAN0?aytc?5Y{mcU?g8N&7&N#a19I+Vwfot6BjK4a202wkP+33{k313i+YiK&73!Ra;f`c!46*ZG`H1`*S}tAU9w5l8sHP*%T`Z$5@oT|m1a4F~GQ>JZf@Do5iPHI^ zDf-CLG+*z36r`JM;)ECwWp=ZbvZ~04Fej<~FKDuq-p}UOM9wAsMT2biKyUA!)@vz1qA$MAnMD zX07Yz1i3zq^J4X5iI9zhP70sqw`ze}q#NQ+1AMI{t6Qp&7!1N+9KKoJu;sB<{&b;qZo%&18`yEXMZNVkgKtwZLMIuBmQ^n*FpOrw_KWC0Xn3bz#7 zoKH9#F&qlyWirMH%Nh-=6s-ctsfQJTK6|4`Si|HY$ACz>IdDHCklG-RMssIL^j!e$ z+TfQ!TFpa3oK@NfNtgG0VHv-MQ1n>)!u%_$pabYKAudc^Qoi5$A^-~0gkKbz|9Fu! zi42(IN)e8XO#!pr?=J=*eeFi1dOGtG$6h3p|G$WE=FJ5r+o4OL;mb^{N*89~Htxu- zR5+8`%G_0(IIU@GUIy+8HQ=ByozC_VrU_jyAFTFU2zSl;jy{Cwi(|GR*n*Glq?(F` zLWa=D7T^;t*T)5vA{*GAWCDo`lAuj#&!jdI%lxWvoUXP1$j(}W7nEWdw zP3*^oyJuJ6C`g*ZI1gS5=;mS_l>GlRAx^KNmCb(4{v7~S{^sy-Cfx8_xe|1*@xKedmY)Ycbq8Pg;ife@O z85iVmf;nTE09tPB_?_b|h0Sy(CIn;nTfW-yVczs1Su{5YP%EJn6DNzHNcLrLrYLg< z@h>-uy05+O8=%$|loWg76@lt5Y>VE%j<7SWN*o=IuLYSy=~+Ojo9}Rao_OvHKd$~g zpzAzm5QEIuL^~}+FjUdR|qp~|twC8UCrsO@HtxVouiEF*Ij;U&so0)JVgrW;+z4BZCd-bpVUU9CSB$`|yuzW#yO>UK!V)Hbrr9x(d_WIe18 z32l-W-6W87OHxRDMTAorH+jdXT9%XJciky|_(w?RieVz3%dt*02zALh`W3N7`K1u& zBlk((O57>XTuX`>oQ7k;pYl&xA9V}!x)4f(gzHbS;$QNgIY&v(xQ7szZ?4`4zQeHx zaBLOph%iTS-iB9i(QXnp`@KW4K!B$u#xHJiM(@joyJYi5tRzf^Zhu^DEqL3v+psRl~2#aU_RK zg7U?8=W#G$;Qmsy>r_`5X4?9@0CGXGp+A0j4+ILrD0Uv z^y1eB!d!(4E*KaxGlZDKHFFx`mhwk+s7T4ODE7aPC@y%Fgtyz??@#p14^!e&k?tkF z1md=)7*7eM_tQ6b+bQ19DBPmZ4GItNn<^nar0YdE;*{C(FHz1*T`vA7+Qpm7fpMJ& z{Us;DLUf5Rb6Bb9OurN`+TVLQ;cDpofI<-OHlg8q--b|1L7C zD$4ZDj2p83{*#V`o;xc+REVT1ZGHF;IYERIOfsqAr=VSPv;ml2;xr*n6JhG;D;Bp4 z^>_8SsE#9_&gmZM^qwl(wQogKkL$%aU67en!QCm3&lThM!rVb5t7hxK61~PVfG)#y z?he`9?fWc<8D8qp2It$)+NDf7tJvDdEyB#@N+y;+izGQ5hQ%ui!_0!V_@}&N0y$+@d?LcNKsTa| zUGNbv`)7Gyj1~S4;WVp|22Xn>kBuaeg*6@)LIk}Tj!@|tk!0F}&gB~aAe=E@OWpTH z!ybtV)2(BTfKl$Fr_9d&pfZ%++GL)1T@Wnuh1^E3nxYj(E{!HpF5ZN(JH=BX$x$LF zjp6fNgLVcO9i`d%DM7ApBQq|2VBOb2+_*X^EK0-TfHKIP7eWLbJ}(#O_HAM{FBxzR zlMdMW|0IHGZ7*Y6(OHK`cNh}{c$?IkdEzbL4rUL*RD}$UNFEASCAeNwZg`LQpUTt5r&Q`n$ z=*f$I?m;9uN2hQX+Y)Nlbl7{TV0smf1H0ntw;)C*l0Kvl#kft7^B7fWXpJM@2F!TY z$AhM~iZ+kva16G!{tZB7kuP9*x1A{eOy}k2@!8Mmf$!M&o&0B%-k3)37vMbQ78hAE ztKYis0=m)B(A3q^Swfs_MRz|gV16gS#hN3be4;&{WP%O}qW-E_<|?-wB}^=OWBd2= zq>?5~R13(aB4!ID7h=XkLY;x^0phavp=peY#-?~nVV7p1PFV3__T!zm?-&a{;77R3 zMRIGrA!3w!=;x045ZYYleuMiPylV&|J_W=tjfkuppjVih?ZGSp;}9hS5oFEFu0#0D zZjIai3*aGD%hdgpNK$KKNslkfzx5(WtNV!Gs6uCPNgS*&t%ksubLAZ$n`+0MYH$4R z6DU^?-w-TZw+nE8!cl`1%B4~fn|%uG%JE8gYfKmI!Y3~^+Wr4nn46MEY9&b;`3!{J z%&gjYSV8|-sbdsAJU<6Vo4O*6Vywc~_2O<5k`1xx^p8d)kg!0(E3`I^zn z*x)P3(F~BrB4QNcG`ot!=u=`JyWZDe;yc6c0EOKFuo9P_g6I`AS}{G%5=RLkmmb-? z_Qsi4J zO=z=P4=Sjn^V<-nX;e9ggb-n9GPpqG@eNik}Rb zZV|yO%c{t7Nm3e`w+S>`Iq@Yg?^~`1^6g$QAh7`wk=( z;fR5%5thWF%}|s~Ulipgl5(<~-)il=a6^AY-z=d!9nXuVPPm4M6TVB>CBoHZnuhn> z2*}LQQJyzFWLZ34s4Fikv0_|X2Bhz}b37)1noLF28f5?);vFICU7TEF#f|+lrKo2v zqg9%OWaA*+t9u+Q5bT_|ey05Gn*dPWx@k>uro#SlMzMF87w*dd$~>rFZL}#d+*79L z7;=wjGg$Yj%uzr79*FDAFiZDcmkXk#cVB|s<7N>sm6BF0iRCtf8tr+SUPZf?v`Xzo zs=((9yCd3^Nyj=Er(Zw9e6JlNJ;KG>b`Sh%+?TQ5?2DlF;{fPVm({J z6nMEH=al>a$ISxV&v4jNSnSrX*#?xx=B6!H+mkoz_l;3>GYap&scv+5n0L8 zz+HV@4h`baPznQ23ZmXfr*Tyz!c+9*vD?H0<4q!Smg&z^B3(Gt)pW1D!-PEk3=Ug^ zA{~Jfnao)Ky(@^>mgdD{Cqk1Ovf07dXSe+87ACH`GKurpD2eo^m3p)O1<`IqREhC~ zQH*0I(yF0X}qQ{PiJw&-QoTl~S%lksey>BUy0pcPzO`X;lUx?PMHNXNCtL~6;6Xx${>Q--=Xm_C+of*}JNkCGu7eBa|N!_kB76>6L9zvxXog*q= zlr#nD)HQx@P$xfb^6tCEiK5+)+VHN`9lP(7egecG-E6&#r0S6yW6yiqbQPzI9w2IG;%Qv_>Bm+5p#W! zS8gzlxuYuoh>M$oE^0Qb269cfv7>A4Ab?bwrS&^m1gWrIGqX!AkjZJ9KxbW#ZGjeu zMnSIVRH^e{Cfcd)JEZ00{u%%ek1Cd-2c|%}bTr{Y7Jnv+Hw3zAWJ1mf^08VFnx-}F zVE!x0AK^!%o7Q4v?KTyVob|Z9lm(}Y_9Q1gS8XaZ2`v`v0&%6y>ishTuztquxJJRO z=c09rc=355u1-aflkbYtpxr6bEGR3Hq1a8Rv$8TMFQ(I1_7?1q@fbfG)uP>9r(m?5 zdf6|ggSj}mO2E=k0L5vV8Glxgfiezf4xeY?8dL_qHN$u#tLc3T`}<1n!Y}}v3E)h* z%;=3hMY~R=mXRxH$|@nWs}y)ry?Tev}qXGJ)feopps=lPr zBQy@8-HFurIzd@|@WS|L-%`;`FmBKaiaUV|Iq1&yFinv-?9K`IG?8$7Gdk+}&X>*FjU zY~k>Hf385c6IwR|u`Hvps$iNd#eQ>~0(wG)I8OvzY3Urfp*OnbLOH);H!Bq*ah>@< z77``b!K1fIL&CF34EqeYqp9sep>Dj2WOxt@09-=(Xmw?$2^^hWk^f4+VTmwj-N2&& z-8Ag;Wr(%;uA?xFsNXM7efNY8F1i*fbcL!ongwvbBuH!EvouR#e$D=}= zL-Nrq1ED<*0HehH9sTjN!v39&99uVb6f-}_4*j-Uvn@To1UERaI@un~j3XH2e zW7}3}KER*JK+Frx&5jnqn^+?;WvC z8;Hvw!(K7w90cTl%aFNF2;uUb4tm z{^y9Mekk{`)W<_2&2AEE>x}J60Imb~8VIdvg1-uLs+HVm;tTrAa;$U~QTxvuBo;O8 zMS*!RRvyaJ;n`v5Jzf}j_e&{gAf|{US?L0$cb#I)LL&^)#+D8#0iRMvIGD=|^UFe9 zKrPA1bHoS2%ss@g-BGm&+T3G@wnWm38G_(^9g}ap!f+lXqt0l`eyFaPAI~V9H9jv| zt+p7_$u{?~S3FNNKVt%qP&PIn&SQ_8v}4Q>X)e(%QD~2wg?N&IxygZ(UI%(yut!fi zaI%<|;>~hmh?1jo32`XyxUm!CT!r06JS)LbW2Hj?Ts_1b(glxcg3Og>bbmS8aa%9U z1#0YLCLN3mgkHF$K^G|Dw%_Enh8y;^9^F&s!&9#g?2IE7aX3q@nDW)9; z2^*Or3$ajy%T&>W-*q~~*@9qSdK{TVe<#|X&&Jw*mBS&aV$I_In53|ak4Tc2$eH)w z5JvI?ooxSWehOh8v<=B-?Wbh`FHT(EoFRbdTk;p@lz&AjiE(^~0Ovh^{EqRYNQ#E) zdvY=QjA*k;zS>z(-WB5dR3W%l^%wjM$Ynqkff2m*kpN~VyI598)w)d}Ni(r>HsBUM zqv_L?@{hRvQT*<#7Ir54^ZqizaZAr5oFK$G)uw0J9}@tt#!lWjx{fC7*}Z-^#{N8y zs%fGW*9gcvZD%YK?WP>{Q$*kW{8&)9C7qi1#qkg>68kjm;lC6@eghaPuYUqzC&)!% zS3D-#g=2MOU$xdR0J2ptxdp^(ur<1cl0-8d_M#IBYZk4I+Z2Sax-LYkP3N91e+iUj zKh&y)qFRWv@Wtq10!VD+qTcv}!tN{Z(>?Q1VKi^Dizvq4Cz*uj)tvw5i{$G{9^e{O znA)HLmFBjWMZ*Yo>p05#6-3sFd*K9rO|B3`(Ps_e_}Wp^hWtShq*+x_9S4sRJ-THg*dCmOmXc7K@A|R(32bK}{*J-iM!^PRFJZ1qQNGmYi}rwLf6E(+YRUb}V4=NT zYL?8$M+-E67a|bRrsU%IH*eRSmnT9RLoxk)XmbL;ENYF`GJ=Rh!qmSAF((F! za=OJBeY+eBs~3FE#3~o$DK|=gw@>tF$Kx&tCOj`Fn-~y>;?+{yvz0FdrFe1?xi||C z40p%&7lFG~8@U8+jRP+RFt-uSaKWd$>to7blll{qPE1AxGICfQyJO2sAe<{3yfkp= z@Ouf(8YGEFOR?u=KxEi5%>GsTxkChuRspkqYI&j{3R`Gyjt{c<%qr8-|767cwj5t? zY?4j0pu88!ehjyW!Wb|;dK)rUxE#v0lGi`m>HbV0+0;{ta};LA8MjNUbOk|Li%yk2 z#kN3*C;w_5RTGu1Y7=&hWg=liGtQY~#ifqPV#z_QRg{@q)zQi3>kk54P(0pB?9NNC zzXNmUz+tzfOKV&SLRqSZVoe28S$N_h^@)!&1b+DV9F14yiP~71M4uJrG1Q=uvBTAl zqsxK8&h}1ZrE!EX*JIo+yT(Hzy>Fsh({Fr!e_ybR$K0dIaD!{Uf#7W$4}8~xxCyoJ z<4Yo56=a6%P=*+fcG~Wgm{4M3FixtfWx!h-gC8aZl|{qNq-sEmZC)jb=hg$gg8!Nch>46M$GYN0ZtyXadcDfgm&`n z+BtJgiyURbNd6h`jB#cEq=0-WXu&~&R;mw#x}N@+{ZY1!NJ zZXg$`QBQHiy7vH>5lQbUS%zOJkUF(+BO4Ek@FxwOvT9iOUH}-tb)%##r)4BVUOf`W~_ zjaCbRp^|>+Dq=vi%f*R79^*>!D`8~IEyfJs<`RdweHyVF+jLp$NvAU#~opoo(@9mD5)~+ z_&31O-Z?NZ9uk=bd|hnt1Yyq+vQERsFG-Et1-rP}IX_Mi zL?VmWTfmg3MVcw-OBFf2y(q+uQ%KGZiS-|0X4DkjPp|nTG+ED?RUMZq?9Ru?MhMhu zC;ndvcixzcrfd4Gp8{fqtC=0UWWk;Gjy1fe>v#ba5u>ZL+kYAoCZu<*W0ok# z#y*6Faeo1H92UjasC+j6)i*?~0$iI+C6Kp!gt>(>AII$KE-pvxWfn=kOWrT1#z>=s ztoQEa2ITcZsY%@yfH+qf;~7)^J1Rba+lJgu=3?*BZ9IXRDU8p}kxeC+up zuq(vJFXVA5m~CSEi_q>Hn4HrM(=7XuP|DJQ4#sB+lTTl>Zdo-4AMlb9W)r3`%`eBk z4C0)tq||etXxJ*RHN|*96t$5rA;ich{~a=$@>mcg<6Z9+Ao#qb*um^1f{#fXhxz{y zrH?O7o7i>#k$+sx#SogI@f|_LM>7JSDI16ytx$pU7iv?(5wC)}fXp?>Ek%=IZxI!g zCK2$7yUvc@^tJ$xs0brbv@O{EA1lfoqr@A-#kl@8|2#Fx)$bPN=Gt}aHu0WFXLe9= z5qrYdp3sRl6v#rW)9uxxH)JC6HM0j^L_=RxQJ$7e!FM0YV5V!xOF z&La(4gAxJ@Q6?CmmP{JS|D1zYpei+akT8u}_Kx20ie*%YmObk~LPZdCD@DbD!D?xh%2fH)A1~Dgf{z~qpw_ff?qZMQGD{bJ| zOOT5qXt=O_wJO zlcWR_i$u`%xj2#XQ|k(l?zOzj!2?1ZZje#94|{egBx%+<_t z+ph@d3h3^N^7IIy`B-TrO4M27k#eLZo!wFxdrXLHQR1_%_}fYV&a9R_a(ph@5vHZ- zZ}o5I5%AR56J4Sm0Xr!+9v2CKap|q8xK)%3%a*RK$VE_ZJTDM-U>i}0AFK>PRa+>| z1clw@xRObYb)Xu#<(TWfp2Y_pM^ecY2qIasm~tsf)&ySp-xN`1p;CLaxNI zp<>lM@yuWM!$RC&bkmZ=N8?w^6J6NHyO0dVxoZH?h6Uzn^iRLHCL~;2L<8b9BeoYk z+NSNg#Gr{533S=GlVaeP;%q^#91dNS2A+17dXlaUfj|x zU*$SrG}b`plGr~BkDah{^egOQPh~g_igbC>Jc@90SdddwFGhsNWAnn?cV>-TiZ;&4 z0!aQKU9@CBwiml3eeI3&*X2jAOf(J8HdvVRm|%Fw(Wu#*rq$L1v1f98Hc(%DIu0(; zVf6_8Li&A63h|i2=6wm7J;P(}cXC7{2zf-IjBwqj4cRe5VC#^iO&5xA`MIQF{(D#e zY^dn&k#gbNA~oL*#l`Cr^vpNAC%y>(P&XxJZ9tGBb;Hpng`J)ZZ%eU2!02&8n$XFP zYk#3`P23{%#;u~w{J9k3TN^@VoeF<7%upgiw^9B9R)&MIo@gr6&9;-Xbw;J7BTg3O5=`alii%t*#H}ws-syRi zy*38RxQFIMXFMr@BvG+rC;#Fm`6u%8$aWS#V4LQjlsXqJaZ3SICdBo=hJOSiY%jL*X zo993F_6^ZfP7~ndxR6q6%pS4)7N8o0a>B5O2p53sQIx$Q-6#wQEU&QzE<-jp=!`Z& zc`zj&`#{6lIM^;1^T0T?9F1CXdhYA2F2$Igb3S$(}=U@#A^!j z3D+XHFDu5Z?Vw#zsgiJJkK?un%30FF;hFKlnNP6$Fk2ID{$r~#Al~l|m8TUZrb+t2 zOu^cWMP`lwGX*YVWyU&nmN0T2owxaJM3A#!=ZwTPz7%54&0@oI_YQf4TKqkr4Dquc zfS3i%LzMDO(f**KXE-+85z^Juv&51yZ6$~<$ZB7V9Yr|DO4QGo^O}XY>=?!~qRuY^ z=-=R#_qm;%K&5;!4egvKAXO#0&YeP>03K;z)87QZ{RK6#`7Zfy2qoxLr)Gc*SCUrY z8e@quI&4(lq&0qkP$q)pz&1`0#kk{!HeOTM^&K~UrznkcMD8b9u&wK0DJkU3uqUt-%`p(zOu zMdSM|_7a&jOdmseYMDmZJsb_9sS---yrA=-DDuKUF&>i5PI<&Pz5k4-1$ zi8so5^EA;O9onSuY6gqZp#q%_QVx{m2jXHuG{ua@*n77;367!oHWBUmmwXNPo{&)i zkbK#&HP+m)#w2h`uJ$U$nxbGLY9KtmAR^0>y&u<@vArO3y&~C4Y_U6l$3pf9Rw-^5 zMx=Qx`Y1$TBsn=xs0TTqyqmTOasg3^DxhEUQz2$C=F1qc|IoA)b$B!(J`@d8J1{Vd zJqVMlJecWnRR_lL!YDeLm;rVEO+s8XIPP~-Z!TkXBg@d4hj{Mf*ugL?)4_Cqq0V3^S^Ix1fbyjU zbMqfTz;%i=r7r44Ij-K#D8<17oHYjTctmGzze8Bw0g{XKj|IUp4C7Kssw(nySWxNo z2MTac!u?P(SSrLJ0y8;urfb>Ji6O<|!s+ttd9@cjUZnHGLof%@Vr*6kL=`xCb;Uzf z`S18UNG`%ARRejhrDOM&q>ReI-BYkz7QuIaY)}K8v4&TJF{BaT&M=E!Nx}bKj#4iv za8yspqhJbNLYh`5g#IudCD?+(t|!Wq196dJIj zn5D2eUWMK+tm=*yVJ=p2F-vm``tCWR=SP?h_nrolafy`;xn3M7$Vtf+Qc`EWQkXe| zJrf;lAPJ)G6-*8&VlC!=i;3$wA?8)BOa<4U4xMihbjhwkyN6KciUDEr+ z*AJ`9=49b{&rC21G^+MWtA8cP(Wc7rq7G!0bzl^dT`HDtA{@br>6~g4Mx!plWAxNn zPLnah6wb~TSFD04%goUQ=57IQ(Mq)8HlOX^`J}BAZH?GXfc6SA;@a|WdatGsYuEFe z^VhS8$-Lk@!pvA)2kY)6ie-rY%rseyUkY-^ki%8H5}q%_V+vbxO|4AiNJ}5t7u@BW zHNPr0X~@Y2Uc0$eq|@OM=w8&`?{5S#v+@3bNOsdE017!JWzANeL?;V#A8D6cmi@~# zI&yvSvgo|ev}JBtHl73O=GA3+(sy8(Hwz|5drrVN(;)&}sP177rKMOZ#QEVqqa%JZ z7up9fUUI`5*pk%47%@xri`mDzD(%f!Z61(0(1!GKSftZJX0wxD z?^TeQTAe@_kC~TE`Xyz+Qtr#jK=M%=O9hxYyaj=AR{Zn;5VsA2+`jm|XeWw)3HEoZ z9|%Balww04PHj|yhlIh=4t(Oo+alal(8l_PNdc zUy8@GNHmJH+@2EY@r9j6a*mfIBjcOF$(=0)+us%lc*!IMbx=l8aAux^MVV_&TFsIo z!4iS)$PMzjsAmAY{+z8}+`A;XSLMGDWNy@>KQ$P4wgND>>^>$wQqa6a3a@L2J&GXa zWuqRY8xT$J*k#=0C@JjNjcK9H^D^{WQJY|`;gvPzLy`(nyEOHzLzX z#{qxcUDP(RPn2uU#$9(>rMOxcZIQdyiU)+i*treyse)w34Lted+#Ax_wGB|oSZmN9 z!vI!L>9&j!;w+}4ebp%kx4pu0PNeqkFGoWsvBZp5ieCsLGd6UZN=_H)svtXWiRnYo zFc(FLLR=-nKh_R)x5ZyXdkCh@9RdfcHylq1r*_jgA!u3QF^PpB8H;gLp}}*oAbM5B zv{|w5qC6pdnfY2to0_6_&Uy{+Zw|)3hXR-+Mi3<{p-R zSwe@k5StyIe~D||?qP=4-vxPaqf92pUfcgPPs{26X?{CMsN>NxdO7YJNM&(Y4r{Jg z92X4FC~4F3h9DQd9UE-?z6qeBFmybxyAA#fl8QDJ7sqJ|6IaiEP>GiKT!5G|sJ9nl z`y(889&=!g!kRF^<9419 zCo4>%Oc*_Jo(Quv^WLP6b+1s0geX%wM~{j0QoxRbdQ+GrO$?0%!!xZQ=*V z6LtmAxU)ZvDZ)rw?(QF9X8->L`n#F(kchd!FF+{3APZh0J{3hLK-p3%$E%-ck}h3`md=_YnR}+r zj2|kh6@wky^IAQrQz;avGGGB`-^QUwSxZo&lIG>{3wBJjV(DyJrGZC(f9Km?y$<$W?EfrkjxO zo(1fz>pErd`17*?oBp9!R!PRmepN5BWySn zD=Rz#vElf88Q@}p%kRnyh(U2Wxs}}P!aPmcvLF>>$rR=^xmVI0SrX!=Z{vw1wic<> z*OVhNGYs)w-wQ%u2N!`dW{b%er!CzTpIs8-_{%NUIs>1I4ePpyvuK)T%mq>O6Jf}D~N*0hhqFV zBP2YC8$`JEQP5KhYTq&Ea!{9cE~lF~;|gdRsFs2Jqow&5GJw!Ym2?uC)dvMD91tlQ zpHxk)iKV|IOjmD1w9D{+BO|pj;0f$auH;uf^&9Y7Gz7T0xe$=A*%?BpAop5ScSw{Q z#Hz1qrTJF@Di5i=^~Q@LsWDSMPrQmycSq*F!qtRbVY_F$`vQ94nnKN0thIT_fnp?# zuNrEq<4^kCMe1QSVQ>155VNR#h#|W88tBmmWvz>M1n_xdQ$u{9us>&E8|01CZLbBP zM)m1jwYMnG1>?q!i<3lVJ+5zvDQpnGgPUFl$QZAk6`x-3k6V+i*G|8Oa?VI^sm##= zT$v;>kj>vOg}K@V>9Qkff|GX&btSmU=B*0R8Rw}K=fBNv$dRg!alRHp zO)Ki_}tbZG%(`@X+H_w)$DHnd`nWmS!-4v=KO9rD;lv$s;McgGIW4)gOYmFy`xiyi; zA#>Lhv)-~iBGYtwC_VNO=HjC2DQS9z5c8@7|4GPXbcIuj5#esl{*GY`hLg4`yZinImTF@w^M5O@=Ip}W6QdMP)J z`FZ-qm7Ox`QGH4I>wY;z{*7q*#YG5jaOt{+lrhG}f|XApRc8Y462k3}(N5h~yb zU4$d^coy61IJ}IYUd^3ZJS@Z&>gK$Jv?(6^3y?Vjr%V6{}JMBWD>#Sn}|$)_Ap?!KVg>P zzBXBJfBO+&M#I?Mc8*OIb{$K}Y4Pp?UZ7kb9QC5yyXJLH>5N}xv;=CJ zCeIf=+TBr!=J@-%Aa_8$0g$PuulBf;l~kuW))(bMG@y`!?xz6HY2VP8;1Wl;+21JZ z+}=2$jG!PWySj6PxED(Bnt1x0F!Nuh0A$-#{j9$MQkitK4*h^=7++00zpSwNj3cc0 zXZBNFMMF${!k^IuC7A-Zh^Du&kS&Z;o`e`J;1cb1Z+|LBD&&d15MKz%=6`1EG)>Nb z8q6F(4}`0UvCrf{Ki6z{B@w{VKD{DNRnWCrgt-idDJI5?1Ugljjdtjb&JToXvXJ;C z7Cj5)vQ-Z7$Rr*ng}{MyWk9XZD90$YB1?+uG zK=FpV=92}$nP%?A#1f&i;G;YZBAP z`2wi2oYwO7XCi4g<_;$L6<^6?7ug&Y;=2OqsN=@$9M>qE&F{QOj`DLe3*+5cjA_{C zZ1@jixbF4R0$wQEt>-sW>{slqax|pj#kl2FqEXza=A;ROjNhX}k6BoY@WVXX| zw6i1t8xiPg&qm3Ymo@}Y6WRfZ^u7OtGC!?FL^@9k%Q{n50V!AQ_6D$92n$l_wmc`q zX=~$Fik1Ea0Mn*%6yiKGNhDuT772Xle-{g(=4_|Z^F{v??OIf2N4>f?fn1AZi=K`u?57!vCWpfvs1CbMf9D-!nc)aJN&MT9F;%Q286 z<|pOP+mk!Vv2Qy*Mht^-nFyCk(?0GS`q0=C=yv2zsyo*EH?&KDy&xJk+X|or@Om7N z?R{AOy`B={J4FC9$du~%uY&X-Tq?wQ?+|vnGxd7s??gLYtjHE&sQfN~TMggvuolt$ zHt&JCM)DlMa$F^Z+{ceimMkxnBaAb0?SJx5l3FGn@rAhWqT9*tE*)N97V64ZNGi=q z8jo@B=O5Q$qkw3nAjGA@H6o7U88_>EkSB&SC2id=t;woXz z9k~OS>Du03EzpJL&WTR*djYN$BGJBhL$t@pU{YD9{XYhB5oSqOh0gs6h#M|?y?Ds~%=|KS%VaELacfXv9bq`tvNJuJfG&HNIOVT|r+JC~lfWn{{SOP;Ut{MC86-euNQ@7?8VesFWZa5n5R zGGKAsTev&x6z;|mYH~bYu41%O<0fOmHCeP7QO$$Q9Fb069>l#AZ7GU+SsCc$abv8z zS0IM@iG${(OEOoGdBr|{Fgm^k?E!_bxwCI^Cq7Sj4^=QzUk9D&@hn_ZUlFk)c$O!J zkJi}m|50_`@p+cj|7UMx9t1>LWmKSau*x(^)23~bhNOdnj3;@XjAoK2X_~^9Rb+@D zL-r6EG6mVl5=oIE3dj)IviFv$@_T>o&z<|`mskF{&*!=3x%RovIhO#Z$A)Ym>O{NK zbE&}1zuqv5HCF<4LD;}3qo@+(dAMfeve;K-+J?H_*iSSW@wlUh$o^^g1<6~<@kAcI zfoXrYm9ywW64E#2G*>m0_H;b7Oxmn1f|nux2|~LYR{@*?f}yz zmFFlp6w9s#NO5^-Q!jl*zi9IXF(G@YqXjr6{7p#hHqv$eC&ZO#gqvC`0QN_ci8in0AneJy z;uaB36gw%MjqVcSDki2hvE$kRX)CaA&;qqkkc(WU2f)u1o%T^!*_McJ%ki*aCsoz2 zGsd)aGN5v>Lu&6iP+C+#hFuciBBv)zNnD48rbEkSC`SvSp19CMu~~#m$QpKz`p8HLDD3$A4FAK>|uS0M9cCMd8$b)svJz5au){R@@9d+|Cz?Ot<5tHJq9I&n6 z?E+kcX(f4H?uz~mfO6Jy^6&dTh%3jwoQp2zkzzb5)E$v&Mb-g$EZPu^u}68jur=9g zBS`bRwRfNwYZL!0xfT;{zeuN`Jpdw9yrkw)$f_^a-k2~hO-*tZjh_i|Y4k{&?sajY z@>Cj*4zJ5(y7WaqAe>uqHihnt<$nmk)PrxOXwWxZxle+fxHqNX)82bW=a2Z!S+dON zZl`WjkhC7G@4OTM?UCESx<{Vm*O>=GI@KSOHp>Dr9$HGt7O7SsDIt?h44dYNb|D*k zo0)r;+Z@0Rf@=^i#(QFCLG&5?)0X2z5fr?m=l)9zvDFs-N$Q$$fCx&(v-RZ?!m4DI zsoxUNvmt`#I98;SuaUTwz3|vEKyC$lqi6Y@Bh1|pb1kjnOzFc>5KQLny^OzrPp@<&wa5{8W|W0zu@7Td`tn_G1XQ9UUjx zqLyQfKsN*XTb#aC=b>b2$}5AM@h=m|s$NkOH|f*4EMP{^%O|&O_Z_IeL+*J0B*?5q z3)MHePo@}q%)~i`&TStEbN1{IaFNrsJ%Cxkt6;q7v4a!JWr&6NfiSnx^n7Cx=L&XO zHCzC)IOG5d)ST2B#}UGO?W5=@7u+BO4t6Gs#{>EA&6q^cl#ivq>*BE|R@jlyE*#^W zICdgrdSviHD0%jt?)u0ielaUpDq2c%^-i(h5lq2mPLKEW>Gr};BUW7<@z0%r zT-GVRd6>R4h)XexzLV@|QHKzkhLfLxo){1^+N=d{KI&%538N+Z9KN zCY@Q$ye~RfW>&u^4^heP%(RuXmfViv-Vfj)l7<0)G1+~P0!ocTo$zOaX(oJT4;uiAx{$xM~J6$NYOTT*x z3*%vZlYcv-pcEg8G6&flkDlK@70US2d)l$w{o3xMdonLB6Y^1e}Alta^dY><1KAn&Qa^L`oD z=EBXCX)qso;d??{=c-{{G}O%mfaTca@;ZeGhnIdB7g;?*sDNMFV3Sb`P3aI+u;Y7N zlv86f$$|Dqby)(4O!Z9lzCs*?XH>ap{ha_Z?ABr6!IVIJ(-$k(^Nag-UoX}X+le;s z`x4~@t>YR5cjyPR8pg`0HT$T43#3<7SIv%9X7N2bo0Zv`b12_Z7@WkJ8#8Y*#Al}v z;}E}uTyYGAb7-#SFV@(lf;=E9Dy!n(BF!WnxajVE@ue`=2i-Cp9W+6^_1IQZ|NR7{X>j^G zW;Uc-Vqdv=N;X=@=OEJ`<4BU?*9B6yLBzcAwg{)vG-q!7a1Nw%oh?(xokY8a@)L#v zar6uFY&5?k9ueiD*J6rRDo*c-C-O+h54ktvwcEK_Focg5>Fz1a2@SQ!6jAQ*^X$QG z&i{uVgIXz9qbd4LqLS_fEmeJs=Uf}9pJf*i>da|G{+(qTGBh`WF`Fl-%~ zkssYH)Hx(4eD$sPvp@=(*yTjyeo$@*^fB3;&7BWmo*`=K_%4n8D%WKC-8s?r?YuKo zD0j!y{j+4yh(bqemH@L_2V`EgjQcZ9m{7)ELejK}r3Gz2L2fw7>kef%fCUVgQ%|jl2>7)?YTwtfh%Ntu1EE~|X^A(n zUkGs0>5DRPtsr7_4)$<$bcZOHt`5`Wcv|%6jDVa-tNsVV=!I=K#6m{2>_J%&Bs$5V zA?_5WAhI89i)9XmG;7!q$;f1p5clMsQd=A$(%IG&So+@*tx1Wo)OiTsu0%5rZ z;Q82FjBVjZb3n?~$tkNtnB&i#-Vi5>bO|ep5?B0OfY+5W#}Mn3aa%m02<|4+v^1F9 z$267z$sOYX&VWlrIf#5F;jWC8zt{>0JId`i$=0{aqn(>%6Y;h%SD7h&AjY?4VX*ID zj-n0D6Xrs4!Ng>8nE(=f2)_)h~oXUuS`r`=!P7CoZhdInY7i3TiZ$(O)vr%UTB~NlPHB<@mV3bCT?B!Uo z_7&>d>RH$*bY*l=y811mso1s?#>Qj%X8OdjOjoSdodv8d(b?yVcDb13Sh;x&BZnk2 zlF{M=c`U?L#rROP8<(!jmMA^QtlZmp)a-)=Cqp8p5dD5Xdy6W z0Ul^K>vIaM;lmmw&xlSNtzDW^%O46rA4g+RvZhBxItO$)+Hm87Yk>YNjYfnLv0fRP z^sCqaF4VVkr#w>c{EZL~nu$AYA9ss%D|TbP6_2JrC!((YSaBeWFU1N@`(uQpB^*?@ znkT?TlJPQ$bi|f}U~bYWY-Z)_wL*|ND2)joh{Y};P7q4=v~u!%#ap6B%d2fpY_%{$ z@S7!bj^7D!k!5)iO+(OhE}j%F#Vw1n;K?P`K-@1REijMJ^~BeC5T3M=mx!gqS&+8g zkvn-MMgS~i7Z_VD<~yB5(q)*o=i$D?90_evh9LoG9uD9d7UV}E>5$QS1SscQ*ia&)-}Kll7+c8RVsg1;)X6R2k#>5} z5enyCCGTrE2`j`)!d#?UjDKS7pPBB&%bkYfQqhjnL}tk<`Kd7X#Kbco{pGCVvSiRB z}Zbs&vT#||=neTXQiOI)ERIi- z&qTS?{xRZmV(@1vviM#ObM5~0$q+` zshM)j72v)~=dm%6PNox20#7;zyQqE?RNeIFg)oJM1*9KZY}zmvs; z@e|`ReN!rC=ziRsQtF*g1tC+ta)|6Cad*`rjA|jnxIK;#;T)y5C1Z!HPXjW45)=J+ zRe-~ACL7ji>~le`Of#0IvNnxP&H&?3v(MOApiloy%OpxWap|wXC|sgzuMKtFC?p+D z2p`$p(6FBgq;&0iGwDkaFg-bW#oRNq@UVEGmsh7zR2S&dGA7ycTqeL%b$zKfuFc7b zledr0M8d9)#l3OgSy|KyJ?IfH3D5+FZ-~dw=9{L`rK}d$RnLJ=nIJVX(R;OCrpH)QdlB-^Bu{0QQDDz27C0f-v<#7US=t zeMUrTr@NJ8!s8jv^Y|g{lhR~CQ%8uq7fI28D1Mx4xPMW8o&|vxT z1zF67!Z2H+*jUxdYqySB20&^wQXxzjk`WM{AV#B1Aj> z>_P{VRy5`aGbX$LI7A5XnGWMTebdT?ESKRws=yZjrt2Xmu6RW{W zSAe>MSWUnS|6zh*(V>IAah1MZKsG+QuXtF9lkO?to8~3aZv27`tz)MvoxrT7*|C?t z{c~lhV}W|=euC)AtvZ}Wt0=R!D>;oN0DTQ{QF~l-RTiB)g~YILi>ram$e!K~xv)dy z;e3H`M1u|nU7nIKe>z5JcZ)Prd!&4!&F2rV0V7{b7_9R2kpR-wc9AD&%!_@mbtn>Q z4VPr`T#DnahoZCub-^wa;D$k@ML&s)g*bJ@=Il088ncd0WGpf1_fCSUv@KnN z9q6PR0BGll<0iyK`gSu-C3iK`or0VL3xoR0(>H-oB$Q}4Bz`T*op2gE!f`ie!TXZ8 zR$?b1E|7EpqF%I_g7^%96v9VtpoDrZm1u^YdQw4d3iX3~Cp=8ds8y^p1iM)BB+k}! z(k)rQLJ{{T>AN{Q33m34ywMu>h#rl|wih*wTS46QlB@i9OaN6vMN;$C8zP+oK2s*f zo1&dUbN`@(@o%LO;OVr%;h1zA0el69(P~ngvP^RZVupS(vm{pgwMchJ+~T%#A{vUZ zw>xz^gi+TzN{A!XS60N+B1eZ(51aRaSnUsvL;i_xc|7$9q0BTQb_vB;;f^fCLLNco zV0O9?*9z}(U2$U`VnHvB&w<6t`SY@!6Oq^JZy$h5c z%~aMMi&J9cYW7TLi*Sv38bEsOoaltPB-4ADt*h>ab_M0#h`WrqUXX*Zu=K?TqA7)* z?xc1@_hd2HTw!=uilu_wNR8~=5p;c;BU7bO$O~D2%%b6#j2U$}#t3p>kROjiR10uA z?8jv$|GW^!%K!_)JNl-g4YL|&$IAC+aS_Gh`CvN%t_XJ?iS&4ZAR-{X=#QiG2$DwN(frXcsM#rq%_)s~{1BZ{AR;tMA@=}+2T7vpYGE&!q?W;6=5(FmCH;&Ec+qqhlw zNj#kwt1so7#?wgGjI@sE(OD5GEL%95_z*QY21lpS=+sl>Ipp*_8hg&>F8S*! z$5!_{aYA9rb5$H7I&DC)BCZv{UU*7>ysl3Q)zrtcvw!B>{kVr{Cy1n(^}+|&UtDzl zDG$(uylnFa9DscK_?ZIF5CV&EZI110{xi0m5)NJ_#BEYed|qqT`XC1vb|6zr&d2d! zmh^0Ol7ZMph`W2Oyi8sun!;ix*w3!;z=t5I$ApQKqF>+C7j67PpESI$5a8y)A_{2+ zm)Z{tqiy9#t}{LnMZsH!QTB<4Aw0d-Nl}e|G$7)1!S42noQBr}{{lj$yr&(D^=&4% zj$BPoIzoU8JWtPYjeo>}o0$zK>zl$C7IL9qi~~eEDBc$PuffcS7K5jOIxYn1Y&6vfQY{J+Dx7jLIqTjy`?t ztU~AA3VTF*U$_Ub=C&U088>Vi%!j> zN{V6MSMh2d6-OPME#f~yC_*CKTKx$K*DCRiB~PPO!p!{S9x1tHxm6%ctEi5Zp5&8G z)zhI?xmc7_XvKGMqQiQFFqgLv>tkfP4?hJ$C*s}hcwXP|2nPg-SCy|sJM=8X)l7#Q zJPkq)Ec$)zF(k@46p<|@)=9q*X4XmIr_S)xe*n2};#m^u@6QF0ZgS(3c&)!u2&F*z zC02NbZ`V@FZ%A2jmHeDQC(B&arQTBcPp888pT;f$q$niq$lVA^hD1B#>T;O_-7Nwr zzPwhn#8Oe-6wGFl!3u>7#bo@i^sK|}h#AD>*in=V#7bsm$Jj%l^Wyw65I;$2d~fSD zk*E=E-mpoMDj3qR9ODTd6dyQf+$hY6b5ou8F5_-cAU$DdnX%}YyhybveD9W9=! zcm-OJXXe_$Me$}Hr?S*P*vb%mF-x{7x#piEz$L8bF`>J72$%KZ2%+YQB#((mV`&=I z=KM^^Z{=y}v50cKo5z}s7q&jl^c62BD zkd|fv{i_fc1)m;8sUXKHFN4ALLCsG`i!ftse;X&KKlf?IzDfivK_I65?#@HwA4tk# ze-z?&Wn(jPD{6SS!4>FPjrFqw3wG^6%Q5y};PgwL>EhaBf+(|_xiPMP#iYFDkj9g* zLZ(dQA|ZJ)<}G1vvu-qlRic$%19Ho4Rn5W+Cv*LlxLw2ZoEtxf@EL@tIX!7T#3m8inu2)EaLnm@LB-&tXQh3R7aSY+B& zxzN$8b2vs5Xoj}1Wa0m;C$13Y?prbXT8w0sZ>H(-z>XApxBh@&)Emh)$DWkH@9^z$ zS4s>OP(fQN!mS}!4vE+veUc9ynJar7yL|-V@*`s!xi#@6Fc1?2lR<;7M0Xcq#^P$P zC)z~2j0d^g~RWzq0@_eOngvhk-q|QXp z_qkZ8S=S&PN2cdu+#`_Uq0HPDuZnO^tmBvsFd8=f1k6P)>m2m9XpJu&-%I7;nD;3F z!(*VZD2~#%>%;J9Ep>92B*^g_rL(Z!XIT)oKZ(Nn-hxPBn4VRkZ+A5mEV=j`%)?vb zvmB2Iaxw9hQo!K9EuP4OG0$VpSB(AtO)z+b0*w?PUl&P#_hXoIK6gG1y&NNDdh$~N zloN4o(heoju8J~{?pB{5Hx2r`+yck5LR=EIbMin`j5WTPMsG2@ZD&6R`Y+$+l^Rju9yN#qU_LtQN@-5Pl;UR z%GU5U{p4gDG`qbb+QrPCUPr}vB~W#o9#*S8R))y>thQ18alSC~2m=KA>_EIGh~k$L zZI|O#fnwvnZ%M&auPCzA$VOuOT#wIJaFLy{BJMWWKlsYg4jdjyaJyXxln zK!k@mZ?v{_CUWNI*9LT{I(6xS$EkHdJjk@4;&PV-SiA5?^g}v++NBw?+`3tUGuXSz z1pzOA3Zz68$y)^rM45AgeJE9HpmYfnmpJCc1tQ$C5~u0+%JqP#VxdRR!^8rSY1^wD zTngTvhUmsxg%&(^{VYTS_k)V`s32EsZsLbEeh?t)`aA3pKi0Q@O>S%1UI?MFB!kt7 zwn8*z&`l`h&r*`?IGn`=d3>$DFzt#B2yfmdreMjwc-8MaQRYYVZF}N0(PjqXU$$pd z_Df+dit3Ns#a%Z9N#_wt)6U~L03I__CG&Bg+)Su*iUrxT%02^-(tF2 zvMCWKBmkW+19o5~L4pF-$a=+VXdc?7P|WY-wiZ{|#;`yZc*aO|0S3!)Tj zZ|>MTu<^cT3%=7{Bz;%z6w5JrOF)-F29WCiHw$968@V7Z7?VZmOE*otsxHt`e4AE| zdjz=`^bN|X%bPhMbHaf*V{1ZqL&}iXEk4^T`qbmX-4>|GpwYwT^($enMl*Lc9EQu= zWJo=yMC$#m5Dg)3fcDxJ(!H*>mt)$!qTQ>>uD1(^N@i!a#b6%0PjT# zbxE3-x{G>!;ay>_2t7znbCwwo;taXsOT>CB3vxtMQcFCXG923oGjFH!R$x!up93u& z{n#PCHh~asSOgO&WKGNxu4C5IE%Ba$((aNxO&!CNvSb$)bYJtf05v?)ulaD9^@DHd;Q;dr|zUKH&PR7p|R+8vUj=*hA8fe3Q0 z#=pxZ={H)4F+txhVt;AmiotkY0EtKsf^m7s9@+26zR`>r769wfX@wI{h$0W9b(rPv z31QYV@cUztX!j7^_(~@vj?b|~fP?8}{6!dvVAWEJ&G&+EPwVPvO|}4&1bIA8&;7&4 z-hwGfRU%4XB8m!Du;aZ{->y_^;??SE0jcx{Cw|=MS^Be7IF*%>GX?p<-jJ>UH-(+C zr)Zaj{avwR5a(WbkcFkicpMXLo_BE!8m|6HWYRAuRA>|FtrW~x@vPT_Q6?$&zVk}KiA z3vrfg56khSXc&f%fOseWt)|2vx}lQa(q$Ge&{pF9M4;!7k-HGoVIs&~bxjp$I$F^* zU`Q_!Lc6ez!_&(|xhWuFbpAaz&j;N5m`G2`?y#LMcrZIPVu|^ z*N)lf5|`sg)%@z}<3pc&b|&5~VU&TbD@U`t@(@LwVjxLF`YsH%&gn^9NYze-G+R6L z1SETnxzikiq1}X|z^7^;>7^(_lw;|12+GVG61|f6|5G&WS6>-*GyD^Ge{3Uq;%w1r z@i^rqJH#u6ksEf;m>ebz_K_g-XSG~CCH^lh|hHUqyR^m(aSUABHcUKMWGoLf1L$FTaKGNIiAort(3UziIxT^ zr`6ocBY?3`fFt+dKZmBCzAuQ&h>l7N%UrD12;^SLh(qNGxom%|pQ9C{UdS-!5lY_G z?97V#cH-KkFtUCx#2l7;D%o$M(UC?OzuUODs)+zDV1-tmxLtrJCLd*c5@ATp1}2+H zxGK3y-{$``oVmq+MAKq&yMl2Mgv+2SJviPgL}Q1`%~G5s%8_9m4=;*#0a&Uj-TL#g z08_g#Mx2n-6L#i}j$1`LLgyei;qey%WIqoLi}=xgS?rnuuPPiOIz2=pZ|FerMC0qX zf=Ps%4mP#g!U}MYX6ZrcgZ1U{`C!x;7a;MXzRk$mmwP0mlt{}j;7tQ}0e<4hFd z`p~|55INbRb_#Y5GdP^b2cjui#r(MJKt4wqOb3q_1-LuUq`~(*D2vK{6#j`*x+`_@ zJV$iOnG&X#GG5*BU@-UDYLBn==>l?OYw7e|@2W*m7pf9j%mR@v0Z+%3V~J==fP}deo0cG4=l+qa z*$G@IV6;Ykv0p2sb4ZPJGy|O})Um4A#G>oomc^ROthj?nvP>3RvOG+5I;uI8Aj0`p zh*p9`uvpy=<@9DJcD9WVQx<3#W?HliT4FL%f3P0IP8L?I0!BJ z;&c&CqCv{`4F0%Zm@jFIgWX7o7RuUBy3C8Zvy`SW3SLf0Ia*@He_bSOu<7&HqFfO6 z_lr9?Uv1L^M9vlURn<{1!fe%xZp1GMA%1eD7+;H`6V}d+alL$|OCV1Pa4*7c<0gSl zpB7ED^d9O1a*|UMS5NWBLqXh9QwA{*T)*EmLV38=&r3O3jQ)}ywu?)JnC&P@up4M8 z12`Yf8Hr%&h#Z<*LPkc}pArO*rF6vDziPm#lzQ~y3G3w}0;n6eE-c?)h;o|9S~$bw zEMd?w78YOccJ^&d$gP6hSR97APGiCQKVf9d{HSZ!qw`pZ)LG8Z(9dH@ zg+aY1?pjDJ^JNBi;PHP$S<2;7oA=1q3UdMQ0+Hx=u)pS-dXC8pD9jbmThv-f5y;9gYbLWg#3F3v;IU_hPDTGvsLd7kDh;as{Er zdP0Nk(!cXmOO+f&cUjEO&bm5zmqzac?JbaGhj8@`r;zzZt03nNLj5S=)xvyS(7}bZ zSFd3Y$3cgIr=0?=*4{Wu0L|IX0k}VI5alVXTP8u=sB#$jn@}@rN{RKd6#o$7nzU-| zd^wK?m(Yetj#jH2p2g#>7NmCZGa-x{h8g12|AR<5)H^JVy=W2SD%Yw&y2Ovx9ApOV z?qdz)#btq{w0JRXS9t`4YbEP|LcDz>fXml_ge2x41?_qz-ieuPdt0MVs0$zm5fc8q zEQplmv4(N6*dMDM4d5xK1`iS2iFA}y;V~MI0b;5{hdb`ow?iY^i?2kQaaGB?XHi;` z#pe-pmX-ear697zLeTTU)dC!g4VR?euYWgI89^OaL&p**y-w}>j(+VF;VvNe5rgs( zu=3AVS!)I1B$ZV*CKVummrE1i)2j0;^9E@CqwX>olbO9rzyHGPe@MP3H1jdnqb)Ou`n-xqSH-;K@@Bg(P_Ha4(O=dDad6l zk|vq2^m7n~OLg+#!fm45U0GHT+e)o#os+V37>=Bl$}wJ$!)c4?i`-pu5M3r*qDY{9 zia^ruNM2vKMwD9uMK;QOivagyc8N37~D}}H(C(k zI!*89>HwXolQX1_B-wE+dkP3WrhzR%ufAOdJRI||?KZ#60ImXffObCtW}LJH=pb>B zAeWQF3yew5j7JM~Gj(f%Rd@K?sbDk;^O>Bv)SQ;3g)U4ID}fvf%Rf{+*wmh>U{u1! zucRIivr6z5 zrD#~A=b`?d|HeRF81v8IH}x zt!Ls+ZI538xinL#LX3#^sMm#^UxXy;mF%{p6agAs?Su^i>#@!;^X>f9j zrrM&j9hoD&mbz0#sz;)|9=D5d>FhRwOM-KN%t>iHa!rOaBw?cqv@W47i1HfbQGS+F?kQ^mj24S z!pvYj>=)}?01eM%Js*=qz_aAgUf|GPip7GQF88$zE_T}23v(KEJQW@||tSP3t^&F^G#qyO!fy(Po-pUHsgme~H5Q4wpI%BAJf3P=pgh z-HK)X@)RIOb0Sc9O@Mig0fS#OUF9+`IN3D2I@ZxQW#j2cEM!Db<0iz%$rBBttv!G1r~aJV3xB%*B4lPpg+h5JkWY0LTXq{O4@^XyqhP&{&*MxSuAsH zmPofmCIhryyD%6#Tc_F!M7WR(>3O)@jb97$c%Xix`tRjfa2+_AwrP&xUwk9T=wyqy z9q}^SzXH>Vt0d=t@f#uLziwTU1J+H#C^g=vkUrmJg1NLSYDKt1PUG?fb43Bn5A$lG zRi91?hU$(7CF&e2@LCSMZ;Q2WCLBzhHFavV=$mS>&lv1N6mhL+D$Sh>S#NR+lzECq zEiQ)W@x{1Ws9A@Lx6(qUo!<#^U9rm?z<(tz@0sX!uBY&hN!NLS(F zh7((C`3Fcdu?p#GZ_F3q8cEw+vcdxec?N01(mW0p?IBUk2Bsq=(b&=4394*p|O~FEj<=OcZPU$=}?X#Rm8B?Q$fiaysJ9f?N+K0qf=LBg}0(PiN>@ zD8OBl)05nMOQ<2xHK^;Q2Mon;@_1AA1WVkU0}UOE@lyMofV7~vEsT>!peg9SbE@MH z`gVG}XjjC#>`@`qcjPMBalM`Y&Seo-*RjmfEQZ8{&HeGI5La+2djs{`b?(msRnpSz zI=X~7P-BVfE{<}i2r?H?mF<)Jg?J^8sNEyd+PDAgP>DRqPqM{|4`eZ`c`mqFjx@W4 zIfIIx0VZAU+y!~7kuP1t@vdO=qpypFblV4^;m7p4>bOMTX1e6TGDj-Kat}E|0V6`h z6tTHzGp%`$%>$yo97$Y!q3Q7*1gRb8;X8B0jt*m+he^jxPEIgsngIImRJo_ULxgkT z4P88=#I#31Jd`V%2V<#7*8`QQ$?=tFM@Xt$He&HBZ~kx>j{d(^mvVIcHA`wS%=?{4 zv7n+hD*l!wgSRv$z-SdRx>)SQMQ!p!8?D%&OvyLU1&H70K zobdn;OKJ&yOAzczTqW^@g-DlI_D;#WTk*XovUCvSGQfreI2~ShqqOCSCxIw#Cx@(8 z^gVk1Bau;0Pycz!VcOAwT<&SUU0U|Gh`nQ5A>hA-wEg{z)?=n+bI-tOGACk z*QZONJ%M)HXA5FnCUV!fG!HPFRa-aQ@BJgoq>QU5`2yy^Es!+#+B;TxhEI2wdL0pe zAR5jOO7Cn_5iSfnZYJM-1yJb)F!E4+yZCy<(lgP80-ap5G_-C@BWNl-;h#>8AovS6y=zLNOELN+5C#aQwk z2)%T@E4kW>&OoyCxK;$^6<><+gO{LOMl6gu%<%S7j1lOGC|$Q$&^zKX!JYt7OJBN# z!pD8W%vM=d$BHj!^pp<79~+8x95%+5S3dO$7>%bz8z~viSp;~ZK(i%&@+zdqujJ}n zZ>vof2u-J73)V6G&O;_*WQppFahgzf4laV25Z8VU00t+|SC13n%xbHq#M2@jc&c7^ zjAdU3aOJD}TX|v@1ue?Bk>JtUYqtq;nP?YBW=r^ZV-gjnuE3(w5gWY$@tTq|=dT1fd^g9B zb>4yW8K_Q*wye6y7Z_pZ=?8`aa`Ct@{caw)D}JYMCx~SOoj3u=5lJF~xPf>+4}kp` zGtHjw<}v!@MP*J7ActVidqaS^ikCGlg8viZ_8IJ>uWJCU{azLd*K;@zh&e(WiWP?= z2Q$}k!e~Xt_m&gmQc)ftP01rpV%d`S0nNxV&qF2BleYMmPvo$-!52XX{f}@xNUK;ur&SV#e?y;l$Ob^6k(qf ztqy>aBSZWCk0ISns_dt?LoONrE7%p9O~L(q`}9v7l{%xp5Qm9$PI}}#juY*^B=ZJI ziq`uSD6L%YLJiQ!ktrA-u{d2R#K~0ZZ2r7xca{HdeUHk|_#qwf*c7pj>xH)&LY-?( zM-Q__IeslD?K`O5a{v&)&_=oE_i^CAAzjl@YXV7*6rA5UWI|!DXXTQm?%E2zSBy_pwgu%TUWCk7o;hWiJN=@9VPiMYh zkjpe$`p<$WDpowqjL+o(uqaMMooD}-0PY;bs_qj7zz+@-$r@0X z2A~F&^xxL#72shwYjNBniuxiQVvdOq(;wwPy&NBlax+#UM(w~6PARtj)-mwx-N6j; zfJo(sVxT;t%vz>uw96H7*{A6lv`455&UKsSk>3fS`lD(j90Wc~A&T1C&uc8q8EY;} zD5|FoH>zvpxJ-b1bahV~b5wFQ@t{yAk7N=-Mbs|`;vq6&@}%+cm}oav#b9fj9J9y! z!W@g0u*7>S-w5$MQiWCQVar2OMmYJ+epp%RYSVRFNsxmzB(FEK zcWD>qVzMeSyXge ze{eb@DrF#>J$^p3!~_D zy~Q|E-%dbp#iRT2Ga*bE9lG;>U4*lrfnH{OA=)`Fz0+yb#(I!BZ{I=f9B z*mSPieQifUc&wxIm~|k1u*03#sB0s2h28ZF#p0c?xK-b7I@Q~CiZv( zB_2`ua$T^|<<}3iP_C`k19b!PY%x_nOMn}Yu_S?bye-I8n=5<2z1N2(`-=LCxL4oi z3YXTpYWPTqE8d8G*uLS&^af5^gV8HG>mYhcD~=MB_DF4~neF1lG#IxWqt41N5|j?a z`lwcKh%9C(L7qVmA>Uc#WmR z?u7x5Plz;3vKu-i@v36rM`e7Ev;(fvtggNh-OqOl2 z(T@OJxJJDF#VMklRTKUo87OB6VN_3>8t3X$14v#9Hro`!Nws2y+a6m9aG9inkZ3vW zuo;-S)PoTQgMlWUD$sc#D%a3HUWhwcTGTjCkQ;Xf=Mx?lXT}+bO*hX%Hlwwq*G4WE zq8og9oFNdwTfbx1Qd-kJdBJ(pXoN&gT459Hx5ZrcXJ4S~wyU~;Y0w`~?< zexV)HfU^X6w%Q+~P3gwVVHh*Ym1DD@x}4*%_+tRKP8mPHQmlJd5L{qShrv;Qd?}g= zFrUG}*nhh$2Ad^aaYp0zKrS-6#T?NO7T~TSGk)J+Tq6*+OB)5jjwtg%F5hUD5AsO$ zS$}$P2ZGTA3sD?hejML00*}@$F;|2OUdNsSt;#q_ked(B8w0V$jt-Cas>RVQB5f}^ z1}o?iA)XvDdX8U-qW96TAONxjDiG3QyA<$RzV&kCbNyX}tR_U9s8B5rl0 zNgQA2andtfIrf-HFtX*L0ZFCapJbBOZ(__=>;&mzRwcSV(UK#&ccyH=5<*GUt^={} z&QR`l_@v?7#LUj_@m0ZY6N;;Oa2Eg`*-DcHzV7) zmUi6)#-Ko_Q{BZufGg%-=HdF2_d|5SoPeHplV{2XyQEonhJu=la`d5RwBib3aIr@l zsRu;35$oh~=bw257LkRCd}NE=2*Z$_R~==2I`|ZnL*fF_P9OadY19qJox&(_y1c8e zZ9O>)#@)pN>087e!p!=nLN`Mz_7XzDs64ML><;1jh|kQh$U|Zsp^n7SL|e$aa->xT zqFwQh5Oa(dh!al;o9vM#rmJWjiD1M&LfvM#LS}REnE=dEZ7XU+P*Ks??R(td9mL1j5=c-*G<&bDg>O8AiVGz7W^2L$7kc^e=NrdJr*_&AcGLbouNvIzqj zZeawtWU}k#P(zQuPoUFhJD;pR?+T(eBRBQLH~OYO)Yru93O=0&2PGzWj-uxagKLQ@ ze^-pJgmhxlZR;P41*N=VZSRi}0knKkQkO%kAY9)H%o`ZA3x&XGPLIXG*k}rrhfy8= zEhmX|`YqBgoJ0Vng z+nvY8!TNRz3^_bwW1`S4jB>DT<7z#Q6zOs#zEre}7X+hf=EtVfvINp=?fw`m%oV9c z33HrCmmpD{DMo`3*P~TACNw4DxvMxxzwtc_5lwF%b0KQGwEaUu+^kjYz3@d!v~@Lr zX=C-F3@M?{2g00bazVfg@Y6wD4_=PcJBjhNAkTS?>0~7puLP#m5@FNHGYI20S%yT31<#9$1&r+;M>~iFjuHU#s|MpjeNq(Z;=~6cJh3q5@g~gljT&|udd|#Pww?fH6B1SK1JFm_ zL>N6#63do&SCp#Oi=*}(8vGM(mta++sB8{Lw20PaoGy^s%gHm{dDnd*UDalJ*r^ar zaufw|y9jrRIz+Iyh)mmuQwEn0&*#XL#C|T;Ys|u6iq7p-GzuZb2KoCR6k%pF(Xt(A zi-m&B1Flla$fia`#09836pmkA4ePjZH};Y z7?e)P?Sd#L@3Z#Aqas}SN;E8b<68l)Dx$|`pS@8~`l%x!5iUi)h|x|t*pDCF!-PGqb5NF!551B4#X1C z=^#%`6Q0lGP+GhYbi}3y6Nc)IT-DtXJBwg6_4a7}i(^E(;OK|w;iEf*IK^%hK)T{S z0j@uzUn;~Lb=%{`JSM6fXsg6(g)Cs=#sLEoSs2U^?Ec2(sa)W(@Au6rqU9?+DBsbD)^jOIK{cVRFwd|tOmG#8e)r?GJL?f1HEz-jvovK{D- z6NET@UUX)PD8x;IU`_gfUZnocOM!_0`u%PzBoIgeS% z#xI(Mkivus6XGO&TXN6Iohx;nLL|RgVL=wHQCds9y)K0I;&q?4=ogVLQS<;wf8){| ztLDgrB?s2Ne5Ws@u(QJ-9Rv+j>&gFeLK&}!4}NIAe|?> zT4}f8!L}z$LGEIte%_ly$l8;0$09+lO!MI4#c`Zymjnk#x|^!(1#$iHlFpL4PhSSq z@Zd&&%n$&pt7(k5Hve@t+qSNFNI=r+?D>#Qbsq}N>^3CfOFS&f6`6*S?&1BAu1M-V z9Y>L6Fjm}&JH{RQBrb!JG4Y5f7}7a%Yg{*wMNBRuHLPzDM%qotT9{tm5owmr?B(G~ zc01n+a!1#zC2h&;fXJr?fvNI>k;~Y{A^kf@fVomZS}b)(3vps{f-A-9lLV!sX4LB$ z?eNRIw0dy)MW#t>g-oMv+<2heFNG>6{D@ zPV9Xch>OA7#f;}h0W>sTtx+#t<5{u;_`Qtq1G%3tT4MUJ;Vz%hX5t}#i{twU< z<($st6ABCi@w!kK1uu>iycBbe0HV+C%<=7Zefwt#Ql)tEtRS;yniL~AO&$s27UTSf z9ph2ZaK>6f+Z+v*_5!W!S`~(c5u+M`fi9BI7EM(X%ZwXSqR6rqw~KHA&}1wupvXra zlO@O?LvT!2+j0q*Tc;JH<*t}3z@?;CQY?B)h?!E+%pL}DV>vcF7LcNH*MVH3JEanB z-Kab+OF}-3x`(4i2%)*AL(b8kQe2bvb;Xf+=o+kH>8EQRPiQKIz8zPFBFv-m5Vk*C zp8)Lw;|r)T7<=bHW&beKPM-izJNsk3zfhzr#8sXS@#o|S0tg8f9u?wDhD)59PCXHt z5)A1H+X+91pjjui{J@mh7fm84S9usAkX|Qh z7T^g>Di!z@LAY3s-ZX(`jwBcB+qr4mf{pV)yeG`PMx$I;{@)0q=5%0uUKiq2QMT2j(1Ga{SlVUhJi_!mp($ zHKDY)m-!Whd4YR47VZ@VxVuiTuZjkdM8yv^rRY8r%KZf8s~%1bI>0`q>Oj;gE?0T?>jlda-l8Ic_5}j_Ob1`8PGH!yMsLhxXIA$;D()z zu^@^+t63`WagfM#B-@4XFVjSHV$eHBarAkPAz3X0>O7Hd=d$($Tb-Y!fKylXin&6_ zB2kIxkH1_1=|T)}lHqBU`2K}JZi3N=)o9_L3T2h5n-_ihbS72m$%{nO(Z=)I&2joB zdHJIu)=46%!D9TTx|^MvBKVG#brfL^xyaFXoUlt=k$yMKYKm|5?Y7*XDQov%Lps-4 zowQk{Xmg#(UB^e#IzXT~hKifqfPXB+U4UR61WRlM_PQ8&v{zEHI8uO_upjVJnOf1cGLw$lU zmxOy|ofZBo#CbI05{|2e-)2E5m&6tS5@Mc>J{ZM9KM+G#WKkPXeea4V1h@k@AOM_Of!?t8 z6+n&NcP)r}>vSym5dkG9!ovkSU{#?=@6uKL8oahvh z_Ea2k_Qyp6T#Nad1uJiWPMrbcADo`YIoe*7F49kK;#tZ{>wa7=(0v6rT^&-}r9uhn zUT%fQV!Wz=W=|!}$u_g;MiBKnrU+X6G?C^_H?{$EIR+~B@;3pydAN1!lpcI+Bh1N< zTqnU*Tl5H`mdFY zXLMrh9FG48@f9!E*xFq&0-2&(V)xtl#qEbg5<&HR0ghZ-NZww*K#1qV+3kgR@lyO*2(!%~^XDu2cKK-;e38>K|IK3{0@G_<|I3jI&gNWyJaQND+%z*0RuA0` zNtHR3562P_6rm11io^u@dI6)nEaGWPyu4MQtIQlb(2k-inya@7b(Lo$S!!igyFE>g z-OQZi&ijKrCVE&Ma^_61mF^)Xwc26g#2C=GnLs1aOiKhXY*-uVyQig;6h;T)DpBSj z;=)DowP>@1OPfTCF}@K-b@2)(d%HFN2$?n)xtCj$#{_N=>V#(YwxeTmFSM&&r_DE4 zKUh@@G~>`yilIL_4CijtGkKXsgZ>hMgu(fk+)TxNkTADThqCD+TspLFB-AU$N+V#- z7=xc(VtvuncJRS-xg-2Q6deGSMK(HO)sL3?cgaw=TM%WI*Wu(y!ih@+!OIDB;Dhex zo5HYf(xv_ak!CGs7#x-Ra)2h}ox}G8xHPg8iWUCs#O78v#sYo2^h^gl*1-nh8etC4 zeyJmF6iw-;BsU0;h;sMUB_>CORUZIxd7EUKhCBY-1rbO`Gn;xmC?qW=a%i-+9?W9Z z;qgUdX;=^$A*iNPoGi-4m?vfV9Up>r#z;jq)+-+dp&j%TP?SUvxmUi9W3|6PIlJzT zMX+g#0LMW1}dV4V#1bOy4d5_sP2OANy#Q08a>_Codi}JqDN-JTb99K!CZ+v8Ag6 zJHc~u2#cO%dwF*bHL!E+LUsMQ9AeSX;u#+bqWl$H{lvV-vz%(#HuuMsIl%HyE8Zl) zMedf{p>izycMz(_(64TZHAK0r>?Fx@eF1b$9N=m{+a%JRtDdbB-K94U6XrBA4d`nh zjbA>R%DS!?a#|xn(u$`?4Y~24z01B#8Xn*`w z6!pekR#!YN!tI9VOx8Y)@OaAM{qVv>Q6$%{`||-_)@~8NxvFMyoS;ufXJx`Y7&A%S zFEBm7U?PSY2!0BN<5|I;mKs>^%Dj`rv%Q}QO~;&8bIA+qp3bmlM2N}7{;k5yUe;eq z{)Pb8TTgQ{Mn24=amB$3%tr7(!pu*3S&kL|k1QtkxxiAW#pD2=9}fzo@i;7T=h^=+DEC8DImAHuYl($|X+Epx#OWfl5rq+Z+#|%f z%`NqJ76x16DM7BhZoK<=WRbPuW1+5m$6zx@w`*R>faEFBxIuv9RUw;`XH~}6wy%Pw zlkEVL=Ty<~Z1$}BI91RENkhi!krt79b+jO zO(7Jf$i5w)@S@0DZ=Yza*Nb*nCEJ zY`782y~($ER>uk?7kdW?a!uL_$#Y=G3UOZC>~MF>_Tj`FboR`wN_TP@T(zAk@Hp^mE?@^wRjp0^mcTb1=TrxB0*YLh?e%$?s(l3k&mc zDaO1HL?iU!6o;o_Vko6&CuTyWI9&ATw6j>fhKBeK$Pl%LOEi8!NUFoE(J(hY66NY5 z=7$Nf&PO0FPh+A(N*f9ykQ{%@RJ1J$LYy5kh15Lr;xrg3b3E03(>Wg#%-we0^xE1u zPc+>GZ+|#^%zxyma#UhJ$pW+M+c|1PQ_zZ{g!z9H<$_9d#N_?D5cdt4uOO8!Me)-N z;~-1(f!!l4?PwHVTdw{84WureC|7pHplDZzM(in5`f?mD&|@P}fx$HuGu+yrgF079 zVA{3STK9`AI+9g7g$CjJ0^L#2zM%%=^H8{IL)0cl?kdoka4X4rh}fY!_7w`BP@w9H zk3^V>m8cj-@k?m+M_Qs3SBY}%)bn+kC--Lnpz=DYOm`bv)z6@2{seFNqUSRsA=IS~5^bs{xvW)2ZKI@NKl6$kwX z!1dsG+!A++cFKCoSCebponzH)!^n16tv38G;ao%c|3~9J<_dD!Eu6Br{}tfgF%>~4 zf{0IqxJjAk;i`D>{r>?v%hVb2Ks@tp7Ij`C>5tchI24x{h&#yO3t?1FYJ*HC6PB4W z8l)SO)kLmcC5$rADY{1Pk_W0cg_ut$ICQW}*35M7vY@oz++N)deId$Kso{!zI96W{ zz}4mK&gP&P8wzrP8f*o~V-Uj3O_^`Uh-lJDhNE`(e-of30#^qw=$kBYKF0+5q9`ZF zflwZ_7!k{ZnSpi}X~dzB;>cYOFFGldE3^<#C-gQoP+K0i0dXzM%K16M&X#wj;#nb1 zjj=j%r7lgHR>&|m=2~shNfrj5S$VX%{fEf3?GY5}vTOW`4nbe7VkN8)Nxes19mIa= z@01O-inv;&E7q;SUx<}f0)a7&74@-|zR6A-Mi|{8l5y8E*j$KHQ=+$k`qgWPzGGe z^~64_Lb(17T1%L_4qMH?Yk2K9T?_@fXdH{QXx)(q>+6@xW%_8`C(vo@ zT&vmW3qfur=3EK-hGXjLV3da~Gp-xffS^*%$>hT^beaGsf<6Opu6M@o1$h%CHAlN- zEXUV*NL-~Pw}XW>3F+*pnkH**427k$9kyKYf1=&xSjQ#VRF`{GC>^@MhPn{ndK#(s|wE*Of@92ooKIYDj_Hf`+OH&`o6n_C(th{OfguZ6l)iMft$X+_nI+O?u0vlW-V^N<@N>!y8qK!(I$&-TJ#tG4#|d%GxRL^4?}Q;~9u9`e zRoe4H+{Vo#muRY?MR!>j(A6s~(jlxE4+)}rZ6%)Akp<3s0vwTv#5!T|-yCH7ZNYVH zzFwBvG&US^5I0s3qof`Cwe9sy?O}caIZ&HOm~Z>!-->cBRa}6{!6+^Z(-;^UXd+x? zeZsi%(rbYoYYHLxZ6}V6WAsfAt3^F5z7=8KaSOw=$rxTez|3F9S}|%wn{&u_`g#|$ zZCw}$DUu{7jNc_r*LTY8L5_{ham)r;8tg81jaNjw*cDxixksnmv1mg;_Yf&T56AHW z97^xC*=P1yX(+#!3!~o<;M~x?E74}lZUkakJ*)DllR~Zzu8M8-6U@ym!kyW(8lzR;aHo~qhxoe)=QLFw4tiqaO+eH$OM`kv=^K%>4f7|X^EW?) zO3&4jRnryaWbRSH?mP@JcHX@8lS4=ixDP7Fx<4Wm8FQiC7aNFh6#S+zoO)uv9IC}= zU#rN*n-VG=ypr_I7Y#pkwZ$rmY*Ij)GtxfF6St&c;0Ldy(6u+%j4-aFl+HOwZZE{K zrgrdl9pb7vg4|8~b{1QqK4Gvzs;Zo_e=d^p>jFC-5s{wkbWNr+0>{6G&4FRpxN+m~ zAK#KviBu%!Z{g%9*tQcU#sMO!OJYp7nDO?E04M1-mhBD?-fao&l5w+!s{vNE1;Wgi znR@TDOSJo0XAdiOd?~;+Y+?jSSMItoSvn(EF@<5S8qWzMUN&3QZIva&#T$#vi2~fa zDo~2KSR@(ig%g?SjHEv&{-yfkt2BDzc}|YcSKONLbiC@?>R3zP@J3F#dg50pRoUB1 zJFdG8za_k7gF0D+3$F`7u7l$=L2kntTnSRJGliH1vvp^2WgdcAg=1vABgBm3EZ*HG z3D7Frf>8!3^l)1&$|0ENt(v!&FsC~t2i&cqopXIJMyJEE{8$i=usXS4OFY#~6X>L5 zNzUxp6^9CQt8lDB6!cF4FmqO7bQGKZ7&2|7ffDwt1F@YTv%8D#bgoEJrAhhK!taf@ z19Pf&{dKtjmr(A@5oWxXB1MF+%;ePjBO$Z{cCpdDeU`vfR7==;2ylg}S+*?|dqSXl zV>Yi-r|~-gn>`aI@3LE*pVMvHCa*V+-MhFd#WnxF% zl>f}_DJo}i-H!ZBJNccXJ4B_kCLK>UR%qd+LC`&Co?3T2LClrp-IMsC0LPi0Xe&zW zQ8fY39OsD0g%SRJ1vwlWqU5}N~PQOlC8kh_MNCB}TUd%%`Y3an% zQtMVH!)pYaT16#uOEFSB~}wiAuWVX49dPIh;C8A%@BM1--vWV z*x<S~5qJ2U6v@+)ltwUy>D@#6KV~?RG=-RXWULg4}x>v76#rdN>{z=1dY( z;qG|lJBS>-mE)Y931hCXL12@5s{r@k1}@vi?UMc8in?(*<_a)l5;Ijs4_m^Eh0;5B zm^dL`(YK4Nu994YNA<25*oc%@TPvRV7D(pFT!ivu9K9QW1~;1UrTCL5mu*0gXT*a7 z+;z#dBQ~21?VR*ft={4&M~y&=!o75i+k{DK@;%Ic@>z8!fOUnEQmX& z05Oj0>*6VWx)Y~Q4kr%3pAqaxZQL~LDrk>tAeSihT~>~hr-GSZHFGPf;$qQm|8l1o z_(={l_UdKmuksj`y~Fr#o<@|{&Y=rkPORlPMOZr4 zlf9)z&o2d1kve+Ii~4p;s|V}OWZ8Xz$c23maLYG zkYgstWKphXZDELWIs3Ce2umlSjzy~E(?Z;&FoKOUjR-tx9}%yAS(FSjrhH~N`zBkW3A)&vqIcdO^vnjxky-E z!Kt=pKHt8{Y##O;oJW5q#3>_)l^YcbakW6ls%jsMEq@B>j>ogvjE^w_oHL>? zUN1&GvF?FcoTlk@@qtJR!X7ZO&|2%DEK1@YMgEkx$}x@xYz8?UjT4r3KwY9D(A-&& z3(cNPp6n0G5t>qBi6J2_VjnjXT*e-p<%f(OH(k{ep zgy{*YcP-FP8vB5rme^JR0Xq9fF4L3nHKOTTGO3IGMbI{N@RdWt^XYFW5lxP*iu^{m z>c+doW+f*=`DWKt%#Q6vd(hMm$FD_sI3%iDEWmmiAKMp?`?s1*xireKG|mYlh-Re(E)Hq9lTbm{_eAy}5Aiy5~Ia&;vNL(nx4le)pI zQ?4!!7g80c=-~(0I~9XxTInf~H0t8Tz41)?6Kt$*Ym0A1k~jKpWKFqas29Y=n+sP9 zaj^h*YCK%160Bse=Alrh#>>ljeOV}#1*rwsaSsV}N1s_hlDpQS(5@-w$7-Zqg`}fh zLN0X3elLinV7u+&W_`NSecX{I0=h?pIZZTYc|5oun!2J@C+U2rNN3SBoQO297h*2; zW$zDYkiV-RoHv_)+)I_QqjO?#XIf!#JTn047Uc4q6CCno=JMwRJC7*^ocb1`eh?(p zUQ9GUvZvD;^^3!Db;uidvC~2jSE^PsuqL6hFc$?KNu)%j__?5D%%hxmt_U~ER3;ld zNDl!pxbR(1&pt}jXn~Rh_gduGZMq=4bFm3_}bAS$R^sNJthkf4!f-1e)Yp9v$d-2TPp z$3nPz96-?RkFA8b0{D`|r_!RI0i-j1fBa398Opm#Xgw6-X+cgy^CqS*KRFJ>4c;RA z>64C!cA7I#avsL8EDKP}?RCsOAxok~qSZ35ae+A3rpo9N*XIME9IgxzR7O6lNmU zD#S4Y+-4F*p~OrnPZj7=_SM9%L{ZBB$JCj}*I86=96QM7#1Rn$*Ex7Q!gSDN7Ge@BB$5yeM%q?WVJ8k@aFSH+P;A;@NQl`qs_Q zhIEGQTr<##%c+7gvy)X9Y_)B;K{%2!#9wTD4utEEp9r>)I?OmhARVW5ZhTuoOJ-r9 zSBFx4ENlKL)RKS?9u}16`h$gY;uZz@32U*m$i7Fkxx<63c->`C{ZN=QO=f|~Ug8ty z0aD!}lGdxRKjH+vFKI9~I3LUv#?xCIC(^ZJQ>P09Nz)M^z8(yCuv4J zN(8N&o`Z__L^;`dbf?QMgrpR6>gUDH3iA`wE8}H6F48QXq4zdm@wAJ8NH-n5ohZV; z(<_lzUL+ReHb&v6W7m&=8-(;5(2X9VFzL%(GK1xJv!Ckc)WwI{Pg<8PsEb3tLrjmO ze!|T6!Ya|JADn@XASu$25I5LD-iejXF9kVAs2i+v0I!SJTntUYSNvqfEwTD{A;b{* zB#35FW?;G;pU&=&66m_kWZGuPjX^=~jEgYAM&}~Hjh2o>byDzcVdicVPNbg_>0)3{ zUWgBJxs-q3E<8J0uEC~xYIC7ZxLLao?a=?2W2|>|RDlD(%ZO)YEGUg&;Sn>0 zP|eAca8=eX!UblT#jmI4@kw9=YwdL|cl;9jjQE8J*O`u=-no8Lkdxr0M~1*ht^jb+ zxPZ@XUyiMw7v}F)osRuZkiQ$o(+j%5@A*3x4BS=qaR0b47hkWvGP2xsB?#P;FB5jO zD@D3x+SO&!B=J-hhZllmsndLwKj|xV%bxNQkzSk}#;k2`cE#A}YG9(;2lgmx<`aLubIrzeDQZ7W~1~v8r!$H7Ra?(WwopmwQU8%7umw_v>0V) z^gK?WGhs1WE$9jME@93@@9-cpW6Nr>beoI!FS>Yj3e1f~QkW9&c0GVgLUHv9QFIG3 zBQ!c_X~Kf*?2kt5s%jbdh9DQCo4ZaNTyU;(16bC>&?hl((Qq3IblF%N%T8?*A*;$! z?5RYz0C+geQu+jiGalk_ZQ?pM@zhPI*!hP< zL!cLzmX_iU5q!gethRs5vd;=ZF7cU6-4D4L%H>;#z9&XSn?15HqsPQ)f?Sq`rGAdN z&^N^AZvnI@A^KEjUv^5hlP~;z>J3uNV;G3S(nCgdvZH?aOWjHSbvJ z=scnluL#R_7PwU%81f1DI=2BcJ0Ctj>J)T#^W^>|iUORBu2Ckp1vd(FhEfws;Y{bg zRj4bShD8_L@T^^*J zURcQicBEYWT`9oK#6zWgiqi`>yA#l*)<&E?Uw2Hu3(O7ESsmz%uZVVe@s*pb%+AiD zRJas~HX$y^qa3C!DCgVX7v${NoH34|MvrR+dN!3h4VlY~Ptp&Jw+%%+c#X$xis!ad z*Ja_-^`lyHu$wVa_glUr&?UpOV>(Lu)Q^Eyu{@0!lDrLsx|(=^q#Ge0gTkB#M;S8L zSpV)C!U>z661_(V#bN-BcOuXcaOM8fb(dsR#=In2gspz?4;CC>)c;Uw_`-UgQg2GUwb*% zW{std=zc=!5PMIJbsr!|=YHv=OED?fK$Mx=Ot0k#{$3$&0^|XAB%JFn_$ipn!bu~8 z?|6&|qJlgH%kqh(jcB;lSL%=dO%Qgktm|brN!L;5IQ1c57Y$3^Dhp*&Wv;r$#4^~6?8F7aT?$DFGiFkt z{zEVgr4GWW-=;r<%&LZBLW9aNIV5d{w3cTG;-mEbTQP1E>7?htU@6^#mELBmd-v}^oYVV8O-Y=JT3j~SVPji-%wo)VHZ9}>mma{|Z=Go$2=V7*^LTfnpx zOq<@R!rX?853BCCGO-9J^L=5s!jI{HGE_I+`y062w-N?|EG)@MYkYE{e# zW6E#*t2R8kjWr^goaeN+$Eylcvto~2x=16t-jj~q#6yhIGxcONU!zn*FDBYW>t(^! z^Au#(iCAvguLcZySU7cMb=e&UKWzeaW@mJWps)pH$w;&$qsgEowf9w`Eq18uN2Ppy zFORarRJI!%K0_2sbba#2B7^Z)1^PRAI%b0te-UIxF`%*9n)xh%`yYc*rO1MaE+6L! zCZ5#T_<8J(D+D;Lc^GS}zdt943iTBE{rUWN_9nP+8Hp`_%kS>4ItoPttDRg`C@HUc z3^lG6;2ty+cm8qqbB;jm=b{7di^p?-IRiDyhXP#LluFtGZ1p^#3n=xSPPht!+&!4A zq)Z=)ZwjN(6ZfF~9eV-7+>jewj7@W(GR|>H^u1V1LeC(io!>RWXm4GnWR3f4kt8CU z`Nbui)gJQu+BfY?`N^H_7lb*d7L0obVo(6J#``4Cag<|eMpNs04aJB4f#0pa^#chd zuJI(cANdl$xb~a}=z0??--BKTbXD~vICtQ<#4BvoXpS;oFK{ZWIl|p8%`jB^YqZwS z38jQ}YCS!8c+@KZ&Zh~VJi7VJ8P=Cq^Cy^z$o zSh^o0A`=DP-IKe4D+Q5@n84ode%z;i^Er`;|328X>FtvDkn2Qy@S|_^@u)PL3lxr7 zN;;KKkG;Po046oa@zG&#LeQ#|yM3$>OGTQiemqpG+G_;5CP;>CeY)e*Z-KcuGm4yR zu@ezOO03K}>6gPI&3*cM+PwcjkP|QPOgP<_75d`>o%lioG(DBn{VylA&!luUwJMT| zCN~k}J^r>oN#`QE8qIt(;~g+JNPT*$^Lzn_)$EyZr-D?tZbnlhx0xVZ;YKV}ZWQTa zGOG8A^*wO%XVG z8jPRikuk&BC)WJ8Gh`RerijjX)_(x#AjNb`VA_A3HcOMVz57x|ql8U zh)TSfBTX#zm>Ay{LjG+3dSdK-2v?Buu>e2r0{}Cjt*9$ABXQ{eYH?baTF2uI0o0Hw zm5xz~OGWz|4mKyQW_x~3{*A7>SK?j)Z>@%0ZOymiEVKv!RHv4^Lm&|JQ(A2PA% zra;{Cz$@QsjVZffIWeWpzbD$2WM*fR5G#eaFX`wv`G=^)qaUlGTF6`38~+nZLGVme zj{R1LaP^xw?;4MX1*kD6u4Yx=8=I~H%`h~tsUbG}xWB{}b39HK;X-g|Q!Nk0%|d7? zy3a1V$DN{FlScNVZ0>2y6#^~bbU+j`Fz-WQ2xnV0c36|3C1;kjD0^k};)y$$OMByV z(c&RfW;`y!!rOv}nlF6<()p#WMzSsWia@F-=Y?r|b&-H<3doGDVCZE+Gr`BLC_2hm zZ!I8KkCogg7EhZAffG|%W}m4r1zB-71~`8dLA~WeW+?ufMO#>RWL&v6zc}6DQg70; zt`tP%cI~5Lqjj7P`=EiiSA^RFB?r2^C7<-K90GDHTZGf1(NRHR*|#oG#$qu1lrhAu zFOZ^PY}XeDi7<~EFkw4dBvs&gT|AV9=eKmknx6vqXbJD|sqd>jQw6)V8NF|nwc2&@{vEAZ*u{=tfyr|c&M-&QP zE$i-HG>LSs?dW;YFfSHjX0iUmRAq?(7o%lfM`N5L+J$HRhgm=U_7Y*#zn$ZouFnuQ zYi1Ai#F--fd0Um0`Z=OuBMZ*KSRulU=5a$E%`@dZEs&P1R5hFaM-+mkackm^bjg`j z=l$!~KE(Ar=SxzmJd%OTdTHy-2C_RQZ9q)t&p5bm%>5`mZT~nvr@6^D5d9kx-yC87 z8)2b%i4ZReWn75Y2Okh#lgCU)kBj4WA!bc88ppKbUwxxmdUGj1o$YcV<}k09qrG`s z04y0pdl@YoL%=@fR$0TGB9h`4Fcj9dZD12(uq6k3dAzuJ;Z>q}Yo&M(ngH zL?&&F4YH_?eT9(=b_k4K(VCHrFg*Jahv#1`||K_y_t*n7Z;}cr|STvY`k}Df--3X)* z8aX5!^F(J=!%CTx8;nPUIjhF>2I6Z1JTz4v{7RV@cD2;md`r;G+JnB5?jcE-@xiHI zV4m)g#D7IFh%T7LBUuF9nR))YN8UdaJ;7O{>!<-!wm3jhEkxX_WXBLQgpeo)xP`b} zgg@aSByRdh&V{+#%;H#l?QI}ki%Oqf8~L&Ty4XHEXLxcJuAe<8mMiRbNuKo$8F6?mMV1NEsV zFB3qK*c@U>b%!XYjX3f|QEy!OxmptCA@%(?1h}B>zNoy$4j^Qy6>4lFg0k$#95bx2 zxzBM*AKj=sz9Y;sqDwGCXy8$Sd`~F#tD6`9QP5?Odpe26_>Mqsv0ZqJ>uQm%Rr8Rp z+-Z&M+#l8b;Nv8M>C)qwu#(|ZukxKdt{mf9N#GFKXgy5b^{E@Yb~&O36N zYY4@-dapbM+&gJwzH$-8PwUlf3-LE0)N%$56d&6Mf?Adqm0}Zx-Lk_I*U>l?0sdA; zPz=-8W(dxR8Mryhia!V;wWQ1V?!L7T7D%KkvFFrUnljj`#NGlZpES2DXyT+iLS>*> z?2mHLWG&eRTiXv zgZ%-_JQVDV$T3fd?}HW?!toGLDo$LEIc8s+sGr<#s^v};7kXgtf&*$vHZisq<81*h zhqPN9wWG4G#Q5idX~W4F)t;!Zi?NXVGrUJE!0f>TMS6m7;ekNrA_|>q8Yv$aMznN8 zVkted5Pud#vbqNUuk2?!SP$oEMH+77gKDXu1@27(lQ24+TpSf*f5mX6M!9V%ts)&> zpv!~PMcFyUMS@&r>vQSa!Dv z%i2~}GliHZ#NtFZlgA!S4Mzz@LRhR6;!Y9plcT73H%~w|7I1s-8IH=_gNttwaHNRW zwJsfn-z$I`a?YizdGCnK@?V4>GBix}Ag(i~i~T*NHVPJ*Mb>`eUQjexFdCr(Tk^JFklKb@m&C8PjiMHS11x>!wI zXq6%2S~G!EH#DS4_IDRRk*b{teoTncTst>@ll{QL0CiN`EPn9v^rLI!xL!DQNQYh2 z@J7+FN?zR%(_2Ks^*YoQe^l6lHjIP%@wj?+4ZxBR>;1CYNk_Y*B_S_D2qb}0 zC%xru5oQXVska=TZ33t%hcQpLdO5fbyh`YXI@A8~B_ZxHI>qEtCrhVdyd~IG@8xz? zY|sqt92Rk5qbs%&K>iw#V!DW|w=yH?4D)?KNZ7<3__x3b93vzxxu^xytdLh@a$@5x z%pC!D5?b#*B?M_=;O7O{--~kM9DTAvFUM~4fZzy*nkaoT>!nEoDG_U=p_ng%^6Cju z+Nlx)0zBE4VG$O!BfRv9Zs<4qA?rWv>EdnC&JI6o#VW_iH?#t|gxNX60f*N<>X#k& zA)=Ac;qIPjSD4c44an{|B9Dolv>aa+4F^0y$k?qMujO&t_$X$y5r>-8;aWc$M3`k- zjwO4UBZSexrfwhI?F7lW6GMtVg{jJ_qpi(5Oef1IM$q<*MznYcZaB)KoizQOwr9k7 zMwqxLrPsFeA>8WqG~!55bG}hvbZvtv%FN3?k><`hB_Ey zjgh2xKUy%n!rdSS+RH^z{t;apCGqtaLX&+fCBw+76t@d-fzgg6+l|=d2rxI!EaoTJ zH!DXN57-;TkAygPc;ShGG2rezB8#eC)7-$rlsXR-;o0a>JuJT%Q*~oic@V zto_AW^jU188IjKyLUiu86yh%;EHOj6{FD6s?0OuaYsw(rE$fsxLYR3;t>~;LdnR*?8OSJ{Mymb2D^4b zODyc`c)3V7Spy5`xJxwLU_FeIP>YM}yJ|5wt|-TyqRlUfKkJ>9LRI#?cEKO z4aHi{G7>BE_XU&NVTG<_&lW{!1cJ9cIf^-2lvy$xeaUzX2q3ylDp@ASX`92^-|Ae_9jiqv0YilDrv#%DFd%T=ZQqil0Is1;JliQ$F z15ip7hhuvI7WXE`sC`Ak=1G$#$J{L3k90L>;YJ*zU8Ash!-~FF#%P~jR7)23TO3b! zX8;Q?9#N*ACkb%Xcv`cIUVpX_ixr1kOzG+@2lWF|9QF{hX}nvctIuLX20G<buUPdv>>@q2y$)neEB&H4a4&_=V!v&_Sl4uGrW%{JJP+^jiDKJluh%&S1*EPn2 zLnccYNwD>LNTdtLi4;N)8;5~h{|ZKQjFy~Iyf!m6(%tS6NGS2_v+o&ny8UV{ujEUc52x zC~3e*>de)aItr4Fc^l53_Y;sM&AkS8SjgKk0-f{>T->ur>K5Ym;q+AdrFd8ng>Avt z$qNdTb2~gpF54%62|#0>+z2y({Z=#)(nGWwkJmfF5w!Br#J;s?H|NNMUm2XZk}d2F z!Ynr(^IGF=kuEBeJ?=WMLoPlL=%VU)Mt5mX1Tp*T(z{240vrX0OM2_$Tp^4n=v%At z9T6TdID8w9$3?H2dy@hq+4en|r@~r9_vrqVf5^45?%4dxeCXotGG$VO>ABZXh(-Tb`=SX|{!)=HN&8SwAzly-hr4-2>fydbMTum3uO9HIXs0m4 zm&ZSQiV>!O%;VV}LMU}>!_3%EVG4tf?xpcP5iaUXWUo8!6X5!`6foz0RJ4U`MzsfX ziJ^E-ka^lp*LopOq78jwIiCGWEzP;OK4)ieDu7EU1EJ%q@tzQPfawYHvgKEyEN7@W zy0jaO$As1PWI^wb>c)@hRzh42bZNb# zSo%FHh?>%Lc!=+gd0&Gj<&t$PH;BxHzr=(utAm?_Ib9qG=)QCB>Hdf=GjqnAD4zjI znzm6b#95+ia?1eim(*?$?9woHF#dPPt%BT<v-7u~VR*8yGG7FI*giX`>yF_d^E z|M{m^O^G)%l51nsI!^i~v0VX~?Q*0u66XjrSGlgO`@p`takX$)Y_<$BMq;&Zfgmvh zT+*pin05L=+sCO2IsrVZU@wxn^7)2v%Mt5$2B&KUcyXP?wp<+Li3A$^IsM?Qw4Fhq z_c;^9+>mvdjPrX1A*1cOcz3!8r(G$_vf>8K%&VvucrsIjLrZ zzgUQ6C40_LYK41+)<&@GH0^=>V{T_^Yxa;3b8{Ap6Q*OH!aWndrz z-^)k@a86r$Y;&Hog&g2;pb#?!xQy*Oi!F=RNYFMfE>PHf9a<^G z^~UV16WtU3`p&Om`YNqmuFNrAV&lk#)N(AjXe_c){B@3@zN597cjjC`dTtnWQ{2u; zyRadlWEj?{T9wVC=cs1nP#4so6vDKI+np`LEJtg+b!c+Fz zH;z!4q7^z>Onx!{2)i{_&7!k$2>(TD!A-y8bdyIr%=E@ZI|>8%DErb_CdfTtR-f#~ zZpgl=!y~7jE!*m1BDh;(2asM1PCQ&8++}74ug0#IK)dF0B`GIIF(`~NDl@Uv;G+Tf z8Ntp|{)*va{w*p5Itr8Jd%|4Sv0^84RWTaB3*@3`fjYA4apnQxZqB(#_BA@4&}@k+w3nOx4}ctU{Z47JfvSwjem zZNadES0?aVlM$T0-W^M?;ujZ;y#-GlaZU0(VdeyDLuuN7Cd8er1rPn%TY;|#B~@$` zOR?$I5FWEXVsER>wSFKL3)q3U;2H>e3X+NR+>=r5Y5b^spWmohU2|jnC<`~!D}Sjl z-(aT5!n1U(W69;{YYJOJn{>Tkjq9LYaMW9UtkC*$L<<^RC!Q(9qEts8yI-UVBr~OG zS_b77w&fqbw*+OvBj3OALje@Cfa{Ha=0Ec8CR_34*YhKlmF-F_ya9r&xXf5)@%~+r z%!CUY;!{5$Xs%;ohiM0+(rLn6nRXe3Z+N4>*3yb>PY~&HV2jN_be;fLmS-7P8T82-fwjZlLa7MHiR`MrmQk3K zajLt?9sFi4&X74!|3xnUBQh<4rdTzjc!Jnk3d{FvUf)%lAMbGI#B zu9)=W8h}qlMwul7s5x)KVH*GD-B3_?X>VL4kTmLfOJt*;5T>hhtc_R>P)%7JzaKR9~Iftk9tA9L>~#Z_Aksc>|Ow-QZ)%@z5$ zq=mlv0Eo+vfHoQy+4Q z9gQvVvcjHiIpi2A;&4j6H{KMEfGsXz8Wy`hTuXzsrC#1B3E_9_#`yi)8P(aTT3;v1 z%*ix;-MnxHmbIsL5^-xDX#t8N78aG*;SnOi9QIR#(UlQnI+}PwMAn<-S8VRjoSY?_ z23aD2^03fYSdGU-xdihDxPK!{)!$_?M!D%V5PuMr4YHWSNB7Tb^h{U~2mS)uTx-=v zqZFqIahgftEs_19FbX`e9O7jWBstupBgoMhf7CxB&!y;mtoAh*zLg@^jDU((_HcMDfeok8K!_T_Mu_svVu!D5v(L@vuNADQy$RNWT)|k#m)u z0+Z^qdAvS9-?irBwJ+rfjAs&d6=D_*>ddU|SI}<4V)7$0eFZ=^w9_3IibPNg7zb^< zlCXO#qhLC?KP`hQXh0agHEmre$il}%$atEMCV;P`kqH}i&3CMO3&0jjYN_>pQ$yN)-|8?S{-&*wXE(l( z$6%*e;vlq|A#4Ps_J(a22r+X}R&jDP5X%L*DJrOCc6kz#BDXJ$;}moT*sb+PZ$>8> zrqGv*HY*pPpkB%ygF;*-(9;=Pw{-sK0WJODPEgM^7nF4au`Ex4$1+&OOWWV`6e*aC zhjH7Q(J=>jrfcyyPpc8bNpXxXC-@`rfiMdzi)k$1sBR@rc^Z@|j1>nsH5iF+iFW;^ z`H=ze3t1Fe0$l^1$etmJSGP>>%wMkcPq7oaHk#vHAKsz>Tq3qV>Bx4BC^BK!#?p1K~Acj7czO)>vAFPM=U%` zTx=YT?+bGq6qq{32c>vj@kc=NTtt&p;;D>EPn*S`MNuKVeaJrS;MZztHsH8xPEtySeNC?^>Ku zya{2YQ;Fk*xnNyLpl)_z5Gv5=W3tcwbToPeQ60P*u)4iO6oM!pG;C6D6lsp&&V`vc zek#P{HNK;iXgYx3`aiXZ8rxa)EfT`e)ldI;Mq#pLw9uJU38UnF{|n?QaL;IRR5Ci< z`=a=#i8gmI04Q|J(bPADt*TPC_K24Rl24g)s5Rbqcoz0EpH~osbva@Uh^(|Mlr(H`fn1=I?B`k;1Kh!R zw02|yD>ORp41s2SGt=))B3;LZVp;3HxJ8f~oeMw%sA*K7p9;13U?)C`dZZF>^T&zjV$c)t0mSvyS{9gNCdJtE8HE2gj;QJJ<=B4BS}bhPlD1~KAVg?yo)fBm zf^e2S_SZW3i4%muBeqnj>uf$Rx$VQU1 zTwzZ_v{WDK6^2{b^onpd$3n(U-k~!s2N%5I6}yTySFx9lTSU6Fc#%Z;!4hPfb->&S zdI~c7|EvJ>87B0hrI$74!9uA7P0H&OY^LK_A#QEFFUwa2(asj=n&}p&YW6@5)m1T* z!h(G3PZG=J$WBEVZH4(u?s}#5$RUDq=|}T}pw#8@x~i}Wf!b=_T5_l{Mwj9=JEjVw zy!h&3RiY8NA|w-CX`0Ryot3}PgJw;(?aOnpSCcjhZkDB=CMH786~Jp$WXf7D_R9|y3qBO%*KWuU^n%HgrpLb(c9EqR>yMs|YCs3)n_ck_0iGl4Fo`1t z*-6I#1ZV7=Ul->EBx$xYS^Z1lteV&svhvt!6A+gFy#}Q)i5rEGTAc^Zz_xuV4R3M&DcyN5>=LwVS65*qwFr(+r++`J3^sE z?=Ol#Q|UAKmG|CkpX$+$s<@5Qk|{=--`3q0fD(4Y{#OysKdL z3!XMs-vQF%t=$Vj6|zdylA&bMlFb+FHr11eC3HKd34-Ok)`ap)gnBMUHidXN z`-vrYHC_{uNmB9%II$N1EI{kTt)EzT@7nJ)9xjOP5|DoH)r7pxBuF!aO`nXNG4f4K$MoMUlc}{o6}wwA1LgKG-IuzacZM!KxTUfM)%`! zfB>h#@&Pj=#=u*Ix#$Q4r-=#`!Q|2?6GdMqohryx!irFreG)>k znlTtI}&%Tp>x8%>yn@B1Lkg)M3Un?UoKx!G3vjFGBq6pr7@Atp7YF0BBFyA; zps$6^m@sFQM%YTcDug6b=VZDbKBN{ykKS-Gf4LCnT8GAv+wlV2_8cbg;)raT82Dx# z3hrK{GY^DQ))_|&b!?48Qhg;o)A7P#Ukl5+^Au)AY-x%c6{HGiA4cPD5#}Nu8b;C1 z;^G_sje;rjC{G|UufaXLzpWrj7U8La7B4K!5zH-k;Pl zW9b&akqyvJ6pfP>*q>?yaoJ>=T!Z936W~hW^e^q3|0oE-7}FtZsh5en91XLa5W^p>M3IgW;P1w=bG>5)dDX9rSUMW; zg~9J@$Y})&v)alAP1yDmOM4p7ksCt3%r6cI6oB^oqO($A5*9pOycc&xLZq zHI}2pkDUd%k<<9q>C?0x!C8IEi-yKiZ|M_gv8&Vg@Th1Q!?g^I&3TySuOIy?9R;DS z+oP$L)Y7WfOI*B(L4h=mwK;K?Nc!H~S#fAHLD#I%Eq4=4f`d6m-;zH#b{N83LTpc@ zWS^RvCYLcJoPN&D^%zswa$eUdE$P<AeNY(d$1tEfMg=+5R*pB>N1ZIhHLLJ+U%HxqhA`SEZJXl# zjAE#i-Fa&*(M~jD(t~X!$fKLQ!?K@LH@Qq`#xlJVqjwRm%CQROI$RLKCF0@4gA4tA zg?Le6b1FA*B(2liz+LPf?Q$ydnf4mO4c4?3&k$)ldef`L6(Qznqn>(*)j9yoL2u3R zkvAWR+^ftH4=!-H0prr2D+~)Bx?B(1JSNH?wsD(XynbE~s*Hio%BTc8X}gm#!a586 zsVq*H#37t7~$=mxQDZ$-ndY-i_C@}WyXyH{P|Ign25o0 zA?7v*i)b^`6UqP1;xUqG#-Xy?9!Wf8qksntb_h)(-A!0VvEdi(=0UU1!j1#q%knrw z+MR866mb{{4jbw#$95T^YxuFV2$vJX%7JPeF2LoK=L=?)ULjNy9YdU!N5@p0jp5G) zP&j#l$LjhCk>)Q?HcL$rXMMpjxB{!K`$~~cpUp7`QL*G`5Enr+bXR;!fD=Kh!qhMn z-_PTq(!!<7X2%eRX5|aSY9~=1W?0&;a&{J{2{x-H@4xTVxcOLUYBHyOPOSDt!W6u- z#K}chY%9`*n1MNGPuwHG-?Cg>8jpx}p}Kjdg|`Ocmst|hnb1yu&%fYy;6OZd9A9Mp zM&8t=%DJ#m!&rl+2Mgi`VIFGI0}RaMUGWovWIwZ1modJJSM<3>?rY8{7TU-FDj1i zs=LrPv=ci|7~I6-0|}kE2+Dp z7BasOX^zN7O5X9;8TQw-csV{L!f9h6g01NW0+72Y(VX$oh@^_lTE^(XBO7~j=;u0_9#$Pcu9IqvTBx-mY zjV}o^x6`F$u3s=-9lR9OU8s&BwL7f~4-x1bG=Cv{r{{>ChGEz6Jt356URy()@TFRO zIHbpso)v;{=sbYogpZ%#ALXcqo!@36Su4(Jh{qLlMP_l_P>9hJ0W3jd zc+%0`#?`(I(M58nsuM2a@WNgO1l#y=JlK{<2 z)VK(1OgS0E4bhnSE}&I^C)C4d-A66MV~tbz!9s=FafBPE(9VUskau7(&!G3JKngo1 ztBAe73gNQxY`fH#<#<(CRt%g?v8wr>5YOOJ`7r7xUCTMA)gmq~@z7NvK7uq@7y9L| z5r-lnTioHnnqIVrf_aV2u}ox^7uRax<-J0j*GJp|#RGz2cVkO?taUnJSF>Isvq?_( zJouHaXb|m08}umZ01rZfxP4jYq+5B{%=pUS?#hQ(B+_Y1-b+n;&#&q#xf*bQqaT6afT4LA~Vl0ukDJdH17@i z0U_Uga9Sz@dk|?<2K83TsQW%%nPK=!iajr;Lox|^99DW|O3)#fhk2X0;h;zVC16Mvc1B^Qa*4iB- z(88j4R9LnXuT~hMIi!>M_rLN4yi3!-vEBJZcD`i|o1Yi$eBq}2n_n%2A+7_(CW~}Y zY4AWZzaoz;b52C*Z6PGri`67r;Mn{EXbqRkn3B3pH~QS z11BA4+#rBT)(;F}>V8X}3f^3CpG3;LT|^8G<{eS_HbL_Un@=gn9v8yr@+dJF?~8IR zrJs@o;PKx9a)!<5H#s~L;54*B@_(yyqGXt9@ezEnFx3&+fHVVsUqEC z?cD8)=R~{8c7P01*S`eJEYz}xn=*hq3v{uVN-#Yt#~y-QESw&o9ym|{-F)mL7tPZK z_ICZ?#X*Ip#X?TqF&QoF`Q2K&Iz5sR@m+$bOA~%%R=<=md3e~MefJmOs#p40^Yurw z5Lan2Z{$T$v`Z>a5^QDS>?{?UdM1LnG=3|9EQb24(RLYOvp|Jo^u|-Nu&fdMVtD*m zkh5u$i}jy~cI_L}C8p;Ekmhu}PQ0dYmZqHdsS8fO98Aie`LR?%8YMkjHV}7aWFyWM znYE6)f?rA5^BCfLfdJPT69u#rafJ}4KSx&qHJ09z$4c&(i}9K75z7t9?L%5ZYUv?? zo^&wf(E!Chb~H{C?CQ)$?yB*j0N1x(D!r|*ghs05Ix@a20+B_9NzJ|{it6B(Pv@w8 zS3!CvXVtHDfgB7i66zxBh!jOlcl=QpAF@TqGeMkrH6&Ti#adOp<_Xc6Adc#4txSQ} zyatf0iy8r9fhe=4gA2Nx@0}`yG!H|TcrW>@d4$2jBIyBsA;cA9uq;LW_iIV8&Et8p z*!Wry^Mdn9hWMQYxFFiXS=oM|Ko~MM)He`A`6pP|Bg9n!6cdqKxG+u=YU^vVUF0x0X`lF$#2~o0G&Pu z*g6lmR|rx+Wv_kWPYSyG(0#Ikyh!`7@$%Y-6dj@c)J*_zec}$u(}tp)jJh>yQePw|`iRDy1ERaZ>#5c5^KkuKbI2Q-!#a z>8LvXDuA-;hIBR7z6AL*ex-Ov(tD|G_r*>&YieA{*eE?5Y=WJdMiJhwN3K7OB4J(hi0K3>*bvMLqQ~> zhkZEhSnW1QGjevdfC9(}Rn!9{vQvuP^C;*LOIV5&ggB?p5tcu2@Z>xaT-F@^fe^C_ z4-~Y=Cbt8?oXLAlk8Krp3f?CS#S%g0S5-;|{A9#MImUj-Z#(@x|CAMBy1xFFAZJCl zq?tCp1HhbH$ksc)C7P^x;3a;lup=*&$}Bdz6TmFcew)vi3vubvkV|bE?*g(g0WpB< z!4EC~3wB04%)TsspV1AB4v0}~^kaS}<9ZeV%?i7M6U%g~nsM+HVa}TswQNal&XHL% zqQ_O15ErLB3vg-B%rOgi58Lzzu-UG2N2wUUE{HYBf{wU3|8;h{r&o!`1Z7-e z^*~me{tN{E;_D#3{&T|SDH{25EE7#>+s6kxnTo#o3&>2=^qyFnRDP6$jg~)VpVtJs zWfxA|quog{{vyo0(4h``zDEJPgk*5Z{2^hLg9osy^b?iXds-}itdE_YZ!p!hiZIX+z;|dTnxtY_l*j+RY zu*m$}uGex;R7aiq8u`YCT&XFUnQ6FmmRee}Ttx^1D-jMXn8HP~%ES zvKwa77*yEVapj0=o}B$yU)LU|XW@=H^>MAju0>lB?;Uu65|T~(+KLaV`^NMqY6`P;gXxC1+Zsn`s-x<`6<)oZp zk>_r|A(qS5-qnZIeH<+W9&rc+3*XHs4sh9mf9%OxY~Ax`nS7!U=c1jlv8ZbnP*0$?rCTS zCp>KqMz07nGh44|7G05}n5QuPV!&98e+eZsIh97=iBqNBp8;_NhFKZtqF0L`4;R$I zmrdyoZFx-TO663wTM*^yK(;oBO<3gQVdSqND z-|QjgJPS+}d0J~U&JvLgV0zdk8^F#MO!i#;lIkSR7j0HDPe^=U72?|I=w9{)TmBY^ zgfUIQgSH5dz0@hWg(DLE{OspyAI?UVxs-;wE{8a~M6RS907+=yxy{yP7)wg~JLY8&I*mAJgfW40ka+cV<^d@G!EsWNadv(5= z_9CPuHQg16W&!@D!jnl{M;nNL3v;iNMj?v7ho-9255UvNBO?64u>5sOckyx-fqC`h zxbhD~u)OrK7kOHwo0$$O{X|-i{5Fr(g1k4pBV!ccny{`Z;hRK@ZF@^p4Fp4pTiD-Ql2=*a9jMF;j?hxW)mE=|jBNt82*9#_L zJKKU`uV(-~U58O4vCSWe;riFJO&sJZXzVHshT*`35e3(GqAjy?rAH~mv@8b6RC{Tv zL^B{^`OBfsf;>LwePw=sR0vFz{XQGKUx}mz`q8(?o`3Rhq}9OT|Na??f?R#9Q=}WO zy*knpKM+k$GOsMeTcTVtZp`RP_}te(NSgggZ?ub``aPvyTc2Jepf;!{e@O7)rYssI z=tDrdW6eL;l5HxCVKpD?2_f6MZfOf{5#{!(6b2ZfZWEA+s!l4k(L3lbPGlyoiJbd! zLM%$HjG?cHbSed2Bq_vy{tB>an9&s+%ht}X1E;Rpi61Z#&Ixl>R1ygIAF>GC$SB24 zZxF%LJuVz2Lb@=^qK)Y@fo^+@($grRea`A{*WwQIl7*fmG1kEHq+ykSnFLd*JgGh zxrP0V5XWLQL53{Swh-pVPNj{b^3P;bkEwZ=5OUYbS7Y3eXcw?Whu4@d9q?W)73n%S zmJk463$j>yTLfHVQ6CbVD02ivWh$s!lxjDkhSnYe45PHD$^cd{jqMQSgi>(^>g!51I=p_RAM2@hZ zmp<#SLOiM+Ue$!I{ahUTK`nc{wMg^UCB!W`r_9u^_3L6`&Qgj|iQ~Oly87s{=FFQ|DU#O>LR_5=oiRtOZUE&TE)7rvE*3!fWz0kU9}t<(8_58FaqP1OC`{mm zSaiW7ahzyAVn-z}nrDb~zMQFOdG?kN_k3QnMRTNU_S<|M&}nP2t%o`3n?DokBBFF+ zn0ZZrQ^T{3>b32fAY`W#8w}*H6zOzOGNr=`PUwFv)C^h3o}G)fc*XhznA1KCbN7MR zNr1~mcO4y~dm_GT0ebjYDqp+ziq2-I+O5?}JR;cTYA&URE8opOtPG*1IAU#LP)=H~ zolExrC(`9)sNlLRE4h)_;FF+ke);^cB_Yd!kF5)C`9vGTCTcYPEXW0usypIS&@LD^ z8F@RD9W-0LNrGK-3{DYu*4k5qIkh>mvL&_Uf?R$%NM{E9VIE0K4(6t~C5yCFCsJuW zyxXVw%sj*$FwHnkfUBitIvxfzfSfKA*=%g9i}v*hyPWLf^e78zg5ekt>~b!qYmLi7 z^(0}|9Iy*v$yAd0h1xWh>nB$sc}Atf-X+KkL5bEGujEnS8Qp;QSOsbHyAJVx;WH36 zoI>DOQ2M0{q;Adi`Guxp0v8L{7P*RratqGh|234rxnX)VN70pa?ykWPmYLP)~X zCYG!{@t`0xU>FT=JS&d|;M z4~^fsx>c^Z(akveUt3( zy#*lboQyK_8HJt6jPx$`ky`?|j!onEmHCqBtQ6xM;Kr>2T+p7OQ5|vZuoVbwz+q)M z&K2SK-3*!|@u!afycmz0T>2<4X`ur&~427L_3-oG?tVm+yL6PmOdH_ z_i0k7T6W)#o;`*U4IZlg;=tT z#Kqe~kUq08YoXMI-uxU8MP*E8Way1`c7S%B=cJpA-xfduxD*+U7e%BA>dp`gmVqGpM0h=^y2phxK*^a{uUHdg~QQ3|6^XuxRYNK#;48$4L6eNxK2i zQ0?50h-*by5aiq%WB9j)I7J?(i=o{i%@M9NILRINa1?aX-OSiKi*yCJKQ}z``S5+>6L(IkG;gYdjV2qZ4#O6Me#k(ojECn2c6l^@Nns9oGOac z=5QJ75rtj+jy_)V9*^fUq&|5w*QDCJH*s8p?4_Mb3<*;ftKMAsKLJh%j}7d0<3=H{ zsaVEu+N*gQoR1-QwA){Wx!SEd0r}6QS`rvsQr6gSGKkx25Ck!ZdO=E6H>Yk8K}|Yw zt@Gn7%&Z=Brhr>^Sdxyh2xRebotAxkgRL+oR5a;9}A*9 z>_w5Xr$w2`*q1XcfjukC{k0xb6DC1!U(yTyohMc|Aj@s8BTOSI)nU@bFb$`r)1h4* zxmm%e7KZOH5Z(>zJm5bf+$%L?$q5!&uCpJg%UR`;nI&Io#e`2|?SXQ_- z$Ax8W?{4F)I6&!m>tZLXTq(sC`!GPd5f*qt63blv>g*Id&D|4$%nLIcgR_ zDy+>oE-uGaqNy29_bPF-2&AIK$nviP39AKpqN|ifi{^ts%$bF(2ZotlSfvPbshE%O zHImZ}+_;LJ59W6Yz`Ibq844>85#SFd@6UGf;hgT2ea!ZU@H+*PiZ6B)VOGzOu_>4R zIZ&@;QD*DSo*fS*in+%_N9BI@*ry313GP1+#c~lD+jLCuifFe0BYkoN8vhhVy_?(S z#DR5$wXmBN8_lSFszEOrMVq~>LOG3!a*k9mJEsG!R$u$(Fw6;JN6{`G@+>>W=ojQR z!NoVD)(Zm6ShS*OKJ~ieZ4H17hG+<+k69^_I<>3Le-fc_sJ$`XQ`o6#tA}09%o>30 zB}Le1mOpLgy}ei{!sS6fnp&h!kU26em*Z$f;w)jSIyJUz+~_OCl>%M=c3(1Eo=2l) zc#eVbA|4b-$+c0(RQ5HI6qX%tysNO=Q-;oLTy>vfz1g5{BCKymq3b@H6vJT z^v4q-yrx)y!4JmjXv9Wh?>SDu2jdtLiFQHJzsn)&YeHPd7G5kXRQl209tP&ZaN3B~ zOWIgW7fR-Raz(pe9)*QzI$)tK{w*})14AOKu5IUnP{$@LIOi(tWYZip#ynDv!-c|> zY**H{ij;XfATeA?Oe4HU=Y89^|A0SX|wPTHv%ntWvx!6t)A_E{kwOjj-B zSj^~^Q*c*QtCMWC_OwvTBiaPU{+&Z`O+EtzXj10^l4eu zZ_^H$agB@IX{ftHm|J)h`C&r)s}Med`8(iHrn3W*l3|CJl(JjThjt}(T#&r^N0&e| zs7x$wqUc)Rl|sEen^>02I8F$;@REzn?Ba6K zU>w3oiwkQWuAbB{=Fc2VIpn_SX+ah+62AN_!7_&xu{NZ@I9@aXpsn zf}HtyQWDZv|0c|`UFTD6RNs4a1G=R+fsk_ZL?Q4JpQ)t%v?%yjq5H6^dLfUFhX6S~ zZz~ePId$?}Afhg>Q*NTf2cKun^`LHpr z5NIJ}#OAzcheZHxXqK~GddUoy-``*Rc96@P81%3W+G_yNWvMHpmPhh(WPFH2y3u$_ zh*{B~yL+&F^}!m%Sv7adx?^uaE(N~37%{#t!0h6%V`&^%hW3PM9W=tg#PPCVdi0Ez z__Kl(M%J6-OVtTi9|D09*hh`T;UY*7Lp96|2V(1CX!Dk%$K={6CJ9q&v*LLLDK^K0 zQpiZwryLLDk+aafC=L>7Zp!RJ6E7QGfi89f_EXUz+PP2&9LT`6-WEPKLwG};#v&n#xIKQ&Gt zgEmiQYO`AzkGljpscdP*$&4^pxHa9kEb;OpJpOzBxgJ^9)UnADqMBL#*k2Z7GXXAX zdwWwHBT{{eVfq&eBV%=CPUQY9!bRz-4tH@+BHj_?(l$w#J98X5OKRfkSR#_o%ewc~ zy|ngQEA#7FA{mD!r?aF>zLdr6L#MOO2@uXm%Q@83ai<^`8ifMaK3~n_%wSoe<>ecK z$PI1vNNjN;1SLrqeTy+&q`wE@yzXEDW?~vF1~>+qBh0nYLn_gc(NgcTqm8O)OAkI* zF-1zflw<#I>j#e%tmxEpZx&*SNAJlxOv|*G^<_{>xZ>^=w?~%$1Po@# zgR49@A=GTwOL|ciO~E--PKRPiLw8~xsf8U~oGjV}n^9!F*wYhV5#&-}&dX|RnE;o9 zH^6H8oxX1ZyIJiL7qQ&`TVQ4uIzc^{#(dB!&=F{a6khD@tz+qE_`{rng(OX|j{p}~hq~-F4;SJ(rWeN2IqTa3DOeT7>=x(OB4{PUOpdA3 ze1T4fArWs@akdaD&Qr!|fXGM&h(@%6&x>^J8b`{wM$-FcanJ>zZqZhm)Uer~CCCvm zqbae>(DZVvP!g}_h=9@N(-+ph(~&p=96Jl5bMb)XP`oYzuA?7XjK6_c?;>a?DhJ)F zBBSX%p{@h!#!ikN286h^=CbXMifHqun-z01wT_Q}8&C^dU6qalzT;0|4Xc~MI8Zbt zWjaBj7Kda%!-nD#W}}&+VQdGAk)`=>1yuYo>AU8*zr;@s;)UK4i=GBRSt#J$426Lp-w6J{iNRwT?XXZYnWj7ceN198rw@YoXmEp z@b~wgF5rVW4J6^)mjC6+(>fKsb9}ni=b4`!l zs3!;xxPl09b?RP|&;pK%QUbbTn0#R0BE%JEHO5AU2JHKuW5HbJZk-UHEW`~c1z|iP znp8_Xe^HE`u7sj(h~Giq{FO+rWjMl_xPyUKHI5yw0(VxORjdOvBON8oY^9}_XwJa` z_G>~tQEMB+DG7J8w8%|AP~9n0r^V%p1n+y0`cf~axufx^tAWgEbt#5|q-)wtuv=*s z_u91qyHb#Ojoojifm!34T0Bl((r#s&Yk}OFD2(Lj@pCzXW`o^l93jNX&&9Gy1KfFn zTvc(9g>`paCCofz5bTPTd7Lp!cvEYfcO7xyYfrjBzf6=Rgq;bNm~G1dsQx?@s3$4x zAKCA-zPMfh-{Mq-33SEvwV&BIvvK;TfUL%FeyE^_zz(?qkOUif-J(xnS`mll1xz2m zEYdZfRqVuWEUp#e3g9@jCmt5{UTe~`An{<1rHNM~(KEsz0fc`eaa`F}~1^p6BmVa*a~25GTE64xYAuJ@+QPPxp_RUMaa(S zV>c6zw&2T_g|WIQHx)eL=bs9oQ*)1(3$RQ9CIr% z+}|2n+T#t85*pt48I1AUYM-M?}){jf3&32=g6l6Q=0#m~=ak8+xpSt4ppO zWC-fUvIghwxFbVkZcn4qMYq1A_LV(d#|=3mlVGH4?K_F%W=c)0o^iS`OT(fnkr*P2 zap{i$VS%rD7GrrvYe2zePdq4^D&T#*6x;q70{$%JRo~>zDekT%nGR?1Sc`L9fo^(6 z%T?wtl~^F$W#TTmIz9)1!pw0UCXB@Wd5Y;JWDX&4b@*;k|HT)|1Lm1xg8G{_Y$@MG!+Xyv4v?puVH{tmf;n_t9i6za^NIWCbMP*S_j9=Ujt?_uT{o?lulNwQN2Q%#f0LvPqF=u+C z(I$xGbdC?p&K0T8vDrB2r-UsSns9O4g)-tOf$ndxjzdzMa`(oUg!0)O%$#mjn7SwH z>i9z*AN3Oovb3suCr2sBVg_H?qt2P&OS8EZGaasG^CE;WQr>gwr09E)aAvoZ-uiVfT9RgB`yI3Q1M=6UypI$(pABoGd2mlQl|F`}*AGj2(ku>cyoBUZI^^^eN zF_Ohd9Q_L?%y)CK-HC@pQ?7|K%dt{nmrJ8Pb^Gn3AV?e<^Iq&4*LV!ljf8S<3{#fD zm?8|uVIfwEn?+c{XCM{vx@fb3nv&g7zXYgBHLk$8<{-$4wpVpF$NKeikAt}+SV5}k zrwO5cELQr`G$v6#P@o&6-lMGq;yYPXs)(mB`8CsICeRt9k|h_6aB>Jgp^2-n2||`8 z&R}GXHGTy}?Pan<5w;iUB=q2w+(WJuqygbJR2qL1;nLt*Lf65hHT*}Gh)mg7YCpD; zNUqs}Qu46>a*kLYW8Ei+V=gW(b&kZIqG_Ya$j;LWo1^2^K^zdgC4eHdcd!ci>aT0R zCe2@*E5K#u!NatWd`S?s@(uI&KqQGT#WV8Zzp2GWCoQcF*VlktDJgh$=EVSfrBJsS z_Nz8(yFnNQ;p)~{toCFrC02esImqQML9SJ^%!@G`Ll#;edc9U#K zvb%Ii`I611d?9rc5TvPy2!9LG6hx#;6Obk%0i;L=K|w@mQlzOM{r`LCy}6e>&pvz4 z`^}v@bLLDt=ggVMOfoacr+U*r=czHv5vfx2%;3S~PUq&71tWU_80Ap)1GBC9u`6kS#xPcKOE~n0bte= z-^7YnEPa1Dkj8OAM&LEyA6;2WuB|vm7WCAaLIW!96~Y*Pf3=&*NZ|HwnzDSlb&5VT%C2oLaxqV`x|H`n%agPD%$cT z=NP8?I9w2|La}D=K0CI4%5R{kVbjM2B%)zM5AI0BUL@$D0H<%}#LLy$@4Q}JV$B*i z3GgTI=ty1Wmh2U7^u|OMe-~+9)8%AtEdM=!X9+6^X*FIIWbVua7>W)5ktb`!AQB{L?bN&&83%?cegiaF2cnQ){8QK}Mvkfex>T_T(w&4d=k zPYa=4D>^&l=6~{RcDGFqMaK(}uFuE-;~ZN4m=fkP)_1kz#(&m}Igq^I;u-;7A95E2 zr^RLDq8w|y1n$fiGTQI(GNgBuX+r7b1RbOMu7dqdW~Ow{QT$98MXaf)j<5cUXIG#N zO(pq$O^6xEG{efIJ(`L{L+z6a;L%?sBHMn9_%SHRtvNDAgB&5+HLK<Le5puhJ)h?7F0Y94>p&j0 zfZ8E$6uM2PyeK%)}76_NMv1W;H zWG}Jubb!!56}b$hHrwGX=VGTxjdEWX;t$oy#U~CIz_4eBuv0}*EOe~8*8Mt>G|Uh) z*RKEL*%f1?_Pr4Q6Gn23JXAKm@HV75rdgIqt(c}pqfM|mHZXloeC!=a`UtVxvuO88 zlM@>VH)zeip@90zgMBjjEEVJiWlI2i)xGu==tjT?gzf!%c~-614H%>13_(<7 zN$+@^SNxpr(Lp3uexILR#;T^K_?k$Ur6ea881;8S2%Z+k@v;a$hzcYH<6HRyXg61D zcbcX@C=hIl@P%8CTK>JAn!4$45-g3AFG>TBxUCk7VQu?r@s=gONIY9 z_9`NF3-X82o@(26m=KDF<5UXzah+&thPQ%PI$gYgKe{+m{c#ew5Dlv72--5PsftPA zaI9)kLp-}O&;ASs?LmA!5Br3(#nP(iK0jCm($Yc0qwJvFe=Cd(X3v@(4XftABR!o- z2|Ou`l4+qsIle2BX&AbNnNhS1dp2oE zUtI%G(yZ7!6>CDc-{O1KAw9MB3x^c2s|(DLl`g?BRdF$gk%Wgu({8%1`#n9wKWbjX zX!G&4AhR)J4DTVut?UuT>m)%@G!XBIcJYuLh9qq%He1_?P_8Gh%SqAhd?WFHA}k86 zeUqG$xLg3AL7IIVE;&3P%sl53D=p$)6vBr~gLHbT_oYumQ|_I1*eS;KZ1zr|mc;ok z{v^m>K>*P>-v1c@SEez|MvVUd6z0OCUeLXMe0rVF<_Sk|qF~r1Jhd=0W&wlgERmE2 z%|r4DUm%*&b`s%^Q4SG!DN6yHaE|AM`MOR4-GBo=tu{-D%QG;hyCf*|SA~(URwEjb z&lBw_8Y9KbF`N5@W>xE5fjIt60PJnWpcnsL55ko{!`+0KT}+cU!bhDzie2s{mh3qq+}WxLi;|8t-zLnBT94u* zZZC3CJQu9vIH*1?&_!zDP$6eRHuxflD_6zjuF365L5N&-6Bt)|eksqoy%Q_U4F%oE zV8m^E{(U|>qvW+I+Ig~2Md?a>hc5%s2D%utD{dC$8p?%N(OC!MUV-LmH6~0sB6HEf zS2hRD`U71cE*I?@;4Gwz;~y$gv}qgltY|pJ;$bR2u>}NTNC3h3ik|(d4sW9i-baYb zftOaVZVhdZg9MtnOaU?@W0Vx;QuMb^O~%)@%+s)BZ%&susg~<7F=NH#M?pfKur89oJ*AWu zSezoVwNh6MZ4I39NIf16VS%u8P++dzw;>IT>BDJiFFm`x*piKwmcs-=&Z0`uQ-|Y5 zA=HKS77DE};hvSDuk}CAB9M?I!NP-Bgn2bw50!Ib`NO8X8vMs#N&|>8eYM? z3Q^{{+5pFE77I3Nvt}K(maMEgaZjPXGjb&a64HUG_YLOXzNT&YCd`@HZHJ z0<*!E^LCu39f{|JQAkbhQnK8zSNSwb9;D&sqwVFJxi3!Ca*~!rn|TR_bU(gVP<1?`LjTCSoU6|CN{2g zR)k`poo0!e*+mn_jJcl4hG+)DDWA@sQNH^{(ku#R9RJF4kf~}gK3&C6{=}m8z7%<6 zb3yQQ1%2q3dN#|DX%@HWd9D^VGfZi+XLo}Mz8ciBh`?f6vUE#2MIS0nf0VVWFzBHOeBLc7BTV`dtB8duAcfE)nFCb+%7w;r^#0k+hmx zt$ckUiI67tZ{^+?7v)@-A{eC+FhTxs1KQ_{L{g?f)PSF9;28!H6*5gukBWAoU<4kA z34qxgF6)i=^=r0FDB^gI#KDc=S%YbzBKM<5Xnz6sHwN{1I!i(L8nu0_ybmd;je-quJ}ZB{MzLUq3%ZNJD4r4R z?BuoDHyMjtawKzuy-0|Q(AwTV74H-&8g;?JaD1wj6mH0BWKEn{Q;=JSZQ{sSd@ciY z&=`yVa2!{>gmXqZ^>vaU#6uT?4aZHQT()io0|w$Jvpf*X3W7%wA+Jb+5kgCfPb|)h z;%E!wv56qcKTOaO8SA=5J72a>GI+fs#LYqIPZl9EixsIbxoId|ZwaYfC1wr2zPSL8 z6lo!;eE{X2CD^&K&Fesc(-j8_vsBf!_r#GRCD+^<@obTtF2FfHHc#g+&9lIoXG6z@ z!dz^2Sc)w1L4l-uK}zxE{Yc{?wxq>cjQ~E>u&6B#*RwM~J0wf~KeAuT#N37!teeJ zI$FH&E)n3;*5Q_c#er0h38b{Gw9{xjUL+YR>q=lvQH$D1;^N_zkX&mP7ZBU|p(z$x z9}05r3)wsLr4#EP>i~2aD$`IprvTW9BK!*lxE7VVY`#IX#i4R>Tf8FD-^Nx)c!2)c zyA#N~UPmU;<0USQLV-6f$T_k8 zCw9@50`f^ONs|oxHx%iHxh5HXVmIkr|Cv4LX#7ebLbenB*>7jhL*4z+(F5+H=)MV@ zlJ5}WiXuwzYAn`U21HSk8CLeq{WE}0jw2mPyKQ@&qIJf&yte@JrV&$jnshG^21mOH zEyeJ2vq*;MMK$qzJ$eLgDUD>e$i-_}dX2O=5yx^8xq;e02N<8)Dy?)*-grkpEx`FskN>m4jJGl*P5gJC9O+$9R%WgQcx-D4a?B3 z60*l^&3ZLOy77(8|&M#8S7M1$)oFV7P>&Y>1foRu2UQ_f+77L5AMAEEj zh&@m=6_{doepvP!d?(BHI3xS5wW29**RwOLV!>I$528O-In*!Do;N4z^z7QVRMyA; ziFC`irmcAVRfu_~u^wfVfUL7KLMCm@iNpD8G)p@-ZeAz^)-kr@ER<&7B_oC?C()GS(X7(aof@^wKM~334Hu zS!AZBI!qXu&z?Omj?gpXif&XGj3-2yODP;@TCu$^kX9txP&rl|_q(&uSMRN77rI*4 zFL!0XH8L=MY{D<$dvkd_Bf`wA#`MWd^!XJaW+rNEnqo?Ti>@wDUyD-&x#)^kri&De z`MqY8#{Kd2NfJ@GhWe(OSbqw_-_g-YCexo6NF`oUeCSajRJZ~2B?tHqgYst?S-E_v z6xD(<9?0u3>1=xhI_HHFyutXU5I&6hXfXaJ!knlg=3Dd}4o$WkR%eu-z5pxc8s7kd z>2t9|Ez`3*wC>Q>?v`2oR-vvh$6HzZpfNk|2rz$_HMN@PP9ZKa!z!ozmc{FWJoMR@ zmn)Qb_f5h6igcA(80D5DK`Hn2RTS!J5f-H;E|+~*Bwt&u!xmC{#H??EWNm;AGsStE zEzAr`dsybD(YXF7K(b|^N8KgD1=5OQCItPNM>{h$Fl(qJi?zpqxk2kkbv@Pv0{pIa zeVmOS9i!Pgj|C?Giu&r-xL<^MfR+yCq1reO$Su%1h}HgV(HV;;>54X+-&LSk=5d4` z>|!o^NhnRz!_l&?Z}H6MXTlVym^ARif?dpHIgAay4WRle&fPW{Ar(rzD#C?hamIWw z8e4w{$XujV**V}3R4dHM=5y>8l}`)_qBXKmEH{WWpE0d0lRw``JSxxy(Nds0HaI>9 zP)Tx{V+R4$rj1+YcGt7TXIy74I-{vb&M{f8kL?gZf6xii?&vRG7?{3sgpvBP0$IxX z8&>~ANE$wNi~8^KJTqVnaZpIlTKyP2%uV!w#WBXeR&6gy@LSBXASAVE5Eo6jtYp zbP-W}=%`zJY)FeZysQX-^H^_TuHPu0rN8ph2Z3&{pF7F=aOYOZW=~h{_|Y*(yIGCDNi}t$o;` zSX-=eN}l;0XS5HqwY*yhlU)7&agQEJzob_~Geak?hCcx^bD9yC4@IgZNut&`6^fQ& zn3#%Y5&Tq{tXX%Q2IUsOb5g4??fM@Un)5aVUysLyxmDP6OUK5jFcN#64h)+d4xuZ? z&VV+%yR{=I#Z5wZae{EhQtNUztF%_1I}_MlL^oOCq{7K9AQy%v#l5gc=R&V35-yu0 zDhP96d!Tyr~J0LQ&M1i7g7a^1m1 ze|DY|o`UqxPy8H!5A~P(knl}&O1-Z~l)qBJmE~&S7&`~dUgc>98j-CnRrd?O;1_=k z7R#sl5FwTiZqrQ#9gl8-^w=Rnt@Y@cHf6<2u#GrQB&|4mcg(MAp9|sa8mJzl)Rscb zh3a;B6HEypD^?frKRwe*y7*J#QvFNQtiNhe^u+0+on2FDLfh#N&I2L4YOaV&i}Pd8 zH;_$dw2J`puWzV{yRsk2k1%Oy1~5mUJ2Xtc5#eBhdt~0q!jX-l^!+|B{T9 zt2~#*&b^pl&3bm~{nHl^6fW8Xx;<%p#vBCVAYm?P3%b#`qewG~@jvOqcDy7{)7p+@ zwO_RJN$MDF4W1Nc$wpAP;)Qq_T=VcN(3xW6d@~rg3$c{W$5%$Gpa+UXwYc^&5FTyGfgKXlTVN)^ffL6x4>|J4M$-Y2|&Oq z?l`SIzAeIKTTC2&3`EZhfu$_i2Vli2mqWU!++n1!Jh4O&C74Y_g?2srtJ&2*K0f+= z;r?n@xqVPei1x; zR*-p}nw!ZAfw=K1P`64Ot0g%g#y!GZ#|33hc(%u5Ldb4J>(Sw)76^;os*@nVk1=nmMu=|Q4mlv>} zBujTdpgB6c011G>`5j5^kpe05lKR&8m7d+6c!?$bA2Tk2;e~s|wfaKm7dXB0;B zbc-+wIDIZ-)Q&eo&>{+xu|q5tHItl9q6TDPY1OpJ=2f5kpw|>Y^#je;Nc`A!f9L0##){ZX z&*sVyj-6!DBE*~==UjUSCdYO`<_RA0rSbTK0M}_m<`S78*0>o=oe+0#3_P_W-LM2G z=#2wK`xV8r#`g*rK4GpxI`_!t8s~L^{yq}bH3oMd7DV9}aysX^;+;ds%31BU{=F0I zID2;NtY^xR%y0N@-va4!q=0Y(qG=qi8AVcmJnh6i81XeEi*$kHgV2jl#c-T>E1+wS zF`Lcx$8Q60RjN^_a9|5{>gVONN9KH202gRU0nig~`oIYZElY+y@gI~r&H zA;;R7O_<|K@pECW1R-YT#Aolw)8ICku9b;x?gVp7rjtM;@jD?dIGjZpxb0m4(upjL z9z8n8N)~xBD%vG!VN4j5iQ;%+)Tw(|!JfY_3K8#@QSxUZXpsi4xw>1=8v8iai(H;@ zH>7i}LImSee}r}^B0 zr|-x4Cq8i>1Z8A-jrsf~QQ5c4LzA)p{rS6GEHl&{?E+NRsdfdpxkM!CC#G*?%It~f z9)Kpd?dQxQQrVUdLQ%=`R5=#w+2fM;>B)-uEumTarAufTk8c#_@)BvEk9_hWfUHnl z>KaQ#d#c9yLTbLWXdV}A@fhKX35nxzg4~;n6@te6^YnwcgkD*@ocoHmnfH?i&ejj- z-_faHS?c7I@~B{c2g6r#7<*liv+KZJoO{C`egwo7Yr`m)4zM)+DNmKu6oeKO0)uAH z-ZgH1lxJEI<-t_!{aF6`d@gvvnYlj>5@t5kG62U9MAH-m`jfC-DbmGaW=L0Y5C1ub zsyQ55W?O#LUx3`Pa3+u^GyW$(5=hR23<8j7QLv(-r7<3v`9-k?>*(m2Bb-eFGFOI}(Br$JT|wRE!qT{#-X_rBu4KmPiKhi*B7_-&UX?`X z`68X~aoYVU(ose>Kx}tPqWpPumArwNg6n{?S5wztTUQCpFxh)j@+uHvmU@*l)6&8HsVBv>UF%ctE}`%B_tq zt4mX|%qOe80PNzHDs`l*P5|FtQq!_uj1<30(=ZTkXFv@r1>()I)OwNRZlY8_YM3Br zSwjUTW4_YB%WiHCoYu41T(hDx-WTb#iv}3QqVXjFS7rX#V7i5cMa&YReybMe*E2=B zLGVQ*Zf!>Ew4T;+ABa}3N}eF=ybP7e`Ha^lQ_3aj6Deyr&J}G=F)(+O<8cA{R61y~`s+~c7rMR;qtzxtvh{Np%PVY+ z$rv^g3*X=uw;8G;?y=$C06`WqZh#%`?P5wjc(821XIplvNRvEEzxD_ul}Oq%jJ z!d%rw2=xsjErhuOg$us_2kLxv@@beG)s7HEzB|s|IX?S#{!#;70fkgMOOaB6rs$l+ z3}IF{MQGLnxxG;UjKzRx*Q^btpZten@FQu6;~(c2X{r==P44%134>cK zv8Uo&@8;iW#t~HQaiJi$lcJtuLq#Ql#`Im`9+wu*j3Ke=dwxGz3*>HzyWjgjmcxY% zU43zi01B?yKr9;K4bkutA(xl(J0cOx>2n8CECGi351hd9CAoyj2^hZ=%p4u>?McUC{ve3PXPEYRdD3x{Go6f^(K}ix3x-tF#ckpR5evQnby zj=ze|nuDboL5Nq)-(l_BAyvlOpY%JW!EU<4NIWmvV_J5?PWSf2JAz$nzJ{_OjdZ2e z^8A*TN~l4);$lJmCeC40Xs=J@X}Wt?q;+GLAec4Kz8pTt<$v?ljnK}l{Ip3qAVZi( zQ3Gl4y*xuo#5P86skvN;>&vcjAbz_>{wYS|4koeKWKAHKdnvc+p~gk=@!AsxJ4MkFxR)Iy(ZGxR}3hS4q@wuWA>*(ojnQ$ zmAzI7t(vZpUs(LyiDwaOokN9KG&t}sD||dHh!MOrc-t@9W8$+={?5o)hkRjGnA3&& zJM(4FF2{chgi!QyJvw6@(zrd?W3kM^xB74RU==yeEhn-hU%@=i2ok;L-?JM&mlRP$ccdDU1{fr$=-qBOF0t zj?U7{JBdKo`-SsrZLX<`J=cfuw^-~FL8d+W1i7(v+7NAgSNvWW#T%L=guv%`Hn(sN zpn%DevsZ!gR;Ig%GlcS9MRiTwpl1(r^5bD?%y7K&27p;znVQ9%C4!ue8<2eASv(?; zI^!Sxk8l1oJ{0MGG~ok2>B8Bj4S{J^ofX4RO_U3&m9V}DDQ*5x=l;CMaaH2@ue>oJje$7{U2|6qh;~8I zJ?gA|vK*W$*wyB|s=O59q3lgMX$3bVN6jYA37Y*@cdWZ9w2O)({6O-{*hpB`)ajP= zaRDxqVp}Tu3bUs`FGsZZWdp$0Jw-cScQbx*rKU7uaV0{5w6c%Foa98Lv(@^A{r^C`oF##2EgbCoP^1gff|^$rm-;Q8 zNfMi$I3Oc=fjF=+A<`9;6#JBQ3~mLASh2dAJ}WK}Wu`AJ^#V)_@IcwhGB|D*O*zSP z0ehB{wt;jxEAh!i_DACP!u*{!bfigN$Z=PpZVqhjM0AJ;h4@=7#AWP_CEMni^)O2e zq0NbIVg6o4TVtFd(v?O~aM&M+vjvf{93~j>X|q+o0z#RYV5e`yz%eY^1;X$pXDsOi zXKx2Ov(`p(l5YVz#yf>OwGa2E`Kn=iP#0DKfxDtffJ=gTSVyK~nV?LHIVdV;^4NBV z{JjRwd@qX&1;B6S4g~OhQJMH?e$jaJ@g2bsi=8?l@asjpkZgsA&|JjVv*Z;GIA!SBUsrscG=!`^yTE#RMat;43T&X4 zSyr(+w-H7u`(V%|cqPRJjgtkKDeV4qsr!9J679?hF|ZR!+yRv<6FeS?hYIw2 zl@2pFAtd8Sm(Bz;jDJ%YLqH$V6k}S1i#x(HzdfE8;EV|{&#}L9};mdUhcQpdo9(fDm&4W~CveW)~oT1*-zaM#=eBXc20XW6+DDDQYVki;d>- z?1JgG`VngS6+z}l1&g2YSXKZ%(oMv10$g-DK1OHp^nl&-*V=nz?z&!pxxgtn9i95U z5Pxit*!a@qJXj>cCN87Io?p!qaT){_Y;Sz!Yd};0AKT=*cSA zU#ErP+5((4dUfo9vhI8YWJNhp!j#z;eM(7*x?~%BL>-` zFjnbU_R~V(4O^u#ToBf&hIDy30nd!Ly8sIbo1A1;9&?cjy4#XAYXez!A#My}x1k&5Oi6B;vjq0IbR9bYvDjDrx73RWV z8z;DKIo=oK0<*@)T(!l59H_t)I2y+b&;nx$mK?PZg6cNvfZA|0H9)##7?U-7e7+IH z?Ng2UF^$+e3Zp7@jWM7{w{N8kUC$LXwwaycEzvHambZ!wSJ4E-_ldc+Yy4bHQ(E3&e2|bfx{}`LwS^Ge^1{^2Spmn_v=a(Njq-)5`y&fabjjT#@e7i<<$uy*Ah^k; zS^e>eB_?WhE^!?Z)S{N@ZPI8?0HodM9JkgGk`A(kXU{RStFzD4u0*ffE@(`ZhI9oKgUsq@Xp=5#Uzm zmCVKw4+zzKOn{_Q~`|WP0%8G~pVplC@Ch>48aOMfQFAcri*%fTz{j*VP8MXg^|RwTOC(=sH|toV7YK0k zTO&<7uhR~eH9!7yOu_Pei(LdGlZ5tX1{Q%B?#60$SkGn)#zib3QdY%Zh4SUZ{uS}8 zNEbM}Hh~WFx>^Nx z=&UT9C}EgcuRG74@bx|ExZv@^TnYTYaK+{tIYAVOZC-E8>VcrNY)Y^fw}^6{+)|-n z051r!k@X`nRFKH3W&GfbTZvjJmCjdta|o$ThgkL&WDy$~!#orF3Gf%>#ZE>gAv9le zO;h|(&oq?A9!xujE{CL~<$ly`*NNaaoU(O7YV$t-wnDCV4I=nWk)sg4!$i7&RqNo$ zk43wz3$!1^b@z%QNeh0`@#}(as;a1nr$uM|s~;bFozyDDp8cS1z{P{CBIURDLt)OG zbr&~Yjl_Qhx&3f(U>hbi;o1X$7Q%(?9kGo_b4DixO9uGeHwDEq{qAhrIpw6&O4kcA z?>Z)jw4ix7OT=J>e*}x5u2^G`ME>>wryp!7+FGD9Bj6&9#Z7pE;O+DU=oIIP$eM|z z{6M@Zz!jAP2b)@yXl1|A+Qv1s2Ms}(#fzF6_KU|wyQ3=h0X|wtWPf}p*p;qb)*HJV zn!nXD)-f61DCjB{i1G7+##0xENzup#!TMv5;XJGEa!=eQlJcjMAuo$CXPPI|O{||A z0dWP!IG)%(g%bNq!dyl+e2LixMGGO4h?${6@4(Qk}fxV&$nk zMYDR`2BP^avO5#q=~O}PbX5!vy@Xg{GkSiOkkK30gF8-R$bUc(xvSR9!gTrfgisz$ zpwgNhahPdds*{!Y_ZgjHGr^ZT59fEYn{LdZK25uC3N$B(h?O)sZwoS)Q0~&djg$`)g>nQb&kvPm#2GB_iQXO=D}^lReL8EWKaPZa+5B#KjTq zPqGPB)OJJgsX=~Rt9+Z^{h>zUnZl6kgqU;EM}S;H|d$bAwIB0>wM{p|5VT?DO9=%rT(p{^;&*JSK_JY?2x`FZ37 znsM~F>|85X11N3Q4Nz>trw`_pQg=aT+!L%!!~b4mtIqyX%U5gwb@f zQGkr;nGb0_#7W-6MY<^LV<-t1{(K+EmCxLi=>7)?^w&{hFxj14q_SOIhuhB-$X2?3 zpLk1;bYm`oxL_oHb5fos*OAK}1JgTC281m#v}v1gsOTBVVerJC?kGWSsSea!Z1Ha{ z5EgkF%%8}zVX$1tz!bCok9SML+J(?IXrCz1RoU+pns(7n@&zH;OePH#>q2bYd!L%4EEUJo z4?P?&a$Z!JW&QUvs*g#RX)2@O2-@PkP9vo&(v2OtADz&Vf*2T&lPmxRJR3c$XYjdDfM9~u*_}1d%HLin_xItL zCxo&rYN?66vgg@z=EP-srX)0#F1sKaUG`%Y2i(^=JI|($E8VHm7lh1ojCSnss(O_` z*u`ydY3;TB&!K5Dh31ZZMQC8zdFQxO&z5z3Pg$z*y~=aI%nEd|n0O8r0H>xDHZ{I2 z3O>kXO=nX_988h3e^1cV6)_-r?NKxS? zaCXCAoA=+LpL1%$rA8|rP|;#K>q0>zmwf3tR=-d7Xw-6*U6qL zIg@B9IZt>tarJTy6b_^mYVAvMv^a1Qy9lMV_!5`e#H2_{&e`|4RnKNm`6JQ>-wpPcrMJ6m1h-*vaiYxL=@cNL3^%5a2%K|PB zi{FcOjZm}nq$3>1T?xi)K7VO!^lKi~>+v3pJw!NdvyRvgvgN*3m^mvKA%(YK{1@nt zuo4`Ki?4#FF7#8Dd0MhPadnBr!8&>u(?_%)n?WW?g&AaukP}w&MtK`3Lh&J3Fev+>c8o=P-f!L^f|06ZY%(eEt7Gx z02iLKRa0@FXmaH?4-8byKFLLKt?Tl9SlnaBxlDjxTf!nVt`+U}!@X&oJyO*T`70Q) zk=sTA7F0G;AR}?IAa@-Zy8G}wO!wqoB;4Z*zU}mOw7h)u(jtc{ma`hd{wv6hB$WmM zt}l$;ZUlpIl7YBd1OSzS0>DH?j4H)aQEqh1 zi!B76lgPg07WctfbBles&`J~#1fK32(* z;m4vaujd<(-KF@xHz&;G6PZbC@MuOGFGeW4ya;uuh zZ-MlN8)GJSTIyybJ{WiE2R9&&%EYGzdqfxvYOJr071KPs!dPZGJ~8#Q7^znXZXh`HXgqclzJzXi91D65xhvT z+Lhwoj3(12{3GJsg2n_fJI?uo)9bLDPHcVg4(HZE2-{NZCJL@qbdASCJyZJzsRx$b z36TvHFkcsmF=}mm7pS>rv#F-Ueu2D)lif`*EP^Iv2pgkx&t<=LNYVR}2)99vG-H?i z5!!Xd{TpxJk$6K8b=9fhu~>W$6s23j+Vt$~nXnUarJhN}IKwfKr|yN~`z;#tX59zj zQJ`K!QRWIVA=m|H9g`Vj4j1U}vl&8>!AK@3D})o>mL+i`sU zeiBh?G1s!d7$#)A8*KUAo^B%}w;XW{F*g26a%tdZM z>ma2SiX4G1AKv4G@mlfX2riOoS^B95Nkg@=HJetd>pqm{C1tWBw+;UEl zMyC?ShEcf0-2yEJ>J&Jit1mBp7!>}aKxFB)*&})8X1I1NTM9I9bx1>nI5&f^YwPw1 z>B(*qmXB}4o7MgV?61-}y`JN49ieUuMsl52`23^!M;K(`8%}kCoM@!X%7J@s z9s@DU8nvx|O0@Zkx}4<)n#P#?GoZh?4Cg6zZFb>D33bx3A?C_-cIIe-u30*ZMW6hQ zAh&oOw)u1beC5C7IW}WXkl!HVXS+}rkAYGSP_GJccDiCsyqkJFPsE%pb@?Vw?#iiW30oKDawY`)eFL>1KHz_XtAz zIaWRudp_m#3}LO9z~WBPu84fJaFL)q@pnKzqj92?))&VMG1q;K7(-0kKfuVhO=H2O zBAftoeXoKp#=nIjy8V+QH2dtQp9d>P_E|8PF9A1csoJtW_k zheX4*N*Tc)7eU>nxgCw2{|V*tb(Mz3aLan3K;){;fOpjkr13YroYw?$jX=LxrA^F8 z-2TyI7~FAG<$Cfgnf7Na#u#AV6T+~BG!Q2~KKUY~hlms)6itNo4 z(r72AwZJpUE=}NhNDzdVfXsO9oe?LkWIhxMn~8+33pi0$zMLl;lECY*GETrkNj5V$ z#cu@g0UUrxmQ*0GWoan!0K=MYxAIHUh4ylrId@wDSZ1^yVX;0KYrg{KMyMVph|e9O zU2>E{@RcwpuL4oYo#xJp@95b~M(vilfq(3^JdY)eFR`a++D;=b(G5ho2`026?ux$( zA;T)77;O4F&op|!Vh?{MBa)%}L=k?k2YG=vR|>IA4iHvm!~msXJ{uenr_@F7S1K2= zk!aEFWAX-h^bJ5)ovEkH<$1)p5az1t=&H1tpZPZs+#sqqabk!vEm}1hB4kC>|Hr?= z;RW(QJ3+L|GXXF9;?VyBP??5`rs_CC1QLWy$!@>en~?q*U5vO4L^}{f@_C9M^PC7* z7YWox<*K*xHxz4F9QczU%2S`VQ7ioq$~8srnCWac6=+E%u7ZLn@HIk|2zK_0g+YIr z|27EaD|cWH9E)C&mQP|7;WWX@kkR}dP@1ZOt6#6no_E@QPJH!UaDSQwN(zuc*AnPH zQ%SIZ7m73t<+wQDY8I{UIm5QaEpddNEqiptjyOfMGi~MeDu#EeyxRMKGmSpTpnY5c zU@;-ZQvzldy2)El#|duTd#|SoW$g3mH5p7AD zPrPsB_(>r%qCyDz z#9JA`x~xCGyehxARvP!TSK3n$td}uOv8Q5Ofb*_I`F>>fJ1s#`$^8TYl&Zd}H8%RB zU*^Y3-7RFm4Wmn~rLBnVmB>QLYEk+NR1XUU!UINamNQz6ZoQiG9qZ_bBlJuS7-W#b zPeHiQ+WJU5ej>dhi-~)|lnc zKMciFg2eRZidcV5o;O^59jb?#lo2vJ@`1E{O+Qh7Eza?KLOc!@;twok0jR?t{qgMD zfHd0_fxk*|@~5Gw)}&lw&Jw{-HH|e*ZSk@w%Ltu(G&cN`xNnii3cofX51iHyj4g5IMdMq=iiv^PthbL5SN3x4!ZSTIskg!)ecn&!>d>i?|CZb}0*jmDkNd?ZMd+B5IcibgOZkI@xX3T@Q#Fvt=c#2Sv?{ z5UfBIH@P=H6zZ1cPU_e;Ak7w>wQ*S%?ObugNfmrukc-6nTprvs&%*TqY5o-FPZG0C z0Qq{(jX{ylN1Y$tP#h(QPbt!!-gs2B*<@uuX`U8_a8$Hb#2b26kCa%%VV{Fi(<)Tr z6C%uWT^5Be#Y;k5*~<127QQK_#5+Qj9g%E)w*k-2j-AMxqAb4iQxwT9HUw~KIAqWI zmC_t8jMv+0TH_%-yF!R$n*AOXL>}-22Mjvm1{(pGxAQCZiEoK?nL0S>gOXcU!_NOa zC~V+}XP5N)D@1$9Mpa3NF-J{Jf64jt#j8``% zk!!&{j2tv%9lGfkz^KI{7OPY_M7xDr7*ptu385JEZLM*Fe&u;_OGBKkXX;hxM3MMk z3UryWBlvMk_D&NaWzO3y|CvkL`GIfE*K+n`6 z8E6?&N*SG^{<5C=sb~)aEu8#U;2b$y&iayHqbVBXP1jt|BMO|cShO3OJ)2Gx%BnK; zWl+SUQaVD#U^y%U$fjzUBL6-rz)ebPu-VsDEz_F=!dHxKEL1ny0?LeNWmCe~9-9gx zUxos%Z(t~^6`;YKdj_IvO9++}i)(t<6-?y54iv8`+s}?wXtX$lYF3- zIsasl77En79SHR~+vfR6fx-FGcu0^%lo_F`Jit2XEn(Rht8&s zC1dRzcojPi7MwLjsh?|IqC*JfVtRq^9R3&0r)j&2{(cTSJ|n=NW?@HCS;^i8r2%%zfkE6R@ zBa+6c;E2PGdNvyy%Q%U(%!PJwQ@@SV1h^rVurs=^AkpH*>muP%eN$UabnKkx)s5OQ zo)qm$Y0Z)p&~Fu3#ULJ*5`>j@Asyuzr|`S&>I{jT(-*@cC=5O|=w&GRQ35Coac;_5VM9q_tncQl%fL9Q#lH7|#fPc0U+vjmyb**J*$EFKn0vA8iW zKG3rpjcH3ULFwje@9qSRHPvyPo?Tb&sK4zj*z zG=E%p|5YHDyA5Sc94p$*pp{!WzAYdVSnO~dRfKWh5$JNKxX?^h$o54-vpSqE~@qB`^cf}0?82P8q*K+-CQ8SEV%u5HWcB}$)w%oNb82eU3XWftc8!^%m zq)eD=rtN?{O{nksHK6`lBkPNH?j6dLAz`d`2jmoaiBMM#&pN`{#IFj3yW!;-9 zSsK8u7_(}jT!aB`W@DlwQi(8%$vDBZf<{_25;?fMH$Gj*v%kQBS4??vk&vts>|O}$ z(ib-gl>F?9Ci(Xmoz-c<_0W6NrS74UnmzY|dY6<&5C62@Qrr`{b`-AXev?6hdM4qr1fu#m}vr0jEH(3dw4wJ&e}f z>$iZxMk#s-*22bIfSa{d=DF2cpbr!$V zmV`qETOulSIY!(hfP$ugaICezy9Ano&f9gjIA71MmhM!bqU$aNQRAf@=K@jY)pDW+ zC3R7QFy1NQQG&A%4Btn{%y7vC?+k_X{b`}BUF!CU@xx zL7OcL(A;Y+{E{HEgpp0O*g5>cp1)J9>m>Lc=DRh2HD~^K^6o_Lo{?#7Kd1 zk-UuEGAJG^6iI1Pq= zdAJ!v8pHT{j>v_Q=ux9WoC|k#EgMbt#+L=suXT|b?fr(xY*=Gf?1~)@0iZN9$^g<- z2y){zqcz|ZOmF-_SQ2D;bPTcH>j1Env`L8~TRJu0La@t;ElAp!SwdW0+~rc3_p=0f zC>1NQ-O{pXbJpqvcLlsWQ>4lSntik9&D|}=l*mi0MwUQ_iFAcn_ucl3_@MyUHlWq` zDIyS%il(Mmw~OcetC{tgh1a&i`9PnXa&f;pNVE%#5Ng95-326G%Q*EdL42lN8_&x{ zxZo^XvkRtnE&;k^)tCh*qgDW2ph_0*7!c)pY(9Gqmn1>Dnr&lvd`*jXBQU}xcec2_ zNK;p_q$VB~?Jty9Fb2k-1z46D{aL`K`For0JXvKrO#HflnSP~Xg3=^#KrK&JEf0to zSO(y>tWASyTq(p$9UZYIKo{m>4O%bh2j@tX9IdRTFJ!Rm1)bq|QVDt}IZ(LE-3c$2 z#o-?TaQGzHqX4%-Lx~Hik*w1MnISDi-5l&K^~O(&WQuH}_1t4cGFD@qCAs@FE$3C2 z4n0R-W)V0+sH>Omt|Azg5Pub(V~HP(mj%&En2k|=#%+C&F1e0%69-)YZAu6TmLPu_ zgmRX3oCIWB^6|2NZyuS%*m0RC%L!fsjMh@8TwQ>4{b81J3=&%mkrMGrBklGgTy>6v zqB2A2@=ak#_VkSdvE8Bh?@Rg_m#_lGgfNTO0z8!dEYelO#X<(iSZ6p-(ab)%LZk(- zK}O)mN1*vYeOpC5sb_v08^ME~t?{#>T@MCQF5$-996h5s$eK<1H^!1>V}KN+k4*rx z=A=m2HGPdd#E%}&-xw~L}I3=Z|e zTuH3b(-&f|U3CQzEkb!T&rt182_gT~L2woOx#+yn(+vgdO#)HMeuc4*O+`5YZkEYE za-krXN!v<{#Yus^RIr<$07!~9@b3bt(CPK|*m%l$*T~Ws3q@Hn=}9z9c^Ku`lR{~H zHrt$PI2^(i<(>+>Pf+i-3iI~~x5$AxRNoAhmk9Rv(O)Vs(AYQfmr>yAa=+0ySD0lO z57BaG{HFlYN-pAvJRb~JC=jD0gk~JjyfPWz{73?wsO4S;Auc5wF2+rI!&|~&qvAIX z#6#b7rf6JrG6lik<0uffbpP0jQgn*uBZIwnoCe?D6bTmyS2-HXkA`rKS-EgfResnU zF%|4AxE-h?s*iz|(4qx7RnPv7aKXcIuV~t_+ILte6wu!US&lJeqDYVmErD)t%}O0~ z`&Eu5omockGB%hS32?hnSK5gM;9z`NC>7|X!ZhRdMIwZaJtyt~#F!B3VpXzJi4oCR z`=-+cjB6(g^Y@4*&%pkG09ZLOea*7Lcu>?#mtY@4_;!RRo)ApsTPmvK?|SxE*h%-s z$B%OcatcDXFN%~EZS_&F=d5o1+Wwv)=7G^3H^YCpuy{pCyG?-VZ?eUQI4K)~^0v*=sudN^4I5kqvrWNmMrvUmR+7h(KTmeqinp_;^QGSrX zoR7M=^@l?IWmXcHry0Oc`bnOu(IIz6PX(ci`68+~Po!Ux!&tHxUY{jFM=hJgUZ;`7 z%;suH#@bRW5ac3OjI!X0r2^D(b$J}up_~rs5-VChOvSPOJ%Mzt?y+UVvEi8zZggf* z854C{@C!l_diwIPwp?E=QjLt^T*G~PjHlleN=7X53HKzz6<~hUN#m|~w!j*v&+SUm z_(Ap(Dl$Ts{gjs&{U{mHnZGBBuP#FatG@7W(XKGwf%rUe)8x;9s2?NM0Nw1zXF>X- zQcWSYr8rj@xyW3u@L03XhIS1**rcFNlcZfMl(J)VpBw)aVVRYR8Os58&ko1`1ZNDV zJN0v;UFFYn2;~^}zw|_X0WD76iltaC$ZXHXC1&UU73t(NDi@hG&LN$PpKXh{Kvoz{ zs<8zv#$;^y3jhmP3+o)dxU&$K%j-%4coYzehCz0A@hd?dxR%z@d9M}ik1_l850?p6 z_s1d){OyYE&dtBoDi%Fa1<=ME;!tuK0qir~T zCd}_NVEUSjO9fC_tXxRmNNjL{X+AT*Wl>{%S+tqRsI5yg4irKb$;u%uV^5ZZYre}! zAPdTYA`{$Dx?{A+BrT`L;%Xt3jqyt3ZJJ{KT%;nRs)od;Go;rJ>F7n@7UH&H+ldq0 zg{FzNpBxCT7M%$O8#K0LECPh3Zp)nb@r(R|kCJd-rf7IZecS4r;}wy#nyfD+&PyRQ z`(5leNWqn6ebFvD$r<-gp=FCR1bA?yA8|#D=4|c!|DYdSn2`yrh!Vkvg}GC4%QpKG zX0Oipmr!pDta8(aeJ>Q+#j*jhBD9c6QiB6X=qcfaWyal{!cEz>S_nP4|E zn?m$0XJxO^HFQ|%U%%pamn-@0O5`h9&oh#pBnZ`A-_p2Mk8VwgAHK*bMcZ$HT@lV9N)?UIsW7vk35-D= z_3TR50x~CX4-9P+86^SZ77S4oFnNx!6&C5HsX%e5)jCU!*MvIP`Dk~^6VXhdtKY%s z*a5E-H;-?v~#W zqwaw>fm$B$${%I-<}JjOa9X8RM(u$(NhF=8o}1qe{TAZulZqNiU7x~g zd|v|2)Gg0RBdoob3ve3` zNwejHk$9#40USBSMWH>m6G032;2k;V4xat35uLzRi>!4gnA?%n)Af zvC+BY?)+QH4A*YNMefAiNE*kuSE-CuGmz+zajf-6Fmqg82d5C~c8);TjkWPq{3D|g zZ=?xE-IITA3Cn**xz&ZtOsss4k%~PcC7Z7w%$Bw>#fm?q0BAS3@?-`uOVQT}x$>rf z#QCY%<6fR!JXYX30L~C{fItfb&VeWpQZv6Q)L*KY(#B!s`v9l~Uf;S~Gu9GK^OkTk zkIh7odYnzFEN!vD{Z0*6S#C|n4x&jteHGRFwg~qU1#DJ8gZB%FF_{MLiqAYiDz`Xy z3otRnkA#@x9OozxQwL+}UPSL>)cijZ3gdJT zQE|`LeFWOIs9+_U4&i?UlM$9H>`JlZPks*;?lx=I_OYL6Y62$+`ApGY$p8}Q6j)a@ zJW2|4tXYwsOED(IoK6?T5Se?s$ACPRRqLu~EP|Q@HvV&-QeAxlZR6g8%(^N?MvkQd zT=Myu;v&}jOa5Mmq6;G_V}g*lxjXC>8$QmnSwes7VjIE!BkmOn-_$W_>G~(~JQ(az zEU-;2pvv;#a#>mbD~N2dKg7y^<=I7R=r2!p#g+mr*)5n(*+awmJp{Vrv1TsEgGHh? zRudScSt7nK5CIs{M)%?;{YJW`6`kT0qWNYsOVHY<^4#z=nT#gUvOU(unt$if#p%QL zKNy<{Fy9ppUPl#X3o<8$6hChOdr5}6$?)ISIk2OZ&NX2P#cb1o3I4I-1B!7t8K3_L zsoaW#r5>UJd2rtOX;pmqK2pn^uUUK8L-uy~#zOGN&ImjEqE&A6qu zX48CvEe>@$X@C67`Mao9CX%%;ek_o7NQduU5}|I-ow8r}ms7Km$h3lJ0rnH1nsZzI#f_pYmX-K9F~x833JB$>s%VV4 zdiEzLW?c3uNvVLbP@rt4Jd7&m2{wO--hpqaqFg>K5H4cH@Y?lh0eqjkbMeJ__0{~H zv?P^Lg!5H^v=he(6;S8{k?JTcEeGPoH=tZ%P0=0gQS~2?84hp}&6%QS<~f~s1Q0yXX6P0?fV)A&Ui&05N3gFcqU2&4;?m90og5G+b<(zOWyi zCO6b+6?&#n*He3Byh7tTL6o_p)W?Ec=alL{%o8bolk^Y=70`UPORSROL_wJtl({9c zH_9JdI3uhTGfR7RR+p^=?DphN4;oK4>$qH~+2Es`DBt29fo4NfFFp)$^v40rhH6H` zxL344T1hk$3j44SzXF4?RIRgeo}`&_GJYK-gvRfjnv4sJUmZswt|*Y^@`Plo_Y-*z z6~lw_ja@DTk?CwFoLd%(;;&gM*1$4-Q1;$gc$X`|LtS0Ig$OPRRXN zPQHtl$$t>RP=k?QYSYiGmA{RXESlE^0{C6a5&G`RYeV`B7I~*zX$X$UKB7NX(@#_k zH4plquGmpDrD~sK>9n^9mw8z-WnEkVBlsBLp8IK1WL=Ey85yqh84&ZDgL>S`!S_$j zFjgV7kVWxgVdkLYO>w?M5T!16Oq2=xwaRB9Ev)kHOp0kr__APsl9g8fp<}W4Iypk< zJDm%=Nr(%W*V_KJbpb3|98n=y1$xEU zV?98Bzlkg12!(#45WY5jA?I_3JgQzTEQ#0b_(o*U99@1;&n}tle(c0YVu$s?oTJW_ z!}tY4ToP0z=tn>Ox%@STQd{Gf2r~!kCRzC-rr!``L8gPEwMZj;LY)xt9#@N8qJ%I* zhu}re-vHVl#9stXea0k(uk=S@6 zzu$!Qhe3i z_`%qGa|1N!B3bZa3jx%PTRYJob;WN*yF_@grhWLIw*c~2o3Sgcvn8afE9*6TM*7_u z0{vPQeN#FAP7qDMtgJJd650O<(PD~DgoD;rQ07Ql19B!9ZSr@7n%7m*({E7g7y)|39thaTZPa7qS?FzaXWn6quv}?gQ#Th5HpKDP`|5gtooiRh^B0;sEw{|d4`GXgsDV)U!+IM zKyV~WtE%VwY+W}HquF8leJv#wjyCt2>8jj`L1G27IQW=lx z(IU}81mQJzfOIcUDz=XJS%JvOA947DknEeR9mx=By-T16u{O4V+#awa0L7lO-Ofy! zw~KPViy1rc4%==P2n>QbL`O(d)hmKrdqT0Yu0@JAn4M!7tBEXx=FJAub*!n}OJNXK2eO zt{ZaNk1;`J5>pdXSP!$|bpqY4Xr0m3{6zqt*I8C{sdTJ&K9UtR!Acb8?Ls0d-`v8{ z-c5Feu!xQ0VYc^fkp6O4ubp`Z1(96G8slLR=9QG7X}Ek;n2UyBjNf{UE^WGd9v~7{ zkENN&5|vSuQ%FBY%W<$jIcby;$f9~1V6@M2>6R=fJuB2~^rm1y00Q=G0iaei1 zK4=;Pf+%1AmYpJ6O0OMDxyuGS;b$75k_TsLw6krGKMVGj*Pf2uy~%&1%XM^ppk=7md?gtV3v;D}^DTDGWG$=wZ>$sFllp(WJ(l#{4zz>9)t?cbf8K zgIuh|jv#&{$lp^e2b%HcLYQNg*2e96bU&z8tgU?)<+Lno@k`PEYzHehEfVj|l5l2+ zA*U1@HIu|lX-HlO2MO>yiaEe(t2n(#!$yX4BaaKP^o$WAqF*_)quwXas)HpzG9kca zuO^xUUq7Zm(6y*<{y>ODgY`7iwl9LeLohvZSZ3SzMEpNjX98YlQT=}eWRXpfBZ45v zzO{6P76i@KHf_>|ByDBqCb>y&o8*Sv+_s4#ASj@SAj&Q%JE-g;0-_Q&1zB8J6j2rd z*;H^rLHU2a^L=w)e*g68^StMK=bd-v%$b=pXU?3Vo$A^b#U>p*yUHCnpT{Re`~7AK z#wxEZPZsQIu`|K^@Rd#g_aN-yYv@`qcVsCb5<~(JRuTKxnezv{)GumN7W3$0`EIkVQ7PWR1q@qTLJdP8jO3 zw|XU>5YC5iXX6(1<+WUTme=%!JWm{@WIG{wbGBaQqlk%&!ub6uRPXD1!T{1;b?Hq#Lr97QxBF*n>N+-2sr z>7)QWEXa+T%n=xSW6vYO+^F-lzKE|1Ab(x`C3lyZM?t$qSBV!y z!3(s5ag=zRZC?|@$D1+W%29?i`oSrem4?O!;wu6uQ6pEF{aDYIxK7+w z<8ILi=NMK*7=Dk)jNx)8<#IY9^qm2e)p%ZnN7$^9)AmUps6V)zOXF6?S^WTRnY0qa z#u85mGqD4$UG5o2r#AnPJpYc7M|SW z%94$67@iaKJ+W{l$tK%Wu{4JX1-Rot4Wym>Qb&$e0?qyDb7#+qd4tfdajSGM#>n;@ z;`(4Dcr?xuM1^&uI|}JdBI!td1V$;wi=tc+;xwYtbE)c?LtxZ4`7kj($4dgtvc(Hp z;y)r?j7BMlCzfk@5D^PgC`#A!!ZPWWGaojN<_=$YEnp%eyQ3&tY_W$nZUpDfnPiJQ9LN{K+lz3Onb5NfN_V2S=xo(UJf6SA(p*jUrVtmX z33uZP*S6JwHfFs3_?Q4^<&7&@-V4zp7}jxMEUmAO5S>XYi#eu;SbH@PvPknTIwWR` zqNdywREi@-@OFx~Ou@QEQ#mFbX0YfJ>B>!Q3}M7EOo zYk(Q}rv86_u}nYk#Rj%MHJH6Anz^EGVQfCeBPGMjrW{`r;d;~|P+BK^Pmtw_2>?3; z|KnDHlz6@(su1@+f6c1#X#6Tmk*=cU5UfbPk{l3D8Hb=W{W=^;FHW>ODmE^;9IlQJ zeWv!=j^sJ1`h83wjXZtEelb_i9)Z+Hu)J#$IbA3PYmzfhF)kMg<8Ylp`C&ks@!8s2 zO^&UrVR}4AH5bYYl`Z3hx*c#H!fF;DJ(jo4p3)G50Y%#4bN*mAHU%W=Xpv4K!H~)H zNnt}{A}b~OJkWRi6~RZh6ahF<_mGQp0) zR1wZuYGqZT_oOht!wB0W%kp!AXkTuRqJPGpMfy9dY-XSNMG$0*ZpUT;$Av{ZUjpoL z5S%gp3Sk!MG*>5c@MC#G*2qkb=uA%t<7*|R6OOml%4r` z(Qr#nAY6cO3Y5#=j#D%{|FPgypvlHk47SArEDLoGz%DWRqELScuTe!XyERXzP$8`C zrM~}DC~aEDBL3rF;+b!2pQ0z`isD0@ZQ-B;z}o^y+K#F-`^!B0qwtlb9}7z^9}!A> ztY#}NiXwPF%>?Mf@e2VilA~b9FS8`PZr97#@+2dKnqsl|fzzDjBe!CJ+*E{f;Mxlf z+Ea5R+y5ICV*bz*;m>0N%)V2QUJ$@BQlOeubZHz@GNi+BX+rt6&_A4nY>Hp&|nQ{xfQHr$nk&{z(yB5N|?FNsi*-l`;t6a zFC!lTpSV>)n0h?U-G#V96oo*AjXU-1y0PKM6+o{G@Ulcfugeu3e3N3k_67Vv6QDV1 zzu*Cpl%9n@$GS9hKYAeu<*WH@Qoe+dstpqgo5CPZD3#@j@6U~AMY{%-;W0FF&P9LI zNr**}D!GAZC()XVpfRyTkc+*dpndxv37~YeyRI64B!8vc<<-Id7m*@UIdxchCEFKq z)5QiI%7m8{0%}4adPn`TxLc2~s*@G+{@>!+?WOGk1i4;_S`#0_ReE+IDWgu`#QVPu zM41+|dBl0y%|)8COLeawuB|%t+!IIZ2fxaK9urA1P7&m9v0tO}ZZG7C5aLk9T8TZ{YNYZIQ#l{}AR1;|M#VJ)#Z10|fWdEjn@EcTKe^`b#`4iXw6& zfe+Pe@jU>KN%hV1V}VFBhV6EOszjF%iqy1>>l^+nf~=Wx;n~*LLS@pziU_?eih?Yk zba}KC8N%)n2peYZH!Yg3t0h4B%R&VY2&548)pQBKXGCVLQ|;yGNc>EQIV5SqVf@qtTMX~n{Ji1`>iYPRziyV~R;zno76*-)AM~HV5KxJ{g z<2=Pp5YDiGj-+kVT?M({4@gU%E_!lyN3ckSBDYK^)#-I~%{s9J3{H*y#>3B%liwX6>h1Gnfc48ewwHy&N zDP}}!OVOjR7wE=W&H=IbfoOyk8!pQIUbod=!E}{5um10LgXqB7HPi^fy8;n{cE#yD z;tmtTn%ag$xU;n3)B9JEZZ2I3wJNsyQ4O$5*gXPh1oSp;)KCw9R|uK2hp{r^&RY6T zwA@O3Sb&*?3$6#BZwhnu@gI}o6r29onM|KHb$T2q!i8#TZ;LxbQtQ>)X^aU`E+RS| zYQ#&~t8D|Amj0c+itCIv!5036#4u1dMs>l6t3|sd+3sK`+b#KmU>As~26uU`?arar z5=MANuXBD{ONBKx4JAJmR&eUw zPKWJNC4DW5l=aAq53#YH5zw^*kvExX?z+y#N%M^J+tJ zrU>%lU5 z7ZzyRq`Wnwk**cmfUZ8w@2*(~t2k^c0xa^1MqERY&y8yTD0-bFdiMxfEd&HaQ(w@s>g6N_9 zPMyZN!P*P+nQIY{?+S4tk@O1gb@0BCz!F+UuI*u~l$bR9MF7y1M8RY1Yl-eDP@fR)AT@;D=He z`#%BV529ycM=QqhIn<`(C~))3g2)IZftv;3#!Uhc0i75WL+=;ujC)fwpg7`5zXCsS zmRVJb-VEUM6t-Ok`+I*&ib?%xQp1V<-+{V7y3bta`UeC#VbOtT^~rIe*(WIl9?Ulj zu~_qF1@$8hP9J^>SQ;o-)BjA*?tE?ZVMnuA=l6h?=hgzpFcyeL65tv4eLoFB)hP&F z8unBLxPTn9VzXl?F3ZwTSC)ymIJ@N7%fn400vk-e3 zhd%>M8^RIJ>qc25g?Z#wCcqWXLO9kvxI0S;yBg0diFOe99N{caefAk6xp(; zr@^;t1yNfcIIP6>&p}&AdJ5W7-#Z6J6@)RqF2MZh*N)wtqAih%X;&WYp*Nt3z9ZZM zje9Ojc}B!_p9eF;v9O^g$hv1(3X7#|j2Sm7@CnAig)s@I~^AMOvQF{L1o1;2^{eLj4)`?9l#Z zy#N4f8(NxTxt?8(dGd`)J44TB2?jBi{Y%dh6K)@6$DbQeUIZ}HU=CLqh;}7A(LERy z-}e$o)>#>HR*K|vbxRv#|3CBWvNSM#jm2>Ss3D$ig*a7&%iomSg6|gUdbhIrV;eNy z1Eo0`ae6?h+(x~HE~-KQTKDA|mS!!^vd7!PTwGkmhL|Mxe5IB@;kbr01MVltTw#dR zi3BWL?E)#P0)@mKB3uz>a)$P`Uj?9+Gp6nv8|s-7Cqru=qfuXU3G!!$2~k0qlgo32 zc#;<*pWhMUJh5L>j0au=KC0vPMY^z8mH!O506QBd*U=f)L;Py-kbF7;^L%(T#MN)|?CKLoYGj<-V4oCZ@nPkHT_=r_uL;$#fcL>TCbo_K4y`_;r3B(E zk~}-xm&B-^T>|XFnxjq>LJP&vc^jdY z43>Z86lY>zVSJGzuF;Y`&zv$X)_bS+9fh@#WAOzgqNpHofQ}88NSIt zOVwY@erhk5<3D<)mMm1#;_1u(^=tKPUw&85ZWT=`vT5+CUkT+?46#F;pFwEe6yma@ zXzSWv_D6)77b$2fyx8u4K$C-Oso0ZtXTS6=AjO>5+!>c=&(jz*CiLw0d)TT|$9+*y z*5iv^F}7CAq?NLX&B-CkgH4olPwEH1I+#VI`^@`*%$^1KPcylEa&0FgJ&j^5Z%h+_;bse5*Mn1%*+*l0ebO&>7 zd~jWUH}C3N8)J@0jArxZ#{qgI+d6H^X{+T80WP2%iBib$-@hNs*%M-8EWW!Qv{{S_ zwyKO7>!uu9&S5$=#9e|svMnm-4o1HcY>vtbAvZy;+*rSsV_UB_LohpS07RKNEg_%2 zPiCaf1+Z>Pq>C^=yGraDrI_qP4iOaB<`}^jSrjuPZ?Pfi%t`z?an;yefVtDr))>=8 z!r1Bi&W_gXnF#oCn4bMfa>7C|8Yc^KUE0_Jz$1tJPtCzX7t?A5=Q|ts)qXxN)AT>p!BLxPu*Z#_6>;sv%vB#;7;n7UJ5rF|4Ndrfm%7c4|gj ziy_g7w7eR$_@n>QH;09~9`qSD=_+wd_99{Ih%Y=6$BCwFtQ81#B*N@zsC_XNs+W8$D4HWyT_uMCJXi0Lp{mJ}rtL7wt03%L-QmhgaCYOi`v`OVT7%u6@xGsRoC1SYxK;! z_g}!|b>W8~T)`F$S?W%A2r?sRb|!o6k~}WZ-k<}M6#Y+cW>6S7$ooGkvMk;ryDAvF5e)+ zxgbLn=?6J5gmPbq-wW_}aU3A-pJ-YY*KCY`5}NAALC8PZW=G=(BHbTX%C%qj@qzdw zP07#e9RZY%)qd=-6VF*2GZ819YmP9ozHS$S5R|r`&%j&7?Vy+fo9wDhijv;wV z4k9ZAgHzDOrkzQd4XSupcd>vT*~R%IBfUB#ITAn3kY=|0nbVln?-zpLa3X^q`VUbq zWr{Z@r<}KiO%?$!gfSgp-fGuc)^gHi2{T2AlQopt$x6D~B?8^@=?+ra!V%sC`!hPR z&YEV-n3K-qQssWOiSEEH^3v=>s|r}^lU4C*A+!{VC(e*PvBhrCW_uk@Dj7gS4YTHf z{8;`w*Mp!|E*9XX#vg>Z%c3=I;;1wlSBc{7iVluqJ;{F5iJ_IT&hGr^LP{Z>+;?gd z?7HI(g1R6De@&h?3(}hye(4^hrO_Fa(YqyB3-$T_um9>^Agev9QpO_Az~;Q;+9p+RR5C$D02hRDM*+>4uvqmDc6Mp<&-ROSHNN zE8GXN-)J+ImZP!p6#q7JzuB=w&s5z}F=&&!1z6O%LP{pdcu^2}6I^5BGA8wzQ=!cr zJiAuHjRitnQKDtgaPBF_ zzeH0GA{(U50GyF#gIKVa7YA5YvjLT3;l#PW*3Qe$QH8_t_G+^5^^c z6_N}xQO9GVNy3Gaj5kAC2v3_+duz!6G5Anv6Xde98_+{YE;d_~jM-&O2C%n9XeiK* za5>(YB+D2sI2k&ZUtKlaLWbjB(asJNyJzWN2(uVApd!+3f1e}BiB^IO_a}|(BSVes z>l+6D=&)nx0qq%>CZBB-A_3Yf`aj~92<)^A6w8GxISEf z_>5&1^1_THeZ%60cuS;0`AZ_ewllq)8IJh7OQ$=f@cXj@x}(36Y11 zJFt#kCBp3F;DnfSs}QQmZji!09@|jMR_+u?cM8uGCkf}piK`1kid0yMzY56&uZ%(# zb&XD(Jzy#@P;5-lf@1$=>1JlmQ4cT zmE(+@ZkOlV<)Y1qq&tpqkDrV~59jGx2@4kM%=3qs$5!DuB1LISL78yLsd6;-6hh%r zKWBS8Bbj}fq~i*aE(*a_hvP}nSyT0MP)7>QGdWfnDh%USF&h68<{~yQOJJeIeud_| z)BIX~OhUz2E}EvA&-Q3sE5gjn@4z^8fm1MT^u`xNP<$M9(rJ*MxL!!6lvM4#Ay(Wh z*jeFMQXyy$rsBH=QdOF3`aUz`)hsi}Oi9?anFMs?i62Ir9;rCxk^w(X6YY0fF&~UC zg!E_IIbV-UJ>9YrPYR|w_|p%^|3tW*X?X_Np=ep;T#~bHB@PzpQp!;r%LKaMJuNkm zYoIuVqOF4a1!ik=UHDVG%KRz);ExR7eWLsY<8Oi(bY^17+qRWw3N+4AI?5v8o=)O; zdikjkOLW7StTRsupna{h(a9+E-?K!_!yLFlZT_zS7dshIS$6fr*kV8zB;DwS@Vq9- z!lP~OXj@{MZm5$iak^+;(ZUsNQV#f+33AqCinUJ~)ei+)XdCE43_Q2x2p<>nqbx5P z6SYLXobg{l<{8z2!$%m-tT7Wu`Vl!1x6HarrkOCWOi$Zgz* z{e%cJU=iya$=Er|f!w|7o0r73B3&vh3k)1+;+6Q5P`^hEs}vof`O`q|hqX}NWOu$` zYKf7ZBYoV*o6(f1PPZd%c!+<89xALNE~n_M&9JJE#L0)&0Cp&l!7~K7@tF!Rv#V1I zW7MWoaH;suL@{_QSinhS9?hvne5ujv4irM4Y-ntV20i;@t)&6x^274v3*=He7N_J$ z2RApO{+=qt?KZD@9%qX4Od5-;81XI;Kw-MmT~yx@WmYltry$pl338!W&naHmt63hS zxFMxm?2Ct!gjT}!wHn(UVPa)@xHpDG@Ofk}>7^s0-9U|8HJBYX_`;E({sdm6Wo_gM zp;QcijP~CYWhVAgD>lAI;zLJ)nHvqs^JSg@Sk=+g675Ix>f<*llz4rs+9bi$$7^vCqX9qh<_k~+eMJG zA#yHyR&)a(rrHB5_rxJ0vzAN&>CO~Do_$=+UO+Y3st0;fj_F5^jI}~2xpeE?LMgtU zk$kvuX>)v2WH!vOO^GxX<0@fpP7KiLtm{TaAb)!vTk>NuHv@bco(g_R04y1)N_jc7 z7mBv+NVltt;AO5RDWN@3Nfd@Mq{V!jxNz| zl*%xUjMAYPAh-v!mJ?$+`$MsB34}6@R_{Nr6mN-gReSJ3(;i41vH~oVTxzddWxE8q zKnyW5SYDMUN)b@2!*O4pXg&%rlJ&38H)ut(3XkPM@-{(!%rWssxs zUn2x|^_RGG@p=)w+O&9nyp#Qao7OFFVh zw^Qnkiv_x79lEsWQPHXyPMCkxvxT+2sI~nY*^lkG)O=#t31_ldTBm0>HTGtuY!c#c zWirBOyilOO)w%@lmZE6$rh)yhbQ0x@IhF$F$iMiIV`}M=J5U8N`He8=RbL(FhJX=h z^R$P38yWQ96y#D36*1$jj>bypq^KTzN89%V-|T3*S0Yh%;g@p4}<#wi874@sq~F9G}lfdQy9}H!jLwaQxO% zygkkfaF2sMNWj*gseJ>NCtYjy10m)H!>{J#p?F!Czq@?QN84w97Rb##cYhp~mx`8X z+hOb;kSEk*ESN{}K6a+Lut4X<-v2pg#DGBw24W-8ev=T51Sdyp`++bE zFZTn>v52D;Q;!35p&T4?G^Xd!@@$8qSCC&#zB_DW7UK$mE_@4{+|hD8G=&$}h?UbS zk`^Ssp*&6y!k=Xc*df%W@UKL|LnakWJlmY$+*nB`=bQo2{Mu6GV{y#qp`3Ty;+D8o zq)SZ$%5yxHomhkFhBV<3f>e+Th(r#@H$+S1wUZYQh_Zwg@FHete^3ac)$%2T*E#eg zC#E*@4vC^D^AolebsRsYd;tvUBWBKJNpGAhfc#nCAd8>Ke#V~$DQ7bIS_U-gqBeOE zZuCXcy9A8%MT|FJ5n?`fa9)bGL{WJtPlk!9mlv-;nPikEzZ88ao)QL!szi}smi(tk z=e>%M060s2^c0Y+vlMkf>sqG*z{J6cTL@c{Y7k$pz16vz;dLx_$`Bm|cf`x7c^ak} zt??EK;nU6dYE#}7BHcLBUAo3_z!C&!6)-za$}`ZZBh~@m5aPwr>Lgz>sN8~xU7#P# zc6>A0wTA7F33ELL@tWe&!P9C0&VQT-eDNy)d~JyiF>Q7_goOZ$WHI&@O(S(wW%6qh z<;)u7r5Se$pe|Uyz72I{yg>^c0x`QCM9TsC*BT(Av1v>x3 zh#hc5Tp}QA7x^C*<2ypKuFAG42e^k~${AqJegUf+b)F*xx!=o$E3*roDAd`d4Sb@= zoLNJ#yXa!v_8p0{{|CH9uVomB$La1J`{nx=^IbN5f`kW}fhDm2It`|WuI209Ie}iW# zo$g}dgeFqFMv&RZJcN#ON|uIRNqd#p366^enSZP3#oU;M0xrx|?o0ZYigD1{HBin< zqs&U(Q7@1$FuRuV0v(Na1;EidjtD7HcWi%-5xxmn9psRq5X%%Xow@5=G!?94MKTa~ zgbF!&Lh2>7dc6W*7F3hU|YH@{-{S+nxB|VI?e~+bG;Z!qyZO2 zCuL@4ths>atcMJgy^VEYjheT53QMAw331UG ze3H>BZqKpRoa#!;fro`reab+e>WcP@Ow%5PE?h;<5$!S!7ACIc%soo^BLd-P)4|bv zF^{f#6Dvl}y~x2~r*DC}(Cqp4z~vKUD~vX=U%_96h^5OddzQI8goRFe+NV8NtgNU6dGB) zdN~6~%VjsC z6zFmhrAS*E(}cKOElZed^91!$WJcq8ATl>t zR|_=TTG$3Bde~JpU_PQ=jRgYucJm;9`9pD>Nar$nYwb|%bv2+%oZS$!caC&$s)!yp zU5H;y20kp?#h7&sAUvzWOJWEY$4mk0jsM*}~vgGT(A51$#?`{5bIcW~-0#N-Xc|Ggd5^>k1Gvfy$sbiWEwY^5}6T;{`ix25& zirues0;IKZOxFq!0(Q2rY%#}}$=I80X8Q@YNGz&i+l;3L@Ga`j_!2i>U&~6Copkp1 z0bzWL!$GC^g$UuIYIXck_atp zj;r(x`(+~1E_nS9pfwG0!Ywwv6~g7|WdoU`8|aHo0-a$SaX#TkoFd5IRY*##&74yH zA(%PX!7+4Pe*`!)t_~dJNR?d11p3WIGG0l`cvYC2wXHM~=iLS=fk0%&<4IBOOrNAM+F(eEcrbxOSDauU?E# z2y$_|WWi?xGegi*Sq)%AjHiXT6vU@Rtk}UowqDO)?c@eyqK)i5K|;zk8DLr5KTMbf zqlG>AI7>8TV3tO;OH6-5kn?9Al?QEt*Si}SzD%FFZ|taN7qfSOP0VWSCB$`UO@}MS zq9;#8j5H0vgE`XAb$zhq`200u%i#4j8utp~I~|?PariwvTUJK+=J&X_mKLRv;9D>-W(ag+H{wHv>v9hCrZdco1h^`gFPQ%0Bq8pHBNJEkWm3HD zeV~jUx_=>d6yX-9=cK5;F(S-;n~U4yev$riuY7J|z5AU3!%ry|i!i&`cVR}yUMt82 zVLx6=nQMgjD~!bWSF-eaCC8c=i`XkCkhw4yxOoT+(UZ*;dg{P zqYmUpLjI{=09it^5VS@4D_ki!ll`XoOX5D!yoteX6t6@r($;?n$c@;+vAjgWi1*Cu zd~qiwaz2MJ$i+dTU0M8>Z<)9lb?9(m)TO<-Ay(_z?8M6jekNCvbFy5x5)#vRPy9@@ z+rOSw2=^cSEla`C)-sw(Z1ylID4e25^o+(7k(MwNOD6K!0$h#-cnj%Ba~vehJ*b0i zD_o5kFTa;3^l3m6{{B4)v(qIb@v=ad9OI#Hvu6H#r1l+IiIW)YCCn^uRalM`grgFt z33lV??0rvpO*}5h+#^EHU_Ab4PB(WpMfsPtSJKI8cCOzR{6aHT<`B8P~%Z4|(Kt)Q)-l^*k04QZ1uIvQ69aWS#~ucejKxCk;#S9Gy4G#Yn40b(|B_#{aZV)DFDO45PGo^HW=Nq~i`eMxg1_#`A> zsFOp_*&>_;sgYt9(PQzXP?w!^!aA6_$!|g6UTKKdg$rAXc8UchYCI6Dh0x733y;Uf zzw_^_)h)Hf659)*6cbmcpyK6j2@Mi7HI`K3P~$b4p2sa;BT_fxmf`-j@A9sOknziS0J|3*Tylc*98 z2=fr2^|W-1G&Q}Rzg&-jYh@hxM-o!0LPaZ$r!$J%+2G*%&-hEasa4m=#_t5UkUCSQ zgU$r(dlt~`fs%k*l3e!Ugy%rve%+9q?~twMq2XnU?NEuIh~(#a92wBDp?gG=b8?eF zF`z~IV#=QY%_J&@!Z9eo9b)=EGj@zCMY|0O_OTG`(qC#x&ejLK;v85Cu26iBLqt142a#My<30fh|9st!_j*Rm z=91yqJtVlyFj7Xb&;BAeA-3Wc@(Yk)AwK|50APY~o1HxXVw=DZH=?~PRZS)F`U zfW--?ZA6Fha_hg;u*K!og`NTjJ+~2N<`Zs*RwPWlAj?NGlwmn3$MyovxFl8%|8$U0 zYQ^5ja4gJ-@&FeTj*2krQH-V7wf_wS7GmVZMJlcr=?}MP$%CXkD2O?v6VK>>>zP8J zNhAkamIhc7-T<5w3tSzz`6xpwWAtX0uidea5OV^_raA`*$i$0lg>{cqlOT#xraxhz zn4hIU=}6&CSQNJAxuCi6>E!}6cww}Qzlz8v9=1@^(W1(mV5tjgN&OvB=3!}QW%6ku z#<4((KU}tv6Te|0Zbr^G4#i(YJLAe2(HmHy$LIbI=JALXnQwig4%_{smb8&Fq(x)B zFv@_UfY0Z*MUiUPW(jpu;zNlwvBxRMw5_8SHLd^b#vRqxd{{=w)jp*`pjNgiMYcx@2rpdVm0JtS;YzrU(Si>4`28=7^i;{tMy~VJ;SD#<57M58p13T-c!}Y-Ue<^xw4? zb^lMgRCy0!{y3u>BWGVU3Zi(~$%?i91L@*(TR6(`6alRA>lbjomPa>Md!eTqy`n9R zysbc5{X$?(T}xe@q-SzkHhDq%_&Wgpc(W&vxKWTRSI@1A!?a?&k|&#A9OPgqeg%Ro z0iG))7v0Cgb70XE0(xILr2ZtjVv zM8giEChAo5X7ASC*FGdSKnswRuPUO-JS)l^Y2miCShZHG>)%!vm+RS<4aLOOP+OX~ zisj6j_wfV8u9Qc*;&>6xfpY@0<80Apl45O+av0%}EIoS?{qdX#^IQ`+)4(fhJG<3* zT*MyhKv*(tlvDh=0|fFxjvY^rkE~lup&*WmSzL^Z1e(Deikvxu10}aDUo6_Wmc_B&`)j#MZ*)A{Ed}!3#u7V&9~D8tOPEE`O5yEPA+CDElGe7kLG+|> z5^st=zHB|eMC+iMsJ9+1#Ggk9@bFEmk6xjf)GC@u^a*fpjkl3s+DnCo=AbklOs+%m}f-mN+K((Fi5AgtHh>NPGqZm?qd&A#9N+qx!+T?AC;B?4W3hRd1Jo6{}T?vePsX!ui+=W?tcrZiYrVqFhj{fr?17&4)qEv92OBPf-VK;v%7zl4W@J z48*enTptDNW4T0ot=2eB`sKWFt|+R` z4g*i=ws!>a4~+*}Da7U7Bzn%ifhwA%?d~eBxuIRyQUb<>T2i zYsdJro?Sfr|Ku*OTjSy_!P&P5INB5IZV%w{Vt~?lkyuZV#ZM;cQ8rI1u|gotuMvl_ z@tKTdJZ-_na<3g~*|wKqcpN0ajZ&y6+HAQJRbiGhPR($tMA3_5EJsn9hsvutB-j_{ z33aiO0?u%7sUR1fT{6~a4+*eD&YeCzj{3NNC&cq*Fl#if7m#(5a=&JQ8-+Mm1{mzu zJ+b|cKq##X*@e_2tem)ZFs{_I%etsatQso7g%sZrN<*>nggSMzD7P!7f!_GOXxACx z)NM+m@uxf=sdfze@`#wa6DhqRvMjkH>FOSN{lppi#i}3{Tqd|79JaLAlYVgRSF&d~ z9^X((*RGx$Ch#;oTZo%HiLJ~M2>u&_VG}pN%I3BA&X8o}-5r|pfn5O9ySNfNj@lK% zb)tQG<3`c`Y&r=O4+^kw%=5kvHt#bzqgZ!$AoHAs3Omj?xAerOLe14K)M}i1M`NxqN?GVG-hUn@^Z9!~JA0H=**lly z$nxaG6yri*1NIONr+16gmSk&uX3yH&oJy0uHKNy3UCA2vjywr*L^V0RZ?D=* zi*ZJ!Cp8FhL76vt)75P&g&{EHi(YbvC|6KBSug^{J~rMP6z0_tqhaRcGmehUdN!xq z$^&EScSJ4B!H$0IHx#jvBoKBaFCoUY4X4z;L+EcE{MUp&LnviQCthO9sZg+kKrgzy z^Kg+ad_x(7miARggt_h8F-oU8E~Tv{3~BTsa%WoqT>3r|nBcJ4Gi~ zsluzB_pRmH$y!pyXcXi`b=7qL;fN3lrkNPC*V`G%lrVouTg=~&U#Ul%E@7+eMj6NVAzv!4JkXIWCqE%F;e zUB z+b}xcFUlP1E9$5QYt09RS79KOW54bG&FZMKnU7UfK|_LQeVJS)sR z;wnAnh9er^lW4@(!2U)Ua;y!$SgQ%bpIyYL7q^M_XBSs>CS@f4kVDHbaS(|)o)P4F zvoE<)LE=?=<8DYa3K@A)O6R93giu|a)b;ltJ^s-XqfG>(=e|>C#M63q+RAVN3r{uf znx8{*w`VTxqXX&qK;r@cc#C|}a>rzpj?|CFb)qaI_=zfbzIwqX&CY`6QNYSl ztg{fn#Zk$+ezg)MdxMZfGHV;7YWR2j*NK^B}+a?EA>o9Z8RMg#z#c*rt_sE+|>#|<2N_dwM5rqCq@Ai>xv>N>)gcFr$kvYW=umM zr!0YX{aNVXf`BF?$h`#11)H++VR;YOQSEYw_}HzDl-c@27Xi}AbOHR4Ih-_=KC1{P z3$|!$xMmNr8oM40rfGKCoM_Xti&Bq-N?-W0AnJuJaAwSDhoB;iPk2ZjAAV|2lrwFAIkgvYR$!EsC&jn%d=F7D)!+!tfMh&M#|i-i zz$V|t&W_=)N02*7TY*3;BXNunR|nDL;KuO+oIRr`Yf)8an?q|L6NEehc=d6C&cBPB z4tp@Nf9NnE=dW-?><9D;L73^Mo&D7~IU`q3TsA`W-gkH{3t9}-8rO6|W>9wTGHhbZ zSoa8U1cKpr2*+(v&i1ZLXUBlZtv|2@UqRY>S>qydX4ja0qJl~JQ=`6}y^7IR`%PCJ z$?wQTw~h-vlo8DSeX-V2{6g;`mIr4(M&f;_#OtPZzOU zJP^YI;FN5GSg=)!fun(Vi(+LFgolKfoeZ<96nS|<5VgdlCN1+&le@Y2s=k8s=ZsInbzDWme_sl_gT31H-XiO8x7Yide(o^b2 z(Uft#%9?OUF)!k;f-HHc3O!syzcMc9_6KScs$BZ+5@@chBDTd)%qcn*jmEYJ)(rL7 zHi52VM~PeajuxHC59<8xy^vD zeYH&MF)uIghn(c=?ERuD+9FsTlB)>niy{fF5pH(cU!ERB2`(1whSL#5Eiv{fIY*qY z=_!?1E!uTwFOdXa7vOpjcv4C37lM3`a$t-QeOU(ZW;Ncj@r-DHgOModH!liuDVfu~ z4v>j!;}zg;T`l^`$tz?lfv#f9lJ>?pP&91Sjo0+=E|HT};0i{#_)|eHA;;IyP2!xD zHH48Kf0#IV0K`S8Fi+qU<`C=`2&Yd?oi=-Fd^;oNEopC!od)@Za^U_8WAK6(?XPf- zYYhEk$qJdSR~_(lF6HzW|AD_+i# zKGX}=5!;r@$-G%6^XT59{jEZ;Cd61S#NX=2W~AmC$P?AmRoQPnLkKJ_SCi}V%Oc?c zSG)Ab-owrkKNmLqWr;sUNG5ap;%RWTXx>haJmb-Mj9*~#;Kofg>#agu2Ko6)%AOQ7 z+0sK5PW3XLy_BaTN(P>qE8}fJdDf$5F#Srw z{v-x|*@ogSL1cx$A5K9W1)?1ZEzZT5-G(9~a^Qf>DjDENS+x9821P zy3up_o6AZC{Ci{9DsNi6xDpeWFDjsg-3!9u6=A@1waJoIkY+<2KDRIoMgRK((KRNn zWdC)w(^JSr1pPTmq_brKET>^4jLEAg+(oBP%9*jariO4^3|%FLg=8$zd`!cfC&33 zaOcNv0gll$_;teE1(<6_<9jDSn>(mQse%l;n|>bDUuCaElWy!Gh_;?XIH@vc8RgJ@Bf+}MFf<6J?s0ZJX` zKCTdjrnnX;48ynCYjS0_H+v z5*Zmw0n8KV{HlbvV>FQiQbKthy&e%EPzbDBtk<2glk+B}zLo5V#h6fYi*3zx0pjlk zG1$$}G3EnLg@ECMm?`O=O(JQn#T|9=BR#u|jWE*j>)(X9{W{SriT3;@fXVj3K99{Z z4i)Cte04^=Cd6e}#8!i1g#9Z|qiClaHRx1LD;$}iKKIsl!jVMP5b02Qz zWB`LtN}6CNy0}5lE`0+cN>TSe zt%l4iFiKWpp%8y5nR2zV`bVA$2akb?Z^Z^*A(d;*o&mmVL$Qk>GUr&5b~Y)?jMHn0 z6x?4Cds+oing*I+sh$x#ucG=yWdg!Id1Sy!>MH_WVBJiI$v7cSh6MnDQA;JzrC}uI z^v?f*P<_(vT4yOU*G&36-iyUJPnc}sopHAw%{k^;IPpsXly6m`2dn)Dz6#}{bZ~f; zeWrOrvQs&XFt{ZVm|w+dK7$`z9F767eal!N$UUh=X9qVt(@ByF#iUA8Oc4ZYrq7)d z9of(Bq<9StM6V!!UuG@FkF~xA;_q{1dQpKv`4k0TUq6^f#K#@QRfREadx6x3EO(j} z9ip5Ywyu$}atxjY;_4G|3r*pQuh(+vV5Pu_#rXZYKyu+uIOc-JZ`9tQuQI>?PypEy z?gRx_Q6laWLak;`pAl=F&9i1p3Q2`866rEDC}`$j{8EU^fQ=ZY?|BYD#z}M)*^=9G zNIS+dgT}d}a((IOoMx6k&kh17dkhK3;6cK&2{P@e6I`60KSxR3JCP}D0Q8%lI8dk) z(}n3@Oj&SXVU{n;rAlFNFxj$C5=JFwO`jI`>)CZ+P^Xy=IKP&UMrAT*eqwnc*o7X} zMNLc!*h2*}dbMau+vEZWc&#NQ1E{F1KBVs^qHeSc^S3z4MtG490cPnix;Z}D143L2 z>EH@_Bvs*`f{{n&N`{h=cuO=*BOi6@o=9ihpyEd3g|&=F9JcaUA(ReNFE*yn<-b=3 zvEhxx1wvduT35kU0bdvBN_3$>r5(YKe6yA{Ry8@|e^m&DVfsKuuCHdZJz=#o(kL9fWfmTreAl33M?~L{rPgwK-Oifu)O? z=zAB}(%~yas0#GVUB3lJTQ{|L#)*1%uWr*xlIKOcFbi0Jjm7TY2B0vCLq5r-1T-_{QbgD-0yM zo%N77>C##vi5RQY(Kt^SW#L4kHjet@@;uQ3X6lmq?Piye$n2P3#4t4)e-wiJYr5cQ zaqZ_i4tflfBQ6KAOrgh4+>vY?y9=Zdusb5j+?XvIo-Y|n+R1Su{Snzt5U*2nM8h*@ z46nX|G#&sr-iYSQ!fqg56Y4h?C{o90^j-*)j-HQVtjKzNic2f&gei~pD~ z%22>C!-Q~>NatVZ(Xv1r330Mew<;85>*!RqIr4 z(P$7zJ~D)67l*Wc2grh1Kd_36??k%*ERW@Tt^wxHLMn^;wEQ@i@k^z1q}X6NuJ%zZhE?MgccvNqiNL(*nTUbF;EomOxk6>hG~ z$D;&?$o~o9YqO`!i0y9US-l`_m+m0SX*uvCSDr0y2l1jb&9Os@gpverNWZvjELN+; zEtH1#1)-ThGvy4JR9hp-!%FEyM-$Gr-`pGK<*S@RvGNXmOL!v5(dQ6|SZ@i^v zGd4Ms48&FwAg;(fVp6d|!02{@KwjzZXNynIeuZr;1)=(-9RoND^Wx# zd8U6)C>3k1ju+{v4~X=83#-KXLI}6L#}EfhSW^^b*Pkbdm*hanKJIt26m&@0V0FId z20=6ic0rj-d*V?62u~X=U5O_|nJwfwN}uS7CxwwI?lXAI#fu_c+*K3TSgEhX-uLD& z%BfqCVP^`1J=jJFGoz?pjCBVJ^x%ted~O^p8g`9wE5})Sb|vL0*@qH+TMjM6tz`rQ z-cJQlg+Fa)nFRi}j-B-()$%H5}Shep5a@z^2YPT;I=3qmA zaTTFWsqm)-X5B#^Ny9|ZJ588nnxo4sVZJATGUy&_4K{CP39P2T=aHY0z;$bo9)JdN zwxBHIe$FY&!}MRm5N=&f9Vh?XnQ|5by>c+_5KT+870bG}=+7BBV|Lm_-0cB=r6tSV zV`yTBiZT;gw1--bbA`AB3mE<|V#S?;VE$~jgnydE)P(wL zgnsB@t1JtlmVVG!m)vjP*2`|hN-y{55g~Fk9)8GR9hV(Qr%h_jBLXvC7x1o^X(nNw z{iqGX?W6e#HlGN6O>3 zc|Ij}=t{BHqa<`WdkYg+Y9iS5m(F?#H^Ie@BAhjYu*|5fLMU;2xht0CzwXX`cC+?~ zBZW|I29rb4{=X^G4a?Q4WAU13iruF3O|8GG{kTM%{&$IXS>~4p6#gL|$&)O@;WT#p zHA!5Y;X;*5!(xdLzobiJweNS5Aj&{YXR-Klk#1DHiSUe|Q#~ro~A%Je3hdQ&<@x|Fp*~KjA z4iVM|mAG7>TcJ=*htl`{9SF;z`OD(-dNeB=m`-3>nyG%C!}P4QKgduY33eA|R~_fu zJGj|Ig?L`+T|1WQJzP6A9A`cS274wh!OXk$?;*@$_FM;a_rh_4vT_l55{=^oA+)p1 zH?n+u@abBLh1x#heqtdWSv(Br6i(bG)STlu2MekF{s2Jh;Tu%u0DYH8|IQqy3t$D9 zPhQtZsra8j7qK}-0vL!7{L%TWE~L0wyNUE`KFqDL@(zK1t%KMcOv>>}_F5k#&HRaH zNI?sA9MTc}dUmDf>0)vGPcwu840m`j^FKnIBU*pz74Hi2mkBdLE8(dgi=M5e!#K@) zp%N{E;NUQGrULyRB3f;5OaDMzo&AWKo+1@KD%xdf=Pqwb`hpMyau{B4UV?OZ}TMW*q#Pry+4t}5~q_kTDPn7o+;Rs zMzf&WJ+a9PKoowi4ye5%0wy*Pz;^Q&{k$4aqh0k(Q)6G_nwL0BBsJ)(YB2fgOHgFm zG&tN#I7twN!pMhO7q5tP>#?vYazhifTl`AxwFR7aVUH`$7UXoqU*n*O zG=j}v1$5U!A(rY>jID&ZPzwuvZ0p5dLSPS0_3;fod$=Ul*l-;78nm-T%}?6$KzvRh zMeHphVTHKhbx5~lT^gI76yTSd);RinF*^SO=v7CXO?cePmfV)oFP_4Z(M0p0R!|S> z4VMMga7KLOuh3>z0|(ZmR((nkmEjU@F2a(7@>lXiw2?Mf;|)PBAGeltaYpBF05miW zNRO+CBHMm0{gU4d(BKG!-0$s-8GNzpSM7u7ScUav> z%|)92AY8pe3!GT>CKL?h)UwKa$v+?|fvlvN!t;AU&ZkasVDWjmOtzAQyJYnW;artm zCeVy25XDlO>$U&leGhi6NERk|)PmUY-=J>$mb7UQ`wQ`_+GP|^zbeR8>fo4EJSEyv zk9Lo5h&JR)@v2~?rmkT@eB?hoyHqPCF6+l)!BBL*Kv#i7p_8GXxI;s@i^eQ)b+)y6 zf1ZU*CM8|K5Dy4+>E>w*h7J7gw`-qD16WD>Cdq`WrOJYwkd=~@kXJrV1Nj_xVTA0{JtQ* zG{h|)Sk*^k!*>BFN^&}&Li0qM!}Hh%#bZNK@;Ra8lt#|-n40<$L77_Jjd2efnZJ6S zexR&4>&O5nr?%)`Yw=`b;3m)B$*S1xeL&{HJi;1BooH8)?P7wiGBC9ZL)Pafm!&vX zBurd_GS0bJQBN{gJlCZeRTU3v2hL& z=&Mir5}(bXc^<#wPC@35a?FCp|5&J{yc4}k*E(w?cu6p&XZ?fAMXbLrq)Q_U;0X6& z*oWnO{eV<)qEps1zP#Q0YZ+oMWIQ990$e<3Jz#%*8D1R3*<%wW77DfSw3NEIT=e$> zTsw+`u z!d#B#%vOxvFjXimDYFeO9S3g?>CbW$JG(ylRe_d=cKT;I_S+&)Rb&dlGKu4~Kr^wf zN=yqj*AD(r4XUsOsyK&5K`t;WsVuHVCB_6>f)-XehJ1!-e{wl`33H?XxP!?DRc7}s zq1;9NO{71Rw$KPfEdAC-7Um@^}of$n7K+Xlq^sNG^1?vvw0S7+6v%g(DNrXWu~f86wn)B`E92KfnDRL0LcqFh zA+lyF(7B>Z0KIi7p6D;@8G%dF9NT5;IAh#I3rf*-Qoa-|qFnSwmXm`D<(4pilRl&a zgj;@$RGDa%xR#wzIG+|oqP*x&3!yBSv-{Hm>@5M(BN`iHv+e!d*vw56dZq*`lPm6= zjA~8#)3F(a*@|VtvK>h2l5ne+BFmhYBL#wTAWoZqoHVpda@u7q-4W6qD7$f#PWH8( z04W;U3f^ESbAQSJniGTD>Y@0n0Qf+Ke$ViRV~>Ld z?6^lQrxjcVNN6ho76^RExeSbEIB`!fk6gV-S#~Tlp)N!n>%_4*P09RfLCqzvzpo0T zS_|qH$K!hD1(eoaJfu07mi;(==6Ui=7m*xHtswuMO2Vpm~{6n)|#0WLo`-lj5W z7XOi81|s?$K@2Op-Piu9yX?&m<{QyfIRnY8AA1UvM0R$@r?cl7)Ao%^^z5qO?S~5Z zssPuRjZsXC5{X!Q3Mgfi8q55*kx1lYyvhzeF|~%`79sxVB1R$f3WBWtN}$=I8&}2n z_?6n>tDM(hw)lepOLH$~Qq98epI(C&$Xkm>+d79D z(DY<~*)@k4gVHr0hY8~Qtyq2sVpNnHkKUmB+)`FA2=+RHl|8;&jL@>&ye{0ut?ffc zaR#7E$GzT3@BOVHXWKBjvCoL`nqa=2S|xU$Sxba6q9CwI{X0=GT{#_TV!eJ&o-C~{ zJYL4Rg3WqGPEZ>Qap8O)y2NnRto$R`CYcYD6*IxST}Q2mpp6=~S_v%-orR(CoE~GaIxPnq2%JciExxwLzNDm* zT4MAuOzbb(Zz90*b7WjPRiM8|lq$}l_r#Y4S^nlPZRQ{+qx0B7)zfPoh6#M8a+mu-Y)wC zx&R8wjd4MK69Yp1K~5fMRr#kp9b$(oZEEU$4yb+N(GwoIGd?Mr_oU8OQp~tkA?^yT zI!PY~3t&8*K4;%)an>gwT%;bh8f}@nR3NqIhOpJ@7LSRBi&|(C)mkQ?;e!m(ix-rK zu@zS0WI-;njO{b_i0=!5N379wwru}TLe>b^^Ynv@xVS7E{ue(5;AX2Y62%;y zb-Owsvxy}Z)>6c7C=L;7k;6czpz=epLKp*KV_id>q-SS@p&-SpxG~SDPN9axZw|lY z2`OxfN${8;vxXZgrI*8s7X`YKxc^9`cc}+KemN&bXW3O0AD_;NnS=H0YT>oPZCmGL zKi1(ElvkHUAQH4`rPTW;yKagKx>uG zF~}~&N1DL04|C~8G5#XJRlyickI{gB_dG!JrqG4`59l62nXDAXu_J$QK7hZ5*H}4r z5KRK6>$IYc(6c&o3G4UUvu1Hz2HffZhg+S(t{1A0KE6xzcC&WvR z2E=)y=?8tB@Q6R=FA!kJPFm+La=w^H@m$1YGZuFXa%H%w8iW1%EdYo(b{?JTK0#z^ z{y8zd)vwb<$e`52dHdhy5QcgNsqR>7F{#YqLy@s~N;KkB&pnns@o!Pt;Gkn#$UM^W z(Iuef;A*nQhK^(=(40q);gD$Tu4I(019Kv4v^gRvTW685V0yN6ElNj5vy4<8wmHX{L9rK`ZgPFzTRPo_%BH!L<}DU0A}i#`?T4 z^D)ITj}vpC8%ZCDGX+rEc3dW()wAcq_gGWn6~S)zZk?g0${p>7umB;CsmUsW%q*pm zF|ZPAauD|z_$LltERf2#7WxX~tcy17g!XtvOpjsKhFR&i*ALDTm#PtYWsk((0?nF^ zVNOlq{+S~R^@`2;cp->fKOq<6!%HFDw%SY2bioI6R90W^k}R?`NGKe|jY_NSWxQ#b z+5Oq$FN(dF*XR^cXtwBV)GPF){I^%V7vgGHM~^<1dH{5&Bf zD=CgYj@k(s9wJ0Av4ahEJ^j4Sl)jKn(BwBHJGM)mXv^`xy22g)3V z2EFFYoVUNAU({)FWaNvdi*)5NT5(8$mv1`)OhxBRl+?DZkA!w(*|{%8Fl-b`dvcPw z5~ zvsQn5N;KadCzuQeCqLEgpBZb|IGG+_7j1EB9N}h(IIjo5l7Tx#(twl6{yE{U7|Soz zDoqs$bc3nWGv>>0XQW6{b85IWfcbSW&g=zpXF@1f#yc5J;AL(r8H$bj_+2fDucjQ7 z;$s;=IUC1lnP?F}Jsv&b(a%3}V+@OgU5l5r$Jeu;U;)7wwq|^+ObYXfGN73j(5^QX+h$Ju&vVN{G>e?~JdGeb? z&|IwO=`F8_f{DK1wkOsfhIWqHZpAzk^90d0SRP<$Tq4r4O+Tb_QQ9#Mb=FXdiUBw6 zGG8Oq{gZJ=x)f_}VSKTZ{jDB&^gq#VHqX!+@Vk$xy{I`eEo$!)MmaEvR~YfeMoh}F z1yR0JBy~&{+j~T~TX9&eH;%4AyByrS%f14-&-$Za{w{XBYy#XsATMIGA7M&}jYXRs z17*9V?Ip+qLB2;v&%8TJ$_7(+zm7%^#owy6Pqe1Hi&0u)tyQ%w)2<2bR)^$Ji}tLT z-A)ojE2Vp+<91OlKli@jQHO}WEQ|{4%7NHwbu9t+U|Bf!5N7ddzrd1lKBEL?>BInS)U+SfG}FAHFtXyvAb&DQX2c4MXJj^jjA zG{RfVh+kwsPUe2vSS|6P^2mEkG&RM(%L?Pq*{>YXN}Ev|j`OQKqQ*c*lVATorp`OC zvZDIqNJj(|ID!QgL}Y=5?FDH`HoKeMWH%()U5b>K;#SLnXz7 z)P_8{11)2FRWARN}vt;P; zhO=n+qj|FB+y=?mO!P2esTHNcd_8-KvAdz<1P>iT0yx!)?P5Ige-M<9vrJ}adT*MI z#~ljl5@BPcD6BC>5d3b%G_%Zw^uNn!GF~R*j+uw?yK7#B%~x+6D8MpHt*Cp^Aqx)| z?uM(E^Y$_Mi;Xgvj9&}LXQ^>_4?)>`>Yzh$i4b!w z1*l?NiD&W`7Y?-dX;QlRM3TAa%&)%kkTLU4!7f@8^NoU^-z&%&E-7dxP7NhI& zLd>%HSSOFfTUipMkM2X<&zSJzN~WlA(>D0*p8&Z(5g2z$JS*DFVaG0i&@Fxn;<_}- zi&fqA(3AZZTQ0opP(X>cC=-^6b4j^{9Vd_iW%GP{d>|lWv*QMHY2GPLL?MwyrsYQk zz@~}V0==MTXUoE)w~GQ1GW^s^E_3NK>4LX+bBqfOT3Lp-#p*wE&g^2fnk`1P0IJGT za;U^v^xs6gIL)?HAB^*V4o3AW*Z0Ocr-Qg5IBn$grYFV;^7;qOBI6zcX?xr*{o(?n z1Cz3h<-!R9&C){qQr5BY!z@qMD>(P1G4o78G`_CZihDC+aqWVZ_>Bm+D@xMALcCUa zdzceS1saHXXOPB{xv*jjiesi=PahmJ%TiVoV||XIC}P!xU*C{X7rja97rOpnG$`p< zyRsC;#}~hPffThy2RToPpx-tpAJO=`NLp`EOKo(W$#XVTV|y26(dGkj!F3+|vJkSD zF^rrplkLPO0^KaQ&LG{7y)dl*gbTmta{*lP+`a*~0uqPLwmx1}RnJu`C02CmLUL zRPwAKK9EAheeoO!s?GJ6NS&e@?IHvwRn;}e(RyaSCHxJu+0CNhCcUAluq@U%7jmp~ z;*4^zXquTrFQz1^^%KWV7EB(v$TAK6OqAKoDv@p;>z!9Yl5!81aUo-Zp=A^iG`P~_ z{7SmzIudR-;&jQZLYrlLoR!Wz=GeU45u029;Bxlkoe>9$HUrD8DC66(R& z(R?A#E+Ut&A(nBx5VsQA64vO&I4Ms=2tmz_p9q1i#9^BomtItPL#A39AfFaQG3wf> zHQL7)M7x}QY>3+{C(ZX1d7=BZjrE0&;N) ziO4!YLHK41bi1K$TN<~C_D2eBnpfiE92qF4vFj^WlZHZ1C&YB0p0jo@aFOmAqAA4? ztI&a%{0k^o38ywj?pJaEwKMkX2VO%87phJx4H?qJ@dBw=AEDObRuO!ysjh`uGv?Rgg1FzDS(z;jk*uHA3~P0E`o^2N`Q~?ywo}p*zPUL<@fchIUDrv*^6=hB^W768c6+j&) z5QHgKiEz%n_zE#zRJH=q!Cem|>3|Ke}NWjIswsz(PjBRG3j(iOSZucJe{o$Cd<tTDpS*x5WaupbZN5z}z|# z*WC_iHgk5|F~rpdeMyhB?2bxm8Eff+vY|L!pqZk{lv}r@DNU#=%WTS_Qh&UrgvdD! z0B`5r3FYFl)Tc?}Fd<}=<_nIonU)cj|K#ZkC~nXUef}=L$rP5Huuu&Np}>x5#CWO0 zEh!~-)(>Mcr0~f@u`q**+%J-?8(IXp8}%w8fW+rYVKjX@kfh)3dN;H=2TxcNwhM5z zvBW}!%NlPmE)eQkRdW#mt@(-&I@%0^qQ)loR9+fAoBqIH#+mo`gu)m!HEcus?}c(N zVv%J}9IA4IU`C9IQzpkBvgfHgPK&?m*#(n|sSq372jJRBAIlIo9OH$V4?6mm?s9`) z0nr`MAV@tOA}K=?F0+JB5#><>^N^NBDX3C zfD!COaOS>Al-rXF2s=7P;!h7$5Q34*2Xo6`gJ>wdbJfl92N5*Wq6Kr}Yro-{I&))5 zse>c42c52E1f#FxMTq_M`^$!7_lF=Um&^?brQH*=1^B}{T{Nrc=#YBt36zKi#z+|FEm34<*BNh75~njC+|2tW_zAKQbV-D9DyF3QLrzTCF8t3cTLM*FvX}V=4@`7M@nkCE) zR8}4qe-&y0T8@63g-2hk{WzG%AaoTlx-;7-?W-SL&JsFFdg56^U<}^I93c(G;BTQ3 zB?bV^IBMnR1^Fcm&j-rr_g7Vr+7)P3hhni1m!eydCnQei=BaAR!*ZFqREYV;;t^%W zhXO3vEi8n-^E*hGFmvjJn677jB6yozrx%FytG%TaaHCHE1-yYYbo5F3{#I2M9ENnun3A5Mbgq8 z81E6WLX^u{Gf-HG8Sj$-&XNOfHsx`N5GPrdR5~3`0U!u?Lg30O0v@1HjhpoBf^(Fh zQzNFK*-r!VJ=PGcB5oJu@--+k^u{j>qDdto3S#pw(Jp~pw5j_h&w#iD3vs|A?vMZp zdQ)@!Dtn%Spg*o>awi@dXBTN3y87=c?@AB0EY1<&>|0?E7c2fIM`jHV=nmPx386^o z0z;GpOa1^&9hS&wJ-+xIdl}!EVMie;qU1Ju{cSz`BU32MawS)xJR-D z)alDX!|W(0{27={#lAa5iykvc=5CodQVwhY@UKhzo0|k#W)(19 z_XuM>iK}9k0YmGUB9^1-H-u8^+5%PhR0O3&i^&NwTzU6-|B3+_H}d=if^RWV4tMAP zl8t~Mi_;?FMy3OV*!%@RN{aBXzrp-NEgdfirGaoW;ll8wUNRoITG!mV$zESs4cE63`^4ln4NoL!+M-Z z=S;Y%WJsu^TbG?a~>#<5V>b0N=gUEmX8oaNY5_WBHJBo@K67` z0N>`V^z2`=cqM1N24WV~5G_giFFMtOLR}n5EHRj^kSjH$ zy)K%HvHFF(ABdvXoaF01_|;yA^ye@g#AqsQNH!O00ZkSN+HCw(7)9kW38aE)H69V- zLV5Xxg-gtT!>`Kiii1&&qj8il_)*(X7Z+yFQzlG_OS9*?n)z{A_8tw4x3iT*`@G3} z5_PJ~&|8ev{$+rmjVRg3xmti#Tvb^}rflLpLBF_g_+VzSTh0{d+KvqjgcLtlC@kR< zXj$UY|3JF(`mok(@u@I)$e7KfaNt`|u)=5EI^ypWLJfyGC%RA1{s?=;F~_xEW$(~S zIcUdHA=Y`DbQT=O1-T%_=LPxGEUO4wLe~HOud|*uetLZF9iEZ-m8g{?M0lWW#GbSq zUlZWBYwQO=*t-9H7VE%Ne<13GS#HvuznOjHVS-&AuG&r#w!yoVw=v~KbIY=$Fpq_2zaWUH?w4`p*~bIZVe-?3&yKUl(pJlyLpb+#mm)zdd&rz3G5Y zoq2N+oj6-okroMx!(zT}wS{BlM6FK=bdv>pOu^gw(v|{9l*T{eS%ang_UuWK&r;Y%LB5+*THxcF@9}m*MZSH z#mvFK5zI|WlPQe*c; z)P=RXoZx;Z$ijgDYlkksj(9>ab)PzkOQAmRFSRPjPkR(ZniazX>_Uf_jyW}2AJnzT zY(R>!tuV?g8@99u-cEqZ%wYzm6gy_WGt4yWQjNGmfLn^Y`i8h#4)A|D$jHso-V+J#Ldw*B-O&4mEw%akLgN5 z7BsBhb&mdGmJ^M!r?jB)QJy3n{gq?wjs245ER>)eCwy0kb8bjsI2nKh!L(U*O|>;G zF+L+%>PhCOh|I*L2g4D@w$3OCWbEtUHXQ;xZvy2SG&)|wNSq+d-)Y89j4m2i34)XO zAjG43CIgOk2u<*kD1RfnvV>jED*`PdjDsuy(h5JJW9ze;vRD?kEw`;-HK!uAo&>b_|Pl|CUSon8N!V!F*?KRa0!S1PwbBMCBLi&&|?kh#&kn{W+urpN#3zAlhXd?(az9L7N1*Y3c|PLt6v#M?lb zk%PE$_r$lp>lbvSXaBtIgt%E~&Q@8yNR_yYV0H8XRQ7{WBa)BSH7<-fdNzM)M*Qy8 z)8`4K`p6|K1SY=rxHEfaR&7;$sAo$c`)PWWWH9#G7SzSZdq@KQUm<20ha$R9VmLk# z=I^1(LkFp2k=4cln%xU^3sD;WL}3Qcw&ahzysW*d*F+YS;I z$)|#%5teOx02itbLs-^<oFYNni3}>le3gbBABgb)WQzJuria^zbTx+idJ4}HPGU#LIFopLx!5k6xAkZV@55C2plE+>AXSmUrWnJ3II>Rdu9fqFsa>>Sn??P!LG z0LYb~PU+ZW_;wShPLO(ubTH8)N~~rugDba-M2IF$of>;g;pqtVXTm9ILqk>EtY?3|pEG0$`|4BtGkqf-)w5aHjN2@lzs}fuDwrjf z8%%IxXyZ&jf$C8@1V_`YG|pCQGztIe(<)G-ydG(cbp#r#W$&Xft8B4~Ca0jaGG63Wo{u%-L@S z&#uuNbmn*^F+05|kOcLF&-qx-Zjn|Fa$?(=(Ee;A-U-P6b3)80wypFE6x}=Q45n^_ zGc2ozO}|%3(pi+si_+dCjE_`f)3nwuPEN1~so58agoRk$&@*61d-Mo$Ggl9zJn{PY zkt`wenshjkM3^RicbX=~a)7{RLLwak&6kMqkxGN!t6h&RB}Z1S7vJ+c`??YnIJGki`cKB0uUgCzHz1ic+6pwPTYPY686#2`p`Ag1-4%R;yR4Q z!qC*4V3!$v04f|+B!Od-SrKQN|*b|BN zhq!g9M{SZIzt&ht&J~5IS2CBK?XoX?AbgNe*n&cqRRHGm-~UW*WrFl@9<@?XmK!3E z0VFn=!YmBMK6Zyloo0-GXW20sEiZJ!_9GTMe`Ta9x17$mkqXB;oo!YHF5yL~;JCtakKxYoM(b?!q_`b~S0Q;Wg) z=Dv`Y@%eoyz9)!=!Gqjtj5(8Ag}SAh+$I?A?FUB2bq$R%V}G709EOCn#ZcTPnzGYeTN9$< zf&(D4F36@*CL1^#2{eBzhlS$r+6RKW1X?p-e|;_ih8Kj9F)YA@0YN&WV1Tk?pT=VAb^$bNEjr@3 zQ-rfvpr{5KOnxoQ)obDy#iyPLw4I66ty0)ou2v~^CgEc)O00MPnP-epvP)$EnAl2E z_dt$=74$Eb2r_qOl?Is;k}>)|c|tUix-={95M+k2(t)pAwgJGJA^dBpY%CS+nlQGo zMqz&WX_kh%56Q&o6w$PC&D@3Ym3F_+Z@6Vlj4edF!*OC>z}~bh#Kk3`5yQ?%oGJ)G zfct4zUW7DL+K3;Qq9QS@55>v)!R@y7L@Zp+5$(e1FrL5^1MzSN7=@`~xAn1}UAubX zY^{uKIx8}JM7N*xd=+^g>}sAg5;wu zbq#p(R^F^dS&6aLb|nxOv$;sfY)w&r6^6)RaZG#FF0G`X36l)OkTA;&e8VD5x{uog zj#@BiPUL3&V0^pA({P+4+VWDRK$>ixMg@^?GS2>E{yU}>Fsc+kK8WAV zrJ8hj+ojDRt@@IF$XcSS$RQZ>OTx0Awu1Ou>Vm95J_C<=25BNsu;qeXk+y-=1LO&B z_?1=O>lroJBQN5&MOgrwain9ZJP3fG^j3AnGCiARi*$S{y=g|5j4q?;@Qb61(Al3XL&8EF8cq*b*IY;($MyRAlC$!0NNJ2uK3ajpc{cro{nqq zhR_6lH*sS|{08H-JjukFlL@)9k|glFw=mMm%^jj( zYHdqZ?5bzKEO!hP8S!`y?K65OMeB;^1W|XI5Hkw+{H22dkSNTwx?}5%SatWRyW)Ey z$Pi0hEhDudY8J%X=#3ou^C$skZjG+PEXOO^TXdM_e%W7+#FdATNM#=3v@C8EmCb9k z7`kff72E$0+~rril73cLBZmS}y#@ka_Z`MF;?b@EINSjsk`FUX;%%t1{ac77ZmtwL z(R;W7tVL~yu~NWTe{W@TjP|GZ2Vfou@m4|S^` zN>`6h&|CS>i|ODp0{_wx{7iYO(DBd%v1AtD?%gK`n%SZ)J8TV5o3wJwRVUEjslob< z_*AjKAlS$D1?&8$@&xI!X~xinN0Pv$UBtm4xwHy#P1(%ITxKK=JgSnamq15sj*b!H zR3-eob-6&?CCuOF;Efm>3>|_bGVDe$_F%Vkbmcv{^I?zF9sA^%RW``(jAJT!v35w+ z+woW+*BOl%W3$GlTLilN1g4QC{x^>Up|OeM#BdsYBAtNHJ{(iTNkSwURgH1@@qV7p zF^q58J;!x9EZ1l*`DBmNY1rjTw`CHJj9W>R)*#v~qPNPo z@oj--W}lWih4?5(8Ve&thKO(cxKfxZg|UrY1Y|9sYq|#GRUz<&HNu3M<6@VeR1!30 zwn;)rK%r5K#BYD<1f2TPflwvJ=T8Q4jae-Wbi{Z8$YZ|u=!)$BH4d%0!O#8c#2M3LXFam>!0v$(fsxPv1pz2+b0FX ztfso!7=Nzc8Yp6IWw)I(1-Y=z?6C`RnE-!IeHUK=`tFC>iwf`AgFy=Y>Z0@fBFCnh zcY5NU^8sATHhL;5!DocHkTMHFl@R|CMB~sG*$u?I`8(Api18Wv*##tUr`bn#GwA=~ zC1F_^S7HkguL|&|B&STvKe({+8lGG@6jA82gz+t1m8FHeNXFw;*RjS}_o7M;RaBDk zcb*WXMtQ}oeyhl={||Hd=-r}SF1$O?I55opC(9&R_atM4-(KuYFq@PY;{}&MQchi; zD&56U{7Z@S4cAYeC`oU|O zMjM~FKTgsME^RYb+uf|uqb!UXwaP%0cTW=S?{Gy>3gCE2mPATsMHZNMWhEQwSP(r7 zL4^6W7VOQ~JI7Umlyka9TL^X?O)N{4p>cHMbGu&~a5!CwH zrnq0vbUqpR^~D;$fZ~(M4TZUb<~d(b)+uxbDNlp=oxt=B4yVx948_cA{3c@oZhE?c zHl|+-WY*AY>sD@@y}G6blxja@a?d+p-4c55>;~ zSZ3U&{rB<<1s-HyrRLiCSJ3bh zdlZE*8;ny%0bE+Dj)pGI$dQ5K=w;Uq$eW?aV7DF5Vrh;O)lM2sPWK*FQGPT-BbO~_5 zwE$<+n3gVQWa+p)2djD5b;X0EqbaoQWw-jg$gDqPQAJo9{8Okohyp%oCRck1$n{#T zaNO;&mJo6pET;en+vf?Gr*yeqjS$L+`ia?q+55sgi5AlI-A{!e38?v){w{tP%F|W~ zMOq%}8oivbDBM%Y4}4r}2Ss}vj372oO?O*H{$`9_5)&+f0IiZ$AM} z&jkmAUD)-XBFJCk5V5PwNY02$-e>9uNh|&&l8iWY&q*-bzj-aJ^OWeJN2McqF_2%^?3BY~&#pLKpjFWUHde$IMFDGg7> zxL%km=b*^N_(%|+K?fr(!1%vZ-m2-++L&$jLSgE&c+d5eiB7$L1~62yfM&h+wHHW1 zQ3gs}aP$okmWw&8HDhk+$hj8f{85Oyi0)JB!)vzx)SRJVXk~_^0MOwhnFgu(Hj*(oZ<5u z0$q-|iba4&s1Rq*4jAzg?iGRx?S%Y|fuDf1iV++Pc#7!!#E`M-{8%Z>rC-8639rA`09=2c zwMNJ5Ak-g&Hq<7`{_HYAu2CI^q4A?PoQrP2NJrLp39zu}m>iz5u6kIY8A;#_ZguR7 zPXxip1>8<^=bO$1;g&-n<^5MBJu=uX6N}vhjm_!V89F=lYSzo#6> zi8K>yWw;Ti=Kw((Dd3j>sbtDwCoG9mgz!}@Y8Z4L6zMExr}fn)Zy8YRlH`qb<=cKi z-^69<*8f7f$}*3UT@C!);++aQ$VIPGfFRSKLDRmWl;T5grL=AiMQ>*hA1#91u5-Do zEYAH5U2biSKmPACudsh&`g>mxBM?5>z0ve8gn36u7ge()#2=}`JWvu=&J(eklUL%6 zLXd)KOlBLt$Fuu_ZoEkIpvL&`3U@}VLDTv64T8*qG3y$}fhUBz)j7nFati%N0-ftJ z9a-rxNv4n=RMsXdE`=|oW(S5!tid6#Lahqk*EW6*& zB*YdI4YA(7N^jGC3>E{j$@sl!SC6gOAVyuW|Hn?UysNDK90!Yb5;S>?h=eE-q|L}u z=?ShE<$^CQkLc|F&FpugSh4Rp=Tm;C@rctE8?V+lHp0}EITO}t+-}0m&xsSXTsbCB zG@n{)Mu<~{nHM_Z)gF5wt`_Jo&mt@oTAbVSSJ^dijLT-?gU^wQIun9g8|pZ1b!aLy zc4W)M^0A;wU!g}OQ`jkM7}co8{(!Mwde?V^`lJ2B?6`*FD{F!v;T*Ge#=#<7P^M{x zBBU*z5C{tg z0J#`d(jpJWwL<)&oQx6Tk+@!%dAoGDge}Q!0$e<;E7D*Xcja$#XvcWO9Q3R(+PH?b z7t`^&P!zh@#uf>Ubw>7}7or`8M8aXt$I&KYMzS8X%O-nFj4Kv@9wci%g|*TKBvuGC z*O}3}u-w(bMnbcsIz4A}#LPrVog-%DG8=nX2uzpeC=Ob`l0BX`$d&F=9uP>Gv8yHL zI8h{p)K*WYVP|DDaeGqC)pJCf$1EktrGzhG1?nX-9=@RQ?Jqb}^z@3Dv6o1fs|K?! z!p+|$#2m*1nX3OL2Uv7*&i|(@3p9e=wC#=?@PfpX2x&U~Y!nUSv2-FN!j>EPS9TXD z$U380w7J6#E=)Eu8vf*qfbgPIR*4h81Yt3tG1^mHqGyHqtrQ(EognpY4Cv)vZjd6* z{82x^xVphYiQC(s73mD6*U?p=@qCV-eKIx`Sk=S~&ud_iUgR(!m7wSa6n zf>M6WDgQ~q{={OWlC^1TJSPmkFrCq{M&iXhuNFGi@;H1`5>QM8Rywg`L^_Xje}*=} z4+(RTFji$cFUHe?=!%nfoDq8j&u%?*7ShH(EyOQ0;q<}H=&|z4KrTm17dqafM4N3g zdXZK#UEmi#*AKY>b+c4BT@dxJ#tb4|`*fxNjhriFjd86gcK}&@M1Mz1e@DDF$%($KxMS5&$lj>{TuR|w^NNz=2 zigW>)c%{2k4?0()EwwkXJ$4bZqhsKnj5$ zBX`&DB+B_IgK6WUD8x16vT6Dj*2IFmywD+nTN??uMY!|lwiGPAG>LsAkZQEs7if=f zLQ+eHOj#hs|A}@(^rwcnAWJ|`;SO42xqXWSE|K;Z2>s$5;V@?zlf^b$lE%DQz}_9k zC?3x$p?wS0T1uamz0cDE-JHpSRwKfngi%T~!P3LWnp-(5tCPg|=Y;sJ z77V|!x#P<0Z-coQOms}JETKyAq);>-2%v`EeDrZ_~TYmON9TZ|D7SEyhM zAq>e|xM)sXu4i*5MYYp~V?*(RQ0m=>;|T^`+7$nETOij{w#$RD)i|d~`+%g^iEcr} zK-jY;4%ed_l(jYkC(a1*jzA_5T;H%{+P;!Pb{qtnV_z!SbQVaiUE z;*=erDVfaR80-`^{Ot@P$Xj`Z0)rG|qw%CNCzc@HEGM~@NmwSX(*F@nTZqk!=`9?z zkA>`u$@%*YtRE>}d;DidQd2bCWHj;j#oGe1NromIvj+a*PQY~A)*_0V`1}MYH__}x z3t~HwRA)I$5HqAh~`ELbohiJuE{IjcJ8E^H2RWG+fy#_p$cWN||>O@1~*iYriq zrY+by6UoOs;PjU{oa6S7CxOxO3s8P;IN6^@kkrH)#HR`}vl|td>i?!xvf!>PdEF5w zSD0(9M&k+zBnGXFV3)d|&(X(SZ?4CtOj2o&_aQKW`DdQno>@jIw`i^z48K4zq&C)V%Xj#2iYVNY(xfH*9de8 z=1?8v{5Bz;s}LYGyU7@4B>pPg73JKHy3==G6y_>1J?rk*csYldeNs@N$MztV+0h`o zDhu@|RiGB8#T>Qt#IDr~sjl}`qdvKN@s#d?SIWE()OPtPOq_l}2>t-RHo_L=x{fl#n)%1#UY?SwgRjv;hXv9Ay}13E((&bZze?b*9XvE%$QXS^@W zmBRCi795?I1Ned$<6!~LeUThO24mcO5RYQq;mXwSAo(xnFvfE2C>hdu^WpWRrdllS zhp;kGcRW!LoT_QAi!V3$dD4U_vEc%q&2_E~Anp)V`Ba!c-?W_C72=gf5c5g*K1eCL za8IDI4yl+|+6MlysgjO;4L<8b@fShPY;TkiU4{5oGYGS42gWRMlZZ^(xw4ATasvD* zCTaNC9$#sxKsY9+t@KucD0bS)X`p7QwaX$feZi@ocDY#Me;*0~nX<#wn6GCSs9Gy! zgtlG~-{vxV?%-;V3q`wTtT(g{xKD^%vITuQMszu_x0dYDwx9E00H~i+-4fS`b_3zW z%osbw`C;s^Kd6gaWyOiy*9Ky$@Jt4YuPe`_8bRcvt+RbBLm zGzSD@AN+GfrliQOEdJl4YwkIY(qgJytNy)W57P zwrb;<21Id#{$!jeeyQdhcVhNji!*wu9X#vd=xEvmJ z$ZRm9|Ep~fnBNF>3)HH~*{wb#$QjY*9i>>e0{~W99VO-#g;1_Z6Q;+}dM1ZK26J@L z8kk-YWFDof4btqpdMBW>rNa{-v|Rw%>i#!;7-*qGg-~KvBsz0GRU{2Y5Ll3JqA8VHSM-*b6oLrpQ4M|NpiAO3)-M<&w#hIfZVe;(i z5avc^`&ewlY7M^e=HE1@9`qjHNrR1mz&T+1{__kmD4rao!&>NB#6$jkit zql{!Lq66^PMY=fLT*0Y1VS^Ty!CdQp8nusGWiMxIlwh|~BXK|(2J8AsNUvXtyKwAy zP$eg-pddU0Fn(TBuJq3|x*I&yaUQ_<>J z*wdb?XTGh|sklgli$>TRjZweIUR_?)CW8QL1EjDV&qYtp%r3yJ>?=Qb1}eSSauA5p zYKc&p*!LI6H)k!ZiOcouOt7S9O8ry-+|y`Y=;Z_i2LEixFI1yz{iU8=E$%dtk*u0~ zyJ+40RqFRShI$GHC@M0!aOuaE850B(3NXybymDZKh;Cx}(>yIuYv9>joHHY6Q4= z(ubs+-xo&Cv$atqB7dgCuhjli1aw2V|$Kkk}kFXFy}$@D=sXSD+0^{d44g-C|z zI9i|!50^1$O@O!lXmPt`xMA<`pDLxfqjMfY94N~E#X@Ps=DPZLQO~YplZ+vlDPI)? zqiWgc#WqJk@GaeomiF8W1h`VDOvtsTM>EErf-P!o3d8-ZXjm~gf{R33Y;Ytbd2+m3 zim!^WRB*ydwPM>GnWs~jzL+A!`7OqhCFY6tXK_+t9Wj*7^7c6j*sMTz#`JOM(UrWb zwC*j&j>mwwhI29gQDJ9iP;X)MycFfIFB$|ne|5TaeIRr9LcuNu!T<5G%jjk36?HRe z;aGmRpfN0A3dHbrvM{RNQDCJ#5~Fz%tcax(8i|R=k;Lu7TAY*Wqz(T>sCcG}wua)O z6Do<&U@_zMqBw|O2(?7ik}w5Uj+ajaG#g|bTZs1rxYE7Ef>!X#b$?jNjs;$FhGdPm zwNSsQiKRWNKLgOATBAb%(lT-Cj5t`&{&+HQ)Cwlf70C3?tiTrWz3hFiL9xYW=_GzO z3)u^FN21MX6gDgobcOj~+^A&cBym-}j(A5Hg=;N#r5#9o{zm{vj<(po+G2wYp))y# zeC#iT;;dw-MbjE$2dfU3)UzT zK_z%WSk^6df=uAF0fWw`vA(vdxihv!|ANx^;_()rJ85Mw!M%{R?~{P9Fqm5o`CjvDDD>NYLw*2QvEY%F=6`5n5Ad4 zjYB$0AD0Mme)I8Blt%2bJkcD2{9%pyst^~ham*2DB;FJ1cI8Me3mtsvX@Fugx5TlZ z-0J6$F3h54Rt|@W=5sZy5KyT}qD~hCt5QgjA~HYsbZ3ENYfwE|Bz&qb40m?L1KE$v z*?M`#8O~3u1J-6*X7>v+>t~k~CA)YQfOlp(t-iS%|GXwZ+A41*}7YoQ_MQUdSaJVJMmM{U+6-HwJb4X`)H>9wpc#8|7 z7&^2gBo%|t<>!LHG;}fy%7h0Koj61|?{4EcD2F(@e5^@tq`*O5%b%Ojk*fOSZX~=Wp z90&z^?0y01khG~gPLA1nc43JfdeliH-3x85ysAbtQwj1lm-8`MjVk0|b%+Y?LP&ED<1x zF`+Ss7NaGSX+xhNiivJn`@XGy;hY;$n;^Ez`4U0SS({*PY8ZD7h}oihQnd>!Mq3WD z%qL16<%%1{D8nQsbd#SpaI@bsM}r}+u>NHWad&0BdK<=FXs>!?BEX$ zn+3Ua#6TD%AaLWgAX!Ew?U2tCK$|wRV;qVvURQZx5tbYDlLjGv0Sh*g)Lai>i7sLX zo79kT1DH!gShIA`=w^bLA6MP_yC1~)`R}a+?4qu5X%02AsF0=d6*(lME15~$Cdk~7 z8l9b}ZXy20ji8jt;h|`l*92s9EpZ$*3lbzeOT}n~u@~Y!`6g1ia)+jLm1-9lqvmN+@Ggmbin3?`n;H91-7M_^A5%8zvMkPL^Ul}ioFE5Xqfj7b*Tui z3v)xT@@5l16z>W`hQ0NP@81eZ_0(PQ;Jpnh%QV>w?Igf;tCgUlB2n!4m?hjFn^R=Q zlp5v$Vg48qSkom0-C2Ig6oVyN>~=e8+<^0C$jH5+qLJ-~aE~i1#I50%?))HW;s>dBbbTQb@*LI`rr6uVAsW(S(9XW0BbNN5j-BHqVhJ1!e7sZwPVbH3ZM;j_Cs6g$|(O3K8y<+T}^JnU>%yegmEf z5vQBU42$XVV8QSi$1TmCFNmbJW>HsM{2(-qIb+(i_}4=`yAI7d<6@^9p9sqa(+=@k zSGcbJFd*fTGBef}L5|3KBf7#^Dw-T8O`8&HKf*KP%cLD8aGQzZH9R}H)j|Zxs#+T3 z)9eSukBO;|@`Lm1RCJ9cqR9jE7Y59IvtMc5(K`vuzhCw%J_d07q3qY?Xz)10jvXGW z*8G z7Q&|nY|Pj5J16ipBU*`_F2n__CX^vI=q!966KIQ?rlQV&W#yX&vGj|(G+38x;h$Dw z_=2(=-vUOD&p!b`>r9+JEq2$l(_^x$<#=rLBoIa7ib=&t{p2Y~*S?n9%u`dW_cR#I z=1cp|5k-E@%{X=Fnfy4TWDHJ4TJ0G_$WR?#@^UQRLXhW*DyG7c&I)>BnowAUcRSZ% zh{!r2(+eYyfK=+~aoq2na&c`_bDSl@RcOLaMFu9X2r|=Ha!8L(_H+LTNRFIlb)->r zZvlJ{58hkjFcFr_4#mwqUbM4F=FLb#Uz{$`-E&boPA2k`X1N=LyImL1?@>74mLbgj z*ve>De@2MwEdMSm!DHT^DsMJ$F(dQG6+&E)?!IzsT$iOlY1mU9(G0!Sv!rl^8NyiH zbj6;6cxgF9sQN~SXqZ)BRULO`&l4F1PWyA^Rd#hrsraTKw=Zf`hAmk2!{_|^l<^bd z1wFeVs?rfr;rR+MFRiwo5CE$jW(oFK%-u4+vaf2{KYkiSi- zy@A_MnA&;Lcj8NWHZQPcE60yTJB#_{UX~t1amZgQSrlZ=&ZT|vf5IrTb?DsRa)AK9 z$4)g(tRH1*kV?v@tLk6$O90&H$XHSLQst%o!4ay~7V`vIDA=B04I{JPvOt7_Gk(ms zb;|}K!7k%R!l_7I!@_tf%d6avev4U-R&0LRukk%a2Uhq z1IXsL_&3sIor4}-j-Lsza8WQteAQCqfjk+3I|qj2VF6>)3+hl*OB_OS^V8oe`L&nZ znaQ3Iz!*T`8rm?Ydj-<<&Uz~^-7U}s#TsO&j7_%?zqR$mDY4e8kXb1Qq>i1M1AWBH z#wAyP^Id{}V^UK@^FJ#2Hp}~bBszqUk?hH&%#Jq%Se5pfV*<7;xBinKXz1+j0FAKS zuleQ58PzEnQ0iN%T{(LS0b`=Na+qV~>Nh|vmrDzntK&;!%wu8(xPs||M8~T&dj>J+=V_aws;rNY)2!)*tM4c z%D|!sUuW60oG1jwH*v`N^n3mlHq0sv5c@FxB?LaSD|!Np?|+NV_Y>oB5*z3(jg zh;=$Hd!EK^U(-ME%bbs6WKxXfqTQ~9f;7N$O{A{+Pn-?hL@&VsL0N#4 zl=_xo(I4jsA)nS_MHKH5L_w=;rdu3658H)^PeJL2Xm+?ss!tSLn~Fo+!FtY^r0ATz zaclPL^yw2~$JO>sAK+A*rDhV80|c2nDbgP|^hSp;_eQSynGk=^UZd!>NUAhIALXwp zDncKdIAfjxI7r9RSQTexOKB}7Y+My%gSK1ab9{r*tC77Es;SLHx){1rg|_UEDq*e* zMnddx;wM5Z6Azw2KZ>&inDayjP1~{!R|j(8SJJF;qG(oP3kYr;mx*wC)MvxGuKH?0 z{xVY{^DJZM|AfKOi8H6g`fF5vw?wcocxz2CttO@X`B(%sA;7Mz4u;pNq;I89bfZ*> zE7k^cO>iWUp5WI)_(E&BEoQFEbJi_6pBsu10Zu;0Yp&yjxZKMyEt4|ul{^tgNd&%# zw{t}9myB#{tyjs2kPn=9M~9Hgh{AkMe;AJAgd$HJI9d$G19=)|R#M1DKi2*{X((}Z zRZVQJXY*|9i4&|9xLX)(n4PQuvmS{;fBLMdXg zjnSqM_hfG()-a+yZG7W7fv#HGd$W0rzvKyFM~Zqn6n_;+BQe%1Fd8eTSADlGgi2$o^l;}+Y{iW(cS6^4TBOVc?Ot|zR zap7B=0r=C+Sf-)fyg`WNpqWM*l!+w4t2eKpDUc}pUMy%H6q*fF!>u@8X-fF!R{;42 zS5Y%Xp&LCk0}vWT(ZMP{1LRYZntk1`@`_8!HW`I{Pkcv^S%;W$zQnewAdH-wJ2(JR zq`AZM_i%XUo>sI2f?T1!N`-Q7DSn;jr09;Lm(w%HeT`HI5k;zRnH779^!N7}cD(4m zECtGE=Cn9cq*o*?4wCJrcA8J;FLM5<-9YT}by8}e)37Zvse^xLvhh&n{1gF3lN;CNOf}y=$vV zCQRSMD`V$xR{$)hsmIL%U@{R!SxLw4TSMw2Qzu7b-0hq6@$ecLN2&Ro%iXgO? z3h}H&WSoweydAU)*vt`rvO2m|m{~!yq4ieCm$*%+n}dtrbW{?*7DSI>yy%Jlo= z(O^*%V1HIqsO~$9hlIKKbC~3j)Q5%8U?|kJ7dUY|B%kB! z?XhA<2p5tS9>1qi@xmO%0h=93vOKv}s9TYq(TigkhtLUh5m*Z`p3_{nDIpz>{>AP` zb~ggdu3GIWM|XmT2@0Kz>R%yYKhB_z0)dd_RMj566Pyhrx-<`kxIlovwG?YzZh#}q zXO7`~j)wt?&$on`1%zoRW8=U6M378o>+0eJkuKo;k^&j6I|)GZUy3?MEa%D4@CdEc zvY0akA{+a(>c}oxzg4hXvJrOxj4R?rL42mWyd0me_}WyH@L|%<6Jtw}yny8es!d#5 zuwWD9k`6OJGCZ~jp(LnWb>l}AvX{t%PK}0uIB8iDppHVRH=dg2e4z@eNA zaLAR$o&};^R)wvRR;pW&KfQ#J6PNc5W`I~0a3n|_g1y-ZLfz_pSTZXTerMbxkcy(j z9qt*7RU+NTh)dh8K1*k!lm1RW_#<3uh{;*}bS8*JfqA?Xw~Kbk@TBUN{loi$+&WFt zLB!;p0n$uAGk%yoPh*quw4R+iv&l-9!FTOa$!!kDAn1YOZb4c3iB5@v38{TXAa7Q& zxntYMRQi$-%7x!qO7YK(u95#E^YQ<(H`ETExW2I~Z&(^Q z`&~jLNnEoO+wKP8%61ersrSWXL9T3v;@n1q09Q%@W*Nbc7Xq{UyI79k0G5$OT>RKj zpDfbSNnf?O2xI)If?Ybwn=G~CK4Fvv7uu0{dMq1tnZD@Vo!|JZR(7M;pcROZGlUu! z21j(<^2a@#2863Z3TP?c7n1dKDl`}yS5<&{V5ar^bl~~sZaC@+}NSEKD z8Wd>8G?z364aPY&6^M6P{`ST*g8a35Io`(kvnqLMkWj25hEsu-FlK6wp+u86ZIWFH z8Q-q0yoaKSb0%r3wx8{E)NZg1l@f*$2MU7o9UaN@;3$#skF%2r@naF@I~|i_ewHpY z)`Nmw#x{J(i}70l%#R%TAZFXnfpW8SFuW)GkA7k1NE5>)=0zwcKNUzVa1u=xZhOqF zyvPwWP0B9$QDN?|M29a9rm-pB7iwN&Plib+Hwfm?J`_^x%XRBWWigx0Cm2aL%@OQ$ zkj^+;hzmwURQBN7f4nY`3J#T5Fm@wIA7lW0lVMUJmd&eVy{K1S)3GW?YB32Tmp=xm6ntFccQ<>+O=KLQDa!so_+Q)*md*LwiZtRo)&J_o8 zqS{x8*DXa^Bcxihmt1#&-)ohBM{Fg^491SJtsHyhz+CA><0=8vV(emD*l?X7vq6EI zIhvr?-Is%dM2%@h3fg0xg`~9f%PwBdb>hr;!OpqgKLAdm_xWRHu=O2Vn`r&?*rP{7DA-pckRX2}i!Gn;YlyVg_z477aYOH+Is`JK8@)zs9Ob?X$(ziN{H?DsbHD26dAc!7_~$zQI7jW_-i=8^p@jK0vIG|-iF1E(eiyrb3w)+%;!sUWSH2ruVD5g}pWj`j21Rd2_Z+JqP{{=a3k&o3z7V9Lh?=ek zo$a{?R^DO^NjJB~e{)PKFSK_(@t!c3xmjmsD`L$8NY=&KGPbcYTVIexE9){csV_xy zD>(IMhSwFLJ( zcq~%9jQFQ$+F9DU_^*hu0fZdl#E$$MLk#qtv3aKv`=+xhitUBC^0HheaE`ozCJA)~ zbi2fZXVFx3!pz_r?8mjA-%}7WfEy;KKwES{Q9}$D*dfFtBFEAr)eN20B_Mx{Ygn>i zeX&p|KIsmsQ~i^Yf_!@+#$pgI~hOScSTaXiU|%ppSaW*LokLXc32$W4Mq{z ztxET(X4pxPnS_-K0Rv7JKpp0wmFS{&Jg5a&;EHbr}c& z!+)}@djO`2hC5AlbLO_haDOFhtcy?#6qDBYOu;TgjaJ%RJs`w&O13xTbf+NKsk+$H zsZJHU9t1|S>d22K+;9Mrj}v?&mG6Dgex<_$1kRg-V0?=hPxNwe;65RA%qmv5M-4d# zViRCbH4xt!hW6~HB_E|lkarO1!ZnN(`mkA!MnUFT?F!vxZ!JcXU{`El^m6H@f1YPJ z+^cZpS|Gn7kP=Lq$W?&LDz9KxSs*6nsY2+ZRcLzSnB@=_KTZyb-gKb=SU?-8z*ma& z7r9D}87tQWzvPtup?g1(x9%8&P^Y^?x;!{OnSM|?A{!}G@YgM{Q~@b?e?@#-R$TJgrK6= zKt(LbHEb#q5t(srWt=V09iwX2+*$FcXp2e%_S2ZTKQ6>|X2ok$VJg#i46sX1%ta=y z3k5hQRBFrPPdPnt=A@Z%-?98o!`8OUjTiKcsPeU zOuq8=l_kkPL{r&REl)=~9PbR&C8;SZ*?WaBT;Qs-GS)cJ#8S@o<7XoHblt)QRrPVc zC^r))FEAN;?58}ta5|Vx!_A+Bku9en zQiWMz`l7&0@CHgNS29#3DB~!XL*61s_LuVfIBjB4hHmt4!d#P9*4wNR-WKATu&ZSr zdPe|FHKdrwvDV2@&X`u!9g#z^NscizFq5)j?h)pUIp~(={%Rpe5a$A#Oyb7;tyvtH zr7iU@vos8Mi^~Mked9yk;i@f8S_n;z0|MP(^_t@1>*oNtbgA%c0pc=YmEl8|CMH3ibS`kESJ0N^T8dkR zy6Dx#c2=A1@z!S&%Hs(&CL{j3=T%ssrYt)8vVYxRT$*7t zvc^fBGsItnA!K$+{Nnjg*#NIi4B8J29b$LEuGm89Jf#^Oe*qX}r5DldSaBDkN)X?# zsji8m^lauZH!>mLDZn+Bm6+@W2pzoOLQv<-wt=w$6YG^ZmcMaNg}Q@a1jQ`po|j+?Qc>1}XzY`b`_)SBQqfOjG!t(M zk|5R9#Jkt>3^!R{4Wzxy*RKPh$f#Jb5h8XF9p^Y<6uE9eP5q)-Ts;QqEK}%bX1A@c z2O`UfQ>VwadbTLwErbP794*8zXt$vWX^k5y5E7}_9r3LjfoKuN2JQ`>9&6uhy2$04 zooMs+6m53cvupHnM!aQ0GZyo$q=>)x7BGL0E8<}LP&_Bd$!4>OKpljROIXHV0s?Bi z3i_r{7r&vcMpO5mzpNnA^^xXcArzJIzoZ@CdwB{nmYR9DTS)<5drN2!HM<`zz|E$> zp^QK2h~*Q({+hHA>~4y;foKgvKaNL5kd2H{Q**wQ{aRnQV1Dd;JHNV~H5}$^sd}Iw zN>)`}S6|n%cWiVAwCh+yIk*&FYx0EpMM9ya9dd%qpc;cGlM5n{Uq`9%VrNYize5DLuxm_e)aJ}8fU z1DN>Gl?5Oy4FuGW1AhhK`WJeV9d+z83gi~Vl$D)%+L3(*SzOWG6YD+Tk6^@#&wbjcHvbxkmTuvGr|G}p*&oDQ2hUe+;ttC}djo1s zm_V1dl>l+9$l@nTXGlRWWmHiAUCD*dQD_P| zwm)Pzs1`&n@EpxJ3+dY*1F&c}vI>R<&r2WiIeoo@@~l)j+2so_zOl-bT6x zu|a2@zP(7xj)J^MD-w%@QSZhs1!25Tl*OW2mP2vSZvpHVg<4rbz`P$PO1ge=W^G&} zNleU=F}GO?E1Yf!NeL+g?LN19VXVsEYebRGTC*pf7Ut%{N<7W*tFNkLpUzHI)-MQi z_BsIID3ry?w*>m#jxs|pd*}r@RMjf&!ALxkXQ%a@oE~D2-|?pVNENQt=$;k`q536u z8>}IEVvzu6E+Z}(9dzapMhECpdgHx3BNq8u=db;QGosF|7@w?+Y5}mhs;8e0dzvVJ z89pH&aj_6{bCCF2$su^$lTO9pD18D~7knTjn`e^86PxwHSo5h$Zd{F}VPqR2W)!1x zQ7&d(aYGJbBq%{C0tI?Jxg*B|Ya&@+tgKh|@QWH1GNUT)lT-WmWb54T6AxR2Nm0UQ}QP z7-mMKWRfXil9`ZXW&jnqNp8xd+>o10CPP=Gh#*ahh)9#(q$% z_w(%MK-|X?<|U*B!+EK5nFqy=MOp+= zt)lI*zc6=^~qbb}DprGUjx8w6b&Qjf@7(ZgfDS|z`M~p5PLIPz5WT%6Q!qP3~PK`rex+cI@S)E zUblM@$gNPMsg&C>!d!&xY&~#+$P+ICGCbzZo?nf3MK}ej3D4wM;blOoj%3agV#9H} zXu4jZIN(>yE0E@Rdi+*)(V@6qsH@b9jac3=j}*{smPA=RUKd1D>gf}$rd(Ti6~y&U za;pT_tAshP8C=Ifc8eDTQ3pMC&3(|*U(3JJIZ+PfG5Sw1*NfvLG5+aaUWI-g)XalV zGJriJBx5|6a0%_n6kX{JKzAcTur9VG_X*=!^|*P}E{~&|mDbfuIyzRmyE8}+fHDST z_RsH`4N<)~M>N4yX-T|Om;}^*;R~BWya^0HeGqe;QFOX&v zTPVq>Pl`qunmlz{JgeU>qKjD}js5QL0>L!iJeQ^GFCty}#x!0Szdi5e7&lkbSdW8+ znYptTG&ICdMAPZq_{^TtzP0$u-aM>V?+f$F*(|rVxchwr<)umeHykH_0HE6LIyD~C zZ_1D+SvskYL{ml!@f$eX(l2v91aW(C^Bp4g2-m%U+fSLawm& z3H0FYLn!O(>E;n}qh50~q#0RBIg}DR*FiiS(qj1wW#FXESk8trecAoYwF?ELc;#+@o{wQz9t<4HcZAxfo{um0^r8WL_N;hvNGmlg=FE48-y3Yyq^5 zn?gh5m-lB?69`{mJX=XRcitq(Eg&-u_HxYpB*zHKj&d25*S^B2J`oh;b{j8I(d(6Hq(!GrR{xI!A@^u0*T|V6L=|Ux4Z(HW$Lz(|8H!x7qJ0 z+p|h!zo+vS@%k%~#)G_tVp%cq5i7;+g56dt4q4-Bgt5lq#oZHsUm1ehboJ@hWt_PR zq??mu!K5T!~tqbwH`M-bV7;veCLAuv=ETq>8E$K#g}I()My+ z@}C@8(GhXfeno(JEiFGQ?@&w&FtY*+DI0t=2%!~d?O6MwOQfsJ0RkepomxHqkKyl;7qT|b?@JCwP z5gX%#uK>|~s5djZP0gLudVm*Y1hWj@sqUFA*_w+eNQ@VHCS z8I3U%i2Bjf5icr*d$N11e<1$8MP6dJOm#_+ct)W40HByL@sc3g-BcNj|LAvCHqGRX zEyhi(zNJ&t)YZqP`psaNU8%??=j$Tfzcn0}xUGAf5LbiV8H#$N(k`>`)LV_qjms* z--9w)b;Z|r^!FIQ5df!6a%wKr3?b=t#5n>yN@`_7U+F3$+s#~(pX%o z52+W&ZTj#bQQ0uSi-1ugqvMW~L9-!@M9*wwahO_wNiCtpG(Hvx)9Y$lYhs<9AY3QR zHJVH9afdKx#XVAC6P+@P=cxo^@lB^T=BV4 zw3*m~B#LLb09T>8Jcd&qZ%IBa%wtI=0WST&DTK^ZJ95o>OaY}9UCBGing>D74vz+= z7DbE-^9YdrH#fK5A>1`)6JnC5JB1tW>P%TVBr#}H|FnSSAw$aXce$yg%H)}0`)6vx zt}NKiYgf0&?HPcM68!}1ojr{dW(exvUE?0nu5c^QHNx_acvu)cuD7o`;uTTukOu0* zaR6I;|FHl!sjY+v#9;5*J%?m%&`AHDAaY5EXB2pQKxTc&BrIbgU}jF) z6Vxn2O2!&3ZR`mG;XIz(>5bT%MY{sLb3|)z5nu-DNXynVf3F;|&qxdkA?Iw_MkPzm zzYqwUP_Gk2{kq~KbgM)#kE?6)Y#J-esCnEV#QeeJXHV#Rid0JoVhzU<;$|#F<{!UF z3bL1#%xr4yE^F(E zx$#XS1B-bbYl~VCHlJOI%KNx}PYgE%FvOc@1(|(vXX=Xw>Hw&P-Z#~@SUYp#`(5H- z{dRlN>T#a|tbxI;8G#jDM>`TGS>8{Nhtsz{P}hw7b30t3Nd2jfQq$OV8Gh`Zx- z(JY)h>+S6aMY!PPz;fR?ScPKuy>pbHV|sf;gK-a`v;?mX)_2*zYlL|5z$*gx&m^?O zm*xUf&oZioP?kAwDk0;m(txb4H3o5~ITf&>d$Oqa!?c>v}!Hz-ikNk$ZA z!3Vb$G=s>`*l+0b^pA%Hfs}}nt(D~@C8rizX9n?yjdKK;@5IGUY0ekq4_T5r2)K>L z`vZaQu{7nmHaZ_kJ|0WgUm3Hk)exC)Dh(p|fN4eV{$u z2xtK>4le+iQ`n9Lurlx_2#t&{HbXLeCr_CkKhbYjgy$WG@C@QolrXn}T_rhBb{KTR z>KK=GhY4Quuo6;o_GD*YJSHF;xOkg#bK;*u>>8s8IB50I)>%D%L<@g8#}W%*)t<_%t1R?yqSeL*i}($f(2Nr7?4ooTXdu3lp$vd} zdzr{Cn9!_DR4Y84L#SD$baUquJ=7}3O9f6$YkWC4bk5p0htkQ6b@2m1pBd~JiW%&6 z`+;U$z`n~<3iU$hGB%bWtvbKkAKKMGs8)zIt_^-0jG>=4a%`fk1d=cM1iN=}0B-Ax ziwgkv21d!w-ywyIn}Pot<9ddWY+R;zM+5OwL1G^69_JSy;2J9x{cS?Tb}lF&;r~-4 z)$ORrST`K|eK*f<{}C=-FviXjSDQ@o%#jS#}sg^zc%9UY(WY2pc$uvAJI_tL-gqhv{U&35M(@l_d0KAbdg#4FDnTlM|BHCPT!PB4=4+}608JnDEh^r|GCZ%y!if2lY zY!XBjrHD1#^7M@oCe;~Z#qp+8OK+9 zAhODHK4LN?#JiS8p^TVV-J(GW4X5j@+4{XuFd4Vww)lj8yZYSjkV|CjvpCPbn^#h( z`_n?q-5KMz%eSOIad#+|_U8X^j^(`wNuB8hqQmqLHJ-nqp)OYFgP`$T@KvO+SX;C^ zh4^h9Xf1T(;fexH;*osx06mb8U9pk^P(Qzh)5B zeci2Vh5cMEjQ4Q`_rzj zSbh}1LvEg|1w@rOT@Zt%rGgK|SC>M#%6_`nw}B56Z2rtF49J&`fqF`|mhich+3_-A zPKgmDg>%On_i~|b1(T=)U+(LRZ|5qWwd|NT33F{5dzQk?LzV&1)Dhn@|BXoJ-NK@Z zo1K&{D<1+%{cGpcG{^cP80_*gl$YBi(QdD7h=fg!-33uf8)k(RGyYituG~ycM99zW zhZ>O~lbJa>5N(HpxM)@*sS%X>;X++uTx8fuZWZ9-nsql8p?2C4In;m!m*aGN?MR@k zPy3L4`;0jIv}&>XvxKa7l(XmZF}=$sbf*9_93^*!Wu_bpzXz5x+#c@(vAH%xmK|=g3lh0O$Q-v{+ z@c64>JQhV8G>;jWi;p+iqOepQvEYZ048i{K^Q&>W2!9naO*tHHI}yk&Vo#pT z(sRBLw+L+nQH_wsFBV4DJMT0tRz8W}YEL&^UX34#Bu{w*B6#YUTK+K*&6qFO6|BRZ zqP;-1+G6COzwZfmNem!@PxlbW@nkTsBAh?(JDb6VgGpQ^m}(|ZNLIrtPed6(WFgQh z@>+cF6cBHBJZp=Iw-=wm)WN6fA7_e_kK8ZP0X4xMg}mA!gGW4~l%AHg6~&j??or~~h( z!dxIv0ZOa=rJsP94f~I1(;SGm1-VEa`A1||eNULnkP(4M@@e;fU$9%H4n()hR-Zs; z+0u>QGo`G42I*XG4H_*9*-;2>@JS{f5Xm>JVv1#?bM_i%0%Z#n@fxTbQc6q_N|(s} zQx&U-X1XbCa&H`2e8USQNLhs1sm7*fk;b)bsB~#NB_P>m0?9}Z7s~;BC(&;8z2|A* zag(C)r}>B2Zi#s*U%rY!K4e+K4U0>?=j1eDRYu}&(X>^EQM7EF8>apY#4Twi8!E;O zkHdtTCwq@yR%H$!A;eY4VuY9DsN&lhS_Z0e3X3a*!o3DeD+9}7mvbRmM`kvl={fK` z2spBYWw{)8h$1Bp>I$m&kVqGbszgeQ$-l^v{YzZ4BYeX7Anw0e+_lhpx~Cv>kjdKK z+a`a4y9BBW>5ED=o-97og(D7X@h?G)W&*w;#!%RW7XVN^4m~M6GEdzJVR5OSH7mY) zA-~Nh#=$U>p=|YM3iXtj$*WP-m~>GN%uraaI8%Tdg=&ipATG)fEguS(i97Sfr11b& z^o8*YumUrcPWUCT+scZgD9G`iAo!=N354aoBu`MoF_~~3Q4z!dm|Gd(1-*gzo@n?` zhu)9XYSyKYbjJ8i@MuJYyVRE=SP@Ssu+^q##0r6sqT$6^SCJS-5s@ir zh`(`lo+EZo?V!je-xTN^i(?Rszd^Xh4tqm#W4~QMHet1we&rfy`UxX+wGt}Q+ZkhI_nV>35+b8}xx7di z^&?p2?d-!{@wr<7XhXC7)@5ic$BG%mI7pGRuw*C56+$7G^l_zFwMgeF)f3ZhbN0M^ zGDak4qAUxblTc~mkhIqAP&AF#*8JSciyaRj(iL<2<<#b7t1s4tHFHKYd?LV^zaX{OA*8`#yC2QzEKKs+MMY*f%k z?J+&^RFM#;C`TVy;Ws3tQ8+eYjDl4g3vey^ODXE}lj9&RRxdg!a=-4Yt#VIZM02@) zOqVoxNkyP}REHj*6q^fxAM{F!12#WPfTdCXvej7aUVp(l%;JJrcZ~p79gBm^<@DIE z3veDfh5^{!6?^=al+2K+c*;Dc-x(9oaExC{4G;WXp3|V7;z)MJW%mJQQ)#4gRA-_? z1i3^xYc5GPv$gKe(<$iqFs^qS3UcG-&E%z(xIut9!)!*^VCC!|1)GI!3^8i*ln~dB zE8AVkzN>w5toT{RkHbd-#PI&f#g8o(2iuDjmQ5C;th8ZSO2s70K5GKlx35b zW-IZa2)CVsNHTQ2E(o@19B_6|nxicr$deIqzSNCoVlP3O>`YZ=%_5PMj(FN;lf)rH z%zj1gO_B7De-O+Q6P+b~KLml&YWH*DFs%bgA`O`H1dv_!LLC=2-V@?E&dG%_{t&bq z$7K*=$Dv;<$1Ot5{U%0PDSj=$4WytU&BzxX26Dv~qM=C_B7gSR9OE)6m(@zk;sIg) z6urBAA!Fyi0h#f2(&;h$#^N@Ct_g=Y1z^#nOekN=ev&Rb<6mAROs90Kt3DD+l{rqd zB_ZzXj{v|~v^|A}C69ilmG4_e@H$ z#tZ&{)kL<9jYN77^i|sEnW5N4kS7K&j>EU33ShQc9A{?$Dj`l5RQC86`NX`Jn=X?0 ziZA7v@LDF%`TbCUxGb$3=QpW3mwOpZ!xzON1s^HW9m@@YYEQO093^-{-NQ8EPCsV| zhD-Xx1A6xS`E_x+5_-1c0LUqn5&f(%*R0A@MmYPuSEOp>04p&sCcQ$cY=!VM*HW|A z2sI;W6$3PW`6_^!)vM(nzu?;hx$lT{OV}^%2~Dp7y0c0hnblsZnTLe4o=)chx>)C* z5Dcg$VyoP(-~OPUxXm=uz5Bj!=RP;R*&wMSfo>*Op72y<$4Qu*iIceO03R2hV${br zpnFaK73gFQ3=j-etG}Kj+@_Kod}fCDi6kj<)_j9BbW>|ZgC?F52^VxSBc`^dOM+ab z63epYX)OOH$&5*PkRIL|E->voT%950h%gWIhIzB&|NaGOrq`iyE5)3*TpSaD65I8t zWv3vkc-VuJlX+$oeoO!GbqnilnR>+6-UdMIY#Ed%UbiTBATPTimZLKfWESHGf*eV; z;x2*a(>%6xxbkL!wBy4JgS-Dt8b&MOm?U*EkkWQ^m0$+tedkE7>xnhqfu^nt(PiI+ z1)C>?kXF?hFTBe?)D<;nxlNk-1h^`-r6E+VniL82q^O@aYkqTMO)K$u3{wozT{t)J zn&x}X3@%|pLw|In0B6QLV5TDZ#|;AA{u0+@G)`_RK5Quy4ldSspEPd!_(h5c5u8p+Z!F_@O9Q5r<(m zQI1P2LC*>1>zOl~;ywL_H4K9#B?Z&|%6|ahu%Gpaqd$c-OB~OL!yvcPgi=gxLw)Vs znEPKS*RPwUh!(d9@mGv|lnNHWbegUVZxTyFPFQF>B1HF>G z>HkOrr*sQZ#!lE3J1y6eYKj$7qSwDg(&?I|(pO!$JTxt<<6=44 zBEXf`yT*#5nAY~Mt(+%hmEolRLjkZxfholCXNm+Z-P|UMO;;g-Ti23e;Ke~gJdEWo zqJZ{81=NJ6V^4WBZZEz|wk@vueu3{8KK=3(>xd&nQZiDsF0sUVt3rDSh;@5k{1_wtxr)oXi!s3NnY_kF*D5{AYp6n1h)*D!vG9?#yTZ(vUx1keOI% zV}>a{>JNqKv-Uok+7XAYk$Mt zi2!qGHewP5VcBd+ud%ns zbAl*~obVB8Ul)p+qqe{qQ5=zB@kpUAkQD>#h{oxTUjih5?n4q{jpGGuo|9p8v_38^ zX01t>%Vguja`XR#SZQ$1;C6_<^n|OU(`Z5}WU*jshkgJr)$fTi>v>~B;o)8uqM3nz zK9OtI4@j!dv>@bu9}jo4QpIZPfif6a%&`#+$70cZ)H#&in3=RbB-_mNou9Y-~&v8t{oQ_jO|m;(Xjj026W}`Z>L8pw6qt zdK>c(ja$&z6dPr~dlnPYRKHyo%1#cn(yYBzfCQDq?NN*VPMhQ@35bATu6?ILpq9_^ zn+Ti|^F_L2ni%cuy!!|-3lL8_WrjXAON0-fHY;*D=qt`eYaf$gNF+^_?wVr~vI;>; zGYlrpr&rTz{;RRi%4A?_2I zY~TvY8C;46<6ZsZ`lC)|0oM_#c5^^RI`L{)&R-Kny&G&P?})bqP;b3s#0Yz9D@f{@ z#uBbosC`!08pw5G*Q=1p=Y?d6B#)73UqNJp)&M0(oGj7xDRmgPW{cYOzjKzio7YD_BNv@ z>0=}P1|%|Qxx9=gCPlb|w5mzn!lI+|@mII!A1_8VBh~!HuWbdpQA|&papTVgs6Y{f zBH--t!49N!D`qm5(Lwh|`;Iw=MrnW>)Lq6baZB~6Qy|wESX@(LkLHEtp+RhsYE4;L zcyyw0FOT5-dsLBYeR8p5?j0x0{6gu{i=2C6_8}%%h2l|X{GrH;(><;n<#SDjPD0fiQkqy3i3vOwNm&!wSV!(X)lP`CZrxnaRVk<4(?t51Y_? z65J*Z6hty?YznlOmY`=djAR{UJiyxUnRru}Cn?I({@8hEXw8L@P9BMmgG6RyZKSF| zZU_L!W@$Px*E3(P73uMTHUkM)2OAc*H?m}Oh!j@yc5%*F!v+XPeU?ZHCOr?hb;SHB zrZHk9@7TjdyFW@Di*+wFChZF3rZ>uURo%9?F!L2Tiw)`9(+nt<1v=HfSR%j!ZZ6Ru z$z6V&hMhl`-O+0NKM)?jtfGhMW7yHFC@JNrpKh|9MF8eqBhqL^cge3SC>67VNw25l*?A-?FgvDYe=tbu z@HFVoXXu{#!_7dzqUTxThJ-O2i0x9vwSXG`tVq>JI8ju@sJn#0#Kmkr+=_U-NTO$t z5zL3;YkQDHvPg2k8xY0D+S^@;@9DQ|uQgyvj~*?by(ge&VIBJ$9ks6zTCJ6sot5Xr z1-QCs>eV^T+?fRm?WSQbz?g#tQL7!`&Gdyn594;SPBdiz6W@UIK!?O)yX zs;xDWG~A3a^aVm_L1TSOjMh0fMDs4XfhAwofw;>)wZJdn84JAfj@kV~1@ z)2nwWwo)PwWFoc5q?KHQrU+(G=nWJtK2H|OCKgQ%rLWB<88vFfUGZf7_6o>fJ^gLc zI>qk_6ay4eCjx3;w9j$&B$Vzx7K^5*nvwwXm?$r@4nsuvSXPO?*sh*Gq><=A&R=eC z=b@`c6?`PVEZUPc38Znj0Jnc8a+qE^y+V-LgxS=ure0fMxDV*nB_3rf@*T z=9y2PvOO2Aj}%}|5}2orjc~7q9O1N3CK6*$fy}_R&G>mwh!@7j`g!$nT_d!snC{bX ze%feWo(*aWJ$tvu{5+BLr@E%MbrTT$YON?n-7Oi_%}pq_Xi@G5iL1vBYQ*c6oDQpY`;hqT;t^+aB-0q?VC;z%%$H6 zG@}u1nJCQI3!3wyOL^~H2mmb_yVq6eIcGvAE#g`ZGoAD%bLu|6}vuVdKrEZG^ zWkXu~hX>4wi$IykLw@Auwv5z1+0hy6?aRN^QudTl#yhud0O+elS{$NTlxxIbPZI8c zATt}j4yV_9f#PDQyUGqRNj|tXd%#8a8Ff%1;V|&yigaWBzjf^|Va&U$a_pFvZ zWX&?N+0U|cbmd(9VmM2jS7e9K#q^N(*Hr@PimL9%NCai?gAp?haw&YRs9OxjIYP{R z9LMDK6-Nki{S-W$ONFHSQ7KQyDLn06337L%zqTEQd6nRd2e=<5Kn_@?oggCpowv-5LX)AJ?2@h z;a}(k^eU}*^HuKP%0;m&w$LB0Iw~M0IUJgR-Bq>SLA1Y){MrL54(Ive0{M~vyQV$wumCH`G~?uF|kav3&f*c z8VhE~Z34~F79CgHv6TEN`;cO0<4_lW7VW0C^Mo2cobnw+a8G|w0tpw?Hq^v7dr3%b zQQu+he@2x5oy&lYH$|JVgXs5=i*D}&ap9OomZa#!tMr3;(CFy`w7s#KASct&IT`=g zEt28C#if~n7!yQ!y6vU~cZ~sP&+geeV|~WMd_jf3%nAgV5m z-iyZydhPc{;Ak+Y*VseCzFrvyf(ublrd0L3GYBf0V}y=ad_tPb)L zP15N51)Sm(5w=#!l(nm*X04e&Z$b3vw`(~>Ku$!0m4`vxlolcw;QkhC3NjOsobS(7 zMGqCFRg*1=?Z18$($(O=k?G-nyc7_oa(F_7W(G3aE)(V@U6PKCrYy2I3wP6+den$& z{9ce*i~B7WpMMCT5onlEAAN0E{&znw_zlHP0^I6amI5TE)eZq6Q_gOL_KLLG)9-c?nJljwy&E;0)9(IDQg_sdF-TjyhrwU-LnN!mk_ZNTS z-_2?0T>;dQjaGJ#JAMQShiHPLK*!7zp4( z#5F(mSLD*912p&6J_GGt9zZ`|jejW>Wua~?5j{5!Jvq;*)Q+h}agpB==1%NK>CH|U z`<)78Hfn>ym41lx>S03NYE}f|8*O+R0M$g?(`}G;krdXH1)@JE`+HtZOI^)A(Rw<6 zyA^t#i;If=#ysqr5tO>p#jljm>jD9GQbbvc9O)0IPQyX(u{#S_f3Rq$cu1jsg=j5qmGSeU=`0Aw&6FuqqD{YDYt}j3e3SI` zu~2i3vmYT`5Cm2{JI9*2y*(tO^}52Ss5}(<_4a62OfQnnz!^ZXHsWew9(-Hwg0IkX zqRmpBCX)0UhyN6i7P15q_bI-54x|~!;|jdC6^%m76|X z_IUZ{`G=NNc{uAlAgaZ-g@j18R{BMrhSS*q8ec=~g}fTenz~d8$XEf3VF?WHi24ii zk2=arRLy8CAX!Rv%6>_Zc}wuYUE3zNRF9NazBX?kYf|4%y=Yrh}=$7Oo zN=3H5*x7NmlJ++q7tL7Nb%$MJ(_ix2t#9PifIM7^cZ9(s%%)Oa($=#s0m-IDvgTG} zlS_d#N43q90vljUX09mhX6Vkdl#pJ2St(BNELVaZrm^9Jt3|D znmNQF=GTY9$P?|c{28{r8ZxUkQLj0R#Ib_>6?+E7HvxfTr8b`U;EmdZsLog7o3 zM}Nit?)xOrA_sBej*A34t7hWIryb`FVJ;Ex2Ss*@pIr}RF3cg64$JLhLTK5n9x{rT zMNwyB4(a4nb3>jSqZy{1c%wiT;)w`rcDT`>^m0f={GTtg?KTVIfO==V>d@ zaY&YI$@t}&U%~Z4=%fbb79-+)k*;x)N0;b+=5Q>3JFwT0(o#+fKM>7upWoUV>)qiT zM%hi!QS@fyR6UzJDJ~G{YM@nDEHcLY;{x4Mda+tr68ql?;{KUMObp*rhJy*uS}|P8 z{2ESCVmchXJQqD+=s5zieJZ~O8`u9DbYd8@I)OrcC%eH_sBPtRD>D)z2{NVr>CKfqg2W3jGM zx~|*;t(FJV>E<}0u4^lrPw9K&1Yuq{M$uzd# zW;ZyTRO95t!E&i!*sbdwymWUzl-t-!(6QmTNC50n=8C89 zZhKxR<87>he~f;+>Wdn1P~Z6Xc^0+YdFzQS1(@e^crJ`n*Bu3dQ@1X`{I>XLR+%$! z?Ei=SBc?(dL*;rQ*)$vJ!!-))#_%7(+$Ms6p{MahwgfvV9!W##tbeGIdPFQ3p!aFWAu+3!$n&8m;OeGs-)S7__p<5^AzpeuA!&@Ss?X_>%h}5 zej+5=4Y^EqL%{8r--;=6P8^?h=S_U(-6jIkx|Mo}w8$3a@#y0G=Z-;|Kn25?ikpM78Lr zc{69$#gj!6iI$A}__rXpyNyc@aB(0$dNTj4xm@myU7mtA$Cxe%GwJ+&iO_7e;2WSz z67hql!8`~*8&@|z67D8-@o*jk9VL3lGk|H_rSr(KB7HcM2^AeWp-U9;<^%oVhNY`% zoOIWD7ARY9h!H##=R5~shWB!(tAG4bHcvE$f?X~ntIcxJEdo7CW^pqERol}ULfAVk ztIVbypU*!eIuf2TTndeK{sEYc975(w5MbzkNvNyWNEC^7_SF#NVsVM*xQxcnp!qdR z#$TMiV?8Cz4y5T}0Te47o-ttR4>z!$5E@n983Axt4k}o{S}#Jg{t`19HQQuS6U#$C z5r^UeA!NYZ>FJh_)`dk9jDw15e3y`H$fKubjN&){64*q|WyU}>j}ryb!o>*kxV-lD zRpTr{^c^Eu+L3ETx_rb+JsH3L%OEWE4FnSXs($l5ceiPE5`H#&1<1|8J8N1@73~b> zVZx?KbwX$$+bD7OmWj#+o1@r`#RJ03_*UX>%cE=ESAo3d_=z7G9MV0ldHRO}c&s^7 z0`+7FlVf4>fr;ycP${nZpt|CA_iHX71)7q+q-uy-Vf$sc|3nF(2vNo;n)FYoY%;Rsn((oFUL3*JjUCq8B^q4N!WKU3-ZAWH_$O02URF z2FU80zeNhxg>E?ke!TC%H68N^;tsH3rU%Uc)7xRB=j7Z!}Bg(v6BGUjq-}c?c1Vg8mGOUa!}7=5nnQ-O+@m6=&toLXD+9 zHuwHGOQ~Gj{uFFbGT1o?@?fx5M+4a?dPHYwkZ?F1;>j+| zqXlI|zq(zL$e#pzv>=(GEbfcf1ewn)k15I_r=eI|;@27;Rf_ z1tVB&Bq^}E9wtOnlq<`0^cz_McqtER1hOeBlED3k0}1{)$(y3HKv78{)2B844xw(@ zOzHc@_3wN>$JmNEfHQnMgt=KYnF(${kf&RpE)vB-E9GhARH_SPB|%QZbS6sgo+|^e zOf=4)*BW15#sAVWHcU9Os{l8@34pW6^%-C#(Zx^O(JWG3|U*O>b!`& ziVHIbuB`+(FTU(#eV8P~ZNS!7!sjC92y*lHo_NgR;364^bX0m{ai<_}yLeHu5W+j^ z$1@G9^M@;gnSnrVDbR~yXN&LfWu4qyj(;jCV@mPj^>Ws|Uo_1aOK%-)zlLcP7YK13 zTuOk3b&A}Az5|oAfGpD#5RJ9*0b%ZHPElG~WSxAyNQv;DVwT6TYdZV#Qq9V8{6Vyt zA>Jw=)nC>Ia%T~ec}Y*aEP#>LCs)OexOkoX6T}F9avy?S%~RNfrIUdXZ<&9T1cfLornlYewJrO(+1rDT*v=@Eq$dBe86< z9)PEKjl%1uD^=43Qgj*9m{+qMHvn-%@t%T3c*+VgCsk`^csYJ3%)_OwtcMD4$}dt4 zu^&qFdBBEwW{o_ZDmB3?8|BFuRfMkNB5=aYmhw_XgG~-emv5Y>oQF3~8-}8|?#p1b zirJ1sIGlP{fLk?#>MA7n5Ki@gwzq3MNxd%-Q}0i-=r1>~73+s$HkAaqbe!FBROd$6 zSllkujYc$KZK9(t`)dAihgK5~cW(-U>FgQU>{i_jit6oy?=0@n)%Z#V;H0a8T#6ks zfaM2~mnmNr;BushNb!iivN@RR&tPLq!nrKj+{-04-WHGp34^&@((*il2yZ1v%l5;8o8JWnpdx z+5z1&JY{PTI7$vn#xKAsbBzFZU~@^fvaYyZP{tDnl1`3OA7!6%Xe2^ELvQzONawMV zSx^alQD1?qM%RN2?RVTfC7#7Wb$$?^2|KyGzgNkR4FZ6VG`ezs$A(2fA`erK+UPl~Qd zP_V9^wOf0f;^mx@VKAx_AD$$`oGZ*3&%!WEM_(xf77&&pU71YU{a*=mFU=Vpi@QZq zIDRk{%*;dat^l_JZ(ONEV)w~Ftj-*LQvBDqcY<~oNI+qYPSGbm5j??hw$W7Fb~^)7 zd*zO7#u&yaGCNF(TR-r`MhCJue>4l1SgIE&A;u39_Az4Lk;se}z*Jt2=JU z1=K8S4#Lj^pI(q_nvLevoz=&YAt}rKS0vYBRnxkrfJZ?F;aO}E3fGaZttr!EJj5+<7OU?>S48~-mePvDu_X_ErkM1LicO>V`6Q^-O0*=NHE1{SSyke z%lb-nqy)0QE=7{uR}j@jEakoGp*Sr|LiII(6^Y})ED2i_xv)*mk&u#%BPot98BDl%gzmRSV1-w3g|Or&<1*>rFnjzzP;=?j)RUCbSdg|nS; zAAE;gZjN&zH5w!7#D6HnUDLtZB+srZ1!)duL9Xw~K2oc=XOFCx5H}(nXpjM6(C>GIm?c`i1^6ueDMrn&&SC zxmX=8IWzsQK!^{;3)OMp{QNU60!gHZvjy=P9=^EZYCT!03B=WCVTb99s|9%Waw`i{ zRaZ5-_Q^5C2-GbYxql>#+0(#XT%Oz$(B-0O^Nt6t^ccb=1tO;a*3J8bpz2tHOW&5?=C^x5ffnWFhYEAI?|{M> zy0c#)O9*B72{;FLdG)AFh zxG@lGh^Bve5~wxq6p^(;kKD(SZU8Dw{qa{}#+BnaL7wNj@Pt$%pP#upr)hVH_^ZJ<^Mqio%;SOl;bh zr-Y5t+;HPonCp&th{bwoKY(X`O&`%65N(bSwEb_TWD=+)sz4}rO&WI*JyG-ZD+)cn-ZW5SNReihhN!e5@{;D})Z+H;BD zT8--jOca6trXmR^%th2IR8B`y^d!_wYb_6AGVgXmLpZGCgFE)w{FX3`)9K*}mEmLx zOU&UYzBvK}V+R!{8}aV6CD7T-=UxRbkT4p)F`Czn1qWLeM%n4YTsO3aa#mA6t-Tb~ z%}4Olee`r^>2kqtTr*EGC5MBbj^!DkP-;Usk&KhjtZ_IjCnpCb^vARDOy*ezt}Par z+y$lLjSGa)6#B2ZWnoiXESfRWtLnv5qTDcsczTqu92+ci)-pMEBirjd|4(7=s{RV< z%UJOc0FM-`CfM_0kr0wFK&A2=iv6-AoCnbNYIIz9C`nwI2ECZ@rf9Qk5$CNeBKW++ zK;7CIJbp$L^EmqO9GcV9Pk7PJc(#DBho`o#c0`{2QWW7qL z*~1gfy{K_xND19LC~+A2hYE119Gsbjakh|&o|dK(KfbuUNXCN3bFXoy5cklWF+yLi zeYA7dooJ5wL$Q$n=RAx3jvGcd3t=IyM*xqWA3(U6dZMPXcoV7n+s6P>W0uA?8m#ej zydan;=do(scPtd8wrAlnJ{9eTvp*8RH63~mJPy=(GvV5N8?GeK+^E(5i@eh=$lSp4 zKsbdi0cP(k*(bGX!^j@NE@i;)c_^6rfKXPrUS6cVK);&3iY2V!Gq6OcQ_jF*nIa#(Dh%%FiC#SxK+x+Sf@G#!RJ?L(8_Ze`)v4po(N(N@i54+jstxLU5_Tbz0+#hq=e3#!NI_9 zi%$hPHx?A)6vi$mSG1Qf7u+LFJMR(v#=YoD7J zGf!_FaBkV4fCv)I8&&<$DaiFlkBk~EE-8?Oj6<04DJ;JA_#>k4t}7BRu~fNVLwERYhquutf~x0z`7H{mq7 z9p89~0W*YcvQGe2l)Z((Y`a{Rf6$7xWh`b1AV)^rVucfZLiEHm)orU%{Pyx3;(fjj zEZ(uo6+mn@t#VG;L4?`M=0$AO)TC;Zg*z)Rv_tV{K}^rK{?T|#zujc~I(Ydaw!9LA zx{O~o%w}1QJ4KUXw5L~AbE zi(o9TbZ)yY84od;zF0slI#r^u*;$aM9qT`mHhs!$YPt^CUC)+<%18d+hyN-E(;Enj znY(d>K=W|6{q%mHC9~5NHZ=)0w_cwo!}5z{7)>{Tz-kG?m}TNX(Js=lzcrUWDZqK< zQJmf-!R&q`DH%{&@1|@Q3vV*XwOrY|?-c3I$YMA!7~)}}&Yfd-I(HCkzDUZ^4$T)L z?r{^%A!TE&DzdD0u}-pn ziFE+gc_frwVR274hn-KA#$$jLK!R36T$}m*B@_bxRT7W0_6kuA#a71Ic6R|gT@wN9 zhND#g746_MCXD!H_P@>_x|9^ncjq58%9s)r0qzCX?|zinq#70I(){$ekI4ykTWF)! z<{=(XUZ%t_1A_qP<0QwORAfqUSrST%b&0?|N2C>pTeC zI*7HZ8hZ-x2-PhnxnK1Nay_|ptpm_bzx7wo6Be(c&3sP*lsA4EOk`oy)E&(*C8Bu< zpaZeAz?!9Y)6J=)ip*Nro_pf7`^d~KBOsIO-V52V;}}t7FJEpJ?3YFI zg;rM!NtF4az--NH!=Khq=6>?09Mu@@L*ixKO=#9}BiPXrlRp1v7gE99m@<1svPn+e zetKM?->x=SNZ1JIibMVa1{b&s!dy<`!(k5?g3bGnmeHaTMfpJ>R-l?zT>iR5(2U8x z|M3@*IhQ20XTgS-dze35+{`2bG7VM~W~MLD8=VM%2_m}(k9y$N2kwluixjw=a~H4@ zn+ozcpPfSBJX@sEQAam2ul}pk3_?%^=Ai(p%*Ca_IPz~0u4B58ERTnzPW`_AaD6z* zN*^BAWe{dKj>3r}{}SX1Xm6>+J6W1k7OP6nP~7AhU>l7vm4{ ziywt%JaB0V5$|MC^v!4sui)snKUa89*-gh{rN;nWZmF-Ug!iz3thzdWvK?k{8{;@g&?AhZ1iA#mgA<)`IJQ$dy1S{hr7p%qxSp6G z;3r4Rr-e~ZHPDX*EP5KmY?wuF@#KyG*e1;#^5JVDor|CB!<=&3Ghklbk>`1|O5=kU zET7Gj;u*wU%D(nEO&DCq=0`xju6X4+Xm884JfVgIl|o6h$NJCb-zLX+Ia_XAUCAt)(oqIebq+Hl9vAJ-K)P1$FBdsUGp;8r;;-2O$YpX1 z(`$OGzLbBvP&+*fVx1rt(Sk*gow*vDznp&zcW|jp6EdM56%A~#Z2lx|R8rSQlL6s0 zS_LsG7U@BS5fL;fT{!QH&0qC@wcXrfm?pwwp=Ci6hx2a=fU`CDO38z0zl>H*2N@i1 ziFRSy54npItGxyU^HUh`q#GUiCx}~4EJ_XqNhI0vb*H1#h;PO)k4ZwDnQnw@Roq38 zdC@o#PU&04hg1QzOzb7Z12z6uHiOh&Cw*YFpnR8OYOMcuo@@pu2Ccih3vy2=0xK`dQmxN`<)yuH+CbJx zpzGRHNr6suR=rZ+djt<~Q!YLb?GX%LrKn%=-+7@;oC|Q9isj!0GINrI#Htt133C(5 zM8+YedrW%Ic?~L(OOo2ggqSm}b86<@DC<$G_}0gu z)LfDTRwub2JS&J#QNidYAFI`JpMbbuac@ICNA&hMK%n!RfeJ5sSLr~Zt}O?n#heK+ zItim&mk`fY&qdu>q`?r&gh5Q(<3D*3HEkRV5TJ*nS0IzLR;x}ajuXii*-~E{y@yO8%0xU8xhdh zo38tx|K|?k_Gb=K^~d1tM>NQbjdcpoaOuZ?BgCC8Z^qJnXEUKb7D%120qEZJ&`2+X zJU%Isvc7Zl({{Dq3M8dOf-rQ(wj$tV1BYZL`1eE_IgJAdXQg^F+r(&P*^dP8aHQJhV7GHWW7&2ywA>Ng!6r(~RoI&~R*)A$UqK zoxADcAFNCoYAI2gi;qu;bS*jH^~iJL&{cpCQ1CfoK*txLs7?0RJi}G4ckc;J;|~+W zur5Atx+)0ywvS(+z3*g^ZiH^7G7fZo{am5ucV~s`pxjfg#`ywWg}E4EXmPBu8jx3~ zw@uKDG*cbhw+)5`5w!hCX#yYbX zxnhJMNo$afruP#vWh{;nm357d0|W6_Aq+Xa+mv2RdQO0A)aDn5+T%rGZn_?wOL92@ z8rIBH(hs%rnoAy){<=7wUp6Y8Hg z*wz7bdy&sdXtQ`1uE6ju!sf@sdP7(?tQ2XQCrf{~t|6ZAS;mY;O&5RqQeK4hWtvk7 zbl=P6T^@b^4~!iplOYK?qAaNP9Bg5j&#UpK0Gds=?)=TkvBCO~&Mhr4nWlIz!S32Q ztd>}FuG;{_E#u@=Wj)~`zYW1Moh-*+cz}ZtJ5a*S8f^W#{KZ)!fzAM1XuI4*<5guq z?WhcogN${=hXOn{>Uye#eMlR^>KlPF?C?CmuK%hi*KNiSPG$pf&&K{AXI0J=$9x6K zyq#ShC8WSmeEzFIZYAE4a9d8{9fqA#gQnnctfqvn@5@iT(`y9A#%+#K31;b}DlpyZ%>tk7)GV0|Hk1B3JPTL97}C0?RnV67pN z@(2(i=PHo%g}6nCS2*C{GruK}E2<~6(EAL;*22t91W#uAcLlgKMk97l^}|6$Dy-gU z)=w4S+_#+KqkHXEK<1Ym{8;!{ILc8KOg}8g0f!hk@h|n zd})>=KFX-;>(x7;xg4uaGSWLx!64H`E1wbK?4+*b zz?UpO?+a$=C2h7mcu$`UV8+p*cwZ%5*qS?m!lQYtDSZ*5D9?hbWar~{263x-TpDed zd;k;Zs-lU)vkc8e!mPK!`jDKDRFNzP_dh`-xI#}?6q(uu7|l?eB+%(_1ncE8T%0V3 zHt4~2HoSqjb{7B_jB>!^=D8`K!FZJM29C`e?Fz=YOktgn8K#T&cdb_U<7ro5>IM9f zFhUEXKq5-(Qtwclk!94R2d}8WlT)35Wh4G@Xk)l%TVSYXlCylgG@W$rUK|lP_jKV*)e(E`222a(-zvYE zdqk6+u9o4;g%s8ihkwgysBF!G*7-4gcWAFh^L2ec&K1BMAP{_4JS@UvZ4M6+vvB-P zi2J@)!<3b=6ps|iP#SO~B^Eo$yyq~Ay1ID}72h3RSrP6QvT(A0vh%(v%vRkL(#E4x zirTO2!9Q-NbiCM{&~3EGE`k{qv`PWWwDx{WkohU=G$NIb^xw}CqV3QvK&f#q6GY!= z$HCUMaId@sl-s2t1RcqJU4ls^hZ&asGio5+=uUaql##IGEP>1tydPOf4x9m%HH>AL zaAw2tA7SPm8mji*q4-pY$FuY{924Sy#fK6ad6lOcYt@p>^G4GbYe**Pm-UAkG8dH# zyQ=Q2#U(|0yV~Y&+18Psb|^3zBX#Ob$TXBux@wW1C4kN*a!zk_i!cva@L4TWEZUQW zlEpB7_{{x1XXS~A_mJ$744UocfRZuSK5S*2n*kU+nUnCMU4Z$cfbYoY<=DF(jPXkJ z06qK@^D-KpVp_mQMVsyYyl~*d&Q^N^x|VQ2ac*Vs=@m)^^m4JrWSl2}-dV;HR*Fp; zpeTt^-#|W55$%4U8&I_m$M%g*!bu6?AB&M_Cz*rSByYMHa?vPMlfeY7O0yEWWiTK4 zgiW_y7^S0pLeRRQNP(gfez1%^Ak1SUMJOAHRp;eMi)IFakAyg9sU^`m_QVsyTrKWb zvg!B5JM;4o2P-4UkMVp{fiM`!>dbvW=tUL=3}hn&##3PPML8;SO>8xBxsDO`=^vR-pB?!2IF?Br_+tr=1>XeDuH^8Z7y!_naW>RO*QRr{PU# zhqNF+ufJSQ0|!zz+*b=^rh2I@jyZ@lZi3E%3iKUowt;z!WJUt*plb(^2XR5KO zFb}we*d2+AQGD9SRTgeJDzr)w?}U z!|S@qSv)#`*!$S%DWAIyRvkukf};$3{>TfWq~FXe1?%Bhd$`DnlDI6vYFyU^l*vx% z#76V*GOqfMEGDZftE`}@r%VE zu97b4VqcC6d-DP^w++?(exb~y={roH677BYSMxi@;OJP4334B&sDwH$CCpVtZc9(! zAccGe%?`8DStr!9N$!9=J;YFCfA01_8P^8UC*$^WqzbbjBh!-{6S%w35&QRp(}A6i zGxRT!jImap=HOy!H9ivH_H*n)R}uXKAn*-;t)vP&G@}WXdpox9xIUwq%AMu5q4-I~ zS>g$aL`9Kj3UKW@G>OnEe=rC{f7PeUG2cHJ%CmX~bE_)tS^TO1Ekm(z#Ek;UN=|Kv zqms355#(9IqpAmw#NPza!X~2ODggeF|L2I;mEyoZBEZ#|h0>YbIc~1{6P)(tk@&le ztf>+b7U4&vS<)RI+8=|RjjON5|-r947u^biq{Kh5f}ayc(Qpk z&z)nhM1bR#f_PIS)br4UsBp^|Fg!!jVl=lO;?EXghGaQrR$L>*!wV%34`N`k-15*I zt3e`UCRAf9VIFem>v?NK>!?xp!GQWTjjL^oq{Ao-yW1Eg-SI7kG>p0sJ#+q}c0Jnr;kI*7X_!EI?5F`2{vb7%p?KW^} z4iy|hkd6W}Upf^N0UI@|)=5H1$m-LE8Bsgm3xZ&@0%RhgC%eVy_rN>~n~=mY)fWJR zh{(I!97782vwCH&T?B3GmYYlTiE@owNQ(0zqvt$<*^WSD=;XV6zA%r(MI*#1>WjOD zxE)m{pgQK z#RO(N%D%$ z<))|bkNcU>Tg0zr&av4Fb=CTD$dK)IGeORx0f~LIXJ{gV;@0}dTv2GGLGA0?2+Kx* zUUQ5C1-P8FTce;taJx|`_2hB3CF-repX#hoOc7ZejS|>zPRqX}0s)3mEip#nF*JoGv43`)dsB4ro zn>sqxm${8{S5azZ5REqGhE0D)GT2wk)`!u4Ymu&3EAFn`Ac|>%=qyHJ^Q`*1IN;}b zk{0>y_Eh3NL9QqU1LDWWljr5g+zJs#D)H7YKwL?220s_1)^`f9O1Rhb?m(<~J}Etj z>IfP$7V8UerRo^_Z9GAIkRYwKDfr_V*%vHz=}JtTenI{PMk(CT%5lbpKs1za5|YZd zy~r8hg~|{x$g9FARSO>dCh6(5i-Bl^W;3g*v<+zc1-iPk>YH0y zW7;nP%neit%joUBgt#xH%R#0biq-;4uRY4Z@B?A6n*K^p32tyno)gLp={zqLGO;Z( zG7(^;E4favIaJXdJ5I4RmjY2O9`CTq;|2jvlRW|y{}BWid*mM*U6=U_I=V)$^2PlH zfTJ^a#O}YG6wIbMH4P2%vIuwRgq6A!-@gJdtH>||3X|+-pc00GKAu|pd6p{0pzRs# zp+7DbMAq}>FRY0#T$yK$+{ObWIsvY8bq==mES7UN4c}Iv`N4SV>Xa&i8Ju7kxg@iZ zExLweo;PjSka;0hQ6?U~7S!E>7>S(#S@bDkZdEH9UeEP^6bZ4?b8`!c_;q2l6vKp;9Xbu8(K|NaV+YVqt_(q|ugJ+up($qvu1%ni6N-vsEo`j%SS z&^8h3K~?K#XSNh#R?`?nvW`fQ8$|Tuv@b`yl6iQdH$r3ABfu=HK^T%-I=*RfzhJ7` z$o9aV+Hy0btA_ZZj$)xXLZI`~!vK|dSOB%s#kH;!&*EP~XktfZ!aMN)pfhb4@f5HZ zNS81Drv9M%^|&P^pZwvtH-i{}OdNz3{3UL20i)fVX$X>rs#%Dey@)ZXV_e^DK(4D+ zzu_Ki?FO9=;RffG?&w!Kx4e_P856fhDuSI-&qwJLb8-RA$=nA|6XXu4Lw5{|-YF0c zv67Qkxt%mLo^g&~R*HQ@XI<&5Gs^rSp>Ud;A6jxRx+722hUZiYpM$sIouF=0dV{SK zw_k&<0}W!=j$tKpkF@fz=U8lZ7XXb>giZVoqz}D3gJ5fG1;-cSvfS}&rvk#ehzPpv z@kc=(J8ZQQrm@Tym}5TCZ%+wx9TuT7L&}(ZcaF@^v)a77C&V0`!Qj%3v(p5*qQvds z__)S6K-R!^-DpCM5nTdVkeD5%?%44jD9ax3fcgIaF?R0ZRTbCYpOXL)^yCp$t6) zSkulzD4fB1U*kZ4EfX533V{}(@_UMFrOSy9CS9k&;ZT85*RQgZ%8fK{rhf{Up!iH-Z7ucf|3 z9j)``nDPjVYA>@)ojveb0;A0sWarX3VX2B=Y2j92>9f%V`}^9`EK6XeFIo0?!mQt6 zH%bluBEWiz6bOhS;qZLP>%dfu5rKnw{!Rsr=2yxjIO!h|a!RM3M2OenybHfWb9O#a z%4G}?e^Xm@G;*bE(7hBP_-lkEG)!E&&yrO4LL0|=bcYaY8+PTXF<_~$c+*fFk;ctQ z39IxsITpL$S-5T9zu;@iqVnI@K*^iN)|(Mt~$P6 z2xZWAjTA@I-z5y|a4JftbF%(U&jEooP42*m%|dAE|g;Q}Mz|?x{Em z%CD!G@KJ!G{tIKF3Dg906v{?Dd4#jy0j2D)f<&4M|9xcXu3acl4QV6+~$LBKmnB$pGfHZy2u0$zyi$X+Tc|&Ui1;gc^8U(x2VP@-a z(?~&H1!u1JI)z9f zpa1fqQD$yrWv?i94yH47v>Hh;`Tr3G12PLTSLy^DYMMT@w zK?n*Na4RG$Vvb7J`o|R2DuX(U@sUvjTVg;+t~=LRC;RORLx5b)9dSzi4+>f`VS|&d z`l6uLVFqU{j0s3n1HT59%zS~fSBDcY%>fZK4-SReLw zwRQ`zanrn#O1!`sVyOnHO*He1m8#XNfL6d;q5xW){*tKR*59ubjz$YD@QeJ442zMi z{S|DEURT(f2RV;BzBuq*<}dAN-yw8rADww{f)IEhKeM2~Z#_2k(L{z}*`|>B$3l&_ z!x4dMwr4*PW+j|mSv)IlfR(Ubn{S^+5$J(-4agw@t;}s6mD_brK?U+B4YQmg$nqM4 z#dj@QG~ZvCB|QdS@YM=iP*1pHr?fNA^bIHQ zuN7CD$E+m6F7xw(jZsIUspmWL2_PlPmKhP8%WbTRW@Vh3tSM$`y<3P;8Ry@@m+=Qt zB&Gu<3GFd_D#XYvIUKriF7iY$tDKHA&Csr>%06GXl|+MT7~*}4Kucf}#gng3|E@4A zO9997QG=az5{Q+hkP~Q+P6<57EH>x43i}MTc=yN7`=bW& z5F-c@DtySne?c^gW@F7rVI{q`Enb#d0HNiK?-7q2OLsmVt~&62&IYgw(VDYZ>d8(g zpyWU^u_GJS^bO|_5hlQyInGYrR*0EkoczRG+@AoYj@OoBx`p8y6!@z!;}QwLsCn7W zd0im6qcMvIhtuB(u+bVhXr9kK*TS-P)-*aT3SSwo2)m2pzR&xplgbPw?kj~D#gJ6y zvEHfiKRYjl&Eupu2O^S&k+p=#T4rv4w<1MdiB&ZRJ0VX1O@9?U$%gfqL>vEGMYo(s zbDta1^ix7e5fcogYsk=hKq^WmyRKZO^q3HudjvxQMEkRX)^5_ytNVQ<2s&ov1E&3d1s`rw`t&Fa;_O8wz510aj)d7E+Kb z6JqQ>g@cO83e5hs_&)YRa3e-Gs_8<`B^LY60*$on@3N5y83JZin8@l(CImedjY^_C zD@_#n(-ovfxeS?pkOD?^77Fz4!2;}i?3aQ+u`EHx1JiOcC;FVWD0B+uvT8r%B1=Y# z{%~%nI09%*?82GCe=Wc&z_~yMMs3bKG}toZs)69lN+h|&QsOk1&N!l!5n!XY769fP zThiBpOH(Owc8_JCZk`RG)n`_+vSyY6Rv$!IP5^O!TpvP@EcSfa@3>t-i&0WpjQKrh zmjux+oQg=!2$T0SLLx3sN_1cdx_yYnqK-PEi8b%rLZZy7oAxw z@T0atZt>>{Z>4-NzuUFO|5%`LUS6VvNzN}4Vm&LH!Bm!OnmlNdt(Wu0YK2l&OHaQ; zkdZlo7mTFuHzF0Ml2Jz2_T3=J@(t6A4N`3&YiSMw$yoJ1ftFfsIE?z30Q#BkC7I_t zO z^ww&lgTi1v*4x^&|1b)&>A3TWa)0TSyp1TPbBnv~Lxz1ypp~fvy+2b4(iE!$@Hgav8MowcxL0bWU?Xs&aAQPn zb0IFKJT*R`5z9R>E7-^&YZ`2vQGg-^;mXg~_g36Eo?*3}>K6;6);Lh*h=+f;EelC} z!Br_{IYKS1N%#oR0jX2Q*?019i&~?%g4SGR&)is|xcD_Y-nArXXu1^d^k7zGM;zC8$B1VIrM1*}mc0Dg@qH zVzfOG1f$6;Qc8&bO(B+%U|bLeZ@mhDo-(2y@xlLo8li}PWj`jJL$4o!8IeZdsYpu% zuH>02G-@W@56?j7-w;OP64@mX`Rr>9PytHo@gqJq0)jhu**4uGfNI4Hbs$@X{&YHs z)qS>9PcVJQ9|KX-++^*jxnx^^|=e%Q9)RuMuj+$wcyziPqlhEIl2mV?Ln(cNV2SWyd-w zL?C8B?NhXvFmA2?xgt^&*p}p_bh%$hD;;Se5#=>u*0q8Lz16b$^XO})7-^1RyYymW zS{Av{)N`#Ms8dxr&opqq7C@dTN!gatA~re0zG~Ip04)$?G%BD+ao@>=5)g=9SvV63 z(SNF-MbKb`*W{N=EfpGfRMbgMPXa}i!Le^xo{bP@MI6gMP))qvXSGG6ziEdi;eR2_ z(ywLmL6y6@?ZfDzIRB;~8%3}Rsi@WcK6Kc3X8~Jt%KIfe1Ka*XAPGi}&R8gJr~t8& z8M0g|h%P{>Dl1q|50AnlcWw(8M&u}LrHs$P&0x^|jEd4B`{2tS zd*5&BhzETzv1Le=`C5-TmNHGreOjDqoJ*L}a70SZ6XO1T0mcI(Ie8hJ5j|gT$&m7u z_{8G;NI*~WO^9g8f-T5f zRW|~_zSul)$EklnK`O$oI%g~7m%02V5FjVC z1Y$JEk{7ygqAV_u1}LtspTqd(s}yF2n8MIe=hGJxG76|87|$1f0Ob!{a|!Y>qP4U3?{DzDZcDzy&WPJD+{=<1OKpKhN6xe`pxZFBPcY4n zi3aZbAwb450IRaj*p#Ax^A`&v{oo<&Nq@#|1g&Oh)Un$@&iCU5k`MRUlHo+fTa5>8tEG6m$;m1DH<`&9tO2D1|!PGH?3#F|M`dNR27_!StW zWQIj{^Oq^eM_4mesk_wp+WSC^$MaB+%?f+m3IDJAfvqjCqL_kSm7HeEuzUnu`FmmE3y{rb$sR=*m;S{I?%;-?aHGmWt9dZT3 z2e&3E7J&Isrq^5)0f`EfF(pj<69gDpaU{wtpv>ocMGmrscSRe+&Q)szIWu@zn}h zN=TN{5*7Jpg;{xn>jrwrzXe&JnMBXWBI>t~gOIK*2^iNl3$Q4K$;v9Ms2|<}Vrk2? zrjE;gaJ~y>-2?SJSB0VN)h0l|Ne=h^;iSHAR79%|<3P%r`=^4fZ26cvOLjQ!Ng%Zb z$`R=iFHqPD!Z3wvZvXeKAVvdZ6h`=Se{aA@oV#O`R^bZ-L`}rxp+mrTwn1Yt0@DJg z@~KohS=d1*{i)jktcD}Y>PoZ^>o41GkyN>0GBiQ}X|tKhW*3$M#eU7xK=hAE+Jsft zLlmj^cRvFfO?B!_Y`ijw3AB=7>xD3fl=>`?8AAITNS&13N5?F9Gyn<=*d1y=Uujwr~6+VRB|x)?SOseMAsB7s()4ely^w zcDul=p~h%uyml5F)(L;CU}z5eLMnFMx(Tpm$xd)U6iYcFaAHBN^h7fivRX|<2xV~L zq~TEVnA$QIB_Km@{820L1{eL8~PYp(#pNUVOy zam%Zg5MSlei`cdHErP7cBDZ@w!*KatP;0Uh`52htb0Q=v16=#aYs8^8d6J_xtn zD%5(@3|8ntsDN<-Y$-|sP|WJ<4#hM|WN9fHCV~3}MpeRTFyqHrZ-Cg?SIDuqq@Q;b zpnFaIMQ^6QDL{xt=6Fho6+(9vhpi-dG5(fC2JVPMJk2hB2V-=`)xq0N`7gb{JLEx#O4l}7lo7P z45x-$6Cl6qJan-irnr`MFwyka9!Mp}p!ont1Md++6iKo{%)j(q0HbI^*GvZ!uX_X< z<;xNn?69$P=sh57IkOTE8w>$Gxzq8`0xwfY!XikC9rz0GtS(boKGM!D?_07nWVvQn zg6{Z-LDJ7*{-mCH_CJBFW@y|sesR!An5Cut^U6AZSO^u#EaNDvB=zGy0H8mN#xkJX zUmk@xfk2o2gF-NLH7d)}a)0%Q1g%9fv4v%wC-t@ewP34t5&m#c78=ArQd6~ao2Ja) zD2fT{nXO%xnsAAuUKkk}VOZyB)$^4=bDdP0_{)r(>{^jO=Xq6DF0SlZ$vI`yQ5y4gi=zM({+{Y1Ay7oH?l3dE}T1<6VAceqQMd!e4{P551qcRjPj2P<`H1=-w zMajr_`hP&J^GTQ!jf2`C;1DOA00^44A&O~@8?Ts)n%zGrgdDSUT24oqz7{|+QPb$C zMvpHEGH7IvpE}N$D8T1I^yE^u3ZHQp1lsC^j+_uuu@eN50Oy+U?B_31kPKwG$*wohM%c-d4ppy=&`(FvQ zX&7raoh7u(aO&-iRg>%aqU(D?^k_(}*S0c3M!<|{S-8MZUiT?g=ngldR!5z-Fb#k> zY@%VR$NX6A*QXnl7koklp6T7rKGRT%C2z4mPk@>eX90ZDsXaj}5_ah98)#c&x%&Z3|DgIpxXaR0V9Yt7&Ga%j$lR*sa8Ame~p zC(fx38^z*+eo;r{;HW4berV_%;WU1}AS;X< z5C*sWL4jYQ7giW7%GrNn*!x--l+>wjzqcy^E16|7S9Qqm4ho?PFw(}d6jA?mA+$Hm zF)3JSkL>{fnWV&F)Edx}ppDX~r?~o6VNzhV$mA{V+#4YhqT&p|3BTK09Ma_EoAh|E z2r&{cJF+aP^&hoCx{gU6`4*m#`ffxbUJmp8q77l&fzv7ek`q%YjjLoyfo}BilTr{? zFySJr02yne4m3kTi)UQRT~b);QXht-E&AL@iJnUKgY1d7C0T>IN3NlJ^dcIBn4_a8 z@bRm?Eu2FeGg|uJ_i0NeILIN+Pfi81;eh6=w7XJ*DR6jW1i`2++}$!?ks*Ax?KV6Y z1%tPux&DSTd255#q&dN9#MrY^NI_z*6p`bEkb?H;Al@Vejl-iG)|k5})nwsOV+6N7 zHU1hw#%HpN#7_vGRn%v>N3!N@1VXe9xXMM5`wIr?x$wJgMH{D^ai1cPF!Zf=Xl^#`E%+Cr2K z6!&r8D+tb~LAg*t0b8X}6)uccMJ(-;&*hbM3dDN`XNJ#e-&ZI(h|*!-Sq2DWvrqbF1dB(qVk%fzNp$6m9fr|+n)pU8fj%kom zufd=cLI=hQWm7#%fJGaNZkKsgJ!!j8=H{v6CyvebPb*~A!>@EDK0qrBGqR1SW06oj z0|E4z=(9QM9C(Fn`%Eh(q-Q_lQcGCZHWc|2hFA>PO)gnz#<(9N3~JAoi$b(fL+yi$ z&%c1%4)0b-O#yRY9rB2Rv?huQ@i*R&7FxywYQgLaq?BI?;*P#j^kJ9?$YFQp_ zR@lD5#)ng3N&ja-#^t5SnL6#zc?1Xyjg@JIzghv3j0^?heqUB9{?%+AXc3YPVstEF z+Z2{VGHez|&N6?fL5G=@OW10M@|bSR1_8ATFpV@3LsXK=R;<>}fkKI0RKu*y1$I}E5>R+=t>Zyg@y;aA9=7qlA6RRI2~giqOj2- zhaC`;v`F$Rr@Jcv`9HG+(XSt&pr z{1nCgX?dW=NbEz%Ukf&e3>o&qii0~-j&RsAI>fiCAPO*#%B}H8C1MREZzw@C{-iJ~ zWle=-`!@y9sJL!r-uHh~&j()@JaRPq1W0R-;UoD09k0`ws6xjBUt2 z+&(49%2dN8AULJNoHl?~{_%wfAK^~vdY@iET%!Wk8BE|I(GEf>4Eq5XBFs~w#|Wah z9EwKG;73m;NNa^59A6WA6gDOz4eS;Dn?fu@?Y5c6C$uk9>_cW!S)BOTRKi9pqRG8e zjnBLa%qoEYNrpl#aQ6$efrQOlM%D6K4N-A6X`R>g3Qb%Y(^o3eIdZokL&JC zls^6|VOBIG=XqH2any{<$gj3_Y1NH zW@KSS*Y_F&a1BdMrB0p>014SVmG`#JKPCtXIo%ZQ=4+0^jD_0#^8ZxW^1vRR$+gxW zjG`c8h8^YqwngC{$|BA<_+zi-D{BZwLQE5Uxe%kksMh;2ZWU&QWgbCM`|Nc9#s{o+ zu$T!V(x!MSu>vL&I?|>>5DLxq2dm!_A1fkEotO*J0{9^c@*1Plup9Ay6gE%j6@E=I z@2zF=_`;kcf0zNZmX)gCIwLFCfE)Qu$EAyRgT!=HGCLpP!~z=uSXL@+t3m;a+Q|FS zLqaLwEXEJm?bixg(?_1X!+QGD1hC4jeRJl_uV)Z8+E-L!`pFdV^AaEE&QkJ7Y!|z^ki3E#HEQdf8V5#Nu(SyVy!=rGQ$kvf>p?b1W`u^sQwvDPCHMJ9z;X zDcq`{o6U}jR8XONU+1(%VuVxIDe^xNX7rXCy^;)nDJU8?H4Ftk>w|6af=4?fzQSta zS#h~<6?YsAM)Q10O)5bw7!Xfu{0)LE!KqMFdH`I6x5bOIX(8u}{}2QfOY7K#x~7f* zRV<2gJVTB;7DNDUev#|xW19q6ojC`N`2>UDx58)_JU}GzqxHkt1fen8>RJ;+lxu|0 z$AVT-Ynx~(5O6CaI>ADjqSabtBl8Td*sk|C>uaNyD2Nk&KVOiQf&l|tGC206xnT4n zcx+5^PSO`fVNNQA9sX@wt@IBHvdp=HqNL6by20Y$qd*#a zbSubX|py15V3>bMg0z(BYG9Xk%6vS!A9D;8sNba+>oS+xh_(KswdBZW45`X_q z#GwYLQ^JPW12+@4!XTru8ULjKvdEOk%3gefy=U$(WZhElyEj?_;Vv>NI5-MtGL7Lm z+JC07(L1YBcS}o~H*`LrRc9iu-2)6m2H4_KOC)5fX`s=)fF&KJbJPbu+?YHs1T z381RMJ8@XR9*m;Ypv}^DhQDUTn{q+}>fHg0+sgHh6v7(s?JO0O;fpcp9P656+oEhTKl zprJ9B(MtVXftC`c&|z8Q&ujuy6_e&dw%CslVxO{6LPwyd`!jE~Xf$ylE(cgfo+ZSh zg-hwfsCu42?i%@-h1d*&0236l*!i+w!yYR_xN9mJWL_0Qt~3G@H6!x(?*y=N zj^en;jQCuC{9UPZ&;(U*Br+gTCr3a^Mh>t89Cd&?)OWhs`b2$fSe8y1Xyg2nqY_M% zW31~J3!$y5*m&|EDnLgbS&asa%O+M3q)oJu&E6}fIdtYV0x35blLiaa{JR0**0DRE zz#}&sSN9OM$`_%oq$F<$v9@I!zE17{lK$XI`%I<>uz)}I7xoz=ci5lCenE)Ubq4EK zZkR*ViC{~O)1>UZYm^OfOJj{6^&8*#`j6`^I>UEkBBC(uCvI}kr z=PC~iwyKTC226f%{GN!C_ln|JK>F$d>$Twa1$61 zaxZ9=txnL#0I1DOKhh{5;zvd>R`IN~9s;xGDZrgw6;@5h3W5i5(aZ4%|F^anupw$M zPO`5f2AO9w_0gLdJPr!6q{D?#;)pZXTRJs$+yukDYzi86#>ElSeU}Xe=u~46(+gSw zwl)}=>;3HlEY(a5rNZf>w1>frP{Fw?t3Vc|xf?-STNfwD3{&`=5NMy{Js5o=biQ90 zrQkTL7R(j?m`4Dp3omi-z`){TzXgf3HXOwc17VQw!waK%Hh1inCVgB{>3N(0Lj9TW z+c#NaaCW)u`;$KH(G-$XjP|S8rwgG}q1voyWbZg$7$n!N@E7&>H$Fy?M$wjKg}j&H z7)=mg>CVeC22HJU#yt*Z6vb|a!#BT*0M<^(&QRcg0*qLb*kt0kAuZ_Bx1_$~<|3?x zvISVhBu>)8zY$^|G60J-%*Vd{lc2^dI7FlIaf>g=SbUO{wixSag6kwW8VxkJqxqx6 z=;?)9lVCxPu7;h@Uc#sb6C9c_yx$ILi^M$6xF?xDid0@7nc@%I%2!qv4t$0IY?B}> z^wrQ+hS7LOd7}-jh_jC-4L{C3o+7R>Os!ONoUN@s8pJG!%T4HnzQ1A`aYo@~6&@-R z!iYUm?rksMMt~Y28A3_=j$+mSA8NX8BJ-#ehz>ix6w~5o0s6#`tamtTMU?J{ZjS;{{R(@#4;3m-(xs zu-s4L1kwLhVR$Y+lQ|>l-&4?9W-9ibD9(!gxM#qug!BRgt)%~58^m2b$+G$i-+KqK zDBvu%VzAev^^f}l2n969R}i3aXDV^+A+t|j@BJUaj79LfL|^1w2h8J76mGSfT#Fk3 zpDDmffeQpp1%8Jh>V_?f7}4MTTq;Vql9{i1KMxd*y}=s7Y%EU~Of?z9!|8$q6Y8&D z0D}@xsst}=Zz^c{aZEm3W77LiDTsEK<7GcdkkKoP;YuCVPiu>YnHj6EAd3D>DGpge|A7O#+&wh#2A`S_PygBfQKcmI+sHj2fr?X0Y-Sg#CzL1js%rtSO zF#EbdSD%^7?sIm7MqE*>BVH2fj{+qSm(7zlDu6cP$wpqD#ZBYZUr87#M$pG*v$hz} z1{L9sOX$4tm;Kx{BQw@fmI&M9v4%Xk2 z^Ip*lh#F2Aam8%HKl%oUrK+_Vn{*Iz)LVeop)h#DnQH(nn=GtR&``>La*U$U1{5dd zv2ms_BWj*>>2$SeZ(B4fhy6n$xX~{YMt8(;nn3^=`5nU6_t*rK(q@L(`A6>pTfSwL z%m^HNg(Ke)YI#T$LW1+33nIO+8fW;p`tO9P0b_D7X!q9%AOa`LwBYe~M_~-c=r}e0 zviB`bO_tH6F$qD&V&$lxgY{d$ENjLCPLme-(&$U72PY=yu>)Bq2=+$tB;SrVDM;Sh z9pUmTzg1ymz=;fymHwQ65TZ@;w5($9s?588f>8K52_3_uHhCWa729#w+L zCKn@8Snq2Et-P!cCFv*q@dv>uZ%~)W{RXD(AEu(QQLoNB&+ipx>^(A}i!&mT`o@pI zjsA=hXoHxo=J|jc&#=*pFfUW|07jINNdUrZhmZN%x-g1A#s@z^h!rt6$uSzPGWAP8 z1+&x&aSsyiZtzV4kFGIa!@su*HpU!Nj{_Kgn*b{y_G2_`*f_saCSS9$y%MZ3$P=vlQR_U;BpPie;EQtN!3i5b8;@n(>o_y9&QUaMUYX zjmCZF{{dR5vy-?<5*t4w%<5l28gryxWVcl)ZBY;|MWqkK{j-87Zt!cvT8k;*D~kl* zVg`hcj@`i{K+pi_VlG5&_l?CsRt*-;^wa(BsxY!3)5HJT50G@kkP%*3^N$^!H+oV| zwn0`2N$c=7YlD9&0jtDVc2E(`X8FUyjFhZ3D;cn#je*#wj2MO3tYanhCxJwh?HT#P z4sQs7;&`rQvj*Ni5CPi1L~x7y{51Q9W~M)2_~9RmkZ=7Rl{1_$Jn# zFqw0cEz(6~IPqQwK${t;J3c~Lf`l!mZ}oz4JU)X3^1=)P6o@;axWt(u@|9x%th&W0 z9k6(*@ZCFsS#__D*U@6WNQe<{bRoV$ljZ)*E~yXkIAm9~4G=~_F_e%7)vxPHm~kYI zfvkBKk?B0#Yp9eoYAU^Jtxt;s^H2XId@2XzC$XB=EgImCVCBqCYY4x3RN zbk?e>suyr8x0GObMEeMNRY;~U%W~H z^@3?RSQ*ZfgpRiIWN>SXNx>DY-+GFDO08HRRVDoq0Z_T5z6zShdlRw_htk~qe$DfX zgj(U{MA@z*381wq=5+IzH~syJM_Qa7<2Ie&C}a^#puoR~AgdhCf~uMHX8GQIz^sh& zjz(*&6=HP0vaW_1CH+(YqiGfj-C3+u+I}WHeWis6WfxCcxG+rZDi+4I-13RfyT|xLNp2PODM^60^sW^bQ_qCyx2FDh%Bek zXX66@3@{p82N78iYgi5X zhJ&vKQlK2py971I@UsDo12T2@Aa~E60}@Tluwk+|sEIxh3VY%9mUcb%`<6_c<44#L8IBSd1c&uHH|ek%Gw&nM5jA zJdPZdAm8H4)!!fpQqTuv)gA`!TZGYHC)Kl9qI*88uw}s!0Hy^rP=4w8fL6FMs26ns zXt#ktmTQiz8MxI;x`Xb5jbk`cJfjScR{-RxX{y!dMb03@;G&UO=A!k*Z{&qwmTzvI zwo|wv#z4zA7ylS)x^oo|!g2(KOPjt?2=UWz0}J(XL#;t3!uxRcB*ins#lh=M6LBR6tt>ncYt#_*fFZLl2JU&9%b4) zPeF=}b#+*-UOqIHIKx0f+8sI@%SVkql0$|ilE9{^KFL@Y+iNeUSsjKdRKr7ssi zQ_f+17+h);`ni_@S(7s>Rwrj_IU7K0h};CeY%2T>ibkozz1fJ6orhca;tT9r@R>g( zY-B;QMf|`v@GfCw&umvS3w5slxd2nfj%JR-6uxzt{42dN;vmjwwG++~*Z8N~USwC! zf*o6J9Sbk#3#gkT9{>se=@kSiG3TAN*GV0IpJ@@ebfppll9p_X0J|5XN8mv7D?+U1 zd2)mnM(^C5)~_&>tMpGrK`v$5zI(d`tt(8V4H4M=%Om*!h%T=K_fkcCm}?MwNkN~5 zb~SAjkP#HEv8M7;A$-RzN{C{d+r|`U43HIQYLc5q6WktWpk? zbwKK|u@;sAwR|PMp)j8y0oTn!l7(v<@_MP;YyJ1efzw1%Q0{yXi|?}q zSQ#w2B=hSyfyi_NFBm$|Z*Gghb{rxil8JwPynV*lCyTy{V%BaxXM%zBFHHC~$FVLN zDbV@~(@m*#->3+WLQ{vK;yzb#DV=V|k?z7T7GPY@>Kp@Y*+AjhWTK_1?ZL<%7ODRu zp?nRqOBYw;e^&rtb+eMoaCgQeKx15q&CCK77(LmS*uAnEgximw0sym3u3%}I^y?HP zN*rUBRB#m*Yi0u8oQ zDXL-6N`ylaPhJIJbc2kuSTISE`X8aNLZMs`kkHht30tm=pm@E~QuM{?fL1yQbt%YF z;{+`3NZ`L>i)df7xxu)Fv7&)SAaX1ZySX7ni-?CCHVZU)UiRZuHn0K5v^mal9gt;% zo`hUbKE(Y;La7^TFFeI)B95n`jl|4>IX{k7Y}aB?%OsBh8r=y~M0bIfqG>#t%vrk$ zCB z8A`F}Y?Jonw?-&5WYE<Vsg4<9*R#pZm?rD`f5k~$evwmWUu`5=ohA;M?3ZdB$uY)$L>ShZw{WClj z`x_exTRnB33YQIPcdKAQ3e}k-)8P1JLaj=OsE9CZ`vuIJIe+5#DWkJ<{7>7W>1uBd zT(f;CEE?~1O$Q?(t5tumU@EV*2qQb?>ADbv@`jm$ZhiS8!f=QBz@ElE^Zf(?MBx4( zw&E)M-o=E)rqYzp^D~Snz`OZ(S}vh~1g!}Qpbi;!KZp?*l?+QlE_u6L7!{HQ zl}^W&D@<;z+gg_u_X{Go@rA+V-JU3zjU2{u;oJx80~jP*C%ibea^)HzTNW^0={gpq zbPbc?g%W?TdR{OW=i+e11>*cpE3FO-f&!#iL$@yT7pygaV-0q6`}PQs8aSMYE_{d> z)RjK1b6psK&WjKwGJ{PIrb!`GLw>|q0X)Mp1 z5j9K8lfk;A>n339qf^=4XI{V*KN$3fH`bW!DL`N5%%Fn`FO0v&B}&-S@;#IY)PWRJ zh=n4;_Z4K3CUUns6Z!>0tf*}62G>&b`>TXfK?=$8sm9M#n8unYlPwkn3R+FXQQXI! z^rt@tW;F?pT!O2ITAwMHlyIr4tK!4Mxf06tR>8a=L0D|}|8(0$2=b|v_lxhH2sIXPgmf8N`9}HpHQd_H?3O{Nm z2ql!pGYD;P?Py`vMENvP4aRqzsk~CCQ9`Q#^aJSI#t5`h$)L1Y$Bm*CAvL$3pu%9> zn;AvRmm_f7XE^1L_9f~z7SX|-!OMc6OeIVSgMX$V#U}>W%4sJ4V3$RxVe<@y!S&A( zG}2+SCdwoFCj3o;`A)(m#YbR%J3?BGViJDu^TeUt8o=q8>h)i~00hPHZHqS}a_jmc z0Ax7I3prf#xKOL{m2o*>iXRP4%^6X^MwUTVv`mhEu|^6*^7CyU=Otk!Nlk*NbU{6n zXpuknPXw*aSPDwDeVY)=Fkjwsu<3awf{_00P$F)_1d$9>pUJtGo-f%)G&6eS&`s`X zwir8`*e=7=D+(5%5T~of{%jv`|7Gh3KM-WYKmnovDz1b-Yd4rNL0sqAbe!jCkeyTX zG+OC~n8rj9RCdcjiq`i=7kt<2m?UMX_5B1>YnB31s6+hkMF{no7%#7(C!QmO8e-3d zRO2)Eq)L)iX?H!=`acPTR>6mpT_-pFFF-cd=Caf%=AQK0d10)b{t9obgq)3zu4C~5 zHF9UMYS*cj`(7m?{VZH|#%h1=Udx5Di8r~|#IF(rUEn!RFhzb8-;6-wX)=8x$p1fo zEtP8xp0C3F#~h{+YP2qbDB*nny~3!lL>N{xk1A-SXDC7X=McKzA<#;TF*srk_gB1b zpJkQeG#x|weHH^>FRWq1u=GIe;M#Xkk9iW(g0LyO)dOlP1zY!txuuM4mOPC^#N zZkTHy_JbJ#!^Td~JR2HyTe=@@*+ub8;47`K;+9kM|6;fm9`8|%tu?-@qFOdA@|lkD z!`WS!b%}6sXr&(^1TJFGmguRiRSBu1-m!?ZW>~k)GsM_!1lk5!DM$hh5viS&3zGW% zy68(Ci(t~ZCLSV-d@c-vXno0|0)3u;^gSS$ATbBqQjU@%-L5r^u@r+jGh7d}oEAw@Ad`tVOI9$ic0Ou{e!6o9NS z`DQSDP9dttRD^pHN?zih`jpNoU4#Tc{Ot1SU+x`-u=E z7JVgjqPyE5?$r)@#RmjI75V6AIAVq`^Vj|x%&5X3g}o_boj?0?OHTbr=iOKY4T&HM zH=E6S^bB-9qi{GG zijJiJm-Zgvgpp&OU!yS00T;(PLH(QPwbs>|E{{KK(K&OCZ|q`!x5CyB3lm73+`%DB zQa|i};3jm23o=rNo(uGX^tEYqL4SWlK`4xsyd1%hV$ZKYpwlR-1fwB9BR)QS1dt}J zLfk9%v2X07s^ITH5_jXbAjXCm5uiL_NPX5#YsDZhG)ItlPM9@9W`!I%tLy$*Ac^b3 z+qi#SA!}jj`Ve3J@i9v&x}GgeeJyEVG(ff}Us1wztSKhFoqe2xUkk)l_$>vgO>~)# znn|&YXgOS>S`;kNS#|{6N{2oH^|ch`0kn=6d~UWjwbC#K(Bi+u{5iE3YALXfU58=; zjYapisF;Z(rb*B1PZml&wK)p!$d>5&3?O(VIAX&15+_$D6<(I zb2?fC>UP#8L(liUIuW))Q2{NS*f;jK3Z+ot!T{PKtXFOmXf1Z(1%oagFlf*KA21_* zZc>K<>ilmMjVx(Z1YK6w&j_H5MG20>Acv(LOBh-fpi@Q6HG?r2aCetf`i#KjiZJ_z zFryAihp4~3Cy*SdLmg|qT7OJe04oJk00vZL{$fGInW6*S9OCgqx&c^4bxOR|Ft|tR zOEjk3XH(`+YJ=niQ3odO6lATBSsf(ebd7dwf7BD)8v5wFlCKdAcaATrjnDRjPOvNx zSArWTM&_X>8bk&10?(EC2Lu^$%ahm@Yv(p#R;@BRh%^;z6wQV=EG{&qyxEqPa?q*E zlTNWnOa!~`3+}q72r)8hWnR7OKB%^?Hy|V$F}Yy$xEwTN7oKXd5VOrjLnCi1NLg|I zMU!G}V4#(ZjesDwXX@jqKmQaJ0+W}Y6eY;F3R6B>=G4=O$hXYcMcO1#A3PnXQ>XNE z7+!kxO{FtJR~cv-cY`pib#_j{=-hFJSc{C8{E4VUIZFIe#e~<&l2}8rmizh)!c?4r zx~#SiLwzkio6Z6>R^VJMMyT&X0Dw_n)L04%7Gd?@SY@1@dUe_ZF?x1IxHLooi|(dlcs zAak67{dqy+$Q~jf56_U1~HfW-!eIL|{JvQ>B7$9TVBE~h2 zJO`D?Q83h?nV5MQZvrghMUqs|fM45|>J)4d5)4A6f~-FlU_my=|5gCh2|7mElluDx z7-EMnrHWfC#8^`5lWN(j`3~m;QZHOv=(NUa1uagi&Nb=R3WOHO#|iB?CI=CQ@wAZD znnNvohcK&WYqygb(ILT5BwN}PyUYFa=xh1+X7CRZG#E&`ww!9r7;1qxde;Ft}2m4q~Vb1nv@Y|J8vC)%FG74=|CiqyHk3RiiP1t=-# zE+1yq3R}B{DV~b~&bkyx1eHXSkp0QBAs|K?#tK@7i&_n|J~*>(ZY|2KC?csbb7~Hd zmC|kc)-uSGW|%9*17!SMP?o^J^k@W4CX%#2pwGhI_TYg&{RgT1(FmHQj2|G-5=JwC zS`xpT!+?x8#@1s3;?su%SQ$&uY9M?i{W+I|8S#PQ7k5g zu$Y!q{9;b(vmhp+&NO0>?Nga z6)w;P6|d`ays?LzooK72%&SL_%k^b~tTD7`t_xyG07<9_C$nnAW5=bw z!#P2vj{aOH2=-&Kk@Vfi6Ck5ve51-ejelAIZ^tAORsNWK0+z)jZaBpaFEu)@05BT+ z@b{s8jzT2G09#y~mvgs=OqT*^ZI%d!tC7i0)c1x}F>k%Fl41mmVsrSaUb?73ienU# z^)FYdJRIek+7737j6}yzA|fBM@T_AI=I1Fa86G7Ytbc=oRwz!LQ$NjZGo}Di0IkM# zoK1`B{ApmuNE763V?<@;tQ!B6Q2QKZBe&mGmel)gZBemSlkQW5eod&=3gsEZV#U<+ zYA^~X6Gn6~eu=`cRb{=@#N&TtA;e4Uq@GjAvXXs44R#8}zT0#_YxNqu&1%^+MiBYv zkR4ZuAknfC5k@}vJqX4k^RFcg^>n5l^LrZS9}$un$&zO+{!@(5{ z*17MY1kh+F6&U81K1Yz18clp12k2^qSd|%>f(j1qdp?R+Y||TKW9H0MVw~kcbY+|p zM9Ek&)N0MuX%=DY7VHz^qn6H2v|)m&QREz%Rj2?sG+41<*H}i-_y$sGF@-H$IhYk4 z>0Nu;{wYB=;*6%!CR8C>>=bUFC(Tb=wcpkDc~+h2uAdWR^~7`pQJjS;9&9Q=O;S^$ zjDAe}!I@&8>!S?9(C-v&(06MEmYCnAu?Bs&Rv7f% zT7ji)Yo^DI8z|eZMD;)x$HfED!05*3fgBi03}k_ktQb&PQa%71@A!Z@I#^LXu%@cK zmG3T+zGR>d>1s`li>9K)NwL!#{ujHz{U9A~oP62aH(!2L!yo=Sum;>;Q#mdf4Flu=>Lxmzg7PabFO8ZbN6<14Zq@9 z&9k5nANO*uk!N@x*D#nTk0*zxVGuaagT!m%clcH5ZrG@FcSR@H@Waw{7h6OTVlkI~ zn{#PR&b43RT)XAYWvp_p!%F8mZgB3H)y^He(Ya1*o$IpIxz5|2>&DZS|9k9muKNz> zj&E`9xEG!Cd!6gK$GH>tJ9ol9=X$;G+(`$VJLMDSPCn>dpDeaN}fjyQMfVdvsQ zI=TeqEV`nrEBx#jmpG@JD{koON?z~gW_;GoC968S(hEAfS)X-wGhgrQ%13o^Wxcz& z%I?Rxin1 zLo(czpJlkbsth+aJHw6tteqRz+|I3ouKDM+cLn!%aud6^cavQwHz~i9o4WfLH>LZr zZrZ40+*MB=;}-UC?&@L3xCZLqxXQWL$#VeZSddI}^K;T%nr%^#$@ zmg~~oMABMMyIsZak9mrD_A73Zblz&`=J$xX_X*Dg|AgNoJnc`Ry8J!{jhgRo=URx@ zd`!$eL3k}?T+BBI-1pr(H=gbOzI0UDyPb!mtpZ=NJm$9WyOF11Ukuui#~;(&huOtx zE5N#t?!QWl(;9nZxcP@-?z7#urZr85uJ6a3=iQP6F&de07wTN^+-%C!$Zx}nm}?#q zb1gk%ZrP5QyAgaFWm)56Zs%Pmx5`6Th zcTV8j6Wm~E{^xC{yO)32%k61C%k6%>pL^wlv)twhF?Sj7*6q)5+xhObZD+ZCFP!aO zfAtLa=9g!?0V>-kl$rFJzij9F5bj63B`wb3Y}Gb@aR8q_gy3hHGlc zaCd>-z9YjeBd=fZ|A+9>y6NN(Pr||t5Am$Y?BH_vW-`xB9( ztD&RDI_HiMr+IgVYi68n-y6PYBHq{zuB9FPUd3-MzgJ|qdk1uL&FeE<%flINF>SeI zayR(Bo9jp$&X09=3kWyRc8!c34^pn%Y2#&|IQKLD-%lNGrCdwPySXO5?Z!8c>$`r= z<*6N@R{_8NRK^*eems462Jp1!Y3NU#c)sSFE|hU$J#!wvjd}3S>XZAk0pAS=8^-VE7x|WSClk)$SwcHa=l6QbaS89&w5KeGX_NKoE&)CY zY}shq`4Ih!@Eqce023eFM7WNp`C<6%1?TotrzJ_}-r=`#JADwk{ax7Bm>b78%hwt| zt>T+WgqKo|wfukYa^_9K{~)gV{$Ke2Ii6>Ent2xFkQQk)@-(cCx#6_Y;_IEej&}#%NwhI{7iTCMVr39LgL{yiXMOE!u5V znk%RL2ci93(ptp-zlH{?;}^vF3D}xFv^97gPxI1tuCb1^c^dU@3+cOdu4Pi1J3{;= zU<>IdxAEH^e(u84yt}JwK9Bmi_O9ic_U>cy`WH|0JzbgS_`Vrl9!4DGhL&IQ`)W7W zGS{${A;fu~cIR2ZGoR;GzFo+#WPnW4Z(7S7vJd*bnBj&Jp1?C&`Cc4zUl6xpKV?1W zT$aYmBb2>`@L|y~!zGCq=V_vj&F92iJ^x?NbAa;e`#1S*m`>aTd=sM#asG$*8b&)e zhmuI+tQ@&f0 z@Y22xZYjS_Uu3w^d~-W<_p*J==cM-~ar%?qSNtwtO*)yR!=rxuB6-Xwojv^S<5{x; z`Cw6olT6Tj2krh&d$;)@Wrxm_N%u!Qah?*MZ%A)#BEucvyXGg;-TKKH?jZk{^X?G8 zF~;hSJcso^*qV*38~9z;uY=3bZ=Q1-DA)XQXo4ItKZbk)omPV_;diTkdmtZdWWM45 z=6uS7jMqrJHM|Hd`PKN}aD=wo8*?j(vyAzoX|QuOq#t+;+Akgey}%aU#9D;%%wNQ} z{NJFth4G>nSQ!5gI9JbiH}iDjS=t49($4GP`Q@a2E7%a|xu##t{gB^H(|8ZAezb$% zjXvgX2OmUwi@_EVzc2sy=UGSFG;|?9cwosO=sB7;>t%EEP~LatyXC~+I03r93Lk$N zbL%sm%j8{ae{TFF-Tj<6t9X`Cwol-jHT>VWi~dhv-@yO#`F}LuEPOFN@W^8FnnqYO zZXk~d{J$j5nu^~fkEh%kt6Ls6`9Sk@7t-m@b3D&7=(dI5r+7B+rJnrO^WBSlw^=-X zLCj^7?v*@ylvcZ#d!9Jg6KCC8=U(CeHMdcxo{UXfX=k2wi&!rbe|~~6@s!8^DXout zyOyt+|G^&F=-fWOUC#f_&oZy?M*iFmz3#|xZ-Y0|{>>-#aV@8(Ijx&M0&97ax&Pq~ zZZ+S$uQ>goG5>GiS@Q|;uOL3M&{o1bcp5vx|NI7gcbZ$z7|@e)DG!aO&DW7{aR+yZ zw0iUGA@1`2F?U31x18qo5&kd#ALRFd()lCtDQhD%Z`jBBm3L?GXzp2%1JClSIcV|p zm^%cm7V>+L-xk)C&7U#m#(KM^`k0F`PToG5IVK)+hk4()|5VrLPjf5DqjCCaZdv1L zZb{~8)Sq@MWp2nj%{8t)&GjR%1sixz++}-Cb>|RXvgI`9Cf={)fldpy6JEssO{cj- zq$fG+Uh3S$`@@7ar*@z%C`v;^7ux3t>wErRv+p#wrv6m7hPLa>`;CK7bL--#x^?8Y zn(r49cOAcLz`swv8%clR^C4lwmHP9{?+YD~*%m^VLEwv<=u7a#Qu=Vy!I;}e+P5BoZtpYBQ=X2* zxqUz1K=b8{A&tas(6gHVc@C4;w>+Xj59-*oBIfRGf1f&0+#cBe+Rex3*x(WuH|FKg#`71R%7_)dg9F^y&Qdi60{sjn}gN!G+#qn z{hT|W_SF0~%&(Q?*?5HXp!-VjKtGB@pDxJA{Qm;O+9}8v8E1#$l~h%Px9TvJWKe0DSf+X zOU&J}o%y%FciTv>kJ^7O{r7eB1n`4ouJhL)7!j}HHU*uFz=cc(bwL~aL=qxckRjV zuc{A3ZF#RVyxZ9|Ay+J&%(@4jxP@oY7UX)KB`eSYHlpvP?Cp3mcP@H?1i4|#1~;aoqyeT?5nc?R?U5S}Y|F5@|$r;fM} zQQm(1-b4BO^hIYhIo)OPt{4A%p7`m|qRhFw5?$QST$=kO?YwGj%>AN?ahm6zmGnb? zn@?xnZAaOz;P)DSAzBN%*ye2+ZjmyIu_o<;o|yE0&o_(OJ9j<*Pvd!d5xmhKT|mEX zEi&7rcEoL(PccJ(C5nd{es^){2tmSkC(WzTlGluol4tNConLFACI&c0MM*f2I!B<18E%4d^-v5p^ZJ-W~)Tj9z`ZM)t zXd!&KYiOqhv|mFVZLpc&L;UWIxea`e7}B72-pv0Ew7KT~`8PRtC-3h%K-r+zO5P!! zG)T839aDe)zY`w2YXEu$-YL$YD4mUjhw6WLV?J>g4R++mcL$J zdY+}o_-jcctk1R~|FSL^PkM`y16J|Afj-=L1Uf5S%Go%YveM^U-hu}Ft|iWD9z?f> z7Uti(7*}p1y%x&Z+!}G)!PlMEa%VU50$g`#62= zu9b`}&t67=a_ytul(nUpcyoz&BiKfGnP*XgHeAL36To=xI>5Mutgo@*&RwkI`Tl*< zT-w+8@e}2L5^eB0={@e?d&-NIlZ~7sNTj?|y#U^K{|yJRNyrJR6}|4}N>` zG(SmyLH5vuDxHh?zYn<5S_B`&h`T{_VeW5af>XVHCAw?-0C8dK-kR{5+F+H(c+_c@Is+D+|`fTo;v}`YQh({NJ9ZFY%gR zfF5t9xreDU;(bGq^Mh8S!}AckvDr0DG&y`H1ja}=mR*^HqBH!y(- z6helwX@de4C__cu`E6nQru%kRf0z&ddY-lRK5Or__j-Gtwbnj#Cf26YI3LB!LzJHm z`p78#W5Q=W|6l9tje|DPH;dciw?BSQJ0|_==s8C5(Y?9uSaIEczd8E7xTs8Ldv9;< zlmBKmcJxkPa&Dgb z9TCNke0Wdqef?Ia zvEi?_7)jz57v zMg4&HtSp>t)6etuzkfOE@7?>$q`BD0RzLYe@qGR#`TpPkkbKwpclKApkGs7$bElg> z$_#U*y%3wS^TL)5>;m^Y*7J+z{6_1-HtW+j=_8`&S8$T_j0&PYMmgKG5c>L__b-i} z`}h0`&PP4c<<`LBcx!ml{KnS6=dG*bNN zuY@;uc@7&w80Flz)c^N??_KiytZ>eo^W9riPTgO^JKZ2IIwvNLo_7Dx!+Vd)aiRB@ z5FfqA6#1IG7o7In^UgU5<#4lS5Y^XXj@P0YNAPB?@-L0|=sopp;HT%0b$%ZITXers zIgwt}|NVF~{kM5x;uqClzMiNL+hSb5%X$A=KK7B@_(3j4=}9B%S9~Y_3?fJWK!|}cH6}2UA%Ika1y(2EFzo+SM-C@s>J$|c;?&qpD z!SRoxb3O_Wuj6{r`Ny1hD~k90PSWpvn$B5z?UC$Iqd!g2>&V3U?9gyhU+vzbHl$f! zeTcpXt)Bf!d_mqaq>)YjqwxE$Wrlx6KY2M{Sy$%Oo9~O?iRZ;{z$W=T`8&ry$PYgj ze!q?0l&@ja7aJoKxK7b4A>=!@MV}v)Z|-s9PtSGgSHf%Z7xh1eeVbnMJpPXS4~WX| z9x`g*enA#>sKfIAZ=+-G<4`1@V262UuZ>o&v_G?>I5N7=U(vUWWs|()e!k~^&blA@ zFUT;)FlKrGyYA)v%<#ge>AnA$`*~Dd?Jupj9k21b2JO#p$X}D29_B0N{Ah0C{hw?Q zgk~+^xMvR9Z^5@@5%T1+Sf-?dldZm<-y_n08O481`s&Cx=oR?cud~BmeafDv7{=cJo8Mv+yXI@|>5WgO zh9b}BU|Du3oX&p|{r-2EVSj^j7n`%K$_~H!I4issy^G&VSN~bumKAEE^S+ZAj*=_! zE@F>ng;QkZpR&x?xVP*Oeka`cVXu%JniUdX63>pSCx5ce^*5MX|3OwLQr6PHWN)ky zH!Oq;e$(=G@13pC^k-$HOj@2}oA_vMYHKtGd@eJ*B>a9>X84JF`l;iqgnv5NeQGCu zK;OZ3e@&V{H;=vV8NM)a#vYsA|9Yn9A^lIE-|i@#Pw%%r(xZ6kCFxu5SeNiSel7he zGi1|wc|OBjJd6JqZ%y<($MaRcoEa=f+H_vpZ^`#1y80a6QXjtY1fSg?cKjE@rZZ%e z#^2HtzwZ?q*v?TJ=f9O17Kw{~d;Xi!aQ*SZmw&*o@vgiN^lZq>oA@2YZ+^$S{x~!I z@?C!GZ#(Y%ebM=anUVh^9H9U5lgx1WPy9CT_X>M{YYtLe{pDVv)Ng*}9(Mmegzt(= z9|_^_$)Ay{$#vL-sQ$d)_LYz}VE>75+YcWLDSFGF9t*ACd@MAPyTvEb*z{OvArls& z)V;$;@y=u6kZ|o+dxf}iU#*TeWt+eJnt3Ae)hK(xbM*`^(0@h#(lac1O<9@PD>UZy z3cKBBg50;5tv{R1ua511g%5yy8~?B+BOGMgZGAg4q+=oMEeYXgDewPTez({EHoV{T zoc`^(@DF>eCsM8sIQQ*4d@i*aA^t;tHrGvKU!L}x{Drc!zmMP3{}GqJmKm&{3sv9F z3^C8~zPP)1fDf_tJH0{|S?ztL)sLTf?wL>dT~%i2O%{E^r}A;HaJeBfH?Wq1QW!+HECT*qY`#E*@IHs8w#RrGqa;0WGD2{tu6EH@pGdcN-KmN;v+ z!Vd5H4!t8N>&igqTTg_@{`lE8V~8iUBR|x}hO97Siuo(d!8|O$0ne)I^_Rojhcdz< z;Uze{Pd>AE^$LJFy#$?7ie<{-g03VXyFh zG~Y80=+A#NSeX_+j8ar!Q;ojoHF=}|SU*+xO>O13vqGJ4q51Gl7xkxOJx}dWTG?t5 zpT<^osp##jP_OSjDttVOm*4cz?2t4jNSyB#PKayO2e;hn750DYA2SLs^BWqYq#a91 zw+-p=R47q*OZ)W-r<`9n^r>)$JcnYxtJ06h5O+@XVBuf>b!O}jLozE|w{oQ4e|>OB ze{D#(;QTZXaKq&xnTg*G%S?VbH?zw-yClBj9sbVehGceXvs!|2<#&f>rvEfFvpqbK zxhv}*Gv4^%ZpP&oGQ#dh^E0nF{~E62Cel?y!)@{|?&AS6ndiOH7n^HVc!>OSL+6Ep z-~WfO<%|16;T!3&_0j*Nj$8}dzW28ouU&p7<0nsT%-H_>zslHgxg_KDKQ7An>7V~| z#?Ej3G^6J17eZ~u%b{+^-}Ax#eQ22Z_aU+8{|q_OzWn`+Fn}C{A;`rh^(gWu_0&({ zF*sC`84mM@7eD_<_@%XTB^GOyT5$C%ll)~FLqoZNWyQ>=LuJMjq3X_Gg;?ybLOkQi zP<`(Up=^BbP>zb(y+h^n-l2+&vDxE0dWY&Q{P~;I^QU@+ajr7~lQ0GOn1&{P{N^=} zgq97DgjTXmIK{7!HaF0Yn)2S}=X!^_b&rI4G;k~@kX-yoXq-=ap7lqpb(PjAB!~45 zv&cC}h;MnNcW8BA^Mn^5T`pa;A%$XTFA~25OR)^43q1qz%juOF@;0`2SV>=v>Kl)Q zIAW+mnQN4f%?K6hQDvTXfQ$*p$!hg_t>3K2MiihZk}2;1o6vNCKRu>=m1KlgZEM>a z)>h-n7WdXV zkw0G@P9eP^BebvK_rIY|JMS<`Q4vXTC5Y22*U8%|*QX~@Jz2cAAvRxL(IPI5qd1Ne z=%~sFr^wFl^bTjpbGU%6Z}twC$SX)U3<=lB>$r)cmxqR}+VtD>ySR@B_{I`x)0E19AOh5g6uTX(XR3SD~eP5-%qwtHv!Vu@>VgyEE48~ysnm*FD-3g(kJA~F- zp8qb-A8Bo8J8C-kX;FuIG$3)q`0KpB2Az*ZK0AC_8~*4cVUjebARp5(1G6v(^U(G4 zN5TSfQKY}7OmE8!OXy3H-ZUgEBa`A1SWa(!$uq`E`f9WrW2A*s-d!6S^LmFQ5@;CS zJJe59S5T|m*7WHe+Lh(>+}xoEu_@ z)2m13hI;yb=N-ghlp@JFl|Ti(^?Yt<;rxoz>(Ktn(;@xh(;-E+9mx%4w{k-{Do}~4 ziPFz=K3P3BHzfV01!)|`ah$*@oIw*qyqU4xLbfuD+ZfQPU9N%l9Z!dv`PK(4&JA^B zefQI$!FdViC&@;Jeet@d!#U|(z$IKkY3k`vf@}23ecDcG6}_fU|GG9ozT?B)WArRG zGooi|3sA67`P!EouKP`5oBN)d5pL3N<1Sjps=p(>bM-hyrqMpoeBNyNcW)K$v68G3 zjvY`(jU%cz>yOpN`+olbnR)sh^hFK^ph;P3Uh%MuwQ3XEgj2#%8EaR*Yf7{~G4-FU zPicSX3F#;ID0_>w9~O2FlFkt1VgyQu8S{Amqv(~dWQK|tGs77AI8-k*RuC6M)vC-e zLEI!vK|ZEo24-On{<8kh6JCTR*lO%v^zE!r`1P!?RCpN*v$8|y7c;_gdPkW$Lw3D2 zB&;UaVm&sZ07cl2`a`|KPI5Q)Vn31_j6ZOY-n!8EV{Wf-m|lu@?L->UoM@Z2rfjaY zP4ZMBKT%$*67rUkN3uG`7B71wRQO#Sb%@rEC&^7@G+)uAJ~yMKkN1nu+h=+^YR;PD zy_gy5$of}2f9-JsNqXap_8&CicTb1T=kVBHYv+}99K{Ko!Wo>y1*E6;375#O!oLm? z#fNPF5ia^LD{N()U89$7@cwX}UK!<09&gfbqqUyC?nRaq)L?9}ke+rajux zJ7jXFv}z|>gnQHbqWzBcNI0b(X(MyQ4Zt7_K`usM6uJtBg)wA@ap5?!^UqnFjh@@E zhvSzC;>vDmi%`)|+mx-1LadKAOM6(Y9h~HxDd?$xPxK1;^l6xZS!n97Egb9~wVkbK zyJK9yhmj`RKQjK9tu39eOM)&G+0uwR-7aTpaSJ(L|v64@b6uY4~%RNTuBMHba< z9jZ?ru5L_LN5-owr?W$ybLwwph9ud7q$+ayxbO+2$M*{DdB*?)xU|#XrB5L znrs)Yxz#Jw-m|vh2)_XuYPAh1et-n~v%FWhE{&VGjk~yy2gv-2@>@0}q%HdCcq=3H z7VaFXzwM{|u2O!{S6uO(ULl7ZfI{~45VBN#E4kV$5XZnR|&n_;X zvH9|fj&Jl1Bb?Xyr2Q$sek_clkHI)hz$8pTKBi#?W})kce;v}FJRauI=V1Zrz4Jw6 zVxRX*UlPTu&r8V`WubMp@-bieSgd@I?K8c94&FhIFT--IM5(xv`8i=Vy>fF7+aV{c zrLRZzmYfjZm*XAfger2AF>W+36|E!Q=y=yteL?|Qgze~@+Ar)RJHExA6UFltZEfR^ zpzlYSbjqbu@m@}-A3EPD0>X1a!k;g+bTF{C%q>x7Y zoyS9sbqBT6b3z@baXs0v*qR0TOQI2Fb6tO->pQRVfa}X&j2O&a{tZlza^H#PVsy_+Z35bG(N96=K3dHpRAX+1~QRweQ7t6_1QV$f^;t73a%m9 z&pEhGZ|x)PjGSS$2Lmt&L(sHJ z{X`de;3t1vi+p`cUu34I@F_KuKI^08j&lF`j0Zh2r|7Xi+?UNjG~W0Py5k7 zGqhry@C2lHNf&Jy)|_CHxG5-R1Lu<^`s``s43w_R4712NsFcqN#AeGQs@-E8WoPC8 zqGMy(eFEFl;d`MeAw$Dzu2-~p} zUEj$GyUD%Sk1gNc5Dt=u(fM8LBFK&gwjbH`j`B>FYS#)s(Pq<=XhFR`XBnBsQ5;87 zTteS_g5G*aAEtjjML&afHbXk5??PL`x_afW%lfv@%3u21y}~)?6@8+-eUJZ@ehF7_ z4cF26LRPp*cD&AhFXOw9-vfQiL^7H_ulk{k-gHJ-WS#GB|cUki7NM)Bd(sG zVE{P@$(fIYA!IHR)?>7w6(fX4AwAK!U^4%~bmN3P_P;dB^^p~1rSVMF0cr1WjavOL z#`w)ROu!`cwEwl*J4_L7@_d>-i=KYoJ-5+6Z(p^yHK+Bzs5`6wb*#ZTiDu)Ea^nyA zEKcOWbDD#Ww_@dN6}9yYAsti)=p z#d>T+0gBM%oMz{?98yowwo3g+8ttgLq5j`d|51NT{a4o#3FC!YYge&d8auHY#aGRp zkR@bkhj}9UK^#WKNcWfL{>Hk$VeW6B``h5W=osQC{OXS^SkWJSI=-wEm;U%ip@l5^ z+6F#3_eDR7<2Zq`1M=^_Dvn4WRrJ_N>EDt*PC4fc&fx;y3&tPh6Rz1xyB~!q!lRInq9*0-ciK|=49vnD%)oYt!-lYu z-a36_Xu)dwTC~&CNX_49EV9vFl?`FN_>Cw)5lUxo2qoA~uiUaRRA484H>&Az#P)0q zRfyW3`tch-Z-0`vUJZrjCH6WuG2FFJz8YFjzxuEp{axgjdsVyqs&T@r#tE;6va7F# z@;k4FitblKC0TXj)exKL8hIN-HMw6p2XPpss6ZTbNTTWd#?aj1I%q}PReAeJ9`|hw z?Wmc((Z1}Bp$_$ExU(@N?rjW7=QN_&{j^9YjiWe@(!|D4^3to}1if;P{BPSBPSMYx z+I_|4H|7~s;heZA{};$hNFK`wSIBEfoK`O1Q!a5`_$JcIXS@EXO z|FR)esavrO<=;3p8mr#+o4dG=2k7zR{V&?V{^}W;`m6tg)&Jq@KibafmoI9^$aeLp zW@fa;S^ZzA{-a^G`afR%Mtp)t z9S`eemADuNIIr+s>yF;fX5aJ*gM<@g@Ux<=7as zhpbSnjTuKTAxp>dZO|uS3MyjmqeT0Va$PcxsC~?LY#L@@7UrPy{a#@n8TnBckX=K2 zg+=5NEX6V`$4Yd3|J5)fs()GPi17L-?yZclk?j0dhDj^W83iNN;SZE|@kQvmyfJJi z>oYRK&M59fd+wge3cKk^?Rz4dFPR?sL|gbg_tOueUB8t+&Ho|IHu1g1t;J!K;!s9b zc&EQ-F*t<7$Ff41{;FIbRq>Jjv0I;WL*H{&A9PXwsQ;|dkJiqAgnx}MbOrzZ8vgx( z{QATA_sOQQ<_9L~hsW!O`{{QF>vxgvqaQ}J*T2GbJP))!~SFV2lsZc`G@xLy&8T#|NG$=hkg|H-}_N0c=3DT#}=I*mG*HI^foFFrFnR6m~`203R4axnsP};$i@}oYO_LN&<@#@FiCn-kUX6g5+zw7pWb>hOCORIrqO4h zy;<6|t})TIFiTwVovbj2oQKjqSz!^m1SK6=+OI6_m$s{{UnqM2u@Jw*uhDIu!`LW> z$o}tm_L0!}RdW&Fdc=Av_5Gsvb=G{aG?rmGR$?{QVm-Rv)*ih3NZ3d(K>b8*B$-H< zQzCaFnqx|T%$n-+(|BZg3yt`khxYI9Gu3#6gVHa*-FOb#3 z3;cF3_TwN9qZAd0qv;O&x0{Vhwm#4PMrtPedlmZ|H3Qkd!`Q!M{Ym!kS+?y(_Al8e zT)d%QsFO|-El8tOdL=kYuRPC&J08_VKYF`;8D;a?|BGE?4?8&~&4jd5u0d7{pOMBn zT)-tYERi9hY_KIhWw6S3OS>wO6@?RqV(yBis|MUbsc|iU>|Kede;kI<{ z;#yQ!$kIId#{+uhi|$Q+GpDONsD8!0iHogquj_I`UvW7YfI%37T#Udd^w=u{Js)G@ zF~Z|80fj$wkJ^XMCm#<}ggY+x3x$DCzD8MnlAl%FG|a#(%)vZ#{rd5+fLw$nSc+v> zj(UCUN;2}jC)e}}tLba89+3~e6>Z9YO8HNJr2p;c6*f9nfFf+iPVB~B>_^!u#JLhXd2Exfflr)4JoA2j-Gwm{XHK< z^ABB~$wAjWjPw)cBi;>sD4x%6`2@&1B+-I2D%@Kodi?L-(QX|vE_ly4!5AoZ)*3eF z6i-)n$rC8mUY#P(pk%)9x{w!e30H6p*KreFg?v3#S)t>%%7}31lNsSIc^?muIm0to z&U%x5k%Iw9cI*E!gdW)>EhxO46>^2!4|(q?WfW~F%htaSduU@;j(uoT$MW>=6ZP+- zdxuijDbU_;zN&4)AZd(1(NOiO#`7J?{ynCzKFQBbwiy?s$h2@fS+kJ+i#lo5qhT`p zcO?54jjmgKpm!K0y)hVv2`EkJ|1pVP>39XE(DPB<;oiE9K~RNh;_BVs400BdH~90( zc}Te5mL2*xLwue58;30Mo26KWVDd;%D*vEnv8rUHT~qjzx<M`;pGmE)DnYCo2OJtsM||7=_x%^roSql-@DaHObB(508!uae5u1{w7Jb zAdRCqjuR->r=B89&RfGsoMnWAio{oHsT>9l<;fmj1!*%qm>yG@*`^>KjH+Lw5quCy0%SY-q8I1v=wk2v~YG<=S zP|r508>{ahX$&w~-{0RDfL^A)mb=diR9erqO4h{XO?~#66O2&MUUD{jR*ta%>Lfp>$wwDDknS1@y{nbJOPI7txoXx{vwq z40F_EmGh!Cznc-+g-ab@hUM7$gudiQ`UCoEti^h4L;;Gh9c3j?hw_*?cCyl(dleZI zj+4~`pAI{nvm1M{9|v(5rKmttKlA^C&HoQK|Bp6yO=R1oIcnOE@V~C|jR4f4e!BVp z=gt4mHvgYz{(qu4YYgJjsY4PikrbCen%9$L|cl)R^J$vb?7ZV zu^jpU3_?_|qVhL{-l~4JD5JUb5oi}qpXVb`-`dDg;>KVcia%18$&!2QZ~7$q6y&4g ztoo@vs2cdNjp*_J32%DQb4OJEra5mG3PYB$jWIdB=-0+G-(Zi^7hn;VU@4ZNET;aa z)c-`3zUM#C^B?BeOhAEk@+UwA;ToU1Qc$Cp1-nL$tg zHB+HTwEZ4hCQl9{S(yU#c~}5pJ5zZk?~6U#y=e+k{j4 z__V&geHFX)7`yc(JC>}!$ZjPQ!b!4mow$!43Axf4fx=&VZ@>3$I-DbZl(?RJX7Ini zrrz=Aw99u|I7LR!WsGx*V~>P!GCz3k6(Bi;=<9qe${;WB+KNz z{3ZEc;XLxc&VRK2XNKR+!W_)Q0xZH3H0@IU^o1?Pb**SyrENzV?Wnn>{GslS@~2!j z98>;k2qIKI-rA%&<{hvGoE4 zWD!c0o9*OIl*HKetJEv(7EXW3xP7|5eY|@7l6pK_{XMJxM)qz8AC+^W^*;y6X#LM& zGHQ!T$)5EGFB|`BYbu1}s6+h@V|}s(g_|A=X)>8&18lY~ncm7SXu)y%3AEGGNTCg7 z&#V9Lqr!bfYh|itx~~n!9`ae;9F0Hvg;Rca2Io-ty~n}@@)E9~NqufsuUinU^=nh# zQv*H!{+>T--sAs7owlwX4fF((&TCww{{N8e|8sU&6FKkZ{tICLpbVtqc*U3i#7XX$u|1|#1BAef?e`e>kfYNSg4f0D338zp&HSzDL>%&414| z|IH4bBd%C@9=QOe?Bhk`5|q#@MziZD`nIp|GQ?f4`t;+WYNUJ)H2csx{)anvD+7Nl_$$8iFua0Z

>gbQAJ;*ey?FR2*K)Axoxu^(D5 ze|PW|e;du&L9WD<4`wmiz19cfv@(g%zIm< z@4x2NRxcG!q=Ph_Oqf)QCLMTZZgn9eDgxZ{e{h^*^U5}jOi*WU`Jhj|$aCHSj&fiu zS#`_!?=1|_=j-us&Y^12iTwUPU_fZ%#!QIQrmBIOi`Keq4!xl8vf;r|^sD2)i2G*J z{=@6v`RM9ZTg5NQH1=ijPhO+PW+$4DmBC6m#H^EuuNHi8*A_>OL!a|_5_nOnw+6#S ztwhhW;syG}j#2vl*iWzcyB}XlKREl=3OWNW7IV^OcB~&0(a?4U-;Rfe!Amr3dz_MD z`2N0HbB9W~YPOV)U>LSn)5MQ)F6M z{?j7y&)S8sldSX6f(i8LKJ(Ow@$9ti$QU4dqSbpi?@64^e0~nw$(DGG1{xnum)7)E zkTKctlY>q@PcrT2yU=TEt6h)ijh~L@w7W%b`gv*txh*}>r8Y#1vdx?R)|@a6zD9>$ z6!d`qc!?A_Eny_yxIOO?Vef zz6jOhTz{Lz^Ell@0*E?e3n5L z%_dVkk^8pvZ7)rHl4`c3z;E5OQ;+lj4Y}g@J&E`bZ2VPlt*`#s z9HvM(mlx5T1^9|5jVIG_X|Bm8?{+L&e~*piEN#IT``;c}k*=~(GEn#&9c|%v)4lcN zCRuU=@O#OywwUrHf!A-cs0-xzTH!+GB0Ix8`O{LrYG@P;Dtj<?vCIvR-X70uH*=EbMYgVl0WIJ(XsruTR9AO8qZ$9cBef_~s$1z-JvM(WiY z@~iLBTeA~xWF5Z5YSFs$H{9+JKPBd%u`lPS``|?5_&ZKT>-O%#PjlY*z!6!=Cx9+w z@PWieR$54=)>-!V<1NspMS%ycqpx@|{wDt2=I63P|0O)iR)dPIT&p~X%81ODNny%HOe(NPHR0r;5*XW1q?MxQRBza7rwwWFuD%iwpGCaKTIq*;;Lfq@Y?9B(BX|}%e;XXdJLY}=iGCxuF&D^PUa)t z5f^5<3Sbp`BP{B$4x9^3ZJ~rfRU8ifWAT!2&17?JNU##ow(Li9d73=EGq1d~kUf7b zUh;-`KR<-pDji+SURyuSEe1cvK6S2GsA{9H9|-5riJjxfM($~_3nw@D#4Ths|FEbG z`ol4afx499r!jlz*ZRv%d(m7*tp=;k#OHpOeE;&~AA`LlSBDSaoxgg}Mio=(WeCL! ziC=19o@b`b<#h8CJ$*&I=1%Bm-|h5NI`8PYhxBOq(C34etfa+SQ}AidO9@dnygP^P=HK0|75U5+O>3YE4b7vlnh|P^cJ)}gv#PChrrQ=S zB!u&ajIyf#(s{+c(|k7mK{8Hn^$*kWEP9ofMCc}%+N-r_)UJ|&{KihV(Tr7$^;DU~ zcv>37s%~X;itp)_=Q%kt)=^(#*v&t%bHtJlO5bQHaIw<%_VOhY>U$-BFkbZY2h+@( zc)XwGzyTAEFB`sZOb69KDFpGoH7^ z(Rep^*=s~IXIY2~HyaH}_c98}{^cb#@AtbX0dph5d{WG6a; z#AIWilw<0g^VAG5zVnO89{__mc8>cSerbzGs(H3J)4Y1^pm*iUXm5YAZ=Zzdgco;j zNAB|pKKSchb)9FT&4OUfsF!Yn7jU0=`K#(PFD-B3Pp=!#IPYisg5>3b!CN?w)5t6z z-wsddOAk%29iUaM?B#yQQFhi5YMTeW0^XLb@VWmu*z3R&ds*ReZDN;W#>1}<9fxn% z3k<3v+Q2{2k>r6Z!nfFxJi5u(Z<(pJ@S5JCcZym6ELdRjSvzf56Rsv5@I{t}r=gGc z--hU-yO2R!-U{tEGZdeD-4Z`dD!<24JSDA9a#y~!)A4m^XciY%D%!zTXUKFp=cdH! zf#B1zI?dfPfy~MOjbtA_?yvXR7S%n^|G~B09PFa+n{rHX`1t?rj#M%}knO+WrC?u5 z>57KmhVErNgHco9)GIP?fJts{5~E?A=-z-M9a1q~*6h%2rl*_h^r1CzBQp@5^Y|OO zI06Fn5r06b1A(ducJyCgeBFw%YD(AP(VOsViQF}I?7HxU`5ME`Rl^^?#Rk149_0Vg zos$4xF_4|zJ5tXUq8}|6ti`{FXce46_uAen78I;e<2~g8-~MHChS>^t>ogt1R=7!_~sz0%-UevcqwQ1m0$+2=&v5>Szgv;&Ubs?AdA$9h*j`HnUXE zmGoJ_CGUnqxpmV|eKv*adjMUdE9?}wl)by1r)*cmYkdbY^c-i#59=xK~sxx<0Zg9Q)BXI?q>bCCTeq zn{FPNC^hRqj`J0;y&9j*%r5wcd{a$EBM0>=6|MpY@s)U!z0#h3&KPnyR(>-9sm$85 z;h@f2X(at6C*Zc*p`U1pA2NK^fBC<@(q_8z63Lr*5~LWoz3*rulgX~M9c0lVdoujU z6=-8sLy_S8Czg{7G?6at!Wm{HIPc?|fttUTZkXyh#@iPhW(2yczuuX?Ystr(gVxG9 zRL;>sy7jk3x9}^Ku2xhpzOoPB$8Y`JSGgH*(40|Da5{PMCR}8nNaTFa+)Wm3CfxNq zKjlT|RF?C6@O_Jx9u8K(4stp&-F2cU*%rHlbetaP`rXOZD^EueJxQ zX4rq6as%+!9pOqtUspRPT2AOtC$;p``DWm*{G1Li$UG$fVeSlDReu(xO9SzZcEKmr zBV29srkR?|K*Rm{9wyW24Cnt3y5Ws0e01|2+O^SN%wNn7<@3ku$fj@RNDR5g)uZ(q z&FE6*g^kC^3fsn+*epbg(L7HtN``=+wYFa5ooyPY&n>)UhknC?FKIu2@0aU+wTsz5 zhV0r?4beZ~4@qHeX^gjc<#CHL#^h0I4PROH_R!`k@hZgoeIOnEGub&WSCKD|M{KnL z$6*JULr-rlGKW;$Ue{ixnKAXr@V{o!L3CiJQ=_!cpUi81X3Iieitg^Ox)1V_Swe>x zdqd1K?#ff_yxh@tyjw@Rq3bw=f3qHE5g2M;IJQa~I9EAG!{7sZpDLhqr-B;A9&N7G zP-*ahE>Fmgf(T6wGSJ;M3F;N8fFA7SZi z?p^r$FrJIrMeWci*U^(%$`^z7=H`7i{SWEM}So^uN(tM zalkuxqeToef`jUlfBthR+KB-UDx2h})^qS|KPam384fzx(p|}?0##yGxNh3O_06rL zm3)WM{ys`V@7lQw8nU$!DwiChD)-<7&)X|+ac7)@Neqkmh`J4iFP#>ldV-5-73uVAUA zvhmT>AkU^3`BP{U3Qb{F_{B@#=zB+rO= zE|bgBG#{AwjX1rW6s9)LWH+D}jjl&O*(yg>`iH*2MR4v`PFmBPp0hbzpRJ;Y(Wq9gs$j6ey1nE%T2|-aho!C7Gh9LbYgV7#VH8>Poi7 z!uqzdy5g>JX!5T=qLY>1@px5wMeC9M9ulrjVEysTNuK00J&cP}3OMkk7oUy&SvV^) z7O!TIy*eY!M3B9{>0^c|@Fqr)@MD+K@hoh^=dgxM-GzSIdd6Er2j|txSw6Z4#x|q? zd9-+mCc#fe$f3sPKemeKPN75SI$ zwvlwn@O#dBTtIh2U6mi*+-bOwPd{yRqH&x6*Li6( zJN_4Zf4_q<&H?+rSBaVLpsf<{NA+|F&`iGwEk#?M^Eg-?at$PZj1r+@?fiPpO6h7M>HJ>R@HP`Or7~!RedtGD8KT?lL+ky*wXZH((+ZxdcNQO3 zb?(HiWc5#S*X$g8diV${w+_>vAHr4je{`$v#Ge^zQMDJ2ythA0qYi!wX@wUQO;pI? z2y*J_u-N+3EJy}Bd>^O@>(RBMBX995eI$6wMz$bZ=ZZylOZn->qfnK&n^)Ts?G^Fe zO)Wyal+y&wM>?MKahawYcX1ZjUaTv#<|i`A>f0#tEcs!0g3hC(+eXjHh&VbX@KRSC z6rhpeB;T8VMHBHb&HXPul+vr~FWsnV7ja>f$ zbW1+UukM^bO+J#ne#TxNoVPW9(1$>_|Fx1<+UP(xZC<>8=xQ9vxhDrU>am1fWFs9?a3k&5*GHl~X}Zf#&TDgEYFUDN0UZH?a&ty#S}G1@!bOOBrI8p2ujX=t`dX->{O z8HCGG{3CZr<*S&Ia8D99YKfj$M+B&uSZT@3AB@Kv&_)r zoPG2bM8en2-bUX@3mYj0TnAn12Q&>k!9nu<9;(u|>|R&71Fb^TvJW}+ejZu?=Xf7| zcPnOrz3AX70rLLXx^&4N;kdh(ZzGlU1i|_`^?6}7VM~3`GV#0 zjNH-Y9-1=_Ey`hQ{qGkSZ6nLA?7#@k#yeW)0(mrF=|^Pl8r+)iuLd4GII~Z-KKcsZ zSf1Rma_9xz(dBIg6W%exMcH9|=2h^qu`3+q3@g74Oy^0CnY0ei(RjtL|N_iSb|D26FzvJg$Cu0ph?DQ*kx*hnLA9H3M z&M+B;$j*Sj8z2vb7a`O6GP6rp-ser;iq3MkFmWj68Dr1J1-cfp^~usxj|uBWr?^v`H?8|Wqb{Kp|j z=a?G<{L}>9+%d4I`Sc6!V&~p)kO8w`zOH?_yT<_f@oZ+WYwK8$0*6F0e+SSD$oB;gFbDlYQ!vRS<{o<|f9-2Q zE^cRwX1=lL$^m%)VcrU>N{%-k-J^IAQou)!f$+mxl-lDy3f_AW&Taqa_-&tMBv#o<3{uzGMA};9Y z(D!U|q5tk8K1NT@*c5o8v|#ygR-B=GeSR%8ct`wo%A0P}!jbAaf_$fYZM8VQHmo7tl4Q@pfjIXmQu)H-nb1T>aK?C4wq^Z47D zZrQ%*tI?`=XJ+2iGC~gv!%-BC(8&>asT-ijD(s~eXe=jI!^2Ex)VMrk0r5Nd;04(e zMm}*uib=$47n6qecaoPL4ffNj$M7aY(XKu7r&kwUbV0C1S10X73p3*<+}}&i^?PXX zHu|b3x-;J`t}2q`rK%%5HKDq-F2m2ezWZTp(1lIfgdTzSa?yHw@N;K<>=C867Dv@8 z9IXben8C;f{gc06_&0Vuu!Lr0#5lJ8X)^nUs0O(g{npWyhF+lmadgS^*sn%|^`FQx z7fw3r(=vb0iw=UjuR(pW$~|ObxMfZjs#t zpO6Nhw&&b?GoqRsIUk(M=u&@tN;8LUxhV@ABxGzpm1FO2%vn_(4AXJ|Z4vw3n|Jm) zivM)WB3G>_ooZS#+vPpss%cRkDmI@#R|9=>vww}-N_tC{B&Z;HT<32Gs{wfOqovGe z>_e;2Q2p`oqghoO9EdOHo zNb93Ntw6`rBXB%4X$KD z$6gsv?*Keboz`(zUAB{TN3xdjHy4GwlrhO*^sCbXo1H zC-^!ie5ZH*AGCujY;~tOxf1;>N*zNM;-JDhQVl%@pUqU>;UeEHItr(`i~FDw&&j8K zw))y7LgQC)w-m9FSwT+3ce)3LgA2?;rwCS?hn+B-dFJ9Q_D?u#yZX#K-r@4O2zQCM zY|;_(T&khjW9E7RPUKUQ4!(Bq@yr}$mb>U|UOUZrMqWq%aQVjJRilHaLznL+|43^^ zaHc!}i!R~fq`G7b<^7!=UVA#u>e$eaMdn}WAeD=OBfOLV|7NfMG-U_*+=}(Zo3kN6 zHXHNl65fyhe)gDV>E<|@1rJ|@s7ElIH5#GI4Se;EZi&zhuBultLQ!B@1<&I9{!aeN zB+iM^%*%PvmwXOVnLBXQmzdeV1S;%{g{)dUUJuDh{${H=bLj=7pC}5x<;M*Ny~dAo zc{G}ZH36CrCXjb-uuk8zXu=97<$p{L;npy8BxEwLx6?XbPj%tk%jDjjh3>IAnXT>6 zsEl0`rN!JocE|I>SAzj_X6K)jWInL(t>^Di=nK3En#%t@3#RLa9q88(oy6DpXMr-x zE#*%4I2-_a)PIAV^fMptCHQgut|8iYBuE+af>q-rSw<;%2x7uiuQgc|WBIeE>@=x# zn(1@@yJ=1i#)mWHHZ}6mmn?UAq7iuZ*+VzVx@ZsD^Ev2>6Z@j2D~qlH-_2osFwS&~ zRDNQs(v1SOrW4-oX=HFYqcL93`<)#s_s#UsE|X!`A#rRGJ$-_h~f6W%JZ}{nx*sN!l>!d-s7{7)9_g;) zUGRwdpxJK7ef2NBbMxTH$=%*_ldQ1S(rPg`zz^OK}{YGCUX$) zoF}@EsTSRaD~kQcN(a}w=$~jbV$tMm6^$b6Kh+#RiH0`EyxmUU z&~tAcWLDb6?sVZnsB${t8(Kj|(=>ZcNGC&r`+2j{&4Ecg+uRv9?xT15nrp5&;!|yc z-^w~thr(jXjsS~>J6M2L|G_F|?Cbb?mxSu!D6*@;rb@HVyFs@|0RjHVWiN=0|h9lPct*xT|oy>J(cgToVB_&3)Ltz32VVQ8x};X3@2)n z>#Y)SE!)Ai0`Wm*@jQ3opY3vW*1Eo5%w^wL%}&iVTe%ahdk4}3l}m4Qu&x*M);;y~#wha0MZ?QqJx&)xf_o0fwfncBQ(mY-;X!D({-CQ~6F8L8xURz#!JA_MMueYTlR zrb1`$P}R#rueUcE&$;Yv4Zx+W!}ONkn&v*$sboikxS@b9*@BgNJ{Z6Lw?} zz^NSigG}C0&Z=4qt>QduvQ<6xXdd04GrpU52_MWW?uc6W9dCBvZs=+)Pj=~bPL6uR zyR!w(Vc~EvN%~F;XV5+U^%1)qeiE>WBk22g@MosH4$$e1rG+ zhQ=?Izvp*3t5_Gb`sh}@0^@Y83;zytO(;9Z((njfKH;udKY#U0vr-@$L8ozkx_yrC zHJLfak3Ny_c3RCH_@O;L8=KJv;jgZ6(OxkziN-!46nTH2{`36 z&OЗGvrC=s-cGvXw`E=r&n_mA$zBw4f3b4w)b@4Qck81uu&{5)2UE&Bg{mDYS`%xnWab3 z4adA7UlM^)%>`_z6Dl1_!1fV3*kXek#~RozidT(zY%m> z{_CoNw*JarC&%1|&)UT~vk>0oD1BG6?!c#kNqI*H>*N*ul-&#Hbwi$sKhXcwiiUe| zQVBmFZJc7Of8kuO`~xRaK1hq;pS$CAv_)rG?Vv>^AJU7m%3b~Pv7Z&hTS;csGkAj^ zaH5^&c&G;$c__F=Dj46CI5#!e>ZTp&-#RPFH2%apP~W2aAr`gcE?CwQ{dJ;6oxwzl zjdIuAaw+C9U6*mp<53UE-9zhDpfo-9mH585(wUAg?ck&o^9^1lg$%S8#iQlA-A68H zW$e%;^qhxQnP++Y>_WPS1|snn^83+YrtS?OA352~JRGkT5zcaLl4LqCd$%N0?DNJD zz2+H;dTvqMxnPBGYPr>eIeR=+Ar{@(f+X{62X>IfPP+U$MlT~v=}{N*4baFPyiDHa zDzb0Z_$vQZGCmSqv~@nb2|Cc_LFf_ple-*_-)4Te?k#sz#aAv$O>oqHFyTJ4(@bsV z*-dCy3-o4p9~`Mq_`y@yp$0O4SBRpgfH}cAHm^1x&oX19Pc!|7ARWQ9S$H6Vqmpaqvq3oeG@mm94Z7znISr{2!j^l1iZ^ zfzvKKft=&Ik!r|1Tr$T-4WIfe#jqR0@lLwNzA=){8@xBu`vvOD@4+hh2~QmO&2n@{ zDZJOk$x52{h~Mj=omT!9q$d&K=-lCU(NY~j3-;_vkba;A{0H4(EAX;dzRz!exayyl zbe73iOMazyt8=&#`a9t(A?s#fj`7DAtQx{Om0fKb1@1mM7MTTFxXk-qrr8w=w3oA@ox1z?4&sKC7|2A%3=W{2k7?|k>k z?HqMw1wNP6<8vodUAr|$V2l*ue5L__hW(& z-1R%NwrIHinoT$BYFh<@eRoDf+4nej7@tGl86JAb{9iUZ*VMmIT#0ZEb9&@av9jJe zvX*R){%|~rUMhQ(+>be7`j8T!)Z5@JXv14^uOyTR(W|$%+Q9vHuY$LN(OYasAJT+(*o}St=hUhibt>Ih;25ryWd8tDdb*xYg!Q2+aMM{W zTYI7b2-mXF_8JmyqqhZp@dEg20(!~?sc3^*WSW((d@i4hsmG@*({5@AJY2M{+~({H zfp`{xXSs7BvKZkq27;SZ#?KytAEH#92>Q#NwJ^X{wzp#RcderM zc)WDI^A8gd$bQSLym&4hpzD1!>vVvwJ_u0%gLEBxes!X!3~vZn_SItSik+RoTJiZ5VQ#=f{T?o$4t&j&IlN>1dpA3{ z>Ik~A3(?`)bDrK-GA)+`rkO@h;Or^}YE?^n6<=npfV0VF>fS&N!jC!=Y+wOBl0Di4 z)1QM68y>zj`(eHie-(cdr8Q`P&%(ibJ9ul}Nji--gsRO*&Y)VnpJ4C>uX)M71$o8n zt@{G4W&epBqks5JtQ?iU6InRDnT@W&wWpC)nncdZE;6N7O)V<(g)m*MV#H zx7A!SHr>%8>_R^l8BO<3e5$#Nmooo3^6jd6s(7%Ak_P03lVs=riySzUV|wC8YMW`L zM%R7y_cU^*xNl#;do`H?FJ{C2h)@4*ZD)Oki@yek^Nwzc(>GS>H!WtDlgB#h7x-3LKpa>02Kuf zZ^#aR-<`}_a;}3%!?hiaR#|)!W4P1yE%H|PPG3wGx`*;)h1lO>cP1Bh1p3i``Mp#9 zGR$oJ1V_=kRCyiDPT;Dh-Y!~L1Rg8IT_ZSyg8m|B&!eO^;DZ?3t+L`e(?#DgTyNM} z%BJJbx^1s<=zeN%%OkJ+aBdUP$d>tL?medi_9Z%;Qsld{6Gg@c(t*TW-2;AxoQUzc ze(GGwK^s4k1BM^r3$t~GC!G{+;hux>?GAC&6mpE>M`oEGWpm6bCpx~*E>l zBMf4EoqC@mIKeOL+-fKL0yYN5#fhKqc^X^#AgtO6nUx&bCIX|mZ&NVg2 zd@VbWT)CfQh5NRd6HnOe>K^GKGC5%|R7Y&~$9WOFk66Bm4AnH0~S8pL^My z?-Rdt(BK5w^KQ)J9N3cWrG9vD7M?=~a0<+?5coMeK_tB2cKls!C*tcuS9lq{eNFPA zqhEPye^Yqy2L;pstg!B|Ai0rqI%q7qCa{Prq2^g(8MC?$`r?vBC>%zO4cnXbGO+;2XiS`2o65!|K&oL1OrvgvN& zxqKV?|6OV}|3qs+AxDkboo-$Z4pk)n=xbm_gL(eH8@$Bz3+QO!bQ62WqJ(>Xs@C3D z#mh0vGTU8x3AVtwQ6e~6qq+nt?haW&m&simfsU4JPpdOz4bgEH-t(Jr39yj|*?qej zIjcGQ+uG-3)9-$0HdJuXk)#MYqn{te-4=G&M+2;K%=Y)zY7EA)<$9?4pg(#GRZwq1A{&q+D5GU%U~`@bAB;Ua#l)nqbv{%m&BLsMWOJ#nX8 z$iB%k8_zgtS+Ou3I{wPc?UrLI+o4BYL!N2X0HuwMM2oE2DUa^*wHSa52?+);m+0%lwVG6jy7V=}m(ayAmhgyyn^4AoT zk>5j?z%I^Z@_F$5SmDz;3N})zpNm4d--hfZ;~CD`4Gqt<5>}cX8m?>qa4w&=s7W#W z|8$GnTu1Bu*hYOuc`A8esKQ#JZ-C#O7h6yx-jd<8z+FA)XM8$3Tx$-Z%VmzP9U7!L z6{1xsB9OdDIGDR&S}XHtBmKA^js7)@=D~^ zotlo0JD%LuwrI;%N2*YX06FaWVm>F~(RvBT*)>WDzmNyH)kReu@s7j6yeH%5^OQ`J zFw99s#)N6q`Dl&zgm-G-rAimkWC%P&hr2!1{AEEi8e$_C^hjmU z^7nw_Y1;rFRe?-1G@rYUfQ=OMa8_gtS_pcoy0&8P#z(YmjHgPXO?s6bugTx>z8!bg z%)lUBgzLW#j&cFb*&Xou4X^3Cy39^KJxU+Bd;3oMZvNxY9;Cq0Kk66G315)QHz-mjcU(n@Y#H}wQhu~Ir~YLHJWX*PBy{m{nC^(YPqjWlAVU`i`PZ; z1cUat=nUBzyNCKHdzOR#V#Ys=Pp`njyjq+;L~lE%o4#O`J8IEiUp0>!Ow2ML5BMr3 zEL?r8qO|@H+0@O0v}D+K)4xt$6`KUl(VltyU+_==kET#ja`C{WmmK+N7Ck3}q$m92 z8z1!slUOmvOV_~vMt~Xgc}FI8E8aPH*re5XSICT9n1W{jZGtOjbw+Mp6<{`xuE$Jy z!A0HBiT&1={O@GWtG=;1%1&}%5d11WvQ{g}{4C%io5y6uez4Lhk4)1YFN=4}I5k~M zW<^Ch2rP7PN6?KNnPJRuH+^|dUNm_24tz89R|e@Lzh}^}U>)0)ZU*v@W3tKG6sbRVfKQC@&^h?2{qxy-&y(Gm zYNa7{L(~r(y4L+5`F6uE@MnN#&!yX_zrPNK(wo59*&nW<80T$P9vgj6h~Yd$U(|+w zA57+N3-iEKPYr-~7|i)p5pCS2P58UM!B4F9R)e~DsVX??c8P-8%p8!rhb}1Y<>L?O zPls3S_0Cm=@}sdD1^(UyO*LoDygy56PB__8{m}*m2mZh3x*&OhGtt~ttOrD#|3hWV=MvT|y>-$q06&2)_^ zMjxV&+HgB zf``t0kYhfu6ZPiooW?Gh%$y!Q2ybd-IyL)cna!K=O2FZ~vjfvvhL+!#zUA@pa$)wL z{u%scHfJ1no>y6Vwb8p4Ao#vyz8^1GBR`?xTT#3-%#1pJy0=$jblrs}-H@Qy%sao9r%Lo z=&oZrTB};INO|6|Q62t%9nLWOa4tLJ(QMu|$s|sDV+u#OXeyaF6DpH)z60(1R&tBc zYy{1x>+loWxjDWHKyS4xAY9Ag`)Z&S_}V*IcHjaHJKCXrOHcq@)2zyoDl&~ODtCGX z@c1Upr=PDe{;*SM!@4r>_|Th`6)8gwa-JtXcD5^-EoR z$5-j^VFztZPTp^?T{Zlci}ru9QbD zx^=^EOD1eKSXOgo_{MyI-}2cucEfcxTEbjWp+l@{J)np2AAc1X zg6??`9jP_4OjyhxaxZw$U*o7_CSDa1oMjhBeh!?g4ZG*m-4>07gY5qb4_F_3lx^tpo8>PT@|$Mh ze;>(xI*Q!+B6rAdD(R{+GvQBD!5KZ^-Uj2#WR~2-v$r38!UkV={fb8O!{`EP91g~a zPp3n*NVRjyHEs5z-6zk(hIg_E_f7YvuG&G?++8@-gktOJj?qH|jcXsOex0hD13vOhG&(AyLS0jMVb4QH^Tbwg8N)P#c?tj8>vpQOP z?)&0n<(_LBuH)0`l>IZw{Mp$}YX@cI2_ix$h`i2D6`ZHE7(PY>b?bDptRjt3(sJcXRys$>b&XXhG%J{&#l+7FIug*NQ`4Hq3^ z){G)6!j(I=qVTPA{^Sm})+BhRRqXR+;XFbi`w)Ar1y5_llbvkO=M=B?W zou<39Tnex|_6!Cik0EC+LO=54(fT=#iW|lra+VzGGh|lW=d687_Uyk2+O~$y=2$!Y z<8U0y!?Yy9qQQm8@f-qoHa=XP3(~#c<*vX0b-!{U74G2*ma%}g6&~>zonHhe) zWZQT(9r)c$OmWc8Tl6uKJGy;asu|P;Jra2TFMjxKUq`CNKo70&Oiu0;Uu7N!dn-sb zF6ZpL*#VjbzS5UDr{Z`oU2IlD^(N2>`5wIwXUE&8yH(xxsrQw9UEc%9K zw;f)HEiHeTjt;)+@sR!pc;jzT_(9>j+ZILh6h`+(1$a+1&*k&8hvwpiTpT3NEC+o( zMmBK`S9-ld6<^Lq8>`spZtE!BGwzDt;-vH5c>S3LQhRzblhFCOi){L@?9pBcS_tmE z>qsF@2_fII0@{Z2%nygdwR(M^Mppy3kML1eHF8{6xoX3{9ODCyUJpIGJ$U0GySHY? zS2T^~!nExmdTG2FJ9zK+7UtYQSH7}am;#u23Zv`V@GVM5;bG@DiO?cu_Q@LqRQQFD z7X4poXB{5Z*{=I|ChnezOgw=E*W$Fn30AbYTX1(D+^s;1ON(1^){PU2ySsaW1U*0Y z+5233pY!M8yL$D55}3@awch8sbr*TM=-@KZPA=OKrKRMX)#wwWI^)0x8%8Q4gWQ*6 z0eb#Vn3B*Y3@=Rnel@<|%l=wXDMXFGSQN5^Yzub$!_jbs>_}ek9~ub}-;KL?E0X4i zXbqh#?a08dVd8nZ>Z7r$2i?l!(QJ3Ns6bJ!C$f~|HoGcfKbi)3?t%Z(DZ%V}E*Q;E zcQi?J5_E|BH8Cerwv|5{Q^{4$`6E(;ozZMhk5ga|@^_E=Dt@O~%Xv2V-w)HpPp=I- zc0PZw*5g;m;BrG#a{Hsv7T?4!u#VOfEUIBk|7cdYPJyv>Ex`L*_N{U7zQ6K&fuS`r zYxY%Fd7?YbH=gqYz4y1V{u;zHwC5tT>g}i7a4&tx%q_#>BGs)e`Fh{Ow0vi>a-+@a z0Qa23?%Sxer|NJY>;n&+@`CTJZ@lN(voMJb#g z8R%%^i@=xgoG5lQT8AC*2jUBun;xhoZ^?B13hoSUd3bm&0h9Qmg^4uMvHTd5|jLOkUjCD!_g?emyz!!)TB_xZ$XNJxMNg69;O`o-ww_|1sh4fGXUFS6MZj^rqknJWLGnPs zy*mx2ANX*f&h-b&-i{Y$J$-y3erjDjM6KAvhwbv#5PBjKpLyw2ET7GKe1UMxsiV?76}b#(-R{)||45nB%)50|gr@U4F0vor z=lkl|zo4?Og=yPKyx$M#yIc3ka2w~S9;NVM;900=nAB=yusq?+irqy62p5&z+N>(( zU=`~?eoSRowD9Pq(R|PB8>^j1$a3)tQ}tp&`ooTF-KWfZg`H#$4N{|1h!R^(Ouru(pk3km%PafAA z-M1sYux1ubi(_Bpc{>sOs>mrP&H2f!nJK<{imoH)ey&leBV8+N$oqTip>(*;hHc*& z&Kb-!W5d+H7#aQOi=rdp;mGU>WiPw^XRwlI^SPi&{Iy6il?cES08Tg)ET(m7iw=** z`xHZVSATM}@%d$s3sHHn%YvuEwC4^zt!;nOITPk^W9Qt1ey~lIu+Q>$~ zWW;IDRh}6EH;lqT=paL1h~km&MJo2(EhEf=33CWp&PInZBo}vGW~MGHKuc<&P*|@?XYNt^>tC+x#&p@ z<{M_Y=EKS5b_r79ePN0Rf2qmyb~$;A4*N{H6cD7A1DticXn1#9ymIK@1ndS@b! z7p>OHm2`@B=d)WLAa_q!tvF>;6df~RoIN$r|8-yS$+$JvNq5n4?dIM+#GG}bwn$Q9&Zf(rv0y8 z8@1f<*qmSdkL-8CwC(r18 z6*3vm#%l+2W=cBW$nv*K$M~4s?po(M^)jF1_fA4bco9WfsR9Sf^k%#Tb zbM|iwUU&Swj;T7E7q9k~NDX7=8Oa&j*e2K54ZfDqF_yWTT)U&}2fcY;+1Xe2WX56- zyvnsYgAB6hC*B&$3|lsxoz4ZHGyUXI(Sfq5MsHD4dCk7)t$Xa?BkA(kvCd!H$Zndy znvRb1KC12i&e&Z)fL^?Kb?=|1FB|dqjkUoOjNhU?{M0pfDLX`^xOWcKMVHF%7)V~> z4LoA*(fot{qbyo#CnxauUf}e>f#gJ*b@3&6m(%lU^hsN_eoJp9oKly%$>azJ>lWE* z3x?Y3GWwID$#!z$dJCxcBkz@L*kWX>!I5n94bjZmX4QGC0HHBs-wi zv{0R&XI4+V^zDX`p~M;7t-VEGPX@~kT|?O!_)RCG#hDeRlJ4|EoQTCE#dEF!ez1Y; z1ydMSQe`3DRJ^94`Dhp{-XJ|8nTz(;Zts^Q-a=-G7);0Mi$ylu2VEUUwNPV=BF3x zqMza)l2y>f4t+oT(NOy7&p67K{)+r)+Kyg|lBtDRDRWDzV-}*r^$dhZpOm5s>{I2-q6ePlq9yy^8Mia& zVZXynmI42C+*4Jj+sh98`0#Z;vusb@SYo664b2+Vo@dHV`icsp^{-k;=kmil!Y%d6 zAuBVS4wFWH>f8%2TV*=VIZrmtb|BxDT(XLEc|7*h>Cen!NiO;e?s5Y-<~THp$;;3l z!&?@Hmv_qv)!eLi#?N5P^SgVgStVZ6tZ3ch?2d@_)%z)AtJXKGxf5BFr|9-&KHeKk z5B*JaRPD$qdL6F%vEX{}0<$_+c~4*!$#~6)pEONjs4Y4x69&lxlmc}T+xHV0S{U7)>w?* zZYX?0lNaQkqrdpEFBHSS`~36}9lT;v2pu^K z*>M*o>Nm6#ri2*Xa!S-(fAT>(p~-ITrtjP@Tj#LfL^#ux7pSTUN$LpS7vY9Rpqa0p zp&Rd;KSZtx7I|3cxkI1770=}PwkGxG{>??R^m`PaV@W@`O{TMy=e}hQd6{R?@g(2@ zfYiI|F53v*UCjN ze$UyRdxEd9O461o&)Xcfws^aY%#4cRl1 zXW--<;nQ-=s^&)@<)k0{2|2nZ_Qyl`j$V=Jf#0{n9CRCxue$Bg3A}?(EgGy#yvH~F!HlQUoq#`j z7kQ$lqGW2Uu;_7Pu9I=#iYd181sfl+5{zsw`K{^2wU(WA!s%FT?+~J)OWZW|vz>;r z?=;QFIWrhstS{IW_gnYP5n9Xrkv`c|ukqd;`h{nGA#(f5*~)$wS#RJz;cek`p2w)u z9UIjF*D-;uPWObbZ|bQ(594n?;;BywcB<=4UJv^Fb*JEJ`?=`pd{M;#croa&5WP#9#K9 zJgWudda!S}FsFv2jW`)dKTnM?Rk)v5UwTB5XBDoVncmv?5zHgeO9OV{>FJ55!Q!Ob z-M$+`b2t;}9J@LyLZRfG4_S!!eMpk_o^ez6NUjAuzOSFU>)UrUQb}ZYwhvR^TxV4^ zLiK_BsUDo{7xY{uz_?GLUqALcuYG~LGS38Q$6EHz3S`|jh|++|==^vV{}n}kGuXyX zvLR~Tx7V{~_!I6hM<>w>i2v=%AA!mQtIWsQQoaQJPjGS5YecEU+@ku2>u*PLuzKZk zoh6d#aXDF5v}dhKy32!Xt-N?Jvf=D|OeW8}ceHw=E$}K~t5T1>WLwQup&MK@hz^2V z=g4`wPEI;FOM7y;EpP!t9@wk=CFW1M2>;Cr))07~G$-_WlhBJk3e~JF>;ZctRE{|) ziVU$w-smdff=0Cp(WMRScg*Wu>vC4CBU9;Ruza?JtL|FxCw(z?zi`mC1^68XM(C&e z5$Xlc^`nb@KKsi(^pCHeq3c?}ECG)_g!Axx7Cy^qVY*G{OhtTBS?OG}5lJcxXMYi1 zv(S`abu7>P6%wi7kx^RM^@TBGGyW>F1UoL}p08-HcJ6doye8jkLbzJs=}>?Ro>8(O z8>25=M5j8l)5<%}x{^0Ww!P3n`jGd&$^*jq`L<#xOcS*>7AskZaZqZ3ej;foR6wfVb@~3s2Vt?{Tt| z9>$~TVb;He&$nE5gr4*xSMLv=%}0C`LvG60*YAu6XV4%wHtTBHuST2Kt~zjp95*t% z+ujIMiX)o-d_nR}M?Xm3hs{WPtuM@XbQn>t4@PvcL652*!D zADIm0x4fxyx%$i``xv~Kow9#8# zs^INR;XK4IQ61e%+okX*b<@bhpwEq+#b+x!=L+V}EVA~vKJ7jRsN_%hx&yu%u_o{Z z`i4*L`)GJFAC2N!Fb1!546|2nG{Rxzg*0NHoKh2C`-dbgC>p2ce4i~#7EmkBq8WIA zYwX5*&vX7RT9q-^@tAg`-(VzNt8^=;qLKOgT0X5QVAA`B-wZqSdB?#P?__z)dugaH zkPG;AH@emvU_^O?>4o=FEPAhz>;;o1dT25`%o^~eI@J?Y;R9GnK{}Emm|^k6%>^4; z*3e0F-3#KqSrB8RbG=jGK`$Y zedrdNasF&HsU3cgw`dZYh0$w7rp)OpK59CWPK@LPIqoL|c^o-jW9-xg&)!7#gI06t zL>dg2G|25g`r(>}!wJph`!;-4(9Kbmn+3?edyMYyA}8xtGQrVeSK>TsF*#cM$PQ%V2h;Od53v|1p}`uka3o-qMZG58SD>w?=oPD+K)HAeigg z%z1Kg3XIbwo};(W`kdX3HfI8!P;}o5+{_x1OBOJCr>xUt zso}JRC_C?J=w{q1){;OFNrjf(83(fXHJPxzj!{GzZ@T@v{`J>@+*hBfB zq4Ubkr$Nkq4Zw4bK1Ulw9&$1`bHnO3I_(@SPqgYadA?hC2DQ({gZ1gX(fD2r*{S5{ z&k53H_W4cdty{K$U*5qpi_h`rYbITsZ_=yea5aICz0@{DvsZyvwualsuT*%4CwYqa zAN!NP;g1KpvsuYQ@oSf-5A#K+o)@xHY<2Y4TpMfG@N@rg{R;NF#tS`Xg&>{C#y^Gs zC+&L(o;gP~g9A9{7oh|)z`BIew;ui6=!6HOz$6>}lY@u-XuO8?B$GTfUdbb3wBOEN z)mLU4m8X+kPABGr7vvTH;iAD+Jyg3mvlMtne>d{R(Ndj>rH`A}kPw!jli1z&Ir|D#!^y~ZF@bdJ~u-V>P0zR-6 z@8mzst9$Y}DPO4qdK~Paf#h)P3l2jE0{>3lP1_Q#8bGFP{xWDP$H!`91M*pz=}N=V z{$3961fNHf;{5l9E-IKwFUm_iDOnM4%;@ml0@UW4gMQ{(b_;QpKX~txZSaGgIfJ^R z4I~?2WD_z$(P%I4>Z;MR$l@%@Y|L&^4ZmWq{a|@yIxjfwfi5OSS8m0rF`l)0ZQ*Jy z0onlXHl#tgh``bOGJ$>GSkBbtO9vETB3bAkXYj z^j5FA@rU{Hq$lc0y25#oQqXO@=-b;bkV!f>;?lv z)L{_$jRnwt--(j_A$&AzJhYo!kD!$nl_i68$s_X3PSWke^KuYcgokK}3#EV`j0n=X zNfy<;=Bwil;o6@sTx*t*L$Vlt9WAmq9VWwWGY7D9ghsGa*Wj6j9@cTH-tFH&<)lEKFAvlMMi(Qlj&&JH^9oF1Gk50(FB zr?d@pQlT9P9~q&46YvGBBCDD##sZcgRmlEm6x$Q1RzEX)HKV^Q9c@=1{NLrAly-m~ zm;kUHd@Tzd{qO-S z0?|LMdrUSP+V+O7i5mVcfgL+a!&U{$mCmMNaI>a1EPQJJ{d9dI%)G*UhLu*+5aYTUev zx2p3G9WCd3ogmr3U2QHv9`1NLncdlQ_%lmikJF;fXbvXP3q3znZ?CbZRt-~Hi6EWN zK!1Q|V!=3cA#d<`psBwIhqb*-w9@;zs~0|*o=sAeZymWv&7xG%!n2L@rWtuXeOr(% z0oM2t?O;v1pxX2xe{(hWvB(;F)=JYhgL9JQl+VdeZ`sR>f_Ih#ANWR&OI0(SG~*+c z=*EoN{F_lC869yk7tP9Jr^{dQ=rON-A`fe#>~wlWI2fh9`qFik;%`#+db0e$vKtHh zGqZ>~UUyXa2k2Ixgy{u+z2`m*=WIzunvAK#29 zgFfgz_+q{A4lm@n?hq|;{T2=P)2W#$`i$>5u0{cRlhB{zFE9KvJO*d--cICd;At73 z9jVDnnR|JbFGCk{*S(;eF2^YUag#2$c2$+RQRFOuL6wP7S2S?r;KOUf0S!d25!B3U8kX8oewuqjyxLnpW*O6^+M^GK0_Zf81K_UHi`z@s5=P%*^e`^ zUzq%I(ElWQYtyg*a$lLxue>u>{%)slWzgPM%rWjRW^Mp)Z}8d%UIdQ=81d%YcyGKd z@O?2F{WeH-(Z4J~#}t5nMY>u zOJ{Xuk2#Max!&zD}9e?=_Z*4sXF3ybHt8lC?T>fBG zqL0Ov>-twaUY(H*OPTI|ybT2Z))_AGrI`p#l@x=TD$6O7}ZIemQuHw%fi*_{t z4hml661mo2@R{#Le?GZWlp-Cz8bd~rTkq$qqIj4JZzMaNd#xnre7#<->hcd6qIdyb zf8*NPUQ*6*t*2c-8U4$!t35BMTD9S|mX*?dF!)Byzy;7s=8*mH@*|y=b7J6W>0$D4 z(7HXJj0}7cflI-AYK18fp820;QA%PCZ?iK@+qa?}NR86)xp3J_Qk1;IqRj`)`fV~f zWt{1C{y|4IH&J$A1Gmc+QS(~~D*OvQh<1(&;%vEb6Wzio{P6kl;Nfv7f7qg~%)|a| zywtf=nleI)D(pavnisRx_t)ft_M^`X9&9M{*cr5=c0VxmN0E9$2H~wg?a47De=VD? zu@c{nZ5_=r!Qswp=c}tqR_#Z&n#OM0KHEznU}mA+$Qr`eZ__YVmv+MKu1h+sQU9%d7-IEMGw1>xqsN=cnzr=LoNaS#BNdYoWT2q7iXQ-RgVwDnWI%PS?Rn1 zM?M(J>|YK2i4m-qac~f86IHHsunMt9oqYD(=!)NM<#e)D**WHoDmAi&6D)m^y7@Hd{p2Ql_)4-y>BR&2DC`Bn`fWmT0n_ z+Rw+^UyHMSMzjJd<0oatx8YnLuriJ;PBb;|{8Y{hukhb)3d-d5@;sY(kDaJMc^&`i zuKrJhH7Af>U^GoFlF-;MBPXA8ep*tf{Fq^?&yLo@0qASl$EV;MEMOrg_M*K$!?*2d z8BW$P9w4)aKIbh!HX7Nreiog4@zkhPmtKXEaf)gXswFn|nze(z-Qwt%&=lPTKYi6E zTzA0^kD@m{O)o~7igbFd@KTV!lfFHqYq2a`!j3@Qj-czXfv@&+c8&2N+pxdACN_gt z33Af4`-yt&Z&pTI_LYUfy3vm;EHsmw(XfqM5up+%@xEhHtlMZfuzTS%H=r zU(XmY%KdOxHPN0A9fij-2;AyStb!_(QKxM5Ol4v_CjcCR<%W6pa`A##Y2xchrVrhRt<7G7k~xK|IJU1Pr+sAhCNNDPjUGByYC#; z^&CC5d%abq1iDMIs&B%nS$D=M?F~H0IXq728*U7vvv8=bR`Bd<{I8!1v**sMh`#I= zx*7DAt52HXSpAd+mN9#clUf#`Cm7D?U$phVzeCe|I!bx)6Nd0v-Nrw*djNAWT*KRq zctx&}drZF1l?~`+&cV&X=eXb@h}wYufcHM0d3q#Rd-u!ac!NL2#-h8zx6yJGJ2}|Q z0Tca$edwsDp7ClxhNL5TeH+NN+8LWqE05E0I*i%=AhY_2K<)42rFhLc$TKmxbYOlk4EV7yM-f*z9D6k~>7g$a5^ALT&tFZ5$ldc|) z)5UV=4fmz!D_lX?tZ&BWR!-^wkFvTIdYDrdY9##R(a2HzN;qjT+Q>K2^aKs3lhQs! zdB>X7<~m&vXcb+8zW>}-TPl{&N8Y;u@VgEErIQ&yWn1R;76}RZm7I=A_+QPL z?~S>!0gCE{uj4$=FS1%j^Zvb$E=f*jl#bvhD0vQj!F6YqTu7c;b^Jib!KurVmC-Rl zuckWCDNi;UGe|^Gpze}?)2zmG;~Kgly96@&*tK@Pq(=bE6UCHTtI0OcDUuit+q7aiW) z?iBq(U77vh1HKf9lOuZn)qB`iFOa#)Onvv0y|Qz`Qnts_z?^f_7v@4Gnyfi8`=6SWSAUv9@9^p-DSuj8&hkZ86fL)(sZ+_F3eviTA9Pqx? zTI`|h7QPzG_wBjd#Qk4TuX%6mFTOXN-8e%$+_V_nW_boWF<xV0&OdbVX@z58Zr&;WJ{ae|YZ>s#1EKoXpWM{;_FFTN^@`-3+tn>oz$ItU61%1F*WBqtAI^L5_;9+mT zFoMxNmz~eEZGSj@XkePmA6@?~dT{uVi;`Lky^ zlK=3@=v?!oQ2MZ@#(>|)_tUt%gNorfJokl+ z*>zExuo4YP7y37UNmTPU&y1RAefoK@GjjHwK`Zd?Oo-aSm90KSX8m2TAm-4>cHz1{ z0DJ(QPxT@njNCB^>Q*^a5%ekq)NxmfG<^B~7v&U@%E%UX&5+|8Qw1JVmO#xvKqHYRxo^eS|?XL?h(2- zE?k3Z&>@3nI-VJ~>}4{~3Kdgg9dC7n(>(AhKyCAqb-u!hc@{nPxIE}j9kqySzX;x2 zw~u5_G>VdQP5L45_&l}*YWq}wwFM*2g%_Q00M2=cpH?iVV?7E#Z(;g?$vkuahUOP8 z@EDxy)<--`4soqC^UyM`uin>#6;y^?q++oeULr{@WWLPVTwL3a;+NxDJPwUp-Dl*W z!w2?l3ol0w#O-BY4f{cGWrOhUlBd<_alD?sj!{*v3&Y7@P4AN15DzEm6{=J+lpm1y z_^1|stD59SCE#N?LWe!RzZsL=ZVZO|V7hzMp-gJpj5i-4IPJ#Ea0pqV9tucGKW;s9oACMb3j+{|&jRyE9 z@_+&DK!bk3D^RE0*z*nrYVHU2*k5e5jrqG(uRuNZK=&V!pq|y)BYQdPR*z^k?ry7n z;NmOcSNo^A@|>o_tfI3v4(B?fTXNcLX30T#Fv&;T^Dlbw(rC%Ku9x%**Q^=nN$yxU zFQQeiy+xJy`$`@4P|znlKdE@P$js_)@lu6N^l|o})5tqY6?)?fYQZ8x<*D6&(n|H z&3c9B^qeWl2gc7o)szgZe+p? zBadd7MV%ba8HISpPUIQi{A;*2UX4;_K^Ogmr)5#&AD!Y}`X?{<1p2udx%86^l`&oD{|APj{Wn8o_v?6bvS*(RsCIb+LH~vWm|yK$~tQ? zne0osmjA);Fkl_~4WH{ze1^9@qvc#AL364v zXk>uO&m=$7ozHa&-I?j1jT&I`9`LuGgB}}}rBSLC>#w;^5n8#0oU;P-YgOTX>x%zv zprdloTvsa-u4BJMXv4NZg`$mnjvn&<4K&XE=!x5f|0U{!5xS2))NgU*cSLIy{*C&< zWC<>JkkJ_(1YGzBcI&3a%o@Sjd#xkSKy>Q2_B(38%xq&Px{%FBowW%3qYFN!l8$EC zU9?ktXF7SRMab(d9ZKkk%k6Vh!{wg(y(V0E1$t!bz%h_Dler4dWNotfKG45WC|Fkb zhUBB@+FJW7~awqZ5q&ca{Liir^;~CA+yxuai>*m#ysXX)R#i^tn^OA|Ykm&_f zX)K;pE57TS?S&8h z8oT2wJm%f-c+3rvcN;&|sApCrxI?wy@S1v&`w3n(;+TzYI*`wd26Rv8cjHqsm_EGt z%DE1DI?F+qI-*BlpYHm>TT_@34*0>#wjw_fj>hGVyK01>52_uk!1ZJi;5Vr@795ft zq;3OnN_iQoU6KEKR_psMP`UvhP zael^Iv?L%}C0wF3yP&Twj`CEA{p5X-DRKM?y8KGyl}zze|IX-Y9*||0Cq>-`(`{zv z_1-L~0r=zhedWA$z@LR??>jt1ZTPY@u#uDtUV2Y1RL9y8Iz%p2Lai7%_9O@6YDo>O z4EA|ERgQ7^ob2ftTPYIU=k69jah8DKWuY0AV zb&Ooc7QgtDMed@FJ!7>g0zc;cWci`D_Bl`f%)QsfrRcmGX5oFpt2cfU{e$$QmX7#U zgCEhe)C%llH{2Yv+cGgfOr`I=N~8|*8CJMmSUd2K|N1aUzrhE&;62+@8ecfik0)g4 z*53zTQ8Y;P$|dRaR=Ce@$=Zb{^OwCrDzhg^UBBSZ>r0oZzppC8g*QjLP<9#Kq9ZZt zjlbyM?a6A>!A>pFgx|Rks@|cF`d$+p@gHXu4kK$Rm23qYH}dzH**<|gf;~*+-b#OF z*8P9UY5@-~D#$Q(Yk8Gn$uQ(0D)3}r8_NofpyXc=*fCa|&`C$C$({&yfsI#%r z+OyiChc$fgX^;<84j*XW039xlPjMczsT+7$oe*VBHS6}w{QA3KQ56C!X}=i%JldPL z_%^H)(T!gyr+?>uHD;$dD)TtLn)NoiyAdzZ6*7n(u*bl8{hSe}7QcNqM)nNTxjAI- zUH4XfG+N2qBDDPj8V>X=E&6^nTH@nc(-@MG#)j3GWnW==gf3e_nuK|3MSd;T$s9)!7tbwUEe)t zcnUNDIrQ^|)4PKv&iP7=9=8tH474jX8{mm>rkCRdx<@kQTbjbu=mp+LbSwMW^RD5; z{brBv=Pg`VXq1BS#@B_La@d8AWfht00|RvvP1*Mn=-SW{)H(dwsJal}cKHuRS~mR@ z=;VLw8H?d_SFi^M!Q~7NCdVn0oFcHa)u$6RArP%XRXnm?VX&c&>8q1cG_8A z>~-KTvTCcMV~-unb!5H$JN02kjsH)wdcRPI3*9kJy-Y+$1v zS>) zZn)+?{XyWn9l@;s!C#UJA7OSYq0pipx(Z&ld_c5*V_q3?9{&#b`PsQ}%y8U2PSUlv z+DlXD0zP7&SNHpVHgd@tu${;A@RuCpPqHEk!oQVxM+QzRSyRL5rQGABm?6t7$13Snl&V~HQ%L7P4Sqn+0kcb1E3?}FY*F_HWN5ZTcbh}@ z#wGk;WwCenQr_~`12}|4fV`luk%DI=stVn!&sfh z`;?xFMqytU?Ww`vmrggk!RLd1btLEM^wp7C;2f^0C&)+vUr*Zb$OuG7vX%3-5_{l$ z=DeX9Ce^73AJM~Cj?8}*{|r*uq7K@4m#pb~%!q^VPQkw&9fmdz&S1$pG6ZVGXj7h8 zl?PidQ8__F&+?pe4prj_I=ELv>6dY6p5X60p`kmnDOkrs$*i4QOiS8vp1!wN8N6|K z*3&a~gA5V;Y7ITX_v>?h4@E!nN32RVfrsW9;M2jR4vBu~6-+t+mwAt8Z!X@1m#=M^ z>Cw`_ar@Lj7X~-x9Tujd;Ph8#1nFB{x_iO!ErDbYkYzXPma96j=dVM1Q=K#N#WB2| z>z%Z#54mC2+j^=#*Hi5C??%pe`ha?d>K^!I<%CFey&I)= zd!6(lEm1pp=7yoUNZw-6qXdf%#iFC%LdFjo%ZiC~dfmydeTBGYc1P*U2%fJElEKU1 zg1MLKS?TV3i2j>yf?jwAMptyx@P$D-$WC8#Uz9{9P%*xzl2;Pt``BHV;dPy_+NsoB z9~IutbEj9dhOsB#+5#u|3f%$NPw#K8s*n|cADpbCbNKE#n-}LJCkf2DOE4ZKaHL%J z`MYPyoWYan?-rwBOTelR`fL5%cr|Ydp1@qz0=#`Zcxir~kBOy2^(R^rbCjn>Rf9+S zj*fG*o6a*c?nC!h32buIPx!K&?A2wZv$lYFy}T8#sm0P1btjo#KnHaEF?!20)QpGl zI{V$DLd@)W&=glO%kfpTYI7YreL%a42C&jlI)w%^>)bP`Cim;>Vf3kjA=-fty6^MW z7AFhW6FUOf!hwn8CG7rWH0d9!aUaoBj06`(%X-z5F2XYL z94!o;@0Ca$Ax|YJ$D%Z5(X5wbNe7Y#e>h$xO5p{dm)A1GNfAexACuEGm|fu&nckD{ zlNWIu&Y~RmFth9PNAxzo!dv6ysyAp!Z14{h!3$b=VzM4A0wWH}t3&L$u6rUi<%^%5 zogq&U@9f0RA<9<(&0CnQu07zrb`I1ng{xF^{Frmdc5dXZ@~Mg1yP9l>ip)Em(OWaa z+;fGe_!uhtZ+Ue00y%{Z1GFI3UXgGqZ@ZI?bS_v^)18$k*rZYg*rnzs$RXB8zVvR* z?CYwU>_`pjGmj4O(T-kz+OjB4ZC&hD3x2;6IVvB?XS#45JYceup2O+gb7voUOzu@J zdT0E>mByh@>SIx>eI|t#3D=@+cz^#$&<42ni7n`0Em|5a9y|c&Vjbq+xS^qHk1iyK z_q0tt`uXDhWrJsQ7<2V_INKkcU0zSQe*M@*(8oRa94*^Oa@AcE)X3YUvaKBzy%{cu z{FRwcEc*G8iLA(2RfB(N0zdHw-)}B@l=WnN4qO4Yxx!n`$#?PPeD7C}3^90*G4S69 z!DaHENY#xYHmZOZsOxhu8aivXtw}!k2g-~wA+^)q_zGxPFj>;6b3HNvCckzTwT_%A&YWW_I2=O^ahBQCmWiPyEu=)EI8 z7+1=WD@rcbSg?*y#r(A_pR3Lvpu^yyyWGg=d|rXf$fk5@f*&nG7rUQ%U{7w478i`x zsW#}?i{mw%?xCgg!FcoF`N{^zze^rsKk!sIx_itFt=I*NcMQ|n(}5axJW9nn(KF)j zkM1&$`q#IS$Fl%UI5l1pq=n{`%s&b6vmmR0>GS=A}ts-|76+J4BY zdljszwA89moviwD%BseTtSbJ{s)~Hw1it>SKdt(+iIq+`etm*fEt^_3yT4VdMp)H) zpjEN;tXlWLs-82gN*QU@iTeDv@mBOcR^7T`Rk3+iIy%S8p06`suqtGiRjmf|YkjTg zWUQ)I%BocU{PX-dv;D2IS!h*rUXR&fJe{cgw|7=W46~v+v66vhRW7f=G1m%5VAa=s zR>imBHMZlm_p$21D6964v#RC>{>}IEsESpUcUv{-cdP2~`j;-Tf_++5pTFB`Sd~S- zbyu6O#^FFmJ?4C@+XSrcagI?9?fr>~UyM^DUK#C{+%g6Y_+a=xd1e$S{=qof?6a|O z^Gl=G#W%*I6*)%i!Ca$_kBxp_|JpdR>!Gpo(j((U%yVOA$=gP?fTu=QkF&sHO=^(`68_n2eV#^~{A;;nkY_hWu!)rB#< zx7Dn&@IKxdWYyU9RvkZK)gr!!Cqd(NjQ4Bd5vxAWvg(foR(1Q0_h61y8C9K4&n6FV zX7k+M=Epx7RqY*YY)mGb|L2F7O$D14JzBNz(5FpWpEf;ucF64dOZhT3jsE|B6m^W@y9;Jq47ms!8m+xAV6C v$B+N|_xAt%`C0ymA3yjy=O6#JzWm=mxBZV_b9DOgYxex_$M65&zxRIun(qGM literal 0 HcmV?d00001 diff --git a/test/prototype/integration_tests/test_models.py b/test/prototype/integration_tests/test_models.py index 27fc313acc..f955f6612f 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/prototype/integration_tests/test_models.py @@ -4,6 +4,7 @@ from torchtext.prototype.models import ( T5_BASE_ENCODER, T5_BASE, + T5_BASE_GENERATION, ) @@ -24,7 +25,7 @@ def _t5_model(self, t5_model, expected_asset_name, test_text): actual = model(model_input)["decoder_output"] expected = torch.load(expected_asset_path) - torch.testing.assert_close(actual, expected) + torch.testing.assert_close(actual, expected, atol=1e-04, rtol=2.5e-06) def test_t5_base_encoder_model(self): expected_asset_name = "t5.base.encoder.output.pt" @@ -35,3 +36,8 @@ def test_t5_base_model(self): expected_asset_name = "t5.base.output.pt" test_text = ["Hello world", "Attention rocks!"] self._t5_model(t5_model=T5_BASE, expected_asset_name=expected_asset_name, test_text=test_text) + + def test_t5_base_generation_model(self): + expected_asset_name = "t5.base.generation.output.pt" + test_text = ["Hello world", "Attention rocks!"] + self._t5_model(t5_model=T5_BASE_GENERATION, expected_asset_name=expected_asset_name, test_text=test_text) diff --git a/test/prototype/models/test_models.py b/test/prototype/models/test_models.py index ccd165230c..17d438088f 100644 --- a/test/prototype/models/test_models.py +++ b/test/prototype/models/test_models.py @@ -1,13 +1,16 @@ +import copy from unittest.mock import patch +import torch from test.common.torchtext_test_case import TorchtextTestCase +from torch.nn import functional as F class TestModels(TorchtextTestCase): def test_t5_bundler_build_model(self): from torchtext.prototype.models import T5Conf, T5Model, T5Bundle - # case: user provide encoder checkpoint state dict + # case: user provides encoder checkpoint state dict dummy_encoder_conf = T5Conf( encoder_only=True, vocab_size=10, @@ -15,12 +18,13 @@ def test_t5_bundler_build_model(self): ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) dummy_t5_encoder = T5Model(dummy_encoder_conf) t5_encoder_model = T5Bundle.build_model(config=dummy_encoder_conf, checkpoint=dummy_t5_encoder.state_dict()) self.assertEqual(t5_encoder_model.state_dict(), dummy_t5_encoder.state_dict()) - # case: user provide encoder-decoder checkpoint state dict + # case: user provides encoder-decoder checkpoint state dict dummy_t5_conf = T5Conf( encoder_only=False, vocab_size=10, @@ -28,41 +32,46 @@ def test_t5_bundler_build_model(self): ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) dummy_t5 = T5Model(dummy_t5_conf) t5_model = T5Bundle.build_model(config=dummy_t5_conf, checkpoint=dummy_t5.state_dict()) self.assertEqual(t5_model.state_dict(), dummy_t5.state_dict()) - @patch("logging.Logger.warning") - def test_t5_bundler_get_model(self, mock): - from torchtext.prototype.models import T5Conf, T5Bundle - - # encoder-only - dummy_encoder_conf = T5Conf( - encoder_only=True, + # case: user provides checkpoint state dict for encoder-decoder with generation + dummy_t5_generation_conf = T5Conf( + encoder_only=False, + linear_head=True, vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) - encoder_bundle = T5Bundle(dummy_encoder_conf) - encoder_bundle.get_model(load_weights=False, freeze_model=True) - mock.assert_called_with( - "The model is not loaded with pre-trained weights. Setting freeze_model to True will hinder model from learning appropriate weights." + dummy_t5_generation = T5Model(dummy_t5_generation_conf) + t5_generation_model = T5Bundle.build_model( + config=dummy_t5_generation_conf, checkpoint=dummy_t5_generation.state_dict() ) + self.assertEqual(t5_generation_model.state_dict(), dummy_t5_generation.state_dict()) - # encoder-decoder - dummy_t5_conf = T5Conf( + @patch("logging.Logger.warning") + def test_t5_bundler_get_model(self, mock): + from torchtext.prototype.models import T5Conf, T5Bundle + + # encoder-decoder with generation + dummy_t5_generation_conf = T5Conf( encoder_only=False, + linear_head=True, vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) - t5_bundle = T5Bundle(dummy_t5_conf) - t5_bundle.get_model(load_weights=False, freeze_model=True) + t5_generation_bundle = T5Bundle(dummy_t5_generation_conf) + t5_generation_bundle.get_model(load_weights=False, freeze_model=True) mock.assert_called_with( "The model is not loaded with pre-trained weights. Setting freeze_model to True will hinder model from learning appropriate weights." ) @@ -79,6 +88,7 @@ def test_t5_bundler_raise_checkpoint(self): ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) T5Bundle.build_model( config=dummy_encoder_conf, @@ -95,6 +105,7 @@ def test_t5_bundler_raise_checkpoint(self): ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) T5Bundle.build_model( config=dummy_t5_conf, @@ -102,6 +113,24 @@ def test_t5_bundler_raise_checkpoint(self): checkpoint=1, ) + # encoder-decoder with generation + with self.assertRaises(TypeError): + dummy_t5_generation_conf = T5Conf( + encoder_only=False, + linear_head=True, + vocab_size=10, + embedding_dim=16, + ffn_dimension=64, + num_attention_heads=2, + num_encoder_layers=2, + num_decoder_layers=2, + ) + T5Bundle.build_model( + config=dummy_t5_generation_conf, + freeze_model=True, + checkpoint=1, + ) + def test_t5_bundler_conf_property(self): from torchtext.prototype.models import T5Conf, T5Bundle @@ -112,6 +141,43 @@ def test_t5_bundler_conf_property(self): ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2, + num_decoder_layers=2, ) t5_bundle = T5Bundle(dummy_t5_conf) self.assertTrue(isinstance(t5_bundle.config, T5Conf)) + + def test_t5_bundler_train(self): + from torch.optim import SGD + from torchtext.prototype.models import T5Conf, T5Model, T5Bundle + + def _train(model): + optim = SGD(model.parameters(), lr=1) + model_input = torch.tensor([[1, 2, 3, 4, 5]]) + target = torch.tensor([1]) + output = model(model_input)["decoder_output"] + logits = F.log_softmax(output[:, -1], dim=-1) + loss = F.cross_entropy(logits, target) + loss.backward() + optim.step() + + dummy_conf = T5Conf( + encoder_only=False, + linear_head=True, + vocab_size=10, + embedding_dim=16, + ffn_dimension=64, + num_attention_heads=2, + num_encoder_layers=2, + num_decoder_layers=2, + training=True, + ) + dummy_model = T5Model(dummy_conf) + model = T5Bundle.build_model( + config=dummy_conf, + freeze_model=False, + checkpoint=dummy_model.state_dict(), + ) + current_state_dict = copy.deepcopy(model.state_dict()) + + _train(model) + self.assertNotEqual(model.state_dict(), current_state_dict) diff --git a/torchtext/prototype/models/t5/__init__.py b/torchtext/prototype/models/t5/__init__.py index 45c0de5e04..69bb75aef6 100644 --- a/torchtext/prototype/models/t5/__init__.py +++ b/torchtext/prototype/models/t5/__init__.py @@ -1,6 +1,7 @@ from .bundler import ( T5_BASE_ENCODER, T5_BASE, + T5_BASE_GENERATION, T5Bundle, ) from .model import T5Conf, T5Model @@ -12,5 +13,6 @@ "T5Bundle", "T5_BASE_ENCODER", "T5_BASE", + "T5_BASE_GENERATION", "T5Transform", ] diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index 0a52007aae..c4c1d78fb6 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -39,6 +39,19 @@ class T5Bundle: >>> output.shape torch.Size([2, 1, 768]) + Example - Pretrained base t5 model for generation + >>> import torch, torchtext + >>> import torch.nn.functional as F + >>> t5_base_generation = torchtext.prototype.models.T5_BASE_GENERATION + >>> transform = t5_base_generation.transform() + >>> input_seq = ["Hello world", "Attention rocks!"] + >>> model = t5_base_generation.get_model() + >>> model_input = transform(input_seq) + >>> output = model(model_input)['decoder_output'] + >>> logits = F.log_softmax(output[:,-1], dim=-1) + >>> logits.shape + torch.Size([2, 1, 32128]) + Example - User-specified configuration and checkpoint >>> from torchtext.prototype.models import T5Conf, T5Bundle >>> model_weights_path = "https://download.pytorch.org/models/text/t5.base.encoder.pt" @@ -137,7 +150,8 @@ def config(self) -> T5Conf: ) T5_BASE_ENCODER.__doc__ = """ - T5 Encoder with Base configuration + T5_BASE_ENCODER is an encoder-only model from a pre-trained T5 model with the base configuration.. + It returns the normalized output from the final layer of the encoder. The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer `. It introduces a unified framework that converts text-based @@ -167,7 +181,39 @@ def config(self) -> T5Conf: ) T5_BASE.__doc__ = """ - T5 Encoder-Decoder with Base configuration + T5_BASE is an encoder-decoder model from a pre-trained T5 model with the base configuration. + It returns the normalized output from the final layer of the decoder. + + The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer + `. It introduces a unified framework that converts text-based + language problems, such as translation, question-answering, and summarization, into a text-to-text format. The + Colossal Clean Crawled Corpus (C4) dataset is used to pre-train the model on a masked language modeling task, + and various datasets are used to fine-tune the model on each downstream task. The model's architecture is a modified version + of the canonical Transformer architecture. + + Originally published by the authors of T5 under Apache License, Version 2.0 + and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. + """ + +T5_BASE_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.generation.pt"), + _config=T5Conf(encoder_only=False, linear_head=True), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_BASE_GENERATION.__doc__ = """ + T5_BASE_GENERATION is an encoder-decoder model from a pre-trained T5 model with the base configuration. + It returns the output of the final layer of the decoder after passing through a linear layer to project the hidden states to + the model vocabulary. This output can then be used for language generation. The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer `. It introduces a unified framework that converts text-based diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 41ffb12b4e..6a5349ce53 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -11,6 +11,7 @@ @dataclass class T5Conf: encoder_only: bool = False + linear_head: bool = False embedding_dim: int = 768 num_attention_heads: int = 12 num_encoder_layers: int = 12 @@ -35,7 +36,8 @@ class T5Model(nn.Module): Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html Args: - config.encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (required) + config.encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (default=False). + config.linear_head: Whether or not a linear layer should be used to project the output of the decoder's last layer to the vocab (default=False). config.embedding_dim: Number of expected features in the encoder/decoder inputs (default=768). config.num_attention_heads: Number of heads in the multiheadattention models (default=12). config.num_encoder_layers: Number of encoder layers in the encoder (default=12). @@ -55,11 +57,12 @@ class T5Model(nn.Module): freeze: Indicates whether or not to freeze the model weights. (default: False) Examples: >>> from torchtext.prototype.models import T5Conf, T5Model - >>> t5_config = T5Conf(encoder_only=False) + >>> t5_config = T5Conf(encoder_only=False, linear_head=True) >>> t5_model = T5Model(t5_config) - >>> encoder_input = torch.rand((32, 10, 512)) - >>> decoder_input = torch.rand((32, 20, 512)) - >>> out = t5_model(encoder_input, decoder_input) + >>> encoder_input = torch.randint(0, t5_config.vocab_size, (32, 512)) + >>> out = t5_model(encoder_input)['decoder_output'] + >>> out.shape + torch.Size([32, 1, 32128]) """ def __init__( @@ -73,7 +76,9 @@ def __init__( assert isinstance(config, T5Conf) + self.config = config self.encoder_only = config.encoder_only + self.linear_head = config.linear_head self.padding_idx = config.padding_idx self.training = config.training self.dropout = config.dropout if config.training else 0.0 @@ -118,6 +123,9 @@ def __init__( self.dropout3 = nn.Dropout(self.dropout) self.dropout4 = nn.Dropout(self.dropout) + if config.linear_head: + self.lm_head = nn.Linear(config.embedding_dim, config.vocab_size, bias=False) + if freeze: for p in self.parameters(): p.requires_grad = False @@ -191,6 +199,13 @@ def forward( decoder_output = self.dropout4(decoder_output) decoder_hidden_states = decoder_hidden_states + (decoder_output,) + if self.linear_head: + # Rescale output before projecting on vocab. This happens when the encoder and decoder share the + # same word embeddings, which is always the case in our t5 implementation. + # See https://github.com/huggingface/transformers/blob/d0acc9537829e7d067edbb791473bbceb2ecf056/src/transformers/models/t5/modeling_t5.py#L1661 + decoder_output = decoder_output * (self.config.embedding_dim ** -0.5) + decoder_output = self.lm_head(decoder_output) + t5_output = { "encoder_output": encoder_output, "encoder_hidden_states": encoder_hidden_states, From ef0808f91bc57a926acae750b97fbffe6bf61f0d Mon Sep 17 00:00:00 2001 From: Josh Smith Date: Mon, 1 Aug 2022 15:06:43 +0100 Subject: [PATCH 296/463] Correct typo in SST-2 tutorial (#1865) --- examples/tutorials/sst2_classification_non_distributed.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/examples/tutorials/sst2_classification_non_distributed.py b/examples/tutorials/sst2_classification_non_distributed.py index 509b51a36b..fbd602db9c 100644 --- a/examples/tutorials/sst2_classification_non_distributed.py +++ b/examples/tutorials/sst2_classification_non_distributed.py @@ -40,7 +40,7 @@ # 2. Convert tokens into (integer) IDs # 3. Add any special tokens IDs # -# XLM-R uses sentencepiece model for text tokenization. Below, we use pre-trained sentencepiepce +# XLM-R uses sentencepiece model for text tokenization. Below, we use pre-trained sentencepiece # model along with corresponding vocabulary to build text pre-processing pipeline using torchtext's transforms. # The transforms are pipelined using :py:func:`torchtext.transforms.Sequential` which is similar to :py:func:`torch.nn.Sequential` # but is torchscriptable. Note that the transforms support both batched and non-batched text inputs i.e, one From 103551f3bd7fff3b25dbb26f6191a381606719da Mon Sep 17 00:00:00 2001 From: Eli Uriegas <1700823+seemethere@users.noreply.github.com> Date: Mon, 1 Aug 2022 14:56:11 -0700 Subject: [PATCH 297/463] ci: Use self hosted runners for build (#1851) --- .github/workflows/build-m1-binaries.yml | 23 +++++++++++++++++------ packaging/pkg_helpers.bash | 7 ++++++- 2 files changed, 23 insertions(+), 7 deletions(-) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index cb95325d0a..13ae9575f9 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -17,8 +17,9 @@ env: jobs: build_wheels: name: "Build TorchText M1 wheels" - runs-on: macos-m1-11 + runs-on: macos-m1-12 strategy: + fail-fast: false matrix: py_vers: ["3.8", "3.9", "3.10"] steps: @@ -60,7 +61,7 @@ jobs: conda run -p ${ENV_NAME} python3 -mpip install delocate conda run -p ${ENV_NAME} python3 setup.py bdist_wheel export PYTORCH_VERSION="$(conda run -p ${ENV_NAME} python3 -mpip show torch | grep ^Version: | sed 's/Version: *//')" - conda run -p ${ENV_NAME} DYLD_FALLBACK_LIBRARY_PATH="${ENV_NAME}/lib" delocate-wheel -v --ignore-missing-dependencies dist/${WHL_NAME} + conda run -p ${ENV_NAME} DYLD_FALLBACK_LIBRARY_PATH="${ENV_NAME}/lib" delocate-wheel -v --ignore-missing-dependencies dist/*.whl conda env remove -p ${ENV_NAME} - name: Test wheel shell: arch -arch arm64 bash {0} @@ -98,7 +99,7 @@ jobs: done build_conda: name: "Build TorchText M1 conda packages" - runs-on: macos-m1 + runs-on: macos-m1-12 strategy: matrix: py_vers: ["3.8", "3.9", "3.10"] @@ -148,9 +149,13 @@ jobs: setup_conda_pytorch_constraint export SOURCE_ROOT_DIR=$(pwd) - conda build -c defaults $CONDA_CHANNEL_FLAGS --no-anaconda-upload --python "$PYTHON_VERSION" packaging/torchtext - mkdir -p dist - cp ~/miniconda3/conda-bld/osx-arm64/*.tar.bz2 dist/ + conda build \ + -c defaults \ + $CONDA_CHANNEL_FLAGS \ + --no-anaconda-upload \ + --python "$PYTHON_VERSION" \ + --output-folder=dist/ \ + packaging/torchtext - name: Upload package to GitHub uses: actions/upload-artifact@v3 with: @@ -168,3 +173,9 @@ jobs: conda install -yq anaconda-client set -x anaconda -t "${CONDA_PYTORCHBOT_TOKEN}" upload ~/miniconda3/conda-bld/osx-arm64/*.tar.bz2 -u "pytorch-${CHANNEL}" --label main --no-progress --force + +concurrency: + group: + ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == + 'workflow_dispatch' }} + cancel-in-progress: true diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 480d0ec324..7cf9113db2 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -201,7 +201,12 @@ setup_conda_pytorch_constraint() { CONDA_CHANNEL_FLAGS=${CONDA_CHANNEL_FLAGS:-} if [[ -z "$PYTORCH_VERSION" ]]; then export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-nightly" - export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | python -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" + PYTHON="python" + # Check if we have python 3 instead and prefer that + if python3 --version >/dev/null 2>/dev/null; then + PYTHON="python3" + fi + export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" else export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch -c pytorch-${UPLOAD_CHANNEL}" fi From 2755797aa88bb7817aeec60b358acd9fd89448d9 Mon Sep 17 00:00:00 2001 From: ProGamerGov Date: Tue, 2 Aug 2022 09:34:09 -0600 Subject: [PATCH 298/463] Fix docstring type (#1867) --- torchtext/transforms.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 734d8adb75..60ab52df34 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -58,7 +58,7 @@ def forward(self, input: Any) -> Any: :param input: Input sentence or list of sentences on which to apply tokenizer. :type input: Union[str, List[str]] :return: tokenized text - :rtype: Union[List[str], List[List(str)]] + :rtype: Union[List[str], List[List[str]]] """ if torch.jit.isinstance(input, List[str]): tokens: List[List[str]] = [] From 466f2e2b95f71759f1c2b71d48533adff2622b62 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Tue, 2 Aug 2022 11:34:28 -0400 Subject: [PATCH 299/463] Tutorial on using T5 model for text summarization (#1864) * tutorial on using t5 model for text summarization * formatting tutorial as python script * pre-commit * correcting indentation errors * add missing variables * add cnndm_summarization to index.rst * correcting formatting errors * setting model.eval() --- docs/source/index.rst | 1 + examples/tutorials/cnndm_summarization.py | 310 ++++++++++++++++++++++ 2 files changed, 311 insertions(+) create mode 100644 examples/tutorials/cnndm_summarization.py diff --git a/docs/source/index.rst b/docs/source/index.rst index 5cfe626650..9ebc235d57 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -51,6 +51,7 @@ Getting Started :caption: Getting Started tutorials/sst2_classification_non_distributed + tutorials/cnndm_summarization .. automodule:: torchtext diff --git a/examples/tutorials/cnndm_summarization.py b/examples/tutorials/cnndm_summarization.py new file mode 100644 index 0000000000..9bc06b06e1 --- /dev/null +++ b/examples/tutorials/cnndm_summarization.py @@ -0,0 +1,310 @@ +""" +CNNDM Text Summarization with T5-Base model +======================================================= + +**Author**: `Pendo Abbo `__ + +""" + +###################################################################### +# Overview +# -------- +# +# This tutorial demonstrates how to use a pre-trained T5 Model for text summarization on the CNN-DailyMail dataset. +# We will demonstrate how to use the torchtext library to: +# +# 1. Build a text pre-processing pipeline for a T5 model +# 2. Read in the CNNDM dataset and pre-process the text +# 3. Instantiate a pre-trained T5 model with base configuration, and perform text summarization on input text +# +# + +###################################################################### +# Common imports +# -------------- +import torch +import torch.nn.functional as F + +DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + + +####################################################################### +# Data Transformation +# ------------------- +# +# The T5 model does not work with raw text. Instead, it requires the text to be transformed into numerical form +# in order to perform training and inference. The following transformations are required for the T5 model: +# +# 1. Tokenize text +# 2. Convert tokens into (integer) IDs +# 3. Truncate the sequences to a specified maximum length +# 4. Add end-of-sequence (EOS) and padding token IDs +# +# T5 uses a SentencePiece model for text tokenization. Below, we use a pre-trained SentencePiece model to build +# the text pre-processing pipeline using torchtext's T5Transform. Note that the transform supports both +# batched and non-batched text input (i.e. one can either pass a single sentence or a list of sentences), however +# the T5 model expects the input to be batched. +# + +from torchtext.prototype.models import T5Transform + +padding_idx = 0 +eos_idx = 1 +max_seq_len = 512 +t5_sp_model_path = "https://download.pytorch.org/models/text/t5_tokenizer_base.model" + +transform = T5Transform( + sp_model_path=t5_sp_model_path, + max_seq_len=max_seq_len, + eos_idx=eos_idx, + padding_idx=padding_idx, +) + +####################################################################### +# Alternatively, we can also use the transform shipped with the pre-trained models that does all of the above out-of-the-box +# +# :: +# +# from torchtext.prototype.models import T5_BASE_GENERATION +# transform = T5_BASE_GENERATION.transform() +# + +####################################################################### +# Dataset +# ------- +# torchtext provides several standard NLP datasets. For a complete list, refer to the documentation at https://pytorch.org/text/stable/datasets.html. +# These datasets are built using composable torchdata datapipes and hence support standard flow-control and mapping/transformation +# using user defined functions and transforms. Below, we demonstrate how to pre-process the CNNDM dataset to include the prefix necessary +# for the model to identify the task it is performing. +# +# The CNNDM dataset has a train, validation, and test split. Below we demo on the test split. +# +# .. note:: +# Using datapipes is still currently subject to a few caveats. If you wish +# to extend this example to include shuffling, multi-processing, or +# distributed learning, please see :ref:`this note ` +# for further instructions. + +from functools import partial + +from torch.utils.data import DataLoader +from torchtext.datasets.cnndm import CNNDM + +batch_size = 5 +test_datapipe = CNNDM(split="test") +task = "summarize" + + +def apply_prefix(task, x): + return f"{task}: " + x[0], x[1] + + +test_datapipe = test_datapipe.map(partial(apply_prefix, task)) +test_datapipe = test_datapipe.batch(batch_size) +test_datapipe = test_datapipe.rows2columnar(["article", "abstract"]) +test_dataloader = DataLoader(test_datapipe, batch_size=None) + +####################################################################### +# Alternately we can also use batched API (i.e apply the prefix on the whole batch) +# +# :: +# +# def batch_prefix(task, x): +# return { +# "article": [f'{task}: ' + y for y in x["article"]], +# "abstract": x["abstract"] +# } +# +# batch_size = 5 +# test_datapipe = CNNDM(split="test") +# task = 'summarize' +# +# test_datapipe = test_datapipe.batch(batch_size).rows2columnar(["article", "abstract"]) +# test_datapipe = test_datapipe.map(partial(batch_prefix, task)) +# test_dataloader = DataLoader(test_datapipe, batch_size=None) +# + +###################################################################### +# Model Preparation +# ----------------- +# +# torchtext provides SOTA pre-trained models that can be used directly for NLP tasks or fine-tuned on downstream tasks. Below +# we use the pre-trained T5 model with standard base configuration to perform text summarization. For additional details on +# available pre-trained models, please refer to documentation at https://pytorch.org/text/main/models.html +# +# +from torchtext.prototype.models import T5_BASE_GENERATION + + +t5_base = T5_BASE_GENERATION +transform = t5_base.transform() +model = t5_base.get_model() +model.eval() +model.to(DEVICE) + + +####################################################################### +# Sequence Generator +# ------------------ +# +# We can define a sequence generator to produce an output sequence based on the input sequence provided. This calls on the +# model's encoder and decoder, and iteratively expands the decoded sequences until the end-of-sequence token is generated +# for all sequences in the batch. The `greedy_generator` method shown below uses a greedy search (i.e. expands the sequence +# based on the most probable next word). +# + +from torch import Tensor +from torchtext.prototype.models import T5Model + + +def greedy_generator( + encoder_tokens: Tensor, + eos_idx: int, + model: T5Model, +) -> Tensor: + + # pass tokens through encoder + encoder_padding_mask = encoder_tokens.eq(model.padding_idx) + encoder_embeddings = model.dropout1(model.token_embeddings(encoder_tokens)) + encoder_output = model.encoder(encoder_embeddings, tgt_key_padding_mask=encoder_padding_mask)[0] + + encoder_output = model.norm1(encoder_output) + encoder_output = model.dropout2(encoder_output) + + # initialize decoder input sequence; T5 uses padding index as starter index to decoder sequence + decoder_tokens = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) * model.padding_idx + + # mask to keep track of sequences for which the decoder has not produced an end-of-sequence token yet + incomplete_sentences = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) + + # iteratively generate output sequence until all sequences in the batch have generated the end-of-sequence token + for step in range(model.config.max_seq_len): + + # causal mask and padding mask for decoder sequence + tgt_len = decoder_tokens.shape[1] + decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1).bool() + decoder_padding_mask = decoder_tokens.eq(model.padding_idx) + + # T5 implemention uses padding idx to start sequence. Want to ignore this when masking + decoder_padding_mask[:, 0] = False + + # pass decoder sequence through decoder + decoder_embeddings = model.dropout3(model.token_embeddings(decoder_tokens)) + decoder_output = model.decoder( + decoder_embeddings, + memory=encoder_output, + tgt_mask=decoder_mask, + tgt_key_padding_mask=decoder_padding_mask, + memory_key_padding_mask=encoder_padding_mask, + )[0] + + decoder_output = model.norm2(decoder_output) + decoder_output = model.dropout4(decoder_output) + decoder_output = decoder_output * (model.config.embedding_dim ** -0.5) + decoder_output = model.lm_head(decoder_output) + + # greedy search for next token to add to sequence + probs = F.log_softmax(decoder_output[:, -1], dim=-1) + _, next_token = torch.topk(probs, 1) + + # ignore next tokens for sentences that are already complete + next_token *= incomplete_sentences + + # update incomplete_sentences to remove those that were just ended + incomplete_sentences = incomplete_sentences - (next_token == eos_idx).long() + + # update decoder sequences to include new tokens + decoder_tokens = torch.cat((decoder_tokens, next_token), 1) + + # early stop if all sentences have been ended + if (incomplete_sentences == 0).all(): + break + + return decoder_tokens + + +####################################################################### +# Generate Summaries +# ------------------ +# +# Finally we put all of the components together to generate summaries on the first batch of articles in the CNNDM test set. +# + +batch = next(iter(test_dataloader)) +input_text = batch["article"] +model_input = transform(input_text) +target = batch["abstract"] + +model_output = greedy_generator(model=model, encoder_tokens=model_input, eos_idx=eos_idx) +output_text = transform.decode(model_output.tolist()) + +for i in range(batch_size): + + print(f"Example {i+1}:\n") + print(f"prediction: {output_text[i]}\n") + print(f"target: {target[i]}\n\n") + + +####################################################################### +# Output +# ------ +# +# :: +# +# Example 1: +# +# prediction: the Palestinians officially become the 123rd member of the international +# criminal court . the move gives the court jurisdiction over alleged crimes committed +# in the occupied Palestinian territory . the ICC opened a preliminary examination into +# the situation in the occupied territories . +# +# target: Membership gives the ICC jurisdiction over alleged crimes committed in +# Palestinian territories since last June . Israel and the United States opposed the +# move, which could open the door to war crimes investigations against Israelis . +# +# +# Example 2: +# +# prediction: a stray pooch in Washington state has used up at least three of her own +# after being hit by a car . the dog staggers to a nearby farm, dirt-covered and +# emaciated, where she is found . she suffered a dislocated jaw, leg injuries and a +# caved-in sinus cavity . +# +# target: Theia, a bully breed mix, was apparently hit by a car, whacked with a hammer +# and buried in a field . "She's a true miracle dog and she deserves a good life," says +# Sara Mellado, who is looking for a home for Theia . +# +# +# Example 3: +# +# prediction: mohammad Javad Zarif is the foreign minister of the country . he has been +# a key figure in securing a breakthrough in nuclear talks . he has been a hero in the +# international community . +# +# target: Mohammad Javad Zarif has spent more time with John Kerry than any other +# foreign minister . He once participated in a takeover of the Iranian Consulate in San +# Francisco . The Iranian foreign minister tweets in English . +# +# +# Example 4: +# +# prediction: five americans were monitored for three weeks after being exposed to +# Ebola . one of the five had a heart-related issue on Saturday and has been discharged . +# none of the patients developed the deadly virus . +# +# target: 17 Americans were exposed to the Ebola virus while in Sierra Leone in March . +# Another person was diagnosed with the disease and taken to hospital in Maryland . +# National Institutes of Health says the patient is in fair condition after weeks of +# treatment . +# +# +# Example 5: +# +# prediction: the student was identified during an investigation by campus police and +# the office of student affairs . he admitted to placing the noose on the tree early +# Wednesday morning . +# +# target: Student is no longer on Duke University campus and will face disciplinary +# review . School officials identified student during investigation and the person +# admitted to hanging the noose, Duke says . The noose, made of rope, was discovered on +# campus about 2 a.m. From 255f4f7c9f22136ff7f9dd52b5de51c5882cc714 Mon Sep 17 00:00:00 2001 From: ProGamerGov Date: Tue, 2 Aug 2022 13:08:13 -0600 Subject: [PATCH 300/463] Add missing None type hint to tests (#1868) --- test/common/torchtext_test_case.py | 8 ++-- test/csrc/test_gpt2_bpe_tokenizer.py | 2 +- test/data/test_functional.py | 20 ++++---- test/data/test_jit.py | 2 +- test/data/test_metrics.py | 2 +- test/data/test_modules.py | 10 ++-- test/data/test_utils.py | 4 +- test/datasets/test_enwik9.py | 2 +- test/datasets/test_qqp.py | 2 +- test/models/test_models.py | 8 ++-- .../integration_tests/test_models.py | 6 +-- test/prototype/models/test_models.py | 8 ++-- test/prototype/models/test_transforms.py | 4 +- test/prototype/test_functional.py | 4 +- test/prototype/test_transforms.py | 10 ++-- test/prototype/test_vectors.py | 22 ++++----- test/prototype/test_with_asset.py | 20 ++++---- test/test_build.py | 16 +++---- test/test_functional.py | 4 +- test/test_transforms.py | 48 +++++++++---------- test/test_utils.py | 12 ++--- test/test_vocab.py | 38 +++++++-------- 22 files changed, 126 insertions(+), 126 deletions(-) diff --git a/test/common/torchtext_test_case.py b/test/common/torchtext_test_case.py index 4dd35ee9ac..b30eadef12 100644 --- a/test/common/torchtext_test_case.py +++ b/test/common/torchtext_test_case.py @@ -13,7 +13,7 @@ class TorchtextTestCase(TestCase): - def setUp(self): + def setUp(self) -> None: logging.basicConfig(format=("%(asctime)s - %(levelname)s - " "%(name)s - %(message)s"), level=logging.INFO) # Directory where everything temporary and test-related is written self.project_root = os.path.abspath( @@ -28,7 +28,7 @@ def setUp(self): self.test_dataset_splitting_path = os.path.join(self.test_dir, "test_dataset_split") self.test_nested_key_json_dataset_path = os.path.join(self.test_dir, "test_nested_key_json") - def tearDown(self): + def tearDown(self) -> None: try: shutil.rmtree(self.test_dir) except: @@ -68,7 +68,7 @@ def write_test_ppid_dataset(self, data_format="csv"): else: raise ValueError("Invalid format {}".format(data_format)) - def write_test_nested_key_json_dataset(self): + def write_test_nested_key_json_dataset(self) -> None: """ Used only to test nested key parsing of Example.fromJSON() """ @@ -91,7 +91,7 @@ def write_test_nested_key_json_dataset(self): for example in dict_dataset: test_nested_key_json_dataset_file.write(json.dumps(example) + "\n") - def write_test_numerical_features_dataset(self): + def write_test_numerical_features_dataset(self) -> None: with open(self.test_numerical_features_dataset_path, "w") as test_numerical_features_dataset_file: test_numerical_features_dataset_file.write("0.1\t1\tteststring1\n") test_numerical_features_dataset_file.write("0.5\t12\tteststring2\n") diff --git a/test/csrc/test_gpt2_bpe_tokenizer.py b/test/csrc/test_gpt2_bpe_tokenizer.py index ec48b72a5e..4b8923423a 100644 --- a/test/csrc/test_gpt2_bpe_tokenizer.py +++ b/test/csrc/test_gpt2_bpe_tokenizer.py @@ -6,7 +6,7 @@ class TestGPT2BPETokenizer(TorchtextTestCase): - def test_gpt2_bpe_pre_tokenizer(self): + def test_gpt2_bpe_pre_tokenizer(self) -> None: # Regex pattern for GPT-2 BPE which includes the negative lookahead # Reference: https://github.com/pytorch/fairseq/blob/main/fairseq/data/encoders/gpt2_bpe_utils.py#L69 gpt2_bpe_pattern = re.compile(r"""'s|'t|'re|'ve|'m|'ll|'d| ?\p{L}+| ?\p{N}+| ?[^\s\p{L}\p{N}]+|\s+(?!\S)|\s+""") diff --git a/test/data/test_functional.py b/test/data/test_functional.py index 26d8928891..82566e591d 100644 --- a/test/data/test_functional.py +++ b/test/data/test_functional.py @@ -19,7 +19,7 @@ class TestFunctional(TorchtextTestCase): - def test_generate_sp_model(self): + def test_generate_sp_model(self) -> None: """ Test the function to train a sentencepiece tokenizer. """ @@ -42,7 +42,7 @@ def test_generate_sp_model(self): sp_model = load_sp_model(model_file) self.assertEqual(sp_model.GetPieceSize(), 23456) - def test_sentencepiece_numericalizer(self): + def test_sentencepiece_numericalizer(self) -> None: test_sample = "SentencePiece is an unsupervised text tokenizer and detokenizer" model_path = get_asset_path("spm_example.model") sp_model = load_sp_model(model_path) @@ -74,7 +74,7 @@ def test_sentencepiece_numericalizer(self): self.assertEqual(list(spm_generator([test_sample]))[0], ref_results) - def test_sentencepiece_tokenizer(self): + def test_sentencepiece_tokenizer(self) -> None: test_sample = "SentencePiece is an unsupervised text tokenizer and detokenizer" model_path = get_asset_path("spm_example.model") sp_model = load_sp_model(open(model_path, "rb")) @@ -106,19 +106,19 @@ def test_sentencepiece_tokenizer(self): self.assertEqual(list(spm_generator([test_sample]))[0], ref_results) - def test_sentencepiece_unsupported_input_type(self): + def test_sentencepiece_unsupported_input_type(self) -> None: with self.assertRaisesRegex( TypeError, "Unsupported type for spm argument: dict. " "Supported types are: str, io.BufferedReader" ): load_sp_model(dict()) - def test_custom_replace(self): + def test_custom_replace(self) -> None: custom_replace_transform = custom_replace([(r"S", "s"), (r"\s+", " ")]) test_sample = ["test cuStom replace", "with uSer instruction"] ref_results = ["test custom replace", "with user instruction"] self.assertEqual(list(custom_replace_transform(test_sample)), ref_results) - def test_simple_space_split(self): + def test_simple_space_split(self) -> None: test_sample = ["test simple space split function"] ref_results = ["test", "simple", "space", "split", "function"] self.assertEqual(list(simple_space_split(test_sample))[0], ref_results) @@ -143,14 +143,14 @@ def encode_as_pieces(self, input: str): class TestScriptableSP(unittest.TestCase): - def setUp(self): + def setUp(self) -> None: model_path = get_asset_path("spm_example.model") with tempfile.TemporaryDirectory() as dir_name: jit_model_path = os.path.join(dir_name, "spm_example.model") torch.jit.script(ScriptableSP(model_path)).save(jit_model_path) self.model = torch.jit.load(jit_model_path) - def test_encode(self): + def test_encode(self) -> None: input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ "▁Sent", @@ -177,7 +177,7 @@ def test_encode(self): output = self.model.encode(input) self.assertEqual(expected, output) - def test_encode_as_ids(self): + def test_encode_as_ids(self) -> None: input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ 15340, @@ -204,7 +204,7 @@ def test_encode_as_ids(self): output = self.model.encode_as_ids(input) self.assertEqual(expected, output) - def test_encode_as_pieces(self): + def test_encode_as_pieces(self) -> None: input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ "\u2581Sent", diff --git a/test/data/test_jit.py b/test/data/test_jit.py index 98146ce0ca..9dcb90f658 100644 --- a/test/data/test_jit.py +++ b/test/data/test_jit.py @@ -6,7 +6,7 @@ class TestJIT(TorchtextTestCase): - def test_torchscript_multiheadattention(self): + def test_torchscript_multiheadattention(self) -> None: embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 # Build torchtext MultiheadAttention models in_proj_container = InProjContainer( diff --git a/test/data/test_metrics.py b/test/data/test_metrics.py index e23470bb9b..768ce4bb20 100644 --- a/test/data/test_metrics.py +++ b/test/data/test_metrics.py @@ -4,7 +4,7 @@ class TestUtils(TorchtextTestCase): - def test_bleu_score(self): + def test_bleu_score(self) -> None: # Full match candidate = [["My", "full", "pytorch", "test"]] refs = [[["My", "full", "pytorch", "test"], ["Completely", "Different"]]] diff --git a/test/data/test_modules.py b/test/data/test_modules.py index 970c775ef8..2ec49c1d73 100644 --- a/test/data/test_modules.py +++ b/test/data/test_modules.py @@ -9,7 +9,7 @@ class TestModels(TorchtextTestCase): - def test_multiheadattention(self): + def test_multiheadattention(self) -> None: embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 # Build torchtext MultiheadAttention module in_proj = InProjContainer( @@ -64,7 +64,7 @@ def test_multiheadattention(self): attn_weights = attn_weights.view(bsz, nhead, tgt_len, src_len + 1).sum(dim=1) / nhead self.assertEqual(attn_weights, torch_mha_weights) - def test_mha_batch_first(self): + def test_mha_batch_first(self) -> None: embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 # Build torchtext MultiheadAttention module in_proj = InProjContainer( @@ -121,7 +121,7 @@ def test_mha_batch_first(self): attn_weights_1st = attn_weights_1st.view(bsz, nhead, tgt_len, src_len + 1).sum(dim=1) / nhead self.assertEqual(attn_weights_1st, torch_mha_weights) - def test_broadcast_scaled_dot_product(self): + def test_broadcast_scaled_dot_product(self) -> None: embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 SDP = ScaledDotProduct() query = torch.rand((tgt_len, 1, embed_dim)) @@ -251,7 +251,7 @@ def test_scaled_dot_product_assert_raises( attn_mask=attn_mask.expand(*attn_mask_size) if attn_mask_size else attn_mask, ) - def test_sdp_batch_first(self): + def test_sdp_batch_first(self) -> None: embed_dim, nhead, tgt_len, src_len, bsz = 10, 5, 6, 10, 64 SDP = ScaledDotProduct(batch_first=True) query = torch.rand((1, tgt_len, embed_dim)) @@ -267,7 +267,7 @@ def test_sdp_batch_first(self): self.assertEqual(list(sdp_attn_output.size()), [bsz * nhead, tgt_len, embed_dim]) - def test_generate_square_subsequent_mask(self): + def test_generate_square_subsequent_mask(self) -> None: configs = [(3, 2), (1, 3), (1, 1), (3, 1), (2, 3)] for nbatch, sz in configs: out = generate_square_subsequent_mask(nbatch, sz) diff --git a/test/data/test_utils.py b/test/data/test_utils.py index 7d4344ab50..a0ab93a23a 100644 --- a/test/data/test_utils.py +++ b/test/data/test_utils.py @@ -6,12 +6,12 @@ class TestUtils(TorchtextTestCase): TEST_STR = "A string, particularly one with slightly complex punctuation." - def test_get_tokenizer_split(self): + def test_get_tokenizer_split(self) -> None: # Test the default case with str.split assert get_tokenizer(str.split) == str.split assert get_tokenizer(str.split)(self.TEST_STR) == str.split(self.TEST_STR) - def test_get_tokenizer_toktokt(self): + def test_get_tokenizer_toktokt(self) -> None: # Test Toktok option. Test strings taken from NLTK doctests. # Note that internally, MosesTokenizer converts to unicode if applicable toktok_tokenizer = get_tokenizer("toktok") diff --git a/test/datasets/test_enwik9.py b/test/datasets/test_enwik9.py index 5bc2893606..24418bd27c 100644 --- a/test/datasets/test_enwik9.py +++ b/test/datasets/test_enwik9.py @@ -56,7 +56,7 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - def test_enwik9(self): + def test_enwik9(self) -> None: dataset = EnWik9(root=self.root_dir) samples = list(dataset) diff --git a/test/datasets/test_qqp.py b/test/datasets/test_qqp.py index 58e06b019f..f97221b364 100644 --- a/test/datasets/test_qqp.py +++ b/test/datasets/test_qqp.py @@ -50,7 +50,7 @@ def tearDownClass(cls): cls.patcher.stop() super().tearDownClass() - def test_qqp(self): + def test_qqp(self) -> None: dataset = QQP(root=self.root_dir) samples = list(dataset) diff --git a/test/models/test_models.py b/test/models/test_models.py index e95f9cf090..0e92f6b631 100644 --- a/test/models/test_models.py +++ b/test/models/test_models.py @@ -9,7 +9,7 @@ class TestModels(TorchtextTestCase): - def test_roberta_bundler_build_model(self): + def test_roberta_bundler_build_model(self) -> None: from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle dummy_encoder_conf = RobertaEncoderConf( @@ -53,7 +53,7 @@ def test_roberta_bundler_build_model(self): ) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) - def test_roberta_bundler_train(self): + def test_roberta_bundler_train(self) -> None: from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle dummy_encoder_conf = RobertaEncoderConf( @@ -119,7 +119,7 @@ def test_roberta_bundler_get_model(self, mock): "The encoder is not loaded with pre-trained weights. Setting freeze_encoder to True will hinder encoder from learning appropriate weights." ) - def test_roberta_bundler_raise_checkpoint(self): + def test_roberta_bundler_raise_checkpoint(self) -> None: from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaBundle with self.assertRaises(TypeError): @@ -134,7 +134,7 @@ def test_roberta_bundler_raise_checkpoint(self): checkpoint=1, ) - def test_roberta_bundler_encode_conf_property(self): + def test_roberta_bundler_encode_conf_property(self) -> None: from torchtext.models import RobertaEncoderConf, RobertaBundle dummy_encoder_conf = RobertaEncoderConf( diff --git a/test/prototype/integration_tests/test_models.py b/test/prototype/integration_tests/test_models.py index f955f6612f..ed0f5b29e0 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/prototype/integration_tests/test_models.py @@ -27,17 +27,17 @@ def _t5_model(self, t5_model, expected_asset_name, test_text): expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected, atol=1e-04, rtol=2.5e-06) - def test_t5_base_encoder_model(self): + def test_t5_base_encoder_model(self) -> None: expected_asset_name = "t5.base.encoder.output.pt" test_text = ["Hello world", "Attention rocks!"] self._t5_model(t5_model=T5_BASE_ENCODER, expected_asset_name=expected_asset_name, test_text=test_text) - def test_t5_base_model(self): + def test_t5_base_model(self) -> None: expected_asset_name = "t5.base.output.pt" test_text = ["Hello world", "Attention rocks!"] self._t5_model(t5_model=T5_BASE, expected_asset_name=expected_asset_name, test_text=test_text) - def test_t5_base_generation_model(self): + def test_t5_base_generation_model(self) -> None: expected_asset_name = "t5.base.generation.output.pt" test_text = ["Hello world", "Attention rocks!"] self._t5_model(t5_model=T5_BASE_GENERATION, expected_asset_name=expected_asset_name, test_text=test_text) diff --git a/test/prototype/models/test_models.py b/test/prototype/models/test_models.py index 17d438088f..6bdc4986c4 100644 --- a/test/prototype/models/test_models.py +++ b/test/prototype/models/test_models.py @@ -7,7 +7,7 @@ class TestModels(TorchtextTestCase): - def test_t5_bundler_build_model(self): + def test_t5_bundler_build_model(self) -> None: from torchtext.prototype.models import T5Conf, T5Model, T5Bundle # case: user provides encoder checkpoint state dict @@ -76,7 +76,7 @@ def test_t5_bundler_get_model(self, mock): "The model is not loaded with pre-trained weights. Setting freeze_model to True will hinder model from learning appropriate weights." ) - def test_t5_bundler_raise_checkpoint(self): + def test_t5_bundler_raise_checkpoint(self) -> None: from torchtext.prototype.models import T5Conf, T5Bundle # encoder-only @@ -131,7 +131,7 @@ def test_t5_bundler_raise_checkpoint(self): checkpoint=1, ) - def test_t5_bundler_conf_property(self): + def test_t5_bundler_conf_property(self) -> None: from torchtext.prototype.models import T5Conf, T5Bundle dummy_t5_conf = T5Conf( @@ -146,7 +146,7 @@ def test_t5_bundler_conf_property(self): t5_bundle = T5Bundle(dummy_t5_conf) self.assertTrue(isinstance(t5_bundle.config, T5Conf)) - def test_t5_bundler_train(self): + def test_t5_bundler_train(self) -> None: from torch.optim import SGD from torchtext.prototype.models import T5Conf, T5Model, T5Bundle diff --git a/test/prototype/models/test_transforms.py b/test/prototype/models/test_transforms.py index a74e516fef..e86f354fd0 100644 --- a/test/prototype/models/test_transforms.py +++ b/test/prototype/models/test_transforms.py @@ -36,10 +36,10 @@ def _t5tokenizer(self, test_scripting): expected = ["Hello World!, how are you?"] self.assertEqual(actual, expected) - def test_t5tokenizer(self): + def test_t5tokenizer(self) -> None: """test tokenization on string input (encode) and translation from token ids to strings (decode)""" self._t5tokenizer(test_scripting=False) - def test_t5tokenizer_jit(self): + def test_t5tokenizer_jit(self) -> None: """test tokenization on string input (encode) and translation from token ids to strings (decode) with scripting""" self._t5tokenizer(test_scripting=True) diff --git a/test/prototype/test_functional.py b/test/prototype/test_functional.py index f1094d2dc7..ef4f096277 100644 --- a/test/prototype/test_functional.py +++ b/test/prototype/test_functional.py @@ -12,7 +12,7 @@ class TestFunctional(TorchtextTestCase): # TODO(Nayef211): remove decorator once https://github.com/pytorch/pytorch/issues/38207 is closed @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") - def test_BasicEnglishNormalize(self): + def test_BasicEnglishNormalize(self) -> None: test_sample = "'\".
,()!?;: Basic English Normalization for a Line of Text '\".
,()!?;:" ref_results = [ "'", @@ -57,7 +57,7 @@ def test_BasicEnglishNormalize(self): self.assertEqual(eager_tokens, ref_results) self.assertEqual(experimental_eager_tokens, ref_results) - def test_basicEnglishNormalize_load_and_save(self): + def test_basicEnglishNormalize_load_and_save(self) -> None: test_sample = "'\".
,()!?;: Basic English Normalization for a Line of Text '\".
,()!?;:" ref_results = [ "'", diff --git a/test/prototype/test_transforms.py b/test/prototype/test_transforms.py index 468e92c23c..ee1a291cd2 100644 --- a/test/prototype/test_transforms.py +++ b/test/prototype/test_transforms.py @@ -18,7 +18,7 @@ class TestTransforms(TorchtextTestCase): - def test_sentencepiece_processor(self): + def test_sentencepiece_processor(self) -> None: model_path = get_asset_path("spm_example.model") spm_transform = sentencepiece_processor(model_path) jit_spm_transform = torch.jit.script(spm_transform) @@ -50,7 +50,7 @@ def test_sentencepiece_processor(self): self.assertEqual(spm_transform.decode(ref_results), test_sample) self.assertEqual(jit_spm_transform.decode(ref_results), test_sample) - def test_sentencepiece_tokenizer(self): + def test_sentencepiece_tokenizer(self) -> None: model_path = get_asset_path("spm_example.model") spm_tokenizer = sentencepiece_tokenizer(model_path) jit_spm_tokenizer = torch.jit.script(spm_tokenizer) @@ -83,7 +83,7 @@ def test_sentencepiece_tokenizer(self): self.assertEqual(jit_spm_tokenizer(test_sample), ref_results) self.assertEqual(jit_spm_tokenizer.decode(ref_results), test_sample) - def test_vector_transform(self): + def test_vector_transform(self) -> None: asset_name = "wiki.en.vec" asset_path = get_asset_path(asset_name) @@ -99,7 +99,7 @@ def test_vector_transform(self): self.assertEqual(vector_transform(["the", "world"])[:, 0:3], expected_fasttext_simple_en) self.assertEqual(jit_vector_transform(["the", "world"])[:, 0:3], expected_fasttext_simple_en) - def test_sentencepiece_load_and_save(self): + def test_sentencepiece_load_and_save(self) -> None: model_path = get_asset_path("spm_example.model") input = "SentencePiece is an unsupervised text tokenizer and detokenizer" expected = [ @@ -241,7 +241,7 @@ def test_mask_transform_probs(self, test_mask_prob): exp_tokens = torch.tensor([[6, 5, 5, 5, 5], [6, 5, 5, 4, 4]]) self.assertEqual(exp_tokens, masked_tokens) - def test_mask_transform_mask_bos(self): + def test_mask_transform_mask_bos(self) -> None: # MaskTransform has boolean parameter mask_bos to indicate whether or not [BOS] tokens # should be eligible for replacement. The above tests of MaskTransform are under default value # mask_bos = False. Here we test the case where mask_bos = True diff --git a/test/prototype/test_vectors.py b/test/prototype/test_vectors.py index f41b404b3c..088fb343cb 100644 --- a/test/prototype/test_vectors.py +++ b/test/prototype/test_vectors.py @@ -9,12 +9,12 @@ class TestVectors(TorchtextTestCase): - def tearDown(self): + def tearDown(self) -> None: super().tearDown() torch._C._jit_clear_class_registry() torch.jit._recursive.concrete_type_store = torch.jit._recursive.ConcreteTypeStore() - def test_empty_vectors(self): + def test_empty_vectors(self) -> None: tokens = [] vecs = torch.empty(0, dtype=torch.float) unk_tensor = torch.tensor([0], dtype=torch.float) @@ -22,7 +22,7 @@ def test_empty_vectors(self): vectors_obj = build_vectors(tokens, vecs, unk_tensor) self.assertEqual(vectors_obj["not_in_it"], unk_tensor) - def test_empty_unk(self): + def test_empty_unk(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) expected_unk_tensor = torch.tensor([0, 0], dtype=torch.float) @@ -32,7 +32,7 @@ def test_empty_unk(self): self.assertEqual(vectors_obj["not_in_it"], expected_unk_tensor) - def test_vectors_basic(self): + def test_vectors_basic(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) @@ -45,7 +45,7 @@ def test_vectors_basic(self): self.assertEqual(vectors_obj["b"], tensorB) self.assertEqual(vectors_obj["not_in_it"], unk_tensor) - def test_vectors_jit(self): + def test_vectors_jit(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) @@ -64,7 +64,7 @@ def test_vectors_jit(self): self.assertEqual(vectors_obj["b"], jit_vectors_obj["b"]) self.assertEqual(vectors_obj["not_in_it"], jit_vectors_obj["not_in_it"]) - def test_vectors_forward(self): + def test_vectors_forward(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) @@ -82,7 +82,7 @@ def test_vectors_forward(self): self.assertEqual(expected_vectors, vectors_by_tokens) self.assertEqual(expected_vectors, jit_vectors_by_tokens) - def test_vectors_lookup_vectors(self): + def test_vectors_lookup_vectors(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) @@ -97,7 +97,7 @@ def test_vectors_lookup_vectors(self): self.assertEqual(expected_vectors, vectors_by_tokens) - def test_vectors_add_item(self): + def test_vectors_add_item(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) unk_tensor = torch.tensor([0, 0], dtype=torch.float) @@ -112,7 +112,7 @@ def test_vectors_add_item(self): self.assertEqual(vectors_obj["b"], tensorB) self.assertEqual(vectors_obj["not_in_it"], unk_tensor) - def test_vectors_update(self): + def test_vectors_update(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) tensorC = torch.tensor([1, 1], dtype=torch.float) @@ -129,7 +129,7 @@ def test_vectors_update(self): self.assertEqual(vectors_obj["b"], tensorC) self.assertEqual(vectors_obj["not_in_it"], expected_unk_tensor) - def test_vectors_load_and_save(self): + def test_vectors_load_and_save(self) -> None: tensorA = torch.tensor([1, 0], dtype=torch.float) tensorB = torch.tensor([0, 1], dtype=torch.float) expected_unk_tensor = torch.tensor([0, 0], dtype=torch.float) @@ -161,7 +161,7 @@ def test_vectors_load_and_save(self): # we separate out these errors because Windows runs into seg faults when propagating # exceptions from C++ using pybind11 @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") - def test_errors_vectors_cpp(self): + def test_errors_vectors_cpp(self) -> None: tensorA = torch.tensor([1, 0, 0], dtype=torch.float) tensorB = torch.tensor([0, 1, 0], dtype=torch.float) tensorC = torch.tensor([0, 0, 1], dtype=torch.float) diff --git a/test/prototype/test_with_asset.py b/test/prototype/test_with_asset.py index 0ffe0851a5..e0ab14f4d7 100644 --- a/test/prototype/test_with_asset.py +++ b/test/prototype/test_with_asset.py @@ -28,7 +28,7 @@ def _batch_func(spm_processor, data): class TestTransformsWithAsset(TorchtextTestCase): - def test_vocab_transform(self): + def test_vocab_transform(self) -> None: asset_name = "vocab_test2.txt" asset_path = get_asset_path(asset_name) vocab_transform = VocabTransform(load_vocab_from_file(asset_path)) @@ -36,7 +36,7 @@ def test_vocab_transform(self): jit_vocab_transform = torch.jit.script(vocab_transform) self.assertEqual(jit_vocab_transform(["of", "that", "new", "that"]), [7, 18, 24, 18]) - def test_errors_vectors_python(self): + def test_errors_vectors_python(self) -> None: tokens = [] vecs = torch.empty(0, dtype=torch.float) @@ -68,7 +68,7 @@ def test_errors_vectors_python(self): # incorrect dim GloVe(name="6B", dim=500, root=dir_name, validate_file=False) - def test_glove(self): + def test_glove(self) -> None: # copy the asset file into the expected download location # note that this is just a zip file with the first 100 entries of the GloVe 840B dataset asset_name = "glove.840B.300d.zip" @@ -90,7 +90,7 @@ def test_glove(self): self.assertEqual(vectors_obj[word][:3], expected_glove[word]) self.assertEqual(jit_vectors_obj[word][:3], expected_glove[word]) - def test_glove_different_dims(self): + def test_glove_different_dims(self) -> None: # copy the asset file into the expected download location # note that this is just a zip file with 1 line txt files used to test that the # correct files are being loaded @@ -126,7 +126,7 @@ def test_glove_different_dims(self): for word in expected_glove.keys(): self.assertEqual(vectors_obj[word][:3], expected_glove[word]) - def test_vocab_from_file(self): + def test_vocab_from_file(self) -> None: asset_name = "vocab_test.txt" asset_path = get_asset_path(asset_name) v = load_vocab_from_file(asset_path) @@ -135,7 +135,7 @@ def test_vocab_from_file(self): self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) - def test_vocab_from_raw_text_file(self): + def test_vocab_from_raw_text_file(self) -> None: asset_name = "vocab_raw_text_test.txt" asset_path = get_asset_path(asset_name) @@ -196,7 +196,7 @@ def python_basic_english_normalize(input): self.assertEqual(v2.get_itos(), expected_itos) self.assertEqual(dict(v2.get_stoi()), expected_stoi) - def test_builtin_pretrained_sentencepiece_processor(self): + def test_builtin_pretrained_sentencepiece_processor(self) -> None: sp_model_path = download_from_url(PRETRAINED_SP_MODEL["text_unigram_25000"]) spm_tokenizer = sentencepiece_tokenizer(sp_model_path) _path = os.path.join(self.project_root, ".data", "text_unigram_25000.model") @@ -215,7 +215,7 @@ def test_builtin_pretrained_sentencepiece_processor(self): # we separate out these errors because Windows runs into seg faults when propagating # exceptions from C++ using pybind11 - def test_sentencepiece_with_dataloader(self): + def test_sentencepiece_with_dataloader(self) -> None: example_strings = ["the pretrained spm model names"] * 64 ref_results = torch.tensor([[13, 1465, 12824, 304, 24935, 5771, 3776]] * 16, dtype=torch.long) @@ -227,7 +227,7 @@ def test_sentencepiece_with_dataloader(self): for item in dataloader: self.assertEqual(item, ref_results) - def test_vectors_from_file(self): + def test_vectors_from_file(self) -> None: asset_name = "vectors_test.csv" asset_path = get_asset_path(asset_name) vectors_obj = load_vectors_from_file_path(asset_path) @@ -240,7 +240,7 @@ def test_vectors_from_file(self): self.assertEqual(vectors_obj["b"], expected_tensorB) self.assertEqual(vectors_obj["not_in_it"], expected_unk_tensor) - def test_fast_text(self): + def test_fast_text(self) -> None: # copy the asset file into the expected download location # note that this is just a file with the first 100 entries of the FastText english dataset asset_name = "wiki.en.vec" diff --git a/test/test_build.py b/test/test_build.py index f5bc2c9535..7435e8c032 100644 --- a/test/test_build.py +++ b/test/test_build.py @@ -11,7 +11,7 @@ class TestDataUtils(TorchtextTestCase): TEST_STR = "A string, particularly one with slightly complex punctuation." - def test_get_tokenizer_spacy(self): + def test_get_tokenizer_spacy(self) -> None: # Test SpaCy option, and verify it properly handles punctuation. assert torchtext.data.get_tokenizer("spacy", language="en_core_web_sm")(str(self.TEST_STR)) == [ "A", @@ -26,7 +26,7 @@ def test_get_tokenizer_spacy(self): ".", ] - def test_get_tokenizer_moses(self): + def test_get_tokenizer_moses(self) -> None: # Test Moses option. # Note that internally, MosesTokenizer converts to unicode if applicable moses_tokenizer = torchtext.data.get_tokenizer("moses") @@ -48,7 +48,7 @@ def test_get_tokenizer_moses(self): class TestVocab(TorchtextTestCase): - def test_vectors_get_vecs(self): + def test_vectors_get_vecs(self) -> None: vec = torchtext.vocab.GloVe(name="twitter.27B", dim="25") self.assertEqual(vec.vectors.shape[0], len(vec)) @@ -64,7 +64,7 @@ def test_vectors_get_vecs(self): self.assertEqual(token_one_vec.shape[0], vec.dim) self.assertEqual(vec[tokens[0].lower()], token_one_vec) - def test_download_charngram_vectors(self): + def test_download_charngram_vectors(self) -> None: # Build a vocab and get vectors twice to test caching. for _ in range(2): vectors = torchtext.vocab.CharNGram() @@ -83,7 +83,7 @@ def test_download_charngram_vectors(self): expected_oov_token_charngram = [-0.1070, -0.2240, -0.3043, -0.1092, 0.0953] self.assertEqual(vectors["OOV token"][0, :5], expected_oov_token_charngram, atol=0, rtol=10e-4) - def test_download_custom_vectors(self): + def test_download_custom_vectors(self) -> None: # Build a vocab and get vectors twice to test caching. for _ in range(2): vectors = torchtext.vocab.Vectors("wiki.simple.vec", url=torchtext.vocab.FastText.url_base.format("simple")) @@ -99,7 +99,7 @@ def test_download_custom_vectors(self): self.assertEqual(vectors[""], torch.zeros(300)) - def test_download_fasttext_vectors(self): + def test_download_fasttext_vectors(self) -> None: # Build a vocab and get vectors twice to test caching. for _ in range(2): vectors = torchtext.vocab.FastText(language="simple") @@ -116,7 +116,7 @@ def test_download_fasttext_vectors(self): self.assertEqual(vectors[""], torch.zeros(300)) self.assertEqual(vectors["OOV token"], torch.zeros(300)) - def test_download_glove_vectors(self): + def test_download_glove_vectors(self) -> None: # Build a vocab and get vectors twice to test caching. vectors = torchtext.vocab.GloVe(name="twitter.27B", dim="25") # The first 5 entries in each vector. @@ -131,7 +131,7 @@ def test_download_glove_vectors(self): self.assertEqual(vectors[""], torch.zeros(25)) self.assertEqual(vectors["OOV token"], torch.zeros(25)) - def test_vectors_custom_cache(self): + def test_vectors_custom_cache(self) -> None: vector_cache = os.path.join("/tmp", "vector_cache") # Build a vocab and get vectors twice to test caching. for i in range(2): diff --git a/test/test_functional.py b/test/test_functional.py index dd77e3e18b..cb1f25ac6b 100644 --- a/test/test_functional.py +++ b/test/test_functional.py @@ -25,7 +25,7 @@ def test_to_tensor(self, test_scripting, configs): expected = torch.tensor(expected_list, dtype=torch.long) torch.testing.assert_close(actual, expected) - def test_to_tensor_assert_raises(self): + def test_to_tensor_assert_raises(self) -> None: """test raise type error if input provided is not in Union[List[int],List[List[int]]]""" with self.assertRaises(TypeError): functional.to_tensor("test") @@ -50,7 +50,7 @@ def test_truncate(self, test_scripting, configs): actual = func(inputs, max_seq_len=max_seq_len) self.assertEqual(actual, expected) - def test_truncate_assert_raises(self): + def test_truncate_assert_raises(self) -> None: """test raise type error if input provided is not in Union[List[Union[str, int]], List[List[Union[str, int]]]]""" with self.assertRaises(TypeError): functional.truncate("test", max_seq_len=2) diff --git a/test/test_transforms.py b/test/test_transforms.py index a17bb1ecc0..2dc11cb6d0 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -27,11 +27,11 @@ def _spmtokenizer(self, test_scripting): expected = ["▁Hello", "▁World", "!", ",", "▁how", "▁are", "▁you", "?"] self.assertEqual(actual, expected) - def test_spmtokenizer(self): + def test_spmtokenizer(self) -> None: """test tokenization on single sentence input as well as batch on sentences""" self._spmtokenizer(test_scripting=False) - def test_spmtokenizer_jit(self): + def test_spmtokenizer_jit(self) -> None: """test tokenization with scripting on single sentence input as well as batch on sentences""" self._spmtokenizer(test_scripting=True) @@ -48,11 +48,11 @@ def _vocab_transform(self, test_scripting): expected = [0, 1, 2] self.assertEqual(actual, expected) - def test_vocab_transform(self): + def test_vocab_transform(self) -> None: """test token to indices on both sequence of input tokens as well as batch of sequence""" self._vocab_transform(test_scripting=False) - def test_vocab_transform_jit(self): + def test_vocab_transform_jit(self) -> None: """test token to indices with scripting on both sequence of input tokens as well as batch of sequence""" self._vocab_transform(test_scripting=True) @@ -72,11 +72,11 @@ def _totensor(self, test_scripting): expected = torch.tensor([1, 2], dtype=torch.long) torch.testing.assert_close(actual, expected) - def test_totensor(self): + def test_totensor(self) -> None: """test tensorization on both single sequence and batch of sequence""" self._totensor(test_scripting=False) - def test_totensor_jit(self): + def test_totensor_jit(self) -> None: """test tensorization with scripting on both single sequence and batch of sequence""" self._totensor(test_scripting=True) @@ -112,11 +112,11 @@ def _labeltoindex(self, test_scripting): expected = [0, 1, 2] self.assertEqual(actual, expected) - def test_labeltoindex(self): + def test_labeltoindex(self) -> None: """test labe to ids on single label input as well as batch of labels""" self._labeltoindex(test_scripting=False) - def test_labeltoindex_jit(self): + def test_labeltoindex_jit(self) -> None: """test labe to ids with scripting on single label input as well as batch of labels""" self._labeltoindex(test_scripting=True) @@ -146,11 +146,11 @@ def _truncate(self, test_scripting): expected = ["a", "b"] self.assertEqual(actual, expected) - def test_truncate(self): + def test_truncate(self) -> None: """test truncation on both sequence and batch of sequence with both str and int types""" self._truncate(test_scripting=False) - def test_truncate_jit(self): + def test_truncate_jit(self) -> None: """test truncation with scripting on both sequence and batch of sequence with both str and int types""" self._truncate(test_scripting=True) @@ -201,10 +201,10 @@ def _add_token(self, test_scripting): expected = ["1", "2", "0"] self.assertEqual(actual, expected) - def test_add_token(self): + def test_add_token(self) -> None: self._add_token(test_scripting=False) - def test_add_token_jit(self): + def test_add_token_jit(self) -> None: self._add_token(test_scripting=True) def _pad_transform(self, test_scripting): @@ -254,10 +254,10 @@ def _pad_transform(self, test_scripting): msg=f"actual: {padded_2d_tensor_actual}, expected: {padded_2d_tensor_expected}", ) - def test_pad_transform(self): + def test_pad_transform(self) -> None: self._pad_transform(test_scripting=False) - def test_pad_transform_jit(self): + def test_pad_transform_jit(self) -> None: self._pad_transform(test_scripting=True) def _str_to_int_transform(self, test_scripting): @@ -281,10 +281,10 @@ def _str_to_int_transform(self, test_scripting): for i in range(len(expected_2d_int_list)): self.assertListEqual(expected_2d_int_list[i], actual_2d_int_list[i]) - def test_str_to_int_transform(self): + def test_str_to_int_transform(self) -> None: self._str_to_int_transform(test_scripting=False) - def test_str_to_int_transform_jit(self): + def test_str_to_int_transform_jit(self) -> None: self._str_to_int_transform(test_scripting=True) @@ -306,11 +306,11 @@ def _sequential(self, test_scripting): expected = torch.tensor(input) torch.testing.assert_close(actual, expected) - def test_sequential(self): + def test_sequential(self) -> None: """test pipelining transforms using Sequential transform""" self._sequential(test_scripting=False) - def test_sequential_jit(self): + def test_sequential_jit(self) -> None: """test pipelining transforms using Sequential transform, ensuring the composite transform is scriptable""" self._sequential(test_scripting=True) @@ -367,14 +367,14 @@ def test_gpt2_bpe_tokenizer(self, test_scripting, return_tokens): """test tokenization on single sentence input as well as batch on sentences""" self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=test_scripting, return_tokens=return_tokens)) - def test_gpt2_bpe_tokenizer_save_load_pybind(self): + def test_gpt2_bpe_tokenizer_save_load_pybind(self) -> None: tokenizer = self._load_tokenizer(test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._gpt2_bpe_tokenizer((loaded_tokenizer)) - def test_gpt2_bpe_tokenizer_save_load_torchscript(self): + def test_gpt2_bpe_tokenizer_save_load_torchscript(self) -> None: tokenizer = self._load_tokenizer(test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version @@ -567,14 +567,14 @@ def test_clip_tokenizer(self, init_using_merge_only, test_scripting, return_toke ) ) - def test_clip_tokenizer_save_load_pybind(self): + def test_clip_tokenizer_save_load_pybind(self) -> None: tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") torch.save(tokenizer, tokenizer_path) loaded_tokenizer = torch.load(tokenizer_path) self._clip_tokenizer((loaded_tokenizer)) - def test_clip_tokenizer_save_load_torchscript(self): + def test_clip_tokenizer_save_load_torchscript(self) -> None: tokenizer = self._load_tokenizer(init_using_merge_only=True, test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_torchscript.pt") # Call the __prepare_scriptable__() func and convert the building block to the torbhind version @@ -717,7 +717,7 @@ class TestRegexTokenizer(TorchtextTestCase): (r"\s+", " "), ] - def test_regex_tokenizer(self): + def test_regex_tokenizer(self) -> None: r_tokenizer = RegexTokenizer(self.patterns_list) eager_tokens = r_tokenizer(self.test_sample) @@ -732,7 +732,7 @@ def test_regex_tokenizer(self): self.assertEqual(eager_tokens, self.ref_results) self.assertEqual(jit_tokens, self.ref_results) - def test_regex_tokenizer_save_load(self): + def test_regex_tokenizer_save_load(self) -> None: with self.subTest("pybind"): save_path = os.path.join(self.test_dir, "regex_pybind.pt") diff --git a/test/test_utils.py b/test/test_utils.py index 6bd091ce9c..3262cc0dc3 100644 --- a/test/test_utils.py +++ b/test/test_utils.py @@ -18,7 +18,7 @@ def conditional_remove(f): class TestUtils(TorchtextTestCase): - def test_download_extract_tar(self): + def test_download_extract_tar(self) -> None: # create root directory for downloading data root = os.path.abspath(".data") if not os.path.exists(root): @@ -46,7 +46,7 @@ def test_download_extract_tar(self): conditional_remove(f) conditional_remove(archive_path) - def test_download_extract_gz(self): + def test_download_extract_gz(self) -> None: # create root directory for downloading data root = os.path.abspath(".data") if not os.path.exists(root): @@ -74,7 +74,7 @@ def test_download_extract_gz(self): conditional_remove(f) conditional_remove(archive_path) - def test_download_extract_zip(self): + def test_download_extract_zip(self) -> None: # create root directory for downloading data root = os.path.abspath(".data") if not os.path.exists(root): @@ -110,7 +110,7 @@ def test_download_extract_zip(self): os.rmdir(os.path.join(root, "en-ud-v2")) conditional_remove(archive_path) - def test_no_download(self): + def test_no_download(self) -> None: asset_name = "glove.840B.300d.zip" asset_path = get_asset_path(asset_name) root = os.path.abspath(".data") @@ -122,7 +122,7 @@ def test_no_download(self): self.assertEqual(file_path, data_path) conditional_remove(data_path) - def test_download_extract_to_path(self): + def test_download_extract_to_path(self) -> None: # create root directory for downloading data root = os.path.abspath(".data") if not os.path.exists(root): @@ -156,7 +156,7 @@ def test_download_extract_to_path(self): conditional_remove(archive_path) @unittest.skip("Download temp. slow.") - def test_extract_non_tar_zip(self): + def test_extract_non_tar_zip(self) -> None: # create root directory for downloading data root = os.path.abspath(".data") if not os.path.exists(root): diff --git a/test/test_vocab.py b/test/test_vocab.py index 30851a7044..ff46450ae3 100644 --- a/test/test_vocab.py +++ b/test/test_vocab.py @@ -9,12 +9,12 @@ class TestVocab(TorchtextTestCase): - def tearDown(self): + def tearDown(self) -> None: super().tearDown() torch._C._jit_clear_class_registry() torch.jit._recursive.concrete_type_store = torch.jit._recursive.ConcreteTypeStore() - def test_vocab_membership(self): + def test_vocab_membership(self) -> None: token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -25,7 +25,7 @@ def test_vocab_membership(self): self.assertTrue("b" in v) self.assertFalse("c" in v) - def test_vocab_get_item(self): + def test_vocab_get_item(self) -> None: token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -35,7 +35,7 @@ def test_vocab_get_item(self): self.assertEqual(v["a"], 1) self.assertEqual(v["b"], 2) - def test_default_index(self): + def test_default_index(self) -> None: token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -52,7 +52,7 @@ def test_default_index(self): with self.assertRaises(RuntimeError): v["not in vocab"] - def test_default_index_jit(self): + def test_default_index_jit(self) -> None: token_to_freq = {"": 2, "a": 2, "b": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -65,7 +65,7 @@ def test_default_index_jit(self): with self.assertRaises(RuntimeError): v_jit["not in vocab"] - def test_vocab_insert_token(self): + def test_vocab_insert_token(self) -> None: c = OrderedDict({"": 2, "a": 2}) # add item to end @@ -88,7 +88,7 @@ def test_vocab_insert_token(self): self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) - def test_vocab_append_token(self): + def test_vocab_append_token(self) -> None: c = OrderedDict({"a": 2}) v = vocab(c) v.append_token("b") @@ -103,7 +103,7 @@ def test_vocab_append_token(self): with self.assertRaises(RuntimeError): v.append_token("b") - def test_vocab_len(self): + def test_vocab_len(self) -> None: token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -111,7 +111,7 @@ def test_vocab_len(self): self.assertEqual(len(v), 3) - def test_vocab_basic(self): + def test_vocab_basic(self) -> None: token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) @@ -124,7 +124,7 @@ def test_vocab_basic(self): self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) - def test_vocab_jit(self): + def test_vocab_jit(self) -> None: token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) @@ -143,7 +143,7 @@ def test_vocab_jit(self): self.assertEqual(jit_v.get_itos(), expected_itos) self.assertEqual(dict(jit_v.get_stoi()), expected_stoi) - def test_vocab_forward(self): + def test_vocab_forward(self) -> None: token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) @@ -157,7 +157,7 @@ def test_vocab_forward(self): self.assertEqual(v(tokens), expected_indices) self.assertEqual(jit_v(tokens), expected_indices) - def test_vocab_lookup_token(self): + def test_vocab_lookup_token(self) -> None: token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -167,7 +167,7 @@ def test_vocab_lookup_token(self): with self.assertRaises(RuntimeError): v.lookup_token(100) - def test_vocab_lookup_tokens(self): + def test_vocab_lookup_tokens(self) -> None: token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -178,7 +178,7 @@ def test_vocab_lookup_tokens(self): self.assertEqual(v.lookup_tokens(indices), expected_tokens) - def test_vocab_lookup_indices(self): + def test_vocab_lookup_indices(self) -> None: token_to_freq = {"a": 2, "b": 2, "c": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) c = OrderedDict(sorted_by_freq_tuples) @@ -189,7 +189,7 @@ def test_vocab_lookup_indices(self): self.assertEqual(v.lookup_indices(tokens), expected_indices) - def test_vocab_load_and_save(self): + def test_vocab_load_and_save(self) -> None: token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True) @@ -221,7 +221,7 @@ def test_vocab_load_and_save(self): self.assertEqual(dict(loaded_v.get_stoi()), expected_stoi) self.assertEqual(v["not in vocab"], 0) - def test_build_vocab_iterator(self): + def test_build_vocab_iterator(self) -> None: iterator = [ [ "hello", @@ -257,7 +257,7 @@ def test_build_vocab_iterator(self): self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) - def test_vocab_specials(self): + def test_vocab_specials(self) -> None: token_to_freq = {"hello": 4, "world": 3, "ᑌᑎIᑕOᗪᕮ_Tᕮ᙭T": 5, "freq_too_low": 2} sorted_by_freq_tuples = OrderedDict(sorted(token_to_freq.items(), key=lambda x: x[1], reverse=True)) specials = ["", "", "", "pad"] @@ -274,7 +274,7 @@ def test_vocab_specials(self): self.assertEqual(v2.get_itos(), expected_itos) self.assertEqual(dict(v2.get_stoi()), expected_stoi) - def test_build_vocab_sorts_descending_frequency_then_lexigraphically(self): + def test_build_vocab_sorts_descending_frequency_then_lexigraphically(self) -> None: it = [["a", "b"], ["a", "b"]] vocab = build_vocab_from_iterator(it) self.assertEqual(vocab["a"], 0) @@ -285,7 +285,7 @@ def test_build_vocab_sorts_descending_frequency_then_lexigraphically(self): self.assertEqual(vocab["b"], 0) self.assertEqual(vocab["a"], 1) - def test_build_vocab_from_iterator_max_tokens(self): + def test_build_vocab_from_iterator_max_tokens(self) -> None: it = [["hello", "world"], ["hello"]] max_tokens = 1 specials = ["", ""] From 8eb056103cd1d518d53252dd63d3c75f284345ca Mon Sep 17 00:00:00 2001 From: parmeet Date: Wed, 3 Aug 2022 14:21:51 -0400 Subject: [PATCH 301/463] Make BERT benchmark code more robust (#1871) --- benchmark/benchmark_bert_tokenizer.py | 27 +++++++++++++++++---------- 1 file changed, 17 insertions(+), 10 deletions(-) diff --git a/benchmark/benchmark_bert_tokenizer.py b/benchmark/benchmark_bert_tokenizer.py index 597ff8e12d..96f3d96aba 100644 --- a/benchmark/benchmark_bert_tokenizer.py +++ b/benchmark/benchmark_bert_tokenizer.py @@ -14,29 +14,36 @@ def benchmark_bert_tokenizer(args): tt_tokenizer = tt_bert_tokenizer(VOCAB_FILE, return_tokens=True) hf_tokenizer_slow = hf_bert_tokenizer_slow.from_pretrained("bert-base-uncased") hf_tokenizer_fast = hf_tokenizer_lib.from_pretrained("bert-base-uncased") - dp = EnWik9().header(args.num_samples) + dp = EnWik9().header(args.num_samples).batch(args.batch_size) samples = list(dp) with Timer("Running TorchText BERT Tokenizer on non-batched input"): - for s in samples: - tt_tokenizer(s) + for batch in samples: + for s in batch: + tt_tokenizer(s) with Timer("Running HF BERT Tokenizer (slow) on non-batched input"): - for s in samples: - hf_tokenizer_slow.tokenize(s) + for batch in samples: + for s in batch: + hf_tokenizer_slow.tokenize(s) with Timer("Running HF BERT Tokenizer (fast) on non-batched input"): - for s in samples: - hf_tokenizer_fast.encode(s) + for batch in samples: + for s in batch: + hf_tokenizer_fast.encode(s) with Timer("Running TorchText BERT Tokenizer on batched input"): - tt_tokenizer(samples) + for batch in samples: + tt_tokenizer(batch) with Timer("Running HF BERT Tokenizer (fast) on batched input"): - hf_tokenizer_fast.encode_batch(samples) + for batch in samples: + hf_tokenizer_fast.encode_batch(batch) if __name__ == "__main__": parser = ArgumentParser() - parser.add_argument("--num-samples", default=1000, type=int) + parser.add_argument("--num-samples", default=10000, type=int) + parser.add_argument("--batch-size", default=100, type=int) + benchmark_bert_tokenizer(parser.parse_args()) From 2bb25628b7122d18b0f94966d28aebbffaeb2afc Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Wed, 3 Aug 2022 17:09:39 -0400 Subject: [PATCH 302/463] Updating T5 demo to use beam search for generator (#1869) * updating demo to use beam search for generator * details on beam size --- examples/tutorials/cnndm_summarization.py | 138 ++++++++++++++++------ 1 file changed, 102 insertions(+), 36 deletions(-) diff --git a/examples/tutorials/cnndm_summarization.py b/examples/tutorials/cnndm_summarization.py index 9bc06b06e1..604d962350 100644 --- a/examples/tutorials/cnndm_summarization.py +++ b/examples/tutorials/cnndm_summarization.py @@ -149,21 +149,78 @@ def apply_prefix(task, x): # # We can define a sequence generator to produce an output sequence based on the input sequence provided. This calls on the # model's encoder and decoder, and iteratively expands the decoded sequences until the end-of-sequence token is generated -# for all sequences in the batch. The `greedy_generator` method shown below uses a greedy search (i.e. expands the sequence -# based on the most probable next word). +# for all sequences in the batch. The `generate` method shown below uses a beam search to generate the sequences. Larger +# beam sizes can result in better generation at the cost of computational complexity, and a beam size of 1 is equivalent to +# a greedy decoder. # from torch import Tensor from torchtext.prototype.models import T5Model -def greedy_generator( - encoder_tokens: Tensor, - eos_idx: int, - model: T5Model, -) -> Tensor: +def beam_search( + beam_size: int, + step: int, + bsz: int, + decoder_output: Tensor, + decoder_tokens: Tensor, + scores: Tensor, + incomplete_sentences: Tensor, +): + probs = F.log_softmax(decoder_output[:, -1], dim=-1) + top = torch.topk(probs, beam_size) + + # N is number of sequences in decoder_tokens, L is length of sequences, B is beam_size + # decoder_tokens has shape (N,L) -> (N,B,L) + # top.indices has shape (N,B) - > (N,B,1) + # x has shape (N,B,L+1) + # note that when step == 1, N = batch_size, and when step > 1, N = batch_size * beam_size + x = torch.cat([decoder_tokens.unsqueeze(1).repeat(1, beam_size, 1), top.indices.unsqueeze(-1)], dim=-1) + + # beams are first created for a given sequence + if step == 1: + # x has shape (batch_size, B, L+1) -> (batch_size * B, L+1) + # new_scores has shape (batch_size,B) + # incomplete_sentences has shape (batch_size * B) = (N) + new_decoder_tokens = x.view(-1, step + 1) + new_scores = top.values + new_incomplete_sentences = incomplete_sentences + + # beams already exist, want to expand each beam into possible new tokens to add + # and for all expanded beams beloning to the same sequences, choose the top k + else: + # scores has shape (batch_size,B) -> (N,1) -> (N,B) + # top.values has shape (N,B) + # new_scores has shape (N,B) -> (batch_size, B^2) + new_scores = (scores.view(-1, 1).repeat(1, beam_size) + top.values).view(bsz, -1) + + # v, i have shapes (batch_size, B) + v, i = torch.topk(new_scores, beam_size) + + # x has shape (N,B,L+1) -> (batch_size, B, L+1) + # i has shape (batch_size, B) -> (batch_size, B, L+1) + # new_decoder_tokens has shape (batch_size, B, L+1) -> (N, L) + x = x.view(bsz, -1, step + 1) + new_decoder_tokens = x.gather(index=i.unsqueeze(-1).repeat(1, 1, step + 1), dim=1).view(-1, step + 1) + + # need to update incomplete sentences in case one of the beams was kicked out + # y has shape (N) -> (N, 1) -> (N, B) -> (batch_size, B^2) + y = incomplete_sentences.unsqueeze(-1).repeat(1, beam_size).view(bsz, -1) + + # now can use i to extract those beams that were selected + # new_incomplete_sentences has shape (batch_size, B^2) -> (batch_size, B) -> (N, 1) -> N + new_incomplete_sentences = y.gather(index=i, dim=1).view(bsz * beam_size, 1).squeeze(-1) + + # new_scores has shape (batch_size, B) + new_scores = v + + return new_decoder_tokens, new_scores, new_incomplete_sentences + + +def generate(encoder_tokens: Tensor, eos_idx: int, model: T5Model, beam_size: int) -> Tensor: # pass tokens through encoder + bsz = encoder_tokens.size(0) encoder_padding_mask = encoder_tokens.eq(model.padding_idx) encoder_embeddings = model.dropout1(model.token_embeddings(encoder_tokens)) encoder_output = model.encoder(encoder_embeddings, tgt_key_padding_mask=encoder_padding_mask)[0] @@ -172,14 +229,22 @@ def greedy_generator( encoder_output = model.dropout2(encoder_output) # initialize decoder input sequence; T5 uses padding index as starter index to decoder sequence - decoder_tokens = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) * model.padding_idx + decoder_tokens = torch.ones((bsz, 1), dtype=torch.long) * model.padding_idx + scores = torch.zeros((bsz, beam_size)) # mask to keep track of sequences for which the decoder has not produced an end-of-sequence token yet - incomplete_sentences = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) + incomplete_sentences = torch.ones(bsz * beam_size, dtype=torch.long) # iteratively generate output sequence until all sequences in the batch have generated the end-of-sequence token for step in range(model.config.max_seq_len): + if step == 1: + # duplicate and order encoder output so that each beam is treated as its own independent sequence + new_order = torch.arange(bsz).view(-1, 1).repeat(1, beam_size).view(-1) + new_order = new_order.to(encoder_tokens.device).long() + encoder_output = encoder_output.index_select(0, new_order) + encoder_padding_mask = encoder_padding_mask.index_select(0, new_order) + # causal mask and padding mask for decoder sequence tgt_len = decoder_tokens.shape[1] decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1).bool() @@ -203,23 +268,21 @@ def greedy_generator( decoder_output = decoder_output * (model.config.embedding_dim ** -0.5) decoder_output = model.lm_head(decoder_output) - # greedy search for next token to add to sequence - probs = F.log_softmax(decoder_output[:, -1], dim=-1) - _, next_token = torch.topk(probs, 1) - - # ignore next tokens for sentences that are already complete - next_token *= incomplete_sentences + decoder_tokens, scores, incomplete_sentences = beam_search( + beam_size, step + 1, bsz, decoder_output, decoder_tokens, scores, incomplete_sentences + ) + # ignore newest tokens for sentences that are already complete + decoder_tokens[:, -1] *= incomplete_sentences # update incomplete_sentences to remove those that were just ended - incomplete_sentences = incomplete_sentences - (next_token == eos_idx).long() - - # update decoder sequences to include new tokens - decoder_tokens = torch.cat((decoder_tokens, next_token), 1) + incomplete_sentences = incomplete_sentences - (decoder_tokens[:, -1] == eos_idx).long() # early stop if all sentences have been ended if (incomplete_sentences == 0).all(): break + # take most likely sequence + decoder_tokens = decoder_tokens.view(bsz, beam_size, -1)[:, 0, :] return decoder_tokens @@ -227,15 +290,17 @@ def greedy_generator( # Generate Summaries # ------------------ # -# Finally we put all of the components together to generate summaries on the first batch of articles in the CNNDM test set. +# Finally we put all of the components together to generate summaries on the first batch of articles in the CNNDM test set +# using a beam size of 3. # batch = next(iter(test_dataloader)) input_text = batch["article"] model_input = transform(input_text) target = batch["abstract"] +beam_size = 3 -model_output = greedy_generator(model=model, encoder_tokens=model_input, eos_idx=eos_idx) +model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(batch_size): @@ -253,10 +318,10 @@ def greedy_generator( # # Example 1: # -# prediction: the Palestinians officially become the 123rd member of the international -# criminal court . the move gives the court jurisdiction over alleged crimes committed -# in the occupied Palestinian territory . the ICC opened a preliminary examination into -# the situation in the occupied territories . +# prediction: the Palestinians become the 123rd member of the international criminal +# court . the accession was marked by a ceremony at the Hague, where the court is based . +# the ICC opened a preliminary examination into the situation in the occupied +# Palestinian territory . # # target: Membership gives the ICC jurisdiction over alleged crimes committed in # Palestinian territories since last June . Israel and the United States opposed the @@ -265,10 +330,10 @@ def greedy_generator( # # Example 2: # -# prediction: a stray pooch in Washington state has used up at least three of her own -# after being hit by a car . the dog staggers to a nearby farm, dirt-covered and -# emaciated, where she is found . she suffered a dislocated jaw, leg injuries and a -# caved-in sinus cavity . +# prediction: a stray pooch has used up at least three of her own after being hit by a +# car and buried in a field . the dog managed to stagger to a nearby farm, dirt-covered +# and emaciated, where she was found . she suffered a dislocated jaw, leg injuries and a +# caved-in sinus cavity -- and still requires surgery to help her breathe . # # target: Theia, a bully breed mix, was apparently hit by a car, whacked with a hammer # and buried in a field . "She's a true miracle dog and she deserves a good life," says @@ -277,9 +342,9 @@ def greedy_generator( # # Example 3: # -# prediction: mohammad Javad Zarif is the foreign minister of the country . he has been -# a key figure in securing a breakthrough in nuclear talks . he has been a hero in the -# international community . +# prediction: mohammad Javad Zarif arrived in Iran on a sunny friday morning . he has gone +# a long way to bring Iran in from the cold and allow it to rejoin the international +# community . but there are some facts about him that are less well-known . # # target: Mohammad Javad Zarif has spent more time with John Kerry than any other # foreign minister . He once participated in a takeover of the Iranian Consulate in San @@ -288,9 +353,9 @@ def greedy_generator( # # Example 4: # -# prediction: five americans were monitored for three weeks after being exposed to -# Ebola . one of the five had a heart-related issue on Saturday and has been discharged . -# none of the patients developed the deadly virus . +# prediction: five americans were monitored for three weeks after being exposed to Ebola in +# west africa . one of the five had a heart-related issue and has been discharged but hasn't +# left the area . they are clinicians for Partners in Health, a Boston-based aid group . # # target: 17 Americans were exposed to the Ebola virus while in Sierra Leone in March . # Another person was diagnosed with the disease and taken to hospital in Maryland . @@ -302,7 +367,8 @@ def greedy_generator( # # prediction: the student was identified during an investigation by campus police and # the office of student affairs . he admitted to placing the noose on the tree early -# Wednesday morning . +# Wednesday morning . the incident is one of several recent racist events to affect +# college students . # # target: Student is no longer on Duke University campus and will face disciplinary # review . School officials identified student during investigation and the person From eaed744c4f5ba4a67f704b735c6bf21c8e98a74e Mon Sep 17 00:00:00 2001 From: Ronak Malik <106118648+ronakmal@users.noreply.github.com> Date: Mon, 8 Aug 2022 08:45:22 -0500 Subject: [PATCH 303/463] Add torchdata to testing requirements in requirements.txt (#1874) --- requirements.txt | 1 + 1 file changed, 1 insertion(+) diff --git a/requirements.txt b/requirements.txt index 079025ca62..245ececedc 100644 --- a/requirements.txt +++ b/requirements.txt @@ -19,6 +19,7 @@ Sphinx pytest expecttest parameterized +torchdata # Lets pytest find our code by automatically modifying PYTHONPATH pytest-pythonpath From e1b6984aefd5223a2b54339eafb4cd6d12919550 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Mon, 8 Aug 2022 12:16:31 -0400 Subject: [PATCH 304/463] Demo T5 model on sentiment classification and translation (#1872) * demo t5 model on sentiment classification and translation * renaming tutorial file * update source/index.rst * correct title format * correct description for generate translations section * specifying batch_size variable names * fixing format issue with sentiment output * renaming tutorial and removing hard-coded outputs * update index.rst * adding torchdata dependency for docs build * torchdata nightly build dependency * torchdata nightly try again * torchdata nightly try again 2 * try replacing extra-index-url with index-url * add extra-index-url to be pypi * adding torchdata dependency to config.yml * updating config.yml.in * Revert "updating config.yml.in" This reverts commit 9e72d3e23e2c404b0c929d468cc737825c7cc7b4. * Revert "adding torchdata dependency to config.yml" This reverts commit b133e1f69fd6b0658d6030ff003630ea84a49e6f. * Revert "add extra-index-url to be pypi" This reverts commit 5f2cfbbccbf43d1dd418e59f9c5fe1f672fa5e56. * Revert "try replacing extra-index-url with index-url" This reverts commit b431da9469f7d04fc7e839d5a35e92067ae87ff5. * Revert "torchdata nightly try again 2" This reverts commit bdc73a5b8f88a253711aac236e53d7aba1626f3d. * Revert "torchdata nightly try again" This reverts commit 2f43ca27d01d8b08de4839e107408d0b093635bc. * Revert "torchdata nightly build dependency" This reverts commit 67e2e50d594e139b91129bf4ac00cb794fd89e05. * Revert "adding torchdata dependency for docs build" This reverts commit e50a5a075d831b13acdc00e51e6706e461b8118f. * Revert "update index.rst" This reverts commit bd129b7b2fe9096b4b04c6e2aae08c16bb0e34ac. * Revert "renaming tutorial and removing hard-coded outputs" This reverts commit 9b11269dc129ea6415f3c053b79031b398a8caa1. * correcting typos --- docs/source/index.rst | 2 +- .../{cnndm_summarization.py => t5_demo.py} | 360 ++++++++++++++---- 2 files changed, 292 insertions(+), 70 deletions(-) rename examples/tutorials/{cnndm_summarization.py => t5_demo.py} (54%) diff --git a/docs/source/index.rst b/docs/source/index.rst index 9ebc235d57..7de6b45d02 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -51,7 +51,7 @@ Getting Started :caption: Getting Started tutorials/sst2_classification_non_distributed - tutorials/cnndm_summarization + tutorials/t5_demo .. automodule:: torchtext diff --git a/examples/tutorials/cnndm_summarization.py b/examples/tutorials/t5_demo.py similarity index 54% rename from examples/tutorials/cnndm_summarization.py rename to examples/tutorials/t5_demo.py index 604d962350..fbdb932ad1 100644 --- a/examples/tutorials/cnndm_summarization.py +++ b/examples/tutorials/t5_demo.py @@ -1,6 +1,6 @@ """ -CNNDM Text Summarization with T5-Base model -======================================================= +T5-Base Model for Summarization, Sentiment Classification, and Translation +========================================================================== **Author**: `Pendo Abbo `__ @@ -10,12 +10,13 @@ # Overview # -------- # -# This tutorial demonstrates how to use a pre-trained T5 Model for text summarization on the CNN-DailyMail dataset. -# We will demonstrate how to use the torchtext library to: +# This tutorial demonstrates how to use a pre-trained T5 Model for summarization, sentiment classification, and +# translation tasks. We will demonstrate how to use the torchtext library to: # # 1. Build a text pre-processing pipeline for a T5 model -# 2. Read in the CNNDM dataset and pre-process the text -# 3. Instantiate a pre-trained T5 model with base configuration, and perform text summarization on input text +# 2. Instantiate a pre-trained T5 model with base configuration +# 3. Read in the CNNDM, IMDB, and Multi30k datasets and pre-process their texts in preparation for the model +# 4. Perform text summarization, sentiment classification, and translation # # @@ -69,68 +70,15 @@ # transform = T5_BASE_GENERATION.transform() # -####################################################################### -# Dataset -# ------- -# torchtext provides several standard NLP datasets. For a complete list, refer to the documentation at https://pytorch.org/text/stable/datasets.html. -# These datasets are built using composable torchdata datapipes and hence support standard flow-control and mapping/transformation -# using user defined functions and transforms. Below, we demonstrate how to pre-process the CNNDM dataset to include the prefix necessary -# for the model to identify the task it is performing. -# -# The CNNDM dataset has a train, validation, and test split. Below we demo on the test split. -# -# .. note:: -# Using datapipes is still currently subject to a few caveats. If you wish -# to extend this example to include shuffling, multi-processing, or -# distributed learning, please see :ref:`this note ` -# for further instructions. - -from functools import partial - -from torch.utils.data import DataLoader -from torchtext.datasets.cnndm import CNNDM - -batch_size = 5 -test_datapipe = CNNDM(split="test") -task = "summarize" - - -def apply_prefix(task, x): - return f"{task}: " + x[0], x[1] - - -test_datapipe = test_datapipe.map(partial(apply_prefix, task)) -test_datapipe = test_datapipe.batch(batch_size) -test_datapipe = test_datapipe.rows2columnar(["article", "abstract"]) -test_dataloader = DataLoader(test_datapipe, batch_size=None) - -####################################################################### -# Alternately we can also use batched API (i.e apply the prefix on the whole batch) -# -# :: -# -# def batch_prefix(task, x): -# return { -# "article": [f'{task}: ' + y for y in x["article"]], -# "abstract": x["abstract"] -# } -# -# batch_size = 5 -# test_datapipe = CNNDM(split="test") -# task = 'summarize' -# -# test_datapipe = test_datapipe.batch(batch_size).rows2columnar(["article", "abstract"]) -# test_datapipe = test_datapipe.map(partial(batch_prefix, task)) -# test_dataloader = DataLoader(test_datapipe, batch_size=None) -# ###################################################################### # Model Preparation # ----------------- # # torchtext provides SOTA pre-trained models that can be used directly for NLP tasks or fine-tuned on downstream tasks. Below -# we use the pre-trained T5 model with standard base configuration to perform text summarization. For additional details on -# available pre-trained models, please refer to documentation at https://pytorch.org/text/main/models.html +# we use the pre-trained T5 model with standard base configuration to perform text summarization, sentiment classification, and +# translation. For additional details on available pre-trained models, please refer to documentation at +# https://pytorch.org/text/main/models.html # # from torchtext.prototype.models import T5_BASE_GENERATION @@ -286,33 +234,136 @@ def generate(encoder_tokens: Tensor, eos_idx: int, model: T5Model, beam_size: in return decoder_tokens +####################################################################### +# Datasets +# -------- +# torchtext provides several standard NLP datasets. For a complete list, refer to the documentation +# at https://pytorch.org/text/stable/datasets.html. These datasets are built using composable torchdata +# datapipes and hence support standard flow-control and mapping/transformation using user defined +# functions and transforms. +# +# Below, we demonstrate how to pre-process the CNNDM dataset to include the prefix necessary for the +# model to indentify the task it is performing. The CNNDM dataset has a train, validation, and test +# split. Below we demo on the test split. +# +# The T5 model uses the prefix "summarize" for text summarization. For more information on task +# prefixes, please visit Appendix D of the T5 Paper at https://arxiv.org/pdf/1910.10683.pdf +# +# .. note:: +# Using datapipes is still currently subject to a few caveats. If you wish +# to extend this example to include shuffling, multi-processing, or +# distributed learning, please see :ref:`this note ` +# for further instructions. + +from functools import partial + +from torch.utils.data import DataLoader +from torchtext.datasets.cnndm import CNNDM + +cnndm_batch_size = 5 +cnndm_datapipe = CNNDM(split="test") +task = "summarize" + + +def apply_prefix(task, x): + return f"{task}: " + x[0], x[1] + + +cnndm_datapipe = cnndm_datapipe.map(partial(apply_prefix, task)) +cnndm_datapipe = cnndm_datapipe.batch(cnndm_batch_size) +cnndm_datapipe = cnndm_datapipe.rows2columnar(["article", "abstract"]) +cnndm_dataloader = DataLoader(cnndm_datapipe, batch_size=None) + +####################################################################### +# Alternately we can also use batched API (i.e apply the prefix on the whole batch) +# +# :: +# +# def batch_prefix(task, x): +# return { +# "article": [f'{task}: ' + y for y in x["article"]], +# "abstract": x["abstract"] +# } +# +# cnndm_batch_size = 5 +# cnndm_datapipe = CNNDM(split="test") +# task = 'summarize' +# +# cnndm_datapipe = cnndm_datapipe.batch(cnndm_batch_size).rows2columnar(["article", "abstract"]) +# cnndm_datapipe = cnndm_datapipe.map(partial(batch_prefix, task)) +# cnndm_dataloader = DataLoader(cnndm_datapipe, batch_size=None) +# + +####################################################################### +# We can also load the IMDB dataset, which will be used to demonstrate sentiment classification using the T5 model. +# This dataset has a train and test split. Below we demo on the test split. +# +# The T5 model was trained on the SST2 dataset (also available in torchtext) for sentiment classification using the +# prefix "sst2 sentence". Therefore, we will use this prefix to perform sentiment classification on the IMDB dataset. +# + +from torchtext.datasets import IMDB + +imdb_batch_size = 3 +imdb_datapipe = IMDB(split="test") +task = "sst2 sentence" +labels = {"neg": "negative", "pos": "positive"} + + +def process_labels(labels, x): + return x[1], labels[x[0]] + + +imdb_datapipe = imdb_datapipe.map(partial(process_labels, labels)) +imdb_datapipe = imdb_datapipe.map(partial(apply_prefix, task)) +imdb_datapipe = imdb_datapipe.batch(imdb_batch_size) +imdb_datapipe = imdb_datapipe.rows2columnar(["text", "label"]) +imdb_dataloader = DataLoader(imdb_datapipe, batch_size=None) + +####################################################################### +# Finally, we can also load the Multi30k dataset to demonstrate English to German translation using the T5 model. +# This dataset has a train, validation, and test split. Below we demo on the test split. +# +# The T5 model uses the prefix "translate English to German" for this task. + +from torchtext.datasets import Multi30k + +multi_batch_size = 5 +language_pair = ("en", "de") +multi_datapipe = Multi30k(split="test", language_pair=language_pair) +task = "translate English to German" + +multi_datapipe = multi_datapipe.map(partial(apply_prefix, task)) +multi_datapipe = multi_datapipe.batch(multi_batch_size) +multi_datapipe = multi_datapipe.rows2columnar(["english", "german"]) +multi_dataloader = DataLoader(multi_datapipe, batch_size=None) + ####################################################################### # Generate Summaries # ------------------ # -# Finally we put all of the components together to generate summaries on the first batch of articles in the CNNDM test set +# We can put all of the components together to generate summaries on the first batch of articles in the CNNDM test set # using a beam size of 3. # -batch = next(iter(test_dataloader)) +batch = next(iter(cnndm_dataloader)) input_text = batch["article"] -model_input = transform(input_text) target = batch["abstract"] beam_size = 3 +model_input = transform(input_text) model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) output_text = transform.decode(model_output.tolist()) -for i in range(batch_size): - +for i in range(cnndm_batch_size): print(f"Example {i+1}:\n") print(f"prediction: {output_text[i]}\n") print(f"target: {target[i]}\n\n") ####################################################################### -# Output -# ------ +# Summarization Output +# -------------------- # # :: # @@ -374,3 +425,174 @@ def generate(encoder_tokens: Tensor, eos_idx: int, model: T5Model, beam_size: in # review . School officials identified student during investigation and the person # admitted to hanging the noose, Duke says . The noose, made of rope, was discovered on # campus about 2 a.m. +# + + +####################################################################### +# Generate Sentiment Classifications +# ---------------------------------- +# +# Similarly, we can use the model to generate sentiment classifications on the first batch of reviews from the IMDB test set +# using a beam size of 1. +# + +batch = next(iter(imdb_dataloader)) +input_text = batch["text"] +target = batch["label"] +beam_size = 1 + +model_input = transform(input_text) +model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) +output_text = transform.decode(model_output.tolist()) + +for i in range(imdb_batch_size): + print(f"Example {i+1}:\n") + print(f"input_text: {input_text[i]}\n") + print(f"prediction: {output_text[i]}\n") + print(f"target: {target[i]}\n\n") + + +####################################################################### +# Sentiment Output +# ---------------- +# +# :: +# +# Example 1: +# +# input_text: sst2 sentence: I love sci-fi and am willing to put up with a lot. Sci-fi +# movies/TV are usually underfunded, under-appreciated and misunderstood. I tried to like +# this, I really did, but it is to good TV sci-fi as Babylon 5 is to Star Trek (the original). +# Silly prosthetics, cheap cardboard sets, stilted dialogues, CG that doesn't match the +# background, and painfully one-dimensional characters cannot be overcome with a 'sci-fi' +# setting. (I'm sure there are those of you out there who think Babylon 5 is good sci-fi TV. +# It's not. It's clichéd and uninspiring.) While US viewers might like emotion and character +# development, sci-fi is a genre that does not take itself seriously (cf. Star Trek). It may +# treat important issues, yet not as a serious philosophy. It's really difficult to care about +# the characters here as they are not simply foolish, just missing a spark of life. Their +# actions and reactions are wooden and predictable, often painful to watch. The makers of Earth +# KNOW it's rubbish as they have to always say "Gene Roddenberry's Earth..." otherwise people +# would not continue watching. Roddenberry's ashes must be turning in their orbit as this dull, +# cheap, poorly edited (watching it without advert breaks really brings this home) trudging +# Trabant of a show lumbers into space. Spoiler. So, kill off a main character. And then bring +# him back as another actor. Jeeez. Dallas all over again. +# +# prediction: negative +# +# target: negative +# +# +# Example 2: +# +# input_text: sst2 sentence: Worth the entertainment value of a rental, especially if you like +# action movies. This one features the usual car chases, fights with the great Van Damme kick +# style, shooting battles with the 40 shell load shotgun, and even terrorist style bombs. All +# of this is entertaining and competently handled but there is nothing that really blows you +# away if you've seen your share before.

The plot is made interesting by the +# inclusion of a rabbit, which is clever but hardly profound. Many of the characters are +# heavily stereotyped -- the angry veterans, the terrified illegal aliens, the crooked cops, +# the indifferent feds, the bitchy tough lady station head, the crooked politician, the fat +# federale who looks like he was typecast as the Mexican in a Hollywood movie from the 1940s. +# All passably acted but again nothing special.

I thought the main villains were +# pretty well done and fairly well acted. By the end of the movie you certainly knew who the +# good guys were and weren't. There was an emotional lift as the really bad ones got their just +# deserts. Very simplistic, but then you weren't expecting Hamlet, right? The only thing I found +# really annoying was the constant cuts to VDs daughter during the last fight scene.

+# Not bad. Not good. Passable 4. +# +# prediction: negative +# +# target: negative +# +# +# Example 3: +# +# input_text: sst2 sentence: its a totally average film with a few semi-alright action sequences +# that make the plot seem a little better and remind the viewer of the classic van dam films. +# parts of the plot don't make sense and seem to be added in to use up time. the end plot is that +# of a very basic type that doesn't leave the viewer guessing and any twists are obvious from the +# beginning. the end scene with the flask backs don't make sense as they are added in and seem to +# have little relevance to the history of van dam's character. not really worth watching again, +# bit disappointed in the end production, even though it is apparent it was shot on a low budget +# certain shots and sections in the film are of poor directed quality. +# +# prediction: negative +# +# target: negative +# + + +####################################################################### +# Generate Translations +# --------------------- +# +# Finally, we can also use the model to generate English to German translations on the first batch of examples from the Multi30k +# test set using a beam size of 4. +# + +batch = next(iter(multi_dataloader)) +input_text = batch["english"] +target = batch["german"] +beam_size = 4 + +model_input = transform(input_text) +model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) +output_text = transform.decode(model_output.tolist()) + +for i in range(multi_batch_size): + print(f"Example {i+1}:\n") + print(f"input_text: {input_text[i]}\n") + print(f"prediction: {output_text[i]}\n") + print(f"target: {target[i]}\n\n") + + +####################################################################### +# Translation Output +# ------------------ +# +# :: +# +# Example 1: +# +# input_text: translate English to German: A man in an orange hat starring at something. +# +# prediction: Ein Mann in einem orangen Hut, der an etwas schaut. +# +# target: Ein Mann mit einem orangefarbenen Hut, der etwas anstarrt. +# +# +# Example 2: +# +# input_text: translate English to German: A Boston Terrier is running on lush green grass in front of a white fence. +# +# prediction: Ein Boston Terrier läuft auf üppigem grünem Gras vor einem weißen Zaun. +# +# target: Ein Boston Terrier läuft über saftig-grünes Gras vor einem weißen Zaun. +# +# +# Example 3: +# +# input_text: translate English to German: A girl in karate uniform breaking a stick with a front kick. +# +# prediction: Ein Mädchen in Karate-Uniform bricht einen Stöck mit einem Frontkick. +# +# target: Ein Mädchen in einem Karateanzug bricht ein Brett mit einem Tritt. +# +# +# Example 4: +# +# input_text: translate English to German: Five people wearing winter jackets and helmets stand in the snow, with snowmobiles in the background. +# +# prediction: Fünf Menschen mit Winterjacken und Helmen stehen im Schnee, mit Schneemobilen im Hintergrund. +# +# target: Fünf Leute in Winterjacken und mit Helmen stehen im Schnee mit Schneemobilen im Hintergrund. +# +# +# Example 5: +# +# input_text: translate English to German: People are fixing the roof of a house. +# +# prediction: Die Leute fixieren das Dach eines Hauses. +# +# target: Leute Reparieren das Dach eines Hauses. +# From e7bcf3c682f83e9fad88d894920be38cddccd32b Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Thu, 11 Aug 2022 10:36:31 -0400 Subject: [PATCH 305/463] Make T5 model torchscriptable (#1876) * type annotate device * refactor relative_attention_bias * breaking out encoder and decoder layer and stacks * updating doc strings * correcting type annotations * update integration tests to test scripted version of models --- .../integration_tests/test_models.py | 26 +- torchtext/prototype/models/t5/model.py | 40 +- torchtext/prototype/models/t5/modules.py | 401 +++++++++++++----- 3 files changed, 333 insertions(+), 134 deletions(-) diff --git a/test/prototype/integration_tests/test_models.py b/test/prototype/integration_tests/test_models.py index ed0f5b29e0..99da027e5e 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/prototype/integration_tests/test_models.py @@ -1,4 +1,5 @@ import torch +from parameterized import parameterized from test.common.assets import get_asset_path from test.common.torchtext_test_case import TorchtextTestCase from torchtext.prototype.models import ( @@ -9,7 +10,7 @@ class TestT5(TorchtextTestCase): - def _t5_model(self, t5_model, expected_asset_name, test_text): + def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): """Verify that pre-trained T5 models in torchtext produce the same output as the HuggingFace reference implementation. """ @@ -18,6 +19,10 @@ def _t5_model(self, t5_model, expected_asset_name, test_text): model = t5_model.get_model() model = model.eval() + if is_jit: + transform = torch.jit.script(transform) + model = torch.jit.script(model) + model_input = transform(test_text) if model.encoder_only: actual = model(model_input)["encoder_output"] @@ -27,17 +32,24 @@ def _t5_model(self, t5_model, expected_asset_name, test_text): expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected, atol=1e-04, rtol=2.5e-06) - def test_t5_base_encoder_model(self) -> None: + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_t5_base_encoder_model(self, name, is_jit) -> None: expected_asset_name = "t5.base.encoder.output.pt" test_text = ["Hello world", "Attention rocks!"] - self._t5_model(t5_model=T5_BASE_ENCODER, expected_asset_name=expected_asset_name, test_text=test_text) + self._t5_model( + is_jit=is_jit, t5_model=T5_BASE_ENCODER, expected_asset_name=expected_asset_name, test_text=test_text + ) - def test_t5_base_model(self) -> None: + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_t5_base_model(self, name, is_jit) -> None: expected_asset_name = "t5.base.output.pt" test_text = ["Hello world", "Attention rocks!"] - self._t5_model(t5_model=T5_BASE, expected_asset_name=expected_asset_name, test_text=test_text) + self._t5_model(is_jit=is_jit, t5_model=T5_BASE, expected_asset_name=expected_asset_name, test_text=test_text) - def test_t5_base_generation_model(self) -> None: + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_t5_base_generation_model(self, name, is_jit) -> None: expected_asset_name = "t5.base.generation.output.pt" test_text = ["Hello world", "Attention rocks!"] - self._t5_model(t5_model=T5_BASE_GENERATION, expected_asset_name=expected_asset_name, test_text=test_text) + self._t5_model( + is_jit=is_jit, t5_model=T5_BASE_GENERATION, expected_asset_name=expected_asset_name, test_text=test_text + ) diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 6a5349ce53..7113dfd9d1 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -1,11 +1,11 @@ from dataclasses import dataclass -from typing import Dict, Optional, Tuple, Union, Callable +from typing import Dict, List, Optional, Union, Callable import torch import torch.nn as nn from torch import Tensor -from .modules import T5Stack, T5LayerNorm +from .modules import T5Encoder, T5Decoder, T5LayerNorm @dataclass @@ -69,7 +69,7 @@ def __init__( self, config: T5Conf, freeze: bool = False, - device=None, + device: Optional[torch.device] = None, dtype=None, ) -> None: super().__init__() @@ -77,6 +77,7 @@ def __init__( assert isinstance(config, T5Conf) self.config = config + self.embedding_dim = config.embedding_dim self.encoder_only = config.encoder_only self.linear_head = config.linear_head self.padding_idx = config.padding_idx @@ -86,8 +87,7 @@ def __init__( self.dtype = dtype self.token_embeddings = nn.Embedding(config.vocab_size, config.embedding_dim, config.padding_idx) - self.encoder = T5Stack( - is_decoder=False, + self.encoder = T5Encoder( d_model=config.embedding_dim, nhead=config.num_attention_heads, num_layers=config.num_encoder_layers, @@ -105,8 +105,7 @@ def __init__( self.dropout2 = nn.Dropout(self.dropout) if not config.encoder_only: - self.decoder = T5Stack( - is_decoder=True, + self.decoder = T5Decoder( d_model=config.embedding_dim, nhead=config.num_attention_heads, num_layers=config.num_decoder_layers, @@ -122,9 +121,13 @@ def __init__( self.norm2 = T5LayerNorm(config.embedding_dim) self.dropout3 = nn.Dropout(self.dropout) self.dropout4 = nn.Dropout(self.dropout) + else: + self.decoder = None if config.linear_head: self.lm_head = nn.Linear(config.embedding_dim, config.vocab_size, bias=False) + else: + self.lm_head = None if freeze: for p in self.parameters(): @@ -133,10 +136,10 @@ def __init__( def forward( self, encoder_tokens: Tensor, - decoder_tokens: Tensor = None, + decoder_tokens: Optional[Tensor] = None, encoder_mask: Optional[Tensor] = None, decoder_mask: Optional[Tensor] = None, - ) -> Dict[str, Union[Tensor, Tuple[Tensor]]]: + ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]]: r"""Pass the inputs (and mask) through the decoder layer in turn. Args: encoder_tokens: Tokenized input sequence to the encoder. @@ -163,23 +166,27 @@ def forward( """ encoder_padding_mask = encoder_tokens.eq(self.padding_idx) encoder_embeddings = self.dropout1(self.token_embeddings(encoder_tokens)) - encoder_output, encoder_hidden_states, encoder_position_bias, encoder_sa, _ = self.encoder( + encoder_output, encoder_hidden_states, encoder_position_bias, encoder_sa = self.encoder( encoder_embeddings, tgt_mask=encoder_mask, tgt_key_padding_mask=encoder_padding_mask ) encoder_output = self.norm1(encoder_output) encoder_output = self.dropout2(encoder_output) - encoder_hidden_states = encoder_hidden_states + (encoder_output,) + encoder_hidden_states.append(encoder_output) if not self.encoder_only: + assert self.decoder is not None + # decoder_tokens is None means at start of inference, in which case decoder sequence should begin with padding idx. if decoder_tokens is None: decoder_tokens = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) * self.padding_idx if decoder_mask is None: + assert decoder_tokens is not None and decoder_tokens.dim() == 2 tgt_len = decoder_tokens.shape[1] - decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1).bool() + decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) + decoder_mask = decoder_mask.to(torch.bool) decoder_padding_mask = decoder_tokens.eq(self.padding_idx) # T5 implemention uses padding idx to start sequence. Want to ignore this when masking @@ -197,13 +204,14 @@ def forward( decoder_output = self.norm2(decoder_output) decoder_output = self.dropout4(decoder_output) - decoder_hidden_states = decoder_hidden_states + (decoder_output,) + decoder_hidden_states.append(decoder_output) if self.linear_head: + assert self.lm_head is not None # Rescale output before projecting on vocab. This happens when the encoder and decoder share the # same word embeddings, which is always the case in our t5 implementation. # See https://github.com/huggingface/transformers/blob/d0acc9537829e7d067edbb791473bbceb2ecf056/src/transformers/models/t5/modeling_t5.py#L1661 - decoder_output = decoder_output * (self.config.embedding_dim ** -0.5) + decoder_output = decoder_output * (self.embedding_dim ** -0.5) decoder_output = self.lm_head(decoder_output) t5_output = { @@ -225,4 +233,8 @@ def forward( "encoder_sa_scores": encoder_sa, } + assert torch.jit.isinstance( + t5_output, Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]] + ) + return t5_output diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index 77b6733de4..806099f4ea 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -15,7 +15,7 @@ import math import warnings -from typing import Optional, Tuple, Union, Callable +from typing import List, Optional, Tuple, Union, Callable import torch import torch.nn as nn @@ -26,14 +26,17 @@ class T5MultiheadAttention(nn.MultiheadAttention): def __init__( self, - embed_dim, - num_heads, - is_decoder=False, - dropout=0.0, - bias=False, - kdim=None, - vdim=None, - device=None, + embed_dim: int, + num_heads: int, + is_decoder: bool = False, + dropout: float = 0.0, + bias: bool = False, + kdim: Optional[int] = None, + vdim: Optional[int] = None, + compute_relative_attention_bias: bool = False, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + device: Optional[torch.device] = None, dtype=None, ) -> None: r""" @@ -45,6 +48,12 @@ def __init__( bias: If specified, adds bias to input / output projection layers. Default: `False`. kdim: Total number of features for keys. Default: `None` (uses `kdim=embed_dim`). vdim: Total number of features for values. Default: `None` (uses `vdim=embed_dim`). + compute_relative_attention_bias: Whether or not the relative position embeddings + need to be computed. Wypically occurs in the first layer of the encoder/decoder + and the resulting position embeddings are returned to be passed up to higher layers. (defualt: False) + relative_attention_num_buckets: Number of relative position buckets. Default: `32` + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket. Default: `128` """ super().__init__(embed_dim, num_heads, dropout, bias, False, False, kdim, vdim, True, device, dtype) factory_kwargs = {"device": device, "dtype": dtype} @@ -54,6 +63,15 @@ def __init__( self.v_proj_weight = nn.Parameter(torch.empty((embed_dim, self.vdim), **factory_kwargs)) self.register_parameter("in_proj_weight", None) + self.compute_relative_attention_bias = compute_relative_attention_bias + self.relative_attention_num_buckets = relative_attention_num_buckets + self.relative_attention_max_distance = relative_attention_max_distance + + if compute_relative_attention_bias: + self.relative_attention_bias = nn.Embedding(relative_attention_num_buckets, num_heads) + else: + self.relative_attention_bias = None + def forward( self, query: Tensor, @@ -63,10 +81,6 @@ def forward( need_weights: bool = True, attn_mask: Optional[Tensor] = None, average_attn_weights: bool = False, - compute_relative_attention_bias=False, - relative_attention_num_buckets=32, - relative_attention_max_distance=128, - relative_attention_bias: Optional[Tensor] = None, position_bias: Optional[Tensor] = None, ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: r""" @@ -101,13 +115,6 @@ def forward( average_attn_weights: If true, indicates that the returned `attn_weights` should be averaged across heads. Otherwise, `attn_weights` are provided separately per head. Note that this flag only has an effect when `need_weights=True`. Default: `False` (i.e. average weights across heads) - compute_relative_attention_bias: Whether or not the relative position embeddings - need to be computed. Wypically occurs in the first layer of the encoder/decoder - and the resulting position embeddings are returned to be passed up to higher layers. (defualt: False) - relative_attention_num_buckets: Number of relative position buckets. Default: `32` - relative_attention_max_distance: Maximum threshold on the relative distance used to - allocate buckets. Anything larger gets placed in the same bucket. Default: `128` - relative_attention_bias: nn.Embeding object used to compute relative position embeddings. Default: `None` position_bias: Position bias tensor used if to add relative attention bias to attention scores. Default: `None` Outputs: - **attn_output** - Attention outputs of shape :math:`(N, L, E)`, where :math:`N` is the batch size, @@ -124,10 +131,6 @@ def forward( query, key, value, - compute_relative_attention_bias=compute_relative_attention_bias, - relative_attention_num_buckets=relative_attention_num_buckets, - relative_attention_max_distance=relative_attention_max_distance, - relative_attention_bias=relative_attention_bias, position_bias=position_bias, key_padding_mask=key_padding_mask, need_weights=need_weights, @@ -142,10 +145,6 @@ def _t5_multi_head_attention_forward( query: Tensor, key: Tensor, value: Tensor, - compute_relative_attention_bias: bool, - relative_attention_num_buckets: Optional[int], - relative_attention_max_distance: Optional[int], - relative_attention_bias: Optional[Tensor], position_bias: Optional[Tensor], key_padding_mask: Optional[Tensor] = None, need_weights: bool = True, @@ -255,7 +254,7 @@ def _t5_multi_head_attention_forward( # NOTE: Modification to torch.nn.functional._multi_head_attention_forward to incorporate relative attention bias if position_bias is None: - if not compute_relative_attention_bias: + if not self.compute_relative_attention_bias: position_bias = torch.zeros( (self.num_heads, tgt_len, src_len), device=k.device, dtype=k.dtype ).unsqueeze(0) @@ -263,9 +262,6 @@ def _t5_multi_head_attention_forward( position_bias = self._compute_bias( tgt_len, src_len, - relative_attention_bias, - relative_attention_num_buckets=relative_attention_num_buckets, - relative_attention_max_distance=relative_attention_max_distance, bidirectional=(not self.is_decoder), device=k.device, ) @@ -350,25 +346,23 @@ def _compute_bias( self, query_length: int, key_length: int, - relative_attention_bias: Tensor, - relative_attention_num_buckets: int = 32, - relative_attention_max_distance: int = 128, bidirectional: bool = True, - device=None, + device: Optional[torch.device] = None, ) -> Tensor: """Compute binned relative position bias""" + assert self.relative_attention_bias is not None if device is None: - device = relative_attention_bias.weight.device + device = self.relative_attention_bias.weight.device context_position = torch.arange(query_length, dtype=torch.long, device=device)[:, None] memory_position = torch.arange(key_length, dtype=torch.long, device=device)[None, :] relative_position = memory_position - context_position # shape (query_length, key_length) relative_position_bucket = self._relative_position_bucket( relative_position, # shape (query_length, key_length) bidirectional=bidirectional, - num_buckets=relative_attention_num_buckets, - max_distance=relative_attention_max_distance, + num_buckets=self.relative_attention_num_buckets, + max_distance=self.relative_attention_max_distance, ) - values = relative_attention_bias(relative_position_bucket) # shape (query_length, key_length, num_heads) + values = self.relative_attention_bias(relative_position_bucket) # shape (query_length, key_length, num_heads) values = values.permute([2, 0, 1]).unsqueeze(0) # shape (1, num_heads, query_length, key_length) return values @@ -393,9 +387,9 @@ def _relative_position_bucket( Returns: a Tensor with the same shape as relative_position, containing int32 values in the range [0, num_buckets) """ - relative_buckets = 0 + relative_buckets = torch.zeros(relative_position.shape, dtype=torch.long) if bidirectional: - num_buckets //= 2 + num_buckets = num_buckets // 2 relative_buckets += (relative_position > 0).to(torch.long) * num_buckets relative_position = torch.abs(relative_position) else: @@ -422,7 +416,7 @@ def _relative_position_bucket( # NOTE: Taken from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L239 class T5LayerNorm(nn.Module): - def __init__(self, d_model, eps=1e-6) -> None: + def __init__(self, d_model: int, eps: float = 1e-6) -> None: """ Construct a layernorm module in the T5 style. No bias and no subtraction of mean. """ @@ -453,8 +447,8 @@ def forward(self, hidden_states: Tensor) -> Tensor: # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L622 -class T5Layer(nn.Module): - r"""T5Layer is made up of self-attn, cross-attn (decoder only) and feedforward network. +class T5EncoderLayer(nn.Module): + r"""T5EncoderLayer is made up of a self-attn block and feedforward network. This T5 layer is based on the paper: "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, @@ -462,7 +456,6 @@ class T5Layer(nn.Module): Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html Users may modify or implement in a different way during application. Args: - is_decoder: Whether or not the layer belongs to the decoder. (required) d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). dim_feedforward: Dimension of the feedforward network model (default=3072). @@ -474,20 +467,17 @@ class T5Layer(nn.Module): relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket (default: 128) compute_relative_attention_bias: Whether or not the relative position embeddings - need to be computed. Typically occurs in the first layer of encoder/decoder + need to be computed. Typically occurs in the first layer of the encoder and resulting position embeddings are returned to be passed up to higher layers. (default: False) - relative_attention_bias: nn.Embeding object used to compute relative position embeddings. (default: None) Examples:: - >>> decoder_layer = T5Layer(is_decoder=True, d_model=768, nhead=12) - >>> memory = torch.rand(32, 10, 768) + >>> encoder_layer = T5EncoderLayer(d_model=768, nhead=12) >>> tgt = torch.rand(32, 20, 768) - >>> out = deoder_layer(tgt, memory) + >>> out = encoder_layer(tgt) """ def __init__( self, - is_decoder: bool, d_model: int, nhead: int, dim_feedforward: int = 3072, @@ -497,20 +487,25 @@ def __init__( relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, compute_relative_attention_bias: bool = False, - relative_attention_bias: Optional[Tensor] = None, - device=None, + device: Optional[torch.device] = None, dtype=None, ) -> None: super().__init__() - self.is_decoder = is_decoder self.compute_relative_attention_bias = compute_relative_attention_bias self.relative_attention_num_buckets = relative_attention_num_buckets self.relative_attention_max_distance = relative_attention_max_distance - self.relative_attention_bias = relative_attention_bias self.self_attn = T5MultiheadAttention( - d_model, nhead, is_decoder=is_decoder, dropout=dropout, device=device, dtype=dtype + d_model, + nhead, + is_decoder=False, + dropout=dropout, + compute_relative_attention_bias=compute_relative_attention_bias, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + device=device, + dtype=dtype, ) self.linear1 = nn.Linear(d_model, dim_feedforward, bias=False) self.linear2 = nn.Linear(dim_feedforward, d_model, bias=False) @@ -520,13 +515,6 @@ def __init__( self.dropout2 = nn.Dropout(dropout) self.dropout3 = nn.Dropout(dropout) - if is_decoder: - self.cross_attn = T5MultiheadAttention( - d_model, nhead, is_decoder=is_decoder, dropout=dropout, device=device, dtype=dtype - ) - self.norm3 = T5LayerNorm(d_model, eps=layer_norm_eps) - self.dropout4 = nn.Dropout(dropout) - if isinstance(activation, str): assert activation in ( "relu", @@ -542,29 +530,19 @@ def __init__( def forward( self, tgt: Tensor, - memory: Tensor, tgt_mask: Optional[Tensor] = None, - memory_mask: Optional[Tensor] = None, tgt_key_padding_mask: Optional[Tensor] = None, - memory_key_padding_mask: Optional[Tensor] = None, position_bias: Optional[Tensor] = None, - ) -> Tuple[Tensor, Tensor, Tensor, Optional[Tensor]]: - r"""Pass the inputs (and mask) through the encoder/decoder layer. + ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor]]: + r"""Pass the inputs (and mask) through the encoder layer. Args: - tgt: Input sequence to the encoder/decoder layer. (required). + tgt: Input sequence to the encoder layer. (required). Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence length, and E is the model dimension. - memory: Sequence from the last layer of the encoder (used for decoder only). (required). - Must have shape (B, Nts, E) where B is the batch size, Ns is the source sequence - length, and E is the model dimension. tgt_mask: Attention mask for self-attention. (optional). Must have shape (Nt, Nt). - memory_mask: Attention mask for cross-attention (decoder-only) (optional). - Must have shape (Nt, Ns). tgt_key_padding_mask: Mask for the tgt keys per batch (optional). Must have shape (B, Nt). - memory_key_padding_mask: Mask for the memory keys per batch (decoder-only) (optional). - Must have shape (B, Ns). position_bias: Relative attention bias to be used when computing self-attention scores (optional) Must have shape (B, H, Nt, Nt) where H is the number of heads. """ @@ -573,12 +551,9 @@ def forward( x = tgt sa_out, position_bias, sa_scores = self._sa_block(self.norm1(x), tgt_mask, tgt_key_padding_mask, position_bias) x = x + sa_out - if self.is_decoder: - ca_out, ca_scores = self._ca_block(self.norm3(x), memory, memory_mask, memory_key_padding_mask) - x = x + ca_out x = x + self._ff_block(self.norm2(x)) - return x, position_bias, sa_scores, ca_scores if self.is_decoder else None + return x, position_bias, sa_scores # Self-attention block def _sa_block( @@ -587,7 +562,7 @@ def _sa_block( attn_mask: Optional[Tensor], key_padding_mask: Optional[Tensor], position_bias: Optional[Tensor], - ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: + ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor]]: attn = self.self_attn( x, x, @@ -595,10 +570,6 @@ def _sa_block( attn_mask=attn_mask, key_padding_mask=key_padding_mask, need_weights=True, - compute_relative_attention_bias=self.compute_relative_attention_bias, - relative_attention_num_buckets=self.relative_attention_num_buckets, - relative_attention_max_distance=self.relative_attention_max_distance, - relative_attention_bias=self.relative_attention_bias, position_bias=position_bias, ) @@ -609,6 +580,129 @@ def _sa_block( return self.dropout1(x), position_bias, scores + # Feed forward block + def _ff_block(self, x: Tensor) -> Tensor: + x = self.linear2(self.dropout2(self.activation(self.linear1(x)))) + return self.dropout3(x) + + +# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L622 +class T5DecoderLayer(T5EncoderLayer): + r"""T5DecoderLayer is made up of a self-attn block, cross-attn block, and feedforward network. + This T5 layer is based on the paper: + "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". + Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, + Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. + Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html + Users may modify or implement in a different way during application. + Args: + d_model: Number of expected features in the input (required). + nhead: Number of heads in the multihead attention models (required). + dim_feedforward: Dimension of the feedforward network model (default=3072). + dropout: Dropout value (default=0.1). + activation: Activation function of the intermediate layer, can be a string + ("relu" or "gelu") or a unary callable. (default: relu) + layer_norm_eps: The eps value in layer normalization components (default=1e-6). + relative_attention_num_buckets: Number of relative position buckets (default: 32) + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket (default: 128) + compute_relative_attention_bias: Whether or not the relative position embeddings + need to be computed. Typically occurs in the first layer of the decoder + and resulting position embeddings are returned to be passed up to higher layers. (default: False) + + Examples:: + >>> decoder_layer = T5DecoderLayer(d_model=768, nhead=12) + >>> memory = torch.rand(32, 10, 768) + >>> tgt = torch.rand(32, 20, 768) + >>> out = decoder_layer(tgt, memory) + """ + + def __init__( + self, + d_model: int, + nhead: int, + dim_feedforward: int = 3072, + dropout: float = 0.1, + activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + layer_norm_eps: float = 1e-6, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + compute_relative_attention_bias: bool = False, + device: Optional[torch.device] = None, + dtype=None, + ) -> None: + super().__init__( + d_model, + nhead, + dim_feedforward, + dropout, + activation, + layer_norm_eps, + relative_attention_num_buckets, + relative_attention_max_distance, + compute_relative_attention_bias, + device, + dtype, + ) + + self.cross_attn = T5MultiheadAttention( + d_model, nhead, is_decoder=True, dropout=dropout, device=device, dtype=dtype + ) + self.norm3 = T5LayerNorm(d_model, eps=layer_norm_eps) + self.dropout4 = nn.Dropout(dropout) + + if isinstance(activation, str): + assert activation in ( + "relu", + "gelu", + ), f"Do not support '{activation}' activation. Use either 'relu' or 'gelu'" + if activation == "relu": + self.activation = F.relu + elif activation == "gelu": + self.activation = F.gelu + else: + self.activation = activation + + def forward( + self, + tgt: Tensor, + memory: Tensor, + tgt_mask: Optional[Tensor] = None, + memory_mask: Optional[Tensor] = None, + tgt_key_padding_mask: Optional[Tensor] = None, + memory_key_padding_mask: Optional[Tensor] = None, + position_bias: Optional[Tensor] = None, + ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor], Optional[Tensor]]: + r"""Pass the inputs (and mask) through the encoder/decoder layer. + Args: + tgt: Input sequence to the decoder layer. (required). + Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence + length, and E is the model dimension. + memory: Sequence from the last layer of the encoder. (required). + Must have shape (B, Nts, E) where B is the batch size, Ns is the source sequence + length, and E is the model dimension. + tgt_mask: Attention mask for self-attention. (optional). + Must have shape (Nt, Nt). + memory_mask: Attention mask for cross-attention (optional). + Must have shape (Nt, Ns). + tgt_key_padding_mask: Mask for the tgt keys per batch (optional). + Must have shape (B, Nt). + memory_key_padding_mask: Mask for the memory keys per batch (optional). + Must have shape (B, Ns). + position_bias: Relative attention bias to be used when computing self-attention scores (optional) + Must have shape (B, H, Nt, Nt) where H is the number of heads. + """ + + # See Fig. 1 of https://arxiv.org/pdf/2002.04745v1.pdf + x = tgt + sa_out, position_bias, sa_scores = self._sa_block(self.norm1(x), tgt_mask, tgt_key_padding_mask, position_bias) + x = x + sa_out + ca_out, ca_scores = self._ca_block(self.norm3(x), memory, memory_mask, memory_key_padding_mask) + x = x + ca_out + x = x + self._ff_block(self.norm2(x)) + + return x, position_bias, sa_scores, ca_scores + # Cross attention block def _ca_block( self, x: Tensor, mem: Tensor, attn_mask: Optional[Tensor], key_padding_mask: Optional[Tensor] @@ -618,20 +712,104 @@ def _ca_block( scores = attn[2] return self.dropout4(x), scores - # Feed forward block - def _ff_block(self, x: Tensor) -> Tensor: - x = self.linear2(self.dropout2(self.activation(self.linear1(x)))) - return self.dropout3(x) + +# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 +class T5Encoder(nn.Module): + r"""T5Encoder is a stack of N encoder layers + Args: + d_model: Number of expected features in the input (required). + nhead: Number of heads in the multihead attention models (required). + num_layers: Number of encoder layers in the stack (required) + dim_feedforward: Dimension of the feedforward network model (default=3072). + dropout: Dropout value (default=0.1). + activation: Activation function of the intermediate layer, can be a string + ("relu" or "gelu") or a unary callable. (default: relu) + layer_norm_eps: The eps value in layer normalization components (default=1e-6). + relative_attention_num_buckets: Number of relative position buckets (default: 32) + relative_attention_max_distance: Maximum threshold on the relative distance used to + allocate buckets. Anything larger gets placed in the same bucket (defulat: 128) + Examples:: + >>> encoder = T5Encoder(d_model=768, nhead=12, num_layers=12) + >>> tgt = torch.rand(32, 10, 512) + >>> out = encoder(tgt) + """ + + def __init__( + self, + d_model: int, + nhead: int, + num_layers: int, + dim_feedforward: int = 3072, + dropout: float = 0.1, + activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + layer_norm_eps: float = 1e-6, + relative_attention_num_buckets: int = 32, + relative_attention_max_distance: int = 128, + device: Optional[torch.device] = None, + dtype=None, + ) -> None: + super().__init__() + + self.layers = nn.ModuleList( + [ + T5EncoderLayer( + d_model, + nhead, + dim_feedforward, + dropout, + activation, + layer_norm_eps, + relative_attention_num_buckets, + relative_attention_max_distance, + compute_relative_attention_bias=True if i == 0 else False, + device=device, + dtype=dtype, + ) + for i in range(num_layers) + ] + ) + self.num_layers = num_layers + + def forward( + self, + tgt: Tensor, + tgt_mask: Optional[Tensor] = None, + tgt_key_padding_mask: Optional[Tensor] = None, + ) -> Tuple[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]: + r"""Pass the input (and masks) through the stack of encoder layers. + Args: + tgt: Input sequence to the encoder layer. (required). + Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence + length, and E is the model dimension. + tgt_mask: Attention mask for self-attention. (optional). + Must have shape (Nt, Nt). + tgt_key_padding_mask: Mask for the tgt keys per batch (optional). + Must have shape (B, Nt). + """ + output = tgt + position_bias = None + all_outputs = torch.jit.annotate(List[Tensor], []) + all_sa_scores = torch.jit.annotate(List[Optional[Tensor]], []) + for mod in self.layers: + all_outputs.append(output) + output, position_bias, sa_score = mod( + output, + tgt_mask=tgt_mask, + tgt_key_padding_mask=tgt_key_padding_mask, + position_bias=position_bias, + ) + all_sa_scores.append(sa_score) + + return output, all_outputs, position_bias, all_sa_scores # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 -class T5Stack(nn.Module): - r"""T5 is a stack of N encoder/decoder layers +class T5Decoder(nn.Module): + r"""T5Decoder is a stack of N decoder layers Args: - is_decoder: Whether or not the layer belongs to the decoder. (required) d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). - num_layers: Number of encoder/decoder layers in the stack (required) + num_layers: Number of decoder layers in the stack (required) dim_feedforward: Dimension of the feedforward network model (default=3072). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string @@ -641,7 +819,7 @@ class T5Stack(nn.Module): relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket (defulat: 128) Examples:: - >>> decoder = nn.T5Stack(is_decoder=True, d_model=768, nhead=12, num_layers=12) + >>> decoder = T5Decoder(d_model=768, nhead=12, num_layers=12) >>> memory = torch.rand(32, 10, 512) >>> tgt = torch.rand(32, 10, 512) >>> out = decoder(tgt, memory) @@ -649,7 +827,6 @@ class T5Stack(nn.Module): def __init__( self, - is_decoder: bool, d_model: int, nhead: int, num_layers: int, @@ -659,15 +836,14 @@ def __init__( layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, - device=None, + device: Optional[torch.device] = None, dtype=None, ) -> None: super().__init__() self.layers = nn.ModuleList( [ - T5Layer( - is_decoder, + T5DecoderLayer( d_model, nhead, dim_feedforward, @@ -677,7 +853,6 @@ def __init__( relative_attention_num_buckets, relative_attention_max_distance, compute_relative_attention_bias=True if i == 0 else False, - relative_attention_bias=nn.Embedding(relative_attention_num_buckets, nhead) if i == 0 else None, device=device, dtype=dtype, ) @@ -689,36 +864,36 @@ def __init__( def forward( self, tgt: Tensor, - memory: Tensor = None, + memory: Tensor, tgt_mask: Optional[Tensor] = None, memory_mask: Optional[Tensor] = None, tgt_key_padding_mask: Optional[Tensor] = None, memory_key_padding_mask: Optional[Tensor] = None, - ) -> Tuple[Tensor, Tuple[Tensor], Tensor, Tuple[Tensor], Tuple[Tensor]]: - r"""Pass the inputs (and mask) through the stack of encoder/decoder layers. + ) -> Tuple[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]], List[Optional[Tensor]]]: + r"""Pass the inputs (and masks) through the stack of decoder layers. Args: - tgt: Input sequence to the encoder/decoder layer. (required). + tgt: Input sequence to the decoder layer. (required). Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence length, and E is the model dimension. - memory: Sequence from the last layer of the encoder (used for decoder only). (required). + memory: Sequence from the last layer of the encoder. (required). Must have shape (B, Nts, E) where B is the batch size, Ns is the source sequence length, and E is the model dimension. tgt_mask: Attention mask for self-attention. (optional). Must have shape (Nt, Nt). - memory_mask: Attention mask for cross-attention (decoder-only) (optional). + memory_mask: Attention mask for cross-attention (optional). Must have shape (Nt, Ns). tgt_key_padding_mask: Mask for the tgt keys per batch (optional). Must have shape (B, Nt). - memory_key_padding_mask: Mask for the memory keys per batch (decoder-only) (optional). + memory_key_padding_mask: Mask for the memory keys per batch (optional). Must have shape (B, Ns). """ output = tgt position_bias = None - all_outputs = () - all_sa_scores = () - all_ca_scores = () + all_outputs = torch.jit.annotate(List[Tensor], []) + all_sa_scores = torch.jit.annotate(List[Optional[Tensor]], []) + all_ca_scores = torch.jit.annotate(List[Optional[Tensor]], []) for mod in self.layers: - all_outputs = all_outputs + (output,) + all_outputs.append(output) output, position_bias, sa_score, ca_score = mod( output, memory, @@ -728,7 +903,7 @@ def forward( memory_key_padding_mask=memory_key_padding_mask, position_bias=position_bias, ) - all_sa_scores = all_sa_scores + (sa_score,) - all_ca_scores = all_ca_scores + (ca_score,) + all_sa_scores.append(sa_score) + all_ca_scores.append(ca_score) return output, all_outputs, position_bias, all_sa_scores, all_ca_scores From 5a351b43f1e9ffcf145b276aab3c7e290fe594a1 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Mon, 15 Aug 2022 10:22:25 -0400 Subject: [PATCH 306/463] [WIP] wrapper class for end-to-end t5 model (#1880) * wrapper class for end-to-end t5 model * style corrections * assertions for t5_config encoder_only and linear_head values --- .../integration_tests/test_models.py | 46 ++++- torchtext/prototype/models/t5/wrapper.py | 192 ++++++++++++++++++ 2 files changed, 233 insertions(+), 5 deletions(-) create mode 100644 torchtext/prototype/models/t5/wrapper.py diff --git a/test/prototype/integration_tests/test_models.py b/test/prototype/integration_tests/test_models.py index 99da027e5e..7c486d8f3d 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/prototype/integration_tests/test_models.py @@ -2,11 +2,8 @@ from parameterized import parameterized from test.common.assets import get_asset_path from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.prototype.models import ( - T5_BASE_ENCODER, - T5_BASE, - T5_BASE_GENERATION, -) +from torchtext.prototype.models import T5_BASE_ENCODER, T5_BASE, T5_BASE_GENERATION, T5Conf, T5Transform +from torchtext.prototype.models.t5.wrapper import T5Wrapper class TestT5(TorchtextTestCase): @@ -53,3 +50,42 @@ def test_t5_base_generation_model(self, name, is_jit) -> None: self._t5_model( is_jit=is_jit, t5_model=T5_BASE_GENERATION, expected_asset_name=expected_asset_name, test_text=test_text ) + + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_t5_wrapper(self, name, is_jit) -> None: + test_text = ["translate English to French: I want to eat pizza for dinner."] + expected_text = ["Je veux manger de la pizza pour le dîner."] + beam_size = 3 + max_seq_len = 512 + model = T5Wrapper(configuration="base") + if is_jit: + model = torch.jit.script(model) + + output_text = model(test_text, beam_size, max_seq_len) + self.assertEqual(output_text, expected_text) + + @parameterized.expand([("jit", True), ("not_jit", False)]) + def test_t5_wrapper_checkpoing(self, name, is_jit) -> None: + test_text = ["translate English to French: I want to eat pizza for dinner."] + expected_text = ["Je veux manger de la pizza pour le dîner."] + beam_size = 3 + max_seq_len = 512 + config = T5Conf(encoder_only=False, linear_head=True) + transform = T5Transform( + "https://download.pytorch.org/models/text/t5_tokenizer_base.model", + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ) + model = T5Wrapper( + checkpoint="https://download.pytorch.org/models/text/t5.base.generation.pt", + t5_config=config, + transform=transform, + freeze_model=True, + strict=True, + ) + if is_jit: + model = torch.jit.script(model) + + output_text = model(test_text, beam_size, max_seq_len) + self.assertEqual(output_text, expected_text) diff --git a/torchtext/prototype/models/t5/wrapper.py b/torchtext/prototype/models/t5/wrapper.py new file mode 100644 index 0000000000..1aab3d047c --- /dev/null +++ b/torchtext/prototype/models/t5/wrapper.py @@ -0,0 +1,192 @@ +from typing import Any, Dict, List, Optional, Tuple, Union + +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch import Tensor +from torchtext.prototype.models import T5_BASE_GENERATION, T5Conf, T5Transform, T5Bundle + + +class T5Wrapper(nn.Module): + def __init__( + self, + configuration: Optional[str] = None, + checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, + t5_config: Optional[T5Conf] = None, + transform: Optional[T5Transform] = None, + freeze_model: bool = False, + strict: bool = False, + dl_kwargs: Dict[str, Any] = None, + device: Optional[torch.device] = None, + ) -> None: + """ + Args: + configuration (str or None): The model configuration. Currently only support 'base'. Must be `None` if checkpoint is not `None`. (Default: `None`) + checkpoint (str, Dict[str, torch.Tensor], or None): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. Must be `None` if configuration is not `None`.(Default: ``None``) + t5_config (T5Conf or None): An instance of T5Conf that defined the model configuration (i.e. number of layer, attention heads, etc). Must be provided if configuration is `None`. (Default: `None`) + transform (T5Transfrom or None): An instance of T5Transform that defines the text processing pipeline. Must be provided if configuration is `None`. (Default: `None`) + freeze_model (bool): Indicates whether to freeze the model weights. (Default: `False`) + strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`) + dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) + """ + super().__init__() + + if configuration is None: + assert checkpoint is not None, "Must provide a checkpoint if configuration is None" + assert t5_config is not None, "Must provide t5_config if using checkpoint" + assert isinstance(t5_config, T5Conf), "t5_config must have type torchtext.prototype.models.T5Conf" + assert not t5_config.encoder_only, "t5_config.encoder_only must be False" + assert t5_config.linear_head, "t5_config.linear_head must be True" + assert transform is not None, "Must provide transform if using checkpoint" + assert isinstance(transform, T5Transform), "transform must have type torchtext.prototype.models.T5Transform" + + else: + assert checkpoint is None, "configuration and checkpoint were both provided. Can only provide one." + assert configuration in ("base"), "Invalid configuration provided. Only support 'base' configuration." + + if configuration is None and checkpoint is not None: + self.bundler = T5Bundle(_path=checkpoint, _config=t5_config, transform=lambda: transform) + self.model = self.bundler.build_model( + config=t5_config, freeze_model=freeze_model, checkpoint=checkpoint, strict=strict, dl_kwargs=dl_kwargs + ) + else: + self.bundler = T5_BASE_GENERATION + self.model = self.bundler.get_model() + + self.transform = self.bundler.transform() + + def beam_search( + self, + beam_size: int, + step: int, + bsz: int, + decoder_output: Tensor, + decoder_tokens: Tensor, + scores: Tensor, + incomplete_sentences: Tensor, + ) -> Tuple[Tensor, Tensor, Tensor]: + probs = F.log_softmax(decoder_output[:, -1], dim=-1) + top = torch.topk(probs, beam_size) + + # N is number of sequences, L is length of sequences, B is beam_size + # decoder tokens has shape (N,L) -> (N,B,L) + # top.indices has shape (N,B) - > (N,B,1) + # x has shape (N,B,L+1) + # note that when step == 1, N = batch_size, and when step > 1, N = batch_size * beam_size + x = torch.cat([decoder_tokens.unsqueeze(1).repeat(1, beam_size, 1), top.indices.unsqueeze(-1)], dim=-1) + + # beams are first created for a given sequence + if step == 1: + # x has shape (batch_size, B, L+1) -> (batch_size * B,L+1) + # new_scores has shape (batch_size,B) + # incomplete_sentences has shape (batch_size * B) = (N) + new_decoder_tokens = x.view(-1, step + 1) + new_scores = top.values + new_incomplete_sentences = incomplete_sentences + + # beams already exist, want to expand each beam into possible new tokens to add + # and for all expanded beams belonging to the same sequences, choose the top k + else: + # scores has shape (batch_size,B) -> (N,1) -> (N,B) + # top.values has shape (N,B) + # new_scores has shape (N,B) -> (batch_size, B^2) + new_scores = (scores.view(-1, 1).repeat(1, beam_size) + top.values).view(bsz, -1) + + # v, i have shapes (batch_size, B) + v, i = torch.topk(new_scores, beam_size) + + # x has shape (N,B,L+1) -> (batch_size, B, L+1) + # i has shape (batch_size, B) -> (batch_size, B, L+1) + # new_decoder_tokens has shape (batch_size, B, L+1) -> (N, L) + x = x.view(bsz, -1, step + 1) + new_decoder_tokens = x.gather(index=i.unsqueeze(-1).repeat(1, 1, step + 1), dim=1).view(-1, step + 1) + + # need update incomplete sentences incase one of the beams was kicked out + # y has shape (N) -> (N, 1) -> (N, B) -> (batch_size, B^2) + y = incomplete_sentences.unsqueeze(-1).repeat(1, beam_size).view(bsz, -1) + + # now can use i to extract those beams that were selected + # new_incomplete_sentences has shape (batch_size, B^2) -> (batch_size, B) -> (N, 1) -> N + new_incomplete_sentences = y.gather(index=i, dim=1).view(bsz * beam_size, 1).squeeze(-1) + + # new_scores has shape (batch_size, B) + new_scores = v + + return new_decoder_tokens, new_scores, new_incomplete_sentences + + def generate(self, encoder_tokens: Tensor, beam_size: int, eos_idx: int = 1, max_seq_len: int = 512) -> Tensor: + + # pass tokens through encoder + bsz = encoder_tokens.size(0) + encoder_padding_mask = encoder_tokens.eq(self.model.padding_idx) + encoder_embeddings = self.model.dropout1(self.model.token_embeddings(encoder_tokens)) + encoder_output = self.model.encoder(encoder_embeddings, tgt_key_padding_mask=encoder_padding_mask)[0] + + encoder_output = self.model.norm1(encoder_output) + encoder_output = self.model.dropout2(encoder_output) + + # initialize decoder input sequence; T5 uses padding index as starter index to decoder sequence + decoder_tokens = torch.ones((bsz, 1), dtype=torch.long) * self.model.padding_idx + scores = torch.zeros((bsz, beam_size)) + + # mask to keep track of sequences for which the decoder has not produced an end-of-sequence token yet + incomplete_sentences = torch.ones(bsz * beam_size, dtype=torch.long) + + # iteratively generate output sequence until all sequences in the batch have generated the end-of-sequence token + for step in range(max_seq_len): + + if step == 1: + # duplicate and order encoder output so that each beam is treated as its own independent sequence + new_order = torch.arange(bsz).view(-1, 1).repeat(1, beam_size).view(-1) + new_order = new_order.to(encoder_tokens.device).long() + encoder_output = encoder_output.index_select(0, new_order) + encoder_padding_mask = encoder_padding_mask.index_select(0, new_order) + + # causal mask and padding mask for decoder sequence + tgt_len = decoder_tokens.shape[1] + decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) + decoder_mask = decoder_mask.to(torch.bool) + decoder_padding_mask = decoder_tokens.eq(self.model.padding_idx) + + # T5 implemention uses padding idx to start sequence. Want to ignore this when masking + decoder_padding_mask[:, 0] = False + + # pass decoder sequence through decoder + decoder_embeddings = self.model.dropout3(self.model.token_embeddings(decoder_tokens)) + decoder_output = self.model.decoder( + decoder_embeddings, + memory=encoder_output, + tgt_mask=decoder_mask, + tgt_key_padding_mask=decoder_padding_mask, + memory_key_padding_mask=encoder_padding_mask, + )[0] + + decoder_output = self.model.norm2(decoder_output) + decoder_output = self.model.dropout4(decoder_output) + decoder_output = decoder_output * (self.model.embedding_dim ** -0.5) + decoder_output = self.model.lm_head(decoder_output) + + decoder_tokens, scores, incomplete_sentences = self.beam_search( + beam_size, step + 1, bsz, decoder_output, decoder_tokens, scores, incomplete_sentences + ) + # ignore newest tokens for sentences that are already complete + decoder_tokens[:, -1] *= incomplete_sentences + + # update incomplete_sentences to remove those that were just ended + incomplete_sentences = incomplete_sentences - (decoder_tokens[:, -1] == eos_idx).long() + + if (incomplete_sentences == 0).all(): + break + + # take most likely sequence + decoder_tokens = decoder_tokens.view(bsz, beam_size, -1)[:, 0, :] + return decoder_tokens + + def forward(self, input_text: List[str], beam_size: int, max_seq_len: int) -> Union[List[str], str]: + + model_input = self.transform(input_text) + model_output_tensor = self.generate(encoder_tokens=model_input, beam_size=beam_size, max_seq_len=max_seq_len) + model_output_list = torch.jit.annotate(List[List[int]], model_output_tensor.tolist()) + output_text = self.transform.decode(model_output_list) + + return output_text From 2fd12f323fa21f85a9e0600d1f4ad1cdb494848b Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Mon, 15 Aug 2022 11:59:55 -0400 Subject: [PATCH 307/463] Update xcode version to 14.0 in CI (#1881) --- .circleci/config.yml | 6 +++--- .circleci/config.yml.in | 6 +++--- 2 files changed, 6 insertions(+), 6 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 93fe09acad..6a3339a34d 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -207,7 +207,7 @@ jobs: binary_macos_wheel: <<: *binary_common macos: - xcode: "12.5" + xcode: "14.0" steps: - checkout - designate_upload_channel @@ -233,7 +233,7 @@ jobs: binary_macos_conda: <<: *binary_common macos: - xcode: "12.5" + xcode: "14.0" steps: - checkout - designate_upload_channel @@ -441,7 +441,7 @@ jobs: unittest_macos: <<: *binary_common macos: - xcode: "12.5" + xcode: "14.0" resource_class: large steps: - checkout diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 5ecd5e95bf..77dbf581ac 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -207,7 +207,7 @@ jobs: binary_macos_wheel: <<: *binary_common macos: - xcode: "12.5" + xcode: "14.0" steps: - checkout - designate_upload_channel @@ -233,7 +233,7 @@ jobs: binary_macos_conda: <<: *binary_common macos: - xcode: "12.5" + xcode: "14.0" steps: - checkout - designate_upload_channel @@ -441,7 +441,7 @@ jobs: unittest_macos: <<: *binary_common macos: - xcode: "12.5" + xcode: "14.0" resource_class: large steps: - checkout From 3a0d0a33f63aa07dbf7e9774caebd802271efc3c Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 17 Aug 2022 14:25:08 -0400 Subject: [PATCH 308/463] Graduate MaskTransform from prototype (#1882) --- test/prototype/test_transforms.py | 120 ------------------------- test/test_transforms.py | 119 ++++++++++++++++++++++++- torchtext/prototype/transforms.py | 143 +----------------------------- torchtext/transforms.py | 143 +++++++++++++++++++++++++++++- 4 files changed, 261 insertions(+), 264 deletions(-) diff --git a/test/prototype/test_transforms.py b/test/prototype/test_transforms.py index ee1a291cd2..71e9c02f74 100644 --- a/test/prototype/test_transforms.py +++ b/test/prototype/test_transforms.py @@ -1,7 +1,6 @@ import os import shutil import tempfile -from unittest.mock import patch import torch from test.common.assets import get_asset_path @@ -10,12 +9,9 @@ sentencepiece_processor, sentencepiece_tokenizer, VectorTransform, - MaskTransform, ) from torchtext.prototype.vectors import FastText -from ..common.parameterized_utils import nested_params - class TestTransforms(TorchtextTestCase): def test_sentencepiece_processor(self) -> None: @@ -140,119 +136,3 @@ def test_sentencepiece_load_and_save(self) -> None: torch.save(spm, save_path) loaded_spm = torch.load(save_path) self.assertEqual(expected, loaded_spm(input)) - - -class TestMaskTransform(TorchtextTestCase): - - """ - Testing under these assumed conditions: - - Vocab maps the following tokens to the following ids: - ['a', 'b', 'c', 'd', '[PAD]', '[MASK]', '[BOS]'] -> [0, 1, 2, 3, 4, 5, 6] - - The sample token sequences are: - [["[BOS]", "a", "b", "c", "d"], - ["[BOS]", "a", "b", "[PAD]", "[PAD]"]] - """ - - sample_token_ids = torch.tensor([[6, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) - - vocab_len = 7 - pad_idx = 4 - mask_idx = 5 - bos_idx = 6 - - @nested_params([0.0, 1.0]) - def test_mask_transform_probs(self, test_mask_prob): - - # We pass (vocab_len - 1) into MaskTransform to test masking with a random token. - # This modifies the distribution from which token ids are randomly selected such that the - # largest token id availible for selection is 1 less than the actual largest token id in our - # vocab, which we've assigned to the [BOS] token. This allows us to test random replacement - # by ensuring that when the first token ([BOS]) in the first sample sequence is selected for random replacement, - # we know with certainty the token it is replaced with is different from the [BOS] token. - # In practice, however, the actual vocab length should be provided as the input parameter so that random - # replacement selects from all possible tokens in the vocab. - mask_transform = MaskTransform( - self.vocab_len - 1, self.mask_idx, self.bos_idx, self.pad_idx, mask_bos=False, mask_prob=test_mask_prob - ) - - # when mask_prob = 0, we expect the first token of the first sample sequence to be chosen for replacement - if test_mask_prob == 0.0: - - # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - self.assertEqual(self.sample_token_ids, masked_tokens) - - # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement to be - # changed to a random token_id - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 1.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - - # first token in first sequence should be different - self.assertNotEqual(masked_tokens[0, 0], self.sample_token_ids[0, 0]) - # replaced token id should still be in vocab, not including [BOS] - assert masked_tokens[0, 0] in range(self.vocab_len - 1) - - # all other tokens except for first token of first sequence should remain the same - self.assertEqual(self.sample_token_ids[0, 1:], masked_tokens[0, 1:]) - self.assertEqual(self.sample_token_ids[1], masked_tokens[1]) - - # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 1.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - exp_tokens = torch.tensor([[5, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) - self.assertEqual(exp_tokens, masked_tokens) - - # when mask_prob = 1, we expect all tokens that are not [BOS] or [PAD] to be chosen for replacement - # (under the default condition that mask_transform.mask_bos=False) - if test_mask_prob == 1.0: - - # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - self.assertEqual(self.sample_token_ids, masked_tokens) - - # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement - # to be changed to random token_ids. It is possible that the randomly selected token id is the same - # as the original token id, however we know deterministically that [BOS] and [PAD] tokens - # in the sequences will remain unchanged. - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 0.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 1.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - self.assertEqual(masked_tokens[:, 0], 6 * torch.ones_like(masked_tokens[:, 0])) - self.assertEqual(masked_tokens[1, 3:], 4 * torch.ones_like(masked_tokens[1, 3:])) - - # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 1.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - exp_tokens = torch.tensor([[6, 5, 5, 5, 5], [6, 5, 5, 4, 4]]) - self.assertEqual(exp_tokens, masked_tokens) - - def test_mask_transform_mask_bos(self) -> None: - # MaskTransform has boolean parameter mask_bos to indicate whether or not [BOS] tokens - # should be eligible for replacement. The above tests of MaskTransform are under default value - # mask_bos = False. Here we test the case where mask_bos = True - mask_transform = MaskTransform( - self.vocab_len - 1, self.mask_idx, self.bos_idx, self.pad_idx, mask_bos=True, mask_prob=1.0 - ) - - # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] - with patch("torchtext.prototype.transforms.MaskTransform.mask_mask_prob", 1.0), patch( - "torchtext.prototype.transforms.MaskTransform.rand_mask_prob", 0.0 - ): - masked_tokens, _, _ = mask_transform(self.sample_token_ids) - exp_tokens = torch.tensor([[5, 5, 5, 5, 5], [5, 5, 5, 4, 4]]) - self.assertEqual(exp_tokens, masked_tokens) diff --git a/test/test_transforms.py b/test/test_transforms.py index 2dc11cb6d0..76f84b66aa 100644 --- a/test/test_transforms.py +++ b/test/test_transforms.py @@ -1,9 +1,10 @@ import os from collections import OrderedDict +from unittest.mock import patch import torch from torchtext import transforms -from torchtext.transforms import RegexTokenizer +from torchtext.transforms import MaskTransform, RegexTokenizer from torchtext.vocab import vocab from .common.assets import get_asset_path @@ -750,3 +751,119 @@ def test_regex_tokenizer_save_load(self) -> None: loaded_tokenizer = torch.jit.load(save_path) results = loaded_tokenizer(self.test_sample) self.assertEqual(results, self.ref_results) + + +class TestMaskTransform(TorchtextTestCase): + + """ + Testing under these assumed conditions: + + Vocab maps the following tokens to the following ids: + ['a', 'b', 'c', 'd', '[PAD]', '[MASK]', '[BOS]'] -> [0, 1, 2, 3, 4, 5, 6] + + The sample token sequences are: + [["[BOS]", "a", "b", "c", "d"], + ["[BOS]", "a", "b", "[PAD]", "[PAD]"]] + """ + + sample_token_ids = torch.tensor([[6, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) + + vocab_len = 7 + pad_idx = 4 + mask_idx = 5 + bos_idx = 6 + + @nested_params([0.0, 1.0]) + def test_mask_transform_probs(self, test_mask_prob): + + # We pass (vocab_len - 1) into MaskTransform to test masking with a random token. + # This modifies the distribution from which token ids are randomly selected such that the + # largest token id availible for selection is 1 less than the actual largest token id in our + # vocab, which we've assigned to the [BOS] token. This allows us to test random replacement + # by ensuring that when the first token ([BOS]) in the first sample sequence is selected for random replacement, + # we know with certainty the token it is replaced with is different from the [BOS] token. + # In practice, however, the actual vocab length should be provided as the input parameter so that random + # replacement selects from all possible tokens in the vocab. + mask_transform = MaskTransform( + self.vocab_len - 1, self.mask_idx, self.bos_idx, self.pad_idx, mask_bos=False, mask_prob=test_mask_prob + ) + + # when mask_prob = 0, we expect the first token of the first sample sequence to be chosen for replacement + if test_mask_prob == 0.0: + + # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + self.assertEqual(self.sample_token_ids, masked_tokens) + + # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement to be + # changed to a random token_id + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 1.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + + # first token in first sequence should be different + self.assertNotEqual(masked_tokens[0, 0], self.sample_token_ids[0, 0]) + # replaced token id should still be in vocab, not including [BOS] + assert masked_tokens[0, 0] in range(self.vocab_len - 1) + + # all other tokens except for first token of first sequence should remain the same + self.assertEqual(self.sample_token_ids[0, 1:], masked_tokens[0, 1:]) + self.assertEqual(self.sample_token_ids[1], masked_tokens[1]) + + # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + exp_tokens = torch.tensor([[5, 0, 1, 2, 3], [6, 0, 1, 4, 4]]) + self.assertEqual(exp_tokens, masked_tokens) + + # when mask_prob = 1, we expect all tokens that are not [BOS] or [PAD] to be chosen for replacement + # (under the default condition that mask_transform.mask_bos=False) + if test_mask_prob == 1.0: + + # when mask_mask_prob, rand_mask_prob = 0,0 no tokens should change + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + self.assertEqual(self.sample_token_ids, masked_tokens) + + # when mask_mask_prob, rand_mask_prob = 0,1 we expect all tokens selected for replacement + # to be changed to random token_ids. It is possible that the randomly selected token id is the same + # as the original token id, however we know deterministically that [BOS] and [PAD] tokens + # in the sequences will remain unchanged. + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 0.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 1.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + self.assertEqual(masked_tokens[:, 0], 6 * torch.ones_like(masked_tokens[:, 0])) + self.assertEqual(masked_tokens[1, 3:], 4 * torch.ones_like(masked_tokens[1, 3:])) + + # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + exp_tokens = torch.tensor([[6, 5, 5, 5, 5], [6, 5, 5, 4, 4]]) + self.assertEqual(exp_tokens, masked_tokens) + + def test_mask_transform_mask_bos(self) -> None: + # MaskTransform has boolean parameter mask_bos to indicate whether or not [BOS] tokens + # should be eligible for replacement. The above tests of MaskTransform are under default value + # mask_bos = False. Here we test the case where mask_bos = True + mask_transform = MaskTransform( + self.vocab_len - 1, self.mask_idx, self.bos_idx, self.pad_idx, mask_bos=True, mask_prob=1.0 + ) + + # when mask_mask_prob, rand_mask_prob = 1,0 we expect all tokens selected for replacement to be changed to [MASK] + with patch("torchtext.transforms.MaskTransform.mask_mask_prob", 1.0), patch( + "torchtext.transforms.MaskTransform.rand_mask_prob", 0.0 + ): + masked_tokens, _, _ = mask_transform(self.sample_token_ids) + exp_tokens = torch.tensor([[5, 5, 5, 5, 5], [5, 5, 5, 4, 4]]) + self.assertEqual(exp_tokens, masked_tokens) diff --git a/torchtext/prototype/transforms.py b/torchtext/prototype/transforms.py index e11f88fa77..f837894e92 100644 --- a/torchtext/prototype/transforms.py +++ b/torchtext/prototype/transforms.py @@ -1,5 +1,5 @@ import io -from typing import List, Tuple +from typing import List import torch import torch.nn as nn @@ -340,144 +340,3 @@ def forward(self, tokens: List[str]) -> Tensor: """ return self.vector.lookup_vectors(tokens) - - -class MaskTransform(nn.Module): - """ - The transform chooses mask_prob% (example 15%) of the token positions at random for - prediction. - - If the i-th token is chosen, we replace the i-th token with - (1) the [MASK] token 80% of the time - (2) a random token 10% of the time - (3) the unchanged i-th token 10% of the time. - - Args: - vocab_len (int): the length of the vocabulary, including special tokens such as [BOS], [PAD], [MASK] - mask_idx (int): index assigned to mask token in vocabulary - bos_idx (int): index assigned to beginning-of-sequence token in vocabulary - pad_idx (int): index assigned to padding token in vocabulary - mask_bos (bool): indicate whether beginning-of-sequence tokens are eligible for masking (default: False) - mask_prob (float): probability that a token is chosen for replacement (default: 0.15) - - Example: - >>> import torch - >>> from torchtext.experimental.transforms import MaskTransform - >>> sample_tokens = [ - ["[BOS]", "a", "b", "c", "d"], - ["[BOS]", "a", "b", "[PAD]", "[PAD]"] - ] - >>> sample_token_ids = torch.tensor([ - [6, 0, 1, 2, 3], [6, 0, 1, 4, 4] - ]) - >>> mask_transform = MaskTransform( - vocab_len = 7, - mask_idx = 4, - bos_idx = 6, - pad_idx = 5, - mask_bos = False, - mask_prob = 0.15 - ) - >>> masked_tokens, target_tokens, mask = mask_transform(sample_token_ids) - """ - - # maks_mask_prob is prob. of replacing a token with [MASK] (ex. 80%) - mask_mask_prob = 0.8 - - # rand_mask_thresh is prob. of replacing a token with a random token. (ex.10%) - rand_mask_prob = 0.1 - - def __init__( - self, - vocab_len: int, - mask_idx: int, - bos_idx: int, - pad_idx: int, - mask_bos: bool = False, - mask_prob: float = 0.15, - ): - super().__init__() - self.vocab_len = vocab_len - self.mask_idx = mask_idx - self.bos_idx = bos_idx - self.pad_idx = pad_idx - self.mask_prob = mask_prob - self.mask_bos = mask_bos - - def forward(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: - """ - Applies mask to input tokens. - - Inputs: - tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] - - Outputs: - masked_tokens: Tensor of tokens after masking has been applied - target_tokens: Tensor of token values selected for masking - mask: Tensor with same shape as input tokens (batch_size x seq_len) - with masked tokens represented by a 1 and everything else as 0. - """ - # tokens, mask, mask_mask, rand_mask: (T, C) - mask, mask_mask, rand_mask = self._generate_mask(tokens) - - # a. generate the masked input tokens - # (1) the [MASK] token 80% of the time - masked_tokens = self._mask_input(tokens, mask_mask, self.mask_idx) - # (2) a random token 10% of the time - masked_tokens = self._mask_input( - masked_tokens, - rand_mask, - torch.randint_like(tokens, high=self.vocab_len), - ) - - # b. generate the target prediction - target_tokens = torch.masked_select(tokens, mask.bool()) - - # masked_tokens: (T, C), target_tokens: (T x C x mask_prob, ), mask - return masked_tokens, target_tokens, mask - - def _random_masking(self, tokens: torch.tensor, mask_prob: float) -> torch.Tensor: - """ - Function to mask tokens randomly. - - Inputs: - 1) tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] - 2) mask_prob: Probability of masking a particular token - - Outputs: - mask: Tensor with same shape as input tokens (batch_size x seq_len) - with masked tokens represented by a 1 and everything else as 0. - """ - batch_size, seq_len = tokens.size() - num_masked_per_seq = int(seq_len * mask_prob) - - mask = torch.zeros((batch_size, seq_len), dtype=torch.int).to(tokens.device) - mask[:, :num_masked_per_seq] = 1 - for i in range(batch_size): - mask[i] = mask[i, torch.randperm(seq_len)] - - return mask - - def _select_tokens_to_mask(self, tokens: torch.Tensor, mask_prob: float) -> torch.Tensor: - mask = self._random_masking(tokens, mask_prob) - if not self.mask_bos: - mask *= (tokens != self.bos_idx).long() - return mask - - def _generate_mask(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: - # chooses mask_prob% of the token positions at random - mask = self._select_tokens_to_mask(tokens, self.mask_prob) - # not mask the pad token - mask *= (tokens != self.pad_idx).long() - # keep one masked token to avoid failure in the loss calculation. - mask[0, 0] = 1 if not mask.byte().any() else mask[0, 0] - - probs = torch.rand_like(tokens, dtype=torch.float) - # (1) the [MASK] token 80% of the time - mask_mask = (probs >= (1 - self.mask_mask_prob)).long() * mask - # (2) a random token 10% of the time - rand_mask = (probs < self.rand_mask_prob).long() * mask - return mask, mask_mask, rand_mask - - def _mask_input(self, tokens: torch.Tensor, mask: torch.Tensor, replacement) -> torch.Tensor: - return tokens * (1 - mask) + replacement * mask diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 60ab52df34..84e93aa3cc 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -1,7 +1,7 @@ import json from copy import deepcopy from functools import lru_cache -from typing import Any, List, Optional, Union +from typing import Any, List, Optional, Tuple, Union import torch import torchtext # noqa: F401 @@ -767,3 +767,144 @@ def forward(self, input: Any) -> Any: for module in self: input = module(input) return input + + +class MaskTransform(torch.nn.Module): + """ + The transform chooses mask_prob% (example 15%) of the token positions at random for + prediction. + + If the i-th token is chosen, we replace the i-th token with + (1) the [MASK] token 80% of the time + (2) a random token 10% of the time + (3) the unchanged i-th token 10% of the time. + + Args: + vocab_len (int): the length of the vocabulary, including special tokens such as [BOS], [PAD], [MASK] + mask_idx (int): index assigned to mask token in vocabulary + bos_idx (int): index assigned to beginning-of-sequence token in vocabulary + pad_idx (int): index assigned to padding token in vocabulary + mask_bos (bool): indicate whether beginning-of-sequence tokens are eligible for masking (default: False) + mask_prob (float): probability that a token is chosen for replacement (default: 0.15) + + Example: + >>> import torch + >>> from torchtext.transforms import MaskTransform + >>> sample_tokens = [ + ["[BOS]", "a", "b", "c", "d"], + ["[BOS]", "a", "b", "[PAD]", "[PAD]"] + ] + >>> sample_token_ids = torch.tensor([ + [6, 0, 1, 2, 3], [6, 0, 1, 4, 4] + ]) + >>> mask_transform = MaskTransform( + vocab_len = 7, + mask_idx = 4, + bos_idx = 6, + pad_idx = 5, + mask_bos = False, + mask_prob = 0.15 + ) + >>> masked_tokens, target_tokens, mask = mask_transform(sample_token_ids) + """ + + # maks_mask_prob is prob. of replacing a token with [MASK] (ex. 80%) + mask_mask_prob = 0.8 + + # rand_mask_thresh is prob. of replacing a token with a random token. (ex.10%) + rand_mask_prob = 0.1 + + def __init__( + self, + vocab_len: int, + mask_idx: int, + bos_idx: int, + pad_idx: int, + mask_bos: bool = False, + mask_prob: float = 0.15, + ): + super().__init__() + self.vocab_len = vocab_len + self.mask_idx = mask_idx + self.bos_idx = bos_idx + self.pad_idx = pad_idx + self.mask_prob = mask_prob + self.mask_bos = mask_bos + + def forward(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + """ + Applies mask to input tokens. + + Inputs: + tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] + + Outputs: + masked_tokens: Tensor of tokens after masking has been applied + target_tokens: Tensor of token values selected for masking + mask: Tensor with same shape as input tokens (batch_size x seq_len) + with masked tokens represented by a 1 and everything else as 0. + """ + # tokens, mask, mask_mask, rand_mask: (T, C) + mask, mask_mask, rand_mask = self._generate_mask(tokens) + + # a. generate the masked input tokens + # (1) the [MASK] token 80% of the time + masked_tokens = self._mask_input(tokens, mask_mask, self.mask_idx) + # (2) a random token 10% of the time + masked_tokens = self._mask_input( + masked_tokens, + rand_mask, + torch.randint_like(tokens, high=self.vocab_len), + ) + + # b. generate the target prediction + target_tokens = torch.masked_select(tokens, mask.bool()) + + # masked_tokens: (T, C), target_tokens: (T x C x mask_prob, ), mask + return masked_tokens, target_tokens, mask + + def _random_masking(self, tokens: torch.tensor, mask_prob: float) -> torch.Tensor: + """ + Function to mask tokens randomly. + + Inputs: + 1) tokens: Tensor with token ids of shape (batch_size x seq_len). Includes token ids for special tokens such as [BOS] and [PAD] + 2) mask_prob: Probability of masking a particular token + + Outputs: + mask: Tensor with same shape as input tokens (batch_size x seq_len) + with masked tokens represented by a 1 and everything else as 0. + """ + batch_size, seq_len = tokens.size() + num_masked_per_seq = int(seq_len * mask_prob) + + mask = torch.zeros((batch_size, seq_len), dtype=torch.int).to(tokens.device) + mask[:, :num_masked_per_seq] = 1 + for i in range(batch_size): + mask[i] = mask[i, torch.randperm(seq_len)] + + return mask + + def _select_tokens_to_mask(self, tokens: torch.Tensor, mask_prob: float) -> torch.Tensor: + mask = self._random_masking(tokens, mask_prob) + if not self.mask_bos: + mask *= (tokens != self.bos_idx).long() + return mask + + def _generate_mask(self, tokens: torch.Tensor) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + # chooses mask_prob% of the token positions at random + mask = self._select_tokens_to_mask(tokens, self.mask_prob) + # not mask the pad token + mask *= (tokens != self.pad_idx).long() + # keep one masked token to avoid failure in the loss calculation. + mask[0, 0] = 1 if not mask.byte().any() else mask[0, 0] + + probs = torch.rand_like(tokens, dtype=torch.float) + # (1) the [MASK] token 80% of the time + mask_mask = (probs >= (1 - self.mask_mask_prob)).long() * mask + # (2) a random token 10% of the time + rand_mask = (probs < self.rand_mask_prob).long() * mask + return mask, mask_mask, rand_mask + + def _mask_input(self, tokens: torch.Tensor, mask: torch.Tensor, replacement) -> torch.Tensor: + return tokens * (1 - mask) + replacement * mask From 72966f05a785948adba9d565439810bb5f4be213 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Wed, 17 Aug 2022 15:16:58 -0400 Subject: [PATCH 309/463] Add small, large, 3b, 11b pre-trained weights for t5 (#1879) * user provided projection dimension for query, key, value * small configuration * large configuration * 3b configuration * small config tests * large config tests * parametrize testing * 11b configuration * consolidate tests * create docstrings programmatically * style corrections * adding new configurations to wrapper class * nit correction --- ...base.output.pt => t5.base.model.output.pt} | Bin test/asset/t5.large.encoder.output.pt | Bin 0 -> 33515 bytes test/asset/t5.large.generation.output.pt | Bin 0 -> 257771 bytes test/asset/t5.large.model.output.pt | Bin 0 -> 8939 bytes test/asset/t5.small.encoder.output.pt | Bin 0 -> 17131 bytes test/asset/t5.small.generation.output.pt | Bin 0 -> 257771 bytes test/asset/t5.small.model.output.pt | Bin 0 -> 4843 bytes .../integration_tests/test_models.py | 73 ++-- torchtext/prototype/models/t5/__init__.py | 24 ++ torchtext/prototype/models/t5/bundler.py | 344 +++++++++++++++--- torchtext/prototype/models/t5/model.py | 4 + torchtext/prototype/models/t5/modules.py | 111 +++++- torchtext/prototype/models/t5/wrapper.py | 28 +- 13 files changed, 488 insertions(+), 96 deletions(-) rename test/asset/{t5.base.output.pt => t5.base.model.output.pt} (100%) create mode 100644 test/asset/t5.large.encoder.output.pt create mode 100644 test/asset/t5.large.generation.output.pt create mode 100644 test/asset/t5.large.model.output.pt create mode 100644 test/asset/t5.small.encoder.output.pt create mode 100644 test/asset/t5.small.generation.output.pt create mode 100644 test/asset/t5.small.model.output.pt diff --git a/test/asset/t5.base.output.pt b/test/asset/t5.base.model.output.pt similarity index 100% rename from test/asset/t5.base.output.pt rename to test/asset/t5.base.model.output.pt diff --git a/test/asset/t5.large.encoder.output.pt b/test/asset/t5.large.encoder.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..174bee75664ce27e36f197ada3db78cf836c14ca GIT binary patch literal 33515 zcmZ^~c{G(@`1dc#98oe$gGd?6eDCWNDN&hID1{VBp)|>mDf2vMh-AoElDPMEG|_+* zm3$gC7t)|o(a(21e|>+?dhWH(I_ExXpMBQ8*V*T~-tYJ8wy~Pd$HOBi$n$?4vv?$V zb_96r_72*q<+4wly9MlYKj`i2>2_eJ zU*Ns~w;)|%e;zfp%>q;N2TqOLv1_OQwEy!F;WfVdb{w$(KW_^A^KPCtHAdTi`sV3V z&mQ{^`txnzQ9j^5!`6z&iq~rDgfGUQe*@2~sTWq$V*CY8dU)*f_1)=lzZwN3<(%d7EkK?!wLK0^0L%G0LeFZj$riMUsv zA)=;p>1Wu78-o@zmG&X1!5)Kc%pZ{a^Tnhscqvgy(Sh^YLRiPXW4mPf;Gmln)qbLm z+KNNup7Rh$E!ai8a*E+{W&@cszLHrqU6|YRT^wVCc9SzBgS5ig5v*Dh$WN{yKJsp+ zx^Ftsb{7Y4msrzN!*9rQnIrVd`jc>7_yLh5txUf4LP(wr0fR;1z}aR+v+kFY6k~uj z${Nhf98s)v6^BT@FKCqJ#NEH-6r-GU1r1exkdZHf#5PP1TVl==nVUOtQfe0NYip;> zPHkfFT@t8gB^b|lz*T?mGp!#3X~;=LQ#OayG)X5%Vt6r2ekOd#`T)=KPQuZ{8}Z!E zw$^aj8aR4F%j9V0QnXyT0{3^e;p9DcG7>dLN7G_y_9Fp$dw*4H@t8NNiN;{VHJ8@H zaS_ggzW1=5Nk+rm6DTNu7sdU4kh!gTG{DdXgZry#f$Vfn9rK9VHW#C|Ig8hoEXh8R zTSOw#8M6O74>N}w$?E)0vM^`?JRQ)2MVHQi)&QZs7I{>oFq@j$>7hx36Wedy%f6e_ zKxcssD6CZEK14Uj3(A0_c{@p+S1t0-Dq^B8zo09l#z|U;4*PbaEGCra(bGX=cunIW zlQJrSuHDJZt;$v~Z2L+CwbGE&ug)Z_K7o6BqaZ9~E2*t*Kja~iD0T_B6ys1hAZ3mg3-)< zB&lXIo@#tX7P$?9$#hlD-d$qgG`|z}F0`R9kIAu{5A6q^OU~r=hg^KWN0gXt*#l1; zHXzTJGxXcmt@x^?m+iHjhbQJL3L+jw)<|Ul>m_W`5ufs}@A@;4mJMCY{ zVy0{pn=gMFeE!ALgHbhDdPo)8=1Zc7{%lmY_GDHl^MJ%ZNg{jlI{R43o~+c~4Y#gD zg9M{S<8Bl|bEXcOUk+y*-Tx7b?av{b?f{SaA7rcc4A7ORhh3$LaP9sXdh?hO8qRwP zfs)I}-@?n#9&sEtjHjUC+^e*yRT$p6XLEG64YB)}db&jB7c_2EMjqu;RBKFxj!4>o zOzJjVE4~>eA4qW))al~a3MH_5w*X5rLeRQ=GxnyMG224d&?3*}oHgPf$jn0_=>0_s z7W`BKxl&!cl)s;hxJ%P7ji=F8ekBGs6~Q6PD3p{MK+Qa5@E7uhmU*YZZ^2IZ7MjU& zdy2_i`)$PNl0Cjzc>*u2+6$vMSHr1k{&;451BQiFwQN6}fpUlZ=+herHm5z+H8_XQ=gKa$TQEuSaWutrfbaz25{QRJgs%pka z54;0W(_;MmVJpnJ&qb$*8Qi$DBGmD~0yui?IbHa75BU(ZlzcQV#I4sHL2yeX4cqXU zEGfGU6trGm7it%Pl3jdayx9#j_yhiZiwMktN4HMgR{vPhoV zhk6mimwS-+Wjc917zWA4PQdJ)M`*+)xKQ3sO7_~5`K3od-!z)evF>9P{`#7XFS`I) ziFGLF=mQ%@$<+u!ll$Gz0EA_lK_Yrwa6XK_6K4?UgkWBe*B z1}yWknevE4dVP2?5neycYL#%Aaqd?-BKv~2-@ZbAYly)4W^D*@$e@Kby%@OKlgibq z!82o9T4ip7J`3;Bp`&`V*S3{u*4PWC^E24;bp}w~*i7ehhDmhgaadU`gtoeZ%=}vi zA#r04Jh~qZTMFgL4D~Fu?z+^PDd7*TFOQOdq5|m4Y6XdyQfR(7o24=5*%R7a#?<=| zYG$1#l489?@pd}c{qe(J?q#5RF$Zq$ouC^YR8tX86^Ipyz_CbkbUajo8Nbb`9R4C* zVv$()Q4#*z8H;|0{xFhjU1{pk3na%tfxG3d1zDzrkau?tv0p!pT0Gm$_U%x`CmqIQ zo<&sa!i-r^b^ZdhJc=M+wB_N0XceqaIf{FjPsDd{3xV^0*`d0HQ1i-x+Hj32X^$o{ zTgOPDoH(dwDZsgjyTtL#0`M$2L~`58iTY#)-BWXhMC8?CXKxVbTvNc>e@!TJyc93E z2;zbCD!8_y7%qBf;6!XQb?gtIyM2wx9Ag6*b~B>lmN6i@O`Nm4buEr~HPL{>im)=( zpIw!{2n^$5O(e6e!9RNoiC|2?L`H=@P(A~b_PIe#hCV!gHb4{8b*X{*cj_dZ3>7oG za2E~YB>dS3do?I?<;zlPCv+Naw>zQ!@dliCdNVyT(+Q?~ox<=|M>OgW!xRU8+@Wg0 zXlWq5VE&Z&jH?h=(N1id(+=^k-w}7gCm^X=iG{K6 zX?qO6RShPkm*Mn|HJBIjmsIW81e~(xcs+6_9QL&X-rYyx_^IDa5RW6y{d|(}x>tkY zV_Ddh>V|(WyFz_iEby#b$y_QnhMBgRP~QEE%;im{Zy#}qh5aeIc6J>VND+sBzr;Cm zy9&W3kHYo(HjGbuM8|vLplOsvug9MBaVsA;hpZG2M%AR1`oB5}O7{v-syzgEiiCiU`)=Z9S=utF)Wse+U_z2*IqXvn8~#K|@SZhm@CC0!~Y;NyBI&6EZEq@|E2)X7-I&1O=nUFoZ%lVqAYnk*Ln ziG#XD_(-IOCXR&>-(^VaW=$gv-{;`&FP5#=S4GHxZa>Z*2|`beYRX9z0KQ5EI@+EE z8c&qriR1xh?7k*r`hE|@zHB6}GuDIprJ2N~K?{>VCBw1pvoNTy0hSKFCC{dN;HlSb zXfjlZb`G;mG-wtPC{)9}&Xer<<((wOCkpDeGgzor22FBzp=zHJrp)g`V?T40-F^;k zdz6tIHIK>H&H%J2EC%~1A;@#F$AzxlWLj+&@TCjj{n=T#Z+{9cUSa~y2Da2qItW)Z z2N5@;W>nG=LeVox;Ovuz#}kt=tL$P+hNwQ)?@7P{B}vZJ`bN0hu#T?!^$-?E|3}Yl zdx2X!v}xF+13sFX`&juo;QG2@?!CW|`>LG0dmzM_J^r0+9!-WHdYP=|X%~E7{+;;{ zGNnt7)DSV>)v%%4j|kddCXz?afnjhb(W$Wo>hpm95!%F>UnoE~bp`MZTZmh>In&Ex zS>#1y8pts<)Mo`B@C_$3867iQJTG=Iee>49?A!^P9g=ra#N>}~`6=QGs#yl?2yD%Mg!o*_y?ls9Ebc zc7qz;OX{LZuU`@;rh}@Bydg(IWTAbXD=8L~X1q3tk)kMJ)E5!Kc?bDHW%F4yI%-9J z&EtdR<)S9H-_=n)iFRyt+(d$3sZir!F9`k=i4&dtF!X+yHl*4^#l=CAv;Q8ktkJ^E zMIyxMfgnn_-C$i96IA3cL*PjvOIG;-Uwmt8;@5|aW|uXj0 z+MQjEiW^r=^@4AZ`KL*(423x@_v9gKb~yGv+XU{1ZP8`*p;lYFQ`BgCC1K+_P>GjI zCS&Px=RK`#9iRIKo@b(uBZHSCP?CvCEy&?LhBFL6N?=I;1qL_7JaeCP4bE; z;HgXZ4BJ!r949*MZ5`}QQDDo24$x@+)997>gqh$-FuNwj8NuLwSWUUih(RW7u}Q!$ z)4d^M{F%wm(W~TrcLQxZzX6Y4KMytQ1flO$A@-SXLV-0#sI@K$;*^?LqjS3WNl2Bc zkeEyM9ruTiBFi}3fOsCQYoMx!M?XCyH?@?Y zuxEgV)Gh#L=V%DMz@Ve@Y)<%^F1YG>4b$&^WyJem;v0{6Y(6CfL9MgM;HbS^ z7nue+->DmU^W({Bu`vAPz#+OhCm_<)oSvVoCuaLXu&uDUb>;VkP+L_7-$&IU=f6UD zsCx?buNT{UbS>A%Wt1P@(Sh zqO#{Ia%ssX*y2)wlI$J2fEtkFiYD)rIIIR7f7q~zt)(oiy$qe z9=CcVP&@N3On4#2QK`8Hy6X+mV0xR$gH@ySNvjfkiEU*=WfNNb_noKHx)*?Y;%Zv< zb`h5H8Il~e9&+JMI5iA=$wSJ<`e@^JNC5xQ8 zstEhno}m7#RpH|EI+7o!)S7vqiY$#d2VJ^O?7K=GSUm0orG1Iu^&t*xUB`)$SuH(O zqE9@vO(5Vb59V*XM^AayQmX_5bkx3tRAnA1)YL~dXpn@)GIV3l7Cg7;3gFc}P`5l5 z%qnYe*P~d36{?^msRRirL8RNe5b7sH&}CN@?vH68Taznk3f+Ry1@=G^mf+R2Q zE)wZaqp}iqP5kik)$gACH1AsPt4(`I|CS@XI=k7kfkOCr{(?%T6#D z^a?dzPdQK@6ClSWf}Snf1wO_Nz&jX5kAdB{;3*j)oBrd6NC#_ylv}2JI-JB5uV%K}YW_=taRWz{C7W+S`qwVrQ%vN7T-}$BDxvtx-(Sygqd~g{tNc=)C6^X%&CuhOx zEf42S;w-$nS09eu9Ho2iW`mO2B<*dAA)zN!XmHti%#>HB%44~B$3T?znkxV;yev_< z_KjAWghJr820Z&B3V)^zBi*G8Vh%fS$ly8ge4+|QLg{dQ>weJtD1|11I@oj32{rws z*=M$?@ZsV%_U`tbFmIU|Nj7Vt?j9{5`T7aQw?%;M`El~EFot$sVnMH95w}D<7CzTI zk=3Iq5D+Z@m{>p`-{ga*-v@xRVi)MFc}BR=>ZGsc6iw3~L2;#N^hIzFh}oThHt%e* z!CVSU@7IvMevgQrNj=qR`T$3hS{c}WVJd?7whf&N*S$a=Zt5yy2(7$lZ}wE=DD z>tu*p!%vxan?gwS&1AGNprrN5bCi*o(%8A>Z04=??C#^o=x4=fvfgb<|HZAx{yI}E zG^0>DJQJQZF6Q3&F`qGO5Q1B^TS%DHWpaI60@>em1j3T*XkMiYy%IGO`J*#g;N#^i ze?JSgM5|C#`7wx+BA~BpVad`Yl*T~pksDxszNQk$7hkj)qePv?>Nb}UQUH(#G=m5P_kX7hVV8|d4_0- zjt{ai2c_UymLJ%YCVE{@fivuE41cucFuG+0ej1J<5%N0NAty*(MyFF6nt|e5Z^OlP z`)U5WheY>K74~;AFrxQ`d6ut03v$EI=Xd>Ow-X8A@Z==;^>E;aP#+$elZJB)u8?n~ zBjkHd3RwAS!`ERuB9xwvZV%!p3HH1kAh90!r^|w9F9*^a7SUI6@958rTC(yklFr@1 z^m$$(-C>zW(&$|#`}kj z-KghLX|%p_6byG|fV?q_X}R$%pXLiPvSt8h=N$o4^A4IHa2lJwj1j5vd^8Q>Lx+)- zNK`iwZHsUmopTYMeC%fxJWu1ZCC^aKFbTt(t{QK5SZZ?qN-p@k^T+YCB8=9f2UzaV zM=!V!k+0U-Br*03%#tad@~JP8pSg-Kv-Os7p1%Oh+}a2O+)p&@N;e(|{=sPOxDT@@ zzP3j5<-nURZCvwW5v^M>hBwA3`=TG9x@uURB6|XMCw?j$bvq84{4H9f(h{XNXzE=P3C zFJa!ztMo^Q78-@g;rZqnI77CmRn#c~cgH5O3sm~?Z!(KVT-=zh6HPcx;49s)q7O^& zT}5%JljQuG4`iR?Y$}w!g1-8565aKe!djPXaM-dM4hmnS+n;{|y^0#TX38H9yuX*Zw zt`ejQg_1-$Ti? zd~N9U$s@voZ^#nQHMlshjJ!@NK;?UhSpDNH{&%|^FIf5Dqfh@)XEQ;xd-s}dUa=8O zkA}f+rzkS6r3G>;!;I#xmO%sI`_M*$u)`___&=sYr2P$IT6T%-SGz?oKYdOQz6pal zE2qJKD36X?7Lkz$SI}wg1)6)4pA+mC1}D~3(^bp2GEyN%nERZ;#AXA0ap^jfJ#rA! zB8#E_ryTZ1x6}5!S@3DGKe9)UQeR08j&?~X!1OgF^5HSuyWAPI`wla5Zt7rI)J3Q5 z_6BdW&+ysBfwS$x418O68LX0ck^j#)vF-m3c4r+yHz(6Xc#}10fvNgq0dONXpBg3!hNh@$Q=9&3tM47KR(*E2c&CDY-z*JJz`J_FZpQO1h4MxvuK zLJFk(pvb(LdWwdSSFSTSlZW0@{=Aeh#L~hoGjhE|PT%7}A(X zkF1qO*-CYE>nOv<+i@`VUJ&N!oWy(LCE)&X276so3?oY=Xh2#w*bi0H+Q4hnxa1xA zVIEK16E6}!)hf8Nv;rp|hf-%vA+AJy2JEmp4p$_#!P_F4)~UWGL#5(uq0v6Pc{!5# zH1w8?9cm@LZDaJ4^8u5a_grA(mLf0?I8WMnrqSJ41WB^9s5|{@2RMxbcr79+XW+Yq%rJ{FQ&^Jg}FV7+`5k7|Ni-DAl>jz0V=Enxj$cC_ecwh~YKXLN^hIatIz1klfhmjd_U{pFQ-F0h-t?>~$y zZ#t2li5;AWQJuK5^gP*;>p}CT-yk7}Gl=IWOBgqw4>?mlP`8#jLB9Poqv8t&m59Qf zjHMv;WhT6}axu9-;~?uNqKC;dEYLVk7HzW5upVZAiA+=i8M)I;ETrd?uHR?LDV@Vq zd))%qSfCG=Po|SkY89lu`~j`mm_YoN?ZCC_E^x&!m?}To&KysUL&2#W@~m4Y@oW!f zZ!KMh!cUS(Oo<-76(dCN-x(ybe!;En`lo4HY8AOu5RXSod8d9mv6x_;OI4b;gG;_FJyzae8TDebr$4>z8Aam*lo~K{7eSs?WNa}uQOGVQ~K<65SaaP1fJ?dkmxNY zH=f2}f4Wc?+xqvY>mDgIpEehGtklT+-U>49f)@KBI+|{4 zbV8Bnhjd#tm*L%g9X^&f(^-Z3AijkkzuAg`&B9^`*z7=K=A6TD(-kNlXpcLLddaDX zy|j`)oV=Bo(%Z+k05hUb=Wf4?OYg12(%Ov}Ci0xL4?QQo7p~(T|3;EFUka~TPkCNz zTkvki9W2dEf-yz{$o{_sgJh|5Kop$%SPjR%T&8yG51_K04@&%wrPo&7#lJo07@?`G zeY&j;B+RKbi7dTGL~gp%bH?W2?{7+TpBk7%i|xj3{B;;?-v<$@5m+UdM^9Wlfpd&> zF}M33*|0~R^8BpAhKT>D?TQN|{J(P$x9cnMsyATtkDE~aaBG^;`H%EIx=9Y1l+)Kk zui4?8bHr^cFT^b+Xff{yIWT+*@0>P6_XXliY`6ldE?9<6TKrI4c9_(S0Ve7FBchV~ zFu?pu>kJKBe7&WZj_=$IU3uYT(NHcHy^A4(Y8o(SmMPX2_hSCCUiNX;LYNG?3N@xG zB+2R+tm!YIjfR5Y_AZGWY6+$v1D_H3!6f1|kU@Uz4FOaBuk_yhWpJmmfCT+5Co|Kt z=@-QvRA$vE>t>|}Y30$_$PtH6<}&owhS|+_E8?+HSptOfHL+Gc1ESO-(RH&7E(w0Y6E_;*N2wSEzbj(vqGiJsQ{MgO>U<43UPnDFNC2(Vi3@ChFlbp!|&yd zpxbf)e1!I5*83>+1=?IZNTA=iJ4xBx`9Cs=7!N0QOB)NAfczUJ6 zWecP$A19cIc|Sn+4UH6Uf1^<+-GH48!Ud(3(EVSKvb4NKE>yflQVb zBqu9CN5~3%UAe>f7d&U2rvhb{><0S$k}JHv>VtNM9P0ec7Sj0$Zu~5V9#bsT3q2i} zCOS$hj=m&2`W{oClBcv~AJTm>O1Q__3aaxONZ!uhCL?=qusH%v#9D6!Cd@sK+)*KP zJ2XlAUxktL!LxDNCN(Iks-#MTLC|>T1XVOViAD-F#F68MTEb>fUoS;>eG`Vw4P55* zC4lyGB4CrLLSz#7A*4i)>0Ql5jzTtUTPlW9tCN_g@<&nSwiwJ#^e00_%5=end*oBK zHEdB1W3;zaFc+q;!vBohn5}I&pfE5@4kUXJjq|FQ@VAHAwQMoDwt;KBZe2Oq|DhM& zt&?MyW}4H2{nEH~(N)lJqEz+ada`)Rx8r^dC-NUvY0P{|>w4RW)6*KvxAB1rp9Gwk z=L%1cC=>CE%c63h?~j+b+O^_IJxE@Hl=$e$t2f`j3{%UeDxpp?!{x620~2qJB6tn zxDYoM*OA|qWAu-PHO`b9hP-RF`5ALJ&0xPMl@^t7jnhyPo zzLLzN9xXG~ogn|U4E-Z`2S(>cFuE!kaQmnn=ijPsqOskcTG$AK+8HfWm8+ZD|DOrG zorZH{uH&2=jO|keSE*?zeePk4L#r$Zc~USaC?_wJPT~e5 zBn9r%VZqn)_$=Wm*?Vv^+b-CIljl0AM#KU9l)V^((l{vNWdWR}@o?VX5|`dg!2uh7 zv^8v^1CE|1hj`mannXNq35kYBW{c>bI!lbqO{X4Pbg($jhc4G8m_GX!dZp*H!}7nV zOZh3bY5!piIKqXxa%tQUmP-9LO@}3UU4*Z@rll%r9V@d>7E9{{=`0yzn3f<73ZJ*p z@eg(M>t7jCcR*1t?16s-V()@n3gsY?5&__6EuZZzn~6K2qC5auXlLhy|JBzz`; zwxnp%eoPh}Yc8_KdOcvrg0pOQMI3Q`9YjXI1W>Ez>UeegVIm%VVT!j+VmPI@m|1*& zoYbEu>43pBn0)q|xHn!Vd7y|E*&Rf7buk%ynL)yJPSFNYLz=hQ41@K|;qvz*5SakX z&!?HhPpX^#E*zl-*`_y~Na!Z8Pedtlfw2;{e2CS_M&(Ib{oaQ9I)eKx-px}$EQx|=Ed(vrh9A?tDd z-CAZi;w8CnrA;nfN^RX#9!WoItflWu`AGBMndEU`7jsbS1X&ngh(>N(K|C6H3nt5-66MSVc=`HsBAhXUR3$8eHpOun!`-RC&!f2GnFO<-x5-%lF+V(i@qjYa1Wa90u|j+gRy}(|l}FUjYrYGa zw^;?;g^kI><6Frq_xnuS=w5t~t%YCjSHqvMQ*>m=40D!7z{H&>(0&+)-g2K9d*uNd zEwh9UdF{k#S3{zfY)RdRJ6a1<9?=pHU6felNz_;ALY|R6Uf4GmpPnA4oNOiN^*W9B z_Dp3~eBK76KYvogrh$UK%8D- zF085ri;pi@+4&xR_&NN7@V(lP1MfbQZnI=;;$~vtZ4FfB@t~#|!e}@2nwb9DKz2*6Cr^i__Vj_< z)Wg+=T8p-`YvPu|E%z|!pSr#)$9Y(sVmo)5x)CjgN!zjh~5Ost>w3^Fz;vwXo7=kaR`cL&w+i)X?1yQh(ioe^(CT zp(FZWl52`m`-O3t({?eQ?_d?K2wD{g(#5wuaMv5;!8CkKde4X#Y!5PKb0o_Kij|+xaKy@7=yI+Wj4kw|pXU z#xDrT$%2@xp>Q}Ym)iZ6oEElG~|htjUF9wE&EAi$<*zS1~kX9y9qO4o{A$ zpzf=26B`9fczYv@VRAV1y~7-=TmFaC_aB3Y369M7yXN@o#|S< z2XY(Nf0QSas76r=2G0e2p?SdUn)jf|E6uX3rKRy z3~s=O2SlXxC7s*V*wXQo5565O!$4_MdSmZ&Zt#E&_pv2E{XF`ReyZXD7pqRTgr}KI zP$`U>sSb?a19&bGK;E`kW7(CZH2UZ?PSn{cU)`>s(LAmIa?gv2V&gUBiV*sd5#oA3 zbEK=y$6)RjKiIsYjK~d^kTbuN@!}No+gjsKkEY$CL6fSSBA@dB>!-t$pmNlxT8)91 z_L%JY?=w}~u$iu3a~NA(wV}9o89qBV2~axXYar88jd zfF}-ZMu*!%+@vsV@H@xDnVEkGXKuBCU+eb5#{>1m$~&}`vEB+Nngf~IDQ@e2yAFnB zr9$q@dDyF#g>GloKxZ@`x23b2)NiPxqXkQ8@rje@7xe%?EIh-6{n3Vs6fw^89u+V< ztUtxLWJCRuYEts(Dh+u&&*Y8#8LB7CVq}syzCDrz-vt&@@4d-js&54U<|okYg1dm6 z>>vg&mSD)DT9Tl51)6T0#nUD4*{4fx!LPjc5aDKx%jy%LTk9K%jQR9Bg&D81u|VGo)!*;LZ6kGf zcr*$7Pp`$sDkP?lc)6kra#0*g@y5wkx>a)qyJPWDa80>L54hJt?4Nry{aOI_z4F7w zk2@eNcMlr8-GZky)ul?>KlUb@cY2nIRO5)r*%Bp8Ptc_= zeKvsRf(Yy`3?a5kk?>#EYK-Z0MUkiP>4#6DAk)s`Zo4m}KYRyG=_x?ho)Av_-9R#= z`H~jhzQx|CS8d5N8Ku1`A4pk&Bz%cag!vWb+(p(?Cc~9hEHQP$9c0S08u&s*I)uPg zoxy~d800*92usZGP@idvc+5fv(j~R1#hOfPliUX_Cvs`cxDNb%B#0M{JF%_7lzbM> z0PT!dyV`SiJZJE<5^`q47IfoWBU8<;hH{9`uu{Y+8cm28w9*dpky7*Maf<)=bf8BMp5l zgU3d*smxS{vuwl;wqN^?E*hrn_vo2WbX1l5x@a-fRJlW$Y$Et4P`X|J2rPWE6?3tX zl&tbaM~^aO6+F-|dJ8C#S;#dqftvX*F-vnbp6wSVeN9dHXI>J%bU4q3b?FfEz_Zx5 zvz#cKex`F)7SPhOQB<>c5hv7sEpC!H3m-IYm1{D2A4CY!87pM)^=={8UWN>%{@2Q1~wHC5WMAwP8PR__@i=M<#-GRcg^4g zh8`xF#_y2lnF0FWc#9*Sli(3Y1pS3XAmdlR$@?rtlE<3^L$aTl_uL4!KfDv`+w0lI zHb-dO0~eUxH%SGXrJ!Q%4*YB94#^V5X!@N8z0KCb5$kYtc{z$H%c>zJ;SG^~(FrY? zzlnpM9=Z&Ov#UOB#5JoofpFhqO;~!c;rGt;1Y4eBfd!SB4`FGQ``>S!m ze@kI+gBDraDbM=t{)$oy|4`jPIoyyqL2aF0zzMA`(j8X`Kc&Ngn>@wteQzeEtu_$r zn+Kw|o}z4_JHCB%g>^Er0b#>pwrE{D+%2=iBP)X-Sh<`om3A~4X4MG(iY1?*xvk|4%J@9CD-SWjZ#y!e=L!%8Rp@NwM0UW z?mBq0-Jck&D}gF3H;1mq1A2B`JEu1C_MsYvUq8ss%F7^^n)E?0XD4lP zKZfqR#=xm*CbipHLQ<`?AZ?2*{go7k|6Xg5S$m6!`Kr65LwX(9R=$8IkH(2oc0L$P zUkKfIPD9$lCOTtU5ia?eiRoT5@kU2I=-oI(7Te}vmKeg-L8MzN2l1TuD6Cpn02rZw z5(D4K-SBW2Ik6J;IlP>$)mPE};cND^^b9akPsKLp031%|V~VU>sIIpY928uSa_^@& zy95Nm=dE7_|8FPW}a%ZUAk zYT5%?AJFnr@SMz`g_{6k| zO0ypnwzKz_-Xwx4ZvVqq!90gg=*8SYj;Id^j^&}*((}|-P@gT95+sTbbkTG|2G^`; zhbNl9;rCg0@;LGWo>JoCzzqR>sxyo8X1OL&<~;^itn{$#TQqwAFd;Gv7zqFGI-YnK zKE>Q!AQ{4`bUfc30@K>S=8htreX)o+x_PRWWi^A2s}R%qJQ|+7PNKoQgxJ*swcis4 z>yJ|`9uz{Mji0A(|U#fxgvb`34%%=BWR|4c-x?7%40U>YCYKpPYu&( zeWfQ|;a!U~f*-eb>A~GCJTT#R$3#AQE_`U1gY^PRC@vig&#vEV4gDla-(EcgYk#kU z1Q9iScr71Pw*98F+lt}Qsa`4}TSbNEo}#lvZxIpR4tmG>H~H&ul)ml=!lt!PATX?p zd^lEUQu|i|4J>f|(H6R(dK=_Vj?j`uz@8l;cwgiTDX&r? z9;Hnn>!}Yt;YJv#U;zR9ucPUgQ7k!U0LT1-@M^>%Sl-x(BhAfZd#o(G&CeZPk#TG} zaE`4d{_ex4>v)t z>kXLY`GU+jphL?pHlyZ(3VKJi5&xL1V21pVx|~_kVl{i5HioRmtFm4=$Euvn@bGdQVc0g);Jtm!ppSm^tPiYdmE=E5GbQujHoE|}ssp1p?;el0}%T_CYH zt%c9?Uf|0Gr)j{^CORQIf*-FJ!4l(qoPAFh8t?)z#)|M@B82+G2BJE{9{q&YVrRZA zF4-7BD%Z-=TV)xrZ>2qITL_RF91)g}`AhQE6+yvp%4eDQK)-p4!McW>OzL-MR_C%? z>pSVGEa~gijnX-4(B$qx+HPr)1&MLkxL*{Er`YQCdK2*NB`^JExdE4(AIFUk+_(=1 zdoYdX53TD`K(c=VM~ZHdqJ8EpXP^Mb_MV_9>xv#FJ3z=v0Vm}ff$fq<_E#081s=kM zJem05Zvm{!EQW(|@hErXJ+hVII4dIw!k%m+2D)1RbKRMb$@3ucMJ#??WsmlL_f6`4 z+$0ey1O~0f=)}d@Sn<<|IzIte^5U=32ZJvW8vZw=YA55z|e@@{Y4`Yw;SiZAs#|z7K?xtGA(|f1Z?4 zpTixRjd4!Th2ocyXZh2XJ?Qka6q{?cWpO|E3CpJ{(9%UttX6-Ex_T>+?Weckc*Yxx zZv#%#ABr7wI#9f~PHEHQMPL+~Df*gTp#&Et`qm)F#!G&pR%AYX7)mU^W;u;nlujpP z0eGPIAu##=5k6TN0)16Ot#OK+qH9j^nn7UiugG4L9@6G)NyAdegH@V&{O80J9Jb&P ztF&vD=Iw|SN7QU*hv*O-?P-k>Dw8qk)E+69xtLUaJkjdl7_PCIjt0vQW3bBvJSNM5 z)mqyz-+CessV<`}AK${7(^CBeQdvF1i84mmIL(=M0tf$mE@n{x%G9KqSXWD2eOZNi zSY`7Yk4SbcE`+{I&vA1n2X6i%&0%+3NB`tF%I)DHR-QeDpG0T)AnCogm%SscuDuxB zvdAtc2}8o|(Be|MuxfENeL0neW8(jaslWTNTYdnH3GK?4UBh^7^HNH7eNTI>Zorj& z?G!3`n#5gqaYTx%Xga19o~|CtK2L%;=1UizJ+u?s`OOj%+FQl@jsvkt(!rN4u*0d{ zVoEiq~(jI3ti!O7Foqn@i%H z%z?Q3s++KXQKUHKnL3vRH=*A!8?2iYNAQTrL$#LECA~E2%paOmGnw371n$!$&l_55 zQLfi9zI<#L`&_G~=FY8H!Q(k9E)X{rS+L0srP6uL{!*?WnBRQfg?=O4g{3iGpj9OA z9;a7_hwtcgOupcpz;B}Wsre5gl{-E7%7il!7)f{ju+XhaBaujxOKhaCWvfMmoB1LLVjU zQ*i)V4RcXJaahUsK~m~t+G5n%Jq|a7Y4HjZTMlcP%>N8V;QN6s6wx>s=X>0Q0aeZ% ztLqxjI8Hb;;-826tGGSJ5Jw@^9QQ% zH|zbld2A4CRfMoZfI7a0-8|#46$_c2S>fqQENtB-o|`cQy!>zSsq!#Z7&Zu>HZH-! zWNqC1dM}o4KLE3G+n_Y#9Rz%hCN2B!tT<;7*EMg%dq>tobnidHyIu$RWS1g%7Sk6$ zue`!y0z+H;3|exZ{SOoNBGU7CdvqzfvYSx!1iE;($Xy!$fwQ= z-Xm||S}5h&&UU18{|Hvq4x}$WpXkolV=y5~MD+!dH=|Y3i2K+&O}Wy85^mOld1)q} zb^1tyJd~Vltk-hj{{DFK>Sb(w@kQAC_BLx@St*u1O9ywa$>=*;M`lv93r_bn;yZrs z=qw+GhkDFIo5P#MuUWoW)EGxPNmDR$OEi8kmfmZ@Z-^}tD8t+c)?Ho>;Ul|ohbyn) z0Ze0uroN)a3md-Xd0o_Q|41g&U$N`5DlXl8i~3YP#&xnw)YRn)6xiM^>G*I1PmOve zh6d_$xcf33T2jHM-E+A1`2arGxt*5po(=&@``Gi_Kk{qHl$yWM;@81`m~`xT$;*~9 z?AUiZT2Flp*Y2jVw#5kkZl~p>H@B6oHict_<6`)=e!p<5V>#UULFoQKpmQ(pQo>dX z+0M8y=*?E7HOCkqeG7+40}s)+6EWcIdV+o1{iy5Da8`SFMEVTJP||HfPTg(HL!M8E z)(7>_JZCP>TiCTUzsef5ro1JGMQJo*kY?$I=fU(KH(BWCx&ljcJ9A=m0q7{WbA4

h`G-9{Wf##x@AJnu5gw+5X6&}7T_BEMl#b0;HTybE9%bRT(=ph zajpVBz1zS>SFci(?s)dNU4$>5i$n{q!m|$7OPUNKcvrMBcKq#%8|1Bd_7|xQ+0X!M z;x}PZ>?j^y(@X5oQbA*~uG6RT*W&B_yRbPLF;+hnHoNADd(4?tPLJZE4Tt$heLn2# zE7d!N@3c5Y-pM27N70VnB1W#OLhJs`eDkFVKhnC2-6o!))7A1$gS`)d=sBIjuh_sG z4NYta%!7*Y&f|KYX#=t2D=W6? zP=Qt6vvH?F1ULG$v&V&%bn#UM9En%w4&mWY{`?}Fr+$KK$B&|F{%ZVsWE5??aS1iN z9?Bwybz(1hCC*Yy=Cp-7aHhRA_?NwenKSg@rB#7U-BXu!tdh{LpCRrqmufL%I<2~hm{(jYT7yC7G~w+#`Vs4<6vi4d}9#Q4IBWmahGNLczIo!Vv#soirNjGfZW>Nvi ziGRhA{S&EV-U;EIeIj;INSCPxD)9oVN9e7Q4H}k*c^BpJsK{87B|35IL<@`^^_17; z^~aAL7xDN`o=$$AKKSRuK8|l_7Mz<9ziS-hPfz-C{oepQ<10Y^oUwSTVh>{Q66ko` zgm?E@j3#?+(7^esI5zny?HU-%TpAk{ZM zlfCs-T#{D~s~wH;+LLHjReuCCKF0Cwb<4!_>W69bQ5QCASLEn^SH+pb2BU)k%bW&z zaJP5LoZU|yFIuHihC2!&310Ue3#6&!FAtWZa%M z9&h(3$Gp^F{+_uJ2D~bVfBH*tzohGIeV-tnvp$Jg16~&wX$Rx#=Ra`i?p^q}(9kKo z?hIxA5@FD+{i5<}ReqJE$dBgMNn_P=uxst?wCGh6U&w2coqORx)w#oAVB9%~n$<$r zzA5tPWm~Xw;xxWk>Q3*MDDy^2gWSM%_~`Bi^y{Qd|13LleV{rWFOVy_WB7)b?LADs z8KclSY&#$BoP_eV;n;tJ6W&an&(mi2WSLSH&b{^kL+{AQBG*E;rne^FHw$HdhgcpS zWCm-NZ=+#zdvIgLet1%GoZNnNbDCG5D|X!SomGDgNAI%}IlBB5bv|-l7`AR3UDK>a zjU0XGZz9zl7r3yobF;8!-yaGHN#(eEztMcL4qtr?c&u*}oY0=dN18rxMicO&3~$!& zJX5G!_d+Q0QRWo$78oS&0fyGu;`gtMVC*c3wc(LXrh3V|Nb)4=+s$OZqH;R<>?#b; zGAPa7b5eYin@#)v^x$bd+;OM%T8wL2j>jJi;U}@WoRT-F)Ff`a#DZvp_K%L}EM@+4 zy}I$TPs6EX={#CI;tWroEYH0MhwMw*LBEfTHuksT-OXEg>>FgW zN%bYMKULY*KMen@oJa@KqG(COWq3Weo?^@==Payz5P}bK{2|IRf;aq~&)2-~kk$MT*u(!08?~pS;)b=@*rd9IU z7xm&cDbKojwKBP@YdRg&c|-U5I6KYE_J(KGV>u^Q(lccH*<$ew{&9LFy4aUcxsD_B znxM<2*7}&cbO%3^7+padhm%LdM@ks6i<8dD;iD0$*tGi#Xnm-b<)w#UqV67y|B(-m zOgg~uIcZek@RSx?&Ef1bCfL6{7&S&D(Ix**@O)Ym4!Q7}M)dl_S{L%+NnoN7x4@0E zf34-b7s^h9U5ja}x~WrUzw?`wM z`D9Lfy_IY#m9TcYIe$)CL8@l?G_KwNt-S2T%zo1N`Qc>T7op%(J=RMIzo>{7-Gb1leE ze>*)gzX_qYr=a!tM9Ry*gsbP>6+7J9N3mvp7_)OYkE$s_6X#NfWRrc69w=asR7p25{?21uB4A0Y z7Ov=d8FShX!sktn`2Bqr?$mk=;|A}d$(@UE%glAc+LDgA-s%{}w2t5wyJ2)~kgHrBHV%zH{q~b$=(t5oK_rKHPnjYUs+r=4A+*|M1ZgEC- z;kG$mD7F-yKG3M_}rZ#Y|PbVS@Wm+O~MRIAOOh_9{~o{bFx{ zxuAhd>UQBmEq|=5z7E&EHL;iI3G!y)XmW0u=p&p5m%n%MhS5!4GNn*h=%$TFBiCVJ zwl{A+Jr}i}rs4+4KUbT#2S!}Y!T06Oq`GJZe9is@LG6pNtI=X7mLooLC7MT{Dd#ke zM|9foyl^S(9Jo0SWjmiE-2H=86P<9J4X7iAcJk)h_I4Vy|0Hfd(t|6`m-6SyH_&QA zfh>AsXY9Uj0!)mIrmj94+0<~D_&j;IQwzT!KkXQoGdo}y$a=a z8~Hl~QhvP>yB{ag9T9}t636E9o&a?9{{dfy{GewliBgVvJo@+Zfrn!!@?_f*Iu~)N z#87KAZcCz)UcZ)8`L6+3r*Wtx`MfzA)W0LQ{5Rt98PBNY*e6l46JXQjJi#gEmUzVO z0C^2b1I;nIsI%_|1@}qAh{Aq28ZT3AwgJZsFy#EIsjN725ZGQ9IQdl&?+gmYJl|@b zmnug;yGTqP4M}fN=_xk!_2Uyq%3;K6d5Lpa06jy@_~^bYQudvUAJ(kJF?vHd`&@#! zVb)f(S!@r-GcRD#ZZF88hs<95uJkQ&yB+8H zegQkHMZCGLPGU=zKxpr|#lw6;@oK;?{!sFcyz3H#J+C_8oYm85kkeSKSMOM=tfS6< zx47fX+n?}3Myz=8t`+9luY)Ib8-z&J{JF`LbQS;5Cf7jDb!~=a&e3SRemgn{W}IGM!&h<(AnLw4?r2dbueB;t?Yvf) zJSvTE&U;VqyEt-#Q8(#&$8om&1h~Cs2EL1l;#<|zSod~cuBu;$tJTu+gu!{-WN9Sr{JTQX`*%JBGxUlE3GNsDl6?2gJa}O$TBJ%_bo|*us!a$szw1H z!#R%jleE{OKD@l9iGnNl<5F*9Og^M10a?6IZ9tl^SMpZfK4XijSrhO~OeQX|dLX{- zxSyjZ+=9_#CqmBoxm^5ENsPa0i|dAO2bU@LpyL_iq3hzbsrJlFQU1djPA!jRSofaP zF80LlffrccsH@Yv9$ST_!~5}?$rtcisTChxZz`LZu@Ng*?_{5|HDZabE58gZ6~3&9 zqF1J=g0OIHiT|<-v~yJo;*3g`X4TGgqbU^P0i#46K%AM8Ny4BuN8DYuBJ|R za)f_%qj{XeL7e^dC_dVLnC1?VhifYzQsOgzHaWMRbkZ~UYWH;|8=gz-rIB8!WBd%9 zqjurU_T}OR`#A74AUY+tnrfUFr_563T;;XcJJlA~>US3`ZyjOJX)3tXDOWb#G@r+I zu1Cj-QqF$5p1ADpNm}vHfHzcjpx09+ZGO`hUhpoP7TimsYQHU@s@6r^cgr42+sq)Q zXc)fjrU<^49ZT25E(B+X&D^#1Fs_pe#5Lz%^0EFWDdYP#F}1w`&W<}o_oMOz1LZE_ z`B~n4=jR7d+Lp@QciFI3;xw#`93gJf6EI)*2JUjOWyrLToGx%>co+QoJ(}}>AnP36 ziz%jkur$XLCO?+uh{|J`D&;t+B9#q$PQ#kxP2k`p<=7X zIw%L8E=m`C@-?vJWUa7Kp)YH!(#1Qgw(_q_$z)k{3O0UNF6Dm0!STRk8WiaSOPxw# zb#)x=nx|X(chCYnTCk2cBps#rmvJ0?x&;z0C&O0jtt@A87s8#^(44YLuDBKj4-3;_ z@PpHi{dZ4;*PoS2d%`guscV&5JW)N(ZWg03kVImL_OW2wfF zzKc$;Im5%p>k91?T-bC{SB!K!jC-24;iI_$EcfIP%~}y9Zg?Nar&j)=UXn)s+x&{q zMNi~~)QR7H?J-7s)Pjlphnn$THWw&h82!E{C4#J7jXUYxrarc1;IymTb$uP@flr&=>HS}|& zmq!@>Z1&~}W1abyUj^7`)#L6Th48O!2nRIfQ}=XjVY*%l4ZNj}ehNmsV&@mIKjX{C zQqFL&+D~5i^rYQdXMotp_N_gy*f$~5R5vyheK zW{5Xz*KqW_WwdSLeh$>hVvn^aL>uK>FksG8_KaSOZZo3MG4ugnmOMU37doK*jRGle z9){1RbYYX@mte$-?Jy-f9-W(Fp}jl+H%b|-7vY^S!FjrP_{h+nxzdGCLDNo3`ZV4jXtT4 z6j$bkYli&A_?#~@jDTazw($(VqqI|EC7dbS6P?-xxK|n&SpHwPaE4^4P>)#%J`YtLBT9=Huk98fw^kiaOmPx`rv*P zcdoug1tqIly~>kI#@}Jf>RIe{qyzuaJV@GQ?L0Vc0Hvhe2E~&)?4Hi%Z2Hs)hW#ucqj_^cBVQkAu;PWnkf306AL+vPC~nbb?<2@YcbipR?oOmQ|);ELio5#ZQvR(Xs{vxF5 zgumw)$?UpIjOTUMaNwN^_DPGtkQ4UefCXmEUZXHPXdEY4s(@3EFX9Pt0z1^!^216* zHa`bF_pRi!e(E@)v6l3+LwJYcW?T?{S=f5il}Cts@kc}rE2yW_x;0nP$h`;;#owc~ zZPjA`fgzw|e-nT890)V}Z3LGOru6DtDJ~o>@k5Odf^e6ipuHRh{ssIzW*WV4(#2bR z5==TQ;J6(zd|ji0mr3oj$@NZ7YLzeO>DESwe`^8vyM2QJTYRwQ!85SU7(?=pgLr1Q z8~jO4ldo*hCch>3ICf>AFsWg-xXf%4Rj>kN==4U-tzF>g8YjB9{x;qocmXb(JHW0) zk$)ZAfo0pgc}fQ_{AV7DvzC;hfyNv1$hrr))2HFs_zU9qpjYChr@rXZ#~%(oaVMK@ zMyQw8iB?W}T;y-Ii1a?@u~?o*8GgHPx!o$s^6CUm; z^%tx5aF@t@$dx=F4{d89^ItAzY=6KX7WZKJ_fFhxTWiV5X;Yy1z$lJR+<@%*mPV|6 z4L0$+7=m_Dn_evT_;8Zf$&D%bx-Xe?D-5tlw+vPk7vhQSyV0@0jaD6e2BvA-Ip?(s zx;GTjLCwxQcBU>?bXg3eW{$xT4<5lP_3J`SbtJ2H35J=+5^=ep1AYc6G%kAucbG0i z>xV|Hu;C>bw8fKk`Et10XB_uj)diPt55q~vqlM46Ho&L>o1ytvl0c3*`02ta-lb$N z3W+;-j=df4l2hb*iT8B(0P{xAj}(-&lxCF|bK$P>sMMOny;pRA6=&z+{clI{ugwKY zJ$eF;Of$grt!nh>?_(-!h=rcUkzy~yd_MJi2FW(Lz#oIrG@35sQl(+1X40A|J#f9P9QWOm%~qD-!r`w!U@I*o?Uh$$**SGZlOnB!n|Dsb z18F>WCwedZnDZIOj333WIyoJsY~1^21|pxZ70`f2~z#c{Oz$e5DJ`2y;aZpP!Vgd5yMAlkyESn)v6cWKMX! zg^Ybgwpg@RZ2#ULXL|gi-Glmb=WV5#ras=fq``pwC-dr%#U#ut$eGV!zgVV1nV0qoT?u+c%+N@CO(^CKUb0Tf~ zf+y=ST3MykaH}1U7$)(@BEsNpSP>l0$){e61*#9xfGvlL$QTSsWw#Yx(0C+tTUZJp zXkzxO0I*KUOXkBK6KX&9wo^mz3 z_pdiJJwCvjpYEc3qmT4zr5n$`)QiSj1OxdN)0ow2yr5bK^y-grVQnAWsMVFe;6*(6 z(}yOt#nH1(F8J|YB#%>BF4#!*dygH~oV!GyqsOm3u_4+7C{(3`9*!2&p z%D+SE^s%%+8k3tvtY^hwSM*TV&LB*h46ulUy z{G_u9PptMqE}Ton3!aH*zdtLPayyS7f9r|oa>HOyPkGp}(Sxsdzv?(^O;0S6KZu*^ zrsD9(WUwskOt+JdVnf#`I@B!jo#sCl|Gr+tQ;c=Qz=T8CqLnDj20t-n(os?klq>bw zb{G-@f5>(u*$7KJeGoR8SMjy}(Hv1%FIqiQr}?ApxX(xxw5?u3U#fe;gr7R4=Hoho za>Wdp%f&h&db2yu$P=hTkcW`--2#sodSSuk`Sf99J9YC_5;Q$t3x}tUM-Rz!URjwy zgVna;>;O}VV>nxUW_(*bcU+TRRm~!GhbZ#)w&IybehPik4v3-SWN_$J4<6Us7q4Cq z;`~r29vJkQjPE3pTc1Ge^u10T`mhI^FSw419+DsEuRTAntAcaN5s)XEW1!L!T=q;0 zwR@Y$f-xFAx10iH_ed^NTZZ#1Bf-7ho-|g!kaDZa7=D;H-%nzyzv zu+$%9Iups?LzRm*`IIzYT*Ct?i*C#x$|i=l#kYGL1*4==uIXut`(4LN%v2@Z`th51 zd`}@1WNsJZ$k_=vW~xy)t=oHhh6E&`DNwoX*w3uy1yaclg>P>?`1l5rdS+wp*wG@8B(fo zXdv#GTtFvZ4`AKDUZQwWn;s4L4a4Urv1WW2*WI0tHXEbCVZE{V{^~q@secnRcGZ(c z=T4|_eI5stJrYme&*SFGVch0&3!3{FgT=4mR9rh9b<-^HiLd05-ra?$dLUPSj}l%i z4dCE6<6-XSGW;mtNRLCcsEhg-+!AtDcou7hlR7`7d5zmyFp^kMZ=XX$T^z4pIY*ek z@-&=V^$Y5A^MwhMriJDQ6D~^~uEDb!*CgQ9} zcUoEVo;3ISpy_*KOfZ}Y-De!)Ouez7J5>$)TkC`T^`oLmrwl$eNtewX+_~7jJ8vCN zGPQt5@X;zm%JsYAQ^m339Q%54>q8%KIPsWX*gIk2Zw0*a@Cq39_zI~?vxL~*9{43o zpUfqO?_}(ZuY)c^>D>9UJ>J~}=i2Ge@~bOH8u;Vmdl^)08AX*Jdr@Vk)CL=^pzeGW z)~|HKV{BdNO263{IJj7Bk+hSF2tU;L)S2geU5^ioj*)z>BOGgU zB&|EjydxwEM|E66v$sZ)ZL2=Xe)>b3+YnB>OAz|P9{1Pugu<2-Gy(- z-n#_cV)X$xX?EbrvIAH%!3y7AdxG2dLx! z)GABk_CVaTCqh(PcS-2|&H%RycR)@nja3VeaNp+XczK#Hwr20-%DB)HkIO;g>IDke zYs4-x?-@uzqgIgh(}A2b{uht@cY+&-Op*9|miTjA3B`4~CDz`(05yg0gf+q8pq3qk zlVjJ>r}GEs5wyT9&#ru}Po_9-iy{p2vZQMP$6#*UPTXNz0W*AqM6>Rv#Z$l2>F(fG zzTc1zrmb<5dR7~EG&~@~u0=ROwJWzJw3akC?Sir06me8lHvX}FDD3MniQ6l8)A+gq zT)2NGT9T!>uis_yp28xuv3o@;ofaoyG0N*r{ zFzamz+i7@lU05-CpV$dn#+lf2j|RLuJ`n;BXi$vJ9jLms6t^~P!N&1d>5a@6P0MpQ z)i;_$oB9fCqW8emm7l44s3wk(XYBacnwM-1!;kuB$nxk($>)BWEsc+Wx&C5yX`G1j zUg(xYwkeXIWW2VJUC9H_?Eux=6D-RdRHn|4BBNIdhs757@lFfCS5@vMb7__&)nHKQS4MOK-^Itl~d3 zx%Uq0V--R6Ro}#4=Up-G;4iV}+IiZ0GK<@?YN&sj6PkG{z~p{T;zxJ}mGAOs(RpuL zcrhFTGj`&Lh~ZqFY=XxVI#b)u#Yk1VrPp#lyemut@1ax4ceJDr4{s3`Hu|C7HW~cU zi^AGHv$>&X7EV58${i!aV2VqexMD&FZg37~SC5T2&$B019ah6@D?63a(FEFPYRRfm zd7!3J#ELaGv|-3@uv^%V#%*xHLxaDRuu~`OaKIar617wCRu?gCA<+$_qiQ@X# zb8z^|5z_q1l?Nxx;a$!W7F+#+_)K*HSB>cgiF5)&AG=^kBns7E%HUXY0japPi^bLF z>GZ1UbUgcyEH%%EC;tk;htx=c*;=e9v36pQXOs2dAHpqNBlK7QK}TmO;sK>VzE@U3 zj(XlgvzZ=GI$*)GBJ0q$5}=!6zUX*E#8bx#N~#?~L@!CFY#-Qzf9#8-6*rp1G4AO! zU%v%T_lf50H73~hun7E*1@oMkPWZ%bq)Kt}gh+=7bco!GZGOu^b+g0`t@6SNcN}=x z&v49)IY_D+k(e>8ob5I$!oanqqUY-@nRg#kVTfLwZe+DhKP9SNa5X$>Ik^0=WhhNnfAF{_3|@^svpQq) z-gwCRla4dyypi=h>j|9)81RQdS)#U`Hr8Y?E9>nel{@F@<=kW;NA5hFp6kZ@;@`?1 zl&j)4V^xZIyG<6V-HEo&G2={?fAp#%2k(B`gPuJm!1}yOP#->f7uZBr$hivEmnhn>J|Ap{oyW+~Y9XL`IxG)93iiRh>9}(X?RNg_`0Z*7^xR^Le|~(H zIN#S!-_OIA+^ z_Sbt*>X1b-2fvHHP0EZT)`HdoK-DjmQr-8M*eibvy=zn9wb%y?Ud+RVYMLl5fC$$l zzpBCz7N>jX(25nxs5a_29xGqYie`O4dB!i%=v^i_`FFuF>AEzx>qD{0@3lB9esGCq zH_lb`wcsO?xeW%la!H8klfjzMj2H{s9L`}-VGOpA=O(bdx;r+|5#3z z0V%R;Q#J}ar`EtM&uWQ>&>(iJDhIPu>cYs93i1sZC3br;3%=a*fZ~rm$?wJi*~6wH z;mD3|q?a*Q+*Y`YjvOncJTa4I-Fym`pMz;}=qTuXq<{wgl|hf#PU65SL!R>UCXEft zr?ARN;JLLs%B|F=IbQE*f~h*TtBeq>CO!o>-KQ`rtxPz%?~S;w&Y!?N4m$r%28~5^ z;&biE^y$WZGJR@|e&5t-jBRK5r5q1Eb&kN6%&C;CphONnS{M83ArMEprsJY?e2UWuNVIjhZgm5tImr5!M)uL03HpLzP zB8+wL>#(dO;+76izJ}MUaztM+~unrijYYm+~JLB7-+4QXbBZ1CQls(bl zgU{{xsl6i?+<73jw$zEK@dpTd&ti||$zWX^3>{LGvGLRn@H}`{CVRhEw&#d5Dn*#$ zHJ@Iz+$)AOjqg(E`jv`6gdSHi=yT~q@Y~Two#*{?REoF7c|)(m zvsu=xRAvPKtOG?qPNB4CccDh1P%NIN2vtvh&>(GnyobMNVeW*Y3p-80!Y>A_th9x( z%cE$@+8nwT7$E%ZYfVRXlu+QwFLbTrO(D=(Lt?Uq!G`xOkaEceW>&_DMYk)2&yV(j z=JQ_g_DNsNT+knLB>t=7rLD5c@1LMzNC(PnQw7^^+EBCY3~Z?lrJOe@vXO-%*enee z%2G^tll@!SCcFVyE9t=94+}%C{vypC=W%1-LQ?o<%y$AbV0_RHVfD&X+I##mIJ|bm z?YYNF;?AxneKSAmvTt^AY`+5fabSheo~=u#I_1ln3sWK9*`M^%z6xJf$B1u#-G{R= zQKY-viTyVu(4YHiWRyLM)D>^&K*)9w_wS7;3ehnZrup7+oN}c*y*08I9J}NR!=6a| z=$#HYCHf^Ta?`|s$RX60m?8waJ%q-}cQB=Y4OkA@OCcW35HjGjASWO-+HHk4GuTa4#Kj^NrhiZq6piY-7O2+AB%SQQC$@-RB2<4`gbj>FfI_96E2{YVy zzvmBHux1i{v8e@7IgT^+`>~n#4>9sbDCA8Y0>`>WQe&q`VfM6Buwl@92*3{0-(EBOuK795h#cFPa_g)mPx6Y&RcjMTo)szh{#nam?sj z9KC<6EE>JgAiv&IVEDMcwC6^lEcn4d;a(3#Ub-%`c;VhyIBQh{b>nIUmt7a3*GM_B zWTFE&iy9c{7)xq(PvOEqMI1P{BYp}=qr-{{*j-~jGz>oDm}57xcwIq=c-qF1r-jvn z_xOLpv@d-q^5}12*8BZpk=!*g-zJhqT}T9{(3!BRL}JaVc7v5Wuh3uX1E8K54E3Fk z!j=GIoFJ{SP;>7B=nQ!czuGk5e*a-Y()4{;k!u8l4L(!EFL@}NbW^Zt^MbTr^C0Vr z1%5x)TWnAaf%HN(!T8cA@uTTHZt7-^pT7;_w4d>qcFKvAwLK(m&K>aSIf$NK7zFjw z|H1I-AF=%GR9GA~7(-_IOVIuERMD*qFG#2pZO#m#`X(*0V@f=o9@!=?n&$$dmJ+(p z=!q`A1cw~=f?57bXqTNAhFWOz-hL#M$|li9{!N!PGf4b6-7(!%Ci}ft9WNWo!;)(cO(pJ&9sQd=Q>eLo8d?j7z&vT~g@T`Dq}C7!)29@Qqnj(l3-2BY zCp-zx-`p=;4sav0Ol>m!enaTE@-O&h&cquH?!1cKAiDLGZ2i68!c><8;j3i=yph(m z8@XY=*xdCPy}RHA1NW-ancd%^`=d$t`eu^ocsG!|#;&8w6hJ5E-G|cAmiW>rQ(8}T zg%DO*AskM7KddohB?UW*)RLAWT^GCS&CukvF6|cjdvNg14dMK5b_7v`D z_{xF~I^cArc#zy4;ACz@`m20let%<{F+LGeH|nw5*a)WwF)L`HUTyKv%C1CKo-|K6 zg?d;0gC9NTifw*sr0_(Sy!GN>?hiwHIktx858Dro3$1ALqLY;MFbP~%or5jgPl)l- z+Exz5!=Xz3fVk3Uzpzn$m2j8JXk_*}a^? zud2hO{J~JSX*~*pJ%q;W!2M2_sAm2=am5G2lB4%#i9w58sY8Aaov>Zrnh7if6LY zZ8Mo(^m)fc4e#li`EsF+yg*4ar)XgPYoWxWIQ5-WcKtX5G({Tbr({d>4KPzQ@yav^==6HU4I4t}z09UO$ zPwj!O=KhwDZ)12Y+{yylRx#_iB`Mt$S(HUJXp{+mT-zb|z2n z2(_t{oG{pR_())H|yST(JTsVF( zQrI$}E4-K1aXGfJMPe&UK1gX?UtiRl#||D!uM>~4LC!7N_ACvsminZYwt-}y5-eEw zt8iMM1nTT!3m#XVh%px1c+=}%Y%$;n7-R=S!ZB&BFS`>Il`Ah?8PEkTj$RMJv-KGo zr{fig8Fk&Fg|d!bEXmS7PLuCvQ^2V1U@gr##(Dh{kM=aA&%y0vdwvbv{hTbS`D~=k zmnFtDE91^>TST|F#|3ADZ*bs(HwFBt9(FQAS{Fs(xe%MynV9eW#&)_6cl^6e5?mN$gYtAld+N{UE&4sXtGhU&FV zWb6AF_Nm9y)6VI%Y|T-sXq2AYwM1~n>EgjllZBb{Z%S-aOZIVWq-OJ}g8S7B(f+F% zy*+n~+MEdHR6TWEHSAA`$Ewr9-Y%<4v=YV(wGFC#aIu^ydlm)(4Y%OYrLK5;{~OVy zvI{O=9Y}7Y&B);46MD5VQ*^f;ibKuj;+Y;(Ks!PahEGzUorPDxefT-}SfIlSwhyRt zv4hy-<9*TyWlFlAOOwZSRGA^1+bGk$%O0Zqj)j|8u`P=s(}(Q_AwXw{+4T~3UUcPG4yiJSOY+Sox-j+^f))#8kYI;d|{f+XS z3zjZkU-FD&2l_xhsKi^_jp)@@#2Y)qjao7NYfFsjg~ zBBKhA*}Ln=`V#VQ`Daw&BkM~Zb#Ym{YSm(wP0QD=*;r=WhDD1vEM7Etxyz<9>r4GL zaee7c>&r}BU$*`DQ6)>2E*}=|C9nEFzsLXoe&Py+n*6U%+~Mz`0~`FmKJWkf@bW(c z6&k+(Jj7r7E>U{&BKoZLg~s?+$rw0IY)HY&3H%dX5Hws6f0z5 zMf^o>PCCMsVP4cyonesqBp=qhkvsJiV;Wv3E#x8-qt2r4c90pZ+}S_o1RDlir06Sm zPPaRWi^oMe9K6DhURMd(a)E}|y@;rE1O56_1TDS7&EDr2R?-VclM76mb%tG=-FR*| zNyB!RsTg>LyE|{v`p+SL2l}GCah-q@Axus3XS<6BY4zRc_~tkj9;)NQb1(j$>BWw!uFRb2#=D+D^j~pzip>f}=jleNwMQAcCyYwX-Kl>@K7X+gYUG@u_VvqXb_dZo z`37~1DmWYF#`3PAT%PSm(e_^4FSyRqr~sCn@Iu|nkNxe9d>-MCZniHSpLucg$$2V8 zT%%N}DiKit?8*5v zJ{;}n$7FplTbEp7-7XI@4@J=C(iL*2c@o}P!Ltd$ET8DX)5$ifW1?~3bvAUo$EbAYNBG-*u%P%vzyQkEQnr$VOT#Wak_0&teeSDMt3;gK+!krF2J{a`!-fO(6 z(po_Y4=0)z7P<`f!~3;^Nei#>D-{))MbETh+sN2urEIjr@}dT$DQ7D!tr_*LWQvb zEZXkJn>i7Ti1wgTfjf@#Nwkg(!fJA|bB;fbiQf3#)v$NClKZwmTwa*zQA0__fiN;} zUc{rrbq>FCC$Zg4>eL7#xkdBc?&#gIZ4B!nI4>+7erfi0PeRF87cMH+4`y#h07C<>GO2F}J$btvww(z*EFz`v&?R7)-(-1xI9tH2v(x%B~T_E)62^s1nCL z1)Ey2aAg|GiV9 z`0azWr8^H?eQ8zPO2H2=I>&f0qG>GMFKGDuI*y-PHCQ!%)LG@tmFj_*>RsW~ngCRL z+%QOgq>c1pUo3pg4P}n256N$pj57oiKR1x}C$BPcjm)T3a({jYGrjbFuD4Y4zK_iL zCa%=K8A7e>00x}*q+Q@;*0qZuJ2RXf^WDjM>c?Ld!th-jKtx?%&Mxq!;&TmYE4-+4 zJdB998mV(n?%X{~fYF0>F@e139ZHu2I?5cmOIjuSsFbFCW@83}obgk?iUk zNXvP8dcN`{XtXz~h5kGU)UxDb2n$L$h*=lGp3{CPQ^F{BF@fE`B3RMOleN25q(4+p z#O*q*WoB>x%N;hG@ZRdl!hZufciTX2Vjv5?m?`o`=4E0KD-SApo*u})c_Gqc3g+Jq z;(L!!hRCy<`#6}jn_`I?8br&N0o)knkBdC>NdrPTAZ{g|%}WBNHi*4zqaY(sa#{|aZ^Sskt4Yx!@GE29Pkb1lb4$4yt6SJ{`oQX}tn zU!~>7WMYnaa&lTI273TM@-A~JJ%Yhw{CLvEi>PYS&-MIBS`kQ<=N^2Mo%(HeAg-VM z(O17p@$!0(Jyr1SL?mB4eOb{@OQq7Gq;6ERa*c^O^7p+?$#t&^;lv3gwb!aR;0%P0 zD#}Fr&~8Kk;}3^$b6GHTu3x8%&sFlLD5nR_1atfs|_`VP7`|eyjVdkZaH#bwmNi-X2o-8}AObAMo58?M@*F~IR z<$N2%l{fkKkUxFAjSQ=$VcO_mh6IGuJ4?>nNPFjlIX9SxL;bkFNX1556o0vT;}Co> zXP`eV905#u7>VVq5nIJb_D@$)eRdd^9eT!fG1BI<;I!W19Cn8BGcbbmI>A)Fm_oN# zW>$@iz;C?|s@A?-c^^*XxoAe2{26x>`XsnM{M47FX&{>2K~_b~DJS|ri4Ln+=(%j#93JZS7g z3`S(sNYqS?5>&Ue=4x{gU2NOC3lI-Qfyq^k6P4Z;JFken& z$8%Nsx!3@2+I-M+>zS+U7d=IPhTv~AaP+a6f;BzKo<-}Vs<7!hN&je#{n4;lT9W{i;@l9seBBLK+HXHWBa=p2B zQuHBQoMa<7CyI*L?Xa z&&G9IBo7sVlwJ}};|A{dH48-Nyh+;6R3d7a*&v_cr{J9FvY+2S^k&Od2W2V*2p93? z*70x>C|{k}hr` zd_AsbZu0=H)lkv;q@IA!O2$<1q{6X4eE#;N@nsEDXInX)8ir$UFsagWx2s$wt%8Xc zDFN8;r?In#><6i-_q_w~A7!CRrz|=jlD$6F#(CKjk%c1JQaO}uZ5 z30SS7es~DG7Y8$Rx*wa+Q8Qc3#!Z0?anZ0X{2JX(D=D)vlO{bh3~b}h;yX@G-!QPU zUoiR8!nrkHaFR~V@r%jK?Wv)~8DGMx80oMmf}o}`G;X9|t?f41GlEdP&R}tZf)jxT zn)FtpyXj=Z&}@b{qo^jkwfg2zuC}w`+eOV=;SJG$47~qlqum7ym!_y`-A~1l+Y!|J z5I|AeJ=!QkIdxpe)sFG_Pf#)XjFnm|1fP`FV+~H=-vw_rx9zx*-W~xX(1%ESg z;awo_)+bTete}v*N7IcFtm`2=t7{Uo2MAWw`*C-&gIR0i__5Z6m(2E`u@>6aHj&dM zk*|qX9u7~Ur|gbdht1Ua$Aj}hp)7dgOX*Eojt%ms+z|(xK8Nz_a|r$J1`_EROzGkp z;c(K^SK@IgtKiq3NbYXX;;Ge;)x{ILUntjp1XHw@fwI4Jbk#>u=5+{XdMKGTNr$m; z3Yz{A6dUeKVd-aEfH%$oIu0LIGiG!G)m;7XQur{WvVjpboRnx1!SGTR+&h|CcUw=p zHu8R6M$%e^pq6@iaLJR8QISkupr>_EB;Cyp&OO(%Z@iTczYD0_$wH9bg7k?4hhT~ zrDxxf8@L|0!LvQGi&sSBIZmEau}})lRnt!P!kcz-jj7R$HLB@V+(By5s|+ZqCGdSJ zRWAE;IwXu{H562k)sysFjrFvimP6ecHZg*B1+l2JBiK66hemB}xX$wDz*iN!)KUEC z?T=dU(2vm;eqRb?`Z5L0&qVOEjkoA4-ZYpiGp)Way0&KG4_eR$hLd3tUb0BTgKa@* zcfehlkBd(lInY#v@?&Eq*@eNZ9-_YQ-OA(ijETn z+f7tb*FNdNKOeaoA^a5 z`_(|gT0K!m>;&gUb0A6XYySWg-P7pguOM19i@cwK%$8Z7I$BNE*hJj7=t%jhrr!r& zQm2|}BXg_#zwU%}NMz473%SM+QYNKhyRD;i<52p3^=4Kjcl33`S)L!s*{y2EHPo?Y zhLPl65%g|xiI5>Gd?O;!jfqA1kCmC5^Duflh##JX;i!?tolRW6sYa3EMU5{elv{)N z{NBujLJE4z^Zl_@P2ty`bXuLyhNEVN?=dpJlW>^F!mmG>S>hjq^7MUj)*ivgk#>I8584TMR(Z+fMJL2~bu zVfdwJ=sO{R>8bu~S!m;LcW<(em|1bl$z+)E0(!SMs*3H_QLi(?{b; z{xiWL!SSTq6ue9`G4+y`=4(ChTIoxpTEUc;2AUvTe{8XQ4h`|A=>A8focH740V4s{ zD5`ulv-wQ~S7hJR@{Hi6B7jJ3IxW5{@pH4%vX37r*S#sxCI)qh5USQzGCtOyzi$~> zvCdAZ0AKt{C^apSb_!bOiwPyN8>k4PuXEsN?nL! z{w>jv&gAewBiJkc8h?w9x3Fv=n~z($^_PN@yJdcT3603F4I|I+Nzjq`(lFU3P?n=S7P?pzIQuw%%DTfup^J8exGMFW)vLkxv z`F1*#n9eHV+D3Bjo;=6l$=H;B9N%W4S=m^omI|QpkVrZ-7T(`MNyV~}+%Xxbb6G*> zdMf^1C_E}BmfU9JKldxeA713fWGt(MKQP;{Eq zrdn{*P&o7(HojC6UNZ!@PG&y$gQ$z4j1(MwBsvB29l<=pQRkdd(7%Zv7ZoZ7Nez#F zq$1Ww&HAxXw9L!mX$LdMy%MO|T1Bb$YED}+$x9Dm!l!&R>+?u(%OkdTG`mCxdF8L; zvtVoAuMWOkjKz7{Oz)SGI2w!YIwXOk6UVNY0)m5_{e-8tL0B~ zBO?~+=r&qK=86d7lCP3HK9q9JWj}jraHhCXy=x#Vl6Bk{oiV9oF6+C;^FW?m^LZK~ zf7%$=QcF&`_-^_N)sHc%5k+K)uh#0#E8a=gejj!%oAV{_q4>S&x3Z}CT&#Dt=HI!`dLzKkD# zzxQI^o&>6#^v8QnD7*4>IC?>eZ?61RO(i`W!27strmwJ2`mrB2fX{;37 z*iH2NKKBgtcr9G~(rXfY!zl7oxU$s8ZMQ7eHc7&FjGoYOIzCp@^L|hS3zwSsl^D)0 zZ8V)q2I9HPhgQLP%vs~0{th(*;}wK1hWyo@jFNrW`IMa!g3(5QvvS;Gpl%151;foK z)(dcM?N1OYNv>k7_p<0stlq=668 zP zs)lNwIs#|tnAtIeGOHXspB>4PBEsFS#}L=ui#r%NAed+Ekpu?c_2Jq@2a5(Larc#m z!*jyu;A!Uc=Oo_9J$-sDjvYILncP=T>Du9pEq{gnqV0YZ+<8<3&$_CqdrSIVYo*+n zG!mDY7+zk*;%FVSlXB_u%Z8~=2zy0ueA!qfK1&K4&+AdOP|?!clftjUDP8{==Wobo z{2oE!ttPtnR`E5?z^;4Yl=2Pdba4YoAN3S8jpKY;Bom|#o{7e}3Op9OC8x~DUVpOCLy{?8}?ioOuU?Tq!1}uF{Y_r0!rb@1@6AgL4fp}jv zhtFyl(CrpAzo;2|JBi~T1F>{{mK-ARtD=(UJGiaM*VScubS>@Ad)L%`bfJovhq~fEBMxU5YJ9&*Y<*rk> zekK>!hY{3C#W17Hfmd!^Q0b{9+`qSQgv6av>!R5_?;J+cerEdrC%dp=H0@1cbgF8l z@W>#BPd3mk+ndgUzv^yqQd795_cj|-mVj5+7G%yIKsz> ze+L`go{EMtRn3&HR!XL*aL&r4^za0HQ?$624My8G9!t+a=3a>B^xjDNjEUjL)*O!J z7`STHp_9IGcbJG77|+Z!Gev9KDeIC++j3^n)1s)HEcbR8G})HKik&*_Efbj`T3|<& z>;bcyWpOd=svL)Fk82cnXvh>E5Mqdkx6_LTwhOcTzPjDdAI%W=vlzT zZQfjaX(RN#laqyG_&U$Qf6|N7w>WX^Qc0~vlQ-i!rLA_h&q(E#?AQz6MVHFI&yDtB zgeR#vB)=<73!D+m>6(wHSO$LTX zGHFFH_fEwyV|f@g%Id}U0K4dTe`hAps)~4S1qLdLCNub=5x19W0wR)Vu_l>@MiqsM zMzVCdk>!;G7#=EoS-hX~GnLFPQb2{4b{Y@2%dXL368~)e(;!B7Qj#kCpmZ^_%p(&2=Kk@8vt<-RAP z?JE99Xf9txJ399@oSlNn22Ty3Q9(Qh#lQF=+KR zr)~aRTV5{ZzxdUTIA8&t%IVC8O(_saZdk=LIG@$oy&FI1bNg zDSUJZ=JV+=9#)h6)dTiT4d=^nHLowf<>f&YZmKXsn%a1NE(QPnIx18XU3jpbjdD*G zRnU>F7TrEy!Rj&6OI8a%4&7q&<}lo*TUdTBjiKUikNHQ>uHQPIO^IURZ!0TH6_8Md7>X@K2Y)9Tf?Yb_gPTa$aLY%ZKF*1Y)GV|?4Ne4 z!zBBlC1P{{J*ODi;BiMZ%d0eBEquU5^sJy@rgf8kT4}(!UB$uu3P#Tl;lDW1nQUr0 zMaaE>5yRm_qW9g57M;=?&r}2YAo2IxMWO91Izc{+Ka+~z`%u~(i=*`(8<|0}uR_f% zexRdV9Wyr?rQ!3hXjKbzGzd4aWNHEx>*={Z(MbKpX{@RpN=8@FKQ@FCawVFP0Wl-`NEOGH2;P_3 z+5Ea%{HsJ31Zi3HJf7vLI(C!~6@4Y1S-a>aS zIn6-L@oAhrrX|0HmQ4}Di*DN(Q#*qc(J_rl0f-6S~|&I?<{*KsJ4N# zeop#}jx{jKM)uAy)^&3d7VXb~?GD!d$)QFY6^dWa2`(Wz);tsAYG|o1uRCX20!yol zcT?AZ{gmvgz2W#}JY~QbGld$Mg%6pz_uNF29r?UAnAtu}eDrG$+AInd&a31`GtpUN z!&w2MLc3b(Y^V6)BZA44+OP!4t`*&9kLcvVy`FI;Ifmsf z;4T>U=zJRuK8SvoVI*O3Bt3&;sMa`#dY5E=?u?^TorffKG10)o#9Mzg6R#Rs<6_`m zUn7@B#?yYa%*-(gd_@D<-^fBaXDpXwzYTnzLiGcBHUwo;DA=DD1_iHW-%Kl+%?KYW zQwNFOm={HV;W$}l!Ons4c%O-9N^T;*k0_aSC7YhkEHY$A54)7gQmydO^J!#n%_KfK zmJPS9%m@!+)p|V+(E(47%b;|X1QyMYB)&EDJDrU4VjL;k5*ZOGd4Mlr+^8wn^Tk22 zzELzACH?YQMZv%Trmis3cGw+`JTcSrm*fD{_c$&3)2IybkOrB!@Fa$rCv%Av-a5F8 zj!~O@DKlBP*)Ick^7MQf;-L0i!7YB#sC07AH%i_`bf@+u4CFOZGa(?06&{&1svb#* z*~)W!j?|Hb24n3kiLv5nB>qCI?9tF?^cWq_SkXb}%t@zj9VKd+6;18J^(`iLTa#Gt zlFpb9M(kCBsea=*52WXwj+9+i`7Y0=$upWB&pzPys}tBDyQ6v`2Lm4Isj)hp+Yd6CFBz4Q z)$IgaF;S*}G+&08(OpuKzr{w?lad#^Yo^wL2xiuj9kDbX`wk7>S3|{{@nyST3VnoA zEjW=%?xO-46}EFl6T!+iX3TG7j}$H7X_S-mwbQ5@ViQj_gY?Hy1ZPFzToS^xx(SlC zlYFOB_C~UrCZpmA7ro%PV54(QL?dV#%*;ww`pMTik4Ru^Ni*f%tJv8_PwI#NxG5MW zQWHdn9>RgMOq}mxqx?I`E&ZeA@tG)8ZxivC`Y&=km9^y(*;(K#8Byu~K_R@_E%@ZM zFEeHoP|+)j87_8wehJn+C0tr~*RTy~eDaH8tLP-UF)Bg?S1eu?PF|%%dG4~$3psgS zF^UgY#Fvmcetxo!qHFC`7r#a`F@*{rF{1dOk+Li&-7gGY3Hk# zf~!p|9REkO{I4;*Rye6$)q$a<>{j9Ud;ZC$QXMO;c4u-+_{rf1uw+Rfm4y@iJg4N3 zc;VsVUAAoJ!HguB)ziSFmV)VT1uWZRp^{{}^662CuIH#I}rP?Mfpt(IGsL z-CA;ifij{$b`kDB_fZV3Rj!i1%A{#e9RtVRpiYF1np=VxD!nymnTE0Q{zqk|-_=Fa zbCi*?N+Wag@6b~;+y2o;%855{LVC1h72)kWoK%sF!9fC8Rz}6o1P!+4S~@<6rqy{f zA+@xu42qz|qZ^DFm&WzrL8oVlK^s9+!BAPlVBsF6KIPH%PaIqI zqIXJmrtWzYFGb%gmZM|&JGkich|*n>$ysCMj^r-Z*7%<+laYf-S-iaIM=xsz?an3h zhZxB&>L?r>%a5+9>=K=KrRd9Tr8k#}hf;Nlox%x9cCU0WXs;cQt~PG}C0@b)9NbQ3 zF!6^0O&!rPrRTrMHOx6`VtqM1<-0|Ydq16*Wkrh=p14Btgeyd6{`Y$liTRlf7%)sWqy8^}y(dJsS(r+Zjs?^=r{Xd(m~~BLSLu`t5-q>%Dl>QE?X=&crz5_+ zX(++8VW}7g1mk*6GO!;rQ0@z%i169lJ5%`VAIq9$W`;ftVMs!pf?Gci{0R`Bp=6Bl{h^GHGcbdi+3>WSZrDyp4kS_Jy%a z>bOtQ1a3=~HuEixI=TRaBwu%=Z|(OC;QcajLH4~5Q2uHs=R zF5;IYb;!r>i{z=g#c;OMZKidF+<(&e+4Kcl`xw}|DuLRvdmAO|xl>EY40i*!#b@uG zm(Tr*@VJA9eN`ga)7r|P&(fFvl5H80N|4Mgr`*JhD*ctDUNnr!M$v!L@?aqrTvxG5cNrTaIYhxIh5IC7Y88Wiuaoc6dsFfvx$P55^g*a%bMR|I z5>2;-Q~OF1C*mYC&{~g&@PlcUBk_^^$wrR|hA#CcLFPf7UV5enCR5~+nF>u~DJpp& zB#+^{E}E4k9`XC9iRZs9C75#U;i<5ErSuES(;O1T7Z<*pfYIA7vQ8eN4Mh4g= zFXUn7ae$I#vina@eT4R74m$A{u`Jut4zT^GsR`Hd`wFd1_cNVG0e44YI!*L^5Tg zXwQL05`QF8+&h{&e_N?4dW3fS13E2Jb7Yy7)m`K1yur++nQ7R?o4qGk{rWW(FAjz? z<&O$aU98|q$)`7srfZc{dW#0L`nvQ`1;O0YmDIbP#ki5t><~P>XOff07sZ=_q)RLu#W4W;}`}yG$lYo8#F3P@eTp z65VASHXewkkSskR zoGVZ~2F2zis;-ZsghH|s*Af`<*~X_gnUdQ}XJ0qTOZ7FdbhcBpR420D(IDF0oEvyA zjN|F4Xd?eLihmNwQOPzmkQ`*K1i@Ip9aQd+My*>b{(nj&D*9)E}#xO*3N3&m8 zdHmJN#Qm`pt`SEmD+=`2Xd(;KF#U+W=fWft73lGDMrZ z`iN~=$;{W?A*-64l_{;_LQE>jqqG#rJ@5~(vg(_P2W{hM-zA-GmGlJ3{Z4ot$;Z)F zejbxNa%TmV#d9mwGEOpiMzr&jX`N(eXumtW&5NN!C()j5DU6q#(q!>shCOjo|Gt_; z;pMq~?YxYRWwEQ3PLjtfIXs3BmJD1CqC*dgW6*08#V4BBIMK#D?Iq#&@$3|w|G07{ zvt%}_?N;W!O##WHd^{yy_GuGsFK4poFHml~%NTDv@6W|?Tkz=7qxa<|i$l}pN4>Z$ScD?#u0ZSS=8Pi&FTxm&!CPon>v%H2pyUDfg zQtFbEIrSu4c`HF?Nj`mt8S$(Y!}lOHuK8MmvXzt<-!OTm%<5<2U2G0O-8PECl2!Jv zm&}a{!LuO1s8`}82llb)!BN^mx<$}WK4!kb?~vYlh|8PjOb-2WI-?wB*)r9G76el z=@+@jryiLZ)=xCDxn|L|ZDb5I5d1_+7aP^61Qm@C-vXGY1y}YoV$Yj&YB$mvz;D7ZlZnuqm{Ho=Q?8a(}EPN#k7;Hq6VWW0#9cY8k(|c5qH*Nri}&$f@(Hfu11}Zm@Y=@D1{R`4 zFFgJvoJSjc80B)8=4p1C98+>TMewL_ck5*XX}d*F`>A7+r(~nwrgQItj~p)X0k`JU2PVL zpI%JK;YxAXmllwE$I981Xtv}lQO!<6+uXvgxdlAj5yS2p(KJ1DhugisGHL29wx&C{ zzD_LXZ$3O5ahpct6VT>6cq?ZsQcA{AuSEhM=E)g_YU2M0mP@;CA!CA(?xGL>Di=Z3 zi@CgY&1UodM8@PsbMuFd+Sg)PC;V-ZaEb$+@>u?FHq8s`>DD!!8y3-*^G(dVCT9Xf zhiG&(hkZlztf?EsU*b1yJ!9v|%}B1iF|cfrH%BzV#4d^FreNxs-%Whp8_fX8@&DSD zz{Bil;zf%b-YbP=hk_}0A&;YR!sCh|J0+SwX-?d>D(Ja5o;PJv#kbGq;~zPH)i95V zk`q0e8PAHtk}+?oVCke7UU>)7?_PxLKNUuendkjH=_UEBCFNq6y)BB^8JQH5SvjI& z0(!xBLlVp!KIbIzRWOrwCQ)2+3Z<%LlBf;fYk37Z{p75eV5oBCByS?R*46G7;S@#z z%?>;zFEgUOoo+j#i1;gsv?kHa7eA=&I`Mli#_+tO=wioSvMDeYL;r9>Cs=6G&`Mx8 z$)4>KI!I`R}sITLKB^MO?E_lo6bVxsJ%V2;fX;uqAA4lDc4Tdu2J}fiSHL8 zb9q=SJ^nVZSa!&y0cs9hlykWCO&n}=hohoN4r?THtB}mUX?o_!XZuxG!!Xf_{6yPm zGeyTk@z|yf6A#4Azz@p5lip#pdtxGVNe(Tf0R3_>WDYWI;4Yrs35v!7dHVH1B1juwa}L^2f7W@)-0|M~s|xy;)Is z@Z=1R7n5wjS@F2+F|4xbc`G@kX~Hj;O_HuI zGvwJQE%XsCw^(+KzwGKVqHPYmBwW9o@Vq$&63>cnf6h+W#bnXy#WPtF#|FvF-fpF% zTHR;-5x?%>vUnO7*3f8RHuv|dX(?wZ8h5v1=;AA{SH;tgKoFORFOmJa^ zr;Hz^V4Lj{6Ge;4eBr>X@ud5>Ec*MTNj^@pCWDlemdw@tct{P3lK_y8ar#?4lsu7- zWKy1p$9kdWGa86Dvw2q<$Ko^ib->QsFLKUnM>4UoDJ)-Y$ECc3?7lGsrXls*yaiEb)pLw0cDL$V^VP@Mds<3P*8YJ}pni%R3oEk6hA+JmA-(C`JpH zL-4LiaA%FH>3o?jdoeMRA*k>+`O#rp49EV;CQHtmm6`p93k%IOnX9L^;4n?^6dD&# z;E;=C87t|iF;d6t-9Jk{wxuu}BS)}L4>%}BGxvJw*uTS0gF~W2EQ~_^GMZAwwLJVD&9EYZdD{olt|`2pX{MVqo|ls4 z2n!Hjrd|Xmev5W8A)buePVOv>;Zey9Y@6fJ&PXI>nD}UYCBG0NKeb?eIP>D<+5M8^ z!wc?Ee21Pdo#eX2YxGw;D2|hlEmcwv4tX6D#@o4Ul>6N*&6OiE18Q~@Kd?^$12XR5 zTVBg$nL!zX1@9_tl-Qdlo^t}Vmc~+D=GLzb!skyVV%w*pPq2e0!m)b`e=XvbKzG5n zhcAb-FV4!A;|>;P-(_8mNQ!>V;>oQnUJNnvWWGfPp^;Yo73>@sC;1#$@zO|mnu)*e z=hIUy`l{r(zBz1|PiJ#Pu-DtN4j#<2F`-KqGk-!Oz37{-EHp|=;DzfmGM7GLt?1cN zg`#L17m8b%SdMj)v!?AN%dk&JGx5(WRtjfoohZIezk{}sQL^$0T6x zfQX?EO8upzs>VUYI^pW#ldlQNr}bjtBq#4tqGlY8#NX=HJC{6FGKV*%aHg~kYlm?9 z4NIlkuXH{Rmb{P7PxQ)rn6F7rrNEB!pLhyM#%Xft0{J-(@^eU5OU}4~gB$udT6B)b zRt@oE#gl36q=n3>5Bszj>r0;0ewzr%5!uh_DEUWzzJO$8b0vGRN9w~WdAWAt<$RZR zy=~2Au)KEU#T-;~GZ`~he20v1(!Z;zFy2DwcG01WWaFPHxJ8jJ&ohHUHxu|<>y$GU zN=BAVAg@9gtHnES-am@Fr9}G{U2LIX+_iP$=ylje_rK*#q;TUAV|7IPq>%bh_-mUK z7RlM*dJzhqPWR!QN^gXCK=rGnDltn_7|?sV=iTBQJp^qu`)qsBSa}po8SVPlicW_(BZt z>j0?H8=;_8g%8HQ4MP4Y5WLJH498qg$Q4L9%NP>9Gl&S$l# z`CrMZ@yc1l|0s~3d%Ug{nDpQtv$;{RIz1#%AK`$vF|YE^lk%&3(xaPIi*s(qo)8^+ zYfzydQZ#OnT@EYp@!j;&sGVj#>Jy?JQ()LmkRvfLNck?I+Krxg{JLGuw%N7*Ed5@q z2>t14pbjzU!8$J;z{|X@PNXiJWDZs+MmL)I=n?17GUmlQsQp@1jMm-v=~^<3{(OCq zimXGshSm0)ipH99PhBU`&m7NH0|UHWad&xkj#1?w-|Fo@4jR`sM*lflRh!!36#Y=Y z7wA%^01Z6rsZu+#v?D)UO~!=D?*(3>9sb%#&s8bWTYnbe3@@A{51xzELrLmYIZPvt z1*&;1m>_DLrX~FJd~uAfbxqc)`LVj(G+Ab}pMt{y`nv=DQsZPjd`3-h5B=$2m_Gbt z*7Et`s=bNx{We_2Bx?Hh@!E>d+V2K6#yvFjBYt{PrGVSuzi@QM@Gn)GL zMUH-+geloKCjljyz}4 zY&^Ixj-dlgh|+H>r1ZLYa}$#Eeto95uCxNk6}|DAkL)&g7?vLfG|g!OG4G(~Eqbfs1(5>Uk^90K+ym zPq9bv3mvtq(=l&Nc_+OaA=S&WYVt$wx6N*vkKXD&*PHVrQhDoLRJw*#YR+}}XW!F} z$FW+&U0v&#n;v#AP$GQID46ng@6orn8k9FBO3OoBl#V9Q3tzPVr#PiD^R2lW%^e-S z+xN_8k3Z4eXXt;?_!#hr-5Ly6-P={woT605gIOuwg|}~m$hseB_yh&u0j|?pwPWwX`w!!=rdHL~-MM^VT->C$Y8j1i27qjls+(T{c*Kj zlY^2pl)8N(bBev4-PB|iK7iu!x{sb_K1W_qU%UqoO-ep-LpzT@)T3~E-cfi2n@|_d z3eqxi21;$WYrZ`aPAgmoyPuN}J@3MV5bAJ8z37;#N~?m@!xxVJbdlms#9RFTARooNP{0-$anJu2KuqTvWw&4!S8#~ z#X+wt2Qq)XNA6gN&N(Ei^*emAXz9N@M5|;oxK45sa(ZWI{12X5<{6@iyfYo9MamI& z;5a?{zI>yKC(*O5;dy3W_{70YL*II6ZV8L(!u!2=8Kw^H!*#NnKR!w~b$`MC;`{2- zFx~FFAI2uylHQ{>AOsJ$SK#_KS{*-WyEET97KIEizG$?pdh${Ar(y7VLI$JhG zU1m`$Z!~IJeR}Xyd|$JpRb_Xwid+g;-_fxu)Wxp!lo&NDgLjOxqO@0pLh&y|ca78; zD_Uhm7p09!P-~uJ4<3~=%7cXj|;S{oh~FKk_AS&f;$_O0?z7H5Mh-1kv#A2)Jv z{NP`Gw08{8MLKio4;HPADPs5y4b9XcS<_zo%HtvZ7{9yrbM0D0md~>7v6@)Zpza~Z|1+L{W86l#b-tG&&m+~_H%O)D_~{BvWy=``E%LsvK3DN_tjJSv zRJ1}H_~={@Y2hswwZ~I@jGibs9}iQ3zbN%}<+PVVm(csyw<-UXKba_@T6I2Nr7gkw z%1opZv+T&8XtcCg2dG2BE5vEYg?v3)9!(~VyH>QMUxRPFGZ)_|Sp=WfBx*?eXiaMs zs6+eh8pE^D<&3YsUVf_0cc{nEdrH!Km9|A_+gfMMo_$X<`!T8y{*>+I{8>t>8p& z#;ba%*W?gI%4O9nwLcfGP5p!PI6P7(=LakB`z%#Iju##F<6KW41)zncE)K?HYE;8y zY4lf{Trxsb>0O$BIRW$kk2GauhK_N*gzmksk7&WU*8_OoTvW3)Y!>%jGjzoMq4*m@ zQsq#`9o{8E{X2T9<|Ug#$$u$?H)K?^c%_ZcC!Z@=C&Eo?0Jojh0`{!3K|VhO$u`y? z!wuNB_#{2=9s|Q3rzX>rWxHrnr4vE=D>^}Cr&x72K3ug%xT*ISt2R?heQu3gOa@cGTd<5UfnZn8NG zZ%Ty9@eX$%jDPzxKJ4j{dNh@@H`4_s(=4wvm;{4W)xMHnIKZNW-=+4~ZmQl=X;5)` zD&_=LI#TD?K+ojeC>aBLcg0^l!lSgi4}S7;^mQ?D+KBI_?!UpX7J+K%7o;c8$YVMc ztq$Z+{Kwh--C5=&QK8B|51TzVT!+lQ8aL2Wu6M0+8xWv(%$&Z}L~Ckel6}61YJY|I z=Xca;eKgsIf$Gb-JUIN8;(Ak)7f(}>L3lmSqK7c+-{|S3eIxK!UYiVwUY;FA+U+KIco$nm21)Bo3?B{5?X2q#JwRL{GSL(oQ?!tgf zxeRbqd7AFJacMATNL2O^J>>J9T_XJ$M$T1J=JLrBMx-3*&(pU(BSRo=dBD$I8vhSr=oFYfJhgW&m9-a^?gEXtJvn zJq#YOAV#Uo;UD#gL$ijdSjP;AKQsL_K3~5S{aejfuRFNtCfe6Y2WFF(Gt`Ycr&_SI zvKu^>Q;>enm3|#|UjdKPRc}qEUVBGt(10ktsgcC_ZPSUizBbXRdk|{C>%#7AbfcFtICCE@j)|7uzTxz!7bTJ7}amFpUzTu{zS272JqV!~xRjq%8)5ae-r(UZ5-0ZJG{;H1mV6N4t-~ zFT6ck{(sSv--=f&f6ku<&icTN$K{5<8qPNA{g8)hw9=-xqfH8SNzwC6>V${@)rt$k zyYDL_%$4_l(y;M(!~T_Sj7!l2c<*cVW68L}YfB!>F=wmJKVoLQ)~w8Wff|RNR2dJo zGd0%7x12*G@Xz(|QRUl=N6B^=a*En-Ena@^)6<~=npP!Rhre?71>Dp2jnbjt+_ab8 zsnjZeRr=FegU>`MBNE0J*5TJ@oNZ_vBVDpJ`h-=bhQ})W1bswrleW1V6<6$*tQ#G) zm~4-~ni)0fL9{;Zc&HUI0lGLLQR^-nbio{>p7fmS6B0BwhTPK%c%j-Q>)x7lc`&zB zcW-^fSG&1}pY}O=sO}oOde0Bk}w6?bmmN5O7PXA{pg3S1GSyn-u?S9RcRS1^HZyek@0ZehjZ&1cRXiv+s0^h z3-B7c;%7Am>rYr-w}EDLg?sf}Z&o3+$h!3Xv(e@!(CgINVAW`NuhuXvNf*qzKptDn z6B8K^crFv;Iqw40=_?tv_YA5v%JpRK zJ%gE@L$-dkn+T2|ucoFEKRst>e?JYs83*GOg&!zfvCI!VTTn;Q=SEWphB1>YR6I(t z4MVh*8P*VdfbS}XkVj`yMyi+A`O|YUyDS7>T#Z@5w3AUPO&(PrhBi$xnUDSIM$ zV;vuAI%n%l<|y6%^HS5~XsxX0t258TWr&2OfBH}x9b@zyPkLk_AFXHpG8O_dLR+CH`Js`pJiBw;~{ z@J`mj!k#)2$(aHZTJ60-zgta8KkcUg8_d<97;RhhN!5R`YRVbTtPfV5nV72EDK?da z@$1onEP+N^ZVtu{K@TJJXxeue8Vik?QN9 z9v4Ei+eE%0bEq&FmGU6$}p}ze{ z)%Z8|+sWIz5~OB-SyYAo``eWOeQ6)6gJ|KM7MSGl6y2^+n7*eE4YCF5!WdT>+B1{S z$78gJ{+)SbEdIzk|H4;Yq8FqutkVlmUF~=+>}giVc~&j2dQb6i%$FNRsr>RBo#gY_ z$?!JNgMM&kK2F_Wj=8DW%g(yzm#PIX@s(5v(27QQ;D5BKYmac5$hc}bkpIQs{+2n4 zi5YlZvYQf3R&5x?ToNs3K6l0v&ZeP#6LjBdl_@n@P1hzVwWq+_EJ7J}OkT zUh#9ROH&-P!~sd6>N6!qU!MhNZ<>={j)_sfIP}}Uy=B9fnZS8kye&*$^DH$V$+Pbe zuckS05O1=`I!cpa1Gy15c!s7#sL^~UrQTxJX2Mf8jk#5=Xua)?Cu6!vg$KE63!d69 zFUk2?2bX&Bfm)SEOWL2R?CYG>@oBmZLwxU|^lCtgd>?b>Ud1au_^_S!-rBS*{RgCAe2g!Ls0Dg`*jb~PP;m=^TWtKWN*$wZZo6_PEHFybJo--Ph zzeUz@p(^MQqv>z#x{A)^R)RZnN}RGo0(2>ye6*S5c*Ub`)VRSs2$ck9l}4ezO7aNrhwH> zu_--7|w-1C28kVvO3Wf_qDmD zRcJ1MZ3$D)Vvlvce2$*ini@eS8KhPsb7*|EV^uS?isQG z=X`?kEoqPwbNZ9?V2h@aTT$GuKia_{qbXcXH_NS4mP{2hHElV1+-!W0|D~vnHA}Zw zl8?X)-1;>|BVB#8nJmfw`Q__R4b^h8E04zwH8iOY+m;=zCmpB(JNW5QE1SyCNypb_ z))oAXW}d~I*kpyyh}7oN_hG`xU)+pm)|{+QBmA_cUA&qXGi%Lt=~=pkGuABM$-dfr zFk3}9KicQQ*ndb;_~}rU2#1+`5v#@1@b;hwU3>%wb<|6@50icMFo}K$f1`!mn}tTD zGgtJDOxEw^VcFk4QJ8;_%(({riw|;1Jh_ekp~cs+$*-NilCPSyz8`baZ_?|7`2O$3 z>DIXadG2vCEQwJ|YOPlIaGQ^|sV1JGW(InxL>F!Fq@Tc3H4P0Xfq&ORO|z95_0Vh4 zsy@k610$Pn#0&HG#4QL9%lTY^i-XZCs36ryT_$;C*zr*!JJ@5aXK zr(fWy-AwAY(4cWsa6j^2&TY-IQB#ecK`+lN`r-OKjos#~OI6d9WysgK zID_8Te?afg^9*Nk7#?Tx&`^ya>#7Jf!<3IaFK~4~!iAihlrEL`)T?YCJ*^t7JaUQl zC`6UHKmO<0tWz1!YSAzq;^%wQKTZt=Pr3_F)8-Vp!-2fdG^j^^3qF&0P5YT=vN{@7 zw^+59_efqv6I3BNMKAd|$Mx~o@6G+SCdZ_*{Omj1i*ciQJP1MU4DkIj+8d2Mp%@-?!${QGfmdW zIK`uBTfPPAYsH6Z5p367W45~fj<$9?PG{bRX>=dEu6*^-qEh&_W|%Z6G)y(=*TUhd zuJ$$S#E2lJRP@#D@ex|cIsWoInI%OeTVSpXzmPEvS9cS=-r5k3^n9e6j)WPGij+eD zbsWr;FFL_Ac=*N_v(>k%4Q7^ntB(Ql-jJ_47w{q7kCb5;y#3`+g`pkw4YtVp*Xzo2 zL#usH9(6CWuExRD6(pz@TJ@g6{_3A~Uq_0?==RKTax=4Z=f_|r(ukW+uT^ z12rVkprl~309Ns=GZ#F`9I<{in|@spr#We<`fV_oUOi&8zt=2-|nP0sJ)loNHsgi@J6lXFeEv zDpJ==k~f4;a%AgZB}`^7$&Li|75yo7M$y)On!6m`CB#crTg2htLmzI3*J+=ZDv&Q( zvfDF7qH9ifu&Uq3WEC*G^lFld z{z1=l1x@8bl3v2u*5Lc?LA~zVi2I>sqB7ASORaa8AtPGzp2EfKj8hBd=6T$=``6=< zo@CUu#xc^K4D$4!X?=E-u6FX*QF64OPRYV=<*jwIBGkeN=TO=~br!|54<=V}3#4_u zxJwFKbh9?+XkQN%^XKl$K-;U8FC(9G?&4T=;{402?5fU1nZw>q)^d82-sl#S@I(eu z)7FP$o6{pup?3oG*NYgrQfDNzCBr2-TSMNEs|iQj687db*|+w;64VDx@xLd@TEC21 zZQy-n4xwI#YrXa+P}SKNuyw^_oh$00tafHKZ=a!7kzqP*kJHGRIeIeQt_5|Im_Tsc3oQOBBeB+I5~YVUgw zxIbT#ApnmvUx8Y8Gh6w7K6({Ib}%#EQT@r%7>DLSE@K$|o$zsy=g-arA7>@ug(Vhpi(|Ke(5-Ru2!>LPxTwVNb2}GU@9BwRDY9x6j1r z*=V@XN=f?eja5f}yQh)goAl}XkNOUO$uOHu7W%I(7tq-*Q9lnLd-m@@y*lfp{za&Z zR`{zbd-O^7V&v>gne!+9_ zQH2x8-v64W6xij^5e9wxDNcua<9R`+@otV^v?_YiC|Js8ak_CSN}bD+DOAI%5rwRJ zd<>5$_1ZB!?#(zmzAnquQ}Sh8sDIENz^a!VaEz)j3VxFwb1vW^yvQJ8ain z^cQ_&v1ZS8WxEPudEnRhGv zaGVbJ4AoNn%Esk3H5~Cw8`&+uW$6ydXku zgg<4~SN8c#Ay@RNS$&Ec^auT~e|DVu^}MNj9qroO!>aG;*}r9>4Gv>(N^r7zg|fS# znUm(6%u$h&Fll!7vBBz{#1F8)zg2$2qg3~pyXufjwe;E%Rj2|JT|HJuBBg`^yGEan zRd#Tge#(qc5?=nz-sHsBj8*@}CQVvLX3iRX8|3PrI>!Ku*>ge@MV&hO1)7AoW|HrLirX6b)J z^R??RJkH-Xqa0UdlTGQNFoy@)A7a*`2$<7LctzUdFWnTY!sip!ej&OxGrha`-P=rz zR6hOv=*B*J?|xq|GSPMt$zMDhq&;a~XbtcOSq6Fg;njhG*hVkDZn#A)2k`t1^jAzd zv!=`w3J-zfaNXV591%N2=lD zEVAO0v}aL{s;9t9)-`HLZ#VTTmZ87#IvU=?vsVeziLLN>A7kWq1m2I@dGSR zK`v@?jJ}+{=u|o!el>CmV4)Jp5^Vg|MXgIQr`jah_wqjd0?SY{Uz4rZb^Cj}iu6K9 zg=t#IbG@&Pt8(zYuN)UHk00RRvdPW<5TTCrs*!ims{f4DIJk%IU6@FQH8S%EN|^~y;v>9e*m@0wD~s1vUvG@iWL zrT-WdUo9D4kNp{A$X+4Op~U?xS>Feda_ zzjJS&-$DLMSBrivW>Be_2F<4*G+uzenZztDBTl`!UpBnJbMlC~_?=aAXCxu;2g>D& zNgnViHGS;5ocdJHYA37Q{>RK};x)97Syd)8hsd|8U>kErYS~lp0>kIQ^HhdsU7V;_ zUiUNsF4=9_Lyf-_r%|P2HKw?~;+w{5!&s{hlgrSs68(M6Xw3~L59**9c8k4P9{2Ej z*;TxHw(i~_cdmb+sxC4x+sM|zr?Kod4AR>Q%z#sEiAt1Dl{36oY35T-b1d5L5uu1+cYQ4vA^-Bs5LSe1&iw@C&T!HmvgEqJNX+C; zUb#C;H@>rJ6VLoF^kj9&kvI}-RISQrRZmjYrlO~+lB=+HYfV4-yZT! zx;@n9V({PiQx}vq>5oEo?QBksfezGgYodn#iDqJmR}V*jGD^tUSkHbQJm%Y(K@5Bu ztu2-LEW?=<56jR5`~lDWf>qWDEq*NQKAiOJTVemd<6&_InIK!3304e{WtKq$M%wi5 zL!b)B2gnJQex5N>&m%(hmcBHqMVS1bL~7g6D8;21$fw0ipBt=Td;-~`E5X-_aV~!lF^(DY}vd_lH*A1cv8X5SqfI zkpItLJ7+d)5HpRs$GtW7{xcmy7YlX52NfmF{?kp--`Km_%wL|y1hr^|Kj6Di{kDm| z=#WX%+CA5(f9X*kX3CqqnCnTft0Cko!LRM1e|PSWKVn0g628IsdFIP!uB-mMZY8UO zEDZ9#Bj=EhVu)5>>Pg>;cQtmVl{qxI9!VC}9Lzhqg>1@S40`dF`V{Tmb+1)V$o<-S zfZV_BJT215e~;9X4tdIp&r;x`5S2y4Y(6eguXCtnj#BG>pQ20y`xV+4 z)dpSn{dLYO>JUfxi|cQUa&AtYKkKO;yHFd$X+@m;pU;&!$M@-a4x3i1l1)2*f1$#S z$trX9)uck9nmv@v5PHma!{YTmC`M)8L~1`A(q!gpZ*r|#mt}^RiBiP;1oj?=&@h=b{75ZF_GcGqio6DsGO~lG@DA-;pExGD3OyRNjR#GhuFcnZC=s zKTW}$@hf1?FQApA@!T!g6{?GG!u8W2e%Jjo^vDlydqRX(1p26Yf6gp&8V@~36aI7; z?cGZ^eq6(OpB6t;Rnh>{LS<;q%BaYeQ+tSxLPoexjWysTwS z^w0Co>gk!Kj~=#lgk2U7ca_59)B2wnb}iuf zWJdVzVhpSo&p?G(1;moOo#m_FR>!GrZ}L~eLsj7_tY-i^_Yfz&I*zwv60_=y@!HiE zzWuvIRcOUrwif>1OYw^TpZ|9=d)hc((jTxd;euVIJnt%vcVsIwv8J0MHIII=`zhGf z0A^L_sAU)0RPR(KqzCRqx9L|$Y_qLRqKX!d7-O3z5q_?38-!t%9k zm65#&Ci!&?lWP@f2Kv``)Kpa+ZE_;Fp~%`uEgJ2q=X~G24DhY^vztX*wWSeWo$dzx z?SZEf&Bnb1nT6flRcoO2gzz#2j7SW@`h(GfVr^)dgW=f&muj- zH0+v}+?GGkf81NAUf7f|;jyk&m+rKQR=EieHKpDgwf@~#Rj*x;|BsPs5W$W_H14-U z@c&Yy`_cP18iOA4(WbJ-P}Tlo(A2q+aLFFJh=$avW2_z&glIy~a79g`cH>zr%J*cm zg{XTFxdzOp{#am@Wf1)~{dJm`v${DxRQi-qb@22MN#$DnK0Rjk6Y67-o~YRi=zU6>xI zL0Q4NbS+H(jEPo%>d)6p=w+!PYqcZG`YRb3Wnk>G%NcUk2kU(XwdV9Y>i8ayA@eN1 zd08s)CR8mBk{wG%{gr zC!gt`yDst?i8gYV*;pZ8?!((UIun2HI%l>15~;$D26pV>kI!Y#-DQ}hCq{O_`t$oE z8>2;v3S#iclEc@!UIKSfkQ)DIQG*7L^=N~$w(n!R%^V=hQ&aWZru*5=^msyi5`N)2wK-oWYPIgGqd*<=3=1T|O z+H}1g8D#Eo(Zf#fI{!+Y7fFdmU0Ji>TX z93N*ZJPAyN})Q0i+8_U6oEhQHcKaMLsYTtQrniYAgvrud-^4FMP?ZOx3PR|A8*4vo`%m#?;$>CXG7*xA}7>CgHI+tEeSO54_3QDw!x3W?W5~D-HcE zQWKxRx=r@hsz>C)zye(+i>D~>@4vs|Z*$Ml#d=<7Zb|HDHmKPJ7)|u$TeE}Jq9?&q)*Qk2&YLUw`0WUTCthah!L)R+-6Gnc- z$1VB#$(uYG-(0PLi`zjDI%5<3PiqspDp?N9_Ipr=pF#Hs%kozTo|m@tu}{{AsK$yQ zEr&fFgQk~RH$ZDI^4!8Xu5}AmKJ4@RE`chlB;EgxJzPC_PCF#($^v#&Ix_!05rM87 zuN+vYzMq-*c^g!8ayT3(J@J?u3jNz%F0d)fzr*WBF4ixLVpRdpRqgfRiu-V1_XfgE z`bFu;m<*Y_p(S>#JNL?ixnwE0)5oBtpQ1)= zd=zirGjgLs0~B(HY-u=?hr?nt?mao#B_lQ9C$dzolDW0OrkN(V#=dyAzmuwc%+!%v zPgFlATsNAURjCB}&ZKB|hcE-!K<>t=BproYJTcu{IrIb>ha=?ltUy=Lm)F56EbnR3 zDMO^9r=%;B9)9*NyS6iT3aT2a6U)i*Uc_BvW?r7nZsSJm1dCuU=LFAhvT4MhXtVs; z*7yB2?JYi>kQ`;M57qNwn?duJDIC2{uf@JoP)1dsh^p_zPoH;9-645f8f2` zlB*8EaFR>iRlYxS=6yL@^cHrvRi-{HLrW=)C-{A?dY`~|cYs|hT|>1OF52Z4nIO!( zCw$6ew;jD?P>!Nz`{~+Am})-rqb1S$VS~Fe3p*?6M|O9-byN$^uhloPqp9ZqY+)m8yuCbGUSkqh)+}4K<1V! z{?qg!FjX0JSk$&FcN;ulyVW;Ma|OZnf- zIy(8fD*s{DvOQ+S6;Dt{X7cOahU-48;#!#eUStAk4TTfl>Hzt^J<3>g{Y;X62=G#aBNnZ> zhmbacod=s9=qojt{RgY+QoHXMj%TuPw6b7W0*rXoOg{SIi&<^Izo7m69uDtizZ{xk zE$&fg^nBX_{B?1ms(;fe=W)r3?C2tw)${`kq80fmPje2DBTv45C$iu=yk=K$z-M*z zjL^VbqekyEDDtgU?dX^G4rX>ZIz_+kbyuZ*5o*mm*!C$-(xrG*mJuK8^heMz>WgA;p- z;@Ov)N#?{`J-LkMx;%V@SDs2QLkESgd-2D8H7<{abU9F6>CGm-av)C>KDkw%cI*sS zwY`Zd3yapCc~|`*3F>i8^v2Zs+j(E{@)ijs`)t^At(cXqu$eaLOt0qPWwtkXh24kl7IEr0vqox@8`o=S-i4!nN_y7 z%MfH&9%uPPpDZ13i*7N%ta03j?X%Lf8%}S13_C*Tzq*k-mvSbM{Weiri@qH0l%~@> z&y8Ay>&Jy*I%30*4>S9*5&g~rax=-5K6;!p0v$2VAxI@1*yVXSLcO^+pBAuFtpR&9 zPWUS~1>f-AvU@V=u{JgO&}2kz&r)_0(e}9}eSgC2w|I1Q~UK%uUF4>Bk_ys+p%t5|Ih_0SpoaWy|MSJ`(@BWg2)I3KQc z=S}J|mfap@!?c^4CSV`;H*>S<;R$$#$=|Pn?{*UVo)+V`+Rr@3;H8rEL-o<|Y*p{5 z&tr?OQJ2o3A858LRrUcHTD%W7hco1PHL|!Xr>e%gBz5#pQbEQe)je%e(IECytVz(l zitJxM$}aNa8Cv#$8qmQ<4Km!--tMgQGO0R;C$tp)i6i5qHQPCc>{Mn_u$lRz!?k`( z4!y8lLu1+LIp)4L7Fgxu1iQeiPs=>9Dw$TRl(!2YEeRmgg-?stN;k{)^~^SRQ0BddZ|Fv}-pyto8FRI<^i0!xdudq<^10g==+EY9y0hP3dp@&oVNAGsk=r;gI$LSX zegd||sN;kt#}}yB%jq@kZu z7O-QrVGi$4qDD4`p~46C`4fAsxnBp>3+rL(cTqS0aZwgb*{QYcd2Sx3#Hnx90B>5$7paP4#&mhQWZ4|6Drni`(1HEh zF*~{vCQ~VVG7D1WS>}OuFemeb$>>eboOu$T%}eH71^86x$6CRR)vv`4ZTOyswaJT% zv1kLcjj?$ArdDFd&nw=&-mqc)yj82YtHSER+J>7HTkfGQ&9ZC53~zE6ZtGuo;Jngl zD&Cqbx0`55u7Mgz{zW{RVu@gO)Obf|4fXZDxx9zu4;5~g0kapczbih6l}DRbqB_&p zw1=e#?g)$f#{*qt7X7h=NuArVt93k@)qL_e7U1t|6sgDx1@Kl@?U+tohJM$oSFSq$ z#XNnpRJV~qU79^nmm^VHbI@PT-mpmM{BNj3y*PV5hQsCh(O(odYF}SG@R`o?D1!#^ zbBqSBNh5zgO6`-qbe(!M@G<}2{p?urzoJ9M`Fzw93AaL&98KOF-h#mO2`X_sRe_a5 zWgL~SLA9RgZ~C>s1cTb8qxt{HzPxmUBA&u~P03Y5{1KnvK=b#S^ka;_-fy<3>D4lZ ze)vOX?KQ#*zg6u6JVO&wb(T5!Ztj=XLmc(?J-In}epWP1kiTn!4pa)!QhM!sKcltP zr%!Deq7S9m{Q&PX7+;NjhnMR8h~H>+kOmY@RZu!QaE(ZvX8zaJ0q-mMa}}nNnO~IL zz0XN{TQg5v`8)b9ys49%$DhavZB@>wKidbXJ-zSe+aX%UEN0!ZK#jlsSUH;w>Ndlo z`}>l0t*24rMkT4lA35rE>An`Bu~cGr*X7Y>J-kSM@)4VU9`sVZmf9-e;(y zPrUpClNIm^FZ(O<;+YNR)gY_#ky(cP6t%p1Ps8HFlz5I^VVoTae?M2n!zp?(fqjw_ zA8RGv(VlaeO$U1G!zp->=vv6H(HzBh-2_PR0>e@S7al3n{*@mhCD7mB0GjXuba=>B_qssjPBt zYSBDX0~-gb4mIKM2f=zZE>j^6;c|c}3Ax3L$TLW-JYsZzOp=^lBq+W#^Zu+BCnd$G{;63 zCw}58WyvM}D^siBBuw8~sOQ=95uLA{pTgN4Oh&{&v>pEb*~{454C|MG2YU5Gi<&)* zgV~JIPWpj_LS!KK4OW*-W{PFa^8A*f&#(bO=p+T_z0~KWNy|n)P|m_ct&I!ORNq83 z-QcCi$uCv%E%{rVv!jaQS=hu3o%(!cwE($=Myf`;ChotUdb zWxaLcXn;Bx?TWUs!|EF~_~OT^0V^`6KmGKmAo5urDD^4lAMfRkWzh~_W_N`LFsoZip7vi!O5h!K?eRie$Qrr$fITlU z4>U5DJthZj%62C=+$&Wr*XF9@1rMFtm!ux=Vq`&gze9h1u|HYM6RCk07N~r~0yWM_ zRhI87MYF^5x5N)`8V~~*7{_HaGp&^J6T7T zU}Wngn6Wtd{b^QdG0Wt>>4KK>cgQPU`6EKsWz5N1{0mCk!_qs9lE0}lpv31E57vSo_Z3T zug(qdyOy#m(*noKJn7PdFg3E_jbQeC=f`JC?VZS;Dx;3q_17%saNk{H4ho-{4{I?J zAL`AiKJqX;)1BaObwxAH?3kwptI0fbPSug`VUw$p*VZRTr{<-SqYAe+&`m4xjeP7$0H*Egr=lUs)Bct2$i zGPzmZ?V8idS^hi7Zrv>fFL&2uH2CrzGRYS6(>DCJCI^!~zobtn^o*TKIm+o0q(s;Y z+gA9<;wJgHChJm&NvBuFYfh(VW-#n!YG~E9r<@N__^We+^kM@mgU*owS0hzsUw;*% z4+!rcrtZ)2gDxT~p+0+0Dw2b89o~x1^c-d+c(l8g!4SqR4^)pgU-Xi?Zus$JdO7a; ziaDCMB|_brN2mmQ-1kR>%j@5GrGK+)?ZHqT;v5^^I9=s;8|7LlUE|R)jP#Y=(7tW6 z!u4rOf`VsqR{G#C{1ZPZHQd=2=&bSVXt|Xr@9bn%`889qFJp9Z8@nc|yX#9EUtODx zHzAblrhAc^!(EcV_tz)hNo9TsQOwV1IpxsoJQCT>Le>jhPE|C4E7KpV%Jx9{a3|%! z7rln9>M$G@^9Rn2?;pwYJ9dH9@{#Sz3w5oWqVMXEgVum7rxa-!JXpiXXnn1csIw14 zl^RQag?oe=q%sHjLUyN9v_?L~=hYtWc^kaO0XMzBLzZ=ASd#oOjenJ>i|E54b+hF4 z$fn+CIoZ8kw0wMdLt3j4Ey82$-;X>E^rDN~(^ZuE%eV=xp z-(XdLzYNXUNnNxKoA9sHpU>H`StVWtYduvymCO<|b+1#5YA$rp5VV8ka42*4CX>y@ z&J*U5MF!dRb+D&mSEi~88g82!Pt*gg?E^L0YIN7=B9HW89W#n9F#E^3x0ZWq2=D*Z zJ9ymCN#?wXk_9i=o-8!k7|g$R2PaZk&7Pvt{V&s$WmT#PK;3N|^Ny zfBDPc0`>iXmtg{XIl5%%(3VKKbImFA2}W$~$TfOSzC4Of>IW zcj~*7%cA5HKz?RCyADB;7wk>bH)g>{{-Ac4NzS!98A;o@7h#3s&e9LY`YFjjM&;1A z3N5wD4x2FF%UidL`Kdx~q_)zhZ!Yvw-6rJ{evG!wUAFxUbqV+Q(tTDf8I_=Z%v)C7 ziIG#eFfEvps5;~wIXS|A7td6?UtQ%eC`9Y0Ki9rzf!f3D{m(K!`cfFr-XnOECCnk# zp>MztmA@3N+w|+l2Dqu!pjeG?d!@d=p-=F+_PFr(;x*eyP13?AQ(Hd6Omde0Qz2Y4 z^P;s8J$WB9te+0&!XBI=Zh^j(%gM)hhFs}A^5YV!9_UC(?k1%0S)5 zC2dCYe$v2Eg$KMO3*KKd-@#Y8rOR)9lnm7(&;;Fe?il&a4+FLLcV-pi(Fr&BsqJq! z)tdWr$$MuNYlGGXw|n^^`z0GC>-HD8m}S{oy^HhN%c#|7$qk>$4mEz?^=^@!Rf^e~ z3!cthXp9zi0H$W^bK_|3x-{w#JVxDWC#cK_8-MPuBI!9| z=S1j3vlRBx2I}7{N%~qmRu|j3=t_6)pp!|O5Np%Nf;{*n_G@mzFN*e1F3GCD{>S>m zicD~f)*5Cb3(DH{kuzX)o41MZpG*;-3{`Dz(|oea z(g!)I%J>MiGr+s=G-^_Qi0<+8G(aC|lE@w=d>G{d{WS#M{53q$#Yp^!@Y}n|gSZA4 zbSNHAkUdy8r(0E-8GpWoJWcxD1}&p>vN=1FBWzk#h^&{n&MHEG9rl_&Jr7UKz%*U* zi&VXKXjkwRrIMKc(w811J0o~K`?0=@r``{d8}rd)>(Ry6;&*^;Ja+G);zHtd`a8S} z_v2Nri&2BkoaaBiW-lkT%~{UqAs^w<$nGI4EbqQaUn;P_VUJBiGRd^4$u7^-46QAk zq9-Xf*>*lqM52c>2f``N4AJ%lWRfND4DB(f18n?BxRAEDay4~Hfhu^T1O7(-*8uVi z?!f)s^HZtDHuh;4b)Zh7{_Pd5Q)lN3kx$V0h!;9GmaM2A z+|zv4nVs`;yFh*8; zzVc_0E$bhRrceGrr%3sB=FBhUp{aN=7Bxj%I7I!{K2!@}CRcuOXV-y~LO!_bLFYj2 zj1ASa+u7_rCjY*;pQ_Ur{vSu@9A0O-uJNX}jj3%;r?zd|wvDN6V`?`^8{=NFjg=MK zO=|c2_W9#n`|P>8r^#C1_rA|_b52_it%YlhD@zVv1utE!jFxYOhkiL=0b6CGuKaAP z4zcH;U5MQjt4dew>2(g)C_GIq*t_3?{W_+*X@r@tj)H}^F7Z}{_PVGbx_S5R@SKGF z-0%lWSq+BrIgqRvH~l~>7Df)4bI)YW+U%pRY42o0^J+d6EiXF3WUD0Y^k%M|?j^r| z5jq&`sP8w>oXx;HtX84{9fz;!%X;)| zCp>j}7vAqnb{d&zslwIhg`OUy`G0vRYL~AnF9Y)_L4WYkaP0?I4ERcB3i)^s!NH@a z_{fg;tsHpkrCpyC{%?RbCL5K_bC=!@Ul6*c%6-7s$j|cKl|&AOH(7!3sBy3Kdqk+( z&&9_wlU^(I+OO9JC}|+PSXhLdMxHG0>7YeB(a3BJ)YH!XvVUPE->vV}WKN4Li&1-j}W@76ia zM87^3nldI{9|Y%U`9^U?V{~W(_ZOVtedfL2{N7gJ&IkWaN5_ipW_pPB*;?s--Eb`i zC&_I>UOD*M2z)TbvpMVA`>XG?2nE=usWkZ9r+#3vU|4qHF=!W)mDC^2VB=7g|C6Yc z$uV-@l%m6>(K}3u)G+*Qx8TWwZ_O-02s( zpR6rl?bl0KDf&W``rcum>Ov;K3A%)gZ!`oCo7?1fS_(c>9Bi~B_sWW0yw{(7G;Xn# z+Ts(=oa3UhF%I||$o{Pm0>&Dtf7!dDf2Asg9EFQ$0k5J*cB&hp+ZW&;>jvp*RaZs4 zLAO36Snq}hDs+pNQohk+wB(nbEx<2;E^}#dde9e!=-UcUg% zp87>?Yencl@>`Algys#+T7F-+u#)uRGS55kZlo-9RE4q;O2OZ>>_oWQUG!D^mLBqr zkV{m7Jf}QYdg4-qb_t&`3(Q^IdAdhOETD|0lgobDf+79O_iTb!B6wREIsY zx(-iqmMn>np6YD`Q+}SW``>)EF9bd+J6oXx;dS29BYgXf_P=x0=&S%8g=;QdHeDl` z@!Ez&XznjBowE#+|51N+V)l7D-c1en`q3=`{_c>X)!+?Dj{~)EfIrwTXJ}HIirv94 z0N-%1FI+1+_>`}oTu$GR=0kSnXk->*P z)Ph}O5;KI2hl+i0QM^|5}i zZU;V6!D;kF_G4D>=Akklj7r=RLl04?THT6~^Qb7zu0}?Eaj=xs7xD^$>zwGSaskhj zV;8L6U>5_v(M5DLMge);1E+#D9#7ku4pCb6H@TAd01KC}VaM^~y$MytzI0F2vQyx! zHyW1Xuf5~&o~NF%1TpqILjQa*Zm&;@pSq>?uE$hHlAVTnCwMKI@g@{ zotZknTePmPj-W4_UD+XwECzaK*QRM|9dfLnyC^A%yMSkKRNLl5? z>*GE4}Lvx0fVBIFpOum3Av5oCKV`UuKDR? z4w~`zIlu|yuigm1au@#hbPMta7L(@=He2@~I9Rf)EVdZs+#pd~Pmz(1*U-p)xD#Df ziXe{`vud49xD&K+o4IH<@p(yoR5UDq>;BCMMYJsDyAMFgEN0w$i zxJUGRW&ewo!{Y$G@~~4s_7C&Yu9`a!uH}}u2JH>i%>M!v;8E02bqaUkvV8K|lC^7E zoaRn-*20c>P#=JgZ1a&NSj$Sz+bM&{Bb^)|_gNlFsK=ixk49!ugqCzA&yt<^lxMKE zok`F?Zsd;Qi#k(@-sj^c9VO5H_+Dl&SNO<=fr@gDlm#5k^D9}p?|@!*vbom1!-s+% zsBS0vm6wGpzp9nu!3)Ed3p^ct#-;!@qm%W+*$CzTiV?q(KK2gR?HqWt&g4AoiP4B; za>zIPDknW#vllz+v1f=n$Ff)LchjN6-tvTVb1h)f`l4iVc+y97Emj4tdgvJ5(Irt? zn!1YKn6zm1tM9I{H^>x$Z`iK{H9SH76?)s6JA;+K^Nx;A4${rXZZbm~b7w`4_8&m| zUfES+Z@pK!rtJFgLOW(ZSKA&=x&{Xsx7Jfrd1f8PgVXoGvw9{(v0xyj$yNDvhpgT^ zp~~XBX+*w`#SeC#v(_4$;G_O|`2NY4{oKG$`+tPV0pE7Z)_j-jd4-02B6A=BUMNH* z`r{9olSBVOu$qJ04E^k=jvwfWLzB}Y0}i|(_oo>e(LeAeeV7NykosB5sC2&n7gx!9 z#qVPu!oC5Ia~o{-G8(E@QARZ&BkI5{Pu=kgmz7_Xf@?DGqWkvGNYtNB&*?96)%Bg; z$|wUK+MM2?6i=N$5s(RTA- z4JaL@YFT8f^`n<&a2)v(CVd>@LDx*M?t%%;L0{;C*Q(EKqjuZ6=sS5GEn}G z2~BaeNab6{XxgYStzq|xEN!j1=v;3N#W%2>J9!t{q@-A_w?dPRHs-;J5M6APPUa$= z>%}uzY=_GuexvAEmFm%ZyzqZYR0%=sOyGGpe(vmG(9Z)=Hk^k!Z<$2eHt?byTS9pnl9u zYkucy&Jt#$pL~ZS{M2_xESgtvp9%?J?lF2WAduP775*_@8&`nsfT_-mrSs*5tK7)K zEz#X15Bzx*@C#&u*YyugRxm!#VTZ{K?V6y|;0()CzNq;WG_1^N=lHu%M}*1@4}md^ zUIeEIy~R6ao#G~&w`rOUCgw8JP1_El30;aV_7Ir`f562H;b$Dd9rDdznZ1(q&ra@% zb9C?6#%t*sva*`kYVfmMS@S#pb=F=d@U3pK;0~|tsax!>&ESu}9!1lKPWEB8m9C{F zYok-NJ{-5wu%`5=6!cZ(JvX%|>?Q98;QZ{i^IzjJe`r+l-e@J=NRi_^bew3XdRgGr zbfqi!A1htJOHz&J-5T7b&H8XHIsRVxcVDX9Y+p6Fj^27!q6)DqR0i+=e)xwP9kJ5o zI%EJ>^-xfqV5KD|(3?o6U0bqIZg4+tc`MhWMqS4vR=GH>cQs>*!y6+Bm;E#maa zEn3H$1*-JqNbdPC{o#(>=NzDGg_yl3)32BJRvn52X&YHpn`VZq;|nik#k(o5ek}Qk z=+d{D(9+Pe{f3#6Jmbbg@)dgp-Fa}RT+sD3dC$K6;D1@gep&(N@p2rz5E}T+&K}C) zoJe>Qsf9bz)MvV@3V)+_B*#(zScNGI{ij7`7nNM@uWmikbjFgr`mOQ!Y7Ck^8;s1? zU%mPnWM&_tIDC4Oox)VEx{pr59rRvHhTmeNrro6bgMWYK^bDO|V5JsE!W37`TanYz z+|PNZ_=(oqTaNvKU1mtDD0*%`D##&T?G_|z4xhW(8gJP=CW~$PGlhiM>#t?eax<{^ zp9_-NOk34%j6cYe-l*}3GQk1Y2%xtl1)cm*BRSLPD%r&sp=}ww3jaI3PuH^0ah=Dn zvfW)?9TSwgEke=r!gTDRg-(zWoP>7wR3>-B`Dhj346C#yUyFFQ>OSPo9OB9E7^g3h?ekkTC5u13fJ2$0Xl0Fq~^xAn!?W; zLauhuKr02q<=Xv>SIQf5aIZg+FWoy&0NC$MeJ!6y&-Jcwo=(;E(Gzx}yWFF-+LGxp z(pz^YS!r3Mx8C?CD0{7&>Z}24>k=h{zq<;pPf`&Bp5qg7x)u_UDG z!7CGOw8%iuu8Uk8ZB|1>EZgm z3GTlNUgP%Y8u7b5%Z!sB*ylYmCCXXSOQG?+m%yX08et z=%;S%-)C+m>PeF*MfJct*bJ{oAn(|3=KtSO`n1~vY&}X1kI_X^6fSItzm}r8Tm2Jm zX1SL}S%mA)tu*@c=#s+I^~et_iVT-HLxu{VlZmZ`5BgZFivO3YyDe_)h&`LB(_@k<1(5+LD-p$!`PHv

Re4ZNtMhFDgu9%YrjhKtI34Qg_C4Z(I)1w&n2}il1f7Nqm=A z!?a;^jH=K>bCGlJ&%11`z7?huVCik1p$}ztt57EjF33e;ekod9E>D0 z`&BOA+iPF-FOP2gV46-_lXFFn)!d|_h6ag#`ZvK+FW^=z2b1B)4E}iAJM?d4Uu;cK zWxT2uHNk|ln3op2sL{V+x)+CUE)ySh)H}7ipQ5bmXpYaP>)TN`g>G3kKT;v!@Zo+MFXf(e?T=4a_43-NRmo4XoJ>3L8@gy2feI_DG%G7pm*c-1VMpl%zDUaQw=RD`d<4Vx-3Z^-kx~EVOJGSv#-O z6pc5tgiDhCD#1KH(x?%qgY|t+H2!Y1;lmts^ty#!-v_S~cqjPaj_YJ5o=5*+bX5mt z#0S^u5Ic?!c5;?RWq&50&`u5d#Ov1FSe?&x)?#L$o!`B6ioA*S`?-rob2q_9Y`zts zYHb4K_QG98`1h{w{Z*A550cPSmdy9=+{y0y;#HE2rZZ(YGau5=5yRb&KIQz?bnQXU z(W7Lj-cS6XN$+`oI4`27ChH$GX{Kob>Jo?-X;=sx2KkeJlYg-q9m{AsLnel6WqoGf z%vcQyf@{X>cmZF_)S|h%-tm=6PXrf)i~cqTO$(fj&s~159B{?0{wndnQ#-&@j-N`^ zWM7l)it-(oiqPQM&U&{ylO9U)`Kpnxbs3Fkl)u8>cxpn`2raD~ry*6osK_reTQ)c< zG1pE1cD6!;i7vD?)xiVc*mBa;D=Awy*&80jfnj!vQ;HYbOzx`B_x_`&lq|%hM%_4W ztulAOR;>B#Yw~HGAbX`J-W6N&YstN9a>iX>*bO2h!qm8mqvp(TQ;k}g8ilvS8jLb8 z9c@VickM3lTNA_bbxF+fyT~eIUo7zLoq}t}%H!l)IwkzcI3a%p{%pr1gBqZb9 z3FYzGkO4KSyPMjV_ScWii%huqd}u4MPc=+c)^bz|>bR*F5haI8%DM1IW( zBHJ165)VUtW|#`i!Tgym=MBSG(Zo*0e|l=+piupDAYEH$`Dz(+N8OFls)?TQ-qn13 z8+Z?P)1gh)iZdFB5uWTYU^w9x{4VuEH7tpIVZ4pEuH`9m2{{7bF{Rsk=}t4e(z#aJ z&>%_HtI?B^-#;83;tceax#aq|ZH-ggf%baVm|X5@9x6ocs##z9YYL-X0l#^U4sbb| zkKC%#PV@}7PDZKZ0DnCpH>kzGWD))Z-;V>Ao+5dp?=g=J)u|EwTHMJ;*%lvEm-nrC z3fN``^r!#BP0`X8t?sAr%Y_ZmUBI=6J|zgKpz(^=Kps!k0U=0pNv_O z-0+Gefg>KTXwWPp|NUyFE}tPAF%%AUi=+A;DrM-N@q%o67d1f7b#4aQIWjW(pu<~; zo+Iy{SaOryG`Al)Gh{_{t{S4RW5}KRH&*k=weNSwgnk>W5N}(x+i1JcPu-hj(4*Gq z`wr1jyUSb0x(6wAE@y!cdf@~&?WmQlx6CB%o-v=g`sp6t8;2&$5#U|xDssN0;cG!> zQu@CjHREToMz`?nWtc2-&~<}Z?*9-a|K%~t_(8wxLodArzw%@b&Y2pc&aP;E7RRWc zhpRg64AiQha8DHj^{1y%^A{V)RiRrUsi2|G60|k@pUI*%T{1!3ljslQKEu(Q$Ee}j zI4#-kMlXoHTy2c>WYY(Y24?AOG@p0yHeF9q4Q90aGn}<y#dcDX!sY(`YOpapvF|J6oit=?uvSeYD+>(!-PceJ`s^*c8~I9Nzp!YZ zsxo!Rg~vbeeCR_hDCw%7tLXm7po9J(n8DxZj#qf9*)dNgSo1#LGHTuq@@nx8PfQ|9 zH53mrTxf1M9_=V66^5^BYMY>xrWxu^7SKOnJy&x)w6~K{CGc2wEJd#7KSurRL@$8{ zS%ZzqVNQLmC^&|PwOzFL9k{G+6#BZ1NojF^YY+3%tTuTqDxz2)ZL}z zcEeSc!=o{xDx3^n{@XTQ+OR8D$4b+)wG>?90s1|%$TIR=bbM~Mo<6nHzq7$wK7Y`2 zTUUe-p$h%-QC;BN?~J7D3eQmP8+-$q_BubEJoU49H|M6P4`*-?nFx)z2W@wl83r{? zm3c2R8J9m-i#P6cE+omEpXbG1p1If%bWiWKqgQ~I@J<|Q&wf`7ZOZs`wLw2Sb_tmw z@#s#+glp|udS)}j^f4hpZQ;VJz4(X#Y8AGMYTe%;N*BGf&Ao}73OMQ=gxfS%D6OrsHJNuQG@Ik0~;1qXOA znas|f3G|0W>f4z}O~g~%dHNfTawc~J{N&{eyrWOZP|0BitHs{F1?+e}y<6--9fz<> zTKlT3ucKbUXSTuf_#)My>vx!ArqE4)n|lf$z4I}=VPg_>9R9}tjf47Ljn&@xJoUJh zqZZG=7{DKBP6gY-ZV51u4Lc%arb2p2G5NluM^MAFJqW`RSndbVu9*4Cr#yU#A;WBqawSK zEzp5`<4U#~kW-UMPFBRTaAnUV=Od9kCH9bt^YNFoNz=xi>?2E3)k=ZdP#8=UEnTO? zXbsMcP~yly9cD)_dnA&4aPWqSV5eX#p7dI_UKYh2=%f`ljcR$qsJtFz0>ce|>L|@D zk5_eMu+HIoODvGa4(g#*|0Kvn4$_kL_=WKveQ%zu1hQ9(YztS{wsZ@PaaHc^Aay#7 z#_=~<3)TI}`KFJ+6Ww{W7<$6#|026~`W{PJ6tdFkX%Q-i7N`>V^nlkUotXrO|H(@K zzKSCkI8qggB3CEpj3Xxn94~j3ohpOb*pnG!!}&dJw!2m^Q#d)GnNAMW#m=`hj`!^BCc1{;LQ6Qt zDyt)&?JD%U{qWZj=BnWD(V7wyAghQNt?wJHrB%~4)RrvhvF~&}&{9_#gerXu-i?N? zn(|MSHjgEDcZ;1|Bk3nD%{>6O*XplN`gs@*%GpxG>d`%O2i!H!PcNpEt-sq_|L{3A z5ZPpj*}8@Xvg)pInb_^eqt*Y{F;knEL2Oqt@5A|@9qFhs@OXc_2FqqY_bq#E!^f7I zc$*Bv9(V@5qqX0K9?=b89I<$nL-BN8Cbw;If_5j6rO=C{AoM=pu5Gw|Sx*I!4Q6_foU$Z8d5J`8bE7)wdq+BsgG^m1H^K5xw;d zo!hcJGM`@Rda{d*-I*1w(^PE+XWw@?jrZg(pbt_io(i;;_iEBvA?}>5;aVTgY#G9L z(2-7-Xzr3u;6KMhRI02|3wWmc9V8>i*+xH(|51@=cxlgv>tYU(&X$Qf$ouHvihp1{ z89`T~RTw|X$2782LKF47+Z2+z*$66n-3Dx`3kwl_4h<9r*dN z5n40OsF`HUxs_zEZNd(5k<4gzknZOAXUL#Rfmf`%&_Kt%iG9#f`IiEe_cc)?4<|93 zk`e!je7bc3s>l4-41GueI0&ah^!H`p$+Zku`(xzqzs2L$7Vdh1n>Ovs*D~;eC0oHa zzQ593=Is0T$m*o)@hx2HX?HRwyVFMi?p>5D{^40hHR)s0jp?aqpM&W!!54^@wpuoR zfir#@wI)=le=#*ep z;O?$;KU$L&pr4%k9h&2_I}3l+CqRG5PCDJis1|tJhO{SNcC>>k?uyZ(s8@9Oyj0T* zzFIc`%|xRR`95IZ_+ZfH-|!=EOBw>1RqZA}R%dYX8(+Xl-@{SPA#bR?y?8`)rcA#zCKPyh-fyh`**!n%efdudV+k@vfo`?T5$ZaJG&ON3+G8 z^#)yDcH5`=IJJo3=L@6G@XSBx@LHES2ZmH-)&R>Z{w9|E8ScO3=yl*d>)QIu#5}gM z4R}{eN4;D?zZ;&Z1>Wcfz@INQjZ+P@z2?kVW7g4&w8C94K6$7cXHcE3YftN1biqNIw(azx`wpfLniBP2TzAFum`ICX}J|m9w)} zppz>@m(+k?_>CU;$bTuCgyyaqZ%sB5*=b*@#NcH{yYM+xMIO`jQYc7M!LK6cSnKoz zXVoLaXWpJ9eep2p(uj2Rs7fy5D|3ZkcTwfDfvUuP=YuDtDBi^K2g&i8!1H`0NS+ho zH4n_~?Kn3r;C^qJ>(AL_RORD%a?V?6(+58HP&yBov#Y;}r?Z$|0!M$fIYbxHi1#Y` z7aCHqxsEGibo5@VN<<^3;;z}_m7+%BS@=Jqwa=TpnrwFWb@-PGWYE6@whFg9#E$dB z?H9ZVy5!_=Iip`b!@c^H8TT+bgSk_j6tE^-l`axC|!joN^vTzL?x0+oYh*z;N)UGY1nMe3t-w9ezv ztNJZOf31xt^AT<^%wD@o{%^*l>-mJMnw}%Sfm!HcYi}KPv8LxfSew4^-PJ`WagUBv z?xJrCz16K$7@m2uYRb8(b{F(A=kYy!qElyxfiAC5b()x|x&MVJg3Khnb=BGT`0qQ1 zD4`;|Q+}Aj`nzai!MB=rna;XZxjO!w?$Rc~T4TxlRMJm(`o?N^n|K+vXXw^;Tix)* zpIeN4w8PLaKk(BCbd0O|`>5eM^uy<+%3*LXhhOPIE%>@(Xzzl4sb#5` zXvh=Qb)3E0>?B|74?57-F&aJHUpM;V~lpSRk@X9pKq~|J6VV3 z)8kbM?Q8~o-{dEBmY&Ge@fDnLO~8uK6z7~sQY_Eveg6zq{qCzHHWfN!Q0p_OjyqSx<&eeisjQ*^{H0 zmr~TTn@MdiMw25Spwf=<`f@A{9G4zdaLjJ#PKvp+yT6T)VK$lf?cy|jE?Jt@ycL^e zrGnKzX^;tBA~^utTmxlJ7Dk7?k#vJ(s3e(IbB;&o$x|>r&gOb|GPIDL`YLDGN+X}g z?pSy{Z@qq%q#n86N`Q-4(k)VTJm2ZT?Em3nodgZB4Aj_O;aV0(Cq-pC!fUx}c^@zKwPZavM(Wuvqn6WC@v|f6)aD?q zdhemj9myK5dcHX+%rs}pUBN_fUaz%gRU?W9{Wkp)C)4F&1fS;J*yf`uH; z#n&+@RHqNdXePaW;o*_W&9l**g5bAFxr$nBuceFWwwdUn&3EXeIPp-!@FQMEdogEr zs4grp=uj)N>4GEmvKCk+yxhmT_&&&nYP5v8XfNFz#nF{sBLi_yjxv+05YgpPxF#({=p@&CFnTRXc(%`>~U%$Hi!IoiO|s?mA%?p~{u%4^1KCpZQ>7 zA9B%)fe}}VP-8MW3e(Fm)`A?GrFMGt+DGmy*w4w(`27}4?f5$txM%||=C0MeH)Hy| zRT20#J9L_DM|diZ*X@aTZbcUzTF_uK zD@@&b$0(*%q&!xU`RQY$^JdP|Q(W;JcQE4!hCP!>lAPE0sVl zW##3hlg~Zz4U(l0%KLRSSItVpM}_;Sxmlnp4@8H5Jyb9L!b5k(Piq&_FT*qJl}Ucl z@Cc1BNoEk-{-iQ-Dw&m`J&VaATM@5aj`pfrlN`k4Fcmf7n<^Qiw;`X@e6A<`>oNMf zJ~CEgBEAPW5vc~Mx`DT=oJU*-35zZ>OuVY~TElZ*U%}&vIyh{%w`I)cd5eX!p z_m8z6ueDV0L$sF9(CpPt(|Bg@X}r6I(QDh*Vpj1tstnkHPmL(u>4aY$t<}mu?x@oI9%T0T?J zWS@^$Pn#$D=WCQ&*P(BDm!CGy4$-hPV0R@QRqHEVqgm)M;kbG>^VHvkGu0r9d#t&q z9uEkTM^8EyKXR|IL++}D|0dg@uYJ;0fS);Qmz74&_fXO+dfMB9Ux2UP9F#_`X|xm> zpx4j;s5`oK`x59oo_*H%)Nl>$EvCZd5nvo%O3PjmjYVU{`NrVn^| z^9N~Uzh_nyy}51J%v@Z81z&(sK>vDY(j)G4WI!%k{GihJg?yYfz3DAJ$I zcXYJ1`v>Xh4mV8=%Tmue%v^q$>^(pnfHz!LK`_A>>MxL-W0z7 z%8BaNk_@}gWb1#6Re#rXz3ESvQD1zTU}f>Ml2x~jmCBM6{cJZKd?EbaoyZlr6-uX+ zhwOQ$KTQeLk4v5ky~;TQ9&qt!q(0-r{(+BXHW`O)Ui~lEi+V?*Yb?E^HH%?Xm;AB%DBUqe$$US@-#p-;6i5q43M=~ zpth0y^$`1_Q-w!*u!*^a->r;`12cP&u4ch|jD`!N|MviU`K8jay0r$c$lWA03JcM- zQ(x4(zMF<0L%UASOW|K+qYiP^ziyuT9^|9SpTjk=-uOYN=M%_IGet}s!@8gI92ujfLX(xKIBY{t?i{lo4oW_pHGS!4wh8eQO0^c znj2$KVaHVcV!oRW$JmzL>O-k4Rf#EKh=~eT&JsK>J?s@b{+F&W+bkQIp`tu1W0NB2 zboSL`a*k%QqhEhOW(nHJN9KX*O_t-%4{sIh5Fo!EWa^+d^qbs3V?P+rIq}vs~tMhv!`lX;;$6PD0r(%z$TrpJ>ny^x$97(?sK2 zDz*z9M{l{5i%!^gI_#_S4LiX1Q&c0lpyNc{}Pv7bI zWU_I$cxnY4UDn1FeS#M?vK>1228~2JeaXYKC5y2TrJvyX4F1QPG|;$;mM6#ZDj+NlEkk01V6`Vc&Xhr(JiA- z4m*=BUwD$C;3&z=hxc|lsKh}p)qiQyF#dCsg}-{2iBQSQ_$in9%EJGL{tCpO8ych~ z&pp(0ZJ^Tb=5kh}e;gaFI!hu{^)~*CNr4*R#GN zYS_3G?KclqmnZMlJnFS3@Vu|CQ`TVpHHLe_UA5yKRe5K$+Vt_z(|$gxVfd<{eD-N& z&PSZj{)$&=g_M?0LU#I5kk11+=BuUBd zLi7SZhSg*E2egGP-0kIY8r_GH?(#D6deGV=Tt4!74tGB`M&oSh5WsW1(1k3~*JK0X z(QLaUOmnVg>oneo^yWGGh$ipl1}BAgu~pUyaA7>f=j)Q6!u|a1eYzUg3)U5Q^-E<6 z8kQeMmxIT#(Ro{?qN)?$Q95y)U zQvCu3j|8K(jtEn$MIP$94e$9*gKCkpH^YOTdUn3{H<;7LIe}}&>IxXP-N*=fm_5{d z9C`ET-||Z2YI#hwehndG`%922Znu#c`0La{AJpKWwaRjSm)=8OSg{0I_HmQxr?+Z5 zGKW{g+sjV25Z>;uJhJ=^NecJI|1~68dpOfNk`H%pP@M94&yUT*lTD8JE}I0oRu0hm zed&sKBjf8LxCfl*(%p7CK8!gyH$k)coOe2ht0F)1ym0!%YgIP{_cE&EO#Z&?`zmnH zT^kF~!^3=Sn(Crk)iV@dBTz$m_9tyj*71`L+JQc-)@P%de|6G@*^X+whn)3}Hac-4 zN|m?|zg7I7zs5_w91_)fgpYa_N8kN8TxZaylt#}nBRZ5l(n4Vs%ylUO{m)Q1h7y#Q zrNd-&fTmWBQ$^bV-SlzRtG;iw3Ej%*u;23g5vu+7P3qYyTkFb$!+|**hXYI(c#T^% zgMS+`0CNoJS$$-cQY8*xXN`LNwV0`WS&9$+Fxhj~wP}Loo`eRKu4Stjx zuVQo+d?ek+Uu8W*$h)V5xWsF1-AhgmdDVB>3qoJAKUvU8dyCF-_K>%5j|cuEf3UL` zy|{to)5mI3$wc{gPf^a<7|plw(fJ(i=fPjKcV>#_gPGp#hGwNEy`p8@ba*s<%xJ0_ z-i}awrF1nI8mmu7Q&ro{3>li@T19qlzbX@A-3Re7UwuX(9t z16QS21Cwy2pVEo5eaL&6J>xz5&NFYq<8}btgPsTfDM|F|#mJiH;FWVB!{yROttlU% zrC08$CU?Z6TF=z49o{)K7B~BQtKmg7;Axo}8WpZ9wF9&n-9+x_5KaD;p^t~GWz9TV z0&Q^QS#OP64L|)fQFTkAKgz}5c?wPb(O`6>_WGyNTP?Nb{H{u7$V$8>yU@6;Libz| ze-gi6F|r$$38wYt)0+$pyAq%d)!`2V-{{>)eun>;g&WfW-<}Nr zaB{P*g{lO1k8gmb8smYzJccaIF)0e)6Uy^UrsUOR*>`o)C3Xo{v^Lq#oD{J>Tb*6F zAIK+iu!_^ym2|s}%g~z!d9p(@{`{t&YJh2V>f@=_#o->#{MPqn%!)0+^3VuoaISka zc&n2))AcLXLz|n%sujEI<(q*T)&jo{nVfDWAM!2y)ELcPcAZGM-o;_`vpUzynwi5B*6p4mgj$4uhBdWv!#HoYixTk7^Bi zt)nLJ`MhL}Sq8@I6s9!pklSygRD-PK{@Yz;j-R+P9M|j!JFPa0)-d?-zIB=N;2YPb zvd^9-8>oe^?v*Fs9?iht#S^)s)8w$8?!(rux`wB%e@il01_Y>(9~l-q=##opz%Z?O zq$XS?YaB1?hZbn+H@YYsEnK;Oef78~`uCaWwVH7@+I`X2es=Vszt*q=CNdkpDySwM z(3_qdXooeJo08`D>s@1O`wUcrxk8gEm{6qSo-7`zE3-?r*1ny5ueWPhXBs?&Ewi2e)MDI$rxG zOXv-Rr>*)pTgBj&CO>djO|+RVLxZ&DPoP@%$zMU-~M2(5+HbIs?sGLGHE#5$a##i~dRQ z&|gvUD(G%QRw22sXpal0zE`osIoj*^T=zdEYW7F+O7RwCMaQaqzhsTvoI&OdzAC=6 z(WRsH#XAZP1su+fY^ktF1s9Cc-bB1`SLs#y>Y^(qleRQXk~6%)CT2h%&jUHoIUzoCPAJn`0CUvTWUZgeep{(s-&sG+Iqax+cgUSw{S;pZ4fpSZ0z zU6sDFLNjt_9$X0Xc63K(`p#rq%)tYl8l{4d;aR*A^>8&j8uN7}=Cl9Kvv=T~v-OHl zQI9Z9V?X-R{)dX7d3%{nAIN2Tqxy0l@xJc`N6Hz7-*kmhjh)dF55-T&onQTJs?wt~ zRjT+`S$cDJ-0+lJULnJ~ID9-0owWEy0R4X8u3z$HJQk>!5}CSi#7EYb(3Qh=XCGiM zzmld&`Dx0VVw5kqQf93kP@XwZ` zQ%@q-0zZ${$v3L%m8I`(!D?4z>DdUnE!u>r-@)>)n!S=|ksHD1p$Lgfut zTYoX0%5n4z)PAhlqri>O7*vW))aq|Z@Tz3uR3nG+~26z3dO(JAJz)Qjt*e=-WqCgO z;YPpM-g1UF(Qp-~&}IzB?~)NEuls2AjPEpfAAMbmqc`tuAj2fzn&Qs9U2-uva~4t~&iaKyWBMQ955 z&N#C@N@3UP9Ic(8U;FCOW&m;A=gh8%riW^RU=3I7mRd74>CQ;Fv zwE}IFfxOsvaY}}xJ-8cusk5`Xuy1$65Aa`Uyn?axjr{GVHGM+mj0XRMl}VNz;iUSS z^yNyZHk>AJeG>Y7<~T<)u>Y-OBo#|jt;e=%ye~+zi=}J%$V4sgO(u#>w4TlnQ~%R3 zsxc(+|Mlf=?Zf0Xl}-`PqigVz*5IVO+0niPN6Q!;sZIwY^?Xl|3i3PIF#|N4NZw%9 zH`Tisr?KbAPB|H+W=F`B+Yzt8kDQ@s>ZYMhx_ZJSq9eyg-DX59zQ2PuIg+h(1`p7McXXnd8Ok`}F~66rAaFvHqd~9Y z-1Qp{*cn~qs#H7}gPDJ8M#u)v#-Q8F(o~-8oD_1QURH`xQ(s%f z4~O@22~h}HzhOMnmOPgu(L|l^lB$kNqqT09y*8e}Q`#m%nP%Xt$K!OYO`d-7Y>nv+ zCQUxubVoaNO-xs-AFis!J6MW6!=*;3ii`}Q%ZGfos)^|B4BD_1oyk3YTI?6@OVf4`ugpf}k8E#IloQIle8(r10dRd2gSDHM&D1wNxirNO4@agBTIt|OZ= zRl_qyD--GREDC0U$1i6!-Gnp9_nYUUKjZB*sn82GshOfK_^*C`BLfQEy2rOvJ%a;1 zZ2nSH`UNWJd!*i@k-pF)MBVM^rai^?G0~{NPC=S{^Shcn`KGiEZmQedi##Sg3WLbF zYC`83{2LDcYbEdH=aeK znx28n-om-b&o+K>lD4 z>qnLYx8%F7(F1-KkJ->uXiA6L>;67#-RWkb1}|fE_D=%;m#tc{4^%GS zPX{}FR!8ppifMOcR@6_fM_#La9Y5Xp1U>~;Wd19Xy~b5WaF#M15|lOCSD)qws@QR7 zIRwzPeBD#wA99tEt``(T1SKC>^I6CE`_cjU)YP{C;6zH1nRRLvKfY zxR$5JEzvXW4^Yt*biF~&+Fr{>S-hV%P2q30K3C67I$Zj>GsBXRd6WJK@6UP+R^~#c zM-G@rx{r%`)qp3iAEhU466Jb4Mm;>)A3mq3&bcpi$LA?yV3?+xp&_OB>&FIg;6-F3 zUd8uw_MLX+Fq=&Iszr_XoY6|znR4ZN%UfUYfDIiIuDRsJnV-j_G~b{WcvZ?xfE%zT zm%!wwGwr;zjOX}KdtY5|{#{p}e$u_B=xDbY@FkFE0QS)8HvT{62&X~*@-3IG>Es~Z z8OQI!{+$8$WMH>y_`yT_PQe9|%~)hTdnuIawc!tk^(NJ%?)(6|E0vV$YAIPOn z{-ljO3w^@q1AP{!pzdgU*MpOp=(wK-SNp+MUk*ia?~x0;C{^vinje0k%gKs9)eE8e z{S02wCt4wEx!;o0b+??aGB`g%e#Gm>H9ReMQq+GN=UO~-?SA}0obN9e_{)F2wGP7z zeRh)S?#fcty5X4bGr_ZM^mcx<4*dW-#XJA9LYxAOAzFb3S7>HxpYv4Vf8VM7=rFy= zr@OlW-B#g&>Ii=RZ3h~FYGk%qy3jS2qvU-FS~St5&uhQQ2F|rWA3Up$WXz0Dli5{Q zG$!ENPoib<-lUib{@O%m)$wgVH2^+wPub_H)yhdbO8wB_9PsC6B75|m{2pd#WF=4a zK^x{47ojeXBlH;m=Pz=5dJZFF%@W;9D?Vd19ZlPr>ywX#3WKHZ84#tb8}MTVyK*mv z=mclhK2xlkz(Jp|!)pZBICvO7`w=!8Qjz)Dj$9i!+71gs^&fe28L3G+kcK}sm+sM9 zvD(m{~u#-Uke1neoH+K1INo#h( zL)qFM=B~p*dcA&C13T!TmD*JkCL_24o~{aG`)EH zM(@M%KP;t7wm#hGqpxZ|2faVIYa4uIpFSsP7?|u&GZ#IZkfxQh>9Fmbq{i%A#}3-4 z&ypZKJU-g{#YwN22MZ4M;ECh~j#$NX8kLC*TK{J>dpeEt|jbJxJ0DOxfsK!bCGlyT5g9p0cJEo_qG z_H>O)&QPb)XhmZ1vNjB6e@!C~EL<7CJ=Ac5r8-Riu9Oh^@bI6BdutyV-P!ei>K5nV zJ^OgQ!ZWv=-uHocms<@Z2mZUY0=kE&qBs7rrg%BZh2rUCPao-|CfKOVnGrTlFJZ7} zW=I0hDD{&(Z*(E&$p5>!J5=ZB%xHV~iw@b4cY7sOt1ZcOPES=6?%K9vKB`pxczG5> zC$=C^ImT$UeP*GAdq(-SNKreoi0qg6YVHKGh42v7i;L2XS7dMe%vVkZHUvLEnXW`A z1dKd+3cWe-u&?+obE`)wdpFuR{6ll@rINElb`M-&sWITXbHE6`dCI>w9*52!@a&Me z(Uwl%ee^IlL|1YRZ5J4J7w1Gd?~axw`-amXcto;$29}DX_ajR6m;cdSp5*|ts7zzM z6ifcUVL_Y{JEp7TduwG`(Bm>ZLofYJI>~3eVost;=S9#{O1^SOa%`?St5!gqGMfje z=I>C|%lA?^JYZZyH_d+Kp*$yg)6u3xKX%dUA8;kZ9n`R1w9@{v*UziIYWl@Pj~0?u z_WPTDuL#z%;23b%C{5*=TUW+aw}QP@IqbnyLRP{Q(t4`sk9qrbOHQcY((N_pU+MbYmBqNSf#$WV&?b4I%qx|5?clzVFPZ1nf+A#R&3 zwWqgq|5l`SZ2G0`zui?9zSv=B1i4E7n$_AxDLoVQbKXM@zD`#Ew*rR3Rsq`ADP1cT zkj0W8uRlfO)V=|{Z5T7xOU|6RIoigoFx1ya{eEQVBHpqQYkhUBcBTfm_R$vaB&Gfh z$GX)|SHMbM^q>dpE4tKwHr;>Z7p~vvj}Z(Np{ek zUt09jq({XhPt$j;{t>O$B`kDjXqsx4eWeL#j2obLn|k`2RGhc>8&-zm_NG+dfD}o}u4evh;R1bHIL+f}W@8?=4O`zUu!tI?M2? z&U6h23)13l!M#ulr8pFKhvM#(q5~9nDDLj=4k4aAJMP(WcXuHK2#|Age#|v9bcV=Y z>-*mK(FnzvCF|v1dFVnzHPMDl9qypjwIbyhPKKvH+1X!W8{92iJI2;zV4Ot(8!^|`Zyt9r^uk{ zwT;&=R~L!_jeWkb7dbZ z1=ju1ci^SbXaEWeB9!(Qc{YLM2(9*3XH#q4>ztyW(0u%|FIdU{C4pVL%B~LY^uKh! zx_fBdIp*QwFEaH+Pg&=Ko*tpkv_iNZjN?oUjnS(={B^&?PCt9Ns}mlwoHdT>OKx!NCo+^B1vW0l&%D08x$myX33|A^dsFCYAf87l4?szqp|{~O?- z@Mnn{o9|6_5L#!jw{B?rf}=yUG%7^zjyq}y=btNc&RttSx%VWi{UG_N^}#cC(fv8o zS$XZ^^=?v-mPa{gyhDc0!&OD$-K~Ll>@9lA8(l+WO-5aSnUAJT$km_T9%us`bfpo# z#I8QF0>`k%53&9O_dfjZP0pctUv2b?=f3;K2<;Dv(oJ~Zk0stpX~X$29lT(VtC}v3 zA*&RxbzrilMW8SA3{m2nJO%a4(!wGa?P0flv^84G=kximi&X#^@jN?pKP02W#16&XQx+FTom0n8l5I{?BHBYJx`A5pah*>Lcd`_qGp+r zU9_4!>XabeC%3NT@aT;^ghi&X80c8jC9d_ zJ2E5Nxu^qQKlwc~_6_pu+W4y`JNh~@F-|N6XL(Y~kbzFyo}8p!mxA<+yaLPK^a|Ev zCjyK2MMGK+4gP{(@s8tb+MbRt!8AdY-+`0eD^y`$N8K+AR&>BYsjn>+1J9mi7Np~e zcq(6pX;8TYvFRJ$RffhkIlbfX~$9%-YP(GVs4Bd7wi(iZ-JO+EvdR=VxaXp>yw9p5CY#=^8RInf#(KIWB?+;C=lXnW`=igVm1r$F-P! zX8?Xe{`|z`aMk1fIn)c!(ib1JUT7aXrK!y8+J?-_;b+YA1hS>ClaNTRzZPCM?of5B0Gr?0grD}J$wbnLcx4X%% zUW+;BV2UoxHY)ZYxi!60l|DW~{l3#>&79_mws+`{yYY6YY^#&;F^GMc`_r0Pz}&<} zL-{#VhkBxIEMu@l$Fb5OOhp6XfF676!yU9Mdu(`4$S-FXo|f#b4q0RkpuKqR<*O9D zwqFwx_4A8R^(~X8bG+wWH~6T1iPY|GtjeNg8}vS3Zye*aY(|WxzlV3~=b;)KgO$3C z?$o=1+OhZ}J-1&J&mHB0hhg>4fohqLw{ipL6*`M|vmJGDEAQVyuta~dk?~2?ZIGvy zjWYGfiTqUj(dBN?kJ=m0ZQCe)DhyCxvO2C-^VG*FN%T3yYLZo`j(#P}6iwcN#d%uT zEl?#>!58)#b!k(9cJ!u;@@$OG@IGX-pTxd@rYZ13f837co`0t?Xw;V8{h+*y?uv4K zPv$6n%5~70qUq_shTb9O!t?*7s%t~AAo3P&qSJ4H4x&pex&TY^x?>8Io;eA3o z-J2cP>>|1>e*bA+@#GZxYkxho`sh`C=JG6!u}~TC_X%TCG>Yu&g@?JzeFAi@M}R(q z+q7mb%tfndx4>HOAG)gfDR+6YyGQP$w+Wsk3O>Dsv@8ECT;HnYq0`APc zm8*f1?Zy{17#|C~OD*z#b~1k@g0cUz#7lL(98_&ooUSEBs-dw2eOV|O@AR^e6H@N;}Ss>_xM#S@V*clSfTdSyRv<~n!N=1QbFLR;Ofw{C^ zhQ`k(GxSSYgGVj619rx#Pnl&C!F#6DIa3s%H)r3t=P-G|EtuRP1M^8KL)ky+%_<$LA!xC$|6R_o{VttRi$Ckud2k|j+8RrX zRmA>pZ%PjQ5Fhmf>vOK^Pd9_39>)496kV4`r#!6&Gk(*Dxp5coA+v+^{f|0gD3s}R zJn>KQ*fm8b#u@tR0bNYsX>~qumNbu4qdsvubkkBx?}X`Q6MCEPyE0$n6F*45Xw7g{ zhU++jcj0?`GHU+P)gR3eZ*N!d0rmE&HqKdKyWquSm3gy(1m(k#c#}Ww*ESKeB}R) zgzH~}MzGZHk97ji+-d)}3W-5a`>jYt=ks(i%~?IW{m5Z)Rq-hDOS*YzaV0Q`s93!S zrb7)c<48aHtvPe6pxX^Qh6aILr*Y&Zwtd8|H@rx88%+!`mUh~3lI-jr;3WI})au_@ zT{L~E!)xhF>gKP%f2I59ZJ;jik49(COg}3`#*apg;m*wBbKV_AP8mAp6^HzF+Brls zcVz1`XZRs8;qJT*7&=_;vO znoKUh4S#iau~sYRU{%J4d+dMQ7uI-H_JgBrMyq?7@2PTza#p#k!a_Rd2W9IoTX)rJ zhmJo29W{7v>s{9LL5Jy~iJxYy$kgj3W<{{yR7bijcz#mKmLQA zzO9VbKz6y|y-f^N?tfB$X5RS3Y;9(5POX-#9oep0`63w&SfC2>>EGNLtc6Z^>oU+< z|4RPeqgW;U0&Zm>YjKjh=Du@BU&;LkP8nG{P^0?Us2A_dBa>)7niQwPbZ4FaLjKUm zR9&i0&o7#>{E9hpDfZSrGU_@;;yFYERR)}-+zE29;nfE{MjPBVLQ9qhYunyPt;{0h zh)%d4x{eDe=!)1=#)A*fDIq5`n4X$paD!D6)B??vS!$ZDjFkeI&vX0x>2b6(8IN?Z z@mvR=fiFB+piP%!b#-i*T6{=Cj|s;;)u^Zo&*fU=snt&OqYl6`bqVj&ZT0|W{P$p{ zx5McFMcX-u-iqp1lJ$7ckKV5!rNQ@A`jgzoX3=^Gm)h%6oT`JT93AbeINrtm-cB0i zOE&^ql#S(r<@zv3$6rTk1$}7qYJz=TV@C1t(sMU-k%!6d+2)}R&r{WgujA9gM+bIW zshMw*Zi#*VZj3_M^Hb4fKgJh$zoD1Lkn3BoD(~ZQvTk~M$!?`l1+j2rQ?vAdS!FXh zj2p>hYL`Z5SGK=ChFNGobE^3%KfO3p!SJFhoe8~@bg2#8%0}+n0J?R9BJ>69qas@1 zC((|2i4Mq)Go{WKXWcqR-phj!Ii#fNd$k1p)EZpKmE7iIDXK64Ejql|ntz$g?k6gM zx!UlCIn}LLLu--wo@-(#m_Sx8SogE%&a%5$q`XGV4_4?uKfKU|U+8y!lcOuU$&CXy z9sfK;ULxEN{>ZU=hz?I7M%-74+ zr40Fz$y(`{K#qHm8i8%DEJDZsm^`Z>3!U+fSLmTQ1-Qe(ts$Fi3>Z1NIt7-=`Uzcg zK-a5^@kg6Bh|D3^cvbA2tU9B8)UH*Gtlxugj}Mo_{~WaZBYjuHo%QuogibtqrJ6j~ z&mKGL$#8>$IP3Cb@cL{FRKy4}-JaWOfH|DpEh`*s&ObpqbC2BVt&bH#?q|cpsC~(k4(}K$<6GwIvGi3}$mFbx($0n{ zI`Q6H;pDYEM0adFg+2rSuvddP4Yu-^y2sLu2TnNJRi)2-kz+aVDD>5rO~a(IMok#) zCv!Nmg`0!*4lTs1llZE?`l}iFeCrM9IynEMog$S#J5s0XcxW(KY%U(8@b+kGr_;-3 zZ>h=Of;IJ`k<)H;Ha`k1@D@B!$m08VFhA4L3PgltH z38lxa4E%N!K9lnydiu&k*_?&bc`uy{%NSm=%e+Q=*VVaD|Ke-^loz5h4k`L0(OIU2 zKX~^nS)lK!%Q<-Fg@wH6ZE)*_?wYeHah5fHPQpq? zd&pGY1m{|e=JI*5ww4Oly5{ye@Fbi(N%r-&focq{y>CLOuDyYmT#HX58T@q;dlp`V z=w4s+p`wfani!-{cWo7U(po>WzZTZ>*6gBdO6r=dDej?q+%Q+adlgV}_(@jH-^$h2 zOf>vM&?=PZ9 zO@Kc?TcDRMqcqJvLXCqxHS3&%;;P2rgCm=KJ$_Fx?p>?BG^9hCN=>)YKRv*Ry<>Fp zSZRaxfDbA~F7yQSx82b5eYzQ{CVkx12yLCuLG)#HKI&@E7xHdWL=P_d#6-MXLuo(b zZmF~m{AhH9E|IY^wMB?(&Y)MOFSCyqT|JlCao75*E}EF!Vm~^df^;I%N}XP(njE9k1eayOu@DLW`guWF*}T86j(7d#{LLiFL0 zsUeK{=1V%y#KI(vW2S%pFi$s_P0Qm`_HKdZq;sNvgDZ0H?p zOG~p-*u{d$69`6s{xnc&Rmqhi)8pk+yquw62c=xqX^)#$Z3~iBDNn8F|3v!_rRYfv znZS6rekZHCVmtf-b-(FPbh0bKa;|qI!(+FJ;V-z#f6?E3CS$ASeEe?~N$U1Gk^XBw zKRi5Nl6Ve#_$csEh`L??x997)B$Im>Q!CA-a)VNQ-kxike$v(+2&-2%e#L)A5a6~}2H?_2RNaoRsHnLg=a4RX#^>6>(z z)5EpvGaV__@!C&>TR!kko&V#^T#~5RcXZiuUt8`cFQPg4(aB8R>XD@7zOjlxqy7j# z;xuzUmp2|NXXmA3cS{?}I9e&IS~mHK;JEDe{v+r)_`^?!y7(*9k6g4BfF9I%w1qcv)vThoS~rEa0v~U9I$R%~zzHm3?yi-f zZ3p939t~@P6<7$L>Ho@lYnp8UyIzPEHqX&Bv`y`d&YJuOJZB2;$})OQM!b@9gA5I6 z4S&`pN>{+4Hr5GM;4pMn8GZ^bZ_qU6yD4_$@_~npnqY_4@~z@*;nrV~q0yfirJ;wu zEzFQ@s{j@3fkPl)vb5P-E%tEM1*bS|9D>JcRsy{eWNoGUs9HucT7EA@?qJrfmP4jV zlKa zMaTQeko;a|w zx^@oG-`2Tm`8Zu~m>sQCoYdr*4;fx5?2Qpx-h$q>Ho0IWsMb}fKhG8yx+i~=)wEZJpW^k8fV!btjv;WacdPzL!!M=*e%-cox$q_B- zBE^8KJ5@+lX?UPqUt4uJVX1qY!*udss{Th;*6oh=S}~b3XTP1kvy+%#qsw6;IIC+} zL&ZEd4GZ+rak#g>=H&I<@|Ddq&e8N}T}Lm{d3?5({_G+X(=vu!7y22?L~C~ycK-Ef zwhhTj7#F6(#@4#K!6-9$(rQU$DA`5pOSvGjd#z;}j91;nnR6fAQfoBD*PPWS(plT1 zz-R1ibf7M0GQRXm8&foOI=_cw0eT7Ul&c7}P4HIDkR*MEPv3+Ow%HtiO{^9mLr-tI z@;ue^pEyllNp9cMSM&&>{~j2jp{dp?+Y}FaKYR6nm%TZ{UN&xY2b|&@eP^LlU`KWC zmB_SpruLnH3kosU1*=4vFpoFldmL>0QT@=WrCdd4A3|?ycT0H=jMU`bWela^3idgo6|4pW8W)G?`gCs@uBB)h*wjok@J$b*Wj^hp z4+HacB{EzY&)?`c8Lio18o}UYU59z7<1trl-D;(dL$m2A<*tg!)>^a`8Eb;*@-~;D zL5@bzLD79hiQFHfFZn2*NVKaBNn^ZvlAb#=lZ_qWMzxW)f{@fo9pF{Mo!PMXYr!)N;yE!_G z7J+1e40G1(?|Iyf7Fr7a>9qM9`VZ!$-WIx7oUUg{3CcZcqbuuzb;3PL_MvFwobj$b zeXE1;>sN1E(R+{I9G&#lDXywLGfB~SP&c+jWBbrvgUC{I9|P9jG*%DMb=6Od(ph$` z%PsKHmypvjknZ?oE43c|v!V6qMCGn_(w=8wa=9Kv4mCdfJNP|z;2VoH zerlpxfnj=b=9wKw%WUZ&hj)o8JdQ-ln>@h}bigK(TW0C26BV-6jNR}s@NzrTqhuQEs0ZOI4Q5T+=wcWd(bp2D~Oa){2BPhlE4fUd#UadPg9 zJ_Amk}3C6KRRnkX-H6npC=DfFlny6|Y7BWrz5O|V?%)LiDW+cRur0zO-k&+|RvhX+4g z53hyj^lLb$4)p#oN7e3vrk?L*Y$N_&X4fy)+>N{K(f@hiZ?e>t0B@D=Lf090Yi?5q zx#PvF{?m8eoDi;5W~};yoHP=>*|tLV*Wa13!O}eWOxB@`ywl*B>fcIM&rNXo4*ojX zonG7hsS0Ku%WapYR@{9J`FU@j^3d)@l6TJ-ZU4;|U6WB~;o*PbUYeDWq37rtjy88y z-Inn3`96AaiL9$`KX@O!7)}O#<6Lhx2Op^$y2(S?GT>Fcybpa0`u%mWN&55v4#b*n z6!JSMwaJ^s9z@D~6k2S$f1K5+Rk%c*6O8_~c+~4i- z0FDXN&Dv2Kd4d@W-Nj!~;9ATxyP1cR(C$?Kp=+_X(Sq5*YPl~!&EVocPH@r5VQK1m ztE|D=;_LYoRczB0Dc+Mw~vEuwmspJ)wd`(u%YQ^f*$5of$ zf3_lyk90uSKA}jP;U<@YI~Fn<*96lID>Bky9--Dl=x`!?dP#G#)$nZ_-@uXkaL1ro z`~wbRSwSS-vg~x1$O>DYuI$xhd^E6B-@fFSlugze7doAD$xa*}pzxje20eon_tIBM z|3oUh6#lzZvMC;dfA{nN8>C+`G(_X}K_KALYrr)dk$ zumGFs?c74*Ww|d%MyEuDW#N4^XTBTntp36HxL>)+%Q-_k%0-X|$F97K zuGOVfXuUohxhg1V49R%M+f*+g{qOvZ2eAW0<;i!}cs`6*?| zRE$d2%<^3n*`}<)%q>J7Lvr-N%w01&TdI279HoN)584A?4Arsse`8%fQKi)~F?)bp(ldm4dZuxJ7c3tt&IQIScn`kN%i`C8hosMp$Bly0jJi^Fp zeCMHnQY9K*fG>XgJEgpj(;e=GDpx}kg;qWL0-Sq8I!yW+m2DNQ^hIzc=o-%WWa*Am zX~TQ&t|1YD`fQfS-c+EHHDGg54OT2TVB^UVI>Ws>ynC!_cXCm^_sn@U(QQ@)3-eFY zt3F<8ok2!m8-sTDC&v+=#542)8}7l|JqXjC>h^ko9xO3BRbSxPZ9aPH)j|CBTS^=D zuE)!K%~ge#&N^X}C_6NCCGb4gP2ta5I4E*)w#J*hm7zz9Y8c^(iaoWXql2vfe4@D{ z8W?KT^HbybWKGs4`;zC=7p!S5nC7;6fqKLlG&snO=MFF3T=M-dMD(8}s8I?*OpsOZuAC8MDYgl{AT%NbG^l5ai_Ww#RcegM4GMCSY_q5qd{J1WW z>Huy&wnCCV4kF8=Wr(ik1nDE+Oa6FAC02>k6YEestmqUkSZmVPMERwl!|rUO*+-nT z39f&9trQKJ9;3~hl64F{>qFk#axdryWFOern|wmJl0QO?8Xg0G@E@G#f9Z;O8LUq` z+%;hx+0v`X0jTVzCg_ou!SNKNA$MGsnpGfjSa*5zV%XEp?uYEJ=&GAs1Cg8>35_A8s)zV7uR0X~H%x0Eq(X2%E z$q1gF_*e%%+vsO>?0W|AzQZ3{uz#2Yf7I{bQ`6>|NeBWT} zd#-=e-=^f!jEvR7AXk}^{hX7<9R^>N*7vpY+K|mTh|JL*Ir6M3I3`b-lp|YuMuc|W zcGd3-!KgnusNGa%hV}ufzxTZwk-;&~`kf|3g5NZylkRPhF5fn46nPSNVth5=CfP*e zGBl+*%~pKBbALzc(Hrez#~l4^>8J0Z2JJv|Kluw;+JA*<)*61M74-~T_xr2skr=hx z?kx{DJmqOdWn2#-w*map%~QQE!=W6`R_KKU&9V?^)G~1Azvz!` znW>iWzva-D=X9p)#h*-tno*jJW;%e+pm7r3HaL@tzU0;oa8XG!as%pvVGqmY{R+~T zW#2X9Nuc&u=Zyb5LT+SUgyO-tuz*gDRA;%mkslwHp)tj&T3{_*F{dX1tZ?CeX;(Hl zew(-IZ~*?jeTH@?#OT_K41LWrkO7!2@BQd$Hh60;IUXkD)g?ah)*nsj7TFl2Q^q{) z8T?8u?Y(pmE@nkbca8VV(zu~uzctts;McpIO4gX9Q1$yvb}j!3O9!LvQr=Mh$QQ-V zOH}q@uwz%|_Fi=| zX7^^kZn`a1(O~tyBdt}42GPH4nhf+7COYCDTTe&E+%VPt3$4^5{PnHLxLWc-RoN%~ zO4;jfMRfS{?6j0j>c8;awOkgVMcl*V@x+{NPEO7NCk2)PW2qCTTmAfWfpf`dgO1n9 z108OhDv}`+y&cc&Hn7(|QM$nlQsxe`jbkL4Eiq~^*<6uVBlP4E*zWMJdhAa|SlJjo zaUw(IXJ@kbqm>_v2aKGv!n=Oj1h=|}zjJ$oaK*Oq()qbwT4ZgZfi3dY{+XXNGDD>r zqIZ4uQ3tJ%pE3s&R&&(9ndI}}8F=&2QQg7%Ck`cR#?>A#CigwKjx9T3Ttl*R#usTy zheDmY=r1#PzRGxj*0qX~4f;#(Ao?cK$S!8@Nf@1~Otb|@uY#N8glKH7V7fbf)d4+~ znwu-=y>68{W|)32Jl^ zEEvrG^BQv29phDLKqsN1vfdCae=wQh!Ss40+bI|=XXh<+awOv~ zJ(CMY=cPTh()AGzc0+q_wY9d^ieY40!aIMuiWlT*ygEF<(~f@mKdW%{%YO0yTBJk2 zMkx^A)(CO|%1t8oq>rO=(dZ3*LcZbza=(LowB?(-p5I4rhIelL&NRgj!iWDD{XlE- zMA`B7czn|Ncg&&vqUB^q-waysu!lw!)}pf{iGHKaHfngSL_SUs;o*1dl1k`|DZFs3La6%5|CH zGQ-qh9v=6Mc(mR|Z5qVPkO?LQ=6AFJ&;38HbRUQ5H5kb@@_*ABfWTzBdKjtw^V~JHbF|F7BGr?fVOi5;Rh{9h zzPovzF6AoqUX~`$LjUv)uUUw*X4Q_?DE=<5SHXHnj$FsT4Vt|mQ|G#n0r`uG;oN}? zGQHWW@HFkEGhqBm^tWUzU7gJt-Yr0;Sw{U022(UTRP8Sq=x9S9nt-0^O*Usv9`lMn z9{pEzWZ0|aI;p0KQS;Fijo3!U`<8fZL;rV}%t=QdvfSXyLeAoWe3z$gbA5DjG2X(} zbO3p{X-hcdls1w+rI*YeDw zKLX8s@6uuFG>IPHWl=hE3y(WW5vg$}OCCc2$g`0LiL1l79is>QwNKKsQ&%PWyzZt&Hv>;AfIAFLLQ zqV*9!{ou8cx^^HyfncQDOiJ|J)l025IjKqp{$f8ex9_5FXT~4Y*hSN?aDG@vtHCCI zKmT$!Eh6KaGw!S-+4_UOssEg3x>KJH?&2K%wTSF!yr(52EmgxgO=h@NNcihz46tf1^L7?bKmNP?1s@p{}1}%!FF)y1Psj;6uGTTQ0~tM}eivL{`&GZf5Xh_8ODXVgy4d-KkD zs$Ei`gZneps7EEkmOy-^{WElX13I0td8*vNR*gPI37mQ9w_1+= zJ~?ua{dM@8A)gaj#y$(8md`tsBhiVJ>`#gBJapzrCVGO=Ie6l-AOboY% z$7}CLx*K|aRfAJ>2Cra0J4dbz+P`#o$(`t)_Zcc0){g==W$sNG>?|*4h7kMr`sp-$ zHrn(ZcOvjK#c5@E4;@+;sW@MMeV*x}enF{b>5%L@)~($tXi(gw{724XN4P zL~Vj=o;5vE7bgd5rEh}H_aZkf6&-9Y8c&|fTXXTy~BQ6u!Vqqig@1 z8LToku5`R5PzFV>n(Hl1A5JFZfN$#M@kG|lA@1mXdecA9jIUQ3jByDwXMeL0y}{pY zxjIS_=e#toDjnoMe2cbpT%#X*J;|V+X;E4mMy~|tXDgnuOaErG!++NqFmb~quoHOp zfp?5b?QD)lp1g*1bfx=JW!@VM!k-NMis($<|@qTUiCs}3d(C5Lk6pAh* z);C-mf5Ur&A7c6bM8&sF)XNv>UpuC0()2JTv3|Twau~6TF*?2P7$b z#CwhBTy(+XIt1N%#Xjb$b3aS#%HvPG<)z2Yd}hP^W!iyk3wCS|cQS9@qWNq7qw~>I z7gmtJw#`=MQvJz=@Y5*x{Ar$O@xdFLOwXcQ5pC1iNDT@P(tnlc)2NPK;6Z|R4EMJIeeOs$-U6 zvRRGh+6H{~H94pq&JPHqqL;*mVtDp)!?QZJHV1=lIdIwUd-HK5u2bZNm0xe_&L{r>(}(PaXDCGB`op+RsY8<*s_)ytU=9qu#P3hN10!-RnpHvboZZ_-Lhj zn)Y=n)_m@vVZWmne3Garvvjyt@`NJj7q6VH^<5p+@#l2)LtoN{yyE`W_BwQzefwq{ zzAk!U;isz`>B#|i|MN|OKDm&=RfErYD|Y~R>gs1;Sr@qnccFDahp=*~0sasji+vS? z*OhcdfQ{^2`%cpwL-c!hc0Xo}K5k@5g71|Bi>Y)6y^lG44{+*3&N`@hXK&qd!@D>* zK^xdNW4#k(8ttp-%F+6l-RH?={EInx`p?Tohl&a`eruFQ_lW_|rz6tmjkcf{I**U* z-FIKz>qmZX_aIr0=dNH@8h)Riu_|~b|4G$M3v#i1eC0RVR=ES{fBOCk%$nS~{>+Vd zbz9aUJ3E%#;1pXGp$7;@Yc^@|V?E;BYCnwG8C_w;2sq$opJlNSZh18TT0PI9X&8x~VhOY91McWiIcjc;=JHF7-titU^THz?;-_I>$dLVs9GCss z`o-2)722|ER4Qvoz&rgJuX(_nRI;huwE0%CO6t&U4&F8Y<|{SZNVW@@?~{FGIUYfO z7?LI1aWP7rN_OU@Se>-`krNuC4k2iy?py2Q@i3jAM1MJR$ktBec`T*#dobMQ`Y;7P zaMhQh2yJH{N(7hxZ~$FAciX5pXvqPyukqhYdc^5?LAdTz!V~c{QX|UKL;1Zx5&a{T zKIW+c9w*6pVT4w5Pc6%)0>Xyu32$p%O2faf5KZY7IKVyR66A6Ru1k<(b+R-48i%I1 zHfOO_oT`}>$$SF-!Y6L}i95AjD}T*Spxgcxdiy2rDwpr8Z*bs!>yeQ()=o#k_n+;J z(#Gl0noDj_NA?8QP2rje#_T#6pDvuvmpATuF)UK^_rc+koBiLl0OfX#(O=*Y=aTGo z_8#~)d;d-__D*;YcA=f=*2rIZGdb73!he4U-@VIyI*c=feSZ7qEVVjeVpugPUNeWL z>2Ew;m+rug;DI`n2qr!o?gQWb(m%qqwN5F6(=2j|?`13bLWp*5OVkr)s+K2Hbq&u` zjlqG6oNBKntLPY-3hq7#4>r&7>dmj!NX!dxtd8jQXWkT(fMw=;)=VVZ6%? z;DC5`y8r2@G06e)hab#yN>wPCw0#4D)qwtq!@t_Vhmwz6wpjMxt?;oq>v``?wR&lx zO>pGq5%lv+3DxG(!Ad%uz}`Ub+XMECGj8;5q|kjzPvXWj4F|(1Hu-VJqoKJOrWyUo z@QbHY?1HIbG51or@N$NfZ&C93Mo#6eB=y2GYI)gQds4}h$7j12jO*I}Obwl;q8r%m zs12{sYVmGbrGC-^Gov25(c4qopc4h;b#Zsiz|*_=D4ii`37SWyhhrZ568!FwUG|!8 zK|gLIxV5l2d48gwq9fWVYiHG*6{Fd=@n)S3(G;5yOnh8G2Egx;Ral>@%HC`f3JR+(dAQ zxfk)H+{jRMH*!bh1bs<+Gl9x!9txIj^~``?<&5BVd!Z;f;k?Ulg3<3&P3}t^-oLISl)+y3G65Z zj*4mJt4qDXh9?z~a}}fOU!1l3i-+v~rAPZ}E?pqZ&g5wCo#>^bZ^;*pA@^2fJ$3%1 z=V{>k?<4i%VYJd4;l&u6k7h4eU;Me(!0c`uiIeGN`aGBVYkq!!7B-+iVt#^}odJ7y zic!-Cbl@%q=eDE|?@_h}nt7`8BP$J??WRBW#;fauRGqLxhhvJL0{prUdrm#(0QbyX z)fq*89)4z<1Y0@`qBVcBlbS97m%WE~VG;WS`t5hTZ|8=k>sWGs7_Okj=_)lXMZdQsE8Uo>#=FUbxRI(BJ<>GvOMzw#iznY9UE7|M zGk{OwQcEwoi38MPM5w;o7s&fjtUmvQuIU(>;)d)r!|)E{H>q$7KO^3+jqC~S=myJ6 z=1vWTGl&ULW>`2G3@G!cYS1z?mCc#F@PS2sTrJ!PC9>%eup`Dd|b%=up$Syjyst@WExMQ+k9-W z#^4?4(LGVswm7T(?L6hzD%5|y{8i77eX}ln#eB4VK`XC=Mnz;uscK3k1<2#ljm9=&(_j()fgG716$m5aTI6d zxgxSp&>DL?swZ5!RsDSZmY=8Z5e?Hgq9tUusI$|BP;~ z+Wee8N^+4_7UH)Jpr4~BnSz{ymrMMVSDqaZ@0w$r(qgyy@qcW#b^d_AiH*zwAjA&_@L*8#U$a^drhg>(+ zjEz^+#OGv-TBvFSdb$fPN=M5vErcwP{}T0JVxki97wnt>#=j~-`R8&qn0MHjdm@xf zi%;xyALsFG4*Z~UM!Yf?(VuhHP2#S}WuLsfBS>x70rszn(ouMn3cU9(YNHAL&qeY0 z)-PXWCkI=elaK`$OAg8mTWx=lsy{b-$-N6We^0Q?HXqb`X0oc)Br9ePf6ps>y`JR< z#)!TQ9O^(ZS`R+~HCIy8hlE_Ayd@nQM~ZeffG*2MGfn%(;|`vyMf!O7l^?;q#i~uJG!~Dw;wMJ3QUYQ~ccL3Ux9l zoq5$;WtyVt=|W%RvQ&-pDQmF&pT7dvC+Gq5-|DLF+PWZ0j^M=0*Of82pY~U0`KZQn ze+`})t-Ian7v56J;Mmq$lbx+)g~mPpkcnY2`tZ=7J#@G&-Dub8N=8Gzc)f`sy%|{E zCOSlzlU-NS`B*PNoBF_uF$b?l8{BNGlh#b-{DD*G7?Q60yZqFh_y16SdBd%z*=5~T3Zo!Yg&P`)oqV=i11APkqWCD@J6o~EKh`pLjvbCNFGH{fROw%R(&nZ9r^2tNP2-EFnMAX=Vqgr*JA z;LHNHqj#4$2te)iKh@V%qV zb!KS>-QI`RpX`Ss0$68FaMHmLx{!KDYYjZ}GoK7yn`f!rrFaK-rEC3M3!R%tcfGB< zdXVpb0I}_ctSVbO!ltQ+RKk403pCP?3FQH2%#oOMiWp=Fgf9C&R zhkOBi!~O|mBnBj_+ibLTyA!qcIk_ga^EIl2x2`-+Q}0EEDxFV;{I8$&=xM4pjD9B< z&l0W0gPKsqRTfYD^y*uZ>IaaAwlPwRXS|okG&G1+n;0g%cUDXM)QjfEsM*=^nv5Gji;Ysx{uyir7OeCS})4F zp^3~=n;18>WCu?iWR&4JI5OJ0$`$+xkc!mAUw9vfk$;`l|XtB}G{pTtRBx z7H>r`y?jr}UmQTLFSAI67Ll4Y9?$o8`s)JduWGLoMq+c zsw2Mit3LDAVsr_o45EqUwnUFDSvCr27z#Z^Cm|6*LRhG4xF_HPCBV(PO^D zS#@vQ>!T$-bIa_t_cYlgYseTv>o&IE-OXb z%h2oH*`U8W#iIeDzjfaS9le&IraPR}YL0{K(VcuHCt=AAa5?7O@V5rle#Bf@pX`bn zshVd_Hs6kHS(qlMlU;;fo8vja6J7%j>+Nq3w5_$fj&BZ^Ts^e+7Jj|&c<#Y$7mkk9 zV7d>7#N?=7-9$wckWbw!P7f>Kq5l-C@?(v12{1J@9TKmJW6*?74^cQ?;BWV1Wy9xo zay^+4<4xuI4#EtOLrm~l>Y(r*Yv5&q^ zCR67UKH^$*f35V@Mwd?-*(yV=%etr;euIP!^zOh#>at_sh*if0Uo_quuf)4x4R4UBGfmlJ(9e0Npiw-9<|Z2tNuOlR_p;EIX_@2& z1gMAISNirM6gTOeTIA9B7nP@3EzpN7$Wt&`V<98bWa3iVF!qL}UPO7S1KI(X8fglc zo+8sbuN8DGTwT!Fp8ge_aATDIcwNC@c05a!_}yP?iZ>m7V%&B*MZ&^VP#CXdTe7N4 zrE2(MGDDty#UCH4CBBK;F)>n6WAR`$b5b8>`cq};v14cQYnH0tKjg?a*%$wQf+oF1 ztMCL4XaM~9VzL&a-PDzzZPCnJG7IUp@8O~&KN>U3H;Izlp>T93>=EDnWl|Ll!Z5N*ZQRgllrxxbC(kR) zDCdsBy5AR16La0dV?NrSK+g6ta#-)hD&$qX#(qta+d6XLT8C;R7>GUZTis^l-p?o3 z4u1ROHfHCW)>;T(a%HWj97ecl<`oaMT#P65ZM44rk1URH4s_ooXwa*d`jZ)B`-NOO zHSBe4s;lOZB^K~^kRE-+x5_#Et_GWFXr5fKQkhvhkzren1x{Ia`MfoaL>f)MHP8Vvkogd`k+~ zi=+=~3pR55OSndsCR6EGPx4&IQu^CNZ}FpS?nah>L-aD0e8GOA;p07{+!#rB#X04InPeoU}6@7}|y)Se2I1|I;HFSjTOjK>~-5#~GWR_&7 zwavm+Z8E*DV0-uKx{~7_uG9F#nvSP;ZD=gId@`AS=J%TKrQYK`#FeMcKL@KGSW)sM zKbh@eN8~yFG{Hy5N{6dge3HsmAy@N?t!lkTclM)GV3>{8c+&T__de)UQoQEH8(JVkWhdOCVoR3xn!>Jw%)k0>OH}8El z9$(4up7awuhZ9>6snPKsN?8n+aWzuQH&|&(LvtO4e?HRF1>WgL&WHk=xg^HoS0NvhFUSW4Mk#eIE3W_!#vwd3oD9BLx%>T$XLx*>|Dj5<_ zgVd9mrD@YN9m8j4Ix$1nXFI7dJO-~9K0ElLe}@I?MK|ubqW5x|kgi`nJ+v*Eu2vJW zQOG@cU=goQM{RYpMGV>rCs|bs=YA_x($Pr$ufvb7(svR*L8svvY8)P>b<^0ZE$PyH z>Yz{dWGuRZ;f_VSAIxX7m(C`057py-a{BU6rO9UBwGu438eG%@OTFypta5|V#ut-Y zJ2721#>VQ@0DL+#c*cjvXgHZCe+}|dfPka$_uZ(IaExK~v*ci!sZ?}6Rkx5&_!Ilvl^|s;23rD~{u-H}6_3ez8X2iE zL(;W)QmjVzsAYH;L&ruHILj8~OHH-YN~LHWnauw%|G5pb(vAj&`rC&rJn$^Ln>lK* z)?O>gaa&R|Nq>S}_J4v$jk7)WoV6a0N|Wd11_nnT^eWHat6G2NH8c+X9%L;XL>F(% zefb;O-g2&VQ=>7d$&An*p*BAFVl>h7;l+#DtBN1POU&@nEA$`3Z{+BoWzV&6ikGqr z!4c=+%^yxz+PVNOIOV1ZeC@o_?rQxuR0Ai&JDdn6^V3n2kA!M_lB1e=`s;sr4%&={ zwK4qK*azr2;O`8F$Z8qxpjxv7bb&eWUf_2*xPry7hm=1<&Iq2%Kj6-NzX$6k`3qN< zkmUjQ+>qVn<7X)`KTp%Ng#3asLd7uwN zAKiS-SIzt2u4Q557`JlP;d}5aquy!oK5s3l;-F`t^y7k~4U7lZ>Eb1m(SBM5HuCr( zd{Hkj(tEZ#LeHlK_nhw*Iu{NZHK_)i7W3fkouRspp7(TjgZ$nUXd<)AnzNpou_}fR zYcEy46s2}oQ{+F(T%)&sQFOB?=CgD%((zreyS8;lw~z^se3dzNT5W^XBxaN9^o)J8 z(Vksa%7&+{^$X8x&3G*#Z@2dudK)_a@H+{pZr`-c&gGSoq*?W31@Q8g5(7l!ZnlP7~@r4N*yxyoL@Gxy`zi8G@@U;p- zvZ#u8xTjH7f}*tRfAqSci)n%Oto?v$hS10yJz2$$zKuPvVU$)c@z*GYXlM?4)&M+m zKbvdoMT6?aRxsR{jkb~J`oA{#R3hjd$Nw*YqYA+$Taed~-xV zfI7IQYZ?BPyVc%nkDZ4u_2C|=#_txdL20LNx;`phe(&?N5*?I2y$_=9Am8;l4fh z0r|IG>CG&~OdFCaR|5di^VBi@~n6=sQvz;QK4k&K1|E%S2P@c5wCT1T@+X4y?T_8 z0nh!jxD6g+znX?k@K$wKlSAW?tC$CP{_(Tq|DL2FxfKk<*2Sn~Bb^E8DxTj@S7X-# z8OWqqUilN6H6PjCA_tM@xW#!txm}PKzUc1DT1V)&c6qvt_Al*nE?il@&K#mwaW}mzec)fmkt<&z zS5~XtWOXt?R>R>W?74 zk9aa+dMB#ZT{527mpr@z^yN^PtnD7CKVHc?v1$4i8KjtTacBX_txv;O11>glg|n_s zBa`Sk{7Yx5PMA;9Z)U4Bq#QJT9K+|KsQ^1FO2y zC>la=cXugJthl?oyOvVio#GTJ?k(<6+#wKS-?+QGy9W{^WLD?b{Fs@Lym#+8pX|MM z%0xF=Rwui*AcuD{Ol3YMtJKc{O8kp@yn&%fzqxB`W3r*xEe-zHMFV-amUa$Rg|%+F z76b3l?ybgB+r3(ZZ+CB&9`8)kadeYW%pn@xu+;sOIHi9~)Sm|;)x|PHL$-TsDjL(? z=!~{}VP@MiUC*+9sCiPT{@&n<-vaI8L*@=OQ&hIMRLnb=WxKcfRO0t)9H?Ub==pcs zt9P`o9?YU1>&5J#Rf3v1xM-G7mQLYu*z{YJI<59l$Jl&*!-E>QfcXP=cqaPI5oOc$ zASp+&%(VBNiqa7H122D&%S7Kcpu;Eadf+P+8v2Q|`&E{WmX1Z^|BlSlBb+-^;BCQ$ z+7kR-4Wi)Ij|`JpOT4g=g}PJKSF`wzdr~({Zw14=9DZl!^7;K?f=mlnmz!wD`(&y9 zqyX8^@X??+d$1s(=QfbHhxPnH#5mTLLtBn~l2lhdI(MTGP=yuG+Cj ztHwFXV%R6GUE!mG73`Ck#|8ZTgZ|hnKfn$t8LB$;uN?jEsOe0y-F{?1a0#|W?j@*P5fO|`3OuV=01a81nS39 zJR6fZU)TkQ-f`ES!4@ihS32{Pl~Qc*eYc}-efb7$xvlm_x@ztga(>I=!RqZrJ{>!| zqv#BBlH^RU+Rl!1De{vR@)@Oqn|kyhUgpuUWVz!pgcVR9zue%1L9%a|rh*EvAP&O0 z8b!Z@|9I$}Wc|W!uZkP9h*8eE`!G&-Jjpmd8mHXPaH~oeH`47NhLp5uj0fFsf$M%o)Qa^g>L zhu8 zc8k$&`tpQZU&(exf4ebQ*5kd!hcDIf(()aVs@%#+=a^Z}p0?u712q)xs}<>hL96HNM%)z1;_OZkDh1{@mj{)5YsWC@L2(U_SY_ zCCNgyW-c*}+0j=!4eFJnru?1F+{vqJN@m7(ayn~=$ZVy%a;R;e&x%({_Y}BbSz1>* zN%gDa{ht=C{q@MB8qb{Sp9H;)iIEvQ4s$QA5Q??*Pq zH*2jpPLInjX_1L7`}<%Wut4|u!d?IRBmqUi1sXZ$t((=R?n=5V#;Qs`m)S zMo*sQ5y|S+p@i{ELV^a@WCmsVUXw0|Yq%+#l7j(okRo*ToQ1kpa+UEhSpSsB(CY~1 z>F(@=sb`8Yrww2>@{PKp-{)*y$oEl2G;h8TBz6v z8%@3trD}gr~sPjywN_CDGW?V^OhGRC>MT(ze@?fyAl$3K-eUR@wJ_D^s1 zA6K9nFcn`k^-|X!@Emu=%Q`PvDGfM-OFL-Zqf`YA@YnGQKKkm<9)&Z-%GqAMqC6Bm zAWV($|G(WDr$o3CNmJk(!2G!U!bRN)zK_^I-Q{^Jz1|b%2JNUNPDb(f zc6L>Z15R>WkRYFv<{G>pO5wN2vc{{joLS8--sP$pzDoHeOuu`5*V+PddirLnC7;m~ z_A5Sl_|1Pf%c82ct`u|9yE9p`Rj9h*kqErypkrs;wBo3*W;a70#NIz;VSs$_G41PH z-UyzFcXn-x{w~WNXmpHbtR$lxonI->06k`g>XsWy)@eL>AAwrT+_TmjIDO${hCYTN z$?oFy(j5I*oCT{9t|4_;k1p&HnBA9b=%d#6KIzKraFr{?{3AU|QyPV-R~}giXc3N2 zc%|U&-}U}0CHo{ zeictt@5k}-o*AW%XL)|S(8~?t{K+M6Fv(SYntSTs1URmhKk4zw?vSsuw=vU=Q7#DJ`iEM*}Tb)As@T z7UiHdyhAx;f|mGVu5##+Z`QP8?n3X%ymsT=NOfo&uQ}~K6!VGQ*dzKiG~{>i#SE9B zn~e$;^$~uhy^nf#GGtB8!Ow%xDSrsmhNEP=!pt6fpZbm7X{5E4mKUVTh8n8bhH$M! zW6;GnSHHJ`v9T{%Nmx#SE(y{#JUW?)Qq|nUIB%#JgFDme0tR30~H+ z)$Ft<(8QP%@1=_u;VCYQQd=}3Jtump4ZUMgij5{V4b}ixvX(43|0?1!upq@`98V~M`hNs zXgK4B8gA$391B;Z`#UXo60YSrUzE}>LD^5~k?~&iUWCRSzMs#B81`Y3)#VS`=4Yq6 zurJQ+Mc=qGOQVt_^yDMHi56ruvZwMl2~x?oWsUdv5xUNeSLq%6K1t-d`TD0^8uy=rTx`)bGRup| z^Rp%Ycxc!lca>e?s$a?A7+5_)?)?IkbCTU0GwneeZ8Rv0+^MN(3@5-qULGK)^94Hd z4fbNBt%}WKkN(0|&*;IAxw8MA=c$5euk^G$v*g{}$z?2+dplAdOG8y1t?a5Zjxsy$ zss3nA=A)8Mz5DU>(c>i6@5-n?>7!oypvLg@bj3B7yq81TB*J|!}D34GwjVgSaQSh zW$uaA#Jof$l#i3mA?7pF&`6C-mqmDl?qzbX(=*#IXn?83@mp&%OpX8-2 zqmSF=#vXd3t5$c1jp1!(lqiT%Yib~mUu{+K6SXN?uDNZ{(6W=NbJktwQzP^?pL;CU zh5VXgMhWh+J8j4gXTkedB-?)bzSRI$Me?WK(#Q96req;YY7{mK66 z)m1NzLEqP5m6M_mdZ;PhkJRR5N}tQtO`hLs@v)k82~Wjec%f?H7u{;9-FIJT(0%l) z7vpv1vzIolWA;cN*+>NedD4&B=kfl`w$<XQhG(~sE{Qc;RcknWOWHHiPIj6ngo7-u1g;GY# zSur|T$<(l`PA=?vbehbO|I4|W>jk%HJ|3RSaNbu&qBZx_Uhdr9R_sEU{{@Y4mR|{L z{Z=AYfgKZc+27Egr^u40Cf@ueOecPL!Merg_D>QFKsWVWm9B_3t}6Qv^&PXt4S!TH zoPYDy4R%?X%tTjZ2Wsgrn)-+|ea+ZuITkiBkceUy8Ru_4%H<^A_2WrB< zYVh4RjMeqSVX9b*ol@(s$~YLM@pwt{`CE;PxnwCvE1mkkd|VCKf<3Z3X9Bd z3UK(UVZrQ3_Ot)2kgHWsBekd<`|0nYD!GP?!!7~b-3Gm@mo`_m(NB*(b-n`ode>Ak zBK*}cDnca(Qo}w8)UKQPItB02rUG+|1FpI+7%RhxNQVmP?f%pvkhj@~!!Mr2eL1#CR1^dZOHPGZFake#C zUD>Gr%voRXc0NFt(Vbc1A*GGl)9}^y@ltko>1NS50m4=r&C)4lU{`iuLb zJvIK>kIr&A>8`!sg7E6O$(6msib?QxyJhPAw>XU)W2o12C-uJ{pd}@v$@}EK?vkiv zp24_J_!pU>R`p|7MSa*bhdg6An8km@k(M z9ogXlFyIHFU1RnTLSNkRSfVBu!pBGdTmK9hXB){XScy-ccXHOpIGJC_(748-s#~0W z#N*<|(o+s{72a8Vk!|c!)PFnQDNmV^pFOR`?uKz*%xlu?z71AmJO_`;S*WSlH?Th+$>+EgZS&ZiU;EHO zS0(p>q<1^UpBGdY4GHP@FI4~p14pFh6;hk;YMbSEQF(gf3#uC!VeK zh1AuKnqQEi4sdh|&cD=(46>b1FrV0thP17PyjEN4x)<|=WpI*P;{(i%)}qy))QsnD zc->U8g4wBct7A01Z>8S(sp>LT`hf>zNJgA$qmd|v{==aav$8Q(8lRe~jYDmd{1I`3FBLs7bIAws3Yv1!!?5|0XQpmKAK3f%YnAijTtD`)YR$d~4RJ z>Ot>ctah3xzE&Jop*lFfO@cK>Y#07?vj@YBVmiHhVRbP9Q0P(yOBvc zG);Y@m>qpd)cCgWB$kn{btX_P=Z48@zoQx)FtnXLdiU>X>U!H-G3c;HEhIl-n3vuh zN@g!Y_Q3pX4L0I+o!p1zg%>%Hn6PS%21_IjV=CDV7F+V@T7tWlA3~a|&l@Fuc?3F0<+q|s zd*i1m^mOsI9SI}bCk?+_-%wq#dZxc3$PCN#)W)r7U^{)*o)PRz*LY}I zEHlp6P_FB`Z{zJY3B z1LKmK>~;%(d3>@|2~!W{d`cpZ+g3->177y!PEm+b*vY1oxwv;m_sMGxUU|&XHrYoqY)zjGNJLm)SxV zz6TbqR>^BYsy(yJcxVxzidOYzVHCGn}!C!#9dYBzlQH8 zL)+e3f!z``D=Jt+7e#5)Qnc#m;$Mb;R6KsI#~0(^s#vQT^;|BW+f!=0KVBE9d;$zd zWg{tG)D3zbo-dmS)?D5P5!2ruv$~zcAD`3f;;_faBYj-j=*fe~n-%@no zx{HSKd0tzPqg5-d^^lp`vp2!&mf@t>hp^C_C1?5TZ?*w|QJ=(xOUj?fJ`r7Yxg0!nb2uuRF zXkD@tgm3Dpd6J4p()Z;i>(=2&&4?~(#H?eliMH$={DW)WWa4au-!j=%{^(>r%_H}W zUAs+XH+@2f*m@zE+4rcgpTfdlj$ZC(Pn}wXPBx6XrXjjSxE9rZVmIrA9_pr*ii%Rz z_7mLm%?a8xnfiDvUZLWl>a#pq!^@y!IO?t&mBY09ILsqL@nDdjEaq?e0&mt{`0 zQCijyFXU}!y}6X905sfnr-kZf7XGHk)FJE>@2|l>9mU+@4d(+h2v;=xL)*X8-c3v>fVZt2>^UyB7m)U4Bedkcz7O2#`Ou4(y=mX=}!#Qrr(%Yu*@h+i797vrN%I<3-tX$?djh-=Q!wYe+V}TZxv(u{j_^>mQ zRo2T_%ThUmt?@JuFfkhZ86wNY%=WV475V`0#}FqC!>4j~q>UD?wNdvVf00DaTsXJjG%6S ze(~``zwl1Q4zfG`%T3*22tA+3u4OIxKZsLfyG@rBcid=1vrS$LLbS?cgf?ksB8?)cI?YlZ6V8*;Po z7MR3ZpizPmm~N{@%^sO(QN*M|40hd)q!^E88vlsQnRNj-b&N_uJY0GcE z8hQqO{BO4E_Ao=i)DpAv4TU~V(@&FwG@>mW-jJ922fpoqVdk>^_q%?=w;KMppIq>~ zl|V=N3w76H=P>Q?g<%}$tClh7GPp-;PYBZGRcNK@Lt8R0v*4^NKEO+TdWGYg^VPGx z^eGps7-m+{`gQp?U7}vzobz6Tl?>a|M%9MmubiKt4XeqP^G%lNTk?gk<-`1QllNFR z<$Ne*1ouzW?TX17h%cozGplZ2BINxRR_q?M3SXmS-y#7{4_@kOaNA;?6q4&H?{%@- zx9+2!Rm&$kJ6&hip%ssD(pl<~{bOP@pmMtA?~T&8X0}>|9%$%X?)%Ey?-mb%?n(@)$%7a76$?qUl)cb-{~!U;Zt(+VH1!Y^P8JGy@fyFOxDQHFlj3? z-%7BO4WHla4GucZ4E8q|D!w+(D%>BXLUcRq#2&gvtGgIpUGBUv$S6KhJX5(2G-5e?f${O~_U#`o$8zkt<(`UHM>N zUGj<4t%;#Jb1GaLZ^LgLZd1(JPruavd+uZY#B4V>3S%wowjxc&g&Nm{aM_`2&- zZ4+aLX{gfBMs%-?ALl)}iccK%l3i^fJNA`RZD2xqXmZ!$#z?9IJcINAsXwY`z`%ct`2k0A}0mzBCi@|R{eROHE0+7mCsH( zx-&y#x&Qv8UmA_BdRm5?N`+X%dP&u7YRD$7?6fSGyc<|f)2PAMZGnN+HCxvHscN{O zgi&oVS==4S3YuuEa}NSla1y4;KX7KMa8EnpqtE@Q#KGbEqlT@nTz67b40)_eZ1t6A zys&GOdNs1uOfo21nuX~6DV`Pj19uoLSH9zIV?TTVpG}(+=rA3V)FO;?A%F}R_8%?k zF>_sDW*n)@U0>VKU^E2Z$6ISnq?J|iI%`m=a|9xJgp9Fn4rA>?Uygtvs&X9hjD&j#3^7c=zzY=XMHWUjFzSU1ndtLiv> z^6}RCasZw$GfZE67neJGYR7;=S+26uv+pp|cID{963!pA7;-99(>!MVCg__g<27EF zp}$I?%}EPW$IVW%LeF;P-$>3fIK3-lboQl}R(>Hna{}BtX2xM|Nt!z;UiHwnmT-Bg z#!F0$mxbZ5BVlem_g3U5YJw25nBd2ptNTtCrp&dhxZftGX(e;2Rm>p6YmgP>5v!RF za6=EI>)gMNvU_K(#NWyAEBRfiZeF?o|80YZqc-kBPtnnlTp_YEIKSg=8#?lZp0>aj z4j*8cE0;TKk(vD4z<#mc>c5AJ^4__wK56Q!=d;IOE)x**uyHLcX~{Y z$yNH|ua1dwkM_|Im~<0-^7P|Jg3i2g(NONB&O^e~mObDT_Q1QJTj6yt(i!GHjkrI5 z&4eeo6)wVz5Y2h|O*2lASu{C7GpL`|Y%S1(p9)mGH#`1l>Ipn-AV+_8sd6i)04ffWYx?gnhUwWiJ;&rxHo*o`zf7S+F+1mhZ zUK^sReSGw+hqr3rGr8>*p?>|TOF3u%W)~B~jMCgXUfmu?s@}ikVE2aeL_IOQ2X*}U zaD8~0ulW7UR_A&c9#9T7zI;Jzx5ceN=$@^@#Yt&R+aGPR@QhdAp>MQ8!!z_NL1z z9v?HGd+e12UE+RPT?=kbi*zlaerw(^T^rAbspw>&mf`u?IX!{=)pU8CiPW9Xu)g|` zu}1yim}jj@E5cQ8ysb_##}91t*o}}aOKpU`!m`Ckd3dU=vV0EFNZwjw%3i`fgz1_92L4Y=u3(=$4Og-I}j3$a4 z?X*yI;o183-9d5ZB2;FvodO>Qs(+VIJxvLeV>>iC<;bOZ$(`acw40@C zOzm9eS?tHxhN-4!Dju~&H3$w+p<9rCKKe{1uM<^tK24qf@q)cbcJ@~nl_x)HKHS1g zJR`o*2}-$3?dOKyeT)vvnG%+A;sD$D<7z|TC?!8B68o6>)^j*vsIZyL2ST>~BYod1l`3HsQ` z*gR$9rJU6>Sq|u=#-dFd-7QUP-e;?7@pQH7pP_tm2WBO+8~W8n@l)AB^W0p2>#drT zBDI{lq#z|(TgoMC9=>6dD}L%}<1Mp>=v~ZQb!}vnb}^ePGU9Z3f1dX4a#T!km?r;3 zW??EU><5J^e9tWUFLbxb5xiqCg!<)b+JZRU+R1#QW30NeE4qkAY1uq7h%bNB&|iGD z?c#j@0rI=BOTf^NllM_<`$ zKvohu4{y$j6qO!j&5oLRW4Baxe-9 z+BrX7mMeX=cnQ1ZqcC=RhA_Jd(TY8#j1o?E`uP~yuXD(@sfe$xE0$*NV7J9&DL&SmDwSmUFpPa!Jrm8#iiV8zTy(%K7Qx{e;?$+jxS z`kB=89aFXLL6na0-mY1hC8soMgp(%b!X#scMM#J zslIX;6QJFF?X`h9Mg?lSx@S|=#XC~@7WR6GF1@EEdY`}DWO2#BiyW!J!`!qc`m;RR z;mwH4RJ19~)s?W4oud_-imxu+g;_+Hx(36g997Bau+Lei8%OC}n?T)cg1#utTZ1f1 z8_h@NYvgw?jsG643YMAr6TL#_IeLIPUw057hTG7`f&QFu)qGTP+A(LyQ zpLVR_nYJYR_%&JK6BE?Hy^_%|!A}hjM!?{QV^f8mwsEfVdzl!wd^uZxp?-)#4?H|o z%O*yu2aKN?27I6-Q=<0MJ z^+U2vhQ_Kc&rJHk0u4Pz=B87!3QT-p&PPjU^Of7Xtg&NkwnF+o)oq@OxV<%vGJ7nv zeu=%Ja{@K|W0aPCL&J9(e@;BwrEl^2gFCqwEcw#izo!;M9^)MGR(!?I*D_Hk123Hf?-#6`zr;i}z8lt1;8Q(H8hul`F~bX1R( zhWf&Ps1I|-AMfLkwN7e#-RJ)rpFDbTE4PxyFVqD;9rRNPbW_KwhbZj`8rP{Vnmyv1 z{;3hK4!((MJ{RxyKqpniLmRw>UfnES&-we7z?)e?|9l1>M-lqT%ABuH9@%Nzy)fmW z(=Y83ssOzFNmpakHzP<5)}ie!m83T8X`*gZJ9`AnxJSnFOfqs?p|Njn=vm_gJ*tQP zc}g04C~D!m3Hk{8V;FOcyX~2~%?~288|H;;rzCy31Sg=IlhP_DX+PYu16I60AN@2avaC@=UlUi|)HppI zuHnfnjUP`AZ)p#moAFxLXX0CQj8qV_mh95$>Nwb4ktTTizuRdp8tuIU67_^$u}RBN zI3>Y~dljI*X^&KrXWu2Gm@%~lQ#Q4bJCB1DMEA?9(reL&$<|7b>1yd*9iQW_eduLwA4}moGc}Tv*$0n@ebgJ>_iBH7^C0}w=2~fw7JMJG z|4_K#Q_!|=_@eY^8?Cy`c{2_TG`p2Lv*@GJ;rg(XK7Kh#jn1R>YH6;z&Niy>!dF+f zp(A8hSgziGp1nMH<4&r?zjq@vPJa)M)z->6nm&WiAREswI<6f}C5P-HGA!dY`gVYZ z!ANXS(MNluQZyj-y;8pTXqI`jo`;e1Z4LVqT| ze3xlOk_WR6SQOpaFMP+B)1I0*>{g0e?RJ$7+T#)7VY=oTqPqF;ndzq{kIU4=R8I}= z3QPQzgN`SXcV@@kxi?6g@G>4cnIaFb&uZ4n8y={us*Qt3y%W96gG9}{nx{$A^JMeM zMSI>Asm*y4BX~x)m^>7TDR6`0=?_tYJj18VpZpkhh8oYWPX75gkIU{8|>%Hq54Fhn{pS9+UpE$s!R6p zcy~Q)j(_9tNZ7VE^6Nnldy~ABNqFCx<;<#Vr_p!)b?Y}Y7CT%OhiB~ye$yd!&_-p% zqh(FjR=-G9`K`Dy$uwLKmLw{OIr49Do_IpZKblWA*|!8G_6QPnqGr3r=t?P&zN z;{f&g5`X>hh*Uc?dBqlbs%eI|a$REO^SimKj!sgjPn;@ItJ(7%J?U?yTim;T_HgBy z7e&p)AAl!pTrU2l(TNJ!=&IYtbJYAc8j3TYbP2uxk2o}L2iO&P;UD~+o!?haxHSIC z{T8bxwbA1BPgk*So|=CRZu;!fMrAl}9y6G8`@ng-5~YPL;DKBzYs}bdqc`7+8RcHX ziCU7W*@H6l{x>u+%-+koG83jBnB3G_%g}<{U1??n;~%(V#xA35jy&eFoA?PXsb><} zE_(6QFIrRjqlOK3Q*Jds9lC3&mIGb&&ecI_C-6#tAQ$v+dj9Qp>cxI0{d1U3{gf>G z*`HORMU48)AzPRI@vnI%hS_8G)|(^Lvm^TS;<>uJnrt>$MZwGr2IU8+K_S_Fsp)Ea z?30jysQ2HV`c98?^KcnsGP`zfm~6>-Hs@MJ@^9MdTTqnhFjFgA?;E@TI7|PKzjiMY zj$o)>TY2i&S2h~v;HJdwCdN+sg{5Q*&K~w&$HzwNy6-#nr(RiuCVC}|?lZhclSlqH zfBT{KJ=iO)`cCd@oN{0nuEI;@N3K##2)V*d;BajqPjgLxR`uk5h2wbC7Qf6k*wN@z z_C<4#WU%w~q(5Rt+k9B2dW>La(>FpFYrveR4i7XV zFCflEyDwX73))?0ydR_R^EKJ#Ay<=F^@W30;sn_V)I7J_+G!Uv`x6uKlWq>yqw;W1 z*~fn};x(~2*-@`uRTmy-we{%Fn+52~;UH~JL_^5CY6Y|D)UZ%_d2(J+Lo~I@RgX33 zFwg{TvGdWP8QjYra5XP6^F^2BYgM4kaSm!Q)<&ZyF<-mmuP<&6x->jX=9keBjE_<( zpGjYKvf(}awWU1w@i{!I`Hs5#H{SdMKKhJK`uoqx>OcOY+^Lo7j1JP%#9-aAbXF%f z^eltn$DAkcx2~^F?PVrVkfbwt5jy(RMHA3W+0J4gQ7&A)-{xyk9WqnsC673LB-<-k zFW%Uw_natoJHu?gQ7H4|2)ytA`3N#}1&`~}ZdMw(1`ad3gwN$+@2*MX-t>ZV-y+HpsnVwV$ZaWOd4v=3-pPb=Gke^^&FXac&pxz6pcU+(E1d+3}#c8 z2g00e8l&rcuDN+(s@Et3rm?qrw+_`|w2yQCWcCD;XEt}e(+pgRft)q9rOZ!5`@Na&K>JX^2&H1^Z zcnfj^RKFLj! zJx10ylXRN%?wf!#y{_}!ey+JX(c1Fgf<+>*wj4d@T??b(+?Q&$>2^x_~L zMr(O}JUy&mfNno>SD$OKda~9}Rq*(o*oh8gEqmz+=()#b;}=Vjb^d$3V@J})EsIQY zv~6u+wZ3rDUp2{LSV(TWTZn?^ORf1`KR9J+8JeS;JJFleiP!t{oF&hS^ma4%e*r(6 zypw?`CdT!F={kJlp-Ml=(BNf(+JP6hH5%)V_;GR$<;(4Uf?RpGhQqsRG#8CH@7`dt zNB8!B&H2nb5|ytS*T3q>bn+U4M_U1oS0S(^as;SyR z{ZS%1R!1UywX}4aD(o*%C%-WL8WyYdoF9)Sn;Pw+67&!sY1b!C@|guID8*9Y!Qom< z53_>&lpA<|qpL;eN_uf4=8qq0S6)pL)+0(g{|!;SHPKpE zJY4g>khjvJtnu1f$_#+R`GD+^QfLEyMQ@Uh7oxJelHJHoTm`q9zj5c^4jT53Tv`5( zypvHf{RMp>-mifz?KNOff?{V{YWZkCtuGm?&aT{7UC=T$_R^g@QEKLj=V5iA?j0eo zm^*HTIn1xg$y)P*y-KlbBM-vXZNMv5#2KF1Y;^2YkcvI*MQU<`;aN z-F(#GJA9pgVcWKq)~`Zye1{p^e0;74@okyL>GXpHm0XNRmkfe>wKLRXAk3lQMD1>Y z*6_D{HQ5RG-W>J^xs+d$smCXp;;rFt`tV-a8D!_80eXJCjN!>yx4J@+wv=&|_3}_W z@Mx&eDD5oAUg481vv4$#AMJIvZ-%Z~uqSv8f3X!>lV+Z3vdB)qcr#}llPWF^oo44< zIN44;>sxC0GR~PtPAVFWS7HZ!R9|1^j7BRnG*Q{`4X?sH9Pme$K7Ygu^$Y(0T;}#t+ve1P^g~uzGn`F^26&)AG|- z&2H?e=WRaAysopRc0&JE4Q*yIymDyC6Q@S&%|&l@rjPFw0n-@0+uMhn6~8;Hen)bC zPVxN1nD;YDQa?B9cvx4(#`~#8IJ18Hm-@4Bvc99)@Lyfh_*?^jz*So<8|&RNY z5Tez$@|A*?xj*|W(+?raYJ+!qANu;1!TLtu)Q&#&Gv2%rd2X7z*Fq1bGK=Lbn|Iqr zVVeRJora!({dV-<FYZPAn>fUK`p3V2a(2yeVn1`ZQB#H!WWqr7L|shT9&<&6+8fXu@y~2H547qdG3;X z*)S;j`N%FX10PI|a>l^kwDHxh9pP$q2;VtcczQimhfNPydp}qzC-lgPHw& z$yFM4&b%0MNX)*d7<0DBabEgV+*}3sU^71EjE;o4-jA$L`eax3%a6K8$PxbW@+I;5 z&5ylY;}Gs&^nah=6Ah2nZn!I*F0oT?XlB%$_(@&++mhQy=7|j)kLvJ)V_m7`;lcXC zM4d=Y5b)oQlXtl&R=s9fDCrM4IK`Z_z>PDkJo=h3acbJz3=N#0YX6bJzN5I&d)j*# zh#C6z3cR!mnM!%)r%%(^JGAtLZ|jGL7*<#!e&x<_x>hem>lTE|>!iPIX0b=fE^dsP z&#rt(k*sff=oWR$t_w-BxaX(=!MPd`&)wW5O&O^nx=Vjl^fpQDe~r`F59E?Aa8L#O zb>+Y1DG|Mz_p)>~NTKk zr}ur?os)AD)GJ!|R>Fv#0J9DcS)@C@Y8U|{W`5LPr2^!K_i+AKJVDl0np~@*;b4jP zGCy0jhgC7^ma)}~;`XZN0wZRr3-`INIxGy*grjx}7(q`u>Z{Ct^-Gsb#O}6CNpw!+rUOX0YjDZSBa=;4F;xbJyBN zMJm;`NWFH@uO5!o48IRbqJIAMzNc2C^555m3wA73Bk=Oisz5efl@R40^dNi2LE~)V z*++&_|Kk%Z?X0%T++|ZNQx!!H1Df@2_~I77iq!TwuH;cgD!O~2?05NU+l*XYY4t^? zPQ+?T53+kV!5Hh?)OZsVqCP3;W4_z!(k6Bo)Lp%vcBmy$DF8xAl$BZpcE>N}Vm z68~7eE#m<*!bMxA`Di4J#8DlRHDs8#4t~f{8hbdCq(p^TyJ<4BrSP$2fR}XA>q30# zLGYc(SL$}p7w)M$xdzdi(h64YL{Ic)?%FaIeoIwnm18d1;hKwf&Wcy;eRRRqxJS!H z>cX#q+Pc?TSO1EE-Hpz8jE#O}F5k}0MWaTE}U`P%fjn@7xjB@tM zzh-92oqKuvDm;%JBIRt2ezR1e!h+D{b3U)x!Wa z2h5=^$Hb|31Q|*9O^h-T%o&!Y$p5j2{+(B(A<4|;m?KoRfX8q+KsDga*p2$HR(+?1 zusClq&v{%_+*pBM>&NO0*$vInc;5AnFwa{q57dCt$@(3A(=Wwhbg6W{R^A9^2F#sU z34g^9SRPj+bP|o-suQ95P!2}Ya(1#8WB9DSbbf0-^FwxXSMam23%EMgldOE2J-i0qusKxMS?5pCg{zo#=FS#q^PK55(rf==+r*Hhc zza}~9AZU zW+}gno2=g3X?(9j?Ktv@nw#vk9Uf?$*7VlaSM)oh61AvzzNQ`ZRQjA) zneFsceD5#n-ng6*zX~7m-FzMVi~HWQmTb3FCakO#(vVC>*4C!(^0SAN^XvOCTfsvlwS7vpqaBA zRPm6V&S&5eZyuu-8pE22gvAqVJh=$Xb7tmU=S3C}j5O0AH(y16eS) z$W?QWS9k8=*DahiCev9L@zUHzH)%fFP&AC%57px2<_3TD?;KTc#_W@tB`JmPwdE%T zMI`Cx^XwxolRJ;LZ}qWUO|cGDWoGW?_1QUYh}ErrHZqvk&ps5dNo!N|qGY_fOn}FV zS7*yRdWb&cN^+l_Qo5QJ#OdM(bD6(E=SlB&d^B28-rvK_>V4Ux+z znekZkMKi=q{@q6Owr=DmbtKQ4UgSn2W=d)1x>thin3`FNfOXN*6jtPuQ2qH&m>O6) zsml#!MCbq0R^qYfkf?Wco#0h_sNd~4HEB*pWKDPFKDX2Ln}M(%K5OeyIE~a@>*i$X z4%)}49}#-^4jwIf|D~IJWW>WZ{#w--j~-z303R)8Rv3x*!0i!vTc#PB)en~4U~SWt{2TV-=jz%!z6zwr=8WnK8+CBG=f;fGAn(paGF$QqWV6Yub# z+>t8(6QXVKo6haU2f~b}3VQ5yBOO(UcEu`${yLoB(>q0#-^8jxg|fzVdLqw}FnL{`Q_|2Do5OV&-iMxY&;DN9IWqhFX|7N8(>DI6`Li7*1 zzB&bgnuq?(-Zos&px1hltFw3U?o#*PMYDI%K2D~Sq{qXPG?-cV*fue8 z?wO>fms~Uw-$jiYFl*OmD(7>&Y9Gs1QMGi%J}38Q2Hd5p6%4yUo^mq}Q(v=K9eC}l zh$uMeTVv%gISO`$uaf#PN7+!`X!1BiOC3I=6ARN12PX~q4)f(t_~vMNRxiMJz#MCM z%g@@k+F8@Gvt|3;Sq*DbS5|tfTwm(et>nBIo?7_LT_1l*QT{JvA-djC zHtbkiQd?B`>LqK#TEmj@U~WxT>g!}(YXD=t&`!}U3ib1eV#a$1Gvm)HoRwrSEE^ll zI}@nDZL#{Jl{1;&@hV#DqV1LA^)-_BV{4lJuqPAywX?ckLpPD)t4?cSx&KVQ>U92g z@`@h$1k25mdE&tg4Y=m7mFT8B?f22)MIKspkt~hj@ZiWLTWVrrOrOUNgIV`BSSRzt zVA$K>ovR5S9nI~RvfuS`4KtvzAv#Bmx6IsDFE^n5KMMoDPncHBBg6GSJ=_CF{ec(r zYO0&YE=TWEkuYbNtn$uBl zt=Gb}@Jg=C(WWh{`GtKNS%o_-$ph0DS|TW0T~^$KRtkFRFNPWE;`ZE}?DG#Ernn86*0 zQl-Vr+zTUBa0Xskg1g?`ghhqM`1@e?D9>DVq9~0#YqBc2gV&U@QXPYL<8s*l>+ZRy zqBVLF{Qt_5^Oh8iL$h|__cXnnov5D|p*Mb-r<+Nkvfx>p(IH3Ocd!E<6sc`!0?Z!8 z;U7-aFK5tO;!iGLiF&ST8rqe3W_Fo6xz)*$eCa z8Ei)@xS^h8mKf+wKBTJNfJl9&H;4%U)hWvj{_<&Zlb2lf3_Nbk=cEZF>}_5d_6R!0yEE!j{26y>?=EcgMB6 zyRcgkK|ykDx*0lV1{h#~p}XO&`~G;J``**5!tBqv9(nkCMn2n z5zJ98EyO9^3hX+l!UX1&z4`oZ-z&q3P8!0nIvh1`0+4HDBy6r!VUP{)yI)CIMITk0 z>4DG*cf-Fw$mhQAf%@m1CvN1k^NxMFyYsP_y7DAu$Q~_k!1nDPNLZJS<=o#4YQfIr zwmw)JO@2gwT`|Gj7h~D0ioL#gHt*f5-k7){|Q+v?Ou0*~* zxfVy+mwDVDI}fpEHO&aB49tlNNP83<2%#)E#F!nW>Nsrin5SPFnC+g>) ziZFXNyN5E_H%cAp$pHnfn=;o$FV8a@_A2W$Lpm-UCd)L$>I-ogxHbtd$U+;y`N-oQ z%5S6ajQJ3ow5t!IJ+c9d*g(v03qw5&>|-h z*RL^m)!0hR;m@(6AqM1m1fzPc5A}E%E;H+?$Ln!a zUyc@WWn@$4L2J33d^vxt`twzJ?X!YbKi8Dev6Zw1MvK}^D22> zX~pDOq+)5e5?G-M7pd*(S}B-AV!u=tdsoV$P|n=mQR;D86NA`~QNpgsWUM0lWH+DV zgbVa?;?nO76mfsQBqSOMIVsTfDuS(DJW}a#uD(FVSSmHb z%{pQSbI`|Ld1C)pGMvZ+0dwV7`R}IFzt%}8I1lCwlbuF8y#-%;G#7VUWZ~_NdcM0ku{`oM_v4?rjRN4_jL?{)h6coK52+iWYF~F zT4CP45;4>f6YYJ_;&lvAn+{_Uf`6x!qMG+k%#jK-nU}!qGMTWp%yzpm&$=`msnl3p zhvs50{jSrO6k|Af3BC2`T^O!r&L$b@{C?f43bBUTujV1{AKQ5$kJsSno*aB_k&Z!I zW!PL539~-r;7+BVehJUee!1-34#8H=Y%+!?VxDa#_THi|Fp^z7o3z9ZlS0_{;b*N( z#_&q^)_i5RTsJbQn47VUr5Dg92iq5gLlG8>iY}Zta8{u{9|~(tGHXUfz`{^N?5Scd zTuxr1WdKYM7T{4Y4WWN67;VfWF)@O<)SaCDye40OzPbBdvayS2zq?bI6{4PYf?DqO z>nYq*NO6qX)e3*=)fwriJ5KNYYx`dX4Bv1cw>AD?1Sd6m6f z{5zXcS5d6d6st8e;j9cpn|$)uc<=Qbr$UQ$+;h98B6d(clE(RsBl< zl54Q{pK#38%t4d3UT||NMap_VC?==lO;h@E!u^<^DdE|J?{G5>k*3PQ8bf_?!>9r? ze`Jt9Mc_ydnH_&paI(x5g?*{j7;si&O1206k4Nb>XrZEqdn>QCNfs{pMq&hWM}vly zpmatqcHaDj4TqH&Y#9T6&bS@PN*_lr$h?lZXik5}{EpPM&UrxeRACXXS3GCWZ)#K+ zL9fd&YAudwkvRF3-7p{6QO0@NmQVD2ZRc2)v#zF1EAb9FxEAh>9{;9d6WRU?N00^F zmpYLd@6WMeoD^=Jb$Gm#0ImT?Z|)1@4nCyyydSQe>TD zTn1vEdXcR{wwZ+j9fOs4can2=dT90a3Yepl;`zmN&Yu;i|2GS}FEAt6Bn|}=8lknK z0L_N_W7~%iTifg<^m%eN;AC`1dSX84I|U zoJwGyM>N*cD;?BW4K4aASL>3Cdes{jx+LK?JuEj@kqt7>7gOGH2JDf}=OmInq;j0m z35Tu|=OwSIu^=f2?U!;6j|x~tcNJO-@^G{v4pZM1qWza*bm88@Ri_R`h4fzP`@y(h z3N{4A;iwDyhUiH?WS}Y5j-+pF8#7|IDhvuQg`C`}_f>HwTIq2KTzc@rDhtuErRwMPivX^_d> zo<5ytq3mLnBA)NMhnJEObC_ADvoe@FDlxsR03GznwfXIiCPxaP&6(5Pqd};B>55ac zaxim0=jB7Pknt@OP`WbtRnJbvtG#;`^e8xj#VSgtWy}X&d`r%K; zvxaERchj;J&h0B{b9~bmOGl(B`FBz$ysHJl*JBDne5o3aJYyp{P`s|qL z0Mt_tdN0esWgB{=50MA;miZS4`oK8TdQ)gDe%kQ8P486q&g_xm47R_ghH&r2TqM1F zlfBch$}JtUy0E8pt%i7u5}0o1|M%D*_HWpkdWC%PPh4{hi`ZSmjMLd*Z1m+`nO?)=M(R-%bu7Vl{(KD{7I;Z+p$ z*Dw?BuEz2NcF{&NkLj1meiJgkjl5u>o6h}E0@{wD@9RJ|E}YaCbJpL6o|c#7(%hn6P5))z z_N|0z>uh|Epr%4!$X&j>yPCM8o;?qXvQ;=fJ&j$q>@_(egOXXzxAezN|HEq?7>L$| zt!ue=yl9lreng`EC>^bn_ej`5~w_3VlHQ$la@>=L_%;A2N=P~YAnsHw(udVt& z!#DLi`^I<2!^zqM?@lM;)ckOIve_Za-1WU+>cI5=?csW5H-!BQKXt{$Q10L6MB{s` zFFHPv;p#4Gao3ZPKRys6_U59^Kx#sD%oncor*?hy;|zT^{YJJ5OtMfzJFyO(_%7cW%np*<`yPz8T&9S;|zS#G3K@^>Ax?iz^s45nE{TbcPa+|42wcEzt>z*f+08P zi+@JuiaYt^lgO0G%w>L=e%g>gynmGdO`grKEMv!MW-6-g<=|>}ZDCBm#R>-{&#Cd~ zGA-@s+a(m6>}&CAs0!Av zINzs_J$oDd@YL&{&^r@mOAmfx49+p%H&#}F(QBwdv!6*}l!cHEI-*ms6y^!!GP#Ce zX0#XD>a)k|F+JQ#1z2~w5JQv!c;1&fPY(SW*`C;VJ&<{nbgYg|p{FSdgZ~MoF0X{e z7X#tgIul)(H}fKgaMXZAm=xzA>~K6j?y5z=_DrNDYKrKnOmyTdDsi?9*=Y%QbvPES z+;U-I#(mRS_DF?P@oYoCQNJ=A98b3W4Dz*-b;YUy0jL;TjL;QT7|rgCleN57Un+1c zkW43PwJG!;9^6$)pQ92B=pDR4&*AL*X;|+S2cvI3Fb~ScUNu>Oy{R)XTWsN04KK1d zSB}vUih*(1+rJ14nQ2coW^Px>EL@jj%=^UkSV>I~3N*Y|!Qdvn_|w_D&NKHEcY*NN zWay2chS4?>t!Ad;>dr8nY4E{~(o*=_C8O27e6HJBzXo*l&Q zRhq&9QE-UkyoEEl0&wB-iDAIoA|&5>7J96vCdP2b|AjHqjReby--h zCR6383@yHwV&rw^%>UD-N-{bBNx&z*L(0fO)Ci(>+s+xW&anvW#4J{*zR00B+-E@* zp1w@LkW%I+h zD-*ltr6ZMR#8PsPZ@gm{b#wM&#gOrxQiFOc&R!RCuHL;E2UYc$bDgXUpKSE+$bRL` z8A#*#?ag5ieCZVqFYfUwdxqk$7j=S*Dr|KpE0YY}r2PrF^)nwM%*bRfXO_D{1&h_} zJNwL@t)d7h3ybhPF`k+PbwDY-jNiHM*^&t5IZ?GgHH2Uj&AnWA|8DA`}vO>~EIgDraQU0qGcbtpK|? zXPPjj9KQ1-@Zv@UtbS$ixK)jLjm$1BO2x~`oDVs*Z1TH1Uto7&2)_^df{*Bi z;MrHsWSxkto|Xd5GinS!9>KF$HZorop>WTC+$?tt_#O=d`h!cN6bM^ij1kOuUE?fp zeWcsQ{mJfGUfQb+!k7ZB`?@f zMh?u5e|5xIU9x#ffRcawv4(xx>rI($p2BP}HN}{@JhL(faf)X{_gK!=2IV7kp&D~v z)}YXc**#?u`^Q4@-TMz#8q4s#eGoQfnVs?pjly<#&hG`pDE~7M9z8B zNKD~9n!=I#i0l14>^Djm&>;u1gDOQFAz&1G%<9hMgBG+Zrf(ClI{E$z*&Y!%Z z8fGZ^Q`21YM*-8Oxrj83MXC!u?7af9>S{dN*Rg-)4jCD%$O3c;$1^p2>0gQ6^jsuS=iWCY6!U&E$Gpr3uFNIwoEMGxf%I#|&{IjhZYS9e&zB@2 z)r9LmXYbv+%HTJS_woy#Lpb}W4`82YbLJCQWOBbO=ZuG46jCx-JlXNiHOb_>A9l5u zVFPu(L$i|ba78lg8hyAH`os0N2Qrx@dy&C4awz+GhI77gnthZt$@u9i;2Eziv`ppL z@QMtj;bl18H3Iu?$3V484b9)wcSfaCJJb~kTKRZR?_34F??>qY2;5SI5BoL6ma+BF zb5BCWC^AX-U3}dg2pN4B`ic42cSH%@)s;||M!;j7w$P)VGN~Uq4zoP)t0md3N7xg> z`%-TR=TWUo;4--ghHa=38-?LOCwc)3HO23)xi}q|gOR(*<*wBb+9!*V&Roei>=@Vobpvkoc^5d8ZFv!Gqy#&njsbzjriZRZ5!m^1PUDogn z(>ev_rRB(58U*8%XtKc~aB-0ggZmcZT3P}6k=vDEwAgXLaaHy}L$fIwycDbRLbD!6x6|>1&$;g@V z7kfAB3DryX$5P+;o|_JHvOJCGUCu5kLPl*azQ3loVl{m@cGMnu78@hc6-u6iQg>G4 z(=7U@$U184?SgsqJ!j}?ij)v`KIlf0pBaO-%)A9{k-@2XGhtqvh~dM0;M^V;u=02u`74|~(^vB6kP?fi>zf{JqBejpxu= zFUUghNk@xA?D?@EA7uo+q{kwePm{xJaS3cK>DjiXUNkNhE?ObTtdD`2T|K_>&uD#4 z3hhhGoKYuwVXQ>{<7_Ow9S9rOCc?s|7)N<-+1`P(mvM=3oL7MPX@%I>Qi^jtzZH;u z{B|t&k81XL1ccyn_bQxO$zB?+&pjMf=&Ozq< zy2N7K6diFeL5%=vyVg8cTg{f^Iyps|zrqoo%q)4RzyR_Jzk0;LK`J93k=-J$et4_o zec(%eZfH1;l<~T5l4Ir>1rnVN#ey%f_~ny;ZuexcW&c$46JL6YrO>0F)%t=I0mtao zvdqKZqH=utz<#{l^*BlY!l`TYY7HsGvN7~Uxn!VC{~-GAIKN*PiiWrVY>Z51XG}GI zpHGF`063U&t*kBcjNQ4{Gp7ffUihJ8GOV&MSmCdf&)W~F^F0EHsnzZw+zQ3S2C9` z1jF7d4AZr1u#>Eiud^%BCAt`Mxo3;J_XD-|_4q~h=f<_C8e(d|EX0e`UZ~6!S{#%Bw z_C_L&^SD{_n5Da%j6G+K#EX)09O%rmj%xxkfAid3*h~zSW}@mc`<-}>=)Wi%P2_U) zbN7ME>T=8*L{{wZYOJi6&g6Rz_s8lG`UIaPqPKAj)@dff?iw?m=Bapdh*@Jk z3mxeRzH@@Sosnsn{YO*u8=(03h1Y;0SkmW|@rPV_oqUuS33$|zD|f024!5(B zJ49fyT8hV&^svRoVDK5TY(Y0HeIih6e#-_5?9X_%7#|5lCl>$31}QXH<^)Z(*@^M=Lr zj$8xOJfF_e^2H!(9di>Z(3bDc69W%EkO%sUl-Z(ZWKFATPOijXq_TjiT zD-FZQk!#bH{?$?3Yw#Viqb`nGT@b!p;2y%2-|3os^vUJA#PiOYBo&%=;5(x=d2V_1 zLY`zNbuN2PF3X|Qy%vY1`EaI(-+niHu`eg#(>Q%`;Y$RXamM(Jy1FBC0|%HD8AkuX z^O!P3_6|hkO3vjq*cC@j&+%_4&ZNZx*ZC}5uExKb3OGK{5|>W&Lf>%jJ3v#MqUMzu;E%3qW^9eP$KYp~ z^)d(3YNO!8`T9uumv88o;G&`kb9WbWPerC!sXNb$)E*Bsz=@w_hhZrBOcCfjAsGo9 zxQ4%TCudiUs(dYRIFZ@R)k>(T^_T9@7mjV{>ARnc$@D?DN=V0-kL+-{l!qyE<5AFF z0iRj)nXk^mDBn`tH1dS46*)2;*hk<(hH4=*X_^{h;o~M^%;HK6Wj^`#w?srZN1>i) zf^zzPO6aAivCTp-xlh-&%F%o<*^vGzu-sfj4sa?wPVk(zGza5+d2Z69u0}SM&pYau zYvMV}OorhUFS1FPvwW>DX7A&#SLZQfp9|lY%*HZjsQpa|b9p#M{7ZKB5dnSc0_63U zbCy+!lWmf4C9($gTpN@6WuiLWKpg5CiAR2%litt9lJl8J>Ys)LYDV@v6WsbD#XNQ> z_*Qtp&*clc`!Pp7o|z%$$`mQ_FyQBTo|}TJ10oRfqlm03e*erm4CmbTMmuIe&KrxK ztvS0rT!Y#D!!X7&3OX*Sn83WX>j`RkEyK}2iapTe#Lm9My&(61?$*qE+5akWofQL+tdUsqV8vZu^2xcE9i?)#x-)L7nX4! z6d#M@$l!e1}V?mE9lXGy{iHj&61F7nSyVrttM}o?w_w4r*XDa@;a;rkSRw{E>tmL2lS+%KZKl_Ms|D;mg_Q(gztZ;eK>F z*<^hja_Qd+g|a3Sk=69JB&O2`6pq8pG*#{;M`$wh=ll4q=;vVJ#+E{-8M~KcrO@E7 z^^;U0b-RZ6`?V77IpbFKt3oxk?x&p9?czQv!Ic@W+=|9olD*|7YFL2(d!61;s$ayXPAy%Tccs8QHphD z>`3iNHhx7EMh)j2lzZ`{*8Y&5Wd^rt8Jw*FCxaL)+#Z14-sIlBR3W%K&+%&u*zd*} zAwAw3=<{2+O-JapkmD4+NJ=xHx+~q`6#>tV_DHErtT}tY5@$@43A)E=M%*)5{6=Xmp zv4^%*5T+hfVSslOy4a8xeZByyN6dz7F2ZpMeUXEht|gdP2TH9KoDwNZ&<-}s(;k$`Ft^mDB&gB9nXkweH(;hLOxw;Y1k^PgvY59~D-^Y7`4+x^LDiciMX12rfbkbuQw z*}e5X59wr*jq03+3(V4W@QK6dP@d~K2MJxx`NvnDVdjxjz`5hNR_v$zs4a5nz3acK z1UF8n;!LMB%xBJ`ES#PtW6qcRlat>n5s!y><5ec-+$q^;eIgxhm0mvQlpMJ z=g`^)T|T~aXrMzTLd zrhryI_5{=0Yeql)k}uq2n{$47!BE7sS0jw`+q`N$;pPy6&T7sIsj;+eMNiKI>N(Cu z(5z>lv!V>jtK64%4yFE4h5p>Tx*Si3K|(4WY@8#`?YqOfoYd5^QXPCXArtFD#kr(n-n zbrOEhPeaCmreb|g9kT=U^Q+i}R-KHbCFJhLdBXQZ6VbzxU1OW6E%?Ns{qrnD@az^s zKgpE@IlN});mHW@p)x{n--Mizlk|+xE8OO578*Fil#k3uySrJ4CNHoP&x>8SM=!b? zf?b7mFnZ?<(X|9&mvhj*^oPteFGs&e zSvcOB+C4cL^Zb9JW;D6G{ZyDj?LF)x-EuZj)F^#$m(SKBe|9xQ6vFc=J-Z&c7;uSN z!f9*;P56sB!!yVxiAC52b}?#D#aFUTo$e5SuX=8wWV-g(ukDL>_nk&w%gxg++PrZ+}@>F znN5xKt`ggvm{~o@HQ^QaaH?>;oLPuLf9QE@pMiH{@=<45hr979@R?H#OL`(+@6!;e z=~6NWBDjwZ!;-J{7_%W0GEH{=4UWdByDHSuSJdh}_ijDt!QY*ZP%`QR3do+5#GvId z_QP+YzuQU${bxZ~A02@k2Kn&rswo~uRp8U3VC)(r5O*O9c5mr7d`TX^Zy03s)i2__ zL$@pM-*IVp&ENMeq6{V@BQTnK|Awes99=->I9X#xSIFYyKBTiP_aVmAoX(}A3*T|w zNBLk&VI>YZ(#smbUPJCbayLh#IXxJa^boh|&$+k@bB!6LnEEIIw!b4_Ll210d`)p> zQYfkqCy@0TgYX=Bhdjz*L>`Us9|hP z#r|FFvc9M*ZuQJSL{<|~PKH!>`n*O-$^LrIUhV%wd}mzpAF0BlEJY6Y`9GYpFswU!5K7r8e<2^+^4THH9BQ-{ zHH4EIiD$({35*+tyiH}{4g${WWPJPOt*&>-aKziNA z1>;Au7dGAG+DC?4pVst)bN^99zkT`=zB>=4Ao5W%&hojNKO`9~vwTs{oKNl-&cpwu zhq8qV9}2RugBqCkusp2gXZ^J@3r7yKLyCGzeri5?_Q}L&vR*z##*niVihj)4hA*d| z?OrCn(U*3sC9}mNIiKIme4cwMivMzE7Fvv;wff@DQ1TBA`7Gb7#oPLH^8WI1a%nJ3 zKT}&i!`xI`SC~&!qW@p&`Af;P7?}m_Wb(xg4aJ91`LLi5`p(&0nCddCHJJ?0E^?gN z>VX}cT~+!hc@_yrDSez){>8}G<~*00SXw6c|C&5Mt<6P{EBhn4@89{dt@u#Ed@(fy zjYfZrsnixNZ38j6F$2|{&%0RCyZ)5@(9J_|at3=hd7kVSo`=`}mO$}bhEdOxI3qL` z6?0q=f`-vsD!mz3b_YM)%@;Q^g_^c8) zc{VsWHIRJfbljoOqPv=VinU1?O!lNR_q4a0=U_)sAyTE}KNzy#iO>ESt15iFU4oC) zfhLCnlUD~Jx*789J4`Eaw@V><``_YHE&(tJHk=(u)TpabmW%n0wwGduK-BYPWp6j$}q8uL>`A$T4Fr zecxZ$KcQ4&j~+Af)``g5swWq9}?BX0Di_hovN9+ok zQH+{gBe8k~eZ8JpI68`~oD?Nq(R=v%XFM5gX`HLcvGs)##b5JK<3>;Dt{B`6kVAc% zYvlwL_Wo1OeP<->Hz_c1zJ{36Ih|~J6^c8T;qBRC=yUJ#X?rj_jL(7P9L_XOwi5x{ z$%>yC4;8t{dGyFH zb;vVIqvulzL+&Hm9_PO3CcA-RR9NRsw&%tMeDf|r4QG96{ew|JZ_Gt%6L(7k;lJBL zEc@bv(wba$%w#YFqQLre`eUd+wd|P&d2%$ec&^knufo}BWEXA!i+*3SIa>|Ia-KWF zY?;wDqomzm9F58b{yd2mXPz-}3tvA;rLQj>@EC+gAkST#bd%5nW8_eE(+ z94GJa{Z(F*BI-~#A`u-(4Q_8HF5V+!f-{R1)SoJj!f77tI5XDLv`5rN>jWyiXkUD3U@oJ5YN1i@$n2?@u|QH{VEI}ABg$%ko0{_9}dsG zE^h>iFK6I`y+70yobBrPLj z>)k{gdO}U{X92?FGH@?e21h4m2s^7$XrMw?cXN?!tS`)-E7^ITkBNJjzuS?C2=2$5 z6|sZKoPH`tb}OWlt$w7KGc_gL)(YJFtSh>4rj|jTc9o(5pZAu*zGnsI2Nc7mPaa}M zx}iKI1jnegrtMJTTV))wpHds)S!Eg5UG0W)%)eO=(5t>v7D6s-IM%-7x^W{1-llmt z)s-29dcG&Q=QL-Q<>`$q_V?aotl#nRI8#WL(}O&8&EXuK+O+|F z{w;c{AUmPLDEhlM_szzvubLwLpL+Cp5C^4#v$DQn^p}KV6?<6}$;@4SsDQMXJb!kv zW$v!T;}m8rnlf)TwS|}$L>3%r%E#1`-te=^gXPz3T%(t0 z|A!P@n;iwC?Pj9TDGvb+H5l#84z142mY!xlCWL%UYQZjMsc0XY4{b6<9Ld%^Pha{( z>UkHBaAx#LOJpBy;5mW)*~4V?yq4kU1^TwWWWkpHyy+*|S#(~C&h!}ndfQaw3@ZTI z6~mO?fgSY!1srN89*`9l@rFGx3vXYqbb@B;`yCF=cGE$ zgg;i}89l6u>z-u%)gvOP2)kQw7Oe0?9%m0lSIPR4NO9|%q44iP_Ug8D+?pfDkYzl_ z=#bH=8H*qDnaNA8!B@^sW)C7`oZS~K4rfD}$sFPtW;3ZxuVjv*?^f!o6$RLKy#bo^ z=q@P8hZWfsa;}kU%QNu2wyE&WZ$vfc@UM9$5ZwE3`;ZJ7&zbr9)L1C_Rx)DmH5GlGa}eE!I-OY=0;*~eqQib$uFIN} z$mq$5f!6&1ROw~o(`7Qx|EkF%VNZ~<9y5483V%QzoLqrgmmE~vlG{if=_z~G<{4`W zGoKs`qepMBHhX}$X0NBuuqo$YDkXb7M(051i2}X3)*tMu=69{YChE}vQ`r>|#E!60 za;#*>)|>@$g0vwVV&hlLm$vyl717Rg46YFvwMyHWKV?nRi74juKgWx@@6iw;B2_k!@(?&l` zDKEl=htvWOaK<*z3t!1y(x6_yb5SwE1GwIh`LT&}8~0dtqJC1MMH#c-+suVg%ODKA z5r`dMnVTHIe)QF)7`DCv1DS(uQ9?!oXOJ5F`-9gNpvh4s=Bzanl5jo;snk1eYm0hv zpmjJiQuwJ*@wX7t#3amRKHtJB12WDTUo<0osC5#a?JUIL-?`9s)fV@1*w5vZfHm&P z_-M|VtrjyOYZbVo5r(^bznSrW53no2)}MKpHJ8u&Yc)!Z%CT(#&#RfK_%gEwj<4wH z{#J@t1~sUf>J0!$-ec zr^YNe=vPAPIG^9k>S)gth(ljxcAwZ|1cEA&B%Nw zBc^1r2d-(dXSHb>8t7?gGnO1}lQv>6yImgCdZK-}9RBojE$ToIH*;W<8ZvQ>nuJMt z4XzuN;nbtrnf;tW4pTpRm=|eKvyKoL*d!PC>oVX-kH#niW^HzoX&1*{ z*lKpzw4>J4Hwe?|IjnHVpl`SldRv+Q`0vm`jPr#I_{8!*2{~Aws6@(GwG0g6o4gJNMTVZk;s61yO`Q)5(=zDZ|j(Y}7ttj~masH8;tQ z;2zWeBj-2l(N5XOJi4}qXuP2<7M@STq>3E$qqoYD8dr-`>A28=tm}uq7`2;yJj0mb zxT`IOs|%w%eU?0xjs6+hdOO~~sM`8WmXr|4;E!|u`Bd__&!?BuKBstUP|s2 zU@)_#T1K2}|MQ3bLC!~_xTj@qsEMx}4SY`pn(&>@GuOy_;h6QrNbD}D!0IO@NMyb< zt$!-|w$K(MGis@!=U{dNc}oTQqOn~a+C8j-W2-bo7}q0Zv%r!nGKTihV>;3iL)wy^ za3zU7hMGc>sv!m~)e!@jy^%C1;Y1E~KD{nWZ4xn^exq@mHJC-lWBp5JP4mJqr6d~D zcQq5!nLjq~9fXo>W;#M-^u09|sLH}i_FsLOMdtT(X5_NTtD=68bSDiH`j=zMr%2>U zIjg6)bWs66gL?_`3(8^pJQxSSyueK|khwnW=A1O)zAvV4ibfn~8&mW6J(DZAfcng- z=A~#dJO$^zwGz!E{joJV5BrCZ=|eBA)ie!pZ)y?dT_ij9bvc?2p(o{>wwO=Nd!U)F zXg`~bp1(zSNDVP{e?E4&WMf2s>X`C;WXQbmQ^K|4bu>;*$tUNU{p^MrIG7oXA!GUM z`jnw^0=4`n+;@;6?faMAq>HqL!kt=;HhpxP5~y2|Maq524R?C+hBQDth(z;=g>Y7D ziKm_D9Z|^PJB9jYCppYB*_C;i9jWw>abpbV=3@WEVsvh$f^?*&xHN|Iiud%c)>Xjv zT@>D&%EsI7X~@%K#})T$7ThnpacZS@=e6Sdp?m8p=3_H3>}fO6xHK6Sc}dvEeVX?+ zEs=SWtT+=*(K-4aMV{-AB0O+S!#?`%x|4-&*QyrpE!k;lSAo`} zit*$V89w*u6F5aZXg;+M-k;suDiHB43o~v-qu}2R%(a)J4KvR(d2PdZ79IFZPn-y3 z@6SZ$qKh(d=tU6r7{}rM79Zrqt8tFrL+h?N|JQOJwXQ&~6*62A%z%!{;~CBe51A96 zd4}0MPbp^fC_rjSA&!P8;vKzGQ7Ru)PUZDHsv(M2a1MTTthb%iX3tr5;HrMd6g(Wyw$7}tLnOeRl7n}Ry-iQozI^J4zZODhg(Xb%F{XJjHrYnOUN0GmIT5JknrAnk z=k2;iq|Ijs>=HFJs%04Wp$rxk*~l&{!PjRpoTblpkUR|6&nWSc-i#)R+>+HaKQN<*L{1a>VA1!%;9HzY%R{7wh?2BB;qNr=N=D<_&8c3o*b5l z23v^;+s2mRcp16k!L)~DC_hE_D{rx5%quu- z`3k=~-|^`23mgl5jVn7pqVJSk6pCL6lf1){)h^7Ry@s2~59l=f!L|195H;@?ES+7* zHT#W_e}3ZAXZ91Xdxe;nu9!NW45!mSfTS;&5$}p^2mjz(@Lw#x;|W=*E82c~hRwH} z=#Teg&cq#u)<1^ca!1&I^hK8YXSg2l#J;J2k*;=w?Z97H#U(B`oPEWWp-6k{fzO<~ zoH^=)*s*Vs)Z`CZR(sG7?SzpMANE7=9NNzVH>_OXJC~iO=g4f|VY(EAH)ptg}Dp!GX7Dx=j@D0Spn>v@xifSo@llV@Umk5 zz8x7}PXp2B(i<%A`W|J}fVbWWLG?s`e1<2+#(1Mnc%pXbcXU?817|UG!wpuBs zYA_#g<0GEce?Y>(Q1+1cW7$Do7n9F8vx^+OOn+$5e|(Lez+9hD*q`x6?cV^rSRRNw zYke{KtrSi@{b1nBOjHazv(J+yzJupCnJ4;GO4-!|tTFb%1$rSCuJmADoVt1iGq6j@ zTP9a+_&i7WmV+!jddajsv6w!M``oLZWsgI`$S|DRA;m0qE!+u>LaBEE)MvO}+$K+# z=WCzOg58mvLH_d|S2vJxG}{-Y#{w{aP!dd;-yArcUgpm!_%8hm_x^v-$|e*#oHOM) zdE+HJ0~emo0!M0Ct&TwR;z(re4Z>=_VEm?@$j>Sz!^>NW-D^`2_{<$M&6p9bh(KRO z0IWwxpuvVL=0{SjZ$a)_Rv72k!3eGApLHw@lKsr7eT~LhGPFYM)R=PkH;iQ;&^R~} z*cXJG%(nH|?1sT)&AeU6{tsq~L(P5u&(@eROoKUIxL$Fba<@kSWnc zK-Vn-E3O4&b}_$~#W5%`{=)M^Ft%!k!1v03o{t2KS4LwHdt^2;lQn!Jdn4b5p>IeA z8tJ7zb<-CUf|(IhdgJg^?&T+Y!_bQB&l=9rz9u32%opC*iCBE)8~RM)Y{xDPzV&2~ z&XD5F)c{nVamU6fJdY1>#H_U;n7%R?u>OK2*FWR@J}IoZAI~Ju#g|N@Wk*BVU;YhE z_I}1A?n6sBD{KET99v?T(Z5CJP@Mvo{y3p~%WUkM@Ds(}aCWqZvmP>Jx&?Scx+@LGYa;OD zRydSr*&BG5{%Rfe7|2x^c!7-9hpsS)%)&$Zf~;zTFooLL$hHjep4_sW) zu{#+Ga(3ok`i^a!A^$Ts3I#1g5t12>8F>M?Wfuom?_J&$<7PBA}>)n3A zl-KAztX6m)C?R;VV*AMlh%CRLh0TZs%Bl{}?1v^7f z6rez{rJUIfa=7?zs9GP5SJT)(ZTSr+UVg>g8}u-5Vm8|}1lsoOWIP;#k}lC0s&Igh zo)^leI>GAz8IbkV3O{CG4mpKm=*RQ255fV?>;34blzmRe4|>v^6TTxZJPju+f^m~G zuMf=adUB4RQ}GwKy^N*%$OW?=F|3e9H&S zy`6+w&f_&U#i4E$IoBraWIOo<`*ueD-!Jho%oqDU{e^FE0ESe?BjSt$I@q#rXon1^ zl+=sq!PX2Yf!!x(ywD86zL)e#(hE02O7CFrIJ~ap+Vt2NOD;0^;1`P1hv;9dV3&3h57b32>r;$j&le`%bO~E$O)$oN%1wy9VT2Cdu0DY+5@uQTb7{d zQTjDkNAmnd&S)MpzulQHyBvV9IZ5n}@JI7~`B-?H@4aW_UN>+baU}p9W7ub5pv2=? zfmHr1*JJ+RR}W95%;0P?E)S0k>F@5!?|EV{yf(|Q%qWuAwH|HP#vzM8_snbLPqq`# z@Fnx@W;E9FTA#4>z^GHP2q0tC?EoOsWvHo@!MB#rh7s9&*OYj_KngRpg5ISl^zWAj zpBbfGZ=`4*NY>0;vj6VL@twZxeq^L=+Qd0Bc?(tt{vtYr-LUzI|7R*c<*cjyYchNM z=`BARiFmayzMG`LjAs$O^^s6<-qHH_H<%j)^Zk*Cg)TCjpOK3Bb@b^PkiAT=(YALf zuv@zIV%#bTo1eQerZqdTMv4j@9{miwVyxk{&j?2 z%Y3}*nuh5wvvGhq$g%YHOIm9Rea`O9dXZfg&(HdW_i2VRJ}|4$a%n#9TuZ{Devz;| zEW?)daR^;PrsgHiU-~8E)c0sa70WTOG#tPCh9b$b9$9I;2l@*f{Sm+}S9(1x{17pj z`t6EPSTaMr=rwf<19onMIqom)q^?#Vj=q%_Nlq}$se(CkhI&KD2kIG(Wp;dja#sD? zf_cLUocFD&2y05o z!2HQxdEabix@7EZVkXc~jvjl-<=z>JS!elOn4RMRJ+STBPmdjRtjGjOXFHUE`?Xyu-O<7F|pG4OvJoppd!Wg5n(7`nSl zx}>`sK}t%xq#G1T0ZHjj0g({tZss||6ijz_-RbTb_UHb$>#huQ?>XQ1zE6g#>2V+J zUG*B>n}-^~OD_P&4c$%O)J5>PifHR+@to`qlJh=y-R(@S*d~0g8J@B zFIm_gynA-&K{L^@#(vOsxWt|J@z607l>G+Y{=KJu-{{I29i(YBy!FpW4_&Mop`m5p zDcuhpA2a{bc|J%@V~%cNjfQtpvdlSypIr0Stg+0d|DrFtj<>NB8m=X9s{80Ve@y=7>{#sxd7)BI zywHE3Ng2sp`PvPxjvPod-R8nrsqtp!_Px9>tdV8B(uTH))uStH* z9sENLJoIG;9x6*ZO~6m=6391>f31zk8{A88X1@rHkEbuow@6Rx+Neic z?%6$LrPK)0a=aSL%6lr}NBZT@bGI)2sKvL*x_FRE#tu1}wqTv!O+n&jtEI9^41AT5c|P(~jaKRgZd42V9g^ zhGoDPquW~%ta^jMv1*2Bgk7k5dVf%#S#ESw2k88YIGMq_`L+m9c`)b39noSI7AdSZ z8d-lY+2TD~zY`zb?`Q;u*{H&$2wg;P(tRQre@6>1(UVvfbY{I|&*N1#0 zEK_cI~{+MX(d=;g=o#|jLy0)-EQ+dHKKE-UdMWC z6B?F!*L?L|=sU%?Lyw8Zec~-Nxv$6`$E&&3ja(G|9j9*sR0lq8lnHJYE@2w{q33`% z?0_NK3U*h{gL~sluzKDI)etgj4XmfXUj!?c+sIKk_)`783I@!ih<#vf0e=z_ZthWv>r(1OBQ}vygqjUIGCXez| ze1G^3p0oS}SEbK;qtZ6?NA`Fp^SA!`rhTYFJNwELj{VjmviY9}>(1a;x_};G(b88s zybm4W(idvCpWfn)ern-?7w9+q`v(1vW$Dz}PNr)$JI&)+=}D%37MUCA;QJfUrg}Ew zeE8l?6+V!`!Ctc(-F64C&S>_5z>(}1WIt5JXJ&WTRexOJ+;cTlgXg+4xrv<{7N{wj z?d|9SZ#=b8DSUb}rhS(E2Vb=!-)Dcml<4KI!6TXB@*~uu7GCrLWZvv}qM7z@lu6g! zQ!hB>3FN4A=6QglZrM);WXq4*@Mnt7-9b-2!NV>8&*y@tMzt&WD(Y?8Nh8~brGAl$| z)}!$~9j~uo;H@s9XO2(NP4c~5I(^d1`++)1_FnLIZxyu))b|(YjORVhNXAnb6QmPW zz2#Ah%%D^{@|W)~=m3iFpofvW z+0;+v2PJ5Es}NnZ#Ai|yy;rkzop+2^Kle?-%H~f_AKdN>$H0SGmz>LtboJ`YZv`-DUBrE(fnwvdjm?inC z{{VV6M&i$5hn&zqPIf8ipSO9dVN3Ms?Ec-`yw{Nj%uePI)=*%5|g>Ma3F8YXt9pC8$XXhI@oeJpS26ETjM{Dt_I8JS^pqZ}^=8%G?H3ltA zXsEv32ad7`jXe9h>tM3IS{ADAPIF_%QFj#|O47YVKfO=(*42w2)X+OZr@ZMfLR)#; zm+siAWWjrq4L#CZSz+2HRgB#*&o=|2_8GY@Jz+e>*>1_n7UrPsD4tHeKJp#*;ca zR+YWnG;<*tTrM$cJjSFxy*U5CVcLr~Qg-Tu(uHQ^qdYey%yKk(V%SNdf%q_-8DBf9uP^rRf;J-pO_BzkF|+w0}qXBt@+uS-|D55C$+anbrx z8}C8uIBm=>(${+?y)@&qvO$}0gq)89FLcoLweGMt`R`vUZq+g=$LVu;Q zzy5L|K~olI<4g3>(J$fhv~*B6=DL;7@wuQO=<^Gi%noQ&@gR&`OXgEgPd(fASQE@r z)tmF<8s3iobSs`_eu}>tq=D!ZChz=D=jp5s_|mF%rPuvIvQqIAWViFvJN%j7v}X=v zwsW<5t!+O3dUy2Ww(z)wFvOi~|p|hTA zWiNKk5^@U{oAml58SBG&xWhoX)D8d9D1eAh9>R}Q-)KH3fGw# zq4}RRt-YH*G>%a4uMzsCbfn@(JXTRRyzI%(({x9&TC=4z^)2os;acaktQSw<0^FtG#TF zgW=spTlL@-8Q`%xzKVRR)wy&q6lv!6C{;l76@mulr?O~GpT3tj8sctwv^XuY+SXX(Rh)H8<^j z;ig^SG~-LX(Kola54Mx((<)LA;j~>AI_Z;Vkaj!dDexs4m=Jco^`ZKEYo1(FqjioP zwSm!o+W7?yWDGc&KvhZ5=F!A41i@jx7FyaQ$AM+5Cks zIm-B$>N;y)zbxhX#;flslg^(F(8e2N;u@i{L)%!I`{!Zl7(G22Bio~Hy0(&BV)*oK z|7p_NIqTqk@}v1qYY%nQHhOccKA05$Bveyl*h!wzfrU2a=ukM6E53eW;;SB>smAk)1Z&BUiz&LxDtZnQjygO%DdT%ATGtM7?eJq4>R z|H#sCJQ<2kBS8=Q1?uk)a6QLfD`tNjT?S@`QOk}T3@7csWgu;7phORdp%d$<(4yKGY3K+R*e{O5PhxB+kVWt+KS@&Nm| zlC1?b*;gCcDE^DBz9}1^U)wy>o;Ps{>6NCAwIty<<2>dQE!`l{*iq4kwO$;dhGSgixq}@s{+ZTinY3vh zy6zA<0Rs&+L`S~3KbJ)+dIzp+fi}i4Lrk)fyYe&ZvRnM@| zwyD8#nHsK{cRb~knW(iDV|465u|g!#oa~|@L+Ih76Q{u~KiN9sx0(>C znBVa#BzmfLon(3oOnN&yNNpV9K;AQ-z^iSeEW=v=17 zyUB*Ujh)QfeS+wo#<6wB06K)7p@6;9saF%oPus#3|~SpN?Eh z;GKJ|N*$b4Z;UT@MTl-3j*v|OdwqZS++gz6hjTZyNK^y#TG20@=r>N*H|TGR+12gN zmT1XLItS+a$gC%s%C)jp`BuJWq7iIFmj0+t;DO2XN?6*lrs7A(19wwBh5lhySQO~0BU%gK0RkNPM-JWVwZ z;;$f!>B~=cid+;=2UE7bfQRRf0EeL=yx`n8EyN;;Cb_)vng8lFZikyJK;8V zrL3bl^2SqZM()OJ-s=gy(1GHc?qg@G$;-l2<{!=+PjYX`9-Z=Qybj^v8N+N`HkLVc z0J-dVLM`nR)oKpfworFj^^Va$kKw+?FoQ0S)tHYNYD+fo^zmQ;i8-n}2=4$HfTo@F zm>vyM)i!9bA0%mcc80u0SsFD^)5AU>rS@K)=c)i~lr02IIb$J(As;iSUsC$g!z+yMYhpEZB z1hs&pj^~a{+=Wj%H$oL2zEfiDbiKZWH+x{d!lr+cbrmNK?gWN2EL4xd{*u2ZGrv}r z9E0GNt=+Y3Cmm(wKdQ=zkMid|ae})oDGX4TIdAno34i;;FPekysq&~YM*nhj3&+um z6OHC-s;_>*E83tUu;maiR6eh!zlP%B=lNaoNnQ@Vnm;;GE@%vwm2*&)9=V#;!_25i z#$Z90FWM4`&e7RV_VIW&+>+Gpb%M%*Igd&q>*bJ#ZU>V!T=$b!ff+X_Q^5$yrs?N| zpc2&-g6=9_RLki;X-4oN3#RO$YSb$oTt4~>_b)k7x1;g*}78+&va)zN6q*i zSNiEuuOP+Vw9%>8i8>0FP%9u44I$kmkMW!DbkI_?c~?4R>f4{_F`nrq>uJ8=m2Y(8 zfs-bNviomjrpk=eo5%oFLJvD04DCtDdZz--l>pL4dZLu{199_0;&8dAiKc>DMq_ zH$T#&`5;eo>cr?g_xm6}FpgC80at@`Y&*KrA3o{md^#ojg{bSB0>xLt3-Xn0aJ;Q` z{&}I6=sUOewlHp?8=WG&ROWF?bug(c`6%;B(@)*rPAQjyRHjLoQh%~C{^PIbyE!WT zmsI6frw5@sKhKlr_Xd82c{Um_+Fu_B#i{klFuC|ftCLrv{(=862=1LQ*+J=?y$iiV z6jvrlwI|ZmoSvqnDg`>@6RGT7Su%4+8$FgzzTeU7I>xADm1xCZOxD(3&$YQBzGpu# z%>$Q8{5D3{;Wj?EPtlBk59;Zftig+X)O#M;ziY`p8g6b}2IuyU%+Ma2csXJofo+jsTu@^Uwd$b&ZK$B{%MrHGQZe%rqgnet%7UEsCTJ^x-7tV1qWqWGEzX2M99&b6g7}hmO5992$%ScwgLq%%4rC3&%zRGN{KiPIg>iXD6P0q(^<&+d~ad$Fa znPK3f2H~+>ji2NX{@n4$)ARt{WQE4y^4{TUNC({P=j7B~jnrVgCRdmnW7pPRf+{;7X4Np>~iK!Y$&vX?BJNesvQRdTN>A0_&aW4&h zm#+S0=@CRz+Vr8n@>`Sn^~gqfr}E_6Jy34k74K7hbJVtc9X2fV!6ANSQ4o5AXNPpS-0GU?{RXw?Z z$j~G(-U+<-6VV2*JTyT_x37u>~# z_z-(D%R6kMzo8C32r}|t_0QIg>`z*XPV~#dG?o1>RG%J2DY#*(wsinsz5YqI>+Ds= zCsCetnd37ZRA&wTr03x18}4Wa=g=K%yf%N6$28u`$oN999DB@8vh2%nmmk@e%y}YR z*$sb}PRFG)nA$RHqZAtO=7+=Nf#2umlQ_jzEmCk19SMIr=oq==m!pag;?>}Gn&ynPHdZ_U1IJV9bq0^Og^Sj% zW1eUbq#lFgv?$eHrNG+Gz#(?phL?YQx|;I;yZ9kVrOEGD7mGeVj5%+phjxs>KX4Ck z=F1d$q7_(NM6T1f?^I~PoH#a1A#D@r{YjBKKdUu*+#6o;a$G<*eFZ!q?;OeIFgF}} zXX{^6n!LaJtWFO;>U~FgEz|Sx){)gU%R{Lx{dD?Gh%Dg(oIb~M-bN{BP!JjNoW+&k zwCg6x2amR$b&M{+<<~m-Rui_^>7A>Y@$>;&19Lz9{-Q*wgW}cv2%WDj!*$>ncEAT2 za;@Q_J7in-pXR2iWcqa2MAznk82#{VvcBJ#pgQ!;SwuSOGC8>6BeJ!AH+grB!t~4V zV(ogAs^8#MmL!0o;b$x&JMXv+{>OSr`mPzXKx=X-#ujVuDLP{RF-Zkky130>t71I0 z>QR8MUXRs?V=1z_k*mvdL)4)?{;Tw2b>HZ$JNWZEDKIr!m@$!Efrqx&A>*mKP`(-egg_EYk6Rl58(~Wd6jSBo6 z*BsUC=Aw%U{xSp4{3|*_m@kmT?idXqn!{58Lep9ZW7L^HtbnHr~wKbso? zbI{*!FQ9MKMaS7Ixt%UZ*X^< z4@aB9ot9)$Q(yf5J(x4de@I*CtjyEV>I0YH^~!}VLuT8K0oZ3>=*6sjRk>)V-Q9fT zek)vu=J~14I=omJV4lqFj~j8PU3bv@8jO9f@ctOlTvLRXU5z;PP-JcyDqKx$2i{WQbejtKW17 zy&M^;;Ciuoz1T;$d&THIK7>E*@JznVQQv4Z6JP=sC+NXuze~6G*CjF;O3s!xR^bVG zkVPg(ApPxsM5`5f8K>OJ8e`7VbKW#t@r{#}NS9FHIKIcq5h}-?`{YY7Iga!*Wt!+l z=YFg~{?gSjG(zsW+$2pc)3{5%2~*vTx$60snPI(jjo{t{n1sN3Vnh##3YfW-GxfOZ3 zM?Q`v&))JHZ`5yoh^iflp}Wstr6;5FY#T_{9Nz_cxX0YP8Qj}NVR8CtFFyBDL7JRg zsMG(ZD3ALjenXUA%%(@EGWWu0a)Ou#+rlwtR?5>2yqxCC^R>JiXJ~qa0(cHDz`YOZ zmZ8e%4}VAZT4}70DqLm0?~SjpTZpQlgRwXit#>nX)Qk*->|x~f-+4>NyQBKU1J{~} z?}a>rYug?4$5e1)$2=V@@R#YOgU%Qp+T7gGST{71f9I27^H$zB$#`A*QjJ%V1#!e* z7lOm|n)z?&#CSa&Ub91g?VyXiGl{LU)Fg>+p4DmU zy&rsRdxqu(S1_*lIP1WaOx^EEXGFf8mRi!SiBEkfc;zj4uvS&bpD^ehnTXf;^(%Fs znW%s~w6$nf@4_*>4xuNuw!fUJ1ZY}rsty0FXcoL^{C&O`Tl$tIh|9_k#KInK= z!$+|;0PPC;xC#F7ii1sR=!vGN8FTShx_iF^hqx{E4$D^nm^K48+!)p!(sYQ;O08a zjg?X9GZ?P7+FLOTz*EK+(ldX?Lr<4|6c8_&xSX?b-&K@^roi$%XyMEmjoWm87z zf)l+YZn<&<4_cW}q=f2t_=@dh_cTL6LC!k1t3dCU(;u@rMuVAw$4^3cC!j__%d7GJSvb}}=5d}Gp* zn&c#QaM#S$%$kpLb-Q<|eKc)Fh}LKL>q|v?cjn;>MuT0H zO&(YPdZR2fe;0FgZcM0VdX;GGlW-Nj2vN~FvRrec$$kX&lP2EUO zTH04I{#d1Kp;P4|e$xZaN>~L)xYo+3zXiV{Ghp*|1>_aNxuFSt*r!0R^5}SBE}^fv#LJs&mq%gVnT#wZ(_S2K!nY zgHM4!_Vm-lHRP8sC{cLV^2Xkgv6{~exE`&=*no5m{V7JK=YH}Gc=rL@%H$?kBx~Swbdh(8jE>*)Ty*^frnCC;$tu5h984jo1559f7dy+hE z(VrUfRc`Dwr_-F|0)FIcIH}QOKF63mjS2{r!`iQ^(waG?Bv@-Nk*mo*)vuDfzF&)k z?PDq9r($=xEsRv#>IoWW&74hUjq|W-=pQH1f3xxu@w0(e`iK( z;u&&2N7yTWhoNX2bSdW&)z^)z!N3UpyE0H6?DEygaMuv{$>sJw@_ADrM{tndc>7l^ zOVAfLGvf@qRq>x>tDqqnONKybF?}~_MJj)n`>9Nl;;a(1mwR{V@C<#Z=&#YWeZgDO zR0p5TG-h@4zJ@$T#j0Vmvc`cCMP$C48;_Zv+a)GwOXno5F!GdpoIUI&eTGp*WW$>D zwOhQhX9Q~c6?!eYSr}e(=+Lo_P<8H(C+kvWJ2hE%TV&}rGtt*x(K>$%-F+QLP5M4T zDPJw)JRi&}LekMQW*U5DK&JNJ?3mNp@G7I(~%jwD& zt>7M;hW5{DyXdUHU9Ky=G{1 zeyyIUlV|hP^h=}`hw{&gQ&l=HL{Dqe!N=WFX=s>Q_GET04A#S4WU%hT-$G7A+j3cS z%yN&ywPjwg(N7l(bSRV@3-mz~H|8sJU5-vLLuL4(dn|EO1Gv0)qtH!s^3%WQu2zG= zcj|;MYdPI@=n6Z+{ak{dy?q1ho9^yQ&A)0d9BGY8k?Pack1mRQd0zRToPWqyy~pqS zXPDM~ldSt>;GDcvq+ZOB|5l07(ixff>!NjSO^{|h4OJ~P?NiUeja2qgG#vY)i=N8q zX3~HX?xYnd`i?#J@!1r$#;+dp6d(7;Y(0g`s&aweo;Te6o~4b-1Ig6$rZ3|&*kE>) zeqlz=?}p}!v)Vi~M7QuUKY>Tx{x(7N!5B_vlRfyFKFGX9{Z58(d|NPaiaJ7zS#<0Q%-PTJ3<|OGH zyVZI2(^YUbj)`b=?TR!ByzkWq{QKonrL!S22TP6`LOxzo@bx_(wB|sO&SnScK)E25 z&MDH#ika%YI8tB#&c-*EqT5N2QmTkW^ea^n26p8SriW^e7=W@)(B3|8!E`ZAB;@t+?j=Q1H`GKD$ipqpMS z{iMfFEsc7fXtv;r{JfGBzll7(!QncLm+LS)p!pZN3gEs_6yxM-NX`^<~h1GCtmOR$)pW7w3`x;a#LTbSrLg z`m8EeWcPKCQ_{l-O^-;`3Am{dANb$ku)J(tHGFB5nypG#)~}KJYigLT{fu8?sjpHW zXKPC+zLs{OIv&csG%a4^#wRNeompC@zoM%q>(IrIy6;siQ^j=MLu0Y@0cSP$cFg^^ znqSwX4WG%1%C|C>OeY`wy}1!q8_&$G44v*2!@1<53+Jpb7Gdgki{7=$N!sz! zProdLcW2H&)F(yF@NiC?5lWwDl8&^^(J8dRm%Pl3cyeC{z0J_5;dG1sVbYDZA-Xh( zE~usWYsf?>TQN#+Zj$r-cdSAa=td{AbJgV%HE@ZLpKq9An6U=-_fgf}f#{QiITNDj z-=ZJt!GE{_noe-U=jQaVFUVE*VjuJ*nR?vAPc;sk8x_Fz^KW}7)WDa6j`?s@vM&AZ ztqtHP1{uNUP2978rplM+qf~wHiE+$uR&jbgAW@MQ(loAenqF5fWn>y~7Mz(|%7GWn zVV6R)@bB3ey<3#0`D80}*;}k3cpgkVBcH&~r?JyGwh5GNX1Wrm*ytTSuu0tE!yk|# zJsI4djERGh+sb?6b@ zR2ATVo_niz&kW_yCO4Xl(yZ6)uVu(drXK9Cnmy2ac7Xvmo_U*FGg4zjUuDe#L`t=SDPCb zI%jJV9jn8OJ;|RpH+q4seSa)hbvuXYV@Z#la=9Lm0rf%+%e2;`QTY5a?mXXmFN%{==h*m*(_#O!r!r}afvL@TLljH)so+` z75l+QXYUl?0Rz|kkE4G;@0gF1&iv}F^u9^DT;!;FXbWarWXP6#E`#r2d32s!^1dn! zfA$9EfW%Sg82_Z_7~hD?GW11gp*Md?S2G`S7el|Q)w@_7xDl(jwdtp77pJZ7EsYtM z$=%5Y8yuacEmKPw8PJ-&5XMp@%7P5 za~52xbN*L#a`01DIOijIZ}+DA%7ZzqaweVR_$m5*V{XKbBp>h7XLT5sOD0FOo;Quw z-W`5gz1rHS2KQ{{3m^Fx8cq)@{yxXxMcD>%^C zh6l=IB5y8Tr`_;ERC4v$uTrGuc_ba;EKzk}djyP&zCe*TZwZPty1_ zlSWjE)9qF6ntb=aJKtLaJiXMx!do|^!05LWs1P5-`__*5_|1&wXnL{@uD`hF z#`}^V*}+d6Ptm)!FIEr3W5}}hm&ZSWN_k;n?B>~VKM|}#Fp>?=Bh+>YnaNG)Ft*9m zJ2cGCPkz#|B!At)-_~!H=#+Zh5m!xFsyeZ`s)})?+aJ6V075c;2o;a|G+-K`4JrUWH+_qZuJ_C zerT(WuHQE^4$N?q6&m>h^1I^i!%JOFQtNqc%&n!3qs)36Bk1o)A)kspt>7RU;ypn+ z?;oo+d8yjrF6Ht8I!*R$&oP_<<>;UU!{0Thl(Bk-wQ&aCYR6PBRj3i7 zN@Tdt<6T`@EmNbvC(C7Ks(x{WH$ht%%AMnJ7VTljNQG9iFs_ZnTM2$Y^kAX3M3*&U z(T|ia_^ORrIl3~HIl?_cPtiJdXpyZyIK#5R1PA7X%ZIaNVJ@8iHFA;3D=W=hkWep7 zcW;K1@sq3CJvbKwY;|A>eWtlOulNI=EBR;SbWXYYtzY4BCbw1tl z&Z*j5hF*jy_$2oIC)Rn2naB*+phVg2qv<0I)0$KN@%@E5)PnzBk^HPip-Oy_s9()W z8>5QJT;j*Md+FR;>Iacvi$3X_IM?WU;IKVHG`a~r)=6|K`jJyxF-~Xb z-(J+6UNm@(&t&l22jdCj-=dM>{u#2vS5)iQ40;jirH%|ynZ91i?UtiBcH=uMN*OQe(1inU z_@s2G>f(1CT#x=?c-7LC=^pigCms-{8XLhcz$z;Kr-Aq(SW7l|=x{S1I?p3jd)zy% zWwtq9(MJd1WzRCJZP--GxX(LWw-$bX1?ujvNtyzVmKH@$0KG$9?|;>b40=U&7s|#v zM!#mzA@3Qlsz=R?QVRq1bB$s(1&0d*J??f858OI-UEag>kGU6o=o-Elq0VKTH0CE} zGxl}2@9cG++{nAr=ubXHZZ*5Zs|J3GXdEt&+Wb!NS95%=48IC4YKlgFsb9XXkZW;o z4cKxyvZuN^kfofg+B@It;2YjiG$1z{#VH!BxZ}6)RcA|rZlAL>?z9Zna(JdXyz3{L z7o%^@(hf1Rjmg)EaP(0h>9z~UYcw8x!L3l`pU%-jx=9Oj67=TxEIADUW3chnA+nT0 zO1bFQDPYyZz2G&_Vl)iasKO+jLCc=}7%rqq0+}wUs@%*`gIc9(7kcK1uPKTe%{*Np zR*|M??YZEtUu+yyj~zG_FHfbx7KSz6&AH2M)&4L&B@5w3Z{Hs*a9Am$LuS2z@8FkQ6Q%w`>ES5P3}^Yffu_asC9Qb1NJc^qDk86 zl#8y`UDLo68($64G&D(vN0l}H{hdCYrq)KiW^@{Drq76(bi)98nHQRrXz8Yl4(QB$ z$TF=RqGRFUgcH!qeU~Q3>xug2S+uq{$=1}P0s8Jmk}Q^U#xFHDa=4G{g4aC!oS?pF z41>NkH-5x7=eskJEH5vWITfK}bnvy@gukXLGgXO|ae{L=Ez-%t9ZC*iwnsL9xF2$=9U!pE9c<5%Q>-l7V{rDz90}_fgbS`{<**vYluhllk%-C@s zEz$6FJ*!@#AID`Vg}L5sim%FZ&R^@xd=%)Z{YMKlyC_4mX0V%}p^lnYpvUjh^v|LQ zeQHT=iBo~PpM&15E>U3=IyWN$)=A=SI0wOC+*{O?_#(L zauW5TCtaRbe6)R-tIk)C*A%ePevR>{%*6-HJ+LeW%&R1Y&Sdf?mwnalkuf@Lm!^c% z;Tq;dhum#@U7Gkojk)h*Z;)5_lfV4U64eYX-SpA;pC;t!$F|`2=m*EPXO4W6t-)(k zb%@#SO0vCvT~nm0^(>4R(fMfad6&QU*6f@7nWs#OfHzq5o4L`<$cZ|F1nb z@=vrjF10Xf{TQz%ZM-$t(aN|{mHjF;Oge~WzcaqK$M9wEm^r%!>M1zXUFP!_1v&a_ z7CZK@3A*^&r0F$1HIb~+k8>ksx!6fjXgdSZ4jf=6TTTU_$$zb zyLiN?-~bvS?!2;1*a^{6yRdtCybP1WSTt_yB4yh4K}C~G86{`|PiCa+=yUYQ`N{ea zLhm^D^tEcmnpuu4iJ(;aI6`F6B1Nf<3l#zX|JTH1Rp?_<9duPs%A?2WkA9lm$5)wj zA98lT4)D?ZB~IGd(noW_J+7m{b6HBJ(Uo9!7kjM@3X|Jy_+6geb0ed)d0CRy*wdxe z&fFMhd{j;N)j7@L$)AYTg`U}}_sL5yY}~jX+522`wVhtis_=q#0SR;_M5;`y@^)>xQlwS$=$XnWP`ftdouGdYXI?&ds90xag=%RUpV!e$m34{K zsk!L+0>R#X$7ivNPJtyQx)?-0gHN7T&i|}il}z%k=B_T`8EW02oN>H&lD5^%Q12C- z6~nEJalJ}Zaa4xd=UN*f^gLxvf#WcDSC3ox6Y)6w1wJ?PyJD3ckN37lv=%X2{niyv zt(}+NREkgnJouxILF&2;?wIp0Ya4x*{ml#q=BOEtj%tjr*zFB^u`0#7My8a*S2N>v zH_i@n|DwUPyqwT&=D2G9q6~ez!$&L8E3DzO-t|+KwmV60%g}4kHk`d1Tqlt}wTcBQ z$9!4C*31ZT&d}}*AH9Ew*O@zDcp?3N`#ehNz-opr0@FKX(fEldisLuxfE)G zyGj0U$;~ZJ)8(O_>iZbJoy^{zL(L3V^lZMdCgq;Pr^Ad?0nO<-6a6Z2A9eM3JZD#e zdcZ~0F(a#$%uO47%=@hqb!>08dNmKy{zL4iv&j}253a$Edcu^WU!T!Y^aHqLFnm^J z-VwO85ju^Sr7GA@-%(bkV`00&dTJ#NoCwIV@pSG?7}Kfs9Iz#sG6 z-T4@-Kj07sSq17UUWc-oCHiYvsBT}6R-YtzUnZ3f~>6@s$T6Da%vNjHXMVEOmL5uPFOnUF8Wp}bQ z`e(34W{Ghgcv;b8zF12x{du~7-UMn~oU>Yt2+%P2*qUGBG`s;`kpmHGGuVyqFJ0w# zIcoYf2hKNt9c`Sgc?(jM1KzZBSv6y13vW$IPSq$IS3I7{?0RTHKF4X?0z*5|_l;%N z_3W3YRy{uIqBmVt@4Zy9KK}nFnYz=OzQN7t-y+d9hDU15SPSE?2+p&^j;gqw=a7u0 z2JcdpJc10+fqY-gPAf-+Yg!1|MlCtRwv{sa*CFHc=QQqidTQjYznfbae_S#*{Ls9I z(tpsPpQTYQhkT!9sd~2Rqw?Nm$y6go58_?5Vu_V8a2#24r}1Nc!>dex#j`tiJexj;^j5NN9H~} zQ|PSc9EQ)zaMt81oLz0vGavn|eT%G()!_NvtGMD7L1z+97T*^1)YSSS>PFR;V$Wrr`;RSMA`6rps}>s zg%2#*Sw^;*v8|-C;c}e}>pkTSFEE-hf8=Y@1F|?O(RI+bM5YcFMjxe^Vtvt6cmvtT|j5 z8rw7P>7SiN&fc;}wfw$V13G1>QhEVifjkZFo~t|fNZZ5~^Yih19!gO7%_KGF%+4o! zU|9s6yN!~x|DUf)pw~6S9G>VAx;(gv2k6Kuqw)TZ-j3f!CDDcIshGHUg$L8^*(a6G zD3fM+S{psb0uh-*cXdTb-;9W=Xm_Fj`$|N2L@bu#`3$7%Y3XtBIu07Baym-v(3m?pZTd89>Tj*jch_&@{+2>=req5{aSwd3r>4+SfomW z=?~xYSuLu7Z^LbG>XRhIA^PD{n)0^rd7u}m(b4k%ncC;k8&dWO+-FV@np1vlz{b;Y7?cv~Fpp~rer6+bKoxYu; zA?*rfUPN}bM=9g-IxK#uYO7 zv(1beN4)g+XL4(1v8Np<)_to2<$ej$u!(jZ;F)A0j+#8ZN<`w-_^Ws$Z2)!gVp z_UVML-dcfo`#?s#TI|W!i}mz;<-jvlqTB0AiaM5oCtvnOksB?IneJtbAFS~kfM?zv zTnsNtM+!Lu^GBu00Eb@7{Ziqnm0=rVZgj$DRLeg=D+V~raiY6Qtt*sw6}XOUTUCn* z);|wZwD*3PMt6I!(({AWf07@WlH@hjL;E@{OnFmtwJ*p)o6$$sZ%*aK?|(byw?3;sF{2Qzeed@af$5f(!W&@{{P)Apc9(mU~{8=Sts4z7NKs;+oQMxievIMo&9rk zJXxfx@#K+7*10%Jqt?<_euLfRprh8=<;vX7U61?28Nz9{wQ*M0V`fIz_L=w(a`A+D z>fr%A6JIzR&|75NWz%a+))d_6bMh2k%}dmxv*t$EJo?V=WN6|7cBEx^7VPtM;99D7 zqKUbNHeo?mGo#j`EP1s})wz9~??K_pJ({GV5iw|T$vyxxcjDeW(IQzr#${=lCtkzY zaCJp@;0T6yV}P4tE+uM2Z+zJ7P4>)_RdUjG1HVn$UT0k|4p&z7C{11#jfUM@V;MO1(snaLkW+ zkp5vhSjP3je~b^iZFiGW(cV<5lctp4zzoS%EZ&VKcmZ6(ZhUNg$bTx0E^`lhMRv@h zEx8&uI#|1!D&jL>y;#11_Yi6*9kzXEO#zEH(lAo0tt2x0Q zx?Ua)@2~J~;8M2SL#EaN%8T^UpUbn<#X3jBD{(f00WIlhVRSf+-;Mcw_7XIPW0T3- zE>iWEX*&8>F+xkajrZAVwhvl@18(YoRPTd=MEL_X5x@(Q%2_%ND%&Ofxg%KM&)n;rLOmePvR9G3TZyp>=dbGk{F(x&9+NdzuG3ak2vi<8?4e`@y0pJAocJq!V$pQ89w$oeP`a5_Ts z$7kzzybXiVG1sqWl2Zv9TC{ObLh$zomNEAJm7?7Daf*OHn8x$;Q;lqS#)B!}DpY!Q zvW6^TR_U9dfDkX9jV!Hu$or0_rrFjg&CYRCwNYe7Z9w1HnT{p)d+Sr&PdVVMx6yt* zXU6d1nM5P;ra4{Ln{rjZOO!0o*gPGPsoMGWigriyFxRBc(Fx?k_@GN=PbRnTl5c{( zwWc#DFkXojQnWVE!svfCN4<~asB&y9T0IA~yAsE|gHNxWg^|%ZT(t^awUNDb1Ml=w z-uDbc`Cx6Fr|)>`3Vh=!iE28SzqbQ?^dvLmcy5YD zTuPFqWhJ92TEs;qnJQ_XC-Yue8kvpGrc|LGdb?`%dbBV_aJxNonbT6Whz`l)?2v6M zkz13;IdKgSMI`S%7>ng)Z)QGl*V2h1$j&&h!B5>b7m;%rrGDHCgKp$#pC%wn>rT{U^4rSa&S0xhirHnY*t*%tTE`Zvre&`ox#pr2FF zT9Z{XI9qezq61e|HEPllmJfLc4c)=Hoz#kRqILfg^{s1R9N5g~dpbaUw!-_*HZz+1LhoB;vVi;HPe44O~hU{D)VMum^!__JECu$QrgV8aU9Rye|kai+S51VH6jlEFrU}GJSSCkAg|$h zvC_bd~J4x3h`Iy$6 zRhCUTuQ(r4?vTyet57F?NYXyP2>rM$PxYsG>*=57#{RE#GIjS>W$y$vOfQrlIJir9 zbjBn2o*w2ad=2Lu7~f2A&#RTm==~S2f3K~&tu|?2A{ygT^m`mgRYZBXvHl84)`t}+VwL$a1Znh56q2Cd-DS_(X=Yfkj@Z$?*v?Y} zx7us*IkFdOnj7ImgVgb0qRyTM6FCkB?2xZ>lf$)?*`wsFuQtty#QT;kdmmTb`x+vv zVZIttHAwZwdj4N`wEK6mPgVyhs$ZNMGBd9KgDz=w-0eQv>gVrG`f&_%&r0r)@k#2r zFHW7{+-~nRH->h@OUFI6Vtj!9{V7L(mLoH&GajJH^kK!t>iaoli!lEetVWx=C0~!& zF+A}^Z(EW{J{`G-ZyYqRSA?4K95)|E{=pNp%pVi9DL+*69rE&@5tZU8FRM^JKDEk3@2YS_t{oQpC-^vzz zXS?AwI&}J~{bN1w+=5%6PjU)(QAc`ytVf$056MGFN52?p6Q!8;CIxI~mvur^yhXTTKGO+)*4l_piPm-ekCV$=8e@l(5fo6UW@G0YLuT>bG>um3UvTm0 zng_Seltm*eqaOO0Z_eB5(0YF|mh#lT8@ZEX@#szbA4g{$rggb);ct3|25Ataq$LCa zX^@ug66sb%8YKioB&9C+Z->OlY)bT4_1=ElwM;7{-fLzc%V zs?gS~+2XDNa58^79IkUk=mMWwn-Q;I=Q)zaSf8U6!Ok!^vNawb^)MG3^HX@T_H*k$ z&ogUIS(tkDjnS1?rTSy6o0f8~eRSCy=5PX>kQ6QY0}V+@dK~DZE99!zoXnR0T)efT znE}p_BREj1s3mk<`4y_yQFzt$^7S7((xqf>Bg?W?f~WMG=4h{>S*pAFjhb|{G0&^z zsfu5|zB^{&4jH8t=*CZOFdyf^9bD$GLH#n+plX8LrqelmHbVskvFf=wRclI1GywnG zjaYI~ZsF=iF4}7W9rRU_RA+6Hg2!5$^togrU(z*8j;7@XEAwJciF$LlyJ(fG<@e|# z{RQ&XOuUt6M8wMVJ0vFm=iHcy|;q2Fzo zm6_8gSs(BTJRRw-6-Uq*_GjwHY4}VkSOO3mks&b9+19p$m;*FV_*U?Qcxzo?SnXl~y@3mxesE%!oQfKs{dX2nbnZ~H` zA$~(YOOxg2H1+G4tgX*V^(=}`M3_vCf^1DN&(nr$(AA=I)#8f+b!;B1e6qo>xEmcq z=W1M`M4qi}%$Af0MRrQiGjdOkW$9Y~22cCncqm@e#mb&kp&ax6p(Kqz0~e3y)}^oF z6!Sg;KNw6xw@gh>%~TKk>TlWEXQIjPIS%{jMjZXs>3CG(!A?O#LEB1=F4B_Y-ui1b z|NMNME(Yc6*gR{~ZncMg{uMtyGjLD*pyAwMpCm=gZJD1se4nkkHRGM6XK-UWp?8Iud5s^Flf!;2?6FtrbEZavHjR zQIh^@pRGt(grAbD&Td6s8kWb-6l;^;#aXS$-fcS>sv(!%G-^BV(K&im7eCRbt-({=as8n^ch4qQ zA*wnrT~q7A4L%a5mhIrL4q~6>E*7)j%3QnXr)`JP%xxoeqHCGzIM5C1geUqbw;txP zrS5j-t4xb|-I@;U{7n5mg}%NLI8eXBLErDIY2D&9xU-jH-{A-MC0q2^$=u{QQ@^Q= z>A-HcChCoRzl9rE60bI;_=skwtHSYQ-GTv8`_~*zD|1u%IPP|RET+o|bfF$_BKe&u z-#=1a;NX-!gQFD4-7ntO#7sq(;ZA3VzLEMhpQZQ|#WW?GY4=u*=DgJB74sDJ$YK)l z6?Wa^sTn)yfVfM)0G^kjbFEDcZdWtk*_cc(4_PPW==8}1<)Z_X)_;Sym+s=o1pV|j zUIBLWL*F1nWaY2IQJM1F8Yjo;_~0)E%W7(Zntx(P_v}kO$3K&L_=CL2U=H}+&X_Og z9X(#8%FRmjk}Ti#J!s@j(Ie=NY<>zZS2~=o_VHTq*4q4JWo6R;^i?X1{%dE`^ydOP zKX)hVPVINP@8t>uBtnZeSjY}nD_9+v5^4J8U3VPkr)d8c2$=6jkHrKuC*RL4I{ zEoQ;LUj&=`5Z#hj(BtpMDG_hL`{VfOrp9UCMEYYo(Y5zItTRiFx|F?AtMmR^)gVlL zV^ef`8@ow%scO}CGEWwh3E;b%&0e&N8{TwgmZ!HPwVE03$q796|M=+nUoa2wsAP4@ zR_{U13b})K;bfNf;Gz4YIvMeLnQAnd1F5BWL4P4=&zFGEW zLr$uK@vD5f7#320a-6HkL2t4%M@Pf&|0PQ{CBxdarb65hQ@ zJE9e`ElIUUJD4f6ET-{)u!NR^w4c{?)mQEUYb;197$p+s1`BZk-^JMpKzEaoQNm}iFqf)vBJP<9JNF?ZV@FDV+{(ccmARJsy>&n}3Ds z(C>v>hOW`@3s^Py{zjF;giK0R)$y)+(78k|{o++}IUY?qR8GuKGm47k;*l)NlYH$R z$DbYM$xGND6Y8XB`&F3xeZA=3<9+jp#1n0Awk2>wJO5rY5;OIN1l@PbbIf6r$0I7Bc}Y@mZLgcHQw*)0L@O z?}fMYRHC{~DA38TO4K&q(b!imRLBFec;nd-+jEy=X0UBZ=lyM8t>bp#*gsCc!GF2R zd+G}#qtmb)jc*ALm)Yg&>|!k`4OiGVXu%uPxVh1-){#3ZK7`p5%5=9j%;iUs^Z=%7 z%V50HXx{HS;K7CqyPE#+WPV>~IC1Z;L4KCK=q_`^;%>09BDdg&>;}@NCmoDhM z4{EgFz4myequ&RrxT3{4e4DA)b#07Y7SE+h0Mj%tjEWeID*;w3ipt4IZAdZ)+z3V+2kw>;QIN6Ov>;&jXFVCjaK@kb>qF4@9>2Gq2Q#UxG zPqICA;9WV>$MwA`e#dO#7_R>1(D4UxOIW~;di}>nqg`Q(y6Z$Jxz6i3I^i9z)t>YQ!Dh%pOHQ$(U-uJV)wi-WNB;7bcaWd<)$-PB zevkKEAb(I?s(P6)=;F{Mm(q>53-;H(G>xo?7Z5*TcV?meIWc;E87}NeJh0^1R~Hv5 ze5RA>M^3T5ee*`Mdn$t5I!3wT)eTykDML z;JcXl9c=G=@jCV!+3Hdk`7mh;_3%8i=*(mdZ&RY#=+Z~; zlF=-&GjsBNU3cx}VuKNYr54}3@+cwVI8=RLws^xNlUngr8+ z;}7g7?Q^u5Jzx}mj>-iIdcDNPOdo;2`ExqxzKho80oig}>!ZVbWtm8v`4?Bk|VSJvRbZ}E*^#b{#iM$x@s;92Z>EzS;ze%FIE>M>)!SZ`V z#-b)OasvG!x8N!+hk;=7^iP_%M&Om2$;{mOdwd|DWoZ*TQ0LCp=Gu?Rnzhhf^KGon zHo>#tCjHBLSNclqjI--IE!Y58jl9#ztDZW?-?vRqv^9LsDXV?7&V@Y|?QDD>vNko} z>nz&d1nyU7&t#}y-M1><06!}bf7>8?^EJ=C9@X6y{1AptHBYT-6sL`8rK-#gvI;rO z&ok+Ee-6V3RzTQ)YHDG?=&QfC-v#vkdD>s(nsmc1% zJzs4nm+0=)B;6ykdU$z~vaBp-2|C>OS!BP1d{ny~{l45v&rEe7yzj1k%<}#5L43Uh zK1n~w<0pzrk$iPNtI)@Dm)xTDqQ;oqCeXZ|lQjqyv;wsCNi<1A*HB~kausqOFYp~=0;5a5Gt zJ+4rTzKT>Vv&Y9jphn*(WqGKDg~>A zyWPAi%yJ*m0WyJ{+Mf>QXZl8t+A)LGv^Fii2x2$J!}};lr(U~ha3#Lm==<{~dD7on zsM8hLy?%?+%)Dp~`3_%48NP^)acW+RXZxdU{na2r$-&lUaLrtOe#Oe%zsODaa*Tdv zKX3L?j6R(oq)Ty`GPk4fIK=3NTOz#_XcKsyYSoR<7;eBdy2R<(zI0{V*qJlr8}C+0 z(YM*$YWOalC+l3aij1d)u9ZLI^a2mbH1aH4I&n|<#bQ#^bG4`)z-$ zk!m>(2JPOrsvS&!o(IhI`|K>0;HZ+3pY}anTd(cS=$Hg$_bSrK>0!F>f){izokP`N z7fmE{jR$+&@fgMLNsv`RygYsLbd22EYUZwA;Zn}K%IEbsd!fC8=)59IfFywr?()<2@Heqdkw?=c=Vc@Hf*HP{oOyC(lj)G1kVv?2RrqPgMi% zUfX^u(UP<@?R?>L{dqQD4=NPt-@;P8;dkL&jS%g;oT&#> z3)C&%V)%dPr<1wbu*yd%+{TJ07s~1qo)T+64RiHY-gP=fU=CE>gchFWuZ*~4jp2Q` znCh>gsr3JxanracW|n*GSszMaD!@XRVr`b+L#zKhSk<^c4f+HvwN}3V*nxlKL$L1P zOSu=}r^H28<{dZF(IYbGxK2@ZeBHP3{57ZrW0&8^tRr~}ctVbS2fWMQ$&G|M>oB?R z>ptPCKi|%L`*o7;?91bw$ko9EblP`;(U?$(rzSz~@6#v}UTkS9nG0^*voimQ=*wEVckbgPSun|m@Ws4)V?)+(l{6j z(8>1o#nZ+d*Sb@N=D{o;Z5OBK`6+5P+r~U)rtG~eQkBk>DIzLde^e@OnzPeS4-3*^ zj}o2U>ZMTfGo=%9*za>xja~yE4?2%Wq-f(JA99ajvXBq>9F6#&m-Ko)&e!>PJm!2) z`!grMx*4d$)?wN`Aw%uh5tbdYHcOdB6Ml}=%z^L^KE9)p+Gu|^@j8cp;0F2UkV1OW zF5o{+4^c9=gbe$5b=&)13tQmjV(;38ho!V0eJy06mo7=yU2ay5@o~-fDO5f_{^=

d0NcgwqzV;ztea9K4@k>`vLyP{D0Z4v*OjEN~)^CeZABxT2p2= zHHsyRj`rhu=BWm6&QWvc_o{x@!MMf4h5XK$-HConX4qvl@MdwB>i$=pntl>Q$6=Xf zY;rOK{pmdJ2m|$zo8q(KF6P^s70(~*R!=K);@c9%KS}{{HcB)M6dXg~At_eEqE!UC-9lHazp_ZR@+o)_8rNB-;Qo zmF<0WvJl_Q1V`f!3&ydHuR^zYXu|(?F1)-o$tvyOGrk7D$<)`0utptB`9JfutRue% z4z{MacD`K3xvTEdB;|IG)$Xr&4*Y0sVsFN2^50o14+FqyL5`fxC29;z1lPH?rcP|A z!v8K*$H#Dtotcjc+~7+@Xdj;bZLt-MZ)>_ZuF*HmYn5<_T+t7?nvm|Iu4~fu@qdMi zY?h&Ojo?lVB;&I(U2DBFHL*^R(kq9GwWSa_a`G@};9$fv56jIk-Y(Uq}1`tNskEoRCm51!M>Z;W^^&dEJlB zuJ7+7xF$Cv@}#C75`YxkL>Iq-R$a&7Rg!=;~MPmcAIJb9k9HFguz z)%sGQ_UF=v7r}4R*BP=jch}6x+-;YYGs!2|hc{$s=S8yGec|l1NY~3hBW3qJGs)~c z_5Ge4O)>tSCvp0xMxtD%C&Ik=plFy>@#xSKPVx64w>!+5Y(yiN3#%%bs_oIa{&rPr zjX3>?7yH+;#-{(NQq6nJe!{(X%IO?U-$aHoGDZ{eMm*>cq21{4^EXL*2TtRV7oJYP3ZdH2dLebN&5Kj1pO9Sq6;nYORu#v|12w1 z;C!@;zT86>!EnJVSEYRsH!-pkFSxVU;(2ooPi!+Xw8zK+UiDRB*)z>LO848NB&Cfk zRK{)mxpf_lpUJ^C%kCiu+RMvNAL9b0L^Pae^?Fp0f+drol4L=H*Peqa@CL-V$JeI@+t{Buq$4> z-~eYu7i;MGcN$X23^|vMH3?I%GXvT1~D{gj{3n}V#{Jr`gj#9!08?$+CnR5SiGTrev z4}Mar@^_N-V{)<11ZQaYdUy@Y<)gU8&MXbq&;NSLlq*s>x)v7q!rON1jf%?PjG{q) z{{l7)OgjHmb|k)+Ka-6OiNq7}Fk1s2p^rDSHnUDd%jSBJoMw@MWcy&v`X@>KVZEG4E0E78p~~mx z*y%AIi$ZSiIrPFt<>~{xqM>Bd*01>>kF+zSa6ubfVWtQRnONda)^1 zHu(4Q`5h~0WMhi(zE17WGdsh|Og*2c3T|}g-V0IvgZQ(!6SbcW`yet}b34F(Kb)*T z=5ZhUxJVO!M;EZiE4w6GpYFCdIknO?@XHcqAI59)+E?CWD0?5F4<(831J8*Lj`V<3 z%2#Y;k*1-+M+O(-k#JVq3v^Ff3h-aS70gc2%+SZ`ST9$BDQ~o5L#`^ck5I3LuB!c0 zz82ng)%!F%(|u5~UX1qC-8!~rURJSoZ)88M4wGvrUZ-QxIz|7?nNGH**~{`K;^k(N)Y}!}%@@NtXL@eEoKwx<9Z~o1W6Y9AYu!^Rw{Z!G(x=uNS#=xNa=a!t=U~PQ6E7&{F+nB6zWQ*38=$C6T z+Tfh46LVvAzD1xuRHfVTZ(mLSx>U2ad+C9N9DaC+?vMA=xQI|)9zajk^K^aSPUh5< zy%3Epo13oFC3rB#O)a_cIPHp*Zx#Ai*dMG*=t7f^!t;~Wb!(`;=xJ}Z21V z!D@;2{rDInj?Ria)u5?z~TAq&|XDfMj zghu&Vnd30n11&HR(Q7__XfXz_?FXKLOJI2YPR8)71UKDBM|>P%Yc`QJs*#ebCyRX* zdEdqi{|xOHe`$p~i7NjJO}G=BVP>s~=mkG+^i#KC+@H7PX~2Oj#UHaagKY4#Kk-nV z{fWA`EKRrmH@_UKXi{Qd%ho+l8RVgo4s+Ld3iBO*)9d+k@xesca}H+6eHW!iyDP^B zZVCLP!~vz~uwfcuAEnGR`1#LbG+}wEu6IsSv;Ob`zQD5^Y-8?{D?Pl29{VYHt-j3G zl@Ye4kp1M_BN6E4^h49{oWbwru^hU9wm8evm=m8L-R@2tZ;{H5?{qaCexPZaY+Vx!={S0yHwLKrNbrBs&+>kHY7|UP}ZT>Ao;a5^r zYKJdiOSbysNBL+KeELW9#!Sl5u-4p?@1|?z3wKq-1GOkJ2i7|~Z7Ckqd~4J9D_axp zmaf8}97P{5)_BJ_ZRWSM_b~qad?prfk9mCtO>B#mSz6oLyd3=;_Dzv~yp^Rd?co0&^#Yj-RETYJUKK;rCX?-^)k$M-|fT zXE9wbkyYuDt9j43D-1%P-=3*1qsy80FL(_cVVH8KU0Rl@cKdVH)22*ypU^!R5Lbe)a2 zGs~CY`x{Ny^-MQ4>y;|2xqfO(e)s(*v>Q8e^c|hdoPh=E)U7~;EnT(0)X~_@EYq@< z#X9HgU@mckz08hS@$+=D{dZw1Fm%i+Ua^bg(v&us+7sEYswL zMQT(dU5Cyhz30C zhrX4wtF`GA%Wdq}GR4iIr{e?qa5_B`++IE_WJlU7{l=ZE`X?~PN4P8FY_xvwT*dr5 z&&s4tu550v4O9Tn#Mj#+Rp@FlM;6-{{a&V7KKAC1^1`JplB^&Ut097gNbkdRteR7w9uKJ z+*$Y$x%D})JB;`;T~{6y=?wnh9}{fN!EHX85az3E-v;Q%)Bf6yw*Tx+jNTlh*Q+p3 zjjJ(3m1Ejm%_9J?d1a*3~P9OiM5%h>%LOC3-EHTaA&_q zC-YF)4Q(TJ+o@3IdcOLw(+5n*mdhYG^M8|32!!vGgGV*NUrmb1z;`8o`#IjeF;-^Q zQ#;cbFY^P~hCL?d>n*cUIG&e9!LTWk3v?znjNY^i&0>Z^=a2}nt@HZGh=qZC9lVzNit^ZaqTTc$8 zUnxWvFGQ;Lt!%waOxC&Pc4kNeJ2QQei+Xi{{f|Dee0i#}(2>{w8liVED}VGxbG;a+ z?l1GS0|sdKkLgR|eOhksWU}#>2fv14jc&2=7cx4`Ez{sr&fDrM>&i}M$5{F>xw)QN zfq#UZ`7A!p={4Au3zC&{HC0L64%@YkQh4k`IWEnGSDD7M&)&@1Ta0cAn=9Ifeju{5 zydE!?`zmC9hAP7ny~gig@B{i*TyynjGjh0OIfBQ=sND%`bCt}(Gj5t$K_BG&OPC&g z=dMAqc#Ft4@AHBE=Nl~Fp>Q(Jd&2S~k2eF>()wy<1iY#5p3!CUvYZL&o2WJKeYN3} zLLIIPqX}JO8l2b7W3x5YJzG}2OLXOz3{^N`XFRyWdiw-v$H`2E%q`J@#BgmzKWN-F z95!WuK7m8y*)os(LX3(YIhu#)p95cq%XtXAp+LHMn9;6`Pt+!7Sa_?wWnBZV(QtAN z=>N;Y$c^3d(w^jW<=o-+)BBw~>|?cJmAx5N-Ji}GJg<1@>P$jkipx{=i;m`pS5azX z@Cq~vQAci5_fL|Ut)HuArz@LNYw3w6*F5kaG?c;cF&>FsFpjQw?uK~$DtSe!IE8FI z8sQOsw;TNgYqtlzepAU>MaF6hvrRTxpA@`~bMu2W@UE2^ya^WDk148I!&A;RBGmDH zF}qp5A~(Wdi{nPv$MK#rd})3R}~8Nbb5;JmHO*jW^~7mMGB25 z)9@F@JLs^A@N$dsX+6|8$KeJ-JWOJtp0SvaufO~3r!2(c82p?wciW# zEFfGBy+bsH%%)907#(QlxmT>s`Y&@d;|2S8tpZ)P@z&lIe9m*+^#tGixsEVZ9ZJ=~ zz)Sf%S3fn5QRgr;hGOmt^ydB0$Hp89r^hnU+AOwC*GxPC&ZW`10{>)QwJ`mh;$$A5 zCr5amZs@J}zd}=Whs^is7j!fq&D7+b_-pZR6vXH1&O9&ezZ9#pBmK3R%uAK6Woo(9 z(Y!fVszEi#S~BNMYT&M=1sMwQw>6E9ywUyU7ISj2tA?FL6aC2EoL-a)&m&()o8dRZ zi_?i`$V+@yeb71E;=}uP4EHve+79`n9Cq;%XKZjq4A8RRn8jpF+Uu}t1$~m~|erbwCzr2AS)Bkt+#T(>l)meNf@bE`F za9u6;av$qYJYKTXQf`#$-~`Q)|AEeO#5E$_4_2wioJ zm1*2JNp?KD|3i;mcqbLj($SP2=I%GlTV|BIimeOvuT`GfEDN9)1h365a>8_Z^oM^E zKb5|)zx?sgxhr5zraoCu_YK~ug3sdRo?X{$U4?Jtv7HHa_fy> z`f0qgT;{N&*%#~Bg-qF>vY3|x;??gtjD;&c+T1TsUQ-ffm&D!oNtW84r#HqqT^|kl zpo#cQPw>3j+<-gtQwMX5>}YDv8v9(x#)yUPt<8XQZq7xT? zz;*QeO86ai?4d99-&B3m7Ef(AKQ$Xwr2el8wPZ~NGbYX6>}-z*@+zL)=iz#k<}Yu) z=O#QsH~vV|zM~d1bF+gv^!^<;c?Wawb*w)BHeV4V@ov)7kv!#<2Ej<%|1JY=N+BGP z=Q_SHTNSUDYQPFRGqg*D9^>J7_CuJm+LdUsjg=W$oB5*~Ohu1)$@#Tjj(e}GJIRvn zEYXMU^z=5eGN*P4=B16f98Er=ewKbckftdE12y0xyABzX{9?KtK7#xGE?@1qp^v#p zjym5@=a?^(ui2SDuEP%4AEOm*Y>kgQy7L9R9&^gnWwE=;-Grg_Wr0@0g~+??AC_qP-|z<j0U@Q-{*!c_BlcKd)eJL}uz*cUU}kl67D^ zyrZp-Cb@!*IpCP9+OQpR@Ynv;Gg?3KJ)QNZkJ3E3r%vxUr8g>5@77MHFZ%lVk%9WVe3Z7;vp1X9 z!T328FQ43(TDFt@JK9$-y#3YUkgr-TEz-wta`n~Z44wD~f6<25`sD9Y1-A3mm!Vc> zV5L$WV5g{?Y%xD?B>R=)Ue(D#bk2=sdoAO%U@Mm&5XK#AKUmQVR@xnfPv;ALdGn$!heGt3O z#8e&H&uxtNu*l2N%-Ef-z&c?HLO;AR!OHA-U&YLrQK-uq9^C&U)%$3&-klHE)91nJ z43E}@=gn4kYtv^3zafj!=tIb=m*G7@KO7tXiCGYc&*){U?()pvmXoiYXm35n7pm;M z#jN0;tsq<0VRMMw4@T){-rq6FMGDx4hoV-lMqD9##C`kjnLP5ssrqASq#ln-&|(Mr z{N`AhF2B828}6$0-sWk|LuQ5L>=Qp*o88=VQl8N-(VW-&d6BBwS1|wKKi+aES<92& zsSfXjFTan6c}BbaP@-n-Vio-}cQtE#8*ue3J{j)ud~O4O8)Kz(c#p-*q2_u|XlS1nujnz*TZ1^z4-Gql2s-`xQ@ zIuBd?ht>ARIf{JSl3cy}!d3R?qE*G93mz-b0lch}pVEP1f&JnYpqx%<%8a zMg?S*@%lXR(%-z^S9k^uvBP`s!)@<>xwQnm-h=({@VcswJN(iKu=$uF6Z!@z^FgJ<4{pTj@0(dV!@a3d%Y1DOV6I#IMt%#*nX}#LnL3XK*p+)J zT+9j&$PO3dseTiu+w_&s;co4`j^Cv(GBo}H8PJD*`UP$N7rR2O3yRR|ggia=wU|gx zSBcz3y&3od>Xm5Jw<&tX4Dk2CSal%R@$F1}Rx`*qd}(bC-C{oYhaQ-dC3=MSzLK|{ zdG2U2Bd%MUD1Y*|jmd_0iPZK+q3X2G*1YOe&fGWFCa)2B{z>$5;A4KoP0VqIm1($= zoAbU@eOd;0`$rdfX5%S%Vr#7b3DDpDQf0k592O=w*HBxNlAf=UjfrIW?92lG^Fd@^ zz6fV8s!vA|{<_nL=_*C{I~&W+wE)iKukMZO|W_MO^2k5)r+bScHIs`gKwte<(4mGCAX3JaiSjvkPc zX*Icw&p6-ToI(vmxA=hPC1O&(PTjIMz8}%4JULz?;zLw9s!&H^X?c;i`Q}5J?o^}a zc>Wt@!t#r;FXVn-sIe8xnYT6RsAT_p=A5V#=oU4uK2g>uWSht_#udjY6dY+Bdv@K5N(+_#N&K}hd{c&8=0BvnsAR8C-c!wx?KjC%z1wLRr zT}ABDiI+?D1PyZ1etI`xJ;X7`)t$)=5P!zfVcehhkk`3FFXHZOO&az})A>$j{{t6~ zJCaW*pN%q4l@804w|}k*rx)tDJzTR->3$s^sW!3k>igbD|G{5bc`i&tx8o(@nJ~Lj zvex4>n+x~5aitXfP!aEXon(5kUG?9oLM3c_tk>=^Z#VhL7GJ-!9L?d4$+}`ozY3a; z8=mow%jr!z5~|oMsp@my){NcFoYmCI#C}fq?PxTBP>TuYJxYSnGMqcP-+y@Vj=@%f z9aZ~tJF|TjeyXBGwcKCH^vj2jwb37qXJyMu88`zjmEi2P=#mYB0Wmx(z<4VQe89X}D^6=BoX>96H*g^y8le zdW!dFZ!<5g4QF0z0pATyZ~s2o+79b13oWQ`(*ivxscL@U-np!tlgV2bqko&jiJWL_ z*719~_d|%rwari*`TbsG(l365zqVYYHb;5uWF=3H6`at!d!%OuNvB!|=Ng*~Kl?GfU3b3S6oL$v4f*Yf!@K-awAXf^MB(j)q>_o5*?`s-TT0HwLc(`ENg?!Via zs1o`C=^v_-q1U!$8rBCr^+ut(l5ZVB)~a+_c~h^agSq_OYt@($sxHOR8a6sk6{kfi z25)f5q8Od)3NJeo4yq+hJJ_2eT5+%E7B?>yzZy5$x3vQ0ygN^oKFiaKX`cG%b|&3i zIcnwVWY*t-Lk2IR%gtn+{U=vzoKo<2@O=CIjh3&BQST*%s{7c+>_!juY7c*6IjqOL zL_Doz1qNPaRCxPvElrn6E`m^R?-x6g|REu(UdS zpO0b1)z8-T{jo5-;0b=6poku6ns-P#3JYa#5Vrx37dn|2A-B13-_cdt!$&DR7NnNe z@V=@BYachw-b>(t(FOO$utQF=H9h@ORpWFF{;yZ+u_Z^g}_kKD!d7iQCbYtYh?QxV=dz3sI9VEXJ>L zju!T;Y3A2W(+ae|8}RG=*JkO;%UFFCPA+p>`2REYa_2Bp-%nEJ#8~ZFnFCX}NIieZ zSF?y5&3omm_@xE9;2$gNa#hS`7(sva&ynR!ZPNhH??|!=Z<=K5v-kv6dXgwdH0dVz zDTdyqLuD(hms<4M{AO)hjt?T+f9Y~aI93c_KUT%<;+5y@XcplUIUSR%X>aXJ zHW_lC{9O4@iPE)g=y~LLmQQihy0iF^mS?D`O|CLN3eoym>9SvAF@s%VH0a$^B}_|G zRVV(A%iajKLXoPat z@|vt6doZ5vDqid6&6yoq#_6Mm_zM;Wt809;YBdbf+7J&pSzxt)%|G9qr4DfWMt_#B zpL?Y#0Ka?ZEAiUjflgZHs;GoexrT6SJC&@bhpfz3e4ggRmz{MoN?W2T8b7!(UHe8V z)vdC*xeERw&+%Sl_?mEcA22ISUrcl~bMf82J|C&WUCF1S-&~v&uQ97(F2V3091Z8f z$HC0mX)#gU(GPK_8Nr>f61C4&1CK!UTE_0}8LY}*XDQsZMBn4V`E4ti3VuV! z;%i@0iCnoY&&l~YT6rZ@Jwo5;+VL%O24dzTJ!S9fNzMYZ0l5`K^5{q(Xg zqz8OZnJ(5VRol{19i8s4=>t=>wJ$vnIT6~J=wMPK=~(fj(_BJHBs&ETpPTbrDM zB%OWjAs4$3dJ|co$;YkCZ$m=y2`1@VGSNew>0qyoKXjv=nTd~X=M>)OTihS`{W`#Y z9`V{;qi$3-mC+Xqr}KP($JLfQ$nJSbayp0~V5+B{bdHs63G?wlX3j|!j6E|%dI7r0 zIS12tK%u7X#kZeHcBx&8yc>``vo6ws&$v7N8>ShL*ll;lXaG4wcXZ@ue2=UjL}>;$ zlVL*h<<4~TeW7*@&sP_67PH(eW^&6yZR!-Lu=~sb4seBFbuT3^)vdX$`E_7~I?pK8 zS=dxlPkzjxN#> zA3M_&{@ulE%o{g~WV6;ob@5Ao0Y@``aJcHNqBnrg|1^Bnc@yBt!Ks@Dvn}>LeGOmc zYriMltY&<#;lj1JP@oRX$~LeBLLNn_{~2cG&e3?yBXoy**6kVP%%W0q1{=w)wD#1V z>v)GF=xzPCSnq0-DVo>s%51cph1`8!&4FjW~Y`W3jcs^t;{|Az8A^aE}ck+z?xVMUz#dAbkEj{0`=xw{1bRl>Sdr(s1&>;P_AFDR)%dL1x6e>wwPGE(VKKWpy;5Jag`rR4 zbd}uNUrBJo-2C)tytjsM3rQN{B{y4mHoJ;+qo<>Z^I}$jnbLV?lEMeksW~e~k6?lK zUsa&#JF-CxF5$t=?SNua*PTbmSxe}(VlnJz_&;rZv3 zm!s9>*V41_AhDBvH!M=i-N>jpl6v|u<6mCTh< zHm2sE?y_*_4S37vBAa^xGmkY{bB$1)1_7!uKTl&{qR}*jH&d^Y zSz^#k$)#6r$ZK#eM6=rB0bxdSshOrr?&Ozkvh{iUhUVbrT>bODy!i!<>I<~I>J1{b z^i-x&{tl82+593$bjNYUYFHi41`LORbO0s4w>90O@vL6UQ_)0tmFT8Fwe!|)yg*+K z$k6_|a4(qUFLAFQnMYo0H9B;2o`ro2HJ)eNxCeHo=1`uQH}mxFEbONc^!ustx;iac z%>v5Q;6a=&lNtS|Blq7Se(;*;nPzT&b|qhdd+W&xZpK&qVOctwm^bvs zp@B^N%)yL3@d6$xyrdpkF!v+$sB58a?TwdHWBTr_-L)|e?Qf%ldBU@$=a13q6liM> z(DCMnr}Qk`=Oc01N`cwDaCELRdGG!^Xk{wLCa7!H4gJcV-@+B2&ghD!)dnYX;9R7p z;bFho#L-lq>Z@jCW&9sTsnYjBT8;)+w^63bcDz?`Z}!9<_#x}VVZaO0fSm1i!EJg* zCfdeDckZUiW_gy<`@89SvlwlGeN=B^k-Cjf)^}I%S&W2D(9m1I-T44tgk3p1P?fHb z#lZ{f9%yg+@wr?v`?Xe9@>3st`z<4q^%^hW#ntJW!tC?k0RC*lV8Wok&#H#U1cvwM zhp=HDqZPe}4gVTH+)s|C-G(If97aBh*X-~qAEka-N=CXw-F6mfY!6>O_O~|AF9*{R z=&dgkJ(W-nt>*#Eq&BJgh&)c`9n7+e$t5+km@T8i;g?uUO}M3_-7~fBN|BP^!WsT1 zRCT!-kN4%~06WfaB);4LbiE&nRDCHtnzJyoZd;qPn^N^3IfRoxyXx{0{B`8h>n-PZ zAiaW_T0TR;(WR@4+6hf}2`#^qotmz6( zf%8?6rrL3Q*4Z^UxXZo#i@4L2Tczw)!uz%bZ5ZD>+i1$bsfz{SR>~?q{6x(BR$zuOWp)%9Cv~d zF8D0RRx;D@V^-o$6}CB=JGhSqqg}eu4bu2wjCQZW7f*)!#x63HPkDVWM{4H=yjGck z+J&!Y{v`T;D!8jZcg1tnQ#FL$w>vY~5-T6ox$CMk$=s6gh26gxq1M}BE!VY}84F`{ zI>lm!pb1&Uvsaoz%{>e^h0Qu+Q>%-TP4RlmNQM&M2OqX3-}{bllJ$!Mr~ z%&_6)SjbEKg7@}cxV8~ds>yGMB|KhL-UiEk5Wd0m2bBq{qVFD>6gMt`M^ITcY1V+8i+4?$YQZ|BeG<&Q$REs>eN zew%KDu@%hGRo?oE3{|XcxaM-RwVUN&+MW$i&@a;DH#rK}g17Dr-nmG$fqi}&P#UC$ z7CIspGB>RxKhY{n&%BFtBGcO381quQ%V6cKqSMmR$%HL=%|4c?u(~-qJPI${n@sh> zqi5BDjwgS6Gt`zm^LIgXTgK=mGv)iOJg3Jb>qMIj)$L!Zm4h-h6;HysuV7LwwwNN9 zJasujClA`B!!9oc$N6aXzFd{ZZ?o;W#jN@#m9E8jZSE1L@_0IO2F5EW32*z#Shep~ zpwvUz8jEkdaz}T)zgnWL>@36ar;lfj4vkFG?83Tc47=II=blQQQbgxsfLtFu*B2gX zdYA?u{m&d-t(v7bhvL+6I-bOTxRvtI?vv^9clg5RcF?pxx>+PBGcZV?t`?tf%@YmoPKVVf%p`z;&C2+ zpiG;{Q24a6HlD|0RRukM_HZ8!;(j#ZT)ws}OILi5wfWc`{@99KJ-n2sR-Y8fawJAG zJ7%ho{-E7G=zLpLpdtC}7`5pDnrCMg!A@HiTcDav*jH|a={!E+mMv_|x9k%)x8R3c z&)j1htlt{D>PAYS9@itI`FpaGVUry^^g*4tpS&DM_sQrCeY!M4kx6j0-bAazcjVI# z(aAapKmWrtU4S!nA0}s1XF3eXvA3%nsF{tk6+ePbiD~e_I+D+*8KI#^i}jeBmZ?Zi zZIzXIQoB@#H~YwYF1<$q9_rZ!FKI_#*eT@KZn&ynPPo431~L-{SV^lQ4f!Zv_uRte z$9}n|QUP7BczYT-%d0d~o*jbq>tlQgJ@dJr!vZfCq%%Bwe|(tHQh8(nI^m#a>FYHYYl>hoFnr z`NLa|cl`A7H!oej9;2M-Xyvbk(QQpu>%GNPL!S;CLq5fX>gXjKV?HK_;T*0m>r&`K zg_HYTzSbNL)W)NH9y=E5c}M`C6BtDQgejZdwu+sv#Qr_s%3?kap%*8?$~>_6>nzXI z9r!H#Hj_6lBTv@uowgU*ndoRVwPLs%73ih$@YlxB|8*nhsWzFR!Q121fSdV~uvFEb zYG=N{Pf~P+y9Jtl+Z6@6SWJJpik^0NqKGTS=;kH=+gV@m#aS2~3^=thoiz}$!?>*@H=N3H#H)w@px zlV}s6{8ljf)57%@R#!JNtO33*`Xx3^PRs`*Gtgn-XY}lXj(8Nd2wB}AGXJxC!<=Y_ zf7!&z;Y&U*|B}tL$-<9WpzixJwB~7nGMOO;pURO&Sj?Arw$57Uz+ndaH6&f8e3EMR zi_qKdG0L)VCtC%7uDXrsUr@@8Cr71xUpHUIUo(QzRXUWUDPtnkw0ge6mZ4k5d#j-hdE}T}?d(PttYWsN zlLbAo7{(>O-qGI`E5s*T_wN?!2Hl%q-skoTBjWr&Hs%tV-khTq&867^x(bW;lkNCO zU*iL==%aq^ZB0Zv*>tadxJwZLubQsA!_`RIKel_u*C8zU**?{qSMNB`VpP z3}5$hCfW`C8*O1qYe#eA37)Gbp=g5WB;;-k?G=FrVqf61AyHrwjUYMP`G| zdtp)(Ge3Bj=$}gXV&~YJ-f$c?9QM=FIBQc{Mt0p5E;hPB@6WvzkDp-=H)gl$8M18{ z3yRtxZ{94}^vOv=!vA`iF$?8H}+v^f+G^Nx5;<+<u*<_RX3)|u!Mb|P!3@|NuBFTHmfdwU1GmyWG(KIu9@&|;^?ek0 z2UbwaSf%0x{Ci9>9oT7V7ha@e{jH2gvvg(r<)RLq$OV37Zw6PTH=<^+%Hdo6q(h`e z{+Ozs+?ZWjgeh;ZH~yAnJvdRUowKs_RdZN)lTuV^xTD$CmmXv#Ya=(KABUjp)-GrK ztKf%S>SU^y!9%*0r^G&V7QTmlLSEJV6Ylzp^3?U*Yc=bhs@tC>=yGpg&8`^!|2+)x zzTDBPmosgP=!{7#)2b#mrWZHNVxIHSJz?CynRTyJsF#n>pJMY=vd2?-<8rmHFkfHf zq-s^`MD>ibF*)Q-swX^0mWNoouz$Pq2s3W8StaR-NuC z%+jzUdL=8>B|+=BK@C_)S2x+%J2uJc9G9-`C-EMq+M1zNoQz+`I%d~zk!o-;S(#{) zYyBeB9lla%71&;|{tgUfe_4?S7tGq+*-iG&%i5f|ou`5P-D0be?A7voXEoSzo2X=`GX?oAiW@gUuHjMK=%0QJLP+!aql-G_1V*_5t1 zJwr9;6ZrTu@TktQF=OzU41Z;1A{Tqg>ZZj^oIw8ADpy|D@Mt};GXHSfsM4oQqjUZL zkE64U^RimI@N~fpsYrK9gQ$cw2uOFAfOLa^)S*L4QlwKlq|3Ew7#NuD?(UBF^8Iu^ zd4A0Ef1bVXSnFD{|JTkuG-+xWU!a-H(Pn){vp&^ZIpnZ-Iop{;xC@nCeHGF$Q7*j; zb$S|nmLI}(`Ugu>eovDAEydh*nXB6MhP^frA7+A==6?&9uYR8Hy@b*5EBn8F_}h{G0O0n%^N+4=OXCtdpTd+0?odEKT)iWz7Kmtd~0# zkTnK(fV;?USFFNrpy#GOou3+`neAiLc3F+3PU83Gspv?BOgmMtd;!L85**3E!IC zOf`Jhm2Ri%eidrE#`JP^iWOL@K$Geh>tfev_4&`Un4YX3vl2D9Mh&z73>=H`!Fs$i zL%-y^t3e!W?60G>Y@4kSz3iuHcmn_NK&zXoD8A9PmUy9CSsIJZIr_kRv-Ae{*wR=n zhs)SKz|K5@V{yPUQj;%PnnyRRjLlb^F)#h7Ltvu8)9(etqF=JDS%cnasim#iwmM6H zFF{*A)XHq^P^{2Q3llpsQ6Xc(Rc8f01~lXjPaMs$S3atd?xy!9Oa1Yc)ofs4_BA6D ztC$R!8pYc8W2|=cge~wOShMg(CT0X z(|fe8Wo;rJh3O{xyZe=y4{ym+1^nYf4^qEuNz|~>NqRQKSJj$-R$n~He%|S_nd7F| zJ{ekrmtey+GUCxHKCey#g{*3RO4z^9eX44v<37=GTHoR3RR#;NN5I6Zowtsp0M z9z2V|YssvJk8m9g_4`Q~`m+KWELeY2CYGq8XOc<=`)R{zFOAyhp=AZ+)iaN*J0U|i z%DbufY_e7`gWN;S`{+cj+{=`pwJB7)bBUTTAXhQQQwyu%jY50jx++_@7m}r3D_al9 z#z|%e^Ww3EDHRu@+w4JmwQx4E=u>~C-+b}P&aA6Jc0x$DV&R!oaYN(7jCVuDK=p4_ zq*dL}lreL#IZo#N$0zFYZKk@EvNijtM{*YhYv@;S9!66qa}QKGPR414Q1x@SH3z7b zr&`(>pJ~kRJ~GEb_ZN)LwL<~Gtson7pb%l}I1^sHr%0;T%9S*CrjTy{2R|c(W8^a(&F@My!t?KQ-r^4k z`P$A@K@&7(S*lWV$@`?fUwn~seLrXF@8o44iO}qm1-iMN*}@HSSsn%G>y4T6T=Yp_ zwv17e_CZ?C%r5Prr3w0?mid%rWs0a7s#{r_lj~t@;h*!)ur|Zs$($&KmtaP`YJcTu z;=W@}FfdhTzr<7U5ufnbK+T;Rr|X3!T3i5sa5CP_%Qz4;9cbB`RI>F6W-NMG69f!Sc|ri~F6=23?rrFQg{Luni1 z#N4Yf+M;_4g4GxQdjL6Yhi8xxxjtO8HWbLbXBK;+w0ZDXrlMf0boe_&qY`Y5Q`JoJ z5n%w{u`?U^MrIz*(gOT))9}phZ-pNi4^Hj{_yTz@W(9R|!nf`^cE(%Pt;h}TWNWHj zu{68UG~Ywl8?`YF?rylQvD0W*8STlS1if1V_y1q^s_Y@F{E?)$yJ4p2PuS| ze3^yr>hUO5S9-c?VT7Y`Zd9m@P0VXMQ;$35b5D~$bt;DZI6PwYGGxcDYJ8t`b!Nsg z%77yW|6pg?ypP3b_WgTGRN0g{{ z?O3IMSK2)6#rwS}M!B8wdHBIb&V?6w2xbj4kCjJ#HR1u@gOVbhO-VtPrEQ~vP zYma64PVno6Y{*cL0M6P7bO9IP!+peiPtKi_FYKZP>9YOnodRPMG~m6xNja3K4;zYf zenGY_;yZu&pse|cGiJ1XhPHD)T1{bJf;VbHc7|$FKRsGgqU+1x25^u4unG-dD}Mj! zvD!^GTsic?^JhnER2sb2Qkm*|mO$!u_}GG{Q!Y>Mx@YQrmwX+mnyB$T$fepC zr)n_kuiq(BOZYX5%9fyS&ew;dPUfri!J6|=iS~E~>B^&Qo$`rM@5%{sicZrCSTGJ3 zeb{5CX)Rf7*B+&-$sK!hkbj5shEVzP`?vFj`EpThLkV#jpN-I~Owrk9^c;xHV1jgeH-PlK4^e$o3jkzfiwUN>giER;NZl~ynXNCHf{_zsJ%UU};w0l&TUau=<8aRH^AZG3%515bqg(iV~#8x?Q zFyh!3=I}S&XFoQ#1fE8S`sJYioeHlHhX!S7CEA_UXm?I?CRQHft)!#y zIc|liLW;k-U7**S&#ZejOsXDnnr0QMM&G-bH(QuVtamgk^OM!?Y=O>qv^9+n2IvX8 z?5cQIF6FRyNDR@JD_qP0kFv&me$RatrD4Z{wP0DX9{(Gq>Sx(mmVc!+@SeiSmXF*K zFHetXJ;hJ&mk_5=^Z`RF!R}rgDZ9qx%5V9o?d!-*M=$s4K0c}TaArHc(ShmgAqLnQ zm+#^<^Ie#-V9K~3f`#ys^ZYHn{@^T4om8SB%Mx_Gq*!-d{1qRXq4PQ9`s|H@$6PF5 zGAu^0Z}EThK@kOE+I2fX4eH>_dCbm#9@!e+j^g2CrM(l2I_c@(1^@Vh_Xh}7;CLF(-huT$(G8?^W!YoA#CJ{Df)bSJZ`n4B5( zR<7@|wFUmliiK(F{IOUc=o5>%!|Yu?D+9k_vzO5t$ln-wmfWiOIl5X9q@!q{1G+ky zO?zOZ4=0yvGQHX`_J9GNI*8W%Y^_xNw7XFGH{e0zbzYl-=Y^ez^$!W~EK*fxi=T3; zho~c(vm@l}p57j)?Kdngg^jWA`&r}nCCh$7j@qz$8v*0g z;kJ*eUcsY-W;(|ojt0KRJ_GH{k%t9(7Z|H)XsaDgMJf12pt@8DR)4r-rdqCgJ|;tl zx^DFYjPJSp*0$ltBlWIm_yYQ71=e69Opvx(s&$F zax}*;Rx8>>%g54BE4x#h)wVLPX9ugOtAn}Oif7co);I>iB8@45MeC_&^hVR$duwgF zyS6xZsyx~lr_?NcZkDL7)~-5?2W;U32V=?>$-{v?0ofyKnBnw?y*cPqfJVObCj%@| z@#sC@-49TrcaHY){tabTcAT0beil9u`y8Fk;eAaF(W-u>O~gAi4Y|HL%iSK04}7@r z@%_vGbO4^3IsU5iTZYVDKV5kGNy|*Kjwk$=q2;gtJ&M(1?vPc7*!hhm>#4nisbBr6 zzWvwIWSoiA8Mv^29OOZZMJvA? zJ=O9D@c!R^)a+N`T7$k~$+zUX!AYr$r||0~_z>8CH>FQZy!E>jSQTFl`uDNPSqguVq_&-4*?VN@^ePKe zrNs-K*cYUKzbVv2^!%;+FyDt6H2XQvy&{Y(_QR*E;PXM(SJ>OiSi$p1wuJe67gq4Y z95tL3svizU!+LPj;{Gu6>Z3`Z)*Damu0Q$9zr^rwc>&jvoJu8u_ZlUU&EX0#!%|&=ou}UC`NvJ5XPu zZ9dRANp5Ibx8Achr!NOd0vmaqk?`>r+wn0zWmGAXPoI3FP$K4Cmn9B5E8*NSVji1!fJ6?;q zbB0t+S8e+E(J(%b@5xlPB}i0AAkI3i4 z#?wo=my%QlUf&bE3ER*-*}StgU7nOOJJBAD3M5l=W2lBk+L&JSYA1{B%r)+X+z9-> z|D&cH>8qA^<6vFF&-g_CpHq=qRAoL=lbvO?H1bs=RPz%I>UNR(yDVCvCaLVfa`an= zK-HRyC;Lwr{dQR@w;skP-}Lzv)Jy*8xJQ*S=hud4R(A{Yd#glPf7BN(OLVj=x&i9o z;l~_J{L&0{YZ9avLFsC@5C0&#WFJo-rKgh%5la?#sHN%F9wtb0KV3qn`}SKW<3+z* z!2Ie){}f$6iN@2;TXw~Ki;GiKQa4BstJs=bcT1Eu5LQ|BWIZ`osFaWxE&a7XUzD{r zTkgUfeoC$qn&;n_IGU1VbV5CYbvrJN{4n&cQ{3UWqRn53C!GwOLW^QO9mn4r4Ku6} zd1@QHRfpdHlpQ@km_7r^Jxy5pso36BKWE)3>z@H?;dQzmC&5P8V zy*Y}mTgHrrLDzXzx>9~%4@kW^J0cyekfrHokKcp3vdLyN4(y0Guq*Ij-ul8PNgr>) zBl{E$U+9zSbce^(-Ilpmwk|tF>#{ex;VJBL%3GN=y^3JslmGj`LzNSmVcfDc`@hT3 zz)WkCjE4J-3t6nEBD4nHu?;iE_yLaQ_|-5So?~e)hFFB!$c;T+C+$pPSP$zCmM6;Np&h)LBtBcg} zq^s_YPS=TX%#`fVXly0}&I%vF=g%sAfxM~SuFM`jaZm94Cfb;ugW~1JK6T*{@&r2O zDF;T+#TaI?eZqAj+{Qc_U#NjE!gQ6{XLV-jKi^7G?O&Pw&*a}!mR{g|p4Lrl<4_FW1~=KUtP&+xNDES*g3-WW2R zU+XaZg%bZbZ9r#KZZ}y34`BT@w=$!Sq{(sxGoyPjZ>>LTk(IM4V~aj}VV>?h&er^6 z0s1!%tsc69z4gfa>4b*lQiQI;uq(AJUVU1-tKW5W4};S6C>~bE)`b6OEMEEGWYS>W z&S0*1G?>2UHok^{3{`*={ql{CaeYbFz%5@q4Crd_z|dF}s%}59qnYPuhEDd;)^9TO zzX9krSCY57K1bEtg=zV>?BMYmtmF>t{#$_xXWN?JPZsODQ|QKD*qbK%$m?Jaw)+~H z6(8f|^D0SK;DmXX36U>z(u%x8o(nxSYPy}-xj99rn4SD@1$&Gy{dBrM`59f}wYheX z-gofPiu`ab*p;aR5!U8*YdaHz2BLgHAbF*dFZcIE@pOmfd-u< zr{q$Jl3>F4*Y#8<&ObN2c|E3a-W-k9p;@Wg+C5!)_i`0bl<4W0kUR$X9oR?5=*Em`^_Fhpxw+nAA|%!3Pan^&kIR}ce)H082S!3R(>fl}&u;{Zta|cJg4%C-5V6-f(Y*wQA9fkJ( zOV=EAW1cwfHQu6~Sz7zOpXy)nfMfke71^0qq>sy@cd}Rxi_jm;FGEHFwjg4Hl&77(3_@t1{Gl z1RB4UZaRVw=Hj>B%5-%wB;}cle7CL1qY9lzCdWyC{dtVsFZQoh6Z6&b4Le!1L@Dg{ zX5-22Hy%E6AAe>EX0&Kz@Tmb4qBpVOjKL?{cdKdcbsR^BL}4=+9oN@E#82GFua{-(NK+ zhU-C(Je8$CdjT)-IePgd=3ahzQRH&i8t=3;J$X)!4>SBJ)CTq2hUiL7c5}{_X4X#l z2~U!AdP5o0Ze5{z{g|lxqxc*0ZH+^8y!@$AAGh#R_)2HffZpQ7*IlC40l zRV2R4oMR5A^ky^?O$xQvBUc`dcmvp(ziUY@GUr?7PoMPQb{X@mjlJpJ!OGko$xeYC z%qsTN<#MddrA=Y#_EWYJMrG(%`uTy^Gjw}hx{mzzTKUa`^vCUTCiAqddFSGxvVUjj z${J>|Pvi7uFnXY_$tuW%(X-oMpZv&tt?aL#+BlfBZGNgVI8>(!GF0w)lKvQg{^K$A(jXR3Z zuO5B^=F0QYdVJ^`uUjt*HQOyv)6S>s-u?{5{BCDn|G|B~j(Z{9!mLUwl0$Z$YLA0I z@;*c@=yPwjXXc6S&^X&tknoO;|Ypv7NQ<2Vl<>0IdSh`XuFf& z*N}6wilv!|AE@NqXIXSBZB|o9-hw|Qo9{*x>+?hI zvORe7ncMzRC0c{vOSCS{oNINiW>4`|Am82dohfo!QK%cdOZD-%jLpaYxw=?C_hMHM zNBs0h_=sbQ^oe_B>~r#!dhqNP6{!Dc3)8o9fQD~%F!Ru(Z7TevuRJsLyfaLiZ6zuj zWp57smMrTMXEU~XfF|S>X#jeJWwr67UHvGlT6uc3C`5IeIFa*aZGvsysQ&E)jelZq z=6bzTU3{Du7G=w8SBX{{7`8{r$3u@cf0~Q=i0-lznLStc@SE8c>NRtX^7O^kYZj}d zD|?nqSM9Bzq;Bn~aVL~AmEZf(OZcj7D;qQCHa-C6^Fc$hG>v&;Xe06_=Y7^iw2Iw(*^m>6@hFX|& z<(Yx~8?JMKLFmJC)Cmo-=9V>8|Dir$et&~{Y};^ry1wx5ve>1U4O0(?90h()?m~%` zxzBvzR9k#<)F*vsvmfYdW1hem8NbHLeEmK!Uos~>{su1&CnS7l#QkGRsIg#mLKqMbr08N_Wqf_kVS1?Xu}IDGv*rS zz&yAPXdlKo!;z~IsN?To5?zIjoem#}-ze2SPfagzCmt`>slQ>M^v3(g9eX_}N|lCY zYtytxinFL~?%{*@P@esE+Yf4e2!AT?@clE?W2b@?6`d^K6!eda&^TPm(@=8P+VRb` zVR!$(2roq>;LE#Jpse4~?xFke%?Q?zoGiU*T%dbLlJEnNjW`FNb|2=u%;o+a?FZK| zM2i}GXncO02BF(@QtY+VxW1YXqpWRj~?!a&)U}iQ?w-O@2(&hqd&cKj*?9{X|YU9LOpD zs?aV&HvI!+1_bC%HW`xJiqyA!vd+7d=aprTjhmgDsc-h9=_}5XPqwpJjt1oVH@OO(!JNS_T?6gduTLQV z;8X^>w;c3>h04Xd+-VB__L=D1@0BteVE6nl#KvTy^*Py@cg#OeW4?v0$vxAqshgJX zwKiw?wp<&Mp~PA7*HrX7Rh>;}6A#WJ zNAnH(_70p&dp<_0;duB@b5eALXK?y3-~X?L8sP@#F9jxtMFn&A8X7+zxVpt3beCOB z@p|@@J!AA29@RDJkF|k)TDgzWddJ;)?DvZ1X2m#dD|=k`$NcA;&YR8UjnFuyc%- zyv`%z=Cq=47SOH=U&az46vlKfW!5^Pi|^pZG>6M|KW6GIRnXr&%`OEHs zo%xRYp+kolS>+Y#^ZZ=BN6S0IFvBtL^*#n4F7?*IG0*fR9+K5dUdXPjufE5tX-j|c zzjcvn)IUg1hgg_*)DzFV64d^kw{G#jr?X?!ZYFG`!Dt1(ViwsTOa~Tt%k(AZ^E9l` z#^_9{;#;7PI7eU8p{&3Dt;bw}z127Lf)`FuJN;MR{PbV0g_k;{h3RE0xPa^8)fwO9 z2RNT^I{RxbdXNfb++?4cqYb^BO!@BK>ao|xm>~Qtt6=ubhB-VfS>0jz#e{SQ94r#etOr^=7*K!Dwo2iH{Vq;H9x5Z`>89H^0er7Bk}% zQ3@^@xnRrTR{S}xn%P*8CtoxYX&(yseYtO2#Op;|l*&&=C)cZm8Q8;5ZuoJgK8{y~ zCB;e!kJ9l|w&vvs*x|=NX)<|6|FIp**+go~fQR_~gDl>@GX?XqE zLG~WSJO2TVQ(JgetC@Ici78~=NeeA5@ zIE|$)9{3epcK+M1Ltx=g4%SHO+;a3JwRdDIrCEYDd}n1G*xk(j0*%-%^5WWLt9CTG zQ#Z?*2>dp`9)`>9rP}N5%!3*56`qj&mxhmbyoI@s#w6$w{dbYS_Bf^Km;a%A+n7uS z7V{_G>rbr>t(lRu3b9ZEDQh=|T#K)*dJqJ@OiOf878f7=w znM3T&yDLqfOF5axm)LQX=5P43SV<2&wdfH2#G=yX>rGas{=pz^{%mD(VXgJ^d7-Ii z>ARP{QlAjAcRbluy$n^ddxjE|;6lK1NJaZHDF7X7`+RM@YiZne!eo3Jrqqj;#tu$Q z0`F7d33NUw@IJ!w)a3?zphM0kpsa%_)q_lAcBCs|3%Cs8{qt~>TcDrpV4BqGg~qa8 zpn7DMs8fEh9)(j2@Vm@UCVzvOSlj*R)9+Dddf{X1gh!!cfowwTO`C|%n#8?Pfu4R3 zUdd6V3JRI=Tp5^Wk9mtou}4a0hi@^kZd#mV@$&BUk+0a=C1EsSeL(- zXmbm)%Chj)HO$o1Hzj(6*7cW<)G-H=w5BLg(^|kMqJH&6@3dk*v!=EQXimw%d6ljY z_UxiRJD6t&>AfZfYiq-Jje7k~dn>rho%^+0AAa{Q&`qFCkN=UZp-RrCVKbPDmee^v z1Sz9B`twBC6oV4=bxqjAqq8+KJwp-m$W;Hktl5S4yc6?}8VTf^y(n*%Sdx$NGi=iJ zRu{=hP1}k;`BjMO zH*qkI_?q9=t!VDoN|c>VF)S5lGq;wTs`ihREj`WEs616$;-<~)tiS1JZEDVYBbQ;! zZi8WUkImD^f#gBwrptX)vaa)6;xP3?nTEo|DbKw+dr7U9^Bq;~iwMjL6qkw0L!x z8D6OEVBE&Sg#9^7TVKQHqK3SC4P8rr&Jw)L@Wp3vcq~rICv>&FN z>q>kOh55P$mu1Iia_pRgb!SYWE*!To0n{k5(_o%Ov-4>guUc2pcT<1H9kMcsne;{b z(P(u^QJo5SFn@pvahyKjbDXZCAxm!=qF++1&CgHCwq{RXd?!_#=p}x2cQj?AGqh@# zg~>VLtzMm@v@{&8)~#&qJW?R<-`Gb^PE`S(nVk9Di)eDzzb2D_d3Odo)dx43%{w?5 z%jwR~c7mYhnjDm?k!y@!N}a{9-l;Z>qusGN@9$xDm=DbS}#IJC?Y!zLH&d9xCI&0W-Z5<4tgPle;d zJ$wMKP&64^*UA|0H@4y+~LvyCP*$(}11R*X#(^@+s&l znVSr~Vq?Z7hbm}SvR;K+o7@bz{%;fX1})mHZuuI3w)#M%kUpOJCe-P6j< z&m|LObTL^U%#zW-_@waP)Wt)?Ug1qztd8;Cr+yKm7ihuX`g$<4O4r}$zD_Xv?{owI z!;kD#T1Dyf7i5X-MmO{&d5F|x&yVFOw=!pUWthip^JH=7&HwX~cfOBThgsA#@#*rN z&8+fLvHpjL`r1iL^I{>4hw%ZLv%}HY=8^lC5Qv|WGtNFiJFhV7fFaY6xpnL1;p$kF zpkJS4>e(eSU(f@7EDqM0Kz{!kjm#l>{K~(Oi!$9^b9$sJ?w1exBiY$lE%~U*Xv@0L z=lfNoH>zb}>V>80z>8qHbJri75+SEE@WTu6iFAdt#@_wWV@va@Vt_14@QOR*YaU`{ z#(p2K<<}g|uKD!eWfIgA-kQS!>aW>$=9n8i75cRz-ksrO{05AP5`T<-PA}2a$rXj_a(wPxzZZfrK4NU39Pqd*f``}Tq-|36@Z?HFK>-gxa z1!QIp$xt*klSfIh{tYGDdWV}HEwC`HE5Rb?nS?d{q=J(%`knpXZ03%imROi}SHsnF zI(ofv%xBQfRv(qFLw~|1Yg!_k9ag5zn=p8?R;E?U0)3ogVP@FC8Tcn!?!U&VKi-n; zxnz-L!G4&VqqqP2Pcs~(E_mN(Wryf^c4>2D7C8((lktv`3wEVI512LYs0dGYPNMct z&e8opBII|RJT^QOn|?;S;P6tOVdU&_W~?TMbmVXO@~fJJ_S#pm?AABXXFp$vPqVEr z*)3?&ykOma?`+EDbLNR1$;}8^!T!7Q5lzLW5Y@!nIktC<9C|R6vD;xPG;=fo_v6&? z??_!b&fIKNuxg)jSGDz7?8qEUvw2wZW&(X>1Y1+Eo+Kiq;{+JVN^ZV$+))dHVBpH?2u)2a^CezcNuAHimTMKpl zR(UfxE`XYj{Ef#!x?2VvYn4pZg{L(fO;E?}c`Ac$Zg?X3V~?02HYK-@zHWQAx4Ony znaV%pXqPv6OWX5x-y=+&Bgv)BWmlbRYxZ1W-hI0SuW_b|3+O#7qPeG+ZO@F{6Rl+K z;6jzXo2>rq<*MMLU3C_YO|+Bg@Fi>^^d;#YWC49+VYbCa%Z_@lfP1FF>`bjcL6-B~ zBpsT|Eaq*HJefyUr+<8NC0TD@z#1LrVz$iAQ>PQ}l}ul@2d0MiUi2)X2(n&XqG zQjwgiLqin**23JeaxkyfL}=Mum?jT$@H5aarUt_nODAJHQrplkdcq3ZJTXFUhoW_E zlDmAn!U*mbD(ew3daMZg4|HvK3Lbo4&UAyj@Hcw!7HAGC|6QQ#JxZCtC}*Qg*io;F zl!OK#1n=XGOY{_Yy&F8vA+L)Z=7m1$%(=35YqXx+BQvI=jVb;uK=TumRG}_;-)D0) zx(c42VCr{t9Dj5E2f#DgI5A6`kA7j+7G^1I!8^Hz!H^_ZXKXF}QS|>~sEZ2e%We<< zq=tCiDn*j5j-KRyu`${(!cSFe(cd5U*7p6;I@YF853U!bh)%{F@R-EWGuYi+u||0!Rc$I`#!|4+bo z`K(l=YBval=@P2wE=78>uSkP8W@`n{*{TQGgYffQmq%$I`CVtHGdo>lXYMT~$Gt-!W)lt|x1IWA>0&Beb!Lr8&YbzHcRT{rClU^0)Qu;bg|P zA&Z`wZu?zUX7#`Voq-RU`YauNMyyIIm&jud9;6>5v>%pUrREjP4(f$5)TjLqW~hD) z+0OWI+OxB@vxBo}$8KsU&x*ZKAKney8T3yL(O=*(&u0$S@+dik%SyD0tkG2$W7Iu@ z+}5{Q%5WgN`FMenFO(={PnKFWM8AK!NJq2yUhzY3!mNP$uD8XHazizPQ$dYBHyA>Rk&K50T+I9G|$mYHNG0HiOqdtN2~5xIBM(eznl zZ62O>Q`z#RP5-?xvKxBq0sDyf9S$b)RFX!GX3i8xjnAyJ<0wBpM2~l5Ntott|Evi1 zG0ogcnVdN;CL=nS+?z1Xs!R6Oc$kq2(O&j+#mnKnyvK`9re#(~7;}!CY4j_u71K1K z6S|JQcBa-QYR-|?rehaado#&>ge}b+Q@md z)!Eu?`!!Pe?_=;a!gggAvp1ibky@qcref8d1^=o-oE(RzsHX)v4;?=1B=@mh_&bHe z`_1skXFpk}PNOvYU@P=k z6L;t8aYB*4oF2ix2F)3L`^ne%ZB(o)SDa04Jg9x(-L-|awiTAj{nkmkeisg$i@iC$ z!PY!a3)aG1GFS8Au)k$rSpyH=DQ{|P7xRxruFBCL)j(@xIif@b-zV!Nd#r`EVWwUt z=M;}~BXp6=#<^?u!;ea4hq4y#P|K6(-6{O&WU3 zd~{1?=a4~)H?^sSy_q+QvwjCzBpbZ+v=3TzN3t{*xoHnI#1r2X{ka7$7=Q2JWIR9T zVl;0wJLltgiyFgY_GT~1_w@WNvx=%A3a3XI$(ebsx4p4o-~8DNAFhE*p+a>i6{M>tQuS~cTp~1o2k9jf*zqLKv@$&=IGH^@dHSh(mIm-V z#<2fd@hldtH22;kAC(!3M$xXU`G>pZP1PusY{sYXJ)Rqv9NlF;mO;i*Db9``GQ#w1 zWr;2^H_a^PXkOT7X>NqAS-IcExP1q2KhMf||LCXS(YY`g$r~Cvxnc(m^H;|*N|W}{x(Td@j|EXPuE{-$TZ|{%zPIrWAjn% z?&qL|Lo@j28!erVcgqP5k-rrr%_W3lbCs-c^l$=vny_$(dnjwWXax@FfqCE9z+zB3t-+wsv) zfk*COY5JpqtJfI*Ihv%Y=b5|PTA7xOQ{>#aM1NLtGWQa=FQ$d*AwFa8-yF?&PKwo` znHq7;S3|1fJ$@IWI%spw{S2>qU7Gr$+ix?_P5uMn2(!C>`8HXL@B_}IuNjm7QMY4x z_wMI22e2||v4&+%Kgq86Av(B;~+Uyssl6Btt zwWhtPwxOEY;ToYof}`}RODbnGxin?s_1Gm*i+`~-Gln^uRxb6Cmm+LW#D(Q>x#jHZKk_3JqiWCggG zqEay7nRl*W_7u$g@$L|E-Z%QHOdaNXL#@r6_Hn9SCs_loI+=y|t-ErbTf$DL9_FF- zqdC_ao}4JxQ+XOp?sEflV^zDLWp0M%*Bfs5LcD~Z;g-Ym z^RaX>J}t;&V^0?lgti?fNvTip?LMP792BNG4dLT+2VBUrH!a8I>U)cPd0mGAi1z*P zZgNODW7>EYsbm9snUUyaYmhC#w>=#XVG?Z9UC)^#)GJU^^icn0cy4UPK9BRzhk5lE zK4@3aF+6RcHXq+;=wrOuP4d+L z%Y6OFt|7~{L{>A<8R9d$b%t}E=T+t}co2tjRD)ijmusTDLxR*KG+5!i63JbM8wL~P zL5D0|DVL_*UF^;O{vfB0{EV-9l8u+d{0Z&X<1#kJeN(b(HDb>Nvvl^25RGh|qb|q1 zbTlv$=1!4@^Q~X(#ToCEq<>21>(@7NTI>NQ|3aWXo+Af>J7-Idr~GnCo8gY|aaSkn zeraZ+>;s-$ahE09^nea&a$#7IoHvIpw5HwQ!e~)4wnWNudXt4-ev!Ly8{!^ajqCugc|>GSO?|bQ53Ms~WKy47V}2zJtkM zYf1J&oTkDm?+pjF>9TU>CUshsp6Fh)N}DU+TATV$d^G0ae;iusQ2Lr_@#G_{V@_T- zS`Jq-Gz@QRPwL~n?fkWx-_!c1T-li*t-s@@mt)c;`suKSCHk?orRhAkl(_^S+M^#F z2AEq>9YgiJE6hQ9^JSK$%v<`rtK(whUrdr-cMnuwDrM1^OvWF9UeYJ5WOdeMldt+d#-NZY=oP9nl@bB>K?1UTf(-Bwwz9m)TJH_ij zg?QD>`Hv-$tpl*DEaB6XwTH{ToL$`i=zpW)^l(YICcO$$%N^vmq20X1uBmMe7ZY{J z+Wd>ADAf-3En3rM%)usKa5Q^=AzzAG$MvO^IWj6s`B(XF0^qNW@zJej!Mgl&qHMdO z!CGQ%W`6YvzqXqikoj=_OoT#U{nx+bV1C96wxB_p##VuG_fIH116U*JS^Dua`>TH( zOobY7AIHH?j7NJo&JQoFpYC5MlywkZJM#Ko9Y|2u$sTGol6~6`XqwCB$g4uM4je|S z+cs2Pd&9!6pQ%;M0bae0mRlctQ*$PaGx!brEb(*1S(%mo1$r@>->xq6gJ(%{>|dgN zRj9#6Seu4T=qJY}=#-zM35SgsjE>li`P+6hAKf}yn>Kup?_BW*Gc)V#5~($ToJBmZ zP3&Z9Hq242k!Uk-*qE^k=)dh<)iBx4T&d@(h^A=3cUzj=@AwTKqyOZtx$4gQM^Ao! zb&6^hTAN5_3<3Ez<_#Y5oiETP7iEyS@*k_eNRtxLG&Mj^2*2_a9)y%(Ve-EXLn|^( zIrJb^nY}yGKRxQgSsdXbUuugoy>c{aO0<@)PnFl(B1O_eHQ9}p!K<>_Ji*%Byoq=A zK)UL;PSu&giR>W#m}eAdUJmcwCSTQ<60Sek@%0$xrrI7J8c-3oMqs>x=<$!dvoa6i zT+FVJsrXO1`alih_j`s$y@$P8j*P)eu{y^t?r(a}rFY@4;A@zYTBtY94NaHA04-SQ zuM*e?g9BiJpY>PG<9B(({{i^2M@+5@hkeaMj858VsExI4^du}tvR(T zUFSQ8sL2dlv#h_L79OI9@q;hSojm+5TJc#g^|v$o7Bqs};J7c}o~)K=4fpS7rrSA8 zbrK_({l}~A4-2QvRG*>Y1|O!zl%G`t;tVk^$fH#v&DhqlazyZl;= zUV5d=>6=X5>1S(>g^&eX1)VlEP1*+-^ec+=i#Hl^_95lTymY=?td42u1ivMh1J1xT z^Z*~|J-v3Jue2=GdaDHd<8(+ zi`T#&4~x>JE$PbnDOmNVI+kI~k6`ip=iOuPmJwGepjfLq7H_D|Je9h79SeOOp^pC**6{`Egk~R62t#R{4w}Pg; z8?*k>$Jw{;iaWh&yD zrzSJ+bHyL=@_2dUfTnHK6S!^oks6=Q(WItiMNEv;yhwax2{2K|lr~l3txWzmC2HC? zN>*t5{1ffXg#F>#%vm&GINquy?z*xSy~Hf`fsJg;-xFi>ExGe`kG|IV^?9m6-50eM zhC1Gnp;?xu4!x|?&eA3T{mIoA=&84md9X8GQx4ghIQphm3HUb#gzD?jB?=hJ%!NF< z7k!gdi|_UO_hgLM&QhKHcbc@Eyn}zjG~$rGDVk?(S|35{Gv3iOsve|jEjTCf?k^ad ztSRnj<~#n^>!4dd6Qf>dVKziibAF%)>4YZW9A{WYp$hQ5*IHg6dsscy{!CD>-W5$f zJkJ)B3bdNpLig|rX4d*3rEfqFdx4(!sGVubK6mYEcF%Ao4A122oJid(m#Z9$KxJgJ zzx2d6ThqndTWVwGEoRn7-Eji{i2LEvW_nqBvpY3JGkU{eS&2ui3VYL}C|zXkH}n&E z0rf*QeG!_Gfz;N~=n??gNaW#jL&=+7R8n$d^(QiFNXy1Rm`oHp^A$*!a{+ViUT zni`Kxl52wmwU`VGo2-vYuRkjaUCs11emXb`uhH#%Ek--L0nXm_{-HY3ElIw`c`CIF z9%8>#UGHvd)}v9o)F0O2+)U-(4pZPBvhfe0+U>2L%z}SJlYHbT-h~0o5Am4w96**?iGyj+-s4ax-s9D2 z`k6h`I)50iMd;f5x@p@@a+-5t?JvnJ>wxUxF-WjLgAJgZukDfTML^Z=R6^D-D zJbL?6_@!2TiqzgEDLQg8Ql4LjsmaV#b)S-}af`Vd>)D&-C(tgWVT*G<=E zzhZqFQ^|ZhY;VRogz5mg@B^?cD!)%4Kau?2Ru-mNv(hF5Z?6Zlm69ttu(oZ`$1z)* zlchyV$k(i$fR8&xL2yJoE|7gu*~;vzm8(+?=?9h+Y1h9&3d5VR{AP>}qbpCgFCe!7 zT?5|g5!dPdxZfsmmYqRA6t_884e)h2P``im5kCfcpsrp?ns*qc$kasE|AmU>UX4fB z*ZOw{*fV%&rrDbMD}6N#J*?ela`!mjn%alT?u4DmO(@i|D$GW=rt3~|xGcs;>%^IC zeT_daHk53aE!0yniP{b~V&qKpcWpBj;0b57SH3!Ju{77$v-5~Tr{Wo}DV2QbhuL4( zNL9D#d^^rb+Oe=e>oZ_WPtH}J5m|cp1|LATLU@XfX2I1&^|%Q$$IefGqOZT6%X#*P zmAOej`(^}rLbj#M**!4v`q-G$?=w}Wcf6i4FMAU4PJ1e4Yw|C_@MnrRvqN>9ef?py zvHuQ)ebAyQ}E-at&soIZbusXfb82rmm{Q|XnVr4UKLke0`^gw*?U3=P@tF9Sp!@C#0CRI5l z{QF|yn+=JRrE9v*?n0k{cI|loB=wk;E7$LA%`Q8bI~VXmh1whUtRn4WjvMtlRX+6T z-!_WYs}DY!npeiWpw@9;>|*X`+M6HJ++pH`X-yj^v+)wT!7`TSk6}LQcE{S(na#|b z8CA_D)~2^lsQyOxHjMWyy`sNvk3!G=Dj!chc?q-8Kk^PmwX-nmk8*eY0Qu3e+0<^4gg8uBArZ3Tj-0vHrzdMpqmY1M^cku3VzD$IT*liMw=0*7`?31bs zJjeKl^t?~MGH#u6mHgh;bi{A&F)T~%|MXD!-*~|3PkzhKkOf-14$)R-Lgq^y>jh7L zoFzF9X!+ifPy6AHes#7tf3fRXGsDrG6WMr0shXLL-nS9@2Q+9Q8Ic=N?W{I!L8-~`@)st55xwjj%R5Ow<2P|fL>qT#YJXVAuUyBVot%t3we{HDaY zsS-U);d3-1__D$q7ptCoyq1y|)2VNUZZ;vOy@HL|M*X>O8d)*as3STRszF}3%Jd-z zFx=Txy6mB+r=855{?Fvgch;2I!iVqTwf7qz9bj&@p-;3HO!~syc!URab&1-bFZ*A!pJtJ1e0fuxo=oF?A;+|B8?s6s`>N+Cm_HM2Ooe@! zI)hfKb~yQJDG{pp8?znu6umt|b>;#LE2~oG+KU`z*}&w-ulcwMJ@8|^xp)+ZGV{z> zRjjb;*}8^@ed6dy{hk9ukQv`B<{f9ZWvT}Akw7whO8$t}*Nd3f>^6G$hM8ac43#=l zmj2(-^oRAbxtW`~!4ZA(GF3Y^p&>8fnfSv4%L`HTd2f9zWNy_lLf`gI)vBAp8do7z z2hJy}I&&IbvNf}ft=X~N#%vuBtY-&8#Gf?_DVMc};weTdc?% z%fvs|nS7o?a@nX=)|Zacl)p=vW_Y|Un_C-ydaw!A160u_O7A96|D=)eH#|aJ(Ocd} z>#_fgz4=dHwslp38rkJ)Nf0~LpnNUzvo@ap&Fa5k7W<#Zpo4?yeg&;O89gQF#uj-M zsX6s!_0!C>L#S_H*u3|%G3BlJ8y1%}#er6)FW*yr@_TH)h*V7X962+GI@BLsYVHTs zY>A$t1D?m~`7-~KQ2@99TgNYrcSlEKjnBmEkd0}{Jbgjqa;6+J`=)Kl#I->S$-c1H zV0tlXsBPQbl)&GcWbivKj8;Xf65Sq#o^%TtXS;39XEfaL>>|IYSK1U#qaSR6mVkM0 ztC;#`b0AFN-wJhmEqm#miE@DH(0&B>SaF8xj!lyDv`o$DLtTWH;;WZ-=EFuyGX_1M z`$=Ctf0ruDTQC-~{FKnDNHZH+ny!!WUnx)VBfKpYcyjv4qtbg}diZt&&yzVOw%g>Q8?B$3zG&g@~gzWpJZakw~Fnllp% zVi))eOlJHzt$Jl?(B(?zXh$;cc8AD1j(zy}TunjuUGqt_tQ)%Oz;P?H_X&Pcb}B(x z0eXGR%JkkIrvvy#U0c|j(RkaEOUP<<&6f>3s_5tFkhmjlzJ@j5)yhnRl`;N!qW+>T z9$Pm><7<-9=|G<1v3S*Gmz#F1Sbs&~ZM_#ISH8t>_?9aby1<1m(O-wq)LB`XGiAed zfxBcf?CMiwLhZ1IW3v#g7PIL^E8&nYjeyS`q;AiPwUT`8ZDSnG$BE=XlXEffPMX|5 zz*PPf9Y$on$~|*1+gIb$z7n7sUHSg@;R9OFu8VnobLKj4=XmSIPw24jpzoLotM2z? zJ!2jexHCy3@!nexOe5F9!ukZ2 z{wZg3kr`<5ivavtJ7s*bf7gRe+9_oomxN%w*|zvlcUduyYU=tn@x@5lBUA1GiBY~TkcH)^m3kudh{r7x({d0`IHR9M_Kr7qhwLplew_9 zDgVjAG^HmFJdQ7uEY*VfF!wD&<3Z2wfOn{#bUBD0y)5;7#1Q??BECbJ#?=r2*S zy^o$N2c}qKD^u+!&i;CM1yANkzmna97J1j7%z^J)nLp8bbr^yFwse^K`BX4vw*BY5 zhTAzTlZ>Tc4N7O9O+D!~*v5p0!1t~TXN+3udc!hiJ^Y-M8!+7ZMX5#{d(b`1=FoM& znH8&<6(V)6*pK-dHS@E0O+1&aU3D_`54?%KsW7(D?0sBK{lSbXHjXTy4tTlu1}oxe zs$SiN&lBXU#eMO`jm_4r1MExTRwPj)-}*IKSI~QQuM0DMXqKw3;eI|`)@;7#qx=E( zru@PLxqhVgIACu~Zx@r)IDkAX8)I3KOg^;VGlnOrIeNZ7VJ&{c?(X3=?vh`cnBE`A zGCPW1vySEeadg&UURG-tp6;Pjx&>(|>24_nlU+{>94MMqcwps1ES+`uy&x0oCJm_G?$OYkH2{JYCK125zk`qWr+HQdE_1Zz+>y=v$1oCds?O$#{w>{^|x7Hif?c89~5MLBaz4GL5=og3qN z(tlk7ZuHN1_LK5;v5dRYI=~rQ8Nl8Yj_hx?rb&3R8nOTHXX51Y%?C}%jMb~n#S(KO8BB(bO)3mqc*eyowDyN&E}^ijYCtK>3{X21t>Andy~R!CLTfeA7-_)g^4G)t}|DlCP*m`&_t z9%gIHYkIri;5*4GV=B>qV%y!`G`<|JQcGc{O-@sDaxMLRK5K`2s#<Dhw^H_2Qc6jyaI!SwhujZ+PIo{4+ z8y})$wzW6?Tf#k<6|Ot*CqvhxT~EnV&(jXZ-_h2bUYV$7Z{Z5(2dJQLs%}qwtpGSt zmpVD29q?Wx)1}IL8_U^p?_+|pfdE|F`u0R{=Z5eYgu?y^s zJ}))FB3IFzQPtdey^_%;v%>T&1(sC|5Cz?XzC}&_zb$LjP<^{LD5 zu(^}T9TG!#RzCMVe>KK`|Kc+Ji{HT|{M+8N_&_)OQTlJWhoAk|TT?p1Gl{e?We+DQ z7|%-^_Lk4B;xq-H+M>`}W^r%4KMTl>vy-r6mp)`U+TLb*nwg0^PRUeiPPRsDDr-J7 zD}{3hOD|I-tETiAwPQx}ppU%>E)uzzW}A~WnD?SPTHAvO^e;6`)6bpg`un%68S&yf zXJu}`Drsz=v3qvU)rm7!=FKK@wXX|wX+C$kHGJ<3&m(d%vr03^^Y?EU5G^NiMXk8E zf2kRx=lJ7qKl!X<%v)23qsNCNsCN|qZIP(8{`iB|GEr#9^L)(=_C0FzTx*CAgEcEAhk$_!Y_%1oX{ zw=P`EFF6(_^k5^7;KLDmgd0E`P#tG{70vF9VZj@(J@I&8=$|(CMw1kUMaqx zjTIT)85r3_w=U8V4t zv5Wg|GMdj>ayjraQlFD~_?q+lD!$F;?9$KEf!Ez1&XAKifERJyqaa=Iay9dJ7pm0v z7G^abu0K=p_~Gell^iDfu5=C^Vc!2zphnXYb(4G0?o?(;W<|T)bj^>0)5bop+cdmE z6{yNJ4`qMKSM#rZw9Em&Cwszy=o34NL-luUSCdaq*l{$m73^?=@IJqpODCsw zsG7klD!njPK8K@a?ERIN7p&^pFpLIx>)k(bs(U<41Aaw&+!UxN*c7X-)HH?FtjsKY zls-$nH9p$jeD-zkTn1j+ZWzU@?aW~G7E3a>&XF)R)>)X}ccrMwPsOTmCrS%4YnpD8nO|m+ zXR}LG9E_3b^b1ylOL&qyU$dEH3f9q2c-YqTsT!hf-`kqMICHk+7wDZrwvAcnr!8(8 zKi<|nxf`ihFFz>yDU4$D!egOu3NGbp*lK!we|Ip!0fm~FLiVWw43#0Va_A1{qA$-1 zwAU%{wP%b-)UL^PWhVk;Lm7qcnS7Kq`&}#13Sk<@x5$K(ZhoO?;Z&Yj6!S9 z)#F-GTI*wN4&mV*m_qO1B1;q6H$t;4JTzi$lIqkZZ#e+2WtOAqRRNzd-s-CrVA{P6 z)z`H{RP#Ozix7WRslc<0XWD#aD4Xotg7b8$_hnBs7hZD3aP@r_sl%RG`gcZ*>RaQB z^h!}Px6;O%xp0srJHT2=+IG>-#KYfRcPv47+6QaT9xq*s^H6FBvf`ca?ahM4Jvm!X zV39b!%GGC>xTU+&g^MOqhRpx|&gS9}t#{%|ttGvSc`;!5`&9VB6JF7JN%tVP_RG!Xvj%s9Pj zfahWZ=l(To)8QH(qmJYY$RxC4cNbDSSi^tJReiqCzYU1j^NeIoDH*M^o#=UF_dQ~( zi>Xj8No%8uwd_xKIUTn)&4ZoH(^yAyy)@qDiB@K)9UeR91UaSoE1Vg=)g2o%WI(XS zE-caybN8@ z6R^q&{ebtZtBV z#Ou{}1^SCWW58eZg%5>0*S3tQ!E9H$5a#TQLd{)9hw3tTvBL`V^dfu99T}SSksi9z z70sp)y27ScG!e}3zSH6~4Il15ZR5yRhw4cu7ju!H`{YZW_0nBJWE zpEW5qSzgCs3P0XI>?p2PC*R(d**{wg>3_E&OJQcr6@=KE(Or&U309OrYyd*5(9v{+W-YU#d%P{P z;kf?oueHvW#@m*R>lj<}ReZ84G)hswt`4UDwPanlArGIGrO|0cda)R`Q+1v*%vFE! zOmhnL(F^W^XO6+y>cfsX6Tjr%6s_1@!F<(*J6O9|xou9>MRK@P5>wQ5qo>mAlI7z( z%D1pK$rV0p9e$Xaj_7vG^Yxb|Y1TwPvgysuCv=n`D@zlTXlL4d7o*|ZIA5=Z>Fl8_ zSgf|@`F9!mpH>r_%OTM_5WCyDnFx_jE^mm1=4I1~o!rxxA3y`$y0KToIKBa~m$(iCzwP8$pp9B#(zBUxI< z&gsv*7+vp$KZQKV$O-g5wWRy#A)Ya`{pL^OWwn64;}3SGQwPrSUfgje;P;$Ge@F*E z)pSdj&%fj>@k~}hEAwhn(p1MQm$l#7JZqArf5sMShf9v`_JUz~nLF)43u8UPU6=Ny z=x6*0OJFO^flJnSo~606t_a`9|8@r!W;xyi%Wjc$>B49ol&Q{mOP|_W8?QByx}F)P zU-7I&lp?ht&I1$=lc-Zzx||scgdkl%g~rnZ9enJ)^@oLVWQYCnb7QlaeNAWx9xp$3E?wwO3olgP4fNGj2~&sH@Gst3 znTc+h%(jI}YDM-YH%I2H6wT;~oL-j!vREp2X|>$gZ1i~bIs|2FHcw7*XWbJ1v)v>S4Y^> zl)N0Rd6i*qY_v587pExUPqO;xIOp8xcJA+JwwI^ZqI0y4^EnLIQLKa6+~segz4^l! zm|m!Pt1Qh3?!+To!w}wLYaY$W)kL~=#GP>TFj!X2;mxeh)ZhQ>kaDpy|Gp^DO4vg? z$yB#%?4!bn7!AYMv$b7$)7~Xa-9BY$z=eh;>P((S^E|X4L-y%D9@`wAJC(y>pC`!L z2W=oCS8k!OB-87d?StrB^kZIZWM@1|`s&WXTy?XgHw!If)D-yH2l#GT(IHVIL<FlSSk;p@U;c~4f{GF&AC>G4F9tQHQ_FXEl<Zv|rrF(6#_mg~-olRxc1TbY zco_F;hN>^Q;y-x)9Y+r?c1qU8?)0*)!*^bR9b`~Qy|p?$%by~5dZi#cW{@7bxEZ?q$%K-s?J4Sz##BIlj?h1^+p^t|fHDv3TA zMMkP$y#jgM_mjJ&tqC8?F6l08pGSH6GW@feTjF#2NWO2Jy{W$!ji`pTnS0LCOoGk* z(@graZS(aTyV4B&NWc9{mgdh;+2%W&P&hi@mCVp_&rmguE@3`Yqc^%T{c=xp^h2Dj zskO|P^PD{Ju6P}~fvz@_e8`{(Jy{2ZZ1#UK+9`%Hyw#nXp=WiuyRyV@iw*^`|_-4sQ!dwNRlCLqq%hHXa5PVctrsd}>Ee(s&D>SrT zWDOdGBr3CnjmhDAv*W*Hbws<`Gz^c*!ngX}!27}L=GT|*$L)+kF2{FZ0vq#;ec|F>j^8dA71crJ+f3YH(5IZnOX5UwSZ0?->OdZFZ{-;L3*-xa!<*PTMow@=e%e7cD=Jd=8^C~DL0@uB*eiI9 zZ+W_ya_FO}i*3vwH3HSZ4j&zJp#yuJ+DBjwT}+oezcP!Nix(!KgRnCy4Wl#%?~Q$< zVEtR4dBc!hWH0b}XSN2j(@lu^paP#XxqlAQJMOH_(OoXRjnUe{u+rISbs>N|WG@)g-m$vjbuk_KsFz)vj=PI%hj1szC?AYI1k>~1ZlGLtpyu2r*=v#L5 z-?z0je#@=Ql8;tq5P6MudjXil*u{K`EZ{?GtPld49ZkICu;N9GS zH>O7!Ke@)|YFt~mIwjEv``VeOcx`{~2luMIjcK%n=K_1?i>c(6Gpx*9GJ9pqR5SHY zxvKz=-1@RPid+*Xt5De8!~e%~ghSCTKrJ^Ft9yNPQ?!-ApAt0Q7Vl`4G>r)N)D+%_ zuCZmzKs544P2eWwIhlQMo1^H^eVCA{0ClYY`g~U%#+1|Y7J~g~z zqEa@dY4S2SJA+{kZh&D>wzO#;604FnQM&9JE{D_3X4M4lp}zDHSHx?RfiH}oJN}xN zx}t~vg_oc)&yL5baf)Uho6yF>WHby=`DN&bd&wL&u`oxh@Y3MfD`*x)zf_j0?J8j^ z{_U&imDc9tZ}>|ZC#pLBiC`EO58mJ_>Ljt~HcxXPvkP1?und*9itMc(<~n^5c$XCR$iM802G`kV}0Kqu0aXES}2Kwaj8Qm`WLw>nUT|fjx6D!|=0A zQk43BurkZ1;N`3f=XxpH)BsPlJ4{FE2)y`sHEx}^G6x#5SK5`WVR(lN(BL}XMR#^D zRKJs6`tY|4=TD}-Dv_YSTfvTEFA|S7c%h}YhPNyUpFLb58_?I8dv51N=_a4~xjZ{3 zF(XI7l%9#Nf77f`B}ULqQZ-(E@|d@Wdea5(WPW<~gh zPb+iswX_xc;~s(ft|hxN&d0)U^VB_>4)@yuia-BKzx|l4l!Ve|c-fDdgl}e8GWVu8 ze5URcD}w!LN9MBJIrwK*!$iTqI-K3{uhY@}6TEb%BlF40Jo#{+E?bR#M)_j-`O)<` zEmkL*q^U+QS=1CbvDMH@>xRp9A-#ULA~p4XxUO+lj?NEKVl}?U$BWhWQM^3nWa#T_ zuxTDx8=WcCkf!)%CgsZMFJJ9kM&}tmRX?<*z+^i(a0UA2k)LkBe3`~x_VaQ4N8C-q zF2fGMI~I;_aqOUUbU7zeDxO@XrH%3ETLh0gTG?b-<}GtDNtJBP2n#-^aXV9WTa@w^7Qin64>DUu)%rVr66(YSvJ4P0W^~4BVNzQEEN}PwMU> zHF}y!zKosEXM5v+i*6%WGmp_9%Cr0LwUwOfwh+DjK1Qw2!ZaAgU2<5y>K)@Q`7}w5 z$S(%sN1M<-S--Z+*YZ>3e)|?GE6d5)_u`&r6{VmU7xT;8B2A-bv4u0amtq$)+uxo2 zqqQj>3|nrrqxrV|J54UZ%*%PQvsSb!d0U$D58zuIa8sGlHl`}RhY~+>cU?;+?r5T( z|L9_7X2rtaw>0zc2^G)qRqOgr=JconCE!IEev13@4SZxT>FIlsqo!egde;X=@Ty#N zBKops70W&|T<^#mj@*MT-_Fvkg>$(rlC!otx<bSa&kO5AUp}`m z|I;$^@MKj8F3`HUnc5lVtGaZxHXa$R_rra3c|QKpg$44u{z)zF0hLn zG35QeFVHXW(<*n%(qR1e;ZAYdPPd^O8hy{cFhXYWe(Yct>|~j0SI7rJwbGh%Kq{HxS9%Rbb2jBKe3u85{Kz`fsBBBr2kjqTrwOYCl z9cu}`eYjiG2c~ON3M|b%Fh=QhyM(9l%^^RXHza7xL@g`G%NC$xX>*>w29 zs=GADQ_<{#{BNTFrjWm0MEB|!C$phxpw6xIOMHz#r*YdI;ZKRAH2cZ^v=NZ{ZqaMx5?4P zjqK){q-gcdIN9To{#-LpZ5oBs;T5j0*a1XriO?0lcba#?U4HFyRdhB>Rj%f%^>2}S zoaCb|oOut?z+bQP)rLv76FLMvlU9&k-hSeo{hrt>uV zVg4*_mhwHBM~-o5$nNe8a-J&q!_JiY3LS#{Mn-cN z^8{VSA1{mlZMszsq-Zuiw!Cjkv^hyICh!r@fu+VS zI`1b-^B%VMOYXgg-Ca#OyPuXn#A@GLdQ#ys9hr<@yk4rNK8n`glRWj~dJA(9kLf$# zL_O<-zv&F;b^|}{K?7c~i=Ov8zFM-4E=h9Y`*{9MN8>tyKV~O0*gwo{u5j&oUWWI$ zJxZ_6T9`WDd+Q44#-jDikN)^Mo)^l#MG<}1{`!gEBN4r`99fVN57@(3iqcGWW_EZj z2ivjJ=1ia0!qQy4O0Of|!P@Jy^?n0hl)vGF`-Q2+B6_@XTuf8unLn3hYCsw8%m$Ai zUisWu3v;-Em1$SY-niYeGtKesbho1G9$x;efywZX;MH}H(M})E%{7Hu?h~xC4?@)( z-T4sylMk>gW52?mvVeQ>n(AgT_qZ<=@XC^V^nApg?mm4$v*I=Wc&gr2DbT;|@mSaO zR_ZGUGaH}y%|?9I=E5Z6`LT0BnmSL0W6(KWWAMa3NBgPVBUSgAKM%4$sLYI#Q#V`j z%WaI;C%Tr_+ZemmXg%N9oAC4H&7)!AaC`g|Pktk7VtI49LXkdNWy!Wqp*qwG(5I>B z`fbtstI&_&7@$@U(9V3`s*DqCLi{w|BQw+i52?=^XEW_1`U$zo>Ai|{qHC%qb_>v2 zbeKOZ?9ELZI>+&$`aJT}O*cBVhT5C%+j+K)2kvwdv zE?Hp41$iF*c zU5xCP$IBY+s?HB-n&TXc&P|>mCRNtISs62k`I~Ha^3y_@-^q6IJkK##&3z!N@m0;{7{{m(+6ILd&!;%zQ;c5bI`?1UGJ`tN_4R-!MjPv?vHm~Xa@%tagR3Ubehx z{hEHub@ZihjyCFA2-C1wWoK42maE*z{&?%@7Wi$G%NqY05WPCi$D&E~eLGvS4=fSe43`<3)H7z2cSp$wxc33AAE^sGylUwm0 zUdH6-vSS>BR?42CQ#g#WZ=6g`Uc(*V2Wn$G_8LcHbh(wg`d>mPwaUxtSe;$RIk1>%maGF$f1uQ4?K#T zZDs_W-5bzp*hfsbk8c`w`!fEzVj}&T=}zWK^K`AR9VLtB%(Y#a2LobMp&!~fdf~ej z0c!jtNI#M-ORh&}W#b?@{)B$jIZ6+CzHb{w_ANV8bx#(lv0bsoC%(|uiBTGT8rC5B zl$k;Fv{@y<>-?mVXG)pwg)sQ?zUUeLvI$OfU9m&!wcb~Oc)n(l)7_Z`JMaiyvg`wc zn-$X~%G|et9Qk|LAo!XN!TRrjZ^9N|tFQG3`K*8iT!Q;%=_Ea!nXL;Jc*r&t>1GHX z;}7sV+mIps;9@qmDOSCSB~0EnGUWI`J6KqntXtN`HnTt%pXKWLu>kE$Ns=v}>sM1h zD`j$#(*2XviSOtseC?%+67)5`h^~v+W1W3jf-F%w3t8>a_y>8(qwHxUKnu z4*t|XPCI*5GNJXtRF~&b)Aa=kcw_;aG*6RZGj<;oqq7d_+Ipmg=~bsd-E%|L;(xm- z?kPWTes@^$BCUK>XDH(JnVX1z153w6I|f;L*_>#K>O3T1A%OU}}HC*5=h*|IQpOYj;4Bs%W{pIejuZ?eKj*QbHFhC2>*_z?{WqE)#d2wuzIZ?S(@(U986Vy zhaU<;G;jvJ=iEE(o<*P$=BxkFB<)_GsKe`xZXJRj)h15eswQfF2Y!z7Fg=+=EZSO| zuPzqqNL6>$K8VH=@<|`+lhfjUHi`XdS@MHUfj+V(*E?uCGfgc!Gvk1RnMf}49jpYW z0Qz3YLt4|nIP+|}hO>`zJi#5y*UD^vz(-;_-pk6cb^&fxFv{|;M?rb}=ZHB*= zUnJXh)JLh)@V(b`G6x&Ml6~$chpKo5!YY_DWQoV2{au-558IQ^Y;}CNAzs>o<`&fe z&GK0ADrskYezP$@56D$Jxa#5D>ki#3XQEx` zLglV9aCflsHl=bF7RrArUBDjf5nFod-jC#GTB6&NC)ghepYlqKdSv2*367S$V$^hz zuN-E_>h<;7g{RO3 z1nc8m5k8ht`AT#OR_azObA>zH!p7xHIqrrY3*V^noJ6HYJDZZV@&Em5YliKJQC&D> zPMxZlt>_pfdc!^cXlMF_!5TS+mIv?tpIa7Y@h1y&?^B!_qSEd%fc~8jMWb# zBUJFSvxz$xp!#Wnx<-C#XstJ#i)c)Vj^+hS%BlDqs=dtCe=Zps%Ic+I!343;k~Sp zuBx$dT2D59MRPK4hyAquUk6k7`y|bG`rj@uSPfg%Guz0Dv~Xo_aE4N!$M^e5!?NaJl9id^Q_{?PW^W?sY#m&VPNBbHN_*!hs&R(OaTm%-urTk( zIT}NMZj-(2y~rWn<-Rg=T8#F!urk%F;4i@Ew&y(i-SuSWOO;~o3e_k)N=;i=G;a@w zsP&6jIWMy}J-w3Tk`3P*pZ?ugIw?|y`x#~<8{xWR>L^TfhD{Rb8moyFxVS(}Ed z=tAj|A?@~5FMPmV-;)`~Te@K&o(cA6MMIeNCUckiHcSVOq-#~1(&k%c!aP`>p3AIF zcmW#RQ9QNV;fcXx|GGo2Vqud{dcyZG&QA;M?M*CM$KWS%>i9TQg`0DfTeY-VU8Roc zO?Snm=492qcpkSP&)Cw!c;cV>T!XtHJy<(nC%ezf)j^BTx<=MzC!VTLyQ`TMXgoQb zXHk3M=v_?Km*CMGQ72T1#HzbmS*5!GT0t@3WBS4i(Vw1^_3qw{XdSWnnQ-_hb2xXYl**3 zEXdHLEum`nfxQ#2OZ(oICjEM_TH6!;@6Bz(-5}rXM34Z#5YyOBj6r!V_pZ8SkuXvBKKBsoY7}eCQnQ=nnZ6 z&Ew+rMsV%EXxq&XdUl%mW@V1%S7F}fF4dq^kUFL(s^V);rLjL4y~R&;@6a_w)~0%P zo|<$Z8(QdSK6K{HO`tb`|Bl{aXRdejQNLbsx_l75X-W32 z=6Zb5k?~|Gzh-_+h*XWW@bSwEYH2?HN@Qa3{x!x+$K|Cz0VVmy1n5n@> z*@0U+nm&)%hm56Hd||rm^Rs11rsmW?wx(SjU)?Q$t=^kwKx=*{a{EW|D(@u|+T*sn z<}T0BnlrG{udtK*p+F%{X?pQ(w47bZh$es5d+rkZI)|v%Fncp*Vv3G#D`|p`!XDd$ zU-tAfI$mNmHtLIhSw(MPYbz6I;??STs2*SD%#TXbt~=QZSsJ2}{GN@kWGFg5U!U1y zj)2v?xU{vY{~=O!SJU^0H*SG#j&4^fVFuz`w0N4O%C)Ub#hpQNzHM#VbAP8qSJRf* zo3xqHI+%)Ae=vRN=;u32xR}Bs_Oulu;3wBM7cZ4Cn-_Yj5%)ro)p*YR=exs^`tTn* z9$I?nV?06RZ#Eo?)tNf@7Xqz}dmtTxSF-gef{XyWSKFDdHLF({QxV;IS#bf(k3u{J zHB24O@BX8*G^?1qEvu6|USw~q-h^x9Ss3#*=-zvQ zpZe%KItz0Zk5{%LI_D&pZ2gKCVI*wF33z_({wZNhG+DAI_-oemBh9-F`-F>HQ&3Cgr^sdww^(rKLgx9Kl$q04k{8;h{1}z#$<<@q_i@Vu4 zJgLuG=c_JW=-~ct@+WiK2Ug;re~>M~7xaug-t=|h_|!_6sW#<}4IN*(E$B%pLw{jN zfELjmXP@S&roH*RECRDxVq2{Jt6N78CkHQ3 z=LLN3eu>wt|Im}ihv@Nxc+G#wo#I%Y?ggf3)AF)r+%-QeSevcTB{v14C6g6`4A^h{57G=T%{&HEqd zB^n>4q|LFa$1D=I#nF88g*!0sQ*HQhGcD3|$lg=mWm_6s&aBkQk=lwbaTV{}zPDE9 z_sl?f?GM*gzbL&MO^3+uct_@!G3{5om?3Z@M_R#j_rM!*kPO>5N&2=^FnQ%jmBX7d zp>3{utccNI=U_P(;)7omqsNu$UHly%?DPQLvHaRp&xGG{IZ{94D_>aC!rbm*XDYBK zi=A1)3@;g?Gmpr7bU`;JBXF0y`^E(c8k$|!3_urc+0I8cJJC``Tbm!zbtaN$unurB z(azBdtl(toOrtA}J^v(_Ul+$Sdv3Qft2V$2YhKGd-=7a3us}Cz!A(yhcg^0mPjLc% z*jSC~8=&vrvR63^Q}153j)mBpN{u5_o!9OOJfBT)cH7^~)V6yedKeEYuPWYz8=>k& zHpM%cy=E-4IeX=Z$>fO+SeYF^g=oysm-_mFt(j_v=JH#L3O+*Q+AnO~4s* zvNvn-6P!9?Z_ZT>Rv^!Q_f~WxF;CCBY;FD<_+F0(JDE=Cav#37Gh@2Z`NBQDZ47sT z6PfgxXKSmotvOkh{W6;6NE^CiwkK+IUGk>?WU4H_hT;k6=-u)1wa1Tj7bf{B2XhV` zK5HT!1U#1ubBfe*U835d8~#1-y(W>TT@6Eb4;;?EvkKK>eVUHn%h6DtbrY?9$XkbN zQDL}l!8825#{XET#j>pJsnL^|S0Y@^mxfWwM%Nz0~(zp(ddj({ zBS=d`9&tCkf?Ez|L2-zh*UV7>d5pTheP#ZA;9{oV!4KV$eCc2d^UroVUlx`!Z@;!Q zZ?baK&@DxshtcEuk^Y`8WlaaS0{w^Ib}<~a?C$CEM~|6&EJe+y$7tcwES<1`dAPyG zv>#T+oJ0p}l%A)@uUyPW?wHPfxQCKcuJF*o^l!wyz&A?4CByXH`a(VY$;BL;QPRW& z^BSMaP)~B#%Ui&&bB9I0lYGxt2nZWf;+EE1AM;g(zI_hb9t#09iJGf z2`Sd5Sq?qTXxjTMU{D3a?68f&tI0EW3QW?GFwoEzUmUeIoq4Wz;r!b|{wLhm)=cyb z)ysl##h;*WFPaYaKJhxZ%GFfa$zG{DUCPUoRB<&dsP=d+(KcoX&UU(oT;W($saBxV zSIKUBbI)9tA&VEDI#TV6BFl%W4LwcYH}%qtEy*eY+b?-Uq>k@P*LFUqgFLd-jm&S? z&iHa;=nvfFV8*2?LE>{uOkvM{UoIS)<>P~6!Fb#IuU<|E6SHhu|;L??|OoTTpK`R){x*Zgd4 zoaWk?YIJDs;JI;s?q_vHLm65h=Fkp!U}fn)eD9%`OMO&8{@`O>XLI8l-jjQQn#0c! z>Km_BahbZ+Csn)W<|(BOorte&P5NUpnfL_{!#^sEK03Ixub!jno_2sqH?@T6J^8V! zJuFm7W`I81$nq|N3416>jc>(jS+iVCKbxR!N!2>JzLQwx|*EDGng+Aq}9;)m0 zb5yl1GwhBsX3$-9jPLNAw@a2^B%iN+iK<&8R*^Lw&E+Y0_j<#ZnT}>rD__G8vO`@? z{^?ir*n#jfzbe*Qx-*x;v`PD&_v$1&ssqUy-8Ns-r@;Fn@7ZQ3Jc}^?nf~_p0@lBZvqt`YdE)^PT<=tF1XjYt)~ z304;;_Ei%~7$34G58knZPGe8E(9$ef0xuSx*T17mn3JFIIh%atRmL~Y`9HCFv8+CG zcX;EY!TZxy>Zq3{!7pf6EmyB$8_dHS6ASbA?;?Dsa9)1Dk*SK)8=Ag<+L+qtCxruT z&8)kX&FtMU2mZtJd=h@!>Cam6BYy@ypujXdUMuZP*_C{^F5w^OpP^!OkTpEx8glPk zafh5)jTk-Ml&IFp%n#r3p0PWgO=djxWgz`<(JIYSyO5vOw#~Z`|KVY!g!864A1jlCsP|wWT{@xrlM!02J&-u zXFtE^Vvs(fjm?%(0A-)3a1%isu&eT}yo4dwSK!E&vTqcvy*gO1pkJuBfy+0bP?lFVsQ zX>*aiMyni0Q*HoVq_IId>&<7LtjkWaBk{%L)q@<2>*##_MZUY;^(@tAMy%+H)XyAs@V zCN4{p`P^3S6|7CnX}!jk)8L@#nIYO4W1x-s=nxqRep-o$1UOdVG6U%EcTHO zCC!786-{!amlEKzPF@Tnc1?hewzD^HV2<7;gO|A?R_|c%jh=03&R&O?>rH-v{c$%> zG9K^*8f*)ay9YDqFmLtQl&?+Izi7KV-IpVIws0Q}z7wy^=FxgcPsf>$ct<+nXQY$i z<~G=qcw1fRnGI;>A#aOpt^N?FyPfEi++t-0@9@=F{_MUk9&|UAGEbRx*O1jb8lItq zk?hsT^v#U7Ga(i5F2IPI>=X`c@Aq1~@thXwjL=z;x(SSUQ z7v9D0?Y)#X5uJWZ2{VIT!9f1`xxE}rzhXEZrO4S0jMHDt16{ruSlYNag{l?Ig#4NbO3sIKUx9Of0=r#! z0#_4Dnx!k@_QAGs!{>SR6#mmea5RRZ;X1;b+Qcj#4$nFf{k&zd9!#ObzC^KBJoupZ z;|f%}7d|a?&?|W78?Qjeox-y(3Xh{VyO|h1v%{TCiHGpmPcTQL{f??|sX4AvF%!>}r_0f2r(1?c9BZ&4C(8$J&7+A)fE*+xWKU3xA3YYjj^JxXX!`4;J z(x`mhV{V+)lRodW;i?!yZz;hXO zF<5J+Fh`}6bNvqH??iO$l?7VEKH=bzcs0t&QLCTmqmHmNlTEHxudZOOEQCRducH2M z_$_VVB&H?lTIdJW-I%ADza**OHF%;0WS7w1wxHwqnj$*c$Q;MHnt!jR%hinxT6~7K zenobDbh=VAJ=Klu`EWAatyhI<2^|m@m*RQf!FvTu;X@<1`M$7E*cJJpJm!i#%hJl=(d zWMq266WQmZ?RYwFJ+(2(^XP{rzjdrPyb#3yW3r>${n1F-&)=H*ML$kS(^vQl zUw+3u?KZiWZ;SQxIhk#|ac6$O&*x!f7G2;D8RcN?={DR6qk1+hkbXB(Rr@lzgCOpW zE!e%x4%9a8V)GAV%R1576o1F-LPl`FjeIS;o2pzGmA|elYvxTL4~&Mkm3_riG_n`I zWc}J%n8tS^bRM?Jl4*F$xEHo<8V!%o$y_)FXA#ctNcS*#hi0fQeCL<*i}ijF?5N(b zmwE@u6F)-ze1GjYm7xXbJnc55X*C*H%U7X#{rHo%{$yp|Rm#;^&pdsLu6L~*{<|jZ zZeybGuz8_p!KXp%wxsLo*U#*7xbKf6AN1HZTKy)$5eoCB8wWmajDtz%94~6TW)Y^zfBka-r^SER_4FRGsI3QaIPbv|YpeG93>p zn%COLbSCrc>kF^us$ZV0$>Y`>5T(dx0Se;Ivu;4L>h-oY3u>fl>Bl6cABxtTp#|hv zW7Gv-S)?U-KJx5;qp{ztMwYjpt(jYzc@7TGyiu{}|G~0-%D!}B9vzhl8uHFfw&%E? z^Sl^y-(QQC2kLV9OzoIo*>vznBb`vn1b62-n8w|4S+Is|wc#$4tCO5Fe@*AP{gSf= zoh&)}gO1Nh(fx&RPeaHCQ;MLiqF}{x^Q3GfQE6wPo0a{VICkK z0H0@Seu}OZ1}MymtkT!DjdkA;^&=DdI4MEvX6I;s26-~_WgE#WyPf9Q**;3GoASGM zOjEjJuoA{bsmoJKGv9|UY`g@cxU)@)3Dp?(R1Y_nHcda|>gICJ0iIvotGJp|xp-RO z(G3$FKH?TyQpcy%vT*=$_xXy&!0hooVI_E__tpDtkEo~1k8 z$iV-Tppsr$ve@FG+U}oJ8okI|P1d5Yx@L?oJ>&!Nab^c<{h$QB+>)jZ_*-txb2Q~6 zoXwWi9_ls`wn_JFt^dBFiSC`Ms{E`r{cX&L+2l*`!q40Wvwa92%^^<49}bHDaqWzD~}2Sc3ej+nTZ7XnCFKbC}8d&yH`d9`v<@+LS zTp6eAZ^M;!6xJSDzg6(MQ_s=oRzF$2$$37)U*WqTOVjBf9{GqYEezEVcG%zbbud3v zijeggdgi9mi`&%FEMhOVIK;-d3?NepQ?3s8q0S%aM!d)K(kWW^XJ+Z#kM+%+nRus| zp%hi9)g^*;vLAE24PL39oX!?-(~3yYIi6grxc z*oSdOaK_%*Six*!AKmGtm*&-vk?YWUW-8C+p0+##ylu>&5u7WJ;oHunKdCOPkZSCu zW|3KM946mcWz7MH62^i3QT~wxUFw>rp*vysoWzrwLZ%F6>(uA)Qu~r4JX6s;y5dRK zSB9+i#L$OfYmQzFMP~?CK(_+jsYSQ-A^M`|R3G&TCelIjiKpUZO`qeB7Cz{c=%cHO zw0?`NY0ZwXTtTARp!JQ;L7P5qVe*>?sQ~6g#4&pleGV@IO&|JNWf?!aP zHT;iVptG}aBb!>ijIFu$B}0MF>zOO1d9N+_>xv1Axm~ER+vMWn12moI-SPKs`e;K( zyq%5ltLJRW(O0meS-R}-J+#P;k~e#;`8%qcftFhEJv+;+;!WQ`RS)$X_fB2Na{CA7sr(3Av(gi7V56f6&ZJiqPQ^R? zv4hy@EaT^VW1FkoV}TmO>(iiSxK7@NaY>$IAH1Q94L7am!+AQ^*&JBS9KMU(zn7y~KNNoXAGRi| zVY2r2$omd{2Axh-cNr_9cwvNp}A}A5^u!o%y;}xc=!`s9y%xG`3Mb+V;O3 zU$<11yX&VfEtzrmS(@#+Fy*UOH-phi63{VPUL^Z@DL@}`VV%viF^|fHYCU(`*=W^W zBgwFQENNUFvf%ee=?1T7oSiSsK5upH2v2*ElR1pvYJ`)Gd0R4D6Y(!sI!~85Jd|(o zod(TtG(P9E)Majf%HpF8+8Lrx_ylWm7rJ)C-du6YQNi!@+Wh1XYZ^8YyYVCB5GSHf zxZy{C%Uv-D|F?BLdvn3j()7jC*l=yE*7R^Pzw^93^Ok4!k#KFiU}ZMnPt}D!^f81a zD;wXD=cdnOIbdiV^3`Y`<{FoLRb2U2lOwIngcfwC-K4L3zN`6}nI`85z65fyUGeMP zBYV+}^Q3fNb|e!l%!g>YPLaHWB~iY4Z$AbLli0M;HMAb>%s_ zob%PqQ?FhX>YL~^<&+B6qU->L^89k=4rAMxGY}tP>BD5SR?`7`IZI=P#c9xU3-e1- zmioa-AAmRHQh8sw(dl@}HD7yH=Br_(rFq*Fh7r1NSF+Zd(#QhUVaI^h=JP`8@oT#F zimcgNI*{OsbWRV`MS98RzYCFbbFw5GEll&to@!yotUZMtBRl()c=|Km6lyjZp8q51 zETgN;vMrh$cSuOEK!D)xg}Ylp;S}!f?o{FK?(SN+?~Qwa5O;TXeUpAadUTJ`RfOF8 zedlahYp!9Z0_AY&6q(1F5`6WS^gs1oIwyF_JbUsBr@@z)%)R3<=5Pr+027#*K{a#{M~71z&;y*>24e{Qz$|h~`W_`C zlG@E%V? zx3VQi>JEz))63k2Z}I6YjT9fwqge^5642#?EH4JPtH@Kzv<;Go4JO(S{Z(`3^cAY( z+owm}gx<8@w?YZ6Xr^|ZKg+-b_8jkwbVGc$%#MN!&z-s#eN@}^>GCgp@iU?3dWu@r z?gaS_5546QY}R{~{ba!w3taZ9|1xDwuH3?ldGQ>6omTKOYZu6_ zpYc-Xse_JR&fEme#M6;E;#T*UI88*W!0xm#OvyTUxC;bJrKbsI-id*VU|a16+*c z85uGFzeTxFcDc#v(r=NSE;?bMgW|Ge;VbTds*$pD!Zhpg1zxna8Xn4>!CMOc?6F zo$j$x>k(&OPM*{|5{RaQx|G_z*HQSr_}}juqv=Lx>R!Y?#6C>Q56_k8QLz8(gh}!) z=1{+Tel!HB_^R&5km)fU1~ht-)4z)A^gm#9p??Xzm?d89?CqIh4^7UMF?GDf7`~Ik zRNh|+KwDNI&(K)c2+sbWwyrJrkVO{0o`GaV!t5I!86yr`Z8hd%pm?C6PM-#M1kT;R zXsnO(S&7?MY1)>I^7chygV%52cf4VR5hD29%2J1}C_{eP2YC5SZFKz)wDin>-)_hu zTL~Y`Av0YF<9a7Nif=>Fd_A<(Ua+qN@Dsnt#0SMQU2R&rtb1drKPux}+LbFW&F`&`>UyTrzam)ELoZ`k7{Z3OO{1T=mY8 zQ;C;gY8@k8P5rfx{qbx&gF4a=?PhMM=p5xTb=aWIk*z_6<2Rvtbw>B*7cb*81LP0$RGFU7-xGFU{L5geJuyp0pc~q^3Ox|NYf>jXh4ZrHP)C39 z{1_{FW@H4FhUJ_WN+#nM>GPyWI-(Kkw2&N}hJKPblT5sq+t+5_L4ar$vti8!=9|TR!dEjF3kG-NBojg+23V2 ze&NnAmk*#7i8c0-E}rP-YQW{HZl>1g#Mhx8TZ#^1*@!?f-&!EMca+r+mGCFn!tQf~ zxoH9KB(MO@7kMjhyrtT;cxh(Itee_o3iV8LG?TCKI4@rW>v<-59o~WHyxDC|!PB%j zUA|w6l!m+D>V${N*P3JtHAH*CPQnxZ_^LE&MEXB-w{-US#+rXSL26&kk-%jc^0F{N z9IGXZ89T!T+>_lnA1A_D`1zRqd?ZZ4Dx4vKcxTuPK6#ZUeY-m7`_}H_(;!F|`NYUI zye%Ib*~2hLSjV!cEeiuTaaGeXRnb8aF=7uP9~yL91Uk-boPp#8)qa>O zi)*r*a*L8)C(*-l-q<7;$^GUkgYg?~Y?r{hiPoZjq9m6>WAF_fRr^?ZI6plwE%+zJLU{p~LA>Ph5s)!VJ18JI+Dt z(8BZ1%4hN>jnJIU7k6aR1TNZGbV*(9i zz}MPF8r+mQ>j!hSNP*E?2aOkdnbNC^q%PWkW=ojyo8kY&CvlkFq3zR8l4ZmDfCjQ6 zwVV4r?j82IR_MHvI#IhXx7V}i%Kr?_6l-RLW0&F0ax>Qt{oq-`Tz^?HU#_nS5#Jlk za!VFTEWg9H=p?yT5r5D(@-<=A_Av4wJIYEgR-ryyUP>!`doSDIAUzyPUkVRqBzLxz z4;X{_tg(UpHR*H#FY1>ryKtDZ|qaQkv&B1 zwHaUP-k;{WKAgK@MyTXA^^t_7aK~+_mnB>bg+^MgKmM4?6}3M*_kOEBiD~!G^4b>d zOE~8`=kK`1R_e)KWY0!)PV~A)zY?Wlppjl#n=L(KQl<9@Jc)Ve)_T!c8nrx$O za>$uUGFIbTkrI0(M*2L5@jb~#GZXS99d`UWI6S`d$nDJ`7m?X}BHpc;hs<>a=c-|t zK@Z!Z3+~6?eLftxL^I9$P8KSeBcF<=i!=RE)3R3jp1!a8ck)apF`t(-sp7~ylG@u1 zt+DY~Z~1=NUVVldblI9%SdK-~t9hZMjyBi+c&rkrdHPg9i$?z6jwz9HY75-CljwH~ zL*y@JU>2v)^o}7nnj9_H%?3U5FhVv@GS@93Su(dHGqUr!(#6qR4zVk7VMhLwzFz9a zNoRXUtu+0moEpUMOIkS@`O&9r+B?$cB3zDA)fGqcp|)WLcwUD5~hjP6gB zSMZR&4&xbkWvW>@Nn%1@JYZeAB*7=^#yoXB_5543a%oYK+(RI0@j4D%(Cp7Ik9>@h5pQ%qllLf~PmJp}x86E?b5aimADY&c>H^+S^Rcy;<|kt`>ub;n&@Svv2)-_@3q#y;?YSl^E+o7Eg#OH z3uJ#Zhv#RKFBz*JgXD2MT!R`3viGf-KB{c2J%$BHgC;T31|9I*;aSoRpUwUcMPdm* zJ%G7=D}0a-3d#L`8X@Of;XSn|kSH72u*^l$_mGbXBc&#MwMhCt3e za_M&W2$rYpd*Ydo*_KI?IRUm>)db#s7Be&09#fTUxJ>qz*=E`+)l0s%GuAh|;l)oQ zcM4rk0Owebr|vS5?1=82i|gv)c#GaeO7Qq%dda$&IvhbC_B>M>&{H(QKkMH!m0UDS zeLuLY`cWIN`AKfPRiIS7&mP^5J=Qf3dHTLkT$$+}Hezpnsj?<4au*9DvZ}fNa=g>T zAI;Hb^wp1g+iLm4k#hDAIP?D%iP0xZwPjXRqlO}dl&<36Vxb!tY%|%m=G*C(3H&ktyN*awbzBbVP+mL*t;y>nJqKB zJ7@s?-rPBOeEomP+el`#&&@R>nRlRnoScbbMidIy2@m5x7fiL;78|wxt%+dvJ>aCL zSTLXdY=uUokBOcfZmd^e)?aS=RxAVH;<{OBBdb(0W#Z6#!TCXx+ArCl|IH1R5erQ; zIwVfc_J9RA0rn5PlDDT|5#vKQ9!j=Xw@6w1BS5}(^_AFv@GWHG&Bu$`eTlOc9yij^ zNidQ7!FnvuY|yx+u6UP1-Q^`c&RJ>4a7(>+3}!I<$5rip<@{PR&B)A=Ysa(YYB)Qq zdf8H(S>qmK^3<2dO9eD5uK&SHV-A0udD^^&-coN8UgQikOD&^hdLdq27-CBb$;^fu z@vU=)jDmya!G18*3eCnDQ+@fZKuY&5uA@GgYMB(~t5MP7rGc__X^cD}kK<*MzhqB` zq0K(~!w2K?DOOzYjqK}Wp|4FM@iOrF;(`16vAC9enJ0zs$U)>j=~RLom*;8nrWu(FE?M%a zQ4X_f=2W+HC3Pa+!wvY)Hs#BXl_BEThkW{dusE;4&naI_f5`P2!|{M;}JIBKG4jsa2uj-2CZJYgL|<>`@dQD#SW%(pg~ zl+nVDg>o&Qj5_ja#{MD$ZI`KTMT_<@EJv(1m}}eoEE!%B{uKB8bkkh+8)Q(2?Av?E76@jUvc3;5M;;NcjOBQ0{u>6r8) zDKcR{7nvZP*em+Qv8y@Ay~Xoij@{wlPxv4{Wy|7Vcnm(?5Xd!+K_j(qZKaJh} z&KOy-KStL7WY*2|HZCz!wwR(NXdEv$J;LNea)4Z^WT)}W{IZ+Ji6t72D(yeW!@l&w z2gr>@FZxYA<=q>4S7r>+f19X9n2i>W2$l7mzd;t}+O)cpUha}1pHGEJRrFDJy5>lH zI}7!yh3=f)bzq{Uj>4b5?H^Mu-Y}5ol-r%lI8f4JgF{bK#3PzHzkxr{uQ8(>MkY65t5{Li)?saCFPIy)i z7So#eAgBJ3A%n=t+K(RL>0@+^3rpyk;s!O4an`-KpL}Kqn02&_E*n-Llk&-}!He>4 zExiyt!`A>CC$znv>mgEBZI7TL4G-%nh_|o@dBqZ-^>0+7J74P^DK0aoIgou zlZG)r*mEIQtg^FY2Q{R@BSUuWLw}rRqL1)&*u*4DatOa?l@nTMH zq5l$N{n))wTGfPWbs|l+rudQ#&GQYTYukrXx@xwMbRJkJKFlz_JkORRR_IsYR{t`@ zN#)n3YSFFhb9ujLE+!Upiz>1CJhV{ZDw1`c+ReBz(?gL6N0 zE7`g14@ZTjNvS*JaJ915uH^EKE28$_SSUBWGsV!8JWYd>&LRuOuodtAmO%NoJxg|v zGSL+Jq(jU|`%OrbAA87U|A8I{Mno^P5_5l`^I=a?aR^$+8lf_7Mio6>fq7hpjb8s+ zBuD=(rU|edt?-XENcEPa(Q)wGU_?(ZkXPNU_4yKi=`;?{doOnX9TKJZts*(FG)m4{ zN6NHRgT5TV{+Ryd+QBesy4P9Xqfr`P*I3sw?^wb6_$0|&-2C#Sw!4oApG&W{WTXb7 zl{)JwUJHHXOba~N%m-S+U-xBZ*6@;_H28_WaCxe1;P-d{-{CGyMUSO{;+e-88!AM=x)k;^vEcjWG zz1`pB?)jSQJ2xY(8jo+qH(8!=zU=#t{Xh(vTKw)yk2&hkT@mC)<;Zg*b9T(+-am$6 z*a2;`8QO+ZX1a$t(0g_<_6O~C!r@TqcsQ9{g>IwoL1R^WQ;^J>A1F?%;-qK@`jZrxIz4mc%m}#s=yfh03Kg?@=x@ z;7UGFtdB(Y&X((FSwBRZsPXM!S^qg*CT=y>$N!;nu~d6uZ6jC(v5ld zb_)#&g`Z?zTr+P5$=XufH_Yrm(rZq!w$RoWqGbNQ98qe!<*_l+csI;|lCX%TBuF7U z(D)g=*H!TN!W0dgXsYLK+Uo8I{75hkTF)e#{Ck*m<2)JI7{+CN4EYQjwh= zxrje_hpD<|`N>B#sNZ48Z}5ZXSDKn?XCnEpxiaczzVzHuTpKofDevDU$kU3sGM(A& z2J|EQ>01Ui{w6cvD69^PlfAGvrk>!lrPhAb1wBWjc!^~8bsg>X_2Fc`8j(3%F-HdM z3y{XlJr4%Muv}-Zk?gQ`R&mv9e4lHM#YzZll-7KoQ)40|dTG3PO){u&<5-!_E^wtq z3UfKm*J1373(*MGLVsvT6MOicIg|5c@~|{1*q1KLYgf=oBQ16K!T{+!G>g8Kj7oUm zoAw#>Xqz-Kq5g1iPnC~w2M2YJmEt#JWYK_7iL8omvO$`>-U~yb&|IC-b8U9YmpMDk z)RY?9a(=Fi_DPeI9blV%^^v#b&{Ey3tiJ2fJG0XpU?{0y-WzKTd`uOerHNyUXmPt~ zt=;h!+=oY1<1aD>yi4kqy)lyiE?K_g`(GunK)ZX%P&X&N{wxy~f3|!NK_4;GQmr5)X;r+fZ>omNU-q%G;8(Din%QZ2e4&-%tTk*yC>bKbvZ}13_WYPG zM?ab9BxaVkct@k{%yj#r?;_6TS|3eC^^x3fcdDs{rJqzkZ>kZsjdfp5vJ}}*e=;wt zVP6yF=S)XEFvnY748q@T^xK>8L;g7#C6)gmXJ)(?eXXBFFgI;MPy8h`R4&jT%;{#U zqumQ+=r^8`JQM9(JWY-dDy}p6t^(R8N#o;%vd1$;`W^I>He`fv8wfujHbo9sijy;q z_`Me3?LJT-9q8d2_ba7UjOqK|gi8~28S9fww8iUuv0axX)6q~Yy<(*nX`De;aS}78 zNct$;xQ*7j3$J$N#btHWsZdF>AxCG@4;gD&N*h#(mv`~GQi?w64D;5wI{2RPY3;$k zu&1+&4&9V0q3G!*%r2Clct`U}rOSpeAE}M6>F?*JYC1Ycimi84|JXp8w2|jyU8>lT z-@Tq%%IV*D`87RIZeB`~w0K9}$yCXxLN+%3?!OuZOJ_6*hdUT_X%%uF+0qZ3nJk+e z{bXYS+L>WtQgInG!V;A}rlLE~g;Q4x9rMIkS61MB zVNbO>xk$D>dZy6aP*MB^JsuxGYVEKS_^@cW-O`ybPB#;901j3%!sj2~SM>%43< zeQ2`u^?)l@9&HA?oe8JdjkcmLTpKE%7WvDljVa>FGZgR;J@k)YvHpa||9KKVStIpc z7a*}##%lAjP}ZY=UT^@N%)2ldQ8`OGOl5a!0taMOsC4IiaIYF9w%v>CnEL4ae0(L< z)mraF6-xZQ-+ejyPjXC7aF%!X%8pZS9^(1 zb<~0waT`}4r^W}%!fs*W$3Ne12j|*x?wNA|Fg@^#)FYpzQJ%C$%XQxnEXnU})jvB< zHq1|yYM;;+y=^H%2xyhu!hnUM=u6 z^^FdavWuBh%}2-g3-43YBr&EwuGKwTY^obUg7@L*>L$qYQ86Zwoc zJ>VQJ<lV9-xJBgAa8hkTu!DrZdbrX5I= zg(dM>axPZm+&zoeB$l1@aSL)lip5Ab=99rS;p?aTl1?@8Y`}AByE{!1&`($d$H<=b zC3GSlo=K0>WheK@;C1{?XuIzHnJMvg%+#b;m{^f9o&14$9R1qC&>(3w)>?SoGfm1aDU#FQ9JRp}vdAXpN>7svu{Zf56=4mTbZ55X>@UWn z(Rf`)E1qwwcj{zH*^l9}6fIbA-3WL+sbZ89Dr1h}cj}rTD@x{z0Y8w%n0yg50~t5N z=;gD-wnMsHnPH*Fnb{3K?;%&JrHL&%&4#d#kDxo6x&XiF25&h>z1q2)znIkxksk%W zncM7D!kD?dr6#JFC2sh6D@-OE^>wV2MpI=w6@T8^5}FO8aO#3DoNF|(L5HtB_HBKF?A^lloohho@Kx}TV$;}DwAiGnJWHw zVbgEsJz`#WlU?b}vG9!>y26aL)T@~$`lHQHIfMr8T1(grcknd9N!~(cYx5msSzCEZ zv#VCxthPbtcD2;I-y&qd_arf_Ev}Vj#Y)LWCOUk4qI74sbo#1=y6xj`yc~ zpM^;h`j0>PGHI}Ob7kN>^49voTka4i$G4`+^*ZohBk&6Cw9{7Ovn4vGvi^zR`BHly zDTRKk{jC(qOhD_s0R4AYCpC?=)X{awFnXIW*09Q6p(}bu25$SC+=t$ddU8c3`387? z==n<3Es`$(!6D3NuYrcJCVJQ|jybaV_nduNi1?rjIkFJ8+`>Xhti=D{$4U)oLFV@i zmPhDMXQYHndQ%gPip~_@!%?Elu6r@Fn43U`X)CxNpY3!CIjqB170K(#iDLi4N7}*{ zA3oJv%HeHu;aoThGsR_8B~3wlJ;aut3C8vO21VkH&aFKAX1js8a%zdMOsj081inZR z+~9l7@$Pa5zB*6dA^T6`=^j#^cW%om_J#j_k*^06#9@|~wBc^F`kRc3gn0SlkuRo2 zKJuP?x*0X;@7&qHdHKrQhuLCw&Q33EGS(ljV9&c0%8GvI25RO>5jwOHi9cmOHD>|4 z=Y;R|^cb_{CS{7`$XW80egvX7junqd_Smr|q{`e&o@JGyQg+B6a zF0XIEQC2OY209SL(Cqs2I`kc@JCruw4D621q$WH_Paye$jeCCbeqy%3uQIm`Q z(riV7jCc_u)$!xp9g!xvYrW)RE?k3B%-?-1bU;M zPy8_ZX#5EYwKD#vm5-(`dO=pV0Y2#=*mZwYVLpowWdv-Hb)8`{-~~KUNT0;MqceIU zt3f&PiJAK@80OPPTI;Yea3H3Z)?R~x(OrI%!La{p7qWxGv+<;LN$qtiPJYd$r}=?@ z>;h+J6*PW<;q>-+#o?xGhS@de4IF3mOMg56lvcH}G11XS z^T{?f(oK!vqI<$g!~fd1iJ8`2V^CwXpNrYSkC~b*6~1zI)v?swzqqTKpq-p!t#uNp zlc+(x*1&VGVWZEhvPamLBrB=UJeLJZ&ms#wy1G#83<=U_b++7?VWNA{TD`iIBClt{ zJc1u})qqy7OqkSM1Ir}PU;aL7sY5)-kyzoV`-cUw&u^&3t9nXsWUN#~Pg7JbN4&Vt ze0_eO&CKFWg5|~PSb4lSRA&2T$aGjXPIVIH?-|^Yr(@-bE7@KAdnwFlUF#Ls{dEnR zxSP3~9T|I^;njQ%n!Yw)`fTT&YRioEC0X-!Dbgl1P@YCP>&L(#35D66{wJKBn)z~K zu!+V!u+}o$i=+d+;KO15GW;4D3ElBrlYjAiaJ;njik91GxZ5tyktTk*QX;aZVh@pLuG_G%=F7%co zR~Jb;VcxUYN7mBs4_S~d@9Bx>u~%w77!KWHyh}syh*m49<_=-v7+|hnsu$D8%+Oxo zGkkt4Lk>`Ptf&$oS$)m5LtdKPM`soM%2Vw2zztYvt_Rr5ulke=i_S#T^SmVlZ`u<) zCaKfPYgR5jnxCn5xopt&&C?|OS~2}VFJW_lyUoo)1D52-%PnM$2I3KD7bXeR1Jj1l zYp=K0#V5!>XvMLU|DvE7qf6U5&8THy48C*KW9(jme$q zX3#MB;Kw_0_k6>*dAyWP^Fm*~GhA%>Ig9W=ZRumAE9)nVH}z{rG7J8KKh}Oof;=9O zC9g&qt7lfYtg30L+f72HC7<8nagnlQuZ_-pV65A+;$?O*6V2`7EuYI+>;A}e*-kA` z->X12kkh)@5^Yy8b5+N1IT1wO+_FpwLm$;{4|(6WsoBv{IOoIKCEwcS5cg44>aPCe zbw2VWUlqOdwrm+ujvSZuCVDrRpGU72&hPpn*jy*iwAK=P@SKOoQQGxc00 zd#yJJ-H&aUJe!mt!LPGrk(aIZA5ka^YZQpbz&I(-PT{EeS5fAd-N>7GUks+%Wg9g) z2m|$yk)A>K9YuXr<9-c&%Wg4qe5SOo0ROrUc>*tk$kZg)Z)C7st6;4gtg|FDG+q+d z!-Z`7MVdL;Yh8Mlo=xqv0Bt~YV`uG^=_jeyKja2Hur{g8mjht$;e*;;4$Wj3brBrp ze*SpvUXX*c)kUq?2l`}HQWrkoWcCjaZ{V*&*JS4mlQ0S`U@Zr=hI5pWiJvx4#iA5v zBbtd$rrGF<3gy=hybT^k`kkDv^sBjIGoAO5{`-DAQ`Hd`I;^|1&M=OW=jVU3MeVf7 zCiKV5D2lc5ke`dZWg>OsdispV9SdYeXDi*0Uc1~>3q4kj^Px9=Lr*KcULr->v)Adf zFhWkFE4uVELr$Yt@AF5Ic>RIT@f&*Hmqr?AFwuM`cWFw$b=NpfS{p2M{8PuihvXYToIe@PudKj^kIS?06fPvDvN;GYY1!0(N>e`tSa9h4L- z6ZW#xv!;inPq{>nq{(V}PjXW)Qzu(IjFsf;#(D_eRAzp>thZurne3*8yYl2LHBYJ& z`A>KtzrY=?xeX6hL?t|vaL)UfaJ;-~xy zjS)*~m%FyE`qbQ4=J0;Zf1NHJ(3@Pb!lN=cLWZ+rsgh0R%xe5=<4tu+0y|~u2y=Y& zTk?x!9@>|t7ZSvRUF!SR8FB{S!TAJBUHlc_61fdqLdacnOA|Nr(SN`=p8XXL4SV=s zgV~vxljVd)=le->O$|$u>bE_`2ku&@8hA1S@!D5HhcJ!WzN$eBH|5ILStj~02OYz( zP?^e1ehGh%y0_6ix!}L3&bhb8R7VzrdyVdO{@QSMkDLqSWJQ%OkfTkE)L{XhUf5rs zzo*G{cuOa*c*yWvGFELY)z>*v`ag@4)9*6y7ULDaZlzH$hyA+5NPM!ZR%J(hw4u3% zjO5(t?=R11un+CU4!uT{{5{N4kGEvM;9{)LFQ7T&eyvU4+B7Xz%C3))?Y6eMxw%0- zsEKOj;padvvFdSUtz()XPQ~%#a#!|gnkD(@JX+!Rs=dNS<8PR0qi_rOpvjWUULx~{ zjeh%Pt=}KPCV-ut)ejG{yPr%(54MJx!PSO-63e_YZxEbH^w>wM@D5I~)-LQ!{m39Y z#Qyltplr!|@2Hjm>9XTJ3<^9hbwi73_nQSW9*u0FO`#lSPFX+4MhBq}G+N`R6>7jO z#n00d->Nsdh}CDw`@789&73f5r;%RUNzQ##qPW(u(%jWNW0kFR$vb2JxYHlqJRS)%^P||E zilfo7dvwaZy{V$^5ZXs;KRNAvR?{!po0sqsEj z(vK%df_jm=Qz(D7@szrJ21ZTo^=Aom*Zth(F4~KMhvEBEf{lH5u_- z3ivxs+QwZ(A2eXNrPeOT-Z%=)WkYM-LT{7#lU%v+`7$Jn`ec3tpFh3+TAl&ZC<&+M zJ@L^*y|==_B>V5@?5{H76FuPR5SfeLxoTH_?@xZ>itp<_v#MjAZ1to+yR^=DWIp28 zG)tGC^~k(MBWp9pS7sl@zn5yE^)Hew)|C8}{6eV+$8bM8->eCo8$Ni;c%M@6@GtU- zm&OawRP~}x{wI=rg9y38{C7NcS;a6o1zGb zC)4}OvPh}VOzSRvX;n04B}b5Lz)W*c^Hdo<%1+ya!uXGX-^#w%`?-mJs8d9i0eXgG z8E9Hy6IRQ_vk)V_AK>RdY_5lFsX0r;Ne9l1waGSm8c*JsIuVjeZ;;EJ(shi3o?b<6 z^=-WFUD3amEUoJ=k}*b|(v94kPJgj4?*NY=u$T_pY_3^<8}!#NbWUg;Z*WI6dTpXh zs+wr*GJJAng79tF=&>1@(wV!_@YY-h(r=e7pDTrEme#*0kX0e3Iy1kxKG;}-Oc%U( z&Ve#?uf4jWfvSEhK#sSKmd1FXN5BJIy(v+AsOx^V$4mP!{*_hX((Fx$>^3D^tQ~WT zC9XQ^7Wdv?JVS86kHeoVvxHobuJ&X-rbxHmP2 zGWvCNrevXQ?OX4cR6@5AyC+FvXQRD)&&&tr-DE5LJ&W1%SfC9X7$g_VI_rxZcCmh? zbxjQQ*Ti@k!c4z&8Tc3Q;cm5u(Y`WGN-{s#&%P@rBVFq3WG^3XrKbC%;gxbu4M9WJ z0?nO6yd+F!mg-qrm&{?O+$dU_l(*Ip?mK5RItRD>pic~wa`Y|tqq3w@welL4!a085 zTz8Sjl5H9&Q3nF0|5A1nCRW;ReU1!{z<7kJ+;9Gi}A-DfS2Vqno^RL8;6CSYJFUqSc-jru9=GtnevHtNm zQr422-W>hWsRvoG1JT5~M944pkuz&mR#P%0&lRT9YZOWWOouJo!|*!U=&psIW#<%h zB!wyB^V3J_m(Q2K@ymWD`(su0LNV!FTD|Ys=#jeqGPs9>?oNQUl!B*voQu}WWp6h% zN#31u(G-V7>F1Ru=h?N_s>}IW$yQhN_m%T-4!fBb_ zscX=@pws ze_cao>&zUk&p9JKZ3vem)TrCca>%*1)=)H1xt)sS<{#F2bOV}^(?6vBKnE@Tn7bYQ zb_?ckKda=*TXrk+UuH@pKGQ?CCi>}fs8l(UEaz&V@hC;l5bh-x+9gW2f4)lIOt{PC z@y-2+lkskNdCs9_AA)x1Nrv3$=EvT|SpT_34lldVy45YTLsqg(+rqx1W`Xn_1ZSk4 zrTYAWu``!-wp4Faj68TBBdwS*6t%L_ICuI(GqRdsSZAPhx9FK90oyZW z*j?sau#b;$HzzWCyhz<@%Z%Xxoc19jQe+o<-rVgWQmT+%dy}p1dSa=5c*n-J^Oh@_ z39^zb*p9brs5$l4w*kzE@sz)vLcR(*#{tY7`k<}oj86VCyv@aEt}1h;#o|j?2S;{7 zM<-nx=OtS0iedhGBvHz>gZ-)lMG-;o)Upy@m77mVTw=HDjGwlt@dH zF4jBANE3F+ak;X|KT`sjk9}-eTx%}~7spF@%gm~1`Q6s)(*jP#+cZhLinhE1no6`6 zd(h|ngqzdkN0jUzj(%#Wl`ijXuPr08CEFF|?RIOOd@T@0X0F5@BJ+GyvXtr_AdC9o zZ#_~@zx@HHGpU$*rU%LQKoc$X###$E!guWrGaCQUwUwN`CDD7_%aieNz%HScE?p8o z{xSM-TW|7gOmulBnLYhVt2;XAw~NALc`4?HkK!cx8G8hGe>qb%3wASXes)8jxqAxX zF&JOWm4GNy{daJ-bahIWCDfD)K84C~G!jp5=SUfJ-;Lc9#G?Seb&V|eJW*2SI_K2g zLaBeqTYh+x>BqbLzAKF7Pt-?^%d0&-T2to|>RH}QcW1(VL{s$SSg1Ic3YU^DiE=vz z=Cix4HmqT++sl!mH_o6X@0sbYbIj>r9T>l-A46;DWQ)JCC3=br8RRr@X74MKT8nv) z$-;RZn;;eGfzPnhaBqmt?F;#OEeh$av*aesnGdcex+Ne*90SQM`{XY^jm)$a8r>(w zV1~m#KFGlzpx^+-p zZ4eVCp9iK&;c++3FJYQ zwKtlEjopfA%yGC-Kk(AeiI+Syp_`ev9YlL_f@f}1ITIc86#jh?cga(98GQ_D-4gyi z=hlmcoV$PH1Zr8TcC2YxY&?7GFbkImFW^QM45$?uM z*i*r||I5ngJ32uM3JYa4et;$|;4U4_kn%9VI^4C=9ZT_hpgS0mZmX}Zf0jA;)dIGo zZ(?S@0*zHNO5iH9O6wx_UhXv=HM}^vSIp*{8e3}cB0rh#;w#=|LS!Ipf|m#E^n7<_ z62Hiy8e3ZjljHM@^I*~OTrnP)BuXSZc_2NaQ94%|B3-<)bfE|hQVOWej$}5mwgQ8>^ER^m^>^i2ns#9RPlv|T6 z4=SVCu*ToaJk2J>UQL;4Wo8!2sJ~71ZfWN2eCAKjme&#obLB^sFER#RS{(Tr3k>AK zPzOxE#rGf2cle1cS$50^=r!Apg?HGZI2pCncIc$f+=+qDnk!O}CvOko{~MPkyAFrT zhVQT{_xYtE1uW zd%{H5yvUaGMaJrkkI}Mb?VGM1s(gu ziwRQeLcDyt|X23@>b1b|DT1-Gq+w**Uhyfo*f6~3f5ojb=9P3Ih2qit8?(WEM?v}CJ+Bn zsJwywn*ZAe>_m>_RTB-(cGQN!R+|2f-ti~Bc85IamV|z_N1mAP%#%k=3+49YT$x)F z=F&wo-FVhae|n%bJ!-Dw>i9}>i#%E7KtFXnLyB!ghYz24Wudta=WZWrMz-GC7^xoj zOAa2$6c2R2#gCck_>-`LTBXo?urrtzE6>@-F3gFP+Bt=?@_><^tIT)U$4>v@_i|wW zIcRL6I1RuXH-&rT3{2~D%q6$msYTOh^6EM3nQLV?4vw0I2`F{nNSv1?soL@%mQA={FetyXe+zmTDNh#^h~qkD;s#^gg~ltoUx?Hh%nWLiolZ|T)n)L4OUv@ynd z?JVA%DKPIW=yBeKh=F~w_bAv1E%|q;*`JNcl|JZ!Z20qs`y|PC7+SaJ&(o&k|6s1x z#glt45OzY@09mm%P1ZLHlX)lE-Ry^J=N}`Jov5MFHrcgfrm+TppQ}Ne!}-2Uk9lV~ z=h_)Ov&<3y3W$_u!PZ(fo9}fO`E!logKxCaj@e|J*T|K5%a}2|anl>C@eVoR9qE}a z|4jHP_ISRN-5hoIvjWL0U=Pd%+U_i zbtC(Y+0uV+taLRjn61t5j+Ks)$Eh*mJEgQn(i^9-rx-rLR4*=$m-_5a7k@CQH{Sb5 z%Mi(^5h7>T80%dV?k_)P2k>o1U$xg6)1#zTIc8VSOX^lFV7|<`)IUt7XTZ+F3;qYX zhN+I3&#dk2$$=~g?){J}^2S38m zzOrxJ)x z@-#ll{W0+}rKyt!4fT+{4ym$vQKsZSN|Y5B3J973FCW<<@qkh_q1{? ze(LS%^0r!vtigvntCNrTp{t9BmG8zLVA*>cjcLQV0?(q~0Q?@4a^wi}kX7(mdwocd z+;i|DVqu^zGt(RR(4Vz|Cl><0I3*NqQI?d5CyRjIwHcayqtU){49(I(er~&qj_A9{ zym}ohw&^DNHPB829r37L$rW?`DYJPdPQcAdVwSa;y;UhQ7-0Am-Im5lX-jL(4Kvm= zmYhRb#n^L_mt8YZI;_CYSkG1~JqwrXpIkJY{qmi2WMkPxN-5?HF_+`fYT=1wpF4IA z84f0ivJj17qaVL#x9EHab5>;7>NfO|8F*+WEQyq5ozS_EHP?A>q&%3+eTzr7^$>gA zIl8QV@g|G7HM$XeC5L0-^y7J~c8vR!Ub+Oj#$&H4Yfyh19aoFmpSkr`v@?zs%IWy; zoUyB{bzm}e%-L{hWD_cGtwQB^W(|GMeDo#1%b|J9eM%bXEPT*CE*bPKGtjQD)8vd7 z8H8j6T$s)doy?AcyC(YfA^z{uc>2FpQj4ESvIvg-gr@M>Ghq#PGgkBJnKB!mkn80% ziJ8Oqzrl*^$Wr>Bt(7LbN6PnZm3^{mC?V{MPpz}mXLw-ymJK@!Il=feFZtj zc)lKNCGQ}dd=7Uv9To&D?oOeUIvp>S`<7AnTmJI!NO84uu+W)DAn7o}Z`BNbj|n*p zyI|K(=6rO=7qb)p+vX^Fa0sqd1hvd;vcNgxU8`Ga|EvmnuuYN}4J@SxtjRI{kS*h! z3nlL<^N~^(x(8i@cQ5u%RV_8Uqp2F3v%BsQB4zO&zFE2JULzm31ezA zKj_;9R=fz31J$GCb}jZ;Rr6)nfO7h5Vo9CTk-Q-LG>LwQw*a60 zJ-&xgcyTvTPmQ}>C@uaCm&7IT*3ri|xau$72jD=%H1IQ~*Lr2Ahr6N!U*RKli%M$b zSo9WN=;gO$knO~|c{=fb?C%N873!Svk^byANBm`~;mkJMT_qp9k)u8hHP)UpjMNA2 z$E*!$@?f8-RvyKiJ}6VFB;?ABH!wC6jda_wFloaaal$(zef1IzSwfujs+}q2@kLk6 zhW&;Y`s{LMTKGM_!sl-qoh~{MA2{#8CA^+1#9B`p!_p|1_dh<2GiSs5;_xAEuoH|j z(Nz4yai!QxPcZ12!Q?~jkCk2AqZi;cHZWl~*qm9$FtQjA;AeLZm3Q1#w>`*t!~44w zCe3H}DEYHKb!7wY)E4BQGM`=jUzj|(W1{<{{(MymF{*r?^UwY=Dr_No|!ZH2?Mi|rsz`K z(7oSa&y@xbvcy*l-POudjA6&;!ND)2FRJ|BMMu1+-hve~0I!_;Y3`;4%(d_X1RSiX z-^l2Q+K(oR^S#2?OtJkdS9}H+$pGrZQLs3Nl&`E=>*xcF$(bcj@r_T0)J~yRNkLa< z6)Vymo$YWB*#gTXs&AysM{93FR&VT%OmTUUC3Rt8KD+8I9Y&W15BiDnPeey^0t?^FfuPKlo1~aXI=51Nq z4Ef|}q!A_Tb;to@m4B%70u4ImKeV*%@FC&#TS$Ey(WjG`G7x$HSK;r_0e)Pn4~#&j%Q5 zHhCNgEu!QI`=YxUMjEiyPlivl(m~;T#tmHb3bXaAweh|)D|hNbPKX2bxFKIAu19N` zX3&2Ro9RoKXy0bz38U87?h_9;Gw=TzbV!~o zrbq8c{*Lz|^!($ghn?Xz#GvIm94L-gLM2?uzU}8DXZsb?ztN2KCWmlC-E3L1)miiE zdCADrw(Q)=ab*@WDB4yRP0EJB!FTn%NLpkj%UE)kUv$crQ7%QY-6u}2-$YxB?=+M< z$_nj9zxQD>89(Ai>dD^gZMAVr_H#T}Ln~WrJ%@CuiS}sQ%4kVW43mBd_;aVgL~D;` z(#AnAtd9}Xt$55op_O4~kd??>wvD%}H7l+CI0M>0X0FpXQ9}I7Yg%ZO1V3-A=@IrC z!aT7SJh(}Jr^>)(DKdQ!`loK>vYgD9g|TUpe!|V?`P2kydW7c zteTo@u_50i;gf@IMW3^Rx~?g@gFlQWsVQ6SEv~b?*x9ei zk#*cVCC{1YI3qYkBa@{f`kI4yEou(;XO?QJb+(ab%^B%{zi6DnR6EC()dG5S4?MH0 z(8W7{w$z&G_)PCGljvcogWx!Mk4=F|7b~?}<%usW>~<^2UT$6_Q^R2TpiB0dPgdxk zMtc1nS&Zz^%9z+_#kFw1wvsJ|U*}$+liC-dJwmJP&Ax2mf5mhoJBr@$bNrrJYSK1p ze|SZ8zr&$IpBCp9DYJ9P!@caP6GBb&F&fC&iiP~#B8l5>rL!uR)o`?0YGI~-w4gSl ze_V`?b5CjhT(l5#9=sHPvbwgStDIT8KwMYgYkwRkJNMheN;lFI+$oiqo%K{a54{Ry zzonDjxDz79-{gtw;W(*YB}29|CwPnpu@k{{)V+a1U}F`wB}jaWQs70-1pF+eq$nK%#CQN*$9s8J5wE7 zthgptE}R#yyP!4@u93qphiJ!ACYgQ);96-8b9?- zQ%7x-6fI8*3gqNm-r1Y%1Z}e!^cKkhp(-itVV$jkGkyeoOnkH{EC|2&b|S1wxR z_Cu|85IF@eZhN733X^;E=FK`LN*U&xFH8%iFMG1OU*p7pR_3}bcTp;z=jH%8hmX$x z0@(}s{?d|K#R)z_^1*m{)R=wn>{@CT8ZTAZS%i+V(4Nd%Z`3l@<7nFltWTG&HQ~JD zKYPM#>BMzw{j#!}y0K@ybf0{-e$=`vLgbx&xXcb=4@|u~Wg`9#yvLVH!k|Den_CZE z!dYLLIR);=8+!54$?}zRuRnQu5$x=bwW2Q_>a3>*;Cm+naYa4O??Ak}{jz27z$`fq z53zSu7<%j=)?Xzf7WT_KA5S@XJy1%rcU{v2{ziYEQ}%)5PB`gCa=(|=3zbf=Gio;o zk$Py=wxVh7KE_Jzo1t%bZlOi)$zm93q@~%rbs1u=59S)_2x{i&M&!#qz=Mk}U>W}X zGUtE~g?dJI^#oo18grz?6fE7EMXXP(DeTaW%f>VlkdB8ERnNpW?oo{sz_#we`?&X5>LIm$ezv=U#$Lc|%{6 z;V(O!P0`b^lTLvX-Vsl60s4ZT`BJ-$v9_5D7cVDU_OV~zjK;fEw+va+nVD$~_+>S% zG{YS2!@V@wa5+F)kwcT!$X^=6>K=XGSidmmpSzJ+Qt5Q*fnPj=Oo_e&oU~qtLism~ zEWjsrS^~{k4YVocI&+6+rAt10%F74ggzRCKHZnl!XtY$rtCLfUT7r9SQ%7@sT$N0} zN@+5Vey6KlsJygA8}=lgGdN2QZm`kD_iR*}I%uL@rcCP#ixz%VOtWMe@`aj%`BPW) zg9F*CPj6;WTQZFPW3P~XoNT$f4!WZkGdnUA->nRipJJs`=fk!5UH6hHGLp@bg{hBp zMI$qExiLIm8|@!utxxCTRZK{hNignjxTeYWk1jg)hPj%qvCww8%xZ=isoPrSHIw4y zk7u4TeWSPB#T(Y-34UO9W=j^}Z>~b-#$Gh0VNhU8qxC-wyDcBTbhRQG&tAZ(UL7r3 zUsrv}4YnaK;6ej5|J=C^)6fZxE0p8-WbQK;JI!a)uYQP_eJZZ=DxnuRjJFW|$N7Q9 z)PHS&IF!JziiSOjI%FW<>82lrGTwsyO*)#Lp8QTV@oIlfl*3EVUooq+E*U4Q{m6tn z@2HbHTI$3PTO`M(=g~tg}9T z8z+V3V#KjJeL@tzZS)KE@GnGhN7c^c96&eutbLyRUukC<9@W{k?TJp@6-jUj?(Xi= z7ArQvDOMa>id67Y+$mbz3j_*XN(*sF(>Y@$F=cxe)G9{5rSQqkKc3bMpFKo3fI+rkxRS~-CzrEt6 zU#7YCh%)Hl)biSRB{R6!;qtvlmMkHU#*gRz1wU;06J(mOwzuAIse_x8%IzcQX?Nzz z1^ni7J~(I@J?58NU9^64vN6*=wDluq4UI}y*I(`id zf_eC!_v5?&tD2UDzn5+3XOi;C-ugX6iVo$-r1UJ=dd*hr844urWtOA_;xj)QC(9ZY zh;$==WK^b1Pa%8aqJ`FlW8GwVrgUNt-k_?3USoD%`IS*CGQW7per&;~IN4mSSUhXn z>9%0JE7i)R_0fDe-WU!4Dob7Vfjv^Hx!Po~b}+a4`!?DOG;%@A5_+?zUCPYiK?Qd_ zo6Pm^n`syHsv}v4e*4W`SNFgVxHn4-Phfqp=W{(p_P`@c{aBT}??dHvMGa?lGbBkz zyn^93;64tq)JpSU@|WNXrq;A`iIhv!$ll$_4{RMOF-M&=eM~=Z!NV)+Z^Mtc@S(+jr zPFSh!#kaDq19kGSLaA|seo-zus~b_$={R2ZSMW5+XPDbRTDIUV^{3u78T@qsbGEbP zbEM6Fv^m@xHoGND8a2D?GaF6Xmn^MzWXLY^W;Xl^AMMI}xw+j<%_7J~PEVHG|JZ87 zNx2d=9M1N}45^k&wzoYRtriio0_InzEb>_ezWj+Y*}y%{pU35*k!(!X%5IngmM!2T zoMi?&vRJm%q^~=}Q(rcUkn-hT$e^@LIYeD-`@BfjbaB!FFu(@4FQ;+ci)Fky%+9Ce zVNHe~#w>aLKOrh! zi(ve=gmFyG)%*oL`qu`{Fs4bsJU4CG-d;mllS4MbOrdwNl+Ued4^JHnKh>{-L2tYu z_vu`DwWRK@dBmt0@Q>OTk&{!=ps(J%lZ=sYR?!&wGADB}&y=GFjcNz~EC?+}&45&y zN$=beo7WRP2^#4U%t%_0)v)~-EX-@n#;fN_{-Jd79l?FCh&?%4i7#1y zDu=w4E>#o6k3C<<)unQ2#Rs__V9?*&rOKl^^pzLm)96Je#x34&riIq2QY8CeB9)N= zSZIJJWQJ#IRldBScK<8rz1(7caUJsW68{)UVP@ljFF$ixtW3b~{iY?14|=QZ_Q6cy z9`JcS+_?g^^IE+3>zKbTK*uuerMz8GB3rl7+uQb0p7f#4{Ub~svtJp##8GozB}!-I zbukOr$$l%Ax#@yVXdCz}a_N=btVjJ!Z=`CWg;wir)Sb=Ar5ayD&%u7EXw^-#8rtd3 zx+!vgGW@&TGPy*p|HJVQ62X3^TylNVa9Cd=0iocOP|(V0EU>vd)t3+Wv#e^Mrcb6$#bJe*cISDWyGEjtazlKV=V!hBg?L`HHiI0P;R z{i>q9o<&Q05p8(N_+okPSu7i2MeTh-<`hhTNW45#hdAgRPcvJiS*U2xih$(^5OrAcG+ zWf=9s5@vA0WRCr_)Y4eOyy~-l6EOI?kp>YHXqN(E$8`e|4p8to+lnoIYRvNp`1` zrLqq=}v$3xUT0su6Ie0 z+AZBQVGGwSeae1sqGW~(e!e`TPCT6_Gk!Ga#lz)vcuVp;8hnzOtMHDkE3XLwc>mD3 zIv>Zs{47tp=10mf^0zn4PLR{b*{{qil`5=vgXvN13x6#o=mLt57fPoQ#c~49(P(tX zIq#~f6FrU!KJ+TK#))H39`p8@6iiE%33ybO{6U|S+Hxf`g!YYW)Td&J_}{SBqMPK0 zl(9C3!A$o~mf4@Rv=>+#zR#Ansn)uvX0pVjzJdW|rb6#!$j|r!YGsJ|94oET++6qF zhHu3E?ri^05=5=9e`bo^99x}~2ybDpt+wfHrHlXZ(CViw)MvSsnrGD0RPyf5&9c-B z4-4gGJ+8A+_!x(hm*to&eeqrHrj|2r5F)F5KggGx(Po`VmJl>DgN{ea-_fvQ!(hKx z{UH4w8SxL{bHzBaH%(Yx<|)K8aDCucTwQNOuS63bfNYmSjR*+O&No=ZpPI8m!o znU3D-Wq6qk+mk1s{FtLWpgv2Ak;)6hCHN`z54Bh4sc0X&n`_Ea_H_H-N!upOspcEC zDr-)|uRU}V>%^v7_!mF2uC>mWHA}PQx3FTVZfn#*+Y2OqsJ%uu%$E=7`8RJNGa{%& zraVg*=Oe|E7Hp!9w{T0chE(c?@eSxgS z)8W(7Q=`a^oSYXY&p%dDo3_ak5oN75usbFVr4M(*S%-8d>xO=s2fbgP`(z{zz|a37 zP3n2VQS*zF(ReKzPc_rBOf#KSFH#Ko@U(^(Niu80@6jJ6=(l`nb=gdhTf&U2k|fF7 zy|kmRuTGnqDZS8Z`O^DZz0FdCw&Tkwbkdsm<%%m&Pr>{3rgyW_$3`2FXOsRYQ(QU! z-_4{a6q+psx86v}hgjLnwGvLg?dl)snO7#ySqvHxN{{!gxAt#?UVC`4JX{qnowr9y zA6NoEAGOs+`A(XA1nw;L@d4JJuf{m4759dJLegdQ+*I+|7AI|(r%c7OeH31`-|T#; z(I-nb{a7rsFIlL|eH(SjEtKGl=Q4A-ogRK-t-sXAk3&CxZ-0BOz7!1t?EQr;3gz$@ zF1qX_I>$fBl}sp>b?wlDp;?j88oJk(*<}w8{dP;Sv`cs?3$v1?^3e==>XIaxTe$DN zx7RxN@K%O}$+QqWYGi}guq%-Bkr6VK?9+?we00=5Ms?wwcSaZGI1*itxr1iM`jY)_ z)OBss=<_ji|B?JED+}#ip5A#wUmenrncx;DeH{&-J`J8@%L0kvnzbX_#oInl8dJ|S zhc(bG&8W-G{j}0ZKRtQgQYU7`O7%t_x{MsmQD}@}4?C!r2^|l$L^cfewX3qk?%N2t znc<}m_J0)H!(`q}L4UcQn(^B_X^-wJDDJ()Q*Zb9!AeKJGU%iC78-Dw?Dw;_`uqm_ zDSK*E7#CNLF%SEN%!0Y(!PU-_SNwZncn~au(P(_hb?OYy;(o4}@YGr?CL4S0GfC?Q z=X-W#P4oRI&ij+3`FwOku0HB+Z`3vH!Sem-Nsv?J6owDv4tli<(K7jxGn|_u2@EWe z)Ki~XPVXe|XeEvRhkjLm2mOluXe71stDzsoZvy*sv_fWIm5AML>e$7;8t}qjW0;`@ z3`J+|=BDXKW2LiMru6Sho^ahn>L2bCeOxp(4hCL7cO5q~T^^&C|7Jg|QCMdKV(}Ax zFlrT!pY4F!TKRFD^chP29LHjMcRS6X_MF%rT~dugX;95U`!joV#$(~#kDTM@rQ!iw zE@Eh!$N;n-u+Mgv#mfoq8BZTMs0)3ObL6b+F4QZK z6IWlzUpDT{Gh@j_CSTSsMUpBMOG|49U9sI(e`LOM1Kvd!YU@e!l4WZg+Efc`{Q!4k zQe*P4mPg2+Pw=ZRU=Ce5RE9sb(Q*wUWYBng^K)D^VHvgJxD2`b9!A|kxJX4d`p3v3 zd2*GWIBRtLF;|^?%}fVnhs$*G8a%ucWj(BSUyF3PkZPf|-WJJ>QI6^W)8Uf={#gA2 z$sAHBj~*0Chic?2bx)ChJR9g&lX4`$*IJX&H++$nFF8&HvM4xPros*>TTvtxk6LTM z_%g|7*6Yf8GSLclL;a6(@Kl&YZ6!zO9D0T`c6$3RIY0wyXz6}$-SNU&?~X{2lG*MW zTxO>~FQM<=BTQPXG}qOY4Qlh3wGOQfk8Ogdy5ON0hVQlPY`*lH%B<*yt+t16-7>XE zCT}B$FAnVq^w*Zm)RQbzb<$tap``A}m59H{<%D5h^>C?N zox%R6S&1~7US3oyh02D6bz%;VkBT zkeJ9^sX4t&7SS&b4ak*%TKUp?Desxt!|(%eE88VW%gtm%+|3dbT9Ypuk`o0R>pXh$ zL;kkfD#BeG9L|yj*U9!m*FCClqWHsmy>^~FwtHx`Z1^nK<-*|Nz0aXP?9a>*{c~-+ zh578W6XV(Y|4C*Cy|^EHSm}d#_;d$b=-&Bd(q=2Yi1sff4qyJJ-#PY!(EC)$lEr8p z#{8Nnt!u=?)VI{4LnZRQhkw@}ja=gh z`D&cKrXMdA*T3G%<~0>{Y%{VT7P1#;n#1{Rp;=F}CAzPN&Zj3?oEIsBY9*oJ#m_%8 zRt`HRO5pGBWfq*OILo@asb3vk+BHl5VtvklpSFTM@*e8VAb7B?=;?>|_tMlhPVg>S zvx>|#k_@bRXw3Ip#LB^n1>*fZd6kywfKU%}Iscyx+BS$LDjV4PW0goZ|+ilizj@Mp1V>4jc zb%oPxew;j;yK+Ucneg-<2?=NVc_%kc|nc>M5zg zXLy;sQ<%nym#x&mu^RP}{_Gjv8w|SLFX6N$Cdg)d%}cE$Jvb(}*E;HyMq~lk#oy7wRX;HQ z-8IZX1IKu4Q|@=8E~0aMWUc*RH=2)*mbiShW6jYQaLlb;5~R^>?*A_eWuko{o?pDf z9lZ5q12ms#qVnR=PR5}{p2i-Oy4kECQuf{_Kf6bIntd7`js$c&>tANb ztqJL@C+Hyh7t1tsTXl=-=`3&d?-xHx$33rQNNZ31C+VG-(a*TtiY&?w>Gb`=C8uhN z9NO-xaSLqq?L>45cZ|Au7y8Y-3@PnZONXGcD}{eyVOa)dJ8K&HCGl!Wyok_ zk+^)FDDjsX;+jS6b1=<)S^2CryFfdou|QPtlY zjZy_o35^!QZY2_St2U<3n&+;Su9iq>B=_`3`QkU3J>}O1t&CPC0S4r9yieWHX$SX- zmYbdl5>_co?s-{h!(%WlK5Odi@l~#2@5HR_?!7em@(~$=%s4EMIqLZ%Fa+BgG^}x{ z1mbbo@*UZJ#&EfM7|m*agj{An{|DEn6W8gyM-}vLf7r$BODduf-H}I~^T9@EwJVZx zGw{u!37WAS4Q?jfq=T%L%yBzhz(>k?+4X?6*15rT0M}yPJu^Mk)m2O4;D$3-sMpa?mYfHJe}#W>g#6I?snU5A9t8R( zXZn%tw$4R!xc7d}_3+tD57E(DkC=+&;@l)@16${(Ua4{x-Nt^jJJ&8{OF#5t+uZTj z55!a758mVe_=r9SezVqSSb(+u_Ge$Pm+{@oJbXUBwyQbP;k8kJ zce`u^@zR(&eZ)4drGgZ>#u}LZwnWk*@x2|!Yrq_| z{|LCSXqAs-lQm9X)NvpCcq7_x^6jmjV*Xd71Dxm!=6ZFH zyB40tUqXgNenVJ;@n>WYEU~8V$aS1()E#&*#Nt4={Yq+i$HvA}0J)QN9Rg|3NI$!%dN<5yBZR6&uF6HpbQJ2PYKJ|q2(}2A5r7-Y( zZqt*So-NhU^*pgB4>TcF{&08G-zK4f!uQ#b{zmUv>GG&Ix#~3wWJ;{7j%p6~$N>+3 z)l#whvqb(Z$&yNIi)B$|G`s9MdNniXfW&aQ_Onqt5B?~l&0Y1>W%8)V=(IS(eiKdm z>n8LiJ-FW{z&xMst;ZA5^T0-^=4Gc#W_xIrV3;YN3dQByaJfu=-ypP6JD9zn;+S2! z?X2HC$NO8+N+;3ttahkK9=7$$Fjs`zDg*|>K{6@1v_OF)Og}zJ?+`x*@*ju4} z+S-wto4#pT1pBEroIBIu|5PX2Zf~MYrN^;yD>IBuHk!D=pmSh04BhLfr?@6wq9wYE z&#-P)OAR<`r!QQJrST{;MffkJ*{QPieStLj5zQKmCf_lxI-GfK{W|0!!%ms8fq9{g zrAGUHW|CU!!Q(OVjB~yNp4zjpy^dAkyv4Wc%)I!dxs&>L$dxnflh)%=&wgg6A=`>% z%B2W-j;DEACR{dHHRh+8<1cwDTi4do&C$h@^vXt8hMDO`r*xP^CDP{oYpM3ZQk|}m z-Nf~B^LKJo(KVg;%2s!^O&2$Ge{O5Nba8WMJ+ToT-cfVa8uaP8HXF`{Z@k4;2YvfS z%tn8dBF|9zYyKKRkK$n|{( zFonJlp5Lkm$WrbPGo~0OoGYJIFx=&G(Q>uG0w1?gr=G^6R*vT;>*n6?)%6p9zveKx z+-@G4#(Xx9%+g)?DKc!Vy#~}|{dLCo2?xjY*h;syE|96YAH+8oK8Ou9Gj+qwL*BZ8 zT6ByJ>?HR4f%NyUZcdX;Em(^~3*~;ktNygcTf6^UDi_9l67ONLa^!ufth@S7o)`vz1K5H#JVWIJtD{FqXr?#nIL67dvl;7OVb$?mDBz^}Q_ppa9VMf@MHLCYK zbS>!TcQE&T{se75+LU1*&9rMtnH(mM{K{QwX4uNV&Sb_n$WE)1BazAe!s(Ek<`09R zJ>;=O?(^0=PF{NCCwMG<@gO%a>Z=3zUzQX~5PTu;ZY6U3h`WACUG?svgmuQ@^v+RG2yz^h>gD!Ij-+rURKPA9H{$GLDSDe-foP z`(4{ad%YJ-2Id~4`o=iw;KO*S=qER*LxvIay_LZq#dk@z__Zg~=L4Dp_Ry=J#!B|H}IMlQ;&MYfr79F~hl6ptIk^I<$p(i{M)3FK82sd^agJo@JrDOo|i81$!2Qq z?w}9T@D8|m>s43!W!K1bsbi*A;;L0@IqLT9=*qsg(5FqvAsyFAop!Nq72E3M=2g^w zAAPZYPP5sBSJLf=B8gjtzvU+T?jh(>@cGT` zWYmy}&f2_Bq0Fn3Emj_KRhDCYVpear9svXZnpNIGKDXjRLTuYY!H)RjvyVSf_BDu>t!Q;DV1QL!O?E}MS~{x?E(r|T z`)`V51HSsMKIR(6dK}4~$ChK!X0fe~gthQuXpwaGBa0{@TMYPAzYDO?jSggSH-SSK zlqJ^Gz<)DKxKPPjtC);hd9|%J3n7~!26lu8UQ)c!2g7Z2;XSw-;~e#3oP|zjj@`!9 zO3T=T4XtZbC#OU?iT8JB{}gGvHW9uFxk%iv`e$-4`-V)Y1Njm}rd1mHnsv*l8PFKz zF&FK3qOKmhZlkHq={MZRSJnmgem1>spG-N<946b$pmlbT5!9Rf`Fv*W_))&!>!5o- zIjSf7%CpSlXC9|#@v=y)BJfF&!Q+Cquz3l2Z98mq%LDoq^VvJpEg_@PRh!=R&<1<$ z)vtS*G|qu%iZ^#=1A~4ujrqqqJi9HN)NT+N$&uuvrCF=n1{>WG$oOEgMQ?~fTqJ|sjU;2>+f)=M1J(hBK^y=F?>jq|0 zw(NypmuDtnT`cD&;I}&WSRB0JUY*F3?@D-&`&`t1po=#Dj&&am?&xLa`qdO$wSc`d zwuOa0_r-%kPDs`_oNorQKF!GU7~!jfyT{5fH0RTO=`W%6|9%iXr3NMPYdm>DciGcX z8(g8Zef=Z7sAMPoU0%uB_IPeLpz#Qx4{?S0 z{LE0Pfga~xft^lVY^{ya1w}A#ImYbnJbaZOw^h?1Px3{xa;2mzTK4$rYIELA&rG(} zc}{V%^17{FrH9j(Jnq`52JQ6NLl?Bg8_j*Q*;?v6czW+(z1$$vV-=b@m+6tReM_>8 zzfG=jck08_#bVE1Hv>-9J!S~AU{nNr=WMjyfigLY=4b4g zT#5H28vxI0$VT*O<37qAyhuUJqPoL3zPA@92G>*t?#pYxGFKn=N!hL?5*+FTr^iM| zz*CyGB0%45BTKi09{;W)@x14$DOE~j5Iw)hGt4(a!o}t#*Fpzt{pT)yVP`T~@YwXb zf{&Zo-lIE?`j-zGR-57fg~AHFlp#)wIDT*nOB*LiBQ$wQcqlU4W=ZQe_$BZ{q#cG2 zLC(OcunZ}2a@3Dke04x* zFPZBVmdds|F*5F0o>WKM)6UgGm*0$*-#8Dx8|0+R(Mdgi&3Vz;S>0c}lSwn2;fp!y z%`0J|O=D$C<*I7fKsIohnf^kpv|(nBd|#71!Z$`8HKS0@(6=~J%@6LMogP?TEX!+= zaX8jZT{qd2cbq5P*$b6N%VEoTVoBX-6mpO0&3m45QX6Zd>Uei;^cb$%0{oGD?!Fal zbXA99S?il6;n(x!T4UycTj<@Nr+3k_SW@`>Q%|DHnB%Ax)HVm1%M`33&z{-xgv%f0 zz*>&0B_4+ivgf%z25p6xbQEjMY8Z%ta^Z<9`M7N{PP zCSBnhsCT1Hn#A+G8EaC{_JMHoOnP%;pmt~ysFGvS_z;s;`OTy|c;0!=f$EhuR(tH_ z`A(U1>>ZQNYHiYW^GsTCkV)rv57ZkLfm(BdNqY}AY3!6hU9>z<7xTUj^V;@LG3l~( zCbjZ6Y0Peuj!HG@t00qZ>^)YKR+}{S!C3vAa#iCcGhO#=(ZYSE}b z-Fx1oUOP;Bo!_5yGU@uRCOxDk-TsL8oNdxYZ31;kTOuhR?qS_OY-u z7;J0||Ie4Rp^L#Zd)(wH^CvWzKVkNqDKlqu@7%#K;{WffiQVT{5WH{FSLXbSpMMSP zWA^#C|9uU%j%Usu(75?!GE8B{=a_qKL9$P==cBt literal 0 HcmV?d00001 diff --git a/test/asset/t5.large.model.output.pt b/test/asset/t5.large.model.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..13b0c6ecad9a3a447e8ecc8cfd35378d1d02304e GIT binary patch literal 8939 zcmaia2{>0>*EgA|3?-qGA!H~t^55%-Oc^2}G^&)`Nix*kBxIhFslga2%G5yo_u79% zqBLogW{osTDh;2m=l$OAxu5rXuWy~R&OZB`wf5QTTzj2st#y7b4kDsLLXwg~|AXX& z6oh=Xtnu3r<~x0@Pl(U7&3|pQu^cVr{SVqRVogZku++4bp&=VK21~Ep;=4L@!^X8M zLwq*{2X0vzW+ELVq^s*GF+6_ou%yp=-yq?CsYu&w4D<a{L_9@? z+cld*gG8N#BtwG47C8txjBpTk5)zFK5+6Pe?+(JTK@xFm)&y?c=({FlL*S-hY3D6# zeYg0owc4;IL^?=vs%wx`NRYH^kjyj}2MNjJC+tFw43GMUUH(^#M+<5E!{X^iHkOnA z!`^=wKioNKzYs3D%>@6nb5w1xhVQO)5S^QI@bK9P)VIjQb-yR$?Ysc~OpTB9bHq5j z=2K4Bj8o@!DNO+}8D&(te2v`HP~rp{iR6*Q4DPE;D6af!%^hip;G!NEgY3XpES(gH znGQuzr?vn(<{Sf~cP|8yS}yoLLxPngM}SjbgZW=~A|UyK95d+qz}tPN0}LI~!Q_(` zmJ8yrq<9(1RytvZQwaWgu%1XMsu8>HM3}v;8GCHTg0yr!MEA!E5@g5Y+~2L>lVZed zKmU!}^3H>&>r{4Wu21?l`l3W(5ilRdKDjb9-5v+`8arXhh%qo^(2j%oG5Ec& z0!F>pCa(9+kbt#P;JEKB=$MZHT{ky&J>HOdscvr2Hf_g!qg-(E{6YRW>umnd)4{ZU z_f{C%T#eQeQ_#ujJ%4MuC0{!~72eG7;zAzn#dTM{pl( z_(_18&ky+i%mzv_f~kh=2tkGYRJ?J07JjzsM2%!STrl!0X>E@J?Q_c9?WYplvOUYN zGlB#6Cxf!nANWe7X7qF*q1b;3sf(@CxMZMI+e3z{eP+B0wTK%rV{(is+iz>3d zVFKBus?RCc6@Y%=K2TTuLa%nqu#fg5(C(}P$BWy?S!O+^2cPJ1m*q0a{qQ$%+in~S zFgplN;+C*$nk*h~+{HBSNpQ9Yy6DNlSoD7GgOE5G?H-Qh-mG~}JtwAt;!Sa!y=f$~ zGhrybG6H+%KA>vLs$k@{8SwG$4HD*M#@wq^nMaa3>R4{W3h|3@(PspEVm}7*pB=`X zGdFXEKg#&=5sJ)csE=;np@?Q<2uX0A0hO0Vv1{XJo7;@eCU@FBIhE|A?1%bD<{%Pf zzGP%Am^`-QBFBf!t1EnqXG%S2?5?eNgNku8r2QfFTLC&rG@_7aH0)aWoEm+q1{x*9 zqGjIEyDcI(cc~Qgq^^Kqa|P&9X4v^_7K`_}!{6qx4Z|i8jtEcU+DQ^Okg*=EvI_A2 z#U;Fv-TP5GBO9+b_CmB_8dybaVh*=d;9=Kvbi4i;GB?FT(brz=F1QH3YeX^B!;sw8 z$;S_NDs20bW)AB_S}j#V7D z#_8UPFhf`m-3Qyj!%GXF9IN8ZKQfu!>U)god+*>XEgq}>mWIjG5oYZ01gB#{taqys z4G-2p@8fe=Wppu3N}CTm>Vq5p4IU_G&F-C_92*6rGUKh326G{P19_= zu)Jp!7ctunbyg(Mb(gCJd!+Z7mvwk?js|)-aws3Sta^v_VIoL!o8cs{lfQHIR?Mv5 zM)qv+<}De07Q~g#!oo!(Saj)EvV6J$s~;F7&8~ZijJFpxuswwS3lrGOykyA9UIg(P z9_H2Md+3|eL%ib;{J5HZ2XIqICVI#>;nIRZDthBD9HFMh?3EY8{(Mgy&!52cq_^TB z`+PjQMF=!s_Hg%<W0Rg?cGW=9D{wsN2qi?7l$~AyfS6GKXF8GDeylEii@Mty6G> z(^2ys7SUk4GXcNfEhO)j1mo<6ov`50ChlHZA;{M&qTtaB{*0%(FmUiCwRA1Va9T|< zBnN5(L~!VJH+J`xU}wv6Vy`I1b$*p)1=`;D!E6dCt1=*7dAIO}>ag#}pQR)84#98h zWAJ?E7@l+W99)>F!22+pG>rT4f!^iP@pJuK7`Q$kA{)Np=KXuY*I)|ui~03>L$pT?eh$>aB%Xrz6RYaggBF zXCo}$Q%OAab>MdEE~?YKiv>t_!5PO!3~tURwr1bR!rW8zgUfd`$+$ypwvVJau|_0n zvl5*7=?fV#t8i@TU+7{r3l{u-Oa)^RQ*$fKEegV5Q|c`ml^X>rhqtlP=a=}e3JTz^ zc@ikwO0w&I1E6+Z9NaE@k($7bWbV^xAaf%c-lkad%qEPUw~6M%%(Y8d_*!v1ay%cc zcE&*FJu&|6$K}+xZeoMKj6J4>0TW80n6C1OG}YOlm3}U6niWec;-2H8EBb8n%p?}I zm$Jae-nx?HzGxA z@`!*@IY}-R<%sxrvcMsrL)es!H<`h&+ zRKNuB4P1WWb++MGB2(=hhdZ(r$nlf)bXB-CKd^8)R7cD5)rziBUaBREHuykR_9l$@ zDaPr+794E!3R!G#x&Vp(_3kqU((4134J`QNufdh0n1o~h>9t)2)D_w+Qm(b4 z3+nMlqcJQUbi~k?5}ezp{piv8iXL`7h~wU!K-U?Oym$7eq0B-QZ_iMNBc0jM`)=4D zy>h8${#leQsso!RChYmU9Q1VT2Iu>t+;$JUd3$7^fJM3^exJLFJz3R5)Q|dcXRCQk z$G8@iTO9FXiV4Om$b#T?7VrLfimPvULHR)gI`K&atXp&%u8LKF(c?{2_dJJwYBs1p zVGMg6nE)ym+&HPjSzs;~2aC13NtB^1r}tf*%UzR8CJpjo`lJrN-^#^ob!;NexF^S+ zOcKV|N|x|)k^;H~u0-pEab(N80sOc@59FSh@ckD99h2S*f4^4YB(q+D$%k6HBF&sT zEn7x;%k{XVpbV6q6gZE{%0Swe4d||^&QDSZK>LXipjhk&0XuataN!0lF@6u1T<3Ey zTGwKoN)(DVCgQZ#(etV!y0D~T98s{XqA%C(!kNO3=p&s3H-$oQ=-O}Ut?~c^exF10 z6Y5;ljX{3p967S(P6-{gek>llkc;KhH^Z$>>)1WhpU`Z3AI@!%<-}P8t~hibb={k> z^MDA;j*8cjTWSt z=UL5$%kkQn@0JP5y5hL`hA=V6%KH5RVuiwP?tpa!Fq9k0uKL_~}1OEBP>(TQ; zIi_BYWlxni!pyza_%omm`$OMDQFJLt?l_D`xmc&nVBZKKPcWQwsP-Zexi)(frXmf#`CgLXYl?ELEoDSu7a>r1bQY`|B1 z)|~;nlABQY>j-L}T#pj6TWMjUC6N0W! z;#^g@5M-RlWz$zy+9S55OWOf_)q12P~gH&_3~6( zK4Y`f0_t-5Io1u;vb~?oiFQsT?C#0o$)`O5jeC=@=dWUHI&%nBPUm9!U!j;`5k-8q z$&#qk$FR(Kh)(e2xU$k>=&hCm$)8%V>g#kaM6Mjq@08(u(vK2p{(Nr2$P&(Wk3S@S zIZVnzG|9|k34DS6e*D|h}^r6W~`lcY4{<>UgE}Hp@ycng*F1?(JAHOLv zzgg+vWh@NAbK@`p71;sJZiwP1VPl96bUmuT6IT-9T<`~YG^>yX7Ie~?`)bQV2Ml+BwS#k>8b5VoHE$!*AeNHvu1)GrE62dA6{oL-oL zGcWq!Rdrofpr?gWznr-QninQwW0n9jC1lhvZUfXqRCi0&oLiu{fx9c2 z14|n{>B-SGu;NY!?h0`SwN+KD_GBGtnIJ33^YQ2GCjCWL9c_RQ)3@No+89(`yAfV~ zE(B!}3pns4lGpb+4MR+fX!=ZD{)6rYvr8Ur@TKS>h_Og)>a=Ht+HgQZDZN#!Fcj}+gIG$QN#aR zWCgRT%%N)U9bjb6PUs&jC7r{uMzz`_tjpiWZ*JE%OMENO9qN4wqNDfYz>#W*ugF2^ z;e5kO*_;ji&Ow#&K475HhP;)g%*LgV-!=C!Ik!|9RO?>io^8!!t&XbMr%&DVZ0<-n ze=-w#`21ELUb8*|3tUB5&%s)9>Bb#2 zuuOsMNDH!~^Ce8w8H4+ZR^i&sXIM>J1k`XT_(rA-)-y~+!> zT_}XVWwapuPC7;#cHqK;DRdkyhovTWXx$?jb}OMAi2EcCMl;Z9O~XT{Ou?^13+EP2 zA&E}H0~S_+(abGO4MprzUlp7;9B8*mvF0+)gWitg)Yn5~?cXo?{2{pNitln=`mc4|kwy zLNYoIt(t54RDlzX9K)S!mVnf7Zzi&20en}JVf}0?bS#M{qZb{=l;*E^#r`uI&P}C- zCGW9(N340xh*@a1yNr78ap8D(U*Ypf0n|}ciD_*=NgThafr+Igiy85QUT9$0e?69) za%eqz-7%#%?>>bG2gS@y2X%0KMF%zf(Mg^T*Z#KlZ{Y?CBVlS|CioQ`KrMHF^!J$v zBF>+wx?(q#ON+%_{$+Ha(3vH!-pExxoX<{mX$$nU#`Ar%E|6=lE77Ru6s@<*A$ODF zA>RKS-*vSCXWY|8?(Y%jMTg%dttG3WWRen$88=9(9(zH+?q_%e+OT`4I&8gU1fNP3 zxM3089(fQ>A3Z?DgPP&k&FSp=xM}SD)NJ0HSXq{m(FBzdmvG&Ty{Ht?O(yHyK%XCz zVA1nj>NV{J-Y8neghZs-E3dyG%VGo@v=~bd3Y%a_jX9fW6UD!DX`@-Xnh=*0^@zl5 z)y5tpE%-9-m3j5@7{vUQ@Ja8(olX@huwcIg)`I5@TgrqY}c{H9Fe`av^5jYu9kt>?=8upp-Cw2 z`+)cQ_ey%cOPo{$T>$reG3fNx67GFBZ!nR3f^nBl^5v;4;rGwt+i#L%-*2XXNXinB zoH(ccLcvxT^ZOZga?5G^lX8eWT1$tfq4|5=ztKA2B6+`)LX%Dse{NkcW#<;)5@)W# z%yy8sE<^>UZ@J5TGnfyaUtE~wYXiX;V={*{ zu`j0xgN9__@=SMVyb=M&-d!d)GZsT|P#e>?wc(y7JwYGwbU0Y@8p9I|;Nt^B)@gnN z4HctF-rjbqW<86ZnY4&}F8MUPhCYKzhYZ?YZ6Qisv*1LnJY@4%(&Jo;qpcY4w0 zJsKL1<KzasRofL5p?d2UeYyPcb;F301Q1N zm{4Z|9+gvLA!|?LTGLE^+$AwqB{{p{-arCWi8P^0?g?-V7iGRmYV}SoCrILnC^%Uz z3Ih{oqiFj=rcztM5;u*9Or970ZLo^@sv8L2^>@IEN?`~x5McP{=`{Xo7rm0=OWk`- zk<*v}+9hJ}>dQB*ZQBpo7V}WeVg#qUITYTg7}Ic(J7mLR3Am_djN$4M^y?ZO^1%ET zglBuf+*7JtQKuSfw9A6Co+n9=27^x}rOfjCQ@r*dl{W7!1F6bHR1EzHKPUT>lP?!x zjdUkTuE>GBZO?cX(PEtR?j}~g^ayKhuO~%EXW~A|UexN%fxn0n+!}2PL#4B@E^-d` zeaNP!Zwer$NQ#WQ=zx`P1Om~%nK)va47W^uB7W4G&fdti(k%^k>|2&0h6x$skzJfX za{XjTzIU@;HQZ2esU@GDw>(UW)^TX8DT7uX(%h+GU#>Q>WlZ-BxFp*MWOFhY$k)K@ z(}U=^TZLiIV%iXSwZ38hQ)rU)GdmY91!gjJeBZ|{_{d8N_Rjc5UM_x%U6K27+UHbg zd(;4#y0M@(Z6f`$&Xhd*JspR@dzpjPPu|1YoZ)W;1(V$#SbRjB_@7FH@XBvs;E~T!<^mgb zJcN?baj-v8h3eQEaRv*EQ2A-jJYl7IaNSXb?VS4vEIAXFYcdVmjZQ#g-5^bt6T&Q; z%P@zXH1ESO$4r=Y|6RRC z;&-xsW(S%L$1G!ioF)15?aeO!{RNX>NwL_8VNCBuF-{1If!l_%bm2KozQT}lL%`Gw z7|b%_+KfZ#Xs>rPwO5QeYQG__uPtam+gND!kD)u$E)kc4B)F{cl~^ZcQH{VZI^820 zue7#7ko<5h^l&2{JoJf52>Y{9B!r9%ea7=tI08?4l-Yw$K5mmKAny6Xd@q})ypgvC zh^D#(JL6SL9A(N`?r^M;bmb6lq{VBRpCt+=E0Q_cT^_{o>^MQGoi$HF^$t|{=L|o) zkU#cBF|L{EL-jnPxbW+#c)KJ6ylU>?iiBn4s*w_Z)<8bL;!HOvI=WE_hcnP72!Mu@ z*|bw(>acjFH1YPLYFkM?A>q6b{%>G5MEWWZTh zU+~4c3s>(IhX->`Q*ZYtbmqfR^*_E(g3;Gb;F3^ZNYp=0GZbVEH`U#)dfHVl!spb!EY!cntoCYn9CM<3?N z1T_^Cx|H#4o2}c3VNSpD@)A+VG^xl|FZg#Jo-E};3 z;+rGEIHDIOY;#1p=r~l2x=!3e$8ZyETj@&P7Fe}A6mmw{!vQZh_F*8Kexs-10Mp`x zX4!EU9G!;$$&LeS?>2t_>xDR5=QjI;E-0^_@=R#*FtlKp|95nOtkC@bMi+$nZV4Vn zE!bF^|9{{G{|PtvAN?89e`at!Z@v47;R*a<7YE@#&3|J${vG=u_vgkx=syu2|Ec}& zwvGOW=BMG_ziUr7`cK_|pOx%CbY0Z{pYDIX3l|4*afAO7nj~WQ-{OD3Ab;rpwzdE2 n3f&kU;tvh${lS(9#cTXI3JD1hvx|e6_@8r;;q8z7zhwUpKJQp& literal 0 HcmV?d00001 diff --git a/test/asset/t5.small.encoder.output.pt b/test/asset/t5.small.encoder.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..97c2922103e71f9accfe100f04d8000201568fa0 GIT binary patch literal 17131 zcmZ^Kc{EjD__rZ*88gc)^PCL#JUb5%C2ZxA<>c{(o+YM+mIu=Z&$55L_+DI|ppt z9x=t8PkLK~(6U8*iv$+&E(DSygx&c>d0!UsCq;-P2Lx={xN$?kw$Lq`qr{g+25yMl z5I8?HV4HY^sG(XW{7;MiW$;wO%l-+D0FCxa+nE&}oGt+eb^2DE+Y zr|AiA@#fnCko{IdZ-)rua-V!6PxYv$MI6~wdl>ynySVkfxC9(ua29YR&8Lc)csz-Lev8=NrUJz=T@@(fsaY;qEmgVvi(^dLKl3tt@C>^#dmU%so(ef0>z^S^S1_{F7-FY4fk*16NgB0Rb?4im(QkFU1`L$%!G#i_9oJ~&mh8K3LWmyrDx2)vxj#c zV7jxzXyVmBcsgzrE_?k!F zAM5eoP1yQ-4t`>qF-T?}vP0nvR=F^eG>&XBw;_p#exi+^3)wT@f>d+Pz_Z0%n0iT> z&9;wYvaO})-SlhBwW}B5U1~qVMiKPZ?co~x?jj9Aiga~L0{r5wm5Ff!T6@zB_7p_2 zrHPqjVltaFc+McAS?*966-Ni%4}j>u>kyj8k2idoR^7IZLxj*M73Di}_ zWDqBp`;F20MKSlxp=_|*FG+G-XA$8dS$5l-)qwvb8FA$h)^|FP6Z|$9KhuR$S8Y=N z^(FK1$75W2*q<5vs)AQrual@nCE!=44R3d;(>Xs&BG4UY0 z>;T;+u!TIZbfa;oHhUSbmpB;AzHUpJ;nL|GoY7oOu?;!cBGyVR{i%iA|qfUG;6&{tKcA-=0 z%OiHAc5oIciqNM6L(+6w`C+K4KFKu3my$cdt$6qRZ9I6x49?UB(1^D-q#&h()oe*Z zSD`%E-&qQwV(Rp#v^5^R6vs?CpF~X-ZJ}m%gQzu494_0PpiYc0J&_(t{w-V1wF^-s z=VAiL+T&addEJJm!Wr7EJ&SBqy9df`xkR;XK6mNwjC zP^yf&Na?fp)4CbI22ZFTy$oMOZs2Us8kDo2L(ASDW=iYt!PD!uBsCOd`$y>hVNE}~U4tF62dVN?HKG^ciVgmT5WdKmI)9i-H21~R%0Kp`@8A>arWwr~ zeZPwQRw87-AB)Kx7FG7^F*;Ez;a1)sw3J>#RW}90+#iPY_Q*^~7b+nGV!r{)el#Z* zsFKi7bz=On6&~g5;+%EIVH)TVv(@uxA73Y&uGS@U;61A|D~-cdYGx|^8DjF<2<$BO z5^67uqZw0R=5u2barrpw{5S(|&Yw+I#3!=p$Hmd#Z3fe~ej_)iQI}LNN+tvDo@C^S zC#g~rCPoTTaH41iRk`AY`&5nSL8~M>{qq{CxpWI%=Bz>te-(hwHdEaHD1w~VIS-0C zGw7~qFX5{4Ff1>z;;6khChWpvXln2em(01({7KqJC1OT#&g&hd*v6Jy?ajrpF?ss4 zZYt|_FM_z-PXmjc*Kp!u3fXpBh{!p%V71e8)O34_@h&}_nnlXQWWts1&{{~sG+JQs zJ!`x#C`E0PzJTl;N6-`G(CUaJy28<#Xq&1~&r5d1Q-jN0E*V8a%+HhVZGz~laGRZ% zcZmEM{DwWJ4-rRuOOikFiCHMWlvr-!GHrG~OvJ8Awzg~<)$f^y-ai^JWuXEI`czI1 zyx&PTiLIg1S`v7>X%?9|+>5=X$H?vo8#EU(#;N_r-W^=Got{JRlRa`;;i( zkK94^ZYpy@YRxaKeqGJ;I$*=P#Q^PH)CW&v@3UjY54iX`}x zAgy>fgI;=Ym60ecMEP%z@lX31`d|%^r~HTTg78b=7{}4g(^8q20=?)rH3Y2>^AnMX z4p!m6L9*rdaY)&$jdBGdB)~ZkN~446p4flPuR9+=ureOBH_FmSFXhlu;4G;8CkEbk zRC)2AgEz+S@MXr7t7wZOd6Abd!$Q*l|}q z66K`&bfH-KUHG#j59D=BsM+;g-tQCm={cWBO6?@ayl>+9<2p3du!0#7p9ZbE%i;Xm z^JHS*8wcp{q&E)EqF&VuiTwSFAGpMoVen^$InuarIs*Rmnox34DVCxht0ghDi_Tu(H{<=OYscav&^ zTcCdZK9iU%PPN+>)08MHs+jW#&Rnp z7$Yd2Lh^=mAZ}?G36skp#`9fqfj|c|%v8q!lc^YzIG5@^OoBI$5ga?qut=#4X9<2l zvtJ%~JE|Qo{g+P0H9um0UJDeLsnZjkVl?Vy0`4=YW32YrkuzcEFnRq6v{+V70s;=x z{nxt4SfVItvAqwAx>n(gQ<0?n+!3Ovb%X>J>!DbVCpl%W%}N@qpnLpHiPnXa*!IYs zim9tHG4r06DQCWIY=pcQweK!1?YE6B{tDq;rpA@i%>AM9pX!%89 zxHARld|e@w88-sokw{3m=t^wE7^?K27)Gf!G*t)fI@&lZalV$~NMNOQhNgr4< ze1-%hO{0%=bKtz_VK(e8L)+aem~kITDjz$+4!-JOgYVao-b7U*$-~b-#}<=&^X$mG zO#;nN(~RiJp+b()#Vd?(;RvLjkpZQT4$X7zRlY4O)U9(V#rq(UR@KHfVxiFGWA*PtU+=x17iVzW>F|b%> zLJc}BVP*GeFi8_4d6mDRK;|G(4r?R}_hjOX7nj-8Q+Z%H=nB8eca!#yO(^74ffWnd zIJKLGaZ33WD7m?mE*k5C-MOmxJ!cCHZ|sBsS>f+D4a&)Ji7_nN_Oiaxl zHt)ZYK=UqkVu|BtcJ~GgFqk!BF+(0kAJ_av1@uW`Fk@8>5A!c7D zpm9Bi?n>{$!M>wZpgfz33qD6_&vvpwJehJb)kxHn`|#i3Q8Y|jP4d3%q(5$%VYulR zrc5>$7f$EEd#`eKOVt4^qxO`nOT`H}Q(|O&i?A6!M65dvHL4yn8m}AR?y)b>Sl0{0 z$`lQ7Cho6PrN_o@;j4}!j;X^fmV0i5k-D406e=-fsF zHMU+@o7P!d!9;Bbq*}hk^uV-eJ<<@56mZC}v4-SF3l_@E5_heq%_@THq5V_O4 zVb0}R#_FyVtg9DguL-2V6{|!t`Bs}A?U$snt3+W>=o|R!>Q3^)#Hc`N7TMVI8=w5F zf_mpG_B^i~|Zsd*2n^WO~J;`=x{#i=w#hYyDIhS|cV`OLQZZWItp zC&#$g=*LsV@O(-zGws15>NzS#PKI5C%u9}_SKYxRJ6h1OnUS=>;}j-peZ^z0p-f># z4vbGbgfBx|*n(VRu1RnLWUu$Z26ZJ;)SJ(aw$A}UwZpK8w;mU+dWtqTWa-*&Rr({e z2ArPlK%q_cV4j&ud)-(zzUvCd|6>k29yXnM{V|@r>|4p575kTaB76XD7Tm&xc^`3C zW;Ogg@B!5pZzG#40;pouR+4wP8@i{((MQiK84t614*TsD(|qF@yT7*@%d8a0TMJj{ z{qc>RzMVyjS3<zIU97$5&UO@pMV@{?%*dUTZ7p?J~jB zZu4+)u>+0vHz&950~+k3j1Olc-8xXlEIK4ZeC#XP6Ms$V?veexT$P4FalR0C_b{|n zh?4rxZlu}d5Y(UEL^&M~@bz|IMm=r`9gdz#KkJ)Q+lX^u`VAvk7#Jz6hc=9{bnzGJ4E=s;z{$t6*TrqDJ+Rg z!=}!|DAPZKE}x-Ee@{0?aba1|yL|;N77b&`9wE56^)ZNiIf&9!jgF03Gk43D!0zTI z_`qKSu@O>4in!1(9S6Cov8vd4X(6%yN9gy5{fwy34UmXbC;V^R!BnUM(q6U!f1Wc+ z{OW+dHNDKMfhyn>t%Q-l8%&;iD;rsEk5wO>>5~m9Y~JWKc8iVyd%gP=mfX6+zIs^5 z##@!bNWDHuPB_D`7b4($!49(W$YC7o$^yC2wRC^3J)FC89c;dovWi+WniuVIBJYY% zlBWedFmQJ%tmi0`LWu_KEO?0fs?LG%5dy3KSb@vOf6Q(kKg)f06w}QdX#Y$@BL46> zly?KYuTBTr1JfD?v_eHOz z%_{`ixI%U2h>kHvZm?o?y38?JwFCd2sKprF2##k|EJcM+Xgl{&v%mUcqL*4kdvu&2 zch@QS)&G@qFCvFkdAJd$$~9xfia*%?UW#cq>%(z2jXd4+8UF1Srxl}>xX}Pv_0#Jx z=$ad>4Sj__(|$0X2g32xlXI|xV}hZEGK624LKCA%J;VH|*9$=^rJRKMuXDLax*OOa zuT^Xke>fc1ewEmFtrJWv z8B(rNK}u8iqQc`rSl~0xc&X3w&N4P0g1jQD5ae_|4NDFLY@VlNMn-A@i2i`f?m!acddBmLl*@D}ote zLu{J01(9EBj?+`u;MOWd(%Cb?45tsWIcD1AZiN*25IV%&dgVMiy)T8rA)cnzAXxPo^*rnS~lV(04Qr#T^1@KV)$J+$f@3>}zpK*8p?h5|Q)_!Ge?1NZ5yHyv2L( zROqfCueM%<)0^@z!R`~Q7958`gTf?a?om8+K^ml*#A){<4z9CqqnRK0LA9#`g)E2R z=nHFd<#ht(JDtWVkLZJqng|(b2txVn9K3aYlnn?ufg_fYICD&gI+m`c0*Vz7?_y19 z(togC=LsIxHG(y(jzOQh7H3fohb~TXp{t!AKuq=~a5<++yLIEiO5g~qtrdvxvNefN zwkYxIY{hy5b(-%tf|dHmU}SAKb8W69Jsc!J&Zk~v#)OBUCrF$|IVHe>om*kgyPG_0 zolF)daxqKhGMs3=&0XNo40V>9>ASaG?2G&Z%$hY#xUAzJBj{Q{)uydt^_vf&^;TX! zX%r#P1Pi$>=3j7`MFyFZYfDb+_)*of_0XeQ4D$cl*tB6E)c==DTbJhG?aDqj-{U6u z?G$D8B>`7h??qkLUQ*+v&8~TE!u&LN%S>_BA$*aKFm|v7(h}dm^DW^Jkhz*B-AjP6 zK^qDcsVLO602|Jnr+cRNvj_GE(6Y=w?9LUNSefnu_I!L6UHyGFF*a)8iunJ;0<6WG z>FemmZ|^WX<0AUZQ=?KE)9H_pmC(M-hCcWtN=N!!;C(JXt99-Q&fR~Wd%{r^Rjn`6 z6px2^Jyez}=)|EXlag3vtGl3eK$tG&T@|z1(}5HfsDY$bK7_6v<{G%pp$~_zGHtI$pojU! z+0xF%w&zz#-FrfAd{?GRi>@*07d4pPf>~JL-OThIn?*KF&uOk1kwF({H?lY50(!Jo zKw;?;>i=>tpWwO1FH;Nqtpn_NxsPKPuA)?&mMB#z%NSFNge^bf@Bb4?*@TN7`Q& z%9;ASjQt?M;7hwRoRPJ{>@%%CD9OknPw!8qTc7fH;Fq;{cDWTcI9|pT_ETuWr9;pc z{S6gjD4Y!#hK~!4$Xd;NU?3t*?y7#l-KEGJ#(1h>A42c6o6@{_b=XmS8toRYMLEUu z@Ns=M+Fv>jul1&rGk~BS*NLQ?8`RT-&vuuj!C*TS=LiSDvthHOg++BW) zX+BvBesyhF!xv9PLOkfab2hX`dj(w~@)}HKwefm2KYl;`9#*TH!LPN=n0RF~T~vD* z@>Tfg@bTT`g;_iFPRcUh|1Rb26P_mW_!tohOvjnge_&0m8f|u(4FY4Wke_)LBwo9c z*B^O$aoA5d*u9(gpQzI64I@nPMl}+cdy(DTmdAj!DEa!k3@tyokgkB$@VMhWqi|>y zS)toQWWUa$X;%g4^Q32FBzzL*FXg9qex}oH7xN)GXC5whypJ$gfQe_SVZm&9T-&l1 z4<)yN;T31PBWw{_Y0!z+=lmeB=p@?MzF{>j=7GcFH0+Yx|Z7 z*-?p%>U1n8b@UUz4_&x-EyjnIfT84dDB5!d40bQZ0-3`kzV0eEl)q+kYbA*3_Hzss zk|PaOGf2iQLgh`1pw;OR7_OBiU)$wrv}-A7J}rfyWiu$b?g$IQU%(RueacaOh=U0{ z3|BsrJiRdtR?eAZbjNo%rJ_o+i{o(hwTGdXMu^v$K`V0Qbwt@H7NqF^PCRd`Y zlYQr{!tSY6pboOhnDe@cI$P$k)rMNc_oyanJ)Fxf>XL#dyPjc%bOP0s2qKZcM)9dx zDv5pb3-e8L$+<_2jcPgjyG(_F9mJ?JZ!foJ`%lICy=- zJ@mXio6xp)NR4<3@)--^(=#dJk-Z;-zjDY1pF#XPOA&Qm-@yl-&q2{?6-<9v0xCT* zY}DuXaIh?wEHcp~;`5~F;|2LR=r6{QtNeuC7a$+9a@jvaH?h^CpEbDA1TU`L1G&51 ztm^LL$Ry2fzF+!>{q%V$4)gG2_|Hc6!EP<~*rj>-=nI)Od@JCdMbbmWQniiUo;K#Gs zJU&}+$s=TymIV0{oQQAN{b^47>J9zkGE_zE4fuXVET2@Q<^wWxJx`BcJd}p59__Fq zZ5EB#Rl-Q`4r5EK4Z;6KC9^>=k_sN|#nK(8I5C4x?E6!qboaL`c&83@(cgt+{~r&? zZrKBU)wh_2{w83mlF=^Nn%V@;B-hx_xK8#RcI3O$u=;86a^D2!VXp$5@DQWBWyV=) z=MWs$ZG%sC{N%g76{h@(rqg?)>DMP|g!AkKa`VKQkp08>Lgo#~^895(Wq;;mpe& zb0Tj#!SuStkbh?yvFh*yk0W`Jj~PLntMblh%a_Fjx}POyE;-tJOd7DOM}3Ie+f_8; zGf%UQVW`uCC1maaIaWdRCz6a-5A8p*Y5jZ+-}l+QDS{ z$|E>SI1?7FZlo7VlCYJZi~3U*&{X*`V~uRe^KuM|f63lBUW7*cOJK!|97ZjP z=L_$64V%YfsNUoIY#z-8Bb#7!;3Sfrwy#;%WhS|;D*`jWsN=CtO*qS8h^RPX%eomT z+ISY5nLDs^kpLFgJ5k4j_b@cnn68}}3c6v*RMulVmE0T*j|RnI^D;kH?#4OL5BLC_ z#AEntfe6S-0&$&c3SY{_=-vT&VmN0K)1TQ9g;zEB(P9ZTmSUl6@G-89R|InG7_7Rz zlE%(h4c+7G825n#SU>kF{FC(LN^~CKWY6#-B|rUW;YJ=8bkCwcJ(J1!(llb85ygCK zo{o-RWQcX=c2;z$KewW*6_UPZ&=BBqYo2Lf{9YmAa?XuO-h3BZcFE9<8F3IV;Ko#& zCOPOo&c?SV6(Ltan0WpXquKm9kUcGgNOmq_7M5LtWPeAp^FQ96N)#rc@6?;eM0!Z* zRacU%0_5a^>GaOBF7(K1zudTSa zr5f%9^s&lh1M_>X1Vq)Tk-v@CsNwnP#Okpo8R@?Vht|u}@sB6Tyc%=Hx#JiOmvbgM zF+4t4T7yi~N!Cf!67DLO;B$=~#8hD|qUlPq)#Wrc3_6j9jRr(Z>>gbHInKS{r35}Y zhqzjwi(uPoH~T@~iV_77C1H4BwYZo#etH=r{` zj*LIrKo-~V)1$&+=&`jO)G|FG>s1NyUQ!LC>=jU%h{d&w`(SgAAenQ09z0n739K}W z;k#cFeRaEonXO?0*UELN#b^*#gl&b}J1217^K)RSbR6YGB}g?dSGIidBtLJe;^Cg_ zm~y*@WV>j=7O!Z$v+p34Uzv%GyPfIC%{o%|?+A%JR|p*yzWA-;5Gq!&5E^lqPMBTf z>YaUpD_$HTZfl#ErcJRtJSoARpK+C=n;lPg{CSGL(HGF&x&qGqR|(598@UdNTv``i z!|ZkbkBTkdfVV`H$>Z^N5Pzi*Gb3H7-z@}w7o6m;p4!{;9tITVY=H8z_uFi6>GP;KasuMpgF`9!aU7 zt1aJw)k8^I*msI~`APy61BAg}tsZLp3n1o}BT-KBL%vN5;pvPJ>K!df)cFq)3G*a8 zsJ9+>Tu7p7+*L$ea|ZF9d|6Nh%v6*1!8(fKMs_Kk#s*!I`(X^!qpFu!}pM z7Vfj}kb6hCvk!x#;9UA)ya?{Q=U}l_Cpyy($8tsL7%HLS54!?L-F zuzH^_71|>~(&n_Vx8BU8x75<<5#=Z3`B#R9MQnpQkH;vtC5u*eZlp7`g24aj5J$f! z8j=zNNlofQrsS>)8Qv1gILr$rs#b^aRzV>&uDQ(ADv8m`-|~cbdSi|2aav-ef`=?j z$hnkmw(Oi9ZJer19n>D-x2vboJZ?KSomBuavWPshxs03rl({v{ZJ6;P7iS+_NKSp6 z$s8!%h7VM@9NV7P*kP1G^24+6_m&Zq=W$Q9o!;0|_!>Vph>_B!MEZC36MPpb1IGA>?YAAYK52QJQ}34i7ijff*S|BN~0#cHuX*Q=0EPu4IS%cQBU zl{$*mb0NnhoR$BkM^}B#V>M0-V-sf@7@RPmmz}hj+<(O=vHcIs+|-PDaW+_aR*u%6 zE@!UrY6_&x??ac*aXfIN9S!Agl8p7g@a36)hoTBy!Ytq;-m}l3SKAH@SagC6m)N7L zq7*a#T@Ib-e}NZu%Ybj>D=0*bu%#nM@vcuUT^VCS$LV@1Bdx^@kW5-M6Q13?!nGX0$#ipzcnZb_M7+5 zbSg78YXr!P`aF09GW7CfBO_fV1zii5kUu^@;U?FTC>jY6c@uZKT4^e-ncjL&MSGG$~+W|3}IB^|HH#~yseILO1 zlsxA8I&;TXd6Au=J~&je1TX2nz}&L0PzGDc#hL;lx<7=D#EOEmydE`w`;sXM%cag8 z75HWB1AAa)5OpkQ!HfHK$pH5dS}hU9@^XD@@%$D#CKyrfA7ygMDIFSqa_E!vHX<7G z0o?>8sdtPPSux+3>`!}urz}-T$HO6T9d)HQu38XBBNjy7gyQC#FJa@JuNb&aing*p zS#DGobLoi^*%%cASHp5J!gdH{r*cqteJowMV;G)K*pf%Qy6C4=ju~q@&%QpXL}hJu zLrHxI?QhsZkESqmQV;0yTQ&HsN1HZgx5Hwd=cn$sjA#mo)AhQP2+rSzWEMYZUG)|< z;ug}hqF;C)uE0~-X6|bBNDvfUMxTGVM~a>-MfJvSkTOLQw(K~`(X8`Cp=M_&+F#Dm z4)CV;;`zyE%M*CN_8LYMtI~G)jU*jELCB{tI;HstzWmn<*^>uIxVQs3{x%b0Z(5UK zIEx0I1aAfm!n4EPbXYiuyR9{ysoD^LUeDdh{@Cec^OToxQtK3s@cfw?^JpsB+J<6$ zos2O?VUV6DmECVk9R-x=F2@k6DAfXAzFmWt%q@1I)@hPoBSlS&(y;i08{5pdVsoB2 zDQZXoDR*;>a1Vzik2esr1T(4@%Fo*VoXbc=39`J5NB!P2m=)^Ld|twsCYoJ@LvIC% zK{xN_W(yyUeR2XU!HPQ2*GRdVUi_$UVbap4YfCp!u=MdUYBu!YAqSew!;^_V4XE(0mC3>^SSPK;sdD*=Z1F>s z6>Pw*8XY(?Q<6BYY(PDASBRVX09y}da9ZwG;G;dqAg$4Wn)nD2tH}&HZ^)Fk^y{OH zV+K`vbefL&3^GS625`ARHmVq&Ab&orq-TO8sGxxoua`iYY+O2kNn{p2f9A+;f0YD6 zN6c_#aX)kK?KX0%Clz~Iw_zdAyU$)IhOo2+cW(W(T#{P&2}f4C!q++Xux|n3j{P`9lKt+$s@=wDIy!{}){mjtGaF(j zBnULJm{+5-mgaD};IC&H?ESN!+URLx{rMy0MwA?p&u3V$e1)RT+u|(fwRlOYZevIn?-fAtM*@tapgatIvZAYA z{DyPxm7t+gfLz6C#P(|{9#u3!L%VC-^O_+zv3HKc*1)Hv_dj9mJ~ISet&Vi+tn-}P z!FSkum-124avG5>7on#Itg)?9o>uaLlYe1|8!hF?&pa>McR_)W4?VcJ<1Z`SxQLGB zPGWFw3uJic((wPL6V<;J#B_!wuFHJEyNtxlM5)}6GW4lxv$h?n$VvJD3ykGRh5sFJTb@X(1}Y&h zW+!#C;V@;>?}7F{X>xwqToPY4$b2|C7lGe{nDu{VhITlT$&I#*O6feRP-w&6$n#`W zM7a>KQjt#aZ(%w^36TmGB{x5p;Ntcgy#368D*qeDaldZ3seBt-FAad!$ZERL;3PF0 zHzJxhH7bn?Y2J6UhcpCgYQ_U=W zxdO(E`H3>$9gg?a*${Nw6@#M!N!dL^B9LTG2NT@s&c7Gg&vQ~Rs$Ple&fmsz#Ld~2 zF^-%~a#1{w?g1VGZG3zG6#O~3m&A3I(A~aC&22{-sZDMSIQr;fQ(^)6U0=vOMfalk zJt0!POrNw&tYuE$TmvFS`4B8JhdlQ-WepP4NmRrpBH_pDU&(W!apUqh@S_N(e|V3@ zQ?HUwg%xB?R5C3d_#Ti(B2ks4-!Ofu{tah^^FPD91hHf6F z9qCTkdUQ1ea$?|Lr5Y(YHIGer_7D{hTmi9{$t35I8EKzv$32@4kfnxgm_DPvS(#6l z1YO|AyqZ(Y^R8kxRqHZb4!OpWE%KyKnrG0VhHH>@kf-anH=*vfWKc+3O5$HuvXfSG z>6QCGK#ps~(ZBMQ^)*k0z8O=S$Zm#a?(TO&%FHVSI)qj4h5O4bk49|70`ukNk|{u!qe*GKmfLlPGfNBx7F{ z$Fvzfg=^_1j36(s%v`sWuHJBqeP;TEF`Va4>okp+KhBJ&i@}p!%w9D$;^MKB8Y_H7 zlL%qb@=BAeQm-SHhU)O+M?Xv`=R$sDJJFKE$ariTK zl-m)*DqGxD>OrOZG*PwR0QBe{*xd1u2{n?(%E#N`#Y#E0==e2wApiWb?FThdHSGqh z=#?cxOVr5g6}%oCsS}*&k^$U#g~hgfHD-g~9B#zuG_bgpMPFzu;E9^K=$jwL`fnOx zTc*czf-Wo3kG_k+qJrn`Y>=W)ABRKF(OHan$uzpz(u1tI^aX{aTA9#-;}AdPG1LD$ zl|BA^Av^WMFQ^$@&U`!gi?Mb+1+^!A(8Q0R%A_Ym8a{?cE5w=4vdsFS|iwwQM96t?bs$gZ#zqAflipyE@DKhEqx=Z|&x_O>AXTDXAr#>rBpd&uQx z+{aiIGxqM!r9^SxcP7C13(6er0EvJh9BRv98gB`+_0zp!=Z{pRLaX4@_)K`VXC50E z-vmV$=HvGdMl_b^R|vL+;tBp(e0FLojQOQwm-&C7zP%Ie9L_+0XE9z4&xM^i+tE_b z4s~LJq2Bimv-wE|lg-O#Qm#=PDkQ*e{c@hW|7RiITh+uYd~gv)d)t_|YkqLle$=vs zr$w<{IR-cUG{8McM=)#4ZOooN58d2vz_hhD*cYT2N?)r$uS*yj5odC4^dfuXfi+=V zm05Xt1)^5yNu(N6*h(8gNP>FCq-Yi4vPQt|I|^IvEQt3`KC+Cbi>weXL%q!bV1JGQ zF^vE?sMC&RgJy87+6|Qw<;X|#X=KfLO^6yS!ubu-q*;FzH+*{qs`r0qGS&2$P%jy- z+zLgM3{QeY2c8FZR*H?y*8r>FgLFp#KVxN_#bmgw#Rcp?j_x^0d}>k0oxK;BSh-rz zJElgHm+8@A`yQr8XFjp>{D@btRYRJC4DK*G#+n~G&psnUOzHO5_@CiHe0hggSN>Fo z-PwKyP3yA2>$WZZVp5Hx^K0RAr4s3y{u`W|!r*-TNeDU~kLpY^6nU;d`c#MPdUpz* zg#Tg;J-SdiwU4oSUXA+${-B+6KB}r*g}r<$;q$dsOwrU-G?V_t%-kLhPtps()cf$F$;dsYXgl>+hWV1slvms?1{^%ZXxWLzj{r|Z&7Z@qgC)ph2 z=Iq9s3nb}tUjM>m|5~E=@&RW5mE^8?_Jf@-=z=}G9@YMkax^lIVhp5xnf#|YP{`9X zcJ-YG`O+`QSDFHi1^)2rs11i`ls?>wKhbLH(-BKViwGNwi6mTR=ms3HP?~Jy>LF^2^hLK~gm>MDrNB$~; zC}WC4OJ6fCf9|m7>ZhQq)nf?zG6+%A(pc5)CX~-%D_6`^oGuSsgpc$L;PPi7>hW$6 zR7Z9(ihp;rioFL>_4yEt3Va9REl%5{S!U~;Jns89hD=*?7B1&}K+Ux?Dfdkants2` z*ta&pa_%VFlsOZT$fN9P{#yL#{SH>0k_5@ekJy#JN0|^4HB4RR4|;*~*oj&5QO9rx zfwAM@@@fjw(e*qWA_>nL3osl?a1P%$FnWIwwtlDpKW+yOhyKLUQ(mkC&*!%eyvtU0 z+R=|ipWsH3J}ivQ#voDxzif6k3&oAHebyV8FA*)^zw$BLwJ#4xW!-U>Pde zS2fYA5%KgHKB_$B5NbbpjUlBY;CNyRRgurd&nJ%I{7;JXbf^Lm(38cX_f`1Mx&$pd z?TBbjIY?aZVa)?~GBd7wW66sER@7FMBrg%+X+LfdJ zB%X;A`3){&XF>X;H3l0cK}YuhTuD#Hh`czGS|ChchR*>13_TQo90U&xYw!^dlX|^T zBAxv1G!aj8-tc^5-PS*hU5GcD3lu=%-%Pkeb+DE{2m6cjNaNv3=F9IJ*g%eeU;hrK zL2@N4(xQR;j=Evo$}6nx>eH4G0CUCw7rl5(^WemLd1eoYrkbCmKw$jE9Sgr*b zSlYUO6|)7ME)ZGUZpq*PJX!#Vai1>0&)^I{U7#$rs2F%^ft!;(f#U_xj~l??8*_nN zaB*IGC=<{DAROS$2%_L;Iv}5YAOMm;0q7?@pzB8V8y||!Pe2~BZhZrEy~wWON6{PL zh|miSivVvnHXW!UIc8nBa?oKAAONGcL%0l=fJT4-P#@@Q35HH55Xry*Iz%GCo0Sd3 LW(Go#dWc#8e}cxQ literal 0 HcmV?d00001 diff --git a/test/asset/t5.small.generation.output.pt b/test/asset/t5.small.generation.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..9553d884630291346c2a895e3b37213a04666af9 GIT binary patch literal 257771 zcmZ^~Wpors*maA$2KNwx1ww=fNr=0(=i7^QT`snRbCm!4Z*Zp-LfvDS^`xqGQaA`n2=< zUwYwfcTMw8O^J+2?%|&l8k8Ct6XKr|8kZcOdcFVa#f$&wQyj{My{lSB9~;Bd z#f7c+)+X{`UVrLhzP098_Ta$jQ>_=S4`qd4I8wC+-~?OSeZuF=#iEqu)NX-tf_)@78Cnp=bKjGHNW=+MQUL zH;h5&r_!}pjxJp~bF|5TkA_3}?|BzolE(2Owl`JXbvdoo8=d~DENDLzH|HKWNrrGM zco+jxlnL(Dk^PUAdF$5=^PbAw{4j%WxznldqsVQO$F29(CbK$hEWd^h!r+D+%YxM? zchln3$4+D|n9h$o(^zn*Na;l#`5on zHlC8{%(9w{&sP~HXia1Gzu|QKAj6&6KU(i}is0k{UA}bEBD~`W99op=Rjfg>qa#sg zW$2hOh@l}0wC|$K`^n>3s56ZH9pAP(YpY;jpGZwwByYBlW!l+M{57^>#GFx#RkGp8 z!~uN86%XHTv~QLrVv#$>zhv2VSCwtUC*wP$J0Fq<@;Gw_E}km%PE$mFohipVXtD04 z8H*o}Lw=V6DobT}eL$I*qjKb2Y-=@6apvWNDcsqpj{FQCnpetU^q~*Oj+!y_mo2-} zX7Wwnl#}+EJkxSwP@y*NT|2VISf7fnVoj9JpjUtcQ(sx~O;Lsm;UftiH53nJ1)4W@ zz&L9#!?c|!KBCI`m7Yvdw?OT$K2`4S9J?$_@73Pi)ae01W<0tUkLz|7dfv1_IZB_k zMg!3;lS8f7C@$^^!t}VFMPPrA&r|=T9{l{B|m5y5r2B)kPt^(;{?vD zOk#HW2!=fzf#!AttQtlzw%-I4^{nxqW5vZIZcKfq!oFBHp7&Ql2VE>$r_mH2$^0M2 z^lh8L&rlD3-8E+2wJuD!6o4TM6JXaq54W011>w{tQP^=o2(a##j z>n-DGNK(aV$2e?%Pvh^{F}(VtK)~neL@b%Yuk}OOd&-3sj~sZ`V;CQ&STgpU7gMT& z$j=#$?|vf=_8N_6$xxh{omgRc*c=~$IWPCSybT+3>cJ z;}Z!;?JO~@8_R^R6ET@C!FiM(TIZZGx}(m^1!k-psfLbe1Z#&I(8Xy6R}y7t^U=rm zGuRaY#l_WsL?DwA&a_2Dz{IXlCWbuvzAQ5@1PnX`YyDEjKKYXJ>ycxGr>)b znI`UhHVWdQvj(#VSo7Yys*)x@|C&aq=FpVKqHhg;)jMF|PPBazaY+-`a z_8wgJ7|*9T1F~<9<m?0ZJA{(A>x%G7ySp@XJuH5E^zxOCo*T;*^g_t`O^gCB|k z`k3hI^I_^ZoIk3up_dUl4~Ai_s?EU+Z|;v!BVw-((lM5dDspD>jG6TCRYFbbO8qZY z6jvp2Kg1p)|bnV{}fSmoCsA3G z#H};g(W{)k*OVB#C!fvTwE6i_pMB$kFtG_Dxy6uKxf8f_+J=dXhB8pglr&vg-tN=J zV2dsrXUB*$+l>5qrW_eFk+Qc@q%>P$BInBB!5T!m%w)|)dj?+>XI(`g4u{3uDRgCm zkq+S#Y#1%^B6_9*BYKY_>3|MTK6)^5i#jK&%ow@fgMq%<^j$K8se?1|-Zzpl<<<;2 z>4wfvPyFm0@G~`L*|70k@9d7tP&3A-( zWoUyb7ArOAInIVDby7CY8c+YnQuYm>M$p9pxQq4iUQeH6zin|GG74>TLmqw#5E%wzL(I+N|H(Nb<6)2%f%#h-dmXw$nGAcimRR-!E)r9xu3H@f|pg7fvUAGJ9C1z-c$${LysgIBNZ2Z=za4}R7vpi2q+UwwZ#f5Gf z9+cjYu&&0R!^iCD@kND)+WM?4Gvk1mfr)E}Gwi%2qsxO)*)befOCFi~Y7EOQWbisWx~n_V zcb0^KeXSTU&z4Qy)X_id$Lh`|thqLWoC!%>uGQxK-c(-n(7|a|Fx>+~aeb0VZ~qx2 zdzy3C%Ydz`H26Izl8u)XSa4j2Tg{&Iy^zD#V;=bDi*xye9^2(CDIagj2Ql+Z4@Ht$ zGl7Cm&QwcGu=30$eqkDGL)}@LF`d2TMmVH~(DXN$#?f8q^ZeEvdKG!MdLXojaN{x5Wt= zBY!$3dh$leiK~_~2+Wk__)81sKP)A)eGFZ%s^Bi(gGmEp`F%YI#rO=mPS7XI#ufAV zz8s6T;>b%ouHR7MvV|kMW9>QeUX>+%vQYK5V0S_hhMmQGbI6w-GM416pN?#C7`yF^ zxY^f`lBq z?7h9CNQg2*tD`A{K5DSNod^4Wo2@{-C2#&5ot)`v#2?1 z!tQQGY<=O5ufI1V=UFkVAri~=&ctt5=i=eXR7xvR?^D6P3I{9~su6i8fQ^o0u-hzV z&wmMw+M`Eth&dLfR=jT1;_$0DI(Qb+@tit)gx+1I=0U5T3in@2(b{6nc9n@--=@TW zSClx|GlqmAoxQ7<+iUM7k59yW~a>4}xE6Z5}1aiNbg+Yc6SBp{aMzmo7fpG~=m z14$o^8FG3C9{Z!opR3K?S{-J$v*d0|Z{Y_wTS2&nT%UvM3Y$Co?{jH_udGb ze^T~qMB$q1$uRpMLiQW7vM_|F*COa&T}yzo6G@7mZ1`o*!DpHb{p5tt2=RMF2lHsU z4JD6M`0`&oH42feUTI0`{2;m*&*JE-E@YKNaBk3GUMx!G$+_`DPb<*>wI}ygQ;FRa zgHyRTSH8vIwOJpFUvb1u2q!Mw4-c1VJos9`bbT-K&st*rTzuXa)cDU&?34LZ37Ky} z-!xlt&#Rz#L!Zq(Gx*S@ko#GQYzg$DMLmK1#R9txe2>PJmRFy~YC zII%X29f#HFVmE{Dm(wvG70dpcm1u1ZL+-aJ%^v<}TZM6IdO3gM#JZYl$hJ8tNC#^2 z)IXZG<%t|~ETwscE2V}Jv{$xbs+$Q#(c$FXNhIsEHA$N-+1^pgkpZ@xTI$8hFm zW#m5_^wzcG^}(SiFA8AUfnp|JFlEJs0KV8c(RFAX_D6JZH}L1|tpduY_z}3no3Jg` zsC)?JxLhA{tSo7A%s}~>6*HB*xVx#A>Ud*fjgqm6Ok_Y$Ke`0OFzJE|=U-&=qg0s( zVvX+1NT6ZuTmm-wV7*xvcZn8q$zjL`l~R8ygUJ4|RIE(onb2+nci8gtg&_wesl0qY zm0|6}P*ro}nmA(z-HoRu&YtwyF2b8s5LPJW>qT{pkX~{w6s@&j zc)8FJQpp3blDbcoiouG+_swDa zh#>5=<5^K3NZT6~VpKheK3LC^Tiy(wJBcU8Q7pJPl{#%b=5Gw*-XRw@H2AS^k~>>; zeTkKc$KZn%EndOctxO^QiwV07Rrxkio0pOT+$~%&(b8h2f)!ya^u+Ix&&1m{{JE*i zHw81iuH{qoH;OllP1&m@&yFz~%#XR!Dr+aVtFb$&aOL!(fjw=b1xh`u?|1xjZrV9?{;)}u{ zJ8BiOn&=JSdN+&)XlZ5#5c5TjfRV9(S_T6`3FH zPv2ri22X0wj(1bh9}~c!4rT0YCt<|%8cuCarlvKH%(YS$h8j|Jp%S0oa+GdSMm9Ty z&Qlyvyd6eJn+vKoGZ_0Jl7scL$qvZFWxEsJI}&Ir4I`?|9giuMLW||&?q0%kvqHAz z7L%N2!03-wr2NxG{zE+HKiTqlf&v3qXkh5$L3J0g@830(c*>sPDrIQBbYaW4U~b0@#9AwPCC~NlKb!3l~H50mvvv*23<~LPw?OnyY(nxL>hhQ$Rhrw?H+E=*J z{h%tkzM)+BU5dsv2RcnJ!BH@tlbvSpNq9sz!LNePt8=>8o2)7+=Ur{-wyBz&Zl?4U z{O-fz7+U7UV)NaT!EVY-R-4JlPU@W0ZDP-BFYe!sWYiclzPfv|Xmk>u&x^QfiOps9=*}%>&$=0;d<^BWSbv^n)?_rQ^6_&vU!R(>YO*e4 zru%bex;u4oDU`QY;Zv&2{dC6vDrVZHiM$nG{ux38*sHU1TL97fCG!w&% zrh722Xfp90QCunZqWW(brR$RLnB#?0goHOgyQ0u{47Sm6oHw%P+Z8Rk`S^2SO)94q z95_`~$e@ja(X5o>JHm(4Md{cYXXEJMMd`dK7PnTQlWNG5c_zeHhw`!}l#N#9Xv}kD zUw>yB_V^*&8cI%iKEo}8xOq;WU%#Yun(R(Nt0LNB{rJi267)R`y$K;W3y!u(u%x6? zH7dWma`8qH58`XdNyy{9y(1IzvXK8=hu5KC+I1An;)nsE4n=6sXvBSN2pMu=JX4#* z+Ne18J&ePs+7Y`Cf)CwQBiYB2&Euk3q^nBSK6j38a>Kl@6X}+!m{jD^TX+enW)SzE zTd?7k7saFenRC&FG2u2SwutwxT?Gd61>Dju!MC=U*j+(*efH(>fI!+i2e30;!kCYF zR9P4C%^{IPlYDS6DdLz%4Rojw>&uK|kAskGH)Ee*A2&M1@p6I#A*Df_`>eym6l-qi zIuf zeVU^P$a(Lv}yR=HSjcJlE^7|8+8*v#kX$N<|@Gn?@^he9QDX;vd3)z1+xI z7((19cWh4Ndx5E z>7@!?-`4U&639|ZDZlsSvnaBd5}gSwR_jc^7uCc(@Z zXE1oRBLmgk`LCM?7rXf|X=(_+k2tW+4tJf3XYh0^J83Xc zKbBYX)39F=Pgp??(^eX>d!LxQ#%kgm74vUoGH0tM&~8@(J}v=d2(9XOH;xH%iHtiK zf%PF<9)^@r{LqD73el{%9KvX!6Xe1KSL>fim+sy~9C74{IDen$gwx^49PF$M=%k)1 z^gt3%A;I%6oD>q+`=SPur-iP)EMNAv-$B1oyOqepANz;WMe^Np_&tyV6l<-8Z zm~LScDRc@#SFRK0ztVZEAA@CCAe}P=7i`qSWVSY!7T9yg(t$Vi-W=OgB<4~8*RRcE z;diORLnV<&0PUJClixh|5QDWV> zBMmoUOTH^V!#rr%?Lf+$(H!rVLcK*4eoq65%o2OzzY<*L)-dg<1uJvn_%NxNwqq5X zXw77?T`qB&Qif$XlU6MJ&_)v$ywSpZTRnI0&f&=qD+&UA(Rran`X5g&^~z)I0UK5r zo6_#0JKhaxOtKAQvQrAFt8%#9Y(o2qNgR6{jEm4-<91nLA)i4<`H5_imGUQ17Z=|M zvis(d*4viqCBAGJRmV)h*w5Ikps6+$Fs{zg{R4}#NBdZVPg!VQtP;; zlFN{8!8p%!5bQ0R6`ncV`Zkxwt{I#ds>Cy)xfBOl(@9cA<^xxzRbXLcs4H*6U%IHH5lCW@a0 zhg|B1wYd=$os+oxEfkZVio97QD{{4owDt4g-v|lD6ARHuE#aZ8KOR*vyg#o*UG7{i zh6gd{R~d~=q$Vti4awS+7aB9py_g^K z3h2>4j2|kBWL$K{BFdMrizR695nQ;)f}Zck;=8ecp(0<)x>8GAS}^!dk4@O)oxx%6{Fj9+RS#ohOf+{=)c9mkOxj*4CnhIxQm|n4_g3`Lv*p*TP>i>f zGdju%hsjl(HZ119J_$_OvOvuJ9F}d7;3+hIw6}zt!nf!hDq(G*2Xp2x`k!pyYIv&X z21MiMSi|I5>0~|?k2R#3y;g!NKhkEbm?sOuONd#P#fo)7yle7h`ZrfjMVfHwqc64B zbE)5L!SRPl+>X{|_f>P+hnnLpnBlPPA-os*F7t3O{SS&WD5j8!le3uHS9qxD0j#%8 z!NJ&{Sg}`RBXUKqqC)DB3e2yK<4leCdvX9@)pGc$&KJd?E^H$@XIU6Hlr)=JIF1InPw0c=9cU<=Ycbk_|`IIgBRdMEbo;Ct5Ju=jSDS zsfuF#Rk63)#2QKuqs_K}!%aT46Z(1MU4ORQ<}s_UKf%w8*&*hQGU<4X7|l|_oyH08 zUjDv_;lKRJ)AAEthlSM6_u%hs1I7p*p`aK?xPvZnV!k_VYG%5hC$RzEnA>L1dbk>& z=bpT%isP-=&vO$Csp%{sd2u4~rwz&f6U5~XRcOg9=4*i)HqV9bkgFs)F`xVdcZS+| zaxX^8vubaCWX>jVd=mq5k{L5du-T`Ed~O!HX=NHAvxX9XT!$gA)Y-H#0h!tJI2~`o z{d5~N2In&FgddhB-&$M8Z{pz|9pWs7k6RYUti8T;pWs2eq4h+G8MSFuDRBd$@yQi_ za;MNmMa9gBbzxkt@KEz3p*et&l^T5LsK{fn&v)&uq+Gt3j{zy9i*woMSrcCyv+3JQ zWQfDF(Apk}m#04$ei$;kshl` zuZ45wc^o(E9H?01&byaVu1SJ$dn}=^U>uv?Yw%Y(56(`*Bix!feao@<+=*caB<%a0 z!l$_U^o8?_0aod#g2jkz8hMjG~SYx z<4V}pYKP1E5E{JHaN8(&vr!}q52VoUy{F))bNE~tPPZ+2_)IEg^odCJe6Zu@7)QF= zuc1opn@e(1YAz-a@xhWuB_+JA^TN{3M)0a=HWVr0ZCJ@Y4JoI`6r%sA44MCmxNv0= zCC3t3dODi(zr)dX7rBU==xU7eW3hPuidWb(W4VM*$qwAF4aC%0k4{}Infx`A;0I+K z>KRPkQGaYbrQ9&}LM|KfBQ(t}? z1tHTXk9jRCg`X-CGsBJ}y1J}SDWraFAO?2P4BM9^vR%=i=oilILPe1YM{ru`z{&lr z(D4eQ{zNDzEAu!gKCcOV{8^kT&fPot*axQ&xHJp<9$BOml+)*rBfFo)P;BKVGK4Hb zU-|He3gjJAc`zuC1s>HDjdw&jJ&%cJ>^a$YCJTRrv#d`z)3+pY_M9n6Lf@^r;ZA?Q zG};a&u;$!cmR3qcKg*I4LPPC-6pwX{F9l})ydNXs^J7ykzfNUg&uI33H$zWBn|5J| zY#UgK{t+|O9@Syz8YyxdU(&_--WYE~?1(7z4v%BdYzb+BQEbjALg#G;zn=M#A^80S z4bd~$FU2(9oN>RxSf<*@qkl6QD0)i8o%8A4>PP(@D=z)WVc0frv|o0`-6n&|fk~Kl z)nUP@VtmBs<-ORLE{an*-Km1n@9~X9xSWC;kT(-(fI7SB1F@i-%Y6yQanrAP`Gv>HCsCu zFzA~*rBAH6s1;0@VywunWb?!vGx`Ut#U7dqhjuCKUGOvq=Zk6DV!J^#8=U2v0PQlp#d&<-Eieaelhu% zJlWkd5a-{ugs<^o-=ZL9UALmNTOs%2a*%D(B{DFQAvtdJOU^)lmpJ#u+FX+D&y`t0 zlx{4h>02?`yA#p4lFpUY=B)Uefzpa5*8U1Wp~GyNH!Bfvyp&7teK;s`PUM34tv{7N zC9#~)@MrbiAbd*a(sI3$5_f&kb*n&QStd^UrtDHr!T(tTlJ^B15IpDAPg|_>y@)Jv zB4(36!~3Ul@K_BA;puGIP{hL{A-udT%Olx5@tGI$^te5Xf7dW@5C}p=WJekdDa0S*Ms+&x`pkbX42pc#f`}O{QW8QhP-) zb)(3d^PIS{C!4VaB{+-ouc2W)1!K#Y_BnyoLK7#?YGmdW6>+{y#i6|`TB1j2t(?iF z=kwV;FM$zVLm1>ci6hP>tUMRN&*oB2w5w#_4Z$r2&*HXWG95*p@~dYF;Yvz0#TF9N zV2{odLz+dVvh!LA`J>I5eoCBU4HZZWG15iiToKet$?~YR4wJ z|B`1}Yy@++=J9e&9C=&KIrGed0fGy9uE zS=&|YukvnXw2RY6d!6vKu@)$&neq90CJ$DLEKM_o&y7;@M8eY@khI52`>V_UZUC$#YoPh>~93-7#yzAs9dTjxTOV8AjN zp^Wwrx^iFzE9C8&UmU@tnNo3f%*A894Sl=BbE{l*PKEF4=N?E`afYX6Xo!Ag1uE+z zQ9bR;%nuGk_yu!Pc#08|!uX(UP1l?04C>}Yz?o=*#w|c)S^;IMcAUyI!Q-eKOH0$3 z^CeVdW?|TyJ2UNC0oPwe^X5$;8Oz;>S|Q%2%y4453SU@~kJmsQBpuROSLaRC0||qF zmh#|$8&8e1cylsXaGz*CJ~SbzsDMw0U0JdrmCHHJq=lsLvN)U12?dNUDq-)tJSHC& z+DH3Pt3vlmMqjUi$)yYtoX4!R4CNGejb;(BIu+}A-&#A1yx!t=DgSy( z(HYpx{Hs~4kFH>*nGqSo!>Aq6#LGg#+AoIjZK#y!EuzCVE|?L*H@)a1B{oOoYTLpH z)yUvphdd%?l<_@EXw6GS{7x!FGFNo`h6FHcq?CWk!x&s8*zAKk9wo=qd1Dq=tYV1X zRf2)YFm>ld&{w6AZJ)f+5neXowI78G>dDz*M!WTKOkTE_J&TfIoX8r6#?aO$AC=C6 z?Tj$_A1=2&E}jE#f_Z%0kH_ufNlCTfeXm8-9?YYrz8H0vaI9K{u3aen)jPoxzL#=$ zeHoEI&B-mPqTpo_bDA{?ZcBu}o#{p((t$C9;;!646P^pxe%3I^C{f_^EJiRz%}^R*HLm5jCP?vPlNP}y-*s8W453qQHN=bFf*ZrLVvyOR%lQ&bYUX<3 zGOdA?K9R^=cBh}W6f?PMb|hKyNJO&pgL`K8cRpP0vN#n~=?v`N6{fq#>0AusP{w zt3nT~7QG|?K=u{evrsTdtvlH~5ni*<&Q`D#DR;I@=z27msSU9-UP@xUM>1yp64>9T zh)D&ZNH#{2Co;yuA5mog8Hd6ek;BV0@Ul&u3B%%;G*XVmn&mV-7Yy@L0*@9fVEUpY z4mu^!CVZ_^Z9P9$#j(jal0L&S8PHqg2=2x>{}lVt78{CLe#nL%2!mUcP8i2dL)Ve5?4_?Cz?4Lv3T!FW%1HP z%Kn?rGm|B_S6DLqdIlOz)l|BPOyAgu=Fxd%NHW=(8_e1>A=G9SbNq(`9mmD+bDKT9)Ho0 zRGL~UxqYsJ1+h{trZxGt!;EZ6lEmNxbxKr$N9WUaYr}L*e6Qu;fGtxD= zAi4=*=}z2qDdM765mwpRT-xtX+)YK&dlm@)CFO@xGT*ip@N;?~uMQ^>Ik!^u<)X2E z5l@|h(79&jczl_QBsxhvUp7ujLf447d;4)UJI$JSe^caI8M#aonXp5nE!%q~asFli zzYN^DcrKOUK_U3>6l^R!90$=iyfQC^MgJ=3m6wT*B#D{68Jv3btu-#Tfct_Iwq*G8 zVYleCbtmdFSSIKHfkBiZt(gt|2GS%0o%SYZh|OMCEqt055ZXizj`3Erkt$I3a%(bGf8}PsS2aRfdbA9H0OoA z8V)l`7#5q2VM{tbjefX^-iv2tIpd7V`M6oisL2zk6>~a&b8ph}3RpjI2EJDn zQcf<$M~jg2Fre?tIwHc$aNSbC-H`^Y6W=%QPyhqlOX<>2^h$=B2!>#fOM?eqOGM{P z^!c5{`;(fG#r6yljl6FgHgssN4tK@69c(4^qO=%i}K+>T?8n4bsiO8GuE z5uLaKcCPhc)aeM`WVO)kNfAw-)7g;`z|uV>=sjwpY;`=d$4uwO1ryPMD&@f2)qE8{ z``?dpf^+=o5O2r26B1nBni3$gG9QO>1_|z%8C=2R@@9M{TGBZ)m`Kx9oSv6)__dUx zh79g5458{_6}I^z2aawO950yn3d^u{TZFm99!+x>7ECH&jGHRPOLKTBI$c$E^`he- zy2mvUDBX)8t)CRvzJlE^krJWq%lb|d5?`iL7%_tZQ&T7ie$qP4Q1HOZg4K6SnvXaV-J#oSKQX2s2X(K{<<=M0fID>{>-%-2nws-`^LTL|K|GIO zA1g&~L^odePLCEeS2odmkLXbpOSm{ejkM|=C><`KN%VNSO(>(&cUja{EMoA!BFuiK z34L3~NB3ApKMdrcc{Rtpst6HXUz0!=GF3#z^r(=9dNCY%GK%j@^O;c)%>`XCABGBD zQkBilx1u{U+mc`EBGdRGGNdmxNc$J@)uWhiIwf?n^dRg|F1gQEF>hujC1n+?+9Gn{ zRig6~oX8rXZ%b##vCBhB-LxcT_sbOB3_IGUmh(I~lky?i3`!_v>mCorO!FaHQxES? zBiM0N^rMxc7|~5i>+A-O`8uPvy@;0^{ZW4v!H9lFd^sjTvpACKf8q|$A1zW0MAp?% z%=Pc7Y`T|&#;h!EiO!H8;@q&0rTAPZj#^WQRVWm*sGN>VgkCwnf~m*zFgR05WPBM8 zJywW2SowG?5;;mw&R*O%Q!N)gpk-*Og^B)uDy6SO$jUEgSG!!% zR}bgbhzib~wqxQCDMMdrk**WM>Ln$7m{>{&d(ofqN@MWw1gbliQ9GuXBiB3$h&M;( zKrRiYAq08UqZU%i+gmwojkD!db~G^`!-f8dVbG^2+Iof)c(ImyMnyb!C_$|$oa*UC zl==y+46a~x6HqNgqN`4tUgdM*wk$S#l{Iz?<5kW5RA1+;u=?JV@|vzI~isP$x! z=qddb8neA~H9;4mDGUxEet9X4^<|V;1`#1xc*MwX9(MO))yxobMBmKHaSGcO3HCd- zhU1#WIBprwpn!7THw5u(ZY<^p>j)6Nec4Tcf+@N2Xr&)gYq9S05=oApNu^5y6&2xJ z7xP*tFPSdIqSuh;g?+qWcVRkY?~KGZ(S?4GBQZ;j=D|AAZ)_jSgiZ!bkclJRDV)(? zv$em7=B-+;==h1bS|{!UEUu=cQ!-ZKZrs+NqEB|zmS%Bg?5LAa=`G73IpIa-_2n}u z7-mXQT3W%p1V7eK6%0`1^czI3(Bo18?KX>?N_jSIXJ#>RWu(yAl|0L>p|wS@Xu(O& zcM-lLwHA$W>F7?J&BID<%+nefTT{cQg+;uXBkmNP&m#Y)1^bq{^Qd2p;B$q<-pUuu zxJ-DgCJaRGGf&*zykWYD&7I>I=2u2tcqK!v=CD+uij;3Y)b+{bleQfj+r_YNsqnhj z9SD0Y?gE~wA-YpFNA-(YWLeGfs0Q?XW{}lq9Y>}VGsIvCuk|a4&=gt4wG8}^dULck zhRSn=c*>7N{jDRmqWiM&b`3Y*Ix}AqO!m4cdd4k5vsCyC*FrSK8Mx zT7oME--JhBn8ky7krkO$liIHo)n9?w`T6o-LOdOdMMr3ZHm^nIa$PXp+_VLB6EpqT zno7#VYYd+v&P9irOq*>;oI?RWzQl5`x|l9oDrv71MR&I{PHWrnG(De!|HOLPGe`K^ z5_%^%vw3h5tKKJ3D3^o$3n%V`RuTIxjjNX{=`Z}gMMHnosrCdzb}D7^TqWtd63^G4h?h!Yuj$jN9X zF3P6Uia_4aub@K7lOoY=O$kk3=dI zG8x%eh5gbhrb&tk4{}0%aRpC{!x{Br9-Z%I)A`pzT1Bs^(bJBl7j($#vIyHtQD{C8 z3_zy}<1mo}sZ3$mI-y@R%XqQ73WF=T*zd5S^~nTQCFT-TAIuKbC^8LC$$tcm6Jv4z}UA^QJRy zA5sx4?o%=LB5TZ?TgZ{{IMFj3%aVPCJd}jcUJ`-q#UM20VmP#P76tFZIhk6{QE`9k zn@lO1YZoAYNa#GlW#&|a z`_`UrUf$R@RFU?zk>Z6_NUd@>kz$2qO974xs|j8$atqHQrtE8E#eia5l^SVmDr1-M zR$qipo|9b4=kHbIdd%X<<}_4qdNNb6lK1ay8R@WqO|2;$7e4%gYa{ue1iu&SH(f{Q zA(v#Pr3jxW`X)O&>vFG)4>t12qAxs)?YecOztP}j`{|-LGfVVs>M`*Y{Gl=ihvl{G z*d;im=)OF89>vP_B7d$7p7JthO|Y1bBqyy#&TJ*h$I zZy+v{g}=3g!;8MIu}mGgwOM4PHefS9n<&!+ zsstxrcRq%NQ(~AQnC01PRsZ9=Mph(KC~~#cv$L?vAal7lLeu2>R`FPFOgF`yk1D7k2Ti|jZkUHA+20^OTm~X&2#6~`)0Q2HKHKvjO$T5z8O{W z^Q;For3y$~=HpT@2gQ|+d=_`Pu1{=cZk!D__m{G4W)3o`3H;bAIQ=G9oZ6*{wN)kh zbHPk(KaW}BUgU49RBZgFa82X|ZCjeTQ=dSfQYCtJv$0OE;Jbz!C*D;sCpw3s0e<36 zg@iLoSsX8@6?YBuIr1-!|2l**?Ug4dUe_^2dk10H%6K!Xn(LmTKYON1bjL;4utJ_#m0@c$ha2JkXuXJ1MwA?FYXxhW#naBh8-8# zv*~=yV;pJgAvjo65tTqubk&{jLPtc8ujSQ+5^AnCqdZk)E&mTkXBnR5wQW({p#_Q+cXui74#AQ@ z0tqA#_Yik?cQ**`#jP;V;?Uwwf#Oh{QsmBafAl#&P7C?+z3<*@tvTjg9^uRsQ=d0} z5;5wrzV~wDkY+&_-g}ZW#-Gh@RwSFGs{W4S>78**b+Mx1?o?i!4`;OIXfLieAaF(o z(@Mg)Xrun>)-t^-K?F{6p+@{do+P*uI6jGgL&ES5h@{QqROxi9`M4>ZrFw@O^qkMc z>h8QB=0P3JOKSgX$JO^i*h$N2`6isc{r#D>&W`Qxa^P7g^?D?5x0N%MmD#bXW)$;# z#q#!z6Ca1z(cr)ototRBd2}u=-K5i-7BXOc7-pwc$A^a!{3(nN7t(oiE0l{HCex(F zR9>hzf2DfyK*uCn=2>Czb0TYuy5SWa!<*&SSoE5San1zJKg_22CYHKuPTu2ReetW8D_u<93j6t7`lFO#rf%G67Q}<0 z;sa{wySnMks=v4J_O3mD2Cn1C5Lb@Bmp}EjDIbq|^UFkOEEOU-IVy{Tc_mC4E!Lz@ z7+Hq)INvrSUi$cxAr|~`Fps0nvgp}BJ-3k$@1^Ias$M?uyO>h@NL+R<#$C0?vC&2J z*YCjRk(2!Bvse+ogv-h4EV!+CbA2%t4db~i4z+jWd;+QuA?{@=fj_!4!eTc09mT&l zGlx0-xZliz65}Z1?d3aVe;^=su<4!r)b7b9mSFMLkM~t zi&L9Poao`k+s~sh>XF5I+fZ(f3&(ZJGIlf#$7{u6T*T`QIu*?h-R#TkkLhL3R z-Zc!xDL;#pAzgV_Lp;^QrC4bGb9MAD)H`WQw*Vhz>N_|1D~(F0Gr6QYD7Zr@H~b6e zvd|d|%V28m&LFtEHC3zo^JDNlD%71zH`^R$HZr6Bhv68{UCPfjCetC%n{C5{kgH}b;LG!o9>gfvp^QGZ`hD`h)$0AmCg?}=4=O}}r zUnJQ%n&tV%(=027fqi@P*P9ZoTSnvmD1z@w0auq|qa+ALf^> zIQ!lV+b$8Ta&n@Txb;UJrCB$KB&nV50#hSuO;C@~$%pxx?XJ-r_U}r*Y=67}r@_*N zyu$cYBb?yjv23;K&Ac-f{Cp{g=cPk&vUR7)*KAr`D&d=#5zof_!r_T2l(liedfqb5 z8?NBDb&DuZ6Q88|uhF~N%8}7MUvmfte+wq!U@Q?YtT}X7_t~H{-q>ZaE~7j58?MAa ztYC)A3<8!!a{I6=u9|=RZZM5c6XNLY>&YM{skI%`o2O9Oa3xjl zTQN<#ufNXwZY!c0qk3@a&Jb?3^pF=NQqMsqze*G6ZLE2XZ8!$ehE(?mrP8r{K3?um zv3Re8-5pqDOyuA+(rg!TrKTU>EZym7sNQYm z9Pu<(%2~2w&6_mME;T3Y6w3By(lV~*Qg@{Mkox{2jxv<5^n&7k~>g-Ko zw(gWcHK!A?JDe}4M{~PF7~NGjT|A#lehX{f{MCuhjm5KHlosP3$yj~X&J#nh9+u3R z@C2eR`BD62k><4)xb-h$e5LtZJGGY1vkVyQ7Owee7%PTYQt#MO{O5+!wu?3EC)%=N zc?|Xb$m7I_NetQ&NxdQqx(tZqLS4-2oDYLEyS}KgZ}jG4|)2YAUO|92yp-u{lZHc15w9C;Z8k2LEV) z<{w)<=KTaQVo=R)J`0D1iSTl8q|yBpw74kL*4QHb2PvC2l7iLv2&#{oG6Xv zV`E27#fh)}?ttmJ2_ z_hJk=mF?NoI-i`A{`?UUL;Hn}oT!$-%8C){?IM|LkWbvBB>Ln#ao1X`tY>dl4U1#u z`6x_RvuJu~ThN5ic4asY%8TxGx zTl$ve(DtWb^>^aQs|Ry_iVIO!mJ;7dHCg%+PW%;v_j^YM-F6@}KZDt`BG?v~%HioL zZ21t3^M!mKq+}=$ErO7)sy}~=Wt3+q_aeK}{8J)(R_A?Bd7P2(9*=1(gt=^$Piz)!w{##nM|lFrXx-|y`Om19}9SLI6$+B zAo+)v&~!%}1{H^}GcArW;+3mj5!2LpAjZvSGQ?u0JSa98g!z(OFPyeLqR79M&U?)+ ztEo`#FGG*E8{#?&h!BWn6^_ zHp{0{bB{d%l{_^+jNp5W5jlDC{)plE`&}xBK6^7QQCTL(<}>JiIrEnnGOW#9yq5%E z)iN3LF{!i~JDRjXk$Prga11wQ|_qqDrC7df#ZK_p0GMov@U(U4P|=0(p=_ z19>BVl7m4gcLt;q)6#)^^HdcunJpeLii0h^NV+56 z=Dq;c3;C2!n$C~QloPSVlcGlQJe~EV^ntu2mo&c_uen3hbf$i+#q?6mt#iw;Y930c zW_TS-gBYs(iceV^_~Ji_Zfh5lv35AyBIGGDPvrKG`k8VD;k0oSgEgP9RbR9G@h@b^ zH#f9@fV{zB{50K@-Tnq#*S+Ip9zlUeHvfJrVCw!%YTb{=ZrUXV&iqy@da$|-Y- zrD(%Uj`S;`|FRW4IQ8t{!1o|GeY^v=Tnh`754*@XU(#U3LE#`}fvZG0SU!cy={Sx+;~`>$IRP{G5R z`TCE1*aeQbX4X8?_ zy#M(euQHci|IKA_Xf{tQrCYBLq>9xP>HV2J`!5=USME$XG>>$hqc{@UXkj}Le?xXVdct+wEi`S&t=7Y?-E6J4-ekAEaFSn0={?#;^t#Yy?H78 zcSriEkv(7kG3Ban9<^4ej{PT!n71}Oc#=-e&dprW*%whIOMa!HcFy z?#AR93uqTxqP!g&wj^2dgS_hfLp5u*N@QgDFZ|uMgqX+PdOnx(&+>SVRSv{_bu!`U z7F1i9fq!f`_e09@xEMmzOU=QuRiiZUC0EQ_&&A<9+2G92nw#Vdi=nsbu;_K^T&NeL zJb^%lFE?VEcmb!`endEXFn&WKk1Nil>N(AErD+=1Rc_e%MEOUQH)n6n^P_pJ`H)17 zu7T7qU&eiRs3YU%dD1?Fv)>EIxHOZXFPiPm%faWj2(r|J4?L7d)xoxyW{#(!VIs@gN>^)U zM9JP%UWvVNwTtC`u{3pC<(z#|eK$xo{E;wrru;~VrL@!7Xl8o*lk<8e=C+xfGgGFX ziTtXAeHpMWfj9MIm??hv)`~bT&rab~gDjH!N0X}>^!c1=SY3-{!ig*@w+m5i8^zWN z`Hb<=Jo$YHzZxdvBmS^#t1tb3$z*UvCk8g~q|%%D91K{7#UZgFvEmZD1TehLJa+H# zA!UINXIB{D{!0udCp7E*S)S1@VXP`CC;WO89~?t?H86w(GcT%6jwh#dA&s5o;k`4T zx&OtG<(R;T&*BSzbEIsw3(r0%D?u|B?LLNz!Z__4^!?F5Sq6Qq}!SelF!{mNi>XEnxQQ zKsGJ)qE`nCM$1!i^PeCt{^iN3cNy%`JgK>U-q6{4?$Ye(I&wLAnoCt3=Rgh5T%5(A zK8;OgZlq>l!{ueN5pyY?A>!du%zjBGzqKo^SEiF*vmYhXJov9%v$re5u*;9&_wRaV ze@y3De_Pz1O4F&lOc_8%q+FcI&X`E$s+sX`t~;}=7ell-)@0SDe&XF;ED~>)K-j=2 zYF&$Fy?Vw|)7`k$)PY~0xY9*4@#xNrh;?*eO0edMPyCr(YAJ7IIQ}2PX#P_94VD|R zn~;ymvSezS%;f0*@<%_oF>Fy7jT~}mbX!_ZoCSZ+4`$yFIV^6RP1ZIS&eh4F<-cY; z7q<}AHy*QaAGU2ALz^O3s=tb+$;t$B8hG$db#k4Bp*$HTuVoe0L_XNbiNFXnD{6>&4Q#1ItE!dgDsk6SuW z*35%GVs$zdj;GoLX)Mxb=YCU`&CpoR-i%_&;)R%o$RB#DkkU)TIlQ+Ii4MuseUyv) zvmm~QPQ$1qlT9J275Dg3+P0XNj?x&OPl4BQjBK%-PLqqUjtb=;Z*Q_k#V}`T2)o5c zw6EpFv*Q`WHx+a9w;hT7^&Fb1*4rM*rBmiK$TY#)SverPV%TA$d*xaIAEK>@@|@4x zRCyS?C>OU+DEs7P?`}1M(WaKTWarZ5&?E-*5`(Z_b$~+(UmX`Q;%qUaw<&uCS~R#dW?}K?xdXJgPXYIBTxBtFFqYNra_Z2tZwMVAh!^< z7Z>tldIrV$sr+&y1@F{iwgxK?BWVn!zXfvZh&h4TPIU7v!6tr)JPRet-_GTy#Chym zDaO;)R>AVs<#U_UOA?FD|LN zYKo8Y6m)Dr%X+?i>AjSi6Flhja}ZmO1!*>9!hrooZ0;SUEV+0>t`uS3UA^}x2j#ij z5*gt^*tX;=_Gmc z`TQ_E4$oQ%jC&A-ug_w392muvZOUEjHJAFc#wznHmJiPzcsnJHvLOaIoKn8leMb(+ z>pDcU^?ASg(E6_wiej9ZTq_CpVlO5>k*-x3L1|bn_2rH7{%NYXm=toC`!RFcU~c~W zzuAO6gIlDsv4Jvo_GHm=h-%&IsZ0>FQv0A418NN*W1<6(=6JAUR|;pUDvz+U9S439 zGgdzjFN3+9xSh=s8|63b@u2O^WX{zN;qgNsWkQtj=&l7;ABWMc|1ie&E1`yy1F!!Z z#=%Q297|VklNX3Vry`!W7n5AkjnktwWAkr_L0@Gmjkn@yI)NirWaZTWHl}zPo#;WFCgKL->H9tmD;TTe>BZ*DYp!B#q{Ycm}<{|`{U^3RgCv=TQLJ^L`Y{oquzgyi9M(Gt>BGM z1Oa~=^7_mkjyb6}FPO{clga#5X_&HIm1o;l?@~b&x9v+fyWfnifpH9tH^#8WGOC*P z_%0|ghR_7W=;va?aPwil$eAL5M3}Er^7F=~S;L4xHJev^3=2^jvEQ+Gt z11EewNefl29ednaIa*PSU8|Y$N9C*Oz38x}H;0z_vMbvGgGuppdmqpJ4vEBhSa^{IHRrf>0Xt_oJQqZG(H}R9Ne% z9A|0ayNB|rFqyuM*HNpB{x@wEkM1k0ZI>U}=a$mZLE70;d&W;yCeitL!h)77k1c}Z zlcL!qpG5C*rlfh7ao}jN@(7|hVUx|hs#)AI4`Z=(mnDBqV)Kc4+KrGx1Kkz#trA%N zVIqMAVuuDA@o`Bh;Rke1N#{_L?FnWZe# z1lYHh+*hf}fe)eI8F{CE(0w{OgPIHFah0yI@b75K=Ec$@YdWs+Gnx6gJqx>wJMX0I z@c1~IC`V?YX2?U^+i!Y+cxRj$#nUWNu65xoK=0j-eeq` z$Hm~V(ohWU0s?-N*RO|sdWLhEmaWm~fZ&?)GHrVoHvMYaP2eAA25>DO<<7S?% za?(QB zb0AF`htDW6+M4@YXN{mztt@s`&S%C=ofR+SDcS7LgN4Q1K4C(w@#)-oAB^X?I0l{$ z;*0Lv3fI%HQcX9>tTzn?=ToNsp}uC>SBev<-?Eq%GkhqVp20s87E?j<)+1gntTh?Q zn4AS{{3D*ZS3;>gAcwi((%+|v!)ljHx5ef3?i0;5184H=izxJz_WILy<=`!)YWi9X z#naV(B>&T#5Zc`o%l z9*+wM^2=0xXTy*l@=8_r#;d(Ky+>)*cP@%~vmIIcSY&R z%>GRNU`o;A0BRSAZPDy?T%dU7{Cqyxr_jSRmY{XE4E{cnbH~Dz`)$uIdFmsFx}fAf z7P)4z)u9))G#`z+EdH@>62|fc2HY%QOQGf)eW!CPI~LnY=B$&CvAev{mEXj1@x^i~ zFYV0xz02i|)$hGUJh$9jvC}S&?~|Pw7PnY=sGis>hh&wzF-INbFCC*y+^gaVjf<#u z+@Halo!HmVo;wrc@M@Ms)edu&#T(D$!DduFZ7T-cm#|a$B#Ma&nV&*vs91N)L`G>Q zcKCfHzSmU$%p9&cawrzHBK3J9c{(jYb8~mTc91?5E)RK500j+|+i+ICt@r7)s;ylG zCh=U0Pa?Ng084)eXJn~nBR8@b>mseMuky7TgwP;Edf!;_qtXN>`sXoNI!*KgPn;&^ z5_LY30a?*>I}%0WLwtATiY_zY zjd#Z>}U2T}kq%DOM zRq#+Y%yittCiAG?D)RKM&flr|!#(kqKP5Bz(`f1WPK>S>ib413)IT(WkiGIG9aP5X zRcVU@3%Ebak+!?1GH93$4JYgOSKW;9Z^g6J9U`qYkXcovr4EV4vac)7Q>I|EZz&$1 zqIglkpUM|Yc-kd_LuLkyNp{1nisrXDEr`{RcC_n zJ34?)w!RF{561LOs0lb8x_b@7+iet~g2K+tnzEHa*PA9hy#9d>Kd1 zj3RPGqP+jc43Jm(?{zC!cFTqtx<|@Z$*1(e8mBq#H2U=y_H2o!)$kBzFUjTC56Vrw z8q3@*smhWzXZ2qZnE1)ZQ!9rPos~^su!u+Uj|}Y;FCX;=T2!4u^~g+qu;0Mx{vI?h z$dYGlC3#oM*qk?pr@I2le(cA>HMxvE<4<%%0N%H4|LN#r%<7HFWR)lLV7ot2uIo7I6~lz#fgC7I;8OD( zDw>(|UuFX9^Cx3zrfi>o6Zx^Z6~^_IwK>|F7q#Mut)@IU<5X1){seT2;9m1&7C)6f zE*<91YHwc5TgvM5r8JolN8)$YLv@nKsS!xU%y4?l3}8u83>I#hy{Shw{Js+JPTG%< zYK33g2!_m3M#zOVRCis8PnS3{>P#devyj}zs&yx%vVMsJO%9Z>W`Ql!dI!@>v$e<( zOLZOx5MYv`y%h$G4KZf(ah>bi(lXO+|Uz908H<}qwoIrmfx z2fAkS)8Ht+PcPx_nk>q0CyJLeQ+BPte6Ewp4$fx4mH>G$)>1P*jgC{}xjMv#Jo!Uw zKDH+!YPojY6pDS+cX%|6b;_0M_h12SRr`_CyppjrS--n`c2AYeht+J7b6&cFbq?1CF}pmXGb&TSSD$<-8`JK#o3I~+~C-Z z2qu2DqS~fVY*lBr7#_i|v(2%JNTOBCLyR=a!)CLz$@=q^YZJr!d=IuH=25r5r+l)r z>FsTZ>5DKb{V|V2(gdxg%?!GmDZMI^Ph;~b?Uqbj-xNOY_TaB*ab@!onbEC)8r?J_ zdYp&7v4wJBLuuGB1#9IVJ*>Kk;bP^FZBUL|eJ}RC%jA)svw$X}xNysfo>QHf{YMrF z`u$x|_VcqYIhaq2mUa_ISU(eS!|8N?=0>CV<(!DnGq)<8d3$1L+$jlWMAJIjo83d= zd8oNtR_93eRZ1ge`7(?$hZ4DZG83!KCPlOD`kLua{!KfC+7xnL3~`iI0K*14)8&W{ z!^L8~Jw1Ud+CgA{FqziQi#hqXE!I6XtNNsz5;Hxc%3G{ptmkO;I#wOBVz$v>uyYpW9n4XdZKdwo3p+`VaECzO}_)JG;eiNR2w znN=KhhIhv%N14XA^q#JoN3z}(3wM8NR7fT{Igl~!#h#y*XXCTx(|Xn|&xR9PQF%>{ zXj~UltFY%wauhb@`vQJWnmhN%GT?>5`Xg0jAs|62|pUCT44$Q?6;;cHJYA_QhAnZ z$a1lcw|>^|&E67Q47s&E42NGmFwReA>mBWkY2ZMgRTc~xn8BRu{wyArPL~e}>5lED`1@(-?`#p^($W-(84so;&&SL&R@huPIiL9V3<&K)mIt`&#u^2T3ul!n(JYlk;%oLsmSfY^ zkV~o!ezXYV(2RKgco9Rp&o;O|3ZX*UR&H(a<-rOw{1WXjS}>X?OE&Z9ySyexm1*8} z5rt+x{PDMTGxb&vAFd3ffwA1^t<0D@DYPDy%C!;x4B8RNk6+WMdrG+qTV`-$z#^)* zDd(E~ugXH6$w6tsJ`pkG7!^XcdbTD-V5oj#qr-Ym zT`%HUxbjJtxofvp2_Jn@xI20-)%=wOPB7P}XL59hC4=PMF`uG6H>cBR)?p1sU)7Jl zOjI68I33m3&n-}2GSiRF^5p$^!;!+y%h)cRe^KY>&&@NFGXK zi?dy#yclmLxf-*kWg+`-C$Vv>`cCEEzH8!-am{HAm1p5Vmg))@X_w-rT6HgB;NyW5 ztyzZqxG7ZXznF$AW4K(`hC=I99Ih(!_iY3p_NTKoH5<=s`P!uvOc%}Y1I1;|yOzlw z?|2ffid|@*Aq_Z&)~&`d^3`T?hq%*YWE62L(wWso*()!__-ykavTQQ5-zgJRe8{ZP zKH_l0*)chh7JnNtMB3Vm&0gA-u|Pb${3Tz*n0`|1#K&;{*c^>t|1^F}bmLr?Vg?V8 zCqZ+8ku%fyp!u3jo2^{D9!HU3C}U4)=ftuF+Fg~(u>ffR4EyPx#&DG8 z4}D8{TO%B|c77BpdwWg387X1%V|A8pG&-BgcFVX|U4Dj%A@T@klejjOA>ss_6FQUF z$cSDp3$bqy$i`mc+H<_MheaO5sCZ^x_oi9ZIPQ!p<@JE|+HaM|GwFVZf|gLNw)R>? zEM?7KzBHXKU;eMry#IX-MFrlR^HkN>ZToi#Z-6{N$ZNq{CBYo zlcSbgzMsr?^|gW5Eis!~PS<~pX`#EoR`t!oC37(UM?Tn_%0X-)e(y~d_wFlWdr~O9 zTEvmHOM3E13r^(cON&&mF-X0LIOtB%9(>!cyvF6FTv!qHp3@mEDl_Whkr z#=LCaEl%O_mK19Baio#z?Z)HuyFczk)iv_xZdPvI88>G7d2;lem9)|XTHXzz-cI>c zFKPB(JB6S0?^R9C$9iu7o0^Vf$IC_B_0FfEvQ0ibTEhEUu^fwxA=xN^Hs4cOGuMNI zEmAP-;LWFaSIW$NxzIid?`E-l*;&e~MHw8oQl4{QtbEE|beOt`ug|mSyZV21uvmaV zXU9cfELcFu zoyD2AvFex7SZk{1;gT~)JQ6Y57{>u|<3Mg?vSQv; z?J82vnVU0>pUSiMB^m#%!oJT9CQSNl*;>_BL&6O%IJcNBM;TV49i)w%L}iNURwpbJ%1-T~nrCSYFFzOZ>fYZ6kEbo-`1D*#D=s6oh4KitWl>=qH6PIa+YYau-lg0Tba&B6TdVO(^xYoUwML7Lx;PoLmtrWS@4Gk1=Iux6-oup{9GuJ}@tg^N`f~kC7+dvO zMHQ~Qhd=GxGxG?c(v4!F7$)Axu8IlJsQXJmo(z*CyFMextFa@w7bpvMUH2J7`* zmfJB&Z2VJsqK$snS?#%lUkpa#wKIBolH<~c@-;Yuc-S9)^yBa_`U`Fus@k)N3@%3q8b008c*#-QQ)n zg<6p?E}x&e`YG=ukRg}HGJl;1XT*TEJf``7pD2!IE+_EUmLxrrKX+>p!H2_$A0$?# zbAmj1cFh0oM%z9G%1p~)XX9C19d}SWGz@gkrxD)AgO&sRdD>K-@*e8HfAhsZBZdYy zO89qg8Z~?9&)Jy65wR4lTqY4=tQo(F7sn%QsT&i|J?RpIRVTd|vszg$hT1n5b%!lH?NnVWMI$P_Bhg1*HOMGL4j~QGmaMK=G@uE@gJbo#TxwZ5d z*F55X%A=3Y+!^X+ru8Xfm>6H%c3$+12;z`@`^D0dvj0v{PUd9%ndN`|AxJjeQ<@QgB?0d0_jZgcDKepg--^tqLW61T#nmc@n=diWQfEO`eD!L%5I|%gBN2s69hEW}+iUboWf!=FixZMLen%$P14mwl>KkM!Lt^iOTc} z&<-rKTpoAw#Yld%8|kUksGQ5f++xk^A{p3o9Thgo3sxtY{>tTxk4xvLDVlqqcjoP~ zSu9GA;ql|`^eob@%~i>`_e>S%5ykK2MGVZhr)1a?x?1F_cFiF}TIz}YAZRgQ1O#R=dD4sjUGQz--L(v8NP&1V-H^i7k`|`=o0lzJwxZ2F4yL9{T*7ovP zCGxyTna$n&)em{mPjjEMd&e`-w2b!os;5SzD>tK*!W!>#b zO4v9aU`Ak~srHzz+i>9EnW=WUDuu6wKs-EC)n<&mHtKr=>=?X7YOHPu0*<=9? zug2i+l*Y)}@{%p}=To^dDz8MbWwseTViLKfccM#$Fm@lwlHVwRGcSzk_|%2XU$keh zVlEB;R>r$y6g$f@NN@>fiFYD-Mc9UUNwX;SD3{`9Qft`y!Q-7KwQ; zc};WVEqb|(v7uQkRF8A6?s}?A!!TJYw)SREzC2jLVuJ`$7b|m0Gkf>=Ans{a={PEZ zwZG>5jiRJ-=pVz zSu72si%9F8$k9OMRJ4!b?!V4#3J`hr+r~QOaIV5-kHJJ-c_bmYvnGUOCYQ$nai8vsB+du zbN3j!9?s#o{2bjHiz$#F!Qa<{AC`zGe7cBK`E)J&CNO!t8)G%M`>yxadr}%5E|2E- zYkj2xw9l+mtxG+$TB z8`mp|wyi_CQ6leRzgg5ix|FHXiXV2&q*HmQ?txUsYXJeSPfLQD#`9V=TU+tRt#vlP zJCaIVgDhSKG!g%=ond#BDbq{7(ST51eTc$Z8qc?_2@DDs4;*So$Cm}Xo|(#)gZMD{9IRXm z7<^2Akj^QjA9v%07|mU|sW@)bjCF<^qk799ZW76v!(xKpiLtGhMOEn+Z9a)N$?%|D z`mvw>{I9cDVALs7dmg=sPb=ZthA=8uT1|3F0u8o%Gq!OU7Wae6xKqm2n=@Fnb{P%z z-ri~KAZ;lW8-1TYYA#$mUir!5RIYpsz;xSkT(?JadAl7xdM3BLm$s|@O)viQQ+=}lbveHY?Frd&25WKkT8|0-wp@L-<(q)f|_IKGSZX#6dd zW|`tMb}#337x4;v(y7ufhW{)Va8;Skm)J z+Xqc(s2Xkbr8H{U`%sqk1Lt+lUES%&h|%)F+2;^8BvyQV4&TS5P8gk1IO87UN2b)&Y

=K3NUc1L zpiSYJeb=71KLcp`?+|&-QgJ!tqcgowoK!R`>RHodw-ddT;aOpT^0oDhjV_VTFL@ju z%7SXvNYB-)I86UZ!LG!QzS6iaxM(i^BA=gMmr=z{yT%#>@J5VByF1I6ohb&wFOw_j zIv12l(dA#|Cz<&3L3g9!XKyM8d(!e$3@Z<2vq+puQDzSL;mg_O;w`pWd#l`vXfAH% z^^;_IvQnAMD%Ob!>|B(~#dnE3jVPqodvC59`_b)*_N+Y1rLy)pcT>i}f>q%x_#vK` z3Cf0>D1C3#EUrlRJbXWjkzsK(-W9I>hsxHT9mcD>+AnY}ON@)WWDjPsQnQ1H^3h-T zS$@<~N4|@}TDUTm9nbUm{lZEy4Hn#v&F1y8G8z~Yuy%oefWt@c731M@K zGE(kOX2kbE4oT;!Fx;262jv}{9?5dev~HI~tC!A@KU%qX(FxQLf9UpSIKA&@l6ZPB z+hSI7dw2%z8x>*lIYfB`R)#hgu9$KN4tR8W2M zvStZ)lnZt3*#KT;d(z=>B(4E#sbyft(FGwCHc2F^rFM3RQFv02%Qg8!U+>V&w{;}b zx?6JPM=wsyRvzHdY?>LVfBws#de0*G+1-l;e)8dTRE|p96>JzhmkK6%Y`mMnms&Ls zwtQ8QX-;O+jBUEZe=_i))mQB`d{D-X zcjXN2Cy%3H3Avit+PS6RFfNw|X=~{Dq=3tPm5uUeAnCob__l2}o97I}RXs_CB2OBs zj?1zYJE$3r(=DA{lQg$%mrpl&EML7%RyJ@J(aOfyD;<6Ji*>|pkS455g@#+@Cslva z^+g`hnjhU2KRW%io{`vSo~$im`tB0!Mrhyfllg3Lil^w28(r{b>mSOP@r&e|YQfj0 z@wm9B^X^XTLuX>#Ii$Pxt9c&j183r1WvF@uRWBv#j_z(-@pU@e zHus9=(=4%R6B2mRc@{I~=TNC+6;4O=-PsK%PkMjFP0BOWUFJD+8!M9|S=zaftTY>< zR!4HcGm17F<@5dKL{t6QcSo<|%b4-(i*w~SX_DhBmT4D_YFV2!T1{0ZuGr^searFn z3t($&d5;P+c(@{#?={1zp;{{H$ac<;R919l`F1V@Yxka)a_+47pjnOch(%lW}lqUPW2BaDSvbPgYrSM)`6}W@ZpJT4(R;61Fs1#*u&-nCZ^CT&@~#fU@VW zSaIWq7x(;fIBepCWZ?I-%qYhY<4auSo&?14cbw5a6K0CsE>KAETr#ZTYi=g+$e+3 zVmjikMl-KzxH9JD$5|GRHlC7iDvyEc&yao-$^1*+(QM5+=cZw?sU20N-Fu7k?b~&* zG7;nH(I^(5@9uokEatP=wzW3e$Ja$!oMLEODW`Tpi&U7_Zc(jr2GP7qVQ|1xw=;%Yx)PVVOl=xq-ihtBbsOD zex=QWOn%3ayzXw4yXTa}?(=@~Ioff1vkygOj{KA*|Ieu1SgyIEYQyE}rgxyNybI6RXj4 zEwx{-VBxP$ysH$(5%V>=zm?rRKT5jLM2z&l5A2`Kb}96oj&LeGDPZTx@+;{U9w#p^{>oGTc&V8Bo2Otdp6}|S5(d8;ip}I4>Wfj$D-EZ9SFzHEL%4s; ziwk$eUfs)}aMvm}^m3-CNjOox{YiN1#k(`+to>QO*d1%=6g-(ovuqwcC}K~mXxf&$ zXs2=nxi<{yQK^8A;(420564I|eg8|YJYP{vOVxOr|H@%VtKn3w=&MR+77i?HMESF=4i>*`3Yd}|PxnUy*(}ddg*I-S)oiQr zr4`(q>&e0Ox|eDy|D*e8-dtHmR8|=)bPu%DneL$Mfrh%%F3XEM)Ob0`cRk4evV_)p z_O}i0uibQF%~~%aAX2+OrS(kzMXc!AM8?R|cFfF*&yzI!>EX)g-m^H?RCylV;_>>T zd018D!+iH+P+lmr>*Q_Yg>M z*9VFeDb^wdiWDgnm*Q~e+#l!H0SfuPz1O?uoq1*#lj&Iy#F!5e^ndKi`NhfXU$uxo z+H9lIMhni$Yvf;{y~sUfK61o%k-oZfzY|_QG2F}WCR=)2#+*Vd2C9$GCtjU@;l!RX z;ocPOF-H1RdCpuc&=oyu^YqX-5qTD#(hImewPQr*>v! z3@^i4=luQ7p%ix(SHL5T#bWsl+@3=2vP5;g=?>wZ%ibBvAdWOpFG-HFCq{G_v6k(> zJwF`LIv5(dQdqNurbok-Q&A@7Ofp`2--X?>rryN`WG%AghOZI!D}71*Tkp)kB+C5b zDLN5Az~e;H4|=H6U?ly4(7-7@P~lYQPz~PfXt|>Yh%eT3a)M!@Q}|cods6@>wr! z;jcf%-x{Y(gYHJo@;)z>9@Jq<3`hDG(agw|ee1NhH(pNSOZ|7>xX|OE-YY3XaI#Xi zOwVYgmCD-Qx52ubeD#&K@TkK?%8r*}pc(&-rQQJrWmK`VC$E(qC+;RFXR7X@>6$Y% z2W^$F^JH2+ooq|n|DA=~j!0$LW>9)(6b;3IbJLwC??e)B^&QW>JBtB&-<8XM zvPqi8g%j$Eaw?!{w))@SMKEqnF+V4+XJDHGJbNT^-^zo}zr?Z3F%QdmBN;eUKBlxJ zmW?uGOD}PD#X0KMp@4aszipZ+&+2ExXKB!hjY4R#H6H^~lsot5+`sCa{T9Ng)6vY= z-#Z}7on~Ln>3hnVaxomtuY}NkwfZ#V<2}E51)WYRE1a{Ez!U0v9K2TDAEwL+&Sc*h ze~RbH5BJwtI@e#x`-h%P*|UK`GeWp3&1B-&4EE<~K3fn(6W#xQe76>}sc}R}U%Jvc zhKa3Hu@TSU!NoX^jgRK~KlAAMOAe3Z^@#aZ9S#jj^zVvf{u}Z7@?_dL8oUsLF-%+_?PA7;#*i-G$f4HKSVC-B z7N5(d<{^a7P2jO|@UQ22GUjPK897OG`7Djq)doLlE`yYP|FfPUc~LgpZoY|vIi~D( zUP<+7;znjfFs+q%6qPLa;fpw zfv3vvJ*a9#d@~2i_s_$kRycKrIP;*k_F$Tm!WXK;=SEas=m$H%Oa~Qa(0- zh?nX}y_iS9$#53x4l}koe$Q5~a>V?IxQ? z;qX=*40)NCcTeP0gJ4EpOTxx+4~?27lB;uV^iFr)6lMifoSUx?GmiwIp^Nz1)XVYM!u1%%OE?=U>J1Mk_#8SD$g~NK2U+TlV zabm-b^-y=?GMp2$af(%5A{_WKMxtL$!SAB=2Ik-41kGJf5qK z^d8&cg+qcmU<>5s(p_xRvOL}_7GE(vjFTlPn6%e^qs&NcC^}{H**_Cwh?^gYmA@++{-z{yJcqp6>@&@$CisH?nOnD^3v7Fmoo-uV{ z{Ukrg_^D)i#dCgxI4(0v_`E5cO?$+G*R#@A=WY1(C^Dvre`@5ytfVkZPerK*B%aoF z)b-#T!L=_2>}@2j#pfb!y-TM{Yjt^Q-=gpuO{NC&P*(>5nn|HeQ`WdLIwb&gIXV@-g<@O6s{BWmFxwSU-S9$HaMC9Dw84B0|P` z;*>Xl3!^F+q@BOt(s6`IAN$SOTb%7Q?%cNGw_0J0=&t8^Zw5vEb)Sun5Kl?|Za-J- ze-T$$z1Lgn##3vm0eM-8Tn|Yhai1-A^FoyIl!j8MPJ`@dZuZXSRDimuE&i83OD9Vl znJ3lPawai>clIU3^=(9xQH5-}Ysd56+u_z4a4LVc6 zef>H6J~~pNbK`e?Cw_{KWcyZm@lA4>_fDOX@w-@8Jrys_q7BW92ul*b%6dKz@6P7C zkW6(QWDv1`1N--jZ~QI;vk*Tq`_+kQ6TsLR(kvq)=<~fNk-F!;`67?zBQct^&uNox z!EJHVy3Q`e&1^YCyi;kToqF9SrkFfVd}ncm$EA{iLD zmc)EF-YgKyXVzBk_f4dkwBNq3l$|;uQ=#;f>}=7Wne01Y#YSbb?Mbz9~V8>dX0cQ{8H zN8mACd!6gQj>C~7^rh0!G?dPt>t~F2iZp1)LL(fx!X3L=EhOGQZDBL ziscCz!Xw{>ydNtcW`QI3-x{%1`M!DbLv(K!$K1my#BZ8N+Deu2!wGZEJc&j6^ zP+93%<<-UHE7JR~eLVg2y|hUdBVtUZxKR3i%LeiyP`iNM(L8bvWSe1(^aJHzi~K3n ze#vr#SaUnp(=uIsukmh_+|&E-LnH21Iu%Ig&MT;qUqZOI?q}oYQ6P=D<#j*O3Vf*HHG-%}u`-`+q53cCrPNMk zvDa$K@-v9}Ed<{fH+c}&bIETVX?N2&kgP$!~Vtz%HECl#87+Drd>LKw&XiKOut z@rirdbFi{9f&bItHm>1QbQ~S@dDqZ;er0J2H9oJQpJt4xJIm!=9gADBcJ-I%VEMs< zgaT=;YqD{FR7CGAxstcKcUZfrllSe$7J&ly7O?Tn2RS28Q z=ipm+0g0=XOCFue4xMv-Jbm$Z(3}+>ru%@A7-u>!PRvxs&q1El4ayOF@Q1|`K2MOp zw~2VWxo(uL5|{q_3T9V`Yx-xX=9r-@a-2(0K`K$kfn3oYW1H@hjX&Gd^MBsU@%c3N z%wW<(X$E?Bulgr*=7@TWl+*8|jFJ1Y5FS|OGh>P>j(%e5U*gdUgn z_9crQtt07QtCVJw#N0j~$n38ZG`}c^9<5(%XiLy2TXilEr|PnH^wQq2)W48|X6uO3 zyQ5Y8aHeTL^eMxHxCipbS!WRFY)X@j(QICwKwT5<#|{LtDmsJT_pf1@^qo#yS1~a+ znf5=gA>4H{^TX8>*TIBoLrd_Vp&YrXE2m8ZnBHv*D~uDlFwThm6|v%?Phfjg9H&#& z;W~6A6T7HuYf2>Xn$gbdepUGg7Y19bV{zv#Tu(1z%7;9b^;yMWY2uxm8BzDwAZFYI#?OHOC?J|E47@xxw!H2T6+Z!;N>7OhT1Ft>pqWxXDsO~ z4@4vJ@(vFPp>ULVNE1AW{32euK_-o!g|KX+KNVed|JNNp_LoF`miy?bxv;abCD$6| zu|zq@0X3DaKBFC4hxIh>5}{{Rp0e8!y!aeM+tCgfrUcNsOS$qwZVc7CqC|Vw;Ny-o zYvx0r?z*GBPp7WVg${bA`pvLq^8-I}4=iSS#wBdUtvYbjn75VW#kn_}%xUsfca4{? zZ8@gWy)847i78T!x{Cav`@Qi{zPxP>1I7d??^}|Lr!pUHv{Rk3Gm0KzGZ?i%IiudW z_-PKEeM-#cE29ao=1Jgq-64`q)!`Gxv%DA@#4M)UWK-4;&7=5SuKv7ee!RVyn*+p( z$W3K`^-Ro;lH_V+zQvvr6`iCJ8d!lV9J0l z@+XVwlRP_A4fCKuP6X4Hg{oRe|EaKB+IpzZPz7- zNI&gxhK5jfbsOnyOJV(WI|0_3dhHbdm5uNLw5kZci*|Y zi@BN0t*`3J(0;GV%|uq+3FgKD7vk=#yHNXrLlXyR{**5*TfCUQIcye_EjKHe{e9Hm zs$KesuvqC61@gGZv3Qmv$?^x+wv3=>Q~7kI0iCsTW8HIQ%0@_2-{Z=?BkHEDABg}W{Z0mpl%D@&DUyQ)?KXbPGOugb7HKy7tJ-Bn0qQ` z6e>M?mO4W;Ck|_G#mKBcTnh84TdI5YA%CotuMN1TeutoK{47uCh5ee3l?_}|oJPnZ z2qEVe-K{hcjl{Vs>eVce+@)@29J9+LOrgNp76p6hxfZ z|22}6S(%i{gs>#;gt~J@OpCaOmW+R-pPPj^+`VjA^zJC1av~Xbcs_q0&7+TWDYFN5 zy8lN}H#?Z8-k`8yXsc~(a z7}!>v(*CSCawBa$b)V3kqo{|nLMP1FylW&)-t8vEDHtzxtW{Lg9;Zhz4bs)?am-AMBJj5)QF-;K3fnXr=GEwqPK_uI%Bjj*!F;{12^^w3$*Cs-au(==RO zM9Z5lt?t)E4(iP6Fw>8ri$`EHSkKrU?YtiOvfD*FkItQ$oRh}$Lfv7{>od2G<)*hY zA19hJaImykWd-J##NeHoN0fZ)AFA$Slsq0=dTwF)BP)JisBU>_pEq{yWmd;reHWLq z(=kk4Nx__}9LS}#a3Z&f8ULRr8xOirr)8P+7R|Powd4FEo~g1T-3~>wcJo-ePt$p9 ztj@a2{v-`c!KPK9^#0}aF!N*44{M33RLbga$uzz0%CFz8?q4*Pi@8b&MKH&%7H<&@w&yeQYsQ?qEcF`5xPOGqblL z`>t4Wdx`F}*QFP(@#S4kINw+D;n)K0W8|&)xGGV1f&hkom&xKq3FLVd(PU31liy^L z;I96*H$fzb^*FkpC)u~eIO>x`vavh=Oi~BWbnV#Om6;eI-E2shRxduRvks9@JDc!T zu{cWaoT|^X@J$xc74ivJO2m6aG^ZYF*Ke?s_ubSdFuH(o_e1F^PnLE6INFP4@Vk$? zr*?XB%f^%c-e%J6lk^bzWn1rbq{rh_e5Z+-RDCnMf<5@;D;>yDeddjl*|k58Gd1R7 zulL^54q_`71~RuoKKPcd{N7Q1huW3C0_X#X-&hG z!OhWJ{!Basqoc8W+P91`Gh8UPRWEY#UUGx%NPLuqL9JQ%4b9-hofsyYO7GgIoItyM zw9WP*uBpzeI-!h6kHRrM9M3oLggo}8XGdH0HAb_$vF=nR$_>fGGSDcV!TrTx8J#BW zQJrY#3vp2%(Kq|MD33NMJa{~|$|*NyD! zHxav-b$Dq8JTTJ~G_Snv9-d&*YQ66lx2?d8j`8Yn7?&nAIty4JP4%=~cnh`6d3Em%8j9v9&nl;g`cjiV; z-A};woZh3{9#ut&SNj(0<~E0E8q zS0F3Dtl+u)0Z-b>Z>YOY$0y3-91Eqxuqb(tG$U5Y<+Hbg-ht)(94Nkdh&mjkC3P9< z&)FeKl$*y=ayo>tDq>*|3TNQ;B$|9n!*Bd9JvX|)yp<;5A+EW72*XO`F;y=7hvu45 zEN#VuipOnx8lxZE@y8Q?>YXtq#AgLpq**V?b;5H$9%lm^MCm_e$qWtgSfpR`Nr7G3mZKd)r0xJ}iwhyXDp2AFaEHiP+zU zl$Z@?y?GqfmL+gmdbXQOG_BP0v*=wGuMVjDsfC4lEgZ?tw%~+;71hPDJ-*CBObN}o zhU+j|UBdVnA6~p(&7U{qVV_&T6?xSAtni}CZQX4@&7)eaRGxnqOT7oFxP+S1v|B8v zzwbl)4bt;ELo6K%E6pOGj|$5K8` zD<;>~g_^I@SpRUpTG}f3#f#yumy{yq><&pHv*J-$go{eo-xLUvOY6#t`hH`(8 z?gVDD$*aGPM)F3KrQ{Od(u>Cb#PGeJGuscTx52}gn`X}J)LcEXwz^p@)cxRYhRKI? z9%}}fVY8Bvqmwvp;K$fEu~hOGkKQ7j*R8kHV4B$H@@^Gel;5gOCd;yxU~QhtHhHJE ze40w-T4E4MQ?KWmLiM$obbha%i9W&193IC)`Rjtkp_}Nb_mQ`J3e!_?K2uJgusBR7 z#nG`(HqAe;lkaUOWj}^;?%5KmC0p~eJ}Wmd&7RG(q1ve+J|C7|DL>`r$(AgeuTCW0 zO}?9vO{XI}`K6vQl}f|-L*Kn=zvOEN5Tjg~mwF(QadRlZ)pj_A%1_)zWzLQnO$^Wt>i=@HQIx%|LQNK!GegBrQvq=&~lf-H~;Kr5TT>11v zoVbxuc>nu9ey>=O|Hk0h$qBG!FauJ+q2dx|{=_chX zzZH`|cn)^U(lGeb9V=;tKP42S9|+g*;@$AA%$T7bn+Zkq%Pv$;eH`OGTYYy+eUF|ta_B^6o?TPDF)6|K0cqyfzu|O+-T3WCd%kp zNqb)8OqFV0j1HW`x|b2m8WzWjBJuBD+S7k&2B*J9aPW!zJdsnmth`vtRU4h3%c%G~ zh~zo@h(GPe(v)OAuQ266ZFzi01k&oceEnj8wKmnyb&m~0UK!D)Qasg-DtI(9m+(KN zK|l1M!;vgLGE-i1x*o^zkZ=wLxT~MUjg?J`*chJ3%*p=T-cyKid8+OUcG^RUyWCWn%QPeIH4$HO zZX(@wB(UGni@jp*mv^(kQG4Lm+aie>t3JqH(naQsX6zY%{7>v%J$YJj3}K;vzu`=`kcm`p9%@y z70Rj&emFYz<(g*j)~<<6?CC`E%}5-41I41y_hg#(f;z{3d#Ya98Bq*!P@Y77@#)Q$ zQ8;8RKMl;Gr}DL{pX6%hmiJ+g{(NOZewWr&^s^t2L)@fmEW$rLo7*ep!`v944(>uK zYbIW!T==9qqc|(waDKWY+YZQY*;41~Yk7xr6PVmqdi2o@O#gAl%xyE7`Qv!iXFdCa zlnFV#kn_^hvo-HkTO*BHp4#(cq^GqJYv?!i-l_k}T6%iqOLyw^Sip;GDqESCq4JPrP6iVBT@tebbBHTZ#z}sf1x}H? zK537)bfN=A1zgScV%!A1C;Ti(dG3Jqa&IgrJ1|aXHXhQ-d{gj?%ixbh`Ml1G-!L&; z-t`HznlN7-PqrL$$izg?+a2BU_v?E(vgdL}&h+O+???*d>#**=h2iVPU0?3NkTco% zs5h=>GxgPpskpSviIpKPJTqQPyu17?%BtO+VnyunRVbSbLo2Un% z&uZ?RNx?W)9t$xU?$4ALL-(bg-NZZ^7{lk2^7!js@ioglo4i{-uOQa}WX@Hu zN`W|jEwczoaV2HFW^Q>iryf$5T4(~Fw&#f37tUm-bnc&XV$LSr!KTO3qj@spw=LuG zzo{%(QA(HNzSNv3CgP`2{3j38uCe8W+^yhYrXfE)3Sv@`GtT3US^mle6U~IP)5bCT$K^xrrkKGvt*$wRy)h21sBjtdQQrFdH#OzBT<>)Isb-n z_q5Ic$K}j#7RZ3F*`)Q`%J-hDsI<(B{R{K>^Lj2X0`?NSJeK|O(ahX1jByXv@z6b* zlG}!?TBJNr|1xgw6ccZFFdwxe{NR?)7DF#47rImD7xCN%s;i*KAhul6o#N1XYHt&t zV2^kQVmp0ob%ZyQgSaqQ8N3(XM86P^TkjB)X&%h9j>PdppcqR&jFShi#@ak4{9#Fr z&6Yf!mO<>BP&#XWyl;^;cbY3(J3zY1C{HT4EEH#3bD(b)KBvQIxKLi$owIS*dw%zO zZw~B8q5Z!`@?&T7cb8bY)+%O?yh0_1Rx|W#BsJ8@^XZu{Uyetz;7$ZBH_vC$dHIWL z`f{bNKZ)a{L-?v=^OP~mnr6y_p21t~uX?}N9u=_!*Qjr1x^|<+i{FBJ&@6AKag?XMcxN$C)L5YDlYA@5- zqk{c9dpkSH8&EGDqqYG&`bGTMpF{a~O(LcGUawsyhQn(|4xLs0bb$|Je@c`OH-ICn zE7ao}${%U!?y4-NVwf`A&$p=`+Y5US@s{@|$Ng2e4?3HQg-FN*yZDIDLH zE&f$8HI?}-aM6sgJ(})gvS>QOoZ4L?nOmuhX0?hKuud!udDt%4%A?*goq5twcKb$f z!7Z6MdC@NS_h9+>5(*w#`D){=OHNHkFYWn1_G&I9`m1;dqJqp3Gv&sI9Kdv0>77 zbxzHYH&_ge-_@(oZ$A6Z8nUB-^5U*r>9Mpk_v8s0JKKiGx6>HaDqddW1T2>ovZtwf zXT>_*o4!*_GO^^PnfsOWqKKAKcxUrd@I#*}KDK}6(gQf#L>8E$*h%DuHL3^r{_3235Bc8^GgevB3$w=RO41k};x0yF5ta>< z0ot~fVZSCR>t}|+5OuNc`X3XjfNyoQ&#bzf+I0)D@-Al1I5B1$Br(o1L_H<0+3YaE)0+cC`rN|4hd`(|ecn?3tR$gTlC>Iq8|+$>*L= z=gsbXy60&&{Ub%Z%r&G>OraoGY{MVc%PX$kWYwj#zCMjhO;Z{8+bn{6rqi*Zx*fL2 zAFO=gU#(r}aLSDhyJL8u`+BtnI&(Tluq{NsuA+GUxH*f`PuT>HSw#P-LG0E}Y3Kby z&Gps{NRV#+%9F3vwX;(v-s!4yvDv5D`t)+#=6h1zJ(-`rZKBj&XT(`g^}wbQ&|3VY z>N&J}R!p70l?xcmR??84=EgM_Y>z?!}0n`kDNt{kP`!)MV{%hVSRAb{v}u#6nfaL1MiU z45T-|`a2qT-(WsGx5djc2Di;?SeYEhIO*$gG zv05F_N&K^WE!}=hz#wJ>e_YArhp#$QGsMqVP9P+sfERhn>h}nxv9yrqPvrIKA4~l- zYxQ~sv0zXRUek4tldquWL1iNyqU7b?M4wx;uxk;^Wa+wPH)B~@7^*#1EdF;}Vw)>o z)3O4VG#$iu?UE_j<4r`mX0~AoJShvOLi*B&6dygC;p!CkWO_sr+n)#0#MWQ;E^n&- zoI;B>(lKkUBDv9Us=rU>%l0_kJq-wUPNvA+nl9Hhvjjz8A*RB>nd+wti`F@y%tAuB^1Wzku8zkkVY;$| zDe|eS6ImI+*XhbRy-c84QVyO!`Or!p!Gkrzd9b;J@8|0MQmk3<*#a*A)HfL(syt?Q*rWYQPif@4Z22O6qutmDVrIwkY^t;~>D6{;ig>cVh~q=k zsCy!na}6!znOM*KBp)7$pgOSQSI`PY)HU!$3=J&ncDavm2<;*|QP zV&r2o)vkW|$5i6~apmP6b(J2>rC(kS^_2zhofXN~N$Tb4p}Vj$Iiv5T)1im_%HN06 zbzVOv{~N*5;qiRb|2HFA=k@S$tQ?)dl*Z~iUMRN7#0~l`tE1}tTKxKMC#Fjr@wzt| zt}vlWO>w8Eq%cTYr0X>?`A#H|ZfZiO*Jbq5S-0m?PX;9f=v+-@$$Vb|<(>4ZslK(< zeguE>R(E5NaxURCYnMgo{6IR+6DzGrHv7cQJ@IrOF(a38V2jxIZs{D9-}u?ec>c0; zBsM#OyW06JiHqd)^Ywh{?5jPDI$pfJIoo$D_P;9AXu1f`k~y@j7Q^tx!Q8pBpWy0w zw43Nf#f~MclXvc8cTYC>YNqL^-luC5m@vwc37VDiFIlrIV<^8?@z=Sly^e7)3;ry` zT=PKUxs&{(xuJbj4rkkm|FJEfx#N`MD@tU$Ni=^v&Crf3n(AEx=v7rSv6y&iZ%SEl zQQeDm?f7x6J3swk%9c8g^cUl2&?R-n>1X@2qXmPOI`J@Cb8fE$cFncJcvL<^XM`|L z&t%*CV#!BF^2R@xqw(%s*FM{Ns@NxDBc{B`;buveSm;4is~WDEMEn5#oK8x6-cYTC zf1Yn8s;jii7KPNd3s+WBJc)Md5-Rnl{8$)|D>iaDOB%>%d1K^7>7}e!pEC70BzrSf z=S=y$Eetp)j!3U9H2kK%TKOT1s;Bbs?J4%Y@S)~xJ8Xw22Yw)uwtq=`Tk6B1kLxjf zpTlJ9RGvP!$3#Bg_da3VYpFA>Jc#|?NnHCwUaH#ipwyLbppSA4=hBEdD1Q2uFy3|2 z?nkru*7trKI3kXKScmb;ys2!N!k;3Jo_q_-0M!L|Y zy9@q0!-5xX=0qj!V~)(HSnPn;la)^{QoqR*@oG9pvdGk#1{35Ny|aUhk;!Dq`?7Y6 zn33Of{`{59@pN(ZX1lA4HH)YmdGL=aBW&fZ|3(@g_D1lho}uMOq-ofjvGI;OH&gY# zPEnS1M2R|&3+Ua!lJ@^-PO7<_t{aRQ+9id{m82Q<-YCYicvE$Qw11FC(NH|w1?g-G z%$7egg2rwe=+Rlc*0bVg_=&IEQ17@ZUebNnQOA4(`O^*Q_#h15;!G@`idFGmO!#SQ zN%&sxp;PL*k`^($j#xy>2K+TWjG6=c;Bq02Kd+|Hrr)ya*QEA9ByawCWVYm#kvqt7J2*QUbjX2T(U_Esu7m@Q3m%`@_V) zI^s*VdpLzZtW>r!h2cRt%*jws@$ohE?_5M?i8w3+byu+4iB&K0ZtCoz>T6|m`(!YG ztUU>u>5{9-=OJd=-gw<5!^(N>J%{c_((W=0sZ=wHFCz;mmOrW4{;4$3j<7sY9z)kG zDi2pzoBZ5yla!Snx}D~k%9kItqv&c5(V9~o3LJSbS$BDNGln;ui~D?Up5n{QOLO@4 zay=K_wbzxm!K6|O&3Ab6qdI-BYq#hzBc8Os^z39Sx8Y~N)0G9ho1e!?`5uCw#jx(L z^_(wvrD^>@Dj)a2d0+@zb)QU<=i={mg*aBU#n2yPkApNzYcu)Fju%p0XHMLU-BhZR#D6Q4UHnISg7mB=o1&@Enc-?& zM0=}|ENYZZURoUQ{*uSg*NdXa7-nu6M|S;=CzZGu|w>tWaYSXiAYJIYn+23Jn|_# z6F)gg{VkovxdUxft8)<)ivkz}MF+ zSo?QAgC>Wu=W_x9?-RIQH-@zqdAz^skJG+&RNf%o;tnyLPy5s2Kk)$K)$MR3lkerf zH0mec;azbMbQfJ$s%N3$QZnR4jjgJz_TPTmk4pbZ6@z%NF9MZuZDPFG5FXM{^*lBg z4<>yYbG=fD{A49=Y#DF=QC36T^LT0O6Wc5Q^-@F+u za86;oiS){g+Q;bKI%=Z_A9CcgG7eYY>QwBvDoffq2BS|4d9fjoGxL>Y3*13Xn_{vX zNW*@e&$?^M{e6uft+Exq+7V>#G$%VrJ;d`DVJqKRPtCxk2aQQ@o+DPv^6VIv3w#10HutqxRSj{Y^(qc-R z`_RQuo}2{bhd+g}NSaLFA%#?p31D|+FIw($w{GLC9?nwF-_kM?Na?@Q(N$8FSqV$GTe-G3Zn$v$qu%0xGQ z_I8%X%ZGMF;=Kf~#q;l3L^hIU6e}N>{C{mTy=h@Sm!_@Cw8!<~l4f6{?A45o)cokW zil24&sZqUz+2j3q61|ElHU)J4UVHbtzI+vzAZlbNhubA+-z_#;hja$47ANw(bf>;4 zVtI;NAYEZk)d*_$RiBF(L*JH%VX$C26LjaS;ZTCJaTc{h;^C?@)7R-vcQBneo9Wyh ztzEjQ6zX$CqV{+}s?;o0};;kig0I^532dpwH>`ES;~Pt>*4U;+ItZvO>Eg z5A_AE;MK=f{3M;?s5~+qM-FCTeRWpop0evtaoZcr!!{|6MMvc&GxKM=V+z0bOl9u> zvKi8vTr300bF(5w9D$};f%J1-Nne9>J~-Q9xve)5?eh8QjdoBKF4)!1W$4Km3_Drj zw&(!y%EC7qy@8oG)0JC|!73?%nca+}qfS!}U!FC2Pd?8uXUDZ5dfl<6Z_;J=Ux}n*{CZaGRu{o(y(91WszYK4TPuo*=$p)iQ1xK=tG7E~J=YE;F!7VR z*CX8Vt*SG<`5^{Hu4Z?dn?7^x$RhIz>888U*?ru&mPNewqs`y?bKP_uS1laaIB6+O zyrcRrbIFiIF zx^Y8yk7|L`)-Gr7ic}8hGul?Dv#wVhckimdX^*JC&suYY?hbu8+hSM!)UaHnmiujdg)Y36#cO1i+v^)!gm96L+jiR;=2PPOC9 zeKC@^#Zh&fn348*OuQx!^oLxU4Dq0jc7WFME1GM+`##u5tj>+NI3v61Q|QC^^OCwaH51Nr&dT+S@c z=kCO!8ROrNx?v~n`wQ2jLxPKV;)SH{4zZww(?v;IrL z9ld`Y#8#;8#EP0?ca<-p)FhEk8@2Z+aNuPZM|{&FsHJ?(tDF_=JtKeCnhZRoC)>R2 zPI>xrmO8}Ky+eWebG29dP|l7)1E^JbB&V0^E|ohGiyPWa^iQBlg8=^O<<0m%;+b>N zM>){7Y<;O7rqr=C`rmB2(T|3f{?s`W&Q`JDK74a#{n0X=Me!^crk?5{(sJghV`TPl z4prGp)rA}AtUJN$c49|JpPwvW)c?Ha`6vBZdPkm@#p0iL-7R+B;!}z#ta-7|@4h2 zG1C2Ls~zo%-{N>YT>F`ig_!IUC$6oSD`!K*=1gaZz5I?yuPW%n*=ODu&(hCM{-ruS zlR0`+zFE!E|NfCn#y=alX&J?p@riV39Hb5(=~=3TfP^-8N zr&AU+)OV~doW$BOB$peqRGE@{bCdX@bG+LqduHf9-EVpvcg%x`zq>_# zCG9Ns7clOKb}g@@H7yYH0wNJ=|`s+bwyPyroHs}2p4s;wUl@Cj=1FWcd=i+ z>!E4t;an4oYZFIC803;*tNgK7G?S*4a`18xW5>jh_+$==7jrQ13E{Ll=^L47cQRT` zv@Zdy`R^F(@{6#4kRXjpeyqAFylA0L8R@W1A6heGmON276Wl^sQ~x>qAbw)quYn{* zCW?b$j=7ls=MN_Ecf0Wf1z0jaIUeh0^7l5^-R;FPzEv18Qf!RPTV3eny9UQ1OSU zI}0w$e>ZVS5EGX8VzStpwckpaGprP^gO-@wRYy&+GHTWrxT?AKXX5}inTY#8)Qr?o z{_M>*Q6CCEVWzyyo@bM${8z&=|7T8hJa zNqrGr#V+ig!`=dGdYlZV?)D}8xFMG-OVg=UC5>x;ZlGrqX?Io@RM*^dFCr8p`7&zl z4`Qe84}Ts?$99YOcK5T{p}W#2<)D_^cr&DL6jfeFiYFpZSMy!OU6ubvd*+U9i+Eby zl#3xztQ8v~_I(z2Hk)&Gth8xm2=CrlgHsJhQhVj&s{E|)a})M>?B$?|4-bvjiCd7( z&VIT_cFj@VsGNJJ#l4S+<-gN`Ts@kv-M15Mf+FPO(X78XilYs(Y1B8B3_CwM9GJ<+ zMq)g!(GH|m0L^sINQ#LjGCiGszQx42=zTIZmFAYEoc~uo_?i*?`$Gg#z4YC92tD;( z`4Ac;ep)c^q|YDxxCLA5V2;icr@_db!=2Q{@y!FDD!H6BIw97e_B0!dDAH$pG*a2h zZhawp~6((efa_A ze#>Lj3+?D<#c|O;lbKPmbTC_w->+iTNV6y#t~u*u6t08ReOoz(O=q(>S4~-w5ec{~ zU(bf^ab#2+W8Z&~*l7R$##sCP;n5^6TFC_KWgLyo!F8SP3+i^MSK&nPH6tRg%P(QD zKpol9;F-#dQy%jFgs6MM2m1yE>Siw!Cr2GtR~=~gY$Bb+;TfD?!j~>K46h_cPw9GE z_X}t5<77gLl$SggELNC!-Pgq(@l&4qM?c=1F6PLfp={|VzhPZFs?n6n{{|A^CJvr)Z+cF*GDZx76Qrel_iC2IGBI+@m||wHr}a%sz9jSDmEZtYGXq%9kUrQpmRX*qsVt z#G7?^D<5c3#RbdP=E_}8VzTt?(^J+lL;eAyvKamz6~TetdS3Ub*Y##RRcw{dl*i^f zgK!K3)L&S~i?@R-knx3mUo{sRui%@0{XS)VemU$Q-+lpMmmKLG>CT{iLAu8)Q&Ux4 z(rdkFvOJ4W?*dji_;Eqn#mknPv5bgfr-!^gyQBDZd=ytBi`lwZov$jZRhG{eGjAjsjA(ui8OR`X9UT0`}p$1@Bj`p zj#L&}d*ZMn+UUMGKi!P04dhRkN3{A|PbM_A!Lo)I^FODM6OoUf_MZn<%aitTD|MDv zFe*=7FIb7!B&L0+*cI~Oty`}%GNhc}RrhMEce`41dmMbUzLGPf|@>SjS z*hZv-dcbPR&z&8}i^UdnkvE`PTqa{Ch0D+V6Ho7Cs9PkG_qh(({I-p=bs}iLT^`3^ zX>rrTFq*fX{=cY~Ti(J)+mt7e?)LZLEF7d^hx9F1--0-*+6ioEwvZ3r@kAG^8)B+G zPfI;%{a*?7)bn*ftcY#%V(1};!fg2{0$QZ8bA|Mo8?*6kKcDKJuI$_@M(b{W0``~i z=GS7P$BL`ACz6NKK6|zm*R<^dhN~Os?r-Wtm8S3Ry%8_Bc+P1bKf-MdR)H~uHWhm* z+MY_v;VxbkqU`G?B9|qJ8xh9HZT1Y@=t@8Ne2a7*51&=UwQGJneUr-_f4k>auN`B5qY8H50`tTkJ)s_U3)&xnLTsEPr?j_F{1E zO;Ly09A%`Nhhknwy`l+0Jn%N*X!{_Rm}N2W-g%xKUV&Rc3fqfdlS3koTa|;TBVM~W zGEooRvotUoyQI3-wY8yN!?_hHS;x@yO{a8r+${q)eUh(-cG0ZN(^3Y<+rlTz{J{$?ekf!Ag=|{>7te{Q@&=*;I&>T$Dn=gGP>P8Ir*Jtvtm18IG?y%`u5iN)=3emv_=rxTI< zx-13Xpddnvl?^fwBOpi|vexBPJW@xf?nPxq(PH6-kUd2`Ul!WAOtNAA%xJD^UY_0G zlZ8L7C029U{?YlI`!0{e|9UfF;|boBPi4kQ?IsQ;5v3jEN_{rg?)FT29?888rkEv( z$J)djm!UfeKW59QVd|17mEWnGzC-)^@Ot_dVn0mf_X}qH{8`?;yG7K`*M07J5*Ke< zYTu!(}+!{8nB-@LPH8`>5k~ zaWdCk_49BHAh)q{<_jX&+C$&lIpSEgiy(4y7JpP|$25BnaRpg4d$3jKl`ma`9C^4c zS6tO7&bEnGXX8{}cgtqU$br_}ILJ zzUvk;X3rkp*Kya5KM~v3>Tdq5_kr$q+w+{rG`1xqP(I{e{W#lcv-;G+NzRPp^Z(wn zd(w#hwSbA6H_;vSnz;sJ)GP#_J#(l$WEG>5O4*=yxQ9G1&G))fATNBQF}f>=Yk&IB zRJ~7<=yb@FL7G)t#YFP^-(fgSR!^_;jlI*$)Z3uW_k6v7bk{ak&VPAv7(TkMk8JMC zly1q!5~aD$6UV|MD2ev#b3}Jc|!^-Pl^58sEFk0(U^WKqN;rPF~#F>cXtIKURt3*GQSN=c{5EpgqaXI~l~CP#1cqC2T&DKweWTOinst?vhBOW6`vo zV5OXW6jnWkF+g+Y#dP^s%pzH9e43{}ClIf*FI~^j6m(u+E#P_Ir5NqkzDQn>s@4I7 z{<{VL4Cy7xh9AACS^KIhk@@NX(=1lKo);aIWsUoN9s4)PUuLIw-#vAkzK*9)`C{(Q zi{#?m5~|fmVOnJ~+CEMr_wr#p+nCYgmXEvvx?h^P(Iu|{Z*MR8nNpcF!;PqWQB3j? zD?<12wffnc=^i_A^LQ%8db80rgfWq&>dVeY31Y6CvZMOXOR@Pqf}p#W%-bBm{jL7= zKc7rUkp*){WOBJ>BA1%yQyA#MyrLAQ28kn8XN+>`ZPgd2+_3VTSu={nM;438E}T(5 ziEK>{$0ba;F+IDV)9g6eIGsP08|$s-$6D|Go~F(ucSzCqQ(f+*8;JMNozK;URyt?f z^wzG=T5QBPUwQ09Dd{**Q&LY zo9N@id;cx?c8lfKiU7v+O{Z?_IDS!1+VsRKGNk8Z+N9zdH<LX1vQU|iSW*d7W;g- zrL5s@d2N>cl1y#!E1K2Tj<1fo6y)!o5TTsO4()w@n$63X`Wfqok{*}9>fsUW>K4y~ z^~xL_@gU=vx`tY8rusDbJfxSj+80lJzB&WLmEBwvr2c~y7&q~tdhvdG)hd>UTO z)HB#qY{*YO{B5|5kbTl0^Vc(Ma}q6D$WPK)d)%@(V)cHlnOw+L{k=l<+2oF2BraMg z-F6${yG<;j@ypq_+JV^;& z9o~htJZ0|XJb3RM!!(CfPP%Irt)9=8ikcM+<2mw7%vEW+Dap#~ELlw}n?&ureOcYf zQS6#6Y;!8)Zbf&dgya+an;4Xp#;_{Ln69D8SUuUv&dz~kzKJB@XdKh!BmLA>ooH+1 zWt*sZ^olD_7R8cNb)Gtm#g>rnz3YpZl}7^T{!AVvvS>Y9-iE){Q^7=YM&^3DZV6(| zz5jJQgwkZK&f6W^_-_$ZmF_(uNnXs82{c_7kBR1@!(HX^mtUv!l_hs8>poa5mS^!E zta9_>MPdMJ8Y#zg)rv`fN3d?XHEXZv{#q%T8{NlJH9ViO_BzA1sV`uI`Wp3ny8BxE z2(c607e&!x&op*@mj`5KB7^!R(apsa8^0C&A}?>jFY>zV4&t?Dzaj0@$(M$^EHau~ zC;V6(YfHA36JP(5wtZXo`K9JmD<907*$cFtX9z41$Psvc7 zC(nv8lxK6V_Js$xXiwfxjH(9i6o>R7MEAXg=iGUnFFjMb!@)nqiM#C0+=@xmc$Y<= z40*=7Yj!GL%%ke+l>2+4{HoCyEgDb6ZZAG-NByy>xV6e?4YN^aqh|UkTf|*xJBfeP z0WEzYF>KzDYPM)9DjH!V74kzP$)|M*aOB=n!1)LpI2-&JX;P2TA}?HkRwhT@YL zE~2JKG^<{Vf6y|9Ycu0Wx|m3}2Tt5pPWXF2%|%Q0(@fr)!P;r`3G~9&L3&9}hB*Iz zwAatvy0vyq1tDT)$BS?5PN?qix!c5_dm=W+CGE=BIpDk9nx5r7_>{VXU&CE+)pg%W z`MM1*SwxoCU9RPB?mku5!=xN44)zjPPUnoZxX?%3IP#0~?D`CiDhI0bMVzj)$qZ~~ zA^lH(o~aRUY?O7^O#MfVAiQi{x%@Dm&oe^lbxAvyXI_N%_QP~_DpxPqbJR%xpT@yV zk~SRBA%dD+Z1HyXqVuv?ao^SBu07x7`8#;1b7MteB6E(7(a)AbV$0F&35?~}cyFB3 z(wVRzhnvcy#2xn|ZM!|~X6GpAM!M%xF-sks9)*lOsh;N3(VQ&rNw2UJ zp5|-cu1xr!ss4UB6EcEWa82x|KADu( zmKM=n+{+E>hBXnB``%UzPHWdPbv=HQ#3Re zU=U~Og)%5X-GAllHn$+^{A8Zks|Qb7?p2cn8kQ8WtBvNaJ+Zj$^5LIX8+d%& z5l4CP|M{LHUza(vvz7BXBwqaqZ}D`u&^thVzU{WqW?&ARt+p`hnJ*cd)i1j_;TaS{ zYBw)_w1^QSAy*r-0i)@uZicsHi^7xyN?RVA-t7#ZTV;gFZ9kSu9t)1 zvrr5yOnKJEhtY9ioEo=@QX4noe8j_=FYmH;BNy&V8*8+m_ysOR?U7D=(TnaUOw?0o zM~iyu8}F>HpeCXGnk4q!I!lVGC2{Pxbo}>*GeK;@5xr ze7+!_UBmr!QJ(w$b9vE!HllyJx+P8J1;43IyQOjJX?9@1p>Rq!jK@4_7VqvT<0i(z z?XBAP7OqpiBZyhqPEwT+V5_D6(K%$H1!(BkycCj9ouzW`Dj72>+)oO zN@Gx8-5<}ZXL+JJNCpOQsDkz$6>=DH)Q)3^SJU%(0>5cyuD?5x?cZIMk=f1aEcp?C z(#{}9K5gwTmR$Ga;Yj6_CY#XufR(y~7qVxG?#8u(sZl{c-)MQsuf$RNxBumZ#DGZ- z;;qiWwFf3}?4AC8gNwO2RKCd)kZi@2p9!^Q`5{Xz~|<0J5px2i?sFjn4|Ppx^3es>$$ep>ncI>9Uy+rVI@ z7t4M%r|0Q3%-?RKm-Yu=R*7{fKU7B9UK$Tf5clQ)k!5@6^V*!Ua;Eqg$&WGA8T$qO zIVRn{w^V@^(&70ct*TkwbI>H6B&KU&D zd%bd65(kwL9e*W|K+UlhKV{*#-j7++wzAq?yv40zpd@Se*HHV+s0q9opgx?P%a|Zt z{MASoCht(sg;ySRFq1m<1ErYXX7^}nG@1*=WKFd=Usp zTrVBwf_6(?UDeT@Mt|K^YHiHneuRT&oh2NuoJl~Y3w2!fu&tWSkW3(@u3%la^S)cL8Mj>1=&7^nRP!=ZV zD5DrmZ9`=lt>ZANW5>I_>QTLK#@@Ms_)b(ur8JbIl|pfGm)C5*bO|@@b9ZfEpue7H zWp$@rT*aw_(%%!+Th=3u55+0$@yQ|iruffS0~r4@p5-(Blz~p>dP_U1T~a5PW`MPp z@+kR6P@r7IhubkE3=82Oe^>ICrO)$uMNE!*TfFns$-dCqTKGyIOcXw!`?Of4VCyd%*pTaZA;Q}G=C6YKDR zG_hQH`KHBU{5qDe_X{YCkD!Y*sPG}u{q;^cY8*md=|Lh_&f=(Mv2#}9EA8~5sl#Y7 zM&wa2ZpuR4H7q|JpvupyI3Z5J9$Rl7=svq=uO(N%ujU`=y$=kN$p|Q8nHcj63qjPMWc;xa%7MdOByKxD<$GNbqUj!316P2~>s%KyK!2x11j1*@= z9E>&aigc#ZHN)n^zExbJ98ISj=GU7bdjNV0QK4csXn$y)=u-Tl}ckQ_rbf1oQ4l z7akeMr z82i?rbBa zy)q(|J$O}X7oX&D%9hV|wCl=Qv$2 zktsveM>Nozb>qdGZ)L&EgWBnePjFG5uHeazl)JH#6(xQQ{x6YXo3x|;;6=l{2%_X~ z^)w6RP-y@)v|o<)EG~X!W(B|kK=_w%` z9Av?qqC`6Qxp3kq@tOw4Q5rm#7kA=t5|eFhgfCM&$KYa?O_+xrmG%DrbReCogu&0!RIc@7pF}b)@8rAm!mppis9Y6J(*+qEIxvF$%3XL=(oDW7 zkou1{%i|s@E}z&H8$8HcDaOxbdG&k9N0O!;lEX4CmIcs2y5|ykAAej*#Bz58E6R(% zFF#nP!tGSkUTx41bs07lZ?|xVdXs&nDT}GrDwMaQ<;l_ew^EfT8tNH#nk4UOY!dOk zb$9))oL9pTeBUPVqIv-pZ<`Ppno5NTcaBtA!&CXk+kaCxnZEni=V&)8Uw~)l1H7HT z9*6D9Fs?`^eU1agQ|)>6#ai9#+h{j-33XntXH7G4oGU{@*SS~^R9@tuvS#Y4ZuQ!R zxp89Fba0|>J9m=Q^LF)}DK%r}(>Bbo>gR!)19nYsK;u>xbA~Poh$Jsmh zaAN_@tEngbv3A$W+N_K)q1)_eCLM}Xk4h}I-@Rz*7R+YTbmcsg`AvSeTMN=ywl$82 z4dkirSu8fR4aavziF4t}q}TGmx`y)g-%RN&MVuR+M%|i)>blM$dusx3TlnxtJuy{& zQ&*~~dR!U=Fmr7vNqUCXKh~X~vA9~+i5v}@K+lML98Aqf$x7t+%X$_rGz-f+IpV){ggy_Vm-6#| zV*6jYWkj83X83o~UP)d%mueYYQl2c>A%aw~b=v4%=2oT}II{`lEyZC1T zi`%*2b5^syG`Wwi#yoQoCw+l(3l9?s)Lv@-zg&I>=vE$}As;5s_~ zwFSFATf~Z6&-t}8C~R^-cc>1~bNj_Laq!j!cR`mDu|eUwC#s6aOBoJlyS{qvy= zdg?p4_=@q2*_S7uojNRzo!G{Ownxd5 z=9(`p?(}st9wfNX(Kwnq10r#*sJW_f5LGXGu)K{m28+{~JJ+2`?=x5+*6XlKad^2| z@IiC_{dvmVAGT+nJhdY$&!drtd__IyQuC=R>kruTO!u4VQDJO6lg$1+?eFf0VV2>= zeBJ%rFC62Z-n+e}0i{fjg1yEBNUNz(6u{aq?s~oq$te&AdPX*DS})|*m3S8ZFr(E% zF|ZQk9i1Adu1Pxrr4xQLD5j~h$uk1wJ;*lU0|LX|V^t{U`6N?uY|s+jB#l#7uc?*N;)RtAQ`} zo;r6f=uEWAquXRL3o1`%fpWPk)=3x8S=g;lzP^hYV&aKYmYcx1R%x8M94Rl!J{%In z_?fkY9-nNP)Yn_PcYA&g4dP|A?(@rXus2n|-%7FLwiR<^ii5a7;?}Iwd&^VosWIv< zjVoj1QuV>eSMc_QvS4?;s6Hf+n=9SK&J1G0MGtx&N@tq<>*2#4SW;Gk|AR2Rdd;Rx z8pZs6^3GJ(ZnCkS+ZNJiQ4FVFU15*^`Nodu|v}4azs19N@Z)g-!YJWDM@4~t9A2Z4pXyB$Xc+1 z=F$WP=DX8=L3ByYvhUP5LZfGXRvYYCT3Qd z&Zj-vImF8IbWr+afpoU)W$YLgN!6wnm=BKPR;sct*W>xMrr0ZbmUec9LvO6ukdjQ# zeVgf|d%@4z&%QjN&e)FPridkz?^H@^aN~HA{Md#(nYxy$E96oAp3R2u(ks1usCOftk*0cIecef|SBad`ob&n4PvGYjN4|?Z*V?ND#AsJ|*cGP;&FtgE5pM5GgHztr4cxDs zzZW01U!7b_jNj?S#IzMh>Qoq?=9SPWJdT0C?q*znaV4yD$2{!E7FYE_9^KBo3Q+|9 z>rI}q_8?CVvOh?@%t^`tI%UzIVI&7i#H4V}k&k2|+g$biGug@Y>$|8@TU|)Al;N2n zCdE=|dis4?m>AObNIpi@ekb-1Wqs!O(0G3+z1Ji%c~cbKrBR(cXvS|fwAa&p$?AFp zO?3V{%H#K=tr;7{J3NvU$Zy6LtkwH3ZPpCNt`K|nj=IMJ+_@w_jkUC->j%}9@KXjy5b_+N+-lrRBt9N_L_5dUYk~EYJAMnY`z|Y%<gCR;YA;Lf)*)v z{8g+e`5h)0l~O95W~Yz(5ZY^&XewsVOLhL$Qh#CXD5iPM;MTWrdg?Dq{K*+?~r~n+K%i?OPRGb1n&Ux+V8pJ`Je97+LsM1FTQE7aL&a_YpuVU z^y~n<^uO)-RUO6I&fFWV+}%5|b2M*PyAjS$sXjdTs64d1n4!OK_hfCb^7ftV#*A463r~Zb;vRTbk?3fE&h@`C10ft zUVkGFtG^eS*Od=kt(hQTGbbL1>+?|ZmPSIrC`Q*XBGyKcOD zH+?pwVBw#Lk3%-C_1*b+c@x`>)mIXhK#rcpUFKQx#VD`6C5~afIv0lru-G7sPN5-U z*d5^T@&rsxV%1TR#o~n_m}~#PrJ@TCXIzQ@;LC-eU>>$kAyZiFWn?c&S zImqKPM!Sx#-R+pQqnOQuL-6=mK)34Z&dk>PY-Kz#388!(zLk1|QpFaD%Cv9t%H1v?TAY%Lx13q%6-Dl=9ZYeGqI~^L%B#s&so5_nJe)b7vMArvm7nb$ zIT|M~!#qcJRFvPXnz#dvG$T0ZcQEb%Q|3gg15{evqFgHH*s-=*iTK+_EYs)eSgbBV zz1QDp?&@I}Chtr>{l@vrD`3HjW?oe2qrCPDdFi{v5Od0nc^+cfzmV5BHl4dM>3r*! zz*(;hTK!1Sjo=uQqvA+;AwSBd4UF%k`*+JMY^DFNb)JGzb7e}Mo#_$pFCJzVEqli? za;g~ej{8aR2q)Zg77ed@vGU7wT3ODg;d`+jy9Sd}*@v3hR;;VBl1s_Tstib_sTdUv zdbP*yPw}}{+cQ=E_DM#W#K~jw`eu@PQ&PDtPR#S7Am*ieiNS5e5M^h>6U?z69jq?X z9PVuyMvF!ASs&6_m7c|;9qRS^I+_df{TX*-wLBIF`0(#=jC!r+$n^=DAH(G*)t)<{c0^r6HFGWIhDS2nm6uGAj(6BnegZwiG1{Si z*zeB*?EsdI5eFnNk|JfZx_p%1Q9IVhEjN*vt$vsjj$Bz3DSk^9U8>uP7pBfe?JBpQ zU5Cl9+gMuUt$m1CUH+fZk{_SHM%NR3qPYooFR{$eq|RDNx=4||$~ zbLRb8j2^nG*H7oCvOWnX{TY2*UcTn?gv$fp@PV>%Q3?8eDSNOtTa5h}dV3qwabOBv z=71*V zvq)Gwl!yMdlv|%E?z+6g^4lJJFJFD*Ep!PLBT;kP40Ew6G*6dQP3DI_^SpXuAS=KA zv#l*{{@h8?nkWvxQl2Esfo~6t87cqUg{t8!|I3tZqcWIkyqm(5ZA3KAU}CpiXkQtV!>~2Vw5G)Vr?K+37*=ut5^C@v39pD<;W^;{@t@m{W5O+ zHB{c)P~|k57twxU8a=;>q4byh+z!g-4>M#_rgEv{)N?3S^HXc_kZLP4F)o%rc6qRF zzV1Nv^EgxfAcKfO@$^}#Nk$;*qGpSfAtXYqd4Y2Q>| z-H#sXrqA?J4k?g{Kh*azP3(_vX1v(2ip*Fb=?-q%Oh zbH98MwTqQ)nv$nHK^30}4#XsrCvQ%pEb*>C4&a7Q90yOIWWlbrd>Eu2 zsb}&Si04_jd?B5_WvRC=g5~C7CNB@8SoetGyR29$J!M?oo%~ZljOQs9EO=-~gmPg$ zy+?AfFp}_TyBPi1ol(j|dPkZQd+8`|9dyQYbEaIHx|2>FVwn6$$49%;{#6KJM}uki zHlJhl_wn7pRGo3@dJoH+E0#)#nR-z)=b9h&qFHNiChA>WucjaGd+EMb=BqtTDDN_3 z>HbE!c@LP{?vs7^10k^63JNS5Hbhr%nS@* zVB2IIe^rmsX&?0oq|olWn9*CjxaX^`t&yv-SKeXr)yd56qJA28b%6HPynjBQ8gs-B z)_$ertFoZ|T`4;*FG<(MY){?AiHsQRyIRUOsC>3E41Lo_)AUzso|h^IlpCU~p({I2 zEGB7kATuv-A@fKk9tmN@$FCvDV>Ea4eTaxQ_Br<}=X;>q-8 z5hOi|z_3_+q{Ixato31cJ@tE)Q|4Hi%4f%SkY1L^y`PkunrTnu7kOs&jO9q@>@Y^% z^ZK)I28q)lo#&D6N*=m94Ry|@e4=_o8_0X~su$kzR@j_z)*fMr_DLa_I3;o5WdbjB zH=k6?O#A|!#okGbQif)CPw5g4Vv%ZYc6u(>prbGJTS}z-;r~P{`>$EH%K}$o9i7FL z)UNaFO6of4y)0kNz;62f{4Q>5`;E*WZ|MK#2tAC&x@ILsOmUr_sYO-5$kHT7fZ8E)wi6^*R5muAz$^xTM?|9 zw}YqcGckFm?A@|VPFlEPt64MiLNEtMDA)B+p5AK47cT+NYY&f@il(W900hOg>%+qDCO1>#4o z-^f54?Poj-uuKZ$-*Kt*`H@A}9I=;=PUYd`MD6YOs4Fs!DtqWgBp663eOgbJ)~M`NFj>+;8s2=>zKC^jDYB%*BK>&%#BFyAvzJ zsW@7G_1fy=IP5NtwHU6_B|`JWJ(uoUa7rH5JAv}L1~L7BIs(GYiT+ibzTN@!{wER> zd6nwbj^*@dbG{CZp~;kZ@t}4xeg09p?k=I@<%OI!OycY%`EUH>Gnpz)RZPc5|GLnv zZydRY#8Z{$tlTP$JQ z-JQJD@#19p=z0I49sOU6wBOsej7`#68rYPurCbInlT7*EbPF9HrqNJZK~g>CdcwrW z)^4+*neL|Axl9~rO@*%{UxO3hkl(MeM|BQ;&?mi2L+!*d^VjfVzi*Lh2 zsWYz`+)m}QmooAF136jE4$pf#aM`qxEHN(%muO!sjiqayXp%<+V=QmT$N?D)Dw4MB zIhu;)xAOEK@ml1=ymoCXRY&?W-a=jwhY~Vo#WUh~J_(f)=p~Z)qI2o_w*X#x&ZBA7*lL z`vFF&hjsDB2=cFGu~#1B!Kc*mvOJDB`3S0y(u^LWKWlV0@0KNUf5aLx<)tiM?MwOF z2|SiAQTiZ>d#%*{yFHY+XA^j$bL?EY-j7X6Fp@S=M>~bs>_Txh)a`1Z9BNZvh73t& zjk6d^x1*>N`zJrEH#uDYd9#gJ0l($rXBNVA^_g{^GmjbW>B{b(r|Z)sy4nTO99G1j@E1SbEmOVpL^em+QaqG9d(BXmu#jJdpV!`P1RNVL-Uh%ewkBT z+0%6`ePWa8UTGOubmy7X)|(ESlnD?sZpION-VAf+m3{~Q1AOSN`&ZQC0G8+uaH@{F zY>$g0rJU2@OWWAzW5tv@hD?Yo;)Xotzg{q=So?&@H8L=IwUw|-X>1I&;a6$I7Q6kp zdnASZwqb;oi4Ukd_c(bMcMem2vdVUO$F$FKabVw;WL}vDV_Hdf31u!GS5t?56ZHlB zsXK-^BYk!Muo&#hih;Tp>n>%rbP#8>-*DciPBrb8`drP!wvw1E@^)0d;jVpj0c$1= z#2_PA^Yap&0qR+;kiZ|Gq!E70!CZ64@B7rXmEp(j2PI-7ssHldA|@-ll^?F1duJy) z9TBttwIi+#f|*xyGiKv8U&pJvZmY8P9bIUCL7JB|#(saV#rV8>5JoHad3_(xlw)`* zwnFB-6)fB6jQ`ITME3J!O`lLKDo9f}Tuk>Z)0yQbPKEXo-v+BUO8cUH$CZ(Lp?%^F z`C_GC1{ye0d$AQG<^^K2RDS7RIqHbd<)ge8wu$1l74G4OG^f}>%Fk*?(pMhn`k6Yn z-_GHCclF{~LA9%5&aV9y-)Dw3(mSMdjnJD(!k0BY1 z(VWrbpIqe^ojAKNfD5sU_z;=N&tKG2`bzsPb+p=Di{|zaH+pG4NS_$Y+PEO~w1m-T z^dWYfmpA+KG4{VdMv0g1C`XmSHTC7s&1YCPB@M^+(mP6|Nu3Fytb+;N`Mu|9N~M ztp+$y(=whD4$lAI2bK4i?lj-`(c!Hv4|G3mv`2dq`Mu8OZ{*MEaTJ6H@^{}fvXpf^ zA#dQWtQAb%wu@Q1msz&b9dNoQ2GSV%&2g3H;6qNhH51y6Wum+(Nz26ERz~fXdN`i+ zw;($~8rRXK+-W}zhYzW|uWOG%b9JsMM`dauFa1Ji-ZnnYb?vQQ^>U@U^ss>g+%Ws3 z%+Dq<-=cQu4wcWy>_h6Z5I?B?4*J@v(=^l>EA7K~ie+$5Gs9j3u`No}N3$YH)4W{uk-5H)au|j7@*IJRRHWJTH9F}+L0;wOo5`$E+ zO~1tAIMh{ng?MZ#h`Ak}#USMg?we}9G?jmUR54#4>5jMF1@|ElgnEnZUN4&GnsqE+ zy0b;+$%7Rp?0u$wz~#!lKGn>h>%rtfTd}>H#BZKHgq{oK$5j1(z2r}Ar>>RTw)9$R zCr_Rurs4(N8S6uN-yOuQ)U#LWEv-{~blU;kYNp&ud1Z2YZeWVD?xM%FCqJ(D_a8g> z?Q|js>=P+E7tImJ_Dua*Su4%EGiN%g-);v*q4M9)*85$#i+$Sv+^ZBvyWi9+*-f5& z&q(Rc@nq!~ixIbs>wDs;VXdA3opB$vSL{7^6MpUNs4z8+cR8iJ-lp$a=R^WRc5+dS zrL8r@PkLiVko?nU^xmJMTwWjTrmStno^C&v4x=@f)fGqga1LF5_vdnu{M+x;J&?3Y zyuUEs&Q4LDusy??3?@^%>OcI%6>_oUQNK9qYhU-fU6#5_)l=uEzBG9!M$Jqi@>CXU zNkLs6E>XZL#9xj(+IUvuA$Kc@q1%^ASPv6o2QQ&P9}gbR z+s1s)#Vnd2f0S1dZM1_}IU$$)f8?({9EO$ONk+?qHM^rN@qT#(&f0*@r38WtocO-e zoYDPUn5OSem45lG5XU9pjT;|lsJ~F}n{#h0l;?G2s6JnJaV)~u$5K4}I9&$&Q~WBB zn5Uj}l(rxBXcB{8Wzxwigbr7|+1y5~0pHEqoymK%C5sjEpm*7--p(>TFWckE`6-o) zt#XvFPo%_1dz_#QKFCv=tr=&W^xBf%N%9orF+-Z3YkdbE*^S|kH&51rwv?X}G3NszYlC zT$sm?hZDv96d%z>&t9}N$&F^*bg<>~9kD3PocMV2Frx|+IHEbKpM(5LwfAyL48F*x ztC@0IXSivqdKT5so8(EHVIo1w9aU5BYDv+p;+R+LKB>*QwJ)zQ?A8{Q1AU z*dLzQ=&Wre4s7j@$(W83fBcesP`~+cbG3MOIs+~?cB1Ru2$-X;$X1zr6Q5|wlsImT zNnx+DW5+Y%IqDg}6xVYcxRy(k>hZLRRv*k)GlqEj(Q~#NYnA_Na7#T?N7J#?%<`LN z&#M{ApJ-S2`d9$1u0)j~17F>WlJIWCX(tZ_~(wT-0iJ`eWCM&bL| zhyYLdPg{uP+;kNWw3DvXdj%cluVhxGWbR5EN}Q~Yi8$pZOP?@(t{+>?)#XyM0++va z_C|;e_j@)upY@E%6Ek3>`lL=|^R$BetyGi$L-wu?QoR(_bxuJn@@yE0tb={WTX zbjwk%K?pU+q%(5YN;Y3gSFf`J4=bxHdQ}1a5~9h^FC)m+o8&>E+_2W3UGs8j*i3Te z7dbvBl}{z>Y1wa~v_E(8=~D@=6UY6#(dwp;XLfuz<#&p&`&P5c_!5TAb7#y{FB(lB z#!WrXeah=R|D451KX+DJ6mj_PfrMF!1u`*}s?9F&^^o}Q5uvonIY-mk+5GoPnS@5l z|BI{jV)7=+J=M>xdv3SbAP`q2#M$bu{YyPgRxz4Wm zxvSI_V#r3)aj4+KtPW|+ye(h-WwHO1+p_zR#IOqqVur`^i!|Ho;$tlCB#-~`-Sn*y zqR#ag7$DthN)QugjG)#CtFu?c6d=8-gt-c>_M-Yt%<jhXs7$O zu!xeS>Y7L?#Mvi_A#sV~b?fidB2i4_P*#R$f7@GqH&xv6u9ZmatU!Xb3pvn7I>2S! zQ8oWPoVbD${@Dy(olebb!MF_Z;ByV_!&>Ds%O!#L=k(6~Q*+E3EA|D1v#U&*Md`^i zMkes#em-l@D!(J$d0ty}r$nd&X^=9p_eXIr*^nl~(ik9CZiMz#cD2Pp(a!ioIpy;| zX7Z&@J{jUwOuj3x_HrL;St@^ZKuo_`xjL)GY|Dw{sXn7eF=3oNvW7<6Qb-jKvCo=h z&YqdasM0`oX#dkw*`pz~_faumxB48#;8w<5g7r}G*-oT$V7<5`7WV33b>)rWCHlOY$zQ4R24|g>$1;!u?c_c6 z4CTe%^_2c)&zh6g^5EyIgQN&QmsmXBs4ur|xHvNYT-EbYY8^~kk8DcDsPo`iCNHkJ z(^`4K_u6lU8>l~MQ8Ax7sK>OtQa`0WERhxw+}VKq@!njqE1=I&?eLyP@#=$K`AK`)%nIsjHc(bGa-n*7)b})9n(u#_i~m?l(%@;>Ur&=Sd@bJNoiRAC zeb00C?`lq4u%{bWPm~feH<1xh$&^j;mv)wd?}WK{tTv?I8O@8;*3f20DeE4{=P&PI zw7DO1+KAosEs2Li)KQtM`SU>x597oEXqv*wpFIhb4)Rk6dDaV^nBPU5xH>sR&5IXH zW)DYNJL2*pn7J#Ii5aJEPx*t-9m$}wJW=!AlW~2Qf??nuCTmyLv2P9ybH$RFAYEB| zn?Yg^tW&0_M{F5i|4iZVH2EQKZ6#Oy^0QBTs4gw%my7<4SY$$De92Qt=4tZ+MJ zGo&kj+2hIUr==vs_>ig$-;Z{-%t!(GhN&euUz7~mv9!_zGOyxQai3|1BJ}^N%Zfh!8%^~vYTCw*NX!a&m z_t11KKJFxTlfL7=;WTI^FU6I^T-3cWE#8CJcsFLt-w>glV~sTl+|s+D({%ZN21T%A z!(pn_Eu_+E7ovltzj>**!y=l|(%kOf6GuaHk9A$?w2Rcm&^MiaLxOpBU;Ll`Vt^{M zw)eR-Gp}e`{_BRfSiM7S^!vL%f@zb*Ps}J#zku$8`}c{7l)+gsp{nSvJg%B@0#_ml z>U)!q7d+XuOZRK(#qY!c3)GzaXkHY}YUpmYVk51b#dg!|amh26?&aKw4M@WLrg(f4 z{V{bdVXdJt>w{v6?itO6tJ*Q#Rj19T85H*ygYHBa9`cs-ibohH(xDeFjJ5OUgLfp2U9^vXW5z7UOy(+|FxSI@bI!^=KeOY`BXhb)C;F7H z9@$`Vc0H1q^D>Eqc47`z_T-c9&JXncIjnr}^U@K_SB7VfMG7T)hu&-N!ne{_)O=Lw`>sT>H@t z$MsH>w$^HPIwMMb$(fVK<(^SIY3NPY10@_i?m^42Jglpi;iRlr!1XA0$0$?PMvSAM z4H+U2$MTW+91Tn3@2N4Y^54Md^SQLVubuXwZE(jz+yf6Lxb5WJ-zjYA9?7oiX_z{T z*Z$0igC*ilw2-$%jE0UK)x~y2{@WX_6qFCAVQpjj+r=9c4+b1g@V#-5OK57T`sF+r7%qsk?T* zbk=hz)Q|O2wmA-e@!iT*^(Vi(a)U2pdFLPx-`HKGZnoiU+f;TG9pSrqEPbo(*SlVx z=}o$CchqNeOI;eF%GC@_WPU>zmUqu#@(p`3Tgo$2PP_YxmUyh1!GRM+|~HZ>~B#-vlrsQEwsTwXJ7td^@fkoIoKhe z_9^P>xsu4Q2L5dJjwYhnddA43^7%#_`%IKykCNA{ZyqN}<%4v^EA6)7`EN7@cH(^B z9z(s;Mck~bJ4p?1^{GcP@?ea7ElJ|_JMiwk^x6>R=hZ{dpsE;0R>#@e-G?oync|a2 zYt|5ZYF`Os1H~wuu6ItG7=DqyeQ$#~fy6d z*0g*u$3`meqIo;0T?E&pO^>T+%(dInMuXM6VmgBN`$EN*il*Gq6pFM9ZWtTFOzC~Y z=Bu0JQ97UG{c(Dr@7@x77F5kU4~ll|h6_Q~RU)AsRhS;nnA0B5ikK_{$b9&(lBmJ%nD;m)c(x^Kf9ic&E`Mg&6-o zD``MiUz&bMp+|5m=T@eYY@fpPpVf!cXcAkcPk-;GnN6QXo}n+bO8n%3QpeAaKn}~B znwp`$v)$6_x`$G`V-{QMDbx9;fIriugH(;8t7Rb#D~7O4bHwYxx@Q_VkndE0`My~c zIP_uVts+*ek7l?u@`!oX{8~}(=kFd2_$bE60r|b0vhE4w#2~(WPP{bG7T9-a8PNMce6|BM!f_A6?I8 zvHoNVKYB-Dr03y*%?9Q+*ud5sLE^RAYVTyrm=0DfT;wM$Q+tK?(yJ@$xr`E%akCFs zlEh7Zm&v1vF1%0|(gwpEP7W==&RDFNFKH~AqHIuwEIiBd`P0ag@rDtMeVfA0ZztJx zP+HFu?N!}Um^ByNl>^MJC!h1^cuaRXhz%j#%wE3TbK31ow>s82ftwvmcv(A}2ig~# z4oD{dWGroUhgrWz88`VlA1@2wiL{>&hR1mms(gxehE3HiSn2C(+>`-X^P76p>e+Mf z_6#Z%?8bbj8#|79W7%vkTdln~t64YWU>OH%ix)T2S$QvY9Q!5Gx>gDAOqbCwM$fza z@6WC)&pj?4^KKR_{+`0XdFlW)$fak3_C1X+E5{Jcu0hJJM>@){Cni-uvhq{A$ZV{B z@7H>-?e!w7$cwkX7O>JLhC7`jX(o?o_r*!CAlyN`}|}E zS4w5OW-#7Wt){U7ys8nzVtK!u5=mkN<{#HtX?880ijnuKRJW#firyPxIPd!7LHi zZLCuw|82{ox~q5xl@r)kZ7&T*sc-z13nn9V@07>D{hq#)gEw9_{lHt5G>8(w6bDV)cN?AA8(Vz%xLV-uo21B zcQatM_F*?Zxlv}LZfW@`2dAcL-qPP`P9lj$*1+V1d4RG`=^RD-Ua%eJ9;wjYX}L_r=DM5!AhMw zt9wRJv^$7?JH;TWaF9#NFt*V@(`Q+rSSofzZz|yTRBJ{&>4Wi?1d^36d98imk zBRaBK5XI;Hxzi_ufe%Az`sEK=mEXvhCz+V1565wAG*tt|(Azzhu~$9mV(lvZPCXqL zgDKGc^j@;^qu2B3`*;H@s)*OJSh`qt7|Y}n%kf-9k00{LUe0Cbzw$m+OyFfe91RAh z5ppMogTvDCaa4zLGha+il`{;8;zDX7<>e=So0*Awls8`5=}%n(D=WK_`ExYuDg=>u zNAJ)YLufcDf;0Z^m|IGFDI3hpQ%kv`{O&Kxu_UMI{-LaJYwH5N8^sj6>coAcVCqy( zr-Dry+xFV9FjSqg4GY-)Rz1l*OS$x00GD*9_urMvqux3PrPrIuBXIWWMvjcu@9wC+ z@6*k>aMVUT9ye-4ic2?D-P{*~Suibxc~OO!tSO_Yy56^?{v7EN#p<&Q$X8yZmGtll z@+|DArCeyfdY6XhV(A>fZJh%)(kJZerD8Tzo~mJ99KNPGFlZI+#-y_3i3=+(1#_mV zG=PL$mbEn?D=(DEJ*5u}6N4{K9LtH~r~2;Yfi$`x?cK^%vSEsLe0-KzgXL|R zIP4rIk>YFFs`s!=d_JYyjdkam@J}j(@)NixPufA3V#;)pX{JG_>D-o=@bwbS_tww`I9lGd&`?doGPx zQPHIISLc{A&6YZ^s&0s5fTcQ6d+cCEs(e!N3`c8cG5>i6qt=AcA>0Ehie=qdeKKvW zSoy4ov-O?maxj*PlL~0r-c>!*^Xb>^e|<>0hu!h!KY8Cj7D}&brhfPR#ywe{9u% z@29&+NI*1J#i?|T6EA0xEw_u^>EE(|?YX76%KuZEATMb7BEs9|Vti>E7MIj}EbXi6 zCFv+-k=VD@4x^>|qn-v~_)`#*SH)3PfA2Qa4ftz^^36NL#KM!N_qRW_cZQN(D6Q|u zTKaRpu||;`X#g9V zi*tKNyGBn-PS}gXvcr=J`pi~tR=2J+jJTE3-*i?@?j48iMR`Dy#D9I|&W%cb1fL7X zxSGGR@qzU25lqGYL0sJvM5E+Gd`n2>u(E0ad;DNsJjoq1NnMgif8E)9t@4$z*^bSp z?bJP_vu1BF_F;DFIV~i8Ru)aSuVsFAHp6Tk$$GAxwRQwuUnm={yYs>}R&>=}&2(ER zAIqiCvRoj)HIqIa;K_f`cVpb^U}s&~WJgj?bf{gSWziS(!4%e=UmR7#D5^7#K6$xk}V)(y>PZ_^-b z+XfL6wug|eDco73K7v4JEPpFy^S}Q1`{_;@lgnC{Ks?0~m@GYPO=uJ!mix0w-??dx zQfPS5ivNQBiKy$T?Cv)123Zl;$d>rT>8yGn_H(SB6?w-^Je6&cMpATL{D;Zfx5Xq8 z=X{voa^&Of?$4FY7HpQk)UlfG*h$jV-a8ZDD1i*^kml4l#MkON8#Y)|Z@&$5ABiRZ zB~F;0Mu#Xp)~AfAm_O2#KN)9P91 z;v`L=cp^WlDyzFRl=<54U3V>Hk(V`t-Q4IYZdm=X^C_BYM94vLM1tK3l{aHfPZ!#3 zQ*OVKn>wO3%Y~|gDq#cGnTwgT%aA^?+Vz#jF-LoZCGvtt2dSBdeP6#hu7K@ z{T{Fx17+kEEmZDyd;%>isXOTYVzS=FGdsPQT6X;xA8t+IV6-EP{G zR#YI)Z-Bg1dSBhrv+=`)=I1A}Q1kph`YzNPq-Ua@W}y0FaIJCYoVEJUYv(dv^xN)c zE5w}4Ns!cb~ARJ4QJ2BcqYo{ zbF#k^on6-B{a*^TbdJ_=%%DP93H|kVX;-ict4>Z>9o|c31NHja22;yKb8DnIGyid; zwnGYanimnIecj-cG(PNfp#Ho-8fe$CO`YZ!yM>WAAp+O#VrTUg7w?khv5*w(8;ciz z$&)(r96Xt^hti5(^qFVP8O>?atJ`p8w)lkk+VghM9xGh@ggRSTr2EOkhv}qCPfJQr zkCb-!rz&M~c2ogtcEmDiMH1nDj$Hjm+UAisj7Al6bcc9xRb4RtISPN>XUuetUzo4# zqq;Yr$J>ZGw3{Z%QFgAG!UXx3R!Tc4@3wueTHUtD_^H z@*EiU(C=LLhKTh(wB4isCMcgN9i8bYziMpXBpN>uXZ7$(>b2iRht)Ay%~qGLk9zUC z1~KNC^3oTVa%a~XR^E4~@3U>nx2eDF@D`r9E@SOYd9l|lkrF!UBj^)^KCFL>f<3-?E>NcBU~nrdzVStGYc>(lJpdQJsN$ z?@5>HYaWNoxCLVHq>=kEj9(8#Qn)mc&Z8sgVIciwy%){S1<>wTIM%avF{DZ?7iLB?N>%&w;n9}_X9rUz5!g*af+yKjm2)be~Xp3UH&zz5kn1mYFse%^X-mXE2|Ge3 zzojaL55@9IXDn;-RSnNm)7h%TA?>0=W^>qPbDrke0}dpyp%W4IZG$}=y<V0RivC6i-S{SIN&LFF=z$6`1B08bajv1^$6V&tLl?;OZA zy+2x|Y@zYx=FGEIKbxN2o7F9OY3N2RS3hQpgXEp$!Jk1H>{6!5TJP(7&(%jL&%ln$ z;p8+-qJfV+ZoTwATqOMqO2gru;HXOmNMGCkmp~KdVfO7zt5UMI;&?r$>41(w4a5vPSR4Ej@Mb^-=Ga zp7Xov+xB&3$V@BNHq#y<(vDvXlp9t~!~Ko8@zUS_xU!3PiPpsZor8C-b^`|wQKNZ0 zb50bBU8B8L!f1Z@MpEH?Cb3cKy)P3RX7M(0wg%9AnlEjXv1%hNao(}b%pGg0naUoo zLI3k4A7JF8gVee^hi~%2-?!44tLOz=tt1s{rCfawVPPV4+NFRb-T^O}L5br;<`dSy3Gu1r5@l+v2&*F zSbk$0y|!LZFNQkCTB)-@y42@wW4S*?{n=^i#(Cb(pyYUgIRnT=0>?W%4K`+#OTC+BLC1i ze8Eorv|hv?jiLCEF>l2RvVExxbv^YSxa5)N?7-n_>#_f+U66MaYd57+|6>#hVq}(I zw2|-cjTkBaY4tPYLg@ICFSnu{IuC4~p=a(FjLy$1KSd!3|?n+o$tJYP)Ew(Z21 zbHc7!B$cz(8B@cLDVt5{w`n2G>#Ju{yJLLTP$BjLdwVJ)*T5V92E{b8mv^nL?%XLh z7&kG-O!`T}wRpl~rm)^X-K*33GBjSf*A42-I5-!>?df9e#WP>}d)?v``sXjkSNC31 z{XaXbOr}}?z07u$f3Ed@Mr5iN_?;K^v@Z)es2$Yc0%E6&xv`@NtKIUMx0Pq(^9EeE zN8xET%S+pKYc&hsR|z@nQ@{cf{GaXUvc2TyfGJ zX*+L|=^GtM_0k2BYokpswFPDcFQ1ZJuz8}StO_R^0WhhUT8GWGlO~98-dD4;?^EQ|V30v57S?eJG*M~@DQ_|RS!Jl?1S$w$WgW;_*94Dyb zSLe+}v4F16SSgdy8%6Av_u8AqQMB3AbWGpSkNWzW#Z>XS)QKky5GacVWYI%m?gZwQ@c#u2bs9We)7 zl>M=#UbiSh#)T4iz?sPAskFT!#^`5LT;yqb_$(gFbG{6$H%mI1v=Y5{o&5SyS$FUc z9i_9HiG|QfxtA7R^n9YdrW7(=ytXx>JD{z+vLb+51LGlw06V;Oy2`IQyo z0UE~h=A=CO&od;l}%D0@97fV(MT#cH3iwQ(u7>Sz2#oiV>?H+0H59wS?IyE(`4 zBqEGin^)LkK-S}@ZVYcEe&JAX^*oU2pbQb&m zA~u{e#p(v{BaTeJYOW;6CpB=Ya&h6#;%Du~{;K?89kk1yU`781zHF->N9lAAE?6W` z;^oV;?e=tgq2e_6)Wur#XVi5qy=k9d8yC&N7W19d*lD8Q-6 z598|b>eh0`^Pu{hS_N?7yk^9+y?LtKZ>nBh`OtSy8p{xApn|_IBa#8C|V zL=yD(-t<15js1hMnC!$dZ#xdQ^JTJ?7dH&ks2{2Rc74}!r0on}sLV@cu>flo%O4`{ zos07B+W*eZkD}vC^0gXnr&>w_p6Z2A68~OY_x&& z<lcYrdFIk zBrfoS{j|zTtJL$YVPV8juM>`@O*l}`WC|~89 z{2z0)M_U8dUkp+HMIOT5*^HKU|JQF(6pByX>~aLhC(8dmH;dUnhte@Z{mSM&x&LMf zGyBdUR2=3eNA+$zy^OoxJ@|27n*O{4jBOM{LTU>C+Ga3*Mxog7@g&KIovN8;c5I9o zC*n!$%vU#kHv3(nqqnrMaeJ{I=^(z1{PNmm+KiEBC~Yc(%;n!zM$t%jzl@9+@q;#s z+2M;*b^v#-CsKZO7V-NhVX7U1Z|gMrw@PPTd1XgOCzI=|U6{Tr58f+FXC2F{-AP!w z1u2mjyO6#9V(;qIdf)s%=YQ><)2~h~=H~CPNb!Gd3ceqo35# z+EVw`HZH7huHK*T;#|FZK-1n%r1lk)&fSC=+B^5wp80^hVO`&E=kV7+ahftn%}Qch zuPn_k@#GFmCbUN)6RpMbiZy2M(M(d7&Ej6>2KLR2Cw-2X+zl*A>nu-#!(n2)V`SWgr`?qfWrJ|67aWlYYpWQvFEq=WLu zix$^q-sB7#B^;t$mNQNRi)emEtOR#;8*7JhSuB(t9)@&iolDp?F#S}-{tfA3Up41- z<9K>~o5rF*JyXhcc22WomGU#M9^`REKE!o(4C(hZNqi>l> zDLsd<{$)JZ8wWF8`u*@hLA)rli6Q>&PTdWwuA@iRh`%{IbFJtg zJ<7SV~n_%M3T#{+7dy80pq)d$K%xHxIOvToI6p zVRV$Tz%{vkG=h%GWsfo5!$bZ4|Epy~+il708=OQ-dE95T(|lPak==LYHwlz)EOC>v zSUK2INGSJzr^?QH6b`!PNomuq5ljuU&jU!2&*Ayj-Jf5?vr%ra7_ zFKn>6I-0H7X#MPuca+R zTiercj=a;BsRYI>$KXjS&ns!aEf4DU$sw%KyxZz8?T}i=Q(_v%vsaqC;*|THltS00 zA*^jF-PAflyygQ~)wIRh#FyU|X$NylnKtfgAX**p!r37DSFILgiNFHg=o;*z)*>NVA>7D%8IEbi2 zPJ~u*C4O_J-VdQTT+pu5+a9ZP>T4B~;ioHm=r4xA7cp%&{HjdgQ+M1$C-SiBaj}#B z*X!m%d*#?XkH&I*XdXYw*I7p_k+Xf%cx3Lzq(f2c8}7*H)`7Ir9-yG%PzIXKMNQ0X zTe6g}aq31eXtO)xx@MC+NBQh>0qV7szb{&PX1EtUrW|3Ie2bwa>a^2b z|D=9_ST>ri`lqnZb|*>7cYO1ZXZp+;CY5ex=ui`7IQ_UbcNng<)ft`^Bu=v)5+I+@j<1T^x7^T z`m#L6I=ix`EQAr-Iqt9R!_eDFEP0&Bk74R49OSG%7;CoOpUIVG%C-OSqRLHqMR%oO z?3u{suU1^EpH9(?WIjDFqoHykF+HU-&5f1sQ2zEAtJQ(w!=E+xiP5P4et|nHi=A=Q z`Rg{IgdPXB@cx?e$=V4vG>E3tC-LUByQ%Qhlp()*vn<_+3i5osJ)WjaP%8c|dLAms zr)L>LndY=vZ*2L)Jc&0qcW@?7nXY5L^ht?fiZ}{=jHBp3ekvw`@&yfA$1|NhFGg?1 z_`M}TuObOeQHQC4xHf+nGH*mIe|cK*8|e(vdd;MH*V-Gv z{>OeaT$97;S!>u|%Z<^}ChO|XGgxQBEk}RWhUw2rb5>`s2hs8bU(`8uRjo(hF zJ77l^GnR{Kt@q-X-Emm7(w)38f#ctcc-2uodq@0v8Z57Yd`ctdFQZ&pG?Tr&c`eO@ zu9=j(dzKdR=OjBug7!?dBm8;ut9Vq(WBxqb4STaFW>)ti+GiZSW*5niV?@uPJ`@$` zJa`brfAXk~(|c&(!#P|`cBEcfHk(Y;qZ)XPSFHjWDxD+SE0=^ELk|C|vm-W}_Hpiv zH`7daWj7&aV!~#sdtF|b3d#(BdcBHP{=uZTu)?9Yd=`!5UHn%&tjXdKID0T}w(?MY z?dUSvk)Y38=#Uc5lh@I79#Sj@p0dklW3cbHf^oN;nR!~8pZp4UrCSx4TQhw|Ac?Wd znRd$%TX}Y7ZA)UonFxBn)_#6hJbP{{$GLYEU;bLag8S*(qlvw!?}qtbnfjgE@uipc ziy66KtgPrLKf?8UD;uM`*)BiERhNF;B9uka&W#?6ku%tz?V8<_HP2^1$l>L4Wo5E- z*Q_d!=!8^07^YLXzd5xYCgRmkz4sSNF|MMl@@sYZwacK2I3o9arCVvfP9MCJ$92{* zy_@{H($x0F$T#*u&-mN|DoPg&)B7|>9jaY_h<$u7kD8}$u&0L3;2z@pURDpvRyUTm zlm8|;o}WwXIe#M;=iWPrSgX7$VoZKs2aDqAGq6y-2DZfcW^t)W7z4CN>pCwN8%Go3 z-}&IZ)0u{Ye7UtozO+nvVpeUUaZD_KzCFsU)-iMn^P-`Al1rq=`bp0Up1GUnw#RuG zkwW_;x$^7AVXXb=2JN^1G zZ-$s_QOb2l1AhO|nO@(sF%QvQNPerQHsUr^DCTL<|GdHl%=RnBXsQD%hX)ZHERXj0 zt+f3h9(Yt(!oaHaxZ~H*vXu-QukeiQ=pA0cLj2rKN=(1GKMhlRAdA#@6ZqT15|eTkAg1JbKulPeXRmQ1jN2 z8^O%4o5J)h@^JclQKNDQ?j?zI7+B1bpkz8d2xXk)@zx*TPJ3c`n%vEQEH{X1+Xn$BeUe4llezm}AN*Es>N0R(mJ4i!yS=oBfI!~U(XmQ~)({Pv; z%p;o}1V#ii@wYX^|LIO;Wr9<6-@9$7uF}xa>P_Fkr$U_@)x?#0oW!3iUB$vxR&4EI zc`HKL86HcZzgThdDgOE3&5vqFZB&*RCM9W?Bj&VV>+soHN{D3Uka`T$*(rQGv2 z38TP8eBP1F@qN;Gq%*av>5RFT7kL9x7~LGd zLb*$@wM!DC&xz+<%sHaFM>EX^PQA_ODZjU8f_gL(moU&UknZc!bcaf#wtR6BiD9hE z4(HY)U&6INYB6~SrSHVc9HD!_$^?@4l;HZGH+74YO>OE%uV7b9tOEFReu{K@?aRg; zrNvT1J&)&*G8H?^CvjBow%Y|<^HvXrX)yT-n;G3h@1wd&RGOns@dpV^cHhn4VIg8v zOG7>BK(*5zj6OUT3q$eyr>tYk=WL?W)ag=TJFljx3$>aB8})e)n3Kl5VbjGNQ}5A# z*1TUU?^v38H-GVB>1SVcl*ZEjSrS8nwX@0!WWe8=#V2@U)=@gSsW`$8;@mb=cdz+o zu^`3k``Z@7q&&*%2FPQbNkOn34R6>pHe?T?$m4f!yE@S~G0ZofW3JxvA&2p`S0bHu zM`If4%u+9VYF@iVhWt~e)4gD-v{12IdiFV_jJ5jV*E@*cl8?F0-}uQcr2o5v+XIqm zUMooKJo)@572(@39s{EUp8ma<_f<@IC7nD&`-lnsD}UYzonD zl=W^Uy-B;LFP9TpukT{taq7rDmqgjRC=4DQ5@XGWgfi`T#ZdlimCP&6DS>r!skkSL zXU(PMm5N=u*PS}O+~{~NgpP+aTiU2+XX;@#&d4QPKBhjir4369pFB$)MGucjAJ*r! zsu#;T24mx)9%siqbp`C?tKOfzk^*_~;Q%>H#M^1InQfLPOsTE?x?MQ7$vO*ar!kj60QH%}{m&U)8avd^g z8#s@Iz$jWY)!#??&aGW`vQR$5J0H9$tFjr_iDo<)=+DcNSZZ3hv;U3@b(CMf`m;G( zj6*o%Kbu*vw_4wLHr8NB5L%kRN*ga%x;j#o>zPuWLn=Ii)c* zQ+riYc`(kYAKNd9Si2DX^uEf~-um^PP=32ECX}@ko-NgF@tZX}Ditb6zK`4m>fVyp zoGd;{f3IZfpB5XS$dg4m!4yQVVD*gooanxQpT%>DRIVeWb^!4 zm3TAq_c$~WGyRZy*e6HQq{m=oQZ%#GFJjZC1b#H~qvEeI1PoDEvuP^n+GFOeD&n0> zG%J4=Q`RIA$2v)3faG%E@Fqs}&tXPCOPWaQGuM89=tFyTUyC1=p`4>;lErk+YP!~#;7~y?^s?07xB!; zhs-=D{<&B}^2!Y5_+nXHNq3|n$pr0JN7ywzZ+fO4S=-V5SQ%a)^mEkG?rfL12VbTV zI5UOe^9tE`E{<^Rf9om3uxGe8rb(_I0E7+OYek_|3{aR-9og zF0loRFV4j0)O(&AIC64~`hS&!&zbJak7L@ehc2SS3o)|wyQ{lc5sq%!b?83reo^~? z_UE}7sJnxgc91UWh5nJlQ43p)UMUOMM*4YcKhAZ`mQJ3EpL8vcme=Wiz?Z+jsxM8x z-%I_H$(~g}N+#3a$9F{reZAT4^CuVk}*3+*c17A5*}g}W$0Nr zJ1K^y?SpvZ-G%y_S5fK~C><@0$ye>j2@`8TImdYw?fKEup7fg8Gzk}LY4jJC-!>`i5Z+{MT`;LV@|c3e5Gz0(UZtL_`|ReR`p^5=bcV#OC(CRYM^;2q+*6%2$GwSo?!#YU>$qC4kbLc_eKOpMwm!s-Tz~c9 z*-`(VysQ=F^L0@do%YFdXUlV{cg4uHAw+f1yjar%)1p$MM!It8WFUqsp{lzxRkY9Z z6WcrHPNC zhO-&;_~0aeL@|GU$)t-i*&{lJvP1s=niUMRu>1X#dh_M)E%_9m|!>8kUG$qm0|h}15?=ZE(*UH!K_70Ddt#?Q zYxraB!Ja2jcU>q|9ka17*4g{ZZd&it&lRaZt3ZiC!HX~INjenc z#>9vqy8WES#DMwK@99Lttw|i85Q?nkJeZKdziq|OshFp(-8j1GetW#nUee?%{yaIA zpKX-Mny^4Q^l(n-pU*d4!y}y&=VpZyvd#@_dF|JFW%61%gR0UymO3RfJyYxg-)v4# zN@7so{oF6grALN(+Vs6_IVPUV2ba+Ci!}R$rJS`DZ+K7!cXiLaaep_frz-DKIf4YI zbySMWoe)QN4bxg(e#l==uWn>CJvc2urlFPHDz)2-GA4?hMK<`v-+EKw^24s zdF(@CV2JV^*7zu|Xkq9pUiV=-`^;dFK`xyti%lplQCy%OuL{NeoTHr1mjV(RrIVZ` z-;z-ZwKII_JVE>P9ex}wQU2M}2BY&k$;{tMt$<<*9Fz&27{PsID{V8x`;+Hjly-D& zP2{6fCVIGh78kWY36TG`%OOwxkPpE1QVRFq$Ky9u`>*h5npx#A*Gj%M&4N8hRH=QQB8*{r&~a&@BHb&5bb*=>$8dclVAr4w*Z|7E(ue z<-@d^5zg{c@}bLfR88N9DHcg=yd1{PrDCX!3#9C5BohW^amOl+nm+=msu}tEYzuBm zM?L4_frIWt&9XyD9H$PDd$;kvR7A_)vbe1blY#c>ExpWm(R(s8!qYK6EG_PF1c&o? z(`9~uwA1Z;yQJqlM!j&goY`O*fs>Om0lmWbF8_(gsB98+R~Tvet9*1vB<&CKA5NKi%2_Vz!?uOCY-mUe7-cUs+o+RoPhsD zbztXYQ-vSWz+Zpa<;y(~0?cgrJqS5^1jJRdIf4B}RsH2U7!!GcAB*c|j1vmpa7-Mh!W zRgasKG6Y)-@wwzfm42J_J+o%aj8Xd8Yv`V^Yt&NA-`s#8ZTt9G8To>)%*PwL4g?A zj{nH-85%E7n6fl~iNEO_!cb*8jybrp#dRM4<=Cp1HiDvTlGF`POSVm9G@F~h?-W+SiOr2PkQ1pD~)F_h;$1q?|^_CVqbfz>7-9vY8D`JK3QI5npu}xXqFHS2NFfs*$?V5v6h=1JP znvr*-8ST`QxjmM!s-1(_r@@T7p!@fFF)yW&x{u3X<-aN9c@>eH>A>e_8CW^%Tr=Fw z`6dAzO|xRI&hLU}=`6W@glleMi=DPsFS%F`Gj#X36~gny;ux4X;w61`*v|>*U3pn31^Z{=s61s8X{Q^eIN>x|UByovmDiAG zp@VjXi^Y74^dX`w3A3I0yO>EQsi%C+`CasvPi*Ptqv{8fN7^Qjp6V#u+j2K&^q!mj zPS4JYA`aIqC2NKeWB*L%&$a*SSPrJ`z<9P-b>_ZZD*H#M-!F0pqfPW|I_{@?w7O{C zrEzq%7+M2#cRAGpn#d2imlkcJ$UL6O z>2_j0G%zIDql9k8E3xTW#ITy`gW4rlqV9&P>*g~uLYidcR>paG^2;J|MZ+yv_jeAL zZkw^iWDn=AB~tz4KE7Vg<*;Ksn=Y=S;KK&WLd24h_ON_O3RPPt@pVHyEgzLJp--Cf z?6GW^rJRYMya)x-G*fcL*GS{?e+Nh|b>^dsADiWYwdlHra{o@|S$nbPju~ONR+))L zVGOCAkDIGAud758FMX=y;%!xX4l#l}{*#1^T1xI!9%~F47&|b==?b7aLz8K#n zbZ`kE+&+MdCeld8ETNj2_AI6@Sjoq;a+vzb45D!Rn9ASp{^vb4#9Q~8vpanlXt9jf zqgGrh?S9X{RgY7)H#4tE!_v97$Ip+on&EqRJ;Xxam*LeD^?lbJ z{EY*PdP*D7ZslQ%sg(QRLu4iGa`gSS)O%?|wWYeBmGG^q6XD6({CP|ohTeZmV;!0E zPX^OoAH*ueobTuS80?u$mlxr*bq-^}U!L+Nh&k5FUEC8-M(Yf&Z|}>!UZYuVZl_E| zFh%-Yi~c>&45KI(efx{ieUkZn*%PA@`Cvv!yYVdKu9@;cOHe;z%un;MhE zZrW!_tsa^Krv}rtvhGC_Gy}Ka$csrESa{x^1o7#=_Ah3UzoX`sa30LDpwFLa>{$>_ z&GIRI-46IK`h!6NuSR?TyYlrry!dm&0?R8V|e=`nSgJW(v<_{pUfa(ta^|Z ziFH>JK;g&;#_R94vs$p;Ny&7dzMHS|vir?W=KKOL%K!98T_tJibc*6!pb1I8p5?gZ zJ@(17)-ErV{$<*4d!$q8)h4{^$M94+&*j#s_-Oa*HX{;?k(o@Ksyv_=vV#g-)XSz! zi@WZso}LW!Ru;lKn5cFBq=`Kmp!d#w&j2h2NSC;}nRm53X|MTiaw~C4#o`Wq9>C>4 z-1)OW`RX;f{8UNV?EVMDVhg5f<5(iaYX5nrJh{>i);*2jbAMNg?N;#OWhz}AW7vGe z6@M{>+ACLXTiclh@;$s)4r1eYXGSQK-A})xtG4Pn)O+si8+A2FGdot`%k+-w2TGJL zsH)Dzk@+;*bdVEA#GR|-$5XL$8dS(J2PD4vS3gYvzx)4v@cG=V^-iSx9WZrz9%w0q4hVzx9l6Uc_Hzs1@ zb(tw0b8{*2>0X?0^rCt|Hq%lyv*?axJl=^0V-NDYWjaaPbJzY!S)BvW_m@ECmZoC= zTx`gJ8Pr&q$7^}C??_uqjVWe_KR~{_(!CAWep{Ow4_?3~Pf45Bc++8JB`zm#4=-CNEcL2i!f z4oc&oJe5X0V)@o8LH$>u@}i4fAbqR+abL!?N#U<~&eYtT$h6oU)RV9BOxRxhE&Q3_ ztmi}e%wyMB?k)49u^8+p!2jIvoUYEUkr_0s;z;!~ zOW11^#ICK^_&O{JnHmrI%iRh&XTu~pu0_`ztU&`dh$-PurEsoXC zxj6PKq?R&nX}$Es9usF#?ki#3OzB3x_TKl|J8*m*}$a0JA3LvoPHo$Guq;XE{>w_qDtkWX0E}(t|8hDBYwT zScPn+Iwk1y3}XMO06u4i@#KQ~zI=9ZS$b-n9@)749!;tC*OSJJkrsWH%I(gu)gg{f zI!9)h2GYwsm*tD%nEPFIy_EbXO|rQadG3^#bhy2La>>u?9b6$9;(ys zqV7~pw4bdoSDvhG>seP2PSNj)>V*+EPJVFfhUIPm)_GUAoEVTT{C~?UwAL&ujnf zM3s}eYsx=hVVKXB+GQNy6wR$3Sv=XNE+4(e*Zt44^7aS^|J2UR*qZ^buQEly+hz-A z(ydk`FJ}~y(#W2NJ@#U19?8V-`i?1QdH+Kw+v{AVtcDoM4V4og;?A0`yEywry`|=H zgep_&7iq&IF=`xtU8j9jIPJpyXgXLP$u8PEYJWVY^M2;Wio;qpjZcTy^Pt%VLJXAm zIp@HJ&lW5w3*)SIRIOSZ?QR%o{PNIz#uTX+-BN6` z8|u*=B9_LueDaLcOFTA#QGU_1l#jdoZ}LIt9_psE=3)ehw{wcJmcM1NLi+dl@9I$xF5<4IJ5{Ws<>z!`?IK) zoyHvb_4a>p(tMhVjdFplq}4PTJ_287BM#hK&#MZV7z|4wDF zrE@K@A;(94mhJxf?ndzbf!=lc?v5U){Jy*tpW6iL{0J6%;}FL>CSiUSQtMpSUTGx% zEH5MSva-%~#oRldB0o_!v(}0&T2s$kb=?ty;|V)5mqWF)=@>7*(L(W)ChWy+2P1?AARSe)3XLxiu6pzS_sN_t*KuJ@(dVHb6oC1NPer0%5&IOnZhuDa+xWvN>=hU1#YC%1`UM3-nD zL}xO5oOz?^-9*aIJhkiE# ztADl;dgCMq^|`b#%jIBk0%iKS`o;P1>qp(sm3c_1v^*i`czNhjouYY zbtW%;tl!f}b&zUD+3=n+4Z2rPSP{y#JbMOJRtNn-?G?OY#L886ZOSgqrQUolQI=`k zA(~AWkG#nps_XtVF?74S8`t17HJWw-CCb|Gr~aee|DS)g-nWYtE#l}kUCejwTz|eT z9pZ+%)s_8TZ7MIIyzrP55V>a*fBclsAE62A6q&0Y#9-#cIjILsXKnl`b&uO(yDEbT z&5UU2Esn`Qk<_f`r{DinBAcmee1>#^AsNbAWYRW1jS5v$FfUaPV3SOFLt~|7I@D%=1Es|;kk|gIa&Ye>2mEB#UcN>zdVuh_Z4qQWxPQMz2&!9 zT{Q{c3!6v^jNn9*RB@8Lxu(0vRe8Y&-(14OX}fvbP|r#~58fz?>=&+m#LO7h{F+9q zA$w@!TEhN|>JjTL#)jTGH&f=atR$KOJKZl`lQ?aaPL=x(m~B3wj1kP4sJ#8EXogDv z*ypQUMpb1iKln1!G@9CDbgxqmWJ$M`xSGXrW>O}jO605jm`;p#W>Nn7v+d*~>Ta*x zObIu|HVOXS?Eg4At0=9mb&2A^A-KD1aCi6M?(Wdgf;6a*LK8xTOz4P;_2N_dmr&JT)$r6{ButRtxChG)pi29 zd9X_Q(zS2&OzYn^Zgn)1YD)XrT<_O@PugvT=FQ|=_g3C+j&eTADqC%VHzBP`h{%NSJh zp+}BtGx6+J{1L~QcG|C0_9sSq&U1FD)Yo2mr8GX*DvCoLkxK`$O}781yZ@&fA=1gU z>#2HnwI>0_9{9Bl#j!|Qz6r5RZoHlS^Hapm8%0ubCN8$o7)rA--Od~X?JABIo71*l zFg4x;GEM%`CX41#=A$pC&wDai{_q`h?8RPiQ`Utw?&2rqNuyvq%7ZJ7#iw27j6sp| zgwI)1`jjgX7oGS#u>iZIdu+AyP6=XCDGbV;K8)f^^_EuiI|9dydr%?!IC+%uN1^Qv+cgT>r`BQEZ6 z&6kd9rnyTwKK2$I)OY^(Yx&<)Uz$sI*(x&ztt!J?OPX?24pV)!}{wM9GhNJ%h68(sB4WbN{`ka-3r2waMkL*(ubh zV9%p{f$WGBC&){hn)Lq_9nKfUO!!F-J)%D6{RbA^J=t=WoF_@S2qvZN>avRH|(B7JY zmEwaOPNKGrAAy?H-n;8d)0)yO_tx1_#R;GH8H5ZMXCyF=p_=Qt%d@a#m-2LG>)sw~ z#fh?F0S?&3#p|~8P~U&@ftftw*4$Yc!!rYAK(w>KaMMP99LeT$j_%}{A@pBVjF)s? z+sDf{(m)x7dm_l)?j#1CcC)XFX}m?;?}p+{HgO`qAVYI1WBT<>q{c4I1lGl|+aR93 z3*4#IC7pkoERcpoGp&E+TR`646wMT?uEDgfG#?IPJBdS)V3b7KpZ5H>K7gC*-~YBr zWnR2`q`T@L9ev5Yx{3!*Zj=$DVv4*z<4v|;d&ZT_YvKR%Kx{s)Ob~bRbEKQ+Oe{%Z zNu+4L>0K#}FlnhDHaUjndoyvTW69nq-(~L%k}TBI28!#a^XSKXvEtoLNou&1F=LeP z+t7owEHBo#ls@$EJaVh7V#2p%4s}uv>=4b%o$cknIlPG1Pv!Hwuqkp-G>3oEa ze}{2#!%pJn2Wnp1pa0}*yWi4_BYk7I*-M@_&0$vlb6DP{P+XVorKY~`E7d%h|Db^T ztIV-T6?6Mf<^E-8)^uLp{f?Ta+aG0$Z5S)Ii3_XQW6cf0lx`eP>-wv?_aKxu7qU1v z#G5)_lN!=h-xkAdc|)cyQU-mxc49B1Mz&7J^D@ddSS z=#{~XHC7<)j-i1A!!Kv!r#a8N3r@U_U&G{`2{>vN-~6t6|3T8F3_XPROz9Hu#YnSg zr&*)+jDrl>CT-0>C!`AvnMQhobUF3K3VC~*1*#R?AKUTnmZ!44l=twkkn7SFZney# z`)l=5=j<7)o$$m%n#neoS4}gu6vqNKze{AE{Ppjo9SGQ!s~jdVTQs8&J}eE6yp;`l zNQ&cAQU9Xqzh=^Cj-O1-T`_m>MzZH;JPv0U@}hM%|1}H3bV(Aw{fgv|>||kX zGCBBE@8tSO@(0RuY9tNEh-3UZE1#QuP{AF%n7&9n+dFfWCWk*s%9Ce*_S*S zEA?5qKitB$h&0mAp25~q8H0a{Nm(t3mZdypFcEv^UwJ%MyOXSQb)x)*SrK^zPWEHZ zQAhRWmXwzVcghcQbnNF4{hfrqVJej4HWP)YVGb2c3pb8tR>n_ciVOwgIE`CMWyA>XX|D_AVP zIT@skF6N`XHfxQgeJrxZ?0`AmajC3697dDiT|}(1Yo~OLmr}87VaJ)tNwm+8XF?CLO>T*;Do@#`6nmC`mzI67GRhulHe6o&sE2_x zuHeAcEMF?sbf@35lg;&cYKwWIYO)y&2r zJf7^rjDJFSp*`05_Ezi;OyNPpID)koz2g_niBU!J@@>(sOmmW-2jbcIZ$5qQhAV&M0LOaUv7m!;4zGvm z{&eADo_77O)3rN}VEZlQHFZg4SH~c1yLwZ5e**LM{7h*s@AEYyo*oq&t?)cOPaa}t z!5zvRa^bpa*Wmw>@K2O?t=AC}I-X{ldZWNIP8_?V41t3iU>!=>zEYDZh z8D#8T%Zi(!?A#*%_Db=K&KNVQYBzrC6h_A>;xMKp((qs=BmP!CeFZuaDryppz^b#MMS%CEMTtnl8{vDLo*WXT%YZFAv_m!ZXG}#eWiSNr;^zkXwM%5-6GyzInH#*x2K!=h zfIbvr6`#+$hoVyUmhe%_7 zzKN$&p%rE1LpT1GZxXyY?`Te^3m!xc z^Jb<^2FsTR)7&vdwUz<5cLYo4ag`1x*2?&D#amkSxDWD`#)_>L;mHf#IjNfM`5kp( zaot2hZvQDAvT{2La{k9nAG}m-HoFvtc_!;;?B@7k>77eONLQ{bo|aKGi7dkMK@{a5 zD}O^?Nz2dLVLtM~ps92_7530$y8Mkv#o)BLTnsZVH@ z6fceNCA8+U=Ik=U-MkXXNu+eCISbsS58Lf^0ZwRUme`#2~4EAyvVs@+*Log*BVbqDSU{|3JbEog&$&dnNY$Pe0 zXD!xM^?hgtUt4FIlb0KPeWZJClT7zYb}XtQervJ*+apC;*5Q0xl7fwwz5MR`=-gbK zoRH(hWj)~U@rTG#{qd}oavL?*J~!*9de$(OKh>Yzu$x*9)w?y1U|bn#pd7^ys*uMv zJ2B%28xaqYTk(76Zb)U!%}5$A zR(<3q9{3n>!d6>xyMZUWUnJAASt6rUqa^7(G3u*%o86%NaL95%ZLCoM%PJaUuqC5yB}lIT;)Mj3SnDK z<-j;uDL+-2Cz^eBC=m;Pru(x5T@O6f;PD*ELf!`uln6 zJA5|hln5ubC%cR{@)f~kAP62;iRekLp$>OfM zf94nSO*+Wf2+SquEg>Eln^X3=c! zdVt#UR}Afs@Ae$v|Q^Umg|O*qT9?Y!BnZlFBnG6Wb zl{Y+?&C>Xt`R2#ra*^7}i%qlAhc5d3+JAJT(VIo;2OQ{Z?Zz(k&3n5@XWj7<$%(%B z)huArqBy2I`in^)!`yM&x1CNUv6eOU)UzKQevD2%gOtZ229ucbXJ3gyv?>?3p%#>j zwP%>_$-$lWiFKqr+*7;Qm1e+!lZWYI8bvdC+dZUJdL3Or#Xio|TO^(DD(Q^%Z*20H zE91{9pECuLBVxJS%}tr)k!);{O&RS>7raz!8& zNaJ8uo$w-Ifiixy7tNcg`%AtRk5k%d%9}A{nOMAsHOty^h?U3WhutG>(@HN4wrF-* zR#{=)~RnylpaF=8z}IY-klGj`3Bc1Ha~fS57;JuG>U7{>i2i45MTny9Qd%QL0Vln%Cf zLwBxEDx|G+7dg>ht74oxhJ;kejfAU0g&+6;N z$a$+-o8tyfu9rrqP;+hDl zkT&Sq5P$rSnzQ`RJ0wZ(5F@Qxp)z^fRPiRilX4zH#Lb&Em7F4FZr_XoYrVVXar~~` zWXJiMnQzkhH8hcTeZ&IasvdNVEAJwc8Q0|i(}wB2SR$Xwt#pR#Tw9YUjlv|=NSdk5 zixV4fdK}xQxzTuZD!;U2Yu(P9bN}cZ3_H&IHZ}y^b!K~ee~hE0LACeeyLQ}%r2CvO z=oqt2#Sg!uJyiL*OfnI>^G_$fDSK_FJQdmV9q2B7N~N-4e=q~DO>QJKizDK*xZal{Ss;&(p)_$nPbru4X8~^WJe7%YlDg9O)flRs#5H^R zn4To})gIQlC*jj3mjAB1(X6L3$^s7Xs;QrHRc^B9Vgw7OsBRqR@;^VQt=lgOVj(^Oqoye-FV$`V)k#&jM}|`aN8X$xf(+2^TEurO(W?<0H!WJJS&qy z`+^M=8@gg&Mj6zO(%2lEit$6`P3-jL%Oi0Dnt9`;dhxuSd<7|?>4?&-H)byVmf_mDid|CdeQ7$qMrwm7h%uaXSOsgPUTpg1n!hX z(0z+5Z{90gASi&k^2Qi9Ju7zQe)^b;r?&nyJn!7M_gRL?Q4$xM*jO?{%XeZs+ z^Vx=^b(K$2y;18g3G7o&_@E_Tq-JIF*If1ZuaelHe&(}@GMEmorfdIL{<)*+q)YqLpiB~9+f8NFtfM$=pQD@|Gcl7aa8zA*y@e&cLLB7@kX~fP zF4|N&M3v$Ke3bLz@oPIH^)q)Xe>Aj=veR~D@b@n1f9z9ftD2*{cIi3N>~=E?<8lRG zs%Wp*>|Ov~Z>9ZJmi-*fD*NiW{M-JxG?q3bjf=zTNffW;i%bf2;%cgLlU`eJe~t9A zoAvzo86Ip>QjY#GU-VPol(pQb&!ve0~XQ_j>6 zpDyz$nI~4hr8V25QaH79E~{QfGE92(>s58WPSiW~PYS&U2Xj-iDvSACavV0E z_?w)hC~~J}@Vt!$PC9E|i7TF?d)KXzBa`L@Q|5+hPwDZe+_c4PkwX&m-*+3OePHy4acv(wWZc8%q5N(v>&A&8d1`3>qum zVD%6>+=|CJ-jiP&%`j}Y6EDpzqLd4rRKuJ82Yu;VK3Z8y@w|0+;C?kLoOEX#nvj{38^rxet8=u7fH|T82&Zo*QlGo&tdiUy~;?LN}a%z-j z!k15xEDd;v#?G7=;L8+4Us5-Q5t_D#h-FDsek8`j8B^@yw42FP4L3cCwesxNJ&;4s zG0IZjkU{j-2(BO6#gj}AjDPN;RiJhN<%)SzE*b|5XQH&j8+mj;6YFbcut#}(?pwG& z&rCU-x(~DNl<{#iLMWyArmABa^aajd23 z@3B0SNlT-ZJ0@mwY$l1O**MgapUEkb5vg{(u!vB`r#SJ}0h(c*qDfE`m*0j`v3f48 zer9Ul=|kbCA`Tv3#+}6r86f@Wtl3UF&usMPJn1_^8D%5IVejt^W0g6#CYE*+z8;Ei zI*`u8Jn5zUq4N{vfGoD>kAxB~REy$q<9X4t+Wor9_TquylYuY9_E%wUFgxQ-Fx zI&}(W`|A{p=PFmP$^|l~sb~IV$@Gto)Sgf$FOr@oUYZi^_7j_`{|ghxX{Fde!F!cQWsQq=iPddYFTY=d=T`0hb6@ecYO1nx z?Wv|Y*X>KbRBoP&vwIHX6ZWv7zBGv)%$d489IJZ=sJqddqqmK?vOkDvZa!3c;K?G* zl0TVyGPq|56E~)l-pG@&a|4OfeRA1a%*rZeysEAFfa(ozUl&Tgi|3IQ#;rJU|9_+t zo_7~N)#=Ti$^&g0Kcx{Bu>u;4`Tw^Ihoz-Ft^2yVdi-YH zy(vDgK0x}f{AHR6&+y`~?!w~fq0DaJMUFgbUNyp1?@Gs(ZHB{G`NoRP_}C<#6(9W7 zt81^nI+i{go%pwzH8)pS)3JecN|iPL9O*7@xppaylzHN)j8W~SZ%x*WaEN^KN#Z|A z*Ez*PzC`)NF7Mc*ej$_Co?=K352a;pBF*)zeNBrbVVv?E8f>6N>0Qk3cZG|p(R{R5 zJX`ZP)!L>=N3AT0_ilW2@xWHkM!zHC>#s=ROy5|{dwA0cy_{4F-v&6l$N~cNF2>vqETx(P?pY;B>>~L7R1aT=e zGd&+6-P$!bdJOf#K393*+Fcr%TX0~GGGpZdAN@l+=|7^`Dn7xl>rrIi31F%GsxP!} z*>4d}Z++elzZ)@WhjQ5?L;2zEN4*Qu2QH4Hv4uASJe>*CEWqniG(-33^L^mUf>O$~ zdYa4m!`hj6xhwNezU>9}9C%nDMpO{p>btP3i5Hu`D{E9*!ll}CjA(Zhqx)$Z=a z3uU&>Im2}6rw%F8X^iyPMt4-h)ljBTwDO?Khq9-^2zGRkZbtg$?wU7NknZEnaB)z? zH0yUwJL1A{0=L<6xRxbxZu{|3&3H|-og@3AshXaP-x=ko-iRcisR>r+eWeRaVT9Xy zqN_$K>-hjNnmK2y-s*W*TKW2Mw3Ie<$fFb{7a4)w-$M1nF2wI9q~O{>!CXPXC+VwNr~^I5v8Z}g1wgyv-cJQ0@_^qNsrArNFk(Yc(vrDL6{}Qg=F=Sti zqnkdb?$@meD%8*K7b&ev0fVpl5!K9}A3F=VcqNt54)Tk9R37ezES7mkQ8P{a4Sg4T zrP(R_PONpei|mm%vHx1l(JP64)-Q%y<&@8--|4iEJ3$c{M6K5Daq=`?Yd5oeqjs5j z;t{`-CUBBBiPEdg*6w2N9V6^=LiwiI(jCq4b{#yf^EHFX=av!P+?n%Y7p{}0v8;jm zw1tsOzVF5re|vnScm3S(Dua6@@a(>{VxRnII6+yaL51QgDNnhtFU@bL{}j8Uf2u7t z44lZBABlHj0?viWOxM}fepn>sq#bUtE0Wh8J*90|ZonTW#HbagtcE|E=7+F$R0hMN zm2qz#!;=9~;xZ-U8f8w=9WnD(DGN1y5u?R*oBCG@N9DP1mY&Jl_KEy=)(u;E`To^; z?c-|A$Z5*97<5S4IA#pePO=fZED( zf3$%s8{EaTO%=~hKK}3>SdS0lz@!3BYNv9?EP&PbHYtO^kC29m;-@?CN!l%Qu?Y7M zj$zi^6jI9NaCu%V!wmgceSI(e9riN&jQZgB%1u5ZF8*YBo*P(U(mRYkk1V;U9l@0< z!A$uWz?%W`M*QVM`)1k!XohWEsJUQVl>A@osV{cIyqH{SV?hV|nGAP7P3$J^M~0Z- zHPV7HU!%x5IF$rL8_wC=W3@C9`z5<++f#e-Kg7p048?1B3O>`**;-546n$(+u6_cm z4~=-E`)6x{k#agius*4|eAg6ZFlXXZ%3Ha?%87Yp&(ic{`aW@2pCnCEH_bDqC6TQ^ z*Zy3xbfU^JKJCYcwaJ{&XKEo|ZMCpMMiizIG&Yv5lf+Xcfalk*vecu9Lpldd-g{Hi zO}<3w?m8vkCi1uy(IchhydTAnLIbuARNlv?VtL@MvOP;XM_VddoEm#18>Y1$P;NXL3c*=QxoOBy3~z`)}?oaID+ok34Whcj1xK;tD= zw3r-;qZk!Av8n^^JMn&5koI*E4E`>bU3JwT_tV&aN1D^Cp?I`&V@s`LTs`eBp0GC$ zc8U)crrB5pTN<}imf^j8W=44MZihH)SG}2{UE1?^UOcq4<*VM=!6PlX(JYr(YX_e6 zO@N^$w0U-$oXt7d{M7#STsWTHaW9WqhpX=UjgW3Eu)xFZ8kCvkR9HW!~RWy;Sy z25qs!PT%jf0B35yQNGjkV9GYl#^fK(8D<~mg7!xr?}V}QxG~<1BKh_@lE~J+;^B?u zTyt+qbT(g}6~WkF`>}ee+BMLLo|&poZwJylUpk3Sd#Sxi`{a1>`!8-1Kgt4sc>#C4 zh~v?p(rq*{DFint8)X$%CqoP>8Sd6MtnT#IohfUcWdJXf_otKCEhQsWz&%>-< zGOtS&F=wKg?sN-Q_sOMqTp`&Nb&uD5LsX4ud1E5=tZk>|@(`9u_Yrhb^-X7K4pI)# z++EC*^C@Dpr!!)Lb_f3AUW=2t;fX$zUVe=CaAWD@8176s$VYMfhx93uUR8cl*OP3l zk%MVzPu!&^nS5Njneb$3k8Q=WkcVt`GGAJl$RqQPq#;gR+V+(EA|L)N6HMa|u1s*+ zEx&^_q!%D;@;*{N>mKSHNay!iI2mThlMzJnZ(Z-)MmRePwHk>D*TJ{cTUWb&yuKmvTTHbT`bp%%-Y7Jo(~IrcErbj~DQA zmjUN|RfnnWHz;q$lQrT_M#QtS@C2W_MKYjAEPKkhaI}vt89_U7G74o=H+dL09^q4? zBs5ZIUZqS7Z>AGJTzO`W4m`bROKt6UwnvH+IV)aS?v~h!Kk_a?cispwEaZjiFiu%{ zqdgd_*~-*I%kWzr!YB1A&8tPQL_D19X4-|>KIBG*^eb;P(~Qt8P2bC$6A|>bRQ_cb zFK+caLH%u6431GorSgKC_0qh2*KG0nCkZxOkpZFO3^v=&48pGP*39K6uho@mW8FtDtiO`&- zwe%^Py=QJ*CvSKJb=Rj*uerQZpQX8|70)!?&tv*}F*~48xsp41knh0lzAkL*srk$E zWvm@12G|N0=9Twk?onmWKThLOzdS;vuN$=8pXdKNWB<5_bqi9I*%nKz<_2zEHA6eA zzDpc~Bcro%TV~F)h;)AJwv)HcoUOXwwjOw*DnvZu&qwXJ?#q>$#*)(}ef9WphHw0Vh*LNKj8$q+N_%orr z(M+W8H~Fq!D;xNY6N)jEMrGuQ~%dbx2yJ#QWAm#v7Je-)86NUFg^(X5N5ZW!1y{|Q^ z(p~oXQ!1YZ#?Y&k7+o`b_;EvftEP5j#A>Fv%7@$HT-l17)oF-0VLG?$*W{8e&P$Na z1Dk~bT?Y%|vayYKiTkM? z>l69wTfrrS403IUpxp?-+Oq0IQ#NKzl)Yn zEJ{2~8z=0f^(=KG4%<#Tr>fiV`nCGQhstz(7D%x4tj(qU_%_Rut<4CG6T6mT($>XprD zC@pf?tOK^v>)%aSV&DuQ@na^}hE<){T;OGtwI4;9v~b zpJm;Hb8PHVz~b%aSUW==#%?~;(Jt?$mlr?3FJ#v(Wh8WPz(;y0mwN^L*(;F?A<|X^ zWl0My?c#z0j`^Hq#v2=4Hfm#c@kH}Q!+4)Yx+BbJ?x0o>}iqwFPVqJ=`h-x zcY`cJzKT=7$qU^{I^I)ec%@{Mv)zS{{X>)&>&^&Lly~ips3TPWCz{b$v|E-w;a!&i zZXm6{W)Wkg`?Vi_mbm`^?-{h@vOIE&5rw2<6sZ0u z?l`Vj?D3FCp=CihcS23^_YtG$nz9^gX3!xuO5S|sJmf3KtwAA~(!ead7|fXKHf$`k zq~#Jl&qKo)8EwzpAOF7((!Kpsy=8D79U7Ri<8Ta-|0b&^lPBc!PTG!eqT%2q4z&rA zZpMjhc}GUJQEtn8Cr(!p$NqzI)i1>G`g0Vg^m9kJCv&%bI1g{BKM1&p&jtOywX^wB zb_@M4i(m3s&!~34JEV6{P@i+7qH54;t{AL|AZnp>pV^w1=(8^85k%{3&7Llb0}>z1 zh!xYB@Ngk#i_$6IJdJrjl<%}#d)HBc5T^`B>9u>UOTk(@uX|5VVm~mPS)(*Rsx9{U z-}a1LrMoe89i1Aauqf7>Qtk8}9#cl+O)hlT-(#xZ zq-%A&sri$5rbXhc%nK*lERiVfOkas-Qs>`T8fsqSlcD>~Y7f=}#UYe0b7(0ucFMz( zbwu8B^AeqJFAgeRg|5ZK8*0QF=J`;z{FM*bQm4BBR&;1QY7-}O1^%%WxZA0*V zT*#!jZ3InF4rjM;?w$$9^iOXh-7=`2B)yinDLL}d868#M{!AnDUnM_XOi0vkdKZcMs-yMHxfF}7WZ)LGOQ>(1F z(RCX)AMCi# zl3Y(7j?TiwbO&wPr_t$PA@)@qDY+7ixkoIC_k!i?HKW-{v5vY0b1B7}m`;II*}9pK z-<$}$ZA+u_K@2+?OcnY0zJ|F|N!bZg?s_o5VYjqYM<~_Nm%HOM@0qJzn!fLfFCti7 z5X-nWe%dLBpKcI^@2X_NwwWql%1%7+XtEo+ay`J0+wMmhXXweiwXyj1ilk#hasKp- zq$DVt&)kdCyH8Q?bRbIy#PVZ;Sm@HquYO_3&RicFY6kU5dg>Ko6TR51>3rEzqaj*lm7oMe_@!(9xDF1rQk5%;k z7)C{LV7sTuH$3$UUY#-sZghxUcFqivm+)`x3K~p`CcTbW&|6NDH&-mkX-<@DA>ZG( z5H6=EWBOmsgmfO4|B}EYOYvG~hRGM3Ny>(+cn$OA@vvBKw~SVPm@B5*nf9-?jgh;g zYZ#>L^7-PP_)1eWUpY8~#LV{6%<-N)V*0EjR*A1WPfP>payJ?2^Z0ZVuSX`>%J)$! zN0}S3#fj@fEmETPopBg2}tgD%%9kv@M=gE5~UfA2~ zE@b@SPOlPqAR@HqE|I3NQ#ggU4~dIl$H02x#HUHK=2gIe3+XIP&<@vX0XLz-fkW$i_f5gY8dw3LIlNlIz4i{fwI-+CAMl zL#HW$oO2OZ@N_OoRXzFpxqAHM2)yg()BcsT=BGos<|U@L`rT8m%7VFR%)(f4BL=FL zk-qHh{X)vs&k!FgQW{P#;xl8&IOxH!YsrczYL4a<*)IL(vR*J~9WyF^lXm=Ik(e~qloMJrxRKJQS_L0Tt4qJq}=pH!1-jom_E9cNl0CT>N*J1Lt3A~@?B`{%`cfcGsoS=bd=dO!=K2(zWIC z@s)ZB^;MNSCKB*Rh!{3*w6odpKmX(DyH;G04zW(~KP)trR^1?j+CCWkJxOneUB;=Qn^E6hXN`3e-_fXvy>IL>FKdT<~c|=_B@JVQAvE7BoD{Z z42A`ZQCLsAs*&<1Xh!w)Mj{U1eK{W=#XYlgc+^tAcQA=*fBWM8>mU=GTYg{DQfUa+SRIhJ}n*i?MpBV-YPd)v$3Ve^O*VaPbB_@6&9+sw;4!hDc;)w?E}g!UCiftt{hk|&CCinQdU}WzhE4H7i=W= zp)*;g(j>gM;)zoMy*v2PcZRqof9&HzYxSmWBN=`wk;fZjc)uf$OP3CEcybtVy;AXv zJkA0S`4|Sf@hnf-E?srkcXGqClL2u%m9Kd#lXDHV6WXwwW}0L5pCzqszfk_uJ-bnT zcwwzv<#@QWJTjPj&$VBQR$jU7Ax6mGQ&~OqK53~2N(*PL%tFUa$+X|=K)E}`d6$R5Eoa((&B|B6Z9RA(VTXMK|DdvwVPZmhDk>wI$NH?xkUuO zcHCrgfIbK5HrpK8%*9GU1kR4&OR=)$8;GT*9dvOku?6p@%U=SQH9PLkyjQ?-vg(K&*9=EXRjcOy{YU9GfdpBqsnBEzCZqj=BClx zn7Jr|wW=@stlvq7OEGb)^NAd2z(MVN66BYub1RZ8c~7plN@J(=X$z%k|K)1IZOxp2 zO_#T7ZHQ_jWqtqVhvlhQE=`xt_BVUw(&o{#uOl_TAH-63-l`+M+%Fx$VW&W8ileb! zoW`sP(h;b>&+I;*3)&y0^>(Jmdd&NE+UpS-DY@){K%muC3oP7{gV%$4k$BcZ36k5w^F{RIEyDxZ77Dw$(6bzl#5+*lGC~N z)P1U~uZMZuHIzrp%ZVn|1(-NRb2MN1_N|p8@h+YA=at7aZ9iYuVwv+%3ExYQtN3HSZ`ZF>doxBHm`P;Y=K({!vDK#xeXxMKI%T zDis%*V;r8Porasdb3tU3tYF$M1NxoQ?8YmLx!+vz{5_26nnR9`@nq-Cca+xMS%0%U z0P@Z~NEGMva*#6c^qDnI;87j1Q-4#|$FosLIL^MWyf6aIFW=#62~0cj1u#My>{kzkS$(c6XImexjI4xAUp(A50(3ecv`t z<(;%_55101@v9s6&5Otx>B7@I?PTo(=xrp1`e696S{{Z!t}ybw>Z)URFwco#)tn(@ z*_dFsU4H0qhK#b*%xAy_>Y8LruXKerOSg!{eweNsq+yunKr5Y9!&`e15tc<`X|+5v zA{iT)MsCd*uD?p;l~pps#Dm&-T1-976{hNr?7M#hcW!Ot=RO-&yo~%`mO_}fa(|o+ zc{w~vS;D^DI3B}G!z@a-&@T6U2no;f#7dZld#0CkH|fkzJ<9yO2idRMZ^Kl3PE`q^ z%tm=fpJm{ip+5bK5!a53No^z+_bciBe<-WGcZ#wVG;i&Dn2XOssPvaJm;OlRlW!a| zye8teH=gj#M_IQ)nQgZ{Xf!RD%P;KJ^Mvxx%jweBDf2$4Kp8(CydE9O{r1uy_Vr=* zxGWC+6U#&Gn-`U2Q?uSh?#r*0*(aX#hhZcRkLLF&nbeccY?)6!s~TtH@0-eBjxL1! z?aj}M%1qv3PUmF-9I6;buAbYr^K^&al3rzq1NlA0%$a1x??aSbR?mgfI%{Voh=K4u znaYkQxu;sc&R?1I^@=3!Q7VJ>y0S#I;KjeixT|484KdD^OTTyJLk?ZFzdhmXPQtzv zO#3PKt*r-_zS!~PrJi3gLi0E7Co?>r^U``YiIhI2tk{nGaw#61ho__1=^i$koovIR zt@_S!*;w@rqt^UTo~nj58)l$vPj^aR6JNGd42RFnBWIQ}ep~t~OCXAV3-dWJJWxD} z7`{d&a7#MGD~HAPeEtj@4_Cr}%VF~OY&u_@&Cm&|i!|F@J8(n{}2r%a!-EU6`i z$I=gP`y750&_1B>x z_-#4CsZf8+pQf-Z&7N*&l?!2@S?z!FG|!J?qq7yJf64c#U54oqX~m!T5xUTtv?@WE zEElu?Kd~e?lrX-tGYbdnIVvZu{8SfSPjMFKTHb7*B!%pI%0W71S3cb~quhRF zkT=QVlTo^Mn0N5iyZPjxk9I5OTv>U5Iq##Wqvy->;RY_%mbYCRsRHfYR=0G-(PI{? zZak*6uN&UoQyII+k%_C1C_~GJ{nNZ@;uS0}i8#xTBWeAg&e_l94mUALV3A1?JwuMN zznveCpPDm#a~cUnj`SNBN`PkNHetqO$NBL5ymIOXJCirGkfjfGPj!_4JlTaV-)%8^ ze}_BT^-n)3#_UN8GAAA8`7g~9#2R~eO5BZh@nTDau+z?t8MUPsD)OUx%RM+Z*ogBL z`9Y(NXkJTq^v3P8q4bKP3L%BJEA9!+OjkuQVpMd8uJkDkBF z3-wXCoppCGO!K2Axyd|QrT$aB>oWEEkL5?}?H0wm_VTl>)iZU%AMetM1U*sqkd^d_ zf%0KbRbKKb@zYK^FmSf&Jl(Zdhh1bhw(&z_RRAno|{SQXc@$$znqw^&$mLW zgG`=u8YgG{PST#0+9w{u-6BrZ)b8k%>Vk`5%6~sWxen^XGUc_>UAMhgJe<<(Wt!%U zgX}qEbCpdaw-OQ-&-aO9vr6~0+R2~q8@JN^{?FXZk{-8!&_Lx}56EGhd{x&Q z=>3*%wq=Mn{`amDr#)D7M+dI_evU<{$&{6T{G3}L;jPazbJt~zwHGq^X3PI)Ih6@@ zl%FVxtsk~vDve2x%kn{37E2RljLY5AG+v!Vl=LOzJI4@uNZ#XzNgT|!=4zxR9V$lC z`gidswclB)ekwy+u9O*KcN&ZFId2a;e#;VPQNGO-;LFKtEu=XQv5GsK>(GmYtR zDxG6Jm0emco`{|5Kewl_Lc8Lm3Hna%ihC^v$k0of40kHx?$~_(et3XWSM%6gkjs#P z=B#s-rc4^iDjO2WQqR_)uPKv0#)%~@AJqB;7L-x;?uR%GoTdM{q4Ueei$An4-~De2 zJKW@})~u;#=NI(wleSE|r5z2#GcZxkx;VEjR>jdd;{tcrDAQ-V^frHLukcPh*HvN$ zZH&g|$WdBn93uU$7h9$CH&7PbXwC2bnWP**y_>)4+~q~b^*jsET*lgoRr0*2JP;?d zk21~@cCo0NwOC#rG!-A>cYjC9|C6Xb)SGB~G45R*8QxjnZ9xvx4CS%&@*>>A1&c#L zygw}el8KnR7nBLo=O~Qcz*PGPhPqkGC*#Zo>G`f|r}4a_1+B$@%GsE#9#T4=2bSy` z=0N2xcCgWb@bUWow}s(wQ<(?n^4O!^#A=?hEaW+Rs+#h~33=ouIntvrjHV%u*ggiA zM|KoFE27;fy-%+$u;iFBfCla5Or-L4I>zzVRy}}bLJzwuPj#QNpG!-N@?Q}%G?S`T zAU>_0Y3G#=d>`-5M$LJ@YQJ}={YA=`7K63d8C-`1YB!sL{qY1^NPksMXXE4iV#<|G z=U#ZWa_+=m82Ro(PT6G|Y{C3iTH{Qd?EypSNub7aZ*BEwNvuq#DEXsycx~#MjZDPqB zP)yUmG%H+bM3j#c`%k#@!b$p^N~xTY&(bYDohgYyY?|Z5h98<|EKwa-Hh^~vuHoBt zBc&&bf4o&ZI$u45tCh!jHkWVGj9bK+^R!7Mhn56$>c1eK7{<`=s3R6bwC}5aTsq`q zxOda8St`u%D_{(M3jqU{Mvj@ zz7f;zXe=Kzr@1!Gn0svusCYM+$&n5ODtDsB73GGxq+)h(3y*&4vl7p>oqaBKR*9d~ z)rFXJL%`zr_N{29tM(oRP+f?v`b%#0TY=ynQGB}GiJzd(2o_vcos_o+J@dGfrL5p%+&ArMpduV-eQc2{lH*OO(&%13h!qfCS+3FoE7=@896@dBeJ zC6c-Lu5>K&tnIgBao|ppuiapti)Nf%;LQ~W z*3DG5-u6YxgFQuK%@x;&*b^e}SI4S;nAenMUEalUXXV?vGK&n&<_gN^vbb-!ye4sk z+>c|?cd@3kG+X(p{5u;XYWAAXQ0?&6#EI=t-jCv(P(4CBC#WcFz0YH==t zD&lvv-JZpAF(_MxbjMfU*-ZV<<#8X@#fLLfeE02|DMYGwTfAA>mn&iz9D1InsfpUd zig7zKLHV&qq$f3{O5Kwb{uf8DXP#o2r;zS@jP--F)K>@V@6^9%T^=_!hw(>93 zDf=^?jCvl7`d6MLBO5Z>6_FQK%<2_k^sH7u-qAdM83od^kss4EW9jTC4|(fE2C04+ z|2>L@{X^+{;Uq&`j0hG#FT6tn7ux!B?o=k0rR~JUzQ)Z?DU7nVVvuhzrIy;#CVdXA z)+>*$f>;RGRKuA>(>FqW#5xyhN2YMXUwHyiarjKg|azB_RAJ;H(S~d$?Y^C@9L#(q+C2qa=(x2Sf+TNe#y(73aRkO~4VuKrt+pKq| zsqU7};vp?Gh-A*%JZ2{<|LA&x*srP^4bD*{&g|M*2QaFZPPf*|eejKCNX~T@O3zw8 zD34y#lPR7X&8CV0tZWm)%T_s@)Z8?(S1@&Te<6>u$0uc*H7|jx_Vj!w#zX1bbRBt| zQOi!szphM#g|4)|c9B+ZVtF98OK!e;-vj43^G_uIN6~qQ<@mp0*p{6=k|I&0G->ah zb}E(jP9@nwBwIGwg`|k=%;$XVz4zXGeC_Rb|Nd|sbmXmfJkRGI*L7Y;t`!q@e+f16 zgs0wsyV{HS@J?#ADLZ&rvYlS{4l?$KKz&ec?v_S}a`TQ*u5}Ilvy7hx}T)kHtRg7?-w=71G=M75!fQW-}=X zI>&Xj5!me7%6ic$FWfEcPSMRp{C_+anulqHX!`rD<-4Ew5NE6tf9x1~tek{r^mHuu zEur&>wR|3W23?I0G?(}A#*3*md@_T)y_@-Dv{x7a#p2ZzW@iV@)NA)4JQMd>o1 zdxS~#K31B@&O=?ah1Q2S5-j@Wh|L7gI*0i)2X?)iP0E73qSvTEH&S#&oh5gs#csyP zx$QPH3A^6&nIDlr3)$hvq)5&|FX?lIiIc3ek0Ex&9MGy^NasEDlpVKsg!sqi%WOVz zIXgwK^{!0v?L_;sJETZ5pGTviUBFJm^PJ4t#KL3yc^j51oU*-~6^`J>WpY+*6DG>q zG9vm(j+vS02tL;^QhJi`bHWp>lFY8TYdE|?^n5)f2SIA_^qy!(TC{xK!xGp zIRrf0OQ##+_m}rgck4;HA6}wynam2@#RD;LIAiB8Wt{9Ew|6~CdC3BX$!9)H_FzBP z3ioWO_^(DT$GTuSV}x!GhFGor!pjoOFD|E@unS6dOV&~HR3djt&dj^Rl&@QXW7RU$ z8p!z{FEvr$a<*QYLd>d*SmteEeCNe1Yqplw)(=T2lpb`Dc(lhyabj*Z!xl>(aS!n- zpB4SYUE!|^ljy{_VK711&N1R+lsUtlO`@9!+|9gkrC19K_VFO$#dRwuv|4KZ!~3ZE zAsR99r?_5Rh^uhkMva{#JNEsO?Y4=_SJo5Rs+708FEH(HH7$i>d9ZhVmFtI6iY?0N zxUG`X~MBSJ3ShZp-n}wm$cf0U7 zI*2ZD)@dr|osj>th>mC0^6z;OWm|9H5xWjqg7Wh25UG1)ekt`0&EK+6^wgD`#G80} z6y?n}ux8R*PJNtC=X%0_%PgZNSTb3U&Bx*FJdXLC5-xQyPp|F9^21We+S-Oobs|YW z<`8*hEu&q8Ev&tO8#=-Vkh7t5kYvLsn}}9B!2Fw|NLxFOpt+zeI?Q9D)2py5W@p)9 ztm+id*J3Vn9?A?^O;|I+f$+R89*Wm;#y>8?y!ljWFFnEK>IgD6FOt4*6@Pk29-j28 z&QX$4w7vwtr#Fam-_Pq|bGUnQ5hLPu(A;k;GgXpjaArRR@;=1%6U||)%oy9w;d|q4 zB&6&VuAeZe<*fhdSw*S&L0Zh5M!BhX zcfl^1A1p#Orj+^V#oUtp@D^jqahNW7A5+)z>cV<{o?FM6VKNuoS4Y)qM>PhMgu8KK z0lOQCcBKAwerJ?3B7G9Q>g{BFSrv`cW>M@ep7ZR7*e#Q6*RCshTfT*$&zHrkD!DIS z72KAdvaxU#ZY~>5gzO&+-50a8-*UD;--G+eQVv>g=YhPpt0o_2W_!tW?O4FmgR96C zU81{q>@W1%%>KJuiQc@0Xxr^vzgoco@flm0NoK>eQr;Vgwz7EyzKbVu{YnKLWPWOP zt%$v;yO=*}3Kz2%VfAJTNeg8@AG)1a&(^TXPqf^t_tL~;DbAveyf=F$cduvw)6Ig}p8NyCym^Qxn!hZJC#rwvl_Y z`ZB7v?!$U_E|+^wmtEo{TDF%Q>_s)KZd!_k#s*GHEj4tmFcvk+*=MkyFg@8BjQK#N zXojxX9Fm@67cYnGmds3HJ^D%xnsFh^EGsxty&s!fdzgE80regn#HVm04)04T7siFD zf#mf5nMLWAjk0SO@11HYKd&B;^JJ-<4>M^hzNon^w_(*&H1x8ERF~_dYRGKKec6S> z>}_n5x^(=8lahCF6pweys3m&(N1x{7Hz9^Rtuj`HR1%phc_#joskkW`QFF-$X(N8L zs@*&@*~IN1DhA%%fSQ)%y0uux;VaAeT5^=Ha(_D9qJ^q`>M)ArXQuW&&8`ljUpl&k z7Ms?~wKbepO-|xTG`1;SRW79E6~lS@ujVtA!S^lLJUsIKI4 zc^MB|meF$ZX3GAn#&N3bzp@vTeti$u)GJV~@8{afMZ^RhXRqwPzRFBF;h<#JS}mgQ zfvMd2dw_0rrOvUP$@Mj$ELTu^~wl`!x`=W8l8z?-zaTs4)?S;K9V$egBb z(rP}}zb4$*{RHnnh3ZBHXRX$=Zbb?84wmz(aSgTYXYp|FY9gP`$KZnOp!X433G0x>;eXCz_Di~bLUs{*f*J9Mg{!aw^CTZLs0cQh=tsPb{}2IwBagh zwn*PD^BcFx$EiAVQ0_-^AJ}#T{WC{d(exAtr_bhz>>BP%pM6Do=jspg^V*7UQ#^;; zP8Uf&&N9Ba6=UDLhyr1XO=#i8&T-}RN%%vMkLa=INIf?`gR-|$s}5X?dZy^x$8Dm~ z+r11He#)13<+4MWMw3D)iaaP>Q(?WvNIhk^i-+db{I)z#^?yg{qai&($Z~3KsBjVu zYpI;o0pgF`HEAbDdu(C&_#GVf-^Kwe;rB&tqQ|HuY`1r%xmKS*AibCStAUv$Os z)jaDY8Njk*xGDRGYt!cARDT}6*Ne#%R@?lP8rh9iV|#ZlxAJA?(Nw(ETZGeVFFIv= z$>`lJ^}gM9TI|fkeyH^9S(2lexQ-j|C0FpY_@v8)Yb(Bt>+>W-a7hiG4d-ESeg|3S zPjIv6BAG*ruB_E8GUWdG^HY`VJtW`5c0JmSq?R%lKF)#B#CtwKuZ^${D$X#y&l2HK z3bM*ft{JH*`}PrkO4SKIzFyB@ZMn`@pTq)T+53ry@t$x7rMFcZzD0bVC6wGOrmxIp zRV52$XDK-yizf2*l4yoyPFh)Tl1O1G1WP@eC;PSa!sy)7KsYdcw$jA%8PkHV5m8In z2VM4~ckwiDJmgxeD&a^#31>DRpzyh{->MH_yKFlFMMt#BoBH!j!Ek&8oo^O(H3GcOXdKpk1$5~K{pzUZX;i` zl5Y}tEm=|%@1Eq0%&@xa$$sWPVJ`;@H(Ez(-{dM`8P{N(Fq65{R}pohnorA?OKq;u zLo|pf!qfB>??GmV?KFJ03d?)T`Ce}aW_!yiPQAe*>4$FG38T_z7L#NTvs-p^nH@`* z>{QAR;jh)vUB`~IWwgsW&z5^LaTA?a%U$-< zQ+7TR-$*@@b&yLMS9!2{6+W_~{W3+oBLjrRxO@e*9w?IMGlQHT5eNURI6o?( z-{Zrg#glz@h4@DrZRGj4d>RC8p(6hmu(nYAq1&(w$q zgv)*P!lX?+m@M3zCBsN`d4QdKmO`C_$vHDsdYdokNqyh=+icN1%5yQC%iZWI(WgS; zWh<=YF*ko%&pz4NyQT;STKcN6V3~hUyGHl(;*Yp;6n%fmSYZywa<+0%`rhMDDpA&K zVvnoj2B?R&XV<5xJHX6QD=7vhL-Co5w2Nk?0z1c-o|)!(U^*M zq({y=^7X1XAos4l;w`gVD)ouUe3}-lXL_V$GgXR*+as6oz~yXhBs$J#EBLT`35EZ5 zkvv9rR2!bq%wZGV_sqhm)>K|T)>7SRqpj+FLQ8e}ftIS|n3k&7GcA>Mg_f$Fy0&W8 zR4vt;n_8-yZ?sgOmuRV$02$;+KXDMVMW!S^Usa`Jd5JmEV=ek?&tF|KCBre)hPQ zs_d(l%1yrBpuV>1SdEsd!woH!lb*Kftb9G}zLsi+e1DaEJ@K5DDn(OUbx^*qaSLr# z@FFeMjuI_ZZbNO={1;lP&hlKg$m9N$Kc1)M_jlG-`8Ae5@;ndhli%G(TlHm+mdf~+ z{2uar+jr4c-8Iuz>3!2u{gvnX@2HmQrTmWb@XW?&A;RJB>XdFXpu1$j~s9uW5<*wb_`vpFASv~Xn*KO$x;ViJ#~>9 z&5B#se98LlL;0;BZfBZty+;UPGACRAS4$OPt*tVU*W-$jwyN7}EtPvyZB>rE1`Fjm z*J`h=I`m#k_2i0{sUGkK3=w`r*!?d{0RbtjdXiW=i`IxFRsR@iSkrlbb%RDQ3# zqzpc-Qi?(w5L1dW?aw8pY3LuNj@uVyoP`%VuKZD^On;}WY1oK@M%R_vQ)`nK`%Rfp zT!-FSjrdxx2M=F#X7S>B;=gXq?!lXt9#KtY_E{UFJ%1I=gnAUtsL#jmorp4QAi9@& z!nu2|Bv7ohzFnWn+Kn*$)P>#6%9XQ4O*lD5lWT^xm~%yw`d)vOmn%E6ZIwE4!&;ND ztrn)k)P*Ub$-~%gYzud0)b|;R$>vV9e$q`?f3*mSdaf9BZjSr>=A5WB|a<}TRW@R02qsQ2!WM$;*?sTwHqv4{PibuE(`Q3HcS|bNXrkR3-vLlpPim?<13V#TQq1h){2NAb4n{4i3+Wqg+WIq*b!MDS%yu4nY3G+<|?08B^(6(jq`xfHg&=kE% zZw{pyq84V(s1#kw+kRH^FBwp$M3;MW4Q2P(p6WPrGWMF2IJ!6E+Qs5M!JcDljJYvO z6N6+8;Vl|5an%LIY=jweH}%4FstLB=9oVO8&%QrBh>U)sbesEJ86KZPzeSUkHs05i zO$(Ycb(0!nS7`HRYD?7gthj#Kjn9@1X>8<4Rd67-eF9})W=-Vc?~1`WPgd`>&@?<4GGKWBRMdS zl)pXNV%O6d^>@0|zZ=N#&?`#KM|lt4)Z%EpbIQPvO=;n;hrVe)+$wZ=bhayBPy2|D zt}pYO_Lj3Zoe#$6l&UlfO7}ancB>or+SX!pUwdxPaAL)>e~SNMTOOFV$FkI)vBiDZ zm1sl6i|0zBrZ?fu^oal7j#e zv)O^E@;RTGVnF%*{=92^Q<;%}N;%|bD4&sD?5*y`^C<(V3fH9di9^a0<2{PsC0opj zT4GY-%z*_xskC*&?Mx@)^ZzLCNLh~3MzaXR-A1I4E zb*E2NZzenEv+c)bCH<`iLmL?3QQe9jr!|G4>W9nhFf=lZC7ZDcDLT>;U zNMUJXQ`ULP=hP&HEnRwWatsg69n{&N%04d3BxVN`9 z@T#eXHEQ)rQDY zH5?M_%HGzM8$IGlT5iIgu8y>y)r$qw-RXXMiIOqqwvun^#_n?_%-`V8@z~zHXss(8 z30tmT+^nqAZN;Pm7nG+tezHS1$2QlJmuI4g9@>Uq54BKcx$?d^g~Em|9Z@8gl0U{HiQTv8CdfC9j``N^aa+?@I`iCd+HR zF^im+;lk0jCeWo^*}BP@f6NTqQ0`(tShXX4!XGHbiw(K(Hk$NA3uZp|6pe?g zu*p2IKW>b7rajv#BJrPVDLFi$L_IKK=+boBjqT6;L`#Y+-I!L|5~H;nls0~SS%0n` zMVgLG``b$RAx$|`zb=hGh0`{}gM=n_2pn&AKBkE zAbp}bV}2Si?`0el<^0jGX(hWNAA%MoaxS|o)e))8DzRWyS#J*e2D7}WT*r^P^YchF ze_Z1D`oo`F#>61{PjxuU@pbJ;8Or|GS>SQ=TN zo3>H8|0PH?Se?1Nzb``^J29?y9j0V>b9GEtT9x;sU}`Fzyj=LtLx&lLUCH`7fb?(uNFKY|lQ;p7hi7<4CGKIY+%P>(iX5(F>L3A8dpR;>qGFJv#3R z!C1F3>oQ{5-o%OG?{-q3xzOT$Fwt`V{HU)>&f-CwINgsZy9T`Xf2UOUFy*kzNY2Z( z`T6Z&&NUcFg3nOpOgn7~;;e*O6ePYif1XEom3fdS{;dP?pXkb|QTn{xAH~2OohWPI zNnDgO>yiT4>u7_Q?@}f6j32&^Aza=R#b75FDxS6e3Sv!=<-REFjTP_o#M zB?cbknZ+~ZumRgIx=VrD3Y+Ic7$Nt)j{{5?I#`;{*VmM+he^b5ju+olJar!WQNGlj z%q>HywYRhQ)nd5)!JD~i0d)HNMQIQ)nr{VOIB58DWtJWN(>1=FwVVzAVT zX>B@j*F2o=lk5r2*JFm)3B`GD04m2=))c!j^nMZ{)5Fnt(G%Oj!7NVkCAH#%QWP#V zRfIn)EOU4n{YXhk2oc_cndF7rik{t;k&hbFv(%nCYfU-S*omjV1aG7OHH?nkDxu^#qI^yhtt|$<>EWl0O~8opz%s8=WZm z$tKKcEcNJMfAO8T^0Vfca^5_WRQEvftJUYh^eBwv^BQ_#qY6Jx!UV z>&={xSq!P@hw;H|p44R1dBD$nKZu@%B5e=l{QuOq#TYVZlE8b+l9S5 zC5->RhjYuiqtp+f^l25zmRmM-I^Una4V=;F?J10?P_&Mlux(}=dY#whM~WY-){TuyGSMxJC^PorTZ56j7{5iC9}z&|!Cttm>Bgd6 zYTPsH&xo2J&VMms>YHS~F83s$AO`g(5iEFT#HI#*OgN{;tyagBsi!lkY!}1pE&e3? zMC16W2`$CYq2{1VR*5l@I^EH}*@%bX0p#ZTay}{n$D@IaI&)LGGGsU-x0*@DXnUMq z`q8Xy2x|rf(96h_4_OVUHQbL=J3{&RW+>SgE0jvL<4TZbG*fN_Fs4=j`chj)?QMmEB=HPvGG)*x~} z%U*l=cs}U|@yp+yldYW4E1$@l+OY(mcgE!CRCYM_#9(_gZ{F+SY#dCy&SmB5&wgB5 zX-uQOevFp;;9-ADj0THF#;hlqo*R{YjlKDO%u86N(ib>SL@h`kw`cC?-*QFog*9g) z#j)npiYg5Qmd!P1oLVnbTk7#?y)}lf=kUi;3%4(3%H zdOr@rq9mNevNS#!dUE@Q9&bJ4n2~QPJDD6t9x`CoKYcoN@TJq>Y<8^DAoZ|?*|Owm^J#WKPM9luP*TDakUI*uB-j&2rYaMR0)ki7$V*(RQk6T4&7ayUie znJV@SK)sm{ElmgVPhR&8Azq@1vKJ=K6oLo!k76kOyW>fdEN_wj< zguN0SO-C2up^xQxl6>yx#PQ1bjpDz^7^gYy7&OR^(kX7duP^8Doea_RM6mj=9WzGP z=9`?+vpbY3!*+Tw_P||bg+*6p?3LeXXB=C%$bHh&L70l(oNwC%lV(`_>M_tF49PA7?Wn+>>)wpOo7@0~uiEM`=%Wvc{${P`@J?&k|{rr^A`pOnmCO z@Zi{Y<>c+ril0U&nZNoox569!7cN-I{iX7W8TU60r|E>oWbesDeON9Hmt=@%YNt}% zb_&1DItmwmIM)-W;@{YY9@T|P_hvbyO^e}-c@&QEeek^lj|P1ohdbds$p68}*5nuhfFoxl_qcRUj8cwpxf6GJ`0RPcvP5; zU9|&~99)^PE0k4139LAuL-+OOs0aFzVtHEGpliZz>2brSPb6YZB;^MSM7I&j&?BYF zS6p2H5fOu?L$yZAdDqjn2yqtiyXze$j*)tzq<;8A!$ULA-gVgGu-9q64_8 zWR2`c=vtYrR{U1B%KYMXqcAKybGSC&mAsB4xKJ8R^|~>%4VK;Jyq*}Xl$zkoJ*Dr% zGyS3n1{9Ij68LKSwFxC;qc}6zZ4m;yHO|HGii3}HKwcN{pNsoHejbD$9`5mso z`{d3X{2fcfE(3VBb2R5`g-VX}T_to>U%prmM(wgEr)I`+^UELxdkAl!Nd%c%i7dz- z%Kn+2>^dmyQor^bT@uci>*~zSk7n!{J*?|_ll7k-$3q>_9-NDIp|50rS!B` zGVi(@tt~Bhba*0><1(n%Et<>8c~qOVM)hJ4pN~WkbHfwkDe)Xw=*ZkFfn+X<6)oam z;)5gD@OGl`E2A;LZb_P3XX2-{r2h(gj;Q&I|2cpUyDWIT!il_tCKwKj=JkRETt&mz zF0@8D>)DuQBmIOo8OrL_;)N+5MJugwn9JkL6K}^wndf}<8A$Q8LfmYf@k$nMQ)wy# z`UG-w=oCDQ6LGpdjWr`9c)cl=bDP^T@S*}XKXzDD8O#FFQ-Yxs2HfHJa9rs#k3 z>5!Kv{CGol?$n{j8xMBqyijzN_7s!`vMAYtI}MvrZel{tHV<@?2e3qDi!NHNdHN-Z z!%uQpmoJ$YCsoQRBL_ZN-Bvbdgpw$=&bJ<6EU)9qzALGC-1X$wDKCuuJ?Pfc9jE1X zwDgOlR>MwA^^Rsp@NH%MA9WT_mCW-EPI$iWfs^zt_f|`dndCr_Z(ok|Z^+Y`+2Wfl zAZ^QZj*jwV)sqk=he@`0-HGI`3&mmR4`s@^WPZqeLp?H#xzEicbF)b5jlLA?gmQUY zB%v}l=o=(6iK1*&Cr>ETEv$~-T>O&G z<31xPSZ0Qes}}Q$Tu5<@Wp8R{JyorfnQuoWsh(}R;8JA6Tcm{qkjyM{55N0+W z<&HV?nmKXcXDYS_IuiIdoaKvCIa6lC!bdG=KFW!MQeUpM97XoVJmEjhHu;9& zcC;3b?j7jzy9dX1zf!E%rDI$+24|fx9#8P6!MJEPewMS+K7@!%KBQ0TBpf(P>ANcw z!>Vxh#Rt&2T`FluT=|olNOgxG#=dZ)MUUPz(YB(S)aG@12XbcXMrDDQoEe?vHO%wm zp3JI-7{toC>?Ta?Oj6bKL{Br2w5RE;*{?@}g*}@+;zU;!g4f*;GH(qK@30>`Gfmjr zd<+dnj%VuLOqsRhV>|V#lG#a zx(V~m7U$zSOrB@KifG& zCz>Cq&v#`Q(}#p|$J&qZtKHdJHi`kSo8kVlCC{Y(dQ&%*r7u!>xONobFC{m`)Q8{8 zekeB5Z!X<0wX07ckFH1X^-wg6UV96p)JmRbvgD@fq90)*8Bf{FiA!Ti#Q^^Jh6+!} zLihyHc+U-?MtFPv9cQymH0x)+q)>15Jj%L`#OIqS)9N+i)o~9BW2FAd|EsvUxuIU- zi`Pg^+BD7LT7DX?Gllcv7EHgzjfs8{NtT=3Kbi$FvsEnbI_ES0hU`b$)F>NrA}~35 zR?)ZaPf=1UzKxhhy16;S8w``oA4kz2v}OCra-~DI9*=U@D;Hl(V)RuTo_02(XQr?p zT4&SY{BUdrI&wmQ-7K#1h`jweMJ8bvjZBp;BRmoIwUb9QF(^wGFq z6Q*ih6lGVt;?pHmW@Q%4*%`pM#c?dVc~#lJ^1bpn(T6SHN3lP{4m-n+Y#bU$ZjBbc zRdzg;&*79$vOnlJ9_{2{N?T^IJKTok+POsMjbQMhM&h?CWP`q(*GmU8v3nNps*S|c z+@5!ax!mvyWL8Ehy>!g^;N4WTI*~Yz8p-AGf!Os65Isc{4SkHs_*ajrpCdUuGYiwc zBiK{oi0XA9#99dSI&kfSKmoWghsI}l#Buc(kE@>Jg zIc{vuo8_ZX9kY?Y7x1udGRvJKDf}FSdxJDoO-FP5z6XbN$8uJ?wQ#CE#1k-xYeoTV zJR8pKaetJE-znJWZdL|8Z^)CKd4xQ$#3dZ`0}Tdn{eiw`EH)Y6q&n?e&@{5{)Q~o43~Mn%tP#I^Y-B| zJa;6BhqEpAtwu6`&txjY5_r&I9Fxo4X@A%Wovh*9s+GX4m$9@9(qLEebehzY_u*y` zt+q_$hISx#CmXWlgFjua`4i}A$I|g>c>D~;BqobPtIesXGQ@6y9%bia82c-kfqx5G zQb&4#5y4!(kj3o&wsid9!K|$oG?iKMyDu#mUpSaO@_wKE9!JBv8T`(RA+5Isms*VG zOJCXlPae$W`~uNc1@bD>o5jP&vcz-(d#5Ba`%63zpQi9KK7sPeUW7-Q2t!Ts{xmYN z?DIltS}Oc)na%5zrV(M>l+LyF`CWGsZ5R8ZHZF+bWa(WGjirH$2{9Qubm>_SzFXn_ zs}KIM;*tDpMWt6?=9T?c&c^g2ppF>}pAM$e$pB7{h-H&yGrlG#kghvkxGh8RnAMUS zMuzN_zn4yrV{XO_#uckGP8CMvTzOq*B;XLgNI7sl73;J?d>lNSnP)q)yr_)!Re^Y~ z_e8gEB&BY1&~cI3bxqMKPViHl^ef3Z0gYaOX&F`VaV9+KhQLiQO0B_T{j(7XJnG6Tjj@zH7Zwe(hW!*~iZ4Y>@ss|AW%FZUj4fhcSL#u6RdVQ1LZb zGN48=r6d~d^^yD=o6D%v!us1B%thHVTUyvr=V}H?i@Rc}WKps&oEZ~LX?=G*U1|*_ z`cE)JL?3wTdKkHW19{nfI2}ae__XN*MKe2%7uw=E%^JkQb+LGj9*6cmCuSG^Qko6_ zp>z}d#j7@c6kZ+04%wN6JQ&FEv&h=!3-OqRJ)heyI+Owp$A-qvRpynBqPMmWZ|&7^YFEfm zwHSVUGN4(bfvgRg%IbM>a487mX!-eF$e?g`&B#C%Q75_L`th;Cu@- zk3_M0ktgm=rqDz7y{@amxV9mh)K^LTi1ETmXAHHT4JXwxnmOKH+&LG|;+d)BOim^z zA)PF*3Dj3l!*ii{br07i$JU*>FAB&xoI_ke4z*_5NcPhR{=78jwaim$WhY~y@5bY{ z-h|q9#kG4Nt!H!>_N3%j{!PLC-#GNQ$WFIzBxbAQ$uv)->G^aT$A$CdL#lewbj^W{|wH`aBV$cni`sqbRWslA4ztcu|CAWz9j z6d%s==`^3;jx}jABZ%_nOzn95%><|3aPs(f$p;%rFI=J-tG)+Ka58wVFbHw zqzeDomwu{VQW)I>Q&lNT{54I-ZIDS(1o8a&SXSRB-%AjJaN--ZZeT| zw#J<4EHh^N7#e0w6mQ`(#b&%CPJJ_3*uD{~rMIb6E9T|`LmKrKZkkgTJ^#h9H&UO9 z7tv&YpUQl{mK=UAwSes1FC3i8-S_Eq*yt#G%E9~%N~4qL9F`18#s7^r-cRb0^t}~& zn?|tl_zR`SpFEmf`lYxpJ)@{i7$ly69Nvt{AyU}MWvi1!t8qv<;;BPQV{KN>vBqZ5 zc-GBHBW#a1L#|DM&4i@KbrM+l5qGY5%g&~e_KqX z)e(Kv40U;sAIc4>ix&%v>e}RZVP#qKU!AEO_WGf`+oekjxeu4>MzH*O3il3Klif9f z#lA7ZC>$i*bANXA`J!}59!h~>n((#@(2Mz`R4%@(?Cd*)kHQcrY9joIS>0$};7L*s z*`sON<5%P>c?nZ^ur7!$!?Q_g8ODQinz%$vB0{tix4as0TXZ@dX0@mH(O4GNli%;0 zFE%BCl6M_O()E6PSd~soVGZ^$kbV_oN~66n|KNb}HJPQ~3#YT0Xeu2G7@?C*XWz-R za8_qqmk^mtWRqGwg6CU%NzQ1haB8Nrv41!&pJT*7naiH6K+%)rE8NE0=maj*0dd}j1;;R zO(xtZjkxMjc)0m^Z$g9wX37zZMW(s>|X2L0njxCbO|FbUHkl_l1S**cDHX z+WmjOe`kzMSH)=kiszO1l7^h1H|gnb`Ow*O^?;{Ozr?Y+r9u|RSA zG>i?UO|VY+qjU)OBXYEh)B&Plk^1uGl8zV+*s8=X3}SAPoWVP+$-6OzmHw{6+>9Zx zq%H%FXwzy$G*>@mQa2++y!JZcSN7xGm@r!1wId`h4#T-gnEbLw_ib}7Sxu$G<`Ay@ z%j4HuH=Cy3aV zhL{bsrPU-)vi=tE=xPIo{x_7H-X4r^TELITW`sKVquQ&D(JVQ?Pd63r-C(poiZ(Xg zg{t@R*>Ke+>OcbadnYqcy&FCkJK!ljmX^%YHK)X3x>EK$#d!?*=0r_xU0R7|BJ-Fn zF4nSl`tP#x{#7eXo=&2wB#Tg$7H4L}VSmknqoHv)bkH>F8(3RtrxWt(nh^8#7RKG2rYL6Heazt@!ur#%p7D z3hM|f`=bYILucYBJmjZ!bon_*S6E!S*mcX~mZmRxE~}KzkNsGGF@a@LC)Yk6&c)MC zjQ-|N2l?z+t`6bH5`z^mbKE8O^xg#S&%b0 zk>|J5hTbxYcwzf>08qf9EB34%CQkc=7+DTD7 zSdhV|ZE{vzufvr?|7RkP<;~X^njVT52CSQCL&gz4JfE@KqNFx(=gWVggl1}@*K-1U z(xN%%J)L*Qx=<%mUhnP+;`!{)hdXol=5NNjslqlZO%Vmyn%^5t4IUB=5CepNK9 z{RiPLd#ppFV#T{PL-typ!eyPv?Am^`jTpfjKR-TJiau~y3|=uAR8(hEN3@t1t_)}A zBR_PnXR`6YB+M?PLzEX?9g?Wgjb`!KWa1Zwa=3L*;Z`)07`Uk%lHJmaweh$ccjW7M zeGVL+#P4i7zP){;gf6?IOe?C*t=j`+{~E@=3!2oCIpDli^_3cnc%DB_=ktgpE^H6Q zpeB#P1T*qGP2h3I0Io>R)LfZs>UELY{Bj7(7LH?$%qov88P3B|Ml7#MXXrT_ew`Cm zZP#IRdK|!owH=uyGtkamCNp=e7TVqIvH09je0C8$*cQTuq+u+4nTwlWQ${tYhs_YV zcOMzW1kru}Tjq>;_5c>u%4JYd9~!+HMIVFD$}PhX4w{+KSLQBt+zgpAdOWwUy0bZM zHZSHC3I}W~kB{eZr)Ux(3tXwPOeDES79%%Dk~Zv{k|BDv-(R~511O($TRJehR+7wI zyA#wth<3sbTC&ue4DVswl-et?M@K3jC-Kl^1a*EoGOk|?8L?J4tPqApktFZy9~?-{@k!|RnaYPgDfDq3%-LnVv6Fj}rj6)*4N@5MTI#i#QU_>D zwt9LV&42q5eR>u}GQ%sKW6zfrg?yW*!P(2<%#vN%?);BR$B~_cTN6y1wxUJsp~(ZO z8*JMT!TR=WrWpotTy${b9}K|kQy$%l$6+e(nafdkUe$4Dy<DyOSJPP9Cy|%Ge0g5@|M_1dj&770Ktd50YKGE6uC=#g9hfB?#F3T; z+&Lw=8$a(Wc0Fz>o$@6g_;7pSph-s7h;X787jkL$U|y!3QJRF^QtozeC8YJ~n*2IRl^jwv38@q)dD}o=NldF&QlT;(PwI?&wRO@k2OeT_5}TDO8Q^&4JF= z9DO#9nNx$AJwBO7Glp^4q$vsY-56FeQRaTVaXns-R((w+o8zHkHnAHmljCrypGD1e z51ROBv2&>(H(r_3&3iJpyo31XmB3#OKjvo1^Piqdu4u1XZWfL~i5K~Q^Vv}8O3jB9 zG`o%BMUzDS%np>k<(*G3J=ho5&fp(<~WgWEn0BSx(7EO>$AkF9|=`X zJQK}C(Yg%&^RI`{jPTZR;fd39JU7TWvmlZ+YdzQ<(U0BLDIEK=RY|TLCS0~f;=5AE z!NCi^#aYaY%cjY2JzDwCV8%z`WCh33NEwQC`z&rtJ-_^CrtC}-(fpE0gy|SoOJA^5 zbV8cdV`y|zw3Mq>wbcOPpwOR+FxGQ+Zmnh6ApX*&kMiFX4??IHriR^F1-E z?jbY(Y?k)!&1cyOPLCQ$on1kcE{x{5%3O68$w z5WE`=;>e{`Hpos_T&_;beSP1T$gb{wTtU1YUYUex4`pCkBvEGq zxsxMVL06>52#MyT$z7#*`5f{RWp{eko8{7HoO&~ot=mRWGIK0_+Kcz_xT|LSav_m!ZL|A4&u65UrbD= zDXL9+TKI zn#Codeop3=*UUL4I$tN_wnV-xV5E6d=3AT4*+D#k;yqD`=FZ4dvOp_4;5NOp?A;@I zQ|OJ+#atFur4V{Pm|aQZD7Y3Y`FS1aD6eO&f0m3LFTH*FXc{Xf)K5_7MDkpA8Hzq> zr(_V@6ykYK`t4rER2}`M3|SpSwwfun8^qJ_ay+xw$CG!mCj;hd;bRoY%nxy-iY6y$ z?gVO{3%{z_WZWW)smOHY#dd34W&hH!evasA=5kp2sg;*<@N8zot7|d*xipH_--pww zww8FzLTNB)EFnh!oLNHXpd8Y(~6XR)y@wF^2 zFYLyTu_5ApO2Nd;hdy1**epBup^73Jw~972FqrE8`6!FBcux>v`O|s6&w*r*@ze>| zQ`e@Dk)p+(C>qbR!;>*;T`C?5Q<|uX4&^U@=82B#;NI!93V)*PdQA5C3yI|4&!tz2 zWTHHd;+d}=%LnG6lITuEr(a654j$s;EMe+xAM}GIgU%ya-is6rK0j7IdM(pkVx z9=^CwPnRBPFI2j<#cYw_()$Oa{-!tU7wHjI8$~nGj1D>66Klyh+Ns_XV>M?iP2{fp zUCGyI3!ca`v;0U1#lPe{Js|#(HSV}|jbuQHF1NA^xx8c)+T&(Oj#wE!ET zgH7WTrR(}A#(Z<(#gc5E=n59qTHe9nU=Gig9G$1ObZMSTU3>9H#Oq21O+HoGhB&>Q zNax;>{FolWkUruaXf3%Z>+(^t973t+9NJb#6aOxNi^BQ7D2Qj+o*~$GE+pce%zI`z zXl_X)RL&EdpCx$Qj-cb-EXhBLp*$v@w6v+XEe+z(-RTq-KUX@go=#8UB1dVAl^zTO z+GQ&+E=%R(f^=@p4yE$5MyZq8-ep!C5%t zE6J30i^jS*gW+ebSUWhEg!#8&HzM3pP`=&CF z_NKS93(YQ?GVQ%7YfA#9pQV^F2O^1_1is&2C2P(g=M28Y4Ti zB?E02pz|Z0M;g)O$a7q`HVCzYhJ=+B@vgj#k5A*N$r;X-|0Zxsv=7U7=AePgqKgM6kod~-bcM9Ki!0_%lmWjaXA}?Ta!Oug@>Dc zC{s-pA5k#z>qOVMCYXd(AzT|glTXcCv$?OFKS$!E^DB{o=M33+HjPQ!1DKtdOn^fn zJyu&VNBL9f<>HCOo>VM97BDwK=B%I6w;gUP8uj5k5g(!Uq$GxkZee$p7w*ETUE7++ z_K7hpb{LHP7jwptz~=@p>1B#yr)d_4(g)I6-v6KTleit>$b%%oLHg*+t|2{4mt(l! zCyMSnEoGK(!jW+y?7Qp8E@>37zKc>;Fn-gC}uW?&n!H#M>?)rG6>^zh~UeyDX8@F zBtj<;%WAPXKogabsaSL~=5nhVLU%fGCqo}Kd4^jq zEvBnd^!+nO2$t4^Y2NZZ*=3JM z2)@a)?JIe-XFS4bf6gE6iX4W&%nZIgI3Qt(OP<5sK>Vp+Rp zc;rsv-bLasz+4dFK78|`PoB`H{dTk?)%S^S$(2W zIl;4oWIzN{^{58(HoD*R0>ci3K-H7ICf0-J;snWphXQtW8@iAM~Q}Qz#j-OE(V7ZnNe4V(zqp!v>T}e zmrvx`x->R)wnbld+y!xYI2|jbyv`r>D$&8c3YYE?Z_zCjqA7a5+0P<4qMb+A*+-NY zAG=BaLb&MF4SCcM&Db7++!~)lRhu&N?JSW$nvQ&CCKlGGr-GMx8tY%TOJgnQ5@!K(*(6f=edmF;{N-r9_SxX*{uk@~j z)0Y@NY3Fl)rImcA#iF?p!>-`l|8B|($<66H`p$eI~k zZ6^9W zKKM916n3Z@2!8QLApvVl7`;WC=-OQA$BQL?WELm>$|c=(5G}8SaWr`fgAzt!nD505 z=@GphK9Y#--XuQoUVPyHUWnWw(`vcJs*?-jPo4r_7%_>%u$68pzV-}YMvI`2wnx$xElPu8H{v^~pY-n^qPf46g`B+oBoR=3y6NnTYv zdgzS7svl`ix>Dm>2Tc6cg^2s~HF&#Q2h-M3$(bTecHW29!pL+fO`rxsAU)s4ZM zlcjerj&`YIY1>PBF3r8r9@?E1^F_b6E}UV}qW4%a3H|y0GZ1p{h`g5_ki`O@PpsRE? zBub}aD4&LS@^6tlO?qbYVRRbp%govPNbsCXo@jL)i2eIyRQJTO>v;qR?o8)jGh6B} zn6mizOsd%qOJJp4cnwwH_C(OAu~B5T9~_9PTV{5NEvhEU*+2t z#+;gzNz9qC%oN_w;Aaf|ALWSlSp)NeAvEvr!iFhP3|DMcUVWH`bRMH$S1Wl7@OmG`#B zouU1zSuVS_S69ix&Y8@L7wssrj>dR^^mD8eO~wPsV4bE-bJKUqq2mfDR_iQUUjqh+ z{-JltDP?Q%PF!9$lK4K-&1U{s={UM0&7`B^Ncel@;1@&bnOVewD#7Eo%Y7)b!ywb4 z(i`f4ev6J2PLpis(p*|a7I09sAJ3A1DI0^jpgU0Z%10CU%Q}y|(}grHoJrcbBrN0{ zK4B)jz}R@gbhN20ZbDd;VEex#aIO?Cdvq9kHp#BkzLZkIyAR2ZX`mU6cG+*GX2B>1 zh|hM~V1L1c<*XYK%*G~_WS;8F1?ws*XwSI7)7*r=Fj;k;jN>CF!xA1?fpB^vO4gs9bEG)3@{FJaP4SwL^!ugY~{ z`W)|D$dnh+41HWhOYuZ$?e=G7uq)qsl+fyT6m4`xKNj*rdE&J-$KCRIzb}R>qU~~P zC9{j{BqMH#kFuEu*W;>1&msKngDjS4B;aIxTWQeth0@MC9G@*&%$PSsC#G3&*<=EP zueBi9tdO1yo#;?Cmg}-Ru3D9hy7&e?Hl$1Ec_vq+OC={bnkMpl?=e-8jFA9rYQu@2 zmxXe95lNejnc6KzGLsW&=qVV9__Z8A#?ZNo^pL!$W`yVsLzl@8*E$4kbsbFmsH2xw zfPGauIWiw-4-Vs2v?(Uy$NM=`heWyi4h=S9@SHSs)fAE^6Heo|TC@UPP;|^?`_Q)N zFC51lnbDt~3KfoblH?Az-JYT`9BX=dp}@O*vNN0rm@ zMn8O5RxZ2{*Vma;)Gf@?Al2ZXd|M|LZk*M=~& zlMmlt6?1e?K0S^&vcgf5s~-Zm6)$-9>M4>VQ;F(<7;ZlpOL6BS{uG^v;iEj3iC*EQ zZMfv!&12F(3pxIzJKL?2aBtR}E6U+?dGbhUuu5jF@zxaBrh)xT$$XUj8OQPTed3P# z)W^ybH6<(&&Cckd1)N$^&yr7rm{Q^=*%c$0+%KPVHNE(&mp8@672Nooh1KsevdoklM6&jwXiJYQ=ItQK zGan_K-Rg-PQqABW`ObZ&w4=`{dz{UpQQQ(8Sa}XNLVWP9Op^SZKven_qm$DE51Gs2 zT=VdnlSSO-T>6X=e|nI-x39$aA@}dfJE2Sxo%rw=;X_a4P@lhm2{MM6nGvwAabP9-XrqNzbR(mF3*Rp_&+zMkuXU0pwJLA<%>Em}WR z{`MJz_msaP1lL|%m0yr8g+Dy$b zwu}j))ubZ6j1jJIYr6cq(xWg_i>0GVxt;V$nf^yQmF@i)`mK!jo-(5w6|zq}kg=zw z>%KCFu}uVXof1S*a)flVN_yQs9bA{{GH2oxo_meu&R922zZk=+Q<4v|aTGy%24vaC zQF}j&-Il^riT3Qs67e>*SEtv`7(Vxvv&D5DNf%?-I3N$Z(XW)j7A|NFtEG#~C7;Yw z8Kf#X1PRGZnI;~A32A6{PsHEg3G*9nMlJI^PnkZ zti(sFE7;v>8(IpdV`4a#=|zHRPYPu1qF%i53?kw$c@BP+v%k@p^B*c$=&ve$RFZjJ zFo$DZ%2CVCrMkqCfvOFJyh`AQ>_|(d7jS!kCf7|%u^MT?=^c5}p)UKDt0O_Z%W)M= z@Suhw{@W7F%vPe`y*7Ya!6okzSO_c2V6xz;f z!9MePW|75E$;<}F{QvuFuG;sbRT5QwWiZKu(b*%j{kqZaoKQJ zy1l5u^pG=Ip~+|*&tO20D(nJh;JwXXw3@+Wt4ig7%m^EN2xFEARb} zIZb)HDTVp}6>@%xXt3@_VtPk(KU$)@G&K@zK(Hd=s|rku$QhGQ!Xa0*&L&F-kz_6> z$epiM#<9xoG)WC+()C=?zq|6nGJv2pmbBV4faHBa6sreu>z-(2e*2QNC6DU8iL&!Z zrpx3wA|f+U?O%htaBQ143>S~C@Vf2fo$H*$f`Dpre|WQ@f3lq2fz?Vk|*-G~Esin+SUxZ7W;rwWt&BN<<*vWf- zqAG~hK_mF*l{0mhJMut9moJ;UiqFf3W-*2|ZqOt5Ln;G42k@z|JFYZEIWLs8`^qF= zB9Xcwvcvi0qj_BNcW(RfKI?UI;$xoiR#h`=h|W%`#RELQw3T*Y{iezn-wob&m-D* zz2(&$(tE1>u)Kif)5V{5VLDYGf_U>im+9)|bUT*McG9m z@zR-UpHG%;7%`LO?h_3`@}iMkd?&oZ8aLE2Wi(}vx^e$fJLdcl+|i;N z3IEeCd`%DyN;A@~TvLYcb!5U$$yMkqd5760oZb_L_93~Gt)wHYr#3@ORGBv4jm!ll z(hIu~XTe$r{#nJO6`dHpZ7k{sXHr|+L3(SZ^5>3XzS>vuyO)mS8Vo}3U^&}0-YP$g zna_N^e9>HW;meysR?2gDw7EKSlUy0IDu}1k=VG}#h@^mUYK?lZd5-9kvjrEKor0G0 zXzBLo$I32csQdP{Hg2!8#FME_zAr$qmuHLHy7E7!5UnIEz1 zWBH-ihLz>vygTfLq4))cR4*c9ObqMf{#^HV2(hoF^KN|-=`F;Mw%&nDvt%!JEEeCC zbXQweFh{uWlN0mAt6V_kXJ_efFGcNKJ0hlz#PhrOh9o~{xz7|jCy7=~@S9yrdcinLF}-s!{diF9l9h^m>o;2OO>SDk=@0vD^i{)c@43I zJ+tNtivR*PK8S~8-!WYGNaw3umy zSzI`*&b_bV7g}6Tr!}73=~_gD?_fOc&Spr1WFuWL#$;hza+m+liyFmgAMu|4E3=ZO9$oqu(ouL&#|PdNItZum?wiuMl|F_CyYg1< zXqVyXB=jB6uW$3Ib5IaCUNrwsE*Og5{Yi1Ir0jYi9y@I@iMpnIky4MX zN0{h{=E&KTL0b0|t~`}YPa7+oM))zuqYbr!H5;de@ybMna`6fIjL4_&*fc73IMYYY z*jIuN=`<-tt7R`%dyi&{@Goz#^`<1IDMM{#2A9v~`Ar+&&4z51dw-gHArss`D-9={ zR$kJ`MCEh_B}Qc=2uJjzt{cYTQo6iDSt574>dPEVWhNQ8TIP!_{kStUi58+Y z*!C`;(*cEylHAa}|G7|VKA2sG`O;HeS%nPbp4>B>9C@J95FmoCg?Lt{Q8ZltmBk?b!z;^~+>fyXzpG0^YGkzdkp)=u({nwoP& zX5ji;qXl~~=aHqZbaM9>pP3GBvd@0_L!FH-p)4-VVYZ%R&NZ#&&VhM+@tw(gR|C4M z^kezYG?FD_?eQr)`c9F#L3pB86$9DrAos%?!NJvI=w^}5?a$-*WgkFFR5oQtk~rQf zkH=|Q+^JNs-8X<0)5<7_kk4$?kH6cwvE!~U6Klqi?UGL0OXcjGDLU6{@~*$J;;MNM z_7@4B(WWcc2R36$kQZm=_s9yjqQ_$me7zNHJmtoz;9tsrw0wDSG7X~wPu@w6RiU1E z!U`qdGa;A*q6r@=cg^Qu8oqZs|kOxSQQ6!D4keo%aQk+g*CnKMJ1wDT^D?S*+fl$>{}_Z0^~M zg4S~XFU-QEU@9|5iXX((i{azPVR+7-Z^2#36-=|={b~Fuy7N@k!7RR4!;#_$ypr`e zHn$yvdnaKc`Hh{LXka=&k&B?D~fPi$)PT$Z*F{o_>8XEsgZ z#+y;JZCyrgLOgpco8fuUj9F&GX=yf&!Ll!$%Bf=S_k8Jx8HuG!IFDQd7}2dk&Zn88 zmC@(Qi9-6D-BRjw>moa}WM@Psito_~pNsiCUzx|G)Lz)kvEz(*^nW{yp3WciiN;(!Eeg0UGqqOdILWiG60JcpKh_Ut>Nr#8SXPodWegRW zxajZ9&~M|C$okz1CEQ& zxDJNby1yj&cbCz z$(;W}?rn`g28#awj_NbzYB@(nIV9mx8%L)x_FR-1Pxby30-uUt2veYvs+3Mg_O`i~scf8)f-82Y&XSP2DwHRyFGJr&B&*^NQIQ zTSYtf`P~0r#>_N7%42Joa4(c^+q2oEoWy(;!R{8Xt!Q>V?IZ7X zfar4r=^=k_wH!wxC+D#7KYJz(5bt?xF;!Q?_~D*|$E;iyTfI|i%I|yoOaPbLc<}nC zWPshOVg5bQA^1AeQm>MK?|3ms^vD~sJ+Rj)5I!fGpdM)`mXATJO#Vim*gm-}4ek7}HGpUk3BXZ8@)7M38)}jO7oKh-#Q1{g8>Y z@8U0B!|?=9m?ruCUR3WlBIc3omJ35^(^U2ynG@30gQ+MQ&N_q6D2yAZ9Aw8L!7JAF zlC1LIe#A%l(rsH1F0)fHy+0hM9ck=dTEfZ`s{HYw4Z(|oP!;UyVfkp`FzRs>z2bkO zVbWyK#M3p0rQTmJS-JurV8 z&bjVgd0Eh#uRiGR=8xyeb-#UwNVq$dE-FRmjWE;7SW+Df-LU@8ikKMSzpG0Px|P68pxV` zQwVzE!daO!y#Ms&xV|MHY%B>@iJ-v7jezc1w9YG~OJWjdZY%h#-Hmo8p`7XvfV+hO z9dgECnQOx7?XpkyD8gR;ox{F$1Zb9uKPZXCQxw=5sEe;Ak&Jd}(*0YHjh<*FpVUyc zpos111+;RTOvTb_EGowG?o&3aJ4yd?a+cf^X=pTN(Eh$222Kh*h4&~CE@t<%KTwZe z%tPrC*rHvAmgF&9K(# zd~$0lI>rdPm}RhF^k8%|=ZeQFninTV3l=6E%a{s|uCt}b1Ibf!7Qe+RPsyx`BuKoG zszIW&PH)bKURn6%<>RGajrobrhw5)6v1Q~~g4OdVYA^Y1m-X-!z9q9en&*>|V+a(RCHCs^t7E$uept8PMUy9BR>- zO=VFmzwd;G%))AsHI(%8Vnst5gH4iXV!Mz&=gXv83?wT8TETV-zocDY(?#PP)UgFqXMv)p#EcT`J@2 z_V>!?_XByMEjZ1amNI+S@ppA5X5;2FDmjxE|KyTrYernjK=S_UOT=w^qGD|&mpy?8 zCi0$bk>C4l8DSCgdAqC--Hr`B+8)M;QCU=ttK#6tR?KfxLHD1cCFnSps{JjPIxw1W z!KeG2tmNpsD(3ep<*%13m=_qq8I^F+cL=^Dx`L%oy+sElexRPhr(P)&KVcrtZ`w-U zm=_V!e^E6sMl$VvDNAtYoan$F2{!XSp()vGMJrLJM*mKc{A;d-w!2_-`(hb)Q=dnH z+H8xLoXNvUOnzL!+%1KSR+h84kLXdw%iZH@9lgFwR=3Rp-fCvkV|Ebpgf}&?Qs2U$vGmBGZ?rlAFZA$io`{QRg6_61VMqVY zJX*ArCT%Lod!E5I(R~jwmfYg+daM_nOXa6PhKz5^!0>Wr2oIUGtt0zdd$9A7%rCB2 zl|g%^Np_<(T2lo7EH-4-u{3l}OZH$ZN3IF4Rd&6QaUa5Ee~RRou^)aii&Yd9F=eRi z?tfHszo`c|&kd7)<`lxJr{Xm)7Bkf#G`9+7x73S-OD?jP%|&;oE(H%$c~x76^Ng1C z{N%7{V>x+7aFWL%j8f}H)4+Vugu9D(+@37E#nc;$FS*qMj*1uM^Asb=R4V3C zp3G{`L;2TQJbF84P@tutg=-~0io1(8ts}GJgE+8j5Hn(vP#rXe*5(DISCkN=AI0B$ zve>kc|>5I<%D$D1qZiIAL%q6&Q8Ah)|M0=4%;@U{bK~Cmp$}Fy4(IZa0 zBwKGwKXi}=eJ@zzvC0^f3K zEMoBJ+`yM5#f%yl%#sIoERge&30bTf*Nax$D{1wp59h=$W!tQZwOyvrrhR7yb`W0f zWe`gyn=)3o>`XDxs5 z3TBWHK9zQI?tj#i9a=ccuHAC^ImVAQgBCF(rT|SjulK6@k|+Cy-LV)pH0i~CSIJ`% zt-`EfgK!L$4&kbD$!(n~*jhH)g2$QqL=qo641K}uOBABh)rg|8cL}-QB;V=SdxvIcw6OV-{j#tZHJ3*7N>_51mPAO`q4e)=6aCu+ZN~OW z!)j4J8?F3B8+lGS@^(j5`xP;wNf7l%0#KD4{X@9Ge z8jnWSbi7uJckJs&<+cdXtVC&Yg*2Q*%kbWRuz0t%dEgd}=HL~46Yiw7w&dRpD`D0} z>EIFmuPn8Jv$?_iyIWnlm>gv8lnk+&S|Umlm>21X_Udl+Y7qem69G*2xpkGQYS)JN)ue|}ynnsg*I*NoPR=i#m zk6k~}Q?~BK+=sRN)x9$}-|Mk|VhGJUVlF(E#a<<;`!&ru7%iW3>D% zMFZo4G6h@hA^8dl%0G8Y9k}3N2o)_!!Gzg;SR`LG)UdGlX zsSJ^KeeH#5G<593wJr-#-=N@&=x^2z7yrqKJke@}QgJ(<4kp3$7+cM`YYJu@X~(7q zh0GY7M*czZ0OSO5L$sG$Ld6&LLo&Stm%g8D#~Qy#4(CSk@nk$tSCq2uND(^Y0?}<2 z$Bm2fU4_LkH$R_S3!}&|7{u2);iHWT$SjW+9I;Tc>WgTpQz)LTDA`XW2j5M&%)lUy zBq%VdGG|qPciO~7(#vixu@#ba)>pyV-v+$+n91FK(p7xPUpi?E=$|1N_mgl|x0K$W z6B)Q!)Qe7Evi^o=61gIeTt5}IHkROi*#wV-W%T=I!HAWD=?qQa#QSur^-4rz7%Uyi zZp2r$6h1zdEp7(1%}(LLshQXs7xQqj8vWc#=WD^ZJNnH?aT0&S?xs+C;Ig$M^$OcsD3#tn-;=X*&}mLs4#d~8WG17sLU3v z!3+nUANNK}?%~$6`*7A-bP*-l+sg|y z5be;n#5ztKmN`hC%csLqz|(`0=9MH~)+I2zJ-M$(;H&7wbMx8cEsw%*nkD=8_C+V1@luqW`O>g^fB>YG%-}b`UXPs!Vjr z;mf{HO6Qzddbv)eVsQwocBE6RJy^I(74&+V@pyg`-rq}wL+`?dH3^KYo5jvAI~x`#SWzsxz9FfMKA|AGgWO3!wkd7D6!TK%o9i+!+>>WgTb}RnCndw+y=3J- zDih9AuxWEY(l4gc%Kf3TjaxCpPJ7d@x{}V`aqL-|PvoO&8iEtqyf=^TdmJel^5|bBjiH>ufwJTLPO7Ep<;Cnx%IDy?f&3@fO`7D2Y|t%czg{#>fcB&b zWza5%JL?+6FP6+wEy2roi|%A&Id=vaORmgtX36ZIxipx}lrg9~^h2dtA?vbTSSZ?& z3;RpybT*HjLt^+l){{T?UsmQw7TcPxb69x3iavr*eAf%+naOn2V-1JARuY-*mx^R}~@?mU?m)sn%~L2`BW|5A3WD8MYUh#MOtXtp7Q*l262*5q?% zcp;~D7h!#}n#2SxzFJJeT6iPR-qAE)SW0=gf#ea@pwua2&f*G|no4HF)3KDwxifvT zIk()xI8ZFzO*Ew^meOrR7L@W1Q8iC*F zkT%PiPM*S1$mbfmV-){vQD^nGNSrSOGtBpzGPtmum<3u~oNtOngkZxbb0puqfyVl2 zq|Io<`P1o=*`~^tsbREqFC#Fsg296A&OG~2IZLg86-PunWf#Y`@foagSxIyCQeNH| zO+WiALTwUg-_D##zD7)IF`mzcsTd5AY~U4ze3V`4uOpH#tT9w()d1|@_@n>2im~q{ z$7y6ffuC!6)29gY*7^*QciuB0oVDkpG3_Zk$+1X$cNEcNhAkC?lZkf-;-(^0au^qJ zwKRmz$86}Bor=n~M7|0>qIN5b#)GmCw-mpkULgRX#I;-}Zu_Nj*e{K)-%8L7SD@OykhyLPc$i#>LNt;;Hi&lhzAo=0 zW0@(>#52h{yd=E8*16@ZYBCM;js}!ot7grpG@88cM$nHS@q+7OCLH}A=H;A^Y0i7u zjUVrm`E9Z69Q(uAp_j%PMFoN4Ve%T3NW$_Mw#R4FxXPH8!&rgOf?oQHb9 zl!umRVy$h!%iRT>|05o^qR~vy^dunAncqu$l58g4k(N>Hwy_bft>nZt#L=@P6w~Q- z=v*ve%_+e%moFt-vbO%$ci7gqfrZf~+|yB`Uh)ja#z*26SBT}ZVh)G(K+2+d|0sZV zTHfO0Q^DhD8Kqr@(zbIs5oPf-)wN>r{5pEx`XsC8O>&gK@`m^qnLKFEz|Z$Kj7kYd2dSS)@e00Zll>R9DkFK;ao3k zhx_AMJnF0_9ma*!$j`YDRYcru@wOe)VV0adt$$juz&f8Nwc<64vtZZgGKQUeqRf$e z54$IkM10HT^n^^tw8VZ*0v?%5 z=imedO@c;}S}(cp8jH~GWWq2PSJbaLqPbkMA@|tQTK0`YjRAZ)=}F{1Elzxv{)&Ey znDrH(mRBNO)z&k2vuN}rhvdyI!Cm|{u<7Q7w^}9l{c8Cd>Wtm-at@2uV$K=CDrOd7 z@L@L11UpNAD%o)_{J7Fxa$V;aGF-643z-S@-JHhTB?HhBKVAGr4X&t0QrOc^vQHq_-;O_sj4Ve?YS9J8}yOZQPU8dk90s(?@8X>&g;IB3OiS`3)T z$jA09?iE3&=5n4a5nYgA$-gAaBW|?3YfMsA;6L zT_N2+;(rRd*&W(+O z6u1ms=e#oZWpK)jK6E1B9~yjuT6azyk|3TBg&Cck(tCQb|^dbS<&dfKrmTk->(_4!m)O3=4Z%uIB-ROZK>GsdJ2mNQ|w zIoBN%I5}rJ*AGZ$$_&Xg?Xp#TB-vc9@{#=3cIc{37JvE(Ufvcg>rD!NQGR4)rl1%l z86p!#;?_|(+bga3{Lq`tvXAY^t;Bg+8Y2W>%lylSuR6l9%;~~x8_Bx0Sw^eTQIdmN zPSu%wbmX}@u&sdQH#;%GF_9FRA*}5TC6914w&gaI3=v(CVm`J0rlMO@u;*X#e;=!2 zXMF}iONNlAp3ky>dWd)Hp3?b#FFM8?#?c1{Tl^5AiJCDCtXzb_xpylKrTe_F(%q->1uyJ4E8fUEPk93s!Crv=-MQ-oV= zN!thMT=**gpQu6MoV|Q~a}s4f-*_Tg zGU}vvYIl-F-*&*KQR&mXD05!j3aMTTD!MO_Q3Z6-&JYUzWV(@dY zrSgkt(i+1VFkn0e_0zF7bjRSJ=&O(TqS?-$z@6=J77ys|q4KWmRj~W9cvWW#Z!OPq z%WKltDEa@Hr&=>F$X&8w(xi9Nhdc5dFY%f|&^l9Y@2tUE#}>=Ce)O@I3@*V)%*X0s z6H?E2I9P}Eblk(*< zO337q+{oBuE}f&p`1*1f1MY^Reau$QyUBDhjpgyZI-jzBB`p0U}LbTh4Wg}U(B$hkLd2DJF%&3*% z;F8CbuMoeBVJ`Q@BW)TS%;1bNR-aKP{bmZ8##J=-_2ar)BK@@E_*iI%tDFM`;}$bL zH(I)#GNm^}o_+m#>WnL~U1-Dd%VpTC$>Wkqxnw7~vr+ah%VHBI_8%*}i~%M$x^O)v zgPZ#-MeiO!@V<7^EnY;;wE2Xjq!Xny=H`NOD)!|tM|?@Y#B)|VIh+aNjS9NDoB+Xe zultWcWkC?lM=W69_BbvKkq#q&H+=KF876z&JdO*&o5O;s20b#DOu_R_oww75B56iE;T<=ya*54 zXQ+o!_qGEc6X>B#OHooL|GrO9XJkC<{~ArcmF{`7)X{MwhBaN?IV4Y2dF_U?n~&j< z{7^IW=Q?%H!gXN*t@6ZoNQ+_W;4r3}I&%zpHP3nydN3X1axLjvXCyUR&t=iy6T~0s z!I}@sWVUeR@6Zr&+%mbibRqrjR$%Q?=~wb1`A^KJ*gFC5wL16nGdO)x9uW)ipY@Kc zp=YD@6!qJDZ^w_lZVcNrTOC`Sa9q-unPUxjvL=z_jgEZ%Fpw_Nlj~|{oi=$nasQ0t zgnkc6@BA^3mgo4{1U%%$_-vlX?IH4Q)^p(L4|O{I%wnnho^1>RXuezh0@f)w_m1O~ z<4ktT`)IHs7vph>RMbu@rMGzH6LTppHsQyNJO&&T=V7HeDQ1rJ-8z}7@kz=RC}Wsf zgS|DTVW-(9p+mOVY-zlBU!VM~VpYesCC4nArLzLrr{2jY<5Kz5|Fimm#3#-Y%f#M> z#TJ27)cpVPrn&=qYCk+^2DMIR5|)%q=}dW5-IeoAn9bWN&r9R|Q^ZJ}OPzU%9Qa#Z z6;FE8xqczH?u$)tk;lY0V%_ZT!jIvt_*gcCn9IRpK0Ge{?^_=Zd>E;YnE6y4GKVG& zdQeAsw~#&RhJItnvrQ=sFCRi>JN03Y(=O%dB=*@T1JE&#uodbednP}!f#!x;Vk5PS zWZ=XRtS}B?W>!PSyAR-Q9S6eW`mt2MkLL0tbuBF9xsB$@F}?V8nK?;4Ecv^Y-ivN+ zXjgv-jn_npSysS}@JMV2^yJ`Gb(hOmKm7er4i$uO?G0Ci6779K9zM>8$EN1^;9*(Tml4re0^=!@UmLaAs2#uFY`fn_~ut#y=@_ zZhF47xlJ%bp0{UodI05~s*|u>7*>Yq>KRO7?2Z(=R#Fyi(s*&AGdVn7I)hI>ec#G6 zceNhAr*p6lnV`Of4n%%xhy8sg-h6dsEP*sXlunmhotds|j>C?4s(ut7Rm|g+N4>eS zqyeK3L^GmQGn?nf!l(%V0n`Kq#xq2vjj>&&z zBi-+?C%?7oz}3-dY*9w2?aUc;D?eBMA?+!YYh8ZAi2Blp4(raE<28!1sUFPnv!{(` zGK(*chw`h+!!`q0?6tuv1*;x>LRBNKlS4tah?? zzVR$nF4gfwUpgA9T@kB=tcx-y(2Q;eB< zAqrDvnwzXortznGSdGz{QZtZO^_;ohR(-Lj<+GPR|MSp6noGqWJQ9j?@FI%uC9p4T z0jCP>SiZ=F%khO6&Q4%;T}P@d%%P`I2(MdAr$JmJCi!RL{fAgym6fF{JC0ff>g~BT z07va9lB!G-Zz+qHw(hLTwii<>9*cVF+f-KiQcH6j%M{@ouDsVJBQ6{lkGO{Nkzdrs zVwc0cK~DJis4t~)B^p&Rpt?M77RvASPV%L`XC7q^%Y#*%K>0ekWNF@xv0B8=!D18H zjKzFZYr^!u+i_7P&XtJmnVE#2btZA?1-xASzg+e*F8^:b6V%5&Apc?oA`G1si~(odTIq7aVy^`UM9OBN09OaFHToc3<7J_KuaSBPOoucn+UpNrYS2>QNJ zCg|oY=5)$q$m3azPST8`eR;vv1cElS!y+<}Z2Fn>dVh!{m!w8boNLCb*T;JiSp})pl_>i+QoE^+dXA$Fg|Fx6)&g z(={J@5qMjCEf))Jen{caV%;yQD3AC13=+1KWy0UnSmGSaZ}r9D8R*K9b%hi*&Z5%r z2u@w;$I#XB>@3%jXKVBM#d|efD$Su^UOG)an_*V7GtLvLa`i?G|4sc|y6kc~_M@|C zI7Z*kMQ=-e@_SRcU!eAabLG{tCNNq%!ZWc{xRuL~?M+F3p#Fv>!!R2dfz90@(k@0& zHX?`2EB-9kj;YIdZ){e`|JnRSX{B64b)}o|tG6{}ey>fPk*nzQr46$zyHUkmOoFC^ z@p;sZBhu(gFH1AKRgB+6J!|?*=6&V}bAUVvWBESsdujbPc{~i5 zs7|45Oy)*&ZTU<*dYf~v>||zn1Y_kq1)rK?wzZAn`~P-%uS(Q`luXRJkr?OZsDE4Y zqI~JQuNrarVH)X|3wUT8$B%_2WYxFg#296&r%Ho;oP+TX?J&L{FYOSMiPejRv_CDc zg}O3N4{JoWml^XeXHe}!tg<^{)a~yUjq`i$Fz}AY*X%x(xqp|B{uC8YBCZC1L zcb24Xq^7JsrY`zF##68EGQLQkOY7-H|4KO=ysLiUzsu0tK8*<9P+V>NIMzo0eXlXi z{3~GiphR9X5YDaH55!JlUPuxiglv0VDXssvGBP>D|?MK1E{pAC`}B!qhzO z+h<~p71eA!IdmyW`8s>?mtz<-DwWMHbGW%n^W7d#4*CUS*dv^corjV!OFefFoY>af z2nX{4;(sS_+{TdkDZL0al>ReGS-Emfn5Xxl=Tr}}O1!A*sBCrb&!zMI^W;+wqqccp zl9o*t8&6tGdoiD@S~B!<8@B#XK5KLbrgv^hhaKwp`mj>@Qv*hn*mAgncDQe(*Bwj7 z{#*`keAVT&2R44qX_0wPd0LVvI_bxu zCv%wHxF??t!ZF^SL&fwo3>Mh({zeL65utnv?#{YVlbL*LIWctO!RKhIFA#Gj)sH{> zPiDmY42*ZGgIeC$2Gs}PA2)-i^VD})MtQ8Oi}+mPM}-YJe0igOB`bU0j_Jy|*DblD z*=bXQSO%3b5WAuqMj!RASUi$r=6yKlqMxa0G;SS3n6$tjo6In_c9cHd@?&X9H9zU- z>Jl8$v zH@wvjpt<&39jCBXp3$*E&is>V!HoXmjyIP_yrDNcq@yMKHznt4@9Z9%& zVtM_%8D%WJ*fM~Br_G~AX&bhm%cS3zc7)5PQ=FAUP32;`RM5NqnJejb35;BB$)pRO zw9|L}zv2Q?Y*OiPa|q?T%jX~scA$1({dNqJhO0kwsULIZ>AmzU5x<2=T&^>Xr9qke zV=|8s^>c7PS)EeL_S|bCe@34qvi0X2#K`?p5{r*C`JpvqsChV-dh)vOK0S+iv!pxi z^yQ#@=uwr#WSgZ7zKiy&yOxRR5KGzZUAVY4Qr!geG$pI&;kkDBL7p7R)b47n`t2i2 zOSdm?P48!&*|Vnxe{3Gh&E-9ryda$&os|K(9xJ9ro;uhZ2z^|J=WCmBd!=#@n%!%c zwr9sbIzOamZb|ZFtF-vI?RMCUCGBC|ki#z$=!GSn)&%p@s)6;&rN$p_mBxAvz z$=$dpZ^wksJ;^>QABn32!`ytyYUNDc-V*FSN8sUCi76#1)Jzcz-%46zlKNe?hR|0HJa8dzcE<6zZZ3|C68Vr9jMDv8HJ^y|xo$GN)qY5($W zHYZ0eDRKU~wh?W8qpf97&kn!)gk*_^cT=iug4yf!IYJZJ)a#zo`?mS1%s#?HY+w_QDXbA2{_qm$J&q)vt=Lug`}M3=9TOdKq2 z?fp!K$xFJ)OZ%>9?fcF|@bk1i(f!3hl;5{O%Zdy6K z%YHRHo`g+ZSaC%6cGnDSb|*5+DU%`6uT4B0`Ib<`LCr4zs?YDylVaBHcvc$oRsOsl z>eTWHz~^QrLSB-%IWOa=^DppXslgGSM6EmT-4p9Vk7=q zBBqP!csehR<9N$#eoeK~371Q?)z3;3t-A2XKJ~w*II(%fNQ|WQWZfNs_sZeoclxNS z*@;^RV|gcC^mpYVj~8}gtImvOwR1VGJFiXSY>xk??{`${|KF#|*nBPByKSwq71AK@ zb>;B6KrH;*lH1dbzjZEl3DkU~v%olX9p&fFrbkbCocpVr;;j#-mkwcxJ@Mkio{F2>k>>TZkCpVk+6Q#+m3?fJVyxdAdC|s-gt(-YC+^zWG z>PPuQNo=n*;jgU(Zu1nTvb-RULP{$bx*3O{+yh#%D)vcI3R|_<=b&#rDo68!>Q&qj`#gn z@w{|CX077YgOkP(-$Z7l_M>KVFWy}8XVi)eel1zTkw2wBXdVp{U!eG`iFySm;#^0b zq{~BbSuvc&@`3N$qI>8?Gx`3!u%#(pec~t@qfWMq8HAM$W`RLNnhp@RuBa<_D)gk2 z?y)a=^`u*q)~ui5$=Vw$7%|&VI!V5|2u3ohyY6jkH5*-xrtDbd81;VXRCPASm4oq# z)*aiNUJy3Zpa?Hlp zQ4B+Ayz|-z@Nu7;p1*bsKi3yyquE@3yNNur5I!!>BB5_0Sq5VLe-CGI$W#_Q?TbYt zA7;wyQnA>Tosasn&VMFnrblBkVk!g6E1&qLDb{~AWAnzT)C`f=eRB@=I#>}stUQL7 zq_-LevqW5*!LcK`TEk2o+VcszS%mE-ecnFJsQb*0?kPF6-4P}3o+*Pu)q|?}en?d@ z$SKdyYaOWPFq-xSdAtq~BhlBN;HBaLZJ9)!BAts>wcFScN3ZpLxuOmO=jaEeOH85& zNN&XbpFx+G1=4}Xp4hjw?vi`9LycrNd+xG~hRK>2FLKQ2E~?T9xmQ!OA?={%FVC(wUV1y^y`id^{c0lEV3U{O;qRe%VIy zKFpKXC6%6DK7=iI)xU2{ofadgwqgi#a>sD;kOMcS4X3N-@XgtoB$;U5?q))pvz>TS zZ8VK7!~t-w&-rTcY_xIXY=E?o&+6<^ zR;%2W%B1f!=Vbpe1RNKuXnGs`{%c9vpcKNF$5VE%dgl=zv5Oyl*AK$;T1SRk&LE_V zIFVTD^%e@ZO>?$>Uic{|qL z^;EZKDF2jZ&?!`XSF^M`QI}w2v4@QkC-YC}3}qn`X;meT8E*bOd>qQkt@1o*XFDrn z5-)31S6}Etw(Bge8|=&QncIDEEN0mNeG7<>A9)kh4XC>mVD{Ka)UT^9r=kRo-Brs2gMuvF!M(|Z>KGz zQ}22FtQ^DOF)7+7PhgL7g$1wF`&{6RMO#~G+PP$Ee`)vAijU>{kk%;`qk`@nmp*9N zQGFZPw@TY~?@Fg4JGNF*f59Su!gkpbv~0L?WA+$tlE?iI-EE_umj3S!8*n?83uO{{ zqaE_Y`7OAw-GWKL4BCg9vgzYEFb?3aHSui7S6B1T4!mla$vN`~&Y6i<7^YdTb0_-O zRo6_;D8}06u%fsY_nx^Cc+H7=E`>b&FP&z;FJsesbM+IdzkFN-Z``xRf{vkKsF?k& zH&M310{)Kdi@n&|4dV^)eUQP7T1ny(cH-s1X&iW}%z$wcA!9}{VV3$KPfw(b&VcSU zQ`n%rfBS0T{IY!jh39&+x6E{w)KKQlAeQj!>UHqezS|{@VZ)RS{hC3!!|Qa$&tsjh z3BN2%A$$4~vSyEAwM{3k&rmfDr6Bb&!3DMS>%ir zH|InoN1jVNnW`L@vaZ{;KWb>|LfwCL4?IvrwUL{+eoyR;hY{S@UVp!*_Rj77XfQy& zUwdovQp7%7t$lf+`kZ#?U6LNkgSY?l|K{;#!hBX6G$7Pcp0yJBn0Mr{zc36}ohRpN zt>W^5>ez19tgcL2tM#e$xvUP#hU3^eAdInhdZ>SK9NXmqu!;+0;`;HVnRMVllQ=qF zD5i!(8+myK5zrw6gB~L=kv`TkFbNZ{RJshG#ruEci9Nsio(HXekQU2q+FSTwLVl>+sGf(CB`h`yr6b8Wo?YgYDsL#=RR)!r2JA8V<#MwI4^k=gE`W5qB5y$;%p2 zdGvg`x0i2yV}E*ErgEsXEnS`mGB_iF2Zg%o@b#X2$a>N#>7+X4Xoiz>geqVPhlY8~Vm6)ADc-CxI42s5dVloyT z0=Q|Ki^-`}=G}>l!xm1lvWV+^|pY4V**u;rm(%6^T)}qrW zYYcA5Yc5ZU?Qr>f8_K_>9>$J`yyQ1kFM&<5c)yN}y6VK(%JN-#m&K-3?4q6O3JH_v zd37%P*GW@(;KvuM{+Nz370;nR9Zz_&T7HnTeHKtt&tTt10laTtL|*MttXwvdo0pdI zGa(KK4=-q%Mz@j$468AP3EJaz+ZV-V)}FOU*F9mLphJeb=0BKHHF}*1IRBQ zMSP`PYW&hr|Iu#Wc@EAF1@xOaQFm-p-N&X=wNnAjF3hFYS1*=NR#(&o@#yCyvvkNb zsua#(*ydT{q=&L1Fpx>dmET_Dj&oLXZn!(Kx<(omoGO)SPux{nd>}jXh}eTM_4a`11OF zqO^Ibg&vbqfBf{QZXX80>UAnI);14l!QkBWr;K{$E=(5$#Xe2US_$&#*Zd*Wc}Ap1qMnwo*-r2({FolW%@3utZCnCm&&ysKqL zllg-Q$nB1~_V20M<*ksWy}O4PmA6wkzFIx^-)4(zIfy^Li_1Dpy@{J$`OrIy2M$3z z8!j(dN^{I&9mpFfkD0J%>!SquK2wR?MHPzU&bU zy*q)fV|8|(9EpXev^IINg4*R0EOt_|Qv>>R&!<`AW{f{PQ9YyTYkHQ=ENNXEo7N?K zd<-tqh$qL1qva$%(O}K-uR3EP&HlRXQGac(PSfCA4%uYW<<2agw~wdy<}?BdGC3Aw z$+4-@UY6)=Thj{H(c147c4pKl3-#2csb?;eCckO+)fqDTt0m{$eOU6h3mx8!#78;0nBkcH#PZ=|S=Yr1YQ180o#^ z+xMsM4`Y_Tu%pjeoyR#n85lHJKH^C{p1f8*_`z(cwT#6ze5vxfGY8^oQe$x@`>RH> zaYhRF-Q-d&zVc(x%z7@N#o{*KN(U zFY`Gc9Ifw27Da1vaLCm2W0Od5bKP^&>(NIV;1LT~`An3REfx=|lN0&U5XxLnAo5X5 z9<>f&-na3bF%BcKQ8!$4cRw@VQM_C+3ERYAqTO`2x~ZHxCnmz(whV69pH2HU*V)-K zV`3!D|B1!YEtUhvqHs=H&M?ch^y?}QR*O7h9F!~CkxJ{v1Nl16m~$6~Go^(KM){f_ z{!5^Vaj|l{5x83q$M9$l_si(4nlhVD&79dUkCm_b*`J+m%F(mxOo>zXV*B<~tUHVa zA?C_kyVK~`V1BKcMkWqeCU@e?=!w!gmA~vL-=co^VV?(zk?YO^-yAB$XVdOzFcT-V z<=n9x49)ZDaxr+SGU#cMa01_$ZhC|}pg zb~9P|eiEZCr*ZDVZmP|kgiSzK+OLntaJzaITo&?RwS2qU5BvVQo?7)guwcPd8a-5A zZ-mZ_j=F0Po~dqWJ8bIJp+}<>PTpTc;fl%J)O+^RT4hq*hf;Jlo0Jhj%slQ(<1};W z_RbW)5c~RXu|_R(bY6Gmbl7-xcJ(Bp-CF)j4CcSqlR(_mudHS>BZ{MYwEzwz4r2|ROin@Gg;hs7GrCfVe?=JXH3L>FQfd?y7A;} z9meMx0?obkdyPuFSy6xDr{jidb{KFX3}NaCMZPQF$$0rHkB_7r1JA z3Cq?@;g9MWM066zs6@V^Bt18A6WIMne>%vAyZTiM;||Z@guL=rUOF4+7BO>rta4R> zEZCXC`Pw5X8>u}`<&OMk6Q<``?+TYhTuvBKr9l4Ee~i_mHiV0(3<=l!)Ht#?u9Na< zG%b_xuX8vr?fdH{H#SyE$Jw@kv-#=t8tF@;rfV^ihMN%Hgaa3n*}8u|o}VTY7&@CL ziLH5H7$?49AJ&!E-?>wcI)_qN^l>(R-u#T#WW~afy@>v=a~YsyC6^VNKO+d9HpD73aG$%S$t4!W@hpA}}o$M>WF&%NAql zmlVQ+3@5Iy9n95bVH~WH$>lidJPQ|!y*_~M^`a^Nx4MwaN+0|?k0u*>aZ|gX$jB@n z-}lB#UWVYFOIe*Ozv=P@+Q}@V)$P{!t}A9)t?2}A7XNIY0b8#;EnW1-INZLCCcw=A zSM4D~{xqS3Pda^mH(+^-9Gt^)iLa(!?i_UhetK9suyqIil6PUP`CJ0CJP@e>bAzRn zn=*>HPzxStw^)9Qbj*}&u8-7x)n~Z8ERAVcQLLIKBhcTm@e*6LNb4f zH+2{Fm;|a5YE2+s@@v@F7*C~t3)y<#mY7Eg+=Y%N}g z#dR^ooy9YWUV(9IFNUPlCEI5dt(^4TZlBGx>$OQ}5XaRnCDeU6fsZTFaFjQ&Ld94r z#)i|T>tv<`hOlz|RDOwX$+o?Tg!~jcYPv7mJLFTxnEE+|; zEB$4gEmy?aJ94Hkvj$J4`uT>uj4r82kKcXy^V?h|>HX1E9z=tM zX6zZ{PeJ&%(qQ>2-&lzqIHo@(F~Ou|EGO1#4as}*@Q$iZYjt@0uhC9p>0~^HizoS` zfTiow*tE4H)|IAVIDQ zZv9Lp`^gNdr>G;ubO7~k7E*8IQk)(ut5ma)4DIW0*Vf$MJ(Q*$)nByIp74S~tbCSG zAvuH)-6igCoyg7U?$YB{@gha+qIvRVn3k}nZdKgBsN4CgcBReqluh*FXy71vXyhN72m$4kx;jWmrPrN@1K|S%o1(dNC@w4^HwmOe(AIl3xLi^55@K z&(?bR-EWLKUs_|bB`xX}(mP=Uo&~8GkBs2@g)pW%j^v#28fGg;cOcD&ed|kD^)-c6 zwUim(T#ibW#H6x%P#W4XjLDDXzYu%HqNE;!^}W3l89{}nxs)uL$=>VnVt`L$O9lCw z8)>FAie~mM<;C}Vs-vbW~5tfHpB;UCB=sipG|2w zWD56gtfZXsmeX8q2|eCHS&T8fvW=k1Mj!4S)^it`h}G*rF5IocU!z;ndWiOb6H<9I z(i&6k$NLUa_iS8wGMdZVBb_Ox(Gb>U%9~-+oialmIAH3C_YZmV_4{|W5JNG}ih=7) z`BbGV8*_&6scTo-g(k4W-kEFXX0rWo4E5{gb81#1f1PQ@GcnC>N<*x0$^^IlM$%d< z(IHx0c`4KB;F?K_PZ}Fv4Zv($5QntSe$urAi|US}{PYaWwz%=_bSfXSti)d!Lyft9 zjJVU8zx4mxW|tpJ7j|IfsB}!)Co-t&B1RR?;@I_R?79=i_yd8w3>rYosXAX@=5P@Y zp69#Z7m~sjmmI93ZKUV>k-WAEAICIQXNWvm2f8q6e+kpCTq~_{svEI0G6=qDPC}Iu zb{=1Vm7YEGGZPsWpUUoFL;fvrW8BAB_Q+otlQ&cQM`xn@4W*-LA6^WYLS#Y@2G)pS zn{o_R>LT-aoXXLq1378ko`Qvr>}}YXr6~WFKcA2*>XIzehq9SLVy%wGJ8TrU4{Tum z@4pcDHd!pJ9IDFOd_8@N{C2arc(4$Q8~Wb%4B$=URDw;iSfyO(rP*m>mrkO`heZC! zS10p1Gx3+L#H*jmo!#>p*EdI<=gPXy7|Xlp*_?_F5i4gIC7+v7>tahfPU=chxg4gJ zEF@rXO?lhqld2i(a2e_EtB2Egk9@m_rDxg)v(rD6Y0pjYl9#8=pH4KGZG-*QOm4i* zme(?a^YO|XSFunJbS&}Nnkx-+d2ud{mwSp?b!{3&`@*^Im`1#1KArUEs_xhPw^D30 zs|A=>3nKEgbcZGe_~*u8c1SZ{a6GlvC=1x80l!V?N6_WA%B9uf<3=OWYPcx#TS)sS z$%Hy;PF}N!>L!VF89I_N$>nwT-OqWw`|jBmQSVhEYud)q@{ZUOwJUHTFNnE2>X6iI z63){2{mKN&JDN(=@KLN;}Mv(6{o04|&BGvifUQE@fswGUY18 zaO_nrezXZ^{K7Om=P%@bTq|Xl)%DafhM|l5V>8!@Hcc|bstD5lewOyQx#A-vs>fYC zIq6AdYS}X~cs^efGr6yfz$43M%$m}Jn6pVtJ1MTmOZ6UnEoAsM^;KyPv!J2&1Ilrf z+)Kn}bpiA9Q-~k08NKthQjfR2S+_ccOYNG|eR&GsHNW~UlXp=0+?JY&7X}0nt^8!S z)x*TC9LwOw3FJ8Id{#zoSVAYpnAuZpkQYIp7gP22Y8EyUkN$NMO^vUYUVl)C`$Hc_ zbxXzjuAbR1u5@dvuC`q*i8W57Qqp{k?-^3@ukLtXj3pp7ffn*EHU8L`;63Vaof1S* zIR{3Cd$DZhOb!)?ur9H&y28~l|2Bf^6S@&nw+y*w=CVFLgRi5yifLkvn{q#C?)l&~ zgN@tT5i?(mlWy5OXs52DUh>9lnaJ?upBy=q8`m@TUL8vn@kq#cQ<|EJO+}ht-3R2hy`aJh#&R14=uFoJ6kz}IiHn}Ow3~cq?s%gbJRfEaoVq0ROzFR#pZVS zY?goj^H7dFG-cvv&4tIOVjYxEhj(67`O<}64c8IAZV)L+QGAFu#h~&Gb~jhvA-)+u zJmRS^LcXE~(kN^SsTDhz-Fut!Mt69X3$S=!I__CM;=%gz&!4Rb$WXRi-t3G68GQTE zhO65XXkBqLS8Y=KX#(Gl*Qd9|RI#SK`MdHYZk$YKv(An3AJl6)DUN-ejd7QT+gw@aw%XTK zarbA){a#`OJ8(EYlE})5%6Np+rMVdyMsc_f*}&>v3FE4}F<)$&nURlguNgS=WnT4I?4=yiWbgbBgy?uF9CxMouwS%4;gj>G_ zd_61HsQAijE~S&_sceWtET&=)S9_Pj8-pxr{1yEFy`4*bwV;hzYyPc~%g6mLVyq_6 z-Y$Td)hsz74}@*GR4$2Svh}7i@cJ31zFS12LxaRJccvblYm8;k5PC1Pk zwSAcD?y22r09Tr};t$>JXK!eTgU$r&t%(@z3{V%+7%B~rM{cA8(|*m@xv2bNgXL_P zS%#wnbJ-W4&wn4q!T%b{?P=ma7-uLS*;Sg97mfFeMQ=5ezmijFAP>Oz2Vz_~$MVWL zmjC?ai%RcA%GTvv`B$*GggS!YFwxBKYNbA=$ zYf@O=1Jes7@-3Ls``-edZ_~cMad%ETxKX~kGHZ^h zZ2vlw_zLnm9SM7Uyq?!D=5uS<58cY?Ij-Rm|r6+0BOWx76>p+h}>g4EVBL{%23=`%d~L;^ z5Vi%3QRlH{j<;f4IcBiB=^UCrY{`w9am4Q`VfiC@bi9g>qwf}QTUi{>l;*=-5^ ztxHJqbKrQ)IG!hl^X-sW3)K@?A1mJB#sCtQsb6T}A~x%uHfMoYK~K`=ZO!~nr;^7Cx%YP<26tEP`^k!oULMhT@)Alh8-IpT5?$P^T@Uy z>O_ra@IA4P6M8bMU4}S_g{jp(QPPhzjWv9Mt}9nXE3k0Hc=5) zbS;V{cf2zA>um_nn@holYz{5ykD&yvh zhbNEaoqjl9NFbrCm|Ov7oRQaL__XGDkN3sGroD9cB(7fa;98@F{5jGMhYez}xG%u_ zd2=y?_meEf)s+hBuq-OTe0L{2KB&LO+Dh7|sdy#nY%J{|Mu$1iH)jz0Lp-g^ji_<0 z4`1HtT{=0QYYww%b0wClPX~xom`p@=JHGtt!m`Hg=rp@0iSl|iUpb0L*PYmXRLt1N zg}h%9$IGY`K3dJ?nR!PHmH#>@y~RM!-Nj#W@SNG7uL~ln@U0NPuHE^v#hIh!l6fr; zh>7Cbpo51S7)aC0ZR>5i;u1qOlWPbzY z8YA&8KOdu1cgjjLJJ>}zP$M78NMHNCB#PG)bbnsFoRy#7mJZmE$#Xkfrm6d-@s5dn zlQ$`CMGs!>^yH;?d)O0;lZzRV_cG~O+f?k?Ag0VsO5P(wUt|_c-n;GUy^7Zp{$U6-v}RA*4v1cnwQDMun6*Z=gh+fPbQE0dA8K8<4m8~Cq> z1skD-pcCoWay(M))jK z2JBQY=T0wR$%tTL%|j>?yOi>eDzkmXa>l$~AWf#JXkyOK=#i_C* zrCZQf+4EC#3;DRIFGKqFrt629-0eF}IdAO*Dk#7Fser9vV*I=j&wE8bzJCa1ewqVk z3ldp=+EAVrBW}AVX}=J`9is$-a~L9%Cz}$s~ z1bC0)lD{VM?`3f;Bb8Oe!2qUuIg)pMbHkOuIsE&+adOXU<&@`1ROS{qep8|S>&ZF+Cc$VFiA9GO} z(>_n8{&s6tx}~$eiE_6Sr|{^5W~cG}sXH(Sql#6zT-P7x)eaabOZln!F!@u|l|6a{ z4c<55_?lF%Rn5o#ha0OmEXS_a7^>@z*KUjQ{JqD~wSSQGYH?f3%cHHlNbPs(C#azv z^HuRO7whNm7*6SmSp08|Wy#YV&YpGW=JkoMU6A* zd~dJw?ol1~v=F19Wji8cO_)`u5*1b`f0tpy#xhe$pW2y>+J;oWpN?B;2`RU_v3Yk2 zWd|mcH$NJSm1f**))J=+n#UT?An?i{E|uRw)$hsz*HC|%yhiPA&!K7KWbQv3NWY?C z%sQ;T?;H9%E$T!IofrP{JR~RBaC%w*n-Ypy+1-lI&g0o#C67y+OsH_bfZw0AWt;qj zyIk@)Ij1k*!h9&~I#auiP(n(ZF>#W1-Ik90tGkocscl3KD-@?CjP%C?7&E38Cej7> z)z|mAjQR-ndeZauKz=+)phKAq24ybCa+Nxs>Wka|qL3=3bx56-LCZ0{c>V8eY&FM> zAKzI1XLXk9`M&t2ud?g; zCA3)7h0k9K)o<0A?xv&YxMCCk>0V&-ES2JYO~o`@!B6!g?pl`3oH`*C&rW8%e4L4` zz1i%k{=DEK-A9u&I~KA0r@9=D>ACUhfoDZ;e12+wI3$ei{_E)|edgJXEQV}O8v+H^XD(&b>&(uMD zJ2sPfIezR|rk%%bW_ulT1y z3G^KzkJ`YVT;4X4ZNCKbf^5zfZ^q``RMsqSsqS=jHvK(>%z5e&?GVMv|E$^Qk|KY9 zItG(cn5k#B-KJt3{)u9S?MQK({~RDtMX7g{MD1> z35_V&7{j4RTWaKNCM9MrUuLzYo-&FI4943ng&pqt?DVx&k_ep*%k|B z6INMbGC|p+J#j?Np2u&}!W$`vb8M3Z0i)CTLu?(tXU!SYQ`9--sAAT{b9BBs$}ea0 zyf{vLuO_@59?t47-pUFE;5{M((|+^m*>)l2JL;T&Gmcw(rtsU}(cDsoV}_eF4J+l= zkEP&PUw)bgj&zu2$>naDyy+Z`b@XJ`1g3M{&6KtOOy#LOYF0h9WA*f4Sp)Sy-w2?M zOC+10*^pO1lAm`I2`CbuV$mp^Tjx+)?2Q?ZLkPAm#GqLcB`XX${JJ?0cPdNsY8a=t z6j4?0H@~3z{4|k`B*Eq*)!U037N%9H+{y_ne7kSYy4xN$t1 zL;7=%%eEx3S{Av15ftoSnRGdkrT)b%x*toJ z-jClZC1NskEI)S1U+F!Ocgywu-8uu0^mNV4;^()n#+%PG895_~^2(=mc3jK1<^{~G z`J!}afbvhvyQmN9&r)mcx(|1r!em=@25ebRo$X3T9Ejmfgg3`rk_c}wnG)$-Ce1=9 z94tQLFLpedSdQ>-$$YR$P>w7?nUqEHYsM2+T%9VJ^Jw>FsTe=%tqw}$Y19HL^mk)c zpDgMbt5<7gOBy+dt0}M0`b)EMQIAE9^9lU5sX*UnBRaHhAZGgn{kvJbs2|KW?dZ#E zf3Rqfc2Q31QrQ(t%8{p~x#OC0xS{wqrDJpS=5HyK^K|C-S!0OOU2~P* z4_H)N^Bi3AN?JA$? zpGDHUl_9upxJ38laBgUa_e(zq#xMPa(9-|o=&a+qzWXlhbn5KQnyuK~ErKEl7@(qv z7?dC(2ug``cc+A6_iWuPF1y?5=8WmA+0M@A+|M8PKYQIy_T&5eeBYn%RLie(5MS`_hHf@Ga!eO8Plx_F&LEb=G}L zrM6278wVOo51qwK#~7BTWOJleI2$69>G-xYE*G^gnQc$MmSWi_w<7<8Sl};zAMfsrwTmFq-!{F&rwBN0Fj)wt9l8V&TJe$|6Mv>on0>L{S`8`@$ zG2;aMB0ICfZ7na-moocR8a0}W+jb|G$jk2Z30}pNQ?`8Xav=W7g2>O}IL%RH)V%Ok+FyRt3X_4E^0e5V(m zwxrN>Pm99)V-d^+iD{C-Ld>)n01Fs~TP1m)9CxYMuJYBouqN^EPw z<*M5GzEnSoaeZ7mIT5yLD8^UC&YHcPFU#cPyW`KXDQWbGn#=X-X7c^JQ>jV_U(VK{ z>G}}XOT)Z9NqwV{@x0pEfZ5s;bY3)tZAUee*p21VmO$RF9KyrZ3DlIAX6k6=9yib9 zw)EDe8>2|R>r9P)CerC#aXqecPxJqy{kGJ;+nZ-*>R~NZ4~c<4Q(AnkaBPysPwC|h zAJc&dlbD=f|$Ef9f0|of6f^3RQue!9o2IYHkcajeQA75 zz0USsX|*{}Jd_}u4ROWHy5Jnb*0@~?L|x79oNvCxHHzfB@hUj3=s(b#`h?sTU- zWGTwP{VmRsgL;V~rE~tStY*+qroIWIc}X(ECk0|wMIMw7d9+?0fn&;Ae9!9L6_mg< zF_>pb>yA1qO{7u;9mX57?6|Ko88gWLC6en?efip6TJh2WRG!g@jN|g`^-Lk~P&5qUYY4+sqi&Er4#CC;r{NfWG?vM8%|W_I(GAcy?h&N(PH;iwLehh-JUW zGpWrG@>(YmAa?!u8y@_elPPbK4X(!G&FbFZXd6bK0uzdU8^)e);fQ2YdPo$@rAbzM zVMgC0;jAy|!_b4BX`UF$i+q3e7n{P?c(S#N|07X*J?-1(82OPpC6}9Pn-RN5dEWKy zs53H$vsT_Z8uIED58Y1G+KAirZ0m4yUVYykiEn?N<=p_BxaaV^+` zv)RFnA1v>~4BgRdTH}6L{?W)(e2R2mkmuv*5bZ*eQ>nf$o<2jAi%C=`p7K$5wOg;M zjNsdf1%$OPXU|bPP8&s&9hSr3m0{fUO{SN;&`a9|;4+{w>!zt|!Kph>qoXMQ?9HXb z0km5^k*(4=hd#8x-bsCsK_f61+it>h?fA3gwRt3u#L?FkF9-i!@&39g`P$vM4qrsQ zo2$fPuwcjTF@%~Xa=k?%qwlA3A8}u&nea48y8j73a$7s#r}^^W!~TpkT%hhE4+5Q< z@b9Q_c4Y-~Fru7~SI24J<|8xFy^F5zFgJ!Ii=TAt2ssDoBs``hY} z^N(P+X91?cu^dkIqwsE!vkZ9Sf#tH-l6YyCvfFND#ru7NY?)U&E9FOx@pX) zn$o#q^RVetkMNdWyrC0C7V4dApjpDn8;^0xRJ~dohy2x4j`63;nuXj@p6-QmJ7c}# zh&?1$bA##1VE7WgY7VBa$I_<0vvNy=Y2AH-vH{O4R=igpX5%<6_YT9_C5(Op@|l;@ zn5Lck(NK4avp?kGb6=b+Wggmvj-j26Jalok43dBB;o?+QtS`r6jQWB72k?2AAvFqG zGRn4`UI(QEHXbc+c`8=MsSH~m&zRBz9wv!HFw+4?d+}uUPU5V2ePX62(CR=od;G1% zb)UyY>3S0l4Y+=Mn0E5IQ!-5+v~ffpif4f|uH~8Xd1xQAJY}|cVfy!FIr8eAtr+@0 zDlfU5UTFn{#5HI2Dl0~v)}5p2K-~cYVELqlq#B^=;{qB0gBA7e8JtrJyXH$CGF9U1J}{IZNLkb-H5c zmx26or2yAYcAU6XAKT(sisiT1{;CUq`$h98P+99Mo#}JSmmNc$S@bMk{@S4&*3R&4 zQ}u=RlrF!f8%8Hg84=%~*DVL&dM%q_4Ko?;?ZWR37c=jWSihO&RD|Y`k`h8YY2r&Z zo3OlTk(hnvB+8@Pv1mTeBechJ^XAx%S!CBMrvJJa8aJQ9!}|-!kbY)%Bb%{ndeF(D zE+5uNhj_4zde!xOT~SYZBM(e-7SOYf1D@6iRQ)iBF)x?#?}ZdxE>GZ6RWCjy7cyZ? zFY0OTA8syRd09*BZME-zmQ7_N@%SUef0eiBSV5|KIAg^QmM`e|CTZ5w7-QTIo2Tv+ zc@&C0Ih$o$aw$1Eg19g9xFa@lTPx-5wQDLa$iY@Ql-^#!biTKOsU6kd^JM`8MzvLk zVIgLE?hNDQVI7^xX+2-2f8}zqMj2;(rQu)CqG9wTR%jQnb);CeAH|73tnX$0a;#2f z(EY2jHm!A*X%=(rJByZoI`F)yd?&x#V5#@pjM63CG!CTf&tm#S55(GjGAFae;_}v? z85_y+nhqq@QjQ?C0~HNsb9{y!)gR8qVq-axH3Dc?aDcC$On5u87yrnEwp#DsCQ+{P zB1=yS&EkIdB;FRqQ0wa=rj99PnsF8%O)QwGyx8OPmD&}^FSKSOyW0fu`@vL9-=;Dm zz=~Fh@hp$CqTEG%0nJgZ&-ydILQFf&QY~7Ffp9;CuqjsLjO3PV2O5bTtcav9Rg_D@t?mHHO5v)`zQ3C%Gski(9 zWu<7xXrMlvrRq3#F5y7c7s>Qj%HL)8USdsI^0GISk zyzHZC9^|ULU=x;Bizhz24TJ9bap}`|*0r6<)xKslx>SwB6DN{Z{W9Znf8E!i)m@q9! zy^HQxZCN7kpR0PFT=D{NjB27ivXQjeXoV8agN<9TQh_v<-P%_t3A2NI}x zZ1=u&)?QoAzP;_3JxuJJuNmr)=*`3k<<2&gsgFr4j`pVbG#<|%OWgU}OYhsMSyXE* z-)djwTHj73=2 z@l^LvtpFopU-ZzPzZY%A_o%(EFGccQb?-Tb0Bhxn4@Pr5v4~bb8j=2^H)|bhQd(bq zYG3ElYrOhV@2VejdpW(Q&*N+C5Oz1u!{mk^X;Z?P{hRVH$qVEol7DNe@^(g9u`eu}uNgrrv%&tB22rCf>@#=6Q z7G&|;Tjg_gKe+g#11|nq4A|&Mj&uow8PR+kkcQpv23+VHNzSH1-kMKf+^sBe(nA?( z6V0!!mH!%)uHFT`vz{pHX^=|gJ+TBoP}j%JKsE&$5g`vig1vf0J4kcf+e-YxSO!`z zq4swpu=u8qMYFc})fg?$V*sCK_R)7fl^!z(F?qco<06I;_br}o7uDhXN?hC*?&^~3 z&9$ZJL@VQbPdjZ(?Iq5PNK#j*_A^hE?`XM<^tO4}r**|?c350V#A~FodJX#1;wO7LRnz%dqFnJW%V{4!g;$TVaX%YJ zl6WAMA$*{C^{><8n)wE1bHl4vgRkA4@DXq+H9G|qWSan6c zNjWKa1RCo-BOk@NNcFkR<@398hW)NP>1Zn&$B5T5VgMG++Od1&d^%+oa_qt!20!&6 zuYnh1TX}IKdI2@OCX%vcJpB!0ux&M#dAdh7^_-x*f;@TJBUXLp#fx7GINeJ<7g09Hbcyh z)iL6>iPLypU2mT(sCZkMJ|i=zd@F^FOTUmZ$B}-v8F&p`!8n%y*0h<)fBCsI*S)&y zhu0O`wn)1ll1s+vI{aawPKd5SeAC@;gPzYHKASM`Z~4+RmxtHQWY}5FAp?W?;i*3Z z_9yV4=HR@2L)jX-h=9}x&bi3{bHo+j;i+u;QJ!Io`Gg+Oy{mm8P0|x}7YO68qhfMu zrWt;A0m;sp%$e&;hs$1EF^%Ty-e_Jf7jJ612SIJu{(slV;z;fL-d2LEZu$skmKT=sa@bPso|7?t zq&s`F1(-jXMw_g7YTmGBarz8$^e*W)C!5W=Tbci2G^1+I;mgt>3av}Hl-iM16Lmgq zYDAyL1sv+2ebt4QG!~1(;6D^g8_cs^ueH(E$%7MpiK29V#~ygK)WK#9CGy+wRXs?QMo`%i)hnOIX!gIl|&)yqr3M zvXe1PlQ;cNqc-g6+=!QN<}l+gbqiPbL_QK|6Dn?^ILg(RnMm790v4vp;&u@ z{eSl4(xrIy>M4txnnILkF>eY2)KR55ZlRcq{Tt)(vwC*r9e#d6{{6>B^cvBF`uZF` z+!QBYxv55@>?yO%;B-4>D+iX!8A7;w#&Y5ms{U)h#FGoCGDpnkRAt+> z@A|R18xx1eDZk~#^b1Lp^-sgpc`}QCHRjsM?(}sr;+JumBsJBpBJN&qa(0VHH(@4eo8`TK7&?6e;n@{3yp5reE5^lt{+UPj1s70Te{;tu-+G3#|Ihr3I&{?M7WFJl?A z+D-3A4?0a#=lFryc%_PIDl3W7l~p2OkVH0QreXC-yqBr|V)x9Tzc{zP z&2|1Y8^M*E>L6%sh4G46>a~l;>s%b)UzXo4B$J*y)TQ~o9hct6@W)57l&t4)ceFC! z%Iehokk9nkkxXip#grcUyNQd< zno=Gxo9hFV!HQ7l@cDSQua)xdvkA!F&>Y_CSE?C>|7t(KApki-__yKUElj7naT!Fqq8&vZiDXC$7fw?nxG#t`|%96W3{u5sNAD6;ONqR4N^)Pq1eR_4K}|{ryaJDYnOJYeO-!C$sNn5|vlQka=`6uNRn!{WhB= z`N6#OFjr=EA#M6E!K3w9b}5Up*U(nIf*xE9jUel039$=WllIV+*_HZp=xruFl+$15 zZOm|E-HrTGSoW*-6;;KTEO2JX<FR45g|9TMmor`H-P;!vc{^8}_hy8iku2k$bXYit%XdA@`KN;)qf{Dpq*qhkIxO_SDC$ZW?rUhR`l z&Seg6o5f&FNyXPm@5x(EjC?Sk@AF59fzX8VwUMlwTZGS%g|wfwjE}91nJM;S=-6PE zyij)2ZMSv=QEctej~~P@bGPkDLXUE`7K;IJMfWhbM2@*u<;`qmrmIqcUl2&ZC*W)1Idv zGB_HU#~OKHhSr|X7Q1Lld<#gvV5<9^KhEzL^J3`&?MB9uZaaY|ouxNq#^QcvCKgYf zxwk}IK%vY@zh!MFFg6TFARzgE_LHBM+qiRra!Bq&k+K z)@n*>dLezJnI7|Sq4C5*tkRRQshQ3Yo2lwn&4GofVr?f;-YydNq1u6yDc^0N{5+tL^ko67VIW2)7cpUKmVUb7;3c2-REKHZq4 z-EX#LyA5B|A^EhJ&p|2F%CKd}r}k92Ka60vj(k6B4%vk%*zcah^Pj{F`&+EsU4>M> zmr4htNfee_X!w3gTS+>nmQT zc+O#k?7AFA($Z{>F7~AGKqpG;q~J4JdaCyr!uk(ahP)Z41~@TcUM9^Z`^y`ntoOAU z>Pj2Q%!m;f?CV4PopgM(Ta3EpKzQ38{QB<2B$oGcx z8Bsr&$+Y21u7y~$MSKu{vQnGDB=(-GeXclBPqXm*tR2hobULgSkGys?hhn5BKS(2Q zq!|{ql&SI?%B8x6gr7-L=FWo#f7TWwWii)-)n|2G+%9_$G48w>dV3x_4v8h)dIk;V zF5vWiJCeFb5mimOz{bkV?2lma15d(^x)6NR2A39ND3}#ZHA8#0X&=0GqBuVX0=RFL z%EN@UB)lo6Gs>E`RF2+1lWv#)H>(x1|42WcJ&a^V9cecH>hHjt9`f`)t(JYe-~-J+;-t(3%PhRT>{vhBV+KI8Mq@baOZW)%OjG4$5E zYGWmHUak$GpXRrmfoX*3?=sk`UWP~E^2RNtTjdZI9$QJzQ|d*@(|4#y{S|+VQV+o- zIzMd5D(RB(^=HwqqZ{$BqRAQ@O;}s`HBal@HFspnO)(I~94e?6N{8ZHW}J-R)5`t~ zqa9XrGRcs~1rs~X%q~oF7%3)Sj@}gp5Z)T~xsk#lLRJl#pSPRnEZFtHTndx=+uykUV6*LO_e#d|A8 z2IgZrFPTZBeJJ1U$)9CD)Ry*}7}Ihkr}W7Mmh&gpPx3TKYu`K~n5PtIcR z<%K*+&S8+RJu@1}Z@gpy`=rTOT&P3lb#cl6OJnAlAWD{OV&$0)Y;{@1oKsQU{%a1# zS+-o&TyOl>&&-z=JV9K|d7ip6kM+UwYG2xJiQ>l<%lYkNzA})yH~g+HoW`Zf!G+Sw zd<^G3MOB% zIFrXci)i8Q%7mg!lI8Qv!^2+iD5xuV~B^qoQUxT-zEVFS)-r|Eq!i&xrLI%zF~d%*4^e z?NmqC%_uIPQ@`6?3#^gsmH;bUX`<1Lw%A#UeQbDLfP72&Vr1kM@mAl>#h>Re zCP&Ykm>rKlSjmgNm@od>%Jj{}ua*x_BhuBM)?WU#p**OreRWoMauTu_=@?GiDw}Y) z+?f%Z66iip-L)0|gtQjd)GwBQzZJ;ep?6#FMEs9*=UJ60Y?(8cJoO8BS{E_mf9LvE zSIp&K8PUxU_b~zEOca`4`^}*_tH0FO}c-JPGHu|09l_;Asb3C0*eJN?z2bUye zpY5Fa)4-R7zieQ${Jvw}__OvW{r9~rI^y|bA5G=#aAThmSVp@HN3 zbMv(_hIOsg=VnHwz-&UCe3c82+22vTL@)l-U10lPiTu%OG#y_k2fRT{+B)K}jEkqvUnMj=Gny`;MWjy8;;Wzh z9`&YS7%G4E>kgQ#)AOlkKT}?7JN>LZE05;D$|SKj5{ccXzS}qU^xt4gqi!28&TY&2 zz3Oj&)`;hOLuhIfC3ea%x?3laKDR_VNiIFN#E@1a7_;i;xEiRFCftXwDPFk$X~KuT zMT9kxPwcaLDK|N?SGo4Tk1nFE_WY{?rEOMOi}A-|Hq;!>=B|47^n6=?bmEcrF84Jv zwdifY+Av?~bv<~hy>o%GSKlo!rK{NL&85?=-`AYKVteb^&CxzSi>+^W6a1S6(KqIC z&TTO>q_yr1ih~>Kt$N*zJIi!GKUkvvwGd24suTLmB$|wgBqk&Geed2nYH2c%hqjMd$|q>S|~63Lh6)^2$do`lq7^O7a}7}1j_af@m2vjt|y z%K2%dxVkN8VtF>4YPYR9vS&EI-5*1FR3sl($`kci?1wt)4O<|7WYv7EeiLiEp)bew zlyF_|{nKy5SbFLQo*kJ?Quspl-k40^#oe(g>BRYo<~+A7sjt>SFPD5|{IzB)RIVW-92zG}%pzX3E0n?>zvL7eR6%iSNvN#e0yb?{>nj z<+Qd4;8L4n+PieZ_`*`IR!XM+a(Qaku4mBUPJ2bq;yGjagJv)}sDP8ZHt|7usUcSNv^N{Xp=y*#V>5_`x4Tk%bB?s_WOj7^navI6lK-|7 zR`t5_$}x}e>mvC(XDVCdOUwyh&37-oX*R7VYu06xnwBFit3Qq>CUWVaH9_L@jMUHV z9Hma`Pa7Cr(+>N^S)}w{#_m2&+#6tMtXQ_Uux0-Nb(xxpnY}NYS97HW zo*j%;=zQI2Cvds?DqPdzaaq_+UKuBb^{>Z0-ARu{L}|x0n#koT9NqK33|a=xD+XbC zav9f~M`Bzroz?y4V!3AuyItgsYpAZ&ZkidEX-=;^ov;;s*f3k&T^~$Y)^Y-o-L%Kf ziQ`@GuIxM7kBHhq99uFF+j7n0uhZ~K@upha2}}=2#N@Ct$(C8PY3E7K^re_jl}`C- zGP8c3Ms;hk?K@>K`>$CvznZ76MN@9>XvxT?&8at3Ji^!SDmp4#zPXk?=AYAW517XF zpM8`!DyCN(Z-zfl!QhEC6K4m|WJyDUFRBkXo-Qhnql9=r=tZ%08CwZJ*HGIgwe$mQHI@o^uE89hl%i@x%A&ruFBejKU0Q`Hso zGp6?gh?$`Lt=mHKCrzbtw{&bfc<{JkCXY6b(jGqxGXoQ9YW9!u)IQ`+Fc+TIr9!&! zR_~GgS}H$WxTDUwQuPTWi|OLd>Z*QpINymi(Mwq25Qo>`#bTz(htk`V+cU?pxtSY1 zk|WudAl|u;wARNN{F2xeIsrrD%9h4TAxv6vsIi?%@7kBKW-950{0^5f;w zWhc)S3w_9Ferc=E;JSL&{;=Sxr484%74uyBe4i5?*wMC>+Ce^86c^H>-fZmJ#_{VM zWwk$z=VskN?sbs&{aX_%5_33fvy734HH*&9XPvz7-p%FdU)z`8eABsUHj*h%R_J~Z z&Yb6&6uk8z#J34s)D6`}GuKcX^;8cTLDrtOJgeu-S9w#Lif<8>o5ZO)9a+&Nj}qfp zx}BDHGD-P@+*sZOXiqKuU`$aOE7z&NF8^u88Ka?ezZOAkZ|z(aaIYW2;w$O=v{N0UPhv<-h-TJR z7xk@8;-zaK=MI^2_x1+5|DZifU2jr;cBi9Q^lct^bILJCdzt0x@y%q<1xrq!O=VJ~ zBPP4nFtK_RZhhJjv9>3z#H5|oqqF>caU5>Dj3-ssFz{LxhSl_9Sg98yy64b%bPBs; z(n<7V8@{U!brd8Npoq)9UW(2Qrnezzs2MGcr?wc zi=*ad!BEduoT-#0?m;9c3&j%cxtL7pOY;_*6LHRi7N%BAHXe?7h8w}*MeNPYW0Fw- z{_D+IB=3Li?J=ZmlAdvHh<5AM^geK-X`J@qp9V5{SPN!773XueDfPV^r2*&gxP>co zMrU)mw%8^a;&a?8ASPT4m9i0>$ycYD?vO?o#j5BrkfMLa6IilLGhB)?DPef$t)k_g zvFw{HAK0Y~k{^0-L)G)ouIfa#V$eUz9H(`_R{g8{pNynUY7F*U8ZlyD z3QPMaYjw~;y%AQNH=e=77jZ;u2Y*4n@af9yR+IN|QerGlZf2~=6&I&*9+zI*s3UO< zP38sRczYCA4i00;rA7>Y+lO)ToHzB3W|=%@6$gD-HP?zK()=Rld5Z;X!%yvOIq6_8 zuD}|Cbnh#CpT*jDBN^O6zA;yM>2x>y-B9m%>v(yWpHx`iO~kCfcpSa6iRm{3o9J3B zJJdwR*9ev=tJ1W!KR0p;m=&e}PoF_L$2a4#(Hp0{)hsY>M#r)U@y@dOt?C%ueo_~F z;9yn`P)2*pVm`Gpqt(Mi@#^gK=fYSO9fEb?k%}(UV@ddT4uy51DekDQ>AAV;7*0~R zgDIs47Lt0)jW^#(LoDxx&1~uXA-?>w-w6NXdl@iMTtU+~4F5^v`?>`*nV-dy`U#w~ z$Y+AR6;ADy@t41DjLG|RG-z*a;p6l$J;ZVIi?JE@E8e z944gdZ1P=1^Ce;IKCzU9EBbGFTu5>MIxGs5kM6`M?8KGoS=E_>gx36?CAQ1OC^jx} z<;*X`m@qPu-Ge=q1(r@dwv>l=qu5gHOqb|T%F<2LhuVv>3DX(XDVv3ZR`6_ZgnER< z&N1%8_GBY2_AuwK`iA`0q&AZ@BQ~Bg8bj$f!Jj(dqn(f41oarpCutL^46?p+AtAFd z*ZI)PDukm~y~JYaCv8wR4)O|abrT2JJfExMLl`CQu7_rw zYeAFQG$fxoBmKlzkELB=Fh|!%{y(SpaBZ>Bb7oMZ<{)-dvf_TV08GWmTV^26RW)@5 z{FkJ?Q4B7Fx5>A^oai;`YWpdN%N0djY0--A8*K2~EdHOmB_rG|u}ID2%a8FiAC$%R z+(@?dRfpndb)U&E_4S3g8Gw_d`f<(Zuq>PVCdwy$=}Gdu zVoWAYAf&JdZB5N^2-aEo&X^IO7L#YWj@f(EgJc&=<d&M%^M9}ZT zb@puDjELu%{EriDY&iB)0Uj%~^BbHX?K+uZCuY#3=6dYHXVFCZ*R~&(fh$=;t(W3t z>dXtPm(RUgMf5I9z)7C4{mL63)|p?NmC37n+M)ca&uCY)dY#obv?~ky*JAv(mbR3z zgHxLIDiY>WV`U5m%CFQNY)v#Uw`U1uP_zRO_m@lwv0s}ob2 zNu6Z%o;Jy6hx|!@YmYShPjwons>5`?=BdXsS@_O^dGgp+*7w@rd^Wvo#e@nQOFP{Y z?Vcv_IWdS1d8sr!(w_c@j0roQ!pLsL99C}6SNHAZS>x0@HyrztF+_jT+1De03(|!n zr2DKc@L+h`D2C^CqF-(@Gs~RWU)_gN&0qDq&nECvDsQegSI=j67VcEH=kj1eyJleX zUcL;+X|(?%i%Uh(yceUi{3m6VFKwlYPXJEGma+LxqIec1n3(mUo^}A=ov~M!bO>Gc zkLHW+f%Ocl^6!Z5V)eQ*ctk8lR(4EV^8G}ZJM-wam$;Ji3HmdWe8(_07OTglS`L*qNgKUs%a9t;>WWLFpLEncbtBX_ z*iYS--T8a0c^hjLqfqB^%?xc+c5-xZXQdRqF>)f6V^ z?q1n8l?Q)?)3T{LbLD4Vy{Q!qlYOx1olCxc_x+`bc$*BRt&_Zz@^DV?=c_zm9$WrM zp?g*+L3#$Z8JOZe#D%C%R(zOHfctrKR*e>)_jPrC9jtv!v=`@hs)PJUTkOicsDH?T zv!|12GcbcDXMFfKWd|+HrV-Yf$x3Xe!VZWBu{}&3 zs>=zoEa0%mM4En?!eDvCXAWM?SLa9`<&-evLO*G9`Mjw;54TdCl>u{@JTRMX9s|i7 zWkhKuXIuvMp@F@;%Kz5k@P$BZ@{_pNVgmovOJ>!>G=Ba&i=Au7U}N2g*p=GNog9w) zy(Cr`XeQL}YsHrW^}n>^PC^>{&xzAhDTIDwG}CF%Q*~=DIoi!t`_YW~2OX*X&WWhO z-KpJUF5dck8vN};_V1cIM?^BXTNH2P@&BXJd_qpCM<=Tg`!DJmt5L!Jz&PA0T2WR0 z(6ciV7(FtKZYSl@dhABBrH^=*)2aC8#&1i4sA`_3tl9#m?d(qb%^Q@j$in@gI@PY3 z5u4drJvU8Q^H_VJ|FWsrFp1|2Y&n+du3q9a^|Q!3{!aj%7cS(1bu4wBC195@5Bmf2 znL4T)o-UJlApP3F*q%ynwltB3 zi1bMLZA|yt^UmCtRXd`1G(H{E`nfp8k6@2!5DyKls6E4&VIR~J>9B-~SVIP0k-oOG z9|4**F1$CvNLko+_0?fKNj=g@`xqS6hC)+sE`BOz`BP(xQr2;E!eIJ+O5{+3IP&kw zPmMGw-$|pOvpZl9|d$FYOAWr^=U8h3tF1 zi5ouy;Em3Y_iX}g27U@1ClNd2)D&%4FbP$i}LM)4JCTMQf%%#2ha{Gu~NnN5d&cK?m&B_mx795baco3>o1bi)n{>#GB;u zN5Nc-ZB~f=B5mY}pIA)(ByW^w;F^5V(VgX~^JANJ1_eEIhL_6wI68nI$E2}Pzmr;T z5*hEN@9J~y)edA*QCv#9omtEp9jty^@q~_P&YvPL$T&}2hB@)%peOCaX4B=-3XT~U z67x>F#D6*?QsQ~}sIIboDKuJQqNsEF13=+8ZC)NP;6ohhEw>|u**w-m;mXr_1HIxHd= z^I^*b{CCg7?cR9#{VmzCqBZM6#!}u&JieK>+!DVrH$0X*{gm69)0DpqS7TMfQ`sZ! zs)oklzRjC3C*`kpiJ#Jb3cHGy;J-~CU(J)b`pk0;YZCb9Z1UV@b4mWTQD5VDvYqwKT032lUxGCD1a= zK_2fe?B8$A`(JHw8&*JAQy<3X$$QagFaw-@C|I4xs>5@*xEp^}aZx%O=p7@!+XlPW6$g!y@vX9+nmW%+l`HCB7|*U*nkOCw^3Nyv2et2cyoV^PXDX8fn~Yhw_#GzV8* zuuyYo4C%MCc-%gb(s$*&&la2SvF7Zr3G7{>z4fv~?Ll>+NwA z2g)b#{d{hlDZg+fggR;JM|)+#{xbE;&B!6-*DN~4Ml*V$x*fEiEe*;-BiEUrSg1gcs9)wmV_Fxbvyno@Z>g|bK=s>mP0pg9t(rHHob+?MA{H0X=j{SJN zB!vWJ$dg>u^Um5AEconz1=5lC>dV4>Z>UXYX*;LA4f%J1 zIhMM&+Sg3uucy;6b{@x*s9C)GWgM%t!~K5S6s9@naY8$UpQeqY(IhJl?r%oldTA_Z zD(_c@=Gy+*EIl$x+?#OeF=;qmP$%|w@hTT2G3abhKG`o)wsHwwBg7gKzoY5&q1<1c zLfH>_EbAu@X^C=~oeQy%_anhPj4Kz!&fYVbClOP`+8Rq>o+UO8X_$LPQIMC%$fB{7 ztSM91OdR*8^<{1wX-b2{QD3O6-i;~jtS3D}vsMl7Jf_^;hoLm`Yy%gu*psj@OvKUa zWyQ-wM-?*XVC4;6pmyl>uVx^fpn!Vt?j5{Zlk%!f{$jJfg_i)`=518c;v-S zu~*DZoLE_)PQbbII91=3kEx034R_NnB$d(1&D>ushJZ5aH#DQKoaoM+`Ei66Hl=HT za+2O1IXY(`Hzo%Y^r(nvOJ!3N3Rr(IfhOA=*<`qmui@QEt1?G9oI+kXm11O;NL;dZ zc(q&zZ!dO%W`UDA5yXWh(ymjGx=zKLm9Mqxs4SB0r_**}G^;&)S=-x)|K4~p#by*s zFU;eZ&c*6AXOZ|agPZI8dHhd_`VxbwWA28NK9|XU@0GJ9uA7T+{y34OCadX^ z8^fr@OPG`g3wEfp+bEn7jkDBavJ8_?$vFNN!NHokn{6p$=g-DuC+oSoVX5A=8Q4{x zLTs`L={{cU(jNI*?h*{OpSCzLpMKrc+1z;?-5V8B`$91tY>ipJKATm>Vjr)TPVH;S z-Dm0Sj%tO4?wF(V#7t``Z(s9Z{_)DEZ3`3JLPDuyyA796KkUC#-;%V4s}5q@&52@+ z?pBNUEW+@!*pFM&v6!$~-QhOeswqa>#NH&gQ1AJ*eq_7avf{`PlBZ^Kt(_5;`DFzB ze7@q*l`L+Rs;4kp9W>f0JzXib`p{ua?W;`CY(u_WQw}gt-Nn{1^2Vu``Cz`@-L1(w zzLZma<5)JTC$lP~0ep?;#~^Ra8jF3`vM<67r&qJWl_r*HoIxRHLepzk?IkdryiOPD|xakiFqDrbZ(WW zJX97x7OKZ$O?#H?38c1ZI_fGfSHtH{WrtXU?(pC4W18kQu$qqgw$g|Nvp0uT{OzAky zi=GMHXgwws`$QWC2d`w}<5(#7=Fo!>4j%Hy=#Na67>PA?(^LB3P;9OjV6iZY)|15y zs%FZJ{i*zLq=3O!$E$xLmENoDaDNpnmg8dTzes0>d@v#3Ca~enQ05F(CSMwQs-!k z);_V5GqE*lVm8Z~7wrcq|DJ@~=eksv*P=_We#|nCrh%dE@JHj+IWUch%I|%xtz36h zl;-$c0@G9Zq%5ZAg=xH=Cx3%Mf7ZlHgZw^;UhN~8`8tpPtgM*z!cWX>AD+pFZ&E*r zyvZpn{*=w+eiP|(LHFm63&iU8$HdT&kji2%JW>}_zC0A-TcjAMhq-w)vErTA+&_%n z(&MbrZtvGpEaYEkyfP4r&0!o%wj<+p86J8TS}afoXq^qe*so`_Ne?dcbfmG3SXPtc zc(l@mGYi#;TP2*sueGnVj^p2qWcnLS#L!?LpFb|*L}Cwd(ra_2NV?0JPW)R^O*|N} zzF!8gHYc8=g_;8#r7`CWgIrZ<$2@Gbwb{4(0Y`PbwD0a7`R1(`&j{ zTQ5+*xOS#Jb7$Iwn+qIDy@@VVR+ufw z=k1pu`kYiAQ#|c zduWd%xfiChB0_u>Y5hSj#dT~DOQ>xs#ZI9Vj(4EU_5hkBYggSdfR=yyVpK8}$AMGH zji1h>F^QZwmW+*YEdMFjQ#; zl5F)?6%ZX)M2t}$H{yLbe$I)OvxE7olDs*uI`Bwd`NO~4(DdyJs{WbCgiC2mc&$Cq zDHH1L5-;>WWA)aK)qXn~8|5$t$v^jeUXk*Q4z$=~&y^q2CUsVXHx$F7vUX0&uoT#4 zbIZDsX1S4Us-DS6hnXC7Q(xyzKkC#ECa*MvDelUrRGCX|)g83Zd*JLwFPJyGA^DYPbP7oVl3TjtfE4@P-;tKe{?g3;o6lT zU(0YaJ3hMEko?Jq+@@(M$|f%1b7X5uR(et9ruv^> z)TYJY!8C3ksV-ty-VILx&E;)9Q@Gw%-JcsL@T!lE`s5>duRG1nS<4wQOkGbaJowmA z{)Yc?5Y7eh$BM38ny>qd^J=EHI#*gnJ8!31VjUhe7t=Te>ph9|Z8edTUOqfsJ07QS zUj|u4Ql{M~^^kcm$tsc0t5+$1?#U3pRA$Vb#YxRfZCyr?`gIM9r4x44+2njYl((Mg zw7;{7Uzho5f9XTRYa^M{DvrGkTH=r!&i(5#RB^WBv86AK=82oXHCnr*WO~+~jUL2NME&_p)935IHBu{crdIoe^`tp;I;`@ zrf;T`kv!6xw;w#u=lls}e%ka>wqO-E8%gh9WX6C4z8u?EpLMe>Ff`P6>2NwuKEJU+ ztk<9Ydb75Ym@=z=p=^vgMWsItiVh@w>ndih63fFNT)rRWC-i)NUTMvd#t9^AHu&~^ z0IS_&m^eC;e+>P&{Xd^V@k-v9I5KTn9Qoqw9FTY9Q-L+s;&RO17Qx^0Y0fKWL!CCE zoT<2;ogscK4K7D^e`~U5Md23KouP9&voAcGiuX#yCzKCNd-xqUS5hgtjXd$a>0zdP zxmmID|E^3aT&T_%br5Gw;NWCK?pUniYF8IpM7JkGf9~gU;e1}E@1)5JY7K8jrE%sI zO5d~GDIV+ep=|jWPD5kmeh&Y^pYe$-ZZni$i<4=a63m6I;ulX>esf`W@~2HFs?T_W z+NBZp-it0_dcGh2k2B)PYI!w$*BD?`HjqDOG*;)pv(mpzGu1QZ!hh4W+dtn*EG|FB z?}*}|?JRYk#wh2iTwxy{x-Fc@_AFCw>#lluo>&TZGnuk$8D{;mXe+Pz5>K5?H`55| zkjJ-ved#FO>+6v5OnWXL^2A~4Ay5WSna4-kW!eUdZyf7FVRk=OmddxfWG>BSh0{JZ z9FJ%IylC!V za_&|bKOYoOTFZ$hokQ{YGo19Q9_kp-o#4+n?re+3IHM1)yM5&aNaL+o0iE`X)7x`8 z=bNQKE#+~wqYG@9%`dMKIow}fxF^cO^p!tb{+~n>v3%N!kNCGC?_Pv)FC&4GPnJ{l z)=VxmXvg234Y_$Wj#fXzh;N&(d-f3R-g+tbI#3!!5rb`_`K^CC1`g3&86n@}vv%A+ z=*_Hs^7xj-(!V&EEM*{{IK>e=cqo59b!JUKIJInYi5k|OO3jr~wQkE)ef9}CQT)?F zKKe~MSHP3r-IdSqwid+S?6J1d|Er3m5XDz zd?uP^7HYCK7{@tzO8)NcK&2f^*g0NZ^r4zZANAl{-_hL6oyx7c^3vw0Beh8Wd*w;X zR#}TfggTwg%*hMx$$8Dg`F}gp#8xa9w`9!pjNRL&->;d!d<3aP=5-@DqXoW=GUfZs zVCY06j{EE9Rezo`ORr1c?-I}Z!5C5ph0<+D2__Tf(dd};y&LLRKBGJEb`!qqZf8?2 zP`vd5zI`?1>)SNU9>mh_sj2#Llq)HT&|Q9s&Hx)Ruv;;u_yobY2G&aQ}PIv57& z9kfE-vx#)J3BzrpI20`x@~*-(d}BxQF|Z5!0>k+Bt}Fv*4CnsGC2W`0lvz*SYh?=J zx&|@7uDte@m+g^~;MVMzh&J+oaP@kD~X4B^>WiLbd0Gv=wi~@?JCrx5aL1xP`|x#XY!cp}r06 zykdGYb-A~C;S9-fOys&zB<@Zj>VWCTrlbPx^?kW{GF=@i{h7Ca73bQE`FcV8!H`y* zeVIsj`x&%;>d(R9Nt84c_j9K-H)Ao%Ulyo0R=gWMufKOw&+e6Y`p+!o!8i4~ZntOS zfB_79th?qjCuQxW{d}-ve@zo|Czy%>ul;RV6HfOMPhEHR9XGOhx4fycj(Zts*crDD z##FDXtX>U!?liU{d6D)SQ3lvg7{MLQK7H$jQrFdxD`JX#wK8VU#CaUJIY|5aro6oG z#k(@?85$mo<>W9f98l)HVi--2^~3I*W~Orb41f0{)k5WuCmX& z>w9oGCYHFX>czI}&&OD0X6@&4ywsQ#%2v5a*B+5zC+50xE0bJ!q1|wa=B~p1U2$-+ z0h?rQmdn;m6wjy*-dwAj$(IvtX}QS{*Nj|dl%LNra-_uB@V4}; zz!2)(m!Iy~0``1Kl~y#73|EG$_-LD_&jo3kolnLBPrlC_!qQm-uzZ%mLcNE>j%=Z|cLHy+{YecM z)A4zG{Aa5#V76GpyLE@1u!#*%%28q#kE_0aCI_eBXE_(wHQ}`UV;}=Q&%$$!^70Rj zS^6@P8&d;#(AtYOsq;B_D2TJ3$@tEV;z3k2BTK{S@GXQBlS_D1*Mh+QWwcYwrk%SD zAGLp&Y+1sudY4R$|4}-7cq08B%!&3{Pt`}R>}jR!c!8*^#VLI9Rwi$MFzI5Swkvg@ zY41!<49%maLpWndhsxbXxC-l9g27(Um^?ZAt8zt~-Hr z`?ibKJ0ae{@h%9(EOL;Y*@spGE>g^rzhXD*-5a^;SUCJ5Y1hVr3&d==x(EDcf|P?&-|0CGLEl zsD9J#()sVsV$`pi$zQhTimlj4P1J95I*qm0TC;}~HVu*2d~PTvm8MXx{Rp<^w&G@n zsk-0QQ&G?e`#klgHkeP-Z9^DPQ+cY+=GY!9!&Y9!Ik4zi@H_hOuqZA`I)xlU;rli#;`ej_t+ae)iJg7U8EevtODu zNyVwmj?IErsT^%l#9dqQ(fjvf+x*%Xv=F;;avJ>eV%jB?B?-#P|C`C4uNin$-9`P6?FrZs#P&VP=1Ujo-EA3zw#c{V7@&Ji zIM>c9!*e@@?FHsE-4n?6^EMdhz4za#5j^-M8pF2}=x#fNOIyVcvld6@g1Ub`ja0@g zk{+)UIAtHmQ=?Qo4%)EG*qH&15{Ma=Ox_{+f8VG#&!sn)ZWPO>QH0I%aE?uk znfyZuT)sSs+aLFFyR$1c@_SmnO{L$`RL)KdE9&;^%o~$Y&3038`4bLr0J7Yyso_fcYhzv z=*sNs^UwVu#>DOf{^}&Y{`^rKy0HQ;y+h+YGu7{7gztw~HppilyVj1;dEqpbKd{{L z>G(VKBQM;Bz8{v-JG+l|8)SsZcLbsg3ntOaWH>Nx_ZujDTkt?S!s>^K8bWZD> zx+2f7wPmC_5Om*9Zz?uMZ#q0vAKY&(b)L(w(%6X_v)vfrew4`Nnq^`aa`&zBas~m? zW13^?=gCoza3-%%ru)l6Jf^H-(cnbhT`Z7KM)RB5T(MU4{f+V`_KJ2)wL*DV5`w`6 zaljwQk0l1fyhiHP`;?`QiAZ`@H>ZNnCV8XcSuk$`%dVwzD?6W`r&_}G6aW^jxuP$KELoY@(u;Ze|MqYl@ zce_dqm)^``kD~_zcaB#d0wiANnT?%IZJtOQdN!REhpL@C+wGK=t zS6Tffhr9?bD>h_M99s@5n|dr;xlso;num**5HBWpJVCwsa=k)2scF559X^z-Dq&o5 zjb%^!y0|}%XX~^%)NjMJIa7b52)DoR1W=?deH=UA=-hBT%n21Tr zQ^qGy$4#G6P%Ql}HDSH_FT(y7n_0W@`vX=Hn4k>ciU@YsaNu#94$Lf_Lm7iX7?u}r z)!!MTCt1`rna1&EOK9+C5;kWt=(D?{_*F9)H#3Pbp91)GpC{X&PnD;BCdSj0U+yG6 zK{xFHZ`;u5ntTL7nfUyrUCltv)m1b2w~HfYx1uQPXU4wrqZs{L0k&Vq@qYX$>Lmn_ z7^d&m`4qwjnb0%IknO)VXQ48caiQJ0e{K>t?=QxFhA$P@k0ho_5zG3TvaEFif1Zn{ zN=XJEoJ(s_9kLuH5B{{BzjBT)vFP~R( z#X1tFjKzdWC_3cDxo-T6Z_7+ueuS7s49-Li@aCQH~P}GPch3sO(sA)w7HkXm}xha`4=sDvABS= zZcCZ&*NmmF#kzedK2F#|{;^6UV9hw{jF>^}0QCkx_fc2gQ0YDLw3-)_&{2DkQ_8Wm z{)NPD;z<9cyT|!>f{(3b;GO~aF7;A&#e$jnuFUXEkl#r8l`7(_>{91h`X&Y$Bw)To z-EfO0QnO&CGLfs9kgt5sD(%~{J*h42Bko`(FKrx|S91a7f9;^WtT`21$MAA;Gj8`% zHmODmSBGw4d(Dp8F$U1EvN7wIH+Ns^BW2y|NgL?0u=5hQFd7Cy^Qr4pdGkeTq z^BLuJjTg|;Kwh#N;yOELsw<(8MwM34A!`{;%A0Y|X&Sx0EvDkvWWMf> zb~B@}iFU|u{MoZiOdt~zPL|GR$3o@Ty9Dv*kq-eqmeX-YJiV(8<9W3qyxH%{$P9nh zopmLmiM6;b%3~UcMcq1wh>GF^)^NwddOTguS#e1$usew%Ec$N@-lyjfaj=L{hwZs= z(wC{7<}mT8awQ>7?5Z)H>g^qAzG{QGU9~alXT&t`(Tp;8W!kUtw5lILjaV;QH||eg zPx;7C_9n2yR<`QjlIA7ui8N*RC608rvnEFzhZl1qSUyr6hmpOp(!V)nQ5Uv09j?2L zGaa@RvvJNETyuj-{2onKj=FqY#1}}j<3*K767{aA^ir9X*eGKBHJfhGY&=1%+w^dC z7nssDyoinddf&JCQTpeG(X894xgf!aZ}M?1jW=N0Jo!#HZlwM5AnXiha&xE)y`PFl zCYIk^rvx5ui4y-qpQm=R0CG*VIzOS z5~2^fak>Gz?E8G^82bBP_5!q&wZkQEZnltAjjqbwm5JW?yG)*NWfME*AxfFu0Mz zqILs0d2b=LUj#Aeq8CU1>8bxVq+I=COq(Y#cSdV*?7FkmI1~45YYt_LecU;p&hFNf zR`kC3{-5A%M7s*EKiOnZsm$turb#}O+}%cx8B*_qs$H;+au z>(Pyx|9vj~Q=G#%{}6iOL}%rMPo9^LtB<-rH;CUcZLBh@Gg;BlnIXq}@!@tLS9Yqe zr)CsWl!5zq`H9lfuX?YxSx$1M_}T70>Fn{ zDrSsi-5T||{;9di$%}T);?!N3o+oe~Y2_d6Yp28#_Cbtda_K+TQ z++4tP?dKmf)gElhGTz;v!l(*k=(IM1_BomSdtfMyXC~0&sLtYQ^D%#u%ATw})Tv;o z`D_?-56>ZKU>r6(lp%VU%C&eCWn^k|L2RLh9$C~n8m`Wgwe+}@$JyRuyGx%*{B;6} zGd;z=9j(8AE|tVn=&SqM@MwP~)y|~M4|RWM`4RKZm)bD}B-vU})ocjo|CmR)SQB1d z97BR~KhdjW>8bN(sZlg+H^B6>d$@u(28PlV7v~CkNKN=Mor_G(Y>>Fz;<*@o=kM*8S;G<@o?otOr-hj zJJm}b@UiN`j^*&?E_`2{$TEBN1jtYJEKVJE{ll2JOx@DjAx+=uMbTGfbzbFgB6u)H ze->fABn7vTE9K>z%=Q76;t9uc)M7HXTPbha#s&9szlufOMdwK`F-_;uPP~duCqmTY zGlgD0OZa8IgBXcv^zXY~y#47InYCm1ZuO+q@+MWerTG=3_;214jtvllYiY7F9fj=O zn@PV7QJkw)j=7by>9BbiU*)wJ)=OTgc9{?uPoKfc#10Ynxx70j?WBX=%pmut59YJw zy}vt;>m#!XoZlA7gWBjkaMmliX!g}OMaOwc_yh-HtGnDb90 zX=TNTuNqI7WFD)vO;(uvgmqWT{6jwbq_PdAt91=e~;kW&}hbM?(&wm zB{v`yPwOBKZV+?)ZaS0vsu898V{p47PK?`x%e>Bvk)~3uunJQ<%0r!O&Z?_c?5bwP zwIW}Z*P6gv7xm)(V@Y{s$Wt8xXdsPaL)$pQbW^8RiNE$T$v9%)ngy3zHVHleSIbuOBe7XB3*e73*H5a$ND9h-)1Rq z9U96?v73iDmr%)XEB7{M;cT>69&PbLJI!T=Q6Khv52R!ET;dNlC$R5gLZpk$IwY5} zdY%vK4xZm4mEfK}-1(f(<=hxzoh_(vDxS^d)tm5V8UyFY^Kh@&@qgHJRvx>9YrAmg zkMTH{Z^6)|`Rtvm{L6+=YKbS*Iac?f?&>_#cj3k+XKKud=6Hnq!}gi-a=IP2?ZmJ? zI+;g*6u)T<~_0@4k2}H7-o#LAj@;Ulw%a zbN&hn>Q7d7kWEcUJ~VoRPe^Dh^Yl$F5|E9v2X$MRuaIA{N=&f&5i4BL{- z$)=+TZ5>BOZg*B274y(@7|#CT7^IG7i9D5N6&8#2){gQO+KD+{UOl8S1P%yik6#yV zpN*wWj`~%m^rY!ap1}@Wsc0`ho7xJl8#*N zSIo2oYaFZU*Znb(K~D2=xt7KIU$PiEzu4b}ZpaRtSu zb9sGUjM|Z6xGmkrsZ@lfJtjo~E+=N*r$e zwIkE>cVAxc$C?B0)QC`*XM#Mdy%`%{jFtI5d@@$6Cr>>%jl{U?5lYeV`7HW%qxj14 z9E?vVvv>;2!g_J5(^l^2J!lmg#x}zRbT)0PUMD-g4qC>6RsC?Bz5jYf6vL=11@U^~i?c*eOvgw>Vw| zjU%YGlURTW{E`~R@AKBMM0eh5hk{AEBL7E>GN}!=QD&j~bf;x;=Z+Ptd>p_SrXBK%jUKOTrg+mp=LzXRo9)16G@A;v%RquzctEJh5uH1S{*rmwajK+ z*gkHaFD9wWMB zLs?pnd5qKF`ToF>)O8D@K`VI~D@T!_Y{cMtt1#aqEwN!bl^Jyb-JIqmMYVdQKa8W7TE@nN#f8>#Y5x_7a&D9Z84_p^ddSeQpM_vsVNr zE0eG{O~>J}_=N`odB1!u-{62rRlZOg;N%g zyhEDSZF!adn$4GFNA;^_P$eLVh<`${(K~GBg;mPI%Byuu8P*NCe1B@rw3I%?m(e}% zx;=?`BS;)PgQHvQDOJYprd1eiM)&4`{HMX5V!KEet2{l8FE!(o{b_;q$raow)Sdq7 zYNo|$htRl$vC@BE*OA9`;&!6*a|pXWiAW|gxtI2wmE^bZ9zo$WV{Z6a(LK90?X-_L zs@bI5Lb2ukiKF_*!EC8MM?FxBDK%4WaGSLD$m!HQ6^GN)6po#>r?uFY#~x2)U`953 znk?r>bQc~U--bbmJDyEb_$sf@ficRPhKilgE0}1_iJRr&-5;@r0Tyxm91yL1c>r_s zz17!Ps_$knCJE+DJu#EjRr(UAtw=$?T}-T`efbD~1~+k~EQ!?6B@DD_ zq^@WS<&he3{+K*|$@U!G9nHT(0>#vGA$XVi9Bap8vT-{WBeGdjPrB{C0>X9v-IbrE z#{u;ZtsG0`%}eOCbd~t5N$P*-!iS~_7|qj++bNx7>6BYN7qWKk2E4AX;jcyq7~nsH za|6ut_W$Pbi~C5fK2m@93TXjv@=0E*-GJ_fv-0DZ z^r|%tcWbxi;H-|pd@6fOv%R>K`dfPN_J|RewIfM*zlc7kCv$%G9G+xqf79QUM==rX z&~C#){;AW$J2TQcTRnqfS5@21cXeCLIKGPko7>Vf)rb52H*tGXC@qQ{v5iYqF42J+ zBdwV;*OzCjdr?QZvpa?hIa|ht(s3; zPQ@fKRkPqQvd3y)-z!V|R3CnHOs4biVl(#@vwO9?p;M)ue-Mx2tXMr4Lh;fLDDmnb zh8Y*(ez_|%gOkNzjgXe74B~Yw$}bmZ$-rG4W;a@YieW%|Uj{0h_ur}_#^-h7p0tF~ z2h_n6=Fgm#$+W)~M(s9Zpd?N+;CLRq7O&${5$%U%V%=X{t|8wv=nPdvbe){Fkqy8T@)8-R2BugxDzCR*T8{dNaSoNrQSB z$KtK&#Fdo>KR=&eYOEx$TOqASO(8MzW9dS9eCtM%Fm38Ud`rensO7_%jsm_Od^-}BJGG4ry5kJS1oT9vy?!yz_E~b() zQ=6t;z_8f>+MUonN8a^;%8g%C)}h5;x#IGfGW>NWeO#9^ev)!!cLuZL;w;_w6Y1AO zd7bz~!un?L!y=UYn+tf_GlxqK*Q%-lMW%eyuE z_YR}1?!8v_qnO>xoC~Ye!y2rPqTiGBd&y%os|uNK!m0Dqkl0c;3gy-LHC=ukqcnc0 z+>-iZ{V~q%#9GrVsP$L)<_}a?OBF1f&9w2Hx|dMSS*#Yo~+pGN?CE^)@V*U{O1UEt)E5X$WhYQ z;>d0>3Xk7Bxsf8zX~m_jT73VRz2fFs65!=QyeLJ9ft8j@g6Hhv;4iX9ZTE^+0j~`e>@X5^X^oZFyq?06S-M|ul{Wl#DygEbT9~HiZ6UE$QfTqt0AA0K=GAE> z^}dGDV{3P=X^suLlPPAKJU?f&uU;HROiy?0`d8KIO!4NAy%Bgz zPZ~XMJw9W7xzt-dv6J0s^w@w5?K?Y8jpya19%7OvU^QR;zZ)hn;I?L>3UN&THjgni z{TMPlm9nE2vh?4Pyfc*#bJaAu?2P6gy@63SRE2%GC)8>=9aR1!K!Yp+?R@M9E zpB$dlcH{G$2^@KBNUgsnh(8_1puySd{mo+Qrw}?y7qJ?iTKcY@cqMk4seH6M%1*>? z#0qYoO5=e3T$|SsjBnz|&g@|n{vsysfDJsEe~7KWc#2Og{@SKw4yO4^Gglt#tSPMz z_F;i`_Q9dP`01Ir>@|dZOKW1TW7xI2W%q$u_H{h=cE0ivh6nVqfOq`p3LBA?v*d*r!;xLtvat)m|$D42j?0WvZ~br zGHT7_p{Xsm+>|MjcW13(5Y~2F+Lu$j;sXng2yUrHamcO zrwUl`i@NL{gwQ%f`t)Wu{;acr+>4rBGt()!)tHs?*v=j;=EnVaY7Y`uqO$nx{;B+3 zWhE(3G&5CPss7hleEc?snFrLv^K?Fgde5fo6A$X2*9?AeFw;t-_^>#L@m<}O>DnrW zNl)&-SLo#wbTOj`W$p@T+aaMloV>-=WOuCqLq@Eb9C%eWry8GmjR~`mqV? zEB2v+=CMb`Yw5aFTDRV@2ct)G?ACC`ZBOLuVHX+{s!wOI{Ey$Jk?h!z8_)8XawLK# z%16)h3u0Hi1+PY};*fzMySs>gRxOi^n=Lr@MIBC)lvi7jL#3bA%vdhZgYW;k^-{Dq zRUbt8=`^n@k9BFfeA=G4iLtSKZ3dymuB`t(O+Dh`$QaJ$y`H1TRTI<^kSP|xdhuH` z71eZ<07 zn8B3t6L_&U43~EC9Myd>x2yVx_f9Xit z_gto|Y|Sa1;XAGjBzIr|2W%2~cqf)0pStj~ZXkA=zkdHF4`Iwq^+THR?_eXIde7pC z{;p4tjiPBoE4=efurtoXKpYa+soJ4u2dX=!6)CmGGRVi6jC1O*UM7#mUFG2ACGPq{ z-mn2n@%(!jXNz<;eC~m5K{`FEMR0X(0)C&w)@s(5k9Nt}|L#q9dthqWcq1wm#g^muA&9z(%L39k#F@`I9oOw^Y>^oRx67$L;fCL zF=Xy&ukATEgGWD|J_pvZ8c{O%JY~Y zj*MFv<1faG`CH8HR0{@P$Y+zzmXeS0^oUSi&%l)Qn?ce@TT$(AWf}DyJls2ynVRjw z#D2UeFKDFn&R=&=z@x98z0g4FUzevLEtcyG2C%EG&XhrR+}meGt$hi^9T`KTL_hW$ z9U^n{bn$9WF?Qcbx(+B|mh``WhZ?AZp%d%J7^oL8pOgQInUSg8>j-PHau%^Be=s>? zvN5kFUXnuw9cu?Mt)M3R^c|kLY6b^2BhFfGi*2F@vmaRU_=pqz9|X|;g8|cxDl%i1 zJSShYcOIKZ$Br@hJ)219_40gAUCE9bk-Yrk%Mtgf*y`_m;>So9csMaFN?DNnT2BKh)zsYkXd#OyWif2-0`3o=h|9JF z!rm{X=i>!5ttCE<^pj?${W+$6m5)a%C&VjS+DaLq3}uM)ESomBqRH!Vcmzl@lCQdk zKJ!1GnG#vUj}i4Ik*YjQXU%i%CyV9K#g&wa1sMNGW8JEBUOm#C_+m6Mzt83Erb5y$ zrZ7be*K*2%?PwiBzxnCXTH@6G^RU#h_h_CCNx`u87RFalMs2P9dinCu2k1HcBKEYgl3wZfD07su?v>maC=Y7)TnU*fm*qWpA`~-AXPtXC) z8vki$Ctcv?5Mx?YQ+Lw*SQZbBCwgoThP*wGxDr7gptY*`Ol=E*kVpz?OFU;9=d5cbg1jf)sPif7)4R> zS(4^LHxABhg6mH+mfRjf^}=y{&haGki#IOa47u1PlBGx8`TjG9AsgbAnL0vO>Crj) zk;I-7_oqn~8Fz!F{WM~(O)=f8jpW+s4DN-_VQR(_47bahcc>xho5WlWas_D~PPNl$ zy)}kfx5d7?CJj?_L}mHbuC#F?GG`ktH6ISHWX*N$@xxtG^ls4nq^!{)^PbpGc4Uq| ztCh#M&~9L`@cPCqCqI(6JXkl7=Yruk)tX97c)f)FPlAwRf2F`(MhVi+y1qx1T%v#4LCwhW$Bp zw2DFVA|nRlP($oYx^eHkEiFIhP-V<4=J=^2cvUdv+xjv8fhpyeb)wi#S+h3shK==O zT+@y?{1z>qslMZzJn$YhodzpXC{s?1*Hattw-xiGiXkg|rHOl!PsK0uxz#3$ds7Dy z{K-}wh*|oz;ttF6=CZvXA9oFg zjCNR8EI8Rld+&RB{A?o+(t#rSo$pFOnP@^vGD%-#$fS1CLt0CFR<3-8=^VyN%kKI% zkt6xyW3~;Ta-DQ>D=QM@8^oF>4LN%@p4ofFWckaI==Yif&ui|BPT)u#& z)2ua{T4*P{Gl*xCTp2uIHtAz5aUL3s$E<$%mN@X+F7=s(`)2%d?kw?ZcXOA<- zriHWNQ6}BYXV@G>W|Wtyowt z4;PC-TE9}hV~@HzpY@FP(j8`zD?W>(o)&#E<(!=FzLkFc!$)W>IYx z;a7awERDou`(IG|W zkrQilx7)dOA*t)-O_o;ScwheCp{6WusQHo-Ms}R1?zdpNE^5xwsmfs_j^yt5G_mFf zQZQpNpNec*HE$WO2Z}AO-~U#=AMfnlFxZ+;hYV-F$AoYwel5*w7O*LO5z!U3@0&}PC#!jX--pkqa)^AVeCYV@Of(Oo+m$8q%nef?PXX=^{n+%-kR`t*&~{S- z2lfvm__YlcHumO>y&Xob($YL)8Teu%M>`s`EMyU9Hk;5RKLm@@I&yCBa?c@_1aC``XksCO$DUl_Mb9vTk6&GhF)BU9}*F zhsvL_P~IR<4-!n)@UP_*^=2lEtsBItU$xV3wT|Kz@~66t09@nU!sIqzJse>#n*ZNvGpIEq8J=WuM?365X);PyKC*;e@SrM?Z#AG@<+ zhH{{`iR{VDVWe>iJMzsLQ)I^vvohSQyNJO7t7tq~n%lxaj>~(QQqP)STPNcA)0Q)> z!swElKw0zU>JL!2hiNLc<=<+##Eh8>^6;70i+$gg6I^{MDbrlBcw{b~V48LV#k6@b zjgjwDF}X3B#qXAq{4tr;ny2<2%x3qf(U>dua`=WTmxg=LN%`rYO>%g&Cz$~!({Re^ zL=$J_9lCn4p=NhnuFj;IINg5Ljd*!#1Uvf6n=aivDa(@!chiWpT)=~*SoIl(v(wKA z|E9|rK5P!tRyZ-hD}zLl2JiluZNy_SoPTj}1)jh@L1sdPsD zh~HKdt)JZ&-9=Vxsl|yoV#PX%)n=JU-t0)OmbJq%PTj;c)knW}6K%`v=Fk>(jKsyL z$6CI@@QJK_DGkBhh5BEUNHEM}pLDj)PwTQu-jJTneF?CMVTW^n?84*me;h&OJ<_c@ zW`k884RwZIE-UWokkM?OtUc9JW85s~X`elinaNYdxl}KPb{LMU(nTsW=VYr-GXX?)O`atkJ7?G??gA7Wo_ zH)T(%6_Gl-tCuXpwa|k{_0(1%85(fP}hS`sQ z;c~G%?H%JN`?n8$PW5EmOB0;M?kwyXOZIAis#zuQ#i|D9+~O#B5J{f)`(H+>Thl># zfXx96oMTJFsoGyO=tjx1Ts{W1Qg5BSyC=k4cJD=lU#Bo@OA_m}AN#f~4a!rTM)Lbql`O|OkB!)gxf2ZEr&y|(iKJ$N? znLJ6$U0FNI9b@_Jw(IYDux5%fmxat<5slq=b;(pUW4)vLIK%{9*l#CkH8Y8o4r#MH zi3JVB0cnyVrj9h#2VNA{O?^sx^;P-Qo~bNjMll!S9BJaVlFpaZ57Jz^ zVQj8?+0{jr9l>wOlNs4eeUt^MB;RtE-(Ni>7gEVl4s6hbFcwwO86-VFL_4`2XRff&D~^L;b}X>%{Er ztt{HHn7jsFtaH)N-@d0^ z@5}Wu(b~6%V;rw+#n#!}ooB`6v^enrW0=%`47ZG$@vv=>dW8pabX_bJf2PwRwtz9G z`!QC0-BnR3e2|W5)N!sljkNQ7`K&bUu{@|(z4^`OUg?<4QOr81`*}4F23VHRrEhg= zzS8~qQ(JyHWx)}HAspE|flWD~7~G5{L~~s`lgiXu;lmbZQ>^;;qODIbb`PW(-}7Th zeQUmN5ZiX(Mve{i=eMV8>1#L`w_Em%INXh~(zJGNijz0XlT)VZBYf;ipMZR>H;toq zKnNejO}afwpLLI6Sih5>yv-?6#G3R!kj4sA-9s|u*}QsE41$9UR=(CIZ4=322$ddr zTUtJ|8%`}tSoC5xv;PQZTu;pnV^i>~w-(a}O|XbaWOhGk83}$=Ff*knKb)ES#YI~w zw!vT0rtXS~SX1nb|9t5((v#|Sg1M?WY1_Mv{5>^}OW7-EKA=!OAML5l`*L)TDg7pF z$4hs}o+)bx*szXYf+y-dW`f5*%hWj~&BHE)1nGzY^QQ5kV+lbc(y^7_=G^XOOfEBy zs5f1S+_;my6$5cCFl3fRu-E}k+A9_iU#GIXu~X=s>A``|+bFwnDAszHS6UlNXh9&8 z3L}|ZRjg^Tb#9CsAr0A&ee%OxJ!!1@B8A%7F^sX)Ibk)LK}+UQWzBF_Kc7akbDm;# z>z)53iC5QisJ2>tfqNp=d!CMWynM8q<&Q54XWoY_Qaw|7w{bKFv-+}btY(zJ*}Ttp zVpc27(KZu#+GR4EMoXu#5>KRGK1pH~+UfIIc{PA-@nSF?PNjMac_ri#?5w>?;`3a7 zWCs&j~wSF>csXUt%Damj!oj@Q)`}T&)eaj zMAjG;ac*i9!@md9M2xIsW;!?W(rEA@1S88`Iy>icC?kjP!MbM+v&4SoWS*bbd?$YV zjd#U76|=)=K?uCjyLb6YywnNMxKLbzs=aYPK29A|$=XY;!(oNIn;U1*?*0sd{@kZL zMjEyJy{OSBl_M_V^h;xJ;Fe7d^I7~^d7Zqv3H-ApjB7nTDDy5xI{k2-j2?@9#r4W; z7;_?0x=(5`;|`DJ#?w&E?GZ!_c4t70GBjp0aIdtGq9}6;e&%zu*)W3Adg^{MPJPHj zIeB<0YqiH;U&ooIZN&TZ$vS_T!dKKlZh`5VpF3Y zR5)y+p6%t7T({->*FC(LFYa7rUv+{lpBd1NiN=lPOFgr_CayiB&Z zJON}c*N*VAdMkUZ;n-6TWpwPQS+to5&nV7}isAH<1-uZC%tU^WGfxdL@34+8^3HEm z4&R~PHon%3;GJ<4!FQX9ORsxjL-}s()f+l`J&&7a!TxCstWwAi<;fo1%Hm9p_{qPy z(sQw^avR!7>RuF7D-lcQXo@;cU~8d2uMaK5W_%MqRu*?pTFK|X(s3W)DvtYBKEKk;`+6qxQ@t4$Ye?xnZ}uri)9k~~(xM8RSUfI? z4fCawE*eOc{mSlTtDjJJ(2c+NVAsZ(w}0wJ<3iVO6GbmOa8hTOJVL@M)dNf^6CPT zhsSUvPQ47BqY3l(VdJD>+|&DRcb9l3om+>epSr2ddx`6#+1S&Xr4P50v8RxCZ=G-t zl!tVu{Qi^Wi(f81xy^K3#50()*qyy)VyJDZf5$mP4!3PVT(LcSW|rshfh=sL#fF#+ zu#^EFx$4RB?r)lmUt1_U9}%><|aDPY_f7^}`@?E&n`9X`Q@>D|pz z!?)7h>;gDwEN^$EX{>0yhOKUCELFzXEOHqYa?`jm$%dNAT^SyqOqpToPDu4)kbb_6 zucfi1|7`BZj-Y6J7xiOC61hNqd$H=@$XZTrcqsNK3%J_3n8f0A-mR9Wv*T1Y)m49B zor(YNl`_64FVA`PwU&-oAHhNjy_Lb+5z5gz1&sW>oSg0psG|A!nfd`6=2=Qp_Q6~H z@%J^qmwvX3;HWZ5-<&(*^`{H#zNBz&Ul1S0F4K-UnH=f3rjNwuXttZ<$Y-Xzk=2(} z@!dUGZMRqbZtje0sX1!p3~sJjO`|&*T<@ODxf6A08d-)l1xfr@H;p&1mQ!zi5c4!M z+06>2+?)v7be)8;^xnMpnXGRzp1Q9_6EbBjt;84YNT_@fiFmhL!7jb?KK;>)vqxMs zL)b8MoUwca8S)}WVPY?)fayr~-ZdcMg1XLvV%0ej#nl@6_tzJfF{=g#=jo24{91rK z>{VTAFsVrXkfdQ$KidU|iS2OxO&r@>9r!oPm`Dq+RVkW@x?g|z##5tgG*@Scccy1oWON_pBwVR&S(X3VC1WU0TPt}t+r0|o zm#^A2%}_T$2Qu>t2mz8BoUaBqMZ~0^1Y6Kg#Pj$K!M_$`y#J)}8rRItC z-5k^(DK>Ml_UqEwwylcgmaCZ9rABgi^#d1`gO{+1Ms_W=ECOB`)}b)%P=dKYqv zn0s>&le>kp=}AAj&Q;Ir^bnj+rD0>I{P|HclAgpE_U|L9Ju8AQKiuduQ@Pk4kxU%BiiW@2v+kLErk2`u+&avnJ#*BpZ7$xuA0=yh z^XzOMOVhM-k}q`2^KhL{%~+8#lHSXDVe%@IrCoH^afsos_OmdEc4T{z`o+rya__}) zOs2%J|9v^0^)cY~@nl>Enz5vj6GL3QD7-yOU3|q<)K2K$n|!Lz%A!|__!YKJ?Af`N z{%yLl{6PWPVlwSj-saFvJxd*=y_NQ2_H40&9fuI#Mmykt`VxA4JMWG)BvxxDD}U$G_$TJ6p5R*9S0t+E^M`X_vi2d~)qm zEVoW$TZpZ?;1ikG)`fXXbBLQ6jPb{OmY9#F&a+TDzOi9V`Z8(4fppoUb4vL{bxo)< zYI7h)vFbGpDB%2nRWvA9m4$A8EbT9rRJ8uQyx7y4t)Y%(PY#a=(AnIHb05^XGFbQS z@_5$vY{1y`x!l)1R<-OvipB@9Zho4$Ch44-(VuW-nu^^9bE@rd#uR&NmlR9WIga#s z)P-I(tLvPq>uZfVkK*K|h;kE?$b&-$-jvj`WP0zeWF6ea?oH9uYpKjx-bmK;%jV>s zAfmK;3|JHd-rD=78FAQ7b747kS8VX$QFb}zXUor3Z!`;buEybyAgU)M@~YBM@%YDa zySWcnhWBK@r!>0i%IRx=8=?EF((uL9mj-XOPt1~fOZbpxOf{=0&Q>qtd*m+lwM?bl zR%zo6Mp4HxghsyN4KHY+Oo#M4eJ=f^wfG(tcY43}XZboC49TF&)TQ{n?9Z4rCg7CJ z2K_Emy@t}_bP(q!EFi>9Gv&rKbpm)%acd4|#XBlnEscMqb6UH3;i$aYpit%d3jCR9 zF3rAC6N-%kh|+H8`8Khtuk0lEL6$r@futW@EY8yfSI}9O3gb4@g^>uCo6kVt%tg8*I4kX!>>FaZo!7}nVcIYt!tkR zk+#Ee^PkTR?fw4jmq;b;htqp4W>>Qe(i=};dcK9SwCXI=9C+!MRIbdON&VyI7{(Oy zvx_MP`JH$>Wi4|IdNFcD27_|Me+!VWqp`TfPgjuiW}bM{p7e>)|9-I-<@AhmIkb?3 zqGCdqoWpS8RCU$ma`{(djto{F$JUy8SK3o=cNXrit(ARDWQuY>&d0K-^Ho_e>3c7S zFJy-F)iRd@)ejU(1AT{!|MsWD*9}zZ?joJ88&=J`lX*CWgrzpzHH>1@)_&st$+sx4 zckh${hHI~C(Mz47uRL`h*fVPKWEwB+N7w|hZ8y)O$7?^^uj zdgrD2x~?Suu@$*Vxnh)znyD*ZUUMb?Jc@ud?-SFR(UGA1m&rxEUnMP4< z%tEo(Ge|sa$=<4Z{$K0Jbkh_rx0Ro?o(C`QB@rgw^yRNse6%WJ!dyeDgu7Gf<;s|5 zDHOC!Rp){OH>)Jj*-zZgn|@3iR)%?l0GQ-{=M8m-s9^fzAy zoJrL#Mf1ntd>&twmmoi#2UBK~ZM2Bgl=W2d4D|Kunalf+8eeLGqxKs01znKg@ zrak50zBC`>Kw-FY>`Ml)|F?xau+PP^_j-=zClH<{-(2UBY?iVf% zb|S;Z8_|E}5_V{};QYD=K|Sp`QZ9@;t<)u3HG$lfO$okwfrZjb607LD?$Vy7oBgR- zKLNX_Ld=?`vbktJs~;rs-AA5--SsG`n#y3qI6iF(#BEwCb4gIw`eu%$55wQrfzZa< zU4GFVxZEG_3R^ImVa6ZDu^4Xj5f@@K=2Mz+!EOd;Z<%9uR9aEJbn*@s^QMP1pvhts z=d|J2ufJgvI~m{I3#d~dKj)YI%&9D1XLap8l@GrbG@G~jJ&py&(|Eu3G6OR?cHS0; z`hn^%b!AjgrkG{!SS7nLDsC48@0a6!OE(Tr$|So^SvKlSxprMX)4xg!{?~|qm38=} zckHd@4fv~LJZ{aLxc_(!UhQ&Nr8%!+@l1MESc8@Hh(iti==v;^6k9R8zRlxwklyLX zq`7nvyR1PzO;+aN7$2{GfwceU^*5^R&ICjC#tkW^>2-Cq3=ZI8=THK!i_bDk9H7gK zXeLZ=b$e2-SP76DZA3fpY=VJ<5339V&^he@5<))(iF}7@{P~#OKFs{nlsd4 z^@j-|rb8&YC!a?185BO2Z`UJ-SsrbeuuIQnaSMZA=~_%mlGFWIJiK z5p+t5p;d+*lbWq0X=n_74X073a|X9`&90X|`+Y(Xu8li0$2pk;tA6KVkuU$Y@u7?3 zQ9AUs(Y`Q-@8d=hzO+8mf7jeob^%tJ(^u&%^83yZ?hRf{vtDB;>>fe#vSL0cYip30 z%Bvz*?(5vTV}%#D(5+!GeRY!UE44-+W2HjSlU3c2!m2T}L(8QniTzuPw&LhdsbrNr37TH_WXK?8-t!@q`ySjLl zVGxq87b=S84##m>s0BQ@(Oo3yn$-k zr8Q4=rmcG}RsEKU&#wKcO9Er|Y6olL%FKD{c^4P;?d|?FiyqF~Dmv2`hjPGTJynfj z*x56P^t^EXXe#!?w0)Rqwm<&0h|WEt8QowJjZQ8m3t?sFEozZtrIop>g+C$_vI*P z?z#T!wX^79jE_9X9p(8P+S!o?eYWxEfelQLHmCX~arHJXrn25UH;;r+)+ht_SJwQt zb33bYly9^yW!}w(>ZexEl3^C@T+KN7#DuQ*q>q{;5?sHC^J4>v9xcyVu-JbOtnnQy z{d8*<^BKK&Ycz;Qn2~BjJIVS*dVXqOe-(- z9c-b`w)x7n`jCEeJg+{b@NLEaaw>^@c+!LO6zVc-Z?>MMyYSqfFHa4c~dWt>VJk|+tGnG z_f}A5_yVjSEoH0rW$)+O5VXTwJ#bMhTBASrTA$@$FU*{#@}ZM*lzV%Sx><8hKoG|! zx8<(*{9P}J&yiHZBxQs`-lQoL7DeBYDO7q?grT0Jy9|f&F;MTzDk<9O=isu@lez7N zabtHZv$RJ&xz|$Ksil1I{+fNo0v)%DL6*}oY^?WEx(PdKrqgkRe79$N(>baOt0oR% z{sVg+Y@WuEB2&yY<9rX_M?u40jBnYTe0daCPhKR3N-niJ#nN@kQ3^w{#g1CXe}DCp zM{+#oZ38&xGKLd2J?Ohr*T=jS(p$!Jb4d_SE=JJqoOL ze&xilN>Q$=OAKCS!CYCVUc`Cw<7$6#_GlupG4jAq_td%0iwxx>YrAD*5v+d7!-@1C zwt>8MHu7?YiuIWYi&Oc!SnRBmsZ<`Bq}-jDMR#M#U0uL0hm5H2^11YqJeDb4m$BdD zFh|G45j-xPtleU6yqH15G#f%318J6?z@xF+|NK;5R@~JSe~2sFE`}P)ybZZJkqi3y zPN%jKG$I*?m_)V?n$Ja(ZaUkpV))}kTGfo8?ZO$H9xO)O`?0iM{H3(hF?E6!%)njO z#%2%AEsx!#pU^R}n(s~3^IGQ?h3O9xAF|CiY? zzK$ntH6LBI55?l1_}%jYF}oAP<2q6J9@v4;w)V8I7r>v-4a-;*)`!`V}g{~{G*+I*J}mjoLkGX=h{QBRTuS*W=!~)%hk#`^d7r~dH)qs z_RJinCHvx1c{SPcyR3LVnR+EH$iHdJ&DH6QKAlR7j-eFIu~4@|E{#TJ(RHl&Kl>xu zvt1fNOgujoV>j(kv`09l`+uTXT~F7i37=-kf)>jO3$>?Z0}uB2 z_^6-5lm&O})G;ll%ESePS)1XND-W;TdTME(Wz;5YR*m0BI8gz zsYQ9b?m3R(>Q*|g&&h1L6E2&yUpMjQ;dikB8=G@GFr7``lr=K<#POPP#lG^t%1_eu zMj%PbA5WMxhJ`-iZ1BqAdbISwI_g!slEbL}@)hkZ!lKQ5<@lO%!f+!_u`>y&GL=44 zl&wRVipugH-nNy-t4{cOK71P=$(PppUggUj>O7y+uj1ZKPvgzRB8EPhPu8?>il3?9 z>{KS~lvkSnY_CSJ`Cs|M z{>!4n9Z=GhS|f{a`?Uab4-+ZkS3ZOuI$9XbpH7wKTfp#_VO8?l?N#N)E9zyub$X(BE}`6hEuMCY}uXS=YIPy4sZdo+~+)sz|h zEtAbt7tv07ip%O~F0{&^vGWKFN`f%CZbi0h7Ugc0h*9i`{jM;s`l!!W&pcP{2g;wy z;j8OR9;KOJFffYi8^;n78^XWR8#XMLFSW=^J@gYWZm!<*v^6+S_oeitp1rf2XuGBd zRU?!|9VcJ$0#B0v_u2aOXKQoy56@5K?OEmL42t&(kXP_Ur26E;Xz(eTrGvw0wxcgq9vs3lDTvrj^5!4Q z#%;t2mS`{kdZGNtA(=FP9z=E(FVdzc6Wwf(SRfrZul;}XmRW4n`~TPaQM8LIAVK^@ zmrWTM{3EU8?E^8VpzV^5I2V9wB2RsT&>0(&ThTdF2z; zWD0-vQJ1dUNU?$zVcIT~ahW;lFBq@xb}L$Z4pdWdDlXdfY*FuW8+&XA z`Z7Ezp5iBKIb*hvPtVu#qH?r;2YWUJ*y4CKm}cuX@?@%bynnLOQcGXcnr#--}~ao`n+IP)>L;_Id#2X(C6c^fe7C~{?U$Y ztX~P^zXfuANEAH}h0?o;W_cTBAH?){x~CJ~#mSUlPr*)W>c{7^>A^Z>r!vX>)Q58) z9Z8j*6S99EPp^eg@?bmPrcR*O07oW@QB&vg5G)Q2$28B9aYv%5_B567Z*l5R51{c! z@p&7MW=%WoHG26o>39GUx#A>z^b)(JC&qjGxTJFSz*`XGV{9+mvlzhOSJ$ zlq|sIn=6q~fp~tKAWxtfmK!4IY-FqcL*ic3)PV0Y64_xIjImjkK@)(~^U_CJfSs zsjEk9fm%lD=T=TVXdG*n7&FKvgNk*7dEz9U(#?d=9jDPh#E-j;!u0ts;ahtP+9-q7 zBxeO}ANHZIOEjNDLzv*^O_8sk@)9fBR_w&n4q^aJW7%?);DL1L}$6wM>(lrAdIFrVA`INVYD0_8D+=Azu#efcBmflI9=IXy+u;tgFDcq{9 zel%tMe>@4oNZ#4X3lr$KyD62&j-j`n)m~)+2=3=Y{TDiG$tUn8Kz`u%c`S)q!23;E zRGY3`{evP*S}vf=s6bk+D&+Tf88kFk_nH4L8bo&CvZ>}rc|bp$cgA*SD!Vgg;ruQV zFMVINFU{beqm!uiHI^qsLs@yzn1DUfnC0!-IkAKcqs^Sz7|YSM>iPL8Pog}r53WvQ zwQoLm+K1BXW>;2kpTz7Vv#5PN7N0l4)cC0TH>MN!j(D=fU=22disXYTX4H>V@g|d4 zRZ-nL9S-m?YFFt9=bjwUzG&RoXey4jqfCW$gp^7b-d>>dqj-@0w{XuYn`KXwt1EMe zQkNiHb~OActJ+nTbE zbjQ`o=7bV4O&tZ9(`hA*M$ROr-Sg&HeiwoQ-Nc8BWuIpp;giM_={k|527zMh6f^au z^hrPIiZMqqD$HZbC5=x=N44O`uuRej%jGnNPrKan6cP<^vw6QpMi(`(rF&ic< zqyH71yJ|_}D)41+^GIe7&B7~KJ=dhGKVBWnpXJr}R5tEjBBwK_GCFc3SK67e^Y1+J zCobdaAm!};=+De{HHolGCpRsLD(!dU(8!EY-fhWmst(>E1Nm=60cSRZ)5<`7kK=dp z>a`KxkHT5=)q(X*=VR1y6&D(8VAhT_9`D@2>($+9{HGZQ*NL&=+>uI&$`tDS&@rt& zm*i=VxEIK%v>34o46qB&pohD(%zBR4E)T$JdLF-))jMALMcb>|_k0*k+1Xxf>Zo^a z`_YWEv7?uTGnXfrv+K|_?c~&noRdS?7cqD<(inImlBv(dCA#Fq*IHp>j6^a=8Lh_q zJn0+nOyBv^-K#q*-{pnjDfwW`BDF*Jr!*^)d0o#DFheuT>L~IP22pmB3-4E~!mJ>O zF6C1&@9NKyOMdK16R-D+`fJ9o=V_@iF;h~-3Q%X*=>b^$8PC+;CiAdxISU@zQDd_s zzq{q~z(#DTjqzOm=1!#yUuKqQ@A<)%Gx;sB(%v|-%@XdtRhDdHBGGmc7_RcgtkrA= zNh7)BlSoZz^p#4~MU*uK(|uty&9BJO-SSyK6%$Opj81jzskS!>gVvfK#9C@?lg99M zTWL};oEooU@ZKNK3BR@cQz*}b&fhifDi4q!B)@xWemHfc?{rtZl&hLk&{93y1^gWs zLfv<(>2ouPgi*ThhIx}Tpe=7xH3yz@WTUQ|0}kpD{ll2#o$2hKJf7n_hp7{FD8UuP z&NLoNvbQ1AZ-q0~BZ7hAbTl$jp8b`0Ia~X4*>VCVJ2o<8o(ZiR0cjxfOTy?2gW-$2Rd`fJLd1)kW_dfZh z$|TTfrdTcm2GL}-H^1C9WzViHWPBT~4nh}>_Z-3TBr~Rsmp{6(GI!4M);x3OdCQ(0 zlBcHs!nS-Br+vx>Pi9CTDv1cEvGi3ZWk7aXlo0F{pnjDA`EAu9o;--fca#rJoxv65 z<>KVK9x~92GS-puLZ~NplK8r<>+_;S-j-bDGwniYQCof2@8YTWcM4B$nG(?^5X-J1 zJl&=I`0eS`Fl~eBuDOg@8_lRguGG3SiQ`q5sV|`}8IIx-ZcJj+`vnY}H3)a*N!KjX z?Cz|eT~j&D7HiqkZVG*yg~?l4pOaHoVvt&!FWuGaRp=^y#xz|c>V@kee!|Xhe(&nT z=OE?KOymiaPIIA`Cz0~;4!IuBv<3cHnd&|*7N_-o0Kfh>o@G|@4IED5M_4L3*LUG% zyq%KMgVc{Yj_?LsNM9{KqW1jZU!?sMFX!@&JX)uWW3@r7_KAKB8aI#Z+tK_On8LW+ zKyHdZ;dXcn&%;7lQauLOs-tN8HIdEtBUmVw$zh#G9~+l2qLnW`%^YZd+Yi6y^)WwR zEI)Dx#?k`DtN-SCgu)tCvOUBlRWC4P`;;8XCV&CgXz# z-3GKLxo!ojNylHI-`8gJLYBSrWI+3H`nan5t6wA?+nV9*W<}DWNh~NXB&F;mJ|163 zRZ~~ms&8XLIq|;!Tcmp`jh^=HxV_MgH{-;r3kl`QHnG*8_2%7YYZAvK(BsZJZpMo- zZ*9!)*G6M3R>I!()4At9n5$13v1q&as=?YRbeznHE{=@97Qyb1V(UkTkR(5R@x=fR zPF8N_pw4Xje_@PuzB1?j)b~?2;W`Hv`^r!KHJ{pD^gT=asVT3vm$GF)rdeXYZUg1d z4OS0bj{1Mn$ykv|g*jq{&({6^#RK~uX1qQfE`D7Ds+S$X0k3oH70a$%UKZmsbt`~Faot%$B*WuJZn1{!r07^Ic^3E`m z6;EwAG@~EQ4Q&X0r~aVU=V^Y=ih-BIDSxpp(?(^m;fxtRpXCu>)Ls2Y9eI8}i^|t# z&?6;;NsHuBzuuePZEj=skN6>nT^TZdW(F2(Q)#{X4B-1x<57h z{bHGix4!|g^|oT^euUFGx_3Vp^4e?z@7pd{H=P$2ZS(l$v>#>a`ZFtdCBu|0xctV5 zR?A26zLNvD=Eqay6-=cv+2S&o;S%2g6MYBm4ZG92oAQ_Qjp_KqUb!xHf_K*aS1(c7 zoL-y=iKpT65T;-Br;^Ufk*5Oj`9-_V$Yg4?G-5?W8ol?3{kz(sa@nwCI4yQt;cBpmJuj6VTVP1|#Uu*dwbQ#PA5rf~ zG+G)=o3rZ0Q-=KSXV$z4QJ;AEK*}3uu)p5KbN8Y>Od#PDr;`AatTZF0_o6oDB;23 z)HR+C)!gxQ?!)_$I%94~Cf6u{LV3f(%WUTIcy(y|i#5A3j~Qac{v-ePwIumI^;u># zRUgXcI5BA zqj2$!V7aXiM~9oRqEQqR5IBGb#~tSuk?UP&bVgJ!z#B> zGlDN2R{F4QaiMxu^}YOv!*x^+{mf<(8X@M`CEZ8z0cFq4V8BeBYYmF|+*F;Rg<>RW5y~9>ex{~eFbCM6l>nIC9toaX|ES?w!&C>tfpf7$0TlTHzV55g|HRT z%s*<+Y7^;@!}U&baVPDa=6QK8qKqQxc`TIf4_wR7 zdUdwQd;4$ZSjt&hDbJk90_(0ExU!G2Ay0*T0cd!-jon zKH`69Ui@m$9O=}1wsmFUq!hf459NpEbZ_|(R~w3lGTxE2tIl+PHCFH-fsO(p5KP`b>Ep^rfvzxrfyqOAw7o~Nk;J&rr~3UDe^hUuRmHZNCprEM;~ zt9sK;R-B4Q+Onr?5~Ka|ST@5SyDO7PUYWusd9o^(4P%~dJmp&qWp4a0LRC95)FPC6 z>be`TKY~BU+OxEyc;^p}vDrpEiB9PxS*>Ms)d?iIET{cQKh|9rBfVx6QxjJ5_V--Q z-&sVj1?p`nGfX`%ff&A@qyEd)^xi5TMy;7F`W{1D=UhDG@2fYn8=cmtGH}`w?x*RQ zzF&PGX8Ekh@{y((MN{7pT#Z+9^HCNrT}Lvz`$Fl()-=pkpH=E0#`h7sdSMhkPt7%F z+OV?EAP)ULjqVH0csNlryk??b4^GF|SbLrKG0bzX#gLcXCnowS=3?q!k4%;b(cV zHOj6gW0mq-gX;74sn~2QlW-gmf_a=gl8?kLaz4S$`BRv4vk5*n+E+ZbVQ5eUjeo2q zM9;IiouesnOkjP7FjmO}{&>Heb}-6Wgz1{RXs514`wymZORK)!8SO-e1zUeR}0ISY>cE8Tiu3VCsJdHCQuF@_nG|7ORo!R|~yAg1_0 zF}Bpd;k+x56IC>ud&xKY)Sk`F5;<|K74@Z6byR2N$Ev!A$AqzRm_G;JjN)5gFPa8c z<>aKvoVgQALFsbV?`TQX|N0<8U77b>?_kZ;TdM3+M%S4-j}LR$K7y@})VKM$IeUk6 zqp{AqWy-qnXz@~NuZY1&*@Eeht6}icoeq^8**9ej_buj9=86xE&*k%Qg&kebEaI8@ zYO2hiPA%!F9a|p2S{{eQ$S^v#pUue91suPi9mV@_u6q7cx^he{8l3RNwTCAEl)gCbA~Oli#MSAahVC zL@Q@7HiT9)eev)YQ*!xc_S&0KX2}YCOq_Z2&5^0{CZB2V#C+vz4qc7r>qj5fN=F#q zQXX%M41V+Oj>CVWm|UTdY0vi1L^OV)&;*h#xcdf=^O*DhG7x<&?M*i_%qb{ugg6^AQlAFdd?-XWEIk6&*uKPDJafw(1^V~S^9INYZE$cVfP$$!!X8A*?bR&|D%fveE zG@5;p3;1$y3TId7+|yzMe%k;1^J)S^r>^1m)@h8bw3e8!+DA{698A==a6On`D@W2@eq{4|lZbew zIqL8{yeqF{YLwV@{!Wx=cYE2+AL}W)*37kUo8-s+6;aH~pUi;wk;Glx#fR^ccG%O7I(0@h-mE|4s`)e!B%Wq+!Lk=sIeSEo1z0sEI@#v6->jdQ&yKSfUE%Cc5 z7jkuya)FsK+?rWiJ+PXAu4b_L$1)m>|!W-BQMBul}v5 zjqZ`kJgOTjk#WbpSoP&-7+53mO1^=_b_TzAZD@hw#yO-{5 zM`BoG2G0*hQqOU|di_@8bw6CaUTZ1;UoWP-3}o+c?Ni?7uxVx*7rlNb=#ji!M+3z9 zZ^hdkt~~Zvj;x#o7jzB0I2ghK`AU{mlfOeAn4?FGICxI^k5msb7KjO5DlgQjvFfq+ zVduYF3HUWsTt#aO_RaPj5o=!Y=4^(b{9S{D<;Cqu5;$TWI@8XYV znQ^qKu55j)<;?%1GgAg+U=@>#!%T6~<=Oq>Bp=5~?JMK{*I^n&nHv*$BSv25iDE`s z%TIrxJ!O{_;u)HX$tAIa+{7}?6i4c!JaUzl86M?}X$xftH|-U_LHW$HX`~Jl!|r1d ze@~Pbs4$qEHBtOHZcoIVV5(fpXYI%U1`m^0bn9d`?JDK`VJFgm55`_>$BrGXFo3{deqzYFV})GmF^VJe zJZZCN0p=Z-(q2B#j2)gd)ioY|O?_im9qEvu_vFWX%C?=QPIc`c%8OxN!4H?!;%@cy zsOD!fxaw652vu$GOQlpTK+X~c;tjJge-%F;+V(t z;ZOP5M$YEuv7tQFuD06-KURKOLU|W|47Gc$XBk4=y-=~c99eZSl2Om4Z`e-cvvL)i zuZPefNPV0~oUqjXv8j!C?8#X)v1`mR@wI!l&E$n!8bR#`(@z@M_g34LPuzspY3aLj z)A?4e9*z@_i0#^y=#k=2y!B_t>IS@Q9mTeBUJQL^BzD1K8oZWQ_(&QJujKO1JXYV~ zeD2E!ZQ0!d^LGwJ2an^{L>neEQP~!0Y!@AQn;eYmRdMt_>AqZ;!mL5+5bLAPlQP=f zj&bLX`|r$X7s6R%EAD;u=a=?D>c)|$YUm&$Yd2%vBO~Hk#Ns~eD!opqo1mpQc(wYm zp|k}{+w{WsMhIPxi@{VsQhAYijDMI&R`xI`s~KBn$1&w$I+Kgih}b(FW7|ax zzNNj}K;@H6#lMy(!6a%Iy&P5(G}Vk>d+It~){j_wKO&6e73(vaS+C{$3hhm}O(Jvk z?AV%BNbRgRY|Jd!dQfx5E+5M1{`!64N)Ft}qH&p-j5BS_M3W2r*t?ij=QFeyYeThR zJ*h3tdDcsHN*RV|Ulqf+_G`(1;K$ED!&xjI#&OLY9R_a2`T19m7gOnscJ`IRSklS^Z(VEu>}{`WS=WSo$FFqGF8@t_ z<}c3FbJIV&L2~JZQ;F)f_hNrYI$dW+QdnS%$+bPW-gjbXav*QcmXNtX%&_|Q;*Vb8 z*K98~Bsy|v%_gkMCt;YM%HQ`I5u)9$cdZC@WQ4Jx?K+0Y853gO)MUyOdtOP){WEm~>&1I*ax;ZC z-K<$O&W|cxqBwTchcjR2uyE`D&H_H1e3^-FiSjwS19`2}_o-U1zdA+ahiNn$t1cb5qDjU|-v@Mpl{XhLu3eAwCu%e)d)m`$DB zM9$5OVUhHJoO#hSd%F~?+Kz0#wU-)2+P&Gw^1yln2eQ*>=hK(3`g?D$KAK;2e?F5= z+?HX){V|TU2cp%d*_yRi*K=>%IK6XiNV>XIzOV>--5*2O?H#FLR)^ZLP?qJ*%OFGvS8==Y$ z`e?8JSeg1|i|x3W>&Z{^a2x8!mHHt(GaOFj%?sRkDj&^&7(C?D@@gHz<@@s4 zE)m<()R?m8`|@DKJS?UK<0hYILC;WDlxokn*^aS)I;gWJk20I3#rAgNta`>1Su?j~T&3y?7sC;@tMJ5*sIzNdRM95kz{v*2kA-CwWe=J*Kaj4x1ES1fsnKC~*1q(Xh^x6R;}n#r`W z4ac%@1eU{mnd_juN|RXXDMN30IhHcY@0Wimc37cu#@e%OyWl~!+qrlSP&fRSW6EnL z)5%V|sU0Wy`+5$pwG$bzWF)(TH;FN7Lw@iCwvXw;-i80;Qq1I11#y(+3#hSVg4lh9 zIR0Zp`49eV_;VBPFB-7YBahQ7)JL&!36G>l56+3By@|2~4@Psba3&v?i)qmUZL=~VywqHOGE%ubxADY|9znON@(q-f;=eVT|1QkK z?}NIaW{aDipGah5^~zn3qW8B@9_iYDt8;9J#Q|dVN@@TBFj;|hz|PqF(dhF z(MsOA4%6P%kGS|u2A_$i^F^`eeJ3#Jyd5cjSjPnc%PURFIwGU?PG-W04$Es`4 zms*;;7mGRZNxq%>RmG?Y7{!G0Q(3wvinrBcd3idKm;Ui|x0p|Y=@#}K_owB_xy()9 z$jWOTTxgh$|Ak1JOqXZ3_aJ%e6S!J_4)NteXns{5@I^Tct2uyc=7~(NTZmmNbxhq2 z=btKxtaX^pt*bf8e2W>x?SAdhR&r;Te8Fo5(|Nc0-VBnk6SMVVhZuey>cG}rZnTB}BvA#2cI9#bGNB^3| zaqUg(mI>p??p*v1FW_Q-G43u$)45prWrr}l|g4+wX6Xv)S0)S?G_wz z*K_i1D695rAD1wf+#kWjD>qSj&vMMhBy;#v8vd8(V14Ec`!zSWdRd77>u9Eg#_=M@ zpS(ZJ*s`IR;eF&~Y!t|UFHTB7PNhzgI^>m6Ta+XwtFr4io)01Lb`+7>er(RwY!_6- zv|=YJG>GLd`L8p-EMjh4d-8{xG3jv_r##l-u_+jXp^?lyI-jaPOtCZG%hpK+?CZK! z=g^Vr;gFuYKzgsvsu8!X==RiC9SMs#^DvzHtHmL6D1T9g_0$xmV)l4_wapX^Sx&>xlW` zNDTU=v(bDUl~?D=11JyFeRUp5V|kZ$idDHgIglCt|L5BU8>5KTyM68E8Jy1_%G+q| zfPDOwJqYLC&BYuwP(OG;E=y-`q=9mizYP_?cWA6Ccf=hO%Vho6NdD9_WAZ#PHl3H@ zro7DM_F0T;C_niujJR{)r&au`eK~3JxR@xX1gxMrm}Zxq?=vtLS#2knY!udDT^(z<~zb`gY)+PY;fF@KBaFk(ITtDCcNP!89g4q>)&48gw?(SL~pDL*2`+mI*wP%%Fqwsd{**Uox1x@->`@vEX~Yb_Ta*a>U#Zvo>2fy=5xTo5#}F zvp=7bcF-a}j!^-?PL%Y>-37F)_2WJFfA4Ic5J{%P)zAoW8n?az@Jk-W0?8i|z%@7+da) zU~}Cg6m(WMNKMC5m+v$6GZP82(d^gBjhA_*+z&RvX_pJ#wXdpCXd>43TxNX;qT7vh zhM%{@T0ZKh%FGSfZA9Qf?JjpGV?J;pCG`eUrJ9v8aq;5WCCxVJHt zPOzNUf11)ud-FdQMRVfMTt;0MBjLJsQ~Qbu(K~2B+~Ni5Ra6VCWU~Uq}ylXS;&?7mtWl z;mJ+g<9uo+ra%R6UPuQy^IF-R;qnTWk5Gq96L}e}*}PTy(!c}S?WwnCz*L6a&*1Z* zTu$V9@JS5OAsbC_Z;_=Q1PA_|slC(S`2_mOA5|%fCF?S2TQ`8+b=LFB#)jT~w1+W> z#O;TC)yCrIYqxoNy*~!CJL1tLo5C*2!;C$}rgiC@i8J7ap&e1l2|Tak%ctHclulaC zfd297^ep6`A=0Q?`w=*IDFb_?()Wk*;&at)cw>w5i^WVF1K|T9EpS^dL&%GbbgoQzTtP_fL`GpMW7((cd zWc4r}q~+3?v>y>Ee@7~NCq(1dQS93b7SxniZOicts`Zyt=5ytjE%O zDvRa6>}k}Nv)!W@x;dVA^2TM?-OYu@sSKI0g`kf`JhYlXl=QXO-@TbCt!~6X?NV~Y zE~z|*p{tTe8CAfjwVKzTM)LaYY;hhYb3z%`b=r^QF78R@rk)(BJsk^WXH3?qH?7|} z;+w9gh5Um_RxWfC^UW*{Mu!veE7V~a~ zwKZqQ8*yZBZKkYt1yhZbIUV%BzH+hE4&-9CIvTfK>AZ>X;-keVHtCs>dNq|3W5j2l z8cJF79+=gNq3MAj+EjBEBUxF+S)SCrqx)-R7!?QgWqx?D*!ThRY^))$dM@V%=2J0v z3E74o^!v0?UY`P*iZNEpC5xLSYdItz)Sb)gsC-m2iguV4=FcREM4pg2%`jps2usUUr8 zUjpX-Ni?gxljl8xY4~<5`%hF=hhPl0{el^xbNl;&de;We5<4)RlZ*0+NKoH`G&RqH z?eu%Uj6T{mS-0;cKT0Hz`#X^5T9@m})IAhy)3dj{q&kBwk@x9ckt-YjE@HT|H)T6- z6Z1h_Ag}EN_~ek^sR-kJCusE|iqChiGq$_>wyk_=X&_!fbMcO5W|1g8EpFIajLXV* z-Fzd9n(N)C=T(DKo2c3-nM2|gZrE(Yih5%xy{rDi^j;VQ_;6ZU%@UoJ&J7IW%iRKX zzpiHR$2k0#^x^Nqa0VVKV8E#3T*}+XyH#@-;H{3Tc6nsnN?}DE6Shy2?|Q8fz72*D z^euqN@sk-kVv88z^U3ZXq8=joJ>F+Cc|-*Tgu1s?tD1rz`5Crc&fjrcNH<2 zw&kjGCyzxI5$xL}hH$gZ>Ul}zeWW;+|5w_3M@4;xTia@k8jTrju|#9cuE+PXn!_4!0 zo_p_oZS8-&qji3fKhPs1RIH7OERmLxpnduy^9_70E%KFeJEeN=thEMa{H3$~>VbUe zl&lPfX3?|ylJPQ|UzKhCdsZ3eq^E86mp}2E{QM>}S&|#h$lcE3L~77p%Ih_qF=z!Lt^E0%rXKc@2^fNtl+jGas2r}j z{DyU|g)urt{eo4O^Q+SaisbRL|HT6*i*QbK2&C1SRr1CAv1MlxD^Jbf)>czGRB>af z&O@UgIHoEKX%d`?b}2Uek*$m-^}~5rvgoAT2H8_%0!Yewxoe z8b6yy+82FYRc!dt3AB%&%UJDEnpjU_u{7l;6E~^@!ILVD`!l3`IBzFpGca~PE3W5J z^kx@1XV%MqsvgqEL45jgH-kF-MDEXvdA>i2Zi8}2(puarJeFfkM-E{dzO zP~BQ}R|nu687l@JyuB(P%`-7c4-BGS6FXAR4WLnkdK@>|(`@(#%}geepO~twasZy< zvEA=KfxXRLnR`RCskP1dX3z+(JQCZnrY%!fY~g-jB^Diy=5(ut)NHnq>bq`COc`pRI%gsQ(`K09xO^W6_w>=-XD^)tN|8fXSOIg8?1dOw@) zVu(?_f8nW2t(S$*!8Kaf*Wo-yj0g29W*-^LlV4NFi^yPDsF$9o;vwkl>s>8TTJnjc3>Sx5OQ*}8Gr@ZMG703l#xE?r}iA$$b5T`SrwfbBe z>Fix8g}*}z2)n$5wmsx$Zr_LsyX~2zjAY>D2%O*aXRl>%xAQx?5{^kLEYnao(HZpwi{Ed4G|K8R4_wP&(CY>dP1=0a`e^y8vvHde!p`fumYj@X$zBi2YLBI) zP`x>2>6#(VVDtj9Fz*M`XN5UuntBueQS)$l+BT2L#P82y^_%rk4o=rH{fveVws_Vk zC3gN+oYt+O=A-)Z^=#y)a{XBNA&o(vd)0S6nD-{#u~{~Yzn97T;w+}oj7VxOn^=Hg9m$hP?W~aAvmV1L!ab7$sE3fCuQ=T9PYzZ|4a-AHWOYF#LBjFs5nm7T>YEp;804n zw||v*{m^h}nEsoxv75ULlMXTDz7R9W-I=iJUU*dRD2BaQj)r*J)YO?`y8K0vxn%8) zpjmzp>93}8!#slOY3lnEKknd@EtuQHvt0YO-!f-mQ!ftJTD|G~aWxr#XsvQ{Vb4V` zZrojltB3YlN3H1mu7Iu8yycB{=5UK-J_aviW7imNL@j1mSP-*&k0kh#E4Tb}@jTE7 zw>5culwZF|{joH7oyg^@VmObErs1^^;x72m(0@99!H!}Vh*7#qjA0-7tki{9r!Yz^ zy&SUTTYqXT&(T^BzP(+AncBBG?1|_3M^kD9&!%{MBIWbOV!3JqRbOmlmpqE!oS#Ck z?VWi0MP9}NF_dFGS^ZATuphnI8x~7IP$(BhirKtBk5+3pbH;ujk2*%MTzR3%KHd1% zMeFN`G&adwvw5H&&+995*e#fbgEIJLMQ{365-+*bokjcATNIhOy3yjjdHE}=n4n~OSajrf zy+6KEMtEo0P}=^SP1iri%R`{q$1t4{()65&KUQINjJh2cGd*Vk&!d%tzbW?U?@|1= zHkK9>@|Bx2Dwi{w!F|%{*Dj35dhK;G1oFbfNbQC}RGPeyc>iqqK#JMiSxmDOR~jmB zRm(D*?p+r!{I5_pgh{`8p}oB8Bw7?@QpwDL()%ko+t>>eb$gYcoWQh_F_`?3OMKB7 zdgwgRN&D!+ZSp>8F1&M;BL&rua_7$&=C_L_&tf?h9JFUCS;wU#>bNW^WR{hD^3LJZ zY#E5%rehd~ip`yDNzgYo{O+k-$ys~G`>dpc%LI0R3?SP!i+Fhn>Kyl__FK(uj}5~1 znHkmp5qEGvIAgZ$!`Z}(7Lx|?(pQ>aC+T_e!Fil>Q z;Q#7IkTdXS8p@pMsFSe=o6IR6+$Ll5J}Tqc-exyx zmc>+WZABTnrp!=xbFEFhiwNayge9}2ku167#d4iZlF}2Xy{{+R`)$SUSpipbw7ciWw-Yk7$M$B}sQKbb2jX{J{B+Id zC%Q+_Uo5^OwWbm}#g}Izw{u{sEj1p9L3}VAuS|Cec8RAjF-q6#&9q&7PWwF{<>AF$ zdyq@@?LF0t7N&WrdXyJLQ~i1<4>NT%@d~Jl2)0FbmJ6k$o{K&z8`yq;p5ecIk+H>H&syK0!$%Pim)JJLD&? zOXhv~T%O0Odo_yd^Aj1X+3L!uY+n8>Ki0)#>P-$}lrmdxTD!t-_vLERK|WW~4DCz; z4t;&dIv{@F*p1}KYqj$07%KEPC!uK?)@7RM#=A%}>%vOJBmesVi%;+1U_d?#ZpHHV zDhCEu&ZeT~(hl9i)Ula?w{5!mO}9fYangUCjP(~~08XWH@`_kEQ`9N;t}Szwd2iNZ z0aZ7PdDVV0JFoWT=?TrjJk{&7XbN4j!l<~eJ9X2T#cC?q-wpWcwqqtikICWH-k$+Q>i9`ZCtqyB7IPQjViCl;ZvyaLX0I8a&IWd?sA#=~ zhU;DM2viSQN(_$j;~Av=KNTOi@{@d;=1;|Qmp`S&IRsz!!}ho%d*+*RQyI@~dsCSE zwK%e&p12(IWB1R_Ok8C}+zv4ey9ZNJq_dUQ4+m*8zeywM(QGSqXSQNkR+(yKMOkv( zPuh2h$_M->yJ%%CQ!bZS(`N80F(>psI5rxWgHxF{(U)Ia7UH73?7rK|vs4TwGj<(= zwP(BZZ5G1@`LWk@CoNOW3B4)ij_&*3`mH&-$%cD=VylHO<)2Q`(s`9fbCYgprA*}% z`C+@oViL1~29MUVe`qoR;y_!~DQ1(?Dgt`;!^<^5y(!YZCnX`*5(kGkGe9}48-Mw* zt7R(99m27nrf$;FdE6^e{&~9%jUTJyqVqy#R7&7JNfkoe^$>-?8KKEWc znIiV9lk}zF5bZI<3i6M{^@1Hs7L_6+A2yB6xMShTveDwczHCL?ewMh@b%TjEc>Okk zv6zpl4!4eUPhp_e|znRY(qG?X(M~1+u?q0H7TEyX!6}CMxETmn4C$x9Vg!KZ&vCf z)3qx)2#e;cY2z=gym%vyW0SBi$>eW!c&uEjb-1lB8C8`Ntz^qQ(*)Kf{nLWvcRUy8F^_TYb zcr?8yNZ&lDoV9!-jyoq}R!(yVXZ6h8@L+CffO=frxE0is(%0(3^ph_3){U;+rnC9Q zEKWAs%C`Mm*&gu&D>f_F-fJ4JQ`I-JN_{F-yvbX&M}C-{;@WGSs-I88J6kALzf7+K zUC2DES;Xfwwk#-MpE6?0hj*d(>UeI=HnLLZ+Z5+sJiQr0r5Ea6(;nZlW- WlWK_ zS?9|xK2|88s8uKq7AqK}vsrG(&San-`?gx&lrxLed;LbguGm#cBU&1B?_RrE;x&t3 zh9$u&_0aDVw{5AIyt9X69U#v8?_(Lfa2#1S34|8`xTuRNa%FLGo_+ zbEH`rA8f+0J7LMbbj^$%Y{>aGmJiV(tj{-5_oupnQ&X7|nMv@jH2T>Op|zK~pFFlv zG%<#^(!F!5s)H?m4xcNi+cUt8qiy{e7MDnA1Nq(pmG^FzDqmHadY!NHR5Qt67JGAb zwF9?w?b|3Had>(X>xKtV>6NlKhqe;FxjBvd4&hz#Dt6|0Y8Gg(?i~x##*X1Gfz&xX zj3?5yGphF@>9RDdmo2E`9L$(e>i2pmkHCRa&cCo>o|7#HkI2suEUhWplr7WxQ~#n9 zE2Uq(@1ahr?%IEh8BJSxk8HkI-->&Cdh}1EW>xwB1J^057t5IIV)8T*>(^JBlsv~< z2d8lN-eL09ztLxjFC7O=W>$qb-a0Md=_8|m?*=IYXOEFSLRuUXr95|PTT3gU#Au4dYL z>6EiHR~kB&vNUg+Ojj52?e$!;Q6E)UAmKU7__+)Hhs^LTdLiM%A#Qr>`kl)ngfWK9-6Lf|zf&mRm8(wGR#8ypK60 zwvn_*D4|;|YpVV2iD?~Q);3pOBwL)kn?>|I-;+46Xk4Y;bhJ!^liI)RnM|80(m@}E z@kp;ByQ7;}bZr`+oV53Hm8aTyDB;Q@*4eg+bB& z9e)bN?4x{YE`@X(uRZt3VxEtSr2II|UZ%uS^lU17n)s03NNgva=ex`v$i^M%49kq* z`@8yCYf~te$K%Vj0*a4p)it3$KT9i)PhHPavo*9$(6z2sC@qX0#I3aB_`tbzKdp>y zfCrT{b9$GPN*j4EbN$ujGkFu$7rWzoUs~Gl;y~D|LwoyJY|h)@Y${Gh*UfCdnMlLH zATuqna*`zyeUBsB)kx9kn<2gUZl3tI}newZjx>_cXvQ~4$ z19f?qF`j?K9GiU68{a#DSTx8`ro@IYZ_Qe6d+=R!rr2rfRHzZCeReThw1!_lWI=OJ z?Qf#xfzf-y_eoFodn9rEp&z)(Ke9kw1+B$VY-mMh@dE4)n^OIr`nk3Dy>?t$^|=K6 zoQ9Jh7EhDqK8&AOMxpjJ7GcSJDrZk|rYC*RDtEDLHD#yGsG{6N({6!G9i};N%^)1B zb)m`pBV2b;Z{%MktdmxelbA>8`q7-N=fXyvB?^@N9DPGNw7g1{7N4c+2`}a~T0o0| zC%DkH7IEjNQ|{Mjbujod$uEe4mwxoM^%W=P-rUSQNW8MwNw=B#|{m1Byu&xz%tWnc34mEk#J3OiF``6*-s z*XnL3$9s%8!0lN!RsHZ2dN4|}H4(ieQbS9i8N zh2w*m{-}@zvv%`H@8Mrt&ZExLel**W$IZUY>6{qL?T<@H*V%RI^ceQ-PNBbhEGMqT zX{PN*-`8%Oa`L2?@dOuFScwN2tWNYiS|6T6D=&F$qKD9EcLdqHZ8+CaT!Y!Uq<2>* z+>WJs&o!WLiulp>CR1N~^tClIXzRCz`$IiQ36+j#wTY(k^mS;^oj&%vsJys{qkBA= zU_O)cGn71VSi|AQ{tR-OL&u(C&Aw32>d`DdFH(N?bP8u1#9=KD;G-_PdGOJXO`D|Q zImycv7tFLq;Z)C;mRi`5K0jBYvRyQ-R>czjQy^!0uEugwB(qMA=e31?FFQP#W9E;A z^z2Jl{HfJsDd|;;#X0b&;rn}o{FEn{JrIuUiAJoHBWw2h?o z$b0)?N*A2V#Aaw6Mhi2sa+TqF;T=ftHcc_B^dsL-o5Seu)+tkD#nmcKZ0{QnK6&EU zh~c~?g~z)*cr|M<^)`#MUAl-b3DRI!#?fw-AJ-aAr)tI&E>>Q^sQMv1zrB!hA3AaI z#wvD?7rSBU2r4AH^Qe_Pj6HpDGgTk=KkIRQIi3#6a`)*F&gTK@$Q)eE;)V{y|76Y$ zJ9$alFI4|TvAngx;x=h6Id(e3-p!|F*C;We;pm%uGv(YIW4D#M+QS*Okw(Bb#OMCgl)fcT6{c%r}WLnFXf|i5kt0; zFGsE}QSYI0sWq1H`nzOS6sb2MWicJ@WOAVKG)f#iH9JpavV0mZ#U*gQyHJ@XPr9V~ z)8V}{TLR@RYdxI53n%mbWf7C*ZLrYUBe~CVMwsaJaWh?BLG?+8^k+@Wc=o65=0xK} z-2b+u(9x3FTb8n3vnA*08yPMS(a>b|Dj)IE{juQ(t0+D=#S$_s1rM7Y;tC5A()*vU|}e?rGoTGA)8aZx^n~588jQIK0E$ zD7zL+`!$Xn@mWU;F_-R3|G4BN{{72=-1yCvm}j=)Ikw|mTtD2F6|?495FK+JXm?~C zorgxU^S!?`U+6rbi0C()*>hJs68R2l7K_(YMLtu#b_<=_6Wl`G&(=G+dO`Zq$Q}IF zFqoMW)F<&FmMJy*^L()w!1Tzu!St-6T3sAEPefndACtQx9M$3IXt(wpBv)Db8>-|bQK{w0v~hbe5hRYW~$h2D>Q@hMeoCHEZsA33qKl02e4 zw{Yi?Gh>^3F-VNT-5qyRB<*;e^1Y7f@`3&_ms`Dk=^c6v-{D~tSFeMgw9CF@_c1)j zi?HJ%tPS^N&<;nJx0nHrE4ZmW)03q$ zcoU?2;Gz)P$R8EEGKcj(lR02*#+4Phyq{afnzvDWYgCrKwg+|G)h*w^iYiBEVY+S& zpF1s~*Ib=Nswd(xAp*mfB&=@6u}QP*R&%rXeg0rtnW*D$?aM=d$^&}bH-kgn8(KvCg_`Kc}J?M?K zxiYXnC`&)wi_=5mm@sM^y{b0k^`jKVt}|nn_6SQGkD&7n7_U6oG3}=u#+Kly8NH=+ zi=Y3Q%~zg|?E5>6(6Tt5T}`5gydFb8iGf(WmR7ICM=dvs?APWL_HZS(+EzLb7QZ-B zOwhIB=$wU1gRFTHZ;Iv9Fv6>*QPrpnT%h(Wn#Eo-SFWzsE`~dJU|nw+we=pTyKshb zHOn!kuHw+#14J!xqw1V+V%msZa@mH2hMv4PM$pzrEb8};?6ny|?A~pRJzhom)fgR% z{MZn#ypgo&SI(0eaxXzFut;^UPsc4;d(^}7@*NGN#NV4Y=c34;;LF@|bNOe+KH9Gk zpZcHCw5lj3U41W_mx)nRD;;!JhYtcx)(zZj3m|C}x zHRf6)D~8bSZ*?0#?ni;Wye#+UQnzRwtrH@-+|!fbhjXZR&6o7nPDIMfapG{En7ppU zZ&Ckr|1$pCl1krZdEEVW2)PwE)2ih*7RqmMO6T!{)@eA&3x2$javV*9ad=(GX>)hN zPfp=o!w9xKh>(7zeEq03ybepC;H)~nr*EOXb2`x_n>c-CCi~|);<6`6GwwWct_-Ec zr-2NRhP+wloXP!sNP8Z_G_skZ{DFPCD{aU4kXI*!zbfU@BX5maLkuZ8PA`swAR>Wv$UMND789p zc+h%!`v%c`g$LKfMKXkh;pO7OQ@#G;On$-6!k)z6bS)jUnz?m#-mbG%y1gS#_ZleU zpGt_UDXW%>X|l-^L+)6ro?6DN3|HzK?D?=NFOqDTG|R zMXdW){PP}Tr27Rk{PhHCHAv(02Pd+3j%N3vP@DtTU@QH6;Kp#Q5nbguW-u$wjh_~_#tlGlm$Vg?ZuTuDrEwvIg zcg@+%=0`P2jB%$<-gZumOXPjK4E~sIulJiRoo7qGT|b@q85VpWC=XPsG6!d*@81cd z{eWm52kzwOWf6q0YKePbJR!a1aY<4?QcMOX;>CBLID$)oEEw zm*(0_9;dgN@(p#_%mA%zZ@$+Ye5&%X2R386%N1jsSdd>vuw{%F6>QWIotZ$5yPi1j z&{|Tc9N6Y?05ejj^ZW^oxq{$%SdiH38%y?b-wy=Rgb5sF`Ddt>*y=p`R9HC z^v_do)2E3PXJyk(8tI6=wyd6$&t~mQ@7$8+-9C;xnvcb%M)8ZZw}r}u9ADu~aGF?` z9~0RxZKrk9wLG{Q!TGQxUjJUGnZ6I#`dW}3J()xKC!|rN;kK>`@uuSY%@``rpn9>& znUf+f#pAkO7;9(-eokJ-BU9M5brj)k9GKH*5z9-)Ql(helSl3O*(`|(PtDk8Rzhl% zP}W}^t-gly&N&ewF}Q&kdqmrC1L32;%ed9LApLihUaw>aCFH zCO=WUxLGXT4i-+@?v9KvU3U*357QR=*bHGS$c!%SZ5 zQRevMFXY_jbriku;!X8*hG*wuSx&R7COufUI0V~p`MYPQkzTk|J&~GqZW+qa2B&#( z@Dwg{8q;d3gEZFz`1Cd>skheH(c*qZs*n6dA09TA-y}8%YjMsd_fZez*l6i6%BvVk zxO!~?D_fkVw)W4v+bf5n{d%ieo!RTQh_@P%6D~36+t#ckH1H<^KRjN7_W+1{dvLl<<8*)f7yhh{P8PcLdcN~7_g6L{V=iTJNOlKCgG1*QoL2tejI!5f4H?O=t1`j)?KKHHv#i zGd7jPliWFi)I+w~lcn%Z@2~R8=KWHTB+o!6>fSuY^0nRgt=9(n#+6dq&x0$OVpeNj z?)p*8)ApG-Z?@u^GBO)}6bEp981@~VIO=4@Sbtld*|_21r#a_{CERW8hvQ3mUq-d# zQp|j&S5;2^xVqoxM^dF$G7+Q0u`#++`3GB;v=+azuhm5num16Nq zub%MT69%_YzSE*BQ)8EKvq&An;zNHsHjl0wW-$NR1|mLb7B$=)V^|0aTB~zLKAU#O z=ZS+JOuLC~c_vRuhh#Hq%2)N1&W=q+i$AEmjzfa{9$E*gH}1p5h$04N1aLP=nF-t& zc+dyWDf=1UcnN1`>H6_%CBB`Kc{!#d`)oIJBxe^}vNh+HfARe9DWptMW_my@tlojW za_QOMMernG06rIL@y};ho(y$hcArcfmT8t#L%z~=VJu&kfx`=NMBk{>H>xLpy%GB* z%8r2E+Znv4xAZ=B*-dkx+LS3&Td%zFL3O*;_vatW37n~z%Y);gn3fyDlyzbktWM%q zng@+-Y#Fh~g1AUu>Q5O%^nq9=Y472mGL^Ya&6&5&n%2u_@~B*Ytp8X~y%Q_gU8e{y zs|@PTN~Ug?{mKI9das$H-JnhUk)1`Y5k8vXEZ6s3N#JA~zP~mS56xx%(wgA)!IX1P z9auRjo_MD$oNsL>b)LG%lyk9uoj`Hfcq&gA`6&vN#}*HgX!Epn6SP9m|ITf)eU#PtWdw?sMhiV zXK>IfS^W#T9_=}Z&9}ojBOmUCV{<80CVa72UTxp`@p(%Ulj`zP5 ztW?iy7KeYz#%F3i>tCxs(b9}xVq@8Vce6BH`JrpK!cyAz(dnxhC~aU*l=3dmo%zO7 z=ajc%&Mr7W^u{1^_Jp!>*f#YU>-D(s9Yc04X6-d^CTP!m*?GP?zT9!B62@Tp@S_}7 zYaI$=R{k`cn#MDByf24L`f$N62#?F!Z=Sd0(W3-B28m-lS4?{EG#qRCu&=^6CjO-E zN$oEqu6yyyCx#b)$|n-(K?7HD$39Kx@bXk1sL#h-XWHJgmb30sfHJTp6lQ70rrG!U z9d`WKYc3Hf8*uMCi&g8#u-v1N9y*K9ZlUhzkH7Kp%R=@g&1T$EU%q*&{^2D3tm>0_ zBwl0xIfcq4Nhd$0=kTaI$>M(v-J?w1VRh*pP%nL-M3U3xPnMtM*5v|*U&^6EZx2mW@u*g)x(XvG|lDglmsfrYtM3Yv$$_L7*<8` z?zH+)zxI(w&7EJv+*x}=dBdLaP}(k}=xRM~*LKGB4}W%~XK^)GJ!o~B<34x{R>$0F zY~@MGwk-OcoO$Fyqx3bY*Ba8NS;5* z6C2%K3~>1kgZB|u-jCI#MdCfH6MLl(U%j-&wcvXOy$EE1w=LC!##3r5rs179G8g;s zY+@W|n`yrJ(2OI~MpC_zx)gtuj=V^mn74r(4p@m{*bXu`Oy%-PM`nKPCv9N`uWH9~ za)bxNlGN|wR7lQ|0Cg^EkMP522KLM0)^2eKESC_Xv&Obc0c_D6vEhQPoUNjH_pve- z9g*+8?F!~!&E{M}E{m1n91*&YjP24IZ?C~R>yZ3}>f&g9g2>Coe0m(tmpisJ87bb* zyQ$1`A4s>?@!J2ykXLy|QRt%HT;)f0{@yY1d|te1Ai5YaYojDbja8c+e(Z z+y!Zxr>;2Z{h-{J<19i3=M!Y;&5>JWG-E-pgoQURvj2Wj#xdvQ!$`tlKuMIX#wx(gcQ=$Y-6A z%ZhuO*zKGmO+;+!ed^>ZuRK(H@jUj;V@YWYlRgwG%j8Z-$8J3>4=P%Okc5cNaYzq^oh_gFCn{xe> z)qa!51=A#I%_v}g>q2gISi|tUtuVPWf~rHJu{^2ARsAB-!rg&b-q-mYQhv6OHb|nm)PX4>fQ;C3DOc#cf=2RWGB_z5lD*NID?`O?d!y%k#5DfuxskpoO0UZKaD*gz&+fGmPxECsQ?>p~y-`ZZsrAhLs*rLw zfjJai*xBE%v65JuBu>bN_8lEC{mxc^baoK$&6-q|y=hckI~b9h)$9cquG zD4Y<=*-pLrHqL|71A8#UM~r^XNY)FMobcbNNn`dG}E6u5E88rqv2&=+PkF9Z}b2uN*%8oXf)o(ke7>-LR^J zMM>&)JmA3XUypKRh94Hg@-Pugaa>JhXG?C0KSSR^}#%>W}oi zWP4G$zC3a{_N;G|PP^AyL!`5gxRJvK`FaySM02)B0sUj-?Yg9lWse!$d>~z{avHUr z*W$Hv4P#9EVKzog)fSmdaEkbkPWYE~1L)B)9nY_q^5D^V4rZ_5&x&(tw$w!oc7t(J zj=}it&jzDubra*241=-XVS_PagTZ)RpIaX=7-zgT7>DgO7_S^R7~ARJi8L4uR}4mD zqQSWL8x!Nry9Q&uFYj87gLjNSG91B?cv=NW_X-U);8w!XGvvcXv8j={KF zx6Q9>Vl3a+#Ax_vFct(DjOMl`#%FrmJC7NRZJz6Xn3xz>_cAdKTW>Hv($9|kqTBA& z?FtP>r#F>&|GqY#u2$uj;>NU`R~Mh_{V9K-K7X}SKSM}ob-@i_e8nC_xz=L;z{<2R zsZY5BKdSSgKNUKDPvz6!vSs6N?sn+Hx>ubrUsspAFZ*eq)S9xB{poD~4GG~x2=!UW z-Fha*&HYV`LHd1M`uDL{GBJ+SFBvABwfvA>@0i+aq1zBVytKGSny zR=LW9$}_#oJ^!lQzkkflzN%QRT$L*2{y!gva>L8nET3<;*kxg7mxaq$EOuOGI&5$` ztN(u=-K+k456-17np#0W@!vn@X666=>%Z^AH`TWmW$5#N|Cs#y5C7}q|K6hoHY;s9 zIW4vSe{cOiAKQ2T>z04&v;TSP&RzcB+y2jcW%ysWHUIsq|Gw>iJs0L?l`3`kuP^%X ztB(Ku<$7BG1ZCv8H9R0NOvW?R*L!O~;Cjz+ z-z{N5p`P1JWkPtmx~@_q^}|MxUVgqIB7ah3Yy*S5!k7Q~Q6@yxRb&KX5+dd*HWGb; zw}yx><%x%fNI2Q^>_zQGmhwcSLnKGmk=I@%Iz;NQk55owps!DOK+u*j8HdpIzM;PB z=Lh(N%Y;blIfsl150P;W8EfQdFD0$!tGY37r0S?U{@01+cv^p(*x1C@ddffM{oC*( z$==_1aQxX@c-CKqFQZe*n;m~t?zKq7wW~as?zdlX$jXiTp~nEV7apejw#?v8hWZQ5 z&YuP=irgAigta24=qkw{sHsFWD6apRemCnPmEHH8bgDRz;0Y0erc3cSKG6ba_bd{M zEE&W3Hbu~_`Wx8oew{h{-b`VqqZ!T&GY9qG%ei~jJve{sX?S}|o3!5SZno%|!0& za|S8BBrkn6eV}+7T6_G7%Mt{uMp=Ppiy@wS*Na-G8-cAoO+TxrQ7?rAAtb(G_KJ>l zcH9(dsB;Lqy{F7S+9XrgC#qzu@FE zFZeB6_rjsJ2@swW4~|0t;8Sah?#lDQW!nj1-`yp6=zIn`#}%^R&MfY`Mjvv&X$(2+ zZ7iHzx?)hc3R(RA;q~i|`kvQ?*%Uu`sc95m#{VE>>AB5H5WggKtF(K_j#k)8wi_ z@s<^ICyJ4-X#vm`Uk1bOTX39vE3BQM#92#DEr%Q&Es4vrVnz};dxocnyu(xG%eHJ9^Xc}rucRqj#P zxH(aHv@3)9_BGH6IZtt@xfsIU4^yxCH{o&APPFw)#neke)c7QXw%*gE&7>Qhu83m% z@nf8PhqXn~#r+s>+7E@6Ihd(74<`9%Vdyd=`fI~VCjPaL{&+)*VSED~XpF`?{%z#p z-jh(&xP&|w-NNzxSKx)ZC_H;@9l!A6FcW_MN$}X*p6=;TgNM2KOkTYgREwO!a``i~ zzg3M7duM~K%CBhcQ-BrkNA7abNB-Fl%Gh@!SeREJgDa0NBfhImKvP4Ft%gO!@$(t< z{hUNBI&#Ssg%avL`4FUk(SgE?axg<63ze601;lk34quGJn1$akOuv|N;Ri6h;x6{7 zgc7s)N8ojuETlClL+-xyFjUq9hDBnmz2X?I^~i--30Lr4_Y~+N5j3)tz_p1?ESu@nnt>;YG82^hY;9G*;b!dA;j=udly-S%DF zm#Xn>wS6fjMs(n$-8rlyJRK~|)W}D@y(lO+C%kjl8dns&L(kLBF#Q*4nja^^y#w1{-_}#%8R;ZhyPdkmxq$YQ z5?CD+!J5BG^0P<@maVt-Z zV{4Z`z(teAS>s>~icW2ympA%xMK_n?$ywKM#;JZ#OX)$=7e5o#4kf1jX)N?8Rg;r1 z&eI7O0-@MO0QpN2sfNTxn3!zOqUK!}D&1a7x6RuH1s8+hc=;eqG3|v{^Cf3~uu~#eI`CfCFtR{5o?NuzoTR%d8KA4ckHYN+`pWEmI-<^8yyu zD~(OVp3s(>22ZbD6uzh~sPg^BvF(ax}ib`_<7!Sf0t;)(dwd>nV%D}iQBlfbr~ z*O1?Fgh&Ti!rN0rOCa91(>9PJDI=ijm7ydTL1n@jZl+g4y_ zJy88~JQHMwLWH>t=5ATe7FOv&&g?k+;HChETEWyz_!IqjIu;tAZiD@KZ}>m&u7!!- z>6RT$25{}m1%5Ew21H7Y)+d~KRlT!Jot&-K^crWsv%Su zdjK6~i*hBp0|=3mNXo;-oY)zCx}sy5WpcwYTHad@-AUS9T2mH&npuv@O%pA89}yfQ zo5rrjS<&AjGdT0+Qc^lq6He>-Qrn;}!ts5Mpqc+j&>19+1;&&l+pQ*NCu~6TwA!x$@5p19ZpdHugq~Y=jYifg!TpU`&Hb&Qj%IFejGiJg~q%&37tlq7eD#p+^dfGw7!g1Wk*7E@lG7NZiOG>*Fn(k`LJVED^6?fBLeFp z{tFW;!nyuJl(j@)!_DO^X^##mn7M`Inq@)Rsz!RMGKN@>?8PH0@q}wW8l1PK1zY9F zWa&h7*w{n_UvE&)&RjaqAsUAlN7XdS2w3|kDZ1>LB#~{_!6;1$DD5tV$NGj`w|+8B z8c>3ksF@hbrhvy-9f-T4ioq#+EM+{)Ve03NQ1Q5(-ZJ%pIgur3RB4NOH8W8=bUIEB zFvg1t;;6VL0kiARlaFR*M72Q+xP9L6&{#~ymRqC4g}WenWSD#!%)|Nx zd<-mdfN^S1YRwNGgr!y)wEcJ%Kj-v&p})><{{7mOATfT3x*V;8fiM}NUb#l?)hplg z&vw_tN}G#RFR2o5e38J*D-V&TqW9?KLh)d?6=*LspvHv^6&!ByZ*u!c?gB%o_`H>- zy?7&xv+|*#2kt@6-F4tLup5HY>xfNQ5dEOSBQMK6NxrHDyPvp=R{mZ=xgG0Z&CNr? z^L+z|%GouMIS)`-Jc2%v-wdkq#aQRmM+aYR=0`-1BWX+P==@e^m~?)K$b@*)J4Sbf zKk{_Zy55DvdPY(E8CtYov;bF28shHqoltU#N1~gJgd3^~_$dnw8I#R|*Fsr(H(?<( z&riUT>R%zgEPqff2*n??n5tOJEf$s%5Y|IAS zzCWL2id2!Pq6)mdy@;;xl7yJj8d|hCg{@0JfR1}8zu@&H%FDS4jb=Q7g4kgiAvgk7 z!4c5-%8_5&&`GkdD#DBbY1;W*Wd}Z!#Ik&FXvKfH+>FE%Y zM@>R4(+zM+p0MeaG2jt(6(u)pf=-DPtbD1+<~p9`1T7K7!DBnzlFNWyno=}%$1%tj z)29-)6KPqAE!SY~3XgkRLHW=(D*mwqYvaC>(p~y^Z%CO9(O>f zB?_9eNQRjdQQkidWYv|xW0ya%3vuTZ_8cMDwg9#I?+Im;lfX$m8&5nnq@7&{!Q-fj zaDu`?G&x}c6=%K&5$EN??=Hm9+lD{G*z9BY(8>(&?D)iZ?>gxt|7oz(x0cwA@u1Hp zwV=z$+1yDxgqq^NqU`lQsGPkYyi-enwlqujt+Pb9REe_mO(*e}Xff1Dz6@rnnV8#k zg`2-$4P*2k@Xuf9#%R+pGVUi=RPWft`mWD~7mvi@_+urIG0Y)%KWcEZB5hzr%VhL; z)Ix(ZZed=aAFB5nvFCOrpm?VkW&5_n3@s~qTx35U(i`PN7GLLOlFRG2(_0hIqNt`E)Mxk8vbYyCwdDxDdLJQ7&zgqj3&)~_ zMIIS+JxO1ew$cz)8>pR;jO*M8DjB4K_@`dtU0X^z>zXhxb`$F|Fk=gc-w17@oQUAr z8!}M;J!C$Nppnk8I3~{v;#Xv$w$oI~e=m*lPfUazA_M%HgXj4(UP`f=Stgw6aJFT> z)@ibKO_60?)?)mE%lMxDP1IqV274hZjk7~sYFODd$c&nXQQ91138DPoyemMBtHLH- z2R!U3Bn#~Jldup0JpPtWjUrzN`x{d&gRUth`ptnqJiiiwYJ}yP&}DeA zGXvs8Z(#TfXf1QP+ zy`-eUzd%#O4F3%u6@y0Ye`Cd;DevA$iBTKjjcQB07{$?*#~T%q9PK3}NB3eQ&nW&+ G?Ee6?8-Q>C literal 0 HcmV?d00001 diff --git a/test/prototype/integration_tests/test_models.py b/test/prototype/integration_tests/test_models.py index 7c486d8f3d..378a95711c 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/prototype/integration_tests/test_models.py @@ -1,11 +1,37 @@ import torch from parameterized import parameterized from test.common.assets import get_asset_path +from test.common.parameterized_utils import nested_params from test.common.torchtext_test_case import TorchtextTestCase -from torchtext.prototype.models import T5_BASE_ENCODER, T5_BASE, T5_BASE_GENERATION, T5Conf, T5Transform +from torchtext.prototype.models import ( + T5_BASE_ENCODER, + T5_BASE, + T5_BASE_GENERATION, + T5_SMALL_ENCODER, + T5_SMALL, + T5_SMALL_GENERATION, + T5_LARGE_ENCODER, + T5_LARGE, + T5_LARGE_GENERATION, + T5Conf, + T5Transform, +) from torchtext.prototype.models.t5.wrapper import T5Wrapper +BUNDLERS = { + "base_model": T5_BASE, + "base_encoder": T5_BASE_ENCODER, + "base_generation": T5_BASE_GENERATION, + "small_model": T5_SMALL, + "small_encoder": T5_SMALL_ENCODER, + "small_generation": T5_SMALL_GENERATION, + "large_model": T5_LARGE, + "large_encoder": T5_LARGE_ENCODER, + "large_generation": T5_LARGE_GENERATION, +} + + class TestT5(TorchtextTestCase): def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): """Verify that pre-trained T5 models in torchtext produce @@ -29,43 +55,32 @@ def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected, atol=1e-04, rtol=2.5e-06) - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_t5_base_encoder_model(self, name, is_jit) -> None: - expected_asset_name = "t5.base.encoder.output.pt" - test_text = ["Hello world", "Attention rocks!"] - self._t5_model( - is_jit=is_jit, t5_model=T5_BASE_ENCODER, expected_asset_name=expected_asset_name, test_text=test_text - ) - - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_t5_base_model(self, name, is_jit) -> None: - expected_asset_name = "t5.base.output.pt" - test_text = ["Hello world", "Attention rocks!"] - self._t5_model(is_jit=is_jit, t5_model=T5_BASE, expected_asset_name=expected_asset_name, test_text=test_text) - - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_t5_base_generation_model(self, name, is_jit) -> None: - expected_asset_name = "t5.base.generation.output.pt" + @nested_params(["base", "small", "large"], ["encoder", "model", "generation"], ["jit", "not_jit"]) + def test_t5_encoder_model(self, configuration, type, name) -> None: + expected_asset_name = f"t5.{configuration}.{type}.output.pt" test_text = ["Hello world", "Attention rocks!"] - self._t5_model( - is_jit=is_jit, t5_model=T5_BASE_GENERATION, expected_asset_name=expected_asset_name, test_text=test_text - ) + is_jit = name == "jit" + t5_model = BUNDLERS[configuration + "_" + type] + self._t5_model(is_jit=is_jit, t5_model=t5_model, expected_asset_name=expected_asset_name, test_text=test_text) - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_t5_wrapper(self, name, is_jit) -> None: + @nested_params(["base", "small", "large"], ["jit", "not_jit"]) + def test_t5_wrapper(self, configuration, name) -> None: test_text = ["translate English to French: I want to eat pizza for dinner."] - expected_text = ["Je veux manger de la pizza pour le dîner."] + if configuration == "small": + expected_text = ["Je veux manger la pizza pour le dîner."] + else: + expected_text = ["Je veux manger de la pizza pour le dîner."] beam_size = 3 max_seq_len = 512 - model = T5Wrapper(configuration="base") - if is_jit: + model = T5Wrapper(configuration=configuration) + if name == "jit": model = torch.jit.script(model) output_text = model(test_text, beam_size, max_seq_len) self.assertEqual(output_text, expected_text) - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_t5_wrapper_checkpoing(self, name, is_jit) -> None: + @parameterized.expand(["jit", "not_jit"]) + def test_t5_wrapper_checkpoint(self, name) -> None: test_text = ["translate English to French: I want to eat pizza for dinner."] expected_text = ["Je veux manger de la pizza pour le dîner."] beam_size = 3 @@ -84,7 +99,7 @@ def test_t5_wrapper_checkpoing(self, name, is_jit) -> None: freeze_model=True, strict=True, ) - if is_jit: + if name == "jit": model = torch.jit.script(model) output_text = model(test_text, beam_size, max_seq_len) diff --git a/torchtext/prototype/models/t5/__init__.py b/torchtext/prototype/models/t5/__init__.py index 69bb75aef6..d23b5b8308 100644 --- a/torchtext/prototype/models/t5/__init__.py +++ b/torchtext/prototype/models/t5/__init__.py @@ -2,6 +2,18 @@ T5_BASE_ENCODER, T5_BASE, T5_BASE_GENERATION, + T5_SMALL_ENCODER, + T5_SMALL, + T5_SMALL_GENERATION, + T5_LARGE_ENCODER, + T5_LARGE, + T5_LARGE_GENERATION, + T5_3B_ENCODER, + T5_3B, + T5_3B_GENERATION, + T5_11B_ENCODER, + T5_11B, + T5_11B_GENERATION, T5Bundle, ) from .model import T5Conf, T5Model @@ -14,5 +26,17 @@ "T5_BASE_ENCODER", "T5_BASE", "T5_BASE_GENERATION", + "T5_SMALL_ENCODER", + "T5_SMALL", + "T5_SMALL_GENERATION", + "T5_LARGE_ENCODER", + "T5_LARGE", + "T5_LARGE_GENERATION", + "T5_3B_ENCODER", + "T5_3B", + "T5_3B_GENERATION", + "T5_11B_ENCODER", + "T5_11B", + "T5_11B_GENERATION", "T5Transform", ] diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index c4c1d78fb6..76b0d9bba9 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -68,7 +68,7 @@ def get_model( *, load_weights: bool = True, freeze_model: bool = False, - dl_kwargs: Dict[str, Any] = None, + dl_kwargs: Optional[Dict[str, Any]] = None, ) -> T5Model: r"""get_model(load_weights: bool = True, freeze_model: bool = False, *, dl_kwargs=None) -> torctext.prototype.models.T5Model @@ -104,8 +104,8 @@ def build_model( *, freeze_model: bool = False, checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, - strict=False, - dl_kwargs: Dict[str, Any] = None, + strict: bool = False, + dl_kwargs: Optional[Dict[str, Any]] = None, ) -> T5Model: """Class builder method @@ -138,19 +138,8 @@ def config(self) -> T5Conf: return self._config -T5_BASE_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.pt"), - _config=T5Conf(encoder_only=True), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), -) - -T5_BASE_ENCODER.__doc__ = """ - T5_BASE_ENCODER is an encoder-only model from a pre-trained T5 model with the base configuration.. +ENCODER_DOC = """ + T5_{}_ENCODER is an encoder-only model from a pre-trained T5 model with the {} configuration. It returns the normalized output from the final layer of the encoder. The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer @@ -166,22 +155,10 @@ def config(self) -> T5Conf: `Source `__] Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. - """ - - -T5_BASE = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.pt"), - _config=T5Conf(encoder_only=False), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), -) +""" -T5_BASE.__doc__ = """ - T5_BASE is an encoder-decoder model from a pre-trained T5 model with the base configuration. +MODEL_DOC = """ + T5_{} is an encoder-decoder model from a pre-trained T5 model with the {} configuration. It returns the normalized output from the final layer of the decoder. The T5 model was proposed in `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer @@ -199,19 +176,8 @@ def config(self) -> T5Conf: Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. """ -T5_BASE_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.generation.pt"), - _config=T5Conf(encoder_only=False, linear_head=True), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), -) - -T5_BASE_GENERATION.__doc__ = """ - T5_BASE_GENERATION is an encoder-decoder model from a pre-trained T5 model with the base configuration. +GENERATION_DOC = """ + T5_{}_GENERATION is an encoder-decoder model from a pre-trained T5 model with the {} configuration. It returns the output of the final layer of the decoder after passing through a linear layer to project the hidden states to the model vocabulary. This output can then be used for language generation. @@ -229,3 +195,293 @@ def config(self) -> T5Conf: Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. """ + +T5_BASE_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.pt"), + _config=T5Conf(encoder_only=True), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_BASE_ENCODER.__doc__ = ENCODER_DOC.format("BASE", "base") + +T5_BASE = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.pt"), + _config=T5Conf(encoder_only=False), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_BASE.__doc__ = MODEL_DOC.format("BASE", "base") + +T5_BASE_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.generation.pt"), + _config=T5Conf(encoder_only=False, linear_head=True), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_BASE_GENERATION.__doc__ = GENERATION_DOC.format("BASE", "base") + +T5_SMALL_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.small.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=512, + num_attention_heads=8, + num_encoder_layers=6, + num_decoder_layers=6, + ffn_dimension=2048, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_SMALL_ENCODER.__doc__ = ENCODER_DOC.format("SMALL", "small") + + +T5_SMALL = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.small.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=512, + num_attention_heads=8, + num_encoder_layers=6, + num_decoder_layers=6, + ffn_dimension=2048, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_SMALL.__doc__ = MODEL_DOC.format("SMALL", "small") + +T5_SMALL_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.small.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=512, + num_attention_heads=8, + num_encoder_layers=6, + num_decoder_layers=6, + ffn_dimension=2048, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_SMALL_GENERATION.__doc__ = GENERATION_DOC.format("SMALL", "small") + +T5_LARGE_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.large.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=1024, + num_attention_heads=16, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=4096, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_LARGE_ENCODER.__doc__ = ENCODER_DOC.format("LARGE", "large") + +T5_LARGE = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.large.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=1024, + num_attention_heads=16, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=4096, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_LARGE.__doc__ = MODEL_DOC.format("LARGE", "large") + +T5_LARGE_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.large.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=1024, + num_attention_heads=16, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=4096, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_LARGE_GENERATION.__doc__ = GENERATION_DOC.format("LARGE", "large") + +T5_3B_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.3b.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=1024, + qkv_dim=128, + num_attention_heads=32, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=16384, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_3B_ENCODER.__doc__ = ENCODER_DOC.format("3B", "3B") + +T5_3B = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.3b.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=1024, + qkv_dim=128, + num_attention_heads=32, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=16384, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_3B.__doc__ = MODEL_DOC.format("3B", "3B") + +T5_3B_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.3b.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=1024, + qkv_dim=128, + num_attention_heads=32, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=16384, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_3B_GENERATION.__doc__ = GENERATION_DOC.format("3B", "3B") + +T5_11B_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.11b.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=1024, + qkv_dim=128, + num_attention_heads=128, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=65536, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_11B_ENCODER.__doc__ = ENCODER_DOC.format("11B", "11B") + +T5_11B = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.11b.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=1024, + qkv_dim=128, + num_attention_heads=128, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=65536, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_11B.__doc__ = MODEL_DOC.format("11B", "11B") + +T5_11B_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.11b.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=1024, + qkv_dim=128, + num_attention_heads=128, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=65536, + ), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), +) + +T5_11B_GENERATION.__doc__ = GENERATION_DOC.format("11B", "11B") diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 7113dfd9d1..2812af3c74 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -13,6 +13,7 @@ class T5Conf: encoder_only: bool = False linear_head: bool = False embedding_dim: int = 768 + qkv_dim: int = 64 num_attention_heads: int = 12 num_encoder_layers: int = 12 num_decoder_layers: int = 12 @@ -39,6 +40,7 @@ class T5Model(nn.Module): config.encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (default=False). config.linear_head: Whether or not a linear layer should be used to project the output of the decoder's last layer to the vocab (default=False). config.embedding_dim: Number of expected features in the encoder/decoder inputs (default=768). + config.qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). config.num_attention_heads: Number of heads in the multiheadattention models (default=12). config.num_encoder_layers: Number of encoder layers in the encoder (default=12). config.num_decoder_layers: Number of decoder layers in the decoder (default=12). @@ -92,6 +94,7 @@ def __init__( nhead=config.num_attention_heads, num_layers=config.num_encoder_layers, dim_feedforward=config.ffn_dimension, + qkv_dim=config.qkv_dim, dropout=self.dropout, activation=config.activation, layer_norm_eps=config.layer_norm_eps, @@ -110,6 +113,7 @@ def __init__( nhead=config.num_attention_heads, num_layers=config.num_decoder_layers, dim_feedforward=config.ffn_dimension, + qkv_dim=config.qkv_dim, dropout=self.dropout, activation=config.activation, layer_norm_eps=config.layer_norm_eps, diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index 806099f4ea..f66036b96e 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -21,6 +21,7 @@ import torch.nn as nn import torch.nn.functional as F from torch import Tensor +from torch.nn.modules.linear import NonDynamicallyQuantizableLinear class T5MultiheadAttention(nn.MultiheadAttention): @@ -31,8 +32,7 @@ def __init__( is_decoder: bool = False, dropout: float = 0.0, bias: bool = False, - kdim: Optional[int] = None, - vdim: Optional[int] = None, + qkv_dim: int = 64, compute_relative_attention_bias: bool = False, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, @@ -46,8 +46,7 @@ def __init__( is_decoder: Whether or not multihead attention is being performed on a decoder layer. Default: `False` dropout: Probability of an element to be zeroed. Default: 0.0 bias: If specified, adds bias to input / output projection layers. Default: `False`. - kdim: Total number of features for keys. Default: `None` (uses `kdim=embed_dim`). - vdim: Total number of features for values. Default: `None` (uses `vdim=embed_dim`). + qkv_dim: Projection dimension (per head) for query, keys, and values. Defualt: 64. compute_relative_attention_bias: Whether or not the relative position embeddings need to be computed. Wypically occurs in the first layer of the encoder/decoder and the resulting position embeddings are returned to be passed up to higher layers. (defualt: False) @@ -55,12 +54,15 @@ def __init__( relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket. Default: `128` """ - super().__init__(embed_dim, num_heads, dropout, bias, False, False, kdim, vdim, True, device, dtype) + super().__init__(embed_dim, num_heads, dropout, bias, False, False, qkv_dim, qkv_dim, True, device, dtype) factory_kwargs = {"device": device, "dtype": dtype} self.is_decoder = is_decoder - self.q_proj_weight = nn.Parameter(torch.empty((embed_dim, embed_dim), **factory_kwargs)) - self.k_proj_weight = nn.Parameter(torch.empty((embed_dim, self.kdim), **factory_kwargs)) - self.v_proj_weight = nn.Parameter(torch.empty((embed_dim, self.vdim), **factory_kwargs)) + self.inner_dim = qkv_dim * num_heads + self.q_proj_weight = nn.Parameter(torch.empty((self.inner_dim, embed_dim), **factory_kwargs)) + self.k_proj_weight = nn.Parameter(torch.empty((self.inner_dim, embed_dim), **factory_kwargs)) + self.v_proj_weight = nn.Parameter(torch.empty((self.inner_dim, embed_dim), **factory_kwargs)) + self.out_proj = NonDynamicallyQuantizableLinear(self.inner_dim, embed_dim, bias=bias, **factory_kwargs) + self.register_parameter("in_proj_weight", None) self.compute_relative_attention_bias = compute_relative_attention_bias @@ -171,14 +173,7 @@ def _t5_multi_head_attention_forward( assert ( embed_dim == self.embed_dim ), f"was expecting embedding dimension of {self.embed_dim}, but got {embed_dim}" - if isinstance(embed_dim, Tensor): - # Embed_dim can be a tensor when JIT tracing - head_dim = embed_dim.div(self.num_heads, rounding_mode="trunc") - else: - head_dim = embed_dim // self.num_heads - assert ( - head_dim * self.num_heads == embed_dim - ), f"embed_dim {embed_dim} not divisible by num_heads {self.num_heads}" + head_dim = self.inner_dim // self.num_heads # Allow MHA to have different embedding dimensions when separate projection weights are used assert ( key.shape[:2] == value.shape[:2] @@ -192,7 +187,7 @@ def _t5_multi_head_attention_forward( b_q = b_k = b_v = None else: b_q, b_k, b_v = self.in_proj_bias.chunk(3) - q, k, v = F._in_projection( + q, k, v = self._t5_in_projection( query, key, value, self.q_proj_weight, self.k_proj_weight, self.v_proj_weight, b_q, b_k, b_v ) @@ -221,7 +216,7 @@ def _t5_multi_head_attention_forward( warnings.warn("Byte tensor for key_padding_mask is not supported. Using bool tensor instead.") key_padding_mask = key_padding_mask.to(torch.bool) - # Reshape q, k, v for multihead attention and make em batch first + # Reshape q, k, v for multihead attention and make them batch first q = q.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) k = k.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) v = v.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) @@ -289,6 +284,72 @@ def _t5_multi_head_attention_forward( return attn_output, position_bias, None + # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4761 + def _t5_in_projection( + self, + q: Tensor, + k: Tensor, + v: Tensor, + w_q: Tensor, + w_k: Tensor, + w_v: Tensor, + b_q: Optional[Tensor] = None, + b_k: Optional[Tensor] = None, + b_v: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tensor, Tensor]: + r""" + Performs the in-projection step of the attention operation. This is simply + a triple of linear projections, with shape constraints on the weights which + ensure embedding dimension uniformity in the projected outputs. + Output is a triple containing projection tensors for query, key and value. + Args: + q, k, v: query, key and value tensors to be projected. + w_q, w_k, w_v: weights for q, k and v, respectively. + b_q, b_k, b_v: optional biases for q, k and v, respectively. + Shape: + Inputs: + - q: :math:`(Qdims..., Eq)` where Eq is the query embedding dimension and Qdims are any + number of leading dimensions. + - k: :math:`(Kdims..., Ek)` where Ek is the key embedding dimension and Kdims are any + number of leading dimensions. + - v: :math:`(Vdims..., Ev)` where Ev is the value embedding dimension and Vdims are any + number of leading dimensions. + - w_q: :math:`(Ei, Eq)` where Ei is the dimension to which the query, key, and value + emebeddings are to be projected + - w_k: :math:`(Ei, Ek)` + - w_v: :math:`(Ei, Ev)` + - b_q: :math:`(Ei)` + - b_k: :math:`(Ei)` + - b_v: :math:`(Ei)` + Output: in output triple :math:`(q', k', v')`, + - q': :math:`[Qdims..., Ei]` + - k': :math:`[Kdims..., Ei]` + - v': :math:`[Vdims..., Ei]` + """ + Eq, Ek, Ev = q.size(-1), k.size(-1), v.size(-1) + assert w_q.shape == ( + self.inner_dim, + Eq, + ), f"expecting query weights shape of {(self.inner_dim, Eq)}, but got {w_q.shape}" + assert w_k.shape == ( + self.inner_dim, + Ek, + ), f"expecting key weights shape of {(self.inner_dim, Ek)}, but got {w_k.shape}" + assert w_v.shape == ( + self.inner_dim, + Ev, + ), f"expecting value weights shape of {(self.inner_dim, Ev)}, but got {w_v.shape}" + assert b_q is None or b_q.shape == ( + self.inner_dim, + ), f"expecting query bias shape of {(self.inner_dim,)}, but got {b_q.shape}" + assert b_k is None or b_k.shape == ( + self.inner_dim, + ), f"expecting key bias shape of {(self.inner_dim,)}, but got {b_k.shape}" + assert b_v is None or b_v.shape == ( + self.inner_dim, + ), f"expecting value bias shape of {(self.inner_dim,)}, but got {b_v.shape}" + return F.linear(q, w_q, b_q), F.linear(k, w_k, b_k), F.linear(v, w_v, b_v) + # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4814 def _t5_dot_product_attention( self, @@ -459,6 +520,7 @@ class T5EncoderLayer(nn.Module): d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). dim_feedforward: Dimension of the feedforward network model (default=3072). + qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string ("relu" or "gelu") or a unary callable. (default: relu) @@ -481,6 +543,7 @@ def __init__( d_model: int, nhead: int, dim_feedforward: int = 3072, + qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, layer_norm_eps: float = 1e-6, @@ -501,6 +564,7 @@ def __init__( nhead, is_decoder=False, dropout=dropout, + qkv_dim=qkv_dim, compute_relative_attention_bias=compute_relative_attention_bias, relative_attention_num_buckets=relative_attention_num_buckets, relative_attention_max_distance=relative_attention_max_distance, @@ -599,6 +663,7 @@ class T5DecoderLayer(T5EncoderLayer): d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). dim_feedforward: Dimension of the feedforward network model (default=3072). + qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string ("relu" or "gelu") or a unary callable. (default: relu) @@ -622,6 +687,7 @@ def __init__( d_model: int, nhead: int, dim_feedforward: int = 3072, + qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, layer_norm_eps: float = 1e-6, @@ -635,6 +701,7 @@ def __init__( d_model, nhead, dim_feedforward, + qkv_dim, dropout, activation, layer_norm_eps, @@ -646,7 +713,7 @@ def __init__( ) self.cross_attn = T5MultiheadAttention( - d_model, nhead, is_decoder=True, dropout=dropout, device=device, dtype=dtype + d_model, nhead, is_decoder=True, dropout=dropout, qkv_dim=qkv_dim, device=device, dtype=dtype ) self.norm3 = T5LayerNorm(d_model, eps=layer_norm_eps) self.dropout4 = nn.Dropout(dropout) @@ -721,6 +788,7 @@ class T5Encoder(nn.Module): nhead: Number of heads in the multihead attention models (required). num_layers: Number of encoder layers in the stack (required) dim_feedforward: Dimension of the feedforward network model (default=3072). + qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string ("relu" or "gelu") or a unary callable. (default: relu) @@ -740,6 +808,7 @@ def __init__( nhead: int, num_layers: int, dim_feedforward: int = 3072, + qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, layer_norm_eps: float = 1e-6, @@ -756,6 +825,7 @@ def __init__( d_model, nhead, dim_feedforward, + qkv_dim, dropout, activation, layer_norm_eps, @@ -811,6 +881,7 @@ class T5Decoder(nn.Module): nhead: Number of heads in the multihead attention models (required). num_layers: Number of decoder layers in the stack (required) dim_feedforward: Dimension of the feedforward network model (default=3072). + qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string ("relu" or "gelu") or a unary callable. (default: relu) @@ -831,6 +902,7 @@ def __init__( nhead: int, num_layers: int, dim_feedforward: int = 3072, + qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, layer_norm_eps: float = 1e-6, @@ -847,6 +919,7 @@ def __init__( d_model, nhead, dim_feedforward, + qkv_dim, dropout, activation, layer_norm_eps, diff --git a/torchtext/prototype/models/t5/wrapper.py b/torchtext/prototype/models/t5/wrapper.py index 1aab3d047c..3eafb727a4 100644 --- a/torchtext/prototype/models/t5/wrapper.py +++ b/torchtext/prototype/models/t5/wrapper.py @@ -4,7 +4,25 @@ import torch.nn as nn import torch.nn.functional as F from torch import Tensor -from torchtext.prototype.models import T5_BASE_GENERATION, T5Conf, T5Transform, T5Bundle +from torchtext.prototype.models import ( + T5_BASE_GENERATION, + T5_SMALL_GENERATION, + T5_LARGE_GENERATION, + T5_3B_GENERATION, + T5_11B_GENERATION, + T5Conf, + T5Transform, + T5Bundle, +) + + +BUNDLERS = { + "base": T5_BASE_GENERATION, + "small": T5_SMALL_GENERATION, + "large": T5_LARGE_GENERATION, + "3b": T5_3B_GENERATION, + "11b": T5_11B_GENERATION, +} class T5Wrapper(nn.Module): @@ -21,7 +39,7 @@ def __init__( ) -> None: """ Args: - configuration (str or None): The model configuration. Currently only support 'base'. Must be `None` if checkpoint is not `None`. (Default: `None`) + configuration (str or None): The model configuration. Only support 'base', 'small', 'large', '3b', and '11b' . Must be `None` if checkpoint is not `None`. (Default: `None`) checkpoint (str, Dict[str, torch.Tensor], or None): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. Must be `None` if configuration is not `None`.(Default: ``None``) t5_config (T5Conf or None): An instance of T5Conf that defined the model configuration (i.e. number of layer, attention heads, etc). Must be provided if configuration is `None`. (Default: `None`) transform (T5Transfrom or None): An instance of T5Transform that defines the text processing pipeline. Must be provided if configuration is `None`. (Default: `None`) @@ -42,7 +60,9 @@ def __init__( else: assert checkpoint is None, "configuration and checkpoint were both provided. Can only provide one." - assert configuration in ("base"), "Invalid configuration provided. Only support 'base' configuration." + assert ( + configuration in BUNDLERS + ), f"Invalid configuration provided. Only support the following configurations: {[key for key in BUNDLERS.keys()]}" if configuration is None and checkpoint is not None: self.bundler = T5Bundle(_path=checkpoint, _config=t5_config, transform=lambda: transform) @@ -50,7 +70,7 @@ def __init__( config=t5_config, freeze_model=freeze_model, checkpoint=checkpoint, strict=strict, dl_kwargs=dl_kwargs ) else: - self.bundler = T5_BASE_GENERATION + self.bundler = BUNDLERS[configuration] self.model = self.bundler.get_model() self.transform = self.bundler.transform() From 0225abe8378d57486ed5f2a5415a7086d2faa4c9 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Fri, 19 Aug 2022 11:54:10 -0400 Subject: [PATCH 310/463] Allow CNNDM to be imported from torchtext.datasets (#1884) * add CNNDM to __init__ * rename CNNDM class objects to align with expected name in __init__ * update cnndm import statements --- examples/tutorials/t5_demo.py | 2 +- test/datasets/test_cnndm.py | 2 +- torchtext/datasets/__init__.py | 2 ++ torchtext/datasets/cnndm.py | 18 ++++++++++++------ 4 files changed, 16 insertions(+), 8 deletions(-) diff --git a/examples/tutorials/t5_demo.py b/examples/tutorials/t5_demo.py index fbdb932ad1..1e7166e2ec 100644 --- a/examples/tutorials/t5_demo.py +++ b/examples/tutorials/t5_demo.py @@ -258,7 +258,7 @@ def generate(encoder_tokens: Tensor, eos_idx: int, model: T5Model, beam_size: in from functools import partial from torch.utils.data import DataLoader -from torchtext.datasets.cnndm import CNNDM +from torchtext.datasets import CNNDM cnndm_batch_size = 5 cnndm_datapipe = CNNDM(split="test") diff --git a/test/datasets/test_cnndm.py b/test/datasets/test_cnndm.py index 951cc5447e..a2de23cc3c 100644 --- a/test/datasets/test_cnndm.py +++ b/test/datasets/test_cnndm.py @@ -5,7 +5,7 @@ from unittest.mock import patch from parameterized import parameterized -from torchtext.datasets.cnndm import CNNDM +from torchtext.datasets import CNNDM from ..common.case_utils import TempDirMixin, zip_equal, get_random_unicode from ..common.torchtext_test_case import TorchtextTestCase diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index 3438b231d2..ba519a5db3 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -4,6 +4,7 @@ from .amazonreviewfull import AmazonReviewFull from .amazonreviewpolarity import AmazonReviewPolarity from .cc100 import CC100 +from .cnndm import CNNDM from .cola import CoLA from .conll2000chunking import CoNLL2000Chunking from .dbpedia import DBpedia @@ -62,6 +63,7 @@ "YahooAnswers": YahooAnswers, "YelpReviewFull": YelpReviewFull, "YelpReviewPolarity": YelpReviewPolarity, + "CNNDM": CNNDM, } URLS = {} diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index cb638e51a5..3b5f6aa42b 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -20,7 +20,7 @@ DATASET_NAME = "CNNDM" -URL_LIST = { +SPLIT_LIST = { "cnn_train": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/cnn_wayback_training_urls.txt", "cnn_val": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/cnn_wayback_validation_urls.txt", "cnn_test": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/cnn_wayback_test_urls.txt", @@ -29,7 +29,7 @@ "dailymail_test": "https://raw.githubusercontent.com/abisee/cnn-dailymail/master/url_lists/dailymail_wayback_test_urls.txt", } -STORIES_LIST = { +URL = { "cnn": "https://drive.google.com/uc?export=download&id=0BwmD_VLjROrfTHk4NFg2SndKcjQ", "dailymail": "https://drive.google.com/uc?export=download&id=0BwmD_VLjROrfM1BxdkxVaTY2bWs", } @@ -39,13 +39,19 @@ "dailymail": "dailymail_stories.tgz", } -STORIES_MD5 = {"cnn": "85ac23a1926a831e8f46a6b8eaf57263", "dailymail": "f9c5f565e8abe86c38bfa4ae8f96fd72"} +MD5 = {"cnn": "85ac23a1926a831e8f46a6b8eaf57263", "dailymail": "f9c5f565e8abe86c38bfa4ae8f96fd72"} _EXTRACTED_FOLDERS = { "cnn": os.path.join("cnn", "stories"), "dailymail": os.path.join("dailymail", "stories"), } +NUM_LINES = { + "train": 287227, + "val": 13368, + "test": 11490, +} + story_fnames = defaultdict(set) @@ -84,16 +90,16 @@ def _hash_urls(s: tuple): def _get_split_list(source: str, split: str): - url_dp = IterableWrapper([URL_LIST[source + "_" + split]]) + url_dp = IterableWrapper([SPLIT_LIST[source + "_" + split]]) online_dp = OnlineReader(url_dp) return online_dp.readlines().map(fn=_hash_urls) def _load_stories(root: str, source: str, split: str): - story_dp = IterableWrapper([STORIES_LIST[source]]) + story_dp = IterableWrapper([URL[source]]) cache_compressed_dp = story_dp.on_disk_cache( filepath_fn=partial(_filepath_fn, root, source), - hash_dict={_filepath_fn(root, source): STORIES_MD5[source]}, + hash_dict={_filepath_fn(root, source): MD5[source]}, hash_type="md5", ) cache_compressed_dp = GDriveReader(cache_compressed_dp).end_caching(mode="wb", same_filepath_fn=True) From 6a43bd524ff92dcfb5516c88ba14f0428e050df4 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 31 Aug 2022 12:07:04 -0400 Subject: [PATCH 311/463] Remove dependency on the torch::jit::script::Module for mobile builds (#1885) * Remove dependency on the torch::jit::script::Module for mobile builds Summary: In order to resolve linkage errors. Specifically when vocab getting build for "mobile" version it can't resolve symbols for torch::jit::script::Module Reviewed By: Nayef211 Differential Revision: D38771271 fbshipit-source-id: 693b656f2a17af9fa5a7a1904742557f902edb55 * Add vocab factory to CMakeLists * Fix type conversion from py::object to STL container (#1887) * Export symbols in `common.h` file (#1888) * Fix type conversion from py::object to STL container * Adding TORCHTEXT_API to expose symbols in common.h * Add common.h import in corresponding cpp file Co-authored-by: Alexander Mazukabzov Co-authored-by: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> --- torchtext/csrc/CMakeLists.txt | 1 + torchtext/csrc/common.cpp | 5 +- torchtext/csrc/common.h | 10 +- torchtext/csrc/vocab.cpp | 225 ------------------------ torchtext/csrc/vocab.h | 10 -- torchtext/csrc/vocab_factory.cpp | 287 +++++++++++++++++++++++++++++++ torchtext/csrc/vocab_factory.h | 56 ++---- 7 files changed, 310 insertions(+), 284 deletions(-) create mode 100644 torchtext/csrc/vocab_factory.cpp diff --git a/torchtext/csrc/CMakeLists.txt b/torchtext/csrc/CMakeLists.txt index ec0d69301e..5d67bba8ad 100644 --- a/torchtext/csrc/CMakeLists.txt +++ b/torchtext/csrc/CMakeLists.txt @@ -113,6 +113,7 @@ if (BUILD_TORCHTEXT_PYTHON_EXTENSION) set( EXTENSION_SOURCES register_pybindings.cpp + vocab_factory.cpp ) set( diff --git a/torchtext/csrc/common.cpp b/torchtext/csrc/common.cpp index f61a2cb2f5..0cacb02c6b 100644 --- a/torchtext/csrc/common.cpp +++ b/torchtext/csrc/common.cpp @@ -1,9 +1,8 @@ +#include + #include #include -#include #include -#include -#include namespace torchtext { namespace impl { diff --git a/torchtext/csrc/common.h b/torchtext/csrc/common.h index b43341d13a..875fa1b3cf 100644 --- a/torchtext/csrc/common.h +++ b/torchtext/csrc/common.h @@ -1,8 +1,14 @@ +#include + +#include +#include +#include + namespace torchtext { namespace impl { -int64_t divup(int64_t x, int64_t y); -void infer_offsets( +TORCHTEXT_API int64_t divup(int64_t x, int64_t y); +TORCHTEXT_API void infer_offsets( const std::string& file_path, int64_t num_lines, int64_t chunk_size, diff --git a/torchtext/csrc/vocab.cpp b/torchtext/csrc/vocab.cpp index 6b621b62c2..6fa713a513 100644 --- a/torchtext/csrc/vocab.cpp +++ b/torchtext/csrc/vocab.cpp @@ -136,231 +136,6 @@ StringList Vocab::get_itos() const { return itos_; } -int64_t _infer_lines(const std::string& file_path) { - int64_t num_lines = 0; - std::ifstream fin; - fin.open(file_path, std::ios::in); - TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); - - while (fin.ignore(std::numeric_limits::max(), '\n')) { - num_lines++; - } - return num_lines; -} - -void parse_vocab_file_chunk( - const std::string& file_path, - size_t offset, - const int64_t start_line, - const int64_t end_line, - const std::shared_ptr& counter) { - std::ifstream fin(file_path, std::ios::in); - TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); - - fin.seekg(offset); - - for (int64_t i = start_line; i < end_line; i++) { - std::string token; - fin >> token; - fin >> std::ws; - - if ((*counter).find(token) == (*counter).end()) { - (*counter)[token] = 1; - } else { - (*counter)[token] += 1; - } - } -} - -void parse_raw_text_file_chunk( - const std::string& file_path, - size_t offset, - const int64_t start_line, - const int64_t end_line, - const std::shared_ptr& counter, - torch::jit::script::Module& module) { - std::ifstream fin(file_path, std::ios::in); - TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); - - fin.seekg(offset); - - std::string line; - for (int64_t i = start_line; i < end_line; i++) { - std::getline(fin, line); - auto token_list = - module.forward(std::vector({c10::IValue(line)})).toList(); - - for (size_t i = 0; i < token_list.size(); i++) { - c10::IValue token_ref = token_list.get(i); - std::string token = token_ref.toStringRef(); - - if ((*counter).find(token) == (*counter).end()) { - (*counter)[token] = 1; - } else { - (*counter)[token] += 1; - } - } - } -} - -StringList _concat_tokens( - std::vector> chunk_counters, - const int64_t min_freq, - const int64_t num_lines, - const bool sort_tokens) { - TORCH_CHECK( - chunk_counters.size() > 0, - "There must be at least 1 chunk to concatenate!"); - - IndexDict tokens_freq; - StringList unique_tokens; - unique_tokens.reserve(num_lines); - - // concatenate all counters - for (size_t i = 0; i < chunk_counters.size(); i++) { - auto& cur_counter = *chunk_counters[i]; - for (const auto& item : cur_counter) { - int64_t cur_token_freq = item.second; - if (tokens_freq.find(item.first) != tokens_freq.end()) { - tokens_freq[item.first] += cur_token_freq; - } else { - tokens_freq[item.first] = cur_token_freq; - } - - // add to tokens list only if all of the conditions are met: - // 1. token is not empty - // 2. we exceed min_freq for the first time - if (item.first.length() && - tokens_freq[item.first] - cur_token_freq < min_freq && - tokens_freq[item.first] >= min_freq) { - unique_tokens.push_back(item.first); - } - } - } - - // create token freq pairs - std::vector> token_freq_pairs; - - for (std::string& token : unique_tokens) { - auto token_freq = tokens_freq[token]; - token_freq_pairs.emplace_back(std::move(token), token_freq); - } - unique_tokens.clear(); - - // sort tokens by freq - if (sort_tokens) { - CompareTokens compare_tokens; - std::sort(token_freq_pairs.begin(), token_freq_pairs.end(), compare_tokens); - } - - // update unique tokens with correct order - for (auto& token_freq_pair : token_freq_pairs) { - unique_tokens.emplace_back(std::move(token_freq_pair.first)); - } - - return unique_tokens; -} - -constexpr int64_t GRAIN_SIZE = 13107; -Vocab _load_vocab_from_file( - const std::string& file_path, - const int64_t min_freq, - const int64_t num_cpus) { - int64_t num_lines = _infer_lines(file_path); - int64_t chunk_size = impl::divup(num_lines, num_cpus); - // Launching a thread on less lines than this likely has too much overhead. - // TODO: Add explicit test beyond grain size to cover multithreading - chunk_size = std::max(chunk_size, GRAIN_SIZE); - - std::vector offsets; - impl::infer_offsets(file_path, num_lines, chunk_size, offsets); - - std::vector> chunk_counters; - - std::mutex m; - std::condition_variable cv; - std::atomic thread_count(0); - - // create threads - int64_t j = 0; - for (int64_t i = 0; i < num_lines; i += chunk_size) { - auto counter_ptr = std::make_shared(); - - thread_count++; - at::launch([&, file_path, num_lines, chunk_size, j, i, counter_ptr]() { - parse_vocab_file_chunk( - file_path, - offsets[j], - i, - std::min(num_lines, i + chunk_size), - counter_ptr); - std::lock_guard lk(m); - thread_count--; - cv.notify_all(); - }); - chunk_counters.push_back(counter_ptr); - j++; - } - - // block until all threads finish execution - std::unique_lock lock(m); - cv.wait(lock, [&thread_count] { return thread_count == 0; }); - - StringList tokens = - _concat_tokens(chunk_counters, min_freq, num_lines, false); - - return Vocab(std::move(tokens)); -} - -Vocab _build_vocab_from_text_file( - const std::string& file_path, - const int64_t min_freq, - const int64_t num_cpus, - torch::jit::script::Module tokenizer) { - int64_t num_lines = _infer_lines(file_path); - int64_t chunk_size = impl::divup(num_lines, num_cpus); - // Launching a thread on less lines than this likely has too much overhead. - chunk_size = std::max(chunk_size, GRAIN_SIZE); - - std::vector offsets; - impl::infer_offsets(file_path, num_lines, chunk_size, offsets); - - std::vector> chunk_counters; - - std::mutex m; - std::condition_variable cv; - std::atomic thread_count(0); - - // create threads - int64_t j = 0; - for (int64_t i = 0; i < num_lines; i += chunk_size) { - auto counter_ptr = std::make_shared(); - thread_count++; - at::launch([&, file_path, num_lines, chunk_size, j, i, counter_ptr]() { - parse_raw_text_file_chunk( - file_path, - offsets[j], - i, - std::min(num_lines, i + chunk_size), - counter_ptr, - tokenizer); - std::lock_guard lk(m); - thread_count--; - cv.notify_all(); - }); - chunk_counters.push_back(counter_ptr); - j++; - } - - // block until all threads finish execution - std::unique_lock lock(m); - cv.wait(lock, [&thread_count] { return thread_count == 0; }); - - StringList tokens = _concat_tokens(chunk_counters, min_freq, num_lines, true); - - return Vocab(std::move(tokens)); -} - VocabStates _serialize_vocab(const c10::intrusive_ptr& self) { std::vector integers; StringList strings = self->itos_; diff --git a/torchtext/csrc/vocab.h b/torchtext/csrc/vocab.h index 56b3f63603..71c637435e 100644 --- a/torchtext/csrc/vocab.h +++ b/torchtext/csrc/vocab.h @@ -91,14 +91,4 @@ struct Vocab : torch::CustomClassHolder { TORCHTEXT_API VocabStates _serialize_vocab(const c10::intrusive_ptr& self); TORCHTEXT_API c10::intrusive_ptr _deserialize_vocab(VocabStates states); - -TORCHTEXT_API Vocab _load_vocab_from_file( - const std::string& file_path, - const int64_t min_freq, - const int64_t num_cpus); -TORCHTEXT_API Vocab _build_vocab_from_text_file( - const std::string& file_path, - const int64_t min_freq, - const int64_t num_cpus, - torch::jit::script::Module tokenizer); } // namespace torchtext diff --git a/torchtext/csrc/vocab_factory.cpp b/torchtext/csrc/vocab_factory.cpp new file mode 100644 index 0000000000..d9a6063f49 --- /dev/null +++ b/torchtext/csrc/vocab_factory.cpp @@ -0,0 +1,287 @@ +#include // @manual +#include +#include // @manual +#include +#include // @manual +#include // @manual + +#include +#include +#include + +namespace torchtext { + +Vocab _build_vocab_from_text_file_using_python_tokenizer( + const std::string& file_path, + const int64_t min_freq, + py::object tokenizer) { + // find number of lines + int64_t num_lines = _infer_lines(file_path); + // Read text from file and add tokens + std::ifstream fin(file_path, std::ios::in); + TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); + + IndexDict counter; + std::string line; + for (int64_t i = 0; i < num_lines; i++) { + std::getline(fin, line); + std::vector token_list = + tokenizer(line).cast>(); + + for (size_t i = 0; i < token_list.size(); i++) { + std::string token = token_list[i]; + + if (counter.find(token) == counter.end()) { + counter[token] = 1; + } else { + counter[token] += 1; + } + } + } + + // create tokens-frequency pairs + std::vector> token_freq_pairs; + for (const auto& item : counter) { + if (item.second >= min_freq) { + token_freq_pairs.push_back(item); + } + } + + // sort tokens by frequency + CompareTokens compare_tokens; + std::sort(token_freq_pairs.begin(), token_freq_pairs.end(), compare_tokens); + + // Create final list of tokens + StringList tokens; + for (const auto& token_freq_pair : token_freq_pairs) { + tokens.push_back(token_freq_pair.first); + } + + return Vocab(std::move(tokens)); +} + +int64_t _infer_lines(const std::string& file_path) { + int64_t num_lines = 0; + std::ifstream fin; + fin.open(file_path, std::ios::in); + TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); + + while (fin.ignore(std::numeric_limits::max(), '\n')) { + num_lines++; + } + return num_lines; +} + +void parse_vocab_file_chunk( + const std::string& file_path, + size_t offset, + const int64_t start_line, + const int64_t end_line, + const std::shared_ptr& counter) { + std::ifstream fin(file_path, std::ios::in); + TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); + + fin.seekg(offset); + + for (int64_t i = start_line; i < end_line; i++) { + std::string token; + fin >> token; + fin >> std::ws; + + if ((*counter).find(token) == (*counter).end()) { + (*counter)[token] = 1; + } else { + (*counter)[token] += 1; + } + } +} + +void parse_raw_text_file_chunk( + const std::string& file_path, + size_t offset, + const int64_t start_line, + const int64_t end_line, + const std::shared_ptr& counter, + torch::jit::script::Module& module) { + std::ifstream fin(file_path, std::ios::in); + TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); + + fin.seekg(offset); + + std::string line; + for (int64_t i = start_line; i < end_line; i++) { + std::getline(fin, line); + auto token_list = + module.forward(std::vector({c10::IValue(line)})).toList(); + + for (size_t j = 0; j < token_list.size(); j++) { + c10::IValue token_ref = token_list.get(j); + std::string token = token_ref.toStringRef(); + + if ((*counter).find(token) == (*counter).end()) { + (*counter)[token] = 1; + } else { + (*counter)[token] += 1; + } + } + } +} + +StringList _concat_tokens( + std::vector> chunk_counters, + const int64_t min_freq, + const int64_t num_lines, + const bool sort_tokens) { + TORCH_CHECK( + chunk_counters.size() > 0, + "There must be at least 1 chunk to concatenate!"); + + IndexDict tokens_freq; + StringList unique_tokens; + unique_tokens.reserve(num_lines); + + // concatenate all counters + for (size_t i = 0; i < chunk_counters.size(); i++) { + auto& cur_counter = *chunk_counters[i]; + for (const auto& item : cur_counter) { + int64_t cur_token_freq = item.second; + if (tokens_freq.find(item.first) != tokens_freq.end()) { + tokens_freq[item.first] += cur_token_freq; + } else { + tokens_freq[item.first] = cur_token_freq; + } + + // add to tokens list only if all of the conditions are met: + // 1. token is not empty + // 2. we exceed min_freq for the first time + if (item.first.length() && + tokens_freq[item.first] - cur_token_freq < min_freq && + tokens_freq[item.first] >= min_freq) { + unique_tokens.push_back(item.first); + } + } + } + + // create token freq pairs + std::vector> token_freq_pairs; + + for (std::string& token : unique_tokens) { + auto token_freq = tokens_freq[token]; + token_freq_pairs.emplace_back(std::move(token), token_freq); + } + unique_tokens.clear(); + + // sort tokens by freq + if (sort_tokens) { + CompareTokens compare_tokens; + std::sort(token_freq_pairs.begin(), token_freq_pairs.end(), compare_tokens); + } + + // update unique tokens with correct order + for (auto& token_freq_pair : token_freq_pairs) { + unique_tokens.emplace_back(std::move(token_freq_pair.first)); + } + + return unique_tokens; +} + +constexpr int64_t GRAIN_SIZE = 13107; +Vocab _load_vocab_from_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus) { + int64_t num_lines = _infer_lines(file_path); + int64_t chunk_size = impl::divup(num_lines, num_cpus); + // Launching a thread on less lines than this likely has too much overhead. + // TODO: Add explicit test beyond grain size to cover multithreading + chunk_size = std::max(chunk_size, GRAIN_SIZE); + + std::vector offsets; + impl::infer_offsets(file_path, num_lines, chunk_size, offsets); + + std::vector> chunk_counters; + + std::mutex m; + std::condition_variable cv; + std::atomic thread_count(0); + + // create threads + int64_t j = 0; + for (int64_t i = 0; i < num_lines; i += chunk_size) { + auto counter_ptr = std::make_shared(); + + thread_count++; + at::launch([&, file_path, num_lines, chunk_size, j, i, counter_ptr]() { + parse_vocab_file_chunk( + file_path, + offsets[j], + i, + std::min(num_lines, i + chunk_size), + counter_ptr); + std::lock_guard lk(m); + thread_count--; + cv.notify_all(); + }); + chunk_counters.push_back(counter_ptr); + j++; + } + + // block until all threads finish execution + std::unique_lock lock(m); + cv.wait(lock, [&thread_count] { return thread_count == 0; }); + + StringList tokens = + _concat_tokens(chunk_counters, min_freq, num_lines, false); + + return Vocab(std::move(tokens)); +} + +Vocab _build_vocab_from_text_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus, + torch::jit::script::Module tokenizer) { + int64_t num_lines = _infer_lines(file_path); + int64_t chunk_size = impl::divup(num_lines, num_cpus); + // Launching a thread on less lines than this likely has too much overhead. + chunk_size = std::max(chunk_size, GRAIN_SIZE); + + std::vector offsets; + impl::infer_offsets(file_path, num_lines, chunk_size, offsets); + + std::vector> chunk_counters; + + std::mutex m; + std::condition_variable cv; + std::atomic thread_count(0); + + // create threads + int64_t j = 0; + for (int64_t i = 0; i < num_lines; i += chunk_size) { + auto counter_ptr = std::make_shared(); + thread_count++; + at::launch([&, file_path, num_lines, chunk_size, j, i, counter_ptr]() { + parse_raw_text_file_chunk( + file_path, + offsets[j], + i, + std::min(num_lines, i + chunk_size), + counter_ptr, + tokenizer); + std::lock_guard lk(m); + thread_count--; + cv.notify_all(); + }); + chunk_counters.push_back(counter_ptr); + j++; + } + + // block until all threads finish execution + std::unique_lock lock(m); + cv.wait(lock, [&thread_count] { return thread_count == 0; }); + + StringList tokens = _concat_tokens(chunk_counters, min_freq, num_lines, true); + + return Vocab(std::move(tokens)); +} +} // namespace torchtext diff --git a/torchtext/csrc/vocab_factory.h b/torchtext/csrc/vocab_factory.h index 17fdd19991..60f0a04c07 100644 --- a/torchtext/csrc/vocab_factory.h +++ b/torchtext/csrc/vocab_factory.h @@ -1,56 +1,24 @@ #include +#include #include // @manual namespace py = pybind11; namespace torchtext { -Vocab _build_vocab_from_text_file_using_python_tokenizer( +TORCHTEXT_API Vocab _build_vocab_from_text_file_using_python_tokenizer( const std::string& file_path, const int64_t min_freq, - py::object tokenizer) { - // find number of lines - int64_t num_lines = _infer_lines(file_path); - // Read text from file and add tokens - std::ifstream fin(file_path, std::ios::in); - TORCH_CHECK(fin.is_open(), "Cannot open input file " + file_path); + py::object tokenizer); - IndexDict counter; - std::string line; - for (int64_t i = 0; i < num_lines; i++) { - std::getline(fin, line); - std::vector token_list = - tokenizer(line).cast>(); - - for (size_t i = 0; i < token_list.size(); i++) { - std::string token = token_list[i]; - - if (counter.find(token) == counter.end()) { - counter[token] = 1; - } else { - counter[token] += 1; - } - } - } - - // create tokens-frequency pairs - std::vector> token_freq_pairs; - for (const auto& item : counter) { - if (item.second >= min_freq) { - token_freq_pairs.push_back(item); - } - } - - // sort tokens by frequency - CompareTokens compare_tokens; - std::sort(token_freq_pairs.begin(), token_freq_pairs.end(), compare_tokens); - - // Create final list of tokens - StringList tokens; - for (const auto& token_freq_pair : token_freq_pairs) { - tokens.push_back(token_freq_pair.first); - } +TORCHTEXT_API Vocab _load_vocab_from_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus); - return Vocab(std::move(tokens)); -} +TORCHTEXT_API Vocab _build_vocab_from_text_file( + const std::string& file_path, + const int64_t min_freq, + const int64_t num_cpus, + torch::jit::script::Module tokenizer); } // namespace torchtext From 508713439dd7723e575c6a6e7daf7a8363aea51c Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 1 Sep 2022 09:43:06 -0400 Subject: [PATCH 312/463] Create pytest fixture to auto delete model checkpoints within integration tests (#1886) * Delete checkpoints after integration test * Use pytest fixtures to autodelete model assets in integration tests * Created new unittest directory and new workflow for integration tests * Revert "Created new unittest directory and new workflow for integration tests" This reverts commit 8694c20667d667aa45a4ec4da97ea8effa7258d3. * Remove commented code * Add same contents to several conftest files * Deleted 2nd conftest file * Fix accessing pytest configs * Remove autouse from pytest fixture --- test/integration_tests/conftest.py | 28 ++++++++ test/integration_tests/test_models.py | 65 ++++++++----------- .../integration_tests/test_models.py | 43 ++++++++++-- test/test_utils.py | 7 +- 4 files changed, 94 insertions(+), 49 deletions(-) create mode 100644 test/integration_tests/conftest.py diff --git a/test/integration_tests/conftest.py b/test/integration_tests/conftest.py new file mode 100644 index 0000000000..6d051420ee --- /dev/null +++ b/test/integration_tests/conftest.py @@ -0,0 +1,28 @@ +import shutil + +import pytest +import torch + + +def pytest_addoption(parser): + parser.addoption( + "--use-tmp-hub-dir", + action="store_true", + help=( + "When provided, tests will use temporary directory as Torch Hub directory. " + "Downloaded models will be deleted after each test." + ), + ) + + +@pytest.fixture(scope="class") +def temp_hub_dir(tmp_path_factory, pytestconfig): + if not pytestconfig.getoption("--use-tmp-hub-dir"): + yield + else: + tmp_dir = tmp_path_factory.mktemp("hub", numbered=True).resolve() + org_dir = torch.hub.get_dir() + torch.hub.set_dir(tmp_dir) + yield + torch.hub.set_dir(org_dir) + shutil.rmtree(tmp_dir, ignore_errors=True) diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index 8d79c69510..d140c8190a 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -1,5 +1,6 @@ +import pytest # noqa: F401 import torch -from parameterized import parameterized +from parameterized import parameterized, parameterized_class from torchtext.models import ( ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER, @@ -10,7 +11,23 @@ from ..common.assets import get_asset_path from ..common.torchtext_test_case import TorchtextTestCase +BUNDLERS = { + "xlmr_base": XLMR_BASE_ENCODER, + "xlmr_large": XLMR_LARGE_ENCODER, + "roberta_base": ROBERTA_BASE_ENCODER, + "roberta_large": ROBERTA_LARGE_ENCODER, +} + +@parameterized_class( + ("model_name",), + [ + ("xlmr_base",), + ("xlmr_large",), + ("roberta_base",), + ("roberta_large",), + ], +) class TestRobertaEncoders(TorchtextTestCase): def _roberta_encoders(self, is_jit, encoder, expected_asset_name, test_text): """Verify pre-trained XLM-R and Roberta models in torchtext produce @@ -31,46 +48,20 @@ def _roberta_encoders(self, is_jit, encoder, expected_asset_name, test_text): expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected) - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_xlmr_base_model(self, name, is_jit): - expected_asset_name = "xlmr.base.output.pt" - test_text = "XLMR base Model Comparison" - self._roberta_encoders( - is_jit=is_jit, - encoder=XLMR_BASE_ENCODER, - expected_asset_name=expected_asset_name, - test_text=test_text, - ) - - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_xlmr_large_model(self, name, is_jit): - expected_asset_name = "xlmr.large.output.pt" - test_text = "XLMR base Model Comparison" - self._roberta_encoders( - is_jit=is_jit, - encoder=XLMR_LARGE_ENCODER, - expected_asset_name=expected_asset_name, - test_text=test_text, - ) + @parameterized.expand(["jit", "not_jit"]) + def test_models(self, name): + configuration, type = self.model_name.split("_") - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_roberta_base_model(self, name, is_jit): - expected_asset_name = "roberta.base.output.pt" - test_text = "Roberta base Model Comparison" - self._roberta_encoders( - is_jit=is_jit, - encoder=ROBERTA_BASE_ENCODER, - expected_asset_name=expected_asset_name, - test_text=test_text, - ) + expected_asset_name = f"{configuration}.{type}.output.pt" + is_jit = name == "jit" + if configuration == "xlmr": + test_text = "XLMR base Model Comparison" + else: + test_text = "Roberta base Model Comparison" - @parameterized.expand([("jit", True), ("not_jit", False)]) - def test_robeta_large_model(self, name, is_jit): - expected_asset_name = "roberta.large.output.pt" - test_text = "Roberta base Model Comparison" self._roberta_encoders( is_jit=is_jit, - encoder=ROBERTA_LARGE_ENCODER, + encoder=BUNDLERS[configuration + "_" + type], expected_asset_name=expected_asset_name, test_text=test_text, ) diff --git a/test/prototype/integration_tests/test_models.py b/test/prototype/integration_tests/test_models.py index 378a95711c..4130d67aa4 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/prototype/integration_tests/test_models.py @@ -1,5 +1,6 @@ +import pytest # noqa: F401 import torch -from parameterized import parameterized +from parameterized import parameterized, parameterized_class from test.common.assets import get_asset_path from test.common.parameterized_utils import nested_params from test.common.torchtext_test_case import TorchtextTestCase @@ -32,7 +33,21 @@ } -class TestT5(TorchtextTestCase): +@parameterized_class( + ("model_name",), + [ + ("base_model",), + ("base_encoder",), + ("base_generation",), + ("small_model",), + ("small_encoder",), + ("small_generation",), + ("large_model",), + ("large_encoder",), + ("large_generation",), + ], +) +class TestT5Model(TorchtextTestCase): def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): """Verify that pre-trained T5 models in torchtext produce the same output as the HuggingFace reference implementation. @@ -55,21 +70,35 @@ def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected, atol=1e-04, rtol=2.5e-06) - @nested_params(["base", "small", "large"], ["encoder", "model", "generation"], ["jit", "not_jit"]) - def test_t5_encoder_model(self, configuration, type, name) -> None: + @nested_params(["jit", "not_jit"]) + def test_t5_model(self, name) -> None: + configuration, type = self.model_name.split("_") + expected_asset_name = f"t5.{configuration}.{type}.output.pt" test_text = ["Hello world", "Attention rocks!"] is_jit = name == "jit" t5_model = BUNDLERS[configuration + "_" + type] self._t5_model(is_jit=is_jit, t5_model=t5_model, expected_asset_name=expected_asset_name, test_text=test_text) - @nested_params(["base", "small", "large"], ["jit", "not_jit"]) - def test_t5_wrapper(self, configuration, name) -> None: + +@parameterized_class( + ("configuration",), + [ + ("small",), + ("base",), + ("large",), + ], +) +class TestT5Wrapper(TorchtextTestCase): + @parameterized.expand(["jit", "not_jit"]) + def test_t5_wrapper(self, name) -> None: + configuration = self.configuration test_text = ["translate English to French: I want to eat pizza for dinner."] if configuration == "small": expected_text = ["Je veux manger la pizza pour le dîner."] else: expected_text = ["Je veux manger de la pizza pour le dîner."] + beam_size = 3 max_seq_len = 512 model = T5Wrapper(configuration=configuration) @@ -79,6 +108,8 @@ def test_t5_wrapper(self, configuration, name) -> None: output_text = model(test_text, beam_size, max_seq_len) self.assertEqual(output_text, expected_text) + +class TestT5WrapperCheckpoint(TorchtextTestCase): @parameterized.expand(["jit", "not_jit"]) def test_t5_wrapper_checkpoint(self, name) -> None: test_text = ["translate English to French: I want to eat pizza for dinner."] diff --git a/test/test_utils.py b/test/test_utils.py index 3262cc0dc3..c28299dc82 100644 --- a/test/test_utils.py +++ b/test/test_utils.py @@ -5,18 +5,13 @@ import unittest from urllib.parse import urljoin -from test.common.assets import get_asset_path +from test.common.assets import conditional_remove, get_asset_path from torchtext import _TEXT_BUCKET from torchtext import utils from .common.torchtext_test_case import TorchtextTestCase -def conditional_remove(f): - if os.path.isfile(f): - os.remove(f) - - class TestUtils(TorchtextTestCase): def test_download_extract_tar(self) -> None: # create root directory for downloading data From d259856a8dc515bf084d305e8ed6cc657a217021 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Thu, 1 Sep 2022 16:44:49 -0400 Subject: [PATCH 313/463] Make comment paths dynamic (#1894) --- torchtext/prototype/models/t5/wrapper.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/torchtext/prototype/models/t5/wrapper.py b/torchtext/prototype/models/t5/wrapper.py index 3eafb727a4..8fa38a065f 100644 --- a/torchtext/prototype/models/t5/wrapper.py +++ b/torchtext/prototype/models/t5/wrapper.py @@ -52,11 +52,11 @@ def __init__( if configuration is None: assert checkpoint is not None, "Must provide a checkpoint if configuration is None" assert t5_config is not None, "Must provide t5_config if using checkpoint" - assert isinstance(t5_config, T5Conf), "t5_config must have type torchtext.prototype.models.T5Conf" + assert isinstance(t5_config, T5Conf), f"t5_config must have type {T5Conf.__module__}" assert not t5_config.encoder_only, "t5_config.encoder_only must be False" assert t5_config.linear_head, "t5_config.linear_head must be True" assert transform is not None, "Must provide transform if using checkpoint" - assert isinstance(transform, T5Transform), "transform must have type torchtext.prototype.models.T5Transform" + assert isinstance(transform, T5Transform), f"transform must have type {T5Transform.__module__}" else: assert checkpoint is None, "configuration and checkpoint were both provided. Can only provide one." From 1b5edec73ccc0eb226df36317cd8c3f541a5c468 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Sat, 3 Sep 2022 13:39:50 -0400 Subject: [PATCH 314/463] Move Spacy from Pip dependencies to Conda dependencies (#1890) --- .circleci/unittest/windows/scripts/environment.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.circleci/unittest/windows/scripts/environment.yml b/.circleci/unittest/windows/scripts/environment.yml index dfaf5cb6de..b86ded6ada 100644 --- a/.circleci/unittest/windows/scripts/environment.yml +++ b/.circleci/unittest/windows/scripts/environment.yml @@ -4,6 +4,7 @@ dependencies: - codecov - pip - setuptools == 58.0.4 + - spacy - pip: - dataclasses - nltk @@ -13,7 +14,6 @@ dependencies: - pytest-cov - pytest-pythonpath - sacremoses - - spacy - tqdm - certifi - expecttest From 72ecc0c8d6b572144effc0e206f0990585062170 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 13 Sep 2022 16:09:55 -0400 Subject: [PATCH 315/463] Usage setup-minicoda action for m1 build (#1897) * Usage setup-minicoda action * Fix dist path --- .github/workflows/build-m1-binaries.yml | 13 +++++-------- 1 file changed, 5 insertions(+), 8 deletions(-) diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml index 13ae9575f9..6b04482cc6 100644 --- a/.github/workflows/build-m1-binaries.yml +++ b/.github/workflows/build-m1-binaries.yml @@ -38,14 +38,14 @@ jobs: 'refs/heads/release') }} run: | echo "CHANNEL=test" >> "$GITHUB_ENV" + - name: Setup miniconda + uses: pytorch/test-infra/.github/actions/setup-miniconda@main - name: Build TorchText M1 wheel shell: arch -arch arm64 bash {0} env: ENV_NAME: conda-env-${{ github.run_id }} PY_VERS: ${{ matrix.py_vers }} run: | - echo $PATH - . ~/miniconda3/etc/profile.d/conda.sh set -ex . packaging/pkg_helpers.bash # if we are uploading to test channell, our version consist only of the base: 0.x.x - no date string or suffix added @@ -69,7 +69,6 @@ jobs: ENV_NAME: conda-test-env-${{ github.run_id }} PY_VERS: ${{ matrix.py_vers }} run: | - . ~/miniconda3/etc/profile.d/conda.sh set -ex conda create -yp ${ENV_NAME} python=${PY_VERS} numpy conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/${CHANNEL} @@ -119,13 +118,13 @@ jobs: 'refs/heads/release') }} run: | echo "CHANNEL=test" >> "$GITHUB_ENV" + - name: Setup miniconda + uses: pytorch/test-infra/.github/actions/setup-miniconda@main - name: Install conda-build and purge previous artifacts shell: arch -arch arm64 bash {0} run: | - . ~/miniconda3/etc/profile.d/conda.sh conda install -yq conda-build conda build purge-all - - name: Build TorchText M1 conda package shell: arch -arch arm64 bash {0} env: @@ -133,7 +132,6 @@ jobs: PYTHON_VERSION: ${{ matrix.py_vers }} CU_VERSION: cpu run: | - . ~/miniconda3/etc/profile.d/conda.sh set -ex . packaging/pkg_helpers.bash @@ -169,10 +167,9 @@ jobs: env: CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} run: | - . ~/miniconda3/etc/profile.d/conda.sh conda install -yq anaconda-client set -x - anaconda -t "${CONDA_PYTORCHBOT_TOKEN}" upload ~/miniconda3/conda-bld/osx-arm64/*.tar.bz2 -u "pytorch-${CHANNEL}" --label main --no-progress --force + anaconda -t "${CONDA_PYTORCHBOT_TOKEN}" upload dist/osx-arm64/*.tar.bz2 -u "pytorch-${CHANNEL}" --label main --no-progress --force concurrency: group: From dfac1ee70a0219653221e25a26684299be870fa3 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 14 Sep 2022 20:44:53 -0400 Subject: [PATCH 316/463] Disable `test_vocab_from_raw_text_file` on Linux (#1901) * Disable test_vocab_from_raw_text_file on Linux * Add missing import * Add a condition to check if test running on CI --- test/prototype/test_with_asset.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/test/prototype/test_with_asset.py b/test/prototype/test_with_asset.py index e0ab14f4d7..c5a85086f4 100644 --- a/test/prototype/test_with_asset.py +++ b/test/prototype/test_with_asset.py @@ -1,6 +1,8 @@ import os +import platform import shutil import tempfile +import unittest from functools import partial import torch @@ -135,6 +137,8 @@ def test_vocab_from_file(self) -> None: self.assertEqual(v.get_itos(), expected_itos) self.assertEqual(dict(v.get_stoi()), expected_stoi) + # TODO(Nayef211): remove decorator once https://github.com/pytorch/text/issues/1900 is closed + @unittest.skipIf("CI" in os.environ and platform.system() == "Linux", "Test is known to fail on Linux.") def test_vocab_from_raw_text_file(self) -> None: asset_name = "vocab_raw_text_test.txt" asset_path = get_asset_path(asset_name) From 6c1708f1e0a8d153ff9b420e459313fa3038b81f Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 15 Sep 2022 17:41:36 -0400 Subject: [PATCH 317/463] Turn off mask checking for torchtext which is known to have a legal mask (#1896) (#1906) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1896 Turn off mask checking for torchtext which is known to have a legal mask Reviewed By: zrphercule Differential Revision: D39445703 fbshipit-source-id: 3f0cacfd39ea11a16c7a06f339872554333b5e97 Co-authored-by: Michael Gschwind --- torchtext/models/roberta/modules.py | 7 ++++++- 1 file changed, 6 insertions(+), 1 deletion(-) diff --git a/torchtext/models/roberta/modules.py b/torchtext/models/roberta/modules.py index 590502e77b..cd76b97909 100644 --- a/torchtext/models/roberta/modules.py +++ b/torchtext/models/roberta/modules.py @@ -120,7 +120,12 @@ def __init__( batch_first=True, norm_first=normalize_before, ) - self.layers = torch.nn.TransformerEncoder(encoder_layer=layer, num_layers=num_encoder_layers) + self.layers = torch.nn.TransformerEncoder( + encoder_layer=layer, + num_layers=num_encoder_layers, + enable_nested_tensor=True, + mask_check=False, + ) self.positional_embedding = PositionalEmbedding(max_seq_len, embedding_dim, padding_idx) self.embedding_layer_norm = nn.LayerNorm(embedding_dim) self.dropout = nn.Dropout(dropout) From 94c53cb4b0134f45dcd7b55f78147469ad004998 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 15 Sep 2022 20:15:59 -0400 Subject: [PATCH 318/463] Update doc theme to the latest (#1899) * Delete experimental_datasets_raw.rst - Deleting outdated docs on experimental datasets * Update sphinx theme to latest --- docs/requirements.txt | 2 +- docs/source/experimental_datasets_raw.rst | 46 ----------------------- 2 files changed, 1 insertion(+), 47 deletions(-) delete mode 100644 docs/source/experimental_datasets_raw.rst diff --git a/docs/requirements.txt b/docs/requirements.txt index 82de9e49f4..3f57086887 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,5 +1,5 @@ Jinja2<3.1.0 sphinx==3.5.4 --e git+https://github.com/pytorch/pytorch_sphinx_theme.git@b4d0005#egg=pytorch_sphinx_theme +-e git+https://github.com/pytorch/pytorch_sphinx_theme.git@cece053#egg=pytorch_sphinx_theme matplotlib sphinx_gallery diff --git a/docs/source/experimental_datasets_raw.rst b/docs/source/experimental_datasets_raw.rst deleted file mode 100644 index 1b93a1746f..0000000000 --- a/docs/source/experimental_datasets_raw.rst +++ /dev/null @@ -1,46 +0,0 @@ -torchtext.experimental.datasets.raw -=================================== - -.. currentmodule:: torchtext.experimental.datasets.raw - -General use cases are as follows: :: - - - # import datasets - from torchtext.experimental.datasets.raw import Multi30k - - train_iter = Multi30k(split='train') - - def tokenize(label, line): - return line.split() - - tokens_src = [] - tokens_tgt = [] - - for line in train_iter: - src, tgt = line - tokens_src += tokenize(src) - tokens_tgt += tokenize(tgt) - -The following datasets are available: - -.. contents:: Datasets - :local: - - -Machine Translation -^^^^^^^^^^^^^^^^^^^ - -WMT14 -~~~~~ - -.. autofunction:: WMT14 - - -Language Modeling -^^^^^^^^^^^^^^^^^ - -WMTNewsCrawl -~~~~~~~~~~~~ - -.. autofunction:: WMTNewsCrawl From 67d26928d2bba65a22666ae6b2e3bd3fdaee8c7d Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 15 Sep 2022 20:19:09 -0400 Subject: [PATCH 319/463] Fix test execution in torchtext (#1889) * Delete checkpoints after integration test * Use pytest fixtures to autodelete model assets in integration tests * Created new unittest directory and new workflow for integration tests * Fix imports * Readded ignored assets * Remove changes from download_hooks * change to install instead of develop * Using setup.py develop on unittest and integration tests * set cxx abi flag to 1 * remove symbol prints * set cxx_abi flag * Add expecttest dep * Finalize integration test workflow * Remove cd to root dir * Add helper function to pass correct D_GLIBCXX_USE_CXX11_ABI value from pytorch * Added cxx_abi flag to cmake_cxx_flags * Resolving PR comments * Fix call to compiled_with_cxx11_abi fn * Added new cache variable to store D_GLIBCXX_USE_CXX11_ABI flag value --- .circleci/unittest/linux/scripts/run_test.sh | 3 +- .../unittest/windows/scripts/run_test.sh | 3 +- .github/workflows/integration-test.yml | 31 ++++++++++++++++++ CMakeLists.txt | 4 +-- test/.gitignore | 0 test/integration_tests/conftest.py | 4 +-- .../prototype}/test_models.py | 6 ++-- test/integration_tests/test_models.py | 10 ++++-- test/prototype/models/__init__.py | 0 test/{ => torchtext_unittest}/__init__.py | 0 .../asset/SST2/SST-2.zip | Bin .../asset/bert_base_cased_vocab.txt | 0 .../asset/bert_base_uncased_vocab.txt | 0 .../asset/clip_encoder.json | 0 .../asset/clip_vocab.bpe | 0 .../asset/glove.6B.zip | Bin .../asset/glove.840B.300d.zip | Bin .../asset/gpt2_bpe_encoder.json | 0 .../asset/gpt2_bpe_vocab.bpe | 0 .../asset/label_names.txt | 0 .../asset/raw_datasets.jsonl | 0 .../asset/roberta.base.output.pt | Bin .../asset/roberta.large.output.pt | Bin .../asset/spm_example.model | Bin .../asset/t5.base.encoder.output.pt | Bin .../asset/t5.base.generation.output.pt | Bin .../asset/t5.base.model.output.pt | Bin .../asset/t5.large.encoder.output.pt | Bin .../asset/t5.large.generation.output.pt | Bin .../asset/t5.large.model.output.pt | Bin .../asset/t5.small.encoder.output.pt | Bin .../asset/t5.small.generation.output.pt | Bin .../asset/t5.small.model.output.pt | Bin .../asset/t5_tokenizer_base.model | Bin ...ext_normalization_ag_news_ref_results.test | 0 .../asset/text_normalization_ag_news_test.csv | 0 .../asset/vectors_test.csv | 0 .../asset/vocab_raw_text_test.txt | 0 .../asset/vocab_test.txt | 0 .../asset/vocab_test2.txt | 0 .../asset/wiki.en.vec | 0 .../asset/xlmr.base.output.pt | Bin .../asset/xlmr.large.output.pt | Bin .../common/__init__.py | 0 .../{ => torchtext_unittest}/common/assets.py | 0 .../common/case_utils.py | 0 .../common/parameterized_utils.py | 0 .../common/torchtext_test_case.py | 0 .../{ => torchtext_unittest}/csrc/__init__.py | 0 .../csrc/test_gpt2_bpe_tokenizer.py | 0 .../{ => torchtext_unittest}/data/__init__.py | 0 .../data/test_dataset_utils.py | 0 .../data/test_functional.py | 0 .../{ => torchtext_unittest}/data/test_jit.py | 0 .../data/test_metrics.py | 0 .../data/test_modules.py | 0 .../data/test_utils.py | 0 .../datasets/__init__.py | 0 .../datasets/common.py | 0 .../datasets/test_agnews.py | 0 .../datasets/test_amazonreviews.py | 0 .../datasets/test_cc100.py | 0 .../datasets/test_cnndm.py | 0 .../datasets/test_cola.py | 0 .../datasets/test_conll2000chunking.py | 0 .../datasets/test_dbpedia.py | 0 .../datasets/test_enwik9.py | 0 .../datasets/test_imdb.py | 0 .../datasets/test_iwslt2016.py | 0 .../datasets/test_iwslt2017.py | 0 .../datasets/test_mnli.py | 0 .../datasets/test_mrpc.py | 0 .../datasets/test_multi30k.py | 0 .../datasets/test_penntreebank.py | 0 .../datasets/test_qnli.py | 0 .../datasets/test_qqp.py | 0 .../datasets/test_rte.py | 0 .../datasets/test_sogounews.py | 0 .../datasets/test_squads.py | 0 .../datasets/test_sst2.py | 0 .../datasets/test_stsb.py | 0 .../datasets/test_udpos.py | 0 .../datasets/test_wikitexts.py | 0 .../datasets/test_wnli.py | 0 .../datasets/test_yahooanswers.py | 0 .../datasets/test_yelpreviews.py | 0 .../models/__init__.py | 0 .../models/test_models.py | 0 .../models/test_transformers.py | 0 .../prototype/__init__.py | 0 .../prototype/models}/__init__.py | 0 .../prototype/models/test_models.py | 2 +- .../prototype/models/test_transforms.py | 4 +-- .../prototype/test_functional.py | 0 .../prototype/test_transforms.py | 4 +-- .../prototype/test_vectors.py | 2 +- .../prototype/test_with_asset.py | 2 +- test/{ => torchtext_unittest}/test_build.py | 0 .../test_functional.py | 0 .../test_transforms.py | 0 test/{ => torchtext_unittest}/test_utils.py | 2 +- test/{ => torchtext_unittest}/test_vocab.py | 2 +- tools/setup_helpers/extension.py | 5 +++ 103 files changed, 64 insertions(+), 20 deletions(-) create mode 100644 .github/workflows/integration-test.yml delete mode 100644 test/.gitignore rename test/{prototype/integration_tests => integration_tests/prototype}/test_models.py (95%) delete mode 100644 test/prototype/models/__init__.py rename test/{ => torchtext_unittest}/__init__.py (100%) rename test/{ => torchtext_unittest}/asset/SST2/SST-2.zip (100%) rename test/{ => torchtext_unittest}/asset/bert_base_cased_vocab.txt (100%) rename test/{ => torchtext_unittest}/asset/bert_base_uncased_vocab.txt (100%) rename test/{ => torchtext_unittest}/asset/clip_encoder.json (100%) rename test/{ => torchtext_unittest}/asset/clip_vocab.bpe (100%) rename test/{ => torchtext_unittest}/asset/glove.6B.zip (100%) rename test/{ => torchtext_unittest}/asset/glove.840B.300d.zip (100%) rename test/{ => torchtext_unittest}/asset/gpt2_bpe_encoder.json (100%) rename test/{ => torchtext_unittest}/asset/gpt2_bpe_vocab.bpe (100%) rename test/{ => torchtext_unittest}/asset/label_names.txt (100%) rename test/{ => torchtext_unittest}/asset/raw_datasets.jsonl (100%) rename test/{ => torchtext_unittest}/asset/roberta.base.output.pt (100%) rename test/{ => torchtext_unittest}/asset/roberta.large.output.pt (100%) rename test/{ => torchtext_unittest}/asset/spm_example.model (100%) rename test/{ => torchtext_unittest}/asset/t5.base.encoder.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.base.generation.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.base.model.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.large.encoder.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.large.generation.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.large.model.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.small.encoder.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.small.generation.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5.small.model.output.pt (100%) rename test/{ => torchtext_unittest}/asset/t5_tokenizer_base.model (100%) rename test/{ => torchtext_unittest}/asset/text_normalization_ag_news_ref_results.test (100%) rename test/{ => torchtext_unittest}/asset/text_normalization_ag_news_test.csv (100%) rename test/{ => torchtext_unittest}/asset/vectors_test.csv (100%) rename test/{ => torchtext_unittest}/asset/vocab_raw_text_test.txt (100%) rename test/{ => torchtext_unittest}/asset/vocab_test.txt (100%) rename test/{ => torchtext_unittest}/asset/vocab_test2.txt (100%) rename test/{ => torchtext_unittest}/asset/wiki.en.vec (100%) rename test/{ => torchtext_unittest}/asset/xlmr.base.output.pt (100%) rename test/{ => torchtext_unittest}/asset/xlmr.large.output.pt (100%) rename test/{ => torchtext_unittest}/common/__init__.py (100%) rename test/{ => torchtext_unittest}/common/assets.py (100%) rename test/{ => torchtext_unittest}/common/case_utils.py (100%) rename test/{ => torchtext_unittest}/common/parameterized_utils.py (100%) rename test/{ => torchtext_unittest}/common/torchtext_test_case.py (100%) rename test/{ => torchtext_unittest}/csrc/__init__.py (100%) rename test/{ => torchtext_unittest}/csrc/test_gpt2_bpe_tokenizer.py (100%) rename test/{ => torchtext_unittest}/data/__init__.py (100%) rename test/{ => torchtext_unittest}/data/test_dataset_utils.py (100%) rename test/{ => torchtext_unittest}/data/test_functional.py (100%) rename test/{ => torchtext_unittest}/data/test_jit.py (100%) rename test/{ => torchtext_unittest}/data/test_metrics.py (100%) rename test/{ => torchtext_unittest}/data/test_modules.py (100%) rename test/{ => torchtext_unittest}/data/test_utils.py (100%) rename test/{ => torchtext_unittest}/datasets/__init__.py (100%) rename test/{ => torchtext_unittest}/datasets/common.py (100%) rename test/{ => torchtext_unittest}/datasets/test_agnews.py (100%) rename test/{ => torchtext_unittest}/datasets/test_amazonreviews.py (100%) rename test/{ => torchtext_unittest}/datasets/test_cc100.py (100%) rename test/{ => torchtext_unittest}/datasets/test_cnndm.py (100%) rename test/{ => torchtext_unittest}/datasets/test_cola.py (100%) rename test/{ => torchtext_unittest}/datasets/test_conll2000chunking.py (100%) rename test/{ => torchtext_unittest}/datasets/test_dbpedia.py (100%) rename test/{ => torchtext_unittest}/datasets/test_enwik9.py (100%) rename test/{ => torchtext_unittest}/datasets/test_imdb.py (100%) rename test/{ => torchtext_unittest}/datasets/test_iwslt2016.py (100%) rename test/{ => torchtext_unittest}/datasets/test_iwslt2017.py (100%) rename test/{ => torchtext_unittest}/datasets/test_mnli.py (100%) rename test/{ => torchtext_unittest}/datasets/test_mrpc.py (100%) rename test/{ => torchtext_unittest}/datasets/test_multi30k.py (100%) rename test/{ => torchtext_unittest}/datasets/test_penntreebank.py (100%) rename test/{ => torchtext_unittest}/datasets/test_qnli.py (100%) rename test/{ => torchtext_unittest}/datasets/test_qqp.py (100%) rename test/{ => torchtext_unittest}/datasets/test_rte.py (100%) rename test/{ => torchtext_unittest}/datasets/test_sogounews.py (100%) rename test/{ => torchtext_unittest}/datasets/test_squads.py (100%) rename test/{ => torchtext_unittest}/datasets/test_sst2.py (100%) rename test/{ => torchtext_unittest}/datasets/test_stsb.py (100%) rename test/{ => torchtext_unittest}/datasets/test_udpos.py (100%) rename test/{ => torchtext_unittest}/datasets/test_wikitexts.py (100%) rename test/{ => torchtext_unittest}/datasets/test_wnli.py (100%) rename test/{ => torchtext_unittest}/datasets/test_yahooanswers.py (100%) rename test/{ => torchtext_unittest}/datasets/test_yelpreviews.py (100%) rename test/{ => torchtext_unittest}/models/__init__.py (100%) rename test/{ => torchtext_unittest}/models/test_models.py (100%) rename test/{ => torchtext_unittest}/models/test_transformers.py (100%) rename test/{ => torchtext_unittest}/prototype/__init__.py (100%) rename test/{prototype/integration_tests => torchtext_unittest/prototype/models}/__init__.py (100%) rename test/{ => torchtext_unittest}/prototype/models/test_models.py (98%) rename test/{ => torchtext_unittest}/prototype/models/test_transforms.py (93%) rename test/{ => torchtext_unittest}/prototype/test_functional.py (100%) rename test/{ => torchtext_unittest}/prototype/test_transforms.py (97%) rename test/{ => torchtext_unittest}/prototype/test_vectors.py (98%) rename test/{ => torchtext_unittest}/prototype/test_with_asset.py (99%) rename test/{ => torchtext_unittest}/test_build.py (100%) rename test/{ => torchtext_unittest}/test_functional.py (100%) rename test/{ => torchtext_unittest}/test_transforms.py (100%) rename test/{ => torchtext_unittest}/test_utils.py (98%) rename test/{ => torchtext_unittest}/test_vocab.py (99%) diff --git a/.circleci/unittest/linux/scripts/run_test.sh b/.circleci/unittest/linux/scripts/run_test.sh index c8322ea5f9..3b44c3af62 100755 --- a/.circleci/unittest/linux/scripts/run_test.sh +++ b/.circleci/unittest/linux/scripts/run_test.sh @@ -6,4 +6,5 @@ eval "$(./conda/bin/conda shell.bash hook)" conda activate ./env python -m torch.utils.collect_env -pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 test +cd test +pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest diff --git a/.circleci/unittest/windows/scripts/run_test.sh b/.circleci/unittest/windows/scripts/run_test.sh index 909177e2d4..b8a62f2c56 100644 --- a/.circleci/unittest/windows/scripts/run_test.sh +++ b/.circleci/unittest/windows/scripts/run_test.sh @@ -6,4 +6,5 @@ eval "$(./conda/Scripts/conda.exe 'shell.bash' 'hook')" conda activate ./env python -m torch.utils.collect_env -pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 test +cd test +pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml new file mode 100644 index 0000000000..0c005a12a1 --- /dev/null +++ b/.github/workflows/integration-test.yml @@ -0,0 +1,31 @@ +name: Integration Test + +on: + pull_request: + branches: [main] + + workflow_dispatch: + +jobs: + build: + runs-on: ubuntu-18.04 + strategy: + fail-fast: false + matrix: + python-version: [3.8] + + steps: + - uses: actions/checkout@v2 + - name: Set up Python ${{ matrix.python-version }} + uses: actions/setup-python@v2 + with: + python-version: ${{ matrix.python-version }} + - name: Install packages + run: | + python -m pip install --quiet --upgrade pip + python -m pip install --quiet --pre torch -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html + python -m pip install --quiet pytest requests cmake ninja sentencepiece parameterized tqdm expecttest + python setup.py install + - name: Run integration test + run: | + cd test && pytest integration_tests -v --use-tmp-hub-dir diff --git a/CMakeLists.txt b/CMakeLists.txt index 1ead15d46f..ed39e644a3 100644 --- a/CMakeLists.txt +++ b/CMakeLists.txt @@ -51,6 +51,7 @@ option(BUILD_TORCHTEXT_PYTHON_EXTENSION "Build Python extension" OFF) set(CMAKE_MODULE_PATH "${CMAKE_MODULE_PATH};${CMAKE_CURRENT_SOURCE_DIR}/cmake") set(TORCH_INSTALL_PREFIX "${CMAKE_PREFIX_PATH}/../.." CACHE STRING "Install path for torch") +set(TORCH_COMPILED_WITH_CXX_ABI "-D_GLIBCXX_USE_CXX11_ABI=0" CACHE STRING "Compile torchtext with cxx11_abi") find_library(TORCH_C10_LIBRARY c10 PATHS "${TORCH_INSTALL_PREFIX}/lib") find_library(TORCH_LIBRARY torch PATHS "${TORCH_INSTALL_PREFIX}/lib") @@ -60,8 +61,7 @@ if(MSVC) set(CMAKE_MSVC_RUNTIME_LIBRARY "MultiThreaded$<$:Debug>") endif() -# TORCH_CXX_FLAGS contains the same -D_GLIBCXX_USE_CXX11_ABI value as PyTorch -set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} -Wall ${TORCH_CXX_FLAGS}") +set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} ${TORCH_COMPILED_WITH_CXX_ABI} -Wall ${TORCH_CXX_FLAGS}") add_subdirectory(third_party) add_subdirectory(torchtext/csrc) diff --git a/test/.gitignore b/test/.gitignore deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/test/integration_tests/conftest.py b/test/integration_tests/conftest.py index 6d051420ee..eff4bc0599 100644 --- a/test/integration_tests/conftest.py +++ b/test/integration_tests/conftest.py @@ -15,9 +15,9 @@ def pytest_addoption(parser): ) -@pytest.fixture(scope="class") +@pytest.fixture(autouse=True, scope="class") def temp_hub_dir(tmp_path_factory, pytestconfig): - if not pytestconfig.getoption("--use-tmp-hub-dir"): + if not pytestconfig.getoption("use_tmp_hub_dir"): yield else: tmp_dir = tmp_path_factory.mktemp("hub", numbered=True).resolve() diff --git a/test/prototype/integration_tests/test_models.py b/test/integration_tests/prototype/test_models.py similarity index 95% rename from test/prototype/integration_tests/test_models.py rename to test/integration_tests/prototype/test_models.py index 4130d67aa4..7743807031 100644 --- a/test/prototype/integration_tests/test_models.py +++ b/test/integration_tests/prototype/test_models.py @@ -1,9 +1,6 @@ import pytest # noqa: F401 import torch from parameterized import parameterized, parameterized_class -from test.common.assets import get_asset_path -from test.common.parameterized_utils import nested_params -from test.common.torchtext_test_case import TorchtextTestCase from torchtext.prototype.models import ( T5_BASE_ENCODER, T5_BASE, @@ -18,6 +15,9 @@ T5Transform, ) from torchtext.prototype.models.t5.wrapper import T5Wrapper +from torchtext_unittest.common.assets import get_asset_path +from torchtext_unittest.common.parameterized_utils import nested_params +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase BUNDLERS = { diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index d140c8190a..03422ea691 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -7,9 +7,15 @@ XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, ) +from torchtext_unittest.common.assets import get_asset_path +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase -from ..common.assets import get_asset_path -from ..common.torchtext_test_case import TorchtextTestCase +BUNDLERS = { + "xlmr_base": XLMR_BASE_ENCODER, + "xlmr_large": XLMR_LARGE_ENCODER, + "roberta_base": ROBERTA_BASE_ENCODER, + "roberta_large": ROBERTA_LARGE_ENCODER, +} BUNDLERS = { "xlmr_base": XLMR_BASE_ENCODER, diff --git a/test/prototype/models/__init__.py b/test/prototype/models/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/test/__init__.py b/test/torchtext_unittest/__init__.py similarity index 100% rename from test/__init__.py rename to test/torchtext_unittest/__init__.py diff --git a/test/asset/SST2/SST-2.zip b/test/torchtext_unittest/asset/SST2/SST-2.zip similarity index 100% rename from test/asset/SST2/SST-2.zip rename to test/torchtext_unittest/asset/SST2/SST-2.zip diff --git a/test/asset/bert_base_cased_vocab.txt b/test/torchtext_unittest/asset/bert_base_cased_vocab.txt similarity index 100% rename from test/asset/bert_base_cased_vocab.txt rename to test/torchtext_unittest/asset/bert_base_cased_vocab.txt diff --git a/test/asset/bert_base_uncased_vocab.txt b/test/torchtext_unittest/asset/bert_base_uncased_vocab.txt similarity index 100% rename from test/asset/bert_base_uncased_vocab.txt rename to test/torchtext_unittest/asset/bert_base_uncased_vocab.txt diff --git a/test/asset/clip_encoder.json b/test/torchtext_unittest/asset/clip_encoder.json similarity index 100% rename from test/asset/clip_encoder.json rename to test/torchtext_unittest/asset/clip_encoder.json diff --git a/test/asset/clip_vocab.bpe b/test/torchtext_unittest/asset/clip_vocab.bpe similarity index 100% rename from test/asset/clip_vocab.bpe rename to test/torchtext_unittest/asset/clip_vocab.bpe diff --git a/test/asset/glove.6B.zip b/test/torchtext_unittest/asset/glove.6B.zip similarity index 100% rename from test/asset/glove.6B.zip rename to test/torchtext_unittest/asset/glove.6B.zip diff --git a/test/asset/glove.840B.300d.zip b/test/torchtext_unittest/asset/glove.840B.300d.zip similarity index 100% rename from test/asset/glove.840B.300d.zip rename to test/torchtext_unittest/asset/glove.840B.300d.zip diff --git a/test/asset/gpt2_bpe_encoder.json b/test/torchtext_unittest/asset/gpt2_bpe_encoder.json similarity index 100% rename from test/asset/gpt2_bpe_encoder.json rename to test/torchtext_unittest/asset/gpt2_bpe_encoder.json diff --git a/test/asset/gpt2_bpe_vocab.bpe b/test/torchtext_unittest/asset/gpt2_bpe_vocab.bpe similarity index 100% rename from test/asset/gpt2_bpe_vocab.bpe rename to test/torchtext_unittest/asset/gpt2_bpe_vocab.bpe diff --git a/test/asset/label_names.txt b/test/torchtext_unittest/asset/label_names.txt similarity index 100% rename from test/asset/label_names.txt rename to test/torchtext_unittest/asset/label_names.txt diff --git a/test/asset/raw_datasets.jsonl b/test/torchtext_unittest/asset/raw_datasets.jsonl similarity index 100% rename from test/asset/raw_datasets.jsonl rename to test/torchtext_unittest/asset/raw_datasets.jsonl diff --git a/test/asset/roberta.base.output.pt b/test/torchtext_unittest/asset/roberta.base.output.pt similarity index 100% rename from test/asset/roberta.base.output.pt rename to test/torchtext_unittest/asset/roberta.base.output.pt diff --git a/test/asset/roberta.large.output.pt b/test/torchtext_unittest/asset/roberta.large.output.pt similarity index 100% rename from test/asset/roberta.large.output.pt rename to test/torchtext_unittest/asset/roberta.large.output.pt diff --git a/test/asset/spm_example.model b/test/torchtext_unittest/asset/spm_example.model similarity index 100% rename from test/asset/spm_example.model rename to test/torchtext_unittest/asset/spm_example.model diff --git a/test/asset/t5.base.encoder.output.pt b/test/torchtext_unittest/asset/t5.base.encoder.output.pt similarity index 100% rename from test/asset/t5.base.encoder.output.pt rename to test/torchtext_unittest/asset/t5.base.encoder.output.pt diff --git a/test/asset/t5.base.generation.output.pt b/test/torchtext_unittest/asset/t5.base.generation.output.pt similarity index 100% rename from test/asset/t5.base.generation.output.pt rename to test/torchtext_unittest/asset/t5.base.generation.output.pt diff --git a/test/asset/t5.base.model.output.pt b/test/torchtext_unittest/asset/t5.base.model.output.pt similarity index 100% rename from test/asset/t5.base.model.output.pt rename to test/torchtext_unittest/asset/t5.base.model.output.pt diff --git a/test/asset/t5.large.encoder.output.pt b/test/torchtext_unittest/asset/t5.large.encoder.output.pt similarity index 100% rename from test/asset/t5.large.encoder.output.pt rename to test/torchtext_unittest/asset/t5.large.encoder.output.pt diff --git a/test/asset/t5.large.generation.output.pt b/test/torchtext_unittest/asset/t5.large.generation.output.pt similarity index 100% rename from test/asset/t5.large.generation.output.pt rename to test/torchtext_unittest/asset/t5.large.generation.output.pt diff --git a/test/asset/t5.large.model.output.pt b/test/torchtext_unittest/asset/t5.large.model.output.pt similarity index 100% rename from test/asset/t5.large.model.output.pt rename to test/torchtext_unittest/asset/t5.large.model.output.pt diff --git a/test/asset/t5.small.encoder.output.pt b/test/torchtext_unittest/asset/t5.small.encoder.output.pt similarity index 100% rename from test/asset/t5.small.encoder.output.pt rename to test/torchtext_unittest/asset/t5.small.encoder.output.pt diff --git a/test/asset/t5.small.generation.output.pt b/test/torchtext_unittest/asset/t5.small.generation.output.pt similarity index 100% rename from test/asset/t5.small.generation.output.pt rename to test/torchtext_unittest/asset/t5.small.generation.output.pt diff --git a/test/asset/t5.small.model.output.pt b/test/torchtext_unittest/asset/t5.small.model.output.pt similarity index 100% rename from test/asset/t5.small.model.output.pt rename to test/torchtext_unittest/asset/t5.small.model.output.pt diff --git a/test/asset/t5_tokenizer_base.model b/test/torchtext_unittest/asset/t5_tokenizer_base.model similarity index 100% rename from test/asset/t5_tokenizer_base.model rename to test/torchtext_unittest/asset/t5_tokenizer_base.model diff --git a/test/asset/text_normalization_ag_news_ref_results.test b/test/torchtext_unittest/asset/text_normalization_ag_news_ref_results.test similarity index 100% rename from test/asset/text_normalization_ag_news_ref_results.test rename to test/torchtext_unittest/asset/text_normalization_ag_news_ref_results.test diff --git a/test/asset/text_normalization_ag_news_test.csv b/test/torchtext_unittest/asset/text_normalization_ag_news_test.csv similarity index 100% rename from test/asset/text_normalization_ag_news_test.csv rename to test/torchtext_unittest/asset/text_normalization_ag_news_test.csv diff --git a/test/asset/vectors_test.csv b/test/torchtext_unittest/asset/vectors_test.csv similarity index 100% rename from test/asset/vectors_test.csv rename to test/torchtext_unittest/asset/vectors_test.csv diff --git a/test/asset/vocab_raw_text_test.txt b/test/torchtext_unittest/asset/vocab_raw_text_test.txt similarity index 100% rename from test/asset/vocab_raw_text_test.txt rename to test/torchtext_unittest/asset/vocab_raw_text_test.txt diff --git a/test/asset/vocab_test.txt b/test/torchtext_unittest/asset/vocab_test.txt similarity index 100% rename from test/asset/vocab_test.txt rename to test/torchtext_unittest/asset/vocab_test.txt diff --git a/test/asset/vocab_test2.txt b/test/torchtext_unittest/asset/vocab_test2.txt similarity index 100% rename from test/asset/vocab_test2.txt rename to test/torchtext_unittest/asset/vocab_test2.txt diff --git a/test/asset/wiki.en.vec b/test/torchtext_unittest/asset/wiki.en.vec similarity index 100% rename from test/asset/wiki.en.vec rename to test/torchtext_unittest/asset/wiki.en.vec diff --git a/test/asset/xlmr.base.output.pt b/test/torchtext_unittest/asset/xlmr.base.output.pt similarity index 100% rename from test/asset/xlmr.base.output.pt rename to test/torchtext_unittest/asset/xlmr.base.output.pt diff --git a/test/asset/xlmr.large.output.pt b/test/torchtext_unittest/asset/xlmr.large.output.pt similarity index 100% rename from test/asset/xlmr.large.output.pt rename to test/torchtext_unittest/asset/xlmr.large.output.pt diff --git a/test/common/__init__.py b/test/torchtext_unittest/common/__init__.py similarity index 100% rename from test/common/__init__.py rename to test/torchtext_unittest/common/__init__.py diff --git a/test/common/assets.py b/test/torchtext_unittest/common/assets.py similarity index 100% rename from test/common/assets.py rename to test/torchtext_unittest/common/assets.py diff --git a/test/common/case_utils.py b/test/torchtext_unittest/common/case_utils.py similarity index 100% rename from test/common/case_utils.py rename to test/torchtext_unittest/common/case_utils.py diff --git a/test/common/parameterized_utils.py b/test/torchtext_unittest/common/parameterized_utils.py similarity index 100% rename from test/common/parameterized_utils.py rename to test/torchtext_unittest/common/parameterized_utils.py diff --git a/test/common/torchtext_test_case.py b/test/torchtext_unittest/common/torchtext_test_case.py similarity index 100% rename from test/common/torchtext_test_case.py rename to test/torchtext_unittest/common/torchtext_test_case.py diff --git a/test/csrc/__init__.py b/test/torchtext_unittest/csrc/__init__.py similarity index 100% rename from test/csrc/__init__.py rename to test/torchtext_unittest/csrc/__init__.py diff --git a/test/csrc/test_gpt2_bpe_tokenizer.py b/test/torchtext_unittest/csrc/test_gpt2_bpe_tokenizer.py similarity index 100% rename from test/csrc/test_gpt2_bpe_tokenizer.py rename to test/torchtext_unittest/csrc/test_gpt2_bpe_tokenizer.py diff --git a/test/data/__init__.py b/test/torchtext_unittest/data/__init__.py similarity index 100% rename from test/data/__init__.py rename to test/torchtext_unittest/data/__init__.py diff --git a/test/data/test_dataset_utils.py b/test/torchtext_unittest/data/test_dataset_utils.py similarity index 100% rename from test/data/test_dataset_utils.py rename to test/torchtext_unittest/data/test_dataset_utils.py diff --git a/test/data/test_functional.py b/test/torchtext_unittest/data/test_functional.py similarity index 100% rename from test/data/test_functional.py rename to test/torchtext_unittest/data/test_functional.py diff --git a/test/data/test_jit.py b/test/torchtext_unittest/data/test_jit.py similarity index 100% rename from test/data/test_jit.py rename to test/torchtext_unittest/data/test_jit.py diff --git a/test/data/test_metrics.py b/test/torchtext_unittest/data/test_metrics.py similarity index 100% rename from test/data/test_metrics.py rename to test/torchtext_unittest/data/test_metrics.py diff --git a/test/data/test_modules.py b/test/torchtext_unittest/data/test_modules.py similarity index 100% rename from test/data/test_modules.py rename to test/torchtext_unittest/data/test_modules.py diff --git a/test/data/test_utils.py b/test/torchtext_unittest/data/test_utils.py similarity index 100% rename from test/data/test_utils.py rename to test/torchtext_unittest/data/test_utils.py diff --git a/test/datasets/__init__.py b/test/torchtext_unittest/datasets/__init__.py similarity index 100% rename from test/datasets/__init__.py rename to test/torchtext_unittest/datasets/__init__.py diff --git a/test/datasets/common.py b/test/torchtext_unittest/datasets/common.py similarity index 100% rename from test/datasets/common.py rename to test/torchtext_unittest/datasets/common.py diff --git a/test/datasets/test_agnews.py b/test/torchtext_unittest/datasets/test_agnews.py similarity index 100% rename from test/datasets/test_agnews.py rename to test/torchtext_unittest/datasets/test_agnews.py diff --git a/test/datasets/test_amazonreviews.py b/test/torchtext_unittest/datasets/test_amazonreviews.py similarity index 100% rename from test/datasets/test_amazonreviews.py rename to test/torchtext_unittest/datasets/test_amazonreviews.py diff --git a/test/datasets/test_cc100.py b/test/torchtext_unittest/datasets/test_cc100.py similarity index 100% rename from test/datasets/test_cc100.py rename to test/torchtext_unittest/datasets/test_cc100.py diff --git a/test/datasets/test_cnndm.py b/test/torchtext_unittest/datasets/test_cnndm.py similarity index 100% rename from test/datasets/test_cnndm.py rename to test/torchtext_unittest/datasets/test_cnndm.py diff --git a/test/datasets/test_cola.py b/test/torchtext_unittest/datasets/test_cola.py similarity index 100% rename from test/datasets/test_cola.py rename to test/torchtext_unittest/datasets/test_cola.py diff --git a/test/datasets/test_conll2000chunking.py b/test/torchtext_unittest/datasets/test_conll2000chunking.py similarity index 100% rename from test/datasets/test_conll2000chunking.py rename to test/torchtext_unittest/datasets/test_conll2000chunking.py diff --git a/test/datasets/test_dbpedia.py b/test/torchtext_unittest/datasets/test_dbpedia.py similarity index 100% rename from test/datasets/test_dbpedia.py rename to test/torchtext_unittest/datasets/test_dbpedia.py diff --git a/test/datasets/test_enwik9.py b/test/torchtext_unittest/datasets/test_enwik9.py similarity index 100% rename from test/datasets/test_enwik9.py rename to test/torchtext_unittest/datasets/test_enwik9.py diff --git a/test/datasets/test_imdb.py b/test/torchtext_unittest/datasets/test_imdb.py similarity index 100% rename from test/datasets/test_imdb.py rename to test/torchtext_unittest/datasets/test_imdb.py diff --git a/test/datasets/test_iwslt2016.py b/test/torchtext_unittest/datasets/test_iwslt2016.py similarity index 100% rename from test/datasets/test_iwslt2016.py rename to test/torchtext_unittest/datasets/test_iwslt2016.py diff --git a/test/datasets/test_iwslt2017.py b/test/torchtext_unittest/datasets/test_iwslt2017.py similarity index 100% rename from test/datasets/test_iwslt2017.py rename to test/torchtext_unittest/datasets/test_iwslt2017.py diff --git a/test/datasets/test_mnli.py b/test/torchtext_unittest/datasets/test_mnli.py similarity index 100% rename from test/datasets/test_mnli.py rename to test/torchtext_unittest/datasets/test_mnli.py diff --git a/test/datasets/test_mrpc.py b/test/torchtext_unittest/datasets/test_mrpc.py similarity index 100% rename from test/datasets/test_mrpc.py rename to test/torchtext_unittest/datasets/test_mrpc.py diff --git a/test/datasets/test_multi30k.py b/test/torchtext_unittest/datasets/test_multi30k.py similarity index 100% rename from test/datasets/test_multi30k.py rename to test/torchtext_unittest/datasets/test_multi30k.py diff --git a/test/datasets/test_penntreebank.py b/test/torchtext_unittest/datasets/test_penntreebank.py similarity index 100% rename from test/datasets/test_penntreebank.py rename to test/torchtext_unittest/datasets/test_penntreebank.py diff --git a/test/datasets/test_qnli.py b/test/torchtext_unittest/datasets/test_qnli.py similarity index 100% rename from test/datasets/test_qnli.py rename to test/torchtext_unittest/datasets/test_qnli.py diff --git a/test/datasets/test_qqp.py b/test/torchtext_unittest/datasets/test_qqp.py similarity index 100% rename from test/datasets/test_qqp.py rename to test/torchtext_unittest/datasets/test_qqp.py diff --git a/test/datasets/test_rte.py b/test/torchtext_unittest/datasets/test_rte.py similarity index 100% rename from test/datasets/test_rte.py rename to test/torchtext_unittest/datasets/test_rte.py diff --git a/test/datasets/test_sogounews.py b/test/torchtext_unittest/datasets/test_sogounews.py similarity index 100% rename from test/datasets/test_sogounews.py rename to test/torchtext_unittest/datasets/test_sogounews.py diff --git a/test/datasets/test_squads.py b/test/torchtext_unittest/datasets/test_squads.py similarity index 100% rename from test/datasets/test_squads.py rename to test/torchtext_unittest/datasets/test_squads.py diff --git a/test/datasets/test_sst2.py b/test/torchtext_unittest/datasets/test_sst2.py similarity index 100% rename from test/datasets/test_sst2.py rename to test/torchtext_unittest/datasets/test_sst2.py diff --git a/test/datasets/test_stsb.py b/test/torchtext_unittest/datasets/test_stsb.py similarity index 100% rename from test/datasets/test_stsb.py rename to test/torchtext_unittest/datasets/test_stsb.py diff --git a/test/datasets/test_udpos.py b/test/torchtext_unittest/datasets/test_udpos.py similarity index 100% rename from test/datasets/test_udpos.py rename to test/torchtext_unittest/datasets/test_udpos.py diff --git a/test/datasets/test_wikitexts.py b/test/torchtext_unittest/datasets/test_wikitexts.py similarity index 100% rename from test/datasets/test_wikitexts.py rename to test/torchtext_unittest/datasets/test_wikitexts.py diff --git a/test/datasets/test_wnli.py b/test/torchtext_unittest/datasets/test_wnli.py similarity index 100% rename from test/datasets/test_wnli.py rename to test/torchtext_unittest/datasets/test_wnli.py diff --git a/test/datasets/test_yahooanswers.py b/test/torchtext_unittest/datasets/test_yahooanswers.py similarity index 100% rename from test/datasets/test_yahooanswers.py rename to test/torchtext_unittest/datasets/test_yahooanswers.py diff --git a/test/datasets/test_yelpreviews.py b/test/torchtext_unittest/datasets/test_yelpreviews.py similarity index 100% rename from test/datasets/test_yelpreviews.py rename to test/torchtext_unittest/datasets/test_yelpreviews.py diff --git a/test/models/__init__.py b/test/torchtext_unittest/models/__init__.py similarity index 100% rename from test/models/__init__.py rename to test/torchtext_unittest/models/__init__.py diff --git a/test/models/test_models.py b/test/torchtext_unittest/models/test_models.py similarity index 100% rename from test/models/test_models.py rename to test/torchtext_unittest/models/test_models.py diff --git a/test/models/test_transformers.py b/test/torchtext_unittest/models/test_transformers.py similarity index 100% rename from test/models/test_transformers.py rename to test/torchtext_unittest/models/test_transformers.py diff --git a/test/prototype/__init__.py b/test/torchtext_unittest/prototype/__init__.py similarity index 100% rename from test/prototype/__init__.py rename to test/torchtext_unittest/prototype/__init__.py diff --git a/test/prototype/integration_tests/__init__.py b/test/torchtext_unittest/prototype/models/__init__.py similarity index 100% rename from test/prototype/integration_tests/__init__.py rename to test/torchtext_unittest/prototype/models/__init__.py diff --git a/test/prototype/models/test_models.py b/test/torchtext_unittest/prototype/models/test_models.py similarity index 98% rename from test/prototype/models/test_models.py rename to test/torchtext_unittest/prototype/models/test_models.py index 6bdc4986c4..7d7fc9da66 100644 --- a/test/prototype/models/test_models.py +++ b/test/torchtext_unittest/prototype/models/test_models.py @@ -2,8 +2,8 @@ from unittest.mock import patch import torch -from test.common.torchtext_test_case import TorchtextTestCase from torch.nn import functional as F +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase class TestModels(TorchtextTestCase): diff --git a/test/prototype/models/test_transforms.py b/test/torchtext_unittest/prototype/models/test_transforms.py similarity index 93% rename from test/prototype/models/test_transforms.py rename to test/torchtext_unittest/prototype/models/test_transforms.py index e86f354fd0..82d70a4719 100644 --- a/test/prototype/models/test_transforms.py +++ b/test/torchtext_unittest/prototype/models/test_transforms.py @@ -1,7 +1,7 @@ import torch -from test.common.assets import get_asset_path -from test.common.torchtext_test_case import TorchtextTestCase from torchtext.prototype.models import T5Transform +from torchtext_unittest.common.assets import get_asset_path +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase class TestTransforms(TorchtextTestCase): diff --git a/test/prototype/test_functional.py b/test/torchtext_unittest/prototype/test_functional.py similarity index 100% rename from test/prototype/test_functional.py rename to test/torchtext_unittest/prototype/test_functional.py diff --git a/test/prototype/test_transforms.py b/test/torchtext_unittest/prototype/test_transforms.py similarity index 97% rename from test/prototype/test_transforms.py rename to test/torchtext_unittest/prototype/test_transforms.py index 71e9c02f74..3b28b07864 100644 --- a/test/prototype/test_transforms.py +++ b/test/torchtext_unittest/prototype/test_transforms.py @@ -3,14 +3,14 @@ import tempfile import torch -from test.common.assets import get_asset_path -from test.common.torchtext_test_case import TorchtextTestCase from torchtext.prototype.transforms import ( sentencepiece_processor, sentencepiece_tokenizer, VectorTransform, ) from torchtext.prototype.vectors import FastText +from torchtext_unittest.common.assets import get_asset_path +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase class TestTransforms(TorchtextTestCase): diff --git a/test/prototype/test_vectors.py b/test/torchtext_unittest/prototype/test_vectors.py similarity index 98% rename from test/prototype/test_vectors.py rename to test/torchtext_unittest/prototype/test_vectors.py index 088fb343cb..2c001cc265 100644 --- a/test/prototype/test_vectors.py +++ b/test/torchtext_unittest/prototype/test_vectors.py @@ -4,8 +4,8 @@ import unittest import torch -from test.common.torchtext_test_case import TorchtextTestCase from torchtext.prototype.vectors import build_vectors +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase class TestVectors(TorchtextTestCase): diff --git a/test/prototype/test_with_asset.py b/test/torchtext_unittest/prototype/test_with_asset.py similarity index 99% rename from test/prototype/test_with_asset.py rename to test/torchtext_unittest/prototype/test_with_asset.py index c5a85086f4..ff3f732c7c 100644 --- a/test/prototype/test_with_asset.py +++ b/test/torchtext_unittest/prototype/test_with_asset.py @@ -6,7 +6,6 @@ from functools import partial import torch -from test.common.torchtext_test_case import TorchtextTestCase from torch.utils.data import DataLoader from torchtext.data.functional import custom_replace from torchtext.prototype.transforms import ( @@ -19,6 +18,7 @@ from torchtext.prototype.vectors import build_vectors, FastText, GloVe, load_vectors_from_file_path from torchtext.prototype.vocab_factory import build_vocab_from_text_file, load_vocab_from_file from torchtext.utils import download_from_url +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase from ..common.assets import get_asset_path diff --git a/test/test_build.py b/test/torchtext_unittest/test_build.py similarity index 100% rename from test/test_build.py rename to test/torchtext_unittest/test_build.py diff --git a/test/test_functional.py b/test/torchtext_unittest/test_functional.py similarity index 100% rename from test/test_functional.py rename to test/torchtext_unittest/test_functional.py diff --git a/test/test_transforms.py b/test/torchtext_unittest/test_transforms.py similarity index 100% rename from test/test_transforms.py rename to test/torchtext_unittest/test_transforms.py diff --git a/test/test_utils.py b/test/torchtext_unittest/test_utils.py similarity index 98% rename from test/test_utils.py rename to test/torchtext_unittest/test_utils.py index c28299dc82..b647603bf0 100644 --- a/test/test_utils.py +++ b/test/torchtext_unittest/test_utils.py @@ -5,9 +5,9 @@ import unittest from urllib.parse import urljoin -from test.common.assets import conditional_remove, get_asset_path from torchtext import _TEXT_BUCKET from torchtext import utils +from torchtext_unittest.common.assets import conditional_remove, get_asset_path from .common.torchtext_test_case import TorchtextTestCase diff --git a/test/test_vocab.py b/test/torchtext_unittest/test_vocab.py similarity index 99% rename from test/test_vocab.py rename to test/torchtext_unittest/test_vocab.py index ff46450ae3..ca310e1a68 100644 --- a/test/test_vocab.py +++ b/test/torchtext_unittest/test_vocab.py @@ -4,8 +4,8 @@ import pytest import torch -from test.common.torchtext_test_case import TorchtextTestCase from torchtext.vocab import build_vocab_from_iterator, vocab +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase class TestVocab(TorchtextTestCase): diff --git a/tools/setup_helpers/extension.py b/tools/setup_helpers/extension.py index 1f7236e4c2..760b3bb798 100644 --- a/tools/setup_helpers/extension.py +++ b/tools/setup_helpers/extension.py @@ -21,6 +21,10 @@ _ROOT_DIR = _THIS_DIR.parent.parent.resolve() +def _get_cxx11_abi(): + return "-D_GLIBCXX_USE_CXX11_ABI=" + str(int(torch.compiled_with_cxx11_abi())) + + def get_ext_modules(): modules = [ Extension(name=_LIBTORCHTEXT_NAME, sources=[]), @@ -72,6 +76,7 @@ def build_extension(self, ext): "-DBUILD_SHARED_LIBS=OFF", "-DCMAKE_POLICY_DEFAULT_CMP0063=NEW", "-DSPM_ENABLE_SHARED=OFF", + f"-DTORCH_COMPILED_WITH_CXX_ABI={_get_cxx11_abi()}", ] build_args = ["--target", "install"] From b0df58b827aeff6e29665a34e4ab29c68f168f64 Mon Sep 17 00:00:00 2001 From: Sumit Kumar Date: Mon, 19 Sep 2022 12:04:33 -0700 Subject: [PATCH 320/463] Add never_split feature to BERTTokenizer (#1898) * Add never_split feature to BERTTokenizer * fix logical operator * move set creation to BERTEncoder constructor Co-authored-by: Sumit Kumar --- test/torchtext_unittest/test_transforms.py | 138 ++++++++++++++++----- torchtext/csrc/bert_tokenizer.cpp | 121 +++++++++++------- torchtext/csrc/bert_tokenizer.h | 24 +++- torchtext/csrc/register_pybindings.cpp | 6 +- torchtext/csrc/register_torchbindings.cpp | 6 +- torchtext/transforms.py | 16 ++- 6 files changed, 222 insertions(+), 89 deletions(-) diff --git a/test/torchtext_unittest/test_transforms.py b/test/torchtext_unittest/test_transforms.py index 76f84b66aa..995f3585d6 100644 --- a/test/torchtext_unittest/test_transforms.py +++ b/test/torchtext_unittest/test_transforms.py @@ -1,5 +1,6 @@ import os from collections import OrderedDict +from typing import List, Optional from unittest.mock import patch import torch @@ -586,7 +587,9 @@ def test_clip_tokenizer_save_load_torchscript(self) -> None: class TestBERTTokenizer(TorchtextTestCase): - def _load_tokenizer(self, test_scripting: bool, do_lower_case: bool, return_tokens: bool): + def _load_tokenizer( + self, test_scripting: bool, do_lower_case: bool, return_tokens: bool, never_split: Optional[List[str]] = None + ): if do_lower_case: vocab_file = "bert_base_uncased_vocab.txt" else: @@ -596,46 +599,117 @@ def _load_tokenizer(self, test_scripting: bool, do_lower_case: bool, return_toke vocab_path=get_asset_path(vocab_file), do_lower_case=do_lower_case, return_tokens=return_tokens, + never_split=never_split, ) if test_scripting: tokenizer = torch.jit.script(tokenizer) return tokenizer - def _bert_tokenizer(self, tokenizer, do_lower_case): + def _bert_tokenizer(self, tokenizer, do_lower_case, never_split: Optional[List[str]] = None): sample_texts = [ "Hello World!, how are you?", "Hélló WoŕlḊ¿", "Respublica superiorem", "Avdija Vršajević în", + " \tHeLLo!how \n Are yoU? [UNK]", + "hi world [UNK] [CLS]", + "testing, [UNK] words! [SEP]", ] - if do_lower_case: - expected_tokens = [ - ["hello", "world", "!", ",", "how", "are", "you", "?"], - ["hello", "world", "¿"], - ["res", "##pu", "##bl", "##ica", "superior", "##em"], - ["av", "##di", "##ja", "vr", "##sa", "##jevic", "in"], - ] - expected_token_ids = [ - ["7592", "2088", "999", "1010", "2129", "2024", "2017", "1029"], - ["7592", "2088", "1094"], - ["24501", "14289", "16558", "5555", "6020", "6633"], - ["20704", "4305", "3900", "27830", "3736", "26782", "1999"], - ] + if not never_split: + if do_lower_case: + expected_tokens = [ + ["hello", "world", "!", ",", "how", "are", "you", "?"], + ["hello", "world", "¿"], + ["res", "##pu", "##bl", "##ica", "superior", "##em"], + ["av", "##di", "##ja", "vr", "##sa", "##jevic", "in"], + ["hello", "!", "how", "are", "you", "?", "[", "un", "##k", "]"], + ["hi", "world", "[", "un", "##k", "]", "[", "cl", "##s", "]"], + ["testing", ",", "[", "un", "##k", "]", "words", "!", "[", "sep", "]"], + ] + expected_token_ids = [ + ["7592", "2088", "999", "1010", "2129", "2024", "2017", "1029"], + ["7592", "2088", "1094"], + ["24501", "14289", "16558", "5555", "6020", "6633"], + ["20704", "4305", "3900", "27830", "3736", "26782", "1999"], + ["7592", "999", "2129", "2024", "2017", "1029", "1031", "4895", "2243", "1033"], + ["7632", "2088", "1031", "4895", "2243", "1033", "1031", "18856", "2015", "1033"], + ["5604", "1010", "1031", "4895", "2243", "1033", "2616", "999", "1031", "19802", "1033"], + ] + else: + expected_tokens = [ + ["Hello", "World", "!", ",", "how", "are", "you", "?"], + ["H", "##é", "##ll", "##ó", "[UNK]", "¿"], + ["Re", "##sp", "##ub", "##lica", "superior", "##em"], + ["A", "##v", "##di", "##ja", "V", "##r", "##ša", "##je", "##vić", "î", "##n"], + ["He", "##LL", "##o", "!", "how", "Are", "yo", "##U", "?", "[", "UN", "##K", "]"], + ["hi", "world", "[", "UN", "##K", "]", "[", "C", "##LS", "]"], + ["testing", ",", "[", "UN", "##K", "]", "words", "!", "[", "SE", "##P", "]"], + ] + expected_token_ids = [ + ["8667", "1291", "106", "117", "1293", "1132", "1128", "136"], + ["145", "2744", "2339", "7774", "100", "225"], + ["11336", "20080", "10354", "9538", "7298", "5521"], + ["138", "1964", "3309", "3174", "159", "1197", "23834", "5561", "10225", "260", "1179"], + [ + "1124", + "23955", + "1186", + "106", + "1293", + "2372", + "26063", + "2591", + "136", + "164", + "7414", + "2428", + "166", + ], + ["20844", "1362", "164", "7414", "2428", "166", "164", "140", "15928", "166"], + ["5193", "117", "164", "7414", "2428", "166", "1734", "106", "164", "12342", "2101", "166"], + ] else: - expected_tokens = [ - ["Hello", "World", "!", ",", "how", "are", "you", "?"], - ["H", "##é", "##ll", "##ó", "[UNK]", "¿"], - ["Re", "##sp", "##ub", "##lica", "superior", "##em"], - ["A", "##v", "##di", "##ja", "V", "##r", "##ša", "##je", "##vić", "î", "##n"], - ] - expected_token_ids = [ - ["8667", "1291", "106", "117", "1293", "1132", "1128", "136"], - ["145", "2744", "2339", "7774", "100", "225"], - ["11336", "20080", "10354", "9538", "7298", "5521"], - ["138", "1964", "3309", "3174", "159", "1197", "23834", "5561", "10225", "260", "1179"], - ] + if do_lower_case: + expected_tokens = [ + ["hello", "world", "!", ",", "how", "are", "you", "?"], + ["hello", "world", "¿"], + ["res", "##pu", "##bl", "##ica", "superior", "##em"], + ["av", "##di", "##ja", "vr", "##sa", "##jevic", "in"], + ["hello", "!", "how", "are", "you", "?", "[UNK]"], + ["hi", "world", "[UNK]", "[CLS]"], + ["testing", ",", "[UNK]", "words", "!", "[", "sep", "]"], + ] + expected_token_ids = [ + ["7592", "2088", "999", "1010", "2129", "2024", "2017", "1029"], + ["7592", "2088", "1094"], + ["24501", "14289", "16558", "5555", "6020", "6633"], + ["20704", "4305", "3900", "27830", "3736", "26782", "1999"], + ["7592", "999", "2129", "2024", "2017", "1029", "100"], + ["7632", "2088", "100", "101"], + ["5604", "1010", "100", "2616", "999", "1031", "19802", "1033"], + ] + + else: + expected_tokens = [ + ["Hello", "World", "!", ",", "how", "are", "you", "?"], + ["H", "##é", "##ll", "##ó", "[UNK]", "¿"], + ["Re", "##sp", "##ub", "##lica", "superior", "##em"], + ["A", "##v", "##di", "##ja", "V", "##r", "##ša", "##je", "##vić", "î", "##n"], + ["He", "##LL", "##o", "!", "how", "Are", "yo", "##U", "?", "[UNK]"], + ["hi", "world", "[UNK]", "[CLS]"], + ["testing", ",", "[UNK]", "words", "!", "[", "SE", "##P", "]"], + ] + expected_token_ids = [ + ["8667", "1291", "106", "117", "1293", "1132", "1128", "136"], + ["145", "2744", "2339", "7774", "100", "225"], + ["11336", "20080", "10354", "9538", "7298", "5521"], + ["138", "1964", "3309", "3174", "159", "1197", "23834", "5561", "10225", "260", "1179"], + ["1124", "23955", "1186", "106", "1293", "2372", "26063", "2591", "136", "100"], + ["20844", "1362", "100", "101"], + ["5193", "117", "100", "1734", "106", "164", "12342", "2101", "166"], + ] # test batch of sentences if tokenizer._return_tokens: @@ -650,14 +724,18 @@ def _bert_tokenizer(self, tokenizer, do_lower_case): else: self.assertEqual(tokenizer(txt), expected_token_ids[idx]) - @nested_params([True, False], [True, False], [True, False]) - def test_bert_tokenizer(self, test_scripting, do_lower_case, return_tokens): + @nested_params([True, False], [True, False], [True, False], [[], None, ["[UNK]", "[CLS]"]]) + def test_bert_tokenizer(self, test_scripting, do_lower_case, return_tokens, never_split): """test tokenization on single sentence input as well as batch on sentences""" self._bert_tokenizer( self._load_tokenizer( - test_scripting=test_scripting, do_lower_case=do_lower_case, return_tokens=return_tokens + test_scripting=test_scripting, + do_lower_case=do_lower_case, + return_tokens=return_tokens, + never_split=never_split, ), do_lower_case=do_lower_case, + never_split=never_split, ) @nested_params([True, False], [True, False], [True, False]) diff --git a/torchtext/csrc/bert_tokenizer.cpp b/torchtext/csrc/bert_tokenizer.cpp index 7c75995c9b..2242588d1e 100644 --- a/torchtext/csrc/bert_tokenizer.cpp +++ b/torchtext/csrc/bert_tokenizer.cpp @@ -132,38 +132,52 @@ static std::string _convert_from_unicode(const UString& text) { return ret; } -static void to_lower(UString& text) { - for (size_t i = 0; i < text.size(); i++) { - text[i] = utf8proc_tolower(text[i]); +static void to_lower(UString& token) { + for (size_t i = 0; i < token.size(); i++) { + token[i] = utf8proc_tolower(token[i]); } } BERTEncoder::BERTEncoder( const std::string& vocab_file, bool do_lower_case, - c10::optional strip_accents) + c10::optional strip_accents, + std::vector never_split) : vocab_{_read_vocab(vocab_file)}, do_lower_case_{do_lower_case}, - strip_accents_{strip_accents} {} + strip_accents_{strip_accents}, + never_split_{never_split} { + never_split_set_.insert(never_split_.begin(), never_split_.end()); +} BERTEncoder::BERTEncoder( Vocab vocab, bool do_lower_case, - c10::optional strip_accents) + c10::optional strip_accents, + std::vector never_split) : vocab_{vocab}, do_lower_case_{do_lower_case}, - strip_accents_{strip_accents} {} + strip_accents_{strip_accents}, + never_split_{never_split} { + never_split_set_.insert(never_split_.begin(), never_split_.end()); +} -UString BERTEncoder::_clean(const UString& text, bool strip_accents) { +UString BERTEncoder::_clean( + const UString& token, + bool strip_accents, + bool is_never_split_token) { /* This function combines: * cleaning * strip accents */ - size_t len = text.size(); + size_t len = token.size(); UString ret; for (size_t i = 0; i < len; i++) { - uint32_t c = text[i]; - if (c == 0 || c == 0xFFFD || _is_control(c) || + uint32_t c = token[i]; + if (c == 0 || c == 0xFFFD || _is_control(c)) { + continue; + } + if ((!is_never_split_token) && (utf8proc_category(c) == UTF8PROC_CATEGORY_MN && strip_accents)) { continue; } @@ -221,7 +235,9 @@ void BERTEncoder::_max_seg( } } -UString BERTEncoder::_basic_tokenize(const UString& text) { +UString BERTEncoder::_basic_tokenize( + const UString& token, + bool is_never_split_token) { /* This function enables white space based tokenization for following: * chinese character @@ -229,10 +245,10 @@ UString BERTEncoder::_basic_tokenize(const UString& text) { */ UString ret; - size_t len = text.size(); + size_t len = token.size(); for (size_t i = 0; i < len; i++) { - uint32_t c = text[i]; - if (_is_chinese_char(c) || _is_punct_char(c)) { + uint32_t c = token[i]; + if (_is_chinese_char(c) || (_is_punct_char(c) && !is_never_split_token)) { if (!ret.empty() && ret.back() != ' ') { ret.append(1, ' '); } @@ -254,51 +270,56 @@ UString BERTEncoder::_basic_tokenize(const UString& text) { std::vector BERTEncoder::Tokenize(std::string text) { std::vector results; + std::vector interim_results; + std::vector tokens; - // normalize + // split based on whitespace + split_(text, tokens); - bool strip_accents = do_lower_case_; + for (auto& token : tokens) { + bool is_never_split_token = + never_split_set_.find(token) != never_split_set_.end(); - if (strip_accents_.has_value()) { - strip_accents = strip_accents_.has_value(); - } + // normalize - if (strip_accents) { - char* nfkcstr = reinterpret_cast( - utf8proc_NFD(reinterpret_cast(text.c_str()))); - if (nfkcstr == nullptr) { - return {}; - } + bool strip_accents = do_lower_case_; - text.assign(nfkcstr, strlen(nfkcstr)); + if (strip_accents_.has_value()) { + strip_accents = strip_accents_.has_value(); + } - free(nfkcstr); - } + if (strip_accents) { + char* nfkcstr = reinterpret_cast( + utf8proc_NFD(reinterpret_cast(token.c_str()))); + if (nfkcstr == nullptr) { + return {}; + } - // convert to unicode codepoints - UString unicodes = _convert_to_unicode(text); + token.assign(nfkcstr, strlen(nfkcstr)); - // clean -> invalid character removal, whitespce cleanup, strip accents - unicodes = _clean(unicodes, strip_accents); + free(nfkcstr); + } - // Add whitespace in front/back of tokens to enable splitting based on - // white-space Enables tokenization on chinese characters, Punctuations - unicodes = _basic_tokenize(unicodes); + // convert to unicode codepoints + UString unicodes = _convert_to_unicode(token); - // Convert text to lower-case - if (do_lower_case_) - to_lower(unicodes); + // clean -> invalid character removal, whitespce cleanup, strip accents + unicodes = _clean(unicodes, strip_accents, is_never_split_token); - // Convert back to string from code-points - std::string newtext = _convert_from_unicode(unicodes); + // Add whitespace in front/back of tokens to enable splitting based on + // white-space Enables tokenization on chinese characters, Punctuations + unicodes = _basic_tokenize(unicodes, is_never_split_token); - std::vector tokens; + // Convert token to lower-case + if (do_lower_case_ && !is_never_split_token) + to_lower(unicodes); - // split based on whitespace - split_(newtext, tokens); + // Convert back to string from code-points + split_(_convert_from_unicode(unicodes), interim_results); + } // Perform WORDPIECE tokenization - for (auto s : tokens) { + for (auto s : interim_results) { if (s.size() > kMaxCharsPerWords) { results.push_back(kUnkToken); } else { @@ -338,16 +359,20 @@ std::vector> BERTEncoder::BatchEncode( BERTEncoderStates _serialize_bert_encoder( const c10::intrusive_ptr& self) { return std::make_tuple( - self->do_lower_case_, self->strip_accents_, self->vocab_.itos_); + self->do_lower_case_, + self->strip_accents_, + self->never_split_, + self->vocab_.itos_); } c10::intrusive_ptr _deserialize_bert_encoder( BERTEncoderStates states) { auto do_lower_case = std::get<0>(states); auto strip_accents = std::get<1>(states); - auto strings = std::get<2>(states); + auto never_split = std::get<2>(states); + auto strings = std::get<3>(states); return c10::make_intrusive( - Vocab(std::move(strings)), do_lower_case, strip_accents); + Vocab(std::move(strings)), do_lower_case, strip_accents, never_split); } } // namespace torchtext diff --git a/torchtext/csrc/bert_tokenizer.h b/torchtext/csrc/bert_tokenizer.h index 66ad101419..87b0eb2cf7 100644 --- a/torchtext/csrc/bert_tokenizer.h +++ b/torchtext/csrc/bert_tokenizer.h @@ -9,19 +9,26 @@ typedef std::basic_string UString; typedef ska_ordered::order_preserving_flat_hash_map IndexDict; -// stores (do_lower_case, strip_accents, list of tokens in vocabulary) -typedef std::tuple, std::vector> +// stores (do_lower_case, strip_accents, never_split, list of tokens in +// vocabulary) +typedef std::tuple< + bool, + c10::optional, + std::vector, + std::vector> BERTEncoderStates; struct BERTEncoder : torch::CustomClassHolder { TORCHTEXT_API BERTEncoder( const std::string& vocab_file, bool do_lower_case, - c10::optional strip_accents); + c10::optional strip_accents, + std::vector never_split); BERTEncoder( Vocab vocab, bool do_lower_case, - c10::optional strip_accents); + c10::optional strip_accents, + std::vector never_split); TORCHTEXT_API std::vector Tokenize(std::string text); TORCHTEXT_API std::vector Encode(std::string text); TORCHTEXT_API std::vector> BatchTokenize( @@ -32,11 +39,16 @@ struct BERTEncoder : torch::CustomClassHolder { Vocab vocab_; bool do_lower_case_; c10::optional strip_accents_ = {}; + std::vector never_split_; + std::set never_split_set_; protected: - UString _clean(const UString& text, bool strip_accents); + UString _clean( + const UString& text, + bool strip_accents, + bool is_never_split_token); void _max_seg(const std::string& s, std::vector& results); - UString _basic_tokenize(const UString& text); + UString _basic_tokenize(const UString& token, bool is_never_split_token); void split_( const std::string& str, std::vector& tokens, diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index ce8a1297a7..80f3591cf3 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -217,7 +217,11 @@ PYBIND11_MODULE(_torchtext, m) { })); py::class_>(m, "BERTEncoder") - .def(py::init>()) + .def(py::init< + const std::string, + bool, + c10::optional, + std::vector>()) .def("encode", &BERTEncoder::Encode) .def("tokenize", &BERTEncoder::Tokenize) .def( diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 6b03cfea53..64427f12e4 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -174,7 +174,11 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { }); m.class_("BERTEncoder") - .def(torch::init>()) + .def(torch::init< + const std::string, + bool, + c10::optional, + std::vector>()) .def("encode", &BERTEncoder::Encode) .def("tokenize", &BERTEncoder::Tokenize) .def( diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 84e93aa3cc..b2d90c88ac 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -564,21 +564,31 @@ class BERTTokenizer(Module): :type strip_accents: Optional[bool] :param return_tokens: Indicate whether to return tokens. If false, returns corresponding token IDs as strings (default: False) :type return_tokens: bool + :param never_split: Collection of tokens which will not be split during tokenization. (default: None) + :type never_split: Optional[List[str]] """ __jit_unused_properties__ = ["is_jitable"] def __init__( - self, vocab_path: str, do_lower_case: bool = True, strip_accents: Optional[bool] = None, return_tokens=False + self, + vocab_path: str, + do_lower_case: bool = True, + strip_accents: Optional[bool] = None, + return_tokens=False, + never_split: Optional[List[str]] = None, ) -> None: super().__init__() + if never_split is None: + never_split = [] self.bert_model = BERTEncoderPyBind( - get_asset_local_path(vocab_path, overwite=True), do_lower_case, strip_accents + get_asset_local_path(vocab_path, overwite=True), do_lower_case, strip_accents, never_split ) self._return_tokens = return_tokens self._vocab_path = vocab_path self._do_lower_case = do_lower_case self._strip_accents = strip_accents + self._never_split = never_split @property def is_jitable(self): @@ -654,7 +664,7 @@ def __prepare_scriptable__(self): if not self.is_jitable: tokenizer_copy = deepcopy(self) tokenizer_copy.bert_model = torch.classes.torchtext.BERTEncoder( - self._vocab_path, self._do_lower_case, self._strip_accents + self._vocab_path, self._do_lower_case, self._strip_accents, self._never_split ) return tokenizer_copy From befea6e5538da25f5a92b9982d69050766808cdc Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 20 Sep 2022 12:53:01 -0400 Subject: [PATCH 321/463] Add missing Cmake file for in tokenizer dir (#1908) --- examples/libtorchtext/.gitignore | 2 ++ examples/libtorchtext/tokenizer/CMakeLists.txt | 3 +++ 2 files changed, 5 insertions(+) create mode 100644 examples/libtorchtext/tokenizer/CMakeLists.txt diff --git a/examples/libtorchtext/.gitignore b/examples/libtorchtext/.gitignore index 85e34dcc83..48ba29d914 100644 --- a/examples/libtorchtext/.gitignore +++ b/examples/libtorchtext/.gitignore @@ -1,2 +1,4 @@ build **/*.pt +**/*.bpe +**/*.json diff --git a/examples/libtorchtext/tokenizer/CMakeLists.txt b/examples/libtorchtext/tokenizer/CMakeLists.txt new file mode 100644 index 0000000000..5411765c99 --- /dev/null +++ b/examples/libtorchtext/tokenizer/CMakeLists.txt @@ -0,0 +1,3 @@ +add_executable(tokenize main.cpp) +target_link_libraries(tokenize "${TORCH_LIBRARIES}" "${TORCHTEXT_LIBRARY}") +set_property(TARGET tokenize PROPERTY CXX_STANDARD 14) From 9b06d563f5a513081642b37a6a3b1b12a24eb8b0 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 20 Sep 2022 12:53:29 -0400 Subject: [PATCH 322/463] Fix Sphinx-gallery display and pin sphinx-related packages (#1907) * Fix Sphinx-gallery display and pin sphinx-related packages * Resolving PR comments * Resolving PR comments * Remove language = None from docs --- docs/requirements.txt | 4 ++-- docs/source/_static/css/pytorch_theme.css | 9 +++++++++ docs/source/conf.py | 7 ------- 3 files changed, 11 insertions(+), 9 deletions(-) diff --git a/docs/requirements.txt b/docs/requirements.txt index 3f57086887..2f20beb5b4 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -1,5 +1,5 @@ Jinja2<3.1.0 -sphinx==3.5.4 +sphinx==5.1.1 -e git+https://github.com/pytorch/pytorch_sphinx_theme.git@cece053#egg=pytorch_sphinx_theme +sphinx_gallery==0.11.1 matplotlib -sphinx_gallery diff --git a/docs/source/_static/css/pytorch_theme.css b/docs/source/_static/css/pytorch_theme.css index 98e64e0da1..7c6b579f6f 100644 --- a/docs/source/_static/css/pytorch_theme.css +++ b/docs/source/_static/css/pytorch_theme.css @@ -115,3 +115,12 @@ nav .hidden-section { .wy-side-nav-search>div.version { color: #000; } + +/* Fix for Sphinx gallery 0.11 +See https://github.com/sphinx-gallery/sphinx-gallery/issues/990 +*/ +article.pytorch-article .sphx-glr-thumbnails .sphx-glr-thumbcontainer { + width: unset; + margin-right: 0; + margin-left: 0; +} diff --git a/docs/source/conf.py b/docs/source/conf.py index 386fbd4537..6e80a7de5e 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -145,13 +145,6 @@ def _get_pattern(): version = f"Nightly Build ({torchtext.__version__})" release = "nightly" -# The language for content autogenerated by Sphinx. Refer to documentation -# for a list of supported languages. -# -# This is also used if you do content translation via gettext catalogs. -# Usually you set "language" from the command line for these cases. -language = None - # List of patterns, relative to source directory, that match files and # directories to ignore when looking for source files. # This patterns also effect to html_static_path and html_extra_path From 766cf9d74b6b54305416f5061e6989759011f34e Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 27 Sep 2022 10:05:17 -0400 Subject: [PATCH 323/463] Resolve and remove TODO comments (#1912) * Resolve and reemove TODOs * remove todo --- test/torchtext_unittest/prototype/test_functional.py | 4 ---- torchtext/datasets/multi30k.py | 7 +++---- 2 files changed, 3 insertions(+), 8 deletions(-) diff --git a/test/torchtext_unittest/prototype/test_functional.py b/test/torchtext_unittest/prototype/test_functional.py index ef4f096277..f6da11e809 100644 --- a/test/torchtext_unittest/prototype/test_functional.py +++ b/test/torchtext_unittest/prototype/test_functional.py @@ -1,6 +1,4 @@ import os -import platform -import unittest import torch import torchtext.data as data @@ -10,8 +8,6 @@ class TestFunctional(TorchtextTestCase): - # TODO(Nayef211): remove decorator once https://github.com/pytorch/pytorch/issues/38207 is closed - @unittest.skipIf(platform.system() == "Windows", "Test is known to fail on Windows.") def test_BasicEnglishNormalize(self) -> None: test_sample = "'\".
,()!?;: Basic English Normalization for a Line of Text '\".
,()!?;:" ref_results = [ diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 47f5fb3a33..ce974e9471 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -12,11 +12,10 @@ from torchdata.datapipes.iter import FileOpener, IterableWrapper from torchtext._download_hooks import HttpReader -# TODO: Update URL to original once the server is back up (see https://github.com/pytorch/text/issues/1756) URL = { - "train": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/training.tar.gz", - "valid": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/validation.tar.gz", - "test": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/mmt16_task1_test.tar.gz", + "train": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", + "valid": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", + "test": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/mmt16_task1_test.tar.gz", } MD5 = { From 5c48f4a4e9f4691428de7582041115876b9368c5 Mon Sep 17 00:00:00 2001 From: Sugawara Date: Wed, 28 Sep 2022 00:41:25 +0900 Subject: [PATCH 324/463] Avoid looping through the whole counter in bleu_score method (#1913) * avoid to loop through the whole counter in bleu_score method * fix bug when max_n > len(candidate) * add comment to explain L88 --- torchtext/data/metrics.py | 14 ++++++++------ 1 file changed, 8 insertions(+), 6 deletions(-) diff --git a/torchtext/data/metrics.py b/torchtext/data/metrics.py index 76fc09d9e9..ff21fa7d0a 100644 --- a/torchtext/data/metrics.py +++ b/torchtext/data/metrics.py @@ -65,11 +65,12 @@ def bleu_score(candidate_corpus, references_corpus, max_n=4, weights=[0.25] * 4) refs_len = 0.0 for (candidate, refs) in zip(candidate_corpus, references_corpus): - candidate_len += len(candidate) + current_candidate_len = len(candidate) + candidate_len += current_candidate_len # Get the length of the reference that's closest in length to the candidate refs_len_list = [float(len(ref)) for ref in refs] - refs_len += min(refs_len_list, key=lambda x: abs(len(candidate) - x)) + refs_len += min(refs_len_list, key=lambda x: abs(current_candidate_len - x)) reference_counters = _compute_ngram_counter(refs[0], max_n) for ref in refs[1:]: @@ -79,11 +80,12 @@ def bleu_score(candidate_corpus, references_corpus, max_n=4, weights=[0.25] * 4) clipped_counter = candidate_counter & reference_counters - for ngram in clipped_counter: - clipped_counts[len(ngram) - 1] += clipped_counter[ngram] + for ngram, count in clipped_counter.items(): + clipped_counts[len(ngram) - 1] += count - for ngram in candidate_counter: # TODO: no need to loop through the whole counter - total_counts[len(ngram) - 1] += candidate_counter[ngram] + for i in range(max_n): + # The number of N-grams in a `candidate` of T tokens is `T - (N - 1)` + total_counts[i] += max(current_candidate_len - i, 0) if min(clipped_counts) == 0: return 0.0 From 52436c8985e8d1fde5cde5fcb380424cd3433a44 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 27 Sep 2022 14:00:40 -0400 Subject: [PATCH 325/463] Resolve inconsistency in IMDB label output (#1914) --- test/torchtext_unittest/datasets/test_imdb.py | 4 ++-- torchtext/datasets/imdb.py | 4 +++- 2 files changed, 5 insertions(+), 3 deletions(-) diff --git a/test/torchtext_unittest/datasets/test_imdb.py b/test/torchtext_unittest/datasets/test_imdb.py index cb9ab3b62d..c71f53560e 100644 --- a/test/torchtext_unittest/datasets/test_imdb.py +++ b/test/torchtext_unittest/datasets/test_imdb.py @@ -29,8 +29,8 @@ def _get_mock_dataset(root_dir): for i in range(5): # all negative labels are read first before positive labels in the # IMDB dataset implementation - label = "neg" if i < 2 else "pos" - cur_dir = pos_dir if label == "pos" else neg_dir + label = 1 if i < 2 else 2 + cur_dir = pos_dir if label == 2 else neg_dir txt_file = os.path.join(cur_dir, f"{i}{i}_{i}.txt") with open(txt_file, "w", encoding="utf-8") as f: rand_string = get_random_unicode(seed) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 1e11ad95ab..debb5c06f3 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -20,6 +20,8 @@ "test": 25000, } +MAP_LABELS = {"neg": 1, "pos": 2} + _PATH = "aclImdb_v1.tar.gz" DATASET_NAME = "IMDB" @@ -50,7 +52,7 @@ def _cache_filepath_fn(root, decompressed_folder, split, x): def _modify_res(t): - return Path(t[0]).parts[-1], t[1] + return MAP_LABELS[Path(t[0]).parts[-1]], t[1] def filter_imdb_data(key, fname): From 258a3562b5f658ba945c43ad6406630c455176bc Mon Sep 17 00:00:00 2001 From: Sumit Kumar Date: Mon, 3 Oct 2022 09:21:07 -0700 Subject: [PATCH 326/463] Add decoding capability to GPT2BPE tokenizer (#1919) * add decoding capability to GPT2BPE tokenizer * use wstring_convert for all conversions * minor update to comment and string creation logic * move converter definition outside of for loop --- test/torchtext_unittest/test_transforms.py | 22 ++++++++++++++++ torchtext/csrc/gpt2_bpe_tokenizer.cpp | 29 +++++++++++++++++++++- torchtext/csrc/gpt2_bpe_tokenizer.h | 3 +++ torchtext/csrc/register_pybindings.cpp | 1 + torchtext/csrc/register_torchbindings.cpp | 1 + torchtext/transforms.py | 10 ++++++++ 6 files changed, 65 insertions(+), 1 deletion(-) diff --git a/test/torchtext_unittest/test_transforms.py b/test/torchtext_unittest/test_transforms.py index 995f3585d6..d514cc9701 100644 --- a/test/torchtext_unittest/test_transforms.py +++ b/test/torchtext_unittest/test_transforms.py @@ -364,11 +364,33 @@ def _gpt2_bpe_tokenizer(self, tokenizer): else: self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + def _gpt2_bpe_decoder(self, tokenizer): + sample_ids = [ + ["15496", "2159", "28265", "703", "389", "345", "30"], + ["39", "2634", "297", "10205", "220", "22173", "129", "243", "75", "41585", "232", "126", "123"], + ["4965", "11377", "64", "2208", "72", "29625"], + ["7355", "67", "34655", "569", "81", "32790", "1228", "1990", "72", "38325", "6184", "106", "77"], + ] + + expected_texts = [ + "Hello World!, how are you?", + "Hélló WoŕlḊ¿", + "Respublica superiorem", + "Avdija Vršajević în", + ] + + for idx, ids in enumerate(sample_ids): + self.assertEqual(tokenizer.decode(ids), expected_texts[idx]) + @nested_params([True, False], [True, False]) def test_gpt2_bpe_tokenizer(self, test_scripting, return_tokens): """test tokenization on single sentence input as well as batch on sentences""" self._gpt2_bpe_tokenizer(self._load_tokenizer(test_scripting=test_scripting, return_tokens=return_tokens)) + def test_gpt2_bpe_decoder(self): + """test string output returned by decoder given the token ids""" + self._gpt2_bpe_decoder(self._load_tokenizer(test_scripting=False, return_tokens=False)) + def test_gpt2_bpe_tokenizer_save_load_pybind(self) -> None: tokenizer = self._load_tokenizer(test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index 7b85f5ba19..7a722d8aef 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -2,6 +2,8 @@ #include // @manual #include +#include +#include #include #include #include @@ -147,7 +149,13 @@ GPT2BPEEncoder::GPT2BPEEncoder( bpe_merge_ranks_(std::move(bpe_merge_ranks)), byte_encoder_(std::move(byte_encoder)), seperator_(std::move(seperator)), - caching_enabled_(caching_enabled) {} + caching_enabled_(caching_enabled) { + for (auto const& x : bpe_encoder_) + bpe_decoder_.insert(x.value(), x.key()); + + for (auto const& x : byte_encoder_) + byte_decoder_.insert(x.value(), x.key()); +} GPT2BPEEncoder::GPT2BPEEncoder( const std::unordered_map& bpe_encoder, @@ -279,6 +287,25 @@ std::vector GPT2BPEEncoder::Encode(const std::string& text) { return bpe_token_ids; } +std::string GPT2BPEEncoder::Decode(const std::vector& tokens) { + std::string text; + // setup converter for converting wide chars to/from chars + using convert_type = std::codecvt_utf8; + std::wstring_convert converter; + + for (const auto token : tokens) { + // get unicode string for given integer key + const std::string str = bpe_decoder_.at(token); + const std::wstring ws = converter.from_bytes(str); + for (wchar_t wchr : ws) { + // get output character from byte decoder for each wide character + unsigned char uchr = byte_decoder_.at(converter.to_bytes(wchr)); + text.push_back(uchr); + } + } + return text; +} + std::vector GPT2BPEEncoder::Tokenize(const std::string& text) { std::vector bpe_tokens; for (const auto& token : PreTokenize_(text)) { diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index 49777803a9..2d6e5dfbc9 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -69,8 +69,10 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { public: const c10::Dict bpe_encoder_; + const c10::Dict bpe_decoder_; const c10::Dict bpe_merge_ranks_; const c10::Dict byte_encoder_; + const c10::Dict byte_decoder_; const std::string seperator_; const bool caching_enabled_; explicit GPT2BPEEncoder( @@ -99,6 +101,7 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { // --> result --> [707, 5927, 11, 707, 68] // TORCHTEXT_API std::vector Encode(const std::string& text); + TORCHTEXT_API std::string Decode(const std::vector& tokens); TORCHTEXT_API std::vector Tokenize(const std::string& text); TORCHTEXT_API std::unordered_map GetBPEEncoder() const; diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 80f3591cf3..9da63a2311 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -179,6 +179,7 @@ PYBIND11_MODULE(_torchtext, m) { .def_property_readonly("byte_encoder_", &GPT2BPEEncoder::GetByteEncoder) .def("encode", &GPT2BPEEncoder::Encode) .def("tokenize", &GPT2BPEEncoder::Tokenize) + .def("decode", &GPT2BPEEncoder::Decode) .def(py::pickle( // __getstate__ [](const c10::intrusive_ptr& self) diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 64427f12e4..51c626b880 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -139,6 +139,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { c10::Dict, bool>()) .def("encode", &GPT2BPEEncoder::Encode) + .def("decode", &GPT2BPEEncoder::Decode) .def("tokenize", &GPT2BPEEncoder::Tokenize) .def_pickle( // __getstate__ diff --git a/torchtext/transforms.py b/torchtext/transforms.py index b2d90c88ac..b917c67ce9 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -383,6 +383,16 @@ def __prepare_scriptable__(self): return tokenizer_copy return self + def decode(self, tokens: List[str]) -> str: + """Return a decoded string given a list of string token ids. + + :param input: A list of strings, each string corresponds to token ids. + :type input: List[str] + :return: decoded text + :rtype: str + """ + return self.bpe.decode([int(token) for token in tokens]) + class CLIPTokenizer(Module): """ From 3f9c349db97c5fd99824cdee42ead770c9d60504 Mon Sep 17 00:00:00 2001 From: Sumit Kumar Date: Tue, 4 Oct 2022 08:15:58 -0700 Subject: [PATCH 327/463] [Feature] Added capability to add special tokens in GPT2BPEEncoder and avoid splitting on them (#1916) * add_special_tokens and never split features added * removed a comment and updated a type hint * added explanation and example for how this change works * move SPECIAL_TOKENS_ATTRIBUTES to utils * rebase and address latest nit comments --- test/torchtext_unittest/test_transforms.py | 184 ++++++++++++++++++++ torchtext/csrc/gpt2_bpe_tokenizer.cpp | 193 ++++++++++++++++++--- torchtext/csrc/gpt2_bpe_tokenizer.h | 13 +- torchtext/csrc/register_pybindings.cpp | 10 ++ torchtext/csrc/register_torchbindings.cpp | 1 + torchtext/transforms.py | 32 +++- 6 files changed, 407 insertions(+), 26 deletions(-) diff --git a/test/torchtext_unittest/test_transforms.py b/test/torchtext_unittest/test_transforms.py index d514cc9701..f3f2f50326 100644 --- a/test/torchtext_unittest/test_transforms.py +++ b/test/torchtext_unittest/test_transforms.py @@ -336,6 +336,7 @@ def _gpt2_bpe_tokenizer(self, tokenizer): "Hélló WoŕlḊ¿", "Respublica superiorem", "Avdija Vršajević în", + "multi space", ] expected_tokens = [ @@ -343,12 +344,189 @@ def _gpt2_bpe_tokenizer(self, tokenizer): ["H", "é", "ll", "ó", "Ġ", "ĠWo", "Å", "ķ", "l", "á¸", "Ĭ", "Â", "¿"], ["Res", "public", "a", "Ġsuper", "i", "orem"], ["Av", "d", "ija", "ĠV", "r", "Å¡", "aj", "ev", "i", "Äĩ", "ĠÃ", "®", "n"], + ["multi", "Ġ", "Ġ", "Ġ", "Ġ", "Ġ", "Ġspace"], ] expected_token_ids = [ ["15496", "2159", "28265", "703", "389", "345", "30"], ["39", "2634", "297", "10205", "220", "22173", "129", "243", "75", "41585", "232", "126", "123"], ["4965", "11377", "64", "2208", "72", "29625"], ["7355", "67", "34655", "569", "81", "32790", "1228", "1990", "72", "38325", "6184", "106", "77"], + ["41684", "220", "220", "220", "220", "220", "2272"], + ] + + # test batch of sentences + if tokenizer._return_tokens: + self.assertEqual(tokenizer(sample_texts), expected_tokens) + else: + self.assertEqual(tokenizer(sample_texts), expected_token_ids) + + # test individual sentences + for idx, txt in enumerate(sample_texts): + if tokenizer._return_tokens: + self.assertEqual(tokenizer(txt), expected_tokens[idx]) + else: + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + + def _gpt2_bpe_tokenizer_with_added_vocab(self, tokenizer): + sample_texts = [ + "<|endoftext|> and <|endoftext|> are special <|endofline|> is not!", + "test ACCEPT with DECLINE <|endoftext|> and NO_ACTION", + "none in vocab: <|endofline|> WALK_60M WALK_10M ", + "Respublica Vršajević în", + "some in vocab: <|endofline|> WALK_60M WALK_10M ", + "<|endoftext|> WALK_60M WALK_10M ", + ] + + newly_added = tokenizer.add_special_tokens( + special_tokens_dict={ + "unk_token": "<|endoftext|>", + "additional_special_tokens": [ + "ACCEPT", + "DECLINE", + "NO_ACTION", + "WALK_10M", + "WALK_60M", + "", + ], + } + ) + self.assertEqual(newly_added, 6) + + newly_added = tokenizer.add_special_tokens( + special_tokens_dict={ + "unk_token": "<|endoftext|>", + "sep_token": "", + "additional_special_tokens": [ + "ACCEPT", + "DECLINE", + "NO_ACTION", + "WALK_10M", + "WALK_60M", + "", + ], + } + ) + self.assertEqual(newly_added, 1) + + expected_tokens = [ + [ + "<|endoftext|>", + "and", + "<|endoftext|>", + "are", + "Ġspecial", + "Ġ<", + "|", + "end", + "of", + "line", + "|", + ">", + "Ġis", + "Ġnot", + "!", + ], + ["test", "ACCEPT", "", "with", "DECLINE", "<|endoftext|>", "and", "NO_ACTION"], + [ + "none", + "Ġin", + "Ġvoc", + "ab", + ":", + "Ġ<", + "|", + "end", + "of", + "line", + "|", + ">", + "WALK_60M", + "WALK_10M", + "<", + "state", + ">", + ], + ["Res", "public", "a", "ĠV", "r", "Å¡", "aj", "ev", "i", "Äĩ", "ĠÃ", "®", "n"], + [ + "some", + "Ġin", + "Ġvoc", + "ab", + ":", + "Ġ<", + "|", + "end", + "of", + "line", + "|", + ">", + "WALK_60M", + "WALK_10M", + "<", + "state", + ">", + ], + ["<|endoftext|>", "WALK_60M", "WALK_10M", "", "<", "state", ">"], + ] + expected_token_ids = [ + [ + "50256", + "392", + "50256", + "533", + "2041", + "1279", + "91", + "437", + "1659", + "1370", + "91", + "29", + "318", + "407", + "0", + ], + ["9288", "50257", "50263", "4480", "50258", "50256", "392", "50259"], + [ + "23108", + "287", + "12776", + "397", + "25", + "1279", + "91", + "437", + "1659", + "1370", + "91", + "29", + "50261", + "50260", + "27", + "5219", + "29", + ], + ["4965", "11377", "64", "569", "81", "32790", "1228", "1990", "72", "38325", "6184", "106", "77"], + [ + "11246", + "287", + "12776", + "397", + "25", + "1279", + "91", + "437", + "1659", + "1370", + "91", + "29", + "50261", + "50260", + "27", + "5219", + "29", + ], + ["50256", "50261", "50260", "50262", "27", "5219", "29"], ] # test batch of sentences @@ -391,6 +569,12 @@ def test_gpt2_bpe_decoder(self): """test string output returned by decoder given the token ids""" self._gpt2_bpe_decoder(self._load_tokenizer(test_scripting=False, return_tokens=False)) + @nested_params([True, False]) + def test_gpt2_bpe_tokenizer_with_added_vocab(self, return_tokens): + self._gpt2_bpe_tokenizer_with_added_vocab( + self._load_tokenizer(test_scripting=False, return_tokens=return_tokens) + ) + def test_gpt2_bpe_tokenizer_save_load_pybind(self) -> None: tokenizer = self._load_tokenizer(test_scripting=False, return_tokens=False) tokenizer_path = os.path.join(self.test_dir, "gpt2_tokenizer_pybind.pt") diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index 7a722d8aef..c54eca516e 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -4,7 +4,9 @@ #include #include #include +#include #include +#include #include #include @@ -63,28 +65,122 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { // - ELSE, add token to return list std::string token; std::vector tokens; - re2::StringPiece inp(input); bool prepend_space = false; - while (kGPT2Regex.FindAndConsume(&inp, &token)) { - if (is_whitespace(token)) { - prepend_space = false; - if (inp.empty()) { // token is last token - tokens.push_back(token); - } else { - if (token.length() > 1) { - tokens.push_back(token.substr(0, token.length() - 1)); + std::vector index_matches; + + /* Notes on handling Special Tokens: + We use regex pattern to first identify the special tokens in the input text. + Other 'non-special' tokens go through pre-tokenization as usual, but special + tokens skip those steps. + + Steps: + * Loop over the set containing user-supplied strings that are to be treated as + special tokens. This set gets created through the calls to + `add_special_tokens` API. + - form a regex pattern that helps in extracting special tokens from the + input text. + * Create a vector that contains chunks of input text, such that each chunk is + either a sequence of non-special token or a single special token. For example, + assuming <|special_tok|> and [SEP] are special tokens, the following text + "This is an example with <|special_tok|> and [SEP] and [SPAM]." + will get converted to a vector of strings: + ["This is an example with", "<|special_tok|>", "and", "[SEP]", "and + [SPAM]."] + - if the input does not contain any special tokens, the vector will just + contain a single token that is the whole original input text. + * For all of the tokens in the above vector, we proceed with BPE tokenization + as usual while skipping over certain steps as appropriate for special tokens. + */ + + if (bpe_never_split_set_.size() > 0) { + std::string pattern = ""; + // Escape regex characters for matching special tokens. This is done to + // ensure that characters like '|' in certain special tokens such as + // <|endoftext|> don't get special regex treatment. + for (std::string token : bpe_never_split_set_) { + std::string::size_type pos = 0; + while ((pos = token.find_first_of("|[]", pos)) != std::string::npos) { + switch (token[pos]) { + case '|': + token.replace(pos, 1, "\\|"); + pos += 2; + break; + case '[': + token.replace(pos, 1, "\\["); + pos += 2; + break; + case ']': + token.replace(pos, 1, "\\]"); + pos += 2; + break; } - if (token[token.length() - 1] == ' ') { // last char is space - prepend_space = true; - } else { // push last whitespace char as a token if it is not a space - tokens.push_back(token.substr(token.length() - 1)); + } + if (pattern.length() != 0) + pattern += "|"; + pattern += token; + } + + // break input into non-special and special parts + std::regex rx(pattern); + int64_t last_idx = 0; + for (auto it = std::sregex_iterator(input.begin(), input.end(), rx); + it != std::sregex_iterator(); + ++it) { + if (it->position() > last_idx) { + if (isspace(input[it->position() - 1])) { + // strip space on the left of the special token + index_matches.push_back( + input.substr(last_idx, it->position() - last_idx - 1)); + } else { + index_matches.push_back( + input.substr(last_idx, it->position() - last_idx)); } } - } else if (prepend_space) { - tokens.push_back(" " + token); - prepend_space = false; - } else { - tokens.push_back(token); + index_matches.push_back(input.substr(it->position(), it->length())); + last_idx = it->position() + it->length() + 1; + if (isspace(input[last_idx])) { + // strip space on the right of the special token + last_idx++; + } + } + if (last_idx < input.length() - 1) + index_matches.push_back( + input.substr(last_idx, input.length() - last_idx)); + } else { + // input does not have any special tokens + index_matches.push_back(input); + } + + for (std::string index_token : index_matches) { + bool is_never_split_token = + bpe_never_split_set_.find(index_token) != bpe_never_split_set_.end(); + if (is_never_split_token) { + // skip the rest of pre-tokenization work for special tokens + tokens.push_back(index_token); + continue; + } + re2::StringPiece inp(index_token); + while (kGPT2Regex.FindAndConsume(&inp, &token)) { + if (is_whitespace(token)) { + prepend_space = false; + if (inp.empty()) { // token is last token + tokens.push_back(token); + } else { + if (token.length() > 1) { + tokens.push_back(token.substr(0, token.length() - 1)); + } + if (token[token.length() - 1] == ' ') { // last char is space + prepend_space = true; + } else { // push last whitespace char as a token if it is not a space + tokens.push_back(token.substr(token.length() - 1)); + } + } + } else if (prepend_space) { + tokens.push_back(" " + token); + prepend_space = false; + } else { + tokens.push_back(token); + } } } return tokens; @@ -170,11 +266,17 @@ GPT2BPEEncoder::GPT2BPEEncoder( _map_to_c10_dict(byte_encoder), caching_enabled) {} -std::vector GPT2BPEEncoder::ByteEncode_(std::string token) { +std::vector GPT2BPEEncoder::ByteEncode_( + std::string token, + bool is_never_split_token) { // Equivalent to: (self.byte_encoder[b] for b in token.encode('utf-8') std::vector encoded; - for (auto& ch : token) { - encoded.push_back(byte_encoder_.at((unsigned char)ch)); + if (is_never_split_token) { + encoded.push_back(token); + } else { + for (auto& ch : token) { + encoded.push_back(byte_encoder_.at((unsigned char)ch)); + } } return encoded; } @@ -279,7 +381,13 @@ std::vector GPT2BPEEncoder::PreTokenize_(std::string input) { std::vector GPT2BPEEncoder::Encode(const std::string& text) { std::vector bpe_token_ids; for (const auto& token : PreTokenize_(text)) { - auto byte_encoded_token = ByteEncode_(token); + if (added_tokens_encoder.contains(token)) { + bpe_token_ids.push_back(added_tokens_encoder.at(token)); + continue; + } + bool is_never_split_token = + bpe_never_split_set_.find(token) != bpe_never_split_set_.end(); + auto byte_encoded_token = ByteEncode_(token, is_never_split_token); for (const auto& bpe_token : BPE_(byte_encoded_token)) { bpe_token_ids.push_back(bpe_encoder_.at(bpe_token)); } @@ -309,7 +417,9 @@ std::string GPT2BPEEncoder::Decode(const std::vector& tokens) { std::vector GPT2BPEEncoder::Tokenize(const std::string& text) { std::vector bpe_tokens; for (const auto& token : PreTokenize_(text)) { - auto byte_encoded_token = ByteEncode_(token); + bool is_never_split_token = + bpe_never_split_set_.find(token) != bpe_never_split_set_.end(); + auto byte_encoded_token = ByteEncode_(token, is_never_split_token); for (const auto& bpe_token : BPE_(byte_encoded_token)) { bpe_tokens.push_back(bpe_token); } @@ -317,6 +427,43 @@ std::vector GPT2BPEEncoder::Tokenize(const std::string& text) { return bpe_tokens; } +int64_t GPT2BPEEncoder::AddSpecialTokens( + const c10::Dict& standard_special_tokens_dict, + const std::vector additional_special_tokens) { + int64_t newly_added = 0; + + /* All special tokens get added to `bpe_never_split_set_` set to avoid being + * split during tokenization. Tokens are added to `added_tokens_encoder` only + * if they are not already known (i.e. present in `bpe_encoder_`). + */ + + // Loop for standard tokens such as "bos_token", "eos_token", etc. + for (auto const& token : standard_special_tokens_dict) { + if (added_tokens_encoder.contains(token.value())) + continue; + bpe_never_split_set_.insert(token.value()); + if (!bpe_encoder_.contains(token.value())) { + added_tokens_encoder.insert( + token.value(), bpe_encoder_.size() + added_tokens_encoder.size()); + newly_added++; + } + } + + // Loop for any additional tokens + for (auto const& token : additional_special_tokens) { + if (added_tokens_encoder.contains(token)) + continue; + bpe_never_split_set_.insert(token); + if (!bpe_encoder_.contains(token)) { + added_tokens_encoder.insert( + token, bpe_encoder_.size() + added_tokens_encoder.size()); + newly_added++; + } + } + + return newly_added; +} + std::unordered_map GPT2BPEEncoder::GetBPEEncoder() const { return _c10_dict_to_map(bpe_encoder_); } diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index 2d6e5dfbc9..5fc0197b74 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -1,10 +1,10 @@ #ifndef GPT2_BPE_TOKENIZER_H_ #define GPT2_BPE_TOKENIZER_H_ - #include #include #include +#include #include #include #include @@ -12,6 +12,9 @@ namespace torchtext { +// set to store tokens that are not to be split +static std::set bpe_never_split_set_; + typedef std::tuple< std::unordered_map, std::unordered_map, @@ -55,8 +58,11 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { private: const int64_t inf_; // Encode byte into an unicode character. - std::vector ByteEncode_(std::string token); + std::vector ByteEncode_( + std::string token, + bool is_never_split_token); int64_t GetBPEMergeRank_(std::string pair); + c10::Dict added_tokens_encoder; protected: c10::Dict> cache_; @@ -103,6 +109,9 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { TORCHTEXT_API std::vector Encode(const std::string& text); TORCHTEXT_API std::string Decode(const std::vector& tokens); TORCHTEXT_API std::vector Tokenize(const std::string& text); + TORCHTEXT_API int64_t AddSpecialTokens( + const c10::Dict& standard_special_tokens_dict, + const std::vector additional_special_tokens); TORCHTEXT_API std::unordered_map GetBPEEncoder() const; TORCHTEXT_API std::unordered_map GetBPEMergeRanks() diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 9da63a2311..cbca9c92a6 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -180,6 +180,16 @@ PYBIND11_MODULE(_torchtext, m) { .def("encode", &GPT2BPEEncoder::Encode) .def("tokenize", &GPT2BPEEncoder::Tokenize) .def("decode", &GPT2BPEEncoder::Decode) + .def( + "add_special_tokens", + [](const c10::intrusive_ptr& self, + const std::unordered_map& items, + const std::vector& additional) { + c10::Dict d; + for (const auto& item : items) + d.insert(item.first, item.second); + return (self->AddSpecialTokens(d, additional)); + }) .def(py::pickle( // __getstate__ [](const c10::intrusive_ptr& self) diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 51c626b880..25b23a04c2 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -141,6 +141,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { .def("encode", &GPT2BPEEncoder::Encode) .def("decode", &GPT2BPEEncoder::Decode) .def("tokenize", &GPT2BPEEncoder::Tokenize) + .def("add_special_tokens", &GPT2BPEEncoder::AddSpecialTokens) .def_pickle( // __getstate__ [](const c10::intrusive_ptr& self) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index b917c67ce9..2e71fa594e 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -1,7 +1,7 @@ import json from copy import deepcopy from functools import lru_cache -from typing import Any, List, Optional, Tuple, Union +from typing import Any, List, Mapping, Optional, Sequence, Tuple, Union import torch import torchtext # noqa: F401 @@ -288,6 +288,16 @@ class GPT2BPETokenizer(Module): :type return_input: bool """ + SPECIAL_TOKENS_ATTRIBUTES = [ + "bos_token", + "eos_token", + "unk_token", + "sep_token", + "pad_token", + "cls_token", + "mask_token", + "additional_special_tokens", + ] __jit_unused_properties__ = ["is_jitable"] _seperator: torch.jit.Final[str] @@ -349,6 +359,26 @@ def _tokenize(self, text: str) -> List[str]: """ return self.bpe.tokenize(text) + def add_special_tokens(self, special_tokens_dict: Mapping[str, Union[str, Sequence[str]]]) -> int: + """Add a dictionary of special tokens (eos, pad, cls…) to the encoder + + :param special_tokens_dict: dict of string. Keys should be in the list of predefined special attributes: + [bos_token, eos_token, unk_token, sep_token, pad_token, cls_token, mask_token, additional_special_tokens]. + Tokens are only added if they are not already in the vocabulary. + :type special_tokens_dict: Dict[str, Union[str, List[str]]] + :return: Number of tokens added to the vocabulary. + :rtype: int + """ + for key in special_tokens_dict.keys(): + assert ( + key in self.SPECIAL_TOKENS_ATTRIBUTES + ), f"Key '{key}' is not in the special token list: {self.SPECIAL_TOKENS_ATTRIBUTES}" + + return self.bpe.add_special_tokens( + {k: v for k, v in special_tokens_dict.items() if k != "additional_special_tokens"}, + special_tokens_dict.get("additional_special_tokens", []), + ) + def forward(self, input: Any) -> Any: """ :param input: Input sentence or list of sentences on which to apply tokenizer. From de54db6dcfe941bfd5498a3835ef2b46b95294b5 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 5 Oct 2022 08:33:31 -0400 Subject: [PATCH 328/463] [Feature] Add ability to load HF checkpoints into T5 model (#1918) * Add ability to load HF checkpoints into T5 model * Add HuggingFace to integrations tests * Remove duplicate code * Revert fix * Add setup * Remove ability to download from remote URL * Remove line break from docstring --- .github/workflows/integration-test.yml | 2 +- .../prototype/test_models.py | 110 +++++++++++++- torchtext/prototype/models/t5/bundler.py | 134 ++++++++++++++++++ 3 files changed, 244 insertions(+), 2 deletions(-) diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 0c005a12a1..61e802d848 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -24,7 +24,7 @@ jobs: run: | python -m pip install --quiet --upgrade pip python -m pip install --quiet --pre torch -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html - python -m pip install --quiet pytest requests cmake ninja sentencepiece parameterized tqdm expecttest + python -m pip install --quiet pytest requests cmake ninja sentencepiece parameterized tqdm expecttest transformers python setup.py install - name: Run integration test run: | diff --git a/test/integration_tests/prototype/test_models.py b/test/integration_tests/prototype/test_models.py index 7743807031..3a76f52cd6 100644 --- a/test/integration_tests/prototype/test_models.py +++ b/test/integration_tests/prototype/test_models.py @@ -1,3 +1,5 @@ +import tempfile + import pytest # noqa: F401 import torch from parameterized import parameterized, parameterized_class @@ -14,11 +16,12 @@ T5Conf, T5Transform, ) +from torchtext.prototype.models.t5.bundler import T5Bundle from torchtext.prototype.models.t5.wrapper import T5Wrapper from torchtext_unittest.common.assets import get_asset_path from torchtext_unittest.common.parameterized_utils import nested_params from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase - +from transformers import T5Model, T5EncoderModel, T5ForConditionalGeneration BUNDLERS = { "base_model": T5_BASE, @@ -135,3 +138,108 @@ def test_t5_wrapper_checkpoint(self, name) -> None: output_text = model(test_text, beam_size, max_seq_len) self.assertEqual(output_text, expected_text) + + +class TestLoadFromHFCheckpoints(TorchtextTestCase): + def setUp(self) -> None: + super().setUp() + self.encoder_input_ids = torch.tensor([[1, 2, 3, 4, 5, 6], [7, 8, 9, 0, 0, 0]]) + self.encoder_padding_mask = torch.tensor([[1, 1, 1, 1, 1, 1], [1, 1, 1, 0, 0, 0]]) + self.decoder_input_ids = torch.tensor([[7, 8, 9, 0, 0, 0], [10, 11, 12, 0, 0, 0]]) + self.decoder_padding_mask = torch.tensor([[1, 1, 1, 0, 0, 0], [1, 1, 1, 0, 0, 0]]) + + def check_outputs_of_models(self, our_output, hf_output, config, encoder_only) -> None: + # check that encoder layers match + for i in range(config.num_encoder_layers + 1): + if i < config.num_encoder_layers: + hf_output_sa = hf_output.attentions[i] if encoder_only else hf_output.encoder_attentions[i] + # self-attention scores + assert torch.equal( + our_output["encoder_sa_scores"][i], hf_output_sa + ), f"Mismatched self-attention scores for encoder layer {i}" + hf_output_hs = hf_output.hidden_states[i] if encoder_only else hf_output.encoder_hidden_states[i] + # encoder hidden states + assert torch.equal( + our_output["encoder_hidden_states"][i], hf_output_hs + ), f"Mismatched hidden states for encoder layer {i}" + + if not encoder_only: + # check that decoder layers match + for i in range(config.num_decoder_layers + 1): + if i < config.num_encoder_layers: + # self-attention scores + assert torch.equal( + our_output["decoder_sa_scores"][i], hf_output.decoder_attentions[i] + ), f"Mismatched self-attention scores for decoder layer {i}" + # cross-attention scores + assert torch.equal( + our_output["decoder_ca_scores"][i], hf_output.cross_attentions[i] + ), f"Mismatched cross-attention scores for decoder layer {i}" + # decoder hidden states + assert torch.equal( + our_output["decoder_hidden_states"][i], hf_output.decoder_hidden_states[i] + ), f"Mismatched hidden states for decoder layer {i}" + + def test_t5_bundler_load_hf_ckpt_pretrained_encoder_only(self) -> None: + with tempfile.TemporaryDirectory() as tmp_dir: + model_path = f"{tmp_dir}/hf_t5_small_enc" + + t5_small_enc = T5EncoderModel.from_pretrained("t5-small") + t5_small_enc.save_pretrained(model_path) + + our_encoder = T5Bundle.build_model_from_huggingface_ckpt(model_path) + + hf_output = t5_small_enc( + input_ids=self.encoder_input_ids, + attention_mask=self.encoder_padding_mask, + output_hidden_states=True, + output_attentions=True, + ) + + our_output = our_encoder(self.encoder_input_ids) + + self.check_outputs_of_models(our_output, hf_output, our_encoder.config, encoder_only=True) + + def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder(self) -> None: + with tempfile.TemporaryDirectory() as tmp_dir: + model_path = f"{tmp_dir}/hf_t5_small" + + t5_small = T5Model.from_pretrained("t5-small") + t5_small.save_pretrained(model_path) + + our_t5 = T5Bundle.build_model_from_huggingface_ckpt(model_path) + + hf_output = t5_small( + input_ids=self.encoder_input_ids, + decoder_input_ids=self.decoder_input_ids, + attention_mask=self.encoder_padding_mask, + decoder_attention_mask=self.decoder_padding_mask, + output_hidden_states=True, + output_attentions=True, + ) + + our_output = our_t5(self.encoder_input_ids, self.decoder_input_ids) + + self.check_outputs_of_models(our_output, hf_output, our_t5.config, encoder_only=False) + + def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder_with_gen(self) -> None: + with tempfile.TemporaryDirectory() as tmp_dir: + model_path = f"{tmp_dir}/hf_t5_small_gen" + + t5_small_gen = T5ForConditionalGeneration.from_pretrained("t5-small") + t5_small_gen.save_pretrained(model_path) + + our_t5 = T5Bundle.build_model_from_huggingface_ckpt(model_path) + + hf_output = t5_small_gen( + input_ids=self.encoder_input_ids, + decoder_input_ids=self.decoder_input_ids, + attention_mask=self.encoder_padding_mask, + decoder_attention_mask=self.decoder_padding_mask, + output_hidden_states=True, + output_attentions=True, + ) + + our_output = our_t5(self.encoder_input_ids, self.decoder_input_ids) + + self.check_outputs_of_models(our_output, hf_output, our_t5.config, encoder_only=False) diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index 76b0d9bba9..65c94dc63e 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -1,4 +1,6 @@ +import json import logging +import os from dataclasses import dataclass from typing import Any, Callable, Dict, Optional, Union from urllib.parse import urljoin @@ -133,6 +135,138 @@ def build_model( return model + @staticmethod + def build_model_from_huggingface_ckpt( + ckpt_path: Union[str, os.PathLike], + *, + freeze_model: bool = False, + strict: bool = True, + ) -> T5Model: + """Build T5Model model from a HuggingFace checkpoint. + + Note: Only works with Huggingface models saved in the PyTorch format. Will not work with TensorFlow or JAX. + + Args: + ckpt_path (str, Path): Path to the HF checkpoint file. Assumes that the file is local. + freeze_model (bool): Freeze the model upon loading. (Default: `False`) + strict (bool): Load model in strict mode. (Default: `True`) + + Returns: + T5Model loaded with the weights of the HuggingFace checkpoint provided + """ + config_path = f"{ckpt_path}/config.json" + model_path = f"{ckpt_path}/pytorch_model.bin" + + with open(config_path, "r") as handle: + config_json = json.load(handle) + hf_weights = torch.load(model_path) + + # TODO(joecummings): find better way to determine `encoder_only` and `linear_head` + config = T5Conf( + encoder_only="decoder.final_layer_norm.weight" not in hf_weights.keys(), + linear_head="lm_head.weight" in hf_weights.keys(), + embedding_dim=config_json["d_model"], + num_attention_heads=config_json["num_heads"], + num_encoder_layers=config_json["num_layers"], + num_decoder_layers=config_json["num_decoder_layers"], + ffn_dimension=config_json["d_ff"], + ) + + t5_model = T5Model(config, freeze_model) + + t5_model_state_dict = { + "token_embeddings.weight": hf_weights["shared.weight"], + "norm1.weight": hf_weights["encoder.final_layer_norm.weight"], + "encoder.layers.0.self_attn.relative_attention_bias.weight": hf_weights[ + "encoder.block.0.layer.0.SelfAttention.relative_attention_bias.weight" + ], + } + # Convert encoder layers + for i in range(config.num_encoder_layers): + t5_model_state_dict[f"encoder.layers.{i}.linear1.weight"] = hf_weights[ + f"encoder.block.{i}.layer.1.DenseReluDense.wi.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.linear2.weight"] = hf_weights[ + f"encoder.block.{i}.layer.1.DenseReluDense.wo.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.norm1.weight"] = hf_weights[ + f"encoder.block.{i}.layer.0.layer_norm.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.norm2.weight"] = hf_weights[ + f"encoder.block.{i}.layer.1.layer_norm.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.self_attn.out_proj.weight"] = hf_weights[ + f"encoder.block.{i}.layer.0.SelfAttention.o.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.self_attn.q_proj_weight"] = hf_weights[ + f"encoder.block.{i}.layer.0.SelfAttention.q.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.self_attn.k_proj_weight"] = hf_weights[ + f"encoder.block.{i}.layer.0.SelfAttention.k.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.self_attn.v_proj_weight"] = hf_weights[ + f"encoder.block.{i}.layer.0.SelfAttention.v.weight" + ] + + # Convert decoder layers if model is encoder-decoder + if not config.encoder_only: + t5_model_state_dict["norm2.weight"] = hf_weights["decoder.final_layer_norm.weight"] + t5_model_state_dict["decoder.layers.0.self_attn.relative_attention_bias.weight"] = hf_weights[ + "decoder.block.0.layer.0.SelfAttention.relative_attention_bias.weight" + ] + + for i in range(config.num_decoder_layers): + t5_model_state_dict[f"decoder.layers.{i}.linear1.weight"] = hf_weights[ + f"decoder.block.{i}.layer.2.DenseReluDense.wi.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.linear2.weight"] = hf_weights[ + f"decoder.block.{i}.layer.2.DenseReluDense.wo.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.norm1.weight"] = hf_weights[ + f"decoder.block.{i}.layer.0.layer_norm.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.norm2.weight"] = hf_weights[ + f"decoder.block.{i}.layer.2.layer_norm.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.norm3.weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.layer_norm.weight" + ] + + t5_model_state_dict[f"decoder.layers.{i}.self_attn.out_proj.weight"] = hf_weights[ + f"decoder.block.{i}.layer.0.SelfAttention.o.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.self_attn.q_proj_weight"] = hf_weights[ + f"decoder.block.{i}.layer.0.SelfAttention.q.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.self_attn.k_proj_weight"] = hf_weights[ + f"decoder.block.{i}.layer.0.SelfAttention.k.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.self_attn.v_proj_weight"] = hf_weights[ + f"decoder.block.{i}.layer.0.SelfAttention.v.weight" + ] + + t5_model_state_dict[f"decoder.layers.{i}.cross_attn.out_proj.weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.EncDecAttention.o.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.cross_attn.q_proj_weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.EncDecAttention.q.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.cross_attn.k_proj_weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.EncDecAttention.k.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.cross_attn.v_proj_weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.EncDecAttention.v.weight" + ] + + # Convert language modeling head if there is one + if config.linear_head: + t5_model_state_dict["lm_head.weight"] = hf_weights["lm_head.weight"] + + # Load state dict into our model + t5_model.load_state_dict(t5_model_state_dict, strict) + + return t5_model + @property def config(self) -> T5Conf: return self._config From ff1fdfce8ac030a11638b2d94d54364144586253 Mon Sep 17 00:00:00 2001 From: Kevin Tse Date: Wed, 5 Oct 2022 08:39:10 -0400 Subject: [PATCH 329/463] Updating usage of torch.utils.data.graph.traverse in test case (#1927) [ghstack-poisoned] --- test/torchtext_unittest/datasets/common.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/test/torchtext_unittest/datasets/common.py b/test/torchtext_unittest/datasets/common.py index 10071bd73b..0fa3ae2b00 100644 --- a/test/torchtext_unittest/datasets/common.py +++ b/test/torchtext_unittest/datasets/common.py @@ -1,7 +1,7 @@ import pickle from parameterized import parameterized -from torch.utils.data.graph import traverse +from torch.utils.data.graph import traverse_dps from torch.utils.data.graph_settings import get_all_graph_pipes from torchdata.dataloader2.linter import _check_shuffle_before_sharding from torchdata.datapipes.iter import Shuffler, ShardingFilter @@ -37,7 +37,7 @@ def test_shuffle_shard_wrapper(self, dataset_fn): for dp_split in dp: _check_shuffle_before_sharding(dp_split) - dp_graph = get_all_graph_pipes(traverse(dp_split)) + dp_graph = get_all_graph_pipes(traverse_dps(dp_split)) for annotation_dp_type in [Shuffler, ShardingFilter]: if not any(isinstance(dp, annotation_dp_type) for dp in dp_graph): raise AssertionError(f"The dataset doesn't contain a {annotation_dp_type.__name__}() datapipe.") From 00267737e2214e1b01ebc8b2cf68a2d9038407a0 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Thu, 6 Oct 2022 18:09:30 -0400 Subject: [PATCH 330/463] [CI] Fix upload channel (#1932) * Fix upload channell using correct flag * Fix version extraction --- packaging/pkg_helpers.bash | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 7cf9113db2..b2f0809d06 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -200,13 +200,13 @@ setup_pip_pytorch_version() { setup_conda_pytorch_constraint() { CONDA_CHANNEL_FLAGS=${CONDA_CHANNEL_FLAGS:-} if [[ -z "$PYTORCH_VERSION" ]]; then - export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-nightly" + export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-${UPLOAD_CHANNEL}" PYTHON="python" # Check if we have python 3 instead and prefer that if python3 --version >/dev/null 2>/dev/null; then PYTHON="python3" fi - export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" + export PYTORCH_VERSION="$(conda search --json pytorch[channel=pytorch-${UPLOAD_CHANNEL}] | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" else export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch -c pytorch-${UPLOAD_CHANNEL}" fi From 6ffe7be9a05485144d1038316abbc596310dd0ce Mon Sep 17 00:00:00 2001 From: Sumit Kumar Date: Mon, 10 Oct 2022 15:49:50 -0700 Subject: [PATCH 331/463] Avoid using std::regex and fix lint errors (#1930) --- torchtext/csrc/gpt2_bpe_tokenizer.cpp | 42 ++++++++++++++------------ torchtext/csrc/gpt2_bpe_tokenizer.h | 2 +- torchtext/csrc/register_pybindings.cpp | 3 +- 3 files changed, 26 insertions(+), 21 deletions(-) diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index c54eca516e..77ae0b4e13 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -4,7 +4,6 @@ #include #include #include -#include #include #include #include @@ -63,7 +62,6 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { // - ELSE IF prepend_space == True, prepend a space to the token and add to // return list // - ELSE, add token to return list - std::string token; std::vector tokens; bool prepend_space = false; std::vector index_matches; @@ -115,37 +113,39 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { break; } } - if (pattern.length() != 0) + if (pattern.length() != 0) { pattern += "|"; + } pattern += token; } // break input into non-special and special parts - std::regex rx(pattern); + const Regex specialTokenRegex("(" + pattern + ")"); + re2::StringPiece input_strp(input); + std::string match; int64_t last_idx = 0; - for (auto it = std::sregex_iterator(input.begin(), input.end(), rx); - it != std::sregex_iterator(); - ++it) { - if (it->position() > last_idx) { - if (isspace(input[it->position() - 1])) { + while (specialTokenRegex.FindAndConsume(&input_strp, &match)) { + int64_t start_idx = input.size() - input_strp.size() - match.size(); + if (start_idx > last_idx) { + if (isspace(input[start_idx - 1])) { // strip space on the left of the special token index_matches.push_back( - input.substr(last_idx, it->position() - last_idx - 1)); + input.substr(last_idx, start_idx - last_idx - 1)); } else { - index_matches.push_back( - input.substr(last_idx, it->position() - last_idx)); + index_matches.push_back(input.substr(last_idx, start_idx - last_idx)); } } - index_matches.push_back(input.substr(it->position(), it->length())); - last_idx = it->position() + it->length() + 1; + index_matches.push_back(input.substr(start_idx, match.size())); + last_idx = start_idx + match.size(); if (isspace(input[last_idx])) { // strip space on the right of the special token last_idx++; } } - if (last_idx < input.length() - 1) + if (last_idx <= input.length() - 1) { index_matches.push_back( input.substr(last_idx, input.length() - last_idx)); + } } else { // input does not have any special tokens index_matches.push_back(input); @@ -160,6 +160,7 @@ std::vector gpt2_bpe_pre_tokenizer(std::string input) { continue; } re2::StringPiece inp(index_token); + std::string token; while (kGPT2Regex.FindAndConsume(&inp, &token)) { if (is_whitespace(token)) { prepend_space = false; @@ -246,11 +247,13 @@ GPT2BPEEncoder::GPT2BPEEncoder( byte_encoder_(std::move(byte_encoder)), seperator_(std::move(seperator)), caching_enabled_(caching_enabled) { - for (auto const& x : bpe_encoder_) + for (auto const& x : bpe_encoder_) { bpe_decoder_.insert(x.value(), x.key()); + } - for (auto const& x : byte_encoder_) + for (auto const& x : byte_encoder_) { byte_decoder_.insert(x.value(), x.key()); + } } GPT2BPEEncoder::GPT2BPEEncoder( @@ -429,7 +432,7 @@ std::vector GPT2BPEEncoder::Tokenize(const std::string& text) { int64_t GPT2BPEEncoder::AddSpecialTokens( const c10::Dict& standard_special_tokens_dict, - const std::vector additional_special_tokens) { + const std::vector& additional_special_tokens) { int64_t newly_added = 0; /* All special tokens get added to `bpe_never_split_set_` set to avoid being @@ -439,8 +442,9 @@ int64_t GPT2BPEEncoder::AddSpecialTokens( // Loop for standard tokens such as "bos_token", "eos_token", etc. for (auto const& token : standard_special_tokens_dict) { - if (added_tokens_encoder.contains(token.value())) + if (added_tokens_encoder.contains(token.value())) { continue; + } bpe_never_split_set_.insert(token.value()); if (!bpe_encoder_.contains(token.value())) { added_tokens_encoder.insert( diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index 5fc0197b74..c13a15b202 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -111,7 +111,7 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { TORCHTEXT_API std::vector Tokenize(const std::string& text); TORCHTEXT_API int64_t AddSpecialTokens( const c10::Dict& standard_special_tokens_dict, - const std::vector additional_special_tokens); + const std::vector& additional_special_tokens); TORCHTEXT_API std::unordered_map GetBPEEncoder() const; TORCHTEXT_API std::unordered_map GetBPEMergeRanks() diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index cbca9c92a6..5f0a6d0483 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -186,8 +186,9 @@ PYBIND11_MODULE(_torchtext, m) { const std::unordered_map& items, const std::vector& additional) { c10::Dict d; - for (const auto& item : items) + for (const auto& item : items) { d.insert(item.first, item.second); + } return (self->AddSpecialTokens(d, additional)); }) .def(py::pickle( From c776dc1c97d4b327bc8e1aee2cf789bfc96122a4 Mon Sep 17 00:00:00 2001 From: Geaming <71267655+Geaming-CHN@users.noreply.github.com> Date: Wed, 12 Oct 2022 02:51:11 +0800 Subject: [PATCH 332/463] Update dataset RTE information (#1934) --- torchtext/datasets/rte.py | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py index 88cd29d09b..4ddc2c9f2f 100644 --- a/torchtext/datasets/rte.py +++ b/torchtext/datasets/rte.py @@ -22,9 +22,9 @@ MD5 = "bef554d0cafd4ab6743488101c638539" NUM_LINES = { - "train": 67349, - "dev": 872, - "test": 1821, + "train": 2490, + "dev": 277, + "test": 3000, } _PATH = "RTE.zip" @@ -67,9 +67,9 @@ def RTE(root, split): For additional details refer to https://aclweb.org/aclwiki/Recognizing_Textual_Entailment Number of lines per split: - - train: 67349 - - dev: 872 - - test: 1821 + - train: 2490 + - dev: 277 + - test: 3000 Args: root: Directory where the datasets are saved. Default: os.path.expanduser('~/.torchtext/cache') From 4d88d4e3842b709f3ab00efb68de6330e0de726c Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 11 Oct 2022 17:17:26 -0400 Subject: [PATCH 333/463] Revert "[CI] Fix upload channel (#1932)" (#1939) This reverts commit 00267737e2214e1b01ebc8b2cf68a2d9038407a0. --- packaging/pkg_helpers.bash | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index b2f0809d06..7cf9113db2 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -200,13 +200,13 @@ setup_pip_pytorch_version() { setup_conda_pytorch_constraint() { CONDA_CHANNEL_FLAGS=${CONDA_CHANNEL_FLAGS:-} if [[ -z "$PYTORCH_VERSION" ]]; then - export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-${UPLOAD_CHANNEL}" + export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-nightly" PYTHON="python" # Check if we have python 3 instead and prefer that if python3 --version >/dev/null 2>/dev/null; then PYTHON="python3" fi - export PYTORCH_VERSION="$(conda search --json pytorch[channel=pytorch-${UPLOAD_CHANNEL}] | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" + export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" else export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch -c pytorch-${UPLOAD_CHANNEL}" fi From fb5165350aef8d10516cf69ba9f7f96965ee088b Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Fri, 14 Oct 2022 17:18:30 -0400 Subject: [PATCH 334/463] Fixed on_disk_cache issues (#1942) (#1945) * Fixed on_disk_cache issues [ghstack-poisoned] * Update on "Fixed on_disk_cache issues" Fixed issues with cache locks and cache files overwrites. Required to be compatible with https://github.com/pytorch/data/pull/810 [ghstack-poisoned] * Update on "Fixed on_disk_cache issues" Fixed issues with cache locks and cache files overwrites. Required to be compatible with https://github.com/pytorch/data/pull/810 [ghstack-poisoned] Co-authored-by: Vitaly Fedyunin --- .../torchtext_unittest/datasets/test_cnndm.py | 3 +-- torchtext/datasets/cnndm.py | 18 +++++++----------- torchtext/datasets/imdb.py | 2 +- torchtext/datasets/iwslt2017.py | 19 ++++++++++++++++++- 4 files changed, 27 insertions(+), 15 deletions(-) diff --git a/test/torchtext_unittest/datasets/test_cnndm.py b/test/torchtext_unittest/datasets/test_cnndm.py index a2de23cc3c..c3b5561e36 100644 --- a/test/torchtext_unittest/datasets/test_cnndm.py +++ b/test/torchtext_unittest/datasets/test_cnndm.py @@ -87,8 +87,7 @@ def test_cnndm(self, split): dataset = CNNDM(root=self.root_dir, split=split) samples = list(dataset) expected_samples = self.samples[split] - for sample, expected_sample in zip_equal(samples, expected_samples): - self.assertEqual(sample, expected_sample) + self.assertEqual(expected_samples, samples) @parameterized.expand(["train", "val", "test"]) @patch("torchtext.datasets.cnndm._get_split_list", _mock_split_list) diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index 3b5f6aa42b..db65680d17 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -1,8 +1,7 @@ import hashlib import os -from collections import defaultdict from functools import partial -from typing import Union, Tuple +from typing import Union, Set, Tuple from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( @@ -52,8 +51,6 @@ "test": 11490, } -story_fnames = defaultdict(set) - def _filepath_fn(root: str, source: str, _=None): return os.path.join(root, PATH_LIST[source]) @@ -61,19 +58,17 @@ def _filepath_fn(root: str, source: str, _=None): # called once per tar file, therefore no duplicate processing def _extracted_folder_fn(root: str, source: str, split: str, _=None): - global story_fnames key = source + "_" + split - story_fnames[key] = set(_get_split_list(source, split)) - filepaths = [os.path.join(root, _EXTRACTED_FOLDERS[source], story) for story in story_fnames[key]] - return filepaths + filepath = os.path.join(root, key) + return filepath def _extracted_filepath_fn(root: str, source: str, x: str): return os.path.join(root, _EXTRACTED_FOLDERS[source], os.path.basename(x)) -def _filter_fn(source: str, split: str, x: tuple): - return os.path.basename(x[0]) in story_fnames[source + "_" + split] +def _filter_fn(split_list: Set[str], x: tuple): + return os.path.basename(x[0]) in split_list def _hash_urls(s: tuple): @@ -96,6 +91,7 @@ def _get_split_list(source: str, split: str): def _load_stories(root: str, source: str, split: str): + split_list = set(_get_split_list(source, split)) story_dp = IterableWrapper([URL[source]]) cache_compressed_dp = story_dp.on_disk_cache( filepath_fn=partial(_filepath_fn, root, source), @@ -108,7 +104,7 @@ def _load_stories(root: str, source: str, split: str): filepath_fn=partial(_extracted_folder_fn, root, source, split) ) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, source, split)) + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, split_list)) ) cache_decompressed_dp = cache_decompressed_dp.end_caching( mode="wb", filepath_fn=partial(_extracted_filepath_fn, root, source) diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index debb5c06f3..d9962342b4 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -32,7 +32,7 @@ def _filepath_fn(root, _=None): def _decompressed_filepath_fn(root, decompressed_folder, split, labels, _=None): - return [os.path.join(root, decompressed_folder, split, label) for label in labels] + return os.path.join(root, decompressed_folder, split) def _filter_fn(filter_imdb_data, split, t): diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 5d51c75a62..1691e0c89c 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -240,7 +240,24 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de filepath_fn=partial(_inner_iwslt_tar_filepath_fn, inner_iwslt_tar) ) cache_decompressed_dp = cache_decompressed_dp.open_files(mode="b").load_from_tar() - cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) + # As we had filenames duplicated, any trash files in archive can become tgz + + def extracted_file_name(inner_iwslt_tar, inner_tar_name): + name = os.path.basename(inner_tar_name) + path = os.path.dirname(inner_iwslt_tar) + return os.path.join(path, name) + + cache_decompressed_dp = cache_decompressed_dp.end_caching( + mode="wb", filepath_fn=partial(extracted_file_name, inner_iwslt_tar) + ) + # As we corrected path, we need to leave tgz files only now and no dot files + + def leave_only_tgz(file_name): + name = os.path.basename(file_name) + _, file_extension = os.path.splitext(file_name) + return file_extension == ".tgz" and name[0] != "." + + cache_decompressed_dp = cache_decompressed_dp.filter(leave_only_tgz) cache_decompressed_dp_1, cache_decompressed_dp_2 = cache_decompressed_dp.fork(num_instances=2) src_filename = file_path_by_lang_and_split[src_language][split] From 238b342101902db0d36b0f796706079d3bdd61da Mon Sep 17 00:00:00 2001 From: Sumit Kumar Date: Mon, 17 Oct 2022 08:55:53 -0700 Subject: [PATCH 335/463] Update decoding logic to handle special tokens (#1925) * update decoding logic to handle special tokens * rebased and added example * minor refactor: moved boolean assignment outside of for loop --- test/torchtext_unittest/test_transforms.py | 135 +++++++++++++++++++++ torchtext/csrc/gpt2_bpe_tokenizer.cpp | 88 +++++++++++--- torchtext/csrc/gpt2_bpe_tokenizer.h | 3 +- 3 files changed, 207 insertions(+), 19 deletions(-) diff --git a/test/torchtext_unittest/test_transforms.py b/test/torchtext_unittest/test_transforms.py index f3f2f50326..ee5fbea903 100644 --- a/test/torchtext_unittest/test_transforms.py +++ b/test/torchtext_unittest/test_transforms.py @@ -560,6 +560,140 @@ def _gpt2_bpe_decoder(self, tokenizer): for idx, ids in enumerate(sample_ids): self.assertEqual(tokenizer.decode(ids), expected_texts[idx]) + def _gpt2_bpe_decoder_with_special_tokens(self, tokenizer): + sample_ids = [ + [ + "27", + "91", + "437", + "1659", + "5239", + "91", + "29", + "290", + "1279", + "91", + "437", + "1659", + "5239", + "91", + "29", + "389", + "2041", + "1279", + "91", + "437", + "1659", + "1370", + "91", + "29", + "318", + "407", + "0", + ], + [ + "9288", + "15859", + "8905", + "51", + "1279", + "615", + "603", + "62", + "4658", + "29", + "351", + "27196", + "24027", + "1279", + "91", + "437", + "1659", + "5239", + "91", + "29", + "290", + "8005", + "62", + "44710", + ], + ["7355", "67", "34655", "569", "81", "32790", "1228", "1990", "72", "38325", "6184", "106", "77"], + [ + "40", + "423", + "281", + "16882", + "1359", + "428", + "318", + "257", + "1332", + "1279", + "91", + "437", + "1659", + "5239", + "91", + "29", + ], + ] + + expected_texts = [ + "<|endoftext|> and <|endoftext|> are special <|endofline|> is not!", + "test ACCEPT with DECLINE <|endoftext|> and NO_ACTION", + "Avdija Vršajević în", + "I have an inkling this is a test <|endoftext|>", + ] + + for idx, ids in enumerate(sample_ids): + self.assertEqual(tokenizer.decode(ids), expected_texts[idx]) + + newly_added = tokenizer.add_special_tokens( + special_tokens_dict={ + "unk_token": "<|endoftext|>", + "sep_token": "", + "additional_special_tokens": [ + "ACCEPT", + "DECLINE", + "inkling", + ], + } + ) + self.assertEqual(newly_added, 4) + + sample_ids = [ + [ + "50256", + "392", + "50256", + "533", + "2041", + "1279", + "91", + "437", + "1659", + "1370", + "91", + "29", + "318", + "407", + "0", + ], + ["9288", "50258", "50257", "4480", "50259", "50256", "392", "8005", "62", "44710"], + ["7355", "67", "34655", "569", "81", "32790", "1228", "1990", "72", "38325", "6184", "106", "77"], + ["40", "423", "281", "50260", "5661", "318", "257", "1332", "50256"], + ] + + expected_texts = [ + "<|endoftext|> and <|endoftext|> are special <|endofline|> is not!", + "test ACCEPT with DECLINE <|endoftext|> and NO_ACTION", + "Avdija Vršajević în", + "I have an inkling this is a test <|endoftext|>", + ] + + for idx, ids in enumerate(sample_ids): + self.assertEqual(tokenizer.decode(ids), expected_texts[idx]) + @nested_params([True, False], [True, False]) def test_gpt2_bpe_tokenizer(self, test_scripting, return_tokens): """test tokenization on single sentence input as well as batch on sentences""" @@ -568,6 +702,7 @@ def test_gpt2_bpe_tokenizer(self, test_scripting, return_tokens): def test_gpt2_bpe_decoder(self): """test string output returned by decoder given the token ids""" self._gpt2_bpe_decoder(self._load_tokenizer(test_scripting=False, return_tokens=False)) + self._gpt2_bpe_decoder_with_special_tokens(self._load_tokenizer(test_scripting=False, return_tokens=False)) @nested_params([True, False]) def test_gpt2_bpe_tokenizer_with_added_vocab(self, return_tokens): diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.cpp b/torchtext/csrc/gpt2_bpe_tokenizer.cpp index 77ae0b4e13..5b10fe4a73 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.cpp +++ b/torchtext/csrc/gpt2_bpe_tokenizer.cpp @@ -384,8 +384,8 @@ std::vector GPT2BPEEncoder::PreTokenize_(std::string input) { std::vector GPT2BPEEncoder::Encode(const std::string& text) { std::vector bpe_token_ids; for (const auto& token : PreTokenize_(text)) { - if (added_tokens_encoder.contains(token)) { - bpe_token_ids.push_back(added_tokens_encoder.at(token)); + if (added_tokens_encoder_.contains(token)) { + bpe_token_ids.push_back(added_tokens_encoder_.at(token)); continue; } bool is_never_split_token = @@ -400,19 +400,67 @@ std::vector GPT2BPEEncoder::Encode(const std::string& text) { std::string GPT2BPEEncoder::Decode(const std::vector& tokens) { std::string text; + bool is_prev_special = false; + bool is_current_special = false; // setup converter for converting wide chars to/from chars using convert_type = std::codecvt_utf8; std::wstring_convert converter; - for (const auto token : tokens) { - // get unicode string for given integer key - const std::string str = bpe_decoder_.at(token); - const std::wstring ws = converter.from_bytes(str); - for (wchar_t wchr : ws) { - // get output character from byte decoder for each wide character - unsigned char uchr = byte_decoder_.at(converter.to_bytes(wchr)); - text.push_back(uchr); + for (int tok_idx = 0; tok_idx < tokens.size(); tok_idx++) { + const auto token = tokens[tok_idx]; + std::string decoded_token; + + if (added_tokens_decoder_.contains(token)) { + // string is a special token from extended vocab + decoded_token = added_tokens_decoder_.at(token); + is_current_special = true; + } else { + const std::string str = bpe_decoder_.at(token); + if (bpe_never_split_set_.find(str) != bpe_never_split_set_.end()) { + // string is a special token from known vocab + decoded_token = str; + is_current_special = true; + } else { + // string is a regular token from known vocab + is_current_special = false; + const std::wstring ws = converter.from_bytes(str); + for (wchar_t wchr : ws) { + // get output character from byte decoder for each wide character + unsigned char uchr = byte_decoder_.at(converter.to_bytes(wchr)); + decoded_token.push_back(uchr); + } + } + } + + /* Fixing leading/trailing space(s) + + We need to ensure spaces before and after special tokens are removed + appropirately. Assuming <|endoftext|> and HELLO are special tokens: + string input: "<|endoftext|> <|endoftext|> and HELLO world !" + is to be tokenized as: + ['<|endoftext|>', '<|endoftext|>', 'and', 'HELLO', 'world', 'Ġ!'] + whereas an input like: + "<|endoftext|> and anything else!", gets tokenized as: + ['<|endoftext|>', 'and', 'Ġanything', 'Ġelse', '!'] + + Hence while decoding the corresponding string tokens back to + the original string text, we will have to insert those spaces back again. + - Add empty space before a special token if it is not at the begining of the + sentence and if it is not following another special token. + - Add empty space after a special token if it is not at the end of the + sentence. + */ + + // fix left space(s) for special tokens + if (is_current_special && (tok_idx > 0 && !is_prev_special)) { + text.push_back(' '); + } + text.append(decoded_token); + // fix right space(s) for special tokens + if (is_current_special && tok_idx != tokens.size() - 1) { + text.push_back(' '); } + is_prev_special = is_current_special; } return text; } @@ -436,31 +484,35 @@ int64_t GPT2BPEEncoder::AddSpecialTokens( int64_t newly_added = 0; /* All special tokens get added to `bpe_never_split_set_` set to avoid being - * split during tokenization. Tokens are added to `added_tokens_encoder` only - * if they are not already known (i.e. present in `bpe_encoder_`). + * split during tokenization. Tokens are added to `added_tokens_encoder_` only + * if they are not already known (i.e. not already present in `bpe_encoder_`). */ // Loop for standard tokens such as "bos_token", "eos_token", etc. for (auto const& token : standard_special_tokens_dict) { - if (added_tokens_encoder.contains(token.value())) { + if (added_tokens_encoder_.contains(token.value())) { continue; } bpe_never_split_set_.insert(token.value()); if (!bpe_encoder_.contains(token.value())) { - added_tokens_encoder.insert( - token.value(), bpe_encoder_.size() + added_tokens_encoder.size()); + added_tokens_encoder_.insert( + token.value(), bpe_encoder_.size() + added_tokens_encoder_.size()); + added_tokens_decoder_.insert( + bpe_decoder_.size() + added_tokens_decoder_.size(), token.value()); newly_added++; } } // Loop for any additional tokens for (auto const& token : additional_special_tokens) { - if (added_tokens_encoder.contains(token)) + if (added_tokens_encoder_.contains(token)) continue; bpe_never_split_set_.insert(token); if (!bpe_encoder_.contains(token)) { - added_tokens_encoder.insert( - token, bpe_encoder_.size() + added_tokens_encoder.size()); + added_tokens_encoder_.insert( + token, bpe_encoder_.size() + added_tokens_encoder_.size()); + added_tokens_decoder_.insert( + bpe_decoder_.size() + added_tokens_decoder_.size(), token); newly_added++; } } diff --git a/torchtext/csrc/gpt2_bpe_tokenizer.h b/torchtext/csrc/gpt2_bpe_tokenizer.h index c13a15b202..8d7de4d6fc 100644 --- a/torchtext/csrc/gpt2_bpe_tokenizer.h +++ b/torchtext/csrc/gpt2_bpe_tokenizer.h @@ -62,7 +62,8 @@ struct GPT2BPEEncoder : torch::CustomClassHolder { std::string token, bool is_never_split_token); int64_t GetBPEMergeRank_(std::string pair); - c10::Dict added_tokens_encoder; + c10::Dict added_tokens_encoder_; + c10::Dict added_tokens_decoder_; protected: c10::Dict> cache_; From 4570a563020a950e24446613227ef24e2d9a6327 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Mon, 17 Oct 2022 13:57:40 -0400 Subject: [PATCH 336/463] Fix device mismatch bug in T5 implementation (#1944) * Move relative_buckets Tensor to same device as relative_position * Update code pointer comments * Reference self.device from within MultiHeadedAttention private methods * Remove faulty call with device to t5 forward method * Add device to Attention obj --- torchtext/prototype/models/t5/modules.py | 16 +++++++--------- 1 file changed, 7 insertions(+), 9 deletions(-) diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index f66036b96e..63ec17170d 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -74,6 +74,8 @@ def __init__( else: self.relative_attention_bias = None + self.device = device + def forward( self, query: Tensor, @@ -258,7 +260,6 @@ def _t5_multi_head_attention_forward( tgt_len, src_len, bidirectional=(not self.is_decoder), - device=k.device, ) # Calculate attention and out projection @@ -402,20 +403,17 @@ def _t5_dot_product_attention( output = output.transpose(1, 2).contiguous().view(B, -1, H * E) return output, attn - # NOTE: modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L421 + # NOTE: Modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L421 def _compute_bias( self, query_length: int, key_length: int, bidirectional: bool = True, - device: Optional[torch.device] = None, ) -> Tensor: """Compute binned relative position bias""" assert self.relative_attention_bias is not None - if device is None: - device = self.relative_attention_bias.weight.device - context_position = torch.arange(query_length, dtype=torch.long, device=device)[:, None] - memory_position = torch.arange(key_length, dtype=torch.long, device=device)[None, :] + context_position = torch.arange(query_length, dtype=torch.long, device=self.device)[:, None] + memory_position = torch.arange(key_length, dtype=torch.long, device=self.device)[None, :] relative_position = memory_position - context_position # shape (query_length, key_length) relative_position_bucket = self._relative_position_bucket( relative_position, # shape (query_length, key_length) @@ -427,7 +425,7 @@ def _compute_bias( values = values.permute([2, 0, 1]).unsqueeze(0) # shape (1, num_heads, query_length, key_length) return values - # NOTE: Taken from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L374 + # NOTE: Modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L374 def _relative_position_bucket( self, relative_position: Tensor, bidirectional: bool = True, num_buckets: int = 32, max_distance: int = 128 ) -> Tensor: @@ -448,7 +446,7 @@ def _relative_position_bucket( Returns: a Tensor with the same shape as relative_position, containing int32 values in the range [0, num_buckets) """ - relative_buckets = torch.zeros(relative_position.shape, dtype=torch.long) + relative_buckets = torch.zeros(relative_position.shape, dtype=torch.long, device=self.device) if bidirectional: num_buckets = num_buckets // 2 relative_buckets += (relative_position > 0).to(torch.long) * num_buckets From 5eb33ce1f7447df5069b6cfb55b8177c9bbaff08 Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Tue, 18 Oct 2022 10:46:23 -0400 Subject: [PATCH 337/463] Add Character Level BPE Tokenizer (#1936) (#1946) * Add Character Level BPE Tokenizer (#1936) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1936 This change adds a character level BPE tokenizer to the set of available transforms. It takes a pre-trained encoder dict (i.e vocab dict) and merge list as input. It is not using C++ for encoding / decoding at this time. Reviewed By: langong347 Differential Revision: D40186470 fbshipit-source-id: 48bacc631f537e941a495e39ef9ccb17d3ef7896 * run linter * add regex to requirements and CharBPETokenizer to transforms.rst * fix docs and requirements * try to fix docstring format Co-authored-by: Roman Shraga --- docs/requirements.txt | 1 + docs/source/transforms.rst | 7 + packaging/torchtext/meta.yaml | 1 + .../asset/openai-gpt-merges.txt | 40001 ++++++++++++++++ .../asset/openai-gpt-vocab.json | 1 + test/torchtext_unittest/test_transforms.py | 62 + torchtext/transforms.py | 208 + 7 files changed, 40281 insertions(+) create mode 100644 test/torchtext_unittest/asset/openai-gpt-merges.txt create mode 100644 test/torchtext_unittest/asset/openai-gpt-vocab.json diff --git a/docs/requirements.txt b/docs/requirements.txt index 2f20beb5b4..45d955c0b9 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -3,3 +3,4 @@ sphinx==5.1.1 -e git+https://github.com/pytorch/pytorch_sphinx_theme.git@cece053#egg=pytorch_sphinx_theme sphinx_gallery==0.11.1 matplotlib +regex diff --git a/docs/source/transforms.rst b/docs/source/transforms.rst index 6b12d0ca57..65c2188d87 100644 --- a/docs/source/transforms.rst +++ b/docs/source/transforms.rst @@ -99,3 +99,10 @@ StrToIntTransform .. autoclass:: StrToIntTransform .. automethod:: forward + +CharBPETokenizer +---------------- + +.. autoclass:: CharBPETokenizer + + .. automethod:: forward diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 9d7502200d..2ec9bdf5b9 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -23,6 +23,7 @@ requirements: - python - requests - tqdm + - regex {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} build: diff --git a/test/torchtext_unittest/asset/openai-gpt-merges.txt b/test/torchtext_unittest/asset/openai-gpt-merges.txt new file mode 100644 index 0000000000..0023a687b3 --- /dev/null +++ b/test/torchtext_unittest/asset/openai-gpt-merges.txt @@ -0,0 +1,40001 @@ +#version: 0.2 +t h +i n +e d +a n +th e +o u +e r +in g +t o +e r +h e +an d +a r +h i +a t +r e +w a +o n +s t +e n +h a +o f +o r +i n +a l +i t +e n +o n +e l +r o +i t +a c +wa s +m e +y o +yo u +h er +e s +l y +n o +a t +l o +l i +s he +w h +o r +s t +hi s +th at +e a +v e +b e +r i +l d +a n +g h +er e +th e +' s +t i +' t +n 't +i d +s a +l e +s i +u r +i s +b u +s e +m y +h o +ou ld +n e +ou t +l e +w it +o m +i l +wit h +a s +ha d +s e +gh t +k e +f or +u n +l a +r a +on e +m a +bu t +d o +a b +t o +i c +c h +e v +hi m +s h +k ed +c a +p p +b e +g o +s p +ou n +i r +d e +th er +d o +c o +al l +e t +s s +d i +m o +en t +no t +d e +no w +t ed +wh at +the y +a g +ac k +sa id +ha ve +f ro +w e +c h +c e +u p +or e +b o +v er +t er +lo o +th ing +th is +fro m +k ing +d s +s o +a s +ou r +s u +w n +c on +d id +m i +r u +f e +s ed +g h +t a +j u +l ed +c ould +w ould +s o +wa y +t s +ar e +w ere +i r +d a +p o +i f +e m +il l +re a +li ke +er s +b ack +w or +e ar +oun d +th ere +' d +d ed +el l +e x +q u +ou gh +h ea +t h +n o +l l +in to +in g +ju st +wh en +ab out +at i +f a +p u +th en +al ly +s c +l ea +v er +a l +m u +an t +ac e +f u +w hi +y es +in d +t ing +the m +d y +c om +d ing +g u +t ur +be en +e e +f or +s om +ar d +k now +som e +o p +b y +t w +y our +t er +p ro +s el +o f +g e +f i +o d +p a +e c +do wn +o ver +r e +l u +ho w +' m +ti me +ag a +w i +t r +s ur +m ore +. . +g et +o ther +p re +n ed +on g +d er +v i +p ar +y s +p l +si de +f o +t ly +c k +e yes +k s +g i +m e +in e +at e +n i +sel f +.. . +p er +t y +a f +e l +the ir +ic e +hea d +th in +pp ed +c an +g r +' re +m an +wh o +y ing +l ing +ati on +st o +u s +s m +ri ght +d er +s ho +o k +g e +an y +g a +f ore +p e +ev er +ou ght +be fore +h an +ne w +ev en +ar ound +el y +m p +se e +st ar +ca u +an y +v ed +h ere +s s +s h +c lo +go ing +f ir +g o +ou r +th r +p s +so me +' ll +lo w +wh ere +v ing +on ly +ti on +h el +of f +w ill +n a +c i +th an +loo ked +ab le +t le +ro o +on s +t en +thr ough +w ant +ou s +thin k +n ing +c u +h and +b a +v o +m ar +j o +aga in +to o +f ace +t e +wa l +s hi +s w +l it +a way +f t +st ill +roo m +it y +some thing +f e +co me +s si +da y +le t +r y +ea r +e p +ing s +g re +c ar +er ed +e st +w an +af ter +w ell +h ear +as ked +b l +th ought +tw o +ne ver +an g +go od +ev er +en d +st a +a d +at ed +b r +an ce +m in +c ha +' ve +sur e +c k +cau se +h u +ma de +go t +t ri +s sed +mu ch +loo k +ch ed +m b +sh ed +f in +wh y +d u +w ard +b el +tur ned +s ha +g g +ac h +b ro +g ra +mo st +k new +at h +do or +lit tle +t al +l s +be cause +f el +en ed +t u +w ar +t e +s k +f f +s it +ta ke +ha pp +m an +m s +ma ke +c al +ever y +l ong +fir st +t ra +ac h +st e +fu l +b le +e ss +i m +sa y +en ce +ca me +c ed +p ri +fel t +b ed +re e +s on +m on +d ar +to ok +s er +a pp +k i +t ru +f ri +lo w +c hi +bo dy +f r +p la +s in +al i +wan ted +o se +ver y +v es +e st +ne ed +pu l +k no +ear s +d d +st u +t ell +p i +st r +d re +re ally +c re +r ed +b i +ha s +con t +h e +han ds +whi ch +s en +pe op +it s +s ing +peop le +re c +wa t +s li +c a +sh ould +ni ght +w s +wi th +th ough +le ft +whi le +t ting +vo ice +m ed +aga in +z e +again st +an other +w om +la st +l an +rea dy +m ent +li fe +to ld +m em +m es +m om +j a +m at +ou s +p e +e i +l ar +l es +la u +fe w +b rea +ag e +i on +wa ys +p h +k ee +any thing +in ed +t t +be ing +en ts +no thing +c ur +w ent +e p +h ind +be hind +ic k +it e +en ough +com p +a m +e d +s or +t ter +se em +b ar +m or +c or +do es +sa w +ou se +sh ou +d ea +ma y +un ti +mi ght +fe el +z ed +t re +of f +th ings +co l +d ra +g ir +pu t +unti l +o wn +k a +th ose +ne x +b ab +un der +w o +loo king +pl ace +m ind +f ac +f ind +an d +c la +w in +st er +fo l +si l +li ght +sp ec +be g +i e +may be +e en +on ce +ever y +il ed +le ss +fr on +g er +c ked +g en +ou th +i l +h un +bo th +ha l +h ar +h er +mom ent +h ouse +nex t +ch ing +f ing +l at +lo ve +al ways +d ri +o ld +ep t +st ed +ne ss +st re +n er +m y +wor k +fron t +ro ss +f ound +ha ir +c er +st an +in ter +sto od +p lea +ea n +hi m +o h +b re +ra i +k en +ro w +him self +with out +ur e +d r +hel p +in side +po in +mem b +w r +t able +o l +wom an +fa ther +e y +at ing +b ri +h ard +ho me +sa me +or y +si on +l ly +gi ve +em p +ac k +d ly +hear d +mo ther +f lo +m en +s mi +c our +kee p +an s +every thing +u l +i es +e ach +some one +e y +ri ed +m outh +ar m +op en +ar ms +d ro +an k +seem ed +ne e +shou l +c oun +g s +be tter +f re +ic k +sp o +b loo +th ree +tr ying +pul led +p ed +be tw +to ward +m er +betw een +s le +an sw +low ed +n or +b ur +ex p +se con +y ears +in st +sm all +ach ed +c ra +ac ross +ou t +wa it +fe el +s es +d ded +st and +ter ed +v en +fa mi +se t +sin ce +star ted +un der +t on +pp ing +en ing +k es +al most +smi le +or s +an i +al ready +ga ve +lau gh +c r +o b +par t +p ic +u sed +re memb +wor ds +h ur +d one +u p +re s +mu st +wal ked +en ti +min u +t ou +p r +n u +g la +ca r +at t +an ge +w on +ar y +m any +do ing +com ing +tri ed +wor ld +c ho +to ge +hear t +ous ly +toge ther +b ea +ka y +el se +re p +t en +j e +the se +c ou +le ar +my self +qu est +der ed +dar k +se en +sto p +ro w +di ff +el i +tur n +bl ack +tr y +fe et +o kay +s at +ma g +st i +fe c +no dded +su pp +fa r +or t +hel d +in s +m ean +m ing +v a +y ed +p ing +gir l +li ps +lo t +ti mes +gh ts +g ar +il led +c l +se e +ho l +p as +re ali +an n +her self +si g +mo ved +ch ar +m il +h or +i ous +y et +gg ed +fu lly +clo se +hea r +c e +re st +cal led +sm iled +g ed +s qu +beg an +a ir +wa ter +ssi on +ta in +wh o +lea ve +i g +al so +bel ie +po w +na me +s y +d ers +de ci +f la +er ing +ss ing +m r +c all +c lu +o l +w ee +g one +tal k +k ind +bloo d +b it +bre ath +o th +ge tting +flo or +t es +t el +cour se +w ing +sa ys +nee ded +su ch +tur e +sh ing +wor d +bi g +fri end +d es +tu ally +b le +su dd +cont in +le an +di s +as k +c en +fin ally +ro l +po ssi +sho ok +re as +pro bab +f f +v en +al ong +fing ers +l on +g ri +whi sp +ph one +b lu +probab ly +secon d +da m +an e +lea st +gre at +contin u +v e +st s +lat er +ex c +gr ound +y ea +be st +sh u +happ ened +de ep +go d +our s +m ur +yea h +pa st +belie ve +d en +so on +hal f +c li +l in +th ro +m en +sto pped +qu ick +s y +f le +ch est +whi te +re ached +rea d +ma king +sor ry +ir e +da ys +op ened +mo ve +fami ly +sur pri +s ound +do w +em ent +feel ing +dea d +di rec +ec t +diff er +every one +i de +mor ning +b en +at ely +fri en +o t +en tly +y oun +b bed +w ea +b ra +li e +ac t +s low +a d +any one +p er +h ell +ver ed +ta king +b b +to p +o ver +w o +ba d +ide a +i mp +ta l +no ti +quick ly +a h +stan ding +r un +d ge +in ing +s oun +comp le +re n +a u +w il +f ted +al e +d ic +ir s +ac ed +m ine +qu i +k ept +for ward +en ly +c lea +t or +ti ons +b er +e f +u se +li ed +l a +i s +c are +m p +shoul der +ar ed +t or +an c +d ou +sp ea +bo y +r an +s k +st ri +en g +shi p +slow ly +g lan +wa ll +ha ving +b la +al one +li st +on d +a r +bu il +on to +sta y +rememb er +t ty +n s +clo sed +sk in +ca p +thin king +st ru +gu y +fo re +il ing +n y +minu tes +plea se +s la +a m +pl an +w ed +wat ched +ho ld +poin t +l er +fir e +rea l +hi gh +l ine +fu ll +on al +bea u +in k +out side +at ten +b or +tal king +wr ong +l and +ei ther +sudd enly +sc ho +ma y +n a +ati ons +ch es +on ed +star ed +p ur +er i +re sp +gh tly +on es +di sa +cha p +l or +ru n +t un +f ine +v el +le y +s er +fac t +spec i +f li +mat ter +th s +under stand +ha t +ne ar +ch ee +f al +p le +ac tually +th re +mo m +lo st +ss es +ea d +la r +ne ck +wa it +d rea +k e +com m +p an +h on +fi ve +wait ing +t on +c ro +han d +z z +di st +da d +c king +pa in +sw e +l ou +s ent +a w +who le +m a +war ds +c at +g ing +frien ds +ag o +chap ter +m et +d en +f our +o c +youn g +hur t +wal k +b ru +ch ec +blu e +i a +t ely +ear ed +st ing +bo o +shi r +ta ken +mr . +s it +cau ght +differ ent +pre tty +fi g +si mp +car e +gu e +n at +l un +d in +t ers +al s +di e +g ro +inst ead +laugh ed +answ er +ch ang +st ro +ca se +i mag +co ld +s mo +t om +fa st +oth ers +de sp +c ks +bro ther +e f +m m +k ill +c tion +pro t +st om +lar ge +mb er +ang er +w hat +t in +ga ze +v y +z ing +ac ti +f ur +th ir +lean ed +per fec +se ver +fin i +st ory +win dow +scho ol +sc rea +p at +br ought +d ev +qu ite +b al +possi ble +f ell +loo ks +st rai +en ty +le gs +chi l +ec ted +hi t +cha ir +con si +low ing +ch e +quest ion +happ y +c le +star t +sen se +d el +d a +n er +ch ri +ac c +in ten +de ath +whisp ered +k it +glan ced +i ght +sh ar +ste pped +reas on +c lear +mp ed +ho pe +c es +sit ting +ca l +k er +what ever +hol ding +th ank +sho t +in t +continu ed +s how +to wn +disa pp +app ro +ac ked +sever al +th an +so l +ch ange +st or +so f +rep lied +per son +e s +di ed +y ear +ex pla +t y +ab o +c ity +h ours +co vered +ex ac +wat ching +me ant +r ing +fol lowed +resp on +kno wn +s na +per i +d ent +pow er +me di +un i +exac tly +beau ti +par t +mo ving +thro at +re ma +run ning +reali zed +mon ey +wat ch +ma l +en s +ey e +mb led +f er +com for +gu ess +su b +sle ep +shir t +se ar +ro l +ho t +gla ss +v ic +p or +tru e +o d +ha ps +c ir +u su +gh ter +per haps +w e +s ing +for m +k ne +b il +bo ok +pro mi +atten tion +y el +th er +ki ss +it ed +dam n +clo ser +ch en +beauti ful +lon ger +to day +f l +n ice +off ice +shi t +it i +hu man +sta irs +pro ble +tou ch +s co +va mp +li ving +gi ven +sa ying +gra bbed +ch ance +jo b +l ate +cu t +c ing +li ve +gh t +se at +ver s +pu shed +bo t +sh ru +t ea +vi e +ex pre +c ru +gu n +sc re +be side +m ir +wom en +r an +st ra +n ar +ste p +j ack +w ra +ti c +at es +i st +cou ple +der ing +bu sin +p en +b ack +bab y +deci ded +p al +tur ning +si gh +te en +w el +c y +re li +th ou +shoul ders +ear ing +dd le +ton ight +sh ort +v ely +j er +b lo +rol led +ar ri +ti ve +dou b +s ar +gh ten +m ic +clea r +f ear +v in +abo ve +pre ssed +lo ved +la y +kit chen +n ear +f illed +cont rol +v el +al e +re l +s un +f ree +th u +to m +t t +g row +t ears +lea ving +si ster +ul t +me et +ur ing +po sit +tt en +b it +ro se +ei ght +p hi +pas sed +dro pped +for m +stre et +ro ad +spo ke +sc u +sk y +l en +to wards +ho w +p t +po li +s ou +g y +wor king +b and +shu t +par ents +si des +z y +ob vi +or t +se cre +fi ght +busin ess +v al +t ar +rai sed +fi ed +i e +bu l +u m +f fe +any way +in t +ur ed +sil ence +tw enty +ag ed +chi ld +so ft +i ly +tr an +t tered +dre w +go tten +see ing +with in +br ing +jo h +ea sy +ra ther +up on +m on +ta in +quest i +in v +m el +buil ding +g l +sor t +ing ly +fo od +s . +dar k +gr y +y our +f un +im medi +c ri +dre ss +i d +b ir +comple tely +gre en +f lu +in a +ic i +wal king +cor ner +il s +pic ked +re co +noti ced +n e +sa fe +tru th +st er +dre n +spea k +st ea +ro r +str ong +ed ge +strai ght +b s +ste ps +t ee +chil dren +gi ving +f all +ra id +wait ed +b ly +w er +i c +h our +li fted +st one +c row +in ning +wi fe +supp o +ea si +g an +chang ed +th es +gr ou +star ing +dea l +sh es +en jo +su n +ac tion +wee k +war m +stom ach +ic al +mi ss +si x +k illed +g on +ck et +o pp +happ en +your self +re turned +near ly +con cer +ag re +y e +d eli +ne i +wh e +gu ys +di es +thou ghts +tr ou +pr in +co ffe +af raid +gu ar +sigh ed +imp ort +el d +kno wing +l en +wor ked +pu ll +i se +c t +wo l +wi de +v an +qui et +fing er +con vers +clo thes +be come +e t +f ra +see m +gr and +e ath +y er +tee th +brea k +s al +pl aced +s on +do ws +answ ered +expre ssion +ba g +b at +d uring +suppo sed +coffe e +fo ot +l y +x ed +be d +an k +at or +minu te +wor ry +g ge +enti re +m it +de sk +gir ls +ar e +si ght +lor d +i an +re ly +won dered +si r +than ks +ma kes +gen er +oun ded +perfec t +fo o +sel ves +gg ing +immedi ately +e ts +pla y +th y +tel ling +emp ty +proble m +m ee +m b +some times +af ter +par ti +surpri sed +it ies +ar t +d red +sc en +b all +fig ure +how ever +e ce +ben eath +ck y +da u +tru st +al though +it h +bar ely +f il +cer tain +la dy +he y +poin ted +col le +fini shed +mi ddle +shru gged +or der +pl an +el s +app eared +at s +ti ght +e mo +kno ws +ev ed +a ss +qu ie +part ment +ki ssed +bl in +j a +ch u +do w +sp ir +nu mber +sa m +vie w +ing ing +inter est +ter ri +be came +it ion +ach ing +hea vy +simp ly +ha ll +m oun +lau gh +c ted +mon ths +s an +t an +sli d +w ind +g er +c an +wi sh +p id +su l +hun dred +qu ick +ghten ed +ton gue +fi f +import ant +c ally +form ation +hea ded +dr ink +sp ace +k il +ea l +wo o +pa in +convers ation +re turn +c el +vo l +fu sed +h en +es ca +lo r +grou p +pl ac +exc ept +fami li +p ho +ear th +st e +s wi +tr ac +d on +w earing +li ked +no se +sli ghtly +g es +ne y +sp ent +ad ded +sig n +ba r +l it +se cur +com es +w ned +se tt +t emp +gen tly +gi c +h ers +wr it +str ange +dau ghter +j ect +tin y +no r +cer tain +soun ded +t a +a head +din ner +ee l +m med +tom or +ce ss +te st +tomor row +n one +pul ling +s sa +direc tion +mm er +pre s +r y +ter ing +do c +ali ve +any more +soun ds +h y +li ghts +reco g +d dy +are a +ey e +do ors +stre t +in ned +ic ally +wa ke +le ss +sc i +wee ks +k y +de ep +tou ched +bel i +th ick +surpri se +t one +an a +o w +li p +- - +d ir +ru p +sof tly +ki ds +ex peri +trou ble +sti c +speci ally +sp ed +some where +bo x +at u +tw i +fre y +kne es +pi ece +bro ken +i m +some how +l ying +stu ff +pa per +gu ard +j ack +quie tly +for ce +l o +al ity +si ve +dri ve +be y +c ent +frey ja +swe et +ear ly +k ni +ma ge +c us +ati ve +ss a +de ser +e at +bb ing +al ing +d ang +bey ond +rememb ered +e specially +sit u +sing le +s low +st y +questi ons +sp ar +ju li +wor se +b li +bro ke +he sit +wan ts +in formation +de fin +tre es +re lea +poli ce +it al +cra zy +chee k +wea p +m ents +co ver +t ree +re ach +chec k +dark ness +con ne +secon ds +ti red +lo cked +pa used +bo ard +r a +su gge +ga me +it u +wra pped +gra y +se x +sil ent +fa v +hu s +ou d +joh n +sc ri +do m +stu pid +th i +re min +dre ssed +man aged +pr acti +m ale +j en +al ed +m it +dist ance +en ded +seem s +ale x +wal ls +fol low +thre w +won der +ser v +hu ge +bed room +mee ting +sc ar +vamp ire +wor ried +recog ni +de f +u sing +bro wn +exp ected +d ru +wo od +ne ws +b right +me ans +s wal +be th +mb ling +w ri +doub t +si c +for ced +er y +c ess +be at +re la +he at +un g +un t +of ten +crow d +un k +m al +squ ee +v il +list en +k in +th ous +li er +sm iling +a ma +an gry +gh ting +th or +t ted +v id +p lu +mar k +ann a +co ol +e u +ig nor +no on +sha king +y n +ev ening +par ty +hus band +wa r +si ble +th ered +cat ch +t ally +posit ion +mr s. +em er +promi se +ba th +agre ed +t ab +v al +sur r +n ic +p ick +arri ved +so lu +lou d +sit e +certain ly +fur ther +gla d +bel ow +ner v +on y +low er +rel ati +do g +e ve +whe ther +po cket +comfor table +bo ys +ni e +ser ious +k ey +ro ck +sm ell +pa y +n g +app ar +kno w +comp any +p es +t ro +do or +re pe +fi eld +for get +stru gg +s word +t all +spec t +mu sc +f ic +as su +pla ying +de si +o s +att emp +sur vi +si st +th ers +kee ping +ver ing +j as +li k +ear lier +m ly +ti es +d om +the m +k id +t el +desp er +situ ation +hun g +ha el +cap tain +c lar +clear ly +dow n +drea m +in cre +sa ve +lu c +rea ding +f ru +them selves +usu al +sol di +ja ke +cho ice +y si +d ate +p ack +sw ee +li ved +han ded +pp er +sna pped +gr in +stre ng +su c +ac ks +z en +fu n +f it +doc tor +ssi ve +ha u +obvi ously +in de +pri v +so ci +li sh +as king +f ar +ma gic +ic ked +for tun +a partment +wol f +cal m +dd en +a po +sle ep +care fully +n ick +re n +pa ir +sc ra +plea sure +sc ent +sli pped +an ti +ge ts +bot tom +i ously +usu ally +clea n +sho wed +nor mal +chi n +ju mped +ja mes +d on +easi ly +bu n +en tered +nat ur +at ure +st rea +cro ssed +a vo +r ying +se x +p il +mi d +ho ped +me an +expla in +st ate +sel y +ta kes +sh el +gre w +th ed +cli mb +famili ar +pre par +ir ed +il ity +gr inned +cen ter +mi sta +ho sp +or ed +g ab +pic ture +r ound +me ssa +l an +exp lo +li ves +de man +cu ri +en er +g un +en a +eye bro +c ab +spo t +desp ite +secre t +ho ping +it self +chu ck +. . +p ath +d an +off ic +it ely +se a +know le +li es +lo se +hu man +thir ty +tal ked +for med +di sp +imag ine +pa u +su it +le tting +fu ture +o w +c ell +shou ted +bu tt +mar ried +ev en +laugh ing +b en +lik ely +m ate +ha te +fa ir +ri es +y a +pa ss +bath room +ter min +lean ing +le g +off ered +after noon +brea thing +p un +d ying +diff ic +wor th +shar p +streng th +ra ge +v an +aw are +w et +f er +th in +mu ttered +sou l +da m +rema ined +do l +w ore +att ack +al lowed +me tal +e mi +reali ze +da vid +sha ll +gr ace +g or +p ra +li on +fro wned +beg inning +s se +ex a +hi de +prot ec +d ry +coun ter +simp le +chee ks +s end +mi ke +be sides +co o +hel ped +wa ist +defin itely +sear ch +oun ds +ph ysi +mar y +st ly +mu sic +p ati +in vol +ef for +sta yed +b an +k ar +tea m +mem ory +g al +li am +pu bli +ma ster +hand le +si ck +dr . +tur ns +tru ck +v ar +im ed +ag es +dro p +nei ther +gl ance +s n +w eight +sc ared +v ers +fu ck +bo w +se ven +cla ss +y le +con vin +mic hael +go ld +ch ur +r it +ff ed +bra in +as ks +sp e +fol lowing +fi ghting +ol der +hi gh +nee ds +d ding +c ried +dang er +kni fe +expla ined +mi ssion +v ir +ne w +wi se +mur mur +noti ce +de ta +er ful +an ci +c ry +ho od +b as +atu res +a side +hor se +di scu +sh e +con fi +g n +mo v +stan tly +ma in +parti cu +sett led +re si +t ex +mi ssed +gu il +gu i +d ance +fore head +e k +fore ver +sp read +relati on +sil ver +de stro +pre ten +oun ding +scre en +ener gy +hosp ital +ma x +su ff +dro ve +f ting +on ing +d ani +rec ei +an ed +fal ling +a part +z a +lear ned +cal ling +foo t +at e +a mer +st are +app re +w ed +st ore +si ons +op er +mom ents +com pu +hea d +cu sed +dr in +mem or +hal l +si gh +d an +tran s +s ati +l eng +w l +ra in +mb le +ja w +ck er +thir d +l in +speci al +lo c +w ear +tu res +k en +appar ently +lo ck +po lit +jas on +fle sh +go es +under stood +car ried +op ening +ri de +p ale +de t +in clu +sho ck +secur ity +pu tting +bu sy +as h +ri ver +brea k +ho le +e my +lea d +ge st +k a +prot ect +to w +t ation +qu een +boo ks +pan ts +ca mer +gg er +in ted +j ac +el led +la p +pro fe +c up +in di +ma j +stu ck +per s +han ging +bat tle +sha ke +go l +est er +bot tle +sudd en +amer ic +won dering +esca pe +reli ef +or g +wan ting +qu ar +ic es +k el +ne cess +a ir +ou gh +mil es +disapp eared +om s +list ening +po se +chri st +pu sh +d ness +ni ght +star ting +vi sion +sp i +sti an +ac y +k in +b er +ra di +b by +ef fec +sig n +exc it +c rea +danger ous +je ans +no ise +ha ted +d ear +fig ured +wil ling +lear n +sho p +st le +even tually +exp ect +j ec +screa med +cou ch +cont act +br an +guar ds +ab solu +mi e +fi c +le vel +p h +spea king +d ings +min i +ne l +thous and +coun t +.. .. +s a +su sp +in ation +bor n +in es +hor ri +pe ter +sati s +win dows +su mmer +el ec +c y +ex i +s at +in e +mu l +un less +u n +a mu +la id +vi ol +mp ing +d or +diffic ult +bo dies +pau l +pow erful +o li +em ma +mi ssing +en tr +ri ck +po or +co at +consi dered +fre sh +coun try +opp o +care ful +g ate +plac es +off er +apo lo +ani c +th om +fre e +yel led +am ong +d ence +sh or +ch an +m ach +p ers +happ ening +f an +ho tel +li c +bur st +un cle +sleep ing +ti e +for d +w led +messa ge +low s +g li +b ent +ge or +grow ing +smo ke +lu cky +st ation +gri p +ac king +sho wer +exp ec +ss y +hall way +em bar +ac ted +f as +desi re +co lor +mir ror +pro du +pro vi +relation ship +row ed +cha se +pers onal +en ding +cl en +tru ly +na h +a dam +comm un +r at +acc ep +respon se +shi fted +re qu +le g +w ine +comple te +as le +ey ed +asle ep +sar ah +supp ose +s wa +n ers +cha l +s en +v in +sp end +ma d +dri ver +t te +ar gu +ach el +str on +com man +fin ding +ar r +beg in +at er +st on +vi sit +obvi ous +tra vel +y ours +s now +s ea +re fle +laugh ter +mo vi +pre sent +ad mit +ei gh +murmur ed +v a +direc tly +feel ings +r achel +vi sit +wa ved +gi e +sh are +tri p +t em +no te +wit ch +ser ved +pres ence +priv ate +de m +bil ity +fo cus +fun ny +st ick +ssi e +inst ru +e than +sha dow +twi sted +ste m +th row +fac es +ac ing +fal len +ri age +embar ra +wa ve +clo ck +m ming +ar ds +we ir +st al +i res +ho o +experi ence +wi ld +ru bbed +w in +pla yed +ti l +g ru +as sa +appre ci +pu shing +g lar +tur ed +el le +fl at +con fused +possi bly +har der +low ered +hun ter +ta ste +rec or +hi ps +gener al +spe ed +qu e +bur ning +bo at +de termin +lin es +lun ch +nerv ous +stret ched +cur ren +k ers +fi sh +ati c +inv est +k o +ea se +la w +cu l +any where +el e +hea ds +a k +oun ced +cla ire +fo rest +swal lowed +vi a +rol ling +ber t +sur face +ex cu +pre ss +compu ter +si ze +beli eved +im possible +tr a +natur al +bur ned +hi dden +ci p +ab ly +al ex +d y +lea ther +appro ached +jo in +remin ded +sho es +knowle dge +di str +in si +p our +gra b +cor rec +fin al +mo on +no body +go ver +in k +chec ked +human s +inter est +wo ke +su rely +j on +ab ility +so phi +fru str +th ru +jack et +oc ca +b are +entr ance +in ess +po sse +sha dows +clu b +al low +inter rup +z i +no d +c at +ti on +j our +p ink +n ur +pa id +blin ked +ser iously +ta ins +li st +ran g +ann y +deci sion +har dly +vil la +ev il +li d +wi shed +cla imed +interest ed +vamp ires +o th +ar my +lo y +si de +me dic +me ss +n t +for th +s and +lo a +ar ti +ar i +invol ved +m as +climb ed +continu e +sy stem +hear ing +dri ving +fini sh +won der +en d +chur ch +sig ned +b on +or dered +m ous +gla sses +thom as +m or +st age +c in +door way +rep or +be er +bri ef +est s +whisp er +d or +sh a +scen e +concer ned +m er +s lu +l li +wel come +go od +t at +la p +memor ies +go d +promi sed +ig n +hi story +u h +thre at +gh o +c ross +hen ry +pal m +cir cle +bo l +a unt +mp s +dani el +b ite +od d +fo cused +w est +l ing +perfec tly +n ine +cr ying +nor th +nei gh +de mon +yel low +list ened +jo e +bu y +deman ded +i mage +par k +inde ed +un able +b ear +stru ck +i sa +ac ci +em ents +in no +ju d +f ought +f rea +buil t +la w +less ly +pl ate +mo stly +clear ed +pi ec +de scri +st at +break fast +si s +s ity +anc es +effor t +re aching +ca st +is su +tw ice +ou l +se par +del ic +cir c +s ni +e m +feel s +ru sh +for gotten +pho to +fa ster +le ts +disapp o +ann e +d anger +be t +terri ble +il es +hea ding +jo ined +ce iling +ga r +sla mmed +stor m +to ssed +enjo y +fl ying +screa m +to tally +b ones +en t +fac ed +se th +soldi ers +t ch +a i +musc les +gi gg +wea k +pre sen +sho ved +et te +re gre +ga sped +ri ch +b ag +hi ding +n on +he al +h i +hel lo +g lo +prepar ed +is land +weir d +in stantly +war ri +def en +wed ding +pre ci +fle w +f ly +low ers +nat ure +re sted +piec es +s our +row ing +sy m +posit i +on i +sw ung +mon th +op s +ty pe +cir cu +an no +0 0 +s outh +su per +oppo site +brea the +woo den +ri f +el ev +p it +k icked +w ound +lar s +fav or +ri sk +woo ds +ro ll +ac he +gra ss +si x +af fec +ju st +weap on +lu ci +be ach +ignor ed +ev id +bla de +gab ri +kil ling +drea ms +p anic +cen tr +sk ir +par king +boo ts +ad mit +bro thers +ra y +te a +d ition +gro wn +necess ary +swe at +pi er +ex ten +absolu tely +bo y +loo se +k ate +ry an +pro per +brea king +m c +cre ature +ru shed +in ch +te ch +ea st +han g +mo tion +fol ded +e ating +d ents +y ester +st ic +men tion +fre n +ta il +ri sing +interest ing +bur n +wi d +st af +b ill +sur ed +b low +sa d +lea ves +pl ans +stea dy +fir m +yester day +sh ee +k y +excu se +s m +na ked +z e +c tions +oth er +or tun +c and +ti ghtly +wh ose +ama zing +leng th +publi c +squee zed +m enti +s p +y an +an im +butt on +- - +opp ortun +su s +fi st +wonder ful +ac her +mov ement +s an +c ard +con centr +vi sible +in c +re fu +hi ll +bloo dy +mat t +ex hau +ri ch +la ke +m ea +wor st +fe male +t ent +fa ir +gen tle +car ry +war ning +ja mie +stor ies +s ong +cl ou +gre e +cr y +wri st +d anc +an x +bru shed +mar k +se y +st ers +d un +co le +f y +ti ed +s lo +d iti +gol den +gre y +fa ult +y ard +or ig +fif teen +p sy +ang el +lu ck +screa ming +sa fe +bl es +el ess +bre e +bl ack +cau sed +bri dge +dis gu +sle pt +re ve +cour t +ter n +hi l +ver se +in dic +st an +th o +po ol +re moved +concer n +d ged +per son +ati onal +ri se +fortun ately +hun gry +po sed +fu cking +sub ject +re sul +a st +pl ane +con fu +stu died +ur a +c s +a i +happ ens +sc ious +repe ated +wor ks +colle ge +ag ree +re gi +h ou +up set +offic er +nu mb +pe ace +sp ee +mista ke +car rying +relea sed +dir t +star t +re action +c er +ta u +1 9 +fi re +ci l +gu e +s nor +el ed +arr ang +sear ching +easi er +char ge +ac ting +plan ned +t ter +t ors +b ought +it ted +chuck led +char lie +lo sing +c o +thin ks +w ings +br inging +c her +be ar +dra wn +lan ded +com b +tt ers +hu h +ti p +si mon +deci de +spec ted +ca su +t tle +int ro +hesit ated +sha pe +ga thered +weap ons +sugge sted +emo tions +writ ten +ec ho +acc ept +re sta +ad van +resta ur +r on +lea ding +u e +smo oth +a sh +sc rat +re fused +b one +near by +cal ls +ed ly +se ment +cur led +sta r +b ye +geor ge +jer ked +ani mal +ju mp +re gar +m ou +ma il +bit ch +deep er +g ly +ba se +anc y +ki e +rich ard +re ality +o ' +ck ets +sho o +s ca +shi ft +favor ite +le tter +dir ty +sta ying +sm iles +bl ank +sh ared +dou ble +o o +ro of +oun t +pre gn +sho wing +lu ke +prin ce +tou ching +li g +f light +k n +sho cked +mo ti +sm art +tra in +tr ack +avo id +invest ig +re gu +wor n +f ill +fing er +fif ty +plea sed +st un +eyebro ws +every where +ki ssing +fla shed +lo cal +aw k +supp ort +g as +th ering +mo od +enti rely +spo ken +kno cked +str ang +bu s +ad v +ha m +nar row +oc cu +dom in +op ed +ro oms +sa ved +war m +other wise +recogni zed +g her +clo sing +sp r +serv ice +sp un +intro du +deep ly +li ly +sa l +st ep +f ts +j an +p y +gi ant +sc an +s ation +hea vi +or din +li br +grow led +car s +v ul +con scious +warm th +sil ently +ac e +d al +ba st +tu al +pas sing +tra ining +eri c +clen ched +du st +y or +te en +emi ly +bel ly +ke ys +in n +staf f +rep ly +e qu +attemp t +pur pose +itu de +ex per +j un +in ci +pl es +i di +sho ot +na mes +experi en +moun tain +pro ve +dis covered +a wake +vi ous +t le +hon ey +sen ding +ex tra +answ ers +r ough +x es +exc ited +so a +im pre +l ack +in ti +y ers +de ck +opportun ity +shi ps +kne e +menti oned +gi ft +el la +dra gged +beau ty +dr unk +t age +n ate +mil it +clu t +bo ther +hel ping +men tal +surr ounded +bel t +t in +na med +ic a +bu ried +en emy +sm ir +de st +consi der +dra wing +proble ms +shu d +p ort +bi e +desper ate +s and +bel on +writ ing +pl enty +youn ger +lo gan +physi cal +imag ined +poin ting +brea thed +interrup ted +th a +m ac +christ mas +bro w +nar rowed +stre ss +ach es +pr oud +hor ses +apolo gi +ev i +comm on +st eel +pro cess +inst ant +ca mp +wa ves +b ank +sm al +excit ement +t it +se tting +ve hi +fa int +g row +gro aned +an ts +t ory +v ity +pic tures +ser ve +ti ghtened +ea sed +dra w +do zen +bri ef +lan gu +bo ss +wil liam +cor ri +stre ets +hel p +r ace +fr an +mar riage +e ding +fa ded +determin ed +movi e +my ster +thu mb +cre w +hon est +gi ves +pre ssing +an ds +vo ices +sp a +joh n +deta ils +v ag +tw el +fi le +ha w +zz y +v i +wi ped +v ani +si mil +admit ted +juli a +rep ort +g y +un ted +ac comp +t v +ex tre +wee k +li m +f our +villa ge +p ee +star s +incre di +fla sh +hu g +ro pe +anci ent +drin king +particu lar +or ders +ro y +mach ine +differ ence +safe ty +p in +ti m +squ are +det ec +pres sure +du e +stu dy +f lowers +orig in +i or +b ell +gr ate +sk i +sex y +curi ous +lo ts +mur der +chi ef +on er +go ds +yor k +gover n +ab and +expec ting +pa use +comfor t +rela xed +b oun +lo g +col lap +dra gon +kno ck +tra il +elev ator +lar ly +d are +pla in +le e +ca stle +plan et +evid ence +de st +beli ev +cu stom +bast ard +ma in +in tel +ta ined +sh ri +su cked +for ty +i al +s ant +hon est +consi dering +v or +ang el +con sci +mat eri +s ac +gu l +m i +ir on +sin k +a st +bru sh +b ound +wr ite +be coming +hear t +restaur ant +p on +eng lish +blo ck +il lu +hor ror +comm and +g ers +fa iled +re spect +in y +memb ers +lo ss +v is +eli za +lea der +sli ding +chri s +b ing +gabri el +inclu ding +glar ed +gh s +who m +pour ed +em s +t ear +j im +eliza beth +respon ded +p age +cab in +an tly +al d +th rowing +pa pers +twel ve +at en +stan ds +hur ry +ton y +ba dly +k ick +maj or +sli p +sw ept +o p +la un +t tering +si e +bla me +am ount +in j +ne t +el l +con st +l ur +wh eel +s ma +dev el +fac ing +par ts +sw ear +at tr +no where +je sus +a mon +elec tri +fir mly +fu ri +st ered +li ghtly +he els +di sc +r ou +bea st +fo ol +c le +li ft +fra me +ssi ons +ro b +be l +spir it +mil lion +char ac +mar ry +g low +hur ried +t est +lo vely +v or +pre si +por ch +gar den +ho ly +lea n +ca ve +enjo yed +ti ps +fi xed +emo tion +h at +rema in +jo sh +ci gar +re g +si on +l ined +resp ond +j or +ar med +i us +tu cked +s che +mar ked +dam ned +ri dic +par ked +pul se +ec u +j ane +m r +ir rit +ge st +under standing +an der +z es +m eal +ac cor +mat ch +z o +so lid +fe ar +p ace +f loo +fe atures +bir d +ri c +bi gger +p a +r on +z ation +milit ary +hi gher +m un +ma ssive +stron ger +il l +plan ning +sli ght +chal len +relea se +f lat +no ah +b acked +gir l +h a +insi sted +m m +strugg led +b ble +ff led +wh en +sn ea +be tra +pp y +m my +eng ine +t ing +pul ls +z ane +tra vel +sp ell +thru st +fren ch +s ean +ic s +fr ank +govern ment +el ing +tab les +boy friend +cra p +sig ns +win ter +up stairs +thre at +ste ve +americ an +bl ur +or ted +li qu +du c +mb s +er e +ous es +oli via +blank et +acci dent +pla stic +bil ly +v ac +ear ance +nor m +camer a +z a +when ever +e sc +un comfortable +s nar +off ici +in ha +ev ents +em br +shar p +mer ely +l ace +p et +car ed +f ed +rai se +a my +reas ons +brief ly +ti onal +app ear +gr an +ign ore +co vering +de p +libr ary +sm elled +anti cip +fas hi +eyebro w +ne ath +ag ent +fla mes +ga in +sp ring +thi ghs +gri pped +a de +star ts +coun cil +cho ose +con nor +b om +plea sant +grate ful +cap able +inten se +p uni +vic tor +as se +int ment +en ter +rela x +effec t +ous ness +reli eved +da ddy +gra du +start led +s no +ridic ul +jo y +bl ond +w oul +ti vely +ble w +man ag +co tt +cre ated +th ri +pur se +confu sion +ni fic +m id +mi a +fir ed +exp en +convin ced +ge ous +wh el +t ang +heavi ly +profe ss +id enti +ki sses +pi le +st yle +e qui +sa ge +ac tions +gen tle +dist ur +sli de +bal ls +re luc +under neath +d ag +week end +danc ing +au di +p ure +k al +g w +se ven +e ss +for got +in ches +thro wn +k i +some body +ten sion +shi eld +ru les +org ani +w re +se qu +survi ve +ha n +f ab +in du +or ange +hand some +guil t +se ction +hal f +woul d +pas sen +anim als +f an +y ne +norm ally +ri pped +cel e +je al +lo gy +wea k +jo se +x ing +dist ant +fer red +sh y +i vy +conne ction +sto pping +bir th +inno cent +assu med +con ten +bla ke +radi o +recei ved +cha irs +clou ds +war ned +susp ic +re sting +pi ssed +ho pe +str anger +tel ls +m ely +wo w +de b +mon ster +mi ser +sh ment +di a +f ying +wid ened +acti ve +horri ble +en ces +re l +accep ted +x i +bag s +sp lit +de l +pic king +ep tion +ur ge +ri s +con su +ba stian +mean ing +commun ic +fer ence +li fe +it ting +un fortunately +ru bbing +cl oud +langu age +k ir +hon or +conne cted +var ious +tun nel +strea m +qu a +h ouses +ca ssie +r i +cele br +du ty +au thor +dd led +mp le +practi ce +lit er +er t +te dly +fi er +w ling +fi x +y n +practi cally +on a +ro ws +ca sh +li ght +mor tal +u pper +ca m +over whel +pl at +lou dly +g as +b r +tre ated +ri d +curren t +appreci ate +exa min +car ol +sw ir +buil dings +re ver +tau ght +g an +al right +chang ing +ju dge +re scu +oc ean +k at +tre at +dro pping +bl on +ni ghts +than k +clo thing +cre atures +ing ton +sa ke +pow ers +simil ar +wa shed +na ils +h int +p ounding +inten ded +pregn ant +ter y +n al +stu mbled +stru c +incre as +i z +oc cur +lon don +ac es +da mage +ghten ing +wol ves +belie f +ro cks +pro gra +har ry +fli pped +pu zz +sear ched +vi br +sh ly +bree ze +hu gged +ro bert +tre ss +ur y +plu s +l ers +presi dent +j ared +ab by +fu l +f at +s ank +p it +bu i +b ond +luc as +cry st +wit ched +aw ful +st ir +bui ld +no tes +grand mother +smal ler +sk y +soldi er +mu m +cr ack +da wn +be ha +lun gs +cho se +bal ance +kil ler +no ds +nur se +chri stian +gr ant +corri dor +wal ks +honest ly +spo tted +ann ounced +sil k +temp le +avo i +har d +fro ze +ac le +jo ke +m s. +i zed +gho st +clo set +con fe +sat ur +da r +wea ther +fro zen +girl friend +k ev +stu dents +glan cing +pat ter +gun s +would 've +exi st +lun g +la dies +pe ered +sex u +st led +cha mber +to wer +fi sts +2 0 +pri son +tre mbling +sta ir +ci vi +d it +circu m +recogni ze +ig n +e ty +lan ds +prin cess +tri es +profess or +w ro +gri m +photo gra +poin ts +as m +ti al +cha in +se bastian +com par +be gun +gen cy +desper ately +tex t +su spected +fe ed +stat ement +enjo ying +sa u +juli an +har m +moun tains +gra bbing +destro y +cho sen +frustr ation +con clu +da y +mar cus +ad d +sti ff +re turning +cau sing +clo th +gr and +pla y +guil ty +c les +every body +esca ped +lar ger +fil ling +sp ine +ab rup +pri de +down stairs +fa ith +je ff +for give +ex plan +jour ney +f ate +be ating +char les +d less +sm el +cli mb +b or +ri an +po st +it or +numb ers +regre t +cr acked +in iti +man age +rea r +con fir +inst inc +tow el +particu larly +li fting +ck en +thr ough +ro a +s ane +an drew +wa ste +al arm +i ve +ste pping +abrup tly +par ted +ben ch +sen sation +inv it +u nex +p lo +part ner +de scen +de ca +lan ding +p ack +whi r +f lin +ignor ing +skir t +crea m +bun ch +st ab +as sist +en cou +con c +sm ith +correc t +t less +com ment +mar i +as sured +stun ned +ridicul ous +a mb +man i +b roo +who ever +el bow +ba y +idi ot +a va +sar a +mi s +til ted +ga zed +dem ons +ten der +en vel +gu s +ff s +imp ati +gest ure +in ner +t ask +sco tt +intel lig +gre g +ri ding +ch er +do gs +a th +ther ine +cu te +s nu +st ones +p acked +through out +op in +cr ou +hea ven +tu gged +c ee +t ore +exhau sted +pro gre +gar age +bo b +tt a +ni a +frien dly +g le +sof a +eri e +cla im +ck les +chec king +cal e +bri lli +ro g +warri or +wro te +sche du +a x +cau ti +dol lars +ma ke +stan ces +shoo ting +po pped +gor geous +awk ward +preten d +sil ly +dri fted +r hy +k er +l er +d at +pur ple +hi ssed +grand father +a c +experien ced +com pe +blon de +m . +w on +birth day +fur y +ex pl +sc at +du g +c ting +ru le +r aced +cho col +hun dre +att acked +s se +bo wl +ser ies +pain ful +com pla +sh eri +ang s +en ter +ch o +l as +k o +s nat +appro ach +tra f +tra pped +app earance +ad dress +rema ining +back ward +terri fied +traf fic +mo ves +col ored +en ds +pro per +c em +sen ten +sk u +om ed +pri ce +g il +to es +mat ters +si p +sp la +gu t +u gly +el ds +tel evi +wh er +to tal +ma sk +lo s +embarra ssed +g age +pal ms +sour ce +she et +pil low +al y +ex it +au tom +si zed +o ls +o be +vehi cle +sen sed +e x +p en +po t +vi de +tar get +secre ts +re v +pa ying +t ary +me at +advan tage +far ther +br a +detec tive +o le +ne ed +re tri +su it +ie ty +g lea +vo lu +sophi e +al co +half way +co ck +in ct +ea ger +pain ted +se ated +acc ess +sp ing +satis fied +rec ently +bo wed +dea n +destro yed +hi p +fri ghtened +bro ad +fal ls +ro man +sku ll +wa sh +so oner +ther e +echo ed +ma p +tri stan +le tters +musc le +ren ce +op e +gli mp +g lowing +z ar +ro de +m n +j o +haw k +cal i +some what +ck led +co st +strai ghtened +pre vious +ga mes +memb er +n it +possi bility +en or +na than +m eli +f oun +k ing +respon sible +surr ounding +gue ssed +tor n +protec tion +cl an +suc cess +cu tting +mar ks +convin ce +cale b +li kes +d ining +bo tt +fro wn +ex claimed +de pen +fli ck +te acher +tra ined +ed die +accor ding +sist ers +gg y +bel la +as y +de fe +victor ia +leg al +foot steps +men ted +cre d +regu lar +discu ss +ver sion +w ere +o b +ster n +k ic +co p +soun ding +spar k +man ner +ho li +log ical +televi sion +ki d +gre at +cat ching +s mu +c ous +hol ds +p le +cur se +mu mbled +te e +un like +cous in +for cing +pri son +fav or +yan ked +o sity +sa v +kel ly +vo lun +ta pped +our selves +stru ction +stri ke +occur red +and ra +beha vi +a de +thi gh +la y +loc ation +de gre +lu cy +di smi +vi o +il ls +a man +lan d +t ough +ga z +ther n +imag es +chri st +bir th +di an +ter ror +d anny +sym pa +ca ge +clear ing +ordin ary +challen ge +bl ank +pro ject +st ated +or n +sp ra +pp le +lo e +co m +sun light +tra l +deser ve +bb led +z z +unex p +ev ent +m are +cigar ette +lo ad +re placed +bor ed +x i +ough ly +h ec +con tr +sha de +clo sely +na u +ho me +dri ve +di ly +gr inning +sla pped +b and +quar ters +dy lan +ph y +y ards +sel ess +rai sing +w ic +exist ence +gest ured +tr ace +po ten +bri an +sha me +f led +mor gan +han nah +vani shed +snor ted +john ny +hun t +le ans +dr ank +hundre ds +gl are +sen ses +confi dence +att ached +explan ation +uni verse +i sh +ad mir +pi dly +chocol ate +pi sto +recor d +ri ley +cri me +jer emy +dra ke +origin al +ser ge +re search +de cor +profe ssi +b y +medic al +pi ed +pal ace +b its +cryst al +st and +i sed +and a +loa ded +brea d +drive way +ju lie +bir ds +dev il +de clar +th less +inv ited +strugg ling +smo oth +st ag +issu e +f ence +sha kes +form er +li cked +brea st +al ice +gh ty +proper ty +su san +hi tting +gh ten +fel low +agre ement +rememb ering +jac ob +v ent +tra y +the tic +se ttle +th or +re mo +tru sted +bl an +e tern +satur day +mi st +fro w +i ses +liqu id +lou der +s sm +ar m +s ons +bo thered +d i +d der +t an +ex ha +go wn +lo ving +ear l +s lowed +dam p +cur sed +ava il +assu me +bul let +ch loe +mag gie +stro ked +ri e +soci al +o' clock +s car +or ing +happ iness +ar ched +hun ting +ca ke +exten ded +plac ing +bo ws +no dding +e g +kee ps +pre dic +ar gue +sp or +cen tu +p y +f ea +co ps +te ach +b att +any body +ac cu +re al +sc ru +z ens +sharp ly +b led +su e +gen u +kev in +ten se +pat ted +comp lic +cra ft +thou ght +extre mely +light ning +er al +drin ks +dea s +squ ir +in sul +ex ecu +p ment +tan tly +y a +dr a +tel ep +a than +da l +con ce +bl ind +no ted +shee ts +ck le +thous ands +st ling +j ected +chi ll +sh ine +di sh +ea s +avail able +pro of +confi dent +bu t +z om +jen ny +su spect +win d +da ve +th us +mo on +pas sion +m ere +de partment +ob ject +c ca +bri ck +dru g +r acing +requ ired +st ates +aband oned +hel en +po p +materi al +lo tte +br and +fac tion +gu ests +jec ts +eli a +sun day +co vers +pun ch +jack son +l led +w y +sp er +gg led +appro aching +wra p +hor iz +vir g +ac count +clu e +ff in +fri day +sexu al +soci ety +b our +go o +pro mp +ar i +po ckets +for ming +aman da +n on +f arm +el li +for ms +af ford +expen sive +stu dying +bu tt +sw ing +pa int +sh ane +a mber +sci enti +ro ger +dra g +cla y +co ok +ri s +sha l +jon athan +free dom +gg s +spec t +b o +ma ss +i son +disappo inted +ri er +par a +j on +adv ice +passen ger +car ds +stro de +ex posed +enor mous +el t +ang le +tem per +sheri ff +gra sp +t ness +whisp ers +se es +ing ed +ff y +ru ssi +rif le +threat ened +wr ink +o tic +sho ts +emer ged +nerv ously +circum stances +d ating +in sane +curi osity +ten ed +co de +la b +b es +h en +so o +en e +bloo d +st ion +deser t +tre as +pati ent +b i +e some +s ell +deli ber +hal t +ra w +off ering +be cca +mi le +mo aned +pa d +sen sit +ed ith +lat ely +re ss +tri ck +fla me +ev an +ki dding +sle y +encou ra +back ground +ob li +brilli ant +disp lay +z ard +j im +opin ion +el even +ca p +bro ws +fe ared +ro be +char lotte +mo der +respon si +cre te +re mind +ar ely +lo ves +ha ired +mat the +r in +sho wn +amu sed +run s +bar s +comman der +pat rick +cre ep +pl un +fa ke +t i +i deas +con ven +vide o +ma c +w ear +hope fully +v et +meli ssa +squee ze +in formed +vio let +r ings +reve aled +cre ate +st ops +c lau +sp ending +al lowing +ma gaz +we al +la ura +k ati +. m. +jor dan +n ational +bul l +ble eding +direc t +bo xes +dro ps +sho pping +ner ves +im pressed +gas p +app o +emp loy +collap sed +ti s +gri ef +mar tin +gra ve +en cy +pho to +m mer +over head +sand wic +pain ting +sh ore +new spa +vi du +ag ged +bi ke +ga thering +mark et +char ged +indi vidu +de al +sc al +in visible +pro ved +ly n +fab ric +ee p +comp an +ma d +answ ering +tra iled +mid night +preci ous +ad ju +el lie +rhy th +resul t +sol ve +lin k +con crete +ar chi +re tt +bor ing +je wel +bel le +sh ining +vers ity +al le +ic y +ben ef +har sh +el a +qu it +je ssi +or i +law yer +a is +uni form +belon ged +d le +j ace +delic ate +deta il +deser ved +bre n +val ley +in tri +h o +cou gh +roy al +trac ks +vul ner +stra ined +reali zing +laugh s +sp are +pro ce +chang es +scan ned +sp ort +ru shing +ve ins +wit ne +sli pping +ti cally +ca ses +cli ff +explo ded +fa mous +appro pri +tre nt +al ley +ex act +est ed +sna p +provi ded +sp inning +wor l +jessi ca +al li +y den +e aten +care er +gu est +col in +on able +d row +cra wled +shou ting +moti oned +-- -- +g en +pa y +je sse +p ages +ter ms +sing ing +kati e +p tion +reli gi +ti ll +lo ver +le c +thu si +sta ined +sing ly +gh ted +mi c +air port +mi xed +der ek +assa ss +a ye +k yle +ma ma +en ess +i sy +sar ca +c ore +vic tor +p ea +wa ving +dru gs +rol ls +ad ven +sp here +good bye +ro me +trac ted +ex ist +col lar +me l +ex er +k at +s day +ch y +co py +ace ful +il ities +fair ly +shud dered +li an +tr unk +fan ta +ro bo +wor k +ow ner +en thusi +si ck +rema ins +consi der +con dition +cra sh +r ange +bran ches +pisto l +distr acted +di amon +ac tual +wa sh +equi pment +la d +stu dent +se ats +i st +chi cken +shi vered +li z +par is +ac hi +fli cked +screa ms +ba si +cha mp +resi st +finger tips +ick y +col ors +i x +d ick +arrang ed +peri od +mu d +hun ger +ann oun +kn elt +di m +tal s +exc ell +clo se +serge ant +al ty +embr ace +1 0 +r are +stu bb +ra pidly +o t +frien d +n ine +vil le +sha ped +shru g +ar ing +nit ure +fur niture +her o +gr at +gu es +y ly +ga vin +sig nific +flu shed +he ight +col on +lu st +cred it +ca b +swal low +c ement +pan ties +r o +behavi or +pe te +jose ph +disapp ear +shor ts +t ant +happ ily +pi lot +cou rage +arri ve +requ est +ki m +ed ward +famili es +so ld +cr ack +mil k +spee ch +cor p +r out +f lowing +bas ed +incredi ble +defen se +uni versity +offic ers +matthe w +an nie +r al +ky lie +scat tered +de c +mar a +at ors +senten ce +swe at +jeal ous +' em +tea sing +cho ked +w ounds +sit s +d g +be ard +pro test +di gging +emer gency +secur e +rev eal +na sty +ne ck +lat ing +tra p +jen ni +gree ted +kno cking +g lit +cor ners +dri ven +jenni fer +un usual +k nu +bi le +du ke +dar ling +cal mly +anno yed +se l +t ate +ta r +d d +warri ors +dis belief +const ant +dra gging +mar ie +on g +z er +m atic +stu ffed +amu sement +tal e +ga ther +shi f +st y +ff ing +cre pt +g lor +den y +chil d +argu ment +der ly +hou se +it a +re move +furi ous +o il +anx ious +sym bo +g ear +lear ning +pun ched +h in +excell ent +ali en +fr ank +a do +b ac +a y +beg ins +y lor +wri sts +mm ered +reve aling +g a +hi d +pri est +jer k +o es +natur ally +ar ily +r att +brea ths +pl ant +night mare +delic ious +cla ws +ru pt +satis faction +four th +direc tions +k night +americ a +diti onal +rec all +occu pied +il a +survi ved +sti ff +cer em +do cu +cri min +con tra +centu ries +d led +hur ting +professi onal +st atu +co ach +min ds +sk ills +ke ts +bar n +sho w +gge st +de aling +tea sed +co lu +st ry +p ity +mer edith +bi ggest +de on +ar ia +shor tly +dre ssing +side walk +re st +casu al +gro an +fla sh +sy l +v ement +ro b +b acks +dra g +han k +sha ttered +op tion +re d +sc ul +ne g +car pet +gab e +cha sed +b last +ter m +lu x +progre ss +bit ing +ta sted +up ward +rescu e +ex change +ro le +ac u +c anc +or ity +impre ssion +for t +p ick +ale c +p ha +circ les +jim my +or a +fo g +b al +crow ded +b ath +climb ing +wi shing +w ounded +eigh teen +dan te +f lar +du de +apologi ze +k ha +separ ate +r ate +du ll +as soci +ul ti +swi f +li a +a ver +sh er +f low +fre qu +un known +ta pe +emo tional +f angs +for ces +provi de +win ked +vel ed +just ice +v ey +do c +st . +ta ining +dri ed +b ou +i er +fli r +mom en +fu r +su ck +se ful +bel ong +conten ts +flo ating +re se +g ates +dag ger +m per +ci a +ri bs +cro ssing +sensit ive +gr unted +k ane +ad vi +n is +est ab +sh out +lo bby +ty ler +en ted +ed ges +t ank +pu s +whi pped +strugg le +in ny +dan ced +there fore +da mi +ver n +clut ched +ro ared +near est +sugge st +in flu +foot ball +temp or +wan dered +li ar +con sequ +ga ined +ti pped +in va +as si +de mon +si onal +suc cess +tar ily +fol ks +l i +emi es +b ang +re act +sto len +y ep +en emies +ren t +ha ir +make up +ri dge +i . +pu ts +li ons +audi ence +mic ro +fi elds +ev es +ro ar +wra pping +tra de +shi fting +in fec +illu min +cen tur +bra ve +s ch +up right +ti ghter +stret ch +o wned +ser ving +z er +c ts +qu inn +co w +gre ater +man u +vi er +bru shing +rec ent +dra wer +liter ally +commun ity +comp li +attr active +e th +heal thy +conven i +sna ke +kic king +st ance +ju mping +sp y +stri p +val u +scre e +acc ent +stea l +centur y +anticip ation +brea sts +tre vor +kid na +ch ea +exp an +bit ter +inj ured +ar s +per man +mp led +r arely +s witch +in spec +mov ements +bu ddy +p ir +d ated +c leaning +assist ant +st a +cab in +horiz on +mon day +fier ce +co cked +ra l +six teen +n y +threat ening +win ced +f ancy +glan ces +sho ws +op ens +m o +hu mor +acti v +loc ated +cra shed +ho l +cu pped +de e +wa ter +fi gu +myster y +f lower +th a +lan e +re pu +po st +li shed +bol t +re aches +exper im +ca mp +prot ected +on ic +cee ded +vic tim +vel s +fin n +war dly +close st +bra d +ab sor +g ent +unexp ected +ac knowle +positi ve +j et +sign al +le i +ho ok +shi ver +swee the +clo ak +casu ally +yel ling +ssm ent +cor por +po pul +poten tial +t our +sur ance +al ert +du cked +charac ter +ar a +un ited +hil ls +b in +ad rian +sci ence +it ems +rou te +lea pt +cli cked +sto ck +suspic ious +a id +sc ary +oper ation +alex ander +ho les +complic ated +bo ot +tw in +an n +psy cho +gui de +pat ch +confir med +stro ke +mi ssi +t ag +er in +wa n +c iti +br y +thr one +sol ved +disappo intment +pati ence +la ying +c ed +sa dness +appropri ate +glimp se +cont ent +su m +fr ed +lon ely +consci ousness +re ven +exi sted +ba sement +de ss +str ing +mar ch +end less +fashi on +gigg led +ele g +reluc tantly +neigh bor +el ena +ar ou +va st +er up +dea dly +th ful +tech n +per mission +frustr ated +ru in +ma ' +progra m +supp lies +side ways +su gar +movi es +ne st +no pe +envel ope +ber ry +sa ving +cr it +e cho +t ney +sweethe art +ali e +d ney +v it +polit e +sa f +moder n +dun can +imag ination +ja il +ac coun +swif tly +ru ined +co ck +e se +pre fer +blo cks +sur ing +grow l +ar mor +l on +sle eve +back pack +shar ing +viol ent +g lin +id an +tu b +hand ful +le st +to e +zz a +si vely +op er +ma son +circ led +mat es +h mm +gar rett +stag g +ja y +al oud +attemp ted +d ant +f lor +b ic +be gged +li mbs +sett ling +li c +bri de +back wards +proper ly +ho lly +dev ice +cha os +to i +mo an +mit ch +a wa +b lowing +sh ell +mer cy +gri m +disgu st +di stri +ast oni +patter n +ea ble +sto le +th ick +hea l +per c +mer ci +o m +un conscious +a idan +ch ances +sw inging +hi red +att itude +du l +con stantly +fla shing +enti al +s in +pic al +cont em +alco hol +arri val +li sa +do ck +cl in +u seless +ing e +sh iny +ma' am +di vor +no te +con diti +offici al +sw ore +d war +ri p +heal th +car t +wor thy +o we +cen tral +preten ding +me ter +boo k +re ck +cur ve +be g +gw en +fas cin +ev a +bro ad +doub ted +ag ony +dis cover +figu res +de cent +vulner able +ama z +est ate +the ory +it ing +bo bby +gh ters +po sing +high way +tri bu +responsi bility +mul ti +w eigh +m in +twi sting +tab ly +si a +an dy +ter rit +cap tured +scra mbled +car riage +im ing +mmer ing +refle ction +wit ness +mat tered +l ac +comm it +ta ylor +a ar +w icked +co ast +un it +bl ink +sion ally +con tained +ti re +ne u +ti le +it able +whisp ering +e duc +d ging +cru el +hol low +k ri +p are +st en +an ing +kee per +te ss +jud g +int ent +heart beat +presen ted +la mp +fli es +incredi bly +app ears +j ess +struc ture +colle ction +occa sionally +1 2 +l oun +coun tered +suff ering +imp act +fru it +lu m +mo lly +serv ant +employ e +roman tic +gi deon +cla sses +squ ea +spir its +bal con +pour ing +c leaned +ran dom +ec tion +saf ely +plan ted +ann on +bab e +z ach +travel ed +k u +photo s +v ine +just in +pre pare +kin ds +ha mmer +ac ts +ar row +declar ed +un sure +dark ened +y e +direc ted +1 1 +frow ning +se ts +shri e +van ts +explo sion +mar ia +o x +en cer +d ges +hesit ation +wan na +dar ted +star es +jo l +il er +tri al +friend ship +el ling +bran ch +aw esome +u tter +posse ssed +mel o +s ally +tor ture +per cent +tre at +introdu ced +high ly +success ful +pur po +gh test +crou ched +clut ching +f lung +wher ever +mar ble +he ated +wa king +bi es +sophi a +brand on +' ' +person ally +el bows +br and +su cking +ser vants +bi o +al i +in tru +viol ence +p ounded +colon el +mel ted +ir a +stir red +sou ls +an o +quar ter +she er +op ing +kar en +u seful +deli vered +fo ld +foo lish +snat ched +less on +it ali +snar led +au thor +c ely +so le +help less +r at +ma i +direc tor +soa ked +e go +travel ing +mir anda +mal es +ou l +ad or +col t +issu es +slu mped +physi cally +see k +t re +an o +ing er +com pre +scre wed +grand ma +sp illed +child hood +hoo ked +su its +tech no +f lan +mag ical +pl ates +compar ed +inten sity +car ved +pp ers +m ck +fun eral +telep h +ter r +s or +bu tter +discu ssion +fortun e +mat tress +al tern +protec tive +di g +scre w +intellig ence +ma id +st en +w ester +ma u +hea ther +en tering +questi oned +e ggs +re su +men tally +lap top +schedu le +ja x +inten tion +separ ated +est er +chee se +luci en +p ounds +shel f +be gging +eng land +ra p +3 0 +temp er +he aling +fac ts +cur ved +tre mbled +ra in +den s +nic ole +ab ilities +t ati +psy chi +gra de +tur ing +a va +fal se +manag er +surpri singly +nee ding +p an +pas sage +sp at +sno w +sh one +ol len +frea king +th under +st ack +pi zza +ne il +da ily +w ire +gy m +puzz led +vin cent +shu a +al an +tri gger +ar rog +inci dent +teen ag +cl ung +cali for +lo cks +solu tion +neighbor hood +instru ctions +cli ent +ri ly +lat est +ri ce +a ire +inst inct +comple x +ow en +stic king +b id +sp reading +re y +dri pping +tom my +li cen +pre ferred +ly n +o ted +blin king +r ounded +in cl +d ation +br on +tan e +moon light +ver ti +u mp +su ite +real m +ex changed +s ought +mur dered +chuck le +car ing +rhyth m +maj est +itu al +jo ining +coo king +in ev +la wn +tre n +m ex +wil dly +al ine +suff er +tar a +aar on +cli ck +p ou +visit ed +n ings +prepar ing +in qu +shel ter +mex ic +neigh b +sur ren +cur ls +cont rolled +blo cked +han na +degre e +refu se +hel ic +bull shit +mu g +myster ious +p inned +newspa per +cru shed +blo wn +wi pe +car ter +s her +o dd +br ings +fa in +sal t +r inging +to dd +b an +le xi +ha bit +dem and +volun te +s witched +ten ant +immedi ate +sw ollen +ob served +suff ered +knu ckles +frea k +ten sed +sp encer +k et +great est +a bu +holi day +mon d +du mb +su per +stro king +grim aced +wit ches +p at +stair case +califor nia +sto ol +m bl +exer ci +b a +k ins +exa mple +s words +utter ly +war n +cour ty +lo gi +in ts +ra ven +acti vity +balcon y +st able +f lowed +inclu ded +g ary +bo ar +y ell +d in +ho pes +bott les +tra sh +pp led +wil l +ank le +smir k +n ly +org asm +s l +ner ve +ru de +cri es +susp ici +in da +sor ts +sco wled +can dy +mur der +continu es +co inci +helic op +ha ven +t ched +t earing +rol and +d ale +sea son +cott on +repe at +jo shua +n ation +h h +di pped +anx iety +tw ins +sp ite +isa ac +gentle man +drea med +wat ers +cro wn +concentr ate +contr act +ri g +je ssie +ph ra +ob se +li eu +sa dly +pi e +tion ally +yo r +de sign +tw ist +remo te +boo th +dra ined +sk i +fore ign +sp s +glo ves +ge on +an dre +nic hol +dam on +reven ge +d il +bb ling +produ ced +off en +strang ely +wa gon +om ing +def end +thir teen +i ri +p in +em on +s ore +our ed +mi x +investig ation +la dder +stiff ened +sp it +cla ssi +de signed +le o +inter view +mp er +gri pping +da isy +z ie +carol ine +butt ons +fi a +cauti ously +god dess +rel ated +pre su +sla ve +avoi ding +mm m +br it +plan ts +bo ards +ni pple +mani pul +p he +author ity +swi mming +i o +gu it +smir ked +li ghting +bab ies +equ ally +to ps +bit ter +sa van +see king +four teen +mo del +jo bs +mu s +messa ges +wi ping +courty ard +secre tary +refle cted +hur ts +con ference +swe ater +fin ds +miser able +tang led +tr aced +p el +as ha +stret ching +rout ine +gr ounds +sc are +cha sing +ro cked +chea p +den i +pre vent +ous y +lea ds +mi stress +for k +y ou +questi oning +a imed +t ity +ar se +bil ities +th under +in f +sy n +d ane +ici ent +hu mi +priv acy +mor s +li mp +la ws +so le +resul ts +ad ren +un ting +c ane +plat form +dami en +ar ch +drea ming +re fer +b ounced +o a +el i +sen ior +s ne +six ty +n i +tal ler +ga u +str ate +recor ds +lau ren +gre g +coun ted +re stra +dat a +ang els +w w +vi si +regar dless +gra sped +a ven +reali sed +lon g +fa il +roa ds +su mm +dev on +cy cle +atten d +inter ior +un ion +ran ch +magaz ine +effor ts +oli ver +lu ck +descri bed +protec ting +ear ned +cra shing +emp ha +impre ssive +bom b +m son +mag ed +x ie +mi ghty +di vi +civi li +val ue +e tt +ch arm +sac rif +mu ffled +bul lets +per su +t ment +d ' +deli ght +ni k +bas ket +w ren +overwhel ming +descen ded +sou thern +ep i +certain ty +en try +curren tly +a in +at lan +al o +su peri +indic ated +e tr +dd ling +re ne +examin ed +ra gged +c lean +sm ar +teleph one +repor ts +exha led +to by +li ber +bu sh +smo king +cl er +sp in +cra wl +ve ge +j ill +pa per +invit ation +e mail +at ory +scrat ched +ani e +wi zard +bur y +inten tly +pla yer +b end +eng aged +ven ess +bb er +flo ated +sour ces +ag ents +cur tain +pi c +life time +grou ps +bar rel +h eel +fa il +ss er +app le +smel ls +lau rence +g lu +sc or +col or +mic hel +ka therine +whi sk +u tter +repu tation +c lan +ab or +supp ly +d ley +sho ve +pan ting +under ground +b at +some day +sla mming +a a +tri ump +nu ts +as sign +con fron +ra z +deci sions +re spec +tat too +sha ft +reas onable +were wolf +dol lar +compan ion +king dom +st in +y outh +r ant +vic es +spec ies +lieu tenant +fic ation +su al +tra vis +s ack +to ler +o ak +prison er +doc tors +ni c +a z +bo w +surpri sing +go ssi +re called +na il +ou ter +ba se +n an +cre ating +com men +han ding +defe at +fortun ate +lim ited +jo sie +mo tor +op tions +deliber ately +d ur +fil es +flash light +b ore +jo y +2 0 +dar ed +al ong +re becca +fear s +hel met +neck lace +p ine +i den +go al +comman ded +m bles +hi re +fa i +fi res +eli se +vel vet +spor ts +0 00 +step hen +no stri +tr y +s anc +comp ani +char ming +along side +te ssa +sin s +puni shment +believ ing +fli p +qu ality +ex tra +wash ington +to ssing +ac cur +gentle men +th ur +nichol as +vag u +wait ress +cu ps +flick ered +bour ne +comfor tably +mar gar +pa th +l ings +ati on +tr ed +tin a +ac ade +ra fe +re quest +stubb orn +ro d +autom at +pra yed +ad dic +hear ts +an ton +su ici +swi m +ha tred +di shes +at edly +chi ca +th ouse +u ne +len der +drag ons +de ter +spi der +ja h +descri be +hea ven +emp ire +ne at +pre y +bro w +tou ri +cla sped +wester n +increas ed +vic tory +kir a +po pu +gra bs +wor kers +russi an +preten ded +mi ster +tal ent +cle ver +sa mu +sho e +na p +l ang +sla p +sandwic h +ka y +wal ker +. com +ro cky +continu ing +mir acle +adju sted +pi pe +gu st +cur tains +cerem ony +chica go +rea ds +pen etr +affec ted +po ison +du sty +d ates +bu shes +repor ted +a she +ri son +co oper +di g +j uni +hu gh +p ted +guar an +squee zing +th al +ac les +gre en +popu lar +p han +seem ingly +occa sion +ais le +good ness +sacrif ice +el der +pra yer +ul ts +camer as +gu ed +bu ll +ju ice +fe eding +gui ded +san g +kno b +ama zed +fair y +b in +amon g +ad ding +bu zz +at mo +fin anci +speci fic +fil m +cu sto +mo l +en tal +v ation +cru sh +among st +ea ger +sin king +embarra ssment +seven teen +bri ghtly +scar s +humi li +wor rying +ph ones +jen ks +g ur +shel ves +savan nah +re acher +ang rily +s lender +un locked +at op +contem pl +ad ult +absolu te +e ing +pe t +re m +after ward +stea m +serv ation +hi ts +br iti +god damn +an th +sni ffed +excit ing +etern ity +me gan +under wear +pra y +ru b +mon ica +in ' +briti sh +ste fan +prot ested +ca ssi +mat ching +territ ory +thank fully +na k +lo cker +inti mate +avoi ded +an ch +fol ding +for mal +fr anti +out fit +cu ts +parti es +wrink led +cr un +coun ty +r oughly +g lowed +deman ding +jo ey +colle ct +betra yed +ru th +tit le +stu di +glar ing +mo bile +dra ped +assa ult +genu ine +k not +dar ker +ry der +ther a +star k +f it +squ inted +fi shing +z ack +fa de +ali a +toi let +tel e +sli m +in her +ph a +a very +vagu ely +prin ts +w ha +yn n +electri c +bea m +fan t +bla des +mat ched +jen na +asha med +1 5 +polit ical +n ina +cabin et +ma yor +mon sters +ho mes +li ghter +bar ked +techno logy +ty pical +gru mbled +bu ying +sun shine +neat ly +gg ling +tu be +si pped +dam mit +iti ve +cu shi +sh r +re bel +spo ts +occa sional +cott age +p her +ra iling +nostri ls +m at +d ge +ank les +l ery +oun dings +j ean +ga zing +d read +individu al +al led +flar ed +inha led +sha ky +surr oundings +comp as +ri ghts +weak ness +floo ded +adren aline +ad a +pit ch +gar ion +assu ming +flo ors +sa man +ma r +franti cally +some time +lou is +determin ation +instru cted +t witched +hun ters +f bi +emp lo +comfor ting +snea k +fant asy +domin ic +de struction +medi a +zo e +suspic ion +pack age +shir ts +inter net +cro ss +gr ac +zz led +sta ke +corp se +greg or +le w +est im +a war +ger man +irrit ated +mar ched +i i +ag gre +ul ty +camer on +ar eas +sli ghtest +noti cing +u r +l aced +odd ly +ki es +eleg ant +di sh +sho ving +di son +benef it +fa ding +stri pped +sub tle +shal low +instinc tively +ed en +saman tha +ste ering +guar dian +nu mb +ta p +shou ts +da emon +do ll +1 4 +fire place +v est +diamon d +supp or +vi g +t ful +sca pe +mid st +inten d +x on +sc hi +gigg le +ca therine +pe aceful +f its +sli ck +ja se +visit ing +blu shed +appo intment +ab i +re mark +stat us +stand ard +sel fish +ra m +appro val +e h +e ff +ar ch +helicop ter +colle cted +t ations +pier ce +k ey +as sure +ab s +e ps +ang led +pe ering +am elia +pur chase +af fair +pa thetic +war e +samu el +gro cer +devel oped +blan kets +reali zation +soo thing +re vel +a we +gran ted +basi cally +recei ve +me ters +j i +po ked +ga sping +comple ted +qu es +se aled +sp er +sma shed +he i +ch at +day light +comm itted +oun ce +sum mon +stea dily +zz ie +ho p +sh re +el e +att or +pan icked +sy dney +moun ted +momen tarily +zz le +s i +worl ds +preci sely +argu ing +sit ion +ph s +x a +lu is +pain fully +man eu +temper ature +min or +se du +san dy +mper ed +pro pped +mea sure +m ing +poli shed +a . +vic ti +me g +ali zed +stagg ered +ne tt +qu o +suc ce +cho ices +c ities +1 3 +lu mp +cand le +wa shing +exa sper +nat alie +fir ing +thu r +ga p +deli ver +cand les +w el +eng ine +strang ers +lat ter +flu sh +coun ting +ach ers +do zens +base ball +we b +stic ks +dep ths +whir led +du mped +vi vi +si mul +be aten +go ti +tan ner +guit ar +gr in +wi shes +lea ped +influ ence +er a +elec tr +em per +vac ation +ai den +man sion +atmo sphere +af ri +sk ill +ti ger +whe els +ca de +rob in +bear ing +signific ant +ba sic +pit ched +phi l +san ity +p ound +ja r +sp ray +polit ely +ti s +in spir +ca ss +ca in +luck ily +od ds +mu si +sp ear +tro ops +ro cking +attemp ting +z one +comb ination +p aced +lea gue +a da +consu med +wi s +wa sted +blu r +ep ti +le gi +el yn +lea p +par ker +at tracted +chu ck +skir ts +abs ence +any a +bo thering +low ering +argu ed +ser ena +n es +be th +advan ced +nor a +sna pping +se cu +re covered +u ttered +ro man +blu sh +than ked +st it +ob jec +po l +cough ed +j ones +vie ws +ar ies +pro ph +r in +ey eli +con ver +automat ically +sp on +statu e +fol k +el ding +ma ssa +m our +ne t +lea h +swir ling +ck ling +eyeli ds +ag ne +tu g +head ache +gr itted +fran tic +ch or +blur ted +blo cking +k or +ho pped +tion less +iden tity +con tain +rec eption +mon itor +fif th +hor n +equ al +c had +ani sh +ta vi +gho sts +un ks +sympa thy +judg ment +co a +terri bly +cam pus +overwhel med +clar i +dest ination +ff le +brea ks +son gs +cha ins +lan a +bo ston +app e +tex as +che er +en counter +appar ent +mag n +any time +chan nel +gan g +wal let +al pha +fri dge +en sure +f itting +ling ering +b bit +stor ed +hi stor +cu p +re du +melo dy +to ast +be comes +in ity +imag in +ha m +squ e +le v +mu se +b age +victi ms +spar hawk +ab sen +viol ently +b bles +tu gging +t ance +cen tre +pen ny +tat to +m ouse +gree ting +wan dering +1 8 +ha unted +ma s +dre sses +se at +ne at +comp ound +con fli +comb at +un easy +horri fied +fo cu +qu e +a .m. +re sist +er ection +no ises +r he +ro y +z el +is m +affec tion +bu cket +brea thless +cur e +na vy +non sense +f on +en ne +is a +he m +y aw +li fel +ke t +j i +survi val +y i +electri city +zom bie +sti ly +mar es +zer o +si ded +human ity +jer ry +car l +ou tra +il ling +jun gle +an gie +ral ph +po is +da me +se v +cra wling +gi a +phi l +majest y +curi ously +desp air +distur bed +bo x +stri king +swi ft +mu sed +we b +thro bbing +cho o +fra med +so m +bu d +se ized +gener ally +ga il +consequ ences +tra iler +dis ease +sho t +champ agne +treas ure +in ven +sha do +need le +flin ched +br aced +ste aling +crimin al +sof tened +to x +sel ling +gen e +d ling +j eep +mu scu +y ton +dal las +esc ort +ff ling +mou ths +. s. +jun e +ho st +grand pa +main tain +t ings +mir r +adven ture +ser vices +regar ded +tu m +de cl +ti cket +bar bar +kar a +gi fts +be ck +ja i +licen se +eli jah +re vol +be ings +w ei +dest iny +tw ink +distr action +jo king +ex hi +wo od +br ac +li cking +hur ri +de fi +anth ony +pan el +bor der +emper or +ar thur +no v +convers ations +accomp ani +di men +ra m +tr ous +i zzy +effec ts +deser ted +di um +pr int +ur ged +treat ment +sk inny +in ting +accompani ed +en vir +con vic +r ac +fail ure +p our +uni que +lun ged +swee ping +mag nific +ro t +p acing +tre ating +j ar +down town +x ture +gra vel +cur l +ru sty +sp rang +el abor +anno ying +ill ness +hau led +weal th +ou tw +pr on +desper ation +to ss +t wit +ine se +squ ad +teen th +li p +war y +ru m +regar ding +cli ents +z zed +dri fting +im mortal +bar rier +neighb ors +ho vering +r and +anno y +valu able +lo cking +di zzy +suit case +an or +inde pen +temp ted +note book +cor n +discu ssed +dre sser +str ands +sur ge +sou p +ca sting +stal ked +gradu ally +ru mors +n ick +itali an +custom ers +remin ding +fini shing +ch inese +cla pped +c roo +spea ks +divor ce +posse ssion +sc ale +disapp earing +a im +nu mer +sur ve +ma del +instinc ts +flu ttered +c tor +gl ory +rea d +car los +hesit ate +no ble +scrat ch +stab bed +so b +.. .. +muscu lar +po sure +ne goti +compe t +eng ag +wor ries +erup ted +with drew +medic ine +il la +to pic +pe st +i ds +re x +expla ining +lon ging +apolo gy +win k +hel ps +night mares +thri lled +st even +margar et +sy st +f en +bo ats +cri mson +t acti +sk et +ac qua +volu me +disp la +cre ek +pow der +o wed +ne tte +inv ite +er on +ash ley +wear y +d ity +phi lo +ling ered +dri ft +da w +bur ns +arti cle +bel o +concentr ated +he aled +l ance +vehi cles +p acking +bil ls +su v +guar ded +cap ture +sugge stion +di sor +sle eves +wait er +isa bella +ta pping +juni or +perman ent +5 0 +do ve +re in +land scape +sc ur +pier cing +i ley +thor oughly +demon str +tun e +sa int +wil low +b oul +as sho +cat s +intellig ent +wat ch +wi der +u ses +envir on +per form +mel ess +re marked +at ri +mr s +coun ter +fra gi +gossi p +c tive +s eal +ca m +jas mine +soa p +con struction +laun ched +mp y +hu gging +fragi le +po le +person ality +te aching +st ically +n ell +ju de +i sol +bo dy +gra ham +p earl +eg g +pi es +gue ssing +r and +gen e +suici de +la zy +test ing +cel ls +y u +co ol +differ ently +aver age +mini ster +acci den +si es +win ning +fu el +seem ing +se p +k able +ex ited +plea ded +ar rested +h em +ra il +p ec +pee ked +bl ouse +on y +tempor ary +cur ling +eri a +tor so +ri bb +reco ver +ele anor +thu mbs +introdu ce +pur su +le on +circ ling +o re +el ls +as ed +ra bbit +por tion +si m +witne ssed +re presen +b ling +ru by +de er +nu dged +d son +li ck +com mo +swee p +correc ted +ti ves +sc o +en na +vag ue +in fin +che wed +v om +ben ding +mit ri +lar ry +ware house +pri me +la shes +michel le +exper t +glea ming +g na +fore arm +sal u +ma ker +e th +an a +in ju +trou bled +len e +x im +cu e +pa vement +gr ins +ne ver +da maged +gener ous +impati ent +moun t +r ational +conclu sion +so il +c on +cal lie +ta xi +cl it +stor age +ho vered +stri de +wis dom +war med +financi al +mo s +requ ire +abo ard +wa yne +dra w +ad in +smooth ly +tu mbled +fa st +la yer +a v +d na +pu shes +mo ck +char ges +hand led +co ver +w en +opp on +lew is +scan ning +shud der +de ar +ss en +devel op +cur b +fo x +f oul +robo t +der son +ze ke +hol den +lin da +free zing +so cks +1 0 +pil lows +se t +initi al +jud ging +in ely +p iled +com mented +far m +prison ers +fe min +ri a +pa int +exerci se +shot gun +bu ck +impati ently +repor ter +con grat +or ies +decor ated +dr un +b acking +ev a +congrat ul +qu est +n els +le ment +ti re +citi zens +ag it +to ols +si an +deal t +ad dition +sor row +re fri +nu t +ici al +ar rest +pati ently +mon it +lin ing +plun ged +whisk ey +explo de +popul ation +fi ona +de clan +ch ant +sigh s +ha stily +disa ster +y o +deca des +per ry +new ly +nor th +u t +del la +mista kes +hi de +o g +ma dness +descri ption +fac ility +ci an +chi p +di spo +de e +awa k +tou ches +sli ce +lo g +g al +el er +refri ger +bu g +belo ved +ac qu +hard ened +re treat +itu te +jan et +con sul +ve gas +sla m +imag ining +disa gre +pas sion +supp er +acc eler +reg ard +kni ves +mean while +ban ds +st all +boun cing +concentr ation +ic ed +enthusi asm +bu cks +sli ced +ri pping +lea ders +pra ying +miser y +tw ir +sa ddle +m ation +pa st +distr act +brea th +studi o +co stu +spea ker +je ff +con tain +ban g +pro file +w est +ti ck +shu ffled +f are +om i +cha mb +g loo +positi oned +assign ment +inti mid +de pu +i ge +m acy +smooth ed +lang don +bu zz +sa w +d ors +thought fully +ear th +rep lies +ad mi +inten tions +fr ance +roo ts +as signed +awar eness +crea se +z o +be ds +dra ma +extre me +ro ses +pi g +muse um +regi ster +attor ney +christ op +un certain +pi ss +k it +ti p +awk wardly +al y +bur den +ro om +refu sing +cl inging +cel est +zom bies +to y +tane ously +c ate +a while +less ons +thought ful +f s +om in +cor d +.. .... +la sted +co in +ssi vely +cher ry +ter ia +ha l +gar bage +be cky +ratt led +sun glasses +li s +trous ers +deci ding +mil ler +ro m +le vels +tu es +jeal ousy +bu tter +st rolled +cu ffs +assass in +a woke +ma dame +con fin +ca kes +indu l +i est +car go +sc a +ol as +xa vier +to oth +ca sey +t ests +whi p +cler k +s ations +inev itable +vi k +hec k +li on +gover nor +t ine +sp illing +dar ius +li fts +har per +c . +surren der +win ding +visit ors +inju ries +gri ffin +resist ance +jo an +so fia +col li +wh ore +swir led +rec ru +wor d +sto ve +per ched +bra ins +attemp ts +al l +pas ses +her d +t land +be wil +an aly +re ed +mel anie +mar co +j en +am bul +fanta stic +rig id +c he +ti ff +incl ined +loy al +m ath +shi vering +discu ssing +va r +can v +seven ty +a pri +paper work +slo pe +remin der +ma xi +kni ghts +di ana +dismi ssed +tre y +sha des +fashi oned +lar a +sin cer +appreci ated +bo ld +the ater +mil lions +o ts +gra vity +c ans +alli son +ro ber +li zzie +mad die +wed ne +nor thern +k an +sp anish +ur gent +hat ch +du ck +dev o +ger y +mar shall +creep y +conne ct +over come +mach ines +il le +mon o +cru mpled +con du +r ats +kin da +superi or +te ddy +ambul ance +ch ina +spi ke +sen ator +fo yer +s worn +r h +al together +zz ling +lo gic +w are +por tal +con spir +cla mped +thor ne +perform ance +war ren +exhau stion +fac tory +ed ged +arti st +thu d +bar k +mor tals +jour nal +fri ghtening +pr ou +ett es +a ura +de x +annoy ance +eu rope +em ber +dang ling +hea ved +communic ation +au tu +promi ses +per fu +pon y +ber g +spark ling +spar ks +canc er +a sp +plea ding +mic ah +sh i +mon i +e con +ad ditional +ha ze +in qui +tra iling +t ti +compla ined +str ings +in surance +b lows +men u +jewel ry +me ssed +clar y +on line +kne eling +eye ing +bu bble +dra matic +p ru +ra ged +r ack +se ssion +in sides +sm acked +ex ag +eager ly +der ness +al bert +ox y +gg le +pin ched +no vel +t us +ro of +comm ents +in se +re ci +mat ely +par ent +mi schi +fr anc +loun ge +apo l +sa fer +neigh bor +ad mini +de par +bru ises +sigh ing +cass andra +al u +spar k +ru bber +pil ls +car ol +sco wl +e book +sho ps +bal d +mi sty +dist inct +i da +ac cused +hu ddled +dou g +sweat y +pre ston +loy alty +es a +re sen +a ment +re treated +mi xture +dea ths +coo kies +echo ing +car son +ra y +ken dra +tiff any +da shed +fun c +gre et +thank ful +who a +ca vern +y al +re qui +me chan +per form +tal es +' cause +terri fying +lim its +ch a +ten d +arri ving +cla i +arrog ant +bar tender +tor ch +be ats +lan ter +mo ist +e ot +shor ter +educ ation +b on +inter f +f ever +deli m +religi ous +eot delim +ty pes +tues day +un believ +m ire +ban ks +mor ti +floo d +symbo l +sha pes +ch em +shru gs +cur ves +re served +inj ury +ac i +syst ems +bol ted +t ack +ga ining +chi ps +virg in +disc om +spo on +di al +embarra ssing +re acted +li ssa +cont emp +appre hen +f ically +autu mn +fli cker +ja de +re solve +vi e +attr action +ten ded +sen ti +scar let +fain tly +su res +ev ol +no tion +u ri +m ack +car es +sc an +disapp ro +de mo +im men +lu c +sp ill +vic ious +fol ds +inno c +so bbing +stra w +re moving +y son +compani ons +bea sts +d ana +h h +anc est +s ale +parti ally +comb ined +fe der +ea stern +photogra ph +inter nal +regi stered +teenag er +black ness +tea se +trac y +ici an +ta g +el a +whe el +thin ' +distri ct +cla w +wat ches +un likely +stu art +ac ity +se ep +loa ding +pa pa +irrit ation +step han +att acks +un pleasant +arr ange +cour te +wedne sday +m all +v eyed +pony tail +m ack +fun ction +di sci +multi ple +it es +j ab +cho king +wel s +bla zing +pro ceeded +relea sing +activ ities +stra p +cow boy +ex clu +app lau +le a +do me +tal i +secur ed +pen cil +mee tings +por tra +coinci dence +offici ally +vi sions +anc ing +tem ples +refriger ator +ali st +lon ged +ou ts +y l +tor tured +ra pid +produ ce +fier cely +e z +sun ny +sk im +co dy +drea d +sw ell +s man +positi ons +doub ts +sha ken +pat ri +exag ger +pla yers +magnific ent +cru shing +insul t +psychi c +reluc tant +thur sday +st ung +sun set +rom ance +par ano +vie wed +swe ating +laun dry +hy ster +lin ked +ch ess +stra y +jon as +gi l +di a +cor n +p ecu +focu sing +free ze +strea ming +mou thed +down ward +deli ghted +cri sp +dar y +cont rol +d ash +sla ves +ec st +var iety +shrie ked +apri l +pro vo +hu m +stra pped +trac king +la bor +clai ms +ten t +spec ts +il legal +de dic +indi an +fi ery +ti cs +invit ing +stra in +st in +spec ul +th read +sse l +mean ing +broo ke +cr acking +wa y +for getting +eigh ty +th ra +bi dden +whi tney +er ly +ac custom +whi stle +ro ls +at t +bon nie +phi lip +ack er +ti de +dwar f +s lung +sc ore +san ta +v o +ob jects +el se +accustom ed +evid ently +cem e +tu cker +t emer +help ful +me ch +ar rows +s ly +obli vious +gr anny +deman ds +flick ering +fe e +fran ce +off ended +sw o +pp les +gra v +ol dest +ag ency +ad ults +lar gest +un ts +du ties +cla d +tran sp +swa yed +gre ek +expl ore +tran sport +ski pped +pas sa +ax e +al tar +p ond +mon t +jo el +au gust +bo t +sur ged +k ur +---- ---- +spec tive +al er +scen ari +har t +char ity +croo ked +bru ised +pic ks +genu inely +cla ss +distur bing +mo ther +fu ck +drea m +vin ce +u i +stun ning +ba sis +don na +diffic ulty +cau tion +car a +ci es +sma sh +thu mp +ma dison +incre dul +sa un +prou dly +bru tal +fe sti +d ous +shif ter +qu ir +fi ghter +sn ick +sli des +del u +cur sing +ace fully +ti res +fic tion +el derly +ste in +degre es +fro st +offic es +it em +bri s +poli cem +hun ched +ju sti +col m +par don +vir us +deni ed +mo tionless +pier ced +tal ity +f in +ti ghtening +mo tel +el ded +ca ss +aven ue +tang le +ro pes +after wards +care ssed +ton es +tun nels +fil thy +ha y +exa mine +elabor ate +writ er +r ounds +na p +accep ting +ac knowledge +roo t +an ced +cap ital +pregn ancy +na omi +au to +me ssy +ni k +so lit +mel t +gu ts +employe es +se mi +identi fy +tal ks +bu mped +j agged +chal leng +fre sh +fo ster +dau ghters +repe atedly +mu r +concer ns +che er +assho le +stephan ie +lu s +ei l +tu ary +assist ance +con stru +star ving +re turns +pa using +beth any +car rie +f at +phil lip +be y +mal colm +v ice +import ance +pa irs +p re +sta in +un aware +sp ur +pri ze +win ds +un happy +high est +canv as +st ir +st eep +numer ous +me tal +temer aire +te x +ju les +else where +di ans +mom my +stron gly +jec tion +adv ance +dor ian +di mitri +z ach +t z +di aled +~ ~ +th eless +raz or +christop her +techn ically +ob lig +batt le +retri eved +att acking +absen tly +hec tor +mer ry +sco oped +phra se +never theless +defe ated +coun tless +re place +neg ative +mp tion +tro y +brac el +bar re +a p +1 6 +don o +dr yly +pat rol +p .m. +s our +che wing +lur ched +confi d +tur al +su ited +qu et +absor bed +bru ce +fli pping +bi shop +may a +le on +retri eve +f ling +possi bilities +bit es +zi pped +ali ke +ad dressed +wo ken +re sources +f ond +del ay +fre ely +back yard +sal ad +magn us +ob sc +lea k +gy p +ali ens +pa ths +s ers +don ald +cy n +will ingly +x y +bal l +pati ents +au stin +nap kin +bi ble +mur phy +ele ss +vo id +j ag +sac red +furi ously +dea d +plea san +paint ings +sa sha +lo dge +vi c +ve ssel +nine ty +ch el +k een +sav age +fur rowed +ceme tery +smel ling +pre ven +gigg ling +el len +sleep y +dis co +cla iming +defen sive +sto res +bla sted +sou th +test ed +mb ly +scri pt +ar ian +ro gue +practi cal +bi zar +pro p +el ine +ti ming +r itual +pp ling +buzz ing +i ze +fla shes +effec tive +deli very +ling er +lei gh +k ings +cul ture +cr acks +atten ded +so bs +cauti ous +summon ed +pro spect +rest less +inde x +fascin ated +colu mn +reas suring +up side +illu sion +al lie +t ons +st icky +en countered +were wolves +inter rog +c able +bea med +app lied +par tly +bat tered +frank ly +fea thers +wan der +sen sing +me tho +oxy gen +grow th +stu dies +si ly +dre y +de pre +bar ri +promi sing +blin ding +gen ius +femin ine +con trac +coo ked +refer ring +eu r +lo vers +dru m +ran n +bed side +rai ses +affec t +spra wled +pau ses +pun c +ic ia +fel ix +smu g +co al +sen sual +ear n +din er +charac ters +stu mbling +oc to +sil ky +persu a +expre ssions +swal lowing +sm en +weal thy +my r +ne phe +li king +te gr +hi t +har m +sta b +j . +sac ri +blo s +fle et +bu bb +bac on +glor ious +f ans +pur chased +fli ck +identi cal +correc tly +te achers +secre tly +ru mbled +di ag +convin cing +passen gers +alex andra +di se +wel com +swa m +cal med +tri be +jo int +ri k +cam pa +ei ved +le en +jac kie +g ee +n ard +speci fically +hi ss +foun tain +vo te +necess arily +mean time +eng ines +shee p +di sin +disco very +mo o +au drey +request ed +gr unt +exc eption +ab sur +kin dly +st acked +consci ously +gul ped +sa il +su cks +origin ally +eli za +me th +de bris +admir ed +inter pre +acknowle dged +ti a +aband on +lin col +le dge +cat ches +gu lar +chee k +rec ep +ble ssed +hu mming +gi ble +1 7 +stre ssed +re tired +hor se +ga y +con sole +creep ing +an ni +an gui +ro aring +pu ppy +amaz ement +pi ano +heaven s +pho en +hea p +choo sing +de ss +goo ds +depen ds +len a +sco pe +ad en +un familiar +sa m +co w +mista ken +m sy +tru cks +bur nt +pur sed +fu mbled +france sca +d wel +celebr ate +mexic o +li gh +welcom ed +disgu sting +ra ging +nine teen +bu mps +ven ge +grat itude +run g +remin ds +bra ss +a k +go ose +dev ast +ad just +relation ships +el o +conclu ded +relati vely +qu in +resi sted +hu t +ul a +out stretched +me als +happ ier +the irs +mo ist +infec ted +drow ned +stir ring +collap se +st ella +clau de +conc ept +ac commo +ro ck +disgu sted +cli pped +cal lum +mo tions +fa e +as her +organi zation +car ess +acciden tally +resu med +back seat +sor ted +bri ghter +betra yal +ma scul +gri mly +pic tured +cassi dy +op ti +recog n +clo ses +stor med +lu ce +d . +bu zzed +saw yer +fla g +apolo ge +flu id +ex qui +tra u +sanc tuary +ri m +pla ys +compli ment +fra g +compu ters +wa sting +logi st +thre ats +for ce +recogn ition +tre mble +sun k +indu stri +com merci +th ie +displa yed +un dead +cre ation +blur red +on e +docu ments +da zed +un fortunate +glit tering +dal ton +shu tting +sev ere +lincol n +gal lery +con firm +murder er +di scre +air craft +el ly +religi on +v ors +sp ells +dono van +con tribu +rob es +u .s. +bur g +val erie +li lly +re tor +arrang ements +obe y +ga ping +f itted +bea ms +le e +sto ck +wr ath +hope ful +re sort +vie wing +pu mping +com plain +suspici ously +conditi ons +jo kes +ab ra +lec ture +pe eled +conveni ent +jour n +tru sting +ra d +loo p +elli ot +z ar +te ch +dra in +sc out +illumin ated +arrang ement +a x +in sist +expre ss +pri or +ir ing +e erie +teen age +kel lan +deter mine +weak ly +compet ition +virg in +lux ury +gar dens +tis sue +che mi +ar es +a ur +jo ked +guaran tee +rh ys +leg end +suc ceeded +bizar re +environ ment +ski p +ho p +fol lows +re pair +anton io +non eth +noneth eless +ke ith +st illed +dep th +co ordin +s ened +acade my +stic s +scar f +in ser +ga w +prin cip +enter tain +thri ll +1 8 +vi ously +c eased +sur gery +promp ted +law yers +scra ped +photogra phs +inclu de +pi per +net work +lea gues +compre hen +tri cks +str and +stom ped +coun sel +n ancy +mat ure +fe tch +visit or +rela xing +mi ld +ful ness +confe ssed +cor a +sh ep +dar cy +vi al +expla ins +encoura ged +drow ning +chuck les +ra ys +di ve +app earing +schedu led +el f +w es +le vi +hal ls +r ang +sh ea +min i +ulti mate +cr inged +eli min +mit ch +mbl ance +proph ec +mon k +esc orted +pati o +ev ing +so oth +ol y +an e +perfec tion +ba star +polit ics +finger nails +sal v +dd les +ch ann +ta ils +hal ted +ess ence +dar ing +mar ine +develop ment +isa bel +believ es +puzz le +swee tie +perfu me +gener ation +sta ys +c rai +weigh ed +stro kes +li mit +indic ating +indi gn +le t +mur mur +bel ls +den nis +discom fort +min ded +st ur +examin ing +circu lar +sarca sm +laun ch +home work +pla in +p u +loc ate +el em +innoc ence +swa ying +ch est +wal ter +tri pped +co ins +ho arse +stra ining +remark able +mor ed +isa belle +sten ch +esca ping +le tt +fa iling +se duc +accur ate +hu sky +den se +arou sal +trans l +bra dy +tr acked +c ough +deb t +mu ttering +se ed +ter ry +di sm +patter ns +j an +re spected +oppon ent +desi red +har bor +g in +be e +mar ina +m ma +po king +pri m +squ e +nic ely +l ling +su f +phoen ix +n ative +ju ly +ha zel +ght ness +di stress +x ter +pecu liar +whi l +cal cul +grocer y +bu mp +phi c +civi l +fe males +john son +wa ist +recei ver +posse ss +to ol +off ers +sco ffed +pu pp +rap hael +etern al +thie f +depu ty +parti cip +strate gy +offen se +me dit +angel a +nik ki +a ked +wa x +f ati +whil st +re ward +oper ate +head lights +so da +p lot +ha irs +pic nic +li sted +iti ons +andre a +abi gail +the o +mel ting +pa ja +lit y +organi zed +metal lic +gest uring +fr anci +flor ida +gabri elle +inter national +t itude +bu m +boo m +ta il +snea king +mo thers +kin dness +ac on +un comfortably +ati vely +pier re +pow er +ru mble +po pping +conce aled +prin ted +intri gued +brief case +ti ce +str ous +hon ey +g ing +cr an +col our +v enti +pa ined +engag ement +n ash +co ats +al ities +admini str +thi as +sacri fic +lu ther +j ury +ad ds +co b +co ward +autom atic +l u +di vine +na dia +i v +yel ls +so li +shi fts +h ant +ro se +excit edly +i ons +shif ters +ag ing +ab e +pee k +ho ward +cel lar +recei ving +ho st +vi mes +simul taneously +insi st +de mean +supp re +ru g +di ego +r ho +mom ma +class room +wi ves +tra ditional +pro ven +n in +en ced +consci ence +but ler +scrat ching +imp lic +kit ten +anticip ated +sor cer +estab lished +wor ker +ha tes +it ch +for gi +audi ble +clar ity +uni son +ho t +vi le +ken ne +che erful +r ank +pro po +en da +ra ine +mu st +mo aning +0 s +so ber +cough ing +e e +int act +dri pped +ath le +motor cycle +eu ro +cou sins +challen ged +bu ff +sta ir +i li +anx iously +mo de +en zie +emer ald +americ ans +e ting +evi dent +fu cked +mitch ell +ly dia +practi ced +over night +bu d +bastar ds +. a. +tw enti +promp tly +over ly +mon t +honest y +i ans +slow ing +a y +to ys +as cen +sil hou +be at +u sh +ja ws +gol f +app eal +wre ck +contra st +lu sh +we e +po d +an derson +val ent +ca fe +accomp lished +man dy +investig ate +pre sses +grin ding +dom en +z i +e o +ge e +spla shed +ing es +ght ful +re stri +mu ddy +mi es +head quarters +pe er +2 5 +carol yn +mar rying +bang ed +g el +be e +vi vid +m ali +2 4 +la yers +valent ine +el ders +sha dow +m our +re id +pow ered +g rea +clin ic +thre sho +fol der +r ory +du mp +apol lo +maj ority +ja pan +ar ming +cigar ettes +chi ck +scienti sts +cho ke +ar ity +go in' +un seen +la bor +l one +pri vile +pi er +bar ry +accep table +inspec tor +2 2 +m ick +per formed +bal lo +i van +occa sions +t witch +luci an +jer king +japan ese +thera py +m ill +cha tting +u ps +preci se +main ly +rel ent +po o +be ck +regre tted +susp ended +epi so +ra u +lyn n +gr aceful +ad mire +ta d +fi ghts +ad ri +pu b +ad verti +out line +mag ne +re volu +hy p +pa dded +hy po +ev ie +tow n +su m +qu ali +over heard +ga sps +de dly +min a +kidna pped +ul ted +philo so +di scar +v eil +sandwic h +o live +c row +im pro +c ' +lea f +rea pp +frequ ently +me ssen +thresho ld +ga ped +e tt +d ice +br yn +ur gency +p m +en han +ve s +f ounded +u res +lin d +ti ckets +s lit +sm ack +t ying +obe di +a se +messen ger +min ent +lor ds +nur ses +charac ter +princip al +cool er +bun dle +tau t +pre viously +ru s +enjo y +crit ical +pla gue +co pper +plu cked +ken ny +crai g +v ali +electr onic +virgin ia +tow ers +s lan +l ins +mo tor +termin al +ma ze +less ness +sle ek +inter rupt +lu can +de scent +co ke +app et +ali ze +hu ffed +ma ddy +her o +part ners +ri ses +ma e +bli ss +bal anced +wind shield +accoun ts +war ily +sel ected +re e +man ners +for bidden +compas sion +fa u +bu ckled +ti ghten +fa irs +jol t +hun ted +clen ching +w ren +experim ent +disci pl +h l +witne sses +g love +shee pi +lay la +cal vin +tri ps +in o +seat tle +start ling +t ec +gra sping +ver on +s wit +n anny +cal cu +: 00 +f east +author ities +con qu +fre ed +swee tly +trans fer +thru sting +pick up +win ston +mor al +lat tered +foun dation +touri sts +n in +mar sha +e ssa +drun ken +si pping +ex posing +en gul +inqu ired +tech ni +vel ing +crow ds +un bear +thro ws +d well +sla pping +tea ms +el ement +. c. +in crease +ch ester +scienti st +jon ah +bu rea +stu res +ri ver +grow ling +ra mp +ne ared +per spective +fi x +n an +go bl +suff icient +sa il +belon gs +un mista +increas ing +tro ll +lac ey +visi bly +dess ert +st es +entertain ment +re lev +st ati +c ere +hil t +om a +loo sened +retor ted +main tained +p acks +extra ordinary +embr aced +o on +communic ate +s col +de sig +sur veyed +cra dled +re ins +pea k +st el +d ine +ru ins +rel ative +indic ation +re spect +cafe teria +wi l +del a +v est +qu il +bang ing +super natural +depar ture +lifel ess +ex tent +success fully +produ ction +c i +greg ory +sa r +fl are +w ick +iri sh +fle e +sin cere +resi dence +ker chief +ir on +f iled +employe e +pat r +interest s +con dom +post ure +re ference +ron an +hil l +dit ch +the a +war ming +bel lowed +lim o +go at +en for +bas ket +destro ying +draw ers +diamon ds +d ingly +passion ate +lu gg +va in +co py +nephe w +gi es +tatto os +stea ming +se dly +is er +flo at +da vis +color ful +ze us +six th +ri cky +re u +chamb ers +re gain +c it +a shes +a pr +franci sco +dar ren +wal k +ear ning +bre ed +advi sed +lugg age +play fully +na th +le tte +eri k +yaw ned +thor n +need les +la mps +ag ging +ta sting +pro tru +wel coming +trans formed +le f +t sy +ca fe +inst ance +gal lo +me sm +trac ing +ob s +be dro +po e +ten nis +wo ol +ba ss +stra ps +respon ding +mar ty +rec e +o my +can di +sau ce +st ac +ca sin +go s +op enly +ma sters +no lan +frea ked +cru ci +control la +proce ed +plan es +fascin ating +car a +d all +co ffin +pro to +dri ves +deep ened +bu st +ati ves +strea ked +mascul ine +in er +dre n +emo tionally +f ing +situ ations +madel ine +re fre +doub led +dist ing +peri meter +fre shly +op y +z ards +ea gle +sel ena +night stand +la me +squ at +le gen +kal adin +un lea +sk ye +shi mmering +hea ving +hau l +hurri edly +for tress +exc ep +deser ves +cat tle +pul sed +pul sing +bab y +wy att +d roo +campa ign +custom er +bar gain +thir sty +ster ling +pir ate +mi kha +im peri +octo ber +flin ch +am i +sick ness +ger ald +b ani +ma x +contain er +occu p +dom s +ic h +rem n +divi ded +hor ns +po tat +ra g +arou sed +tab i +whi mpered +vin es +disgu ise +regi on +lo cal +guar dians +sor s +in i +dru ms +congratul ations +le thal +cre ep +succe ed +sque aled +li sh +terr or +r ina +cur ly +sha w +potat oes +ver ge +di ary +sat in +ol a +f icial +dor m +sp an +so bbed +pu mped +b out +g inger +frank lin +tre men +kno ts +stair well +flir ting +dan i +su bur +pu mp +mo cking +y ank +li l +gigg les +war den +hu shed +ta sha +temp tation +tra ils +hesit antly +sna ps +mikha il +ble ssing +sk ele +assi st +wil li +war dro +di m +v ital +ro s +ren s +sli ps +ar cher +sw elled +g on +sh annon +mesm eri +ent ary +chri sti +basket ball +u no +youn gest +tabi tha +ter ior +je wel +suit able +ti er +eli e +bu gs +it lyn +s lur +dro wn +re ferred +compan ies +tow ering +em an +com posure +ran ks +produ ct +o ven +ja sper +gor i +wil d +per pe +bitter ly +surve ill +archi e +ra il +co pe +surveill ance +a do +sympa thetic +en chan +ex otic +d get +el ves +sna kes +man ny +bla med +ven ture +wee ping +n eal +altern ative +im mun +pur suit +pain ter +heal er +end ure +colu m +mil dly +s ale +ba it +bubb a +oper ations +hand ling +er otic +di gn +gu er +com posed +sti le +ri on +n at +sugge sti +or leans +disp at +descen ding +compla ining +venge ance +tra dition +ser ves +el lit +un controlla +tu mbling +o gra +butt oned +h end +sat ellit +re mark +p and +care ssing +lo v +we ed +s way +whe eled +bea u +tal on +sp ac +ro tten +re verse +stu mble +cont rolling +an ony +outw ard +mir a +sco oted +cra w +har ley +col by +liqu or +excu ses +sy r +vivi an +scho ol +acqua int +va u +ro wan +ja mmed +fri ed +fast ened +van essa +tho m +commerci al +zi o +tw ined +e ted +char ging +in ched +great ly +cont rols +house hold +be ans +bri anna +celebr ation +u ti +tra ge +pp ery +d ab +be have +slow er +he ir +el ements +costu me +sil as +bur sting +purpo ses +var i +ab domen +cri mes +a men +cla wed +supp orted +magaz ines +bar ed +confe ssion +af fairs +hu sh +ang les +par aly +ting ling +an gus +cri sis +su z +sp in +po ker +ing y +cour tney +2 1 +glea med +zi pper +soa king +shi elds +gal ax +ra pe +fa ye +har mon +di plo +z ily +triump h +mb o +al armed +ra ven +ben ny +st les +oun ted +lo gue +heavi er +stra w +et ched +g listening +out come +han dy +abu se +man or +er o +c ation +app ly +fin est +tin ess +door bell +ca sca +shu ttle +compar ison +dir k +ti les +show ered +im pulse +4 0 +o ed +blank ly +alli ance +ado pted +c ers +am a +ar a +fil ls +un certainty +ru led +luci a +lanter n +ha ley +ag oni +ser en +bit ten +ced es +r aces +gro aning +vi gor +ten s +dist inc +ann ab +s ali +revel ation +room mate +tox ic +temp ting +pil es +hide ous +frow ns +f are +clu bs +tu ck +alex ia +vi sh +ro t +lit ting +lea ping +be half +bl ings +ber ries +sp as +j unk +' l +par lor +v als +u gh +su pre +na vig +juli et +whi stled +veron ica +reu ben +qu an +predic table +exqui site +ade qu +di ssi +conne ctions +astoni shment +accomp lish +la sh +su b +repe ating +pre fer +el u +confli ct +war s +ver i +spr inted +amu sing +tt on +sen tin +some place +admi ral +wa de +lin en +ni ece +ey ela +d r +para dise +lo omed +eyela shes +angui sh +help lessly +¨ c +ch and +sur real +man n +tra itor +mani fe +mil ton +car ly +sta mmered +pay ment +gro ve +rese mbled +bran dy +sy mp +kil lers +swi ped +sugge sting +y way +sha ttering +ed ition +chi e +no elle +la bel +g ross +gre t +p ill +ri sen +redu ced +ly wood +ca th +u mb +in volun +awak ened +indi a +sand ra +no ting +dar ting +wardro be +sarca stically +wil son +ulti mately +li la +le gged +i 'm +tion ist +g ang +ir y +de pressed +micro phone +ar ts +demean or +wi g +glin t +du sk +thu mb +ka de +increas ingly +stal king +cu pping +publi shed +suc cu +spee ch +re view +recor ded +mat ically +far mer +spla sh +s lack +ici ans +ma the +/ / +sne ered +encoura g +sig nature +cont acts +p iti +mar sh +le ton +con ner +to oth +spect acu +puni shed +1 9 +ti ly +rea der +obe yed +mil lie +super vi +sep tem +scal p +sk ies +fu zzy +ea u +confu sing +col ton +re solved +part ments +pun ching +sw ings +experien ces +back up +h ound +al a +septem ber +coo kie +con vul +nor man +qui vering +mon key +in form +identi fied +glea m +wra ps +th ia +suspici ons +tan ned +gloo m +st eri +accep tance +man s +bracel et +20 0 +hu l +st ations +i le +suppo sedly +anch or +sel s +ra v +aggre ssive +snu ck +enti ally +u d +be ver +vo y +mar i +cli p +si blings +ez ra +pa m +murmur s +confe ss +ne stled +mo b +det ected +dread ful +sha wn +ra dar +lo ck +b ited +b ers +play ful +hu dson +afri ca +mo del +hand kerchief +tu cking +bla ze +hesit ant +wh ee +ar ray +tow ns +pe pper +mo ans +i um +di ver +your selves +cap tive +scenari o +so ever +feder al +carol ina +scienti fic +depen ding +o ath +mit ted +deca de +spir itual +re ese +neu tral +re hear +e be +str an +mari ssa +ghten s +do x +con j +repor ters +commit ment +j ee +discar ded +cap it +apr on +shri ek +co ated +appreci ation +di mly +chap el +sp l +an ti +pe ts +tu ous +ev elyn +cou ples +pri ck +rescu ed +pat ting +cla ir +desi res +ea sing +h tt +emp tied +achi eve +le xie +interrup ting +ging erly +a ster +li mb +ty ped +ob servation +cal ming +sho cking +r r +apologi zed +ac tor +- -- +sit es +ab bey +th ly +bar king +va mp +whi t +nau sea +me ssing +ha yden +chec ks +appet ite +t cher +fea ther +moist ure +col dly +mi sh +isol ated +gener ations +ev o +snor t +sa ble +har old +gun ner +dea f +ch unk +4 5 +mu ted +comm it +robo ts +ga zes +flu ttering +kil ls +bu sted +grim ace +y in +shu ffling +ribb on +ha ting +be ef +unexp ec +fig uring +co her +so lar +distri bu +ar ena +o u +un doub +wi res +r acks +relev ant +custo dy +cap acity +ecst asy +our ing +fr action +cru ise +un ner +mer cedes +stri des +boul der +scar lett +gul p +undoub tedly +band age +gran ite +betra y +ni shed +m ound +ca ves +sub stan +glu ed +g ings +bo iling +puni sh +bur sts +b ony +perman ently +lo la +di zz +a iming +tran sm +1 00 +u ary +esc al +ro sie +re signed +shud dering +concentr ating +ch eri +chec k +gro ws +ri der +vege tables +relati ves +mi ss +ber nard +pand ora +fi e +scar red +geor gia +vom it +v ated +snar l +astoni shed +expl or +announ cement +cal e +p aces +gre gori +vac ant +oper ating +me ta +up wards +to wels +lau rel +danc er +b . +pu p +bron ze +ru mor +py ra +ow ners +indepen dent +di vision +shar on +poli cy +how led +con taining +clu es +prin ci +fer gus +com partment +spo o +expl oring +blu shing +bewil dered +sen ds +pa ige +mu tual +g ha +cand ace +tor ment +di c +trans ferred +spo iled +cour t +a mp +flat ly +bu ck +fi ghters +har ris +fa thers +chi r +spea kers +ador able +sandwich es +noti c +person nel +ca pe +19 8 +speech less +cha tter +bou ts +sha ved +on ably +mu tter +la ss +ar c +lo re +do yle +commit tee +sa i +re ll +recor ding +ran dy +scen es +shado wed +par ting +ron nie +in toxic +scar cely +co t +conveni ence +comman ds +bor row +che ating +m ick +w . +agit ated +ja y +cin dy +batt les +defin ed +dd ened +the l +sa gged +pup ils +con dem +harm less +t ac +har vey +c un +ba dge +flo pped +de parted +a val +iv ory +what soever +prophec y +pa ired +di p +ca f +spr ings +bat tery +re commen +deb ate +classi c +ro tting +how l +ha iley +unexpec tedly +mechan ical +er r +at tic +hop eless +ste al +coun try +quick er +ra ked +fle xed +sw elling +un willing +exasper ated +jewel s +hol lywood +shadow y +gret chen +w ears +ss ell +sa s +docu ment +compre hend +c' mon +import antly +fl ynn +tri gg +gli ded +sk ul +indic ate +z el +scra ping +lor i +do dge +ou ting +reas sure +pri ests +ken dall +ab du +ben ja +tex ted +mack enzie +ysi s +ti an +is lands +be dded +provi ding +under world +kay la +courte sy +sa iling +musc led +c any +twit ching +twi light +ju mps +sh ort +coun tries +immen se +la in +propo sal +pho ebe +eless ly +appro ve +an g +visit s +po tent +electri cal +re gained +sing er +nic olas +na y +smo l +ra ble +mor ris +gra m +re y +ble ed +po l +how ling +a vi +st atic +cli cking +parano id +com motion +snu ggled +survi vors +e tta +cau ses +lur king +hyp noti +unbeliev able +ta vern +trage dy +sub jects +ab rupt +stu pi +pat ches +clar k +tun ic +whi te +neg le +im press +com pul +ben nett +mat ches +lit tered +al ysis +desig ner +ss on +fi xing +fle tcher +do se +st acy +pa thy +mu ster +smash words +bor ne +la ser +st ering +re mor +n as +manag ing +sk it +im per +forgi veness +inten si +sub stance +invol ve +annab elle +wa l +mea sured +ser ver +sche me +disor i +phi li +corp ses +ball room +admir ing +bru ise +fo li +cre ative +p al +im it +ka thy +hel ena +butter flies +peri o +p ag +i deal +benja min +pou ch +app lic +2 3 +jan uary +war ded +sole m +flat tened +conne cting +barbar a +t fully +lo ve +er son +beauti fully +zach ary +cra mped +sen sations +la h +broo ks +yan king +na pe +wor m +b rai +gro in +unmista kable +ri char +hu mmed +dev ices +consider able +stan dar +strea med +plac ement +tempor arily +marsha l +el end +ac id +atten ding +spark led +i ster +bear s +ro ad +ma bly +corpor ate +squ i +nov ember +dar t +spr ink +com e +au str +glor ia +policem an +cra ved +com ra +the e +b af +mar tha +casin o +won ders +meth od +gw en +disc er +si ghts +sk illed +asse mbled +colle cting +to s +bro ck +rob bie +rit a +law rence +sp len +convic tion +od or +econ om +corri dors +copy right +ru ssell +regu larly +vik tor +ha y +lip stick +bar t +ti cked +sk epti +hear s +em an +ten ts +bath ed +a waiting +tre s +surpri ses +strea k +si re +applau se +lou ise +ca ine +sc run +mar s +dis may +chi med +shi p +suppor ting +col leagues +medi um +jai me +de cem +chi lly +ta mmy +ri ppled +presu mably +pon dered +ch ron +at a +gor don +b ane +ste w +si rens +ra h +pri ority +stri c +k ra +w ry +hu ll +gi o +ka i +gg les +f ty +stea k +flu tter +st il +con front +nath ani +til t +shel by +po p +har shly +o v +guar ding +unbear able +ac company +omin ous +mb ered +ru ler +el ep +den ying +make shift +in ar +w ept +thro bbed +pe e +itu tion +in fli +a sha +po ster +pla stered +hon ored +concer t +sophi stic +i dly +bur ger +pan ted +grand parents +ten derly +har med +comman ding +p ent +angel o +suf fo +si enna +dis da +chor us +b ates +n el +p raise +p aci +vo wed +li shment +pri mary +back side +re ar +po sted +wri thing +momen tum +encoura ging +en ting +decem ber +whi pping +threat en +uni forms +stiff ly +ca mil +ge stures +pro ced +chuck ling +shi re +sand als +ann i +gre na +mar ching +ab ack +wren ched +vo ted +mech ani +less er +crea ked +si ren +pa ws +mirr ors +ru mbling +re bel +fun d +recep tionist +episo de +sen sible +a mara +sal es +ten tati +fi dge +pleasan tly +bul ous +wi ggled +dren ched +mischi ev +li ghted +war mly +body guard +jo gged +ma ster +bra dley +be ta +hi ssing +di so +appe aling +chil led +be tty +pre mi +pir ates +pur sue +fear ful +den ise +contr ary +per si +ch ers +ta stes +spectacu lar +poin tless +che ered +bor rowed +teenag ers +fli cking +depre ssion +box ers +summ on +blin dly +an ita +w ns +den ny +win k +ph ine +ven tured +tentati vely +sm eared +cup board +ci gar +t led +scul p +per ple +hy per +id ance +har dest +bar on +par ade +f ever +tur key +do t +reco very +k . +i ris +bri ghtened +qu in +on ally +lat ch +near er +fran kie +de me +clen ch +cheer fully +standar ds +re sts +anti que +ton gues +dev i +col ony +y ar +sl acks +pp er +instru ment +blin ded +po ised +individu als +ho stile +co l +interf ere +fai thful +mper ing +al len +hen ri +rever end +consu ming +trac es +ey ard +danger ously +a ds +thu mping +nu clear +di mini +bren nan +gar den +squir med +ti cal +ob serve +h s +bren da +hur led +ba thing +reas sured +occu r +mo le +gree dy +til ting +bul k +ting le +stab les +la i +e zio +st ful +inva sion +hol der +ancest ors +smal lest +mi ri +strang led +con test +tar gets +ex terior +emp tiness +wen dy +bu ckle +admir ation +c annon +shar ds +obse ssed +hu gs +pro cee +ph en +mo dest +il ah +ack ers +hur rying +can opy +al tered +sof ter +pe an +manag ement +c elia +mo ss +cont acted +tremen dous +bl unt +sco tch +gla dly +col lar +st inging +scre ens +comple x +appro ved +re jected +tom b +scree ched +scal es +butter fly +hear ted +mur ders +stor ms +it aly +fla ming +absur d +sun rise +min d +inqui sit +ma ss +app ren +hoo ded +to pped +spo t +dign ity +acqu ired +sp ared +po ps +ww w. +ris ked +stron gest +reck on +c ling +seduc tive +v lad +roy ce +bl end +uni ver +do s +da wned +over sized +wi dow +si er +19 9 +ex pe +ab sent +twenti es +mo re +cheek bones +le x +co cky +ba ked +it im +expan se +t ear +sea s +ho tter +bo iled +lon gest +wee ds +seven th +fuck in +de posit +del ilah +di e +d ill +sear ing +ni ko +poli sh +clar a +belon gings +scho ols +ir ony +cat a +remn ants +kic ks +g ely +manu fac +sa iled +symbo ls +ratt ling +pan g +l acked +gl as +issu ed +swa mp +presen ts +g ard +den ial +stri ct +adju sting +smo ked +sla shed +tho u +pu ssy +opti mi +h mmm +cla yton +lo oming +bb ery +satis fy +trou bles +vac u +op en +p ear +men acing +un natural +co sts +bea ds +i zing +un its +y na +musi cal +mor tality +leg itim +19 7 +in tu +emer ge +bea ming +rif les +mea dow +g ate +bu bbles +stri kes +shar k +proced ure +newspa pers +bun k +ba sha +t ack +ren ted +her oes +effec tively +dou glas +b ree +ra ined +tre ach +sa mple +gradu ate +cer ti +tr ance +scra p +tt i +hal luc +d ger +in fer +galax y +c ec +stu bble +ple a +bedro oms +inter jected +smo o +devel op +ush ered +la yne +ka itlyn +con ci +lou ie +bol ts +con rad +er ror +eng age +au th +sign aled +angel es +san nah +ho meless +shel ls +har dy +clu tch +un necessary +gun fire +fe ig +co co +inspec tion +bry an +ba ker +differ ences +da mp +cr ink +a waited +k ingly +bi kin +a w +p ins +mou thful +fac tor +pron ounced +ex tr +distur b +car d +to w +t ingly +em ed +ter en +black ened +har rison +gro ans +dedic ated +consider ation +rel la +ou ch +g emma +di et +vir tually +ob st +o cu +pee king +hosp it +con gre +a spect +tal ented +tal ents +ev al +end ured +amb assa +alex is +0 0 +tran spar +re presented +fas c +dee pest +re strained +mon a +ren tal +disp lea +squ inting +ei ve +volunte ered +ur ging +stro m +kar l +celest e +boar ding +ali sm +o ci +m ace +co pies +bla zed +good night +fasc ination +br un +sk inned +constru cted +acknowle dg +tor ches +th fully +inse cts +disapp earance +vibr ated +ho lo +daw son +thank s +plu mp +pa d +reali se +fac ial +r . +por k +over looking +e ma +re vi +vo d +sti fled +elli s +sk e +un fair +ru m +inspir ed +thu mped +ri vers +apologi es +su sannah +pi pes +slo ane +pu ddle +wor ship +under stand +s ks +or able +deaf ening +communic ations +st ee +jol ted +bitter ness +zi p +p om +du mb +satellit e +cl int +con cu +scri p +ga g +g gi +dra ws +mexic an +do tted +sa b +ne ys +fo am +by ron +wel led +solem nly +plain ly +confron tation +st ine +busin ess +blin d +pro ving +la bel +dan ts +sarca stic +ra ining +ki lo +br o +deta iled +p inning +gr an +do in' +waist band +ja zz +ici ently +ro sa +instru ments +han gs +contemp t +pha se +nau ghty +fu cker +en vy +tro tted +spor ting +l ure +ch et +gene tic +blos som +refle cting +d die +atten dant +mer ged +survi ving +der i +stre wn +sc rubbed +lux uri +tt in +sp itting +har ri +flo wn +ten ing +s by +ri ders +ko ta +cany on +ab s +mil li +exi sts +cry p +plan ets +ja m +fun ds +ro cket +bur ying +thanks giving +ro s +pi st +exten ding +sof tness +sky la +liber ty +al lies +clau dia +ec k +pre dat +plo pped +eva por +is ra +imperi al +gradu ated +shoo ts +che ers +el iness +z u +sul li +indu stry +argu ments +expec tations +b ank +m ated +humili ation +citi zen +wheel chair +r ation +chur ning +ly ssa +cock pit +ro e +rever ber +dr on +c ac +cath oli +am id +ra sped +prot est +ma ps +fore arms +satis fying +rea per +o me +encou rage +un folded +wr yly +walk way +or phan +di ving +cro sses +y up +vod ka +pra yers +ow ns +o scar +la shed +comp en +sole mn +de sign +ali son +se vered +un spoken +challeng ing +v as +gl en +1 7 +ev ans +expre ssed +in furi +a . +sa pp +vo w +bre tt +confron ted +bin ding +nar rowing +key board +gr acefully +whi mper +sc ents +persu ade +swee tness +mar tin +ri dden +p or +cen tly +impati ence +fren zy +en elle +do dged +ta x +war mer +pl ying +w ny +attr act +im pul +glo be +aly ssa +pro secu +materi als +dill on +rese mblance +w illed +sale m +boun ce +squea ked +ir onic +con do +y the +serv ations +pi a +: 30 +lo ft +exagger ated +sh eath +nur sing +li za +chem ical +r ated +pro jec +da ph +ru bble +wh ined +contra dic +sli ppery +practi cing +fa bulous +bru shes +bom bs +portra it +war rant +strai ghtening +re son +ja enelle +dissi p +daph ne +confir mation +foo ls +deliber ate +scra mbling +ni pples +ka r +dev oted +thir st +gui ding +p ean +eff icient +bro ok +dra wled +chemi stry +pre d +immun e +den cy +country side +bra kes +bar e +wa its +bud dies +a j +h n +tex ts +ka th +pro fit +pa w +kno tted +wa vering +pu ffed +floo ding +defin ite +paja mas +i sing +u ous +char i +bi dding +re en +ming led +in sanity +sulli van +di ous +appro xim +dra matically +b ounded +g om +ur s +ro th +ri gh +po sts +ag enda +pack et +restaur ants +gar ath +bu n +bri sk +sp aces +resi dents +blu e +spl inter +f ers +enter taining +civili zation +wi zards +ki ly +gu m +gra yson +fle eting +fati gue +inti macy +spee ding +or dering +fe wer +sig ning +estim ated +ca the +sweat shirt +ki sh +ho ar +bo wing +squea k +sp an +lon eliness +franc is +cou l +gla zed +sni ffing +colum ns +sel dom +comp elled +b less +wea ving +ru e +ris ks +o id +ne s +det ect +br ina +ve in +htt p +el ope +custo m +vers ary +card board +mu te +ar oma +col lins +ri o +ma dam +bul ging +initi ally +ch ef +sco tland +bi scu +scre wing +mb er +lat ched +web site +w ick +hear th +bu tch +bel garath +kir an +experien cing +dri ll +ar ching +w i +be ers +scur ried +rear view +co zy +v ance +chi ck +t s +deci des +stri cken +se er +gre asy +k an +te ens +cl are +ra ped +kenne dy +cor rup +thru sts +qui vered +ma inten +ha ste +bi c +and re +car ries +s have +re sur +har ness +pred ator +lun a +bra m +w rec +br yn +ru stling +out si +stab bing +infec tion +mo ses +fal tered +wor thless +re gan +fanta sies +o logy +every day +pro jects +ev ie +t its +stubb or +pe ter +conc eal +ra e +man ic +ea bouts +en li +sp ic +w er +k le +arti ficial +wa g +suppre ssed +cal li +spi ral +com b +sil ver +luci var +gi gan +clu ster +be ep +o tt +jer sey +cushi on +associ ated +wid ening +pu rely +ho g +emer son +con or +clu msy +hyster ical +hh h +cur ses +no l +ic t +le to +bac hel +wink ler +st acks +lou isa +er ra +war lord +euro pean +cal en +ag nes +j inn +do om +wi den +passa ge +fel lows +il lian +wear ily +i ko +cushi ons +el ite +mer chan +as ser +vi sual +po or +shru gging +l acy +expen se +mi r +el vis +poe try +cap ti +shri ll +war t +to l +mee ts +radi ated +e sses +sha y +exasper ation +dag gers +sni ff +ra bb +ex pose +bu dge +pe tty +in der +angel ica +se ctions +val ry +pr o +do omed +revolu tion +bro dy +' n +sp ears +ui shed +jud ged +wr ought +my th +interrog ation +so lo +i ss +gradu ation +c ani +tab let +local s +cre ased +sa die +li ds +ou tta +cru de +lo an +joy ah +concer ning +sincer ely +flu ffy +angel ina +par alle +nick name +ear nest +sw er +pers ons +paralle l +beck oned +po ts +touri st +gigan tic +unti e +stal ker +explo ding +st illness +sim one +reck less +grow ls +att acker +ster nly +le m +di ane +s laughter +pl ing +mo th +co iled +vibr ating +t . +sm s +cor in +win ce +ha zy +fol lowers +christ ine +expec tantly +inten sely +door knob +gu ing +fle eing +fu ss +va ult +tri ckle +ter rain +st ink +intru der +encourag ement +at y +reas oning +defen ses +cr on +comp are +mer ri +st ale +intimid ating +crimin als +pro found +p led +mo de +phen om +glo ssy +stre et +19 6 +rat tle +sin ister +miri am +di d +re treating +r ing +t asks +val ent +stri ding +sh h +gh n +ca ps +or b +ton ed +ca d +ru thless +a stic +ur gently +mainten ance +lit h +sooth ed +re ha +preven ted +per sist +j in +ten derness +stric tly +ter esa +car eless +skim med +tu bes +prepar ation +cock tail +tab le +sign als +festi val +ni es +nel son +cy lin +ad mission +oper a +oun d +bri cks +ri chie +ho i +rain bow +posse ssive +ser ial +fare well +vibr ant +ma il +dri vers +th ing +p ry +dra ft +weak ened +de sc +trans formation +fla p +du chess +mi l +histor ical +fan g +oo m +dig ital +ash ton +sub du +re ece +t u +re de +philoso phy +br ace +archi tec +execu tive +.. ... +gui ld +frequ ent +w en +ur al +ev alu +pro posed +dic ally +bo bbed +transpar ent +stur dy +reli able +loo sely +in ward +h inges +contempl ated +luc inda +ger many +f le +vamp s +tri c +che ated +sophistic ated +soo the +cha ined +past or +inter ven +coun ters +ex ting +brisk ly +hi lar +sail ors +me ster +under stands +fat al +y ach +vau ghn +scra pe +ri b +rand all +no isy +cal f +1 2 +po ols +t ches +admit ting +wel ls +inter c +ign ition +gu idance +de mi +cru mbling +w and +cru iser +ti ous +sco wling +mir ac +f ter +syl via +seep ed +pro mo +str ung +k re +fer al +re pri +ne on +mini mum +per forming +run ner +ren e +ra ft +thor ough +out right +mini ature +li zed +coun ts +t our +high ness +her e +dr ying +vi le +thi eves +ac ce +ru ffled +pro m +ar mies +gru ff +execu ted +tt led +terror ist +righ te +salu te +no thin' +medic ation +inher ited +glit tered +mm ers +k la +character i +bil lion +un touched +tr unks +mer cen +c ated +o o +lu ca +ha bits +delic ately +cr ates +bo o +volunte er +mar guer +in wardly +hal low +dro p +ken ds +cla pping +foo ting +car rot +tan ks +smar ter +pet ite +kno x +den ver +consi sted +envel oped +clou ded +offici als +ter ies +ten dri +ad ele +sta ins +pa ds +or nate +marguer ite +evie ve +mo tive +ju dy +apologe tic +affec tion +li bby +arrog ance +anony mous +bikin i +accu sation +tri m +w yn +mer cer +dun geon +win cing +tri ckled +shir ley +man kind +gen evieve +force fully +tra gic +po ta +remor se +fr ac +fav our +reco vering +bru nette +colle ctive +engul fed +distr acting +ven der +sp litting +boar ded +adequ ate +th at +pre occupied +hol ster +grac ie +foo led +sil very +sel le +re t +prim itive +ex cused +necess ity +ev enly +re t +po o +benef its +wid ely +for given +che w +bl at +le mon +er n +em bro +v ings +tri o +qui ver +pe eling +inf ant +hei ghts +pro xim +men tor +ha ts +chil dish +strai ghten +qua ke +de ed +arti cles +toler ate +a ms +re actions +pe yton +cre st +chel sea +a h +wa ger +mal l +lat or +dis gui +co y +ri cs +t rol +ha mmering +def ending +tion ary +hair y +ex u +shi tty +pen elope +wor shi +lo dged +an ton +poin tedly +ob serving +sli cing +substan tial +ess ential +bal led +ste ele +ti ckled +pyra mid +me tres +maneu ver +con serv +lea sh +i v +fla g +co ven +water fall +un ra +lo u +ni fied +lu min +ja vier +imagin ary +crack ling +ambassa dor +kn it +gli ding +col der +statu es +pu ff +hi tched +ha ss +fi sted +a mos +wo ven +un ease +sher ry +im prove +dang led +a e +pil lar +min t +life style +wre stling +po em +mor nings +er ase +mi gr +emplo yed +mar vel +crack led +la zily +bic eps +fra ser +assass ins +v on +obli ged +dest ined +re stored +sil enced +hol t +func ti +lion aire +horri bly +bla h +honey moon +sky lar +court room +af fir +cabin ets +tom a +po ke +pa ins +ner ship +lo gs +ignor ance +ri sky +dow ned +coher ent +house keeper +stro ll +flu stered +la ir +z able +van tage +rema inder +do cks +c l +any how +ren a +pen is +g no +champ ion +a qu +disapp ears +wy l +loy d +li v +la vender +g len +ph ed +na ive +en closed +relent less +i en +guaran te +c ating +l acking +ti cking +she ila +strea ms +signific ance +sp lin +ky rian +ignor ant +t lessly +fla w +y p +o s +depen ded +smo ky +dis solved +rene wed +o la +un noticed +obse ssion +ck ey +f i +ssa l +arri ves +al icia +strea ks +hor mon +et an +ste ered +k ent +ce e +ri co +red head +kat y +ari sto +lan don +gho stly +fic ations +mer lin +door step +ch unks +legi on +enthusi astic +clari ssa +bu dd +announ ce +wee kends +sol o +gri ll +mar y +zo ey +mu zzle +mass ac +tom s +spar ked +mil len +snat ch +dis like +mu sh +fer ry +bro ther +co p +mo di +im possibly +tun ed +se ating +russi a +ffe l +dark ening +fra il +respect ful +intri cate +fri es +cr ate +bre nt +tent ative +hoo ves +di pping +l loyd +fil tered +a in +shi mmered +patr ons +ha mmered +atlan ta +ar no +ya wn +spi ders +bl un +contempl ating +appo inted +sal on +out skirts +cro tch +a spir +magne tic +sh een +brit t +vo ic +re jection +lo ser +fro g +det ached +cen tered +band ages +ss ful +invol vement +dru gged +travel ling +plu m +cur ran +consi st +sta mped +battle field +ver bal +emer ging +ri sh +lin ks +to a +defin ition +sur geon +sha m +mirac ul +je m +infin ite +supre me +shi vers +moti oning +che ering +proxim ity +cha iko +in come +he ating +bre w +er ran +cha tted +sub sided +snick ered +pois oned +leon ard +in spected +hallow een +cra ving +conce ded +snar ling +idi ots +an alysis +sho vel +st ical +s laugh +garden er +der ick +sal ty +numb ered +caf é +cu ff +sp rung +mun d +ela ine +ba thro +offen sive +mor ous +who o +re yes +b leak +or chest +n ations +inst itute +echo es +dar ies +air plane +pro f +im proved +gra in +un ic +breath lessly +the at +bat s +ci ans +abra ham +y an +cel a +jac ques +confid ently +wit s +w it +ben ches +ri pe +pre n +inst alled +whi stling +travel s +lat in +as ses +hu mble +b ick +for mu +up coming +r ack +fire works +f lou +ven om +deal er +sick ening +g loved +sn ack +re tire +ang eli +s lou +mon strous +discipl ine +a del +cra dling +2 7 +vir tu +ho ste +ha unting +bul b +reas onably +wea ker +ru bs +pan cakes +p inch +lin o +j ed +da h +sha ck +grand son +hon our +enjoy ment +do ts +pr one +saun tered +perple xed +execu tion +bo omed +at tire +achi eved +fi shed +ar tem +subdu ed +quick ened +nerv ousness +mat ing +can o +an i +pp i +cur ving +cu t +win dow +twi sts +tel s +de signs +terr ori +inno cently +con nie +clear er +g id +a er +explo sive +cela ena +respon ds +pil lars +pen thouse +em bedded +consider ably +britt any +bi as +wh ine +pla ins +estim ate +ang ed +scen ted +po ck +pa ul +massa ge +jer ks +inha bit +ach eron +sai lor +li l +asse mbly +su cker +inva ded +dra l +lea der +gra zed +ge ons +apprehen sion +sp ies +holi days +ha st +br acing +stan ley +squ eal +ha des +g i +dom est +scol ded +mp h +il yn +cur t +cal yp +ess entially +boun daries +mer chant +dra ining +cli ffs +ve ter +t as +rebel lion +si e +mar king +pal ed +ab y +per mitted +me e +de ke +bow ls +scrat ches +boun ty +un lock +sincer ity +po lly +h el +ma ir +equi pped +d u +inten tionally +afri can +1 1 +wil derness +sk et +re eling +incredul ous +straw berry +no ses +mi xing +burea u +al le +ti ally +bio logical +sur f +stagg ering +mas ked +aw fully +skele ton +mick ey +fear ing +enter pri +cor y +her bs +ter race +g ash +el dest +acc o +un wanted +libr arian +favour ite +ta ker +artem is +sta dium +tane ous +danc ers +dal inar +v u +legitim ate +le x +fal con +to b +she a +eu gene +han gar +boo ze +swir l +spi ed +ho se +cla sp +ballo on +t ley +re acting +le veled +h m +oper ative +hel m +s ings +la den +inter section +oppo sed +e o +di sta +st u +spla shing +la c +br an +per t +mall ory +u x +sma shing +outra ge +opin ions +investig ating +g ale +condu ct +al ties +wher eabouts +rememb ers +pun ches +pop corn +al lan +tra ding +une ven +shi elded +over looked +man e +introdu ction +f right +ear ances +stri ped +ha tt +ador ned +zz i +snea kers +reali zes +labor atory +de fle +po pe +com mission +bel inda +pro st +b ard +tat tered +alex a +absor b +v ale +sla sh +ski dded +pe tals +no vels +lit s +disappro val +resu me +l end +ba iley +restra int +metho ds +cla wing +paraly zed +hol l +fing ered +shea thed +reas surance +syl la +am bush +the me +rin ce +positi vely +bu bbling +wrink les +rince wind +se mester +k u +hou sed +clo sure +b list +lo be +examin ation +radi ating +can ada +the st +requi res +ess ly +solit ary +ff les +exclu sive +spi ked +divor ced +jan ice +cro ok +oc ity +ste er +d .c. +pre serve +re sign +peri ph +l ens +g ina +ent it +re serve +su tton +situ ated +per ver +insist ent +bon ds +spi kes +s worth +thick er +harri et +bra id +ting led +sp ying +inha le +eri ly +squ ared +simil ar +oun ts +g in +wa tery +sc roll +dy na +susp en +sma sh +inser ted +in tegr +cathe dral +ro ver +nathani el +ear rings +car men +a bun +shr ink +tin ted +ri des +exhi lar +stupi dity +industri al +bryn na +den tal +tob acco +par as +ir d +d ick +adven tures +car mine +horri fic +gi ddy +sharp ened +fer oci +tri mmed +re ared +ss i +dri ck +clo thed +smol dering +agre eing +s lot +z en +loo sen +sne er +produ cts +silhou ette +bry ce +crou ch +com a +al ter +tru thfully +remark ably +mai den +grocer ies +je tt +color ado +activ ated +re warded +hatt an +tor i +smoo thing +or ial +2 6 +bri dget +b ind +spark le +separ ating +log ne +incredul ously +leader ship +hall ways +dis covering +over all +resen tment +crou ching +blur ry +bin ocu +ast ically +wa vered +sk ins +mas ks +fu se +g em +cra dle +cal ler +boo ked +comm end +a partments +str y +ther esa +re di +pur red +t tie +sla de +pota to +stair way +conspir acy +weigh ing +exc ru +willi ams +resign ation +ow l +new est +whir ling +snor ing +vor ing +vi on +rol ler +cla ssm +oly mp +fe bru +recogni sed +ma ine +excru ci +so c +ri mmed +ke ttle +cru el +cap es +calen dar +bar ren +du bi +un done +ic o +fin s +experim ents +mo ck +empha sis +b able +ti mo +ho stage +glimp sed +spra wling +retire ment +protec tor +predic ted +sa mmy +m me +le ver +wher eas +t to +cro aked +cli max +catholi c +sp ace +f ry +contin ent +febru ary +mach in +la ds +con stan +ri ppling +step han +je wish +ea ses +sa etan +bo il +se dan +pre tti +exten d +vi per +to p +le ys +fli ghts +comfor ted +devast ated +uncontrolla bly +soc cer +de xter +swi g +fla kes +dar lin +ad ored +tu lly +co ws +par ch +murmur ing +mu tters +mel an +nu zzled +expan ded +civi lian +fla pping +elem ental +tacti cs +sha man +p he +di mmed +il ly +au dit +t iti +pen dant +lu tion +ver a +seep ing +scri ption +tr i +niko lai +a o +so l +kidna pping +kan sas +man hattan +d ations +bar bie +man ly +coo p +monit ors +ed itor +cu ffed +cryst als +be es +sett lement +invest ment +si d +ca thy +shal lan +sel ection +jer ic +corin ne +bud get +stri ps +mi mic +car ni +associ ate +spra yed +off rey +no tor +binocu lars +imp r +ev alle +gal en +dark ly +twir led +exha le +ca den +z ona +po les +loc ations +ad es +acquaint ance +must ache +win ner +rober ts +deb bie +ci e +quar ter +oo oo +invol ving +compul sion +ti dy +ta ke +compla int +ar ose +si ll +refu ge +bar be +ba il +sin clair +si eur +manipul ate +i ousness +za c +to ll +sp uttered +sp at +opp re +disp u +fe ature +cro p +ni all +mirr ored +blin ds +hand cuffs +glo bal +domin ated +penetr ated +y ' +ort ation +kit ty +dimen sion +bas in +rhe a +mo ore +lan der +embro i +tar yn +reli eve +plu sh +imp ending +gi ants +a dol +hel l +vil la +sha n +ray mond +agre es +ri pple +ph or +c ack +am elie +se ssions +si zes +rene e +re my +sli e +asp halt +remo tely +frag ments +cha ttering +sp it +no tch +mi ssions +swi pe +pu l +mechani sm +kin ca +grea se +desc end +we tness +c el +baf fled +t anya +s ven +pre acher +plan ting +st il +pon der +flo or +c ease +a mat +wal lace +sn agged +responsi bilities +quo te +mb ur +th reads +va se +gre y +bo re +p . +cyn thia +wed ged +sta kes +1 6 +y on +un easily +ca ver +si del +mar ker +lin er +ot to +m ers +e z +bloo m +le slie +kel sey +bri sk +ro ast +ed gar +co ve +ter ra +langu ages +i ah +stu ffing +inven ted +defi ance +bu mping +villa ges +flo ck +fac ebook +i re +even ings +dep end +kinca id +v able +mischiev ous +drea ded +co logne +bri ghtness +lit ter +ing redi +engine ering +vacu um +enthusi astically +re placement +enfor cement +il da +al lows +bra ith +umb rella +ori um +mon u +som ber +gau ge +disagre e +qui zz +ne cks +col lin +sal vation +plu g +fai ries +some thin' +pro dded +wee p +drag on +ris oned +sp her +insul ted +in appropriate +de ton +un do +circu it +chann els +sever ely +scru b +mon sieur +b u +ali sts +no va +crun ch +ba k +wal t +ti sh +heaven ly +char t +blu ff +ma dly +cra zed +wa tering +pit cher +od le +mom entary +gi bb +dea f +villa gers +travel led +skepti cal +sam ples +o val +fre y +ach ment +fi es +cho res +compe tent +the ories +ru st +in spect +du m +den im +disp er +sco op +hoste ss +foot age +star ved +sa ils +or bit +ha le +al ma +re present +to ed +sti ble +st ead +sou l +p ony +investig ator +ari zona +pean ut +no x +id le +bo bbing +amb i +arch way +decl ined +we bs +supp lied +f iling +en ters +hor de +lef to +so ck +prepar ations +col oni +sla b +o y +harmon y +go of +counsel or +app les +ali stair +ha il +cha n +ac ha +twink ling +gr it +ta ped +i ona +gol d +ex am +doub tful +in cen +bon us +ari el +wre tched +sna ked +poor ly +mic ha +wa iled +re fra +ou ted +la sting +corpor ation +ba u +photogra pher +inter com +ha bit +fe at +engine er +consu me +che at +ran som +plun ging +2 8 +ty ping +phan tom +emplo yer +arm chair +stea died +hu ff +gra phic +gi fted +syl vie +sch em +jab bed +grav eyard +cer eal +wa kes +sla ms +sen ess +is ana +asse ssment +b is +amu let +po ly +pro minent +grand daughter +c ti +amaz ingly +gr unts +devel oping +cha u +w right +mea sures +relea ses +presen tation +mar ines +tw inge +reas oned +na iled +at tribu +qu ent +ha d +effor tlessly +scree ching +fac e +sm a +reapp eared +athle tic +al ter +rebel s +men ting +manu el +im p +gri ps +disda in +car to +j ur +mag ing +indi ans +se ctor +sw arm +per mit +char red +k ly +reluc tance +2 9 +p o +in sight +ca mou +fu mbling +down right +imp risoned +hou sing +hi ke +gra ves +camou fla +bo a +stret ches +slu t +scar ing +enhan ced +sol ving +ris king +gli mmer +calcul ated +trau ma +hau ling +s ling +quent in +inten ding +tar ge +stu ttered +hu go +y . +ch ey +see ds +lin a +physi cs +gg ins +tain ted +ph oned +hu e +dark est +na m +en dea +tra ded +intensi fied +re marks +out burst +p board +hit ler +da is +beat rice +l ore +gur g +ca ia +arrang ing +sli ppers +ne cro +dri p +sol ely +ram sey +know ingly +ma b +boul ders +e . +cla p +cano e +vi su +spla yed +fl ur +chur ned +mai ds +exp lic +sor y +h ence +sli ver +punc tu +g at +fal lon +ch ev +busin esses +ti mmy +ani a +stit ches +priv ately +co lo +pro pose +night gown +hy dr +estab lish +assu mption +ri ot +passage way +inf o +sa brina +moti ves +imp lied +bl er +con greg +ph y +fe y +dish ev +ac res +transl ated +re placing +da sh +const able +a midst +ribb ons +solo mon +chan ting +sentin el +li ke +sha tter +e h +dr one +at ore +disp en +squir m +fla vor +bra den +leg ally +explo sions +un steady +scho lar +inev it +gen t +ed win +por cel +vic inity +paci fic +loa ds +do o +pri mal +vani sh +model s +ho pping +ni bbled +tru m +ti er +mon roe +grate fully +da ze +confin ed +cat alo +we sley +scrun ched +elev ators +com promise +ba y +ve e +sh yly +d ire +3 5 +tu mble +ta m +j . +diti ons +wa i +ri d +sor ting +oper ator +dis connected +accu sing +the tically +ru shes +ad jac +ja i +trigg ered +tran smi +shi elding +fo il +fa erie +con stri +ch anc +sa voring +gab by +dd ler +supp ress +mag es +cra mmed +tru dged +rea dily +diag no +collap sing +ful fill +adjac ent +sedu ce +preci sion +enter tain +am ounts +fit z +b bi +por tions +fu tile +er nie +ed a +cre ed +ra mi +pow ering +stati oned +proto col +pri est +re i +ann wyl +scri bbled +jo anna +and al +ti l +ar k +timo thy +hoo ks +gi g +geor gie +be v +mesmeri zed +g ps +co yo +can al +bare foot +al bum +techni que +noti ces +meaning less +inter n +go th +chand eli +gra des +chi ef +an nu +an ey +por ter +cro ws +sequ ence +salv atore +irrit ating +cun ning +pp ings +n ou +li me +ca mping +wa il +ju an +al ina +sub conscious +protru ding +un c +o ce +hoar sely +har vest +distur b +complex ion +tatto oed +pan els +har as +fl ated +pas sport +mo il +hi king +for giving +phenom en +hon orable +dic t +de pic +tre mor +gun shot +gru ff +ada ms +wh ining +su spects +expl ored +b yes +read able +elli ott +dela yed +lu cent +in capable +suz anne +ss ors +i ra +pe ach +en raged +tra ps +tele path +ro ssed +jo gging +collar bone +al a +spa de +jo g +fore finger +coun tess +au burn +ch ard +u ms +associ ation +refle ct +pu ffy +kur t +ar ab +thro b +tan a +er ect +col oured +tre ats +cl y +sen su +ex posure +del aney +colli ded +1 5 +si erra +ex ce +rest room +plun ge +mar c +inha ling +al lo +wan da +tur moil +bi l +fa el +de u +dani elle +bic y +stu mp +i si +ch in +shrie king +head board +eli ght +k or +3 2 +domin ant +com bed +bur ke +sel don +purpo sely +ck age +sket ch +se clu +jeric ho +jer emi +farm house +te gan +sa vi +pl er +gli de +e ter +se i +go sh +cir cus +ar nie +ar mored +s ated +rea ded +po dium +imagin able +eye balls +arno ld +sick ly +en ca +si zing +re union +her it +sal i +gar a +bear ded +un usually +skul ls +mo cked +ko v +pea ks +chi m +cat cher +mor o +me ti +je ws +fil tr +w a +tri cky +scen ery +lun ch +c d +ha mp +sha ke +sco o +or ting +farm ers +do dging +pla ster +li lith +har b +har v +vi st +glin ted +deli vering +quie ter +g room +ga unt +vibr ation +shoul dered +pi ke +nu de +luxuri ous +com missi +wri thed +ti pping +ssi on +ha unt +under water +sub sequ +shep herd +presen tly +e gw +de sol +su zy +nar row +maxi mum +involun tarily +g listened +ch i +me t +exten sive +ta unting +sapp hire +god damned +shi n +regre ts +no el +mun ition +inspir ation +hor ace +egw ene +candi date +un covered +thir ties +ridicul ously +ton i +sheepi shly +opportun ities +an te +x ander +squee zes +crea k +porcel ain +aval on +ign ited +i ssa +nic er +herit age +fi sh +fi li +f anci +dd ers +da zzling +disin tegr +custom s +ro bbed +im mortality +du cking +z ers +squat ted +sil ken +flaw less +missi le +chey enne +am munition +wa tered +or deal +or na +kne el +an ca +yel ped +swi veled +legen ds +w y +strai ghter +ke e +car n +run way +p ines +mun dane +crea my +m ity +tre k +orig in +org ans +fore sts +z ander +kee pers +for ti +chil ls +bur nett +gra ssy +educ ated +tter y +p . +he dge +gar eth +re commend +re calling +persi sted +ni pped +f fe +sham poo +k el +elep hant +don 't +corpor al +profe ssion +coo lly +anim ated +tri ple +de als +c ements +to ppled +detec tives +van illa +s .com +re tire +label ed +gar ment +dra pes +al be +sto wed +er ies +chil ling +tren ch +ri p +intel lec +cab ly +wag ons +gar go +conclu sions +fi sher +belie fs +to bias +smir king +li ce +gar lic +tendri ls +re store +ir resi +fu ls +equi valent +zo o +tur n +al ling +wa vy +ev acu +direc ting +bloo died +ja yden +d j +ta ps +suggesti ons +devast ating +min es +w ired +w edge +jeff erson +r ough +bou quet +val id +mour ning +loo k +du mp +sty x +quali fied +fra mes +ver ity +ski pping +sar ge +op ar +breath taking +privile ge +d ential +z an +su la +ma sses +girl friends +un moving +ali zing +vigor ously +r anger +fa x +cau l +spo il +ai de +un certainly +fig ur +entit led +d ely +yach t +no i +m ati +m acc +jud ith +flir t +wren ching +recogni zing +flu te +jee z +tri pping +on ship +win ks +w inged +vo ws +thra shing +than king +objec tive +tr o +sur vey +ic an +chri ssy +austr alia +ru ining +ea g +wor ms +un buttoned +j elly +dis rup +crea king +ra d +lan tly +ra gs +mi ssy +but cher +per rin +van ity +har a +flan ked +bren na +sali va +ra fael +fri ghten +scru tin +plu gged +gr un +for th +techn ical +sin ess +clean er +shre dded +r s +mi mi +dang ers +d enti +morti mer +kel sier +h on +applic ation +gre ed +gg ers +f en +er rand +addic tion +so ared +ici ency +disappo int +cand l +pre car +log ically +hormon es +be acon +oper ated +li mit +l ant +hill side +approxim ately +sp lattered +mul ti +bre ach +pic ally +obsc ured +jose phine +foot prints +fav ors +bo one +s me +lli an +sat an +resi sting +par ag +p son +m ' +inhabit ants +as es +jack y +scree ch +je opar +arti sts +un settling +re tali +cy cles +cul t +at re +verti cal +sc outs +s wat +reg in +notic eable +ir rational +estab lishment +er ous +el ected +­ ­ +dar n +com pass +mischi ef +im posing +co operate +ch arms +reg gie +dun no +def ended +char le +thera pist +poten tially +dd ington +thunder ed +go als +g lee +fri gid +so ak +con duc +br ed +so b +sle eved +le ver +cour ts +celebr ity +c ann +adv ancing +ru th +po tion +or d +lu lu +ga mbling +bor ders +ri al +camp bell +ath on +tor na +medic s +ten th +intimid ated +pla za +blu es +al as +ra mp +fla iling +cross bow +comfor ter +spr int +scat tering +ra mon +parch ment +ke ira +gr ind +bo obs +sel ec +pursu ed +fe e +car pe +kath leen +bu lly +ni gel +ea ves +piti ful +ri val +rever sed +me o +box er +soun d +p eel +gar ments +deli ghtful +ad ver +wal l +gi s +associ ates +psy cho +any ways +fa thom +a dam +cu bic +week ly +wa d +murder ous +stac ey +pi geon +elec tion +dou gal +cin na +blun tly +assa ulted +sha ven +pro claimed +obli vion +so lic +po sters +defen sively +ser y +senten ces +rel ations +du ffel +de z +car din +ta pe +scra mble +maneu vered +len ny +er ica +bi a +albe it +t ative +power less +for ged +crun ching +b angs +al ar +sh rou +main taining +en su +desp ised +x an +struc tures +ri ck +discre et +ar cha +slo ppy +por t +ma hog +frustr ating +amp li +u ts +u k +ma gi +mahog any +bachel or +vin ci +miser ably +macc on +l ls +drea mer +ten tly +pursu ing +pi gs +st ony +like wise +im mortals +hu m +di sli +stri pping +squ at +sky ler +ic king +cinna mon +stu pidly +righte ous +confin es +acade mic +sin ks +hoi sted +con spic +col league +y man +roo ted +fe st +da im +proper ties +a sian +tack le +regin ald +gu el +d c +ve ted +rec la +re solu +pu ck +lei surely +ma thias +gr ounded +v ous +li mped +de pressing +advi se +-------- -------- +y earning +tw are +ro sy +dist orted +wa sher +roa med +cur ed +wa s +twink le +in filtr +lit ted +bul ky +v ane +em bas +anc he +physi cian +mi k +bla sting +vin a +radi ation +melan cho +mathe mat +can a +c unt +dev oured +ing o +celebr ating +pro sper +tit les +posse ssions +civili zed +al ls +near ing +ni sh +go ver +vi sc +gruff ly +mont gom +h ee +famili arity +un deni +ni x +broad cast +meaning ful +quil t +e gyp +disc ou +aler ted +revol ver +prot ests +a stron +nur sery +accommo date +new com +lea king +conditi oning +bri a +te qu +ey el +pa ys +s u +roa ming +halluc in +car rier +bal tha +aver ted +whir l +st ick +gobl in +on da +eigh th +appren tice +tequ ila +br ink +un zipped +thom pson +unlea shed +lin ess +li sts +be x +o ch +har low +hand writing +ain sley +mu mbling +wom b +thre n +secre cy +free zer +slu mber +parti al +menti oning +ge m +bul ge +test im +gra vely +p his +uni formed +radi ant +ett i +d les +ba king +tin k +k h +hus bands +ang ling +t rolls +slan ted +len ses +a ph +yan n +struc tive +quie ted +pan try +econ omy +c one +broad ly +3 3 +requi re +mat thias +in fan +chal k +ul ate +oc ta +ali g +wi e +transp ortation +theat re +scar es +ra spy +proph et +li est +ru stle +mau rice +k ol +con venti +negle cted +in less +gan sey +bi kes +wei gh +ful filled +bore dom +vin nie +thr yn +sp a +rec tan +leg acy +ell i +char coal +app earances +wa iling +tri angle +stan g +respec table +min dless +la va +disori ented +u de +mar is +sof tware +pe acefully +f u +devo tion +specul ation +rectan gular +re fin +illumin ating +con sent +brother hood +ali x +ac tors +vulner ability +ha sty +up date +tren ton +sha m +medi c +lar gely +coo ling +batt ling +si ed +sexu ally +ai mee +bo oming +se fully +perc epti +g roo +vi et +loo ped +hurri cane +holi c +be thel +ss en +l aces +broo ding +ser ene +tur ous +sp ire +scan dal +guarante ed +foli age +u mm +du sted +re ti +succe ssion +ser pent +beha ved +sugge sts +cho pper +1 4 +pe ers +non chal +lind sey +functi oning +eri an +corn ered +cle men +o oh +fo e +pro bing +jen kins +d re +tati ana +nat asha +fre ckles +cara van +bri e +bloo ded +test i +luci us +life mate +ho mel +sw earing +li s +ch el +camil le +ting ed +fl u +dom ain +wre ckage +plum me +penetr ating +vi gil +br at +d v +clear s +per ch +ju ven +j illian +i da +cre ws +sa zed +fa me +su re +jag u +ha ck +g ears +penetr ate +lar y +bu ster +squir ming +shi mmer +dec eption +ty pically +ma eve +en a +barre ls +stry ker +distinc tly +dev lin +wea thered +sau l +tran sition +nox ious +ad dressing +instru ction +hard wood +ema ils +brea thes +the ft +sand ers +e erily +who lly +ty rion +pa sta +lun atic +for mid +acceler ated +pu mps +cont orted +un readable +drop lets +bag gage +mi sts +fur ry +er ased +cerem on +canc el +intri guing +att ackers +ra sh +dra de +dani els +cre ator +la ys +da kota +bun ker +manic ured +ire land +expan ding +domest ic +cu be +wren ch +wea ve +whi sky +tom as +lar k +ir re +at ro +amb rose +ta iled +d ently +bar racks +ous ine +ja pan +swo oped +s nee +mc bride +da vi +d' ar +un did +lim ousine +dol ph +wil lie +transp orted +sel ect +gu t +e ats +ra mmed +mul ated +hi pp +bra ke +watch ful +ren dered +ne dra +memor ial +ch ests +au ction +sa p +ben ed +abu sed +deb ated +symp toms +r er +predic ament +ce o +brand t +v icky +ou x +b room +strugg les +spec ting +ob jected +l .a. +cru mbled +indepen dence +ta unted +materi alized +der rick +po ppy +pla id +excruci ating +mi ami +ger mans +fac ade +val en +resur rec +imp as +fac ilities +cr acy +un predictable +gri d +ta xes +appro aches +li ghten +entr yway +sni per +mor rison +lea ked +dispo sal +cel yn +atlan tic +secu rely +perc eived +mor on +fan ned +se ph +sa di +mp h +la bored +acqua inted +pat ty +im mer +ci sm +cel ess +vo iced +th readed +of t +cli pboard +c latter +and ro +u t +stat ements +sli ces +mck ay +har dness +di le +org anic +se ize +sacrific ed +illu str +g han +ri l +be ep +ru gged +cl one +sof ten +vig or +presu me +identi fication +gobl ins +dg ingly +bu bbled +bru te +spo ok +n ab +d wind +bb ly +terrori sts +ta b +lo de +jack ets +intoxic ating +dismi ss +un fa +mor t +form ally +employ ment +e te +spect acle +monit oring +cha ir +reco iled +tur tle +re fer +over grown +mid day +sul len +mu mble +del le +auth enti +ent ity +ca st +and ers +stal ls +stal lion +mar qu +devo id +ca ster +fav our +en cies +vol can +surr ound +p p +myster ies +ha milton +accor d +shado wh +formid able +cor al +sp ins +wit ch +scho lar +ale a +alco ve +produ cing +o hi +instru ctor +flur ry +ta mara +sha ggy +progra mmed +persist ent +n agging +machin ery +in coming +f lips +3 1 +it ors +cruel ty +hu n +ho tels +expe dition +di se +jo se +finger tip +fe tched +cruci al +be in +new t +frequ ency +dev in +bi anca +men ace +sub way +gloo my +glin ting +dol ls +business man +trac tor +shu ffle +exp and +coun sel +refre shing +h ounds +sub mit +bu ds +a ya +wol fe +ro am +re public +min ation +jon e +cha sti +thor pe +embas sy +dim ples +web b +al o +si ght +cr inge +pro pri +ha un +solit ude +off spring +irresi stible +wi pes +chi sel +de emed +sta mp +mer it +ma scar +ca v +a ha +loo kin +cour sing +fee ble +dishev eled +3 8 +son ia +hea dy +de fec +cly de +6 0 +smir ks +hun gri +hoo ds +da ss +d th +ur i +shadowh un +separ ation +out door +compli ments +vie t +scru tiny +out lined +k im +gla ssy +flar ing +whi tes +sha pe +re nia +mar tial +ka thryn +min ated +cul tural +ari anna +ri ages +mur ky +micro wave +asse ts +persua ded +embarra ss +certi fic +an gular +ves sels +ha mbur +fi ance +wil ly +vi k +swit ching +di ss +da ir +arm our +ste ely +splen did +rum maged +protec tively +pr ying +dee ds +c lattered +aby ss +wi sely +v at +demi se +bever ly +sc ored +conten tment +consequ ence +body guards +am mo +sh an +repor ting +inter views +hon y +declar ation +coo led +univer sal +org as +leng ths +au to +nu dge +jeremi ah +hei ghtened +al fred +a mple +cour sed +a mi +vo cal +spot light +min ing +fun ctions +sett les +exist ent +le op +ki ara +gyp sy +continu ally +char ley +blo g +a shed +exten sion +d ite +clo wn +calcu lating +un consciously +scri bed +pol gara +horiz on +gro te +cr atic +bun ched +squir rel +spe are +ly rics +gre ens +sat chel +hor ny +gra zing +be tsy +ba p +richar ds +ke ting +inse ct +missi ssi +mic i +be ige +sen seless +qu alities +low est +lov ingly +ad just +a im +to sses +in ability +ear shot +ba xter +la pping +hand les +stom ping +pa ste +on ous +clar ence +bry son +ru pert +bott oms +work out +sm acking +elimin ate +cal ves +pu mp +pal p +glar es +gar rison +luci fer +len ess +fin ch +sh rin +purpo sefully +ca dence +her b +g ill +easi est +dev a +spec im +scholar ship +mu gs +da shing +compla ints +ru mpled +hoo king +g agged +y ' +recogni zable +m alone +tr in +out fits +mat ilda +holl ered +disp laying +disgui sed +chanc el +van a +stubbor nly +s lat +fra gr +classm ates +sur ging +shake speare +ky rie +jo lene +he ed +understand able +t down +kel ler +h or +bo wling +yo ga +proce ssing +mar yann +m k +kit ch +ingredi ents +con co +ty r +s late +restra in +kar ou +flu ore +de stri +de cker +russi ans +en visi +ba x +the sis +du al +deposit ed +car path +betra ying +atten dance +20 14 +sla yer +ic ity +en e +dear est +po sit +w ls +app alled +san der +plat ter +op ted +et ary +sa ff +mol ten +mascar a +ke ely +expre ssion +quir ked +play ground +mor ton +bu mper +be tting +vo y +tel e +s so +mad dox +elec tro +d ank +cho p +agoni zing +wrec ked +ti ckling +ohi o +go ggles +le mon +ko re +co ast +tor mented +no ff +clo ck +pri ed +mississi ppi +mag ically +is le +al ab +a ki +tro pical +bun ny +un stable +ten dency +red dish +isra el +e ti +bel ts +bak ery +melancho ly +it z +b ean +nol ds +exi sting +ru sted +fresh man +con doms +ai ds +tw o +mar cia +ac tress +splinter ed +la mb +g lowered +en vi +e gy +x ton +twir ling +st ating +bil lionaire +at trac +un s +squ arely +ep ic +remin i +mo p +mo ons +ida ho +eager ness +do g +with draw +tex ting +mi ssive +t read +sal ary +ho mici +ck ers +spa in +e di +cla ve +sca ven +rey nolds +justi fy +clou dy +carpath ian +tour na +p int +se ared +h inted +dis concer +din o +conver ted +clo aked +m ice +dri c +deli a +sa i +rec order +princi ple +nee dy +i . +feig ned +f y +di er +w rea +ti me +seren ity +re servation +hi r +earth quake +travel ers +progra ms +pen n +go b +enter tained +de w +dash board +brit tle +wo bbled +jeff rey +triump hant +ordin arily +mb ed +mau reen +hy de +spac ious +rea ders +k as +ga ius +flat tered +c et +accomp an +whi ff +sub st +cour thouse +chancel lor +ban ana +ank y +vir gil +under statement +tre sses +swal lows +sho re +sedu ction +insul ting +cor ps +manu al +li v +di stressed +bri dges +salu ted +meti cul +ban ner +z il +perc eption +li zard +e sp +tri bes +on i +du cks +blin ks +sheri dan +egy pt +so ckets +nu m +mar veled +a z +thu gs +so aring +polit icians +mon tana +ali stic +su specting +spa gh +pre ce +kri sten +sheepi sh +in different +anticip ating +sur faced +or gan +flan nel +dumb founded +bl ended +simp li +syr inge +sy n +d as +cr aned +bo b +be hold +shr ank +por tland +it lin +sto oped +jac qu +do o +bl and +ben ds +li cks +st rolling +sp ice +plea d +p out +ki el +hy bri +exc ee +belon ging +p up +ni p +du ti +dis k +mole cu +medi eval +implic ations +comra des +bal let +ten ding +l ousy +ca mps +' bout +si ves +mo ld +resi dent +fre derick +de posit +tin o +ti se +reali stic +pri stine +yaw ning +flor al +surren dered +dwel ling +com mon +ar chy +expec tation +by l +ac ious +ti led +king doms +ge ttin +adverti sing +v la +sun ken +ros alie +ri ad +lever age +inter ference +f ours +fif ties +trans lucent +regu l +per spir +request s +pisto ls +cata stro +apologe tically +sub mission +inevit ably +pro te +evapor ated +re z +quar ry +cro ps +barri ers +rhe tt +e do +chick ens +cha ce +car ef +inspec ting +hou ston +d is +victor ian +na r +it ty +grand children +wa fted +j ing +gr unting +apologi zing +kno cks +electr on +sli thered +di stru +de sks +u ish +per se +hand bag +de pri +bar red +war ner +he ath +dru m +con so +caref ree +rou sed +pro motion +jo ints +homel and +grac ious +tal ons +pi voted +me dal +ca valry +sen sors +produ ctive +pp a +a spects +mu ck +sp reads +scor ched +hal o +cr ane +th and +spagh etti +reci pe +or derly +asp en +tow ered +reas sur +pri ces +gra dy +dism ounted +dear ly +bon ded +an or +mag ician +deli ri +cli cks +testim ony +manipul ated +i i +fri ction +behavi our +a e +pre va +dev our +voy age +v s +tail ored +inva ding +hor r +deb ating +tra ys +crun ched +contain ers +ju mp +home made +dec eased +clo a +c tors +t ling +sci ssors +bree ding +ba dass +my ra +expen ses +cul ti +lan n +en gra +ad dy +poli s +pic s +no thing +j it +gg in +zi er +sti fling +sa k +19 5 +bur ly +mou th +exper tise +wi ser +ser iousness +liter ature +unner ving +sur g +so ph +shu tters +poo led +ce il +ann ers +tor turing +ri g +occup ation +massa ging +s lits +je ts +in car +candl elight +.... .... +tti sh +kat rina +hard ware +sco w +re servations +particip ate +mini mal +win s +mu lus +mar ion +charle ston +bbi sh +ar k +ze v +virg inity +so viet +fil ter +s . +min us +jun ction +hilar ious +pou ted +s burg +r ous +hin ts +go wns +flo rence +shoo ter +bap ti +senti ment +p its +le i +in n +wal kers +obsc ure +cur tly +alex and +~~ ~ +p li +mor t +loa f +em mie +din ess +bre thren +baltha zar +treach erous +ic les +bu rial +resul ted +dizz iness +sha un +roy alty +r ha +night fall +maxi mus +explan ations +andre ws +humili ated +ga de +pe dal +me sh +interrup tion +bur gh +ul ties +drea my +st ages +pe ggy +m its +introdu ctions +int ments +ce dar +cal la +pa ula +moun ting +di sen +administr ation +accu sations +re no +fu eled +bil lie +sid he +mk vist +tro t +snow y +jagu ar +dr ac +mother fucker +dd le +fr ances +ea bly +con verse +im minent +awak ening +ron ia +ron in +ic als +inter state +alar ic +un finished +ho ver +eman ating +cri cket +cor ds +agit ation +scra ps +max well +ki mber +free ing +dist rau +bla ine +shel tered +pe destri +ja xon +curren ts +squ aw +brief ing +1 3 +sp u +gu shed +feroci ous +cha otic +bu cked +vie w +swee test +sco ttish +prin ce +dra wings +assign ments +al ta +soph ronia +sh hh +g ou +compe te +al ler +4 7 +shre ds +ec lip +work shop +sho ck +ka ss +del ta +a a +distrau ght +per cy +gra y +fla sk +fini shes +co des +t ous +l ach +but to +bri m +en delle +di ved +5 00 +tri cked +rea pers +oc curren +gar th +ex or +apo calyp +parti cles +o ck +montgom ery +mad man +grena de +see thing +mu stang +im mac +coun c +contrac ts +contem plate +conserv ative +con vey +re vul +pp e +flat tery +ad ul +a sia +sto op +flo ps +bani shed +whi mpering +in hi +comp elling +tel ler +pl ank +gate way +defi ant +brea ker +sto cked +kor sten +ri ft +pi lots +path way +k on +sla ps +l ous +kin e +ja b +evo lution +scor pi +bul ged +re late +blo mkvist +war nings +rhyth mic +palp able +it er +annu al +un settled +priest ess +ob tain +f o +cour ses +sk in +lli ver +swi ss +revul sion +lo go +jud d +demon ic +cra ppy +wri ggled +thin ner +shi pping +musi cians +horr ors +g ence +tat ors +rest lessly +m mie +kev an +dista ste +worl dly +unic orn +jac obs +el ic +ch man +volunte ers +st ash +si ssy +s con +indu ced +inci dents +enca sed +sie ge +fla pped +descri bing +anni versary +torna do +thor n +peter son +bo dice +bed ding +win king +tex t +stock ings +it ching +indul ge +hun ch +col ours +val et +ju tting +gr ate +du ct +pupp et +fun dam +bat teries +af for +a mar +wel ling +et c +deci pher +stra ddling +exc ess +car di +phi a +ju icy +finger prints +bl aring +gar d +g nar +car la +addic ted +i ka +dic al +re ign +mi guel +gr ati +for bid +er ated +bi g +nar r +massa ged +fu sion +ki l +respec tive +on ward +lat tering +de v +de fine +d anni +transmi ssion +thin ned +re ddened +tur ner +ir relevant +app lying +din a +cron us +tu gs +philo sophi +p ant +dat ab +coun ten +con ta +ce ' +pear ls +mem phis +ki an +jo ck +glen n +err atic +bree ches +dar ts +al arming +aggre ssion +show ers +par anor +om an +flor a +chisel ed +o x +low ly +li min +gul f +exper ts +announ cing +i so +ham mond +expression less +de o +challeng es +thick ly +pas sword +min dy +lo b +20 13 +v at +explo sives +b m +wh ere +refu sal +econom ic +bo died +bear ings +wor th +respec ting +r hi +plan tation +k han +pa ved +mil o +li ca +har lin +for wards +fle xing +cylin der +virtu e +elev ated +du el +tri als +sa vag +mil a +gut tural +leng thy +pri cked +sa vor +ph ers +pri celess +ed ness +au gu +ru ck +nothing ness +ja me +fragr ance +fo ggy +end lessly +no bles +cur tis +tru st +and ro +sp elled +ol ine +mat ted +in difference +f fins +defi antly +cru sted +toma to +oblig ation +n icky +man tra +glit ter +cru z +ce' nedra +al es +insul ts +sm ond +re ma +li llian +gra ph +exper tly +z ations +wea ther +ve ered +p ens +outra geous +nik olas +na po +geor gi +d ances +bu stling +a un +th ened +suffo cating +under side +spra ying +ex tin +col ling +car i +ne phili +love making +lan es +fur nished +tal kin +scul pted +mar ian +cla sping +bar rett +suff iciently +st out +slaugh tered +it i +gr ated +fle xi +che z +biscu its +arm and +whe at +rand om +hesit ating +car ts +bour bon +ta pes +shrou ded +sal ander +s word +perio ds +intu ition +design ated +arti facts +ta h +ra vine +note pad +legen dary +ali se +alas ka +stra ddled +ed mund +diso be +are k +sau sage +questi on +on coming +john nie +gener ated +bri ggs +transl ation +seclu ded +gwen do +ul f +pat s +occu pants +mali k +juli ana +cou ches +yi elding +si byl +roof top +co s +as surance +wi re +mi sses +clo seness +who le +plo tting +pic turing +in significant +horri d +ep tive +clari fied +step father +pon dering +insi sting +christ ina +acci dents +nu dging +du mping +col dness +bea k +sco res +en ig +eli as +de part +da i +ca ffe +jo celyn +goof y +tat um +s ' +mil ling +lay len +in adver +a ward +pa ddle +dwar ves +di on +bre wing +thro ats +fa inted +dish on +carni val +ber tie +vic iously +secon dary +loun ging +glo ss +fo ren +cre scent +sign aling +secur ing +l . +extra vag +ascen ded +milit ia +em my +d ell +pu ke +morti fied +inven tory +ha cked +desi rable +it ious +dream t +black mail +unbeliev ably +re ject +me te +gen es +c ath +stran gest +po lo +dor is +a untie +nephili m +cre eps +bra d +bal ancing +ank a +recommen ded +phi la +p ane +mo le +ho ckey +blos som +ben ji +ad moni +decl are +tex ture +ru ling +repe ats +que ens +pi ped +jone sy +a mic +restra ints +civili ans +altern ate +mbl er +indign ation +cand i +c enti +wo bbly +ster eo +se c +ra ke +er ship +west on +tel es +just ine +inclu des +in take +bal ey +al as +stor my +o . +home coming +cho pped +8 0 +wo ol +er i +stri es +pren tice +cru mbs +ben son +prop elled +clu m +ar ches +ri pples +ing ham +fi an +al arms +ve iled +const itu +comp lied +alexand ria +thumb ed +run e +phila del +per ked +ma el +for ties +fav ored +buff et +tier ney +slur red +j ars +inha bited +frea ks +co arse +ze al +ta me +sti fle +scho o +ma st +free way +bewil der +thr ong +sub tly +ha gg +ag grav +brief s +un a +techni ques +ma doc +isol ation +inti mately +dump ster +ca sts +ab les +un dressed +im pl +con vent +break down +sp ar +progre ssed +en tation +ea st +cha sm +you thful +mon ks +mini ons +lin king +j ana +fac tly +beg in +anch ored +ge offrey +fe at +u near +supervi sor +snu g +occu py +mi key +surve ying +nic o +mb ering +e i +ban ter +sho ves +re pay +lo v +g g +cu m +alco holic +ab str +no x +n en +alle yway +fain test +ea ded +survi vor +heart ache +es man +co pied +acu te +philadel phia +ear ne +dis c +di l +decl ine +car ving +unti ed +stea dying +mor y +v ick +t ages +ren dez +moti vation +ca sket +re pro +j ina +broo k +sta shed +em bers +sw armed +lo ses +lind say +de z +ste wart +im pe +cit adel +u pro +stal k +shar es +se d +at ers +shar per +proce ssion +lan ders +ici ously +ex its +ru bbish +me d +tru ths +pec k +i 'l +cher yl +stan ton +ne ts +gre et +for sa +to ddler +respon ses +pre ced +mar gie +evol ent +an at +win ter +whi s +skim ming +shu ts +sab ine +parano ia +par ks +on s +mil ky +book store +audit orium +ali ah +psychi atri +off end +hi tch +hi ggins +zo omed +war dness +sc ab +leop ard +k ry +sm at +kn itting +boy friends +ven s +scu m +gru esome +cam den +twink led +steal th +it ous +dr y +under cover +ti ago +refu ses +psycho logical +n ana +foo ling +fire light +bea ded +ie tta +hi ring +d ship +bb s +tri ckling +temper ed +ser a +scree tly +savi or +missi les +flan k +dile mma +reg ina +f arms +co hen +se y +ol ' +mo scow +ga ps +after math +tacti c +fluore scent +ear lobe +th am +sorcer er +run es +preven ting +ca ges +band aged +assa il +prin ces +gru mpy +ar sen +hear tedly +counten ance +cheri shed +am bu +fl inging +cob ble +ad an +youn g +thra shed +ni sh +h r +publi c +p unk +merchan ts +hi des +he in +greet ings +b b +obedi ently +mu sty +cor rupt +bag gy +li ver +dimini shed +def ence +bla ming +absor bing +writ ers +moni que +hol stered +asse ssing +thro ttle +d jinn +atre us +wick edly +wei ghts +vege tation +sav ored +na vi +gal ley +fian cee +car y +r itu +fra ud +fel icia +comprehen sion +aur ora +stri pes +ma kers +concu ssion +bened ict +ach i +word lessly +sha ded +pro jected +mari o +lau ght +a b +pro position +inter action +don ned +spir it +mar ius +justi fied +a wed +re eled +ha yes +brea st +slu ggi +s to +tra it +obst acle +infli cted +hi v +xan thus +th ong +ro dri +m ite +e wan +conc eived +nin th +fa des +f litted +displea sure +crink led +oppo sition +func tional +inher it +dol ph +buff alo +twi gs +til ts +pi p +dar la +per me +di screetly +bewilder ment +sla in +policem en +loa thing +insi sts +gar cia +bo dily +gir ly +bab bling +accompan ying +th ic +o . +neu tr +look out +costu mes +com in +hen dri +chair man +bra y +ru ss +o y +chim ney +bar nes +restra ining +optimi stic +a eron +sim pler +pois onous +land lord +la ine +blood shot +be ss +wel fare +ther y +star ra +sof tening +mat ch +humili ating +for ge +mal ice +histor ic +f t +ev ens +summon ing +embroi dered +characteri stic +alle gi +fla gs +de du +d ough +co ating +bar ney +adam ant +achi ev +treas ures +passa ges +haw k +fel icity +bri stled +gri eving +ern ity +climb s +viol a +decor ations +vin tage +tra ins +pla gued +pi ent +od les +swer ved +pack ages +p sy +gla mour +architec ture +sli my +sa ber +organi ze +objec tion +o ops +ming ling +d as +classi fied +ava il +in dy +batt led +wid th +tourna ment +reli sh +pi g +or acle +com m +sing u +po ver +mon ty +ma ple +dr yer +dissip ated +d at +sta inless +loo sen +li vely +i que +hear ty +fru it +exhau sting +bat ch +kal i +go ats +fil ms +ex t +del eg +2 00 +negoti ate +ha st +ha r +dar mik +cli mate +ry n +ju g +gil lian +deca y +volcan o +treas on +sc he +ph ar +mark ings +k as +hoo die +e v +cal mer +amb ition +ste st +ra bid +neigh boring +go on +cro pped +bol dly +t ities +represen tative +thunder ing +sa bot +na me +m ant +gener ator +exer tion +de acon +ra p +lo sses +fro do +adol in +tu x +reha b +og g +exp elled +wi st +chi ded +bil lions +ana sta +dimen sions +cy rus +v ened +plea sing +fre ddy +com ic +ac cen +wr on +sp icy +mck ie +ha vo +yel p +ri ghted +ma ia +chem icals +trans fixed +seph renia +outsi der +d win +rendez vous +outra ged +ons laught +suit cases +: 0 +to lliver +fru its +acknowle dging +bicy cle +mar lon +franc o +bi ker +squ ad +pover ty +kidna p +jer ky +hand shake +floor boards +flo y +un to +ang rier +ag h +pro be +th ad +sa gging +regar ds +por table +new found +ki p +hi ve +havo c +ge es +con sol +comp on +ar mp +rein forced +j inny +ex tracted +el bowed +da k +sha kily +recogni se +pin ching +mis understanding +li mping +g ali +clu eless +boo ted +ado le +mar ily +lli s +camp fire +ta way +subur ban +l ness +impas sive +bo xing +mar ilyn +ge ogra +feat ured +e k +dd ening +co operation +tre pi +la dy +su stained +condem ned +spo tting +er able +crack ers +conj ured +patri cia +lea ps +iri ses +host ility +her r +col oring +aband oning +20 12 +steri le +ob liter +d yed +accur ately +passion ately +m angled +w him +lemon ade +le ant +fer ocity +distinc tive +conventi onal +writ es +tran qu +gis bo +demonstr ation +be tro +am ira +n ous +en twined +wre stled +snat ching +mar red +fr inge +coa ster +ti mer +fran z +di xon +it ation +hair cut +dr ones +door frame +cu tter +mista king +merri ll +lunch time +hungri ly +han gover +ble achers +sw oo +ry ker +v ans +sc rubbing +qu eri +ka h +gun s +epi logue +non cha +me ts +brai ded +bath tub +tin iest +ssi ble +no ble +me ssi +foo ds +ar t +zi ed +secre tive +orphan age +swe ats +strai ght +ra mbling +noncha lantly +i mo +ecst atic +cont ag +en cing +bon fire +l ent +gas oline +discer n +camoufla ge +ca itlin +ag an +ken zie +con tains +over powering +inherit ance +dor oth +tip toes +ti lity +jan son +illumin ation +dra gs +conqu er +at i +ab bot +smi c +rabb its +puck ered +com promised +al ya +un welcome +stin king +smash word +re solution +gru mbling +wa ge +vani shing +swa n +sul try +rose mary +medal lion +g el +fel low +fe ed +smo thered +mat ri +gh ou +fil th +egyp tian +awa ken +ti ghtens +mar t +clu stered +boy ish +ank h +volu mes +smashword s.com +s ach +mu mmy +infer no +chi cks +wi ggle +war ran +seat belt +rel ation +he eled +assass ination +vege table +vani a +stor y +ret ort +de structive +cover t +cla mbered +bio logy +mc car +gener als +conc ei +tan gible +syr up +sea s +or ts +ling ton +lay out +id i +i ii +gui des +scor ching +sav ings +licen sed +invest ed +cardin al +bm w +pi ssing +jon i +impro vement +hen ri +doroth y +deci dedly +cra fted +war ped +ste ward +predic t +cha p +wi elding +ma m +lanter ns +in cess +wear iness +shore line +sa mson +nic o +bor dered +ver b +pen tag +fli msy +fl our +comp act +be mused +ma shed +lear nt +du sting +bi o +al on +att ers +st ina +sea sons +om e +grim acing +tox ic +nou ri +hon da +h r +wo ve +lo p +li mp +tent acles +sur able +sea m +poin ty +over flowing +je anne +cra ve +out doors +ju dic +crack le +publi city +mech anic +la mb +jose f +i ana +cul len +con tracted +oa ks +glimp ses +custom ary +ba the +a ve +oo zing +my ron +g lee +fo oth +pro phe +mir acles +bo thers +twi g +tri s +ra f +ol lie +ne v +hi c +ha zard +blo omed +vi be +tal ion +p lowed +iss ance +go i +cyn ical +al mighty +a men +vel ly +set up +pla u +lo yed +condu cted +angeli c +ca mar +3 4 +with stand +valu ed +so ot +eli hood +di me +const ance +sak ura +smu gly +sh ined +po et +coyo te +com pose +whi ps +v ingly +immen sely +di gger +fi ber +do zed +acqu ire +scan ner +j in +ga un +eu phor +deme tri +cubic le +9 11 +ra j +3 7 +tr it +ple dge +ro xy +reverber ated +me yer +tous led +stal ling +ger ry +envisi oned +bra very +angel ine +ob serv +mo bi +fidge ted +ve hem +p ac +guar d +dru mmed +al oft +trou ble +resul ting +na issance +mar keting +es capes +as ing +amb itious +trou bling +sur mi +summ ers +clu ttered +pu ffing +exi le +win ters +un harmed +re stor +ca ged +unner ved +pre servation +cir cul +ang ered +stan ts +disli ked +sin u +shre w +s id +rue fully +ly sander +ka h +isa iah +introdu cing +ga mble +bil lowing +re bu +r acked +n d +forsa ken +fla med +sculp ture +hen rik +en thr +eff iciency +conten ted +bun dled +un e +tack led +si dney +sc rolled +predat ory +ex iting +au d +trepi dation +cap tains +nor m +e w +congreg ation +gob let +san tiago +rea h +re pairs +om er +er nal +test ament +stom p +s ville +ru e +plan ks +ligh thouse +horse back +ex tern +a jar +stal led +in famous +fu s +su sie +su es +ro sal +redu ce +beep ed +ter ri +sto ic +moo dy +caffe ine +plu ck +ni sha +gro ped +demonstr ate +cont ing +chi pped +memor ized +fi ddled +confir ming +al titude +trans form +shrie ks +re ig +r d +he idi +perspir ation +notor ious +mair i +lli c +k is +journ alist +beck oning +be having +san ds +li shly +enchan ted +d gy +can teen +tra de +stri goi +nin ja +f ences +de smond +cin der +bo som +a ine +sle eps +ob noxious +l ' +kal ten +inadver tently +fore bo +dami an +sub missive +ri el +gener ate +def tly +north west +gr y +author ized +spec tators +refle x +ma bel +da x +un ci +ro meo +ren zo +it ched +du h +jacqu eline +hu stled +dismi ssively +bar ing +affection ate +intru sion +ax el +alta ir +ti mber +ling erie +din ners +che ery +ha pha +bul bs +try stan +puni shing +sen si +ea fter +a vel +neck line +ar do +sti let +die sel +va ulted +ro bbery +reassur ingly +force ful +as sor +ur ban +marvel ous +ic ious +fir s +dev ouring +con no +car l +asse ss +den ces +rein for +pe tri +p r +na meless +moti v +bit ches +as set +tab by +len k +ki er +sion ate +ry land +ja el +flou rish +dani ka +at us +accu se +mu le +ly le +firs thand +far thest +bea d +mi ra +carn age +ali ght +al ana +sel essly +mi ko +lo tta +gee z +g inny +awk wardness +random ly +ig no +slu g +mel inda +lur ch +lat es +celebr ated +ver dic +spir aling +sa di +man ages +titi ously +se wing +fur n +flin t +rack et +hypnoti c +ha te +enti cing +1 st +tw ea +sha p +flat tering +ni bbling +le ments +in vinci +hu mid +good byes +gna wing +glu e +evol ved +cana dian +tis sues +similar ly +pru dence +clemen tine +pa vi +mur dering +in ching +gra phy +myr nin +mai sie +fu mes +electron ics +ca dil +zz o +wi sps +tre spas +circum stance +tea m +str ate +presu med +g it +fren zied +band its +you 're +worl d +safe st +k us +in human +exhau st +er nest +at ingly +terri fic +sk el +la ird +hospit ality +der y +de flated +el in +confi ded +professi on +ju tted +inqu iry +dubi ous +re sear +mon aster +kha ki +gl y +argu s +mi dair +g ore +dimen sional +coa xed +ac cess +sli cked +new born +elem entary +dur nik +arch ers +thin kin +star ve +re jo +jen n +em a +recru it +lo ki +go ons +extr act +th on +phenomen on +dor o +bru tally +z an +tur quo +ti ghtness +strang le +se mblance +plat eau +displa ys +chee se +wa stel +el in +ed gy +ti mid +roof s +o drade +bur gers +ad dison +wi ggling +tru ce +mul titude +mm mm +em press +disturb ance +assor tment +trust worthy +pump kin +pre cip +hea ve +gargo yle +fi anc +droo l +disting uished +chest nut +ca e +b ounds +ane w +visi bility +su stain +procee dings +phi n +i do +finger nail +en circled +ea ge +clut ches +bon net +wonder fully +conspic uous +certific ate +past ure +summ it +spee ds +ma ura +empha tically +blat ant +acti c +vide os +sla shing +positi oning +o z +confid ential +ci st +sc ans +ar ca +addic t +tra i +swat ted +subsequ ent +lun ge +villa in +ta i +la pped +hyster ically +a wait +thro aty +pro ves +la shing +decor ating +cont ext +brun o +y uri +vir tual +turquo ise +mea suring +imp ec +hair line +wha le +vibr ations +pan icking +gru dgingly +grote sque +ene tra +cu ddled +bu ckets +tur er +spr inting +numb ness +la by +fore ig +astoni shing +sque aling +si ps +rever ie +infin itely +imp enetra +e du +s ate +r ural +f anny +cla mmy +c ey +3 6 +syl vania +o ids +kne sses +disagre ed +chu bby +tur f +popul ated +ob tained +f end +di version +thr on +th o +sp ends +ro les +lay ton +henri etta +es ther +zz ard +sto re +scur rying +rot ated +ra ils +r ounding +pro logue +qu eu +m ness +kilo meters +guns linger +ad joining +wer es +to ken +stea d +sha bby +fr an +napo leon +juli o +car elessly +arti fact +ur ges +t ' +signific antly +re collection +pe g +im migr +hy st +cho pping +cen tric +u u +ra w +pag an +int el +ha dley +emp t +conven tion +begin nings +v . +r anc +paranor mal +o v +is man +hot test +embr acing +co x +cap turing +ar c +apprehen sive +jec ting +involun tary +cheek bone +he mi +ha h +chan ted +jud ges +engag ing +en compas +tra pping +th ar +sh in +forth coming +for lor +c co +bott led +tha yer +san chez +in form +anasta sia +lor ie +interc ep +thro p +sea mus +pp in +lor dship +inter vals +han tly +gen der +ver sus +triump hantly +proce ssed +logi sts +stret cher +ro k +ha mish +dou gh +navi gate +ger ard +pa ddy +expec ts +cae sar +boar d +el and +e a +de cks +cre w +car nal +wea knesses +thu dded +stiff en +erran ds +the ore +my riad +dra u +sol ace +pe d +le vit +laby rin +g lock +car cass +st us +sk a +men tary +dedic ation +d ill +air borne +a ina +ath ena +ting les +plan ner +oo zed +gr itting +dri fts +un fold +loo ps +li e +intel li +deep ening +continu ous +vor tex +dismi ssing +chri sty +allegi ance +ster ous +eu gen +a stri +ten ants +so pho +ri co +re conci +ma iled +e ther +dru mming +cra z +ceil ings +voic email +to ff +minu m +ja w +i pod +en ab +cryp tic +cla mation +car ton +car pen +aim lessly +wi stful +trans late +stu d +elimin ated +cou pled +colon ies +co als +boun cer +acti vely +yi eld +win nie +un dress +ti ckle +rece ded +p lic +ho e +slo pes +si zzling +resen ted +ly ght +as a +up setting +re ka +mor g +ing en +hospit als +bren dan +abdu cted +un folding +thunder ous +techn ician +oa ka +man tle +lou isi +law son +la m +ja ma +i sts +equ ation +ta x +sto ols +long bow +horri fying +har den +forebo ding +dow ns +wil ling +ti veness +kri sta +irrit ably +impenetra ble +ar is +3 0 +sar i +mid ity +el sie +cr ater +squ int +shir tless +qu en +eg ory +cat egory +tacti cal +sta ining +scenari os +sau cer +list ing +fur ther +pri sc +gg ly +ea siness +butto cks +burea u +analy ze +alu minum +9 0 +valu es +tho od +sh run +re lin +co lette +ch lor +shi pped +interven tion +enjoy able +se ous +ho bby +gra vit +earne stly +di mple +dab bed +bla sts +u m +scri be +na vel +iron ically +capit ol +tro phy +je b +vick i +qua int +nat alya +no wa +in ty +hy dro +ed ging +domin ance +communic ating +y k +vi l +itu des +head phones +eu reka +enti als +cor bin +clar ice +bo oth +ter i +me ss +je an +treat y +serge i +p iling +myr tle +discu ssions +appo intments +viet nam +t . +side walks +go o +f low +acknowledg ment +sit ter +psycho tic +nes see +lin dy +hyst eria +do e +back stage +lu scious +demonstr ated +cru mble +the on +perse phone +gnar led +cu lly +ch rome +ban quet +ten nessee +hu mor +atten tive +ash ore +adv ances +ki mb +cauti oned +war lock +relent lessly +majest ic +ho bbled +formu la +dispat ched +desol ate +alex ei +la ken +to o +so les +ro ts +miracul ously +en tran +bu shy +ban ker +a kin +re paired +cred its +sli me +refu gees +rami rez +g ically +conc ep +char ts +p ours +o logical +mor gue +lo we +ta med +execu te +verdic t +un real +st ation +need less +list ens +da vey +un doing +eng rossed +divi de +deli ver +rober ta +na w +jo lly +hop elessly +door man +4 4 +way ward +si mi +s witches +ra pped +jac kass +chandeli er +sh red +p ans +o ily +g iles +dar a +whoo sh +tr inity +pan ther +oppon ents +fear less +down hill +cri ppled +cab les +bo wels +veri fy +un fur +st one +st al +rec y +fa stest +aa aa +zi pping +wan der +lo gged +k ro +i z +sse y +p att +gor ge +gha stly +depen dent +shar ks +pro p +admit tedly +stab ili +sob ered +sha wl +rum maging +i shly +f ates +assi sted +ren na +lo p +intellec tual +disor der +co il +reg al +pat sy +har t +ex changing +emplo y +dan g +cra b +willing ness +v and +sha dy +mour n +me w +louisi ana +inva de +integr ity +4 2 +ra ins +lo ch +fra yed +bar rage +with ered +six ties +pri vy +appreci ative +accur acy +occur s +im provi +bu ses +boo st +assi stants +ar ma +v age +un armed +ra king +question ingly +ob si +retri bu +k r +insist ence +ic ing +accen ted +snea ked +sha i +horizon tal +flat s +sa xon +li ze +kar i +aga tha +whi ch +tur bul +sp aced +restri cted +obst acles +gur ney +grea ves +eless ness +el vi +af gh +or ous +maxi mi +la bs +k enly +gru dge +gau ze +with dra +relin qui +en er +to pics +sn acks +sho cks +reci pient +j e +er o +bic ep +so s +sa belle +nu n +my stical +de a +cr iti +tem pest +spar se +r ally +gil bert +du res +distribu ted +confu se +wor ri +p ly +on o +frea ky +bla ire +run ners +pal mer +no ose +knu ckle +ha cking +em ble +bur gun +qu ic +periph eral +ony x +invol ves +flu shing +scra wny +over look +in sinu +gri lled +favor ites +une ven +t roo +pri or +juli ette +gro ggy +fun ding +cho ir +ba ke +re per +new s +lur ked +hu inn +fr at +to yed +soun dly +rea died +pr ank +polit ician +droo ling +di ge +af fli +whisk ers +sacrific es +brea thy +bo ts +tri sh +pre limin +neu ro +fab ri +diplo matic +b low +un affected +thu dding +tele pathy +ta sty +psychiatri st +ki a +in fir +an der +war dens +w iry +scra wled +pu ffs +on ers +mil ls +man ila +in cu +i rene +coordin ates +predat ors +mm ons +lo is +gi st +en suring +ed dy +pa wn +mur ray +hi ck +han s +bu gger +sw arming +protest ing +me ds +man n +ca pped +t cha +pre p +ob server +der vish +an om +wi sh +swee ps +sco ot +in vo +gu tter +blo ke +tu tor +elu sive +cha ses +blind fold +basi cs +vibr ate +speci alist +micha els +k ick +r oun +paja ma +lop sided +ar chang +val kyrie +tel l +le sley +butt oning +cru st +bru ising +ar ya +un ru +re build +q huinn +p d +ki sten +bat ted +accoun tant +tang ling +mush rooms +fra grant +wo o +rose wood +oppo sing +lan ky +brilli ance +st unt +s acks +nic ola +happ iest +cran ked +congre ss +star bucks +squ ares +mic hi +tri vial +s sc +jan elle +ja yne +dev ious +bed time +tom at +mel a +dea thly +crow ding +boa sted +bli ssful +sea m +retribu tion +r ington +kat a +fu g +rec liner +perpe tual +il lion +fever ish +ca mel +uncontrolla ble +it ated +bot t +bas kets +suppor tive +suff ice +pois oning +or chard +medit ation +jo han +engra ved +d'ar tag +consist ent +pri marily +li zzy +inter viewed +de ck +tre e +tra iner +spar ky +ra oul +qu ill +n n +ma m +kat elyn +clu mp +pin point +out numbered +industri es +amaz on +targe ted +respec ts +plau sible +peop les +obsi dian +corrup tion +bra in +boun dary +pupp ies +plea sures +n yn +hol land +cry pt +burgun dy +bel li +tag s +sen ate +sar don +rang ed +i sh +ha g +brit ain +v ents +lau rent +consol ation +clau stro +bu r +sc ence +dismi ssive +col o +bom bar +anton ia +var ying +tho logy +rin sed +phra ses +temp t +mat eo +hero ic +respect fully +preten se +pre sti +lo cket +gaun t +fer n +char med +wal led +app li +fur nish +di alo +claustro pho +o den +nonchal ant +excep tional +tw e +mar ley +mail box +lea se +further more +descri p +con sen +carpe ted +ut most +tr un +tor rent +r inger +gre ta +stu por +stal ks +cat er +7 0 +3 . +sto pp +pro ver +por ts +pea sant +tal isman +sa y +psycho logy +por sche +day time +an t +p ounce +extern al +diffic ulties +cri b +ad die +unru ly +ste ful +rhe tor +pro fits +premi ses +mani ac +en counters +comp ly +ali an +with drawn +ru se +mar athon +infuri ated +ho o +goo gle +furnish ings +da men +barbe cue +unc anny +ro gate +p less +d'artag nyn +bran di +a ka +smel ly +head line +gil la +son ya +pur r +narrow ly +illu sions +hi er +ea ster +duti fully +vi sor +tooth brush +sub merged +r ati +moo ds +gr aced +excep tionally +pre cau +mag en +fla w +comra de +rick ety +ran dolph +be ts +whir l +spirit wind +so fie +s ch +r hun +disappro ving +dd a +bob bie +un heard +re ls +ow nership +me y +go l +ei gh +consider ate +bb ean +telepath ic +rel ented +mor row +he fted +cli ve +cari bbean +su ella +sm ear +on going +my steri +mercen ary +mc donald +jor ge +coffe e +cer i +monaster y +mi ka +in um +ela yne +whis ked +stran ded +sever ance +refin ed +re in +mem br +inj ected +hybri d +fro sty +du tch +conveni ently +cen cy +aur on +vo ss +stit ch +drea ding +do te +interpre t +gra ms +clan g +un prepared +spoo ked +ro mulus +im mobile +bo ssy +ban she +ash en +to ad +se iz +recru its +ny kyrian +gla d +shi er +se min +no vel +mercen aries +martin i +gallo p +y earned +spect acles +gr ating +apocalyp se +a far +queri ed +pi xie +laun ching +f lows +cloa ks +va do +t ank +stor ming +row dy +or i +di vul +x en +re lied +invinci ble +bathro oms +un loaded +mar kets +ballo ons +im percepti +datab ase +wh ar +michi gan +la zar +inst itution +gil ded +don ny +cara mel +bar ak +quin lan +oni ons +moro i +ko wal +i g +gi selle +ee m +bas h +st ature +se g +eng lish +en de +devi lish +aph ro +al anna +y as +spon ge +punctu ated +ox ford +my sti +de ce +un concerned +rehear sal +kay lee +but ts +woo ded +surg ical +sentin els +fli cks +explor ation +occurren ce +ju pit +im posed +d able +booth s +v y +in put +craw ford +co con +br ant +snea ky +psycho logist +millen ni +heart less +gent leness +dig nified +cor respon +un thin +real ms +rav aged +hi ked +dv d +desp ise +b son +amat eur +wea ver +tip toed +cher es +cer amic +which ever +ri dges +notic eably +heart beats +thu g +stit ched +sleep ily +se als +men cheres +in doors +imit ation +gre ece +disappo inting +clum sily +kre sh +jupit er +in fe +i or +tr acker +the atri +ss man +specim en +refer ences +ola f +ine z +scar ce +lumin ous +as y +sha ving +princi ples +inst itu +gy m +confe der +abun dance +tra its +thin ning +sha w +pre ter +pi l +mb ing +acquaint ances +sur fing +reck oned +ra z +jer ome +domin ique +ur ine +uno b +tab lo +re agan +exha ling +empha sized +u ser +rout es +mini stry +fr ying +colli sion +bon ding +w u +over seas +mea ger +lock ers +k lin +ho g +gun shots +ever ett +bla zer +ab ra +swir ls +pre served +n ation +moun ds +disin ter +ca ked +c . +jo ins +har i +classi cal +ac centu +a hh +public ly +dispat ch +cri ssc +bas es +won dr +un reasonable +som er +plat inum +jar ring +del iciously +undeni able +un marked +tar p +sal esman +mar cie +imo gen +h oned +eleg antly +st ill +complic ations +comm itting +mon keys +hass an +air lock +t at +splin ters +sa yin +regre tting +ck ly +cam mie +gl ac +du r +coinci dental +bra vado +sla very +na zi +harv ard +fle x +re dly +pe bbles +in ations +harb our +straight forward +sk ep +par ac +nowa days +witne ssing +pro bed +my th +me i +clan s +un used +so cket +om ic +men tation +ma fia +m ons +lin c +limp ly +exting uished +appe aled +or ns +night ing +man ning +le um +envi ed +e in +com et +sen try +re illy +mb ia +l ured +immac ulate +fa ils +ad or +will power +viol ated +space ship +sedu ced +por tu +na k +mu ffin +he ater +gri me +casu alties +ad el +ti mb +ten tion +rever ence +patr oni +roa sted +rescu ing +prosecu tor +mu mbles +tau r +sal oon +objec tions +moti vated +mi sp +gra ze +chan nie +s ating +parag ra +obedi ence +lefto ver +fin ely +fea thered +en dings +em itted +dol phin +bar ge +d ingy +contag ious +cap tors +tu mmy +troo p +salv age +post p +lor an +jack al +flin ching +carto on +fau cet +orchest ra +in can +fra y +tran spir +squ ire +rail road +para medics +kle in +fa l +bar bed +atlan tis +li vid +eigh teenth +astri d +anticip ate +wa ded +sco oping +rid cully +numb ing +north east +che e +acu tely +é e +speci alty +ran king +quan tum +hu midity +aster oid +ad vo +z oned +gym na +cadil lac +anti cs +va k +spar row +saff i +pas sive +de ir +telep ort +person a +candi dates +acciden tal +spoo ky +ro ars +pri ckled +mat s +kra mer +hu mour +disa strous +deu ce +d ened +ti ra +sub ter +mar sh +c or +ti gers +sur faces +ru stled +or ary +gh ton +furn ace +fi ddling +succu mbed +stri der +hate ful +g our +cat ac +whirl wind +spher es +shel ly +psy che +mal icious +jose phe +over turned +ma gr +hau k +flexi ble +i ed +dil a +ado pt +3 9 +wall paper +pi vo +min dedly +affec ting +show ering +pro pping +negoti ations +ja mi +cup boards +announ ces +ss ings +ni ghtly +la b +hel mets +du mmy +camp site +travel er +pavi lion +la vish +ge org +fa ked +tra mpled +tra k +penn sylvania +cor k +can ned +bu lary +wil ls +to me +t ink +vi an +su bor +sar ene +me at +han ger +for ge +so ren +pho le +gro ping +cor on +uti lity +under lying +sha ble +ry ke +hun k +bre t +v on +thor ns +sun g +sp hin +s mal +ne wer +me ow +ght fully +fidge ting +tomat oes +skele tal +p i +mon thly +investig ations +verti ble +u l +sha me +rela yed +m pe +acceler ator +wist fully +squad ron +pro fu +incen se +ble ached +snor ts +ro ach +re tain +my stic +m ously +incl ine +ch up +bre y +st ability +ic ism +win ded +scru bs +op le +mid way +la ps +blur t +quar rel +pal er +on loo +is ance +er ected +can ni +c lips +sp asm +pat rols +lish ments +hul king +disa bled +te dious +ritu als +ri ddle +pla sma +fac tor +choo ses +wr ung +qu ette +disting uish +blo oming +profu sely +pa para +moni ka +mi date +fel la +di o +un blinking +spir ited +re tro +ra iny +in stan +in den +dev yn +chau ffe +cab ins +bear er +att achment +exhi bit +exerci ses +engine ers +car bon +yel len +sty led +shri mp +interf ering +g ated +cre di +acce ssible +inti midate +bow en +un wrapped +ta unt +sp its +shrin king +s den +ra sp +r our +mar yellen +imp ri +deb ts +calla han +ther eafter +sprink led +pi x +part nership +la sh +gra pes +bl ared +un common +re tained +over board +ne ville +mor bid +mar ta +fashi onable +en tou +dis eases +di f +deal ings +co ven +al vin +a pt +skit tered +rour ke +progra mming +p act +accoun ting +wa yden +wa gging +gree dily +an ten +ag hast +ad ers +man hood +gu hl +gri my +dish washer +depri ved +appe ti +ñ a +tur t +tou gher +reinfor cements +no stal +ab road +nighting ale +nau seous +lun k +kel p +how ls +helicop ters +ol ds +jer u +impul sive +bit ion +z or +pu ddles +li shing +instinc tive +hal ting +ha i +gi guhl +stra l +ry l +ri veted +orig ins +intru ders +in er +i lia +far away +author it +refle xes +questi onable +mp a +fr itz +bri de +ti lly +sp lu +mat ur +j acked +h ep +fix ated +expec tant +ei b +calcul ations +arti stic +z al +weap on +twit ter +si dled +sho res +kit tens +inf atu +h u +authenti c +x us +ro tted +r ound +ket chup +fee ds +champ i +a quar +tar mac +se aling +rede mption +profess ors +proce dures +mol ded +kitch ens +ghou ls +vor d +st on +sp orted +interrup ts +ener gies +eib hear +ad ore +un steadily +monit ored +consul t +art work +win e +sto w +ri ps +comple tion +tux edo +ten ess +tan tali +subst itute +le gg +er ty +bu gged +alab ama +ab lo +to ying +ni er +inf eri +caver nous +sa g +recru ited +me sis +haun ches +tri bal +ting e +pe dest +la ge +kowal ski +k ' +ear liest +st oned +mic a +e bony +cover age +ten sing +re viewed +lan sing +georg ina +disc lo +chir ped +amer y +v ities +spec k +pay back +deter ior +cr anky +who res +prisc illa +mour n +mo ira +tre mors +str ation +slu mp +ser um +jeru salem +it ter +conqu ered +bar b +y ah +secur ities +refra in +blood line +barre led +testi fy +sar e +over took +main land +l l +ether eal +elli son +mal achi +gri ev +ga it +dag mar +ca mped +bracel ets +anno y +t ean +slou ched +sigh ted +mis understood +pre scription +journ als +enterpri ses +subur bs +shar i +no ok +nar ci +cali ber +an nette +tor ate +sympa thi +superi ors +sen sor +de us +be cker +tal lest +modi fied +mi sh +ly on +gi an +fra ming +du plic +sno o +sla y +sa ints +rem ington +ou tru +fro gs +constru ct +blossom s +al pha +ti med +rot ating +k nee +continu ously +subor din +ro bb +mou st +in ky +goo se +deva station +cat alina +cal der +a mbled +un naturally +sur rep +manu script +cry stal +be fore +back drop +sto cky +son ny +skel et +mi sc +high lighted +z ep +la kes +gener osity +bo ar +qu easy +don key +audi o +tor ak +qui pped +part ying +parac hu +mag net +er en +comple ting +che ted +bu ng +bri elle +v u +pri ssi +pel vis +noi sily +le y +wha ck +k led +ch ry +appropri ately +toler ance +senti mental +re ds +orgas ms +murder ers +ke ir +g ems +deir dre +w ing +li ous +kenne th +head set +dec or +affor ded +sau r +na z +lore lei +fon dly +fil ming +dun es +dra wl +discre tion +ais lin +wol f +pre caution +overwhel m +n atives +temper atures +raven ous +pen alty +outru n +h inged +5 5 +vo s +spon taneous +po lar +entou rage +soli di +qu en +n as +mysteri ously +fro sted +ed wards +ner y +frac tured +dismi ssal +coo ed +accor dingly +ni ka +man ned +je z +hol mes +gal la +de bor +conce aling +compani onship +ati vity +advan tages +ad dresses +ve tte +v ating +protru ded +plumme ted +mp ers +lu d +impri son +hu ddle +grac iously +govern ments +colo ssal +worth while +tr ina +sylla ble +hi sses +fr o +crit ici +c ents +stu n +se elie +ener ge +dor a +come dy +coco on +war ding +tha ire +si bling +repri eve +pee ta +manife st +ic on +for ks +brilli antly +ade pt +wa ii +th ad +mac on +lo thaire +initi ated +flo p +er als +d é +ba de +op h +nap kins +millen nia +ani stan +spar ring +pun gent +infir mary +impre ssions +eman ated +ba d +atten dants +ko b +fla ws +cre p +co on +ca mi +star board +south west +ph in +ol o +fi end +ed an +cap ac +blur ring +le ster +shru bs +sa ssen +poo ling +or al +wil la +whi stles +vo o +un focused +l la +enjo ys +basi l +pa iring +me dy +fisher man +bra vely +bla ster +pe ters +merci less +fin ality +dis grun +bor is +after life +spr outed +i mb +cob webs +wick er +un du +ul tra +tho le +ab er +1 . +transm itted +su mmer +skelet ons +cher d +afgh anistan +sn out +shr oud +g n +fla iled +doub tfully +bran ded +archi ves +a stu +val eria +rit cherd +recei pt +p si +eri us +dun e +counc il +c ep +toler able +sky line +scru ffy +rac hael +hol ders +er oom +clear ance +bu sh +wha cked +wea ken +tit an +pe tu +man ic +ga v +exu ber +emo tionless +cow ering +al ds +un consciousness +re fill +promo ted +tea u +ru dely +pu mm +hu sk +fr at +fa ther +ela stic +din na +ca shier +practi ces +op a +le s +ic le +el ong +dri lled +dom en +cur vy +cool ness +bat ting +sympa thetically +ro cker +rese mbling +pro portions +lo renzo +labyrin th +in convenience +se ep +pro vince +frea kin +el ation +eff iciently +communic ated +refre shed +re lay +pock eted +per tur +k ong +interven e +ha waii +break up +immer sed +exce ssive +en ie +em pathy +do wed +bur ner +bi an +ati le +war fare +repe t +lu dic +gurg ling +wea sel +sw at +spr ing +na val +di ps +de cency +compas sionate +clo ths +bar ks +b ounding +ag ri +re nov +ke en +fau x +fu ming +chur ches +book case +ty r +tru thful +mp tions +man fred +k ac +fle cks +wat son +stu ffy +sassen ach +provo ked +precau tions +ine v +ca mb +ag s +zar ah +sa ssy +mar vel +h inev +elo qu +do lo +conj ure +ca ved +boo ker +veter an +see thed +po ds +ni an +kar ma +ju ices +av on +watch ers +sadi stic +ri ca +man o +ma stered +li se +lay ered +fl oun +disper sed +un cles +papara zzi +im plying +i phone +disconcer ting +com fy +cap tor +tho lo +summ ons +sal mon +lin eage +indign ant +idi otic +chand ler +pin ky +ken tu +ja kob +def y +ca sper +wi eld +tape stry +mi stre +magr at +l ons +ho ma +vi king +re played +privile ged +mar la +fi l +consul ted +ar ise +ti r +th ane +scrat chy +prefer ably +pa dding +ir regular +gi or +foot man +explic able +dro oped +gi ous +counter top +at ics +activ ate +ri ghtful +le v +crep sley +anton ietta +withdra wal +voo doo +pe w +m . +col d +ber th +ann alise +tro oper +sh ard +rober to +phar mac +massac re +mar vin +da h +4 1 +thick ened +sun s +petri fied +joy ous +f a +do wager +bal ding +tan g +se u +puzz lement +no sy +in ers +hand gun +g . +exha les +trau matic +l acing +distru st +co wardly +auto psy +alig ned +yar n +stra yed +over came +nev ada +low ell +juven ile +gal a +ca ir +ye a +wea ved +kn itted +bir d +b jor +w ler +tri sha +sooth ingly +lu ton +l le +fit ch +dis solve +coa xing +se izing +out let +manipul ation +4 3 +wra ith +t son +pat ron +no c +loosen ing +lish ness +kentu cky +constri cted +coco a +book shelves +sare hl +jewel ed +hin d +fol ly +dizz ying +deci sive +ta k +stor m +que er +o h +de tention +convic ted +bar tholo +ul tra +thri lling +presen ting +fla v +debor ah +co smo +scre w +respon sive +pen c +li the +fire ball +compar ing +bri ghtest +au brey +ulti er +so ggy +lor a +con vertible +ben e +accu mulated +under estimate +sha ya +outsi ders +ja mb +investig ated +in mates +ga ultier +co al +u pri +stan ford +run away +ro gers +rand i +hu ts +dar ken +ch en +tell tale +r ates +em en +dispu te +wondr ous +publi shing +inter twined +bed chamber +bartholo mew +bar it +ais les +s ans +r inged +gna r +cur t +beth anne +h ong +book shelf +al lig +window sill +w lode +wlode k +tal a +reci pro +re filled +dor mant +bom bing +tw ee +skir ted +p ounced +iso bel +dispo sition +cel l +broad way +bor der +st at +re el +ra oden +ra gnar +mal a +lev ard +kin der +din ah +bou levard +ver sed +ur n +t z +stri pper +perver t +om ni +alle ys +ai lia +spur red +infan try +co cks +abstr act +z y +up dated +shr ine +investig ators +igno res +un load +si mmering +scab bard +mimic ked +ma i +loun ged +table top +si zzled +sc epti +go thic +gg lers +con descending +unthin kable +in explicable +defen seless +brook lyn +an son +a miss +sa to +re consider +pe pper +mor phed +hi ram +da inty +accoun ted +vin ny +tt les +re born +pro longed +plea s +memb ership +ju mbled +care sses +rue ful +millenni um +ju mble +dri zzle +an tag +wa gged +super market +reali sing +lan i +consi ders +casca ding +van ion +se wn +scorpi on +sa bin +rit es +regi ons +pen sive +pe ac +hesit ates +bri mming +vi o +ti oned +stu dded +neighb ours +moun tain +consul ting +barri cade +ado ption +wastel and +transpir ed +sh ank +s als +pro b +plu cking +ira q +wre stle +ti ber +pee p +m ang +hur tling +head aches +char ade +wa ke +wa in +treach ery +team mates +rang ers +no vak +n u +he fty +eleg ance +diver ted +cle ver +tee g +so iled +r oni +plu m +o at +meta ph +long sword +high lights +fi ddle +fe ds +depu ties +room mates +pru e +prost itute +ha sh +bri be +sel f +ru gs +p raised +j anie +hast ings +dra stic +cro co +affection ately +no odles +magn itude +dis se +a xes +under estimated +tip toe +ri yan +pri ckly +non stop +fac ulty +eye sight +disgrun tled +dis believing +bar ns +un suspecting +two od +ro xie +ri ghtly +reli shed +fi able +e er +de cre +br i +wi elded +strate gic +stel lar +rec ited +pea ked +dam n +barit one +ti dal +on t +fin er +eu v +el ated +da un +re pul +provi sions +n elly +homici de +3 00 +yan ks +madel yn +infin ity +de ity +brow n +o kla +mar cel +j el +gun ned +fre ight +en ingly +ea ding +clo gged +up turned +stre ssful +organi zing +na i +ha dge +cru sa +compe ting +chan ning +y on +so x +precar iously +ber ly +assu mptions +tala ith +pla r +nas a +more over +lu kas +e ful +con veyed +c lattering +un k +lu de +l out +domen ico +con s +brai ds +bl acked +advi sor +per il +oppre ssive +no ons +im plant +dispo sed +cy clo +co ded +ca mel +anci ents +un easiness +toler ated +th y +t ch +k al +bri m +unlea sh +swee ter +si ding +roman s +rail way +ob scene +bul k +bl ending +aki va +termin ate +suici dal +sh ines +interc ept +fan ning +e un +bur rowed +ash tray +the y +ri sa +di gs +delu sional +spr inging +s ly +in adequate +cor oner +ci o +viol in +ta hir +sear ches +ne sses +kne eled +home town +ed gard +ste f +pur ity +dar ien +ci de +bo bb +blossom ed +under growth +sea ms +po t +ne mesis +miracul ous +li ghtened +ke ita +est eem +ensu ed +commissi oner +rai ders +manipul ating +li ai +4 8 +spee ches +r ine +provo ke +mode sty +mel aina +ful filling +dev ils +cur ry +ado p +tor in +sky ward +pron oun +nic est +mac ey +fin dings +fel ine +ee ee +cle o +cap abilities +~ ~ +okla homa +ne gli +inter act +co cking +re moves +heart broken +disc ount +conspir at +at on +sa ddened +sa c +plo y +pi xy +nu isance +es me +affir m +sick ened +prelimin ary +mu se +mor ales +gul ls +gra pe +eaves dropping +dis respect +at ric +after noons +scat ter +rese mble +e ze +den tally +comm uni +sweat pants +sphin x +secon dly +gh oul +fin ance +fi s +chee sy +all uring +ni pping +mir th +infec tious +e ko +chi mes +vom iting +scre ws +non existent +indi go +in san +cou rier +cap tives +bl ac +ber lin +un ite +la s +ho sts +ele c +vari ed +son ic +rec eding +me dal +in secure +flash lights +blan ched +z ig +squat ting +rem ons +pur ring +pro hi +mil ord +j ed +ani um +ro bed +newcom er +dialo gue +tab s +perpe tr +op es +das en +as sorted +whee zing +sni ffled +sa urs +prior ities +no ir +mu tt +ken ton +he im +enti ve +compe tit +ch ore +an as +u es +ten ds +rela x +lor raine +dah lia +be aches +an gu +9 9 +sc rolls +per cen +no bility +fore most +do om +vel led +sla mm +may fair +hat ch +deme tri +black berry +biscu it +tra ditions +shar ma +p el +mock ery +gu shing +go ts +com ical +cla mp +b ingo +sel ene +pou ting +n uns +loc ating +inten tional +foo lishness +dar ryl +cap su +al ber +seas oned +may hem +lei sure +jer rick +fer ring +em bo +com pressed +vi ane +viane z +p han +onloo kers +ob scen +mor tar +lo ren +heart break +hagg ard +fac tors +disting ui +dec ei +cre ates +banshe e +mar go +hear tily +dro me +direc tors +col on +chor d +silver ware +sho p +musi cian +text book +teles cope +t agged +stea ks +sna king +ser a +mani ac +for t +atten tions +tr act +moust ache +gro omed +ca il +bee tle +wit ty +w yo +la mp +ka ia +in fr +in decision +dd ings +coo ks +swee ts +straw berries +met cal +legi on +hau ghty +fran nie +co caine +sna g +rhy me +re produced +pe pp +or cs +bu stle +ven ice +v ale +thi ans +th en +flir tati +cor set +absen t +whee zed +sky scra +scra pes +m end +implic ation +displea sed +sty lish +la ze +descri pt +legi ons +grena des +g ator +depar ting +t ect +ri b +mo o +kir k +endea vor +re veled +provo c +prote in +her ded +dre ary +dil ated +cheer leader +a g +lec tures +fer ven +er ich +spat tered +sensit i +perc eive +nor ton +mar cy +le ena +ic han +e ater +cu z +casca ded +wh om +strea king +sc orn +ner d +m mi +cru tches +bathro be +world wide +sty les +rel enting +portra its +mor ri +metcal fe +mccar thy +flir ted +chev y +wyo ming +un lucky +kid do +fi del +dolo res +ten si +star r +po odle +e on +before hand +assail ant +as co +ach y +re plying +pu dding +ky o +h our +fa king +at las +resi dential +mort gage +gra velly +e ous +bl acks +atlan tean +un ity +na ming +mesmeri zing +lazar us +la vina +expre ssing +eclip se +du val +car ver +sp ices +shi t +pl y +optimi sm +misp laced +liai son +disa d +vibr ator +s not +preter natural +op h +od in +ful ler +flu ent +decor ative +dan eel +cata pul +staf fan +rehear sed +cap itali +al che +ro deo +ob servations +juli us +casca de +br ack +ven ue +un answered +ree ked +physi que +lik elihood +interpre tation +d unk +cla ssy +ast ounded +ac ia +wal tz +sho l +satur ated +re gaining +ly ric +form ality +brie fest +archi tect +nau ght +li pped +heart felt +ari ana +x en +vo ca +savag ely +reli shing +night time +ic e +fair y +end ur +re sent +oo o +mu til +li ghtening +in son +bou ti +bli zzard +ang es +ze e +surmi sed +philosophi cal +du ff +distr actions +com pri +sa ges +ra ff +pe bble +par li +or phan +n ano +lux a +in ated +hur l +ho pper +har ding +e ties +cu b +calli ster +t ane +pro dding +p seu +mer ge +contribu ted +aun dy +ar el +ur sula +tou gh +sto cking +our se +lat te +compet itive +sc ant +promp tu +ha vi +e die +dit ched +ad mits +wal kie +spec trum +require ments +len nox +im promptu +dang le +ble ssings +squ ashed +pri zed +ha p +disp ose +bast ille +bar ton +ty re +t read +sc outing +pedest al +mar oon +lit ion +gra ff +beep ing +ag encies +wra pper +ro ke +retri eving +lo h +hyper venti +expan sive +wa shes +va por +sun down +suc cee +kn ack +j j +ff er +fear some +cal lu +ti mel +or ion +gna wed +foot falls +flo ored +con quest +al in +so rely +sk id +nu t +ne v +i x +g agging +arou sing +scu ffed +on ion +m ear +inquisit ive +initi ative +dur ation +dri k +door ways +w end +sca mpered +per il +pat ched +op ers +est ates +cro ak +ad versary +unk empt +spar king +mel on +ju ana +pe p +merci ful +t .a. +slo ping +ru bi +pre ference +mu t +kinder gar +imper ative +g out +et ted +ba sti +sluggi sh +pa r +metho dically +incl ination +eti quette +demo i +bel atedly +vic h +sub jected +per ks +head lines +ex cur +chi me +aspir in +with drawing +viol ation +vin dic +un ky +there by +provi des +n ness +me tro +he x +far ming +exhilar ating +brim stone +auth ors +scrip ts +night club +initi als +festi vities +explo des +elep han +dict ated +dep le +bat on +a man +ru ddy +pertur bed +hu b +gallo ped +com mer +a p +ti ring +tantali zing +super st +for mer +erup t +da f +con gr +il ers +gu in +gno me +financi ally +cushi oned +con den +br in +ac quie +regi stration +la sts +hawk sworth +fo x +dro oping +dist in +ber nie +ver sions +mo ose +ludic rous +gra vy +gallo ping +fa mine +wei ght +snor ting +marqu is +envel opes +convul sed +car lo +autom o +ador ation +vin yl +un yielding +revel ations +qu ad +mo t +kah li +flu ids +car rots +bro die +ba m +ba h +voca bulary +se ichan +san ts +pra x +mechan ics +mar lene +man tel +i k +fe es +do pe +d ons +as an +amen ded +wr inging +shi loh +s lin +maneu vering +forlor n +dag dron +ben tley +bel la +ab bie +un cover +ta ffy +sno oping +pu pil +mee kly +hambur ger +gul ping +de en +compe ten +termin ated +lan do +frag ment +del ec +cor ro +comprehen sible +b ine +attor neys +a pe +whe eling +under foot +su zie +ste eled +raf ters +k ell +impr int +hor ati +dru z +concei vable +att ach +un acceptable +tw ine +su s +re serves +queu e +jami son +indi ana +i ssy +hen na +ex trac +cur few +wom an +up dates +sh ed +na dine +mi z +gr ound +da i +bla y +ve tin +tru man +insan ely +did n +ar tery +admoni shed +ss er +refle ctions +plea surable +l ard +it ate +g angs +feder ation +druz eel +cu bs +abi de +val leys +tri ck +rin se +qu ed +help lessness +ea mon +cr inging +commer ce +twenti eth +swi ping +pay ments +mea dows +ka e +il li +former ly +fe i +bab ble +un wavering +sp lo +memor ize +fla m +dea th +cla sh +ch u +ya 'll +ve ty +sor gan +over hear +liter al +li ve +for ci +christi ans +b c +ron a +ow es +on board +marsh mal +k ered +esp re +ende aring +d . +con sort +y ear +la m +ge y +en dor +contempl ation +c left +soo kie +rep lic +re living +memor able +k ow +gul ps +dru mmer +conclu de +war iness +t was +over weight +oa sis +lu ll +en qu +capti vated +bo bo +a ' +weapon ry +fra u +cha ble +beg ru +ai ded +squ ely +ro ar +per ci +i pad +shi pment +por n +omin ously +gla de +cul pr +cri ckets +arti cu +stre ssing +speci fic +soli dly +skep tically +g ear +ed in +demoi selle +cra shes +cha ol +c c +wit t +sp ur +shrew d +mea sure +feig ning +ar an +swa mped +cocon ut +announ cer +yi elded +sach a +kn ick +ho of +dolph ins +def end +clean sing +caver ns +abor tion +represen ts +m callister +gal eren +a unts +un stopp +k un +inven tion +inspir ing +exten ds +do gan +coul d +cha r +sc ythe +sa d +over coat +lo ttery +lo tion +less ened +juli anne +el ey +spi ky +sle w +sca thed +po ses +le if +la x +inter vened +exa ms +enthr alled +en closure +dead line +compli mented +canc eled +blo ated +al ay +ac rid +yo s +spe wing +rea dings +infuri ating +spe ople +roof tops +co e +cen ters +break able +vom ited +vin ' +vetin ari +tro tting +territ ories +sou ven +open er +o z +lino leum +cu ddle +cal s +blood lust +rel ying +eli us +confi sc +clu mps +20 11 +wa ver +ri ddled +quizz ically +in land +ho led +experim ental +bil lowed +swoo p +mic s +mi st +liter ary +ampli fied +wi spy +tor onto +ss or +sti mu +loc ke +inquisit or +gaunt let +anti dote +wi sp +v acc +ri cher +og re +merci fully +gre yson +fore man +flar es +de capit +caul dron +buzz er +bel low +wrink le +ru fus +ra g +po ems +obedi ent +ly can +ho tly +do zing +clari fy +ban ned +un protected +u sa +ser gio +sa sh +ru dy +fac eless +dra b +ban ked +ba sh +alo of +agre eable +a o +vic ar +sy bil +smu dged +lob ster +jeopar di +ex tri +doub ting +cul tures +bu sied +ti sm +prin ter +kir noff +indign antly +du m +be ef +wri ggling +tang les +radi us +perio dically +de cked +d ye +br ynn +vi kirnoff +try in +te ac +nu zzling +fil tering +ferven tly +chauffe ur +te thered +gen try +deal ers +cac op +bur ton +appren ti +ta per +persua sion +mun ro +men us +bor ough +4 6 +tri pp +scol ding +ri va +ni bble +ka ya +hen derson +cha in +tati ves +si um +represen ting +pedestri ans +medit erran +jaw line +har kat +hal ves +gaw king +em ing +dis grace +cla ps +va el +unra vel +regi ment +f able +du lly +vol atile +oa k +ma ddening +fron ts +descen dants +curren cy +ac qui +si ah +sh en +mic ha +mar lin +e gg +ash lyn +ark adin +st op +richar dson +represen tatives +opa que +hh hh +gee k +cassi op +rec ess +perci val +kee l +ig or +en sla +dou che +detec tor +arsen al +sha ckles +oni al +no bby +new ton +mari anne +fl yer +wan ing +south east +probab ility +mel low +lit tle +ili ff +hur ling +hast ened +gra sses +contribu te +austr alian +thorn ton +pit ching +joy ful +e me +swi m +stag ger +ro dney +po x +occur ring +mediterran ean +gun man +ban king +vivi dly +un scathed +intri gue +imp aled +entran ced +elong ated +dis charged +sex iest +rip red +persua sive +lash onda +wil der +tu x +snar ls +nar rows +min ate +lan ni +fol ders +en vious +dec eived +slow s +m ead +inser t +havi ly +fe l +deca ying +bri cker +an na +ab laze +simpli city +ro ckets +ore gon +le ct +j r. +invest ments +conce ssion +cel ine +w ess +thr u +sopho more +professi onally +pal med +inher it +hu morous +gra ying +de m +ani mo +ang ell +tra itors +sur ly +inv aders +ha s +extravag ant +cheri sh +star ters +sh un +pu ck +perme ated +inter mit +ge taway +di gest +christi ana +alle vi +y m +vi us +sc ed +re ek +p eas +mb le +gri eve +co er +sle ev +foo lishly +de fied +cor delia +ath ens +u tensi +st evens +shel ley +hard ening +for te +ar til +wal nut +teac up +ta wny +spi res +sor aya +sexu ality +se dai +n ella +hel lish +green ish +w h +pri ckling +pa stry +hil da +english man +asse ssed +an alo +adole scent +si mmons +gwen vael +gal actic +war throp +see ker +mi ly +infli ct +graff iti +en ri +ein stein +cu bes +crow ned +confli cted +z in +une mp +sleev eless +relax ation +interpre ted +hu mmer +ha iled +du lled +thick et +rece sses +ma w +joy ce +admi rable +the tra +ster eo +over time +inc . +f fa +elephan ts +dise m +sev enti +s lunk +par ched +pack ets +neigh bour +i el +­­ ­­ +w rai +ver anda +under ed +in al +i gh +e de +ang ing +am ne +tira de +ri gged +per sian +kri stin +jo stled +jo kingly +in convenient +husk ily +gh tily +fundam ental +cha ise +bo do +bel l +sti mul +st or +me tro +af t +separ ately +sel ah +san sa +pretti er +om ination +om en +kin dred +daun tless +cl i +cha ttered +tele kine +si ster +ra sping +profession als +pri ckle +belli ger +vi to +pul ses +plat oon +or bs +mush room +li ath +fa eries +can ine +rosal ind +r ations +inqu ire +i ors +g andal +d us +cr ank +cec ilia +an ship +pro spects +monu ment +ki era +der anged +ul ting +repri man +ration ally +ra sp +mon arch +inv est +intelli gible +enterpri se +edin burgh +bla dder +ate e +administr ator +a u +law ns +intel lect +inferi or +in sol +fing ering +ali bi +squea ky +pe a +host ages +are z +sco t +power fully +ma ester +k ite +k ir +dis mal +cre vice +chor ds +a pe +re v +ra pi +off ending +oat meal +fron ted +down wards +scu ttled +re joined +mor ality +gre n +gandal f +entr ances +en sured +defend ant +sp ear +sidel ong +ow ens +no sed +lu mbered +bul ger +sa mp +pul sating +numb ly +mon stro +me hi +indul ged +er ings +cu lar +agoni zed +a ded +wel sh +perc eptive +kin ky +in experienced +hand cuffed +han di +do ck +conditi oned +co rey +ber ger +wel l +sh ness +resp ite +jame son +gor dy +ge ome +comman ders +ba m +ton ic +pea sants +dis regard +di stances +confi de +comm only +cin ct +writ ings +up bringing +tru sts +sh ing +nor ian +necro man +ki o +hor ren +f . +bat ter +ty pe +tan ts +swit zer +specific s +spec ter +sk ill +rec tangle +quarter back +qu oted +halluc ination +explor er +cra ft +bla ir +switzer land +shadowhun ters +set ts +mo or +intercep ted +ga ia +fre i +el roy +7 5 +za k +thor ough +te g +suspen sion +smu dge +ob i +matur ity +j d +heal ers +cha st +tar t +ridic u +pursu ers +om aha +mis fortune +jai mie +fre ddie +distr ac +cl ink +t as +bride sma +analy zing +a yden +under brush +tab lets +pul p +ec centric +co smic +massac hu +k eyed +i stic +flo pping +ear piece +dia meter +d strom +cou ghs +con voy +animo sity +un important +sta ve +simp lest +rho des +god dam +cri sp +bu b +barbar ian +arc tic +a eri +vat ican +refle ctive +ma ils +le vet +gu ffa +fal ter +cow boys +bal dwin +sp eared +sket ches +sk ating +sc aled +pri cks +n ingly +mo squ +mar kers +mach o +liber al +le ila +j c +her ds +god dammit +gla morous +comp ati +ck in +cack led +bu ggy +wait re +ty rant +sha ping +reg in +out standing +na e +gal lon +fa ults +espre sso +cu ddy +cont ro +budd ha +al bu +¨ c +zar dly +u s +ser vic +re con +or anges +meticul ously +gl enda +foli o +exclu sively +dis charge +de sk +solu tions +remo val +mid section +fo l +cou p +re it +massachu setts +lo ttie +emp tying +dia per +descrip tions +cre sted +confli cting +athle te +aggre ssively +wa ges +ra dical +narr ative +inqui ries +gri ff +ar te +victor ious +sh y +per ky +pe tting +mu sky +mu d +far rell +e ds +da vy +cou ra +celest ial +cat e +unstopp able +tra m +me aty +ma mma +gal loran +de t +const itution +tun a +nit a +in forming +coordin ated +2 nd +qu itting +holo gram +glad ys +bo d +ari as +tit led +pay ton +happ en +for man +believ able +bani ster +stea med +shu dders +seiz ure +pi geons +jen nie +free zes +bu stled +ag a +tan trum +super ficial +star vation +p has +jag ger +dila pi +bu yer +bar est +thi er +no s +gho st +weak ening +vehem ently +street lights +squea king +skid ding +se wer +religi ons +par k +kal dar +esc orting +tu tor +sit ies +pi ous +pe w +mi sin +lefto vers +ic able +gar b +bu ckling +awa its +at o +ci le +at ti +reper cu +re live +fire wood +ela ina +el en +doub tless +con ve +bor dering +bil l +vi able +re views +re searching +qu al +publi sher +phin eas +me du +dil u +accomp lishment +vivi enne +tra p +spa wn +seventi es +ma demoiselle +hu gh +cu th +cha per +after thought +acha ble +spo on +robo tic +resi li +mem o +lu mpy +gra d +drow sy +cu ddling +bla sp +artil lery +acknowledg ement +vi p +vac ated +tra jec +sing ed +sabot age +pa ddington +over cast +mor als +fer tile +c ture +c ingly +anat omy +tw ining +str o +sm it +satis factory +pe ace +earth ly +conver t +b anners +tou chy +sh ana +jo dy +stea my +ro gues +n ' +min ho +l ati +ep h +dre llic +develop ments +colu mbia +ac oly +un loading +ri ches +ren der +pri m +king sley +hoo ker +gre ene +daim on +conce de +conc eive +audi bly +anti qu +whar f +tt able +thad deus +superi ority +sleep less +re sounding +re medy +quan tity +o ars +f art +excee dingly +ascen sion +a es +sour ly +o pul +n ac +label s +in spire +i sis +cru ising +con nell +ca sing +aven ge +trol ley +in na +han ged +georgi anna +fle shy +er is +assho les +vit tor +tit us +rau c +pol lu +pe ña +obli ge +in capac +histor ian +flo ats +e ine +de hydr +care taker +suspen se +star tle +po tter +denti st +d and +worshi pped +lat eral +kil t +invit ations +in sati +g ans +ye h +tru dy +tribu te +swit ch +ster one +spas ms +singu lar +sensiti vity +r ouse +percen tage +execu tion +disagre ement +ble ary +a vi +wri st +f ate +dor mit +cor i +consul tant +ci ous +beli ever +reg ent +pro di +ow ning +me sa +li sm +foo ted +coven ant +te sto +tar ies +str a +sor ta +quizz ical +prophec ies +pro foun +my ths +li ers +ga ins +em in +dis ney +conditi oner +affec ts +sp ru +snat ches +smi th +resi ded +fla ps +delec table +dan ica +da ft +car ve +om ar +mu sh +kn eading +infe sted +in justice +eli gible +clin ical +su gar +por tia +patter ned +less en +ear ring +co ping +ad ic +rabb i +ligh tw +don uts +deci ph +co le +c as +tun ing +streng thened +sp ell +sm er +pom p +ne ur +ka i +cann ons +aval anche +al low +syn drome +regul ations +play boy +lo af +kindergar ten +forci bly +el an +chief s +blat antly +administr ative +wash cloth +ro ds +maximi lian +en during +coloni al +air y +whom ever +thr o +ta kin +ta inside +sav anna +pe tra +handi work +gri eved +do cking +d any +cr at +tar ian +over alls +mp et +moun tainside +li o +lan ge +gr itty +fin tan +dic tion +care ers +bry ant +archang el +yo ta +side stepped +rhi annon +rene gade +rebel lious +pat er +oblig ations +nat ured +legg ings +jud ice +it chy +hol lis +enti re +counsel ing +contemp orary +commun e +bra zil +and i +testo sterone +silhou etted +si fted +pro bable +defen ders +chamb er +blood shed +arm strong +wild life +wa fting +ther an +ssi a +se mi +sa mi +s led +pe tro +o wing +le o +judg ement +initi ate +cru tch +un spea +so ver +pre judice +non descript +mer maid +in nate +for fe +decor ate +char ger +bre ached +valen tina +shrun k +ja yson +il lino +bo sses +negle ct +inn keeper +ign ite +dilapi dated +coa x +ceremon iously +ar man +un locking +person alities +jeopar dy +in ver +imp assi +illino is +dar dan +ca stles +nar asan +influ enced +di al +conduc ting +cla us +4 th +sw ells +rib cage +out post +ming le +lar ity +haw thorne +hal ation +floo ds +sp elling +se mble +scho lars +mu slim +mar riages +endur ance +enab led +blo ck +tea gan +squir rels +re united +pre scott +po s +entire ty +co sme +we ddings +te z +speci alized +ru mored +ral eigh +r hin +prop ag +pl en +mono tone +loa thed +li li +gard ening +g it +fon dness +equ als +con ge +carpen ter +ti ers +raff erty +ist ically +intoxic ated +em bank +dum bass +clu sters +techn icians +posse ssing +matthe ws +ke enly +circul ation +be a +wa x +shed ding +ken drick +hy per +gru mble +ex claims +destro yer +blood stream +sen tries +schedu les +pro jection +i th +hero in +crit icism +catastro phe +bl ythe +tri xi +sin ful +s later +pil gri +in cin +det te +ca to +un ab +tal en +spe wed +me tt +hol lie +dev ised +contribu tion +chil i +soci ally +senten ced +ri dley +organi zations +day an +ce zar +ac ies +ra do +mal in +euphor ia +cacop hony +un forgiving +ul ath +tra ders +int est +imp lo +com position +chasti sed +2 . +tt ling +tire dly +sun dress +sa ddled +live stock +ky rah +jama ica +inst all +fir in +dis array +characteri stics +cate gor +wait ers +sub mitted +stron gh +six teenth +rea dying +par ka +lan ey +el ma +co operative +bro od +z arek +real ities +re ef +phil lips +madel eine +k ali +jas nah +hundre dth +fu dge +eli c +dwar fs +win dy +sover ei +mo ff +impec cable +i zz +cont acting +stu mbles +smit ten +shir t +qu el +p low +limit ations +jo ker +he dges +fac tions +di ment +blu ish +si ris +si g +si fting +seduc tively +pan es +lo fty +hapha zardly +ham mock +but ch +su ms +senti ent +mourn ful +gu tted +fri s +cont ours +un packed +spo ons +ny lon +noti fied +col a +bin der +cow ered +amen ds +adven turous +un imaginable +u pper +streng then +st evie +sof as +li me +insati able +go atee +en cry +dig its +cre ases +car lotta +ti ans +stu tter +spir aled +sn ore +mic ally +mag ni +ju n +imprison ment +en dang +bo on +bel lowing +yan g +un hooked +pat rolling +lo vel +han a +claustropho bic +al cide +wind sor +similar ities +raven s +ha mmers +deliri ous +de ur +compon ents +camil la +be stowed +asy lum +as i +z ia +pal let +mon ition +mm ate +ma dge +hur tled +energe tic +dis may +cap 'n +bra x +attrac ting +tou ch +ros lyn +o iled +neighb our +in comprehensible +clen ches +ca el +bra zen +br ou +a stro +tu mul +treas ured +stati stics +mu ssed +law suit +lau rie +identi fying +depic ted +abdu ction +sy d +in definitely +brief ed +bea dy +al tering +sar iana +ow a +gen ie +fo es +sp el +so d +smar test +scri bbling +resolu tely +pro ps +mb a +ma iling +bb er +y en +th is +sh rap +re naissance +r ating +pur chases +gra phi +diver t +trans action +table cloth +t za +road side +ri en +repercu ssions +prin ting +pay check +let tu +gal lows +fol k +cin der +appar ition +a ki +tw is +si m +re ined +moff at +k adan +help fully +christi e +bu gging +brea dth +aggrav ated +ac co +raz van +mika el +mar ek +lu ca +jai my +ho wie +hi s +har py +fur s +dra gos +cli ffe +a bel +un caring +thick ness +sig ni +or chi +oblig ated +mo or +lea thery +gar de +cre ations +competen ce +aga pe +achiev ement +ro x +regu lars +rat ty +ramp ant +l ack +ke w +ch light +bi al +scrutin ized +recla im +es the +dri s +de gra +day dream +tu re +sk ate +occup ying +mi los +le ona +head long +guil tily +desk top +a wards +9 5 +t ching +scu le +san tino +revel ing +pla que +par ish +mini mi +min ion +lore tta +in fused +damp ened +cross roads +cerem onial +car riages +b anish +6 5 +wen ch +wal es +slu mping +set tee +on is +oc ks +nu tr +l t +ki firin +inv ari +h ra +cac tus +and r +succu mb +over drive +merci lessly +im mature +flou ri +contra ption +articu late +ar den +y i +shu ttered +re cu +la ila +j as +fair ness +distin ction +busin es +ada p +tit ious +shaw na +ma squ +est e +ener gi +det our +betro thed +sub side +shrap nel +produ cer +pa mela +manag ers +mach ete +lo dging +li ability +j al +h . +fo ol +en dear +car ri +bobb i +angui shed +am bler +witch craft +rob yn +me ch +kit ai +han dedly +ful lness +bro ker +w ers +tor menting +pru dent +profoun dly +over load +impro ving +i o +em mett +el k +e us +e gar +chee ky +weigh ted +strai ghtens +nat ures +a mp +warran ted +vamp ane +vampane ze +treat ments +tor us +t ach +poe tic +pleasan tries +ne k +her mit +hal lie +gge dly +ear drums +dou sed +distribu tion +dismay ed +detec tion +defle ct +bo de +barri ca +alle ged +affirm ative +reno wned +promp ting +om el +medu sa +la sag +ga ze +flo oring +dr o +te m +symp hony +sp ank +sel ler +rev ved +p light +fore seen +congratul ate +bat talion +ba ths +ar bit +5 7 +vi als +uno ff +sli thering +sep tic +promp t +polit eness +nine teenth +merchan dise +en crusted +chu te +capti vity +bre ed +tooth y +tom b +supp le +sub marine +st as +scal ding +moon lit +er adic +cand ice +app end +amu n +verb ally +un born +tt es +tra shed +sha fts +prece ded +mar veling +leon ardo +imp ly +hec ate +ev ade +e dden +dra ping +commun ities +chemi sts +ya eko +tal k +surrep titiously +par cel +har p +cel lu +volun tarily +pee phole +manufac tured +ge o +for gave +ed na +dru g +de sari +aller gic +uneven tful +spu ttering +refle xi +incess ant +gwendo lyn +edi ble +th ening +sta ked +sly ly +resi dual +li dded +eth ics +eh lana +bel din +ba ird +sorcer ess +reflexi vely +prefer ring +mc coy +green house +gree ks +empha size +di vin +declar ing +te ddie +st ately +ry u +presi dential +chocol ates +bru tality +bro a +ada pt +un buckled +run down +om ous +masqu er +correspon dence +character istically +x x +wr ong +un friendly +sun days +ro tation +j est +g wa +down fall +domin ate +dic tate +de pot +acc ents +4 9 +tu l +sk id +sa g +mar rok +lo ped +key pad +it is +in coherent +glee fully +distrac tedly +der ry +control ler +clu b +u lating +swi vel +so dden +re dding +mair in +iden tities +ev vie +e she +sta g +re viewing +im mobi +groo ve +corrup ted +cal mness +war ns +ti mi +stubbor nness +st ings +open ings +obse ssive +ni ke +fi sher +elo ise +di stantly +dark ling +boo ty +barre ling +worri edly +sum mary +na ï +n ellie +must ard +mp tuous +man da +hon ors +ar ie +trap door +ni gh +mel la +mar gin +embank ment +che on +cal dwell +authorit ative +wrink ling +ven us +te ach +reco il +pro wess +lur ching +fei sty +f ford +exp li +dra x +d mitri +c c +abu sive +absent mindedly +wo bbling +slat s +sk il +ron ald +rhy l +revol ving +our i +mimic king +long ingly +kimb erly +intern ally +go dric +gen cies +confron ting +co ils +ci dra +ban ded +rhyl lann +resolu te +cup cake +ar ly +ab omination +te es +sta mina +ri dd +r acking +p rai +or c +me tals +cal la +b lea +ar ra +water front +up hill +temp o +remini scent +ra pt +horren dous +gu lli +dur i +bu tted +sque als +re yn +pa yne +nic colo +li lies +len dill +a stride +z ac +shock ingly +paragra ph +i b +expre ssive +dino saurs +dep loyed +colle en +appreci atively +vie wer +station ary +sedu cing +por tals +par sh +ja z +in expli +fu med +for ked +fer gu +face down +cani ster +bri mmed +bra y +nat alia +gue se +f ou +d gets +ara b +am ster +spo tless +spec kled +s acked +qu ad +negoti ating +kin dling +ju mpy +je w +ei leen +dri lling +det achment +de b +dam a +par isa +navig ation +li ff +fri ggin +fen cing +feed back +es say +e . +c ci +vo tes +tel lin +stra ins +sor row +pow dered +mon go +mc gregor +flir ty +clu s +b as +ssi veness +require ment +penc ils +loo m +lan ces +issu ing +hea ps +daim ons +bu cking +boun ces +st em +ri vu +precar ious +pain sta +navig ated +inexpli cably +dyna mic +bri ce +bo g +ber ser +as kew +un ed +mal evolent +hu es +er rant +chir ping +sta mpe +sh ers +refra ined +prof itable +pro d +plu me +kry stal +ge off +com plac +po sh +lin e +jo yed +in fle +fortun es +fin der +etern ally +d' you +comb ine +cha ste +anti ques +vu duri +un grateful +toi lets +rep lica +portu guese +mis guided +izz ian +ho ps +fanci ed +ceremon ies +amster dam +air line +vigil ant +sk im +pa sted +nor ma +near ness +lettu ce +en tries +eli ot +discou raged +desp on +with ering +se ers +na h +mor pork +mo tto +mar tian +invari ably +du ffle +clin ked +smo thering +sc and +reson ated +oce ans +hu mm +ho mo +en cro +bam boo +snow flakes +r hon +jo hanna +jeff ery +i ke +gra eme +bon d +wh a +un relenting +syn thetic +publi cation +oper atives +manufac turing +intru de +gri zz +go tcha +can ter +bli ss +be tt +y u +un necessarily +over run +out lines +ju mper +g or +fu ssing +eze kiel +esc orts +b re +un holy +ther mal +samp son +or is +lime stone +lan caster +ga st +emer ges +el ton +bu sting +yo l +tza der +toa sted +to ena +sh el +rec lined +mu rie +mother ly +min ers +m pling +fore front +fate ful +do cked +compen sate +cle m +bel ted +bar n +bac teria +an to +wat cher +vel tan +up tight +shep ard +reconci le +mon ia +it ly +id ling +ach s +stu bby +span king +sa kes +rela xes +lun ging +i bu +clu tter +a woken +zep hy +tri fle +to yota +ti d +mosqu it +kore an +jab bing +fin als +colle ctions +al ' +a hold +re set +procee ding +plac id +la stly +je thro +h even +fli pp +do lly +arab ic +ven dor +trajec tory +super hero +sto l +mo ttled +ke ted +dino saur +congre ssman +cal lous +bag el +wa k +tooth paste +timi dly +lin ens +imp ort +hal ter +daw ning +bri stling +wrai ths +vel vety +threat ens +strang ling +somer sa +il y +gene tics +fla ir +fin ances +w w +tal bot +shadowhun ter +quali fy +p ate +mo du +in competent +ex am +den ted +br unt +squ ash +sidel ines +s lea +pa x +environ mental +dar in +colli ding +celebr ities +cat es +an sel +un invited +pi qued +ko dy +kil lings +in cur +er ge +decei ving +cl ones +un wit +trespas sing +slo ped +rec on +re prim +reprim and +pri s +influ ential +id on +hol lowed +h are +eag les +dec eive +col labor +ca vity +bitter sweet +applau ded +terr ance +recommen dation +mi smat +metaph or +lear ns +hoo p +han son +eli ke +e ger +di le +cor rado +ti ble +sen sei +ruth ie +r ane +mul led +gar rat +coura geous +const ell +clan cy +cer sei +bra yden +bott om +blist ering +a hhh +targe ting +ma el +flo ppy +budd hi +yel lowed +w . +vol ley +ro iling +rang ing +ra shi +mam moth +ki yo +dubi ously +da zzled +d ment +bever age +tra jan +squ el +quo tes +per e +na mely +k om +in crimin +ed on +commen ced +accu singly +ter a +sti e +photogra phy +parli ament +lo sers +hec tic +gran by +end i +crack er +bir ch +weir dly +tre v +star ry +squ ab +sound lessly +re i +qu ell +plan etary +mb ie +li lac +han dic +fro sting +exam ples +be thy +ar om +3 rd +su lly +smu ggling +or lando +mag pie +m pus +fellow ship +at omic +altern ating +shar d +sco field +ma kin +ju ris +head master +clan dest +cardi gan +c anic +as suring +wish ful +sper m +proce sses +mar en +ko sai +down load +de pra +clen don +canc elled +bur dened +tea singly +schoo led +pe aches +p early +over joyed +nor mal +mo ire +men ac +don or +cl anging +blu ep +app ease +wi se +trade mark +syn c +scoo ting +re ts +re pulsed +lu mps +in jection +fren chman +fle ur +ed it +comb ing +bjor n +a za +un worthy +tro it +ro bbing +pentag on +li zing +ga ther +du sky +commen tary +asse mble +un happily +transm itter +ta e +re membr +newcom ers +ky ler +jar red +flick ers +ex clamation +down pour +de troit +cha mel +bu sily +basti en +arri vals +ada man +st ler +shap ely +roo ster +ri gi +resi due +re eve +nic ola +gg ered +bra wl +5 1 +t reading +splinter ing +request ing +pen in +oun ting +non commit +moun ts +in securities +hop elessness +ga pe +envel oping +vol canic +un healthy +tu cks +tiber ius +sacrific ing +prover bial +pro wled +phe us +dun geons +craz iness +colle ctor +col lars +car vings +bom b +sub tle +port folio +perfec ted +la tham +dor i +dism an +dise mb +cran ston +cor ral +smar tly +pron ounce +luc id +lifel ine +le ttering +land sca +culpr it +cru elly +sk imp +sc oured +rob b +plea ses +pla inti +photogra phers +over take +or nen +ornen kai +my thology +mor nin +coast al +brac ken +baby sitter +as ar +sto cks +pro portion +mag nified +lu mber +her ald +foun der +fer rin +an thro +al mond +splin ter +pe gged +parachu te +gra ins +chea per +bun dles +y er +veri fied +un guarded +se mic +rob inson +pick ett +drea mily +deca dent +contro ver +wr acked +trans forming +syn dic +radi os +po tted +eigh ties +whi zz +tranqu il +shame ful +re tracted +rauc ous +miss ouri +ir responsible +in die +illumin ate +gli mmered +der ie +de ter +trau mati +spee dy +reve als +ph on +peri sh +mock ingly +ma dri +itu tes +fic tional +coul ter +c tu +amb itions +uni denti +stan k +soul less +re plen +pa olo +j ester +garrat y +corpor ations +automo bile +¡ ª +zz les +zak ath +wend ell +vel ocity +reli c +lasag na +langu id +jour ne +go liath +for bes +excep tions +er os +enqu ired +dec ep +bro th +brie c +x . +sa fia +ri val +ra el +pu tri +car pets +un dressing +to kyo +thin ly +sey mour +p oul +out break +mck enna +hi ro +discipl ined +bick ering +bea ver +al ow +who op +whir ring +sle e +sl ant +se i +rever ently +out cast +nor ris +lap se +ear thy +bab a +au g +ape x +ancest or +7 8 +teach ings +pr y +naï ve +le anne +cru sty +consequ ently +cec ily +blist ers +mi gra +le thar +il lic +el m +clea vage +champi onship +busines smen +applic ations +will ard +va stly +un broken +tem plar +on ian +ha th +en camp +di als +t ours +sa mara +lat ors +dece it +cop ying +bo s +bo i +adjust ment +rec ounted +over due +loy ment +jol ting +hugh es +hand ler +fergu son +crit ically +ca elen +bul ls +war ring +u k +spark ly +si cs +rum ours +menac ingly +li zer +ir ate +ho dge +dra pe +diagno sed +con gru +com ings +bi bli +accomp lice +ya y +sen sory +mi stru +jun cture +i van +fi b +en zo +di aling +de mented +bb ering +at ra +work ings +w iring +streng ths +snu ggle +ori ental +han sum +dr ina +del i +ca deon +bla zoned +twir l +snick er +mete or +kac ey +jump suit +ha b +good will +g . +ev angeline +den cies +cuth bert +cali ban +unfa zed +step mother +ol f +ob servant +noti ons +ni l +elu ded +compen sation +tro opers +si zzle +sensu ous +myth ical +mom s +gu sta +fe b +exqui sit +bl in +town speople +sylla bles +sto wn +roo kie +recogni zes +pe sh +p ened +mysti fied +list a +es se +con ster +ci der +bliss fully +th read +sca f +h ess +d our +conc eption +cla mping +bul lies +ru stic +paper back +pa mph +la g +k em +g all +ac re +th ily +th eaded +spec ks +sour ce +re play +ling ers +hol dings +gue z +foun dations +fore play +emer gencies +diagno sis +da maging +cro mbie +bri dal +bar ker +zach arel +si veness +olymp ic +in door +g u +g lowering +ep it +enchan tment +da v +clock work +addic tive +wri ggle +par ental +oni sh +ni z +mee k +i des +horse men +episo des +chi c +camb ridge +bar nab +tra der +tee tering +su sten +stit ious +snow ball +re ic +pen n +jen sen +ha vin' +great ness +flirtati ous +down cast +cla shed +ali zation +thro es +pur ses +invest ors +hypnoti zed +dia pers +co g +cail len +bl anche +beau mont +assu res +ani an +za k +weather wax +susten ance +mer rily +hit ching +ep ort +elin de +armp its +waist coat +super stitious +spar tan +pomp ous +la ke +hand written +form ations +ev elinde +en vision +disintegr ated +damp ness +yu mmy +pu n +psychi atric +gi bson +aphro dite +amb ro +whi mpers +w u +vin ess +ri gging +ne c +mun ching +mat ernal +ma sh +da unting +cast or +c lit +beg gar +ar lene +wal t +tur in +tal kie +ri led +re group +kid ney +fast ening +car do +za yne +sm ent +shi tting +putri d +lan gui +gurg led +floy ran +defle cted +ca sh +amu se +snu ggling +rain drops +ma h +inst or +green ery +gaze bo +down stream +conne cti +co aches +star light +skepti cism +pix ies +philoso pher +ga in +e smer +dem o +concep ts +brow nie +symbo lic +schem es +represen tation +in toned +foren sic +for rest +footh ills +dia z +bung alow +un disturbed +slo shed +puzz ling +mathe w +mari ah +haw kins +f ice +contin ental +rou gher +requ iring +quin ton +mini van +gradu ating +gli mmering +exu ded +da ven +con do +un bidden +se ñ +pi ers +lion el +lan ie +k hu +k ale +inter n +inde scri +ha cker +fi xture +decor ation +suppre ssing +paras ite +par ole +mil t +fre el +ax is +z hang +ter sely +sculp tures +o' connor +naz is +lo it +knowle dg +kno ll +kar la +instru ct +human oid +hu ffing +gu sh +e ur +co iling +bur ge +ambu shed +utensi ls +po pp +lef oux +ka el +jean ette +ei a +cl anged +bro thel +aeri al +wil dest +val o +sp ani +simp son +sa ddle +rodri guez +rec ite +radi ance +posse ssively +po tions +mer ging +ma h +bubb ly +bu ys +bar man +s ven +r ite +mai dens +grim din +gre ss +z il +re playing +ra ving +mathemat ics +lo ans +cu lann +band it +wan ton +tach yon +ren dering +re source +l ingly +inten ds +extin ct +confin ement +clou dless +ch s +be i +ta mmie +pri ced +ph arm +mo sa +mi mic +life times +eri sh +el ven +domin ion +cigar s +al da +v ec +tin ent +spla shes +sardon ic +radi o +ken ji +ir i +fur thest +clean ly +brow ns +tai lor +su ckle +rock eted +re pressed +plu mbing +i 'll +don ated +dis solving +conster nation +black smith +al lied +accommo dations +a sap +retali ation +penin sula +milli cent +gu ll +fever ishly +execution er +con klin +arm rest +z ur +v ex +suppor ters +periph ery +p elt +ke g +extin ction +di os +con tri +ch ro +ca jo +bri ar +te k +stin ky +sna p +ruck sack +presen table +peri shed +par i +grand dad +fug itive +factor ies +f fi +ec raft +cro oned +cre ativity +c tively +ben e +am al +sn are +shape shifter +ser mon +ri le +logi es +jan us +en circling +dwind ling +conco ction +cher o +cat elyn +bat tering +un impressed +un characteristically +u ch +obsc uring +o tt +mu ddled +gra mps +er r +demetri us +bel lies +a min +sul tan +rever ent +restri ctions +inv ent +ink ling +ho b +hel ene +gh ouse +dis cover +be ware +ar en +vag ina +ur us +sa h +rhon a +gre sham +fre t +fer ris +unfur led +suggesti ve +origin ated +om i +ni ol +n eag +neag ley +manag eable +glu mly +di r +pro posing +pharm acy +pan ned +pan cake +er land +cani m +amp hi +1 50 +sil encing +ri chest +purpo seful +just us +hard ship +disad vantage +bu ick +woo dy +star ter +squi to +ri l +lifel ong +im person +hea viness +congratul ated +ch men +bar gaining +x ia +strongh old +ski pper +r hen +prefer able +n n +micro scope +4 0 +timel ine +su mi +rr rr +rec ur +re wards +mo squito +co bra +be c +5 th +vo ir +th war +ten ch +parti cle +noc tur +la in +keen an +inst all +f ated +exp end +cheer leaders +cess or +asser ted +un limited +thri ving +ta i +ne bra +keir ran +gro li +forti fied +der a +cro ft +clo cks +chur n +ca dogan +blind folded +bit chy +8 8 +tor turous +telepath ically +simul ation +sco tty +popul arity +mil k +illic it +deser ving +croco dile +cre we +bla ise +é s +tun es +ta int +sw anny +sh ins +p as +la mely +ja mming +cup cakes +car da +calli ope +un intelligible +spi der +regi stering +prosecu tion +pal a +du ster +cr ats +com promising +cle op +span ned +ru sk +poli shing +or tho +on stage +nicola e +ni xon +mali que +inher ent +hi p +gru bby +cr aning +be held +andro id +wor m +wheel er +punc tured +oly mpus +mor gan +fear fully +d har +cur tsy +car ina +can 't +bar row +anom aly +zac arias +wor dless +tru mpet +spark les +sett lers +li bi +fidel ity +chari ot +ab ner +va si +strate gically +ra ms +pretti est +irre vo +i .s. +hin ting +hier archy +haras sment +gh us +w ent +temper ance +stom achs +spit tle +pro wling +fu mble +coo k +compati ble +bu l +atri um +8 : +sme dry +mari juana +hel lu +fir stly +eye ball +co sm +cha teau +ast or +yo shi +un detected +sac ra +p lied +fi asco +ent angled +do ze +bo ffin +ble ach +un announced +sor ed +s chu +pick et +op al +le ering +gon z +gen eva +fear ghus +enig matic +divul ge +dis su +clin king +bra vo +unspea kable +twis p +tre k +sea weed +nu b +lang ley +k ab +incar cer +geogra phy +evalu ation +ash land +zer oed +ten dencies +mck enzie +k am +jan itor +innoc ents +gaw yn +fi sc +aud acity +ab bess +7 : +suppor ts +resist ant +p ts +man a +i fied +hand fuls +ful fil +convers ational +bo xed +ster y +sa ga +foun tains +fail ures +demo cracy +d ever +consu mption +chi k +vin eyard +trit us +t acked +punc ture +meticul ous +manife sted +gir lie +fitz gerald +drum mond +contrac tor +co tt +a ding +smel t +qua king +prai rie +it ating +ho mer +gra m +diti onally +di us +conduc tor +clandest ine +bo is +9 : +xi de +tea ses +repul sive +pew ter +pen tine +pe tal +ny mph +n sa +mischiev ously +ing ers +exagger ating +cen ter +aer lid +web ster +tre ston +swi shed +ski ing +scal pel +re built +od y +mbl ings +go ings +e ons +do ff +compri sed +ch ort +appro vingly +t sk +pean uts +ori entation +nov ice +monstro sity +lo o +in congru +dra mas +doro thea +da b +cor t +ch ested +bu mpy +so e +ri pper +in security +fu ssed +fal lout +du o +ati s +anc o +under ing +ti d +su shi +pet ition +mau sole +k nap +hy dra +hor des +gu lly +fee bly +den a +cra ggy +conting ent +bar ged +ware houses +thread bare +p neu +out cro +neighbor hoods +j aden +hun kered +gra ppling +fianc é +em blazoned +e ys +di spar +day dreaming +as c +al chemists +5 2 +uri el +th ead +sc andal +ni ble +mu sket +mour ned +hellu va +flat ter +de tritus +bryn ne +po res +mer rick +len nek +gar n +dom ed +whit ley +whi t +w n +tra mp +to bin +telep orted +per verse +ni ko +l ment +del eted +car tri +broa der +ash by +3 : +y r +tr ough +tor pe +tear y +sten n +mosquit oes +mismat ched +min eral +loo t +lan g +kat ryn +juris diction +exhilar ation +effor tless +brow nies +br aces +av asar +avasar ala +. 00 +un fastened +ev eline +conne cts +val erian +un clear +p als +mov able +molecu les +la xus +k ou +el on +dg d +comfor ts +che wy +bouti que +zel ana +u dgd +oper ational +ny mp +lik eness +i am +dat ory +ale ssia +adjust ments +war es +un successfully +succee ding +sh ei +pu dgy +por ridge +gre ets +fuck ers +en semble +divi ding +cra mp +clit oris +app rai +under way +un ceremoniously +on ess +na var +mutil ated +missi on +mess eng +individu ally +indic ates +ali en +note books +il t +heart breaking +he brew +e tor +diss atis +der onda +b ins +6 : +specul ate +po se +pa i +nak edness +mo at +inst ig +fi rec +deple ted +dar yl +be eline +asc end +ar cane +tran sit +tra sh +sex ier +roy den +jur ors +interf ered +inc entive +i ath +camp er +po ise +no la +ep h +com posing +chri ssie +appli ances +undu lating +su scepti +sher man +roa sting +privile ges +pan eled +le yna +han ne +ggi ly +fal tering +et a +condem n +coal ition +bri dge +au reli +zo ok +un packing +shri veled +sco wls +p. j. +other worldly +mano euv +deter red +correc tion +tou chable +swo on +polit an +pick le +me ga +int a +inci dentally +han cock +go dly +char itable +cat aly +boy d +b ate +attribu tes +allevi ate +zz ing +sav ory +sa deas +ru lers +r . +o i +is ers +gir th +extra ordinarily +exquisit ely +con version +bett ina +avo id +a to +so ar +pl ated +mu ffins +mel ee +mar bles +lap sed +j u +gu ms +did n't +archa eo +al ain +tri angular +tr out +stan nis +ss ly +sen iors +see in +regi onal +ree ds +p c +over stuffed +mol ding +luca h +de s +sleep er +ro ok +pa stries +master piece +gr o +fort night +domin ating +conten tedly +cher u +chandeli ers +board walk +ar mory +ag ility +tink ling +sweat ers +swa p +sensu ality +rec lu +rashi d +pon der +obliter ated +err ors +de sses +close ts +bottom less +bol ting +blood thirsty +as cent +wood land +tip sy +smi ley +pi zz +mm i +kin dle +impr inted +ign iting +dimini sh +a mory +wri the +tur ers +ti ghts +swim suit +spoon ful +mar in +ku rik +kar ate +j acks +i ain +hu stle +gri sly +fisher men +eh ren +bri ghten +stri pe +sett ings +rea u +phi e +mind ful +mas king +foreig ners +floo d +fer ns +f litting +encamp ment +cha ssie +catac om +c eli +sca m +resurrec tion +r v +pay roll +m illed +len eck +knowledg eable +in separ +gu ine +fo ssi +ell ery +bri ony +upro ar +tur kish +retro spect +rad cliffe +hit ch +fo a +eri ka +confir ms +char ter +cav eman +bul lying +buil der +back bone +sub due +shu tter +scor ch +sa ves +lud wig +execu tives +bra gging +un buttoning +serv ers +sab ina +ren ting +po op +ph ony +pe di +my stics +lightw eight +irrit able +et to +erup ting +dwind led +unear thly +sy e +se ver +ruth lessly +og ling +nathani al +hu bb +hea ped +h q +cont est +cobble stone +bra u +blo b +baby sitting +sm ythe +rout ines +rea diness +loc s +enfor cer +doub ling +ba ha +ba dger +y ama +sur fer +sk ee +shape shifters +re arranged +rasp berry +pas ser +nor ah +na sh +mee ka +li qui +initi ation +ing rid +immigr ation +glac ier +fur tive +escal ated +thu mps +pin n +pepp ered +pen d +model ing +mel ts +mar ital +mar ah +man datory +in scription +in distinct +gi ov +fer vor +dissip ate +collap ses +bru tha +shol to +scar ves +ru mp +in sur +hy gi +gre n +child like +sne ering +s wish +negoti ated +gaw ked +for k +evalu ate +enor mity +drin ker +don ation +di lig +capsu le +blan keted +ar in +zeal and +ven dors +tw of +ro aches +river bank +jit tery +in scribed +co veted +wild fire +scor n +reti ring +p ong +mark man +low y +loaf ers +gu ise +grizz ly +glo bes +exhi bition +comman do +ber e +allig ator +accep ts +trol locs +pe ws +me st +enli ghten +disen g +car ey +app raising +u sers +shu sh +shel ton +sau cers +past el +novel ty +me tre +la sses +ga ent +commissi oned +bi kers +bed spread +attribu ted +ar ina +al lah +wa ggled +rin ts +quest s +qua kes +off ence +o st +mu sk +la dders +k on +ensla ved +cor k +buil ds +ber n +analy zed +amne sia +ag ile +ter se +sor did +sla bs +resear chers +r ance +p hal +nik las +cred entials +convic t +conten d +br as +aqu it +am ma +alay na +shor ty +in complete +da x +cassi us +y d +sym me +stra pping +pre fers +pre cinct +per va +motor cycles +magi strate +jo stling +intru ded +hul k +grou ped +fre ckled +cre scen +chu cked +antag oni +zu rich +taper ed +super vision +super kid +host el +en lar +clean up +ch roni +as sent +ari ans +af fili +tack y +projec ting +nec tar +ne ander +kore a +je hanne +hel li +ent ities +connecti cut +advo cate +zig z +tra it +thick ening +tar nished +publi sh +psy ch +pen nies +dri ps +dormit ory +ar ced +11 : +vi se +u an +mit ting +lu bri +loo ping +fur row +du stin +diso bey +cha z +10 1 +tor ian +sp y +presti gious +miss ha +messeng ers +foren sics +chap ters +bel lows +assi sting +te ther +sta mping +shu shed +precip ice +memor izing +k ably +dre sden +don ut +bulk head +blu ffing +at in +tur o +the od +sigh ting +remembr ance +rap tor +ku l +k h +indul gence +i ff +ha zar +flan king +fish ness +f th +du lity +domin i +see ks +sc rolling +provoc ative +promo te +insepar able +gen eric +eva sive +cap ability +calcul ation +bre wed +vul tures +sle igh +pat ent +part ition +no ma +judg mental +flan ks +do ch +bri gade +benef icial +ar gen +2 6 +su ckers +stiff ening +sni ffling +mean dered +jo die +ie ties +ha ha +gr aces +fer nan +du vet +de jected +cha mp +be gg +apologi se +we t +town house +ther land +sket ched +screw driver +ro ving +pre sley +patter son +m ale +lo tus +econom ics +delu sion +conver sing +c anna +bri g +ang ar +al lu +ada pted +sha ckle +set zer +pain ts +kale b +jun kie +j andro +impul sively +hu mil +h inge +gn at +duplic ate +d wayne +break ers +bra g +war locks +ta iling +satellit es +nat i +g lows +fen ced +er rol +cu mber +cha lice +access ories +re ser +pag e +on ist +lou d +flu ff +fla wed +di scri +delu sions +cru ised +crow bar +cri pple +toena ils +spir itu +shado wing +remin ders +ni mble +n ance +jo vial +investig ative +hass le +dis rupt +col i +campa ig +up beat +tan go +o intment +michel e +humil ity +gue sses +gar ret +adaman tly +to d +ti des +tab ility +st aged +self less +schoo ling +rig el +le dger +increas es +ic hi +fu tures +flow ery +fl y +fit ness +fa ery +do ver +co ach +civi c +cer e +bick el +bal t +aw ning +syst em +stilet to +shy ness +ro ff +rec ti +pharmac eu +hi stories +he h +explo it +ensu ing +bur n +z u +trai p +toi le +sla va +ran ts +r ' +pyra mi +pro ff +polit ically +pad lock +nash ville +ly cans +lay lah +immun ity +high light +gra mma +cla mps +bom ber +trouble some +tati jana +ta m +splen dor +paul ine +ki eth +kieth ara +fla shy +ear ns +di squ +cur sory +cec il +at os +a dy +vi sta +u selessly +steal thily +sof t +scoo ter +pri med +po ly +ob stin +ne e +inform ant +hand le +gossi ping +en listed +desp icable +dam nation +courte ous +bal m +az alea +allo man +restri al +remn ant +on na +inqu iring +fe tal +come back +col our +cho ps +w yn +twel fth +there of +shoo ed +na eve +ma gs +illi um +fun nel +enri que +cu cu +sar ssen +sal ina +recu per +puzz les +par all +net works +ju bil +hypo the +guine a +docu mented +club house +bar r +as sed +sha med +sh anna +re source +pur g +orna ments +ma stur +in ate +im plac +goo dy +encourag ingly +eli ssa +d gers +calcu late +ca y +c led +anim ate +wire less +tra ff +tin ker +spon taneously +ry dstrom +ra ja +ph er +or aden +intern ship +gry ph +du b +den ess +ation ally +af lo +a kel +ti more +tape stries +scru ff +over powered +out law +lea fy +la hn +fab ian +disda in +chamel eon +.... ... +sni de +sket ch +rhyth mically +pas sions +mary land +gwendo len +enfor cers +ber etta +an tar +snee ze +poli cies +ny naeve +mari ka +jo tted +e sh +e co +bray don +bl and +be see +ba iled +aflo at +acceler ating +u . +rec lining +re vered +pre de +po well +parti ci +nebra ska +mick i +ho vers +cab bage +bu ffe +bri dle +akel dama +air field +ab itch +a version +wil lem +tree tops +surren dering +pl ars +o ats +navig ating +han gers +en tally +distingui shable +credi bility +aa kir +turbul ent +ta hoe +ro bber +rich mond +re pairing +on ies +im er +i as +ho ver +friend ships +for bidding +es thetic +determin edly +co gn +car ou +camar o +ca do +unfa thom +sel fishness +me the +ke es +gi vings +dri l +dor k +cur ator +co war +brow ning +al t +ren ata +pon cey +o res +lap els +enhan ce +cha grin +cer ise +ca itlyn +bul let +beg s +absur dity +whi zzed +un pack +u g +to pple +tee tered +stor eroom +skimp y +re lating +re g +re fresh +ici ally +har man +com mu +bul le +angu a +alon so +to ppling +tablo ids +sharp ening +s cold +py re +em itting +du des +cel tic +auto pilot +vali ant +un characteristic +tr action +suscepti ble +procee ds +pro of +er m +don ate +cruci fix +an anda +ac ou +wo bble +wi k +sus anna +sera ph +sel ls +sel ine +monu mental +head less +haras sing +fire flies +constan tine +ch yna +car tw +ar ouse +---------------- ---------------- +yan kee +waitre sses +sta un +roar ke +plu gs +pal lid +mar ch +lu mbering +ka yden +hel per +gener ously +comm ence +cobble stones +bur row +beef y +sta mps +st ems +reig ned +orphan s +occup ant +n . +missha pen +la ss +je t +hipp ie +fron tier +fer r +ex iled +de formed +ale jandro +to ck +strate gies +pha gus +mear a +knap sack +jar rod +ja ded +fra zzled +fin esse +clo wns +clea ver +bio tics +bear able +venge ful +uri ah +uno pened +sau sages +pecu li +on ey +nur sed +mur doch +lan da +j y +hol lows +har ming +e g +cott ages +ci mil +cat ering +carl ton +bag ged +ac tu +zephy r +vi sage +un forgi +st acking +qu ery +min o +coffe es +ca ste +air ship +a il +weight less +syndic ate +short age +ra ina +po ttery +mal lore +hu mp +cellu lar +va sh +unbear ably +tra kian +sub consciously +ru ck +discover ies +condu it +car pa +quin cy +le h +hra then +excur sion +even tual +dra stically +d t +clou ding +buck man +af fin +ad oring +za p +visc ount +tu sk +tire some +ron ni +ol d +necess ities +ne o +lain ie +ga dgets +cho re +a ires +4 . +wa ding +un rolled +th unk +revolu tionary +ran on +rail ings +pre mature +lux en +lee ch +af fixed +rec iting +oa kes +kal a +har ald +fever ed +eyel iner +er rat +teen y +stir g +smal l +sm acks +li ao +fla ke +fanta sized +chal k +un breakable +super inten +nouri shment +khu fu +inno cu +hea vy +gyp sies +giov anni +gal lant +fi stful +encompas sing +eg a +cartw right +vi gil +telekine sis +super b +ssi onal +shea f +ro gan +m ingly +m ec +lanni ster +jac ey +fer ti +dri bbled +conno lly +bond age +ast ounding +appar atus +ro cco +im pose +he irs +goo ey +du ly +break through +br it +anony mity +ambi gu +wire man +sp ouse +sp ines +psycho path +pend leton +ough s +lex us +hamp shire +fil a +exc el +dol f +dela ying +a sa +swo oping +snick ers +skit tering +off erings +ni gh +mar gin +ke eley +co balt +check out +au dition +anthro po +admini stered +y la +tr yn +tin t +slan ting +pre po +mu m +mi rage +dis lodge +cler ks +business like +avel yn +tw ang +tra iners +t witches +subter ran +stri ving +sto k +regi me +pu ri +particip ated +hi ber +f lowered +dispo sable +deliver ies +consi sting +ben ign +al ura +vigor ous +trait orous +o va +libi do +i ' +gg ler +fi er +ed iting +dow ning +affec tions +vi ral +u glin +stick er +specul ated +si bly +sha ckled +s bury +p em +nor s +mil king +mag da +impul ses +gusta v +del ved +col lateral +brun ch +ben evolent +un ending +uglin ess +ten dons +superst ition +sc ep +pr an +pen ding +p lots +nic ked +mausole um +kat in +hyster ics +gi mme +expan sion +el y +dic tionary +coast line +au stri +vin egar +sea food +ri eve +qu er +la vi +intru ding +haw ks +dor ms +discou rage +dis respectful +allow ance +aband on +wine glass +wild flowers +suggesti vely +sp latter +selec ting +scandal ous +re on +re join +mck ean +lo y +jab s +ho well +craw ls +cli en +bo iler +bal timore +5 : +u ss +ru bies +reali sation +re publi +pro spective +p rea +over protective +mac donald +lan the +j ing +irrit ate +inter viewing +hu mbled +flav ored +cowar dice +be k +be et +app alling +wa xed +un changed +stra ddle +som ely +pe tted +mar row +mac rieve +king ston +journ alists +inten sive +in formal +gen i +clien tele +ale thea +adel aide +abun dant +un preced +tur ret +talk ative +so ta +shun ned +scra bbling +ran dal +pro fan +per k +mur gos +ma ble +la goon +inter rogate +hol m +hick ory +gast onish +festi ve +enli ghtened +commun al +ar is +ar dly +weak est +trans ferring +thir ds +sl inging +rac coon +numb ed +min ating +me ddling +man go +fac il +cand le +bor g +bal ling +anni hil +wander er +ven na +ste ed +rol ce +plo p +pan icky +mode stly +holo graphic +de ference +bran ds +un recognizable +tran qui +rich ly +perpe tually +pat ro +n ag +dro s +co workers +clo ver +chan ced +bil lings +b lot +angeli que +ang st +te aches +sorrow ful +slu dge +scu ffle +pere gr +neck laces +measure ments +len ces +infr ared +ha v +gour met +fer tility +doc tr +anti biotics +accentu ated +wax illium +ven omous +unpreced ented +tho y +terror ism +sni pp +protec tors +preva il +nephe ws +ef s +boi sterous +blue berry +u ki +sc oun +in vigor +floy d +errat ically +edu ard +crystal line +cour ting +condo lences +aler ting +swa gger +pi lo +moder ate +men tality +kat aria +ka sey +hallucin ating +fab er +er va +engine ered +confisc ated +cin cin +bri ghtening +5 3 +window less +tem p +struc ting +rico cheted +ri ddles +regre tfully +pat ch +indic ator +gir lish +cash mere +vi v +tire dness +th wa +posse sses +over seer +orchest rated +mon son +mmi ed +me sses +me ga +lab our +ki er +j emmy +gro ggily +gran de +bri die +adri en +adren alin +tu lane +ten uous +scoun dre +reverber ating +lun ar +gor illa +go lem +fea sting +deep en +deci sively +conci erge +cell phone +territ orial +rou sing +or son +leng thened +kar man +inter se +g hi +fa w +do ttie +delic acy +chore ogra +car row +bo at +armp it +vla di +su ckled +sna il +ra quel +petu lant +my les +materi alize +la z +incre dulity +esmer alda +ec es +carpa thians +an us +van cou +u c +skir ting +road way +rai ded +protec ts +pro min +morg ana +mar nie +mar ge +her bert +disobe di +cha s +barbar ic +spar ing +sco ts +re go +par rot +mer cur +in corpor +go spel +dom ination +canni b +bu ckles +wel don +u ttering +to ol +prost itutes +pro s +pi scary +mon eo +li z +ha worth +del ete +deck ard +decep tively +com bat +aur as +appreci ating +achi eving +undeni ably +u sher +th reading +sno wing +ro shan +re jecting +ra s +pon ti +patt on +obe ying +ja wen +indul ging +i pid +fa ul +cli ch +volunte ering +vancou ver +va por +twe ed +tri dent +silhou ettes +rou ge +pon ies +nau seated +mu tant +isa k +iri descent +inqui sition +ha ddington +educ ational +bere ft +be he +a wash +ru mbles +prince ton +ligh theaded +fo gged +fle a +fl yers +fi deli +contra sted +breast plate +v ements +un button +tre mul +tran sit +termin ation +stin ks +st ills +ortho dox +mo ths +mercur y +head stone +congr atu +al phas +z ones +town send +so lange +phi es +per secu +pa sty +ku ' +intri c +interrog ated +high lands +el lan +cock tails +splu ttered +pain killers +mul ling +mu les +mathemat ical +le page +em bel +blo oms +4 : +4 00 +techno logical +sw ears +roo ting +revi ve +recru iting +ra k +preten tious +over see +meta phor +hat chet +fruit less +er ole +ar am +tha mes +sho ppers +se cr +ro tun +resen tful +ranc id +normal cy +jar vis +her man +grand child +brandi shing +ad i +van qui +trans gre +suz ette +stu ttering +red headed +ne y +mi x +m pets +infer nal +habit at +fy d +cincin nati +back packs +as certain +war a +vul gar +tri be +to wed +swee t +shi mmied +sal ve +qual ms +provi dence +pa il +o xide +ni m +mer ran +m is +lach lan +hydro gen +god desses +cosmo s +atu ri +a vid +yo gur +x y +schem ing +ro bust +resource ful +re sign +per kins +lu cr +le ered +la sers +kel ey +fur rows +fu sing +eugen y +en able +competit ors +bul lied +ar resting +an za +vo ting +vac ations +thru mming +seg ment +mor fyd +mar lowe +gover n +fa to +el even +divi sions +b itions +ar ag +a. j. +tryn na +trynna don +sto ked +se w +s mother +ral phie +qui z +journ alism +jag r +jac lyn +human kind +head first +ha i +h ens +ca da +bu ff +bi ds +ber nar +u sur +stilet tos +sor ority +patro clus +organi sed +mil lionaire +lar son +is her +hide out +ga ming +ev ils +er man +cro ck +coun tdown +cin ema +chi t +ber ty +sa x +m cau +i q +go g +fa sten +eyel id +emble m +tar quin +prosper ity +pan sy +mel tdown +hea ves +hair less +estab lishing +chief tain +begg ars +bar ber +att uned +sul l +sul fur +scal y +ran ked +produ ces +lucr ative +he wn +har bored +gil t +appro ving +accommo dation +2 : +. @ +vers a +ven ding +tu an +ton ya +the or +tal bott +swi shing +stra pless +st ice +s sus +me tis +lun ches +he the +du mbly +broad casting +balcon ies +atti cus +ath ys +ar che +un touchable +trin kets +to l +thri ve +tech s +spur ted +pra gue +nat u +lu lled +lou sed +indescri bable +im personal +human ly +hi res +gun nar +blac kie +awar ded +altern ately +5 6 +yo landa +yd nas +vir a +surr ounds +stru tted +pyrami ds +mou thing +meaning fully +me th +lin n +ku' sox +kat ja +jor ie +hun ts +ho of +fel d +dar io +crissc rossed +cass erole +carpe ting +blin dness +6 6 +sp ud +sk unk +sc oring +rever ted +pose idon +noti fy +mil lion +infiltr ate +dra ins +deri sion +wan ders +van cha +un lit +si zable +rox anne +ri ghtfully +po lar +menti ons +kin der +innocu ous +hor n +her bal +hendri x +gri mes +feat uring +e es +dri lls +dr itch +demo lished +ch erie +ca s +wy r +thre esome +spo iling +pre judic +ka die +in ter +greg g +gibb erish +ge ously +camer aman +bibli cal +bal dur +ack le +un successful +sull enly +sea side +ple dged +man ure +light ness +les bian +in flated +ido l +ho sting +gri mey +commen ting +spur t +rep ent +pre fec +pi sses +pe y +li ss +jeopardi ze +i zation +gu sts +fir ms +catalo g +can ines +bri dg +bay cliff +aquit aine +ad ara +ach ingly +sle dge +miss . +milli meter +man ship +lon er +jon athon +j offrey +hu gely +hem p +g ag +blood stained +yu ck +wil ted +wash room +un wind +ro ft +po land +pedestri an +out laws +nu dges +indul gent +ger al +ga thers +ei do +dr unks +d ham +contain ment +cli pping +ar du +5 4 +view ers +vamp i +trac ey +ti ara +syn chroni +superinten dent +super man +shif ter +sc ing +ran ting +portra yed +photogra phed +peregr ine +par alysis +min ne +is lander +indi scre +gu es +gest ion +fideli as +bor o +aristo cratic +tren dy +tren ches +thor val +thir teenth +sk ets +sav vy +rau l +ra mbled +progre ssion +prepo sterous +perver ted +patroni zing +hill top +her al +con ditional +chann eling +battle ments +st int +sp ades +soa py +rai ding +po sse +path ways +oo ze +nostal gia +in ked +gra il +de x +cor ky +bom bed +after shave +swa pped +shi ed +restor ation +mp ton +mo res +mis givings +min ding +martin ez +kidna ppers +it 's +el lo +de tta +conce al +1 : +stand still +shor test +sha p +rhetor ical +plo tted +negoti ation +mo ga +disem bodied +da ds +cur sor +cor dial +catacom bs +bre cken +as simil +yogur t +re aring +rap ture +ra vi +pur ge +parsh endi +ner o +it zy +il in +high land +ge sser +formu late +exagger ation +el sa +dwel t +consequ ential +christi an +vel la +rain ier +mo wer +kne els +jud as +co yly +cla y +bri ght +val ve +tu ition +subterran ean +re dun +ra k +pan or +meth y +l ation +ja un +han i +gn ant +fulfil lment +fe tching +convul sing +co wards +accu mu +wool en +tooth ed +t ins +rivu lets +po sting +nu en +mur al +loo sed +ing rained +infatu ation +hour glass +fun ded +firec r +doub ly +by pass +bur glar +ab reon +wh or +vege tarian +u tah +slo an +muse ums +galla gher +ex cer +d ously +bee sely +ty nan +to pher +ta ver +sever ity +sed ative +sc ouring +reci pes +r ation +purg atory +pat ter +ja k +in nuen +imp orted +humor less +humili ate +glo mer +fle ece +dam ning +clu cked +z oom +x son +up scale +ter pre +spe th +sanc tum +prea mble +ph ing +opp ose +navig ator +lat ex +for gets +desol ation +ch ure +c ds +stel lan +ri vals +pal lor +pa ki +misin terpre +migra ine +me ats +lau gha +instan taneous +fla bber +dor mer +conta minated +chi pper +cal loused +cal l +bur dens +bol ton +au di +un attractive +sni ffs +que en +phy llis +oo oh +mini aturi +manipul ative +flabber ga +emi ss +ea sel +dri f +dim ness +citi zen +bland ly +adequ ately +acce ssed +a edan +subsequ ently +stiff ness +mar na +it iner +it as +de dness +c ings +bree ds +al ly +sul king +stac cato +quick est +pro s +predic tion +nic he +mono ton +lin us +in valuable +ho ss +gene tically +fin ley +do zer +den is +bombar ded +all ure +a za +7 th +who ops +vig go +unic orns +unfathom able +tranqu ility +sm anship +slo shing +peac ock +mont rose +ha wai +fain ting +da iry +co bbled +christop he +bar stool +as sign +~~ ~~ +ty n +spo ke +sig nor +ply wood +morti fication +kha kis +ju mbo +hi sp +gymna sium +gh ann +fami shed +co ppery +clan king +cataly st +b asking +altern atives +ali sa +thri ved +sti er +specul ative +po of +lo lled +ka hn +j off +hubb ard +gun powder +gui do +g p +el speth +dra il +disp el +bro chure +an tsy +ale jo +a ster +ver laine +un convinced +treas ury +trans lator +stem med +spin dly +pu ps +propag anda +phili pp +pa ddled +ott oman +o' connell +ly all +han g +gra iny +e bb +di as +clean ers +abo de +2 8 +wor kin +uti lit +thin al +th row +ri ots +resp ir +re think +quick ening +posse ssiveness +pen ance +on set +om ega +mor ale +mac hi +mac ab +lor na +hind sight +guard smen +gli des +end anger +defen der +cro a +callu sed +black well +am ita +air ing +var g +tro phies +tit anic +ten or +sub si +peril ous +lac i +ge i +fun dra +fo t +chamber lain +bri um +birth days +az ure +ash leigh +ascen ding +app lies +a hem +tre mbles +tor chlight +st ness +sl ack +re searched +parag on +o' mal +le vine +k san +impl ored +gentle manly +eli x +def ying +cru isers +car thinal +bru squely +br ine +ba wling +b anc +av ril +adri ft +wro th +whi teness +war p +vittor ia +v ea +tran scen +to x +skit tish +shal i +revol ved +re focused +partici pants +o ons +ni le +mini series +mar ket +in forms +flag g +fl ings +experim enting +dr oned +crescen do +vit ality +the ar +tar in +sho e +sat ory +redu cing +pier cings +kr it +kno ck +kno bs +hypo cr +gradu al +explic it +ca si +ar ro +ac hil +ab hor +weigh s +tru dging +theore tically +sof test +snee zed +mi sted +list ener +list en +len ding +fi ji +di stan +bun nu +bri ksan +bil bo +trash can +te eming +ss ingly +slu gs +mo jo +lun cheon +li as +hand set +gesser it +g ong +fa wn +dick head +den i +beli ed +baby lon +wil ds +side board +outw ardly +ou i +no o +juli enne +er u +eleven th +cli che +ca mi +ali sed +affin ity +went worth +uni qu +tar an +ster num +sc roun +ruck us +pel ted +patri cian +min im +ju s +hallucin ations +er ate +ep ide +enti ce +color less +camar a +bul b +advi sors +adverti sed +worl ders +vas es +u . +slow ness +sha mbles +proto type +outw eigh +k op +hani leh +go ers +fri vol +en ko +d ing +be ow +anti septic +6 4 +vladi mir +un tamed +reit erated +post card +pi one +over reacting +mel vin +m c +inter min +in sensitive +hi xson +gard ner +eva ded +e od +drac ula +down loaded +clin ton +yan kees +un avoid +su therland +su ction +sex ton +rid mark +po ign +multi colored +mis judged +mar jorie +maneu vers +mag dal +in ert +helli om +gar bled +est one +dig it +camara derie +b helliom +az rael +ab normal +y les +travel lers +sne ers +re sorted +pa thetically +over bearing +na g +kol do +isra eli +gra ded +en trusted +den a +cro we +constan ti +communi st +ca pp +thunder storm +street light +steal thy +snu gly +sett lements +repro ach +proff ered +pa mpered +p imp +min er +me des +mc ca +man ne +ho ist +gur gle +gra phs +gn ment +er ts +e bbed +declar es +chero kee +beow ulf +ba dges +un happiness +sti pul +ste als +noctur nal +mouth piece +ly nette +lu ster +lamb ert +ic u +he mia +fel ler +eli an +dri ly +deri ved +brau lor +am in +al leg +wit ted +shor tened +rac ist +medic ines +k and +in ject +explor ers +em aci +de ja +de fault +blo tted +ba i +an tony +temper ament +tem plars +re opened +rain coat +i se +flabberga sted +fif teenth +di v +constanti jin +communic ator +bron co +un hinged +ty man +tu mbler +theod ore +sy l +st irs +quir k +pul sion +pri ded +pra g +ka dy +k ol +k lu +in tolerable +im pregn +fle cked +enli ghten +ban anas +toler ant +solic itor +smo kes +scra bbled +n ant +en clave +co ffins +circu its +ble d +bir die +an on +alche mist +th ar +shir leen +ro ped +on ia +od or +lit tering +je well +il and +fairy tale +daven port +co sta +ar thr +win ners +ver ses +trai ven +scur ry +quar tz +pre monition +noble man +nar co +mar at +lec turing +le ck +in visibility +f ounding +d ya +cinder ella +car tel +bulb ous +swe dish +sorcer y +sing ers +ser p +prop elling +o'mal ley +micro sco +med als +mar ches +li mbo +jen nings +ha unts +goose bumps +z ana +ulti mat +stit ching +senti ments +sav ages +r r +poin ter +gn on +door jamb +ce s +be fu +arch chancellor +aler an +al eria +a stral +wis con +tra ine +toile tries +spr outing +prosper ous +hur tful +hero ine +co wer +cl ack +as so +ank eil +accomp lishments +a ired +un said +tas er +stu b +resu ming +read ju +quan tities +pou ty +para medic +mar ankeil +lady like +fris bee +f l +com at +cla mor +bear ers +un dying +u ously +re juven +po ole +ne ther +mu sings +minne sota +margar ita +macab re +li brium +hi r +har em +fen der +erup tion +en force +disin fec +dev ina +cal ories +achil les +wiscon sin +sw ann +pre scribed +ol i +mo bility +kier an +gi m +dy nasty +do on +di li +complex ity +catastro phic +as k +war ms +sk ated +particip ating +mor sel +jo inted +it an +ish mael +frei ghter +fire man +dy s +blan c +believ ers +archa ic +un wise +tea gue +savan ah +ru ffling +ro per +ri o +ju gular +impercepti ble +her ding +gu m +forge ttable +foreig ner +f lun +bulle tin +ben der +5 8 +tan sy +sur passed +succu bus +spac ecraft +see kers +se ments +rh ine +rea m +pa wing +jo siah +ja g +g led +e bon +dena os +contradic tion +bab es +tit ans +sher lock +sh man +pe dia +mo tors +lec tured +gal lons +fun gus +counter part +cheer leading +spec tor +sp out +semic ir +revi ved +over hang +na va +mic ro +fati gues +devo te +deta ined +cla sps +buck ley +bo ast +ba shed +autom ated +ze th +vide o +suit es +resili ent +o sa +ni ps +jo anne +is la +in sig +hu mph +ham let +g lower +enlighten ment +electri fied +di ah +cat walk +c cu +ba h +am pu +20 10 +turt leneck +suit ably +quo ting +pain less +out look +mor ley +lyn ch +lit e +im possibility +cad mus +valo ree +u se +t et +squ ads +kar in +jac ob +in stances +absur dly +z ini +ush ering +top side +stal in +sha g +ratt le +pet ti +p ear +one self +mo cha +ko loss +j p +impercepti bly +hon ked +fisc her +est a +con ni +bre slin +b bler +alli ster +to my +tear ful +str ingy +smat tering +rol lers +reapp ear +re building +mechan ically +mac ie +li ars +k ely +is in +fore heads +cri ppling +con glomer +5 9 +y' know +t r +squaw ked +pa tho +nau seating +mil ady +juli anna +gla r +favor able +evacu ation +cho ppy +boo king +univer ses +p icky +insig nia +dili gently +cor aline +blist ered +unra veling +un balanced +sister hood +sha mel +pseu do +pen sion +ma pped +hon king +gener ating +fu ge +examin er +eth ical +di ves +decre pit +criti as +coyo tes +architec tural +acqui sition +abandon ment +val erius +thwar ted +ther mos +tent acle +suf fused +souven ir +po ld +mean dering +ki on +ine bri +g ins +evol ence +ever lasting +endear ment +desi der +ch unky +aver t +wa ddled +tra versed +skyscra pers +re side +pro long +ne cked +mil la +m well +logi stics +im potent +gur u +gent ler +fri lly +di aries +ccu pied +bal a +traumati zed +pri sons +my ka +kan in +jen ni +in suff +gla ze +ger main +gar ish +frank en +att itudes +ar us +you ths +vau ghan +timb ers +tac o +sti ve +sol stice +shel ters +ri cardo +revol ting +pit ts +paras ol +jing le +en unci +disc o +coordin ate +con es +bel is +al ge +adul ter +acceler ation +y ama +wea ves +wa ils +uno ccupied +thumb ing +ste fi +st even +sho o +rif led +over taken +observ atory +mi sha +enig ma +clau se +ba er +assa iled +al fie +a methy +10 : +winter fell +vol ley +sprink ling +relinqui sh +postp one +gr a +g les +fa ulty +con descen +bur glar +accu satory +wat t +ti cks +te th +sw in +subur b +sp outing +ren ts +re vel +pu shy +preva iled +intric ately +infle ction +i owa +ha mper +don a +dah laine +bio graphy +b oned +ap p +way land +thumb nail +th ai +sy kes +ru deness +reli cs +ly can +lea ks +jai kus +hol o +harm lessly +gno mes +gargo yles +fix tures +ex ca +em elia +christian ity +chlor ien +at ically +a sper +toa ster +ter zini +t chy +re tar +n agged +more tti +leo pold +hendri cks +gro oming +ght a +en quir +don ations +dim ity +dar by +ci vil +car michael +ab omin +soft ball +sm earing +sledge hammer +skil let +sco ops +rain bows +pe ssi +pe ppers +patri arch +pal adin +oa ths +me c +mag ick +ho we +gang ly +el en +bin dings +ar teries +zel da +vit als +vari ations +tan u +squ id +ru s +ph ara +over sight +li vy +fa ç +equi librium +ea sy +dige sted +cre st +comat ose +bru tus +ber keley +ab bott +theatri cal +sharp ness +reyn ald +mbl ers +kidna pper +gener ators +gene sis +gat sby +disinter ested +dani sh +complic ate +comple ment +cob b +c how +bullet proof +bella my +be ssie +b ry +at oms +ai ms +zi el +un shed +sob ering +sh ments +pic ture +nick el +natur als +na pping +mer its +mea gan +hypocr ite +fu tility +floor board +cur dling +comp el +clan k +tra ilers +sto u +ste fan +si ri +sel o +scar burg +retali ate +pur chasing +lo ins +lamp light +ker rick +kal eido +hypo thesis +ha li +gla di +exerci sing +dol lop +colli de +bu dding +bran ding +ar son +ang ler +al do +air planes +. 45 +yel lo +ma it +gulli ble +gau dy +dis armed +curt sied +cra zily +co ts +be vier +adv anc +tread mill +tea pot +su ave +stri ve +shifter town +pa ddling +htt ps +glo ating +flat tening +exp on +e c +dyna mite +coloni sts +ty son +tu mor +to te +snar ky +reck oning +ra ' +imp lement +ho ard +hein ous +gran ting +fre dda +enchan ting +el vira +disrup ted +culti vated +bor rowing +ar o +ad ela +v ir +to k +si mmered +ro anna +rebel led +ra mming +out going +intu itive +du blin +de id +d ung +c ic +bu yers +br on +wr ing +v ening +un interested +ta xi +shamel essly +pl enti +neighbour hood +man sions +lode stok +la sci +intest ines +g m +fi shly +er as +disp as +con jec +birth mark +albu ms +accommo dating +stra gen +sto wik +fil med +f w +ea ves +deid re +continu al +comprehen ding +coach man +ver ick +unwit tingly +swa th +stimul ation +slee po +schi z +outcro pping +ori ented +misc arri +market place +ma se +ke ta +hisp anic +ga ston +ga mb +flu tters +da stou +contradic t +carl son +bur rowing +anto ine +ami able +volley ball +un sheathed +sco ff +pr int +pe dro +mat ron +ir ons +instru cting +dre ss +dar nell +alpha bet +vi bes +up holstered +tank ard +t ouring +supervi sed +phenomen al +mono logue +l . +ji ggled +geral dine +fi sting +exhi bited +emaci ated +dri an +dis connect +dd lers +complic ation +a ston +type writer +stre nu +rum our +river a +par o +nonchal ance +me gs +mcau liff +ide als +gar net +f ir +er ation +er asing +en ders +d' al +cra fting +con cur +chu gged +ch ins +az ar +ar cs +z am +un shaven +sa bb +ke v +har uki +fa y +coinci dences +bal ked +atten tively +zz zz +we tting +saun ders +revol t +re c +plat forms +perc ep +pan ty +ken ner +imp le +father ly +ex changes +dom es +cu pid +cor vette +bra ver +am ity +af ghan +a jax +vin cen +simil arity +sail boat +rami fications +o. k. +joh ns +h enty +bol der +archi ve +al var +wa ffle +ver t +re tail +ra pp +metho dical +mag i +inter actions +hawai ian +glo om +frequ ented +er yk +di dna +be tt +vo lition +unoff icial +st i +shru bbery +sch ul +rai ds +o zzie +ler oy +improvi sed +feel in +e so +be kah +analo gy +affir med +ty nian +trous er +s nick +ru ger +retri eval +over power +ne tting +morgan ville +mar au +kil lian +grou pies +engul fing +dwar fed +confli cts +ba in +anim ous +ali as +19 0 +sm atic +sho pper +sea man +reha bil +pun y +per forman +k ei +habit u +gen ous +du dley +d inged +cro iss +camel s +blan ks +scre ened +ri onna +ke selo +ho bb +fo wler +faç ade +dimen tary +cra zier +cra mps +collar ed +clean se +buil ders +bu si +bu ries +anim ation +vol vo +vari ation +ti eth +th ian +ta unts +spr out +ri f +pec ked +lic s +l le +i f +gabri ella +discer nible +det ested +al la +addic ts +tren d +transm it +snu ffed +shre dding +re enie +nymp hs +n . +margin ally +li zards +gee se +e ben +docu mentary +wra ppers +solidi fied +nar ds +mu shy +mar a +li stic +justi fication +juni per +in consequential +har sher +fellow es +care ening +augu stus +zur ra +weir der +s folk +projec tor +preten ds +por ti +other world +matri x +kal in +har ne +gran deur +ga h +chain saw +bron te +v ou +u shi +ti meless +side kick +r ar +quic ken +predic tably +para meters +lyn na +ja vel +direc tory +dar e +d ined +cy ber +arri ane +ar cade +yello wish +under tone +su ede +seven teenth +penetr ation +ler ina +kar zac +incrimin ating +dor sey +dar s +consen sus +can ary +baby sit +ssi er +ru bbery +men to +kal yna +epit ome +cur ri +chu g +cha eli +with held +vi gh +vigh olf +un kind +speci fied +re tin +performan ces +lap el +frivol ous +explo its +ex al +en tre +bla kely +arm ingly +win es +turbul ence +tom ika +prince sses +po v +off s +o sten +mid wife +ma stor +lea den +ke ening +k ul +jo han +iti c +in fra +hin dered +hin der +gun ning +four teenth +fil ters +ed ited +cor do +bu chan +stead fast +s dale +inter sper +ho ot +fol lower +do wer +basi lica +andre i +al to +a dic +veter ans +up stream +school girl +schiz oph +restor ing +ra van +propri ety +n ea +mu tely +min ority +en och +em manuel +dec ree +contrac tions +consist ently +cassiop eia +bal an +¡ ­ +ze ina +ti mber +si ans +op ium +octa via +ne p +ming ham +mar tyr +man dor +fro st +exp ired +eloqu ent +ar turo +un d +u te +tran sporting +ta via +suffo cate +scrutin izing +sc y +s link +reser voir +refer ee +ne sts +natu redly +man di +ha vel +feroci ously +de bau +ar kansas +wic h +ta ss +smu dges +sh ere +para pet +ne b +mosa ic +intimid ation +ha pless +gr ath +gali leo +fun ni +fire power +ema iled +de bil +crisp ly +wi ther +thron os +ta kers +sever ing +recla imed +re form +outw ards +o belis +mi k +ler ies +guit ars +ge dly +din ers +di minu +bri dger +bab bled +woo zy +weir do +war k +thear ted +th i +sin e +satur days +pu rest +po kes +mur a +mor phine +incess antly +home stead +g ory +d' ye +bra zi +20 00 +wa sp +smo other +sha ding +pu bic +protec tiveness +plenti ful +pen du +over ride +mil an +le anna +la mented +insi dious +fer vent +fanta sizing +dedu ced +day break +dai sies +compon ent +cen tri +border line +y y +t sun +sword sman +spit eful +soverei gn +mind lessly +loa the +lass iter +in conspicuous +hot tie +gly phs +folk lore +fi dget +excel len +ele on +d sen +cu r +ber ia +unemp loyed +understand ably +tu c +pen chant +p im +p ev +m oul +kat ana +ily sa +e ying +du bbed +diff er +court ship +child birth +th ine +s r +rival ed +r or +pan demon +mo ot +mo i +la i +ja eden +ho y +groo ves +fe ud +f easi +endea v +chast ity +ce tt +bree zes +watch man +volu p +ver min +tyr one +te ssie +stu mps +sc i +ro tate +rel ent +ramp age +propri etor +peter sburg +iti vely +functi oned +forfe it +dread fully +de ft +con an +bu ttered +brea ther +ar n +zar a +villa ins +scar ier +pla ined +pa wed +octa ve +mo th +foa ming +fi bers +evo ked +cre ss +c illian +arro wh +son of +refresh ments +per u +mck ell +lock down +en as +emer alds +de partments +back door +ama ze +ver itable +ven eer +un seelie +rho an +nau d +mu stered +mac ar +lor as +goo dies +fla gged +disclo sure +dimini shing +chari sma +ble eds +zar ya +tar quin +mr yn +laugha ble +la ble +ho ops +fire arms +em eline +du n +disa sters +bron zed +back handed +refle cts +quar an +pois ons +pad dock +lou dest +li able +le od +jun a +in nards +im planted +hi ra +fre drik +di xie +di x +crow ed +be eps +aristo tle +accoun table +wind pipe +wal ly +tribu ne +sw el +sand stone +pro vin +pa vel +p ore +ma z +lu ke +knee caps +in scru +gru mbles +gro ves +g his +dol gar +cu ddles +coun tering +cha ps +ad dolgar +white y +verti go +that ch +tan aqu +tanaqu il +speci alists +pp o +no table +mac allister +gar t +enor mously +drug store +disa ble +dan dy +cra fts +con fer +char mer +c ea +astu te +analy st +5 0 +y' all +vel and +unob tru +un washed +take out +spor adic +smar t +sha una +sa wed +me ghann +may hap +le stat +jen ner +inter lude +hu ms +ha ckles +fast illion +dista steful +davi dson +da ppled +cu es +beat ings +at ical +as sur +viol ate +ve t +to eing +sto kes +sig natures +pal va +iti ves +dra fted +cou gar +c ache +bel ch +6 7 +whole some +spl at +sil o +melo dramatic +lo way +lis beth +easy going +dou che +domin ick +depic ting +co stly +bloo ds +b . +wal sh +up hold +repriman ded +out dated +n ered +imper vious +fre der +embroi dery +e fully +ber ana +berana bus +am o +wi pers +sk is +see dy +run gs +ral lied +progre ssing +necroman cer +kel vin +gw y +focu ses +doc tor +di abo +cul ated +an dar +wit z +sket chy +sig ma +monoton ous +messi ah +magni fying +li gan +let tie +infan ts +hor ned +fun erals +dial ect +confe ssing +black out +bi ffy +be en +an ar +al us +ac o +w ulf +town sfolk +ta ine +swi mmer +soci eties +shoo ters +piti ed +on wards +mor n +hoo ted +h est +g lum +emi lio +elo isa +elo die +elix ir +dispat cher +cun n +correc ting +be el +andre as +subtle ty +su ckling +spee d +sil lu +si z +ru din +pre ach +p ining +mon y +mat u +manife station +gover ness +ever green +dilu ted +behe moth +wonder land +rein car +pri mly +painsta kingly +p ink +ess entials +do es +ble u +b n +annoy ingly +an í +acoly te +star ched +re dder +r ons +pin ea +pi ping +mar tel +mann ered +her cu +glor iously +gi z +fle dged +en tals +dra in +cosm o +commun ion +black jack +am ounted +acqu iring +ven tures +ultra sound +thri ce +steven son +se date +re nee +lun g +knick ers +kir sten +k son +inter face +impro bable +hur st +har ried +gal leries +excellen cy +ais lynn +to sh +sha hara +r ith +mo z +mis sus +inj ure +fai le +disp laced +di sillu +dab bing +contr action +coher ently +bu ns +ari i +an al +virtu es +va h +tri bun +sla shes +ru t +recei pts +pi eter +over hanging +omel et +j ou +il i +gra ss +estim ation +empha sizing +conspirat orial +camoufla ged +assu redly +ter re +ter n +take off +spon sor +plumme ting +pai sley +organi sm +opul ent +men ding +max im +lie u +le vi +he als +gather ings +gar rick +ga elic +electro magnetic +disper se +davi es +cle veland +bro ach +boo b +auto graph +aqu a +tea l +phili ppe +mar se +lac qu +gh leanna +ga dget +beau tyman +ag gra +sub lime +soun dless +sh en +re produce +prob ation +nas rudin +mid west +mag no +luke warm +implac able +il o +havel ock +en th +elimin ating +dr u +di mpled +cul tured +conver ged +check point +aggra vation +7 7 +200 9 +x ley +tremen dously +skill fully +patt i +narci se +moder ately +le ta +land s +kit to +hu ffs +eru dite +dar win +bran ched +baha mas +ba you +z eal +win ery +unavoid able +un re +un knowingly +thra sh +saw dust +renee ke +pl ings +per tinent +pec king +oun ces +mom ent +mar wan +len i +ki sser +kar ina +jo ys +guarante es +flu ke +f ick +eli er +class rooms +broad ened +ar gh +up hea +sof tens +sn ared +si l +seren di +scar ec +rum mage +ridicu le +ri m +picture sque +p lowing +over size +off shore +man oli +le quin +intersper sed +cr o +cold hand +cen ta +broo ch +belliger ent +ar dent +trigg ers +tre vi +thri l +text books +sign alled +si mu +popul ace +pit ted +maniac al +lik o +haras sed +fir mer +cair o +zan as +ww w +twi th +thi est +stor ing +sk aa +pher om +pec s +mu riel +l man +encompas sed +en scon +del am +d hamp +cha tty +banc roft +young ster +y na +ven turing +ti mmie +su gary +stu ffs +spas med +pri zes +pe sky +narrow er +na ve +methe us +kin dled +ingen ious +her on +f ang +deton ated +de wayne +celebr ations +bri dled +aquar ius +ais ling +zu zana +whoo shed +west ward +twof lower +stra ws +sight ings +sho veling +ru dimentary +regre tful +prosper o +octo pus +mo lli +mat tresses +i 've +hu tch +gues thouse +do cile +delam ere +cheri se +cel lo +ca vali +bled soe +bir mingham +b oughs +rout inely +resear cher +ratt les +pumm eled +inha les +hu t +ge y +equ ality +do th +cron ies +ber tha +a me +vit amin +u to +tu la +terri ll +stimu lating +sno tty +smar tass +serp ents +r ye +medic ations +le vy +ir an +hand lers +h ester +evol ve +en dowed +elev ation +ed ra +e ther +dor f +carto ons +ble ts +b ated +ath os +al inda +ad ler +v ying +the o +stu cco +sil ences +pu king +k ris +glee ful +fresh en +fi elding +cra fty +carri ers +cack le +affli cted +van der +v anger +unex plained +tun n +shere e +se c +re actor +ra mona +m' lord +im be +gro tto +gar s +abo o +un afraid +trou pe +th un +tack ling +pupp ets +presi dents +ne hemia +na b +mar tina +mar got +lat ory +irrevo cably +inhi bited +gri zz +exclu ded +du mps +contrac ting +ar tie +vest ibu +tur rets +to wel +sk ates +refu gee +re ness +pit ch +or bit +mel bourne +ma g +ja x +for um +dish ear +dan talion +commerci als +cam o +tran tor +sea gulls +pu berty +n ir +luck iest +kin ich +in audible +gr ants +gibb ons +gar iath +fo xes +don nie +cer es +casin os +camp ground +be ards +ba ma +za ar +whi sk +walk ways +visu alize +veter in +su mmed +spar sely +ser aph +rin sing +re leg +prop el +pad re +mean ings +lu stful +ki ev +gru eling +gra ppled +cole man +che ting +casi mir +bar ring +vani shes +tin ny +swi pes +star key +sor rows +sey nor +san de +qu o +matu rely +lon nie +kur tz +e jected +drif twood +dign it +descen dant +da g +adul thood +ve ga +timb re +sur name +ss ard +r honda +mut ated +mal dor +glit tery +ev ic +energi zed +colour ful +co yle +centu rion +bra sh +bo ils +be atri +wh iny +tor to +sh ingly +pepper mint +pau lette +over dose +mb ers +le er +kn eaded +ha leton +fle mmi +fla vors +f ane +descri bes +de y +can es +att ach +al len +win ky +vitamin s +to k +te o +recy cling +re no +plu mes +phi lli +pec ker +pat rolled +pan eling +mon stru +mo pped +lit ig +ji g +it t +frat ernity +e aters +do ses +dis eased +der in +deliber ation +d oned +clever ly +clar ke +auto c +ari k +young sters +win ces +ul terior +seynor yna +sea son +out fitted +mete or +li day +l ough +inhi bitions +hyperventi lating +grati fied +gem en +evacu ate +erup ts +ben jy +assur ances +wha les +web sites +vacc ine +ul ated +test icles +ta sia +sco ots +r ink +pen ora +morri gan +mode us +li li +in mate +imagin ative +endang ered +dis arming +deleg ation +blon die +work men +wa in +ul f +sket ching +sk ate +ru ben +pa stures +ni eces +met abo +liber ated +jin x +insist ently +in es +deci mated +cul ent +champ ions +ce tera +app ing +a var +y el +spr ite +sm ears +lis le +ky la +inscru table +gra mpa +god mother +ful lest +ferr ari +diseng aged +wi desp +widesp read +we bbed +wal lowing +un wound +to hr +phi lan +o logist +moist ened +medic hi +mac es +ing bird +hu mbly +employ ers +defin ing +cheese burger +bon ny +ber it +under taking +th ol +tal ized +sa ira +rein force +re dness +projec tile +persist ence +no twith +lyn nette +l uring +indepen dently +gray ish +drun kenly +cho p +aven ues +wood work +than atos +ss in +spo ils +sa an +rep ti +na sal +meli sande +man tis +lu lla +laun cher +kin ess +jo ss +half dan +esca pa +crit eria +convin cingly +circu lating +buchan an +tri p +tri cal +tom i +ti ck +sur aj +ru t +ro iled +pre aching +pet rol +organi sation +mi stral +le vana +im perfect +en rolled +compli ance +arm chairs +you tube +un safe +tuc son +ro dent +re p +r n +par enting +minimi ze +land mark +l t +hu r +frac ture +don nell +diplo macy +consu l +clau dio +capti vating +by passed +barbe que +as modeus +un moved +sandwich ed +rer ead +r hu +pandemon ium +moz art +mistru st +loy alties +knu ckled +flash back +far ious +bra gged +bat man +an esthe +unra veled +unforgi vable +tor res +thu ds +t ments +stun ted +sp ills +o k +notwith standing +mon gre +lo lling +gu sto +frustr ations +extr action +disc ard +diag ram +del ve +care ened +ble mi +bay on +ad as +6 2 +wh ence +v eck +swa mps +sur geons +sal low +rich ter +prophe ts +pinn acle +n abe +mongo ls +mo reau +mi ka +mark us +lea s +fur rowing +escal ating +conqu er +cat fish +cal lista +blasp he +ar tfully +vestibu le +ther emon +sai man +mel ded +lil t +kar im +ja wed +hu b +ho ax +histor ians +gau ging +enscon ced +diminu tive +dev ise +demonstr ating +com bu +an die +adri enne +a foot +. ‖ +sah ra +reven ue +pol lution +om eter +mon ds +mexic ans +men ded +infiltr ated +incorpor ated +imp ish +hy wel +gri zzled +equ ations +dough nut +domin o +dec eptive +che m +boo by +bar ron +apprehen sively +anim alistic +vi enna +v ey +under age +tu bs +tal lis +spin al +sonof abitch +so w +sm y +reson ance +por tly +pee ping +out lan +mini sters +ja in +fr inges +el d +comb inations +co aching +bi son +band ana +b ach +a wo +ver oni +van n +u mmm +tit anium +sur rogate +sur ges +suffo cated +sp lattering +scre en +rit z +resurrec ted +quaran tine +puni shments +p helps +mono poly +key hole +is la +hy der +fre eman +fianc ée +extre mes +colum bus +ch um +cami sole +cab bie +astron om +a par +a be +9 . +wron gs +vik ings +v ries +th os +super human +stupi dest +sp ree +smo key +sal ads +reg is +pro wl +hun g +go ga +fo ley +fit ful +fa stol +dwel lers +disci ples +dd ard +coordin ation +car tons +ca mryn +bridesma id +bree zed +wa ste +visit ation +ve er +v re +to v +span ked +pitts burgh +mc fergus +instru ctors +ho sted +gri s +fastol fe +disp ro +bank rup +ar cing +amethy st +uni fied +this 'll +tar ren +sy las +slu tty +sli ther +rede em +pas sports +o ar +n iles +l eland +jan ey +j emma +hyp no +ge ist +fle dg +evacu ated +epide mic +dissu ade +disobe yed +cu ba +contin ents +brad ford +board room +wel ts +unmista kably +tru cker +scra ggly +provin ces +ph any +mor pho +me de +ken dril +ent ati +encry pted +di verse +check ered +2 50 +wron ged +wrec king +wan ed +ve g +un told +subordin ate +slu sh +shee ana +shar ine +sen e +rece de +mis understand +land marks +ju ggling +intermit tent +hat tie +g any +farm land +direc torate +deli ghts +clock wise +chel lo +c nn +t ancy +sun screen +smooth ness +reli eving +pe z +patch work +oce anna +nep tune +mon te +mirr oring +man power +jac king +infra structure +hee ded +fledg ling +fick le +croo k +book cases +b lip +astron au +ancest ral +y ves +wa dded +tw ell +stru t +ree king +re m +pa k +mol dy +ma har +jour neys +jed i +je ssa +in flamed +en cyclo +conspic uously +car ted +car t +ver mont +tra sk +snick ering +si ft +ry o +paras ites +par take +marshmal lows +manoli to +long time +libr arians +lat ching +fra k +extrac ting +epi phany +dough nuts +doom sday +doo little +dead pan +day ton +bomb shell +wind screen +wa sps +v lo +unidenti fied +stru cted +sp ackle +slo ts +sar co +robb ers +river side +raw lings +pneu monia +pen it +pe gas +n assa +mit ig +manufac ture +lycan thro +lo cu +lach lain +in correct +hol ler +fon t +embo ssed +diplo mat +dem ure +cow girl +brit ney +acceler ate +ver tically +tal ker +sty ro +stu mped +sta sis +so berly +ski ps +recon naissance +re acts +mal let +k shire +incapac itated +in laid +imag ery +fu ries +dic kie +de creed +coo lest +bo omer +al ynn +whirl pool +whe w +slan g +gram mar +fun ky +escal ade +enlar ged +dom ine +de bu +cy nic +appe als +a ya +wo e +wan ds +up grade +there in +squ ints +sen sati +real tor +ost entati +mar mel +je tty +institu tions +horati us +her mes +he dged +ha ck +fore sight +del ving +de es +de canter +confid enti +ca sp +bra ked +a pathy +wal low +un named +tr ans +tho les +tax is +sse tte +squi shed +ro we +kitch en +kilo metres +intermin able +instru cts +incen sed +ex claim +diag onally +crink ling +comm ons +cla m +cin ders +a zi +ye 're +vik us +re warding +pres sured +po s +ph on +particip ation +nat s +mat ernity +li ation +g t +der ringer +cl ingy +buck ingham +vi sa +vamp y +v ests +ther a +tar o +tan dem +styro foam +store front +squir t +so lar +secre taries +par rish +nu dity +n w +libr aries +for warded +enth used +dis covers +bree zy +bo oms +bast ion +ast a +anten na +am on +a the +7 6 +wi mp +un conditional +ultimat um +strang eness +spru ce +p ablo +moti onal +k ness +homici dal +gran ola +escal ator +elec tions +concer ts +butt ers +bu g +blossom ing +aw est +and en +tom bs +sw eden +sho vels +sho pped +predic tions +pon t +par l +mari elle +leg it +kri stine +k har +est rella +camp ers +bol dness +bit ching +barbar ians +we sson +was n +voic ing +un zip +th ely +terr ors +t act +ste eling +st ace +sla ying +shu ffles +re arranging +no min +lon esome +k ea +here by +gen ial +gen ghis +far a +combat ants +co ale +centi meters +bro om +ba shing +b ale +arbit r +adverti sement +whi z +wa ffles +vibr ates +u fo +tar k +obscen ities +o lives +ne farious +mi le +ju ke +hygi ene +hen chmen +he ir +ga shes +fin lay +f ared +em t +elic ited +eaves drop +chemi se +assa ulting +wrist watch +stef for +sta king +ret ching +provo king +ori ally +odd ity +house keeping +high ways +han e +gil ls +fis sure +ed war +east ward +disclo sed +deposit s +consist ency +boa sting +wil lis +un intentionally +un injured +ten ses +stom ps +spot lights +specim ens +som berly +over throw +mem en +lo gging +im plants +high lighting +hel ls +hand held +fr i +fle et +aw w +ad minister +wi ght +vin ia +un remarkable +un i +tablo id +success or +smol dered +ri elle +pro vinci +pendu lum +jewel lery +jax xon +in as +holl ering +fu ton +fri ar +e urs +de mus +cal ity +butch ered +br ani +b light +ana kin +affli ction +ad ri +a mo +7 2 +y ale +swer ving +she ds +ser pentine +s days +roy als +reas se +re tain +presti ge +on ai +melo dic +imit ate +gany mede +de coy +cover alls +cin ched +av at +au st +ye 'll +tu fts +stab s +re sounded +quic kie +pl atters +pen gu +pee ks +over heated +neg ation +may . +liv ing +iff eron +hosp itable +hat ched +fin k +fanci ful +euphor ic +confidenti ality +cla shing +bu o +alle gedly +wr acking +rigi dly +ra j +que z +out lining +ot ine +m si +ise o +hum vee +ho ff +hazar dous +gi d +gar et +cy bil +con stra +cen taur +any place +zeal ous +up hol +thi ba +repti lian +para dox +ou ghta +ka spar +gar ter +d mit +cut lery +bil li +al den +t it +si lic +shu n +rol lan +recep tive +le mons +kri stina +jec tive +je annie +hem or +eli sa +cor tez +contr ite +confeder ate +bi ased +adju sts +a eth +whole heartedly +v ate +un reliable +st rolls +ss eau +sen or +po ets +pa ppy +on ar +king s +is les +en forced +diss er +del ores +cat or +bau er +sty list +q . +pro por +passage ways +neu r +mandor allen +lu isa +le vered +e sque +do d +cor responding +cen ess +bo yle +wan nabe +sub stances +sha ker +progra mme +pe u +nic otine +hei ress +co ls +ch y +ani st +wil dness +war red +vers aries +un married +stag ing +sca thing +pres sures +mu ske +may nard +lu g +hil ton +fig ment +ey ards +di um +dess erts +compli mentary +cli ma +bush ka +theore tical +stu pe +s linking +phra el +pau lie +pan ama +mun ched +ka it +it e +ho s +har ass +exuber ant +ev an +decapit ated +c m +bo d +asse mbling +alge bra +a phrael +y um +tru mpets +t ania +story teller +ste war +se va +scrip ture +nigh tie +ne vi +jol ts +ho over +el an +down loading +dd in +c é +by r +bu ffy +awest ruck +asa el +yas min +tr u +sur plus +sto l +spat ula +prefer ences +perpe tu +particu lars +min ster +max ine +li se +jud son +instan taneously +hur ries +ha h +galax ies +disemb ar +der el +co wl +bene factor +be st +bal listic +andr é +va der +tru de +sy z +stu ds +pir d +pin ches +night mari +mc c +li vin +git te +fron tal +fic titiously +elic iting +dog gie +cho kes +bun k +bir thing +adri ana +water melon +studi ously +spra wl +smo ker +ren dition +quir ky +proto cols +or an +nu zzle +no mi +ne ill +ne gro +il legally +ig an +hee dless +hart man +gra sps +fre men +flu x +f lowering +ex ert +este emed +dru id +disc lose +dela ys +defe ating +conta mination +consi sts +certi fied +ca de +affir mation +saff ron +reli ved +provo cation +moment ous +mc der +mar ten +fun k +franken stein +form alities +deri sive +x in +who oped +wait in +str at +so p +skir mish +ren n +plat onic +pen ned +pe ed +p inged +me era +mcca my +man chester +kin son +fier ceness +fe ign +di stressing +che ws +c is +bri des +bank ers +vul ture +twea ked +turt les +trevi ze +thorval dsen +sorcer ers +rest lessness +li ster +hu sk +hand made +ea k +concur red +con n +clari fication +car o +ba ya +ve ts +si ms +sal t +sacra mento +perfu med +mu ffle +mit es +mi el +mann eri +kee ble +infatu ated +in som +hep ha +geor ge +dul ated +du eling +dam sel +d it +cur tained +ale z +9 th +work bench +tar abo +slea zy +shap eless +scarec row +on age +o ils +mo ssy +kat arina +gra inna +do odle +disa bility +design ers +cu lin +ale ss +tough est +tarabo tti +stra ying +sor ren +repet itive +re vo +noncommit tal +mo lasses +mic hel +kaleido scope +ka z +her a +ex halation +en ey +dre gs +desig ning +cylin ders +carou sel +buff er +be frien +a ka +un rest +tri pod +tag an +sta mmer +sand paper +pock et +ple x +outlan dish +ne tic +multi plied +mu tually +gra ve +gang ster +fi xes +dis content +co oped +ck o +cat ered +car ca +bre h +alli ances +abi ding +za g +tu ously +syz nic +sou ther +siz eable +shu ttles +sa ppy +pi res +od dest +mi an +lea fed +gre er +gonz alez +g by +fic titious +fer ret +experim ented +dumb struck +dium l +depen dable +dax el +cor nell +christ a +budd a +atro cities +as th +ab ated +wa la +stand by +stag nant +sil encer +sen berg +scrip tions +repet ition +re new +r hane +ne vin +mag gots +inde cent +hh hh +ev y +dis arm +dar lene +culin ary +ch ed +caul der +bur nished +au dley +alter cation +12 : +volup tuous +str ations +sli vers +shor n +ri ms +repu table +ren ton +ram rod +qu ets +ma ax +kael ah +incan tation +finger print +fea thery +fa y +dehydr ated +commo dity +circul ated +a al +wil de +water proof +virg ins +venti lation +vampi ric +ti est +shi ts +ri gor +remo del +ra ss +om com +o isin +mor ose +la bour +j ell +hot shot +hapha zard +gw enna +disinter est +deleg ates +cru mple +crea ky +com partments +cleop atra +brandi shed +bon ita +b ines +wal ters +un divided +tarquin ius +smi thy +sau cy +pre serving +ni g +mun ici +fy ingly +fre tting +fire men +din i +da unted +cucu mber +chort led +bat a +18 0 +son g +shop keeper +secon d +roy ally +pre maturely +pet iti +pa xton +ori ent +k ner +imit ating +ha gan +gau tier +fel led +exting uish +ear then +demo cratic +cu test +cau se +brani slava +betro thal +bea ding +what cha +v elius +un available +tribun al +sho veled +sea gull +over lapping +ou rable +obelis k +nico lette +mountain ous +manneri sms +it ar +infec t +ear drum +contradic ted +contemp tuous +colle ges +cl acking +chari smatic +char lene +b ans +arca dian +apprenti ces +an archy +zo oming +weir dness +w ynn +ven k +stri fe +shel tering +releg ated +ra f +quir ks +par ried +mar sali +juke box +imper ious +hepha est +hea dre +ga mma +aspir ations +ar r +' r +z ab +weir dest +uphol stery +un decided +tempor al +t ze +ry man +phenom ena +no garet +ni gger +my st +mo ping +ma ury +ki z +indu cing +heal thier +gaw k +gar gan +emi lia +em me +di va +bla mes +bar gained +z oo +you 'l +visu ally +ver ly +un screwed +thru sters +t les +ste k +star ring +pru ett +pit ying +ph oning +nutr ition +l la +gi sh +docu mentation +dis ney +dis lodged +conceal ment +arag orn +an te +ab rea +ab ject +tendri l +spher ic +mo hawk +lo aned +ker o +insuff erable +flu ffed +flipp ant +encro aching +bun nies +ba mb +al ee +200 8 +under shirt +tol land +scaven gers +sa wing +ray ch +pr u +pentag ram +over shadowed +mag icians +kiz ira +invest ing +go aded +eun uch +ea ds +dist or +cu ban +chaper one +blon des +at tain +access ory +we tter +un clenched +te y +syn n +spo oned +smu ggled +ro ster +ra ges +pretti ly +orna ment +o bl +mor ing +mistre sses +mack lin +jay synn +er to +cri spin +bu s +blu shes +tutor ing +pinea pple +photogra phic +my ers +mor deca +mordeca i +mo lo +legi sl +landsca ping +insul ated +he e +g ino +ex tor +eti enne +dra ggled +derel ict +delu ge +daf fo +cre asing +app raised +abrea st +wak ened +twit chy +strai gh +stac ia +sp iced +ser vius +sa hara +refre shment +or dan +lit any +lar kin +kni fed +di mming +deb acle +d'al bret +consu mmate +cand or +be ach +bapti st +as z +ar acia +ai el +se an +scaf folding +reck lessly +re arrange +perform ers +percep tions +nightmari sh +mi dri +lea thers +ju anita +flir tation +eth nic +chap man +chann eled +bri enne +bel ched +bal lerina +aw a +t asked +snu ff +scru pul +ru ffle +re bound +part way +no zzle +ko lov +kan ade +ice berg +extr as +ei sa +ed mond +deton ation +cra bs +assu mes +ardu ous +wick edness +upri sing +tr ackers +so res +smi ths +ros ary +rep tile +re a +neur ons +micro phones +michel angelo +kin ley +kero sene +human e +home y +h ex +far ing +expend able +ea ster +e spi +dr ought +disrup tion +di bbler +custo dian +cla ir +can oes +bru baker +w ong +ven e +vel t +under take +un controlled +t ep +sw ick +stra gglers +recei ves +per mits +mo ored +min ed +lau rel +isol ate +friend liness +dr acon +chin son +at om +ar ist +ambro sia +to tal +thr all +ten sely +sti me +run nin +regi sters +re sh +radio active +per p +neander thal +ligh thearted +kid neys +fu c +foot men +flam boy +excee ded +euro s +eri m +die u +den ton +da vos +cel ak +ber celak +au ton +aquar ium +vehem ence +tsun ami +suit ors +roo se +rebu ke +rapi ds +provinci al +pi a +lo cally +la mbs +jing led +inter pol +gru dging +frag mented +focu ssed +engul f +bei jing +bal es +al ei +toma z +sp al +produ cers +para ded +o pus +la v +ka ele +im pu +hob bies +har rington +han sen +gre e +gi ver +gha stek +fi st +fain ter +en trails +di st +conspirat orially +cl un +cher ries +casu alty +calcu lus +ac led +spir als +show down +oppo sites +mary anne +hen i +fuc ner +fel las +ena mored +down side +coron ation +big foot +athle tes +aga r +ag gie +wy lend +th ys +tan ker +se dated +se ctors +pol ka +nic ka +nicka medes +nan diuml +mi ghtily +mer a +lor can +li k +ja c +in exor +harm ful +espi onage +de odor +cri stina +cla m +buzz es +ber en +an th +alon zo +watch men +vindic tive +un accustomed +thru mmed +sto ically +squir ted +snea ker +simul taneous +sight seeing +se wers +round about +ne ther +ka derin +interrup tions +inten ts +fra me +earth quakes +dis ks +cubic les +car lisle +bee ch +ar aris +al armingly +ac ne +tag ging +ssi r +sit ions +seren ely +roose velt +roman ia +ren son +re en +pha ge +particip ant +noma ds +lat ent +hal lowed +figur atively +fab rics +damp en +crow ley +wa ld +vi xen +v ary +trans lating +ti ckles +threat eningly +th wart +tac os +ra ping +ra mble +pr ac +poign ant +pin pricks +od ors +mole sted +mo se +mi ddle +mascul inity +lu v +kier sten +jec tions +je ssi +i dris +hay mitch +deliri um +contempl ative +an dais +alab aster +ac ro +ab ram +supp lic +sil vio +sanc tioned +raven wood +r as +oy ster +men g +ma imed +kaele er +gi vea +el da +contribu tions +celest ino +ad jour +ó n +var sity +van i +v ouch +ten och +stampe de +sp aw +seraph ina +re traced +mu tation +mon etary +ko m +immobi lized +hay ley +gwy ne +grati fication +gen ic +fe tish +de k +cra m +cor ny +cop se +cli ppings +cer ber +z in +up ended +un latched +u ries +tin es +tech nic +swel tering +swat ting +sol ves +mu skets +lay el +invit es +hoo ts +gna w +fir st +fi do +draw bridge +deta iling +cu l +crook edly +co pious +cho o +c inta +bo gus +a fore +a ero +8 5 +va ults +un interrupted +supre mely +start les +sa de +or in +kas sie +j ig +glo at +ger ms +ez rina +exp le +evi k +elec tra +dwel lings +determin ing +beet les +alex i +tooth less +telep ath +tec ha +tan i +streng thening +scaven ger +pil low +miscarri age +mael strom +local es +fri ghten +fri gging +exhilar ated +educ ate +dyna mics +cra mping +bun ks +z eck +yel le +wil ma +whi ms +unlea shing +uni ons +ty ana +thought less +ter ized +ta mpa +studi os +ss ss +molecu lar +mit zy +min erals +micha ela +lar issa +k ace +intru sive +id y +humi k +dem i +da mages +constri cting +conco cted +char ted +black burn +bill board +be an +an u +wise st +whi msi +victor ies +unci ation +te ga +tar ts +subter fuge +or gy +ke ssen +inter vening +gal ad +fa ze +diabo li +destro ys +cu tters +convic tions +bry ony +bre w +acco sted +a stray +........ ........ +stru tting +sal ted +reconci liation +re fresh +re fers +prost itution +pat rice +or da +nic ho +mo pping +marvel lous +in distinguishable +in action +impro vements +headre st +fr inged +fee der +fair child +convers ationally +cerber us +anch or +alber ta +advanc ement +tu ss +tu lu +tha w +tel eri +take over +squea ks +spec ulating +semin ar +rho da +phara oh +ol son +off hand +o tis +night shirt +k ron +imp lies +ga vel +fri ckin +fati gued +far ce +el ect +drau ght +contrac tors +br inger +b ' +a han +ze bub +whir red +wh in +tail gate +ski er +skier ka +pho sp +mat ured +ma e +j eisa +i skierka +gi um +gargan tuan +flu ctu +exc elled +et z +edwar dian +con volu +bur lap +anna bel +willi ger +wa u +von ne +ter williger +suc culent +stand ers +ri ordan +redun dant +plo pping +passer sby +or n +mu ll +mi sto +man es +man acles +kur ma +innuen do +in valid +fro th +dal i +d ci +conso led +bron wyn +befu ddled +attribu te +ancest ry +under stated +thru m +techno logies +t sman +sk o +ring lets +re less +over t +no odle +lu sty +j anna +inexor ably +im a +g ani +fro ck +entre pre +compar able +com p +bri bed +bluep rints +acci dently +5 5 +x by +un faithful +umb rel +su vs +ra shel +pea body +oc y +muske te +merri ment +lu te +ken na +ir oned +idi ocy +exuber ance +dri bbling +dolph o +doctr ine +do ggy +ch ingly +au x +ati al +v ed +uphea val +tor que +thiba ult +tail lights +slu ms +sa ver +re th +monstru mo +min na +masquer ade +loit ering +k k +inv enti +in competence +hal ina +gior gio +fu zz +di alled +delu ded +da z +conden sation +chi t +cad wala +ala ina +za yn +u lar +tu ki +tid bit +smu gglers +recti fy +po w +p ter +oblig atory +mc grath +make over +kin ship +inter course +in conceivable +impl oring +hi ero +g is +fe stering +disappro vingly +dick ens +di mmer +cru shes +commit ments +chim neys +bull dog +b ann +author ization +at er +assa il +un related +ts ked +tru sty +snow mobile +po stu +pel lets +paul o +p emble +outweigh ed +nostal gic +mor oc +mat tie +il logical +go blets +fo bata +dism em +cra ss +cop ter +cap tion +bar ging +ali gnment +al fon +who oping +u bi +ser rated +re married +pemble ton +page ant +kno tting +inde struc +fran ks +doro ga +depra ved +conting ency +conj uring +bru sque +book .com +beel zebub +adop ting +tr and +sy na +strea mers +s field +re load +re conc +pu tty +philipp ines +ob eron +kio shi +jan ine +ic icles +hor ts +cynic ism +cru dely +coo ing +cack ling +be et +b lit +an vil +x x +umbrel las +sp rites +repro ach +r it +osten sibly +nor se +ne fri +mali bu +lands capes +j il +in differently +impassi vely +honey suckle +ho bie +for titude +ever lost +dra per +disci ple +cl en +brou ssard +bra ined +be draggled +­­­­ ­­­­ +tain able +sil ks +san gu +ro dolpho +prece ding +pr ancing +plun ked +pi ppin +new ly +n g +mu t +mm ings +mino taur +machi avel +hard core +gun ther +flat ten +fea sted +dra sni +dol hin +dar es +condem nation +bri stol +ber ated +aureli us +am ys +yel lows +we 'l +ver ra +vale far +squ aring +ra' ak +oc cult +na thy +meta physical +mau de +kno cker +hell hound +head way +en sore +diag onal +descen ds +den sity +d man +complac ent +coffee pot +chan cho +alei ster +aber nathy +t ans +sw ar +so dy +se ct +scre ening +recor dings +pin ts +pala zzo +o ok +mac leod +liber ation +lei ghton +je ssa +instor m +g b +don e +disc s +differ enti +dar ned +bri ck +b ask +tumul tuous +ta steful +sal is +rai m +priv ation +print out +plum met +per used +jessa mine +insol ent +eva ding +de but +cy ril +co wed +chari ah +wor ding +stro be +slou ch +ri valry +rep elled +pro w +per func +paraly zing +oz on +ow ls +motiv ations +ke aton +kath ar +jac u +ja d +inquisit i +inj i +fen wick +fa z +el fin +di anna +cran berry +cosme tics +contri ved +bow man +al di +vali antly +tra yn +ta mpered +stea m +shal lows +sen ators +p sis +mission ary +ly ons +i on +hol brook +hen ne +fare wells +din ner +cover tly +con way +cin o +chan ts +brother ly +adop tive +18 0 +to wing +tar aza +si me +satur n +joh no +inha bit +in let +hi cks +hemi sphere +fon taine +dare say +cunn ingham +can did +anch oring +al gar +agre ements +-- -- +water falls +un willingly +tremul ous +to pping +testi fied +terre ille +tee l +soul ful +señ or +sean chan +re sides +rai den +pro clamation +phra sed +ir o +ir ked +in ept +hephaest us +fri zzy +fi shes +expon entially +dit ching +cy r +counter parts +co horts +car mina +ar moire +vir uses +un attended +tar tar +ro v +poly door +pla to +mor ally +magne ts +le vers +it arian +install ation +influ ences +im mea +ho bbling +he g +dou bles +dolhin ov +do pp +dep loyment +clean sed +bon eless +al gor +yo ff +wom ani +tro d +thor ny +te pp +syn dil +star kly +sla vers +sci ences +ru gby +recru it +prac titi +p all +ox en +on ei +nex us +lo ping +light song +inde b +gi vens +gi gs +gh etto +feasi ble +exc el +est ranged +el dritch +douche bag +cre vices +confe ssions +can field +bri e +avi end +au gh +applau d +ada ir +tri l +star buck +sm itty +si oned +sardon ically +sal sa +progre ssive +pro men +pin kie +mu tiny +meta morpho +marshmal low +le tter +jun gles +insul ation +in ous +gar ian +fri ghtful +fai thfully +dr oning +dd on +creep ed +co sting +blea kly +awo l +aviend ha +3. 0 +unti mely +under mine +t tar +sp lits +second hand +repent ant +pherom ones +out comes +notor iously +mechani sms +kor is +ines capable +in animate +imp acted +hea then +harv ested +ga e +face book.com +dism ount +cy press +counsel ors +constitu ted +com ics +be sie +arch ery +www. smashwords.com +vel ling +trigg ering +tomb stone +til la +st lers +sp ort +sk inner +scoundre l +sa ylor +relinqui shed +mi ffed +mar sha +jen dan +f g +ele on +disintegr ating +defin itive +cru mpling +cor ozon +unti dy +ty win +spur s +shi v +shi tless +sha yne +sa sha +ra um +phi lly +od us +na kul +may sie +la ddie +jon ny +g als +fo dder +drea da +dreada eleon +dispen ser +disintegr ate +cor p +cla moring +br yne +ba iting +at ories +ab u +a pes +9 8 +yon der +woman ly +uti lize +under current +tri logy +tra ditionally +rey naud +pho bia +mor rie +kn acks +ic eland +cal der +brea d +allo tted +6 8 +x er +un assuming +trans actions +torto ise +tem ps +pro claiming +pr att +pi ssy +phy sic +pegas us +or g +mc gill +lo t +listen ers +kle en +kay lie +intellec tually +indestruc tible +frame work +d up +com o +cal ms +c coli +bu oy +bo bs +bo ath +be ater +ax ton +aless andro +un hurried +t atters +scra p +resur faced +reincar nation +plo dded +physi cians +mu sing +mo to +lu be +lin t +las beth +hypothe tical +fl ate +fe atu +ex ul +el lasbeth +detec tors +dar ia +bun ching +appet ites +altern ated +worm hole +st illing +spon sored +space ships +ske w +sharp en +re formed +ob han +magi ster +kar is +hut chinson +hel i +happen ings +fun n +evo lu +c dc +by standers +butter cup +boath ouse +abu sing +2 1st +var ieties +tou ts +scor ned +ro ss +re ddening +radi ate +pilgri ms +or a +oper ators +min erva +lan ced +gu ire +gag gle +dit to +dan vers +crea ks +correc ts +confer ences +bro ccoli +barrica des +ar vil +ar d +algor ith +7 . +x cor +sing song +sin ew +sensi bilities +ma xie +ma sts +jel ly +hel pers +gru b +gri lling +gra der +di andra +cem ented +carca sses +bla zes +ber g +ber en +anni as +with hold +willi am +tool box +span ning +shot guns +philoso phers +ni gan +mo wed +misto ok +la k +kha vi +judg ments +inebri ated +impec cably +gran di +eng or +e goti +der by +conclu sive +common place +chi ff +bra sk +black top +wi ggles +traff icking +stu bbed +si mmer +ser ge +scra bble +profan ity +per i +oo oo +ni bbles +need le +jo ca +for tu +cess na +bryn ley +apprai sal +an ec +ter ial +sp inner +sim ms +savag ery +s ang +rou sseau +retor ts +resp len +renov ated +obl ong +nu tt +molecu le +mo i +ly kae +k need +instru mental +gun men +for ging +ex odus +dr i +cheese cake +cess ors +catac ly +ba ys +and or +6 1 +survi ves +stabili zed +shel don +rodri go +re located +re loaded +re creation +plain tive +ped als +ne dr +min nie +lun ges +lin i +gri ff +frighten ingly +fir mness +ec lec +append age +and rol +ale k +al wyn +ai ding +after shocks +admir er +stil ted +ring o +p inst +o hhh +nu tri +mer ger +ma vik +immigr ants +illustr ation +flow er +el lan +cor ded +colle ctively +chu gging +arman i +warran ts +tra des +terri er +so la +sam pling +rest ful +qui st +pick les +orphan ed +north ward +min ty +mat teo +macar oni +journe yed +in flat +g get +flu ky +embr aces +el mer +doom ba +blan ked +ber man +b ation +at tired +wrea k +view point +so reness +separ ates +ob serves +no se +lumin e +invo ked +impr acti +im bu +hoi sting +fru ity +frau ght +debil itating +de bra +credi ble +catalo gue +birth right +bel it +aw ry +uniqu ely +un perturbed +ta u +squ all +sle dge +rog en +reic hen +mit ies +mini strations +midri ff +mi scal +lulla by +k her +guit arist +gna c +dra ig +disney land +cra vat +comman de +cha plain +ali ghted +with holding +vi es +ti als +th ingy +stru m +stri ker +sti g +sli ms +sketch book +seam lessly +qua ds +perpetr ator +nouri shed +no len +na z +manic ure +le vin +kitchen ette +iri shman +infli cting +grin der +ge t +g af +fin ale +fa thered +ev on +ev ers +empha tic +e ' +dmit ry +bra wny +b ering +atmo spheric +anci es +x hex +win chester +thous and +ro th +ridd ance +quick sand +pul pit +prof icient +or tega +microsco pic +mal function +k kar +ix tab +in ordin +i fs +he sive +har rowing +gau zy +funni est +fri gate +fore cast +dex ter +deca yed +da e +d ong +con founded +comb o +basi a +bar ter +b ered +app le +tre vel +stri kingly +stee ply +st el +skul king +seva sty +sa int +patri otic +p ali +nu ance +my r +mu ses +mari sol +laurel yn +inter val +in substantial +hor us +hi lly +gwa um +fur tively +featu reless +fabri cated +el ene +deal ership +de f +cru mb +under gone +sevasty an +re trac +re entered +re birth +rai der +p oun +ne ttle +n yelle +min os +may lee +may an +langui dly +joca sta +in numer +ei ffel +cork screw +cor ona +con nelly +ar um +ambi ent +ye ssir +weigh ty +ve ering +v sky +to tem +ti en +supervi sing +ru sting +rough ened +pre cha +pan theon +over taking +ob taining +n ano +ken ness +javel in +im moral +e ffing +despon dent +co operating +clo ying +clan ked +bal u +8 9 +under go +under garments +teleph oned +stick ers +slur ring +sa yer +recur ring +re visit +need lessly +mo vers +master y +ma vis +lo bes +le precha +le mme +jo lli +j. lo +hel e +for bade +floo te +flag ship +draw string +dit a +deodor ant +cl unk +bu sier +aler ac +ab duc +6 00 +y ana +wh ines +ve z +tri ch +ti um +sit tin +serendi pity +sarco phagus +piec ed +pe psi +over hearing +m l +kha lid +ger trude +dren ching +council lor +za pped +wre tch +wel ded +ter ra +sla yers +short cut +ser vi +semicir cle +ro tors +righte ousness +ri ff +revi sed +rea p +radi oed +r ace +por no +par ry +orchi d +non sensi +ner dy +mal kom +life boat +l acks +k rage +k est +juli en +i anna +go tt +g ness +fea ther +excer pt +evapor ate +de wy +co gnac +clich é +bu ts +bri bes +anni hi +achiev ements +ab bi +wil lows +vik tis +tre mont +tooth pick +ta mi +s lin +rough ness +re wind +rav yn +r ach +pre t +pac o +pa en +organi sms +new el +my rel +mur go +marsha ls +mal i +lung ful +it on +insi ghts +inno v +horizon tally +fri ed +fi shy +el o +bla ded +assass inate +wo di +un true +un responsive +tro dden +strenu ous +spra ys +si ac +sc anners +pel ting +pe gs +of er +lux uries +gra ys +fire fighters +fe tid +f icially +examin es +dani ella +d ore +cu is +co bbles +chalk board +bankrup t +az ur +ai des +vacu u +tom asz +t aboo +sub s +stru ts +stan doff +sky light +shep ley +sel fishly +scen ic +sa ddles +ru ff +rac ial +ra ve +qu its +pu re +presu mptuous +pen sively +par amount +over flowed +norm ality +mour ners +magno lia +jing ling +itiner ary +im proper +handle bars +gre m +exce ssively +ed es +cu le +chron icles +chal ked +bro ch +af fronted +admir ers +1 20 +system atically +sta ples +sear s +ri dged +plea ds +ph ern +pec tor +ou ard +mo tt +inter im +in te +horiz ons +gun da +grou ping +ga z +disc ourse +cro mwell +constitu tional +bloo dless +be sted +ag ra +accor dance +sha l +pur p +plea sured +phern alia +para phernalia +oy sters +nu ances +land lady +jack pot +in effec +gover ned +en list +ef fie +distribu te +dia be +de i +crest fallen +brow sing +beauti es +ali zes +abra ms +tle il +thron gs +sour ed +shel ving +sc in +ro ssing +ram shackle +pizz as +physi cist +pa ir +or pheus +mc cab +ma dder +limit less +ju bal +jo di +is bn +innumer able +hi co +gre s +gr its +gang way +ga mbler +g leaned +estab lishments +em ts +cuis ine +break fa +blind sided +bi mbo +ar len +4 12 +yu ki +un be +tol nedr +swa ld +st ons +sa e +rese mbles +pur sing +pran ks +plac ate +p sed +ob scur +ob itu +ki ki +in directly +illustr ated +hy ena +hal la +estim ating +elin or +disor gani +cor po +chron icle +begru dgingly +ap ore +8 7 +wi gs +wi dows +visc eral +univer sities +tu t +teles co +taver ns +sto oping +spur ting +sing apore +sha meless +scep ter +row en +re tract +pri ssy +ped aled +mor ph +inser ting +he imer +ging er +fu ssy +ed ouard +do reen +dishon est +direc tive +corro bor +con soli +clo the +civil ity +buddhi st +bo a +al li +z . +scree ches +q y +olymp ics +obstin ate +non plu +ne ural +nan op +lew d +la vinia +kleen ex +kil ter +fin ery +do gged +cra vings +burge oning +bra vest +br at +bank rupt +ad dled +8 00 +wol fish +ta ping +supp lying +sno b +silver stone +rhyth ms +rha p +prohi bited +postp oned +orna mental +nicho ls +mor ons +lumine scent +love seat +k erim +johan n +hol iness +gon do +galla don +g oner +franc ine +en compass +don ning +ant lers +vag ing +tra verse +top less +suff ers +s sels +roo st +oppre ssion +mail .com +hi ther +hel ia +grand kids +gou ged +faz ire +droo p +don at +bin o +azur dee +aust ere +af ore +z ies +vil liers +ten acious +straigh taway +sno res +shan nah +selec tive +ru ffles +pro bes +pri ckles +indu ce +har vest +flin ches +distri cts +dignit aries +bol ster +black mailing +asser tion +ami ably +ama r +un godly +tu lip +sapp hires +san guin +rejo ice +ranc her +ra pist +purp lish +pin o +p angs +lo lli +kun gal +kilo meter +in ane +hatch way +gra s +gloom ily +escal ate +e tru +duti ful +con figur +compani onable +clar kson +chry salis +blo d +ash li +wo of +un seeing +tro mb +thur low +sse dly +so bri +roman tically +om ago +no da +j hah +grand court +fernan do +exerci sed +do tting +disori entation +ca sters +bu mmer +att aching +at able +ambigu ous +whee ze +tw ear +trick ery +ra pping +provi der +pack aged +p f +ki zzy +hoo kers +ha w +h emp +gh y +electro cu +du ffy +convul sively +contra sting +constell ations +cle on +bow el +bar rows +a an +wonder ment +wal ther +ver te +unear thed +tru dge +sy no +spar rows +si al +s mel +over coming +me da +mara beth +mar ita +in un +hen ley +har leigh +fug itives +em be +dis regarded +dev ille +decor um +conglomer ate +car ole +caf es +bin ds +be headed +au sten +amal thea +ad onis +acou stic +ac o +199 0 +zan dramas +z ol +t ash +stra ff +spaw ned +soo ty +safe guard +over rated +onei ro +observ ers +ne bu +modu le +madri d +li ver +lan dry +jhah nah +ide e +hambur gers +gover ning +gold finger +ev illy +de em +cit rus +chel sie +broad sword +bri anne +app en +z ingly +wa stes +ty res +tri g +shar if +retar ded +mo cks +mo c +kor kungal +jhahnah kan +inqui res +fan fare +dra agh +dil au +y vette +white washed +valen tino +to pa +sin i +shir o +reig ns +re inde +par sons +p inc +orda ined +or acles +nu gget +mu ms +inver ted +inven tor +im movable +gun ter +fl it +f ag +exal ted +en tren +dream less +dre a +dev out +cott on +celest ra +at tained +am jad +volun tary +vio lating +un checked +tru mp +to ting +supp lier +slu r +r arity +mu slims +min k +min e +mar ring +lam ppo +kri eger +incu bus +hy drau +hu xley +hi dea +her r' +gu la +gl ings +fu sel +fron ds +en der +elan tris +cylin dri +ch on +bur t +9 3 +9 2 +7 1 +work place +wild cat +ti mely +sni pers +sleepo ver +samu els +rece ssed +pe eved +oneiro phage +minu scule +lap is +jacu zzi +i q +hy mn +gru mp +gri maces +g ne +fore see +fa in +ep ic +en tailed +disobedi ence +disconcer ted +dar rell +damn it +con serve +cl out +bom bers +bo ise +arch s +wat kins +vas os +timber lake +thri ft +s ss +r ache +qui vers +q i +phan toms +pet us +nor d +ne dwin +li very +lan na +kon rad +kine tic +ho mage +h ler +gradu ates +drin kers +de tri +contribu ting +chi valry +ba iliff +su ed +sp utter +smart phone +shing les +scra wl +pop si +mini scule +li vie +ingen u +home sick +hau ghtily +grati fying +ere bus +do sed +dis figured +diaboli cal +chu res +ch ery +cab s +bro chures +au d +air lines +x el +vol k +swi veling +stru ct +sc ha +pharmaceu tical +new sle +name se +me ilin +lu sting +lil ting +lieu tenants +j ann +idi c +herr' don +givea way +gali lee +du st +dil low +dar ian +cylindri cal +cour tiers +cordo va +cade ts +blasphe my +avo idance +arra yed +ari yal +amb er +alter ants +ad versaries +7 3 +wake field +ti m +succu mbing +stru mming +stro ve +stra th +re production +quar tet +pan ille +out put +no tches +ne dest +me shed +marcel la +in ner +il les +ho mely +head band +gravit ational +george town +ga ily +foot step +fire arm +cr one +cor mel +convolu ted +brazi lian +ba zaar +trac eable +tho ir +stra ppy +splo tches +re taining +qu i +pleasan tness +pia zza +patri ots +open ness +may o +ma pping +liber ally +lac ro +k . +fu cks +dis jointed +cough lin +conso ling +con clave +compla ins +cavali er +bo wie +bar maid +bankrupt cy +aphro di +announ cements +wi z +vi venna +un authorized +trans fers +tranqui lizer +ti o +ther mo +tepp ic +sub servi +r m +pig tails +pel ican +legi ble +he ttar +fan atics +ed rin +dict ator +de marco +cou p +compul sive +cl ings +chir p +bi anka +aver ting +af e +6 3 +viet namese +soci alize +snipp ets +skyscra per +seem ly +sea men +se wage +scon es +sand ro +s ling +recommen dations +rain water +po tty +n ity +lit a +lear ner +ic ily +har shness +h ed +gi vin +ga ard +fan atic +disturb ingly +de privation +colle ctors +chop sticks +bro gan +air strip +y vonne +wa ble +t worth +ssi es +sp ren +so pr +sn agging +slack ened +se quest +se ed +s d +rut ger +rou lette +pat ernal +pan tom +lu anne +lo dden +jo ckey +intensi fying +ing le +in tra +horse man +gang plank +eli est +dar ic +com bs +asser t +adverti se +a ho +we 're +ve ils +tra gically +ti dings +tang y +tal en +super naturals +ske wed +pro metheus +million th +mb re +jose ph +indi scri +in fidelity +i vo +guar ita +garden ers +fusel age +fo al +do l +bra him +bas alt +barnab as +ab i +a stra +zal asta +vi i +v ester +sp ence +ru dolph +rep el +over seeing +o zone +ma inst +lo on +leg no +je ze +fanta size +em ont +el ich +dis located +di squi +ye 've +thor a +te go +relev ance +ne gan +ma k +li ghtest +il legitimate +gil da +fundra iser +el son +conqu ering +co d +camer legno +black mailed +z yn +un well +tal ek +stock holm +so das +sla ver +sha r +pu erto +prefec t +pamph let +ori ole +ny x +manu scripts +jo ck +itali ans +i ss +fro elich +dissip ating +celebr atory +anch ors +un complicated +ti cism +ta mar +stre sses +stra it +sni ffle +rup tured +pom mel +la boring +ka iti +he y +en countering +desp airing +da d +crusa de +craz ies +chur ch +cann on +bri ghton +bri en +bl anco +assass inated +as kin +an heg +amar anth +am mar +aa a +x o +un trained +ta mpering +su ds +smo ck +porti co +mar guarita +ja elyn +introdu ces +indeb ted +gr anger +footh old +fa zed +fa thom +eclec tic +e up +dilau ren +chi ming +brow nish +berser k +ben s +6 . +wa h +tar zyn +stra ker +ss ler +spell bound +regul ation +ph i +mo sque +mait re +ma so +incongru ous +hormon al +ha z +gui del +gar ia +fle ming +exp el +doub let +disapp earances +dead bolt +dan es +cou pling +a qua +6 9 +zen ith +y ways +wi ly +va sily +u sage +u pped +thin a +tear drop +t ann +swi ms +scrip tures +rati o +oblig ingly +ne ste +metro politan +k angar +jeze bel +in sured +elabor ately +dev il +detec ting +comple mented +bear l +bar bs +amen ities +yor kshire +yi kes +un made +tran sports +tele gram +swe ated +sophistic ation +snow storm +serv itude +ro dents +pet r +nick named +na c +mun ich +mo ha +lic ence +ker nel +intermit tently +hon oured +hide ously +guffa wed +go ssa +flu tes +evolu tionary +evalu ating +en folded +el ion +direc ts +che erily +cand el +butter y +bur rows +be sto +al la +ab ort +wr angler +t row +spect ator +sluggi shly +scri bble +ra pier +persua ding +oooo oooo +o' neill +lo oms +lo do +lin ers +jay linn +influ x +im part +god father +ci sco +chal ky +ah med +af lame +9 :00 +20 th +sn itch +smu gness +resplen dent +py ja +pursu er +pu ked +objec tives +lin dros +k ink +in in +imp lements +geome try +fore sted +fir med +execu ting +ear phones +do ssier +deli c +de anna +consider ations +ci sts +awar es +anim a +alpha be +5 . +1 000 +' cos +vi rile +up town +un conventional +th ura +sp read +shrun ken +sho d +sadi st +ri os +reinde er +re cre +play room +necro delic +mau led +list less +insinu ating +ig i +hel ga +he ttie +flouri shed +fal sely +engor ged +ea ux +che za +ca ire +boun cers +anni es +ado res +valu ables +t acle +sw arms +stro oms +spur ts +sp lat +sp ilt +sa mur +rho de +rescu er +replen ish +re considered +pat rol +leon ora +laun ches +kick er +hypno sis +hun gover +god forsaken +fur n +flor ist +f . +edu ardo +detec table +den nes +cri l +cock roach +chan g +ca ven +appeti zers +zi est +y earn +veroni que +stun ningly +ster oids +sk ar +red neck +re tte +pe es +pat ernity +off set +o tter +n al +my tho +lat ches +handic a +fe u +de mu +co pilot +clou d +bra h +be stow +at onic +arab ian +amu lets +ad ria +x e +wre stler +un savory +un feeling +stabili ze +squ al +skee ter +ri fe +pre lude +pa ving +obse ssing +o sc +mu da +mista kenly +lake side +inventi ons +ingredi ent +in sure +hem i +fro thy +f leas +dv ds +cu ss +cock roaches +back er +arm oured +alig n +wil t +uto pia +un winding +un pleasantly +sympathi ze +stri ppers +stat eroom +sanc ti +ro main +replic ate +re strooms +mort main +mit t +lo como +kur da +hung ered +humm ingbird +ho ppy +hin du +gri lle +defec t +clo gging +cip her +black er +staf fed +resu mes +rejo iced +pronoun cement +plac ements +piti fully +ma son +heavy set +gra eak +glor ified +freel ance +fran chi +exc ite +ex cre +cri spy +controver sial +conserv atory +car o +bud sby +zz yk +un bridled +tha iland +sw oman +sty ric +stir r +spra ined +shoo ing +sh ears +sa in +ro c +pre pped +ph leg +out lets +nu h +ma sons +loa th +le veling +jim a +immac u +har tley +figur ines +en tro +cyclo ps +bull dozer +bernar do +arma da +apprehen ded +al ness +te dness +sto rey +stiff ens +si obhan +pro li +premi um +pick ering +o swald +membr ane +kla us +fu eling +cumber some +convul sions +con quests +al ank +00 0 +ze dar +v ington +un awares +ter restrial +stef fie +soli dar +skim mer +reson ating +out casts +or biting +o le +o ka +man tel +kar issa +isla mic +ingenu ity +gil ly +fri g +fin nie +extri cate +endea vors +dil ly +defec tive +coffee maker +cha i +bran ching +bever ages +under belly +sudd en +start lingly +spo oning +shee sh +ro ch +om er +no t +ni ssa +ni ggling +ma donna +lee ches +im paired +e sper +don a +colle cts +classi cs +cartri dge +broom stick +be sti +vin sky +u isher +tru ms +so trakian +re positioned +psychi cs +ol ga +o kin +new port +mer lot +mcc ready +inter ce +hon k +half hearted +glin da +exting uisher +em bol +elabor ated +disqui et +disqu ie +dd ly +dar en +d ac +cor si +clo cked +bel lied +bar clay +ano va +and # +wood pecker +ul ation +ter house +soci al +ser in +scu ttling +ran no +protest ers +pit t +in o +gold fish +frequ encies +for ts +fashi ons +dri dge +da vi +congratu lating +common wealth +char ities +c thol +un forgettable +transp lant +tar th +ss an +scu m +peru sal +p j +outra geously +munici pal +manne quin +ko hl +k earns +hin dr +gu tters +fa med +eph emer +edit orial +deli vers +cur ing +car rion +wor sened +vla gh +shoul da +ru dder +rol lo +persi st +pe achy +le tta +indi genous +i stan +green er +figu re +conce ited +compen sated +ced ric +bri stle +ak h +. 38 +yo ke +wal ton +tyr anny +st off +solidar ity +snor ed +sal ena +reg ine +promen ade +pollu ted +magnific ence +hu stling +fur y +flo cked +ei rik +dif fuse +dam nedest +corpo real +bri ga +b fg +ax i +avo cado +adven turer +un tangle +tre ati +tea bing +swer ve +sta ple +seclu sion +samur ai +reson ant +pur suits +profession alism +nu ll +lo pez +kar ao +jal al +inst illed +hoy t +hobb its +har boring +gl eng +fo xy +el ites +don ors +der mot +decl ining +consul tation +bed post +annihil ation +analy tical +ad ley +a str +a el +win a +stra ke +ste tson +shee p +se eable +saint crow +rehabil itation +re ta +prede cessor +passa ble +n un +mar ri +le u +karao ke +jo a +hu ddling +hand cuff +ha ven +grou pie +fla il +din ky +conver sed +cogn itive +chan dar +cadwala dr +bureau cracy +boo t +automat on +astron omy +ad her +ab negation +walt zed +slaugh tering +sc our +s la +pear son +loud speaker +lion ess +har n +cy clone +chit chat +char ds +blo tting +ber tram +adulter ated +adol f +ye w +transmi ssions +t j +sle et +shea thing +ras cal +radi ator +pli ant +parall eled +ma th +ma o +knock out +k ok +jac que +inter acting +in box +illu stri +ie kov +gr ation +gleng yle +gla ss +g go +du gout +co ding +che shire +can als +ag u +actu ality +7 9 +uti lized +ter ese +squaw king +specul atively +red wood +re medi +pr it +pou ches +per pen +pa ddles +nonsensi cal +nonplu ssed +mother hood +min ts +mainst ream +lur ches +luc illa +interrog ating +gr also +emiss ary +com miser +bra mbles +blemi shed +bi ding +ab ond +a is +worshi pping +ton gued +tar ot +sul k +su mptuous +soci alizing +shoul dering +scon ces +rec ounting +progre ssively +profe ssed +por thole +por ted +perpen dic +over loaded +om ir +mmer y +ma est +j inji +di su +del e +bel ter +avat ar +air ports +zi pp +up raised +succe sses +sobri ety +sar ab +resi ding +rang es +quil ts +pre view +po e +per former +on tar +ne z +mo tley +lou p +lo ony +ju arez +jean ine +f es +disori enting +damp ening +conspir ed +campaig ns +bri stles +boun dless +boo sted +amb re +al der +abe ke +we bbing +ur o +u sable +tha del +sy ne +short comings +sha mus +sc aling +ru tted +ro m +republi can +ou thouse +lu thadel +love sick +lex ington +legi slat +j ada +ist a +inev ere +indic ations +glit ch +glac ial +form at +est ones +eleon ora +dru gging +dri es +crow ns +cra g +contradic tory +br ats +bicy cles +bar ley +ar ra +append ages +agri cultural +ag low +wo dan +wi dowed +v w +under going +un tangled +time table +thin ker +ten ders +str yn +spin ach +revol ted +ren nie +produ ctions +mix er +mi grant +magne tism +liber ating +j angling +ho bble +hair style +gu inevere +glo ssed +cross ly +cross bows +cor rine +consen ted +bridesma ids +brand en +beat les +av ans +ac s +ac ons +worri some +we ds +vir g +ti mers +st roller +sp ouses +sh rev +shrev eport +rep ell +ran sacked +ra gge +pra e +phi dias +pe tey +obscur ity +non a +mono tony +mar tine +lie ge +kha lad +j angled +il lo +har ru +fri ghtens +emplo ying +deri sively +dani ela +comb ining +blu bbering +8 3 +. ' +wra par +wiz ened +visc ous +vene tian +tar ik +talen iekov +ta mp +spe w +sav itar +qu id +pr anced +pe tun +par a +oc re +mongre l +lou gh +le xy +imb al +illustri ous +hell hole +for ds +fire balls +fe dora +evol ving +en cu +dissatis fied +demean our +deciph erable +cani sters +bot ched +bal my +ap titude +abdu l +a kira +8 2 +va stness +u wee +tour ni +step dad +sel lers +salv aged +s 'll +rhap sody +pal lets +oak ley +mourn fully +medi ocre +liqui ds +invo ke +hybri ds +cover let +cor ru +co in +certific ates +cel lars +cali br +block ade +ber muda +ber et +astoni shingly +as ka +aggrav ating +y am +whi ter +v s. +to ttered +te ans +syne stryn +swe eney +sil a +sacrif icial +ro din +re miel +pro cured +pos sum +p ings +k ad +impracti cal +hea dd +h t +fal li +ec k +dan tly +crit ics +crew men +compe ted +bol locks +ble ssedly +arthr itis +ten sions +sun lit +sno op +sion ary +sali vating +recipro cated +ra ggedly +premi se +o' donnell +o' brien +mi shap +mar tians +le mmy +k gb +jas her +idy llic +har pies +hand yman +gossa mer +dry ad +doo ley +daz edly +cy mb +ca sa +blood lines +arrog antly +ang lo +al b +ab as +transit i +ti died +thril ler +tartar us +son ar +serin ae +ro te +prodi gy +mu gged +ko en +ji ggling +jaz lyn +inter lo +ill as +hil lary +gra mmy +dock son +desi ree +contra band +car bon +at v +ac cursed +a spi +8 th +zz oli +te ft +sion ately +si uan +ru ther +over riding +nur turing +multi ply +loath some +lec tern +labor atories +john ston +immacu lately +ho ses +hilar y +giz mo +gate house +en sign +cur v +crink le +concu bine +ce ce +ar g +appreci ates +ac idic +sur facing +stal ac +rever sal +pro cure +pl under +pe bbled +o gres +mor tain +mis leading +me mo +istan bul +hidea way +hair brush +fre tted +en voy +embar k +dar rin +critici ze +com mute +cloa king +cause way +ca ssette +un bound +tu tel +th alia +su staining +str inging +spu tin +sper son +sopr ano +shit load +rec ri +r achi +propo sals +por thys +pl ough +o vor +motor bike +ma ddened +kimb all +her ty +fe ster +exer ted +day dreams +dar shana +con course +com ically +brain washed +alleg ations +whi zzing +tleil ax +stair cases +squ ires +spo ol +sh hhh +ri ans +qua y +pro strate +pessi mi +pepper oni +pee ped +night shade +mouth fuls +marqu ess +hur dle +harne ssed +entro py +du gan +cor di +cir ce +chi val +bb ered +b ha +aristo crat +ale k +ak on +advi sing +y early +wa vel +ver on +tleilax u +syn the +shi mmy +sha tters +scum bag +s v +ro ddy +reta iler +ra sputin +r p +ma k +lu cer +ja dar +irre par +hoo ting +ho gan +her nan +far zi +condescen sion +ca pri +bl under +authenti city +astron omer +zi ps +worl der +t att +syno psis +ship ments +shar ianna +regu larity +re scent +rattle snake +new man +mer ri +lyn x +liter ate +hon i +hic cup +hand guns +hal liday +do le +con ley +capp uc +bli thely +bir ths +az ami +arom as +yel low +wood more +was n't +va dim +temp leton +sy ll +strath more +slur ping +sine wy +saun tering +rec ount +ple thora +p se +occurren ces +lady ship +la ur +is se +fleet ingly +fac ulties +eup hemi +es ' +ed it +bridg emen +ber ating +asth ma +aristo cracy +ara mei +apo the +alank i +stea mer +st ats +soci op +si o +s litted +mahar et +ma mm +liv elihood +humph rey +hum vat +gro at +griev ous +gar ner +foot print +dow ner +disrup ting +com bust +chang eable +bi dder +atre ides +ar rests +ag eless +va in +that ched +ta y +ta urus +struc tural +sto ke +sti p +squaw k +si rona +secr ated +qua ked +pre historic +omi ssion +mccab e +marse illes +lea shed +horse shoe +h ors +gu drik +gri gor +for ay +flamboy ant +excruci atingly +em p +dic ks +destro yers +conjec ture +che mist +car ley +ben nie +be diah +ver an +ul an +sel ma +requi site +remini scing +promin ently +ph erson +ob sole +nico lai +meteor ite +me ir +hun ching +her mann +gg ering +gang sters +flaw lessly +dri bble +dit ches +cher ek +bra e +bli ster +back fired +assa ults +aspi ria +ac orn +year book +whisp er +wat ts +tip toeing +test y +syl vester +ri th +ra bies +poten cy +per ez +over lord +ni mbly +in halation +illustr ations +hand somely +ev ian +delu ca +d to +could n +atlan teans +ati me +8 1 +vel le +tra shy +spi el +sna ppy +sig nified +sco ffs +sa ki +o ing +nostri l +la da +j ial +gh a +gamb it +exor ci +egyp tians +e thel +diplo ma +con ferred +b be +un inhibited +tur us +tri st +symp tom +sum mar +stal kers +shar e +se bek +ostentati ous +ontar io +nur ture +na st +jee ps +gro pe +ge i +f anged +evi den +dro w +coa sted +adri ane +a yn +19 th +10 :00 +á n +trek ked +transm itting +tran si +torpe do +sk ey +rif ling +regu lator +play in +pi ga +opportun e +mit ty +line up +le iter +j and +gol lum +ger ies +fe tta +fay ette +ex cav +demu rely +de w +consu mes +comp ounded +civili zations +bro cade +bb c +7 4 +wil lowy +wan g +wa ged +tri cia +thro bs +ther mom +staun ch +reg alia +ra as +power house +piga fetta +ic ks +fl o +en te +d ingo +competit or +cel ina +cat er +au xi +anim atedly +198 4 +wre ath +vo cation +ver non +ven ting +tro g +tar n +su ck +so pping +sing les +show case +saun a +sa mpled +run t +ri c +priv ates +metro polis +kow ski +inher ently +in effective +good man +g re +fel ony +fel i +es sex +entren ched +de c +cu bby +conci li +chi o +cassiop ia +bick er +befrien ded +af front +advi ser +' u +ubi qu +spo tty +som eness +safe guards +rever t +re paid +re collections +quarter deck +poor er +mov in +medic inal +master ful +magdal ene +lo dg +litig ation +insi der +ho bbit +fri days +fen ton +buffe ted +ba ited +amat eurs +where in +wa le +un restrained +tumul t +tu n +tran spor +ti dying +tel em +t man +sur i +spon gy +ru sso +re locate +quarter master +preced ent +pi sts +per sia +pack aging +orbit al +or chards +nic eties +mon de +mis led +mat ty +legion na +k hi +gla s +est ing +dinner time +dev ili +dar dennes +coordin ator +car mel +arm ful +an techa +an os +alche my +a mie +195 0s +white hall +tw in +touch down +squat ch +sol in +snow fall +slu mbering +ro bby +readju sted +ra dom +pre occupation +percepti ble +patri ot +or der +oper ates +niz honi +myr rhine +mind speech +mel ina +mar gery +lu strous +knee cap +hindr ance +hea ping +groli ms +floun dering +dé cor +discer ned +dea ux +co co +citizen ship +car avans +ca yman +bu ggers +who re +un adulterated +tam sin +su ri +stefan o +station ery +squi shy +spec s +snap shot +sma shes +sli pper +side arm +ser i +ri van +pur rs +po le +over flow +ne a +na iling +mor ga +ma gen +lyn da +hart mann +gal lo +ever greens +blin dingly +bi xby +wol ver +tor rance +ta st +supervi se +stee pled +solit aire +slu gged +sc our +replen i +rav no +ration alize +par amita +pan thers +paki stan +ogra ph +mar x +mantel piece +ko tak +ka mal +k t +integr ated +hop kins +ho skins +hein rich +gi dd +for go +first born +fin ancing +fa di +em bodied +e dak +du ck +disappro ved +dar an +contest ants +chil le +cha pped +car der +ca ving +ann ul +tea mmate +so vie +refu te +ra bly +plu mber +pir ou +pe stering +narci ssi +mar gins +mal ls +ma xi +law ful +jo cks +iq bal +inden tation +eyel ash +do ings +disdain ful +death bed +cu ck +cross word +black board +bea stly +be so +b d +al z +ad ors +a mor +www. facebook.com +whi pla +v eda +school boy +sc rying +qu ack +pli ers +pier son +pan t +nor way +medit ate +jig saw +hel m +fon dling +exten sively +eph raim +em er +dream like +defen ces +cran king +bro ached +ar id +y ates +wi li +wel lyn +weal thiest +w c +up state +try st +tan trums +si ci +s land +ragge dy +quali fications +pu ch +pry ce +pro cra +pi ggy +pa wns +n ul +n st +machiavel li +lo rena +lea f +im polite +hard ships +ha mpered +h m +g ous +extre mities +exting ui +du dd +dan 'r +conden sed +c tly +bre vi +bang kok +an chille +al era +win ch +trist ofer +to il +sna ke +rock eting +projec tiles +na vani +m ousy +ju da +it als +han ni +half ling +hair dresser +ha mmer +go wa +f jor +exhi bits +disc or +cla mbering +circum ference +catholi cs +be gu +bang or +balu stra +augu sta +alb any +wh y +wat chin +un tying +tu lips +thousand th +slin ky +sing led +scu ffling +ro ved +rer o +recipro cate +rack en +racken fau +rackenfau z +ra mblings +p ang +od our +min stre +lino ge +ha sten +ha drian +gi er +gen oci +dow ry +disman tled +debau chery +constell ation +c r +blasp hem +black stone +be friend +arrowh ead +arm rests +alter ant +a ys +y ad +wel t +volk swa +sw ine +st ell +sovie ts +scu ba +rep ent +renov ations +pumm eling +pret zel +prag matic +p raises +moder ni +lay than +kri sh +is landers +house wife +har court +gro ssly +fi g +edi fice +di go +deposit ing +de jec +crit ters +cor du +com o +antar cti +an tha +al wood +197 0 +twir ls +tri x +tor ians +to ddlers +thr ones +tar s +sprink le +scar iest +reclu se +re charge +pivo ting +pa zzo +opti cal +mo w +medit ating +maso chi +mar tis +le velly +har te +gowa chin +fu zz +firecr acker +eradic ate +embo diment +de ities +cru x +cont ests +con all +com press +co dex +bra l +beck ett +asse mb +aphrodi siac +zal ach +where upon +v ably +tur d +termin als +sa dder +rec ourse +premi er +meat loaf +mck in +lee ds +in coherently +hemor rha +gre ased +fire fighter +evapor ating +devili shly +dev on +cor ked +bi de +bar ges +appro achable +zalach enko +smo te +smi dge +scri pted +scar borough +reven ant +retri ever +pri cking +pre text +per using +pa stime +modi fications +k up +ine ff +in wards +hal le +gear y +do od +corru gated +conni ving +cha fed +cen sure +bo we +bicker staff +bi ddy +al ston +wili zy +vain ly +unex plain +tang ent +stac ie +se men +scorn ful +s z +ru sh +ru ps +re tro +qu et +peril ously +pal est +nab bed +mu ggy +medit ated +mar shes +mar cel +lu gging +loosen s +lo ath +la gged +k ung +ja va +harvest ing +hanni bal +groli m +fur red +foo twear +euro pe +esc ence +em powered +disinfec tant +deterior ated +dejec tedly +cy cli +cu tty +cardin als +can on +ca dy +boun cy +bor den +bash ful +ali ssa +whit man +wel lington +vin eyards +under pants +un crossed +tri angles +tra ver +tra ppings +swa thed +su itor +quick ness +pre vents +pe els +p rude +p da +over reacted +oni sts +mel edrin +meat ball +jo wls +hover craft +har lequin +g elding +di ver +dest inations +cy borg +cut lass +constru ed +chron ic +cani o +bun ches +bo wled +bamb i +b asked +assail ants +ambu lances +alle yways +wa ft +vincen zo +u hm +ton gs +shir l +re directed +proble matic +preced ence +post uring +pi ppa +mer man +ma so +k ley +in i +heral ded +harb inger +hal i +guin ness +fe ttered +en slave +elic it +dilig ent +dever aux +de mos +condem ning +commande ered +classm ate +cho mping +che ater +ca vi +bu tting +ath en +a mish +un wrapping +tox in +thera peu +tac it +si us +sex ist +rev ving +re open +re es +rav age +rac er +over worked +nick le +mu tin +mira beau +mag ellan +lu thor +lon gh +ken nel +in vi +goose flesh +gest ic +ge ddon +gar land +fit fully +extr ater +dedic ate +d wight +conspir ing +co ca +breast bone +bi stro +avi an +arbitr ary +yaw ns +whimsi cal +vic kie +ton a +ten fold +star gaz +spec tral +south ward +sc us +philan thro +perpendic ular +on ette +new bie +mc dougal +match making +ma era +ka mi +hen chman +head stones +h . +gal low +ga ines +flood lights +f ending +dispu ted +conve yor +comprehen sive +andro meda +é l +sol harn +sno ws +sin uous +shrin ks +sensati onal +ra kes +pu cker +pre cep +mo b +legion ares +le ela +ky lee +insom nia +hec k +g lean +eclip sed +disembar ked +di di +deser ts +cour sa +cor dless +confi dant +comp ounds +ca sed +bloo dred +back grounds +ste tho +sni ggered +slu mps +si sy +sab re +rehear sing +po lon +nur tured +myth os +ling ui +leng thening +k ef +hyper space +hol low +fran co +es says +discar ding +di ony +deton ate +de tain +cal lin +as canio +are se +af fluent +wy te +way ren +vit amin +vari ables +tri ckles +ss ander +sil va +shep herds +scal ded +sar din +qui p +ple ated +pilgri mage +pe tyr +navar re +mi to +mar ietta +lodg ings +loc mire +limit ing +ker n +he atedly +gu l +dopp el +dol mant +diony sus +dar rel +col lie +cle ment +chem o +brea sted +bra ddle +blo kes +ber n +back track +at an +ask ance +ar dor +an archi +y apping +vampy re +up graded +un zipping +u pp +thermom eter +serge ants +sen ile +ruther ford +rev ere +por ing +nan os +moro sely +min ous +ja il +in dal +ho tness +grand daddy +gior dan +form ity +evalu ated +ev ille +ero ded +dudd its +cra gg +bo wer +aly se +ya ku +we ber +wa xing +ven detta +u gli +tan ning +stee ped +speci als +souven irs +sk ank +si r +se f +sa far +pa wn +o ya +mel ly +labor ers +jo vi +it ters +inquisit ors +inner most +in sufficient +hy m +g able +du ssander +corri e +conspir ators +com ms +chro mo +cavi ar +categor ies +bunk house +wrapar ound +wa xy +ten acity +si ckle +ro sco +quen ch +poly ester +perio dic +origin als +newsle tter +mathe ws +lin ear +li zation +lea u +kni ghtly +kim my +ki al +hu ed +go w +geogra phi +fl on +er ec +em it +demo lition +compu terized +cal amity +barre t +antecha mber +ama ssed +ado be +vo o +van guard +un animous +sl ings +san dal +rigor ous +neutr alize +moth ball +la ment +inevit ability +indic tment +ho mer +gh ola +gg an +ger on +forti fications +europe ans +er ating +du ped +dr iton +do ona +divin ity +bel garion +bed clothes +bar ack +ac acia +ab ashed +a hu +ty ranno +tourni quet +temp ers +stupe fied +skin tight +sca b +pro gen +nar o +mid morning +ja unt +imp s +head light +hay stack +hall elu +geome tric +gav ril +fore told +eu stace +enab ling +el er +egoti stical +dra kkar +conge aled +comp iled +challen ger +callu ses +ber trand +ari anne +app eased +alz heimer +al tru +ad ditions +ye su +yesu gei +waste basket +un foreseen +un fit +stil gar +ste fully +sc anti +ru ts +rec ital +pro claim +ph d +mo ash +kin ks +inva sive +hear se +handica pped +gren del +gis bourne +gen re +gen a +eviden ced +dict ates +defle cting +conquer or +com po +auxi li +aris en +ari elle +allo y +ai da +ad min +war ts +val halla +un plugged +tu ri +sto pper +smu ggle +ski ppy +signi fy +sabb ath +ri cal +rachi d +r int +mont real +min o +mason ry +ly a +lunch room +lethar gy +lean er +kir k +gra pev +en closing +casp ian +can ted +bur sar +architec ts +ab normally +zar g +wel ler +spectacu larly +sil i +sal ts +pa p +or ia +ol an +net working +n achi +la d +ja mal +i 'd +hoff man +gg er +g ' +dur ham +confe tti +conclu des +co o +ce ship +c pr +broo ded +bar oness +b g +ali es +ab brevi +une qui +un solved +ty len +tran quil +tex an +sno wed +practi sed +per u +p ors +negoti able +nachi keta +na ps +med b +lu mber +lu igi +ler on +la thered +la ssie +is lam +inte gra +har lan +gg a +ephemer al +clo tted +cli fford +cha ts +can ts +beso tted +at one +archang els +approxim ate +war ship +thorough fare +tel ly +sur f +str an +sc abs +resi dences +path ic +me ghan +integra l +inci sion +hypo ther +ginger bread +faw ning +ee k +e bul +d aci +ca san +ari ad +apothe cary +va c +u zi +tu tors +tep id +teleph ones +su r +sound track +pe dic +mu el +mir tai +men do +magen ta +kin dest +ho ff +go ading +gem stones +g eared +far ley +e sk +dys functional +dispen se +diso wned +col dest +cee cee +ca jun +ca det +un due +tra mpling +therapeu tic +tag h +synchroni zed +sm oul +plu gging +over tly +nickle by +mal t +m cin +li raz +lacqu ered +k m +judic ial +jo ie +inter acted +incar nation +hel rung +dep loy +de creased +coale sced +cle ans +bri g +barnab y +aven ging +acquie scence +un clean +tun ics +sti mulated +smith ie +side tracked +s bane +ration ality +ra yne +incan descent +i. e. +he dden +fore seeable +fare ed +ey rien +even tu +em ate +e gan +dream scape +dre dger +dou ts +cad su +bor anova +atro cious +ar ach +a has +6 th +wil den +ve ined +tw ila +thar kay +sing ton +sequ ins +seam stress +promo ting +o wain +no mad +mc gee +mat arese +jelly fish +infin ite +gum shoe +g and +france sco +fossi l +ess ness +drun kenness +disgui ses +cy ber +comp atri +cadsu ane +bron x +blur s +att a +arte mi +apologi sed +y ra +wor med +wheel barrow +wain wright +vir tuous +te c +taran is +sympa th +sten c +star ship +st ate +slo v +sion a +san it +ra bble +pu ss +pl ural +pillow case +par ren +out bursts +moc ca +mc far +mc cor +man ia +le tty +int an +hit ches +handic ap +h ort +fool hardy +ear nings +e ans +drea ds +dor in +distor tion +defin able +crew man +calyp so +besie ged +bel lum +att i +ap tly +anni ka +west wood +ven ison +ter rence +sun burn +sub mitting +shin ichi +sar ila +re connect +pick led +park man +nir vana +mor pheus +mind set +mar ante +mal acha +loo ting +lan ier +im poster +goo de +floun dered +exp ended +d ments +d ere +cross fire +congreg ated +chan el +boo ke +bir thed +ba iling +attrac tions +ash ford +9 7 +198 5 +wil cox +whe at +suppo sing +sensit ized +scanti ly +sca mpering +pu bs +open mouthed +mel ding +me dina +lethar gic +incar nate +har nesses +god frey +embol dened +dwel led +don al +da zzle +clo vis +bedro ll +ab bas +198 0 +wed ges +w ur +tr on +tem u +sp ans +smu ggler +ship man +sei zes +scorpi ons +saddle bags +sa ws +re iz +plea dingly +pan cho +ne dly +grou sed +fork ful +exer ting +el do +dro ll +disp lac +d ouse +consi st +al de +0 . +wrec ks +wind breaker +win ona +volkswa gen +var ian +un wrap +un gain +ubiqu itous +ta mped +sul ked +strea m +stirr up +ste in +sher elle +sad dest +pro vision +mother fucking +massa ges +ma this +m' lady +jud i +heir loom +ha lo +ghost walker +g ant +cha y +bi otic +bed ford +am ents +allig ators +al cat +ae ther +3 s +worshi ped +war ships +ugli est +tr ack +suc cin +skew ered +si sila +sho el +sh at +scu di +ri ghtness +ra ziel +pamph lets +pal try +over rode +mor tally +mor dal +monstrumo logist +li m +kee gan +inven ting +gor gon +fin negan +fab led +en rico +dul var +drain age +disc ounted +con fer +cere bral +bo z +be witched +back tracked +alee sha +west minster +un damaged +to ire +thought fulness +sun burned +sub ju +struc tured +se ika +resurrec t +reno vation +mordal ayn +ken nan +imbe cile +hu mph +exca vation +dor ina +da em +crissc rossing +cre n +con structing +clean liness +chasti se +ar iously +an dulvar +afore mentioned +a morous +8 6 +whoo shing +use fulness +un flinching +un covering +tylen ol +traip sing +to ads +th au +swif tness +stag gers +sil via +ru ffi +roof ed +retali ated +ran ted +plainti ff +perfunc tory +op hi +lolli pop +i to +gabri él +fro thing +en tail +en qui +dru ids +din o +conditi onally +con sor +cardi ac +blur ting +ba gh +alcat raz +al by +ahas ver +activ ating +a mari +vin ci +van ora +umb ili +tra m +su te +stetho scope +sime on +respec tively +q a +pr onto +mol lie +mi sting +kio sk +j ia +hosp itali +head mistress +guidel ines +gen naro +fo cal +fix edly +fil my +fi de +du plex +d wy +clan ton +cau stic +bur p +ay lan +aun ty +atten dees +aller gies +un deterred +tu or +terri fy +sk ell +saun ter +ri ma +reco vers +per col +orchi ds +mo tes +mil dew +mar gon +maj i +m als +ka mil +incarcer ation +for mulated +fon dled +feed ers +eugen ie +cra ssus +clau dine +car elessness +cany ons +bra dor +ber y +attrac ts +assu age +al f +al ey +accomp lishing +win nings +tu dor +tast eless +tar es +t ational +spo de +snow man +sni ffles +slo p +see ps +s ler +re inst +pee ing +out la +our y +nichol ls +mar ath +mal evolence +ma verick +jewel er +in jections +in done +gr ounding +gou ge +good win +flexi bility +f ton +en zy +el is +el bowing +disorgani zed +dea u +consu mm +ath or +archi bald +vi el +vand alism +val or +trun dled +squea mish +se tt +promi scu +pre pping +moha mmed +lur k +lov able +living ston +ken ya +kem p +improvi se +hypo cri +gri er +ga yle +en ah +dra fts +de fer +da vina +coun ties +centa urs +blur ts +bl o +bit sy +bar i +attach ments +ang a +ab domin +7 :00 +wo ot +tri stran +tan tal +summer time +spi king +scru m +re fur +py ro +pitch fork +pit ches +or la +n en +lip wig +lacro sse +know in +hu bert +hi ves +femin inity +eli os +e gos +diver ting +dispen sed +cra ziest +compli ant +co ppers +cap ella +c ept +ar ob +a esthetic +would na +work station +vol k +v as +v ad +ton k +test ily +t oured +swa pping +sul ky +str ated +ri r +regul ated +ran ma +quar tered +pow dery +plac ating +paragra phs +pal ette +no minated +milli second +malacha i +lle wellyn +ky lena +ju gs +hea th +he en +fi ves +cred ited +consci enti +be ale +austri a +appeti zer +antarcti ca +200 1 +work day +ty a +ten ure +sin k +play fulness +obsole te +na dra +mur try +kel len +jay sh +jaun ty +g earing +execu tions +ever night +enli ghtening +embarra ssingly +disa sse +det ach +da xton +configur ation +chi sel +char on +bapti zed +arob ynn +apocalyp tic +analy sts +x o +tur ban +trit on +teen aged +re pre +rai ser +pre ss +poin ters +or nery +nick names +ni al +n ath +mor phing +mon archy +le ery +insol ence +i k +ho dor +hi ker +ham ster +gri mal +gra phed +gra pe +gover nors +ela psed +do ting +de er +d yn +com er +bron ski +blo g +asp ho +appeti zing +agri culture +ad h +un locks +u sha +tr ink +thi ago +ta xing +sympathi zed +slo gan +sea water +re sorts +quad rant +pon ds +plo dding +nu ala +nic ca +mer est +make peace +lu gged +lea vin +flag stone +eu stacia +dispu tes +claustropho bia +can ute +buzz ard +bar in +bar ba +au gur +at tainable +arma geddon +ari ses +visu alized +vigil ante +u a +til ler +sy nap +sure ty +sudden ness +rou ted +rehear sals +ree dy +re ef +re capture +re boots +ra vella +pl ating +p s +newly weds +mur tagh +mor gen +mar cone +m br +li via +la dle +kit a +ide ally +ge o +gaz ette +gate keeper +fa ut +encry ption +el eria +confeder acy +br anna +ami go +u tters +the mes +stru mmed +span dex +set back +sal azar +pr at +narco tics +monu ments +mel d +juli etta +insi ghtful +im rm +idi o +id led +hyperventi late +han drail +h one +grand ly +gol fing +go ad +con un +circum stan +cau ca +ca van +blu ster +ar amys +am ica +z af +ysi a +v ash +un blemished +tril lion +th fulness +step h +st ingly +spiritu ally +sp unk +snea ks +round house +ring tone +rhi rid +rai fe +no tched +mang y +loo py +kor i +je ered +hh hhh +hallelu jah +ga dre +ex o +earth lings +dis regarding +debu tan +cra ven +cosme tic +con fec +cli mber +check list +bour g +autom ob +acquie sced +@ g +wron gly +wind blown +vi ka +un pleasantness +st ing +se ward +ren ly +re jects +pri ya +p raising +orn ately +o il +nes to +metabo lism +mar l +loa ves +list lessly +ker ry +k its +je mi +ja iler +j ' +im post +da she +da ed +ch ink +ces are +bed lam +be fall +anom alies +an u +adole scence +a mes +vanqui shed +unbe know +un founded +temu jin +smar ts +slo at +skill ful +seas onal +scrun ching +recy cled +pre ached +ne stling +motor way +lap tops +j. t. +in able +impassi oned +high s +half heartedly +gen tled +gadre el +fresh men +fi on +fe alty +expec tancy +er nesto +diag rams +d had +clima xed +center piece +busi est +bel adors +bat ya +ba wled +aster oids +as p +ariad ne +admir ingly +a piece +za bel +wind le +un satisfied +the ology +tal ia +sher bet +ri to +pros thetic +predic ting +oppre ssed +mo wing +man eck +madri gal +ken sington +jun i +invigor ating +hi ro +hell fire +dilig ence +croo ks +catapul ted +bo log +bio logist +bil t +band anna +back lash +aspho del +ador ning +acoly tes +yn es +whit more +unbeknow nst +til ely +the med +succin ctly +soa mes +ski ff +sil la +recruit ment +r als +pen ni +o is +mono ga +lo cator +line backer +liber ties +le cie +grou chy +fru ition +fra zier +f les +del inqu +damn able +counter fe +constra ints +ck le +chival rous +blo om +y ve +worth ington +vasi le +vali dity +v ested +trage dies +sute ko +sul lied +sc outed +sar o +ror ie +ro sa +remor seful +qu asi +perc ei +nine ties +ki shly +kh loe +k are +juli eth +jack er +imagin ations +ga spode +flo cks +expe di +down worlders +cé des +cu sp +cra y +cool ers +bri ghtens +boy hood +argu es +ar lington +8 0s +yo men +tran script +spr ingy +soo o +san iti +s easi +ro an +rhetor ic +retain er +re create +pl ough +oh mi +mc call +m cl +lyn don +l ton +j ix +inter ns +implic itly +i zzie +gu sted +gal vani +fe a +ed ic +dilauren tis +devi ant +cre e +conver ging +come dian +ce sar +bun kers +bra ves +blood sucker +bl ouses +ath aliah +arri a +` s +tha wed +t rec +sp outed +scho larly +recre ational +rap tured +qu anti +pun ks +prejudic es +ob struction +mytho logical +mis read +milk shake +mendo za +martin is +lan cel +kin sey +i var +hypocri sy +hun tress +grey hound +fu tilely +form ica +flu shes +fin an +exp ort +du bois +dra c +design ation +de kes +co lise +car r +bi lo +al tea +a ha +vo ters +un ruffled +un professional +tru er +trec ille +strate gi +squ an +spo sed +salu ting +safar i +re tta +ra hel +pivo t +phra sing +obscen ely +na dir +mer maids +mea sly +j s +interpre ter +imb i +here tic +hal tingly +grin ds +fi ends +fac ets +e bbing +dr yden +dr as +do tes +din ghy +dece it +crun chy +com memor +coer ced +ck land +chee ses +ble k +at m +arca dia +al' thor +al orn +adven turers +abun dantly +a irs +wil es +w ley +ungain ly +they 're +super model +she ba +revi val +refer enced +rat ings +pec an +oc tag +le vity +ir oning +invest or +incin erated +hal er +grote squely +god speed +g ling +explo ited +experim entation +eu x +encoura ges +em i +ed itors +dro ppings +domine ering +disappro ve +degra ding +de witt +da de +creep er +counter tops +chi ca +cer u +b ys +automob iles +ar n +ar abs +amaz ons +@g mail.com +. 22 +y icle +xy pher +ve ting +tre stle +tan zie +ro tor +ro ku +re bounded +l ated +jama ican +incarcer ated +ho vel +hen ge +fo wl +fo od +fi sk +fat ty +donal dson +disser tation +dand elion +cre dit +cran es +clair voy +chi ding +cha ser +cat atonic +cale ban +ca d +bu mmed +bl are +avi ator +apol lyon +8 4 +z ina +y al +var ies +tr ite +tion aries +substan tially +shen ani +scorn fully +schu y +s ways +prop ane +pr un +perfec tions +per v +peculi arly +par ale +p sal +ne omi +ne k +mo sa +m u +lou vre +la sher +it ur +in definite +gravit ated +gr ined +gr as +ger an +g listen +flag stones +fla yed +dhar r +cor va +controver sy +check book +cha grined +bon a +black y +bal lad +avi ation +av ice +ar mb +ad ina +1 30 +vit t +un conditionally +tur ks +temper a +suppor ter +stag e +spal ko +schedu ling +pat ron +no tably +mur bella +mag num +m ould +kir o +kil l +ker milla +ir rever +here sy +han gout +ha zards +franco is +elu de +eloqu ently +dream ers +disagre eable +de meter +daw ns +dark haven +cryp tically +cor vin +conten tion +car afe +box y +be fallen +anten nae +vol tage +to on +tele graph +ta y +shif ty +sa squatch +rio ting +melo dious +manufac turer +li yra +len ore +is se +ign ites +i brahim +gru ber +fer ran +en tom +emp ties +b .c. +an gh +0 1 +. ^ +whi r +vigil ance +upper cut +unexplain able +symbo lism +ste wed +shal t +sequ ined +sa pi +ro gui +rever sing +r ity +questi onably +pil cher +parl our +pa un +no zam +mu ffling +mo l +inter medi +ig es +i vana +ho ts +hi ta +hi l +hi kers +ga d +fundam entally +famili al +el ler +dispen sable +di ments +conve ying +con lan +cl acked +chang eling +bar keep +18 th +un realistic +tromb one +t ner +st inger +sasha yed +s will +rela ying +refur bi +radom ir +nic h +mor mont +mary se +lor ien +ke a +i faut +hem med +he ist +fire fight +deterior ating +dehydr ation +cri ss +congr ats +brow ser +aren dia +amen dment +al' ice +win try +wi zar +up standing +topa z +tin d +stir rups +slou ching +re tched +ram parts +pro gno +paro dy +pal aces +paint brush +no sily +match maker +ma ser +m one +m ington +lu pine +la mia +intensi fy +head strong +gui le +gondo la +fla unt +do phi +colise um +co g +clu bbing +clam ations +che tte +ch efs +caven dish +bu tte +blood bath +b ong +asser tive +amphi theater +am our +al yn +196 3 +woman hood +tru mped +tit es +thick est +spo res +sli ck +sin ner +re snick +ravi shing +post cards +pin ks +o stri +o ch +messi ck +man i +m t. +luc i +lu la +inquisiti vely +h mph +gar nered +gal es +flash backs +f ters +endang ering +daed alus +contemp tuously +consor tium +con done +ye 'd +v ' +trouble maker +sun e +stee ple +star red +silic on +reper toire +pione er +phe w +n up +mar chant +lex is +fre drick +embar ked +di shed +demi ris +conclu ding +co hort +can op +cal loway +bru iser +ati um +ar on +app leton +al ps +7 00 +whipla sh +un curled +ug lier +tind wyl +tab leau +sw ans +ssa d +slur ped +s zeth +re quie +o' hare +nor ther +morg anna +mit age +mi ya +ma im +inter jects +il lating +hai dar +fre ed +forman ts +fit z +excu sing +dul l +dishon or +cy nic +craw ley +comman dant +clay more +chee ked +behavi ors +bb ers +b acy +al can +abdu ct +3 0s +zigz agged +wa g +vo wing +unab ashed +tu tu +tt ably +tou che +sul ley +stee per +stan der +sign ore +sha ye +re unite +re bekah +psycho history +p ence +o om +muskete ers +mag ick +life blood +lasci vious +lan is +la fayette +hal leck +facil itate +f ats +disobe ying +de sandra +conso les +cho ker +ceru lean +c eases +bro k +bapti sm +andar ion +ab c +8 :00 +y es +val ao +ty rell +tu bing +tomb stones +swar thy +sick eningly +seam less +per taining +per cu +pa sts +organi se +ody ssey +master son +man darin +lec turer +k ans +joy fully +in formants +horati o +hard in +hamp ton +gun point +enti ced +encyclo pedia +e jac +dis colored +de edra +cre dence +corvin dale +con structive +burglar y +brown stone +bre n +bluep rint +blo tchy +blan ca +been ay +aza zil +appre hend +00 7 +wi i +what not +wavel eng +v us +up loaded +un dulated +tu sks +sh ang +ro ve +ro sen +py thon +pri ma +pre valent +pin kish +perfu mes +o' hara +min ations +me in +mc vries +manu ally +lu rid +keir an +gh ul +genoci de +domest ic +dige sting +deli ghtfully +co pper +co i +christ ma +chau cer +celi bacy +bru tes +ber nice +bal eful +as cer +ar ella +applau ding +ag bu +wrea thed +va e +unemp loyment +un charted +trink et +travel ler +tire lessly +tax pa +tal ama +talama sca +sta mmering +smar ted +si cker +sat yr +sand alwood +quest ing +pupp et +premi ere +ohmi god +o g +nu tty +mu cus +lodo vik +lil lie +le blanc +kay ak +k ruger +jo sey +j. d. +gear shift +ferran ti +experim entally +empha si +ed ge +ear buds +don nay +disc ord +con go +co sy +co gs +bel le +bar tle +b ff +an ter +ae dion +ad on +wi dower +ven ted +symme try +swi velled +se ine +s f +run ny +ri ghting +rel li +prepar es +pp ie +popsi cle +pol len +pla guing +over mind +outla wed +man on +mal ory +loo ker +in jecting +ic ons +headd ress +hat ches +gras shopper +fitz william +fe ats +ed wina +depre cating +camp fires +arom atic +adverti sements +a per +week day +vel a +tu mbles +stal emate +sla thered +sch nei +practi se +pr i +po m +pa yoff +op t +o a +machin ations +ma dd +k one +k hel +imagin ings +hu nor +gy rating +fe sto +equ aled +distan ced +de fuse +com s +com posit +ci on +cartri dges +cappuc cino +c ence +bra z +ap ella +aler tness +ze bra +xer xes +whi tened +ush ers +under taken +un iting +tt le +traine es +somersa ult +safe keeping +post al +penni less +op ting +nau voo +mary llis +m mel +li ces +lat itude +j it +itur alde +iner tia +i zabel +ho mo +hi gg +gna shing +ff ers +fa sti +expe ditions +du ress +d icky +con secu +argu ably +anti bodies +ac a +a maryllis +~~ ~~ +thi eving +televi sions +stra its +sa mar +regu lators +re filling +pyja mas +pump kins +pl undered +out lying +objec ti +moun table +mo dic +kim i +jun ky +ji ang +jed rik +in ton +hard working +gro oms +gim li +expre ss +di est +ci ve +centi pe +and rus +an them +alex ion +war der +ve iling +un orthodox +ti ght +swo oned +stra m +so renson +sit a +san to +re treats +re pose +ka miko +it os +ir rationally +imp aling +im po +im mari +gra zes +ga mbled +dum best +deb ates +compli menting +che ss +boo ster +bon nett +auxili ary +appar el +al bino +whi taker +tri mming +taxi ed +pu tt +pres suri +prece de +pre tz +pre ppy +plac eable +philli pa +overwhel mingly +or d +na jima +mac kie +ma sse +l ell +kha le +jaz mine +ing ram +gri eg +forlor nly +estim ates +dishear tened +de mar +brack et +apprenti ceship +anesthe sia +alter ations +9 6 +zo di +ter rell +telep orting +shi mmery +sa gely +rosco e +rol ler +reti cence +ren ding +ray burn +popul ations +obe se +o siris +ma then +lin nette +kal lias +k ard +imp rison +hypo critical +hernan dez +he witt +go bbled +gi gi +ele mai +cla mber +chi pping +buo yed +bru ssels +blood stains +black wood +ba ye +wil ton +thor in +stri dent +scrupul ous +rico cheting +p yo +oa f +mul ler +master mind +lell dorin +in et +ill nesses +foot path +enti i +enti a +disgui sing +country men +circumstan tial +celi bate +cali bur +bro derick +bon apar +back hand +ambi ence +alfon so +zi ggy +wake fulness +v p +tru ste +tink led +suz an +ste el +spar ag +shar pest +schnei der +rus set +ro lex +pro cessor +ply mouth +nava dar +mach a +m alia +lun acy +le velled +ko zz +ker yn +k gi +ja klin +instinc tual +inqu ir +in su +hu mping +hu d +he kate +fresh ness +fre netic +fen g +fa h +emin ent +em ery +em ban +ear d +dread locks +discer ning +cra y +concili atory +con vey +cau st +bro kenly +break neck +bra ved +barrica ded +balustra de +b h +aw e +apo stles +yn ne +yel ping +wo es +war mest +ur git +un smiling +un sha +tink le +stereo type +shenani gans +scri bbles +qu ills +pro pulsion +pou ts +pari shi +ob er +ner ds +mo oring +misc ellan +law suits +k andra +ho ming +hiber nation +gi br +elisa beth +dry wall +cy cled +cor mac +combu stion +chir ps +chiff on +bar ista +6 :00 +wi dens +tri ad +terror ized +tar tly +short cake +sal a +ro lo +ri ki +rap tors +o gle +myr r +mo ors +margar itas +le ary +kir by +jack rum +hor mone +hon eyed +frat er +eso ter +er ations +en son +dry ness +deva stat +den sely +con domin +cl oning +bani shing +ur er +u mi +tac tful +substan ti +snoo ze +slo b +sky pe +shru b +semin ary +sca pe +pul ver +negle cting +ne x +me wling +lu lling +jolli et +jac y +invi dia +ie tte +he 'd +han del +ga do +g annon +fan atical +e at +drop let +droo led +da shes +da hl +corn elius +conge sted +clever ness +chu ch +cavan augh +c ze +bl ender +ar ang +ani sm +ad dri +7 :30 +wor ka +un intentional +sur fers +step brother +spea ker +so far +shu cked +s so +pac i +our t +order lies +o euv +nick i +mol davi +lu x +lor ry +loc o +ja z +j b +it ches +hypother mia +hy enas +gh u +effec tiveness +do jo +den th +del phine +cr a +council man +convic ts +co ons +bou quets +bonapar te +acknowledg ements +abra sive +a me +8 . +up dating +un seemly +touri sm +sm ere +seg ments +sand or +salt water +regre ttably +qui zzed +plan ter +over done +oth or +oak land +mr i +molli fied +men tors +man handled +k ri +hel sing +fo b +fla bby +fe i +far fal +fab le +ea ston +e sh +e dison +dro opy +discipl in +di van +desider ia +by stander +be fitting +barin thus +aim less +with draws +vo cally +tri via +th elma +termin us +supp liers +sto ker +star la +spo kes +sil liness +sen der +sa id +road block +ren myr +prit chard +mon ey +mi ed +mar ti +holo caust +ho od +grump ily +fra u +for mul +emer gence +dist ended +da inti +con cord +calcu lator +beatri x +ab orted +tro jan +tri stram +storm light +stand in +squab bling +selec tions +s loop +rea f +o be +notor iety +meli a +ho gs +hipp ies +guard sman +gibr altar +forth right +fire storm +farfal ee +fable haven +em pires +devastat ingly +cti oned +bu ms +be tte +vi ii +v asher +uni vers +un ladylike +ti zed +tempera mental +te p +t ler +subordin ates +specul ations +spac eport +plea suring +para ding +obliter ate +noi selessly +mit tens +miscellan eous +mallore a +ja ya +hur on +ha idee +gemen gs +en raptured +elem entals +disc rep +con junction +cl a +bar a +a myr +waist line +veg gies +un resolved +tu mble +t itudes +strat ford +so y +sequest ered +qy ro +pro files +petun ia +out crop +men ial +lor z +lar entii +la ther +jand j +hol lowly +he kat +habitu al +gre ys +gau ges +ga y +fi zzled +de crease +conver ting +clo t +canni bal +ben nac +back lit +al v +a van +wit ching +vi vac +veron is +v eal +tw ill +trac tors +sy ria +stron g +sp earing +smo g +sar tek +s up +rober tson +rey no +re schedule +pron unciation +pri es +pen ny +para do +over kill +op a +me er +lun atics +li ch +lean der +kol ram +kangar oo +jun o +har ms +fin nick +fathom less +falli ble +ent ang +e sis +da elon +colu m +cog niz +clu cking +cada ver +boar din +bikin is +avoi ds +astronau t +ali sha +9 4 +• • +z as +wal mart +va pors +tre han +tox ins +ti bor +t. v. +sub division +sni pped +re direct +pro sper +pri mor +p .s. +mur als +mo bil +mi su +mc cl +mar que +lu mp +li sabelle +kri sti +kim ono +ki yu +is ce +impre ssi +imbal ance +high lander +hercu les +hekat ah +grandi ose +emin ence +down time +dic tat +chay tan +bon o +begru dge +bar tenders +ba ir +antiqu ities +z ella +work room +ve gan +upri ver +un clasped +supre macy +sni dely +rotun da +repu gnant +ra dically +queen sland +or at +ne hele +ne ely +nat ty +mor an +kee pin +jeal ously +in tro +imit ated +hun ky +hest ia +gu cci +gri moire +gar bed +eva sion +envisi oning +embel lished +dwy lar +du pli +de struct +coordin ating +conun drum +coco oned +cauca sian +ca meo +b jur +at lee +astronom ical +une motional +ste pp +sprink les +sal aman +sabot aged +roman ces +requ ited +ran ches +pre e +ponder ous +pal ming +m ous +li es +le te +la ve +it ously +iri dium +inter stellar +in direct +fi ber +exac ting +dwar ven +dre dge +disse ct +dami on +cy cling +cob bler +breed love +bag gie +baf fling +ash win +200 7 +2 :00 +' ra +wor ded +wan e +vest iges +v c +utilit arian +sum mari +studi ous +street lamps +sp lur +se wed +scour ge +scar ring +sarab ian +reyno ld +pre yed +polon ius +pengu in +pau ling +pa so +name tag +mul berry +min as +mid summer +kal am +ivan us +impre ssively +impe ded +hub bub +hor ton +hel ler +grin berg +graphi cs +fin alized +feli pe +fal onar +enhan cing +eli sa +dil do +deter rent +de position +dar t +ca sno +bu mbling +bru tish +blog spot +be t +arang bar +a el +volu sian +un toward +u cal +two ot +tru ssed +ti gress +thin ess +theor mi +te ss +sta v +speaker phone +sha cks +r u +pro xy +plun ges +plu cks +no vices +modic um +metaphor ical +legisl ation +kri stie +kee p +ir rig +hilar ity +georgi an +fo iled +f fo +este ban +dun ked +duc ts +disdain fully +cra yon +cra b +bo ther +bea gle +ba dg +al gae +wil mington +wal lis +w inging +va sili +under handed +un fettered +un disguised +un dies +ta o +side step +senten cing +schuy ler +rapp ort +pr att +pl a +orgas mic +offen der +o' brian +o sis +nau t +mu tations +mon days +me gal +ma ssively +lim elight +kno bby +insur mountable +im perfections +hun garian +hosp ice +gey ser +fro twoot +e chel +dissatis faction +consu late +cal ico +buil dup +bre cker +blank ness +adjour ned +wed ded +wai sts +volu minous +vik ram +u gil +ugil ino +tribe smen +tri cking +tea med +sto sh +st oner +ssi an +sel l +rene wal +ra x +pu sh +pri mo +my stic +mil l +manoeuv re +leprecha un +l ys +kone v +in th +he a +en circle +dri a +dona hue +dol in +do sadi +do ren +di ssen +deceit ful +cont orting +con strained +bureau cratic +bu en +blu ffs +blan keting +be anie +b lear +ac tresses +20 15 +yo da +wi ki +vander bilt +twee zers +towel ed +tar gon +supp lement +st ard +sett ler +san ti +ri fle +oc culti +na ya +na da +moon less +mis step +medi an +ma isy +jor ah +j f +in deli +hi jacked +g ents +fidge ty +dur and +deliver ance +de briefing +da yn +cu lum +craft sman +const itute +con strict +chasti sing +cel ery +cajo led +ca ddy +b inge +arti ficially +ari um +anti l +ver ica +tu rok +tor ched +symme trical +su ke +sequ el +schul ke +rotun d +re par +pal atable +oh my +o vation +novel la +new sca +morti fying +loo phole +less ening +legitim ately +lat ino +kou we +j .c. +in decipherable +imag ing +habit ation +h la +g anger +fri sky +fal ters +express way +exagger ate +dismem bered +dhamp ir +che w +cab al +at test +after glow +' ilyn +zigz agging +vag rant +t ated +street lamp +stra uss +stereo typical +skir mi +si red +ro mu +re dden +ram say +projec tions +phan e +pe stil +noble men +no sey +ner za +nebu la +mar ty +jo lie +interest ingly +in ns +hu mored +hu ey +hon oring +heaven ward +han gin +gro veling +go gue +ger t +et ch +dor n +der ri +demonstr ations +craft smanship +com miss +brad dock +besee ching +bennac io +bachel ors +amyr lin +6 55 +zig zag +ur on +under lings +un know +un daunted +thur mond +sli p +shi l +roman ov +qu ot +preten ce +practi cality +panor amic +out done +ob tu +no sing +mon tag +ja mmer +initi ates +i. d. +how dy +hen ric +hel ium +hea throw +hambur g +green wich +grav estone +glor iette +glo b +fre sher +elimin ation +elec tor +du kes +do ggedly +dhad hi +depri ve +de ig +da mo +confin ing +confi ding +cho w +cho ppers +car ti +brow ley +be acons +bar cel +arch bishop +a iling +3 d +x ero +wal lets +un just +tid bits +te ur +spring time +reclu sive +rea ux +pant suit +ne sting +mer lotte +khel dar +kalam ack +ha zel +gal li +flu ous +eun ice +donat elli +croiss ant +concei vably +compani on +co stas +co at +bu cky +bu b +bir gitte +ap ache +amar am +ac iously +12 th +' s +' an +veterin arian +un hurt +ten der +t reads +stand point +simul ac +scholar ships +rich ness +qua vering +pro pel +pries thood +ple xus +pil la +perva sive +over laid +modi fy +mi rah +mi er +maest ro +lou is +knick knacks +impe tuous +he fting +ev re +el it +dom eter +di vers +crusa der +cruci fied +cour tly +col fax +cha d +cel lo +bombar dment +bjur man +ba w +ar bor +am n +af f +655 33 +3 :00 +whi p +vamp iri +upper most +under lined +un fulfilled +trans lates +thwa ck +stun ts +stock ton +sa xton +rain forest +pir an +loo ted +li etta +impost or +hipp o +hic cups +go ku +gh anima +ex iles +electri fying +e al +dur rant +dis graced +den iz +daw sley +cu shy +co sh +ca hal +c iting +brou die +arm in +ac cli +4 5 +197 0s +woul da +ver dant +to le +tar as +stea dier +solidi fy +skate board +reconc iled +re els +pu mmel +protest ors +pla gues +pit chers +pil grim +o bama +mistre ated +mel s +mc don +mar cos +legislat ure +le ia +lav atory +ky ra +junky ard +j ory +inst alling +indiscre tion +ger tie +excur sions +ev ened +cre vas +br u +bened ic +be h +arab ella +air k +wha cking +une th +sto tt +stewar dess +squel ch +sh mi +sch war +sanc tity +ra iled +pa sha +p aged +op rah +o ar +mega phone +me ddle +ma ko +kel ex +imp assa +hol lers +hand shakes +gri gori +gran u +gene alo +ga des +fel on +ec centri +dun n +do dd +di atri +dar ice +d lin +crow ning +cro ck +comprehen ded +candle stick +be cks +b j +at on +ap him +a eria +ter sa +tar tan +t ys +simul ated +ri ot +re generate +ramp aging +quo ta +pro longing +primor dial +pock eting +play thing +ped aling +nee wa +magnific ently +ligh twood +kelex el +jen ney +interpre ting +indul gently +gra id +gar ages +exten sions +exp ands +dar th +cu ssing +con fla +bra inless +admi ssions +199 2 +10 th +will ful +sy mb +swo oning +surmi se +stra ys +spin ster +s c +ro mer +qu elled +pro se +pretz els +por tray +plu ggo +op tional +n us +ma sonic +lovel ess +leni ent +laur yn +kan ani +jubil ant +io ta +in or +hic cupped +gen di +ge da +flan nery +fel ice +eur o +esper anza +du a +desi ring +dear ie +com part +cheer fulness +breakfa sts +ber nam +barcel ona +bar bat +b out +auto graphs +ank ou +a en +vex ed +ter med +t ats +superst itions +squ ats +schem atics +os berg +opul ence +o sca +mobil es +mini skirt +mil ly +luc cio +loun ger +land line +kim bra +illustr ate +flouri shing +fla ky +fashi onably +en mity +di versity +deton ator +d geon +ctu chik +cordu roy +bu oy +benef ited +bar low +zel ler +zaf ira +tt el +ti ered +tal manes +t out +ssa ble +so crates +sin fully +s anya +roman o +rel g +reali stically +pur ged +pri cey +po tholes +pin dor +over active +lu sted +locomo tive +lack ey +key card +hr er +h ounding +gol ds +fi ght +exhi biting +dro id +confe ssional +clar isse +centi meter +cater pillar +as han +artemi sia +acade mics +a mbling +` t +yve sant +veran dah +un attached +tu ft +tre z +tolnedr an +to ya +thi stle +stu yvesant +som es +so o +sling shot +sight less +shri vel +sh eared +seiz ures +row boat +ra pha +per dita +ni e +na pa +mon gol +ma ths +licen ses +kin o +jer a +jan ica +ja ms +j our +inflat able +in accurate +fruit ful +fanci es +excell ence +etru scan +cra dles +cello phane +ca sted +bi se +ba z +admit tance +ace ous +wolver ine +wag ner +ven ator +un clipped +tor ren +subst itu +su sta +stu ri +stor ia +st ele +spee dometer +show room +sha la +run cit +rhy mes +repor tedly +re boot +parti ed +over pass +name sake +mu slin +mor goth +mi mbre +mi dd +mathemat ician +luc ille +lati anna +jen son +inform ative +inc ite +ho bart +goo gled +gidd iness +for aging +faul kner +emi l +dedu ction +dedu ce +co ag +cali gula +bar ris +app al +administr ators +accumu lating +. d. +x ane +win throp +runcit er +ron i +re construction +pronoun cing +pain ters +om itted +north western +nen zi +na m +min x +jo be +jas min +in ating +hou n +har c +gri sha +gi sk +gendi bal +gen na +gas es +fre da +favor ing +far es +dun dee +du es +draper ies +disli kes +deniz ens +del gado +de i +da elin +counter act +communi sts +che eri +cannib als +bo ating +bar abas +alle gra +xane tia +whir ls +wal wain +vor bis +u ther +tra pper +ter o +sven gaard +stalac tites +staf ford +spor ad +por ches +par ent +o vens +migr ated +mag ma +l son +j. l. +inv entive +imbu ed +ho dge +hi la +gor man +fri gates +fre do +eye glasses +ev il +em ulate +dexter ity +coinci dentally +chau vin +car port +bow ler +bo ggling +bi on +ban ni +bag els +wal do +vul can +unknow ns +tw it +telep ortation +tar vik +sporad ically +sor o +so ho +rol fe +pel ts +pan ga +pad me +metaphor ically +mar sden +lo bb +li os +lea sed +ir refu +g le +fr acti +fer ryman +fa g +eu ri +der og +d ank +courte ously +cour ted +ca wley +b ough +ar ctor +accomp anim +9 1 +198 9 +white board +vec tor +ster ity +som bre +school work +sau di +rene gades +regu late +raz ia +pyo tr +nu ke +nor dic +model ed +ma ki +lu ken +lo in +jit ters +ji ggle +inst ability +inde terminate +in ex +hol sters +gar reth +fli ers +dol l +defen dants +dal ya +co ached +cha vez +bol stered +ari o +198 8 +wa ff +voy eur +utilit ies +un planned +thre es +theatri cally +t fulness +syr inges +spo ilt +sli cker +shu shing +scen ting +s him +re press +pre dawn +po cked +pilo ting +panor ama +pal ate +out buildings +obitu ary +o deen +nor i +noncommit tally +misinterpre ted +love birds +in experience +hydrau lic +hun ch +frey a +ferti lizer +enqui ries +dragon fly +discri mination +de ere +cu res +contradic tions +comman dos +co worker +clau dette +butto ck +bri bery +ben ton +augu stine +ab err +wee ding +tri lli +torren tial +stir rings +som o +ski er +shi va +scri bes +ri x +resi dency +rac id +o i +nano second +mu l +mat ics +mag got +k ha +inex orable +hi lli +her st +gu mmy +formu lating +for gery +flu idly +fi en +el don +dge tt +crou ches +cre mated +ch us +cal houn +blo bs +as signing +am herst +2 3 +za el +wh u +v d +uneth ical +un inhabited +ty ra +shock wave +sculp tor +sa urus +s gt +ro derick +ra instorm +quen ched +preva iling +por cu +per oxide +pa h +mist le +me g +materi alizing +mac i +liver pool +le gate +kre turus +jo t +ii ii +i vor +i do +hour ly +he ft +gor ged +ful fil +fla vio +envel op +entran ce +den ser +cre ators +ch t +bu ffo +aka sha +willi m +un paid +ri bbed +reck lessness +re sin +re nic +re an +ra vaging +octa vian +na to +moon shine +kin d +hoo kup +histor ically +habit able +foot fall +dé j +dor ians +dic ed +de pl +de ferred +che que +car mel +c tion +burge ss +boardin ghouse +bel gium +ash ra +yel ps +work table +trip lets +switch board +staf fs +soci able +shi te +sep ton +sc imit +s ear +qua vered +op helia +offen ders +na v +laugh ingly +l ale +ke aley +jar et +iron i +hide ki +heavi est +gro vel +gl aci +eth ic +dez h +dele gate +con yn +char donnay +cel li +cc tv +cap tures +cale a +bu sy +adv ent +zar din +v ell +upro oted +un requited +u ter +tur noff +switch blade +stal ag +sp am +she erin +rain er +propel ler +pre witt +pier ces +par en +nutri ents +mu ff +l lan +kit sune +kev lar +ka u +in conveni +impassa ble +ho oli +high tower +ha bala +gen s +gar ber +g nak +ey rie +ev anna +e te +di ggs +da ma +d' oeuv +copy righted +con tessa +chi hu +char tered +bri stly +bee tho +annihi late +z ah +vel cro +ty pho +too ty +tin der +ti cals +theat ers +ste wing +squel ched +snow flake +slo pp +sand re +ro ssi +reef er +re solving +radi ates +pu g +pri sm +neuro tic +n most +mi scre +mc gil +lovel iness +lon ia +kha lil +he dge +frater ni +fe tus +en core +datab ases +convul se +co vens +c els +bureau crats +ber ate +beetho ven +bb ins +z ell +x ironi +we i +vi sh +vampiri sm +twea king +tink ering +temp tations +str ato +snap shots +shu ff +sal lie +ri k +rep tiles +re ars +motiv ate +mother fuckers +metamorpho sis +is i +ir ina +inter locking +in voice +in corri +il ona +grapev ine +gal vin +fit tings +fac et +explic itly +e ww +dig by +di arr +depra vity +deliri ously +de mp +chi maera +bur rito +transgre ssions +sun flower +spoke sman +spit fire +spat tering +so jour +re trace +pri l +ple x +pi pel +persecu tion +patrol man +mu ddle +moroc co +mor dred +mistle toe +mist born +mis fits +milit ant +mi gh +mari anna +in dispensable +hesit ancy +hand hold +fire work +fer ra +déj à +dou sing +discre te +deaf ened +dal ey +coun ci +bar a +wear er +uti lizing +th ic +tel ey +swee per +sum ner +sub po +sta id +shei k +rig by +re but +nov eli +nic ks +mul ligan +mul doon +min ce +mel ko +li ef +kel e +jf k +impas se +im migrant +grac i +gr ander +gat lin +foun ders +er ris +enti ary +en ot +dum mies +dre dged +cre sting +counci lor +consecu tive +condu cive +concu r +con dos +clothe s +ceil inged +bi ans +bal ac +bag u +accor ds +.... .... +z emo +z ali +w ham +un desirable +un adorned +tri ll +tran sc +ti ppy +ti ff +stop light +snu b +re tch +qu inc +plo ps +pee ps +obse ssively +mil ked +mar ron +ma ser +m wc +ly in +lor ren +len nie +lale h +k are +gor illas +even tful +drac o +dani a +companion way +chi mp +char ka +certain ties +carti lage +brin ker +bra zier +be ached +bal k +aven ged +ash edly +alv arez +a sparag +y ad +whit mere +transpor ter +ti mo +subservi ent +sin ners +shing le +sc ro +ru tle +ri gs +raz ors +r yel +porcu pine +pari sian +par cels +marqu ette +m d +k' las +hi n +he d +gibb s +figur ine +fi eld +e special +dru st +au er +appen dix +andro ids +af ire +accompanim ent +acce ssing +z ad +yel lowing +understand ings +un snapped +ul y +twea k +tux e +terri fies +t vs +sympath ies +swo od +stret chy +ste ers +stargaz er +spher ical +son is +so dium +ruth lessness +over ruled +osca gne +op hy +om ani +o sp +o c +nick o +mi o +mau ve +man date +lo tt +le m +ke gs +k lan +he ats +harmon ic +gisk ard +evo ke +ed ict +don ' +dol ent +disqu ali +cul mination +crea ms +coul da +conce ding +comfor tingly +cat ty +car rick +bu da +bor deaux +blun tness +aspir ing +asparag us +antiqu ated +199 9 +196 8 +wel ds +vlo d +under taker +un dignified +surve ys +ste iner +sta po +si beria +scul pt +scand alized +sc ion +say ings +sardin es +san sonis +redu ction +pas swords +no tre +no ck +me ister +li ana +lach esis +homer oom +gry phon +gladi ator +get up +ger amn +fr u +encu mbered +en berg +eli x +dis loyal +di anne +de composing +craw ler +compart men +catapul t +cat ali +catali ades +car th +ca ging +bil lion +bal ances +anim ously +angh ar +well being +wee py +tren na +to th +thri lls +sub machine +st of +spi ffy +sa pped +regi stry +prophe tic +out spoken +ore tte +on dra +mil lard +know les +in tre +gru dges +ga mm +fili pino +ell er +ee e +distribu ting +bur ners +boo s +be be +bayon et +bas que +ban der +affili ation +a dep +.... ..... +wool sey +whole sale +wa h +trans fusion +that 's +se dona +sco tia +quer que +pim ples +pick ings +pic nic +pat chy +ol wen +mik kel +me dea +mcder mott +lo zan +li ck +la u +kic kass +ju ggle +intoxic ation +indign ity +in frequent +i shan +hon ourable +homo sexual +gui lietta +gid deon +flat bed +fl ounced +ev ich +dro ves +con nors +blo cky +al orns +whi de +vac antly +tw os +te d +sec tional +scu ff +sat iny +sa ss +s ford +river bed +prede cessors +par nell +nassa u +mur k +mo tels +mean est +mau d +ma ssed +ka ya +is ara +invit ingly +har po +grape fruit +gra ders +extrater restrial +consul tants +chihu ahu +ca be +bea ks +any i +anti biotic +aeth eric +ad ditionally +acknowle dges +19 45 +17 th +whit field +w ulf +unfa sten +tun stell +ske wer +shee mie +s linked +ri dge +repu ted +re x +re places +ra guel +ra ffe +qua il +provoc atively +phleg m +oph one +oli vier +o rese +ma jo +ly la +le dges +law man +kit ka +jame y +ivan ov +im bedded +ha akon +fli ghty +dor ado +discor dant +de test +cyn ically +cu stard +co operated +ca it +buda pest +bon fires +bac terial +aller gy +5 ' +ven erable +u cla +tas sels +sociop ath +shre w +sati ated +re phrase +per forms +orese ur +mine field +la minated +indi gestion +identi fiable +hard t +hal lor +go in +gar i +ex claiming +disquie ting +disgu stingly +discre dit +di ablo +dark lings +chu cks +chal mers +cath ar +buoy ant +bar nett +b ating +avi ators +agoni zingly +3 60 +200 6 +win slow +west field +wel ton +var nished +the ori +splu ttering +so ji +slu m +shirt sleeves +s ack +ril se +rhu dd +pel orat +nor we +man son +louis ville +li chen +lea fing +jer kin +j ho +it ry +incen diary +hal ts +gu sting +gee ks +fin ite +festo oned +f da +electrocu ted +el ysi +dest itute +de mer +could n't +chil lings +cep an +c ations +big gie +be tter +ba um +avi dly +assimil ate +ari ssa +anti matter +an thology +americ as +ac rob +absor ption +a via +200 3 +torpe does +ta d +supplic ation +sa suke +re fr +ph .d. +on ism +on gs +ni ed +neighbour ing +mu n +mor mon +mar an +mali gnant +ly al +lob sang +li en +ka hira +jer rod +j es +indi gene +host ilities +friend lier +fla herty +er ine +dr ys +disen gage +di re +cul ation +corri gan +correc tions +common ers +cea seless +bani shment +alcan der +5 :00 +vo gue +tw er +ta mar +stone work +some thin +smal lish +sha yla +rhudd lan +rever ting +rain bird +ra ps +pri ss +pp ies +perple x +moga dorians +migr ation +me zz +len z +le dgers +laun dro +label led +ka ylor +jose tte +imp acts +human itarian +gal lantly +fle tch +extor tion +ex pulsion +cu dg +con form +compet itions +c lat +bolog na +bil ling +bel s +assi a +appo int +ante bellum +alter ation +albu querque +15 th +zi g +za p +wan ly +vapor ized +traver sing +transgre ssion +tit ania +tire less +ta w +shri lly +roch elle +por te +pe at +par ty +morgen stern +mi yuki +man fist +man chee +iz umi +hungri er +hu w +hon ing +hagg is +god win +frea kish +femin ist +esoter ic +du bai +doppel ganger +doc torate +do ves +deter gent +cze ch +cor doned +commu ters +cli m +beli al +anony mously +a maya +with ers +un tucked +tok ens +to po +smar ting +si dra +se tte +ro mp +pre serves +pon cho +pat es +p inging +n fl +mat son +main tains +k os +ju stly +ir ma +inter laced +gen itals +em ory +di bs +da vie +con ju +compre ssion +clin ched +chimp an +bu blan +bublan ski +bea ker +ba al +ar un +ano inted +a kane +yo shi +xen ides +wu z +wrea king +wi elder +wal kin +w es +toa sting +sy non +sto s +spic er +sha mbling +ri dding +repell ent +re ich +quinc ey +pp s +pla stering +peace maker +nac hos +mu tton +minu tely +mi med +mc pherson +mal ' +lli a +ky rin +kathar ine +jo stle +imple mented +hon orary +hell hounds +graci ela +gor dian +gor an +freder ick +eye ful +ev ra +electron ically +drow sily +dis repair +derog atory +brun swick +bo gey +az riel +ari us +al ton +ab a +200 2 +wood sy +up sets +un fairly +tren ds +th op +te t +squi shing +so cked +shor ten +ro cin +rocin ante +rho dar +preten ses +photo copying +mon signor +minstre l +me elix +man di +mal iciously +mac duff +laz iness +k ash +jin ks +i a +ho kar +ha vens +ha ms +gra pple +franc s +flan ders +far ts +fanta stical +ed itions +e ben +corn elia +composit e +comman dments +cha o +canv ases +canc eling +blow job +bla ed +berser ker +bar tie +aud it +alu m +af firm +a eg +var ys +tri pled +traine e +slu agh +sh ef +revol ve +r anda +per mitting +pepp ering +on eness +mun ch +mor tuary +measure ment +lov ell +life mates +la bia +is mae +implic ated +i man +har ker +geogra phic +gate ways +ga ol +ga dara +flam mable +enquir y +endor sement +elev ate +dra ven +di k +deli ghting +cul lo +criti c +be gotten +ath i +al dur +ador ably +ad ar +william son +verte brae +tur ally +transi ent +thunder clap +ten don +tea s +spi dery +som adina +s vet +re doubt +re doubled +ra vish +pres suring +pren ti +portu gal +over crowded +ou ter +o so +mouth watering +mil le +lla ma +lan k +kra ger +kow i +inva der +incorri gible +hay wire +gri mm +gau l +fra ying +for nic +fara day +fal se +e kial +distingui shing +diff ered +de flate +cla w +chev ro +cha m +briga dier +bon er +val ves +ty coon +tick lish +thera pists +speci fications +si ferra +sel by +ro i +ree ks +quie tness +o' reilly +mu mmi +moni ker +mini as +mamm als +lo f +le andro +lac erations +labor iously +ir anian +intu itively +instig ated +hor net +head land +ful l +ek strom +dur able +do sage +cro oning +continu ity +consu mer +char mingly +bran nigan +bel ching +be ppe +al ok +admi rably +accumu late +z illion +yar blek +wy man +vit ale +unobtru sive +tri lled +tom men +sy ca +snee zing +rutle dge +ri q +reassur ances +popp et +pol ter +plainti vely +pir acy +pas sively +or ita +nw anyi +mo g +men ag +k evik +hon ky +fi ers +et ching +devel ops +de meaning +day care +d m +corn wall +corn field +compar atively +christ en +chi p +camel ot +brit t +aqua marine +apol ly +a quil +196 0 +10 . +wee dy +ven ues +tel lers +swi mmers +swa l +stenc iled +sidel ine +raw lins +quil ted +propri etary +pi anist +phal lo +pe dophi +pa thi +o hh +li zar +li u +la mar +kal yn +in set +impre ssing +her edit +harmon ia +gymna stics +gab ron +fla gging +fis sures +dé lin +dis lodging +cur s +congre ssional +confla gration +co vington +climb ers +blood hound +ble mish +bit ty +bel ated +bd sm +ad alynn +wil bur +wel ding +vit ch +ven ez +u man +tin u +sun dae +sh o +sar ai +ri dg +rep lete +rain fall +pri an +pen light +p eal +ostri ch +olymp ian +must ering +mau l +lun d +levit ated +ko hler +kee ch +k aden +in fancy +in dom +imag ines +hu mbling +ho dges +h mmmm +go le +ga m +el as +ed ric +cu ed +cr aters +coul dna +conce ssions +clea ved +brow se +bo h +blo gs +blear ily +bel gian +bar ds +att on +ar te +am bar +abdomin al +work load +wa way +vari able +tunn eled +transp lan +tit tered +sy rup +smooth ie +si gil +se pt +recuper ate +read out +ran kin +over priced +om g +o leg +new castle +nea polis +me ted +lo in +la fleur +kay leigh +hang man +hand print +gu ji +gr ates +gol die +go t +gg y +fra il +fa h +extri cated +entrance way +eman ate +e gon +dwel ler +dri ch +do in +dispas sionately +continu um +cl oned +cit y +beg inner +ban jo +arab ia +anth ine +accoun tants +abo ve +y as +with stood +vo res +vac ancy +tt y +tri stian +thunder bird +tag eous +slo tted +shoe box +sch a +rel los +re f +ration ale +prose cute +prohi bition +obliter ating +n ing +mor bi +lit er +lan c +l ally +ker rin +j ad +inter viewer +infec tions +im partial +hero ism +dre s +dow ny +discre tely +disciplin ary +deep ens +chea pest +casu alness +car at +bor ns +begu iling +arr on +20 s +196 9 +196 0s +z oning +wr it +univers ally +unfur ling +un paralleled +un err +termin ology +table cloths +suici des +sand storm +sam mael +recep tacle +re do +pre emp +over land +mu ri +mph ed +ing ested +gla ssed +four some +fav oured +disillu sioned +diplo matically +cu toff +cu tie +common er +co b +ca sks +bre yden +br in +besti al +barba dos +as on +ar phallo +angar ak +9 78 +19 50 +wy vern +vittor io +vi ed +unre achable +unerr ingly +under ling +un fairness +surrep titious +step hens +spon sors +splat ters +she 'd +shal lowly +schizoph renic +sa pling +ryel and +ro sett +pro se +plun ger +pi que +physi ology +p onal +need ful +na pped +maj ors +m ance +k ering +inun dated +gwyne th +gu ide +exor bit +excre ment +ed in +do dgy +disori ent +cu ddly +chi cky +by passing +brown coat +bow men +bo gan +beck ons +battle ship +associ ations +apolly mi +amar anthine +ya h +wood lands +upp ity +twit ter +th eri +ten er +spas ming +side stepping +san a +rejo icing +pal pit +o' flan +noti fication +mit ts +miniaturi zation +ma kings +long ev +lee za +lamppo st +kro pp +joa quin +intre pid +immea surable +heredit ary +ha ines +h ounded +georgi ana +franchi se +fo ci +el hokar +dull sville +danc y +da pper +d ities +cou ture +ch ings +cal lers +ca yden +bur ped +bra instor +an ine +al bat +13 th +tro oped +ther onai +syrup y +se trakian +sa mil +plo p +person ified +out set +na q +li mbed +le ban +lally broch +ju vie +jo gs +jer kily +inv ali +il ene +gru bbs +gou ges +geni uses +en y +el aida +down river +de generate +cryp to +col bie +cog ni +cher i +cat calls +bre ws +bee zer +as under +as in +abhor rent +zo va +zova stina +volcan oes +vo los +vil lan +ur d +unidenti fiable +tru est +ta ft +sun sets +snu ffling +sli der +servic eable +scru bby +san dark +rit ter +rip ley +regi men +re placements +procra stin +pre school +pl on +painsta king +opti mist +o seth +modi fication +mo ssad +longev ity +kil lin +insinu ated +hol lister +fu elled +ever neath +da mper +crit ter +crack les +commit tees +car ic +bron n +ba st +ar deur +wed ging +weak ling +vor acious +vio lets +vi enne +tar paul +tar dy +sun dance +sto v +sel da +scrap book +saddle bag +re loading +re calls +ra ved +pat tering +paraly sed +night dress +ma kla +makla vir +ling u +li cor +initi ating +im parted +hel stof +guil lo +frost bite +exer tions +du aal +dri er +dainti ly +concep tions +circu late +chess board +cel le +bouti ques +bewil dering +bel lon +beck a +af fi +a es +4 :00 +zodi ac +wre tch +worshi ppers +virgin al +vest ra +uu uu +unobtru sively +un veiled +tea k +tar i +ta kingly +sta ke +scru mp +restri ction +publi cist +psycho logically +post man +pic asso +pa ppi +nu gge +nor mandy +min neapolis +mea gre +mari onette +kel thorne +ka ine +k tor +jubil ation +j ung +inter ject +in definable +in correctly +ha gen +gaunt lets +fu turi +famili ari +den omin +conspir ator +car mela +c ited +blogspot .com +bl alok +bi b +ben teley +bachel orette diff --git a/test/torchtext_unittest/asset/openai-gpt-vocab.json b/test/torchtext_unittest/asset/openai-gpt-vocab.json new file mode 100644 index 0000000000..6093c6a0b9 --- /dev/null +++ b/test/torchtext_unittest/asset/openai-gpt-vocab.json @@ -0,0 +1 @@ +{".": 1, ",": 2, "t": 3, "h": 4, "e": 5, "\"": 6, "o": 7, "a": 8, "n": 9, "d": 10, "i": 11, "f": 12, "w": 13, "s": 14, "y": 15, "u": 16, "r": 17, "'": 18, "?": 19, "m": 20, "b": 21, "-": 22, "v": 23, "p": 24, "c": 25, "l": 26, "k": 27, "j": 28, "!": 29, "g": 30, "*": 31, ";": 32, ":": 33, "x": 34, "q": 35, "z": 36, ")": 37, "(": 38, "1": 39, "/": 40, "_": 41, "2": 42, "3": 43, "4": 44, "~": 45, "5": 46, "#": 47, "0": 48, "6": 49, "7": 50, "$": 51, ">": 52, "9": 53, "8": 54, "[": 55, "]": 56, "<": 57, "&": 58, "%": 59, "\u00a8": 60, "`": 61, "\u00e9": 62, "\u00bb": 63, "\u00ab": 64, "=": 65, "\u2022": 66, "@": 67, "+": 68, "\u00a9": 69, "\u00a1": 70, "{": 71, "}": 72, "\u00aa": 73, "\u00f1": 74, "\u00ef": 75, "\u2016": 76, "\u00e7": 77, "\u00ed": 78, "^": 79, "\u00a3": 80, "\u00a7": 81, "\u2665": 82, "\u2212": 83, "\u00e0": 84, "|": 85, "\u00b0": 86, "\u00a6": 87, "\u0142": 88, "\u0129": 89, "\u00fc": 90, "\u00ae": 91, "\u00f9": 92, "\u00e1": 93, "\u00e2": 94, "\u00f3": 95, "\u00e8": 96, "\u221e": 97, "\u00eb": 98, "\u00e4": 99, "\u266a": 100, "\u00f2": 101, "\u03c9": 102, "\u25aa": 103, "\u00bd": 104, "\u01d2": 105, "\u2021": 106, "\u00ea": 107, "\u25ca": 108, "\u25ba": 109, "\u06de": 110, "\u00fa": 111, "\u20ac": 112, "\u00e6": 113, "\u00ee": 114, "\u2195": 115, "\u00f4": 116, "\u0113": 117, "\u01d0": 118, "\u266b": 119, "\ufffd": 120, "\uf04a": 121, "\u2122": 122, "\u0159": 123, "\u0101": 124, "\u00b7": 125, "\u00bf": 126, "\\": 127, "\u2500": 128, "\uf067": 129, "\uf020": 130, "\u2219": 131, "\u0950": 132, "\u00f6": 133, "\u00f8": 134, "\uf06c": 135, "\uf09b": 136, "\u25cf": 137, "\u00ad": 138, "\u25a0": 139, "\uf063": 140, "\u2020": 141, "\u00e5": 142, "\u014d": 143, "\u00e3": 144, "\u00a4": 145, "\u2814": 146, "\uf059": 147, "\u043d": 148, "\uf09a": 149, "\u2694": 150, "\u0103": 151, "\u00fb": 152, "\u00ba": 153, "\u2666": 154, "\u011d": 155, "\u00b9": 156, "\u2550": 157, "\uf0a3": 158, "\u00be": 159, "\u00ec": 160, "\u263c": 161, "\u0219": 162, "\u00bc": 163, "\u263a": 164, "\u0111": 165, "\u0105": 166, "\u01fd": 167, "\u2566": 168, "\uf02a": 169, "\u00ac": 170, "\u012b": 171, "\u200b": 172, "\u0153": 173, "\u00a2": 174, "\u01ce": 175, "\u0161": 176, "\u02bb": 177, "\u03bd": 178, "\u03b1": 179, "\uf05d": 180, "\u044f": 181, "\u0431": 182, "\u0439": 183, "\u03c4": 184, "\u03bf": 185, "\u03b5": 186, "\u03af": 187, "\u03b9": 188, "\u03b4": 189, "\uf073": 190, "\uf05e": 191, "\u2010": 192, "\u0441": 193, "\uf0a5": 194, "\u00fe": 195, "\u03ba": 196, "\u2011": 197, "\u2012": 198, "\u043a": 199, "\uf07e": 200, "\u03c3": 201, "\u010d": 202, "\uf0be": 203, "\u03c5": 204, "\u03cc": 205, "\uf061": 206, "\uf02d": 207, "\u00df": 208, "\u0435": 209, "\u0442": 210, "\u03bc": 211, "\u03c0": 212, "\u03c1": 213, "\u03ad": 214, "\u0432": 215, "\u015f": 216, "\u043e": 217, "\u00f0": 218, "\u0430": 219, "\u03c2": 220, "\u0440": 221, "\u043c": 222, "\u0443": 223, "\u03ae": 224, "\u03ac": 225, "\u0438": 226, "\u0434": 227, "\uf0bc": 228, "\uf070": 229, "\u03bb": 230, "\u043b": 231, "\u03b3": 232, "\u00af": 233, "\uf065": 234, "\uf043": 235, "\uf074": 236, "\uf068": 237, "\uf072": 238, ".": 239, ",": 240, "t": 241, "h": 242, "e": 243, "\"": 244, "o": 245, "a": 246, "n": 247, "d": 248, "i": 249, "f": 250, "w": 251, "s": 252, "y": 253, "u": 254, "r": 255, "'": 256, "?": 257, "m": 258, "b": 259, "-": 260, "v": 261, "p": 262, "c": 263, "l": 264, "k": 265, "j": 266, "!": 267, "g": 268, "*": 269, ";": 270, ":": 271, "x": 272, "q": 273, "z": 274, ")": 275, "(": 276, "1": 277, "/": 278, "_": 279, "2": 280, "3": 281, "4": 282, "~": 283, "5": 284, "#": 285, "0": 286, "6": 287, "7": 288, "$": 289, ">": 290, "9": 291, "8": 292, "[": 293, "]": 294, "<": 295, "&": 296, "%": 297, "\u00a8": 298, "`": 299, "\u00e9": 300, "\u00bb": 301, "\u00ab": 302, "=": 303, "\u2022": 304, "@": 305, "+": 306, "\u00a9": 307, "\u00a1": 308, "{": 309, "}": 310, "\u00aa": 311, "\u00f1": 312, "\u00ef": 313, "\u2016": 314, "\u00e7": 315, "\u00ed": 316, "^": 317, "\u00a3": 318, "\u00a7": 319, "\u2665": 320, "\u2212": 321, "\u00e0": 322, "|": 323, "\u00b0": 324, "\u00a6": 325, "\u0142": 326, "\u0129": 327, "\u00fc": 328, "\u00ae": 329, "\u00f9": 330, "\u00e1": 331, "\u00e2": 332, "\u00f3": 333, "\u00e8": 334, "\u221e": 335, "\u00eb": 336, "\u00e4": 337, "\u266a": 338, "\u00f2": 339, "\u03c9": 340, "\u25aa": 341, "\u00bd": 342, "\u01d2": 343, "\u2021": 344, "\u00ea": 345, "\u25ca": 346, "\u25ba": 347, "\u06de": 348, "\u00fa": 349, "\u20ac": 350, "\u00e6": 351, "\u00ee": 352, "\u2195": 353, "\u00f4": 354, "\u0113": 355, "\u01d0": 356, "\u266b": 357, "\ufffd": 358, "\uf04a": 359, "\u2122": 360, "\u0159": 361, "\u0101": 362, "\u00b7": 363, "\u00bf": 364, "\\": 365, "\u2500": 366, "\uf067": 367, "\uf020": 368, "\u2219": 369, "\u0950": 370, "\u00f6": 371, "\u00f8": 372, "\uf06c": 373, "\uf09b": 374, "\u25cf": 375, "\u00ad": 376, "\u25a0": 377, "\uf063": 378, "\u2020": 379, "\u00e5": 380, "\u014d": 381, "\u00e3": 382, "\u00a4": 383, "\u2814": 384, "\uf059": 385, "\u043d": 386, "\uf09a": 387, "\u2694": 388, "\u0103": 389, "\u00fb": 390, "\u00ba": 391, "\u2666": 392, "\u011d": 393, "\u00b9": 394, "\u2550": 395, "\uf0a3": 396, "\u00be": 397, "\u00ec": 398, "\u263c": 399, "\u0219": 400, "\u00bc": 401, "\u263a": 402, "\u0111": 403, "\u0105": 404, "\u01fd": 405, "\u2566": 406, "\uf02a": 407, "\u00ac": 408, "\u012b": 409, "\u200b": 410, "\u0153": 411, "\u00a2": 412, "\u01ce": 413, "\u0161": 414, "\u02bb": 415, "\u03bd": 416, "\u03b1": 417, "\uf05d": 418, "\u044f": 419, "\u0431": 420, "\u0439": 421, "\u03c4": 422, "\u03bf": 423, "\u03b5": 424, "\u03af": 425, "\u03b9": 426, "\u03b4": 427, "\uf073": 428, "\uf05e": 429, "\u2010": 430, "\u0441": 431, "\uf0a5": 432, "\u00fe": 433, "\u03ba": 434, "\u2011": 435, "\u2012": 436, "\u043a": 437, "\uf07e": 438, "\u03c3": 439, "\u010d": 440, "\uf0be": 441, "\u03c5": 442, "\u03cc": 443, "\uf061": 444, "\uf02d": 445, "\u00df": 446, "\u0435": 447, "\u0442": 448, "\u03bc": 449, "\u03c0": 450, "\u03c1": 451, "\u03ad": 452, "\u0432": 453, "\u015f": 454, "\u043e": 455, "\u00f0": 456, "\u0430": 457, "\u03c2": 458, "\u0440": 459, "\u043c": 460, "\u0443": 461, "\u03ae": 462, "\u03ac": 463, "\u0438": 464, "\u0434": 465, "\uf0bc": 466, "\uf070": 467, "\u03bb": 468, "\u043b": 469, "\u03b3": 470, "\u00af": 471, "\uf065": 472, "\uf043": 473, "\uf074": 474, "\uf068": 475, "\uf072": 476, "th": 477, "in": 478, "ed": 479, "an": 480, "the": 481, "ou": 482, "er": 483, "ing": 484, "to": 485, "er": 486, "he": 487, "and": 488, "ar": 489, "hi": 490, "at": 491, "re": 492, "wa": 493, "on": 494, "st": 495, "en": 496, "ha": 497, "of": 498, "or": 499, "in": 500, "al": 501, "it": 502, "en": 503, "on": 504, "el": 505, "ro": 506, "it": 507, "ac": 508, "was": 509, "me": 510, "yo": 511, "you": 512, "her": 513, "es": 514, "ly": 515, "no": 516, "at": 517, "lo": 518, "li": 519, "she": 520, "wh": 521, "or": 522, "st": 523, "his": 524, "that": 525, "ea": 526, "ve": 527, "be": 528, "ri": 529, "ld": 530, "an": 531, "gh": 532, "ere": 533, "the": 534, "'s": 535, "ti": 536, "'t": 537, "n't": 538, "id": 539, "sa": 540, "le": 541, "si": 542, "ur": 543, "is": 544, "bu": 545, "se": 546, "my": 547, "ho": 548, "ould": 549, "ne": 550, "out": 551, "le": 552, "wit": 553, "om": 554, "il": 555, "with": 556, "as": 557, "had": 558, "se": 559, "ght": 560, "ke": 561, "for": 562, "un": 563, "la": 564, "ra": 565, "one": 566, "ma": 567, "but": 568, "do": 569, "ab": 570, "to": 571, "ic": 572, "ch": 573, "ev": 574, "him": 575, "sh": 576, "ked": 577, "ca": 578, "pp": 579, "be": 580, "go": 581, "sp": 582, "oun": 583, "ir": 584, "de": 585, "ther": 586, "do": 587, "co": 588, "all": 589, "et": 590, "ss": 591, "di": 592, "mo": 593, "ent": 594, "not": 595, "de": 596, "now": 597, "ted": 598, "what": 599, "they": 600, "ag": 601, "ack": 602, "said": 603, "have": 604, "fro": 605, "we": 606, "ch": 607, "ce": 608, "up": 609, "ore": 610, "bo": 611, "ver": 612, "ter": 613, "loo": 614, "thing": 615, "this": 616, "from": 617, "king": 618, "ds": 619, "so": 620, "as": 621, "our": 622, "su": 623, "wn": 624, "con": 625, "did": 626, "mi": 627, "ru": 628, "fe": 629, "sed": 630, "gh": 631, "ta": 632, "ju": 633, "led": 634, "could": 635, "would": 636, "so": 637, "way": 638, "ts": 639, "are": 640, "were": 641, "ir": 642, "da": 643, "po": 644, "if": 645, "em": 646, "ill": 647, "rea": 648, "like": 649, "ers": 650, "back": 651, "wor": 652, "ear": 653, "ound": 654, "there": 655, "'d": 656, "ded": 657, "ell": 658, "ex": 659, "qu": 660, "ough": 661, "hea": 662, "th": 663, "no": 664, "ll": 665, "into": 666, "ing": 667, "just": 668, "when": 669, "about": 670, "ati": 671, "fa": 672, "pu": 673, "then": 674, "ally": 675, "sc": 676, "lea": 677, "ver": 678, "al": 679, "mu": 680, "ant": 681, "ace": 682, "fu": 683, "whi": 684, "yes": 685, "ind": 686, "ting": 687, "them": 688, "dy": 689, "com": 690, "ding": 691, "gu": 692, "tur": 693, "been": 694, "ee": 695, "for": 696, "som": 697, "ard": 698, "know": 699, "some": 700, "op": 701, "by": 702, "tw": 703, "your": 704, "ter": 705, "pro": 706, "sel": 707, "of": 708, "ge": 709, "fi": 710, "od": 711, "pa": 712, "ec": 713, "down": 714, "over": 715, "re": 716, "lu": 717, "how": 718, "'m": 719, "time": 720, "aga": 721, "wi": 722, "tr": 723, "sur": 724, "more": 725, "..": 726, "get": 727, "other": 728, "pre": 729, "ned": 730, "ong": 731, "der": 732, "vi": 733, "par": 734, "ys": 735, "pl": 736, "side": 737, "fo": 738, "tly": 739, "ck": 740, "eyes": 741, "ks": 742, "gi": 743, "me": 744, "ine": 745, "ate": 746, "ni": 747, "self": 748, "...": 749, "per": 750, "ty": 751, "af": 752, "el": 753, "their": 754, "ice": 755, "head": 756, "thin": 757, "pped": 758, "can": 759, "gr": 760, "'re": 761, "man": 762, "who": 763, "ying": 764, "ling": 765, "ation": 766, "sto": 767, "us": 768, "sm": 769, "right": 770, "der": 771, "sho": 772, "ok": 773, "ge": 774, "any": 775, "ga": 776, "fore": 777, "pe": 778, "ever": 779, "ought": 780, "before": 781, "han": 782, "new": 783, "even": 784, "around": 785, "ely": 786, "mp": 787, "see": 788, "star": 789, "cau": 790, "any": 791, "ved": 792, "here": 793, "ss": 794, "sh": 795, "clo": 796, "going": 797, "fir": 798, "go": 799, "our": 800, "thr": 801, "ps": 802, "some": 803, "'ll": 804, "low": 805, "where": 806, "ving": 807, "only": 808, "tion": 809, "hel": 810, "off": 811, "will": 812, "na": 813, "ci": 814, "than": 815, "looked": 816, "able": 817, "tle": 818, "roo": 819, "ons": 820, "ten": 821, "through": 822, "want": 823, "ous": 824, "think": 825, "ning": 826, "cu": 827, "hand": 828, "ba": 829, "vo": 830, "mar": 831, "jo": 832, "again": 833, "too": 834, "face": 835, "te": 836, "wal": 837, "shi": 838, "sw": 839, "lit": 840, "away": 841, "ft": 842, "still": 843, "room": 844, "ity": 845, "something": 846, "fe": 847, "come": 848, "ssi": 849, "day": 850, "let": 851, "ry": 852, "ear": 853, "ep": 854, "ings": 855, "gre": 856, "car": 857, "ered": 858, "est": 859, "wan": 860, "after": 861, "well": 862, "hear": 863, "asked": 864, "bl": 865, "thought": 866, "two": 867, "never": 868, "ang": 869, "good": 870, "ever": 871, "end": 872, "sta": 873, "ad": 874, "ated": 875, "br": 876, "ance": 877, "min": 878, "cha": 879, "'ve": 880, "sure": 881, "ck": 882, "cause": 883, "hu": 884, "made": 885, "got": 886, "tri": 887, "ssed": 888, "much": 889, "look": 890, "ched": 891, "mb": 892, "shed": 893, "fin": 894, "why": 895, "du": 896, "ward": 897, "bel": 898, "turned": 899, "sha": 900, "gg": 901, "ach": 902, "bro": 903, "gra": 904, "most": 905, "knew": 906, "ath": 907, "door": 908, "little": 909, "tal": 910, "ls": 911, "because": 912, "fel": 913, "ened": 914, "tu": 915, "war": 916, "te": 917, "sk": 918, "ff": 919, "sit": 920, "take": 921, "happ": 922, "man": 923, "ms": 924, "make": 925, "cal": 926, "every": 927, "long": 928, "first": 929, "tra": 930, "ach": 931, "ste": 932, "ful": 933, "ble": 934, "ess": 935, "im": 936, "say": 937, "ence": 938, "came": 939, "ced": 940, "pri": 941, "felt": 942, "bed": 943, "ree": 944, "son": 945, "mon": 946, "dar": 947, "took": 948, "ser": 949, "app": 950, "ki": 951, "tru": 952, "fri": 953, "low": 954, "chi": 955, "body": 956, "fr": 957, "pla": 958, "sin": 959, "ali": 960, "wanted": 961, "ose": 962, "very": 963, "ves": 964, "est": 965, "need": 966, "pul": 967, "kno": 968, "ears": 969, "dd": 970, "stu": 971, "tell": 972, "pi": 973, "str": 974, "dre": 975, "really": 976, "cre": 977, "red": 978, "bi": 979, "has": 980, "cont": 981, "he": 982, "hands": 983, "which": 984, "sen": 985, "peop": 986, "its": 987, "sing": 988, "people": 989, "rec": 990, "wat": 991, "sli": 992, "ca": 993, "should": 994, "night": 995, "ws": 996, "with": 997, "though": 998, "left": 999, "while": 1000, "tting": 1001, "voice": 1002, "med": 1003, "again": 1004, "ze": 1005, "against": 1006, "another": 1007, "wom": 1008, "last": 1009, "lan": 1010, "ready": 1011, "ment": 1012, "life": 1013, "told": 1014, "mem": 1015, "mes": 1016, "mom": 1017, "ja": 1018, "mat": 1019, "ous": 1020, "pe": 1021, "ei": 1022, "lar": 1023, "les": 1024, "lau": 1025, "few": 1026, "brea": 1027, "age": 1028, "ion": 1029, "ways": 1030, "ph": 1031, "kee": 1032, "anything": 1033, "ined": 1034, "tt": 1035, "being": 1036, "ents": 1037, "nothing": 1038, "cur": 1039, "went": 1040, "ep": 1041, "hind": 1042, "behind": 1043, "ick": 1044, "ite": 1045, "enough": 1046, "comp": 1047, "am": 1048, "ed": 1049, "sor": 1050, "tter": 1051, "seem": 1052, "bar": 1053, "mor": 1054, "cor": 1055, "does": 1056, "saw": 1057, "ouse": 1058, "shou": 1059, "dea": 1060, "may": 1061, "unti": 1062, "might": 1063, "feel": 1064, "zed": 1065, "tre": 1066, "off": 1067, "things": 1068, "col": 1069, "dra": 1070, "gir": 1071, "put": 1072, "until": 1073, "own": 1074, "ka": 1075, "those": 1076, "nex": 1077, "bab": 1078, "under": 1079, "wo": 1080, "looking": 1081, "place": 1082, "mind": 1083, "fac": 1084, "find": 1085, "and": 1086, "cla": 1087, "win": 1088, "ster": 1089, "fol": 1090, "sil": 1091, "light": 1092, "spec": 1093, "beg": 1094, "ie": 1095, "maybe": 1096, "een": 1097, "once": 1098, "every": 1099, "iled": 1100, "less": 1101, "fron": 1102, "ger": 1103, "cked": 1104, "gen": 1105, "outh": 1106, "il": 1107, "hun": 1108, "both": 1109, "hal": 1110, "har": 1111, "her": 1112, "moment": 1113, "house": 1114, "next": 1115, "ching": 1116, "fing": 1117, "lat": 1118, "love": 1119, "always": 1120, "dri": 1121, "old": 1122, "ept": 1123, "sted": 1124, "ness": 1125, "stre": 1126, "ner": 1127, "my": 1128, "work": 1129, "front": 1130, "ross": 1131, "found": 1132, "hair": 1133, "cer": 1134, "stan": 1135, "inter": 1136, "stood": 1137, "plea": 1138, "ean": 1139, "him": 1140, "oh": 1141, "bre": 1142, "rai": 1143, "ken": 1144, "row": 1145, "himself": 1146, "without": 1147, "ure": 1148, "dr": 1149, "help": 1150, "inside": 1151, "poin": 1152, "memb": 1153, "wr": 1154, "table": 1155, "ol": 1156, "woman": 1157, "father": 1158, "ey": 1159, "ating": 1160, "bri": 1161, "hard": 1162, "home": 1163, "same": 1164, "ory": 1165, "sion": 1166, "lly": 1167, "give": 1168, "emp": 1169, "ack": 1170, "dly": 1171, "heard": 1172, "mother": 1173, "flo": 1174, "men": 1175, "smi": 1176, "cour": 1177, "keep": 1178, "ans": 1179, "everything": 1180, "ul": 1181, "ies": 1182, "each": 1183, "someone": 1184, "ey": 1185, "ried": 1186, "mouth": 1187, "arm": 1188, "open": 1189, "arms": 1190, "dro": 1191, "ank": 1192, "seemed": 1193, "nee": 1194, "shoul": 1195, "coun": 1196, "gs": 1197, "better": 1198, "fre": 1199, "ick": 1200, "spo": 1201, "bloo": 1202, "three": 1203, "trying": 1204, "pulled": 1205, "ped": 1206, "betw": 1207, "toward": 1208, "mer": 1209, "between": 1210, "sle": 1211, "answ": 1212, "lowed": 1213, "nor": 1214, "bur": 1215, "exp": 1216, "secon": 1217, "years": 1218, "inst": 1219, "small": 1220, "ached": 1221, "cra": 1222, "across": 1223, "out": 1224, "wait": 1225, "feel": 1226, "ses": 1227, "dded": 1228, "stand": 1229, "tered": 1230, "ven": 1231, "fami": 1232, "set": 1233, "since": 1234, "started": 1235, "under": 1236, "ton": 1237, "pping": 1238, "ening": 1239, "kes": 1240, "almost": 1241, "smile": 1242, "ors": 1243, "ani": 1244, "already": 1245, "gave": 1246, "laugh": 1247, "cr": 1248, "ob": 1249, "part": 1250, "pic": 1251, "used": 1252, "rememb": 1253, "words": 1254, "hur": 1255, "done": 1256, "up": 1257, "res": 1258, "must": 1259, "walked": 1260, "enti": 1261, "minu": 1262, "tou": 1263, "pr": 1264, "nu": 1265, "gla": 1266, "car": 1267, "att": 1268, "ange": 1269, "won": 1270, "ary": 1271, "many": 1272, "doing": 1273, "coming": 1274, "tried": 1275, "world": 1276, "cho": 1277, "toge": 1278, "heart": 1279, "ously": 1280, "together": 1281, "bea": 1282, "kay": 1283, "else": 1284, "rep": 1285, "ten": 1286, "je": 1287, "these": 1288, "cou": 1289, "lear": 1290, "myself": 1291, "quest": 1292, "dered": 1293, "dark": 1294, "seen": 1295, "stop": 1296, "row": 1297, "diff": 1298, "eli": 1299, "turn": 1300, "black": 1301, "try": 1302, "feet": 1303, "okay": 1304, "sat": 1305, "mag": 1306, "sti": 1307, "fec": 1308, "nodded": 1309, "supp": 1310, "far": 1311, "ort": 1312, "held": 1313, "ins": 1314, "mean": 1315, "ming": 1316, "va": 1317, "yed": 1318, "ping": 1319, "girl": 1320, "lips": 1321, "lot": 1322, "times": 1323, "ghts": 1324, "gar": 1325, "illed": 1326, "cl": 1327, "see": 1328, "hol": 1329, "pas": 1330, "reali": 1331, "ann": 1332, "herself": 1333, "sig": 1334, "moved": 1335, "char": 1336, "mil": 1337, "hor": 1338, "ious": 1339, "yet": 1340, "gged": 1341, "fully": 1342, "close": 1343, "hear": 1344, "ce": 1345, "rest": 1346, "called": 1347, "smiled": 1348, "ged": 1349, "squ": 1350, "began": 1351, "air": 1352, "water": 1353, "ssion": 1354, "tain": 1355, "who": 1356, "leave": 1357, "ig": 1358, "also": 1359, "belie": 1360, "pow": 1361, "name": 1362, "sy": 1363, "ders": 1364, "deci": 1365, "fla": 1366, "ering": 1367, "ssing": 1368, "mr": 1369, "call": 1370, "clu": 1371, "ol": 1372, "wee": 1373, "gone": 1374, "talk": 1375, "kind": 1376, "blood": 1377, "bit": 1378, "breath": 1379, "oth": 1380, "getting": 1381, "floor": 1382, "tes": 1383, "tel": 1384, "course": 1385, "wing": 1386, "says": 1387, "needed": 1388, "such": 1389, "ture": 1390, "shing": 1391, "word": 1392, "big": 1393, "friend": 1394, "des": 1395, "tually": 1396, "ble": 1397, "sudd": 1398, "contin": 1399, "lean": 1400, "dis": 1401, "ask": 1402, "cen": 1403, "finally": 1404, "rol": 1405, "possi": 1406, "shook": 1407, "reas": 1408, "probab": 1409, "ff": 1410, "ven": 1411, "along": 1412, "fingers": 1413, "lon": 1414, "gri": 1415, "whisp": 1416, "phone": 1417, "blu": 1418, "probably": 1419, "second": 1420, "dam": 1421, "ane": 1422, "least": 1423, "great": 1424, "continu": 1425, "ve": 1426, "sts": 1427, "later": 1428, "exc": 1429, "ground": 1430, "yea": 1431, "best": 1432, "shu": 1433, "happened": 1434, "deep": 1435, "god": 1436, "ours": 1437, "mur": 1438, "yeah": 1439, "past": 1440, "believe": 1441, "den": 1442, "soon": 1443, "half": 1444, "cli": 1445, "lin": 1446, "thro": 1447, "men": 1448, "stopped": 1449, "quick": 1450, "sy": 1451, "fle": 1452, "chest": 1453, "white": 1454, "reached": 1455, "read": 1456, "making": 1457, "sorry": 1458, "ire": 1459, "days": 1460, "opened": 1461, "move": 1462, "family": 1463, "surpri": 1464, "sound": 1465, "dow": 1466, "ement": 1467, "feeling": 1468, "dead": 1469, "direc": 1470, "ect": 1471, "differ": 1472, "everyone": 1473, "ide": 1474, "morning": 1475, "ben": 1476, "ately": 1477, "frien": 1478, "ot": 1479, "ently": 1480, "youn": 1481, "bbed": 1482, "wea": 1483, "bra": 1484, "lie": 1485, "act": 1486, "slow": 1487, "ad": 1488, "anyone": 1489, "per": 1490, "hell": 1491, "vered": 1492, "taking": 1493, "bb": 1494, "top": 1495, "over": 1496, "wo": 1497, "bad": 1498, "idea": 1499, "imp": 1500, "tal": 1501, "noti": 1502, "quickly": 1503, "ah": 1504, "standing": 1505, "run": 1506, "dge": 1507, "ining": 1508, "soun": 1509, "comple": 1510, "ren": 1511, "au": 1512, "wil": 1513, "fted": 1514, "ale": 1515, "dic": 1516, "irs": 1517, "aced": 1518, "mine": 1519, "qui": 1520, "kept": 1521, "forward": 1522, "enly": 1523, "clea": 1524, "tor": 1525, "tions": 1526, "ber": 1527, "ef": 1528, "use": 1529, "lied": 1530, "la": 1531, "is": 1532, "care": 1533, "mp": 1534, "shoulder": 1535, "ared": 1536, "tor": 1537, "anc": 1538, "dou": 1539, "spea": 1540, "boy": 1541, "ran": 1542, "sk": 1543, "stri": 1544, "eng": 1545, "ship": 1546, "slowly": 1547, "glan": 1548, "wall": 1549, "having": 1550, "bla": 1551, "alone": 1552, "list": 1553, "ond": 1554, "ar": 1555, "buil": 1556, "onto": 1557, "stay": 1558, "remember": 1559, "tty": 1560, "ns": 1561, "closed": 1562, "skin": 1563, "cap": 1564, "thinking": 1565, "stru": 1566, "guy": 1567, "fore": 1568, "iling": 1569, "ny": 1570, "minutes": 1571, "please": 1572, "sla": 1573, "am": 1574, "plan": 1575, "wed": 1576, "watched": 1577, "hold": 1578, "point": 1579, "ler": 1580, "fire": 1581, "real": 1582, "high": 1583, "line": 1584, "full": 1585, "onal": 1586, "beau": 1587, "ink": 1588, "outside": 1589, "atten": 1590, "bor": 1591, "talking": 1592, "wrong": 1593, "land": 1594, "either": 1595, "suddenly": 1596, "scho": 1597, "may": 1598, "na": 1599, "ations": 1600, "ches": 1601, "oned": 1602, "stared": 1603, "pur": 1604, "eri": 1605, "resp": 1606, "ghtly": 1607, "ones": 1608, "disa": 1609, "chap": 1610, "lor": 1611, "run": 1612, "tun": 1613, "fine": 1614, "vel": 1615, "ley": 1616, "ser": 1617, "fact": 1618, "speci": 1619, "fli": 1620, "matter": 1621, "ths": 1622, "understand": 1623, "hat": 1624, "near": 1625, "chee": 1626, "fal": 1627, "ple": 1628, "actually": 1629, "thre": 1630, "mom": 1631, "lost": 1632, "sses": 1633, "ead": 1634, "lar": 1635, "neck": 1636, "wait": 1637, "drea": 1638, "ke": 1639, "comm": 1640, "pan": 1641, "hon": 1642, "five": 1643, "waiting": 1644, "ton": 1645, "cro": 1646, "hand": 1647, "zz": 1648, "dist": 1649, "dad": 1650, "cking": 1651, "pain": 1652, "swe": 1653, "lou": 1654, "sent": 1655, "aw": 1656, "whole": 1657, "ma": 1658, "wards": 1659, "cat": 1660, "ging": 1661, "friends": 1662, "ago": 1663, "chapter": 1664, "met": 1665, "den": 1666, "four": 1667, "oc": 1668, "young": 1669, "hurt": 1670, "walk": 1671, "bru": 1672, "chec": 1673, "blue": 1674, "ia": 1675, "tely": 1676, "eared": 1677, "sting": 1678, "boo": 1679, "shir": 1680, "taken": 1681, "mr.": 1682, "sit": 1683, "caught": 1684, "different": 1685, "pretty": 1686, "fig": 1687, "simp": 1688, "care": 1689, "gue": 1690, "nat": 1691, "lun": 1692, "din": 1693, "ters": 1694, "als": 1695, "die": 1696, "gro": 1697, "instead": 1698, "laughed": 1699, "answer": 1700, "chang": 1701, "stro": 1702, "case": 1703, "imag": 1704, "cold": 1705, "smo": 1706, "tom": 1707, "fast": 1708, "others": 1709, "desp": 1710, "cks": 1711, "brother": 1712, "ef": 1713, "mm": 1714, "kill": 1715, "ction": 1716, "prot": 1717, "stom": 1718, "large": 1719, "mber": 1720, "anger": 1721, "what": 1722, "tin": 1723, "gaze": 1724, "vy": 1725, "zing": 1726, "acti": 1727, "fur": 1728, "thir": 1729, "leaned": 1730, "perfec": 1731, "sever": 1732, "fini": 1733, "story": 1734, "window": 1735, "school": 1736, "screa": 1737, "pat": 1738, "brought": 1739, "dev": 1740, "quite": 1741, "bal": 1742, "possible": 1743, "fell": 1744, "looks": 1745, "strai": 1746, "enty": 1747, "legs": 1748, "chil": 1749, "ected": 1750, "hit": 1751, "chair": 1752, "consi": 1753, "lowing": 1754, "che": 1755, "question": 1756, "happy": 1757, "cle": 1758, "start": 1759, "sense": 1760, "del": 1761, "da": 1762, "ner": 1763, "chri": 1764, "acc": 1765, "inten": 1766, "death": 1767, "whispered": 1768, "kit": 1769, "glanced": 1770, "ight": 1771, "shar": 1772, "stepped": 1773, "reason": 1774, "clear": 1775, "mped": 1776, "hope": 1777, "ces": 1778, "sitting": 1779, "cal": 1780, "ker": 1781, "whatever": 1782, "holding": 1783, "thank": 1784, "shot": 1785, "int": 1786, "continued": 1787, "show": 1788, "town": 1789, "disapp": 1790, "appro": 1791, "acked": 1792, "several": 1793, "than": 1794, "sol": 1795, "change": 1796, "stor": 1797, "sof": 1798, "replied": 1799, "person": 1800, "es": 1801, "died": 1802, "year": 1803, "expla": 1804, "ty": 1805, "abo": 1806, "city": 1807, "hours": 1808, "covered": 1809, "exac": 1810, "watching": 1811, "meant": 1812, "ring": 1813, "followed": 1814, "respon": 1815, "known": 1816, "sna": 1817, "peri": 1818, "dent": 1819, "power": 1820, "medi": 1821, "uni": 1822, "exactly": 1823, "beauti": 1824, "part": 1825, "moving": 1826, "throat": 1827, "rema": 1828, "running": 1829, "realized": 1830, "money": 1831, "watch": 1832, "mal": 1833, "ens": 1834, "eye": 1835, "mbled": 1836, "fer": 1837, "comfor": 1838, "guess": 1839, "sub": 1840, "sleep": 1841, "shirt": 1842, "sear": 1843, "rol": 1844, "hot": 1845, "glass": 1846, "vic": 1847, "por": 1848, "true": 1849, "od": 1850, "haps": 1851, "cir": 1852, "usu": 1853, "ghter": 1854, "perhaps": 1855, "we": 1856, "sing": 1857, "form": 1858, "kne": 1859, "bil": 1860, "book": 1861, "promi": 1862, "attention": 1863, "yel": 1864, "ther": 1865, "kiss": 1866, "ited": 1867, "damn": 1868, "closer": 1869, "chen": 1870, "beautiful": 1871, "longer": 1872, "today": 1873, "fl": 1874, "nice": 1875, "office": 1876, "shit": 1877, "iti": 1878, "human": 1879, "stairs": 1880, "proble": 1881, "touch": 1882, "sco": 1883, "vamp": 1884, "living": 1885, "given": 1886, "saying": 1887, "grabbed": 1888, "chance": 1889, "job": 1890, "late": 1891, "cut": 1892, "cing": 1893, "live": 1894, "ght": 1895, "seat": 1896, "vers": 1897, "pushed": 1898, "bot": 1899, "shru": 1900, "tea": 1901, "vie": 1902, "expre": 1903, "cru": 1904, "gun": 1905, "scre": 1906, "beside": 1907, "mir": 1908, "women": 1909, "ran": 1910, "stra": 1911, "nar": 1912, "step": 1913, "jack": 1914, "wra": 1915, "tic": 1916, "ates": 1917, "ist": 1918, "couple": 1919, "dering": 1920, "busin": 1921, "pen": 1922, "back": 1923, "baby": 1924, "decided": 1925, "pal": 1926, "turning": 1927, "sigh": 1928, "teen": 1929, "wel": 1930, "cy": 1931, "reli": 1932, "thou": 1933, "shoulders": 1934, "earing": 1935, "ddle": 1936, "tonight": 1937, "short": 1938, "vely": 1939, "jer": 1940, "blo": 1941, "rolled": 1942, "arri": 1943, "tive": 1944, "doub": 1945, "sar": 1946, "ghten": 1947, "mic": 1948, "clear": 1949, "fear": 1950, "vin": 1951, "above": 1952, "pressed": 1953, "loved": 1954, "lay": 1955, "kitchen": 1956, "near": 1957, "filled": 1958, "control": 1959, "vel": 1960, "ale": 1961, "rel": 1962, "sun": 1963, "free": 1964, "thu": 1965, "tom": 1966, "tt": 1967, "grow": 1968, "tears": 1969, "leaving": 1970, "sister": 1971, "ult": 1972, "meet": 1973, "uring": 1974, "posit": 1975, "tten": 1976, "bit": 1977, "rose": 1978, "eight": 1979, "phi": 1980, "passed": 1981, "dropped": 1982, "form": 1983, "street": 1984, "road": 1985, "spoke": 1986, "scu": 1987, "sky": 1988, "len": 1989, "towards": 1990, "how": 1991, "pt": 1992, "poli": 1993, "sou": 1994, "gy": 1995, "working": 1996, "band": 1997, "shut": 1998, "parents": 1999, "sides": 2000, "zy": 2001, "obvi": 2002, "ort": 2003, "secre": 2004, "fight": 2005, "business": 2006, "val": 2007, "tar": 2008, "raised": 2009, "fied": 2010, "ie": 2011, "bul": 2012, "um": 2013, "ffe": 2014, "anyway": 2015, "int": 2016, "ured": 2017, "silence": 2018, "twenty": 2019, "aged": 2020, "child": 2021, "soft": 2022, "ily": 2023, "tran": 2024, "ttered": 2025, "drew": 2026, "gotten": 2027, "seeing": 2028, "within": 2029, "bring": 2030, "joh": 2031, "easy": 2032, "rather": 2033, "upon": 2034, "mon": 2035, "tain": 2036, "questi": 2037, "inv": 2038, "mel": 2039, "building": 2040, "gl": 2041, "sort": 2042, "ingly": 2043, "food": 2044, "s.": 2045, "dark": 2046, "gry": 2047, "your": 2048, "fun": 2049, "immedi": 2050, "cri": 2051, "dress": 2052, "id": 2053, "bir": 2054, "completely": 2055, "green": 2056, "flu": 2057, "ina": 2058, "ici": 2059, "walking": 2060, "corner": 2061, "ils": 2062, "picked": 2063, "reco": 2064, "noticed": 2065, "ne": 2066, "safe": 2067, "truth": 2068, "ster": 2069, "dren": 2070, "speak": 2071, "stea": 2072, "ror": 2073, "strong": 2074, "edge": 2075, "straight": 2076, "bs": 2077, "steps": 2078, "tee": 2079, "children": 2080, "giving": 2081, "fall": 2082, "raid": 2083, "waited": 2084, "bly": 2085, "wer": 2086, "ic": 2087, "hour": 2088, "lifted": 2089, "stone": 2090, "crow": 2091, "inning": 2092, "wife": 2093, "suppo": 2094, "easi": 2095, "gan": 2096, "changed": 2097, "thes": 2098, "grou": 2099, "staring": 2100, "deal": 2101, "shes": 2102, "enjo": 2103, "sun": 2104, "action": 2105, "week": 2106, "warm": 2107, "stomach": 2108, "ical": 2109, "miss": 2110, "six": 2111, "killed": 2112, "gon": 2113, "cket": 2114, "opp": 2115, "happen": 2116, "yourself": 2117, "returned": 2118, "nearly": 2119, "concer": 2120, "agre": 2121, "ye": 2122, "deli": 2123, "nei": 2124, "whe": 2125, "guys": 2126, "dies": 2127, "thoughts": 2128, "trou": 2129, "prin": 2130, "coffe": 2131, "afraid": 2132, "guar": 2133, "sighed": 2134, "import": 2135, "eld": 2136, "knowing": 2137, "len": 2138, "worked": 2139, "pull": 2140, "ise": 2141, "ct": 2142, "wol": 2143, "wide": 2144, "van": 2145, "quiet": 2146, "finger": 2147, "convers": 2148, "clothes": 2149, "become": 2150, "et": 2151, "fra": 2152, "seem": 2153, "grand": 2154, "eath": 2155, "yer": 2156, "teeth": 2157, "break": 2158, "sal": 2159, "placed": 2160, "son": 2161, "dows": 2162, "answered": 2163, "expression": 2164, "bag": 2165, "bat": 2166, "during": 2167, "supposed": 2168, "coffee": 2169, "foot": 2170, "ly": 2171, "xed": 2172, "bed": 2173, "ank": 2174, "ator": 2175, "minute": 2176, "worry": 2177, "gge": 2178, "entire": 2179, "mit": 2180, "desk": 2181, "girls": 2182, "are": 2183, "sight": 2184, "lord": 2185, "ian": 2186, "rely": 2187, "wondered": 2188, "sir": 2189, "thanks": 2190, "makes": 2191, "gener": 2192, "ounded": 2193, "perfect": 2194, "foo": 2195, "selves": 2196, "gging": 2197, "immediately": 2198, "ets": 2199, "play": 2200, "thy": 2201, "telling": 2202, "empty": 2203, "problem": 2204, "mee": 2205, "mb": 2206, "sometimes": 2207, "after": 2208, "parti": 2209, "surprised": 2210, "ities": 2211, "art": 2212, "dred": 2213, "scen": 2214, "ball": 2215, "figure": 2216, "however": 2217, "ece": 2218, "beneath": 2219, "cky": 2220, "dau": 2221, "trust": 2222, "although": 2223, "ith": 2224, "barely": 2225, "fil": 2226, "certain": 2227, "lady": 2228, "hey": 2229, "pointed": 2230, "colle": 2231, "finished": 2232, "middle": 2233, "shrugged": 2234, "order": 2235, "plan": 2236, "els": 2237, "appeared": 2238, "ats": 2239, "tight": 2240, "emo": 2241, "knows": 2242, "eved": 2243, "ass": 2244, "quie": 2245, "partment": 2246, "kissed": 2247, "blin": 2248, "ja": 2249, "chu": 2250, "dow": 2251, "spir": 2252, "number": 2253, "sam": 2254, "view": 2255, "inging": 2256, "interest": 2257, "terri": 2258, "became": 2259, "ition": 2260, "aching": 2261, "heavy": 2262, "simply": 2263, "hall": 2264, "moun": 2265, "laugh": 2266, "cted": 2267, "months": 2268, "san": 2269, "tan": 2270, "slid": 2271, "wind": 2272, "ger": 2273, "can": 2274, "wish": 2275, "pid": 2276, "sul": 2277, "hundred": 2278, "quick": 2279, "ghtened": 2280, "tongue": 2281, "fif": 2282, "important": 2283, "cally": 2284, "formation": 2285, "headed": 2286, "drink": 2287, "space": 2288, "kil": 2289, "eal": 2290, "woo": 2291, "pain": 2292, "conversation": 2293, "return": 2294, "cel": 2295, "vol": 2296, "fused": 2297, "hen": 2298, "esca": 2299, "lor": 2300, "group": 2301, "plac": 2302, "except": 2303, "famili": 2304, "pho": 2305, "earth": 2306, "ste": 2307, "swi": 2308, "trac": 2309, "don": 2310, "wearing": 2311, "liked": 2312, "nose": 2313, "slightly": 2314, "ges": 2315, "ney": 2316, "spent": 2317, "added": 2318, "sign": 2319, "bar": 2320, "lit": 2321, "secur": 2322, "comes": 2323, "wned": 2324, "sett": 2325, "temp": 2326, "gently": 2327, "gic": 2328, "hers": 2329, "writ": 2330, "strange": 2331, "daughter": 2332, "ject": 2333, "tiny": 2334, "nor": 2335, "certain": 2336, "sounded": 2337, "ta": 2338, "ahead": 2339, "dinner": 2340, "eel": 2341, "mmed": 2342, "tomor": 2343, "cess": 2344, "test": 2345, "tomorrow": 2346, "none": 2347, "pulling": 2348, "ssa": 2349, "direction": 2350, "mmer": 2351, "pres": 2352, "ry": 2353, "tering": 2354, "doc": 2355, "alive": 2356, "anymore": 2357, "sounds": 2358, "hy": 2359, "lights": 2360, "recog": 2361, "ddy": 2362, "area": 2363, "eye": 2364, "doors": 2365, "stret": 2366, "inned": 2367, "ically": 2368, "wake": 2369, "less": 2370, "sci": 2371, "weeks": 2372, "ky": 2373, "deep": 2374, "touched": 2375, "beli": 2376, "thick": 2377, "surprise": 2378, "tone": 2379, "ana": 2380, "ow": 2381, "lip": 2382, "--": 2383, "dir": 2384, "rup": 2385, "softly": 2386, "kids": 2387, "experi": 2388, "trouble": 2389, "stic": 2390, "specially": 2391, "sped": 2392, "somewhere": 2393, "box": 2394, "atu": 2395, "twi": 2396, "frey": 2397, "knees": 2398, "piece": 2399, "broken": 2400, "im": 2401, "somehow": 2402, "lying": 2403, "stuff": 2404, "paper": 2405, "guard": 2406, "jack": 2407, "quietly": 2408, "force": 2409, "lo": 2410, "ality": 2411, "sive": 2412, "drive": 2413, "bey": 2414, "cent": 2415, "freyja": 2416, "sweet": 2417, "early": 2418, "kni": 2419, "mage": 2420, "cus": 2421, "ative": 2422, "ssa": 2423, "deser": 2424, "eat": 2425, "bbing": 2426, "aling": 2427, "dang": 2428, "beyond": 2429, "remembered": 2430, "especially": 2431, "situ": 2432, "single": 2433, "slow": 2434, "sty": 2435, "questions": 2436, "spar": 2437, "juli": 2438, "worse": 2439, "bli": 2440, "broke": 2441, "hesit": 2442, "wants": 2443, "information": 2444, "defin": 2445, "trees": 2446, "relea": 2447, "police": 2448, "ital": 2449, "crazy": 2450, "cheek": 2451, "weap": 2452, "ments": 2453, "cover": 2454, "tree": 2455, "reach": 2456, "check": 2457, "darkness": 2458, "conne": 2459, "seconds": 2460, "tired": 2461, "locked": 2462, "paused": 2463, "board": 2464, "ra": 2465, "sugge": 2466, "game": 2467, "itu": 2468, "wrapped": 2469, "gray": 2470, "sex": 2471, "silent": 2472, "fav": 2473, "hus": 2474, "oud": 2475, "john": 2476, "scri": 2477, "dom": 2478, "stupid": 2479, "thi": 2480, "remin": 2481, "dressed": 2482, "managed": 2483, "practi": 2484, "male": 2485, "jen": 2486, "aled": 2487, "mit": 2488, "distance": 2489, "ended": 2490, "seems": 2491, "alex": 2492, "walls": 2493, "follow": 2494, "threw": 2495, "wonder": 2496, "serv": 2497, "huge": 2498, "bedroom": 2499, "meeting": 2500, "scar": 2501, "vampire": 2502, "worried": 2503, "recogni": 2504, "def": 2505, "using": 2506, "brown": 2507, "expected": 2508, "dru": 2509, "wood": 2510, "news": 2511, "bright": 2512, "means": 2513, "swal": 2514, "beth": 2515, "mbling": 2516, "wri": 2517, "doubt": 2518, "sic": 2519, "forced": 2520, "ery": 2521, "cess": 2522, "beat": 2523, "rela": 2524, "heat": 2525, "ung": 2526, "unt": 2527, "often": 2528, "crowd": 2529, "unk": 2530, "mal": 2531, "squee": 2532, "vil": 2533, "listen": 2534, "kin": 2535, "thous": 2536, "lier": 2537, "smiling": 2538, "ama": 2539, "angry": 2540, "ghting": 2541, "thor": 2542, "tted": 2543, "vid": 2544, "plu": 2545, "mark": 2546, "anna": 2547, "cool": 2548, "eu": 2549, "ignor": 2550, "noon": 2551, "shaking": 2552, "yn": 2553, "evening": 2554, "party": 2555, "husband": 2556, "war": 2557, "sible": 2558, "thered": 2559, "catch": 2560, "tally": 2561, "position": 2562, "mrs.": 2563, "emer": 2564, "promise": 2565, "bath": 2566, "agreed": 2567, "tab": 2568, "val": 2569, "surr": 2570, "nic": 2571, "pick": 2572, "arrived": 2573, "solu": 2574, "loud": 2575, "site": 2576, "certainly": 2577, "further": 2578, "glad": 2579, "below": 2580, "nerv": 2581, "ony": 2582, "lower": 2583, "relati": 2584, "dog": 2585, "eve": 2586, "whether": 2587, "pocket": 2588, "comfortable": 2589, "boys": 2590, "nie": 2591, "serious": 2592, "key": 2593, "rock": 2594, "smell": 2595, "pay": 2596, "ng": 2597, "appar": 2598, "know": 2599, "company": 2600, "pes": 2601, "tro": 2602, "door": 2603, "repe": 2604, "field": 2605, "forget": 2606, "strugg": 2607, "sword": 2608, "tall": 2609, "spect": 2610, "musc": 2611, "fic": 2612, "assu": 2613, "playing": 2614, "desi": 2615, "os": 2616, "attemp": 2617, "survi": 2618, "sist": 2619, "thers": 2620, "keeping": 2621, "vering": 2622, "jas": 2623, "lik": 2624, "earlier": 2625, "mly": 2626, "ties": 2627, "dom": 2628, "them": 2629, "kid": 2630, "tel": 2631, "desper": 2632, "situation": 2633, "hung": 2634, "hael": 2635, "captain": 2636, "clar": 2637, "clearly": 2638, "down": 2639, "dream": 2640, "incre": 2641, "save": 2642, "luc": 2643, "reading": 2644, "fru": 2645, "themselves": 2646, "usual": 2647, "soldi": 2648, "jake": 2649, "choice": 2650, "ysi": 2651, "date": 2652, "pack": 2653, "swee": 2654, "lived": 2655, "handed": 2656, "pper": 2657, "snapped": 2658, "grin": 2659, "streng": 2660, "suc": 2661, "acks": 2662, "zen": 2663, "fun": 2664, "fit": 2665, "doctor": 2666, "ssive": 2667, "hau": 2668, "obviously": 2669, "inde": 2670, "priv": 2671, "soci": 2672, "lish": 2673, "asking": 2674, "far": 2675, "magic": 2676, "icked": 2677, "fortun": 2678, "apartment": 2679, "wolf": 2680, "calm": 2681, "dden": 2682, "apo": 2683, "sleep": 2684, "carefully": 2685, "nick": 2686, "ren": 2687, "pair": 2688, "scra": 2689, "pleasure": 2690, "scent": 2691, "slipped": 2692, "anti": 2693, "gets": 2694, "bottom": 2695, "iously": 2696, "usually": 2697, "clean": 2698, "showed": 2699, "normal": 2700, "chin": 2701, "jumped": 2702, "james": 2703, "don": 2704, "easily": 2705, "bun": 2706, "entered": 2707, "natur": 2708, "ature": 2709, "strea": 2710, "crossed": 2711, "avo": 2712, "rying": 2713, "sex": 2714, "pil": 2715, "mid": 2716, "hoped": 2717, "mean": 2718, "explain": 2719, "state": 2720, "sely": 2721, "takes": 2722, "shel": 2723, "grew": 2724, "thed": 2725, "climb": 2726, "familiar": 2727, "prepar": 2728, "ired": 2729, "ility": 2730, "grinned": 2731, "center": 2732, "mista": 2733, "hosp": 2734, "ored": 2735, "gab": 2736, "picture": 2737, "round": 2738, "messa": 2739, "lan": 2740, "explo": 2741, "lives": 2742, "deman": 2743, "curi": 2744, "ener": 2745, "gun": 2746, "ena": 2747, "eyebro": 2748, "cab": 2749, "spot": 2750, "despite": 2751, "secret": 2752, "hoping": 2753, "itself": 2754, "chuck": 2755, "..": 2756, "path": 2757, "dan": 2758, "offic": 2759, "itely": 2760, "sea": 2761, "knowle": 2762, "lies": 2763, "lose": 2764, "human": 2765, "thirty": 2766, "talked": 2767, "formed": 2768, "disp": 2769, "imagine": 2770, "pau": 2771, "suit": 2772, "letting": 2773, "future": 2774, "ow": 2775, "cell": 2776, "shouted": 2777, "butt": 2778, "married": 2779, "even": 2780, "laughing": 2781, "ben": 2782, "likely": 2783, "mate": 2784, "hate": 2785, "fair": 2786, "ries": 2787, "ya": 2788, "pass": 2789, "bathroom": 2790, "termin": 2791, "leaning": 2792, "leg": 2793, "offered": 2794, "afternoon": 2795, "breathing": 2796, "pun": 2797, "dying": 2798, "diffic": 2799, "worth": 2800, "sharp": 2801, "strength": 2802, "rage": 2803, "van": 2804, "aware": 2805, "wet": 2806, "fer": 2807, "thin": 2808, "muttered": 2809, "soul": 2810, "dam": 2811, "remained": 2812, "dol": 2813, "wore": 2814, "attack": 2815, "allowed": 2816, "metal": 2817, "emi": 2818, "realize": 2819, "david": 2820, "shall": 2821, "grace": 2822, "gor": 2823, "pra": 2824, "lion": 2825, "frowned": 2826, "beginning": 2827, "sse": 2828, "exa": 2829, "hide": 2830, "protec": 2831, "dry": 2832, "counter": 2833, "simple": 2834, "cheeks": 2835, "send": 2836, "mike": 2837, "besides": 2838, "coo": 2839, "helped": 2840, "waist": 2841, "definitely": 2842, "search": 2843, "ounds": 2844, "physi": 2845, "mary": 2846, "stly": 2847, "music": 2848, "pati": 2849, "invol": 2850, "effor": 2851, "stayed": 2852, "ban": 2853, "kar": 2854, "team": 2855, "memory": 2856, "gal": 2857, "liam": 2858, "publi": 2859, "master": 2860, "handle": 2861, "sick": 2862, "dr.": 2863, "turns": 2864, "truck": 2865, "var": 2866, "imed": 2867, "ages": 2868, "drop": 2869, "neither": 2870, "glance": 2871, "sn": 2872, "weight": 2873, "scared": 2874, "vers": 2875, "fuck": 2876, "bow": 2877, "seven": 2878, "class": 2879, "yle": 2880, "convin": 2881, "michael": 2882, "gold": 2883, "chur": 2884, "rit": 2885, "ffed": 2886, "brain": 2887, "asks": 2888, "spe": 2889, "following": 2890, "fighting": 2891, "older": 2892, "high": 2893, "needs": 2894, "dding": 2895, "cried": 2896, "danger": 2897, "knife": 2898, "explained": 2899, "mission": 2900, "vir": 2901, "new": 2902, "wise": 2903, "murmur": 2904, "notice": 2905, "deta": 2906, "erful": 2907, "anci": 2908, "cry": 2909, "hood": 2910, "bas": 2911, "atures": 2912, "aside": 2913, "horse": 2914, "discu": 2915, "she": 2916, "confi": 2917, "gn": 2918, "mov": 2919, "stantly": 2920, "main": 2921, "particu": 2922, "settled": 2923, "resi": 2924, "tex": 2925, "missed": 2926, "guil": 2927, "gui": 2928, "dance": 2929, "forehead": 2930, "ek": 2931, "forever": 2932, "spread": 2933, "relation": 2934, "silver": 2935, "destro": 2936, "preten": 2937, "ounding": 2938, "screen": 2939, "energy": 2940, "hospital": 2941, "max": 2942, "suff": 2943, "drove": 2944, "fting": 2945, "oning": 2946, "dani": 2947, "recei": 2948, "aned": 2949, "falling": 2950, "apart": 2951, "za": 2952, "learned": 2953, "calling": 2954, "foot": 2955, "ate": 2956, "amer": 2957, "stare": 2958, "appre": 2959, "wed": 2960, "store": 2961, "sions": 2962, "oper": 2963, "moments": 2964, "compu": 2965, "head": 2966, "cused": 2967, "drin": 2968, "memor": 2969, "hall": 2970, "sigh": 2971, "dan": 2972, "trans": 2973, "sati": 2974, "leng": 2975, "wl": 2976, "rain": 2977, "mble": 2978, "jaw": 2979, "cker": 2980, "third": 2981, "lin": 2982, "special": 2983, "loc": 2984, "wear": 2985, "tures": 2986, "ken": 2987, "apparently": 2988, "lock": 2989, "polit": 2990, "jason": 2991, "flesh": 2992, "goes": 2993, "understood": 2994, "carried": 2995, "opening": 2996, "ride": 2997, "pale": 2998, "det": 2999, "inclu": 3000, "shock": 3001, "security": 3002, "putting": 3003, "busy": 3004, "ash": 3005, "river": 3006, "break": 3007, "hole": 3008, "emy": 3009, "lead": 3010, "gest": 3011, "ka": 3012, "protect": 3013, "tow": 3014, "tation": 3015, "queen": 3016, "books": 3017, "pants": 3018, "camer": 3019, "gger": 3020, "inted": 3021, "jac": 3022, "elled": 3023, "lap": 3024, "profe": 3025, "cup": 3026, "indi": 3027, "maj": 3028, "stuck": 3029, "pers": 3030, "hanging": 3031, "battle": 3032, "shake": 3033, "gol": 3034, "ester": 3035, "bottle": 3036, "sudden": 3037, "americ": 3038, "wondering": 3039, "escape": 3040, "relief": 3041, "org": 3042, "wanting": 3043, "quar": 3044, "ices": 3045, "kel": 3046, "necess": 3047, "air": 3048, "ough": 3049, "miles": 3050, "disappeared": 3051, "oms": 3052, "listening": 3053, "pose": 3054, "christ": 3055, "push": 3056, "dness": 3057, "night": 3058, "starting": 3059, "vision": 3060, "spi": 3061, "stian": 3062, "acy": 3063, "kin": 3064, "ber": 3065, "radi": 3066, "bby": 3067, "effec": 3068, "sign": 3069, "excit": 3070, "crea": 3071, "dangerous": 3072, "jeans": 3073, "noise": 3074, "hated": 3075, "dear": 3076, "figured": 3077, "willing": 3078, "learn": 3079, "shop": 3080, "stle": 3081, "eventually": 3082, "expect": 3083, "jec": 3084, "screamed": 3085, "couch": 3086, "contact": 3087, "bran": 3088, "guards": 3089, "absolu": 3090, "mie": 3091, "fic": 3092, "level": 3093, "ph": 3094, "speaking": 3095, "dings": 3096, "mini": 3097, "nel": 3098, "thousand": 3099, "count": 3100, "....": 3101, "sa": 3102, "susp": 3103, "ination": 3104, "born": 3105, "ines": 3106, "horri": 3107, "peter": 3108, "satis": 3109, "windows": 3110, "summer": 3111, "elec": 3112, "cy": 3113, "exi": 3114, "sat": 3115, "ine": 3116, "mul": 3117, "unless": 3118, "un": 3119, "amu": 3120, "laid": 3121, "viol": 3122, "mping": 3123, "dor": 3124, "difficult": 3125, "bodies": 3126, "paul": 3127, "powerful": 3128, "oli": 3129, "emma": 3130, "missing": 3131, "entr": 3132, "rick": 3133, "poor": 3134, "coat": 3135, "considered": 3136, "fresh": 3137, "country": 3138, "oppo": 3139, "careful": 3140, "gate": 3141, "places": 3142, "offer": 3143, "apolo": 3144, "anic": 3145, "thom": 3146, "free": 3147, "yelled": 3148, "among": 3149, "dence": 3150, "shor": 3151, "chan": 3152, "mach": 3153, "pers": 3154, "happening": 3155, "fan": 3156, "hotel": 3157, "lic": 3158, "burst": 3159, "uncle": 3160, "sleeping": 3161, "tie": 3162, "ford": 3163, "wled": 3164, "message": 3165, "lows": 3166, "gli": 3167, "bent": 3168, "geor": 3169, "growing": 3170, "smoke": 3171, "lucky": 3172, "station": 3173, "grip": 3174, "acking": 3175, "shower": 3176, "expec": 3177, "ssy": 3178, "hallway": 3179, "embar": 3180, "acted": 3181, "fas": 3182, "desire": 3183, "color": 3184, "mirror": 3185, "produ": 3186, "provi": 3187, "relationship": 3188, "rowed": 3189, "chase": 3190, "personal": 3191, "ending": 3192, "clen": 3193, "truly": 3194, "nah": 3195, "adam": 3196, "commun": 3197, "rat": 3198, "accep": 3199, "response": 3200, "shifted": 3201, "requ": 3202, "leg": 3203, "wine": 3204, "complete": 3205, "asle": 3206, "eyed": 3207, "asleep": 3208, "sarah": 3209, "suppose": 3210, "swa": 3211, "ners": 3212, "chal": 3213, "sen": 3214, "vin": 3215, "spend": 3216, "mad": 3217, "driver": 3218, "tte": 3219, "argu": 3220, "achel": 3221, "stron": 3222, "comman": 3223, "finding": 3224, "arr": 3225, "begin": 3226, "ater": 3227, "ston": 3228, "visit": 3229, "obvious": 3230, "travel": 3231, "yours": 3232, "snow": 3233, "sea": 3234, "refle": 3235, "laughter": 3236, "movi": 3237, "present": 3238, "admit": 3239, "eigh": 3240, "murmured": 3241, "va": 3242, "directly": 3243, "feelings": 3244, "rachel": 3245, "visit": 3246, "waved": 3247, "gie": 3248, "share": 3249, "trip": 3250, "tem": 3251, "note": 3252, "witch": 3253, "served": 3254, "presence": 3255, "private": 3256, "dem": 3257, "bility": 3258, "focus": 3259, "funny": 3260, "stick": 3261, "ssie": 3262, "instru": 3263, "ethan": 3264, "shadow": 3265, "twisted": 3266, "stem": 3267, "throw": 3268, "faces": 3269, "acing": 3270, "fallen": 3271, "riage": 3272, "embarra": 3273, "wave": 3274, "clock": 3275, "mming": 3276, "ards": 3277, "weir": 3278, "stal": 3279, "ires": 3280, "hoo": 3281, "experience": 3282, "wild": 3283, "rubbed": 3284, "win": 3285, "played": 3286, "til": 3287, "gru": 3288, "assa": 3289, "appreci": 3290, "pushing": 3291, "glar": 3292, "tured": 3293, "elle": 3294, "flat": 3295, "confused": 3296, "possibly": 3297, "harder": 3298, "lowered": 3299, "hunter": 3300, "taste": 3301, "recor": 3302, "hips": 3303, "general": 3304, "speed": 3305, "que": 3306, "burning": 3307, "boat": 3308, "determin": 3309, "lines": 3310, "lunch": 3311, "nervous": 3312, "stretched": 3313, "curren": 3314, "kers": 3315, "fish": 3316, "atic": 3317, "invest": 3318, "ko": 3319, "ease": 3320, "law": 3321, "cul": 3322, "anywhere": 3323, "ele": 3324, "heads": 3325, "ak": 3326, "ounced": 3327, "claire": 3328, "forest": 3329, "swallowed": 3330, "via": 3331, "rolling": 3332, "bert": 3333, "surface": 3334, "excu": 3335, "press": 3336, "computer": 3337, "size": 3338, "believed": 3339, "impossible": 3340, "tra": 3341, "natural": 3342, "burned": 3343, "hidden": 3344, "cip": 3345, "ably": 3346, "alex": 3347, "dy": 3348, "leather": 3349, "approached": 3350, "join": 3351, "reminded": 3352, "shoes": 3353, "knowledge": 3354, "distr": 3355, "insi": 3356, "pour": 3357, "grab": 3358, "correc": 3359, "final": 3360, "moon": 3361, "nobody": 3362, "gover": 3363, "ink": 3364, "checked": 3365, "humans": 3366, "interest": 3367, "woke": 3368, "surely": 3369, "jon": 3370, "ability": 3371, "sophi": 3372, "frustr": 3373, "thru": 3374, "jacket": 3375, "occa": 3376, "bare": 3377, "entrance": 3378, "iness": 3379, "posse": 3380, "shadows": 3381, "club": 3382, "allow": 3383, "interrup": 3384, "zi": 3385, "nod": 3386, "cat": 3387, "tion": 3388, "jour": 3389, "pink": 3390, "nur": 3391, "paid": 3392, "blinked": 3393, "seriously": 3394, "tains": 3395, "list": 3396, "rang": 3397, "anny": 3398, "decision": 3399, "hardly": 3400, "villa": 3401, "evil": 3402, "lid": 3403, "wished": 3404, "claimed": 3405, "interested": 3406, "vampires": 3407, "oth": 3408, "army": 3409, "loy": 3410, "side": 3411, "medic": 3412, "mess": 3413, "nt": 3414, "forth": 3415, "sand": 3416, "loa": 3417, "arti": 3418, "ari": 3419, "involved": 3420, "mas": 3421, "climbed": 3422, "continue": 3423, "system": 3424, "hearing": 3425, "driving": 3426, "finish": 3427, "wonder": 3428, "end": 3429, "church": 3430, "signed": 3431, "bon": 3432, "ordered": 3433, "mous": 3434, "glasses": 3435, "thomas": 3436, "mor": 3437, "stage": 3438, "cin": 3439, "doorway": 3440, "repor": 3441, "beer": 3442, "brief": 3443, "ests": 3444, "whisper": 3445, "dor": 3446, "sha": 3447, "scene": 3448, "concerned": 3449, "mer": 3450, "slu": 3451, "lli": 3452, "welcome": 3453, "good": 3454, "tat": 3455, "lap": 3456, "memories": 3457, "god": 3458, "promised": 3459, "ign": 3460, "history": 3461, "uh": 3462, "threat": 3463, "gho": 3464, "cross": 3465, "henry": 3466, "palm": 3467, "circle": 3468, "bol": 3469, "aunt": 3470, "mps": 3471, "daniel": 3472, "bite": 3473, "odd": 3474, "focused": 3475, "west": 3476, "ling": 3477, "perfectly": 3478, "nine": 3479, "crying": 3480, "north": 3481, "neigh": 3482, "demon": 3483, "yellow": 3484, "listened": 3485, "joe": 3486, "buy": 3487, "demanded": 3488, "image": 3489, "park": 3490, "indeed": 3491, "unable": 3492, "bear": 3493, "struck": 3494, "isa": 3495, "acci": 3496, "ements": 3497, "inno": 3498, "jud": 3499, "fought": 3500, "frea": 3501, "built": 3502, "law": 3503, "lessly": 3504, "plate": 3505, "mostly": 3506, "cleared": 3507, "piec": 3508, "descri": 3509, "stat": 3510, "breakfast": 3511, "sis": 3512, "sity": 3513, "ances": 3514, "effort": 3515, "reaching": 3516, "cast": 3517, "issu": 3518, "twice": 3519, "oul": 3520, "separ": 3521, "delic": 3522, "circ": 3523, "sni": 3524, "em": 3525, "feels": 3526, "rush": 3527, "forgotten": 3528, "photo": 3529, "faster": 3530, "lets": 3531, "disappo": 3532, "anne": 3533, "danger": 3534, "bet": 3535, "terrible": 3536, "iles": 3537, "heading": 3538, "joined": 3539, "ceiling": 3540, "gar": 3541, "slammed": 3542, "storm": 3543, "tossed": 3544, "enjoy": 3545, "flying": 3546, "scream": 3547, "totally": 3548, "bones": 3549, "ent": 3550, "faced": 3551, "seth": 3552, "soldiers": 3553, "tch": 3554, "ai": 3555, "muscles": 3556, "gigg": 3557, "weak": 3558, "presen": 3559, "shoved": 3560, "ette": 3561, "regre": 3562, "gasped": 3563, "rich": 3564, "bag": 3565, "hiding": 3566, "non": 3567, "heal": 3568, "hi": 3569, "hello": 3570, "glo": 3571, "prepared": 3572, "island": 3573, "weird": 3574, "instantly": 3575, "warri": 3576, "defen": 3577, "wedding": 3578, "preci": 3579, "flew": 3580, "fly": 3581, "lowers": 3582, "nature": 3583, "rested": 3584, "pieces": 3585, "sour": 3586, "rowing": 3587, "sym": 3588, "positi": 3589, "oni": 3590, "swung": 3591, "month": 3592, "ops": 3593, "type": 3594, "circu": 3595, "anno": 3596, "00": 3597, "south": 3598, "super": 3599, "opposite": 3600, "breathe": 3601, "wooden": 3602, "rif": 3603, "elev": 3604, "pit": 3605, "kicked": 3606, "wound": 3607, "lars": 3608, "favor": 3609, "risk": 3610, "woods": 3611, "roll": 3612, "ache": 3613, "grass": 3614, "six": 3615, "affec": 3616, "just": 3617, "weapon": 3618, "luci": 3619, "beach": 3620, "ignored": 3621, "evid": 3622, "blade": 3623, "gabri": 3624, "killing": 3625, "dreams": 3626, "panic": 3627, "centr": 3628, "skir": 3629, "parking": 3630, "boots": 3631, "admit": 3632, "brothers": 3633, "ray": 3634, "tea": 3635, "dition": 3636, "grown": 3637, "necessary": 3638, "sweat": 3639, "pier": 3640, "exten": 3641, "absolutely": 3642, "boy": 3643, "loose": 3644, "kate": 3645, "ryan": 3646, "proper": 3647, "breaking": 3648, "mc": 3649, "creature": 3650, "rushed": 3651, "inch": 3652, "tech": 3653, "east": 3654, "hang": 3655, "motion": 3656, "folded": 3657, "eating": 3658, "dents": 3659, "yester": 3660, "stic": 3661, "mention": 3662, "fren": 3663, "tail": 3664, "rising": 3665, "interesting": 3666, "burn": 3667, "wid": 3668, "staf": 3669, "bill": 3670, "sured": 3671, "blow": 3672, "sad": 3673, "leaves": 3674, "plans": 3675, "steady": 3676, "firm": 3677, "yesterday": 3678, "shee": 3679, "ky": 3680, "excuse": 3681, "sm": 3682, "naked": 3683, "ze": 3684, "ctions": 3685, "other": 3686, "ortun": 3687, "cand": 3688, "tightly": 3689, "whose": 3690, "amazing": 3691, "length": 3692, "public": 3693, "squeezed": 3694, "menti": 3695, "sp": 3696, "yan": 3697, "anim": 3698, "button": 3699, "--": 3700, "opportun": 3701, "sus": 3702, "fist": 3703, "wonderful": 3704, "acher": 3705, "movement": 3706, "san": 3707, "card": 3708, "concentr": 3709, "visible": 3710, "inc": 3711, "refu": 3712, "hill": 3713, "bloody": 3714, "matt": 3715, "exhau": 3716, "rich": 3717, "lake": 3718, "mea": 3719, "worst": 3720, "female": 3721, "tent": 3722, "fair": 3723, "gentle": 3724, "carry": 3725, "warning": 3726, "jamie": 3727, "stories": 3728, "song": 3729, "clou": 3730, "gree": 3731, "cry": 3732, "wrist": 3733, "danc": 3734, "anx": 3735, "brushed": 3736, "mark": 3737, "sey": 3738, "sters": 3739, "dun": 3740, "cole": 3741, "fy": 3742, "tied": 3743, "slo": 3744, "diti": 3745, "golden": 3746, "grey": 3747, "fault": 3748, "yard": 3749, "orig": 3750, "fifteen": 3751, "psy": 3752, "angel": 3753, "luck": 3754, "screaming": 3755, "safe": 3756, "bles": 3757, "eless": 3758, "bree": 3759, "black": 3760, "caused": 3761, "bridge": 3762, "disgu": 3763, "slept": 3764, "reve": 3765, "court": 3766, "tern": 3767, "hil": 3768, "verse": 3769, "indic": 3770, "stan": 3771, "tho": 3772, "pool": 3773, "removed": 3774, "concern": 3775, "dged": 3776, "person": 3777, "ational": 3778, "rise": 3779, "fortunately": 3780, "hungry": 3781, "posed": 3782, "fucking": 3783, "subject": 3784, "resul": 3785, "ast": 3786, "plane": 3787, "confu": 3788, "studied": 3789, "ura": 3790, "cs": 3791, "ai": 3792, "happens": 3793, "scious": 3794, "repeated": 3795, "works": 3796, "college": 3797, "agree": 3798, "regi": 3799, "hou": 3800, "upset": 3801, "officer": 3802, "numb": 3803, "peace": 3804, "spee": 3805, "mistake": 3806, "carrying": 3807, "released": 3808, "dirt": 3809, "start": 3810, "reaction": 3811, "cer": 3812, "tau": 3813, "19": 3814, "fire": 3815, "cil": 3816, "gue": 3817, "snor": 3818, "eled": 3819, "arrang": 3820, "searching": 3821, "easier": 3822, "charge": 3823, "acting": 3824, "planned": 3825, "tter": 3826, "tors": 3827, "bought": 3828, "itted": 3829, "chuckled": 3830, "charlie": 3831, "losing": 3832, "co": 3833, "thinks": 3834, "wings": 3835, "bringing": 3836, "cher": 3837, "bear": 3838, "drawn": 3839, "landed": 3840, "comb": 3841, "tters": 3842, "huh": 3843, "tip": 3844, "simon": 3845, "decide": 3846, "spected": 3847, "casu": 3848, "ttle": 3849, "intro": 3850, "hesitated": 3851, "shape": 3852, "gathered": 3853, "weapons": 3854, "suggested": 3855, "emotions": 3856, "written": 3857, "echo": 3858, "accept": 3859, "resta": 3860, "advan": 3861, "restaur": 3862, "ron": 3863, "leading": 3864, "ue": 3865, "smooth": 3866, "ash": 3867, "scrat": 3868, "refused": 3869, "bone": 3870, "nearby": 3871, "calls": 3872, "edly": 3873, "sement": 3874, "curled": 3875, "star": 3876, "bye": 3877, "george": 3878, "jerked": 3879, "animal": 3880, "jump": 3881, "regar": 3882, "mou": 3883, "mail": 3884, "bitch": 3885, "deeper": 3886, "gly": 3887, "base": 3888, "ancy": 3889, "kie": 3890, "richard": 3891, "reality": 3892, "o'": 3893, "ckets": 3894, "shoo": 3895, "sca": 3896, "shift": 3897, "favorite": 3898, "letter": 3899, "dirty": 3900, "staying": 3901, "smiles": 3902, "blank": 3903, "shared": 3904, "double": 3905, "oo": 3906, "roof": 3907, "ount": 3908, "pregn": 3909, "showing": 3910, "luke": 3911, "prince": 3912, "touching": 3913, "lig": 3914, "flight": 3915, "kn": 3916, "shocked": 3917, "moti": 3918, "smart": 3919, "train": 3920, "track": 3921, "avoid": 3922, "investig": 3923, "regu": 3924, "worn": 3925, "fill": 3926, "finger": 3927, "fifty": 3928, "pleased": 3929, "stun": 3930, "eyebrows": 3931, "everywhere": 3932, "kissing": 3933, "flashed": 3934, "local": 3935, "awk": 3936, "support": 3937, "gas": 3938, "thering": 3939, "mood": 3940, "entirely": 3941, "spoken": 3942, "knocked": 3943, "strang": 3944, "bus": 3945, "adv": 3946, "ham": 3947, "narrow": 3948, "occu": 3949, "domin": 3950, "oped": 3951, "rooms": 3952, "saved": 3953, "warm": 3954, "otherwise": 3955, "recognized": 3956, "gher": 3957, "closing": 3958, "spr": 3959, "service": 3960, "spun": 3961, "introdu": 3962, "deeply": 3963, "lily": 3964, "sal": 3965, "step": 3966, "fts": 3967, "jan": 3968, "py": 3969, "giant": 3970, "scan": 3971, "sation": 3972, "heavi": 3973, "ordin": 3974, "libr": 3975, "growled": 3976, "cars": 3977, "vul": 3978, "conscious": 3979, "warmth": 3980, "silently": 3981, "ace": 3982, "dal": 3983, "bast": 3984, "tual": 3985, "passing": 3986, "training": 3987, "eric": 3988, "clenched": 3989, "dust": 3990, "yor": 3991, "teen": 3992, "emily": 3993, "belly": 3994, "keys": 3995, "inn": 3996, "staff": 3997, "reply": 3998, "equ": 3999, "attempt": 4000, "purpose": 4001, "itude": 4002, "exper": 4003, "jun": 4004, "inci": 4005, "ples": 4006, "idi": 4007, "shoot": 4008, "names": 4009, "experien": 4010, "mountain": 4011, "prove": 4012, "discovered": 4013, "awake": 4014, "vious": 4015, "tle": 4016, "honey": 4017, "sending": 4018, "extra": 4019, "answers": 4020, "rough": 4021, "xes": 4022, "excited": 4023, "soa": 4024, "impre": 4025, "lack": 4026, "inti": 4027, "yers": 4028, "deck": 4029, "opportunity": 4030, "ships": 4031, "knee": 4032, "mentioned": 4033, "gift": 4034, "ella": 4035, "dragged": 4036, "beauty": 4037, "drunk": 4038, "tage": 4039, "nate": 4040, "milit": 4041, "clut": 4042, "bother": 4043, "helping": 4044, "mental": 4045, "surrounded": 4046, "belt": 4047, "tin": 4048, "named": 4049, "ica": 4050, "buried": 4051, "enemy": 4052, "smir": 4053, "dest": 4054, "consider": 4055, "drawing": 4056, "problems": 4057, "shud": 4058, "port": 4059, "bie": 4060, "desperate": 4061, "sand": 4062, "belon": 4063, "writing": 4064, "plenty": 4065, "younger": 4066, "logan": 4067, "physical": 4068, "imagined": 4069, "pointing": 4070, "breathed": 4071, "interrupted": 4072, "tha": 4073, "mac": 4074, "christmas": 4075, "brow": 4076, "narrowed": 4077, "stress": 4078, "aches": 4079, "proud": 4080, "horses": 4081, "apologi": 4082, "evi": 4083, "common": 4084, "steel": 4085, "process": 4086, "instant": 4087, "camp": 4088, "waves": 4089, "bank": 4090, "smal": 4091, "excitement": 4092, "tit": 4093, "setting": 4094, "vehi": 4095, "faint": 4096, "grow": 4097, "groaned": 4098, "ants": 4099, "tory": 4100, "vity": 4101, "pictures": 4102, "serve": 4103, "tightened": 4104, "eased": 4105, "draw": 4106, "dozen": 4107, "brief": 4108, "langu": 4109, "boss": 4110, "william": 4111, "corri": 4112, "streets": 4113, "help": 4114, "race": 4115, "fran": 4116, "marriage": 4117, "eding": 4118, "faded": 4119, "determined": 4120, "movie": 4121, "myster": 4122, "thumb": 4123, "crew": 4124, "honest": 4125, "gives": 4126, "pressing": 4127, "ands": 4128, "voices": 4129, "spa": 4130, "john": 4131, "details": 4132, "vag": 4133, "twel": 4134, "file": 4135, "haw": 4136, "zzy": 4137, "vi": 4138, "wiped": 4139, "vani": 4140, "simil": 4141, "admitted": 4142, "julia": 4143, "report": 4144, "gy": 4145, "unted": 4146, "accomp": 4147, "tv": 4148, "extre": 4149, "week": 4150, "lim": 4151, "four": 4152, "village": 4153, "pee": 4154, "stars": 4155, "incredi": 4156, "flash": 4157, "hug": 4158, "rope": 4159, "ancient": 4160, "drinking": 4161, "particular": 4162, "orders": 4163, "roy": 4164, "machine": 4165, "difference": 4166, "safety": 4167, "pin": 4168, "tim": 4169, "square": 4170, "detec": 4171, "pressure": 4172, "due": 4173, "study": 4174, "flowers": 4175, "origin": 4176, "ior": 4177, "bell": 4178, "grate": 4179, "ski": 4180, "sexy": 4181, "curious": 4182, "lots": 4183, "murder": 4184, "chief": 4185, "oner": 4186, "gods": 4187, "york": 4188, "govern": 4189, "aband": 4190, "expecting": 4191, "pause": 4192, "comfort": 4193, "relaxed": 4194, "boun": 4195, "log": 4196, "collap": 4197, "dragon": 4198, "knock": 4199, "trail": 4200, "elevator": 4201, "larly": 4202, "dare": 4203, "plain": 4204, "lee": 4205, "castle": 4206, "planet": 4207, "evidence": 4208, "dest": 4209, "believ": 4210, "custom": 4211, "bastard": 4212, "main": 4213, "intel": 4214, "tained": 4215, "shri": 4216, "sucked": 4217, "forty": 4218, "ial": 4219, "sant": 4220, "honest": 4221, "considering": 4222, "vor": 4223, "angel": 4224, "consci": 4225, "materi": 4226, "sac": 4227, "gul": 4228, "mi": 4229, "iron": 4230, "sink": 4231, "ast": 4232, "brush": 4233, "bound": 4234, "write": 4235, "becoming": 4236, "heart": 4237, "restaurant": 4238, "pon": 4239, "english": 4240, "block": 4241, "illu": 4242, "horror": 4243, "command": 4244, "gers": 4245, "failed": 4246, "respect": 4247, "iny": 4248, "members": 4249, "loss": 4250, "vis": 4251, "eliza": 4252, "leader": 4253, "sliding": 4254, "chris": 4255, "bing": 4256, "gabriel": 4257, "including": 4258, "glared": 4259, "ghs": 4260, "whom": 4261, "poured": 4262, "ems": 4263, "tear": 4264, "jim": 4265, "elizabeth": 4266, "responded": 4267, "page": 4268, "cabin": 4269, "antly": 4270, "ald": 4271, "throwing": 4272, "papers": 4273, "twelve": 4274, "aten": 4275, "stands": 4276, "hurry": 4277, "tony": 4278, "badly": 4279, "kick": 4280, "major": 4281, "slip": 4282, "swept": 4283, "op": 4284, "laun": 4285, "ttering": 4286, "sie": 4287, "blame": 4288, "amount": 4289, "inj": 4290, "net": 4291, "ell": 4292, "const": 4293, "lur": 4294, "wheel": 4295, "sma": 4296, "devel": 4297, "facing": 4298, "parts": 4299, "swear": 4300, "attr": 4301, "nowhere": 4302, "jesus": 4303, "amon": 4304, "electri": 4305, "firmly": 4306, "furi": 4307, "stered": 4308, "lightly": 4309, "heels": 4310, "disc": 4311, "rou": 4312, "beast": 4313, "fool": 4314, "cle": 4315, "lift": 4316, "frame": 4317, "ssions": 4318, "rob": 4319, "bel": 4320, "spirit": 4321, "million": 4322, "charac": 4323, "marry": 4324, "glow": 4325, "hurried": 4326, "test": 4327, "lovely": 4328, "vor": 4329, "presi": 4330, "porch": 4331, "garden": 4332, "holy": 4333, "lean": 4334, "cave": 4335, "enjoyed": 4336, "tips": 4337, "fixed": 4338, "emotion": 4339, "hat": 4340, "remain": 4341, "josh": 4342, "cigar": 4343, "reg": 4344, "sion": 4345, "lined": 4346, "respond": 4347, "jor": 4348, "armed": 4349, "ius": 4350, "tucked": 4351, "sche": 4352, "marked": 4353, "damned": 4354, "ridic": 4355, "parked": 4356, "pulse": 4357, "ecu": 4358, "jane": 4359, "mr": 4360, "irrit": 4361, "gest": 4362, "understanding": 4363, "ander": 4364, "zes": 4365, "meal": 4366, "accor": 4367, "match": 4368, "zo": 4369, "solid": 4370, "fear": 4371, "pace": 4372, "floo": 4373, "features": 4374, "bird": 4375, "ric": 4376, "bigger": 4377, "pa": 4378, "ron": 4379, "zation": 4380, "military": 4381, "higher": 4382, "mun": 4383, "massive": 4384, "stronger": 4385, "ill": 4386, "planning": 4387, "slight": 4388, "challen": 4389, "release": 4390, "flat": 4391, "noah": 4392, "backed": 4393, "girl": 4394, "ha": 4395, "insisted": 4396, "mm": 4397, "struggled": 4398, "bble": 4399, "ffled": 4400, "when": 4401, "snea": 4402, "betra": 4403, "ppy": 4404, "mmy": 4405, "engine": 4406, "ting": 4407, "pulls": 4408, "zane": 4409, "travel": 4410, "spell": 4411, "thrust": 4412, "french": 4413, "sean": 4414, "ics": 4415, "frank": 4416, "government": 4417, "eling": 4418, "tables": 4419, "boyfriend": 4420, "crap": 4421, "signs": 4422, "winter": 4423, "upstairs": 4424, "threat": 4425, "steve": 4426, "american": 4427, "blur": 4428, "orted": 4429, "liqu": 4430, "duc": 4431, "mbs": 4432, "ere": 4433, "ouses": 4434, "olivia": 4435, "blanket": 4436, "accident": 4437, "plastic": 4438, "billy": 4439, "vac": 4440, "earance": 4441, "norm": 4442, "camera": 4443, "za": 4444, "whenever": 4445, "esc": 4446, "uncomfortable": 4447, "snar": 4448, "offici": 4449, "inha": 4450, "events": 4451, "embr": 4452, "sharp": 4453, "merely": 4454, "lace": 4455, "pet": 4456, "cared": 4457, "fed": 4458, "raise": 4459, "amy": 4460, "reasons": 4461, "briefly": 4462, "tional": 4463, "appear": 4464, "gran": 4465, "ignore": 4466, "covering": 4467, "dep": 4468, "library": 4469, "smelled": 4470, "anticip": 4471, "fashi": 4472, "eyebrow": 4473, "neath": 4474, "agent": 4475, "flames": 4476, "gain": 4477, "spring": 4478, "thighs": 4479, "gripped": 4480, "ade": 4481, "starts": 4482, "council": 4483, "choose": 4484, "connor": 4485, "bom": 4486, "pleasant": 4487, "grateful": 4488, "capable": 4489, "intense": 4490, "puni": 4491, "victor": 4492, "asse": 4493, "intment": 4494, "enter": 4495, "relax": 4496, "effect": 4497, "ousness": 4498, "relieved": 4499, "daddy": 4500, "gradu": 4501, "startled": 4502, "sno": 4503, "ridicul": 4504, "joy": 4505, "blond": 4506, "woul": 4507, "tively": 4508, "blew": 4509, "manag": 4510, "cott": 4511, "created": 4512, "thri": 4513, "purse": 4514, "confusion": 4515, "nific": 4516, "mid": 4517, "mia": 4518, "fired": 4519, "expen": 4520, "convinced": 4521, "geous": 4522, "whel": 4523, "tang": 4524, "heavily": 4525, "profess": 4526, "identi": 4527, "kisses": 4528, "pile": 4529, "style": 4530, "equi": 4531, "sage": 4532, "actions": 4533, "gentle": 4534, "distur": 4535, "slide": 4536, "balls": 4537, "reluc": 4538, "underneath": 4539, "dag": 4540, "weekend": 4541, "dancing": 4542, "audi": 4543, "pure": 4544, "kal": 4545, "gw": 4546, "seven": 4547, "ess": 4548, "forgot": 4549, "inches": 4550, "thrown": 4551, "ki": 4552, "somebody": 4553, "tension": 4554, "shield": 4555, "rules": 4556, "organi": 4557, "wre": 4558, "sequ": 4559, "survive": 4560, "han": 4561, "fab": 4562, "indu": 4563, "orange": 4564, "handsome": 4565, "guilt": 4566, "section": 4567, "half": 4568, "would": 4569, "passen": 4570, "animals": 4571, "fan": 4572, "yne": 4573, "normally": 4574, "ripped": 4575, "cele": 4576, "jeal": 4577, "logy": 4578, "weak": 4579, "jose": 4580, "xing": 4581, "distant": 4582, "ferred": 4583, "shy": 4584, "ivy": 4585, "connection": 4586, "stopping": 4587, "birth": 4588, "innocent": 4589, "assumed": 4590, "conten": 4591, "blake": 4592, "radio": 4593, "received": 4594, "chairs": 4595, "clouds": 4596, "warned": 4597, "suspic": 4598, "resting": 4599, "pissed": 4600, "hope": 4601, "stranger": 4602, "tells": 4603, "mely": 4604, "wow": 4605, "deb": 4606, "monster": 4607, "miser": 4608, "shment": 4609, "dia": 4610, "fying": 4611, "widened": 4612, "active": 4613, "horrible": 4614, "ences": 4615, "rel": 4616, "accepted": 4617, "xi": 4618, "bags": 4619, "split": 4620, "del": 4621, "picking": 4622, "eption": 4623, "urge": 4624, "ris": 4625, "consu": 4626, "bastian": 4627, "meaning": 4628, "communic": 4629, "ference": 4630, "life": 4631, "itting": 4632, "unfortunately": 4633, "rubbing": 4634, "cloud": 4635, "language": 4636, "kir": 4637, "honor": 4638, "connected": 4639, "various": 4640, "tunnel": 4641, "stream": 4642, "qua": 4643, "houses": 4644, "cassie": 4645, "ri": 4646, "celebr": 4647, "duty": 4648, "author": 4649, "ddled": 4650, "mple": 4651, "practice": 4652, "liter": 4653, "ert": 4654, "tedly": 4655, "fier": 4656, "wling": 4657, "fix": 4658, "yn": 4659, "practically": 4660, "ona": 4661, "rows": 4662, "cash": 4663, "light": 4664, "mortal": 4665, "upper": 4666, "cam": 4667, "overwhel": 4668, "plat": 4669, "loudly": 4670, "gas": 4671, "br": 4672, "treated": 4673, "rid": 4674, "current": 4675, "appreciate": 4676, "examin": 4677, "carol": 4678, "swir": 4679, "buildings": 4680, "rever": 4681, "taught": 4682, "gan": 4683, "alright": 4684, "changing": 4685, "judge": 4686, "rescu": 4687, "ocean": 4688, "kat": 4689, "treat": 4690, "dropping": 4691, "blon": 4692, "nights": 4693, "thank": 4694, "clothing": 4695, "creatures": 4696, "ington": 4697, "sake": 4698, "powers": 4699, "similar": 4700, "washed": 4701, "nails": 4702, "hint": 4703, "pounding": 4704, "intended": 4705, "pregnant": 4706, "tery": 4707, "nal": 4708, "stumbled": 4709, "struc": 4710, "increas": 4711, "iz": 4712, "occur": 4713, "london": 4714, "aces": 4715, "damage": 4716, "ghtening": 4717, "wolves": 4718, "belief": 4719, "rocks": 4720, "progra": 4721, "harry": 4722, "flipped": 4723, "puzz": 4724, "searched": 4725, "vibr": 4726, "shly": 4727, "breeze": 4728, "hugged": 4729, "robert": 4730, "tress": 4731, "ury": 4732, "plus": 4733, "lers": 4734, "president": 4735, "jared": 4736, "abby": 4737, "ful": 4738, "fat": 4739, "sank": 4740, "pit": 4741, "bui": 4742, "bond": 4743, "lucas": 4744, "cryst": 4745, "witched": 4746, "awful": 4747, "stir": 4748, "build": 4749, "notes": 4750, "grandmother": 4751, "smaller": 4752, "sky": 4753, "soldier": 4754, "mum": 4755, "crack": 4756, "dawn": 4757, "beha": 4758, "lungs": 4759, "chose": 4760, "balance": 4761, "killer": 4762, "nods": 4763, "nurse": 4764, "christian": 4765, "grant": 4766, "corridor": 4767, "walks": 4768, "honestly": 4769, "spotted": 4770, "announced": 4771, "silk": 4772, "temple": 4773, "avoi": 4774, "hard": 4775, "froze": 4776, "acle": 4777, "joke": 4778, "ms.": 4779, "ized": 4780, "ghost": 4781, "closet": 4782, "confe": 4783, "satur": 4784, "dar": 4785, "weather": 4786, "frozen": 4787, "girlfriend": 4788, "kev": 4789, "students": 4790, "glancing": 4791, "patter": 4792, "guns": 4793, "would've": 4794, "exist": 4795, "lung": 4796, "ladies": 4797, "peered": 4798, "sexu": 4799, "stled": 4800, "chamber": 4801, "tower": 4802, "fists": 4803, "20": 4804, "prison": 4805, "trembling": 4806, "stair": 4807, "civi": 4808, "dit": 4809, "circum": 4810, "recognize": 4811, "ign": 4812, "ety": 4813, "lands": 4814, "princess": 4815, "tries": 4816, "professor": 4817, "wro": 4818, "grim": 4819, "photogra": 4820, "points": 4821, "asm": 4822, "tial": 4823, "chain": 4824, "sebastian": 4825, "compar": 4826, "begun": 4827, "gency": 4828, "desperately": 4829, "text": 4830, "suspected": 4831, "feed": 4832, "statement": 4833, "enjoying": 4834, "sau": 4835, "julian": 4836, "harm": 4837, "mountains": 4838, "grabbing": 4839, "destroy": 4840, "chosen": 4841, "frustration": 4842, "conclu": 4843, "day": 4844, "marcus": 4845, "add": 4846, "stiff": 4847, "returning": 4848, "causing": 4849, "cloth": 4850, "grand": 4851, "play": 4852, "guilty": 4853, "cles": 4854, "everybody": 4855, "escaped": 4856, "larger": 4857, "filling": 4858, "spine": 4859, "abrup": 4860, "pride": 4861, "downstairs": 4862, "faith": 4863, "jeff": 4864, "forgive": 4865, "explan": 4866, "journey": 4867, "fate": 4868, "beating": 4869, "charles": 4870, "dless": 4871, "smel": 4872, "climb": 4873, "bor": 4874, "rian": 4875, "post": 4876, "itor": 4877, "numbers": 4878, "regret": 4879, "cracked": 4880, "initi": 4881, "manage": 4882, "rear": 4883, "confir": 4884, "instinc": 4885, "towel": 4886, "particularly": 4887, "lifting": 4888, "cken": 4889, "through": 4890, "roa": 4891, "sane": 4892, "andrew": 4893, "waste": 4894, "alarm": 4895, "ive": 4896, "stepping": 4897, "abruptly": 4898, "parted": 4899, "bench": 4900, "sensation": 4901, "invit": 4902, "unex": 4903, "plo": 4904, "partner": 4905, "descen": 4906, "deca": 4907, "landing": 4908, "pack": 4909, "whir": 4910, "flin": 4911, "ignoring": 4912, "skirt": 4913, "cream": 4914, "bunch": 4915, "stab": 4916, "assist": 4917, "encou": 4918, "conc": 4919, "smith": 4920, "correct": 4921, "tless": 4922, "comment": 4923, "mari": 4924, "assured": 4925, "stunned": 4926, "ridiculous": 4927, "amb": 4928, "mani": 4929, "broo": 4930, "whoever": 4931, "elbow": 4932, "bay": 4933, "idiot": 4934, "ava": 4935, "sara": 4936, "mis": 4937, "tilted": 4938, "gazed": 4939, "demons": 4940, "tender": 4941, "envel": 4942, "gus": 4943, "ffs": 4944, "impati": 4945, "gesture": 4946, "inner": 4947, "task": 4948, "scott": 4949, "intellig": 4950, "greg": 4951, "riding": 4952, "cher": 4953, "dogs": 4954, "ath": 4955, "therine": 4956, "cute": 4957, "snu": 4958, "stones": 4959, "packed": 4960, "throughout": 4961, "opin": 4962, "crou": 4963, "heaven": 4964, "tugged": 4965, "cee": 4966, "tore": 4967, "exhausted": 4968, "progre": 4969, "garage": 4970, "bob": 4971, "tta": 4972, "nia": 4973, "friendly": 4974, "gle": 4975, "sofa": 4976, "erie": 4977, "claim": 4978, "ckles": 4979, "checking": 4980, "cale": 4981, "brilli": 4982, "rog": 4983, "warrior": 4984, "wrote": 4985, "schedu": 4986, "ax": 4987, "cauti": 4988, "dollars": 4989, "make": 4990, "stances": 4991, "shooting": 4992, "popped": 4993, "gorgeous": 4994, "awkward": 4995, "pretend": 4996, "silly": 4997, "drifted": 4998, "rhy": 4999, "ker": 5000, "ler": 5001, "dat": 5002, "purple": 5003, "hissed": 5004, "grandfather": 5005, "ac": 5006, "experienced": 5007, "compe": 5008, "blonde": 5009, "m.": 5010, "won": 5011, "birthday": 5012, "fury": 5013, "expl": 5014, "scat": 5015, "dug": 5016, "cting": 5017, "rule": 5018, "raced": 5019, "chocol": 5020, "hundre": 5021, "attacked": 5022, "sse": 5023, "bowl": 5024, "series": 5025, "painful": 5026, "compla": 5027, "sheri": 5028, "angs": 5029, "enter": 5030, "cho": 5031, "las": 5032, "ko": 5033, "snat": 5034, "approach": 5035, "traf": 5036, "trapped": 5037, "appearance": 5038, "address": 5039, "remaining": 5040, "backward": 5041, "terrified": 5042, "traffic": 5043, "moves": 5044, "colored": 5045, "ends": 5046, "proper": 5047, "cem": 5048, "senten": 5049, "sku": 5050, "omed": 5051, "price": 5052, "gil": 5053, "toes": 5054, "matters": 5055, "sip": 5056, "spla": 5057, "gut": 5058, "ugly": 5059, "elds": 5060, "televi": 5061, "wher": 5062, "total": 5063, "mask": 5064, "los": 5065, "embarrassed": 5066, "gage": 5067, "palms": 5068, "source": 5069, "sheet": 5070, "pillow": 5071, "aly": 5072, "exit": 5073, "autom": 5074, "sized": 5075, "ols": 5076, "obe": 5077, "vehicle": 5078, "sensed": 5079, "ex": 5080, "pen": 5081, "pot": 5082, "vide": 5083, "target": 5084, "secrets": 5085, "rev": 5086, "paying": 5087, "tary": 5088, "meat": 5089, "advantage": 5090, "farther": 5091, "bra": 5092, "detective": 5093, "ole": 5094, "need": 5095, "retri": 5096, "suit": 5097, "iety": 5098, "glea": 5099, "volu": 5100, "sophie": 5101, "alco": 5102, "halfway": 5103, "cock": 5104, "inct": 5105, "eager": 5106, "painted": 5107, "seated": 5108, "access": 5109, "sping": 5110, "satisfied": 5111, "recently": 5112, "bowed": 5113, "dean": 5114, "destroyed": 5115, "hip": 5116, "frightened": 5117, "broad": 5118, "falls": 5119, "roman": 5120, "skull": 5121, "wash": 5122, "sooner": 5123, "there": 5124, "echoed": 5125, "map": 5126, "tristan": 5127, "letters": 5128, "muscle": 5129, "rence": 5130, "ope": 5131, "glimp": 5132, "glowing": 5133, "zar": 5134, "rode": 5135, "mn": 5136, "jo": 5137, "hawk": 5138, "cali": 5139, "somewhat": 5140, "ckled": 5141, "cost": 5142, "straightened": 5143, "previous": 5144, "games": 5145, "member": 5146, "nit": 5147, "possibility": 5148, "enor": 5149, "nathan": 5150, "meli": 5151, "foun": 5152, "king": 5153, "responsible": 5154, "surrounding": 5155, "guessed": 5156, "torn": 5157, "protection": 5158, "clan": 5159, "success": 5160, "cutting": 5161, "marks": 5162, "convince": 5163, "caleb": 5164, "likes": 5165, "dining": 5166, "bott": 5167, "frown": 5168, "exclaimed": 5169, "depen": 5170, "flick": 5171, "teacher": 5172, "trained": 5173, "eddie": 5174, "according": 5175, "sisters": 5176, "ggy": 5177, "bella": 5178, "asy": 5179, "defe": 5180, "victoria": 5181, "legal": 5182, "footsteps": 5183, "mented": 5184, "cred": 5185, "regular": 5186, "discuss": 5187, "version": 5188, "were": 5189, "ob": 5190, "stern": 5191, "kic": 5192, "cop": 5193, "sounding": 5194, "spark": 5195, "manner": 5196, "holi": 5197, "logical": 5198, "television": 5199, "kid": 5200, "great": 5201, "catching": 5202, "smu": 5203, "cous": 5204, "holds": 5205, "ple": 5206, "curse": 5207, "mumbled": 5208, "tee": 5209, "unlike": 5210, "cousin": 5211, "forcing": 5212, "prison": 5213, "favor": 5214, "yanked": 5215, "osity": 5216, "sav": 5217, "kelly": 5218, "volun": 5219, "tapped": 5220, "ourselves": 5221, "struction": 5222, "strike": 5223, "occurred": 5224, "andra": 5225, "behavi": 5226, "ade": 5227, "thigh": 5228, "lay": 5229, "location": 5230, "degre": 5231, "lucy": 5232, "dismi": 5233, "vio": 5234, "ills": 5235, "aman": 5236, "land": 5237, "tough": 5238, "gaz": 5239, "thern": 5240, "images": 5241, "christ": 5242, "birth": 5243, "dian": 5244, "terror": 5245, "danny": 5246, "sympa": 5247, "cage": 5248, "clearing": 5249, "ordinary": 5250, "challenge": 5251, "blank": 5252, "project": 5253, "stated": 5254, "orn": 5255, "spra": 5256, "pple": 5257, "loe": 5258, "com": 5259, "sunlight": 5260, "tral": 5261, "deserve": 5262, "bbled": 5263, "zz": 5264, "unexp": 5265, "event": 5266, "mare": 5267, "cigarette": 5268, "load": 5269, "replaced": 5270, "bored": 5271, "xi": 5272, "oughly": 5273, "hec": 5274, "contr": 5275, "shade": 5276, "closely": 5277, "nau": 5278, "home": 5279, "drive": 5280, "dily": 5281, "grinning": 5282, "slapped": 5283, "band": 5284, "quarters": 5285, "dylan": 5286, "phy": 5287, "yards": 5288, "seless": 5289, "raising": 5290, "wic": 5291, "existence": 5292, "gestured": 5293, "trace": 5294, "poten": 5295, "brian": 5296, "shame": 5297, "fled": 5298, "morgan": 5299, "hannah": 5300, "vanished": 5301, "snorted": 5302, "johnny": 5303, "hunt": 5304, "leans": 5305, "drank": 5306, "hundreds": 5307, "glare": 5308, "senses": 5309, "confidence": 5310, "attached": 5311, "explanation": 5312, "universe": 5313, "ish": 5314, "admir": 5315, "pidly": 5316, "chocolate": 5317, "pisto": 5318, "record": 5319, "riley": 5320, "crime": 5321, "jeremy": 5322, "drake": 5323, "original": 5324, "serge": 5325, "research": 5326, "decor": 5327, "professi": 5328, "by": 5329, "medical": 5330, "pied": 5331, "palace": 5332, "bits": 5333, "crystal": 5334, "stand": 5335, "ised": 5336, "anda": 5337, "loaded": 5338, "bread": 5339, "driveway": 5340, "julie": 5341, "birds": 5342, "devil": 5343, "declar": 5344, "thless": 5345, "invited": 5346, "struggling": 5347, "smooth": 5348, "stag": 5349, "issue": 5350, "fence": 5351, "shakes": 5352, "former": 5353, "licked": 5354, "breast": 5355, "alice": 5356, "ghty": 5357, "property": 5358, "susan": 5359, "hitting": 5360, "ghten": 5361, "fellow": 5362, "agreement": 5363, "remembering": 5364, "jacob": 5365, "vent": 5366, "tray": 5367, "thetic": 5368, "settle": 5369, "thor": 5370, "remo": 5371, "trusted": 5372, "blan": 5373, "etern": 5374, "saturday": 5375, "mist": 5376, "frow": 5377, "ises": 5378, "liquid": 5379, "louder": 5380, "ssm": 5381, "arm": 5382, "sons": 5383, "bothered": 5384, "di": 5385, "dder": 5386, "tan": 5387, "exha": 5388, "gown": 5389, "loving": 5390, "earl": 5391, "slowed": 5392, "damp": 5393, "cursed": 5394, "avail": 5395, "assume": 5396, "bullet": 5397, "chloe": 5398, "maggie": 5399, "stroked": 5400, "rie": 5401, "social": 5402, "o'clock": 5403, "scar": 5404, "oring": 5405, "happiness": 5406, "arched": 5407, "hunting": 5408, "cake": 5409, "extended": 5410, "placing": 5411, "bows": 5412, "nodding": 5413, "eg": 5414, "keeps": 5415, "predic": 5416, "argue": 5417, "spor": 5418, "centu": 5419, "py": 5420, "fea": 5421, "cops": 5422, "teach": 5423, "batt": 5424, "anybody": 5425, "accu": 5426, "real": 5427, "scru": 5428, "zens": 5429, "sharply": 5430, "bled": 5431, "sue": 5432, "genu": 5433, "kevin": 5434, "tense": 5435, "patted": 5436, "complic": 5437, "craft": 5438, "thought": 5439, "extremely": 5440, "lightning": 5441, "eral": 5442, "drinks": 5443, "deas": 5444, "squir": 5445, "insul": 5446, "execu": 5447, "pment": 5448, "tantly": 5449, "ya": 5450, "dra": 5451, "telep": 5452, "athan": 5453, "dal": 5454, "conce": 5455, "blind": 5456, "noted": 5457, "sheets": 5458, "ckle": 5459, "thousands": 5460, "stling": 5461, "jected": 5462, "chill": 5463, "shine": 5464, "dish": 5465, "eas": 5466, "available": 5467, "proof": 5468, "confident": 5469, "but": 5470, "zom": 5471, "jenny": 5472, "suspect": 5473, "wind": 5474, "dave": 5475, "thus": 5476, "moon": 5477, "passion": 5478, "mere": 5479, "department": 5480, "object": 5481, "cca": 5482, "brick": 5483, "drug": 5484, "racing": 5485, "required": 5486, "states": 5487, "abandoned": 5488, "helen": 5489, "pop": 5490, "material": 5491, "lotte": 5492, "brand": 5493, "faction": 5494, "guests": 5495, "jects": 5496, "elia": 5497, "sunday": 5498, "covers": 5499, "punch": 5500, "jackson": 5501, "lled": 5502, "wy": 5503, "sper": 5504, "ggled": 5505, "approaching": 5506, "wrap": 5507, "horiz": 5508, "virg": 5509, "account": 5510, "clue": 5511, "ffin": 5512, "friday": 5513, "sexual": 5514, "society": 5515, "bour": 5516, "goo": 5517, "promp": 5518, "ari": 5519, "pockets": 5520, "forming": 5521, "amanda": 5522, "non": 5523, "farm": 5524, "elli": 5525, "forms": 5526, "afford": 5527, "expensive": 5528, "studying": 5529, "butt": 5530, "swing": 5531, "paint": 5532, "shane": 5533, "amber": 5534, "scienti": 5535, "roger": 5536, "drag": 5537, "clay": 5538, "cook": 5539, "ris": 5540, "shal": 5541, "jonathan": 5542, "freedom": 5543, "ggs": 5544, "spect": 5545, "bo": 5546, "mass": 5547, "ison": 5548, "disappointed": 5549, "rier": 5550, "para": 5551, "jon": 5552, "advice": 5553, "passenger": 5554, "cards": 5555, "strode": 5556, "exposed": 5557, "enormous": 5558, "elt": 5559, "angle": 5560, "temper": 5561, "sheriff": 5562, "grasp": 5563, "tness": 5564, "whispers": 5565, "sees": 5566, "inged": 5567, "ffy": 5568, "russi": 5569, "rifle": 5570, "threatened": 5571, "wrink": 5572, "otic": 5573, "shots": 5574, "emerged": 5575, "nervously": 5576, "circumstances": 5577, "dating": 5578, "insane": 5579, "curiosity": 5580, "tened": 5581, "code": 5582, "lab": 5583, "bes": 5584, "hen": 5585, "soo": 5586, "ene": 5587, "blood": 5588, "stion": 5589, "desert": 5590, "treas": 5591, "patient": 5592, "bi": 5593, "esome": 5594, "sell": 5595, "deliber": 5596, "halt": 5597, "raw": 5598, "offering": 5599, "becca": 5600, "mile": 5601, "moaned": 5602, "pad": 5603, "sensit": 5604, "edith": 5605, "lately": 5606, "ress": 5607, "trick": 5608, "flame": 5609, "evan": 5610, "kidding": 5611, "sley": 5612, "encoura": 5613, "background": 5614, "obli": 5615, "brilliant": 5616, "display": 5617, "zard": 5618, "jim": 5619, "opinion": 5620, "eleven": 5621, "cap": 5622, "brows": 5623, "feared": 5624, "robe": 5625, "charlotte": 5626, "moder": 5627, "responsi": 5628, "crete": 5629, "remind": 5630, "arely": 5631, "loves": 5632, "haired": 5633, "matthe": 5634, "rin": 5635, "shown": 5636, "amused": 5637, "runs": 5638, "bars": 5639, "commander": 5640, "patrick": 5641, "creep": 5642, "plun": 5643, "fake": 5644, "ti": 5645, "ideas": 5646, "conven": 5647, "video": 5648, "mac": 5649, "wear": 5650, "hopefully": 5651, "vet": 5652, "melissa": 5653, "squeeze": 5654, "informed": 5655, "violet": 5656, "rings": 5657, "revealed": 5658, "create": 5659, "stops": 5660, "clau": 5661, "spending": 5662, "allowing": 5663, "magaz": 5664, "weal": 5665, "laura": 5666, "kati": 5667, ".m.": 5668, "jordan": 5669, "national": 5670, "bull": 5671, "bleeding": 5672, "direct": 5673, "boxes": 5674, "drops": 5675, "shopping": 5676, "nerves": 5677, "impressed": 5678, "gasp": 5679, "appo": 5680, "employ": 5681, "collapsed": 5682, "tis": 5683, "grief": 5684, "martin": 5685, "grave": 5686, "ency": 5687, "photo": 5688, "mmer": 5689, "overhead": 5690, "sandwic": 5691, "painting": 5692, "shore": 5693, "newspa": 5694, "vidu": 5695, "agged": 5696, "bike": 5697, "gathering": 5698, "market": 5699, "charged": 5700, "individu": 5701, "deal": 5702, "scal": 5703, "invisible": 5704, "proved": 5705, "lyn": 5706, "fabric": 5707, "eep": 5708, "compan": 5709, "mad": 5710, "answering": 5711, "trailed": 5712, "midnight": 5713, "precious": 5714, "adju": 5715, "ellie": 5716, "rhyth": 5717, "result": 5718, "solve": 5719, "link": 5720, "concrete": 5721, "archi": 5722, "rett": 5723, "boring": 5724, "jewel": 5725, "belle": 5726, "shining": 5727, "versity": 5728, "alle": 5729, "icy": 5730, "benef": 5731, "harsh": 5732, "ela": 5733, "quit": 5734, "jessi": 5735, "ori": 5736, "lawyer": 5737, "ais": 5738, "uniform": 5739, "belonged": 5740, "dle": 5741, "jace": 5742, "delicate": 5743, "detail": 5744, "deserved": 5745, "bren": 5746, "valley": 5747, "intri": 5748, "ho": 5749, "cough": 5750, "royal": 5751, "tracks": 5752, "vulner": 5753, "strained": 5754, "realizing": 5755, "laughs": 5756, "spare": 5757, "proce": 5758, "changes": 5759, "scanned": 5760, "sport": 5761, "rushing": 5762, "veins": 5763, "witne": 5764, "slipping": 5765, "tically": 5766, "cases": 5767, "cliff": 5768, "exploded": 5769, "famous": 5770, "appropri": 5771, "trent": 5772, "alley": 5773, "exact": 5774, "ested": 5775, "snap": 5776, "provided": 5777, "spinning": 5778, "worl": 5779, "jessica": 5780, "alli": 5781, "yden": 5782, "eaten": 5783, "career": 5784, "guest": 5785, "colin": 5786, "onable": 5787, "drow": 5788, "crawled": 5789, "shouting": 5790, "motioned": 5791, "----": 5792, "gen": 5793, "pay": 5794, "jesse": 5795, "pages": 5796, "terms": 5797, "singing": 5798, "katie": 5799, "ption": 5800, "religi": 5801, "till": 5802, "lover": 5803, "lec": 5804, "thusi": 5805, "stained": 5806, "singly": 5807, "ghted": 5808, "mic": 5809, "airport": 5810, "mixed": 5811, "derek": 5812, "assass": 5813, "aye": 5814, "kyle": 5815, "mama": 5816, "eness": 5817, "isy": 5818, "sarca": 5819, "core": 5820, "victor": 5821, "pea": 5822, "waving": 5823, "drugs": 5824, "rolls": 5825, "adven": 5826, "sphere": 5827, "goodbye": 5828, "rome": 5829, "tracted": 5830, "exist": 5831, "collar": 5832, "mel": 5833, "exer": 5834, "kat": 5835, "sday": 5836, "chy": 5837, "copy": 5838, "aceful": 5839, "ilities": 5840, "fairly": 5841, "shuddered": 5842, "lian": 5843, "trunk": 5844, "fanta": 5845, "robo": 5846, "work": 5847, "owner": 5848, "enthusi": 5849, "sick": 5850, "remains": 5851, "consider": 5852, "condition": 5853, "crash": 5854, "range": 5855, "branches": 5856, "pistol": 5857, "distracted": 5858, "diamon": 5859, "actual": 5860, "wash": 5861, "equipment": 5862, "lad": 5863, "student": 5864, "seats": 5865, "ist": 5866, "chicken": 5867, "shivered": 5868, "liz": 5869, "paris": 5870, "achi": 5871, "flicked": 5872, "screams": 5873, "basi": 5874, "champ": 5875, "resist": 5876, "fingertips": 5877, "icky": 5878, "colors": 5879, "ix": 5880, "dick": 5881, "arranged": 5882, "period": 5883, "mud": 5884, "hunger": 5885, "announ": 5886, "knelt": 5887, "dim": 5888, "tals": 5889, "excell": 5890, "close": 5891, "sergeant": 5892, "alty": 5893, "embrace": 5894, "10": 5895, "rare": 5896, "stubb": 5897, "rapidly": 5898, "ot": 5899, "friend": 5900, "nine": 5901, "ville": 5902, "shaped": 5903, "shrug": 5904, "aring": 5905, "niture": 5906, "furniture": 5907, "hero": 5908, "grat": 5909, "gues": 5910, "yly": 5911, "gavin": 5912, "signific": 5913, "flushed": 5914, "height": 5915, "colon": 5916, "lust": 5917, "credit": 5918, "cab": 5919, "swallow": 5920, "cement": 5921, "panties": 5922, "ro": 5923, "behavior": 5924, "pete": 5925, "joseph": 5926, "disappear": 5927, "shorts": 5928, "tant": 5929, "happily": 5930, "pilot": 5931, "courage": 5932, "arrive": 5933, "request": 5934, "kim": 5935, "edward": 5936, "families": 5937, "sold": 5938, "crack": 5939, "milk": 5940, "speech": 5941, "corp": 5942, "rout": 5943, "flowing": 5944, "based": 5945, "incredible": 5946, "defense": 5947, "university": 5948, "officers": 5949, "matthew": 5950, "annie": 5951, "ral": 5952, "kylie": 5953, "scattered": 5954, "dec": 5955, "mara": 5956, "ators": 5957, "sentence": 5958, "sweat": 5959, "jealous": 5960, "'em": 5961, "teasing": 5962, "choked": 5963, "wounds": 5964, "sits": 5965, "dg": 5966, "beard": 5967, "protest": 5968, "digging": 5969, "emergency": 5970, "secure": 5971, "reveal": 5972, "nasty": 5973, "neck": 5974, "lating": 5975, "trap": 5976, "jenni": 5977, "greeted": 5978, "knocking": 5979, "glit": 5980, "corners": 5981, "driven": 5982, "jennifer": 5983, "unusual": 5984, "knu": 5985, "bile": 5986, "duke": 5987, "darling": 5988, "calmly": 5989, "annoyed": 5990, "sel": 5991, "tate": 5992, "tar": 5993, "dd": 5994, "warriors": 5995, "disbelief": 5996, "constant": 5997, "dragging": 5998, "marie": 5999, "ong": 6000, "zer": 6001, "matic": 6002, "stuffed": 6003, "amusement": 6004, "tale": 6005, "gather": 6006, "shif": 6007, "sty": 6008, "ffing": 6009, "crept": 6010, "glor": 6011, "deny": 6012, "child": 6013, "argument": 6014, "derly": 6015, "house": 6016, "ita": 6017, "remove": 6018, "furious": 6019, "oil": 6020, "anxious": 6021, "symbo": 6022, "gear": 6023, "learning": 6024, "punched": 6025, "hin": 6026, "excellent": 6027, "alien": 6028, "frank": 6029, "ado": 6030, "bac": 6031, "ay": 6032, "begins": 6033, "ylor": 6034, "wrists": 6035, "mmered": 6036, "revealing": 6037, "ga": 6038, "hid": 6039, "priest": 6040, "jerk": 6041, "oes": 6042, "naturally": 6043, "arily": 6044, "ratt": 6045, "breaths": 6046, "plant": 6047, "nightmare": 6048, "delicious": 6049, "claws": 6050, "rupt": 6051, "satisfaction": 6052, "fourth": 6053, "directions": 6054, "knight": 6055, "america": 6056, "ditional": 6057, "recall": 6058, "occupied": 6059, "ila": 6060, "survived": 6061, "stiff": 6062, "cerem": 6063, "docu": 6064, "crimin": 6065, "contra": 6066, "centuries": 6067, "dled": 6068, "hurting": 6069, "professional": 6070, "statu": 6071, "coach": 6072, "minds": 6073, "skills": 6074, "kets": 6075, "barn": 6076, "show": 6077, "ggest": 6078, "dealing": 6079, "teased": 6080, "colu": 6081, "stry": 6082, "pity": 6083, "meredith": 6084, "biggest": 6085, "deon": 6086, "aria": 6087, "shortly": 6088, "dressing": 6089, "sidewalk": 6090, "rest": 6091, "casual": 6092, "groan": 6093, "flash": 6094, "syl": 6095, "vement": 6096, "rob": 6097, "backs": 6098, "drag": 6099, "hank": 6100, "shattered": 6101, "option": 6102, "red": 6103, "scul": 6104, "neg": 6105, "carpet": 6106, "gabe": 6107, "chased": 6108, "blast": 6109, "term": 6110, "lux": 6111, "progress": 6112, "biting": 6113, "tasted": 6114, "upward": 6115, "rescue": 6116, "exchange": 6117, "role": 6118, "acu": 6119, "canc": 6120, "ority": 6121, "impression": 6122, "fort": 6123, "pick": 6124, "alec": 6125, "pha": 6126, "circles": 6127, "jimmy": 6128, "ora": 6129, "fog": 6130, "bal": 6131, "crowded": 6132, "bath": 6133, "climbing": 6134, "wishing": 6135, "wounded": 6136, "eighteen": 6137, "dante": 6138, "flar": 6139, "dude": 6140, "apologize": 6141, "kha": 6142, "separate": 6143, "rate": 6144, "dull": 6145, "associ": 6146, "ulti": 6147, "swif": 6148, "lia": 6149, "aver": 6150, "sher": 6151, "flow": 6152, "frequ": 6153, "unknown": 6154, "tape": 6155, "emotional": 6156, "fangs": 6157, "forces": 6158, "provide": 6159, "winked": 6160, "veled": 6161, "justice": 6162, "vey": 6163, "doc": 6164, "st.": 6165, "taining": 6166, "dried": 6167, "bou": 6168, "ier": 6169, "flir": 6170, "momen": 6171, "fur": 6172, "suck": 6173, "seful": 6174, "belong": 6175, "contents": 6176, "floating": 6177, "rese": 6178, "gates": 6179, "dagger": 6180, "mper": 6181, "cia": 6182, "ribs": 6183, "crossing": 6184, "sensitive": 6185, "grunted": 6186, "kane": 6187, "advi": 6188, "nis": 6189, "estab": 6190, "shout": 6191, "lobby": 6192, "tyler": 6193, "ented": 6194, "edges": 6195, "tank": 6196, "pus": 6197, "whipped": 6198, "struggle": 6199, "inny": 6200, "danced": 6201, "therefore": 6202, "dami": 6203, "vern": 6204, "clutched": 6205, "roared": 6206, "nearest": 6207, "suggest": 6208, "influ": 6209, "football": 6210, "tempor": 6211, "wandered": 6212, "liar": 6213, "consequ": 6214, "gained": 6215, "tipped": 6216, "inva": 6217, "assi": 6218, "demon": 6219, "sional": 6220, "success": 6221, "tarily": 6222, "folks": 6223, "li": 6224, "emies": 6225, "bang": 6226, "react": 6227, "stolen": 6228, "yep": 6229, "enemies": 6230, "rent": 6231, "hair": 6232, "makeup": 6233, "ridge": 6234, "i.": 6235, "puts": 6236, "lions": 6237, "audience": 6238, "micro": 6239, "fields": 6240, "eves": 6241, "roar": 6242, "wrapping": 6243, "trade": 6244, "shifting": 6245, "infec": 6246, "illumin": 6247, "centur": 6248, "brave": 6249, "sch": 6250, "upright": 6251, "tighter": 6252, "stretch": 6253, "owned": 6254, "serving": 6255, "zer": 6256, "cts": 6257, "quinn": 6258, "cow": 6259, "greater": 6260, "manu": 6261, "vier": 6262, "brushing": 6263, "recent": 6264, "drawer": 6265, "literally": 6266, "community": 6267, "compli": 6268, "attractive": 6269, "eth": 6270, "healthy": 6271, "conveni": 6272, "snake": 6273, "kicking": 6274, "stance": 6275, "jumping": 6276, "spy": 6277, "strip": 6278, "valu": 6279, "scree": 6280, "accent": 6281, "steal": 6282, "century": 6283, "anticipation": 6284, "breasts": 6285, "trevor": 6286, "kidna": 6287, "chea": 6288, "expan": 6289, "bitter": 6290, "injured": 6291, "ars": 6292, "perman": 6293, "mpled": 6294, "rarely": 6295, "switch": 6296, "inspec": 6297, "movements": 6298, "buddy": 6299, "pir": 6300, "dated": 6301, "cleaning": 6302, "assistant": 6303, "sta": 6304, "cabin": 6305, "horizon": 6306, "monday": 6307, "fierce": 6308, "cocked": 6309, "ral": 6310, "sixteen": 6311, "ny": 6312, "threatening": 6313, "winced": 6314, "fancy": 6315, "glances": 6316, "shows": 6317, "opens": 6318, "mo": 6319, "humor": 6320, "activ": 6321, "located": 6322, "crashed": 6323, "hol": 6324, "cupped": 6325, "dee": 6326, "water": 6327, "figu": 6328, "mystery": 6329, "flower": 6330, "tha": 6331, "lane": 6332, "repu": 6333, "post": 6334, "lished": 6335, "bolt": 6336, "reaches": 6337, "experim": 6338, "camp": 6339, "protected": 6340, "onic": 6341, "ceeded": 6342, "victim": 6343, "vels": 6344, "finn": 6345, "wardly": 6346, "closest": 6347, "brad": 6348, "absor": 6349, "gent": 6350, "unexpected": 6351, "acknowle": 6352, "positive": 6353, "jet": 6354, "signal": 6355, "lei": 6356, "hook": 6357, "shiver": 6358, "sweethe": 6359, "cloak": 6360, "casually": 6361, "yelling": 6362, "ssment": 6363, "corpor": 6364, "popul": 6365, "potential": 6366, "tour": 6367, "surance": 6368, "alert": 6369, "ducked": 6370, "character": 6371, "ara": 6372, "united": 6373, "hills": 6374, "bin": 6375, "adrian": 6376, "science": 6377, "items": 6378, "route": 6379, "leapt": 6380, "clicked": 6381, "stock": 6382, "suspicious": 6383, "aid": 6384, "scary": 6385, "operation": 6386, "alexander": 6387, "holes": 6388, "complicated": 6389, "boot": 6390, "twin": 6391, "ann": 6392, "psycho": 6393, "guide": 6394, "patch": 6395, "confirmed": 6396, "stroke": 6397, "missi": 6398, "tag": 6399, "erin": 6400, "wan": 6401, "citi": 6402, "bry": 6403, "throne": 6404, "solved": 6405, "disappointment": 6406, "patience": 6407, "laying": 6408, "ced": 6409, "sadness": 6410, "appropriate": 6411, "glimpse": 6412, "content": 6413, "sum": 6414, "fred": 6415, "lonely": 6416, "consciousness": 6417, "reven": 6418, "existed": 6419, "basement": 6420, "dess": 6421, "string": 6422, "march": 6423, "endless": 6424, "fashion": 6425, "giggled": 6426, "eleg": 6427, "reluctantly": 6428, "neighbor": 6429, "elena": 6430, "arou": 6431, "vast": 6432, "erup": 6433, "deadly": 6434, "thful": 6435, "techn": 6436, "permission": 6437, "frustrated": 6438, "ruin": 6439, "ma'": 6440, "program": 6441, "supplies": 6442, "sideways": 6443, "sugar": 6444, "movies": 6445, "nest": 6446, "nope": 6447, "envelope": 6448, "berry": 6449, "saving": 6450, "crit": 6451, "echo": 6452, "tney": 6453, "sweetheart": 6454, "alie": 6455, "dney": 6456, "vit": 6457, "polite": 6458, "saf": 6459, "modern": 6460, "duncan": 6461, "imagination": 6462, "jail": 6463, "accoun": 6464, "swiftly": 6465, "ruined": 6466, "cock": 6467, "ese": 6468, "prefer": 6469, "blocks": 6470, "suring": 6471, "growl": 6472, "armor": 6473, "lon": 6474, "sleeve": 6475, "backpack": 6476, "sharing": 6477, "violent": 6478, "glin": 6479, "idan": 6480, "tub": 6481, "handful": 6482, "lest": 6483, "toe": 6484, "zza": 6485, "sively": 6486, "oper": 6487, "mason": 6488, "circled": 6489, "mates": 6490, "hmm": 6491, "garrett": 6492, "stagg": 6493, "jay": 6494, "aloud": 6495, "attempted": 6496, "dant": 6497, "flor": 6498, "bic": 6499, "begged": 6500, "limbs": 6501, "settling": 6502, "lic": 6503, "bride": 6504, "backwards": 6505, "properly": 6506, "holly": 6507, "device": 6508, "chaos": 6509, "toi": 6510, "moan": 6511, "mitch": 6512, "awa": 6513, "blowing": 6514, "shell": 6515, "mercy": 6516, "grim": 6517, "disgust": 6518, "distri": 6519, "astoni": 6520, "pattern": 6521, "eable": 6522, "stole": 6523, "thick": 6524, "heal": 6525, "perc": 6526, "merci": 6527, "om": 6528, "unconscious": 6529, "aidan": 6530, "chances": 6531, "swinging": 6532, "hired": 6533, "attitude": 6534, "dul": 6535, "constantly": 6536, "flashing": 6537, "ential": 6538, "sin": 6539, "pical": 6540, "contem": 6541, "alcohol": 6542, "arrival": 6543, "lisa": 6544, "dock": 6545, "clin": 6546, "useless": 6547, "inge": 6548, "shiny": 6549, "ma'am": 6550, "divor": 6551, "note": 6552, "conditi": 6553, "official": 6554, "swore": 6555, "dwar": 6556, "rip": 6557, "health": 6558, "cart": 6559, "worthy": 6560, "owe": 6561, "central": 6562, "pretending": 6563, "meter": 6564, "book": 6565, "reck": 6566, "curve": 6567, "beg": 6568, "gwen": 6569, "fascin": 6570, "eva": 6571, "broad": 6572, "doubted": 6573, "agony": 6574, "discover": 6575, "figures": 6576, "decent": 6577, "vulnerable": 6578, "amaz": 6579, "estate": 6580, "theory": 6581, "iting": 6582, "bobby": 6583, "ghters": 6584, "posing": 6585, "highway": 6586, "tribu": 6587, "responsibility": 6588, "multi": 6589, "weigh": 6590, "min": 6591, "twisting": 6592, "tably": 6593, "sia": 6594, "andy": 6595, "territ": 6596, "captured": 6597, "scrambled": 6598, "carriage": 6599, "iming": 6600, "mmering": 6601, "reflection": 6602, "witness": 6603, "mattered": 6604, "lac": 6605, "commit": 6606, "taylor": 6607, "aar": 6608, "wicked": 6609, "coast": 6610, "unit": 6611, "blink": 6612, "sionally": 6613, "contained": 6614, "tire": 6615, "neu": 6616, "tile": 6617, "itable": 6618, "whispering": 6619, "educ": 6620, "dging": 6621, "cruel": 6622, "hollow": 6623, "kri": 6624, "pare": 6625, "sten": 6626, "aning": 6627, "keeper": 6628, "tess": 6629, "judg": 6630, "intent": 6631, "heartbeat": 6632, "presented": 6633, "lamp": 6634, "flies": 6635, "incredibly": 6636, "appears": 6637, "jess": 6638, "structure": 6639, "collection": 6640, "occasionally": 6641, "12": 6642, "loun": 6643, "countered": 6644, "suffering": 6645, "impact": 6646, "fruit": 6647, "lum": 6648, "molly": 6649, "servant": 6650, "employe": 6651, "romantic": 6652, "gideon": 6653, "classes": 6654, "squea": 6655, "spirits": 6656, "balcon": 6657, "pouring": 6658, "cleaned": 6659, "random": 6660, "ection": 6661, "safely": 6662, "planted": 6663, "annon": 6664, "babe": 6665, "zach": 6666, "traveled": 6667, "ku": 6668, "photos": 6669, "vine": 6670, "justin": 6671, "prepare": 6672, "kinds": 6673, "hammer": 6674, "acts": 6675, "arrow": 6676, "declared": 6677, "unsure": 6678, "darkened": 6679, "ye": 6680, "directed": 6681, "11": 6682, "frowning": 6683, "sets": 6684, "shrie": 6685, "vants": 6686, "explosion": 6687, "maria": 6688, "ox": 6689, "encer": 6690, "dges": 6691, "hesitation": 6692, "wanna": 6693, "darted": 6694, "stares": 6695, "jol": 6696, "iler": 6697, "trial": 6698, "friendship": 6699, "elling": 6700, "branch": 6701, "awesome": 6702, "utter": 6703, "possessed": 6704, "melo": 6705, "sally": 6706, "torture": 6707, "percent": 6708, "treat": 6709, "introduced": 6710, "highly": 6711, "successful": 6712, "purpo": 6713, "ghtest": 6714, "crouched": 6715, "clutching": 6716, "flung": 6717, "wherever": 6718, "marble": 6719, "heated": 6720, "waking": 6721, "bies": 6722, "sophia": 6723, "brandon": 6724, "''": 6725, "personally": 6726, "elbows": 6727, "brand": 6728, "sucking": 6729, "servants": 6730, "bio": 6731, "ali": 6732, "intru": 6733, "violence": 6734, "pounded": 6735, "colonel": 6736, "melted": 6737, "ira": 6738, "stirred": 6739, "souls": 6740, "ano": 6741, "quarter": 6742, "sheer": 6743, "oping": 6744, "karen": 6745, "useful": 6746, "delivered": 6747, "fold": 6748, "foolish": 6749, "snatched": 6750, "lesson": 6751, "itali": 6752, "snarled": 6753, "author": 6754, "cely": 6755, "sole": 6756, "helpless": 6757, "rat": 6758, "mai": 6759, "director": 6760, "soaked": 6761, "ego": 6762, "traveling": 6763, "miranda": 6764, "males": 6765, "oul": 6766, "ador": 6767, "colt": 6768, "issues": 6769, "slumped": 6770, "physically": 6771, "seek": 6772, "tre": 6773, "ano": 6774, "inger": 6775, "compre": 6776, "screwed": 6777, "grandma": 6778, "spilled": 6779, "childhood": 6780, "hooked": 6781, "suits": 6782, "techno": 6783, "flan": 6784, "magical": 6785, "plates": 6786, "compared": 6787, "intensity": 6788, "carved": 6789, "ppers": 6790, "mck": 6791, "funeral": 6792, "teleph": 6793, "terr": 6794, "sor": 6795, "butter": 6796, "discussion": 6797, "fortune": 6798, "mattress": 6799, "altern": 6800, "protective": 6801, "dig": 6802, "screw": 6803, "intelligence": 6804, "maid": 6805, "sten": 6806, "wester": 6807, "mau": 6808, "heather": 6809, "entering": 6810, "questioned": 6811, "eggs": 6812, "resu": 6813, "mentally": 6814, "laptop": 6815, "schedule": 6816, "jax": 6817, "intention": 6818, "separated": 6819, "ester": 6820, "cheese": 6821, "lucien": 6822, "pounds": 6823, "shelf": 6824, "begging": 6825, "england": 6826, "rap": 6827, "30": 6828, "temper": 6829, "healing": 6830, "facts": 6831, "curved": 6832, "trembled": 6833, "rain": 6834, "dens": 6835, "nicole": 6836, "abilities": 6837, "tati": 6838, "psychi": 6839, "grade": 6840, "turing": 6841, "ava": 6842, "false": 6843, "manager": 6844, "surprisingly": 6845, "needing": 6846, "pan": 6847, "passage": 6848, "spat": 6849, "snow": 6850, "shone": 6851, "ollen": 6852, "freaking": 6853, "thunder": 6854, "stack": 6855, "pizza": 6856, "neil": 6857, "daily": 6858, "wire": 6859, "gym": 6860, "puzzled": 6861, "vincent": 6862, "shua": 6863, "alan": 6864, "trigger": 6865, "arrog": 6866, "incident": 6867, "teenag": 6868, "clung": 6869, "califor": 6870, "locks": 6871, "solution": 6872, "neighborhood": 6873, "instructions": 6874, "client": 6875, "rily": 6876, "latest": 6877, "rice": 6878, "aire": 6879, "instinct": 6880, "complex": 6881, "owen": 6882, "sticking": 6883, "bid": 6884, "spreading": 6885, "rey": 6886, "dripping": 6887, "tommy": 6888, "licen": 6889, "preferred": 6890, "lyn": 6891, "oted": 6892, "blinking": 6893, "rounded": 6894, "incl": 6895, "dation": 6896, "bron": 6897, "tane": 6898, "moonlight": 6899, "verti": 6900, "ump": 6901, "suite": 6902, "realm": 6903, "exchanged": 6904, "sought": 6905, "murdered": 6906, "chuckle": 6907, "caring": 6908, "rhythm": 6909, "majest": 6910, "itual": 6911, "joining": 6912, "cooking": 6913, "inev": 6914, "lawn": 6915, "tren": 6916, "mex": 6917, "wildly": 6918, "aline": 6919, "suffer": 6920, "tara": 6921, "aaron": 6922, "click": 6923, "pou": 6924, "visited": 6925, "nings": 6926, "preparing": 6927, "inqu": 6928, "shelter": 6929, "mexic": 6930, "neighb": 6931, "surren": 6932, "curls": 6933, "controlled": 6934, "blocked": 6935, "hanna": 6936, "degree": 6937, "refuse": 6938, "helic": 6939, "bullshit": 6940, "mug": 6941, "mysterious": 6942, "pinned": 6943, "newspaper": 6944, "crushed": 6945, "blown": 6946, "wipe": 6947, "carter": 6948, "sher": 6949, "odd": 6950, "brings": 6951, "fain": 6952, "salt": 6953, "ringing": 6954, "todd": 6955, "ban": 6956, "lexi": 6957, "habit": 6958, "demand": 6959, "volunte": 6960, "switched": 6961, "tenant": 6962, "immediate": 6963, "swollen": 6964, "observed": 6965, "suffered": 6966, "knuckles": 6967, "freak": 6968, "tensed": 6969, "spencer": 6970, "ket": 6971, "greatest": 6972, "abu": 6973, "holiday": 6974, "mond": 6975, "dumb": 6976, "super": 6977, "stroking": 6978, "grimaced": 6979, "witches": 6980, "pat": 6981, "staircase": 6982, "california": 6983, "stool": 6984, "mbl": 6985, "exerci": 6986, "ba": 6987, "kins": 6988, "example": 6989, "swords": 6990, "utterly": 6991, "warn": 6992, "courty": 6993, "logi": 6994, "ints": 6995, "raven": 6996, "activity": 6997, "balcony": 6998, "stable": 6999, "flowed": 7000, "included": 7001, "gary": 7002, "boar": 7003, "yell": 7004, "din": 7005, "hopes": 7006, "bottles": 7007, "trash": 7008, "ppled": 7009, "will": 7010, "ankle": 7011, "smirk": 7012, "nly": 7013, "orgasm": 7014, "sl": 7015, "nerve": 7016, "rude": 7017, "cries": 7018, "suspici": 7019, "inda": 7020, "sorts": 7021, "scowled": 7022, "candy": 7023, "murder": 7024, "continues": 7025, "coinci": 7026, "helicop": 7027, "haven": 7028, "tched": 7029, "tearing": 7030, "roland": 7031, "dale": 7032, "season": 7033, "cotton": 7034, "repeat": 7035, "joshua": 7036, "nation": 7037, "hh": 7038, "dipped": 7039, "anxiety": 7040, "twins": 7041, "spite": 7042, "isaac": 7043, "gentleman": 7044, "dreamed": 7045, "waters": 7046, "crown": 7047, "concentrate": 7048, "contract": 7049, "rig": 7050, "jessie": 7051, "phra": 7052, "obse": 7053, "lieu": 7054, "sadly": 7055, "pie": 7056, "tionally": 7057, "yor": 7058, "design": 7059, "twist": 7060, "remote": 7061, "booth": 7062, "drained": 7063, "ski": 7064, "foreign": 7065, "sps": 7066, "gloves": 7067, "geon": 7068, "andre": 7069, "nichol": 7070, "damon": 7071, "revenge": 7072, "dil": 7073, "bbling": 7074, "produced": 7075, "offen": 7076, "strangely": 7077, "wagon": 7078, "oming": 7079, "defend": 7080, "thirteen": 7081, "iri": 7082, "pin": 7083, "emon": 7084, "sore": 7085, "oured": 7086, "mix": 7087, "investigation": 7088, "ladder": 7089, "stiffened": 7090, "spit": 7091, "classi": 7092, "designed": 7093, "leo": 7094, "interview": 7095, "mper": 7096, "gripping": 7097, "daisy": 7098, "zie": 7099, "caroline": 7100, "buttons": 7101, "fia": 7102, "cautiously": 7103, "goddess": 7104, "related": 7105, "presu": 7106, "slave": 7107, "avoiding": 7108, "mmm": 7109, "brit": 7110, "plants": 7111, "boards": 7112, "nipple": 7113, "manipul": 7114, "phe": 7115, "authority": 7116, "swimming": 7117, "io": 7118, "guit": 7119, "smirked": 7120, "lighting": 7121, "babies": 7122, "equally": 7123, "tops": 7124, "bitter": 7125, "savan": 7126, "seeking": 7127, "fourteen": 7128, "model": 7129, "jobs": 7130, "mus": 7131, "messages": 7132, "wiping": 7133, "courtyard": 7134, "secretary": 7135, "reflected": 7136, "hurts": 7137, "conference": 7138, "sweater": 7139, "finds": 7140, "miserable": 7141, "tangled": 7142, "traced": 7143, "pel": 7144, "asha": 7145, "stretching": 7146, "routine": 7147, "grounds": 7148, "scare": 7149, "chasing": 7150, "rocked": 7151, "cheap": 7152, "deni": 7153, "prevent": 7154, "ousy": 7155, "leads": 7156, "mistress": 7157, "fork": 7158, "you": 7159, "questioning": 7160, "aimed": 7161, "tity": 7162, "arse": 7163, "bilities": 7164, "thunder": 7165, "inf": 7166, "syn": 7167, "dane": 7168, "icient": 7169, "humi": 7170, "privacy": 7171, "mors": 7172, "limp": 7173, "laws": 7174, "sole": 7175, "results": 7176, "adren": 7177, "unting": 7178, "cane": 7179, "platform": 7180, "damien": 7181, "arch": 7182, "dreaming": 7183, "refer": 7184, "bounced": 7185, "oa": 7186, "eli": 7187, "senior": 7188, "sne": 7189, "sixty": 7190, "ni": 7191, "taller": 7192, "gau": 7193, "strate": 7194, "records": 7195, "lauren": 7196, "greg": 7197, "counted": 7198, "restra": 7199, "data": 7200, "angels": 7201, "ww": 7202, "visi": 7203, "regardless": 7204, "grasped": 7205, "aven": 7206, "realised": 7207, "long": 7208, "fail": 7209, "roads": 7210, "summ": 7211, "devon": 7212, "cycle": 7213, "attend": 7214, "interior": 7215, "union": 7216, "ranch": 7217, "magazine": 7218, "efforts": 7219, "oliver": 7220, "luck": 7221, "described": 7222, "protecting": 7223, "earned": 7224, "crashing": 7225, "empha": 7226, "impressive": 7227, "bomb": 7228, "mson": 7229, "maged": 7230, "xie": 7231, "mighty": 7232, "divi": 7233, "civili": 7234, "value": 7235, "ett": 7236, "charm": 7237, "sacrif": 7238, "muffled": 7239, "bullets": 7240, "persu": 7241, "tment": 7242, "d'": 7243, "delight": 7244, "nik": 7245, "basket": 7246, "wren": 7247, "overwhelming": 7248, "descended": 7249, "southern": 7250, "epi": 7251, "certainty": 7252, "entry": 7253, "currently": 7254, "ain": 7255, "atlan": 7256, "alo": 7257, "superi": 7258, "indicated": 7259, "etr": 7260, "ddling": 7261, "rene": 7262, "examined": 7263, "ragged": 7264, "clean": 7265, "smar": 7266, "telephone": 7267, "reports": 7268, "exhaled": 7269, "toby": 7270, "liber": 7271, "bush": 7272, "smoking": 7273, "cler": 7274, "spin": 7275, "crawl": 7276, "vege": 7277, "jill": 7278, "paper": 7279, "invitation": 7280, "email": 7281, "atory": 7282, "scratched": 7283, "anie": 7284, "wizard": 7285, "bury": 7286, "intently": 7287, "player": 7288, "bend": 7289, "engaged": 7290, "veness": 7291, "bber": 7292, "floated": 7293, "sources": 7294, "agents": 7295, "curtain": 7296, "pic": 7297, "lifetime": 7298, "groups": 7299, "barrel": 7300, "heel": 7301, "fail": 7302, "sser": 7303, "apple": 7304, "smells": 7305, "laurence": 7306, "glu": 7307, "scor": 7308, "color": 7309, "michel": 7310, "katherine": 7311, "whisk": 7312, "utter": 7313, "reputation": 7314, "clan": 7315, "abor": 7316, "supply": 7317, "dley": 7318, "shove": 7319, "panting": 7320, "underground": 7321, "bat": 7322, "someday": 7323, "slamming": 7324, "aa": 7325, "triump": 7326, "nuts": 7327, "assign": 7328, "confron": 7329, "raz": 7330, "decisions": 7331, "respec": 7332, "tattoo": 7333, "shaft": 7334, "reasonable": 7335, "werewolf": 7336, "dollar": 7337, "companion": 7338, "kingdom": 7339, "stin": 7340, "youth": 7341, "rant": 7342, "vices": 7343, "species": 7344, "lieutenant": 7345, "fication": 7346, "sual": 7347, "travis": 7348, "sack": 7349, "toler": 7350, "oak": 7351, "prisoner": 7352, "doctors": 7353, "nic": 7354, "az": 7355, "bow": 7356, "surprising": 7357, "gossi": 7358, "recalled": 7359, "nail": 7360, "outer": 7361, "base": 7362, "nan": 7363, "creating": 7364, "commen": 7365, "handing": 7366, "defeat": 7367, "fortunate": 7368, "limited": 7369, "josie": 7370, "motor": 7371, "options": 7372, "deliberately": 7373, "dur": 7374, "files": 7375, "flashlight": 7376, "bore": 7377, "joy": 7378, "20": 7379, "dared": 7380, "along": 7381, "rebecca": 7382, "fears": 7383, "helmet": 7384, "necklace": 7385, "pine": 7386, "iden": 7387, "goal": 7388, "commanded": 7389, "mbles": 7390, "hire": 7391, "fai": 7392, "fires": 7393, "elise": 7394, "velvet": 7395, "sports": 7396, "000": 7397, "stephen": 7398, "nostri": 7399, "try": 7400, "sanc": 7401, "compani": 7402, "charming": 7403, "alongside": 7404, "tessa": 7405, "sins": 7406, "punishment": 7407, "believing": 7408, "flip": 7409, "quality": 7410, "extra": 7411, "washington": 7412, "tossing": 7413, "accur": 7414, "gentlemen": 7415, "thur": 7416, "nicholas": 7417, "vagu": 7418, "waitress": 7419, "cups": 7420, "flickered": 7421, "bourne": 7422, "comfortably": 7423, "margar": 7424, "path": 7425, "lings": 7426, "ation": 7427, "tred": 7428, "tina": 7429, "acade": 7430, "rafe": 7431, "request": 7432, "stubborn": 7433, "rod": 7434, "automat": 7435, "prayed": 7436, "addic": 7437, "hearts": 7438, "anton": 7439, "suici": 7440, "swim": 7441, "hatred": 7442, "dishes": 7443, "atedly": 7444, "chica": 7445, "thouse": 7446, "une": 7447, "lender": 7448, "dragons": 7449, "deter": 7450, "spider": 7451, "jah": 7452, "describe": 7453, "heaven": 7454, "empire": 7455, "neat": 7456, "prey": 7457, "brow": 7458, "touri": 7459, "clasped": 7460, "western": 7461, "increased": 7462, "victory": 7463, "kira": 7464, "popu": 7465, "grabs": 7466, "workers": 7467, "russian": 7468, "pretended": 7469, "mister": 7470, "talent": 7471, "clever": 7472, "samu": 7473, "shoe": 7474, "nap": 7475, "lang": 7476, "slap": 7477, "sandwich": 7478, "kay": 7479, "walker": 7480, ".com": 7481, "rocky": 7482, "continuing": 7483, "miracle": 7484, "adjusted": 7485, "pipe": 7486, "gust": 7487, "curtains": 7488, "ceremony": 7489, "chicago": 7490, "reads": 7491, "penetr": 7492, "affected": 7493, "poison": 7494, "dusty": 7495, "dates": 7496, "bushes": 7497, "reported": 7498, "ashe": 7499, "rison": 7500, "cooper": 7501, "dig": 7502, "juni": 7503, "hugh": 7504, "pted": 7505, "guaran": 7506, "squeezing": 7507, "thal": 7508, "acles": 7509, "green": 7510, "popular": 7511, "phan": 7512, "seemingly": 7513, "occasion": 7514, "aisle": 7515, "goodness": 7516, "sacrifice": 7517, "elder": 7518, "prayer": 7519, "ults": 7520, "cameras": 7521, "gued": 7522, "bull": 7523, "juice": 7524, "feeding": 7525, "guided": 7526, "sang": 7527, "knob": 7528, "amazed": 7529, "fairy": 7530, "bin": 7531, "among": 7532, "adding": 7533, "buzz": 7534, "atmo": 7535, "financi": 7536, "specific": 7537, "film": 7538, "custo": 7539, "mol": 7540, "ental": 7541, "vation": 7542, "crush": 7543, "amongst": 7544, "eager": 7545, "sinking": 7546, "embarrassment": 7547, "seventeen": 7548, "brightly": 7549, "scars": 7550, "humili": 7551, "worrying": 7552, "phones": 7553, "jenks": 7554, "gur": 7555, "shelves": 7556, "savannah": 7557, "reacher": 7558, "angrily": 7559, "slender": 7560, "unlocked": 7561, "atop": 7562, "contempl": 7563, "adult": 7564, "absolute": 7565, "eing": 7566, "pet": 7567, "rem": 7568, "afterward": 7569, "steam": 7570, "servation": 7571, "hits": 7572, "briti": 7573, "goddamn": 7574, "anth": 7575, "sniffed": 7576, "exciting": 7577, "eternity": 7578, "megan": 7579, "underwear": 7580, "pray": 7581, "rub": 7582, "monica": 7583, "in'": 7584, "british": 7585, "stefan": 7586, "protested": 7587, "cassi": 7588, "matching": 7589, "territory": 7590, "thankfully": 7591, "nak": 7592, "locker": 7593, "intimate": 7594, "avoided": 7595, "anch": 7596, "folding": 7597, "formal": 7598, "franti": 7599, "outfit": 7600, "cuts": 7601, "parties": 7602, "wrinkled": 7603, "crun": 7604, "county": 7605, "roughly": 7606, "glowed": 7607, "demanding": 7608, "joey": 7609, "collect": 7610, "betrayed": 7611, "ruth": 7612, "title": 7613, "studi": 7614, "glaring": 7615, "mobile": 7616, "draped": 7617, "assault": 7618, "genuine": 7619, "knot": 7620, "darker": 7621, "ryder": 7622, "thera": 7623, "stark": 7624, "fit": 7625, "squinted": 7626, "fishing": 7627, "zack": 7628, "fade": 7629, "alia": 7630, "toilet": 7631, "tele": 7632, "slim": 7633, "inher": 7634, "pha": 7635, "avery": 7636, "vaguely": 7637, "prints": 7638, "wha": 7639, "ynn": 7640, "electric": 7641, "beam": 7642, "fant": 7643, "blades": 7644, "matched": 7645, "jenna": 7646, "ashamed": 7647, "15": 7648, "political": 7649, "nina": 7650, "cabinet": 7651, "mayor": 7652, "monsters": 7653, "homes": 7654, "lighter": 7655, "barked": 7656, "technology": 7657, "typical": 7658, "grumbled": 7659, "buying": 7660, "sunshine": 7661, "neatly": 7662, "ggling": 7663, "tube": 7664, "sipped": 7665, "dammit": 7666, "itive": 7667, "cushi": 7668, "shr": 7669, "rebel": 7670, "spots": 7671, "occasional": 7672, "cottage": 7673, "pher": 7674, "railing": 7675, "nostrils": 7676, "mat": 7677, "dge": 7678, "ankles": 7679, "lery": 7680, "oundings": 7681, "jean": 7682, "gazing": 7683, "dread": 7684, "individual": 7685, "alled": 7686, "flared": 7687, "inhaled": 7688, "shaky": 7689, "surroundings": 7690, "compas": 7691, "rights": 7692, "weakness": 7693, "flooded": 7694, "adrenaline": 7695, "ada": 7696, "pitch": 7697, "garion": 7698, "assuming": 7699, "floors": 7700, "saman": 7701, "mar": 7702, "frantically": 7703, "sometime": 7704, "louis": 7705, "determination": 7706, "instructed": 7707, "twitched": 7708, "hunters": 7709, "fbi": 7710, "emplo": 7711, "comforting": 7712, "sneak": 7713, "fantasy": 7714, "dominic": 7715, "destruction": 7716, "media": 7717, "zoe": 7718, "suspicion": 7719, "package": 7720, "shirts": 7721, "internet": 7722, "cross": 7723, "grac": 7724, "zzled": 7725, "stake": 7726, "corpse": 7727, "gregor": 7728, "lew": 7729, "estim": 7730, "awar": 7731, "german": 7732, "irritated": 7733, "marched": 7734, "ii": 7735, "aggre": 7736, "ulty": 7737, "cameron": 7738, "areas": 7739, "slightest": 7740, "noticing": 7741, "ur": 7742, "laced": 7743, "oddly": 7744, "kies": 7745, "elegant": 7746, "dish": 7747, "shoving": 7748, "dison": 7749, "benefit": 7750, "fading": 7751, "stripped": 7752, "subtle": 7753, "shallow": 7754, "instinctively": 7755, "eden": 7756, "samantha": 7757, "steering": 7758, "guardian": 7759, "numb": 7760, "tap": 7761, "shouts": 7762, "daemon": 7763, "doll": 7764, "14": 7765, "fireplace": 7766, "vest": 7767, "diamond": 7768, "suppor": 7769, "vig": 7770, "tful": 7771, "scape": 7772, "midst": 7773, "intend": 7774, "xon": 7775, "schi": 7776, "giggle": 7777, "catherine": 7778, "peaceful": 7779, "fits": 7780, "slick": 7781, "jase": 7782, "visiting": 7783, "blushed": 7784, "appointment": 7785, "abi": 7786, "remark": 7787, "status": 7788, "standard": 7789, "selfish": 7790, "ram": 7791, "approval": 7792, "eh": 7793, "eff": 7794, "arch": 7795, "helicopter": 7796, "collected": 7797, "tations": 7798, "pierce": 7799, "key": 7800, "assure": 7801, "abs": 7802, "eps": 7803, "angled": 7804, "peering": 7805, "amelia": 7806, "purchase": 7807, "affair": 7808, "pathetic": 7809, "ware": 7810, "samuel": 7811, "grocer": 7812, "developed": 7813, "blankets": 7814, "realization": 7815, "soothing": 7816, "revel": 7817, "awe": 7818, "granted": 7819, "basically": 7820, "receive": 7821, "meters": 7822, "ji": 7823, "poked": 7824, "gasping": 7825, "completed": 7826, "ques": 7827, "sealed": 7828, "sper": 7829, "smashed": 7830, "hei": 7831, "chat": 7832, "daylight": 7833, "committed": 7834, "ounce": 7835, "summon": 7836, "steadily": 7837, "zzie": 7838, "hop": 7839, "shre": 7840, "ele": 7841, "attor": 7842, "panicked": 7843, "sydney": 7844, "mounted": 7845, "momentarily": 7846, "zzle": 7847, "si": 7848, "worlds": 7849, "precisely": 7850, "arguing": 7851, "sition": 7852, "phs": 7853, "xa": 7854, "luis": 7855, "painfully": 7856, "maneu": 7857, "temperature": 7858, "minor": 7859, "sedu": 7860, "sandy": 7861, "mpered": 7862, "propped": 7863, "measure": 7864, "ming": 7865, "polished": 7866, "a.": 7867, "victi": 7868, "meg": 7869, "alized": 7870, "staggered": 7871, "nett": 7872, "quo": 7873, "succe": 7874, "choices": 7875, "cities": 7876, "13": 7877, "lump": 7878, "candle": 7879, "washing": 7880, "exasper": 7881, "natalie": 7882, "firing": 7883, "thur": 7884, "gap": 7885, "deliver": 7886, "candles": 7887, "wel": 7888, "engine": 7889, "strangers": 7890, "latter": 7891, "flush": 7892, "counting": 7893, "achers": 7894, "dozens": 7895, "baseball": 7896, "web": 7897, "sticks": 7898, "depths": 7899, "whirled": 7900, "dumped": 7901, "vivi": 7902, "simul": 7903, "beaten": 7904, "goti": 7905, "tanner": 7906, "guitar": 7907, "grin": 7908, "wishes": 7909, "leaped": 7910, "influence": 7911, "era": 7912, "electr": 7913, "emper": 7914, "vacation": 7915, "aiden": 7916, "mansion": 7917, "atmosphere": 7918, "afri": 7919, "skill": 7920, "tiger": 7921, "wheels": 7922, "cade": 7923, "robin": 7924, "bearing": 7925, "significant": 7926, "basic": 7927, "pitched": 7928, "phil": 7929, "sanity": 7930, "pound": 7931, "jar": 7932, "spray": 7933, "politely": 7934, "tis": 7935, "inspir": 7936, "cass": 7937, "cain": 7938, "luckily": 7939, "odds": 7940, "musi": 7941, "spear": 7942, "troops": 7943, "rocking": 7944, "attempting": 7945, "zone": 7946, "combination": 7947, "paced": 7948, "league": 7949, "ada": 7950, "consumed": 7951, "wis": 7952, "wasted": 7953, "blur": 7954, "epti": 7955, "legi": 7956, "elyn": 7957, "leap": 7958, "parker": 7959, "attracted": 7960, "chuck": 7961, "skirts": 7962, "absence": 7963, "anya": 7964, "bothering": 7965, "lowering": 7966, "argued": 7967, "serena": 7968, "nes": 7969, "beth": 7970, "advanced": 7971, "nora": 7972, "snapping": 7973, "secu": 7974, "recovered": 7975, "uttered": 7976, "roman": 7977, "blush": 7978, "thanked": 7979, "stit": 7980, "objec": 7981, "pol": 7982, "coughed": 7983, "jones": 7984, "views": 7985, "aries": 7986, "proph": 7987, "rin": 7988, "eyeli": 7989, "conver": 7990, "automatically": 7991, "spon": 7992, "statue": 7993, "folk": 7994, "elding": 7995, "massa": 7996, "mour": 7997, "net": 7998, "leah": 7999, "swirling": 8000, "ckling": 8001, "eyelids": 8002, "agne": 8003, "tug": 8004, "headache": 8005, "gritted": 8006, "frantic": 8007, "chor": 8008, "blurted": 8009, "blocking": 8010, "kor": 8011, "hopped": 8012, "tionless": 8013, "identity": 8014, "contain": 8015, "reception": 8016, "monitor": 8017, "fifth": 8018, "horn": 8019, "equal": 8020, "chad": 8021, "anish": 8022, "tavi": 8023, "ghosts": 8024, "unks": 8025, "sympathy": 8026, "judgment": 8027, "coa": 8028, "terribly": 8029, "campus": 8030, "overwhelmed": 8031, "clari": 8032, "destination": 8033, "ffle": 8034, "breaks": 8035, "songs": 8036, "chains": 8037, "lana": 8038, "boston": 8039, "appe": 8040, "texas": 8041, "cheer": 8042, "encounter": 8043, "apparent": 8044, "magn": 8045, "anytime": 8046, "channel": 8047, "gang": 8048, "wallet": 8049, "alpha": 8050, "fridge": 8051, "ensure": 8052, "fitting": 8053, "lingering": 8054, "bbit": 8055, "stored": 8056, "histor": 8057, "cup": 8058, "redu": 8059, "melody": 8060, "toast": 8061, "becomes": 8062, "inity": 8063, "imagin": 8064, "ham": 8065, "sque": 8066, "lev": 8067, "muse": 8068, "bage": 8069, "victims": 8070, "sparhawk": 8071, "absen": 8072, "violently": 8073, "bbles": 8074, "tugging": 8075, "tance": 8076, "centre": 8077, "penny": 8078, "tatto": 8079, "mouse": 8080, "greeting": 8081, "wandering": 8082, "18": 8083, "haunted": 8084, "mas": 8085, "dresses": 8086, "seat": 8087, "neat": 8088, "compound": 8089, "confli": 8090, "combat": 8091, "uneasy": 8092, "horrified": 8093, "focu": 8094, "que": 8095, "a.m.": 8096, "resist": 8097, "erection": 8098, "noises": 8099, "rhe": 8100, "roy": 8101, "zel": 8102, "ism": 8103, "affection": 8104, "bucket": 8105, "breathless": 8106, "cure": 8107, "navy": 8108, "nonsense": 8109, "fon": 8110, "enne": 8111, "isa": 8112, "hem": 8113, "yaw": 8114, "lifel": 8115, "ket": 8116, "ji": 8117, "survival": 8118, "yi": 8119, "electricity": 8120, "zombie": 8121, "stily": 8122, "mares": 8123, "zero": 8124, "sided": 8125, "humanity": 8126, "jerry": 8127, "carl": 8128, "outra": 8129, "illing": 8130, "jungle": 8131, "angie": 8132, "ralph": 8133, "pois": 8134, "dame": 8135, "sev": 8136, "crawling": 8137, "gia": 8138, "phil": 8139, "majesty": 8140, "curiously": 8141, "despair": 8142, "disturbed": 8143, "box": 8144, "striking": 8145, "swift": 8146, "mused": 8147, "web": 8148, "throbbing": 8149, "choo": 8150, "framed": 8151, "som": 8152, "bud": 8153, "seized": 8154, "generally": 8155, "gail": 8156, "consequences": 8157, "trailer": 8158, "disease": 8159, "shot": 8160, "champagne": 8161, "treasure": 8162, "inven": 8163, "shado": 8164, "needle": 8165, "flinched": 8166, "braced": 8167, "stealing": 8168, "criminal": 8169, "softened": 8170, "tox": 8171, "selling": 8172, "gene": 8173, "dling": 8174, "jeep": 8175, "muscu": 8176, "yton": 8177, "dallas": 8178, "escort": 8179, "ffling": 8180, "mouths": 8181, ".s.": 8182, "june": 8183, "host": 8184, "grandpa": 8185, "maintain": 8186, "tings": 8187, "mirr": 8188, "adventure": 8189, "services": 8190, "regarded": 8191, "tum": 8192, "decl": 8193, "ticket": 8194, "barbar": 8195, "kara": 8196, "gifts": 8197, "beck": 8198, "jai": 8199, "license": 8200, "elijah": 8201, "revol": 8202, "beings": 8203, "wei": 8204, "destiny": 8205, "twink": 8206, "distraction": 8207, "joking": 8208, "exhi": 8209, "wood": 8210, "brac": 8211, "licking": 8212, "hurri": 8213, "defi": 8214, "anthony": 8215, "panel": 8216, "border": 8217, "emperor": 8218, "arthur": 8219, "nov": 8220, "conversations": 8221, "accompani": 8222, "dimen": 8223, "ram": 8224, "trous": 8225, "izzy": 8226, "effects": 8227, "deserted": 8228, "dium": 8229, "print": 8230, "urged": 8231, "treatment": 8232, "skinny": 8233, "inting": 8234, "accompanied": 8235, "envir": 8236, "convic": 8237, "rac": 8238, "failure": 8239, "pour": 8240, "unique": 8241, "lunged": 8242, "sweeping": 8243, "magnific": 8244, "rot": 8245, "pacing": 8246, "treating": 8247, "jar": 8248, "downtown": 8249, "xture": 8250, "gravel": 8251, "curl": 8252, "rusty": 8253, "sprang": 8254, "elabor": 8255, "annoying": 8256, "illness": 8257, "hauled": 8258, "wealth": 8259, "outw": 8260, "pron": 8261, "desperation": 8262, "toss": 8263, "twit": 8264, "inese": 8265, "squad": 8266, "teenth": 8267, "lip": 8268, "wary": 8269, "rum": 8270, "regarding": 8271, "clients": 8272, "zzed": 8273, "drifting": 8274, "immortal": 8275, "barrier": 8276, "neighbors": 8277, "hovering": 8278, "rand": 8279, "annoy": 8280, "valuable": 8281, "locking": 8282, "dizzy": 8283, "suitcase": 8284, "anor": 8285, "indepen": 8286, "tempted": 8287, "notebook": 8288, "corn": 8289, "discussed": 8290, "dresser": 8291, "strands": 8292, "surge": 8293, "soup": 8294, "casting": 8295, "stalked": 8296, "gradually": 8297, "rumors": 8298, "nick": 8299, "italian": 8300, "customers": 8301, "reminding": 8302, "finishing": 8303, "chinese": 8304, "clapped": 8305, "croo": 8306, "speaks": 8307, "divorce": 8308, "possession": 8309, "scale": 8310, "disappearing": 8311, "aim": 8312, "numer": 8313, "surve": 8314, "madel": 8315, "instincts": 8316, "fluttered": 8317, "ctor": 8318, "glory": 8319, "read": 8320, "carlos": 8321, "hesitate": 8322, "noble": 8323, "scratch": 8324, "stabbed": 8325, "sob": 8326, "....": 8327, "muscular": 8328, "posure": 8329, "negoti": 8330, "compet": 8331, "engag": 8332, "worries": 8333, "erupted": 8334, "withdrew": 8335, "medicine": 8336, "illa": 8337, "topic": 8338, "pest": 8339, "ids": 8340, "rex": 8341, "explaining": 8342, "longing": 8343, "apology": 8344, "wink": 8345, "helps": 8346, "nightmares": 8347, "thrilled": 8348, "steven": 8349, "margaret": 8350, "syst": 8351, "fen": 8352, "boats": 8353, "crimson": 8354, "tacti": 8355, "sket": 8356, "acqua": 8357, "volume": 8358, "displa": 8359, "creek": 8360, "powder": 8361, "owed": 8362, "nette": 8363, "invite": 8364, "eron": 8365, "ashley": 8366, "weary": 8367, "dity": 8368, "philo": 8369, "lingered": 8370, "drift": 8371, "daw": 8372, "burns": 8373, "article": 8374, "belo": 8375, "concentrated": 8376, "healed": 8377, "lance": 8378, "vehicles": 8379, "packing": 8380, "bills": 8381, "suv": 8382, "guarded": 8383, "capture": 8384, "suggestion": 8385, "disor": 8386, "sleeves": 8387, "waiter": 8388, "isabella": 8389, "tapping": 8390, "junior": 8391, "permanent": 8392, "50": 8393, "dove": 8394, "rein": 8395, "landscape": 8396, "scur": 8397, "piercing": 8398, "iley": 8399, "thoroughly": 8400, "demonstr": 8401, "tune": 8402, "saint": 8403, "willow": 8404, "boul": 8405, "assho": 8406, "cats": 8407, "intelligent": 8408, "watch": 8409, "wider": 8410, "uses": 8411, "environ": 8412, "perform": 8413, "meless": 8414, "remarked": 8415, "atri": 8416, "mrs": 8417, "counter": 8418, "fragi": 8419, "gossip": 8420, "ctive": 8421, "seal": 8422, "cam": 8423, "jasmine": 8424, "soap": 8425, "construction": 8426, "launched": 8427, "mpy": 8428, "hugging": 8429, "fragile": 8430, "pole": 8431, "personality": 8432, "teaching": 8433, "stically": 8434, "nell": 8435, "jude": 8436, "isol": 8437, "body": 8438, "graham": 8439, "pearl": 8440, "egg": 8441, "pies": 8442, "guessing": 8443, "rand": 8444, "gene": 8445, "suicide": 8446, "lazy": 8447, "testing": 8448, "cells": 8449, "yu": 8450, "cool": 8451, "differently": 8452, "average": 8453, "minister": 8454, "acciden": 8455, "sies": 8456, "winning": 8457, "fuel": 8458, "seeming": 8459, "sep": 8460, "kable": 8461, "exited": 8462, "pleaded": 8463, "arrested": 8464, "hem": 8465, "rail": 8466, "pec": 8467, "peeked": 8468, "blouse": 8469, "ony": 8470, "temporary": 8471, "curling": 8472, "eria": 8473, "torso": 8474, "ribb": 8475, "recover": 8476, "eleanor": 8477, "thumbs": 8478, "introduce": 8479, "pursu": 8480, "leon": 8481, "circling": 8482, "ore": 8483, "ells": 8484, "ased": 8485, "rabbit": 8486, "portion": 8487, "sim": 8488, "witnessed": 8489, "represen": 8490, "bling": 8491, "ruby": 8492, "deer": 8493, "nudged": 8494, "dson": 8495, "lick": 8496, "commo": 8497, "sweep": 8498, "corrected": 8499, "tives": 8500, "sco": 8501, "enna": 8502, "vague": 8503, "infin": 8504, "chewed": 8505, "vom": 8506, "bending": 8507, "mitri": 8508, "larry": 8509, "warehouse": 8510, "prime": 8511, "lashes": 8512, "michelle": 8513, "expert": 8514, "gleaming": 8515, "gna": 8516, "forearm": 8517, "salu": 8518, "maker": 8519, "eth": 8520, "ana": 8521, "inju": 8522, "troubled": 8523, "lene": 8524, "xim": 8525, "cue": 8526, "pavement": 8527, "grins": 8528, "never": 8529, "damaged": 8530, "generous": 8531, "impatient": 8532, "mount": 8533, "rational": 8534, "conclusion": 8535, "soil": 8536, "con": 8537, "callie": 8538, "taxi": 8539, "clit": 8540, "storage": 8541, "hovered": 8542, "stride": 8543, "wisdom": 8544, "warmed": 8545, "financial": 8546, "mos": 8547, "require": 8548, "aboard": 8549, "wayne": 8550, "draw": 8551, "adin": 8552, "smoothly": 8553, "tumbled": 8554, "fast": 8555, "layer": 8556, "av": 8557, "dna": 8558, "pushes": 8559, "mock": 8560, "charges": 8561, "handled": 8562, "cover": 8563, "wen": 8564, "oppon": 8565, "lewis": 8566, "scanning": 8567, "shudder": 8568, "dear": 8569, "ssen": 8570, "develop": 8571, "curb": 8572, "fox": 8573, "foul": 8574, "robot": 8575, "derson": 8576, "zeke": 8577, "holden": 8578, "linda": 8579, "freezing": 8580, "socks": 8581, "10": 8582, "pillows": 8583, "set": 8584, "initial": 8585, "judging": 8586, "inely": 8587, "piled": 8588, "commented": 8589, "farm": 8590, "prisoners": 8591, "femin": 8592, "ria": 8593, "paint": 8594, "exercise": 8595, "shotgun": 8596, "buck": 8597, "impatiently": 8598, "reporter": 8599, "congrat": 8600, "ories": 8601, "decorated": 8602, "drun": 8603, "backing": 8604, "eva": 8605, "congratul": 8606, "quest": 8607, "nels": 8608, "lement": 8609, "tire": 8610, "citizens": 8611, "agit": 8612, "tools": 8613, "sian": 8614, "dealt": 8615, "addition": 8616, "sorrow": 8617, "refri": 8618, "nut": 8619, "icial": 8620, "arrest": 8621, "patiently": 8622, "monit": 8623, "lining": 8624, "plunged": 8625, "whiskey": 8626, "explode": 8627, "population": 8628, "fiona": 8629, "declan": 8630, "chant": 8631, "sighs": 8632, "hastily": 8633, "disaster": 8634, "yo": 8635, "decades": 8636, "perry": 8637, "newly": 8638, "north": 8639, "ut": 8640, "della": 8641, "mistakes": 8642, "hide": 8643, "og": 8644, "madness": 8645, "description": 8646, "facility": 8647, "cian": 8648, "chip": 8649, "dispo": 8650, "dee": 8651, "awak": 8652, "touches": 8653, "slice": 8654, "log": 8655, "gal": 8656, "eler": 8657, "refriger": 8658, "bug": 8659, "beloved": 8660, "acqu": 8661, "hardened": 8662, "retreat": 8663, "itute": 8664, "janet": 8665, "consul": 8666, "vegas": 8667, "slam": 8668, "imagining": 8669, "disagre": 8670, "passion": 8671, "supper": 8672, "acceler": 8673, "regard": 8674, "knives": 8675, "meanwhile": 8676, "bands": 8677, "stall": 8678, "bouncing": 8679, "concentration": 8680, "iced": 8681, "enthusiasm": 8682, "bucks": 8683, "sliced": 8684, "ripping": 8685, "leaders": 8686, "praying": 8687, "misery": 8688, "twir": 8689, "saddle": 8690, "mation": 8691, "past": 8692, "distract": 8693, "breath": 8694, "studio": 8695, "costu": 8696, "speaker": 8697, "jeff": 8698, "contain": 8699, "bang": 8700, "profile": 8701, "west": 8702, "tick": 8703, "shuffled": 8704, "fare": 8705, "omi": 8706, "chamb": 8707, "gloo": 8708, "positioned": 8709, "assignment": 8710, "intimid": 8711, "depu": 8712, "ige": 8713, "macy": 8714, "smoothed": 8715, "langdon": 8716, "buzz": 8717, "saw": 8718, "dors": 8719, "thoughtfully": 8720, "earth": 8721, "replies": 8722, "admi": 8723, "intentions": 8724, "france": 8725, "roots": 8726, "assigned": 8727, "awareness": 8728, "crease": 8729, "zo": 8730, "beds": 8731, "drama": 8732, "extreme": 8733, "roses": 8734, "pig": 8735, "museum": 8736, "register": 8737, "attorney": 8738, "christop": 8739, "uncertain": 8740, "piss": 8741, "kit": 8742, "tip": 8743, "awkwardly": 8744, "aly": 8745, "burden": 8746, "room": 8747, "refusing": 8748, "clinging": 8749, "celest": 8750, "zombies": 8751, "toy": 8752, "taneously": 8753, "cate": 8754, "awhile": 8755, "lessons": 8756, "thoughtful": 8757, "fs": 8758, "omin": 8759, "cord": 8760, "......": 8761, "lasted": 8762, "coin": 8763, "ssively": 8764, "cherry": 8765, "teria": 8766, "hal": 8767, "garbage": 8768, "becky": 8769, "rattled": 8770, "sunglasses": 8771, "lis": 8772, "trousers": 8773, "deciding": 8774, "miller": 8775, "rom": 8776, "levels": 8777, "tues": 8778, "jealousy": 8779, "butter": 8780, "strolled": 8781, "cuffs": 8782, "assassin": 8783, "awoke": 8784, "madame": 8785, "confin": 8786, "cakes": 8787, "indul": 8788, "iest": 8789, "cargo": 8790, "sca": 8791, "olas": 8792, "xavier": 8793, "tooth": 8794, "casey": 8795, "tests": 8796, "whip": 8797, "clerk": 8798, "sations": 8799, "inevitable": 8800, "vik": 8801, "heck": 8802, "lion": 8803, "governor": 8804, "tine": 8805, "spilling": 8806, "darius": 8807, "lifts": 8808, "harper": 8809, "c.": 8810, "surrender": 8811, "winding": 8812, "visitors": 8813, "injuries": 8814, "griffin": 8815, "resistance": 8816, "joan": 8817, "sofia": 8818, "colli": 8819, "whore": 8820, "swirled": 8821, "recru": 8822, "word": 8823, "stove": 8824, "perched": 8825, "brains": 8826, "attempts": 8827, "all": 8828, "passes": 8829, "herd": 8830, "tland": 8831, "bewil": 8832, "analy": 8833, "reed": 8834, "melanie": 8835, "marco": 8836, "jen": 8837, "ambul": 8838, "fantastic": 8839, "rigid": 8840, "che": 8841, "tiff": 8842, "inclined": 8843, "loyal": 8844, "math": 8845, "shivering": 8846, "discussing": 8847, "var": 8848, "canv": 8849, "seventy": 8850, "apri": 8851, "paperwork": 8852, "slope": 8853, "reminder": 8854, "maxi": 8855, "knights": 8856, "diana": 8857, "dismissed": 8858, "trey": 8859, "shades": 8860, "fashioned": 8861, "lara": 8862, "sincer": 8863, "appreciated": 8864, "bold": 8865, "theater": 8866, "millions": 8867, "ots": 8868, "gravity": 8869, "cans": 8870, "allison": 8871, "rober": 8872, "lizzie": 8873, "maddie": 8874, "wedne": 8875, "northern": 8876, "kan": 8877, "spanish": 8878, "urgent": 8879, "hatch": 8880, "duck": 8881, "devo": 8882, "gery": 8883, "marshall": 8884, "creepy": 8885, "connect": 8886, "overcome": 8887, "machines": 8888, "ille": 8889, "mono": 8890, "crumpled": 8891, "condu": 8892, "rats": 8893, "kinda": 8894, "superior": 8895, "teddy": 8896, "ambulance": 8897, "china": 8898, "spike": 8899, "senator": 8900, "foyer": 8901, "sworn": 8902, "rh": 8903, "altogether": 8904, "zzling": 8905, "logic": 8906, "ware": 8907, "portal": 8908, "conspir": 8909, "clamped": 8910, "thorne": 8911, "performance": 8912, "warren": 8913, "exhaustion": 8914, "factory": 8915, "edged": 8916, "artist": 8917, "thud": 8918, "bark": 8919, "mortals": 8920, "journal": 8921, "frightening": 8922, "prou": 8923, "ettes": 8924, "aura": 8925, "dex": 8926, "annoyance": 8927, "europe": 8928, "ember": 8929, "dangling": 8930, "heaved": 8931, "communication": 8932, "autu": 8933, "promises": 8934, "perfu": 8935, "pony": 8936, "berg": 8937, "sparkling": 8938, "sparks": 8939, "cancer": 8940, "asp": 8941, "pleading": 8942, "micah": 8943, "shi": 8944, "moni": 8945, "econ": 8946, "additional": 8947, "haze": 8948, "inqui": 8949, "trailing": 8950, "tti": 8951, "complained": 8952, "strings": 8953, "insurance": 8954, "blows": 8955, "menu": 8956, "jewelry": 8957, "messed": 8958, "clary": 8959, "online": 8960, "kneeling": 8961, "eyeing": 8962, "bubble": 8963, "dramatic": 8964, "pru": 8965, "raged": 8966, "rack": 8967, "session": 8968, "insides": 8969, "smacked": 8970, "exag": 8971, "eagerly": 8972, "derness": 8973, "albert": 8974, "oxy": 8975, "ggle": 8976, "pinched": 8977, "novel": 8978, "tus": 8979, "roof": 8980, "comments": 8981, "inse": 8982, "reci": 8983, "mately": 8984, "parent": 8985, "mischi": 8986, "franc": 8987, "lounge": 8988, "apol": 8989, "safer": 8990, "neighbor": 8991, "admini": 8992, "depar": 8993, "bruises": 8994, "sighing": 8995, "cassandra": 8996, "alu": 8997, "spark": 8998, "rubber": 8999, "pills": 9000, "carol": 9001, "scowl": 9002, "ebook": 9003, "shops": 9004, "bald": 9005, "misty": 9006, "distinct": 9007, "ida": 9008, "accused": 9009, "huddled": 9010, "doug": 9011, "sweaty": 9012, "preston": 9013, "loyalty": 9014, "esa": 9015, "resen": 9016, "ament": 9017, "retreated": 9018, "mixture": 9019, "deaths": 9020, "cookies": 9021, "echoing": 9022, "carson": 9023, "ray": 9024, "kendra": 9025, "tiffany": 9026, "dashed": 9027, "func": 9028, "greet": 9029, "thankful": 9030, "whoa": 9031, "cavern": 9032, "yal": 9033, "requi": 9034, "mechan": 9035, "perform": 9036, "tales": 9037, "'cause": 9038, "terrifying": 9039, "limits": 9040, "cha": 9041, "tend": 9042, "arriving": 9043, "clai": 9044, "arrogant": 9045, "bartender": 9046, "torch": 9047, "beats": 9048, "lanter": 9049, "moist": 9050, "eot": 9051, "shorter": 9052, "education": 9053, "bon": 9054, "interf": 9055, "fever": 9056, "delim": 9057, "religious": 9058, "eotdelim": 9059, "types": 9060, "tuesday": 9061, "unbeliev": 9062, "mire": 9063, "banks": 9064, "morti": 9065, "flood": 9066, "symbol": 9067, "shapes": 9068, "chem": 9069, "shrugs": 9070, "curves": 9071, "reserved": 9072, "injury": 9073, "aci": 9074, "systems": 9075, "bolted": 9076, "tack": 9077, "gaining": 9078, "chips": 9079, "virgin": 9080, "discom": 9081, "spoon": 9082, "dial": 9083, "embarrassing": 9084, "reacted": 9085, "lissa": 9086, "contemp": 9087, "apprehen": 9088, "fically": 9089, "autumn": 9090, "flicker": 9091, "jade": 9092, "resolve": 9093, "vie": 9094, "attraction": 9095, "tended": 9096, "senti": 9097, "scarlet": 9098, "faintly": 9099, "sures": 9100, "evol": 9101, "notion": 9102, "uri": 9103, "mack": 9104, "cares": 9105, "scan": 9106, "disappro": 9107, "demo": 9108, "immen": 9109, "luc": 9110, "spill": 9111, "vicious": 9112, "folds": 9113, "innoc": 9114, "sobbing": 9115, "straw": 9116, "removing": 9117, "yson": 9118, "companions": 9119, "beasts": 9120, "dana": 9121, "hh": 9122, "ancest": 9123, "sale": 9124, "partially": 9125, "combined": 9126, "feder": 9127, "eastern": 9128, "photograph": 9129, "internal": 9130, "registered": 9131, "teenager": 9132, "blackness": 9133, "tease": 9134, "tracy": 9135, "ician": 9136, "tag": 9137, "ela": 9138, "wheel": 9139, "thin'": 9140, "district": 9141, "claw": 9142, "watches": 9143, "unlikely": 9144, "stuart": 9145, "acity": 9146, "seep": 9147, "loading": 9148, "papa": 9149, "irritation": 9150, "stephan": 9151, "attacks": 9152, "unpleasant": 9153, "arrange": 9154, "courte": 9155, "wednesday": 9156, "mall": 9157, "veyed": 9158, "ponytail": 9159, "mack": 9160, "function": 9161, "disci": 9162, "multiple": 9163, "ites": 9164, "jab": 9165, "choking": 9166, "wels": 9167, "blazing": 9168, "proceeded": 9169, "releasing": 9170, "activities": 9171, "strap": 9172, "cowboy": 9173, "exclu": 9174, "applau": 9175, "lea": 9176, "dome": 9177, "tali": 9178, "secured": 9179, "pencil": 9180, "meetings": 9181, "portra": 9182, "coincidence": 9183, "officially": 9184, "visions": 9185, "ancing": 9186, "temples": 9187, "refrigerator": 9188, "alist": 9189, "longed": 9190, "outs": 9191, "yl": 9192, "tortured": 9193, "rapid": 9194, "produce": 9195, "fiercely": 9196, "ez": 9197, "sunny": 9198, "skim": 9199, "cody": 9200, "dread": 9201, "swell": 9202, "sman": 9203, "positions": 9204, "doubts": 9205, "shaken": 9206, "patri": 9207, "exagger": 9208, "players": 9209, "magnificent": 9210, "crushing": 9211, "insult": 9212, "psychic": 9213, "reluctant": 9214, "thursday": 9215, "stung": 9216, "sunset": 9217, "romance": 9218, "parano": 9219, "viewed": 9220, "sweating": 9221, "laundry": 9222, "hyster": 9223, "linked": 9224, "chess": 9225, "stray": 9226, "jonas": 9227, "gil": 9228, "dia": 9229, "corn": 9230, "pecu": 9231, "focusing": 9232, "freeze": 9233, "streaming": 9234, "mouthed": 9235, "downward": 9236, "delighted": 9237, "crisp": 9238, "dary": 9239, "control": 9240, "dash": 9241, "slaves": 9242, "ecst": 9243, "variety": 9244, "shrieked": 9245, "april": 9246, "provo": 9247, "hum": 9248, "strapped": 9249, "tracking": 9250, "labor": 9251, "claims": 9252, "tent": 9253, "spects": 9254, "illegal": 9255, "dedic": 9256, "indian": 9257, "fiery": 9258, "tics": 9259, "inviting": 9260, "strain": 9261, "stin": 9262, "specul": 9263, "thread": 9264, "ssel": 9265, "meaning": 9266, "brooke": 9267, "cracking": 9268, "way": 9269, "forgetting": 9270, "eighty": 9271, "thra": 9272, "bidden": 9273, "whitney": 9274, "erly": 9275, "accustom": 9276, "whistle": 9277, "rols": 9278, "att": 9279, "bonnie": 9280, "philip": 9281, "acker": 9282, "tide": 9283, "dwarf": 9284, "slung": 9285, "score": 9286, "santa": 9287, "vo": 9288, "objects": 9289, "else": 9290, "accustomed": 9291, "evidently": 9292, "ceme": 9293, "tucker": 9294, "temer": 9295, "helpful": 9296, "mech": 9297, "arrows": 9298, "sly": 9299, "oblivious": 9300, "granny": 9301, "demands": 9302, "flickering": 9303, "fee": 9304, "france": 9305, "offended": 9306, "swo": 9307, "pples": 9308, "grav": 9309, "oldest": 9310, "agency": 9311, "adults": 9312, "largest": 9313, "unts": 9314, "duties": 9315, "clad": 9316, "transp": 9317, "swayed": 9318, "greek": 9319, "explore": 9320, "transport": 9321, "skipped": 9322, "passa": 9323, "axe": 9324, "altar": 9325, "pond": 9326, "mont": 9327, "joel": 9328, "august": 9329, "bot": 9330, "surged": 9331, "kur": 9332, "--------": 9333, "spective": 9334, "aler": 9335, "scenari": 9336, "hart": 9337, "charity": 9338, "crooked": 9339, "bruised": 9340, "picks": 9341, "genuinely": 9342, "class": 9343, "disturbing": 9344, "mother": 9345, "fuck": 9346, "dream": 9347, "vince": 9348, "ui": 9349, "stunning": 9350, "basis": 9351, "donna": 9352, "difficulty": 9353, "caution": 9354, "cara": 9355, "cies": 9356, "smash": 9357, "thump": 9358, "madison": 9359, "incredul": 9360, "saun": 9361, "proudly": 9362, "brutal": 9363, "festi": 9364, "dous": 9365, "shifter": 9366, "quir": 9367, "fighter": 9368, "snick": 9369, "slides": 9370, "delu": 9371, "cursing": 9372, "acefully": 9373, "tires": 9374, "fiction": 9375, "elderly": 9376, "stein": 9377, "degrees": 9378, "frost": 9379, "offices": 9380, "item": 9381, "bris": 9382, "policem": 9383, "hunched": 9384, "justi": 9385, "colm": 9386, "pardon": 9387, "virus": 9388, "denied": 9389, "motionless": 9390, "pierced": 9391, "tality": 9392, "fin": 9393, "tightening": 9394, "motel": 9395, "elded": 9396, "cass": 9397, "avenue": 9398, "tangle": 9399, "ropes": 9400, "afterwards": 9401, "caressed": 9402, "tones": 9403, "tunnels": 9404, "filthy": 9405, "hay": 9406, "examine": 9407, "elaborate": 9408, "writer": 9409, "rounds": 9410, "nap": 9411, "accepting": 9412, "acknowledge": 9413, "root": 9414, "anced": 9415, "capital": 9416, "pregnancy": 9417, "naomi": 9418, "auto": 9419, "messy": 9420, "nik": 9421, "solit": 9422, "melt": 9423, "guts": 9424, "employees": 9425, "semi": 9426, "identify": 9427, "talks": 9428, "bumped": 9429, "jagged": 9430, "challeng": 9431, "fresh": 9432, "foster": 9433, "daughters": 9434, "repeatedly": 9435, "mur": 9436, "concerns": 9437, "cheer": 9438, "asshole": 9439, "stephanie": 9440, "lus": 9441, "eil": 9442, "tuary": 9443, "assistance": 9444, "constru": 9445, "starving": 9446, "returns": 9447, "pausing": 9448, "bethany": 9449, "carrie": 9450, "fat": 9451, "phillip": 9452, "bey": 9453, "malcolm": 9454, "vice": 9455, "importance": 9456, "pairs": 9457, "pre": 9458, "stain": 9459, "unaware": 9460, "spur": 9461, "prize": 9462, "winds": 9463, "unhappy": 9464, "highest": 9465, "canvas": 9466, "stir": 9467, "steep": 9468, "numerous": 9469, "metal": 9470, "temeraire": 9471, "tex": 9472, "jules": 9473, "elsewhere": 9474, "dians": 9475, "mommy": 9476, "strongly": 9477, "jection": 9478, "advance": 9479, "dorian": 9480, "dimitri": 9481, "zach": 9482, "tz": 9483, "dialed": 9484, "~~": 9485, "theless": 9486, "razor": 9487, "christopher": 9488, "technically": 9489, "oblig": 9490, "battle": 9491, "retrieved": 9492, "attacking": 9493, "absently": 9494, "hector": 9495, "merry": 9496, "scooped": 9497, "phrase": 9498, "nevertheless": 9499, "defeated": 9500, "countless": 9501, "replace": 9502, "negative": 9503, "mption": 9504, "troy": 9505, "bracel": 9506, "barre": 9507, "ap": 9508, "16": 9509, "dono": 9510, "dryly": 9511, "patrol": 9512, "p.m.": 9513, "sour": 9514, "chewing": 9515, "lurched": 9516, "confid": 9517, "tural": 9518, "suited": 9519, "quet": 9520, "absorbed": 9521, "bruce": 9522, "flipping": 9523, "bishop": 9524, "maya": 9525, "leon": 9526, "retrieve": 9527, "fling": 9528, "possibilities": 9529, "bites": 9530, "zipped": 9531, "alike": 9532, "addressed": 9533, "woken": 9534, "resources": 9535, "fond": 9536, "delay": 9537, "freely": 9538, "backyard": 9539, "salad": 9540, "magnus": 9541, "obsc": 9542, "leak": 9543, "gyp": 9544, "aliens": 9545, "paths": 9546, "sers": 9547, "donald": 9548, "cyn": 9549, "willingly": 9550, "xy": 9551, "ball": 9552, "patients": 9553, "austin": 9554, "napkin": 9555, "bible": 9556, "murphy": 9557, "eless": 9558, "void": 9559, "jag": 9560, "sacred": 9561, "furiously": 9562, "dead": 9563, "pleasan": 9564, "paintings": 9565, "sasha": 9566, "lodge": 9567, "vic": 9568, "vessel": 9569, "ninety": 9570, "chel": 9571, "keen": 9572, "savage": 9573, "furrowed": 9574, "cemetery": 9575, "smelling": 9576, "preven": 9577, "giggling": 9578, "ellen": 9579, "sleepy": 9580, "disco": 9581, "claiming": 9582, "defensive": 9583, "stores": 9584, "blasted": 9585, "south": 9586, "tested": 9587, "mbly": 9588, "script": 9589, "arian": 9590, "rogue": 9591, "practical": 9592, "bizar": 9593, "prop": 9594, "eline": 9595, "timing": 9596, "ritual": 9597, "ppling": 9598, "buzzing": 9599, "ize": 9600, "flashes": 9601, "effective": 9602, "delivery": 9603, "linger": 9604, "leigh": 9605, "kings": 9606, "culture": 9607, "cracks": 9608, "attended": 9609, "sobs": 9610, "cautious": 9611, "summoned": 9612, "prospect": 9613, "restless": 9614, "index": 9615, "fascinated": 9616, "column": 9617, "reassuring": 9618, "upside": 9619, "illusion": 9620, "allie": 9621, "tons": 9622, "sticky": 9623, "encountered": 9624, "werewolves": 9625, "interrog": 9626, "cable": 9627, "beamed": 9628, "applied": 9629, "partly": 9630, "battered": 9631, "frankly": 9632, "feathers": 9633, "wander": 9634, "sensing": 9635, "metho": 9636, "oxygen": 9637, "growth": 9638, "studies": 9639, "sily": 9640, "drey": 9641, "depre": 9642, "barri": 9643, "promising": 9644, "blinding": 9645, "genius": 9646, "feminine": 9647, "contrac": 9648, "cooked": 9649, "referring": 9650, "eur": 9651, "lovers": 9652, "drum": 9653, "rann": 9654, "bedside": 9655, "raises": 9656, "affect": 9657, "sprawled": 9658, "pauses": 9659, "punc": 9660, "icia": 9661, "felix": 9662, "smug": 9663, "coal": 9664, "sensual": 9665, "earn": 9666, "diner": 9667, "characters": 9668, "stumbling": 9669, "octo": 9670, "silky": 9671, "persua": 9672, "expressions": 9673, "swallowing": 9674, "smen": 9675, "wealthy": 9676, "myr": 9677, "nephe": 9678, "liking": 9679, "tegr": 9680, "hit": 9681, "harm": 9682, "stab": 9683, "j.": 9684, "sacri": 9685, "blos": 9686, "fleet": 9687, "bubb": 9688, "bacon": 9689, "glorious": 9690, "fans": 9691, "purchased": 9692, "flick": 9693, "identical": 9694, "correctly": 9695, "teachers": 9696, "secretly": 9697, "rumbled": 9698, "diag": 9699, "convincing": 9700, "passengers": 9701, "alexandra": 9702, "dise": 9703, "welcom": 9704, "swam": 9705, "calmed": 9706, "tribe": 9707, "joint": 9708, "rik": 9709, "campa": 9710, "eived": 9711, "leen": 9712, "jackie": 9713, "gee": 9714, "nard": 9715, "specifically": 9716, "hiss": 9717, "fountain": 9718, "vote": 9719, "necessarily": 9720, "meantime": 9721, "engines": 9722, "sheep": 9723, "disin": 9724, "discovery": 9725, "moo": 9726, "audrey": 9727, "requested": 9728, "grunt": 9729, "exception": 9730, "absur": 9731, "kindly": 9732, "stacked": 9733, "consciously": 9734, "gulped": 9735, "sail": 9736, "sucks": 9737, "originally": 9738, "eliza": 9739, "meth": 9740, "debris": 9741, "admired": 9742, "interpre": 9743, "acknowledged": 9744, "tia": 9745, "abandon": 9746, "lincol": 9747, "ledge": 9748, "catches": 9749, "gular": 9750, "cheek": 9751, "recep": 9752, "blessed": 9753, "humming": 9754, "gible": 9755, "17": 9756, "stressed": 9757, "retired": 9758, "horse": 9759, "gay": 9760, "console": 9761, "creeping": 9762, "anni": 9763, "angui": 9764, "roaring": 9765, "puppy": 9766, "amazement": 9767, "piano": 9768, "heavens": 9769, "phoen": 9770, "heap": 9771, "choosing": 9772, "dess": 9773, "goods": 9774, "depends": 9775, "lena": 9776, "scope": 9777, "aden": 9778, "unfamiliar": 9779, "sam": 9780, "cow": 9781, "mistaken": 9782, "msy": 9783, "trucks": 9784, "burnt": 9785, "pursed": 9786, "fumbled": 9787, "francesca": 9788, "dwel": 9789, "celebrate": 9790, "mexico": 9791, "ligh": 9792, "welcomed": 9793, "disgusting": 9794, "raging": 9795, "nineteen": 9796, "bumps": 9797, "venge": 9798, "gratitude": 9799, "rung": 9800, "reminds": 9801, "brass": 9802, "ak": 9803, "goose": 9804, "devast": 9805, "adjust": 9806, "relationships": 9807, "elo": 9808, "concluded": 9809, "relatively": 9810, "quin": 9811, "resisted": 9812, "hut": 9813, "ula": 9814, "outstretched": 9815, "meals": 9816, "happier": 9817, "theirs": 9818, "moist": 9819, "infected": 9820, "drowned": 9821, "stirring": 9822, "collapse": 9823, "stella": 9824, "claude": 9825, "concept": 9826, "accommo": 9827, "rock": 9828, "disgusted": 9829, "clipped": 9830, "callum": 9831, "motions": 9832, "fae": 9833, "asher": 9834, "organization": 9835, "caress": 9836, "accidentally": 9837, "resumed": 9838, "backseat": 9839, "sorted": 9840, "brighter": 9841, "betrayal": 9842, "mascul": 9843, "grimly": 9844, "pictured": 9845, "cassidy": 9846, "opti": 9847, "recogn": 9848, "closes": 9849, "stormed": 9850, "luce": 9851, "d.": 9852, "buzzed": 9853, "sawyer": 9854, "flag": 9855, "apologe": 9856, "fluid": 9857, "exqui": 9858, "trau": 9859, "sanctuary": 9860, "rim": 9861, "plays": 9862, "compliment": 9863, "frag": 9864, "computers": 9865, "wasting": 9866, "logist": 9867, "threats": 9868, "force": 9869, "recognition": 9870, "tremble": 9871, "sunk": 9872, "industri": 9873, "commerci": 9874, "thie": 9875, "displayed": 9876, "undead": 9877, "creation": 9878, "blurred": 9879, "one": 9880, "documents": 9881, "dazed": 9882, "unfortunate": 9883, "glittering": 9884, "dalton": 9885, "shutting": 9886, "severe": 9887, "lincoln": 9888, "gallery": 9889, "confirm": 9890, "murderer": 9891, "discre": 9892, "aircraft": 9893, "elly": 9894, "religion": 9895, "vors": 9896, "spells": 9897, "donovan": 9898, "contribu": 9899, "robes": 9900, "u.s.": 9901, "burg": 9902, "valerie": 9903, "lilly": 9904, "retor": 9905, "arrangements": 9906, "obey": 9907, "gaping": 9908, "fitted": 9909, "beams": 9910, "lee": 9911, "stock": 9912, "wrath": 9913, "hopeful": 9914, "resort": 9915, "viewing": 9916, "pumping": 9917, "complain": 9918, "suspiciously": 9919, "conditions": 9920, "jokes": 9921, "abra": 9922, "lecture": 9923, "peeled": 9924, "convenient": 9925, "journ": 9926, "trusting": 9927, "rad": 9928, "loop": 9929, "elliot": 9930, "zar": 9931, "tech": 9932, "drain": 9933, "scout": 9934, "illuminated": 9935, "arrangement": 9936, "ax": 9937, "insist": 9938, "express": 9939, "prior": 9940, "iring": 9941, "eerie": 9942, "teenage": 9943, "kellan": 9944, "determine": 9945, "weakly": 9946, "competition": 9947, "virgin": 9948, "luxury": 9949, "gardens": 9950, "tissue": 9951, "chemi": 9952, "ares": 9953, "aur": 9954, "joked": 9955, "guarantee": 9956, "rhys": 9957, "legend": 9958, "succeeded": 9959, "bizarre": 9960, "environment": 9961, "skip": 9962, "hop": 9963, "follows": 9964, "repair": 9965, "antonio": 9966, "noneth": 9967, "nonetheless": 9968, "keith": 9969, "stilled": 9970, "depth": 9971, "coordin": 9972, "sened": 9973, "academy": 9974, "stics": 9975, "scarf": 9976, "inser": 9977, "gaw": 9978, "princip": 9979, "entertain": 9980, "thrill": 9981, "18": 9982, "viously": 9983, "ceased": 9984, "surgery": 9985, "prompted": 9986, "lawyers": 9987, "scraped": 9988, "photographs": 9989, "include": 9990, "piper": 9991, "network": 9992, "leagues": 9993, "comprehen": 9994, "tricks": 9995, "strand": 9996, "stomped": 9997, "counsel": 9998, "nancy": 9999, "mature": 10000, "fetch": 10001, "visitor": 10002, "relaxing": 10003, "mild": 10004, "fulness": 10005, "confessed": 10006, "cora": 10007, "shep": 10008, "darcy": 10009, "vial": 10010, "explains": 10011, "encouraged": 10012, "drowning": 10013, "chuckles": 10014, "rays": 10015, "dive": 10016, "appearing": 10017, "scheduled": 10018, "elf": 10019, "wes": 10020, "levi": 10021, "halls": 10022, "rang": 10023, "shea": 10024, "mini": 10025, "ultimate": 10026, "cringed": 10027, "elimin": 10028, "mitch": 10029, "mblance": 10030, "prophec": 10031, "monk": 10032, "escorted": 10033, "patio": 10034, "eving": 10035, "sooth": 10036, "oly": 10037, "ane": 10038, "perfection": 10039, "bastar": 10040, "politics": 10041, "fingernails": 10042, "salv": 10043, "ddles": 10044, "chann": 10045, "tails": 10046, "halted": 10047, "essence": 10048, "daring": 10049, "marine": 10050, "development": 10051, "isabel": 10052, "believes": 10053, "puzzle": 10054, "sweetie": 10055, "perfume": 10056, "generation": 10057, "stays": 10058, "crai": 10059, "weighed": 10060, "strokes": 10061, "limit": 10062, "indicating": 10063, "indign": 10064, "let": 10065, "murmur": 10066, "bells": 10067, "dennis": 10068, "discomfort": 10069, "minded": 10070, "stur": 10071, "examining": 10072, "circular": 10073, "sarcasm": 10074, "launch": 10075, "homework": 10076, "plain": 10077, "pu": 10078, "locate": 10079, "elem": 10080, "innocence": 10081, "swaying": 10082, "chest": 10083, "walter": 10084, "tripped": 10085, "coins": 10086, "hoarse": 10087, "straining": 10088, "remarkable": 10089, "mored": 10090, "isabelle": 10091, "stench": 10092, "escaping": 10093, "lett": 10094, "failing": 10095, "seduc": 10096, "accurate": 10097, "husky": 10098, "dense": 10099, "arousal": 10100, "transl": 10101, "brady": 10102, "tracked": 10103, "cough": 10104, "debt": 10105, "muttering": 10106, "seed": 10107, "terry": 10108, "dism": 10109, "patterns": 10110, "jan": 10111, "respected": 10112, "opponent": 10113, "desired": 10114, "harbor": 10115, "gin": 10116, "bee": 10117, "marina": 10118, "mma": 10119, "poking": 10120, "prim": 10121, "sque": 10122, "nicely": 10123, "lling": 10124, "suf": 10125, "phoenix": 10126, "native": 10127, "july": 10128, "hazel": 10129, "ghtness": 10130, "distress": 10131, "xter": 10132, "peculiar": 10133, "whil": 10134, "calcul": 10135, "grocery": 10136, "bump": 10137, "phic": 10138, "civil": 10139, "females": 10140, "johnson": 10141, "waist": 10142, "receiver": 10143, "possess": 10144, "tool": 10145, "offers": 10146, "scoffed": 10147, "pupp": 10148, "raphael": 10149, "eternal": 10150, "thief": 10151, "deputy": 10152, "particip": 10153, "strategy": 10154, "offense": 10155, "medit": 10156, "angela": 10157, "nikki": 10158, "aked": 10159, "wax": 10160, "fati": 10161, "whilst": 10162, "reward": 10163, "operate": 10164, "headlights": 10165, "soda": 10166, "plot": 10167, "hairs": 10168, "picnic": 10169, "listed": 10170, "itions": 10171, "andrea": 10172, "abigail": 10173, "theo": 10174, "melting": 10175, "paja": 10176, "lity": 10177, "organized": 10178, "metallic": 10179, "gesturing": 10180, "franci": 10181, "florida": 10182, "gabrielle": 10183, "international": 10184, "titude": 10185, "bum": 10186, "boom": 10187, "tail": 10188, "sneaking": 10189, "mothers": 10190, "kindness": 10191, "acon": 10192, "uncomfortably": 10193, "atively": 10194, "pierre": 10195, "power": 10196, "rumble": 10197, "popping": 10198, "concealed": 10199, "printed": 10200, "intrigued": 10201, "briefcase": 10202, "tice": 10203, "strous": 10204, "honey": 10205, "ging": 10206, "cran": 10207, "colour": 10208, "venti": 10209, "pained": 10210, "engagement": 10211, "nash": 10212, "coats": 10213, "alities": 10214, "administr": 10215, "thias": 10216, "sacrific": 10217, "luther": 10218, "jury": 10219, "adds": 10220, "cob": 10221, "coward": 10222, "automatic": 10223, "lu": 10224, "divine": 10225, "nadia": 10226, "iv": 10227, "yells": 10228, "soli": 10229, "shifts": 10230, "hant": 10231, "rose": 10232, "excitedly": 10233, "ions": 10234, "shifters": 10235, "aging": 10236, "abe": 10237, "peek": 10238, "howard": 10239, "cellar": 10240, "receiving": 10241, "host": 10242, "vimes": 10243, "simultaneously": 10244, "insist": 10245, "demean": 10246, "suppre": 10247, "rug": 10248, "diego": 10249, "rho": 10250, "momma": 10251, "classroom": 10252, "wives": 10253, "traditional": 10254, "proven": 10255, "nin": 10256, "enced": 10257, "conscience": 10258, "butler": 10259, "scratching": 10260, "implic": 10261, "kitten": 10262, "anticipated": 10263, "sorcer": 10264, "established": 10265, "worker": 10266, "hates": 10267, "itch": 10268, "forgi": 10269, "audible": 10270, "clarity": 10271, "unison": 10272, "hot": 10273, "vile": 10274, "kenne": 10275, "cheerful": 10276, "rank": 10277, "propo": 10278, "enda": 10279, "raine": 10280, "must": 10281, "moaning": 10282, "0s": 10283, "sober": 10284, "coughing": 10285, "ee": 10286, "intact": 10287, "dripped": 10288, "athle": 10289, "motorcycle": 10290, "euro": 10291, "cousins": 10292, "challenged": 10293, "buff": 10294, "stair": 10295, "ili": 10296, "anxiously": 10297, "mode": 10298, "enzie": 10299, "emerald": 10300, "americans": 10301, "eting": 10302, "evident": 10303, "fucked": 10304, "mitchell": 10305, "lydia": 10306, "practiced": 10307, "overnight": 10308, "bud": 10309, "bastards": 10310, ".a.": 10311, "twenti": 10312, "promptly": 10313, "overly": 10314, "mont": 10315, "honesty": 10316, "ians": 10317, "slowing": 10318, "ay": 10319, "toys": 10320, "ascen": 10321, "silhou": 10322, "beat": 10323, "ush": 10324, "jaws": 10325, "golf": 10326, "appeal": 10327, "wreck": 10328, "contrast": 10329, "lush": 10330, "wee": 10331, "pod": 10332, "anderson": 10333, "valent": 10334, "cafe": 10335, "accomplished": 10336, "mandy": 10337, "investigate": 10338, "presses": 10339, "grinding": 10340, "domen": 10341, "zi": 10342, "eo": 10343, "gee": 10344, "splashed": 10345, "inges": 10346, "ghtful": 10347, "restri": 10348, "muddy": 10349, "mies": 10350, "headquarters": 10351, "peer": 10352, "25": 10353, "carolyn": 10354, "marrying": 10355, "banged": 10356, "gel": 10357, "bee": 10358, "vivid": 10359, "mali": 10360, "24": 10361, "layers": 10362, "valentine": 10363, "elders": 10364, "shadow": 10365, "mour": 10366, "reid": 10367, "powered": 10368, "grea": 10369, "clinic": 10370, "thresho": 10371, "folder": 10372, "rory": 10373, "dump": 10374, "apollo": 10375, "majority": 10376, "japan": 10377, "arming": 10378, "cigarettes": 10379, "chick": 10380, "scientists": 10381, "choke": 10382, "arity": 10383, "goin'": 10384, "unseen": 10385, "labor": 10386, "lone": 10387, "privile": 10388, "pier": 10389, "barry": 10390, "acceptable": 10391, "inspector": 10392, "22": 10393, "mick": 10394, "performed": 10395, "ballo": 10396, "ivan": 10397, "occasions": 10398, "twitch": 10399, "lucian": 10400, "jerking": 10401, "japanese": 10402, "therapy": 10403, "mill": 10404, "chatting": 10405, "ups": 10406, "precise": 10407, "mainly": 10408, "relent": 10409, "poo": 10410, "beck": 10411, "regretted": 10412, "suspended": 10413, "episo": 10414, "rau": 10415, "lynn": 10416, "graceful": 10417, "admire": 10418, "tad": 10419, "fights": 10420, "adri": 10421, "pub": 10422, "adverti": 10423, "outline": 10424, "magne": 10425, "revolu": 10426, "hyp": 10427, "padded": 10428, "hypo": 10429, "evie": 10430, "town": 10431, "sum": 10432, "quali": 10433, "overheard": 10434, "gasps": 10435, "dedly": 10436, "mina": 10437, "kidnapped": 10438, "ulted": 10439, "philoso": 10440, "discar": 10441, "veil": 10442, "sandwich": 10443, "olive": 10444, "crow": 10445, "impro": 10446, "c'": 10447, "leaf": 10448, "reapp": 10449, "frequently": 10450, "messen": 10451, "threshold": 10452, "gaped": 10453, "ett": 10454, "dice": 10455, "bryn": 10456, "urgency": 10457, "pm": 10458, "enhan": 10459, "ves": 10460, "founded": 10461, "ures": 10462, "lind": 10463, "tickets": 10464, "slit": 10465, "smack": 10466, "tying": 10467, "obedi": 10468, "ase": 10469, "messenger": 10470, "minent": 10471, "lords": 10472, "nurses": 10473, "character": 10474, "principal": 10475, "cooler": 10476, "bundle": 10477, "taut": 10478, "previously": 10479, "rus": 10480, "enjoy": 10481, "critical": 10482, "plague": 10483, "copper": 10484, "plucked": 10485, "kenny": 10486, "craig": 10487, "vali": 10488, "electronic": 10489, "virginia": 10490, "towers": 10491, "slan": 10492, "lins": 10493, "motor": 10494, "terminal": 10495, "maze": 10496, "lessness": 10497, "sleek": 10498, "interrupt": 10499, "lucan": 10500, "descent": 10501, "coke": 10502, "appet": 10503, "alize": 10504, "huffed": 10505, "maddy": 10506, "hero": 10507, "partners": 10508, "rises": 10509, "mae": 10510, "bliss": 10511, "balanced": 10512, "windshield": 10513, "accounts": 10514, "warily": 10515, "selected": 10516, "ree": 10517, "manners": 10518, "forbidden": 10519, "compassion": 10520, "fau": 10521, "buckled": 10522, "tighten": 10523, "fairs": 10524, "jolt": 10525, "hunted": 10526, "clenching": 10527, "wren": 10528, "experiment": 10529, "discipl": 10530, "hl": 10531, "witnesses": 10532, "glove": 10533, "sheepi": 10534, "layla": 10535, "calvin": 10536, "trips": 10537, "ino": 10538, "seattle": 10539, "startling": 10540, "tec": 10541, "grasping": 10542, "veron": 10543, "swit": 10544, "nanny": 10545, "calcu": 10546, ":00": 10547, "feast": 10548, "authorities": 10549, "conqu": 10550, "freed": 10551, "sweetly": 10552, "transfer": 10553, "thrusting": 10554, "pickup": 10555, "winston": 10556, "moral": 10557, "lattered": 10558, "foundation": 10559, "tourists": 10560, "nin": 10561, "marsha": 10562, "essa": 10563, "drunken": 10564, "sipping": 10565, "exposing": 10566, "engul": 10567, "inquired": 10568, "techni": 10569, "veling": 10570, "crowds": 10571, "unbear": 10572, "throws": 10573, "dwell": 10574, "slapping": 10575, "teams": 10576, "element": 10577, ".c.": 10578, "increase": 10579, "chester": 10580, "scientist": 10581, "jonah": 10582, "burea": 10583, "stures": 10584, "river": 10585, "growling": 10586, "ramp": 10587, "neared": 10588, "perspective": 10589, "fix": 10590, "nan": 10591, "gobl": 10592, "sufficient": 10593, "sail": 10594, "belongs": 10595, "unmista": 10596, "increasing": 10597, "troll": 10598, "lacey": 10599, "visibly": 10600, "dessert": 10601, "stes": 10602, "entertainment": 10603, "relev": 10604, "stati": 10605, "cere": 10606, "hilt": 10607, "oma": 10608, "loosened": 10609, "retorted": 10610, "maintained": 10611, "packs": 10612, "extraordinary": 10613, "embraced": 10614, "oon": 10615, "communicate": 10616, "scol": 10617, "desig": 10618, "surveyed": 10619, "cradled": 10620, "reins": 10621, "peak": 10622, "stel": 10623, "dine": 10624, "ruins": 10625, "relative": 10626, "indication": 10627, "respect": 10628, "cafeteria": 10629, "wil": 10630, "dela": 10631, "vest": 10632, "quil": 10633, "banging": 10634, "supernatural": 10635, "departure": 10636, "lifeless": 10637, "extent": 10638, "successfully": 10639, "production": 10640, "ci": 10641, "gregory": 10642, "sar": 10643, "flare": 10644, "wick": 10645, "irish": 10646, "flee": 10647, "sincere": 10648, "residence": 10649, "kerchief": 10650, "iron": 10651, "filed": 10652, "employee": 10653, "patr": 10654, "interests": 10655, "condom": 10656, "posture": 10657, "reference": 10658, "ronan": 10659, "hill": 10660, "ditch": 10661, "thea": 10662, "warming": 10663, "bellowed": 10664, "limo": 10665, "goat": 10666, "enfor": 10667, "basket": 10668, "destroying": 10669, "drawers": 10670, "diamonds": 10671, "dingly": 10672, "passionate": 10673, "lugg": 10674, "vain": 10675, "copy": 10676, "nephew": 10677, "gies": 10678, "tattoos": 10679, "steaming": 10680, "sedly": 10681, "iser": 10682, "float": 10683, "davis": 10684, "colorful": 10685, "zeus": 10686, "sixth": 10687, "ricky": 10688, "reu": 10689, "chambers": 10690, "regain": 10691, "cit": 10692, "ashes": 10693, "apr": 10694, "francisco": 10695, "darren": 10696, "walk": 10697, "earning": 10698, "breed": 10699, "advised": 10700, "luggage": 10701, "playfully": 10702, "nath": 10703, "lette": 10704, "erik": 10705, "yawned": 10706, "thorn": 10707, "needles": 10708, "lamps": 10709, "agging": 10710, "tasting": 10711, "protru": 10712, "welcoming": 10713, "transformed": 10714, "lef": 10715, "tsy": 10716, "cafe": 10717, "instance": 10718, "gallo": 10719, "mesm": 10720, "tracing": 10721, "obs": 10722, "bedro": 10723, "poe": 10724, "tennis": 10725, "wool": 10726, "bass": 10727, "straps": 10728, "responding": 10729, "marty": 10730, "rece": 10731, "omy": 10732, "candi": 10733, "sauce": 10734, "stac": 10735, "casin": 10736, "gos": 10737, "openly": 10738, "masters": 10739, "nolan": 10740, "freaked": 10741, "cruci": 10742, "controlla": 10743, "proceed": 10744, "planes": 10745, "fascinating": 10746, "cara": 10747, "dall": 10748, "coffin": 10749, "proto": 10750, "drives": 10751, "deepened": 10752, "bust": 10753, "atives": 10754, "streaked": 10755, "masculine": 10756, "iner": 10757, "dren": 10758, "emotionally": 10759, "fing": 10760, "situations": 10761, "madeline": 10762, "refre": 10763, "doubled": 10764, "disting": 10765, "perimeter": 10766, "freshly": 10767, "opy": 10768, "zards": 10769, "eagle": 10770, "selena": 10771, "nightstand": 10772, "lame": 10773, "squat": 10774, "legen": 10775, "kaladin": 10776, "unlea": 10777, "skye": 10778, "shimmering": 10779, "heaving": 10780, "haul": 10781, "hurriedly": 10782, "fortress": 10783, "excep": 10784, "deserves": 10785, "cattle": 10786, "pulsed": 10787, "pulsing": 10788, "baby": 10789, "wyatt": 10790, "droo": 10791, "campaign": 10792, "customer": 10793, "bargain": 10794, "thirsty": 10795, "sterling": 10796, "pirate": 10797, "mikha": 10798, "imperi": 10799, "october": 10800, "flinch": 10801, "ami": 10802, "sickness": 10803, "gerald": 10804, "bani": 10805, "max": 10806, "container": 10807, "occup": 10808, "doms": 10809, "ich": 10810, "remn": 10811, "divided": 10812, "horns": 10813, "potat": 10814, "rag": 10815, "aroused": 10816, "tabi": 10817, "whimpered": 10818, "vines": 10819, "disguise": 10820, "region": 10821, "local": 10822, "guardians": 10823, "sors": 10824, "ini": 10825, "drums": 10826, "congratulations": 10827, "lethal": 10828, "creep": 10829, "succeed": 10830, "squealed": 10831, "lish": 10832, "terror": 10833, "rina": 10834, "curly": 10835, "shaw": 10836, "potatoes": 10837, "verge": 10838, "diary": 10839, "satin": 10840, "ola": 10841, "ficial": 10842, "dorm": 10843, "span": 10844, "sobbed": 10845, "pumped": 10846, "bout": 10847, "ginger": 10848, "franklin": 10849, "tremen": 10850, "knots": 10851, "stairwell": 10852, "flirting": 10853, "dani": 10854, "subur": 10855, "pump": 10856, "mocking": 10857, "yank": 10858, "lil": 10859, "giggles": 10860, "warden": 10861, "hushed": 10862, "tasha": 10863, "temptation": 10864, "trails": 10865, "hesitantly": 10866, "snaps": 10867, "mikhail": 10868, "blessing": 10869, "skele": 10870, "assist": 10871, "willi": 10872, "wardro": 10873, "dim": 10874, "vital": 10875, "ros": 10876, "rens": 10877, "slips": 10878, "archer": 10879, "swelled": 10880, "gon": 10881, "shannon": 10882, "mesmeri": 10883, "entary": 10884, "christi": 10885, "basketball": 10886, "uno": 10887, "youngest": 10888, "tabitha": 10889, "terior": 10890, "jewel": 10891, "suitable": 10892, "tier": 10893, "elie": 10894, "bugs": 10895, "itlyn": 10896, "slur": 10897, "drown": 10898, "referred": 10899, "companies": 10900, "towering": 10901, "eman": 10902, "composure": 10903, "ranks": 10904, "product": 10905, "oven": 10906, "jasper": 10907, "gori": 10908, "wild": 10909, "perpe": 10910, "bitterly": 10911, "surveill": 10912, "archie": 10913, "rail": 10914, "cope": 10915, "surveillance": 10916, "ado": 10917, "sympathetic": 10918, "enchan": 10919, "exotic": 10920, "dget": 10921, "elves": 10922, "snakes": 10923, "manny": 10924, "blamed": 10925, "venture": 10926, "weeping": 10927, "neal": 10928, "alternative": 10929, "immun": 10930, "pursuit": 10931, "painter": 10932, "healer": 10933, "endure": 10934, "colum": 10935, "mildly": 10936, "sale": 10937, "bait": 10938, "bubba": 10939, "operations": 10940, "handling": 10941, "erotic": 10942, "dign": 10943, "guer": 10944, "composed": 10945, "stile": 10946, "rion": 10947, "nat": 10948, "suggesti": 10949, "orleans": 10950, "dispat": 10951, "descending": 10952, "complaining": 10953, "vengeance": 10954, "tradition": 10955, "serves": 10956, "ellit": 10957, "uncontrolla": 10958, "tumbling": 10959, "ogra": 10960, "buttoned": 10961, "hend": 10962, "satellit": 10963, "remark": 10964, "pand": 10965, "caressing": 10966, "lov": 10967, "weed": 10968, "sway": 10969, "wheeled": 10970, "beau": 10971, "talon": 10972, "spac": 10973, "rotten": 10974, "reverse": 10975, "stumble": 10976, "controlling": 10977, "anony": 10978, "outward": 10979, "mira": 10980, "scooted": 10981, "craw": 10982, "harley": 10983, "colby": 10984, "liquor": 10985, "excuses": 10986, "syr": 10987, "vivian": 10988, "school": 10989, "acquaint": 10990, "vau": 10991, "rowan": 10992, "jammed": 10993, "fried": 10994, "fastened": 10995, "vanessa": 10996, "thom": 10997, "commercial": 10998, "zio": 10999, "twined": 11000, "eted": 11001, "charging": 11002, "inched": 11003, "greatly": 11004, "controls": 11005, "household": 11006, "beans": 11007, "brianna": 11008, "celebration": 11009, "uti": 11010, "trage": 11011, "ppery": 11012, "dab": 11013, "behave": 11014, "slower": 11015, "heir": 11016, "elements": 11017, "costume": 11018, "silas": 11019, "bursting": 11020, "purposes": 11021, "vari": 11022, "abdomen": 11023, "crimes": 11024, "amen": 11025, "clawed": 11026, "supported": 11027, "magazines": 11028, "bared": 11029, "confession": 11030, "affairs": 11031, "hush": 11032, "angles": 11033, "paraly": 11034, "tingling": 11035, "angus": 11036, "crisis": 11037, "suz": 11038, "spin": 11039, "poker": 11040, "ingy": 11041, "courtney": 11042, "21": 11043, "gleamed": 11044, "zipper": 11045, "soaking": 11046, "shields": 11047, "galax": 11048, "rape": 11049, "faye": 11050, "harmon": 11051, "diplo": 11052, "zily": 11053, "triumph": 11054, "mbo": 11055, "alarmed": 11056, "raven": 11057, "benny": 11058, "stles": 11059, "ounted": 11060, "logue": 11061, "heavier": 11062, "straw": 11063, "etched": 11064, "glistening": 11065, "outcome": 11066, "handy": 11067, "abuse": 11068, "manor": 11069, "ero": 11070, "cation": 11071, "apply": 11072, "finest": 11073, "tiness": 11074, "doorbell": 11075, "casca": 11076, "shuttle": 11077, "comparison": 11078, "dirk": 11079, "tiles": 11080, "showered": 11081, "impulse": 11082, "40": 11083, "oed": 11084, "blankly": 11085, "alliance": 11086, "adopted": 11087, "cers": 11088, "ama": 11089, "ara": 11090, "fills": 11091, "uncertainty": 11092, "ruled": 11093, "lucia": 11094, "lantern": 11095, "haley": 11096, "agoni": 11097, "seren": 11098, "bitten": 11099, "cedes": 11100, "races": 11101, "groaning": 11102, "vigor": 11103, "tens": 11104, "distinc": 11105, "annab": 11106, "sali": 11107, "revelation": 11108, "roommate": 11109, "toxic": 11110, "tempting": 11111, "piles": 11112, "hideous": 11113, "frowns": 11114, "fare": 11115, "clubs": 11116, "tuck": 11117, "alexia": 11118, "vish": 11119, "rot": 11120, "litting": 11121, "leaping": 11122, "behalf": 11123, "blings": 11124, "berries": 11125, "spas": 11126, "junk": 11127, "'l": 11128, "parlor": 11129, "vals": 11130, "ugh": 11131, "supre": 11132, "navig": 11133, "juliet": 11134, "whistled": 11135, "veronica": 11136, "reuben": 11137, "quan": 11138, "predictable": 11139, "exquisite": 11140, "adequ": 11141, "dissi": 11142, "connections": 11143, "astonishment": 11144, "accomplish": 11145, "lash": 11146, "sub": 11147, "repeating": 11148, "prefer": 11149, "elu": 11150, "conflict": 11151, "wars": 11152, "veri": 11153, "sprinted": 11154, "amusing": 11155, "tton": 11156, "sentin": 11157, "someplace": 11158, "admiral": 11159, "wade": 11160, "linen": 11161, "niece": 11162, "eyela": 11163, "dr": 11164, "paradise": 11165, "loomed": 11166, "eyelashes": 11167, "anguish": 11168, "helplessly": 11169, "\u00a8c": 11170, "chand": 11171, "surreal": 11172, "mann": 11173, "traitor": 11174, "manife": 11175, "milton": 11176, "carly": 11177, "stammered": 11178, "payment": 11179, "grove": 11180, "resembled": 11181, "brandy": 11182, "symp": 11183, "killers": 11184, "swiped": 11185, "suggesting": 11186, "yway": 11187, "shattering": 11188, "edition": 11189, "chie": 11190, "noelle": 11191, "label": 11192, "gross": 11193, "gret": 11194, "pill": 11195, "risen": 11196, "reduced": 11197, "lywood": 11198, "cath": 11199, "umb": 11200, "involun": 11201, "awakened": 11202, "india": 11203, "sandra": 11204, "noting": 11205, "darting": 11206, "wardrobe": 11207, "sarcastically": 11208, "wilson": 11209, "ultimately": 11210, "lila": 11211, "legged": 11212, "i'm": 11213, "tionist": 11214, "gang": 11215, "iry": 11216, "depressed": 11217, "microphone": 11218, "arts": 11219, "demeanor": 11220, "wig": 11221, "glint": 11222, "dusk": 11223, "thumb": 11224, "kade": 11225, "increasingly": 11226, "stalking": 11227, "cupping": 11228, "published": 11229, "succu": 11230, "speech": 11231, "review": 11232, "recorded": 11233, "matically": 11234, "farmer": 11235, "splash": 11236, "slack": 11237, "icians": 11238, "mathe": 11239, "//": 11240, "sneered": 11241, "encourag": 11242, "signature": 11243, "contacts": 11244, "piti": 11245, "marsh": 11246, "leton": 11247, "conner": 11248, "tooth": 11249, "spectacu": 11250, "punished": 11251, "19": 11252, "tily": 11253, "reader": 11254, "obeyed": 11255, "millie": 11256, "supervi": 11257, "septem": 11258, "scalp": 11259, "skies": 11260, "fuzzy": 11261, "eau": 11262, "confusing": 11263, "colton": 11264, "resolved": 11265, "partments": 11266, "punching": 11267, "swings": 11268, "experiences": 11269, "backup": 11270, "hound": 11271, "ala": 11272, "september": 11273, "cookie": 11274, "convul": 11275, "norman": 11276, "quivering": 11277, "monkey": 11278, "inform": 11279, "identified": 11280, "gleam": 11281, "wraps": 11282, "thia": 11283, "suspicions": 11284, "tanned": 11285, "gloom": 11286, "steri": 11287, "acceptance": 11288, "mans": 11289, "bracelet": 11290, "200": 11291, "hul": 11292, "stations": 11293, "ile": 11294, "supposedly": 11295, "anchor": 11296, "sels": 11297, "rav": 11298, "aggressive": 11299, "snuck": 11300, "entially": 11301, "ud": 11302, "bever": 11303, "voy": 11304, "mari": 11305, "clip": 11306, "siblings": 11307, "ezra": 11308, "pam": 11309, "murmurs": 11310, "confess": 11311, "nestled": 11312, "mob": 11313, "detected": 11314, "dreadful": 11315, "shawn": 11316, "radar": 11317, "lock": 11318, "bited": 11319, "bers": 11320, "playful": 11321, "hudson": 11322, "africa": 11323, "model": 11324, "handkerchief": 11325, "tucking": 11326, "blaze": 11327, "hesitant": 11328, "whee": 11329, "array": 11330, "towns": 11331, "pepper": 11332, "moans": 11333, "ium": 11334, "diver": 11335, "yourselves": 11336, "captive": 11337, "scenario": 11338, "soever": 11339, "federal": 11340, "carolina": 11341, "scientific": 11342, "depending": 11343, "oath": 11344, "mitted": 11345, "decade": 11346, "spiritual": 11347, "reese": 11348, "neutral": 11349, "rehear": 11350, "ebe": 11351, "stran": 11352, "marissa": 11353, "ghtens": 11354, "dox": 11355, "conj": 11356, "reporters": 11357, "commitment": 11358, "jee": 11359, "discarded": 11360, "capit": 11361, "apron": 11362, "shriek": 11363, "coated": 11364, "appreciation": 11365, "dimly": 11366, "chapel": 11367, "spl": 11368, "anti": 11369, "pets": 11370, "tuous": 11371, "evelyn": 11372, "couples": 11373, "prick": 11374, "rescued": 11375, "patting": 11376, "clair": 11377, "desires": 11378, "easing": 11379, "htt": 11380, "emptied": 11381, "achieve": 11382, "lexie": 11383, "interrupting": 11384, "gingerly": 11385, "aster": 11386, "limb": 11387, "typed": 11388, "observation": 11389, "calming": 11390, "shocking": 11391, "rr": 11392, "apologized": 11393, "actor": 11394, "---": 11395, "sites": 11396, "abbey": 11397, "thly": 11398, "barking": 11399, "vamp": 11400, "whit": 11401, "nausea": 11402, "messing": 11403, "hayden": 11404, "checks": 11405, "appetite": 11406, "tcher": 11407, "feather": 11408, "moisture": 11409, "coldly": 11410, "mish": 11411, "isolated": 11412, "generations": 11413, "evo": 11414, "snort": 11415, "sable": 11416, "harold": 11417, "gunner": 11418, "deaf": 11419, "chunk": 11420, "45": 11421, "muted": 11422, "commit": 11423, "robots": 11424, "gazes": 11425, "fluttering": 11426, "kills": 11427, "busted": 11428, "grimace": 11429, "yin": 11430, "shuffling": 11431, "ribbon": 11432, "hating": 11433, "beef": 11434, "unexpec": 11435, "figuring": 11436, "coher": 11437, "solar": 11438, "distribu": 11439, "arena": 11440, "ou": 11441, "undoub": 11442, "wires": 11443, "racks": 11444, "relevant": 11445, "custody": 11446, "capacity": 11447, "ecstasy": 11448, "ouring": 11449, "fraction": 11450, "cruise": 11451, "unner": 11452, "mercedes": 11453, "strides": 11454, "boulder": 11455, "scarlett": 11456, "gulp": 11457, "undoubtedly": 11458, "bandage": 11459, "granite": 11460, "betray": 11461, "nished": 11462, "mound": 11463, "caves": 11464, "substan": 11465, "glued": 11466, "gings": 11467, "boiling": 11468, "punish": 11469, "bursts": 11470, "bony": 11471, "permanently": 11472, "lola": 11473, "dizz": 11474, "aiming": 11475, "transm": 11476, "100": 11477, "uary": 11478, "escal": 11479, "rosie": 11480, "resigned": 11481, "shuddering": 11482, "concentrating": 11483, "cheri": 11484, "check": 11485, "grows": 11486, "rider": 11487, "vegetables": 11488, "relatives": 11489, "miss": 11490, "bernard": 11491, "pandora": 11492, "fie": 11493, "scarred": 11494, "georgia": 11495, "vomit": 11496, "vated": 11497, "snarl": 11498, "astonished": 11499, "explor": 11500, "announcement": 11501, "cale": 11502, "paces": 11503, "gregori": 11504, "vacant": 11505, "operating": 11506, "meta": 11507, "upwards": 11508, "towels": 11509, "laurel": 11510, "dancer": 11511, "b.": 11512, "pup": 11513, "bronze": 11514, "rumor": 11515, "pyra": 11516, "owners": 11517, "independent": 11518, "division": 11519, "sharon": 11520, "policy": 11521, "howled": 11522, "containing": 11523, "clues": 11524, "princi": 11525, "fergus": 11526, "compartment": 11527, "spoo": 11528, "exploring": 11529, "blushing": 11530, "bewildered": 11531, "sends": 11532, "paige": 11533, "mutual": 11534, "gha": 11535, "candace": 11536, "torment": 11537, "dic": 11538, "transferred": 11539, "spoiled": 11540, "court": 11541, "amp": 11542, "flatly": 11543, "buck": 11544, "fighters": 11545, "harris": 11546, "fathers": 11547, "chir": 11548, "speakers": 11549, "adorable": 11550, "sandwiches": 11551, "notic": 11552, "personnel": 11553, "cape": 11554, "198": 11555, "speechless": 11556, "chatter": 11557, "bouts": 11558, "shaved": 11559, "onably": 11560, "mutter": 11561, "lass": 11562, "arc": 11563, "lore": 11564, "doyle": 11565, "committee": 11566, "sai": 11567, "rell": 11568, "recording": 11569, "randy": 11570, "scenes": 11571, "shadowed": 11572, "parting": 11573, "ronnie": 11574, "intoxic": 11575, "scarcely": 11576, "cot": 11577, "convenience": 11578, "commands": 11579, "borrow": 11580, "cheating": 11581, "mick": 11582, "w.": 11583, "agitated": 11584, "jay": 11585, "cindy": 11586, "battles": 11587, "defined": 11588, "ddened": 11589, "thel": 11590, "sagged": 11591, "pupils": 11592, "condem": 11593, "harmless": 11594, "tac": 11595, "harvey": 11596, "cun": 11597, "badge": 11598, "flopped": 11599, "departed": 11600, "aval": 11601, "ivory": 11602, "whatsoever": 11603, "prophecy": 11604, "paired": 11605, "dip": 11606, "caf": 11607, "springs": 11608, "battery": 11609, "recommen": 11610, "debate": 11611, "classic": 11612, "rotting": 11613, "howl": 11614, "hailey": 11615, "unexpectedly": 11616, "mechanical": 11617, "err": 11618, "attic": 11619, "hopeless": 11620, "steal": 11621, "country": 11622, "quicker": 11623, "raked": 11624, "flexed": 11625, "swelling": 11626, "unwilling": 11627, "exasperated": 11628, "jewels": 11629, "hollywood": 11630, "shadowy": 11631, "gretchen": 11632, "wears": 11633, "ssell": 11634, "sas": 11635, "document": 11636, "comprehend": 11637, "c'mon": 11638, "importantly": 11639, "flynn": 11640, "trigg": 11641, "glided": 11642, "skul": 11643, "indicate": 11644, "zel": 11645, "scraping": 11646, "lori": 11647, "dodge": 11648, "outing": 11649, "reassure": 11650, "priests": 11651, "kendall": 11652, "abdu": 11653, "benja": 11654, "texted": 11655, "mackenzie": 11656, "ysis": 11657, "tian": 11658, "islands": 11659, "bedded": 11660, "providing": 11661, "underworld": 11662, "kayla": 11663, "courtesy": 11664, "sailing": 11665, "muscled": 11666, "cany": 11667, "twitching": 11668, "twilight": 11669, "jumps": 11670, "short": 11671, "countries": 11672, "immense": 11673, "lain": 11674, "proposal": 11675, "phoebe": 11676, "elessly": 11677, "approve": 11678, "ang": 11679, "visits": 11680, "potent": 11681, "electrical": 11682, "regained": 11683, "singer": 11684, "nicolas": 11685, "nay": 11686, "smol": 11687, "rable": 11688, "morris": 11689, "gram": 11690, "rey": 11691, "bleed": 11692, "pol": 11693, "howling": 11694, "avi": 11695, "static": 11696, "clicking": 11697, "paranoid": 11698, "commotion": 11699, "snuggled": 11700, "survivors": 11701, "etta": 11702, "causes": 11703, "lurking": 11704, "hypnoti": 11705, "unbelievable": 11706, "tavern": 11707, "tragedy": 11708, "subjects": 11709, "abrupt": 11710, "stupi": 11711, "patches": 11712, "clark": 11713, "tunic": 11714, "white": 11715, "negle": 11716, "impress": 11717, "compul": 11718, "bennett": 11719, "matches": 11720, "littered": 11721, "alysis": 11722, "designer": 11723, "sson": 11724, "fixing": 11725, "fletcher": 11726, "dose": 11727, "stacy": 11728, "pathy": 11729, "muster": 11730, "smashwords": 11731, "borne": 11732, "laser": 11733, "stering": 11734, "remor": 11735, "nas": 11736, "managing": 11737, "skit": 11738, "imper": 11739, "forgiveness": 11740, "intensi": 11741, "substance": 11742, "involve": 11743, "annabelle": 11744, "wal": 11745, "measured": 11746, "server": 11747, "scheme": 11748, "disori": 11749, "phili": 11750, "corpses": 11751, "ballroom": 11752, "admiring": 11753, "bruise": 11754, "foli": 11755, "creative": 11756, "pal": 11757, "imit": 11758, "kathy": 11759, "helena": 11760, "butterflies": 11761, "perio": 11762, "pag": 11763, "ideal": 11764, "benjamin": 11765, "pouch": 11766, "applic": 11767, "23": 11768, "january": 11769, "warded": 11770, "solem": 11771, "flattened": 11772, "connecting": 11773, "barbara": 11774, "tfully": 11775, "love": 11776, "erson": 11777, "beautifully": 11778, "zachary": 11779, "cramped": 11780, "sensations": 11781, "lah": 11782, "brooks": 11783, "yanking": 11784, "nape": 11785, "worm": 11786, "brai": 11787, "groin": 11788, "unmistakable": 11789, "richar": 11790, "hummed": 11791, "devices": 11792, "considerable": 11793, "standar": 11794, "streamed": 11795, "placement": 11796, "temporarily": 11797, "marshal": 11798, "elend": 11799, "acid": 11800, "attending": 11801, "sparkled": 11802, "ister": 11803, "bears": 11804, "road": 11805, "mably": 11806, "corporate": 11807, "squi": 11808, "november": 11809, "dart": 11810, "sprink": 11811, "come": 11812, "austr": 11813, "gloria": 11814, "policeman": 11815, "craved": 11816, "comra": 11817, "thee": 11818, "baf": 11819, "martha": 11820, "casino": 11821, "wonders": 11822, "method": 11823, "gwen": 11824, "discer": 11825, "sights": 11826, "skilled": 11827, "assembled": 11828, "collecting": 11829, "tos": 11830, "brock": 11831, "robbie": 11832, "rita": 11833, "lawrence": 11834, "splen": 11835, "conviction": 11836, "odor": 11837, "econom": 11838, "corridors": 11839, "copyright": 11840, "russell": 11841, "regularly": 11842, "viktor": 11843, "hay": 11844, "lipstick": 11845, "bart": 11846, "ticked": 11847, "skepti": 11848, "hears": 11849, "eman": 11850, "tents": 11851, "bathed": 11852, "awaiting": 11853, "tres": 11854, "surprises": 11855, "streak": 11856, "sire": 11857, "applause": 11858, "louise": 11859, "caine": 11860, "scrun": 11861, "mars": 11862, "dismay": 11863, "chimed": 11864, "ship": 11865, "supporting": 11866, "colleagues": 11867, "medium": 11868, "jaime": 11869, "decem": 11870, "chilly": 11871, "tammy": 11872, "rippled": 11873, "presumably": 11874, "pondered": 11875, "chron": 11876, "ata": 11877, "gordon": 11878, "bane": 11879, "stew": 11880, "sirens": 11881, "rah": 11882, "priority": 11883, "stric": 11884, "kra": 11885, "wry": 11886, "hull": 11887, "gio": 11888, "kai": 11889, "ggles": 11890, "fty": 11891, "steak": 11892, "flutter": 11893, "stil": 11894, "confront": 11895, "nathani": 11896, "tilt": 11897, "shelby": 11898, "pop": 11899, "harshly": 11900, "ov": 11901, "guarding": 11902, "unbearable": 11903, "accompany": 11904, "ominous": 11905, "mbered": 11906, "ruler": 11907, "elep": 11908, "denying": 11909, "makeshift": 11910, "inar": 11911, "wept": 11912, "throbbed": 11913, "pee": 11914, "itution": 11915, "infli": 11916, "asha": 11917, "poster": 11918, "plastered": 11919, "honored": 11920, "concert": 11921, "sophistic": 11922, "idly": 11923, "burger": 11924, "panted": 11925, "grandparents": 11926, "tenderly": 11927, "harmed": 11928, "commanding": 11929, "pent": 11930, "angelo": 11931, "suffo": 11932, "sienna": 11933, "disda": 11934, "chorus": 11935, "bates": 11936, "nel": 11937, "praise": 11938, "paci": 11939, "vowed": 11940, "lishment": 11941, "primary": 11942, "backside": 11943, "rear": 11944, "posted": 11945, "writhing": 11946, "momentum": 11947, "encouraging": 11948, "enting": 11949, "december": 11950, "whipping": 11951, "threaten": 11952, "uniforms": 11953, "stiffly": 11954, "camil": 11955, "gestures": 11956, "proced": 11957, "chuckling": 11958, "shire": 11959, "sandals": 11960, "anni": 11961, "grena": 11962, "marching": 11963, "aback": 11964, "wrenched": 11965, "voted": 11966, "mechani": 11967, "lesser": 11968, "creaked": 11969, "siren": 11970, "paws": 11971, "mirrors": 11972, "rumbling": 11973, "rebel": 11974, "fund": 11975, "receptionist": 11976, "episode": 11977, "sensible": 11978, "amara": 11979, "sales": 11980, "tentati": 11981, "fidge": 11982, "pleasantly": 11983, "bulous": 11984, "wiggled": 11985, "drenched": 11986, "mischiev": 11987, "lighted": 11988, "warmly": 11989, "bodyguard": 11990, "jogged": 11991, "master": 11992, "bradley": 11993, "beta": 11994, "hissing": 11995, "diso": 11996, "appealing": 11997, "chilled": 11998, "betty": 11999, "premi": 12000, "pirates": 12001, "pursue": 12002, "fearful": 12003, "denise": 12004, "contrary": 12005, "persi": 12006, "chers": 12007, "tastes": 12008, "spectacular": 12009, "pointless": 12010, "cheered": 12011, "borrowed": 12012, "teenagers": 12013, "flicking": 12014, "depression": 12015, "boxers": 12016, "summon": 12017, "blindly": 12018, "anita": 12019, "wns": 12020, "denny": 12021, "wink": 12022, "phine": 12023, "ventured": 12024, "tentatively": 12025, "smeared": 12026, "cupboard": 12027, "cigar": 12028, "tled": 12029, "sculp": 12030, "perple": 12031, "hyper": 12032, "idance": 12033, "hardest": 12034, "baron": 12035, "parade": 12036, "fever": 12037, "turkey": 12038, "dot": 12039, "recovery": 12040, "k.": 12041, "iris": 12042, "brightened": 12043, "quin": 12044, "onally": 12045, "latch": 12046, "nearer": 12047, "frankie": 12048, "deme": 12049, "clench": 12050, "cheerfully": 12051, "standards": 12052, "rests": 12053, "antique": 12054, "tongues": 12055, "devi": 12056, "colony": 12057, "yar": 12058, "slacks": 12059, "pper": 12060, "instrument": 12061, "blinded": 12062, "poised": 12063, "individuals": 12064, "hostile": 12065, "col": 12066, "interfere": 12067, "faithful": 12068, "mpering": 12069, "allen": 12070, "henri": 12071, "reverend": 12072, "consuming": 12073, "traces": 12074, "eyard": 12075, "dangerously": 12076, "ads": 12077, "thumping": 12078, "nuclear": 12079, "dimini": 12080, "brennan": 12081, "garden": 12082, "squirmed": 12083, "tical": 12084, "observe": 12085, "hs": 12086, "brenda": 12087, "hurled": 12088, "bathing": 12089, "reassured": 12090, "occur": 12091, "mole": 12092, "greedy": 12093, "tilting": 12094, "bulk": 12095, "tingle": 12096, "stables": 12097, "lai": 12098, "ezio": 12099, "stful": 12100, "invasion": 12101, "holder": 12102, "ancestors": 12103, "smallest": 12104, "miri": 12105, "strangled": 12106, "contest": 12107, "targets": 12108, "exterior": 12109, "emptiness": 12110, "wendy": 12111, "buckle": 12112, "admiration": 12113, "cannon": 12114, "shards": 12115, "obsessed": 12116, "hugs": 12117, "procee": 12118, "phen": 12119, "modest": 12120, "ilah": 12121, "ackers": 12122, "hurrying": 12123, "canopy": 12124, "altered": 12125, "softer": 12126, "pean": 12127, "management": 12128, "celia": 12129, "moss": 12130, "contacted": 12131, "tremendous": 12132, "blunt": 12133, "scotch": 12134, "gladly": 12135, "collar": 12136, "stinging": 12137, "screens": 12138, "complex": 12139, "approved": 12140, "rejected": 12141, "tomb": 12142, "screeched": 12143, "scales": 12144, "butterfly": 12145, "hearted": 12146, "murders": 12147, "storms": 12148, "italy": 12149, "flaming": 12150, "absurd": 12151, "sunrise": 12152, "mind": 12153, "inquisit": 12154, "mass": 12155, "appren": 12156, "hooded": 12157, "topped": 12158, "spot": 12159, "dignity": 12160, "acquired": 12161, "spared": 12162, "pops": 12163, "www.": 12164, "risked": 12165, "strongest": 12166, "reckon": 12167, "cling": 12168, "seductive": 12169, "vlad": 12170, "royce": 12171, "blend": 12172, "univer": 12173, "dos": 12174, "dawned": 12175, "oversized": 12176, "widow": 12177, "sier": 12178, "199": 12179, "expe": 12180, "absent": 12181, "twenties": 12182, "more": 12183, "cheekbones": 12184, "lex": 12185, "cocky": 12186, "baked": 12187, "itim": 12188, "expanse": 12189, "tear": 12190, "seas": 12191, "hotter": 12192, "boiled": 12193, "longest": 12194, "weeds": 12195, "seventh": 12196, "fuckin": 12197, "deposit": 12198, "delilah": 12199, "die": 12200, "dill": 12201, "searing": 12202, "niko": 12203, "polish": 12204, "clara": 12205, "belongings": 12206, "schools": 12207, "irony": 12208, "cata": 12209, "remnants": 12210, "kicks": 12211, "gely": 12212, "manufac": 12213, "sailed": 12214, "symbols": 12215, "rattling": 12216, "pang": 12217, "lacked": 12218, "glas": 12219, "issued": 12220, "swamp": 12221, "presents": 12222, "gard": 12223, "denial": 12224, "strict": 12225, "adjusting": 12226, "smoked": 12227, "slashed": 12228, "thou": 12229, "pussy": 12230, "optimi": 12231, "hmmm": 12232, "clayton": 12233, "looming": 12234, "bbery": 12235, "satisfy": 12236, "troubles": 12237, "vacu": 12238, "open": 12239, "pear": 12240, "menacing": 12241, "unnatural": 12242, "costs": 12243, "beads": 12244, "izing": 12245, "units": 12246, "yna": 12247, "musical": 12248, "mortality": 12249, "legitim": 12250, "197": 12251, "intu": 12252, "emerge": 12253, "beaming": 12254, "rifles": 12255, "meadow": 12256, "gate": 12257, "bubbles": 12258, "strikes": 12259, "shark": 12260, "procedure": 12261, "newspapers": 12262, "bunk": 12263, "basha": 12264, "tack": 12265, "rented": 12266, "heroes": 12267, "effectively": 12268, "douglas": 12269, "bree": 12270, "rained": 12271, "treach": 12272, "sample": 12273, "graduate": 12274, "certi": 12275, "trance": 12276, "scrap": 12277, "tti": 12278, "halluc": 12279, "dger": 12280, "infer": 12281, "galaxy": 12282, "cec": 12283, "stubble": 12284, "plea": 12285, "bedrooms": 12286, "interjected": 12287, "smoo": 12288, "develop": 12289, "ushered": 12290, "layne": 12291, "kaitlyn": 12292, "conci": 12293, "louie": 12294, "bolts": 12295, "conrad": 12296, "error": 12297, "engage": 12298, "auth": 12299, "signaled": 12300, "angeles": 12301, "sannah": 12302, "homeless": 12303, "shells": 12304, "hardy": 12305, "clutch": 12306, "unnecessary": 12307, "gunfire": 12308, "feig": 12309, "coco": 12310, "inspection": 12311, "bryan": 12312, "baker": 12313, "differences": 12314, "damp": 12315, "crink": 12316, "awaited": 12317, "kingly": 12318, "bikin": 12319, "aw": 12320, "pins": 12321, "mouthful": 12322, "factor": 12323, "pronounced": 12324, "extr": 12325, "disturb": 12326, "card": 12327, "tow": 12328, "tingly": 12329, "emed": 12330, "teren": 12331, "blackened": 12332, "harrison": 12333, "groans": 12334, "dedicated": 12335, "consideration": 12336, "rella": 12337, "ouch": 12338, "gemma": 12339, "diet": 12340, "virtually": 12341, "obst": 12342, "ocu": 12343, "peeking": 12344, "hospit": 12345, "congre": 12346, "aspect": 12347, "talented": 12348, "talents": 12349, "eval": 12350, "endured": 12351, "ambassa": 12352, "alexis": 12353, "00": 12354, "transpar": 12355, "represented": 12356, "fasc": 12357, "deepest": 12358, "restrained": 12359, "mona": 12360, "rental": 12361, "displea": 12362, "squinting": 12363, "eive": 12364, "volunteered": 12365, "urging": 12366, "strom": 12367, "karl": 12368, "celeste": 12369, "boarding": 12370, "alism": 12371, "oci": 12372, "mace": 12373, "copies": 12374, "blazed": 12375, "goodnight": 12376, "fascination": 12377, "brun": 12378, "skinned": 12379, "constructed": 12380, "acknowledg": 12381, "torches": 12382, "thfully": 12383, "insects": 12384, "disappearance": 12385, "vibrated": 12386, "holo": 12387, "dawson": 12388, "thanks": 12389, "plump": 12390, "pad": 12391, "realise": 12392, "facial": 12393, "r.": 12394, "pork": 12395, "overlooking": 12396, "ema": 12397, "revi": 12398, "vod": 12399, "stifled": 12400, "ellis": 12401, "ske": 12402, "unfair": 12403, "rum": 12404, "inspired": 12405, "thumped": 12406, "rivers": 12407, "apologies": 12408, "susannah": 12409, "pipes": 12410, "sloane": 12411, "puddle": 12412, "worship": 12413, "understand": 12414, "sks": 12415, "orable": 12416, "deafening": 12417, "communications": 12418, "stee": 12419, "jolted": 12420, "bitterness": 12421, "zip": 12422, "pom": 12423, "dumb": 12424, "satellite": 12425, "clint": 12426, "concu": 12427, "scrip": 12428, "gag": 12429, "ggi": 12430, "draws": 12431, "mexican": 12432, "dotted": 12433, "sab": 12434, "neys": 12435, "foam": 12436, "byron": 12437, "welled": 12438, "solemnly": 12439, "plainly": 12440, "confrontation": 12441, "stine": 12442, "business": 12443, "blind": 12444, "proving": 12445, "label": 12446, "dants": 12447, "sarcastic": 12448, "raining": 12449, "kilo": 12450, "bro": 12451, "detailed": 12452, "pinning": 12453, "gran": 12454, "doin'": 12455, "waistband": 12456, "jazz": 12457, "iciently": 12458, "rosa": 12459, "instruments": 12460, "hangs": 12461, "contempt": 12462, "phase": 12463, "naughty": 12464, "fucker": 12465, "envy": 12466, "trotted": 12467, "sporting": 12468, "lure": 12469, "chet": 12470, "genetic": 12471, "blossom": 12472, "reflecting": 12473, "ddie": 12474, "attendant": 12475, "merged": 12476, "surviving": 12477, "deri": 12478, "strewn": 12479, "scrubbed": 12480, "luxuri": 12481, "ttin": 12482, "spitting": 12483, "harri": 12484, "flown": 12485, "tening": 12486, "sby": 12487, "riders": 12488, "kota": 12489, "canyon": 12490, "abs": 12491, "milli": 12492, "exists": 12493, "cryp": 12494, "planets": 12495, "jam": 12496, "funds": 12497, "rocket": 12498, "burying": 12499, "thanksgiving": 12500, "ros": 12501, "pist": 12502, "extending": 12503, "softness": 12504, "skyla": 12505, "liberty": 12506, "allies": 12507, "claudia": 12508, "eck": 12509, "predat": 12510, "plopped": 12511, "evapor": 12512, "isra": 12513, "imperial": 12514, "graduated": 12515, "shoots": 12516, "cheers": 12517, "eliness": 12518, "zu": 12519, "sulli": 12520, "industry": 12521, "arguments": 12522, "expectations": 12523, "bank": 12524, "mated": 12525, "humiliation": 12526, "citizen": 12527, "wheelchair": 12528, "ration": 12529, "churning": 12530, "lyssa": 12531, "cockpit": 12532, "roe": 12533, "reverber": 12534, "dron": 12535, "cac": 12536, "catholi": 12537, "amid": 12538, "rasped": 12539, "protest": 12540, "maps": 12541, "forearms": 12542, "satisfying": 12543, "reaper": 12544, "ome": 12545, "encourage": 12546, "unfolded": 12547, "wryly": 12548, "walkway": 12549, "orphan": 12550, "diving": 12551, "crosses": 12552, "yup": 12553, "vodka": 12554, "prayers": 12555, "owns": 12556, "oscar": 12557, "lashed": 12558, "compen": 12559, "solemn": 12560, "design": 12561, "alison": 12562, "severed": 12563, "unspoken": 12564, "challenging": 12565, "vas": 12566, "glen": 12567, "17": 12568, "evans": 12569, "expressed": 12570, "infuri": 12571, "a.": 12572, "sapp": 12573, "vow": 12574, "brett": 12575, "confronted": 12576, "binding": 12577, "narrowing": 12578, "keyboard": 12579, "gracefully": 12580, "whimper": 12581, "scents": 12582, "persuade": 12583, "sweetness": 12584, "martin": 12585, "ridden": 12586, "por": 12587, "cently": 12588, "impatience": 12589, "frenzy": 12590, "enelle": 12591, "dodged": 12592, "tax": 12593, "warmer": 12594, "plying": 12595, "wny": 12596, "attract": 12597, "impul": 12598, "globe": 12599, "alyssa": 12600, "prosecu": 12601, "materials": 12602, "dillon": 12603, "resemblance": 12604, "willed": 12605, "salem": 12606, "bounce": 12607, "squeaked": 12608, "ironic": 12609, "condo": 12610, "ythe": 12611, "servations": 12612, "pia": 12613, ":30": 12614, "loft": 12615, "exaggerated": 12616, "sheath": 12617, "nursing": 12618, "liza": 12619, "chemical": 12620, "rated": 12621, "projec": 12622, "daph": 12623, "rubble": 12624, "whined": 12625, "contradic": 12626, "slippery": 12627, "practicing": 12628, "fabulous": 12629, "brushes": 12630, "bombs": 12631, "portrait": 12632, "warrant": 12633, "straightening": 12634, "reson": 12635, "jaenelle": 12636, "dissip": 12637, "daphne": 12638, "confirmation": 12639, "fools": 12640, "deliberate": 12641, "scrambling": 12642, "nipples": 12643, "kar": 12644, "devoted": 12645, "thirst": 12646, "guiding": 12647, "pean": 12648, "efficient": 12649, "brook": 12650, "drawled": 12651, "chemistry": 12652, "pred": 12653, "immune": 12654, "dency": 12655, "countryside": 12656, "brakes": 12657, "bare": 12658, "waits": 12659, "buddies": 12660, "aj": 12661, "hn": 12662, "texts": 12663, "kath": 12664, "profit": 12665, "paw": 12666, "knotted": 12667, "wavering": 12668, "puffed": 12669, "flooding": 12670, "definite": 12671, "pajamas": 12672, "ising": 12673, "uous": 12674, "chari": 12675, "bidding": 12676, "reen": 12677, "mingled": 12678, "insanity": 12679, "sullivan": 12680, "dious": 12681, "approxim": 12682, "dramatically": 12683, "bounded": 12684, "gom": 12685, "urs": 12686, "roth": 12687, "righ": 12688, "posts": 12689, "agenda": 12690, "packet": 12691, "restaurants": 12692, "garath": 12693, "bun": 12694, "brisk": 12695, "spaces": 12696, "residents": 12697, "blue": 12698, "splinter": 12699, "fers": 12700, "entertaining": 12701, "civilization": 12702, "wizards": 12703, "kily": 12704, "gum": 12705, "grayson": 12706, "fleeting": 12707, "fatigue": 12708, "intimacy": 12709, "speeding": 12710, "ordering": 12711, "fewer": 12712, "signing": 12713, "estimated": 12714, "cathe": 12715, "sweatshirt": 12716, "kish": 12717, "hoar": 12718, "bowing": 12719, "squeak": 12720, "span": 12721, "loneliness": 12722, "francis": 12723, "coul": 12724, "glazed": 12725, "sniffing": 12726, "columns": 12727, "seldom": 12728, "compelled": 12729, "bless": 12730, "weaving": 12731, "rue": 12732, "risks": 12733, "oid": 12734, "nes": 12735, "detect": 12736, "brina": 12737, "vein": 12738, "http": 12739, "elope": 12740, "custom": 12741, "versary": 12742, "cardboard": 12743, "mute": 12744, "aroma": 12745, "collins": 12746, "rio": 12747, "madam": 12748, "bulging": 12749, "initially": 12750, "chef": 12751, "scotland": 12752, "biscu": 12753, "screwing": 12754, "mber": 12755, "latched": 12756, "website": 12757, "wick": 12758, "hearth": 12759, "butch": 12760, "belgarath": 12761, "kiran": 12762, "experiencing": 12763, "drill": 12764, "arching": 12765, "wi": 12766, "beers": 12767, "scurried": 12768, "rearview": 12769, "cozy": 12770, "vance": 12771, "chick": 12772, "ts": 12773, "decides": 12774, "stricken": 12775, "seer": 12776, "greasy": 12777, "kan": 12778, "teens": 12779, "clare": 12780, "raped": 12781, "kennedy": 12782, "corrup": 12783, "thrusts": 12784, "quivered": 12785, "mainten": 12786, "haste": 12787, "bic": 12788, "andre": 12789, "carries": 12790, "shave": 12791, "resur": 12792, "harness": 12793, "predator": 12794, "luna": 12795, "bram": 12796, "wrec": 12797, "bryn": 12798, "rustling": 12799, "outsi": 12800, "stabbing": 12801, "infection": 12802, "moses": 12803, "faltered": 12804, "worthless": 12805, "regan": 12806, "fantasies": 12807, "ology": 12808, "everyday": 12809, "projects": 12810, "evie": 12811, "tits": 12812, "stubbor": 12813, "peter": 12814, "conceal": 12815, "rae": 12816, "manic": 12817, "eabouts": 12818, "enli": 12819, "spic": 12820, "wer": 12821, "kle": 12822, "artificial": 12823, "wag": 12824, "suppressed": 12825, "calli": 12826, "spiral": 12827, "comb": 12828, "silver": 12829, "lucivar": 12830, "gigan": 12831, "cluster": 12832, "beep": 12833, "ott": 12834, "jersey": 12835, "cushion": 12836, "associated": 12837, "widening": 12838, "purely": 12839, "hog": 12840, "emerson": 12841, "conor": 12842, "clumsy": 12843, "hysterical": 12844, "hhh": 12845, "curses": 12846, "nol": 12847, "ict": 12848, "leto": 12849, "bachel": 12850, "winkler": 12851, "stacks": 12852, "louisa": 12853, "erra": 12854, "warlord": 12855, "european": 12856, "calen": 12857, "agnes": 12858, "jinn": 12859, "doom": 12860, "widen": 12861, "passage": 12862, "fellows": 12863, "illian": 12864, "wearily": 12865, "iko": 12866, "cushions": 12867, "elite": 12868, "merchan": 12869, "asser": 12870, "visual": 12871, "poor": 12872, "shrugging": 12873, "lacy": 12874, "expense": 12875, "mir": 12876, "elvis": 12877, "poetry": 12878, "capti": 12879, "shrill": 12880, "wart": 12881, "tol": 12882, "meets": 12883, "radiated": 12884, "esses": 12885, "shay": 12886, "exasperation": 12887, "daggers": 12888, "sniff": 12889, "rabb": 12890, "expose": 12891, "budge": 12892, "petty": 12893, "inder": 12894, "angelica": 12895, "sections": 12896, "valry": 12897, "pro": 12898, "doomed": 12899, "revolution": 12900, "brody": 12901, "'n": 12902, "spears": 12903, "uished": 12904, "judged": 12905, "wrought": 12906, "myth": 12907, "interrogation": 12908, "solo": 12909, "iss": 12910, "graduation": 12911, "cani": 12912, "tablet": 12913, "locals": 12914, "creased": 12915, "sadie": 12916, "lids": 12917, "outta": 12918, "crude": 12919, "loan": 12920, "joyah": 12921, "concerning": 12922, "sincerely": 12923, "fluffy": 12924, "angelina": 12925, "paralle": 12926, "nickname": 12927, "earnest": 12928, "swer": 12929, "persons": 12930, "parallel": 12931, "beckoned": 12932, "pots": 12933, "tourist": 12934, "gigantic": 12935, "untie": 12936, "stalker": 12937, "exploding": 12938, "stillness": 12939, "simone": 12940, "reckless": 12941, "growls": 12942, "attacker": 12943, "sternly": 12944, "lem": 12945, "diane": 12946, "slaughter": 12947, "pling": 12948, "moth": 12949, "coiled": 12950, "vibrating": 12951, "t.": 12952, "sms": 12953, "corin": 12954, "wince": 12955, "hazy": 12956, "followers": 12957, "christine": 12958, "expectantly": 12959, "intensely": 12960, "doorknob": 12961, "guing": 12962, "fleeing": 12963, "fuss": 12964, "vault": 12965, "trickle": 12966, "terrain": 12967, "stink": 12968, "intruder": 12969, "encouragement": 12970, "aty": 12971, "reasoning": 12972, "defenses": 12973, "cron": 12974, "compare": 12975, "merri": 12976, "stale": 12977, "intimidating": 12978, "criminals": 12979, "profound": 12980, "pled": 12981, "mode": 12982, "phenom": 12983, "glossy": 12984, "street": 12985, "196": 12986, "rattle": 12987, "sinister": 12988, "miriam": 12989, "did": 12990, "retreating": 12991, "ring": 12992, "tasks": 12993, "valent": 12994, "striding": 12995, "shh": 12996, "ghn": 12997, "caps": 12998, "orb": 12999, "toned": 13000, "cad": 13001, "ruthless": 13002, "astic": 13003, "urgently": 13004, "maintenance": 13005, "lith": 13006, "soothed": 13007, "reha": 13008, "prevented": 13009, "persist": 13010, "jin": 13011, "tenderness": 13012, "strictly": 13013, "teresa": 13014, "careless": 13015, "skimmed": 13016, "tubes": 13017, "preparation": 13018, "cocktail": 13019, "table": 13020, "signals": 13021, "festival": 13022, "nies": 13023, "nelson": 13024, "cylin": 13025, "admission": 13026, "opera": 13027, "ound": 13028, "bricks": 13029, "richie": 13030, "hoi": 13031, "rainbow": 13032, "possessive": 13033, "serial": 13034, "farewell": 13035, "vibrant": 13036, "mail": 13037, "drivers": 13038, "thing": 13039, "pry": 13040, "draft": 13041, "weakened": 13042, "desc": 13043, "transformation": 13044, "flap": 13045, "duchess": 13046, "mil": 13047, "historical": 13048, "fang": 13049, "oom": 13050, "digital": 13051, "ashton": 13052, "subdu": 13053, "reece": 13054, "tu": 13055, "rede": 13056, "philosophy": 13057, "brace": 13058, "architec": 13059, "executive": 13060, ".....": 13061, "guild": 13062, "frequent": 13063, "wen": 13064, "ural": 13065, "evalu": 13066, "proposed": 13067, "dically": 13068, "bobbed": 13069, "transparent": 13070, "sturdy": 13071, "reliable": 13072, "loosely": 13073, "inward": 13074, "hinges": 13075, "contemplated": 13076, "lucinda": 13077, "germany": 13078, "fle": 13079, "vamps": 13080, "tric": 13081, "cheated": 13082, "sophisticated": 13083, "soothe": 13084, "chained": 13085, "pastor": 13086, "interven": 13087, "counters": 13088, "exting": 13089, "briskly": 13090, "hilar": 13091, "sailors": 13092, "mester": 13093, "understands": 13094, "fatal": 13095, "yach": 13096, "vaughn": 13097, "scrape": 13098, "rib": 13099, "randall": 13100, "noisy": 13101, "calf": 13102, "12": 13103, "pools": 13104, "tches": 13105, "admitting": 13106, "wells": 13107, "interc": 13108, "ignition": 13109, "guidance": 13110, "demi": 13111, "crumbling": 13112, "wand": 13113, "cruiser": 13114, "tious": 13115, "scowling": 13116, "mirac": 13117, "fter": 13118, "sylvia": 13119, "seeped": 13120, "promo": 13121, "strung": 13122, "kre": 13123, "feral": 13124, "repri": 13125, "neon": 13126, "minimum": 13127, "performing": 13128, "runner": 13129, "rene": 13130, "raft": 13131, "thorough": 13132, "outright": 13133, "miniature": 13134, "lized": 13135, "counts": 13136, "tour": 13137, "highness": 13138, "here": 13139, "drying": 13140, "vile": 13141, "thieves": 13142, "acce": 13143, "ruffled": 13144, "prom": 13145, "armies": 13146, "gruff": 13147, "executed": 13148, "ttled": 13149, "terrorist": 13150, "righte": 13151, "salute": 13152, "nothin'": 13153, "medication": 13154, "inherited": 13155, "glittered": 13156, "mmers": 13157, "kla": 13158, "characteri": 13159, "billion": 13160, "untouched": 13161, "trunks": 13162, "mercen": 13163, "cated": 13164, "oo": 13165, "luca": 13166, "habits": 13167, "delicately": 13168, "crates": 13169, "boo": 13170, "volunteer": 13171, "marguer": 13172, "inwardly": 13173, "hallow": 13174, "drop": 13175, "kends": 13176, "clapping": 13177, "footing": 13178, "carrot": 13179, "tanks": 13180, "smarter": 13181, "petite": 13182, "knox": 13183, "denver": 13184, "consisted": 13185, "enveloped": 13186, "clouded": 13187, "officials": 13188, "teries": 13189, "tendri": 13190, "adele": 13191, "stains": 13192, "pads": 13193, "ornate": 13194, "marguerite": 13195, "evieve": 13196, "motive": 13197, "judy": 13198, "apologetic": 13199, "affection": 13200, "libby": 13201, "arrogance": 13202, "anonymous": 13203, "bikini": 13204, "accusation": 13205, "trim": 13206, "wyn": 13207, "mercer": 13208, "dungeon": 13209, "wincing": 13210, "trickled": 13211, "shirley": 13212, "mankind": 13213, "genevieve": 13214, "forcefully": 13215, "tragic": 13216, "pota": 13217, "remorse": 13218, "frac": 13219, "favour": 13220, "recovering": 13221, "brunette": 13222, "collective": 13223, "engulfed": 13224, "distracting": 13225, "vender": 13226, "splitting": 13227, "boarded": 13228, "adequate": 13229, "that": 13230, "preoccupied": 13231, "holster": 13232, "gracie": 13233, "fooled": 13234, "silvery": 13235, "selle": 13236, "ret": 13237, "primitive": 13238, "excused": 13239, "necessity": 13240, "evenly": 13241, "ret": 13242, "poo": 13243, "benefits": 13244, "widely": 13245, "forgiven": 13246, "chew": 13247, "blat": 13248, "lemon": 13249, "ern": 13250, "embro": 13251, "vings": 13252, "trio": 13253, "quiver": 13254, "peeling": 13255, "infant": 13256, "heights": 13257, "proxim": 13258, "mentor": 13259, "hats": 13260, "childish": 13261, "straighten": 13262, "quake": 13263, "deed": 13264, "articles": 13265, "tolerate": 13266, "ams": 13267, "reactions": 13268, "peyton": 13269, "crest": 13270, "chelsea": 13271, "ah": 13272, "wager": 13273, "mall": 13274, "lator": 13275, "disgui": 13276, "coy": 13277, "rics": 13278, "trol": 13279, "hammering": 13280, "defending": 13281, "tionary": 13282, "hairy": 13283, "exu": 13284, "shitty": 13285, "penelope": 13286, "worshi": 13287, "lodged": 13288, "anton": 13289, "pointedly": 13290, "observing": 13291, "slicing": 13292, "substantial": 13293, "essential": 13294, "balled": 13295, "steele": 13296, "tickled": 13297, "pyramid": 13298, "metres": 13299, "maneuver": 13300, "conserv": 13301, "leash": 13302, "iv": 13303, "flag": 13304, "coven": 13305, "waterfall": 13306, "unra": 13307, "lou": 13308, "nified": 13309, "lumin": 13310, "javier": 13311, "imaginary": 13312, "crackling": 13313, "ambassador": 13314, "knit": 13315, "gliding": 13316, "colder": 13317, "statues": 13318, "puff": 13319, "hitched": 13320, "hass": 13321, "fisted": 13322, "amos": 13323, "woven": 13324, "unease": 13325, "sherry": 13326, "improve": 13327, "dangled": 13328, "ae": 13329, "pillar": 13330, "mint": 13331, "lifestyle": 13332, "wrestling": 13333, "poem": 13334, "mornings": 13335, "erase": 13336, "migr": 13337, "employed": 13338, "marvel": 13339, "crackled": 13340, "lazily": 13341, "biceps": 13342, "fraser": 13343, "assassins": 13344, "von": 13345, "obliged": 13346, "destined": 13347, "restored": 13348, "silenced": 13349, "holt": 13350, "functi": 13351, "lionaire": 13352, "horribly": 13353, "blah": 13354, "honeymoon": 13355, "skylar": 13356, "courtroom": 13357, "affir": 13358, "cabinets": 13359, "toma": 13360, "poke": 13361, "pains": 13362, "nership": 13363, "logs": 13364, "ignorance": 13365, "risky": 13366, "downed": 13367, "coherent": 13368, "housekeeper": 13369, "stroll": 13370, "flustered": 13371, "lair": 13372, "zable": 13373, "vantage": 13374, "remainder": 13375, "docks": 13376, "cl": 13377, "anyhow": 13378, "rena": 13379, "penis": 13380, "gno": 13381, "champion": 13382, "aqu": 13383, "disappears": 13384, "wyl": 13385, "loyd": 13386, "liv": 13387, "lavender": 13388, "glen": 13389, "phed": 13390, "naive": 13391, "enclosed": 13392, "relentless": 13393, "ien": 13394, "guarante": 13395, "cating": 13396, "lacking": 13397, "ticking": 13398, "sheila": 13399, "streams": 13400, "significance": 13401, "splin": 13402, "kyrian": 13403, "ignorant": 13404, "tlessly": 13405, "flaw": 13406, "yp": 13407, "os": 13408, "depended": 13409, "smoky": 13410, "dissolved": 13411, "renewed": 13412, "ola": 13413, "unnoticed": 13414, "obsession": 13415, "ckey": 13416, "fi": 13417, "ssal": 13418, "arrives": 13419, "alicia": 13420, "streaks": 13421, "hormon": 13422, "etan": 13423, "steered": 13424, "kent": 13425, "cee": 13426, "rico": 13427, "redhead": 13428, "katy": 13429, "aristo": 13430, "landon": 13431, "ghostly": 13432, "fications": 13433, "merlin": 13434, "doorstep": 13435, "chunks": 13436, "legion": 13437, "enthusiastic": 13438, "clarissa": 13439, "budd": 13440, "announce": 13441, "weekends": 13442, "solo": 13443, "grill": 13444, "mary": 13445, "zoey": 13446, "muzzle": 13447, "massac": 13448, "toms": 13449, "sparked": 13450, "millen": 13451, "snatch": 13452, "dislike": 13453, "mush": 13454, "ferry": 13455, "brother": 13456, "cop": 13457, "modi": 13458, "impossibly": 13459, "tuned": 13460, "seating": 13461, "russia": 13462, "ffel": 13463, "darkening": 13464, "frail": 13465, "respectful": 13466, "intricate": 13467, "fries": 13468, "crate": 13469, "brent": 13470, "tentative": 13471, "hooves": 13472, "dipping": 13473, "lloyd": 13474, "filtered": 13475, "ain": 13476, "shimmered": 13477, "patrons": 13478, "hammered": 13479, "atlanta": 13480, "arno": 13481, "yawn": 13482, "spiders": 13483, "blun": 13484, "contemplating": 13485, "appointed": 13486, "salon": 13487, "outskirts": 13488, "crotch": 13489, "aspir": 13490, "magnetic": 13491, "sheen": 13492, "britt": 13493, "voic": 13494, "rejection": 13495, "loser": 13496, "frog": 13497, "detached": 13498, "centered": 13499, "bandages": 13500, "ssful": 13501, "involvement": 13502, "drugged": 13503, "travelling": 13504, "plum": 13505, "curran": 13506, "consist": 13507, "stamped": 13508, "battlefield": 13509, "verbal": 13510, "emerging": 13511, "rish": 13512, "links": 13513, "toa": 13514, "definition": 13515, "surgeon": 13516, "sham": 13517, "miracul": 13518, "jem": 13519, "infinite": 13520, "supreme": 13521, "shivers": 13522, "motioning": 13523, "cheering": 13524, "proximity": 13525, "chaiko": 13526, "income": 13527, "heating": 13528, "brew": 13529, "erran": 13530, "chatted": 13531, "subsided": 13532, "snickered": 13533, "poisoned": 13534, "leonard": 13535, "inspected": 13536, "halloween": 13537, "craving": 13538, "conceded": 13539, "snarling": 13540, "idiots": 13541, "analysis": 13542, "shovel": 13543, "stical": 13544, "slaugh": 13545, "gardener": 13546, "derick": 13547, "salty": 13548, "numbered": 13549, "caf\u00e9": 13550, "cuff": 13551, "sprung": 13552, "mund": 13553, "elaine": 13554, "bathro": 13555, "offensive": 13556, "morous": 13557, "whoo": 13558, "reyes": 13559, "bleak": 13560, "orchest": 13561, "nations": 13562, "institute": 13563, "echoes": 13564, "daries": 13565, "airplane": 13566, "prof": 13567, "improved": 13568, "grain": 13569, "unic": 13570, "breathlessly": 13571, "theat": 13572, "bats": 13573, "cians": 13574, "abraham": 13575, "yan": 13576, "cela": 13577, "jacques": 13578, "confidently": 13579, "wits": 13580, "wit": 13581, "benches": 13582, "ripe": 13583, "pren": 13584, "installed": 13585, "whistling": 13586, "travels": 13587, "latin": 13588, "asses": 13589, "humble": 13590, "bick": 13591, "formu": 13592, "upcoming": 13593, "rack": 13594, "fireworks": 13595, "flou": 13596, "venom": 13597, "dealer": 13598, "sickening": 13599, "gloved": 13600, "snack": 13601, "retire": 13602, "angeli": 13603, "slou": 13604, "monstrous": 13605, "discipline": 13606, "adel": 13607, "cradling": 13608, "27": 13609, "virtu": 13610, "hoste": 13611, "haunting": 13612, "bulb": 13613, "reasonably": 13614, "weaker": 13615, "rubs": 13616, "pancakes": 13617, "pinch": 13618, "lino": 13619, "jed": 13620, "dah": 13621, "shack": 13622, "grandson": 13623, "honour": 13624, "enjoyment": 13625, "dots": 13626, "prone": 13627, "sauntered": 13628, "perplexed": 13629, "execution": 13630, "boomed": 13631, "attire": 13632, "achieved": 13633, "fished": 13634, "artem": 13635, "subdued": 13636, "quickened": 13637, "nervousness": 13638, "mating": 13639, "cano": 13640, "ani": 13641, "ppi": 13642, "curving": 13643, "cut": 13644, "window": 13645, "twists": 13646, "tels": 13647, "designs": 13648, "terrori": 13649, "innocently": 13650, "connie": 13651, "clearer": 13652, "gid": 13653, "aer": 13654, "explosive": 13655, "celaena": 13656, "responds": 13657, "pillars": 13658, "penthouse": 13659, "embedded": 13660, "considerably": 13661, "brittany": 13662, "bias": 13663, "whine": 13664, "plains": 13665, "estimate": 13666, "anged": 13667, "scented": 13668, "pock": 13669, "paul": 13670, "massage": 13671, "jerks": 13672, "inhabit": 13673, "acheron": 13674, "sailor": 13675, "lil": 13676, "assembly": 13677, "sucker": 13678, "invaded": 13679, "dral": 13680, "leader": 13681, "grazed": 13682, "geons": 13683, "apprehension": 13684, "spies": 13685, "holidays": 13686, "hast": 13687, "bracing": 13688, "stanley": 13689, "squeal": 13690, "hades": 13691, "gi": 13692, "domest": 13693, "scolded": 13694, "mph": 13695, "ilyn": 13696, "curt": 13697, "calyp": 13698, "essentially": 13699, "boundaries": 13700, "merchant": 13701, "draining": 13702, "cliffs": 13703, "veter": 13704, "tas": 13705, "rebellion": 13706, "sie": 13707, "marking": 13708, "paled": 13709, "aby": 13710, "permitted": 13711, "mee": 13712, "deke": 13713, "bowls": 13714, "scratches": 13715, "bounty": 13716, "unlock": 13717, "sincerity": 13718, "polly": 13719, "hel": 13720, "mair": 13721, "equipped": 13722, "du": 13723, "intentionally": 13724, "african": 13725, "11": 13726, "wilderness": 13727, "sket": 13728, "reeling": 13729, "incredulous": 13730, "strawberry": 13731, "noses": 13732, "mixing": 13733, "bureau": 13734, "alle": 13735, "tially": 13736, "biological": 13737, "surf": 13738, "staggering": 13739, "masked": 13740, "awfully": 13741, "skeleton": 13742, "mickey": 13743, "fearing": 13744, "enterpri": 13745, "cory": 13746, "herbs": 13747, "terrace": 13748, "gash": 13749, "eldest": 13750, "acco": 13751, "unwanted": 13752, "librarian": 13753, "favourite": 13754, "taker": 13755, "artemis": 13756, "stadium": 13757, "taneous": 13758, "dancers": 13759, "dalinar": 13760, "vu": 13761, "legitimate": 13762, "lex": 13763, "falcon": 13764, "tob": 13765, "shea": 13766, "eugene": 13767, "hangar": 13768, "booze": 13769, "swirl": 13770, "spied": 13771, "hose": 13772, "clasp": 13773, "balloon": 13774, "tley": 13775, "reacting": 13776, "leveled": 13777, "hm": 13778, "operative": 13779, "helm": 13780, "sings": 13781, "laden": 13782, "intersection": 13783, "opposed": 13784, "eo": 13785, "dista": 13786, "stu": 13787, "splashing": 13788, "lac": 13789, "bran": 13790, "pert": 13791, "mallory": 13792, "ux": 13793, "smashing": 13794, "outrage": 13795, "opinions": 13796, "investigating": 13797, "gale": 13798, "conduct": 13799, "alties": 13800, "whereabouts": 13801, "remembers": 13802, "punches": 13803, "popcorn": 13804, "allan": 13805, "trading": 13806, "uneven": 13807, "shielded": 13808, "overlooked": 13809, "mane": 13810, "introduction": 13811, "fright": 13812, "earances": 13813, "striped": 13814, "hatt": 13815, "adorned": 13816, "zzi": 13817, "sneakers": 13818, "realizes": 13819, "laboratory": 13820, "defle": 13821, "pope": 13822, "commission": 13823, "belinda": 13824, "prost": 13825, "bard": 13826, "tattered": 13827, "alexa": 13828, "absorb": 13829, "vale": 13830, "slash": 13831, "skidded": 13832, "petals": 13833, "novels": 13834, "lits": 13835, "disapproval": 13836, "resume": 13837, "lend": 13838, "bailey": 13839, "restraint": 13840, "methods": 13841, "clawing": 13842, "paralyzed": 13843, "holl": 13844, "fingered": 13845, "sheathed": 13846, "reassurance": 13847, "sylla": 13848, "ambush": 13849, "theme": 13850, "rince": 13851, "positively": 13852, "bubbling": 13853, "wrinkles": 13854, "rincewind": 13855, "semester": 13856, "ku": 13857, "housed": 13858, "closure": 13859, "blist": 13860, "lobe": 13861, "examination": 13862, "radiating": 13863, "canada": 13864, "thest": 13865, "requires": 13866, "essly": 13867, "solitary": 13868, "ffles": 13869, "exclusive": 13870, "spiked": 13871, "divorced": 13872, "janice": 13873, "crook": 13874, "ocity": 13875, "steer": 13876, "d.c.": 13877, "preserve": 13878, "resign": 13879, "periph": 13880, "lens": 13881, "gina": 13882, "entit": 13883, "reserve": 13884, "sutton": 13885, "situated": 13886, "perver": 13887, "insistent": 13888, "bonds": 13889, "spikes": 13890, "sworth": 13891, "thicker": 13892, "harriet": 13893, "braid": 13894, "tingled": 13895, "spying": 13896, "inhale": 13897, "erily": 13898, "squared": 13899, "similar": 13900, "ounts": 13901, "gin": 13902, "watery": 13903, "scroll": 13904, "dyna": 13905, "suspen": 13906, "smash": 13907, "inserted": 13908, "integr": 13909, "cathedral": 13910, "rover": 13911, "nathaniel": 13912, "earrings": 13913, "carmen": 13914, "abun": 13915, "shrink": 13916, "tinted": 13917, "rides": 13918, "exhilar": 13919, "stupidity": 13920, "industrial": 13921, "brynna": 13922, "dental": 13923, "tobacco": 13924, "paras": 13925, "ird": 13926, "dick": 13927, "adventures": 13928, "carmine": 13929, "horrific": 13930, "giddy": 13931, "sharpened": 13932, "feroci": 13933, "trimmed": 13934, "reared": 13935, "ssi": 13936, "drick": 13937, "clothed": 13938, "smoldering": 13939, "agreeing": 13940, "slot": 13941, "zen": 13942, "loosen": 13943, "sneer": 13944, "products": 13945, "silhouette": 13946, "bryce": 13947, "crouch": 13948, "coma": 13949, "alter": 13950, "truthfully": 13951, "remarkably": 13952, "maiden": 13953, "groceries": 13954, "jett": 13955, "colorado": 13956, "activated": 13957, "rewarded": 13958, "hattan": 13959, "tori": 13960, "smoothing": 13961, "orial": 13962, "26": 13963, "bridget": 13964, "bind": 13965, "sparkle": 13966, "separating": 13967, "logne": 13968, "incredulously": 13969, "leadership": 13970, "hallways": 13971, "discovering": 13972, "overall": 13973, "resentment": 13974, "crouching": 13975, "blurry": 13976, "binocu": 13977, "astically": 13978, "wavered": 13979, "skins": 13980, "masks": 13981, "fuse": 13982, "gem": 13983, "cradle": 13984, "caller": 13985, "booked": 13986, "commend": 13987, "apartments": 13988, "stry": 13989, "theresa": 13990, "redi": 13991, "purred": 13992, "ttie": 13993, "slade": 13994, "potato": 13995, "stairway": 13996, "conspiracy": 13997, "weighing": 13998, "excru": 13999, "williams": 14000, "resignation": 14001, "owl": 14002, "newest": 14003, "whirling": 14004, "snoring": 14005, "voring": 14006, "vion": 14007, "roller": 14008, "classm": 14009, "olymp": 14010, "febru": 14011, "recognised": 14012, "maine": 14013, "excruci": 14014, "soc": 14015, "rimmed": 14016, "kettle": 14017, "cruel": 14018, "capes": 14019, "calendar": 14020, "barren": 14021, "dubi": 14022, "undone": 14023, "ico": 14024, "fins": 14025, "experiments": 14026, "mock": 14027, "emphasis": 14028, "bable": 14029, "timo": 14030, "hostage": 14031, "glimpsed": 14032, "sprawling": 14033, "retirement": 14034, "protector": 14035, "predicted": 14036, "sammy": 14037, "mme": 14038, "lever": 14039, "whereas": 14040, "tto": 14041, "croaked": 14042, "climax": 14043, "catholic": 14044, "space": 14045, "fry": 14046, "continent": 14047, "february": 14048, "machin": 14049, "lads": 14050, "constan": 14051, "rippling": 14052, "stephan": 14053, "jewish": 14054, "eases": 14055, "saetan": 14056, "boil": 14057, "sedan": 14058, "pretti": 14059, "extend": 14060, "viper": 14061, "top": 14062, "leys": 14063, "flights": 14064, "comforted": 14065, "devastated": 14066, "uncontrollably": 14067, "soccer": 14068, "dexter": 14069, "swig": 14070, "flakes": 14071, "darlin": 14072, "adored": 14073, "tully": 14074, "cows": 14075, "parch": 14076, "murmuring": 14077, "mutters": 14078, "melan": 14079, "nuzzled": 14080, "expanded": 14081, "civilian": 14082, "flapping": 14083, "elemental": 14084, "tactics": 14085, "shaman": 14086, "phe": 14087, "dimmed": 14088, "illy": 14089, "audit": 14090, "titi": 14091, "pendant": 14092, "lution": 14093, "vera": 14094, "seeping": 14095, "scription": 14096, "tri": 14097, "nikolai": 14098, "ao": 14099, "sol": 14100, "kidnapping": 14101, "kansas": 14102, "manhattan": 14103, "dations": 14104, "barbie": 14105, "manly": 14106, "coop": 14107, "monitors": 14108, "editor": 14109, "cuffed": 14110, "crystals": 14111, "bees": 14112, "settlement": 14113, "investment": 14114, "sid": 14115, "cathy": 14116, "shallan": 14117, "selection": 14118, "jeric": 14119, "corinne": 14120, "budget": 14121, "strips": 14122, "mimic": 14123, "carni": 14124, "associate": 14125, "sprayed": 14126, "offrey": 14127, "notor": 14128, "binoculars": 14129, "impr": 14130, "evalle": 14131, "galen": 14132, "darkly": 14133, "twirled": 14134, "exhale": 14135, "caden": 14136, "zona": 14137, "poles": 14138, "locations": 14139, "ades": 14140, "acquaintance": 14141, "mustache": 14142, "winner": 14143, "roberts": 14144, "debbie": 14145, "cie": 14146, "quarter": 14147, "oooo": 14148, "involving": 14149, "compulsion": 14150, "tidy": 14151, "take": 14152, "complaint": 14153, "arose": 14154, "sill": 14155, "refuge": 14156, "barbe": 14157, "bail": 14158, "sinclair": 14159, "sieur": 14160, "manipulate": 14161, "iousness": 14162, "zac": 14163, "toll": 14164, "sputtered": 14165, "spat": 14166, "oppre": 14167, "dispu": 14168, "feature": 14169, "crop": 14170, "niall": 14171, "mirrored": 14172, "blinds": 14173, "handcuffs": 14174, "global": 14175, "dominated": 14176, "penetrated": 14177, "y'": 14178, "ortation": 14179, "kitty": 14180, "dimension": 14181, "basin": 14182, "rhea": 14183, "moore": 14184, "lander": 14185, "embroi": 14186, "taryn": 14187, "relieve": 14188, "plush": 14189, "impending": 14190, "giants": 14191, "adol": 14192, "hell": 14193, "villa": 14194, "shan": 14195, "raymond": 14196, "agrees": 14197, "ripple": 14198, "phor": 14199, "cack": 14200, "amelie": 14201, "sessions": 14202, "sizes": 14203, "renee": 14204, "remy": 14205, "slie": 14206, "asphalt": 14207, "remotely": 14208, "fragments": 14209, "chattering": 14210, "spit": 14211, "notch": 14212, "missions": 14213, "swipe": 14214, "pul": 14215, "mechanism": 14216, "kinca": 14217, "grease": 14218, "descend": 14219, "wetness": 14220, "cel": 14221, "baffled": 14222, "tanya": 14223, "sven": 14224, "preacher": 14225, "planting": 14226, "stil": 14227, "ponder": 14228, "floor": 14229, "cease": 14230, "amat": 14231, "wallace": 14232, "snagged": 14233, "responsibilities": 14234, "quote": 14235, "mbur": 14236, "threads": 14237, "vase": 14238, "grey": 14239, "bore": 14240, "p.": 14241, "cynthia": 14242, "wedged": 14243, "stakes": 14244, "16": 14245, "yon": 14246, "uneasily": 14247, "caver": 14248, "sidel": 14249, "marker": 14250, "liner": 14251, "otto": 14252, "mers": 14253, "ez": 14254, "bloom": 14255, "leslie": 14256, "kelsey": 14257, "brisk": 14258, "roast": 14259, "edgar": 14260, "cove": 14261, "terra": 14262, "languages": 14263, "iah": 14264, "stuffing": 14265, "invented": 14266, "defiance": 14267, "bumping": 14268, "villages": 14269, "flock": 14270, "facebook": 14271, "ire": 14272, "evenings": 14273, "depend": 14274, "kincaid": 14275, "vable": 14276, "mischievous": 14277, "dreaded": 14278, "cologne": 14279, "brightness": 14280, "litter": 14281, "ingredi": 14282, "engineering": 14283, "vacuum": 14284, "enthusiastically": 14285, "replacement": 14286, "enforcement": 14287, "ilda": 14288, "allows": 14289, "braith": 14290, "umbrella": 14291, "orium": 14292, "monu": 14293, "somber": 14294, "gauge": 14295, "disagree": 14296, "quizz": 14297, "necks": 14298, "collin": 14299, "salvation": 14300, "plug": 14301, "fairies": 14302, "somethin'": 14303, "prodded": 14304, "weep": 14305, "dragon": 14306, "risoned": 14307, "spher": 14308, "insulted": 14309, "inappropriate": 14310, "deton": 14311, "undo": 14312, "circuit": 14313, "channels": 14314, "severely": 14315, "scrub": 14316, "monsieur": 14317, "bu": 14318, "alists": 14319, "nova": 14320, "crunch": 14321, "bak": 14322, "walt": 14323, "tish": 14324, "heavenly": 14325, "chart": 14326, "bluff": 14327, "madly": 14328, "crazed": 14329, "watering": 14330, "pitcher": 14331, "odle": 14332, "momentary": 14333, "gibb": 14334, "deaf": 14335, "villagers": 14336, "travelled": 14337, "skeptical": 14338, "samples": 14339, "oval": 14340, "frey": 14341, "achment": 14342, "fies": 14343, "chores": 14344, "competent": 14345, "theories": 14346, "rust": 14347, "inspect": 14348, "dum": 14349, "denim": 14350, "disper": 14351, "scoop": 14352, "hostess": 14353, "footage": 14354, "starved": 14355, "sails": 14356, "orbit": 14357, "hale": 14358, "alma": 14359, "represent": 14360, "toed": 14361, "stible": 14362, "stead": 14363, "soul": 14364, "pony": 14365, "investigator": 14366, "arizona": 14367, "peanut": 14368, "nox": 14369, "idle": 14370, "bobbing": 14371, "ambi": 14372, "archway": 14373, "declined": 14374, "webs": 14375, "supplied": 14376, "filing": 14377, "enters": 14378, "horde": 14379, "lefto": 14380, "sock": 14381, "preparations": 14382, "coloni": 14383, "slab": 14384, "oy": 14385, "harmony": 14386, "goof": 14387, "counselor": 14388, "apples": 14389, "alistair": 14390, "hail": 14391, "chan": 14392, "acha": 14393, "twinkling": 14394, "grit": 14395, "taped": 14396, "iona": 14397, "gold": 14398, "exam": 14399, "doubtful": 14400, "incen": 14401, "bonus": 14402, "ariel": 14403, "wretched": 14404, "snaked": 14405, "poorly": 14406, "micha": 14407, "wailed": 14408, "refra": 14409, "outed": 14410, "lasting": 14411, "corporation": 14412, "bau": 14413, "photographer": 14414, "intercom": 14415, "habit": 14416, "feat": 14417, "engineer": 14418, "consume": 14419, "cheat": 14420, "ransom": 14421, "plunging": 14422, "28": 14423, "typing": 14424, "phantom": 14425, "employer": 14426, "armchair": 14427, "steadied": 14428, "huff": 14429, "graphic": 14430, "gifted": 14431, "sylvie": 14432, "schem": 14433, "jabbed": 14434, "graveyard": 14435, "cereal": 14436, "wakes": 14437, "slams": 14438, "seness": 14439, "isana": 14440, "assessment": 14441, "bis": 14442, "amulet": 14443, "poly": 14444, "prominent": 14445, "granddaughter": 14446, "cti": 14447, "amazingly": 14448, "grunts": 14449, "developing": 14450, "chau": 14451, "wright": 14452, "measures": 14453, "releases": 14454, "presentation": 14455, "marines": 14456, "twinge": 14457, "reasoned": 14458, "nailed": 14459, "attribu": 14460, "quent": 14461, "had": 14462, "effortlessly": 14463, "screeching": 14464, "face": 14465, "sma": 14466, "reappeared": 14467, "athletic": 14468, "alter": 14469, "rebels": 14470, "menting": 14471, "manuel": 14472, "imp": 14473, "grips": 14474, "disdain": 14475, "carto": 14476, "jur": 14477, "maging": 14478, "indians": 14479, "sector": 14480, "swarm": 14481, "permit": 14482, "charred": 14483, "kly": 14484, "reluctance": 14485, "29": 14486, "po": 14487, "insight": 14488, "camou": 14489, "fumbling": 14490, "downright": 14491, "imprisoned": 14492, "housing": 14493, "hike": 14494, "graves": 14495, "camoufla": 14496, "boa": 14497, "stretches": 14498, "slut": 14499, "scaring": 14500, "enhanced": 14501, "solving": 14502, "risking": 14503, "glimmer": 14504, "calculated": 14505, "trauma": 14506, "hauling": 14507, "sling": 14508, "quentin": 14509, "intending": 14510, "targe": 14511, "stuttered": 14512, "hugo": 14513, "y.": 14514, "chey": 14515, "seeds": 14516, "lina": 14517, "physics": 14518, "ggins": 14519, "tainted": 14520, "phoned": 14521, "hue": 14522, "darkest": 14523, "nam": 14524, "endea": 14525, "traded": 14526, "intensified": 14527, "remarks": 14528, "outburst": 14529, "pboard": 14530, "hitler": 14531, "dais": 14532, "beatrice": 14533, "lore": 14534, "gurg": 14535, "caia": 14536, "arranging": 14537, "slippers": 14538, "necro": 14539, "drip": 14540, "solely": 14541, "ramsey": 14542, "knowingly": 14543, "mab": 14544, "boulders": 14545, "e.": 14546, "clap": 14547, "canoe": 14548, "visu": 14549, "splayed": 14550, "flur": 14551, "churned": 14552, "maids": 14553, "explic": 14554, "sory": 14555, "hence": 14556, "sliver": 14557, "punctu": 14558, "gat": 14559, "fallon": 14560, "chev": 14561, "businesses": 14562, "timmy": 14563, "ania": 14564, "stitches": 14565, "privately": 14566, "colo": 14567, "propose": 14568, "nightgown": 14569, "hydr": 14570, "establish": 14571, "assumption": 14572, "riot": 14573, "passageway": 14574, "info": 14575, "sabrina": 14576, "motives": 14577, "implied": 14578, "bler": 14579, "congreg": 14580, "phy": 14581, "fey": 14582, "dishev": 14583, "acres": 14584, "translated": 14585, "replacing": 14586, "dash": 14587, "constable": 14588, "amidst": 14589, "ribbons": 14590, "solomon": 14591, "chanting": 14592, "sentinel": 14593, "like": 14594, "shatter": 14595, "eh": 14596, "drone": 14597, "atore": 14598, "dispen": 14599, "squirm": 14600, "flavor": 14601, "braden": 14602, "legally": 14603, "explosions": 14604, "unsteady": 14605, "scholar": 14606, "inevit": 14607, "gent": 14608, "edwin": 14609, "porcel": 14610, "vicinity": 14611, "pacific": 14612, "loads": 14613, "doo": 14614, "primal": 14615, "vanish": 14616, "models": 14617, "hopping": 14618, "nibbled": 14619, "trum": 14620, "tier": 14621, "monroe": 14622, "gratefully": 14623, "daze": 14624, "confined": 14625, "catalo": 14626, "wesley": 14627, "scrunched": 14628, "elevators": 14629, "compromise": 14630, "bay": 14631, "vee": 14632, "shyly": 14633, "dire": 14634, "35": 14635, "tumble": 14636, "tam": 14637, "j.": 14638, "ditions": 14639, "wai": 14640, "rid": 14641, "sorting": 14642, "operator": 14643, "disconnected": 14644, "accusing": 14645, "thetically": 14646, "rushes": 14647, "adjac": 14648, "jai": 14649, "triggered": 14650, "transmi": 14651, "shielding": 14652, "foil": 14653, "faerie": 14654, "constri": 14655, "chanc": 14656, "savoring": 14657, "gabby": 14658, "ddler": 14659, "suppress": 14660, "mages": 14661, "crammed": 14662, "trudged": 14663, "readily": 14664, "diagno": 14665, "collapsing": 14666, "fulfill": 14667, "adjacent": 14668, "seduce": 14669, "precision": 14670, "entertain": 14671, "amounts": 14672, "fitz": 14673, "bbi": 14674, "portions": 14675, "futile": 14676, "ernie": 14677, "eda": 14678, "creed": 14679, "rami": 14680, "powering": 14681, "stationed": 14682, "protocol": 14683, "priest": 14684, "rei": 14685, "annwyl": 14686, "scribbled": 14687, "joanna": 14688, "andal": 14689, "til": 14690, "ark": 14691, "timothy": 14692, "hooks": 14693, "gig": 14694, "georgie": 14695, "bev": 14696, "mesmerized": 14697, "gps": 14698, "coyo": 14699, "canal": 14700, "barefoot": 14701, "album": 14702, "technique": 14703, "notices": 14704, "meaningless": 14705, "intern": 14706, "goth": 14707, "chandeli": 14708, "grades": 14709, "chief": 14710, "annu": 14711, "aney": 14712, "porter": 14713, "crows": 14714, "sequence": 14715, "salvatore": 14716, "irritating": 14717, "cunning": 14718, "ppings": 14719, "nou": 14720, "lime": 14721, "camping": 14722, "wail": 14723, "juan": 14724, "alina": 14725, "subconscious": 14726, "protruding": 14727, "unc": 14728, "oce": 14729, "hoarsely": 14730, "harvest": 14731, "disturb": 14732, "complexion": 14733, "tattooed": 14734, "panels": 14735, "haras": 14736, "flated": 14737, "passport": 14738, "moil": 14739, "hiking": 14740, "forgiving": 14741, "phenomen": 14742, "honorable": 14743, "dict": 14744, "depic": 14745, "tremor": 14746, "gunshot": 14747, "gruff": 14748, "adams": 14749, "whining": 14750, "suspects": 14751, "explored": 14752, "byes": 14753, "readable": 14754, "elliott": 14755, "delayed": 14756, "lucent": 14757, "incapable": 14758, "suzanne": 14759, "ssors": 14760, "ira": 14761, "peach": 14762, "enraged": 14763, "traps": 14764, "telepath": 14765, "rossed": 14766, "jogging": 14767, "collarbone": 14768, "ala": 14769, "spade": 14770, "jog": 14771, "forefinger": 14772, "countess": 14773, "auburn": 14774, "chard": 14775, "ums": 14776, "association": 14777, "reflect": 14778, "puffy": 14779, "kurt": 14780, "arab": 14781, "throb": 14782, "tana": 14783, "erect": 14784, "coloured": 14785, "treats": 14786, "cly": 14787, "sensu": 14788, "exposure": 14789, "delaney": 14790, "collided": 14791, "15": 14792, "sierra": 14793, "exce": 14794, "restroom": 14795, "plunge": 14796, "marc": 14797, "inhaling": 14798, "allo": 14799, "wanda": 14800, "turmoil": 14801, "bil": 14802, "fael": 14803, "deu": 14804, "danielle": 14805, "bicy": 14806, "stump": 14807, "isi": 14808, "chin": 14809, "shrieking": 14810, "headboard": 14811, "elight": 14812, "kor": 14813, "32": 14814, "dominant": 14815, "combed": 14816, "burke": 14817, "seldon": 14818, "purposely": 14819, "ckage": 14820, "sketch": 14821, "seclu": 14822, "jericho": 14823, "jeremi": 14824, "farmhouse": 14825, "tegan": 14826, "savi": 14827, "pler": 14828, "glide": 14829, "eter": 14830, "sei": 14831, "gosh": 14832, "circus": 14833, "arnie": 14834, "armored": 14835, "sated": 14836, "readed": 14837, "podium": 14838, "imaginable": 14839, "eyeballs": 14840, "arnold": 14841, "sickly": 14842, "enca": 14843, "sizing": 14844, "reunion": 14845, "herit": 14846, "sali": 14847, "gara": 14848, "bearded": 14849, "unusually": 14850, "skulls": 14851, "mocked": 14852, "kov": 14853, "peaks": 14854, "chim": 14855, "catcher": 14856, "moro": 14857, "meti": 14858, "jews": 14859, "filtr": 14860, "wa": 14861, "tricky": 14862, "scenery": 14863, "lunch": 14864, "cd": 14865, "hamp": 14866, "shake": 14867, "scoo": 14868, "orting": 14869, "farmers": 14870, "dodging": 14871, "plaster": 14872, "lilith": 14873, "harb": 14874, "harv": 14875, "vist": 14876, "glinted": 14877, "delivering": 14878, "quieter": 14879, "groom": 14880, "gaunt": 14881, "vibration": 14882, "shouldered": 14883, "pike": 14884, "nude": 14885, "luxurious": 14886, "commissi": 14887, "writhed": 14888, "tipping": 14889, "ssion": 14890, "haunt": 14891, "underwater": 14892, "subsequ": 14893, "shepherd": 14894, "presently": 14895, "egw": 14896, "desol": 14897, "suzy": 14898, "narrow": 14899, "maximum": 14900, "involuntarily": 14901, "glistened": 14902, "chi": 14903, "met": 14904, "extensive": 14905, "taunting": 14906, "sapphire": 14907, "goddamned": 14908, "shin": 14909, "regrets": 14910, "noel": 14911, "munition": 14912, "inspiration": 14913, "horace": 14914, "egwene": 14915, "candidate": 14916, "uncovered": 14917, "thirties": 14918, "ridiculously": 14919, "toni": 14920, "sheepishly": 14921, "opportunities": 14922, "ante": 14923, "xander": 14924, "squeezes": 14925, "creak": 14926, "porcelain": 14927, "avalon": 14928, "ignited": 14929, "issa": 14930, "nicer": 14931, "heritage": 14932, "fish": 14933, "fili": 14934, "fanci": 14935, "dders": 14936, "dazzling": 14937, "disintegr": 14938, "customs": 14939, "robbed": 14940, "immortality": 14941, "ducking": 14942, "zers": 14943, "squatted": 14944, "silken": 14945, "flawless": 14946, "missile": 14947, "cheyenne": 14948, "ammunition": 14949, "watered": 14950, "ordeal": 14951, "orna": 14952, "kneel": 14953, "anca": 14954, "yelped": 14955, "swiveled": 14956, "legends": 14957, "wy": 14958, "straighter": 14959, "kee": 14960, "carn": 14961, "runway": 14962, "pines": 14963, "mundane": 14964, "creamy": 14965, "mity": 14966, "trek": 14967, "origin": 14968, "organs": 14969, "forests": 14970, "zander": 14971, "keepers": 14972, "forti": 14973, "chills": 14974, "burnett": 14975, "grassy": 14976, "educated": 14977, "ttery": 14978, "p.": 14979, "hedge": 14980, "gareth": 14981, "recommend": 14982, "recalling": 14983, "persisted": 14984, "nipped": 14985, "ffe": 14986, "shampoo": 14987, "kel": 14988, "elephant": 14989, "don't": 14990, "corporal": 14991, "profession": 14992, "coolly": 14993, "animated": 14994, "triple": 14995, "deals": 14996, "cements": 14997, "toppled": 14998, "detectives": 14999, "vanilla": 15000, "s.com": 15001, "retire": 15002, "labeled": 15003, "garment": 15004, "drapes": 15005, "albe": 15006, "stowed": 15007, "eries": 15008, "chilling": 15009, "trench": 15010, "rip": 15011, "intellec": 15012, "cably": 15013, "wagons": 15014, "gargo": 15015, "conclusions": 15016, "fisher": 15017, "beliefs": 15018, "tobias": 15019, "smirking": 15020, "lice": 15021, "garlic": 15022, "tendrils": 15023, "restore": 15024, "irresi": 15025, "fuls": 15026, "equivalent": 15027, "zoo": 15028, "turn": 15029, "alling": 15030, "wavy": 15031, "evacu": 15032, "directing": 15033, "bloodied": 15034, "jayden": 15035, "dj": 15036, "taps": 15037, "suggestions": 15038, "devastating": 15039, "mines": 15040, "wired": 15041, "wedge": 15042, "jefferson": 15043, "rough": 15044, "bouquet": 15045, "valid": 15046, "mourning": 15047, "look": 15048, "dump": 15049, "styx": 15050, "qualified": 15051, "frames": 15052, "verity": 15053, "skipping": 15054, "sarge": 15055, "opar": 15056, "breathtaking": 15057, "privilege": 15058, "dential": 15059, "zan": 15060, "sula": 15061, "masses": 15062, "girlfriends": 15063, "unmoving": 15064, "alizing": 15065, "vigorously": 15066, "ranger": 15067, "fax": 15068, "caul": 15069, "spoil": 15070, "aide": 15071, "uncertainly": 15072, "figur": 15073, "entitled": 15074, "dely": 15075, "yacht": 15076, "noi": 15077, "mati": 15078, "macc": 15079, "judith": 15080, "flirt": 15081, "wrenching": 15082, "recognizing": 15083, "flute": 15084, "jeez": 15085, "tripping": 15086, "onship": 15087, "winks": 15088, "winged": 15089, "vows": 15090, "thrashing": 15091, "thanking": 15092, "objective": 15093, "tro": 15094, "survey": 15095, "ican": 15096, "chrissy": 15097, "australia": 15098, "ruining": 15099, "eag": 15100, "worms": 15101, "unbuttoned": 15102, "jelly": 15103, "disrup": 15104, "creaking": 15105, "rad": 15106, "lantly": 15107, "rags": 15108, "missy": 15109, "butcher": 15110, "perrin": 15111, "vanity": 15112, "hara": 15113, "flanked": 15114, "brenna": 15115, "saliva": 15116, "rafael": 15117, "frighten": 15118, "scrutin": 15119, "plugged": 15120, "grun": 15121, "forth": 15122, "technical": 15123, "siness": 15124, "cleaner": 15125, "shredded": 15126, "rs": 15127, "mimi": 15128, "dangers": 15129, "denti": 15130, "mortimer": 15131, "kelsier": 15132, "hon": 15133, "application": 15134, "greed": 15135, "ggers": 15136, "fen": 15137, "errand": 15138, "addiction": 15139, "soared": 15140, "iciency": 15141, "disappoint": 15142, "candl": 15143, "precar": 15144, "logically": 15145, "hormones": 15146, "beacon": 15147, "operated": 15148, "limit": 15149, "lant": 15150, "hillside": 15151, "approximately": 15152, "splattered": 15153, "multi": 15154, "breach": 15155, "pically": 15156, "obscured": 15157, "josephine": 15158, "footprints": 15159, "favors": 15160, "boone": 15161, "sme": 15162, "llian": 15163, "satan": 15164, "resisting": 15165, "parag": 15166, "pson": 15167, "m'": 15168, "inhabitants": 15169, "ases": 15170, "jacky": 15171, "screech": 15172, "jeopar": 15173, "artists": 15174, "unsettling": 15175, "retali": 15176, "cycles": 15177, "cult": 15178, "atre": 15179, "vertical": 15180, "scouts": 15181, "swat": 15182, "regin": 15183, "noticeable": 15184, "irrational": 15185, "establishment": 15186, "erous": 15187, "elected": 15188, "\u00ad\u00ad": 15189, "darn": 15190, "compass": 15191, "mischief": 15192, "imposing": 15193, "cooperate": 15194, "charms": 15195, "reggie": 15196, "dunno": 15197, "defended": 15198, "charle": 15199, "therapist": 15200, "potentially": 15201, "ddington": 15202, "thundered": 15203, "goals": 15204, "glee": 15205, "frigid": 15206, "soak": 15207, "conduc": 15208, "bred": 15209, "sob": 15210, "sleeved": 15211, "lever": 15212, "courts": 15213, "celebrity": 15214, "cann": 15215, "advancing": 15216, "ruth": 15217, "potion": 15218, "ord": 15219, "lulu": 15220, "gambling": 15221, "borders": 15222, "rial": 15223, "campbell": 15224, "athon": 15225, "torna": 15226, "medics": 15227, "tenth": 15228, "intimidated": 15229, "plaza": 15230, "blues": 15231, "alas": 15232, "ramp": 15233, "flailing": 15234, "crossbow": 15235, "comforter": 15236, "sprint": 15237, "scattering": 15238, "ramon": 15239, "parchment": 15240, "keira": 15241, "grind": 15242, "boobs": 15243, "selec": 15244, "pursued": 15245, "fee": 15246, "carpe": 15247, "kathleen": 15248, "bully": 15249, "nigel": 15250, "eaves": 15251, "pitiful": 15252, "rival": 15253, "reversed": 15254, "meo": 15255, "boxer": 15256, "sound": 15257, "peel": 15258, "garments": 15259, "delightful": 15260, "adver": 15261, "wall": 15262, "gis": 15263, "associates": 15264, "psycho": 15265, "anyways": 15266, "fathom": 15267, "adam": 15268, "cubic": 15269, "weekly": 15270, "wad": 15271, "murderous": 15272, "stacey": 15273, "pigeon": 15274, "election": 15275, "dougal": 15276, "cinna": 15277, "bluntly": 15278, "assaulted": 15279, "shaven": 15280, "proclaimed": 15281, "oblivion": 15282, "solic": 15283, "posters": 15284, "defensively": 15285, "sery": 15286, "sentences": 15287, "relations": 15288, "duffel": 15289, "dez": 15290, "cardin": 15291, "tape": 15292, "scramble": 15293, "maneuvered": 15294, "lenny": 15295, "erica": 15296, "bia": 15297, "albeit": 15298, "tative": 15299, "powerless": 15300, "forged": 15301, "crunching": 15302, "bangs": 15303, "alar": 15304, "shrou": 15305, "maintaining": 15306, "ensu": 15307, "despised": 15308, "xan": 15309, "structures": 15310, "rick": 15311, "discreet": 15312, "archa": 15313, "sloppy": 15314, "port": 15315, "mahog": 15316, "frustrating": 15317, "ampli": 15318, "uts": 15319, "uk": 15320, "magi": 15321, "mahogany": 15322, "bachelor": 15323, "vinci": 15324, "miserably": 15325, "maccon": 15326, "lls": 15327, "dreamer": 15328, "tently": 15329, "pursuing": 15330, "pigs": 15331, "stony": 15332, "likewise": 15333, "immortals": 15334, "hum": 15335, "disli": 15336, "stripping": 15337, "squat": 15338, "skyler": 15339, "icking": 15340, "cinnamon": 15341, "stupidly": 15342, "righteous": 15343, "confines": 15344, "academic": 15345, "sinks": 15346, "hoisted": 15347, "conspic": 15348, "colleague": 15349, "yman": 15350, "rooted": 15351, "fest": 15352, "daim": 15353, "properties": 15354, "asian": 15355, "tackle": 15356, "reginald": 15357, "guel": 15358, "dc": 15359, "veted": 15360, "recla": 15361, "resolu": 15362, "puck": 15363, "leisurely": 15364, "mathias": 15365, "grounded": 15366, "vous": 15367, "limped": 15368, "depressing": 15369, "advise": 15370, "----------------": 15371, "yearning": 15372, "tware": 15373, "rosy": 15374, "distorted": 15375, "washer": 15376, "roamed": 15377, "cured": 15378, "was": 15379, "twinkle": 15380, "infiltr": 15381, "litted": 15382, "bulky": 15383, "vane": 15384, "embas": 15385, "anche": 15386, "physician": 15387, "mik": 15388, "blasting": 15389, "vina": 15390, "radiation": 15391, "melancho": 15392, "mathemat": 15393, "cana": 15394, "cunt": 15395, "devoured": 15396, "ingo": 15397, "celebrating": 15398, "prosper": 15399, "titles": 15400, "possessions": 15401, "civilized": 15402, "alls": 15403, "nearing": 15404, "nish": 15405, "gover": 15406, "visc": 15407, "gruffly": 15408, "montgom": 15409, "hee": 15410, "familiarity": 15411, "undeni": 15412, "nix": 15413, "broadcast": 15414, "meaningful": 15415, "quilt": 15416, "egyp": 15417, "discou": 15418, "alerted": 15419, "revolver": 15420, "protests": 15421, "astron": 15422, "nursery": 15423, "accommodate": 15424, "newcom": 15425, "leaking": 15426, "conditioning": 15427, "bria": 15428, "tequ": 15429, "eyel": 15430, "pays": 15431, "su": 15432, "roaming": 15433, "hallucin": 15434, "carrier": 15435, "baltha": 15436, "averted": 15437, "whirl": 15438, "stick": 15439, "goblin": 15440, "onda": 15441, "eighth": 15442, "apprentice": 15443, "tequila": 15444, "brink": 15445, "unzipped": 15446, "thompson": 15447, "unleashed": 15448, "liness": 15449, "lists": 15450, "bex": 15451, "och": 15452, "harlow": 15453, "handwriting": 15454, "ainsley": 15455, "mumbling": 15456, "womb": 15457, "thren": 15458, "secrecy": 15459, "freezer": 15460, "slumber": 15461, "partial": 15462, "mentioning": 15463, "gem": 15464, "bulge": 15465, "testim": 15466, "gravely": 15467, "phis": 15468, "uniformed": 15469, "radiant": 15470, "etti": 15471, "dles": 15472, "baking": 15473, "tink": 15474, "kh": 15475, "husbands": 15476, "angling": 15477, "trolls": 15478, "slanted": 15479, "lenses": 15480, "aph": 15481, "yann": 15482, "structive": 15483, "quieted": 15484, "pantry": 15485, "economy": 15486, "cone": 15487, "broadly": 15488, "33": 15489, "require": 15490, "matthias": 15491, "infan": 15492, "chalk": 15493, "ulate": 15494, "octa": 15495, "alig": 15496, "wie": 15497, "transportation": 15498, "theatre": 15499, "scares": 15500, "raspy": 15501, "prophet": 15502, "liest": 15503, "rustle": 15504, "maurice": 15505, "kol": 15506, "conventi": 15507, "neglected": 15508, "inless": 15509, "gansey": 15510, "bikes": 15511, "weigh": 15512, "fulfilled": 15513, "boredom": 15514, "vinnie": 15515, "thryn": 15516, "spa": 15517, "rectan": 15518, "legacy": 15519, "elli": 15520, "charcoal": 15521, "appearances": 15522, "wailing": 15523, "triangle": 15524, "stang": 15525, "respectable": 15526, "mindless": 15527, "lava": 15528, "disoriented": 15529, "ude": 15530, "maris": 15531, "software": 15532, "peacefully": 15533, "fu": 15534, "devotion": 15535, "speculation": 15536, "rectangular": 15537, "refin": 15538, "illuminating": 15539, "consent": 15540, "brotherhood": 15541, "alix": 15542, "actors": 15543, "vulnerability": 15544, "hasty": 15545, "update": 15546, "trenton": 15547, "sham": 15548, "medic": 15549, "largely": 15550, "cooling": 15551, "battling": 15552, "sied": 15553, "sexually": 15554, "aimee": 15555, "booming": 15556, "sefully": 15557, "percepti": 15558, "groo": 15559, "viet": 15560, "looped": 15561, "hurricane": 15562, "holic": 15563, "bethel": 15564, "ssen": 15565, "laces": 15566, "brooding": 15567, "serene": 15568, "turous": 15569, "spire": 15570, "scandal": 15571, "guaranteed": 15572, "foliage": 15573, "umm": 15574, "dusted": 15575, "reti": 15576, "succession": 15577, "serpent": 15578, "behaved": 15579, "suggests": 15580, "chopper": 15581, "14": 15582, "peers": 15583, "nonchal": 15584, "lindsey": 15585, "functioning": 15586, "erian": 15587, "cornered": 15588, "clemen": 15589, "ooh": 15590, "foe": 15591, "probing": 15592, "jenkins": 15593, "dre": 15594, "tatiana": 15595, "natasha": 15596, "freckles": 15597, "caravan": 15598, "brie": 15599, "blooded": 15600, "testi": 15601, "lucius": 15602, "lifemate": 15603, "homel": 15604, "swearing": 15605, "lis": 15606, "chel": 15607, "camille": 15608, "tinged": 15609, "flu": 15610, "domain": 15611, "wreckage": 15612, "plumme": 15613, "penetrating": 15614, "vigil": 15615, "brat": 15616, "dv": 15617, "clears": 15618, "perch": 15619, "juven": 15620, "jillian": 15621, "ida": 15622, "crews": 15623, "sazed": 15624, "fame": 15625, "sure": 15626, "jagu": 15627, "hack": 15628, "gears": 15629, "penetrate": 15630, "lary": 15631, "buster": 15632, "squirming": 15633, "shimmer": 15634, "deception": 15635, "typically": 15636, "maeve": 15637, "ena": 15638, "barrels": 15639, "stryker": 15640, "distinctly": 15641, "devlin": 15642, "weathered": 15643, "saul": 15644, "transition": 15645, "noxious": 15646, "addressing": 15647, "instruction": 15648, "hardwood": 15649, "emails": 15650, "breathes": 15651, "theft": 15652, "sanders": 15653, "eerily": 15654, "wholly": 15655, "tyrion": 15656, "pasta": 15657, "lunatic": 15658, "formid": 15659, "accelerated": 15660, "pumps": 15661, "contorted": 15662, "unreadable": 15663, "droplets": 15664, "baggage": 15665, "mists": 15666, "furry": 15667, "erased": 15668, "ceremon": 15669, "cancel": 15670, "intriguing": 15671, "attackers": 15672, "rash": 15673, "drade": 15674, "daniels": 15675, "creator": 15676, "lays": 15677, "dakota": 15678, "bunker": 15679, "manicured": 15680, "ireland": 15681, "expanding": 15682, "domestic": 15683, "cube": 15684, "wrench": 15685, "weave": 15686, "whisky": 15687, "tomas": 15688, "lark": 15689, "irre": 15690, "atro": 15691, "ambrose": 15692, "tailed": 15693, "dently": 15694, "barracks": 15695, "ousine": 15696, "japan": 15697, "swooped": 15698, "snee": 15699, "mcbride": 15700, "davi": 15701, "d'ar": 15702, "undid": 15703, "limousine": 15704, "dolph": 15705, "willie": 15706, "transported": 15707, "select": 15708, "gut": 15709, "eats": 15710, "rammed": 15711, "mulated": 15712, "hipp": 15713, "brake": 15714, "watchful": 15715, "rendered": 15716, "nedra": 15717, "memorial": 15718, "chests": 15719, "auction": 15720, "sap": 15721, "bened": 15722, "abused": 15723, "debated": 15724, "symptoms": 15725, "rer": 15726, "predicament": 15727, "ceo": 15728, "brandt": 15729, "vicky": 15730, "oux": 15731, "broom": 15732, "struggles": 15733, "specting": 15734, "objected": 15735, "l.a.": 15736, "crumbled": 15737, "independence": 15738, "taunted": 15739, "materialized": 15740, "derrick": 15741, "poppy": 15742, "plaid": 15743, "excruciating": 15744, "miami": 15745, "germans": 15746, "facade": 15747, "valen": 15748, "resurrec": 15749, "impas": 15750, "facilities": 15751, "cracy": 15752, "unpredictable": 15753, "grid": 15754, "taxes": 15755, "approaches": 15756, "lighten": 15757, "entryway": 15758, "sniper": 15759, "morrison": 15760, "leaked": 15761, "disposal": 15762, "celyn": 15763, "atlantic": 15764, "securely": 15765, "perceived": 15766, "moron": 15767, "fanned": 15768, "seph": 15769, "sadi": 15770, "mph": 15771, "labored": 15772, "acquainted": 15773, "patty": 15774, "immer": 15775, "cism": 15776, "celess": 15777, "voiced": 15778, "threaded": 15779, "oft": 15780, "clipboard": 15781, "clatter": 15782, "andro": 15783, "ut": 15784, "statements": 15785, "slices": 15786, "mckay": 15787, "hardness": 15788, "dile": 15789, "organic": 15790, "seize": 15791, "sacrificed": 15792, "illustr": 15793, "ghan": 15794, "ril": 15795, "beep": 15796, "rugged": 15797, "clone": 15798, "soften": 15799, "vigor": 15800, "presume": 15801, "identification": 15802, "goblins": 15803, "dgingly": 15804, "bubbled": 15805, "brute": 15806, "spook": 15807, "nab": 15808, "dwind": 15809, "bbly": 15810, "terrorists": 15811, "tab": 15812, "lode": 15813, "jackets": 15814, "intoxicating": 15815, "dismiss": 15816, "unfa": 15817, "mort": 15818, "formally": 15819, "employment": 15820, "ete": 15821, "spectacle": 15822, "monitoring": 15823, "chair": 15824, "recoiled": 15825, "turtle": 15826, "refer": 15827, "overgrown": 15828, "midday": 15829, "sullen": 15830, "mumble": 15831, "delle": 15832, "authenti": 15833, "entity": 15834, "cast": 15835, "anders": 15836, "stalls": 15837, "stallion": 15838, "marqu": 15839, "devoid": 15840, "caster": 15841, "favour": 15842, "encies": 15843, "volcan": 15844, "surround": 15845, "pp": 15846, "mysteries": 15847, "hamilton": 15848, "accord": 15849, "shadowh": 15850, "formidable": 15851, "coral": 15852, "spins": 15853, "witch": 15854, "scholar": 15855, "alea": 15856, "alcove": 15857, "producing": 15858, "ohi": 15859, "instructor": 15860, "flurry": 15861, "tamara": 15862, "shaggy": 15863, "programmed": 15864, "persistent": 15865, "nagging": 15866, "machinery": 15867, "incoming": 15868, "flips": 15869, "31": 15870, "itors": 15871, "cruelty": 15872, "hun": 15873, "hotels": 15874, "expedition": 15875, "dise": 15876, "jose": 15877, "fingertip": 15878, "fetched": 15879, "crucial": 15880, "bein": 15881, "newt": 15882, "frequency": 15883, "devin": 15884, "bianca": 15885, "menace": 15886, "subway": 15887, "gloomy": 15888, "glinting": 15889, "dolls": 15890, "businessman": 15891, "tractor": 15892, "shuffle": 15893, "expand": 15894, "counsel": 15895, "refreshing": 15896, "hounds": 15897, "submit": 15898, "buds": 15899, "aya": 15900, "wolfe": 15901, "roam": 15902, "republic": 15903, "mination": 15904, "jone": 15905, "chasti": 15906, "thorpe": 15907, "embassy": 15908, "dimples": 15909, "webb": 15910, "alo": 15911, "sight": 15912, "cringe": 15913, "propri": 15914, "haun": 15915, "solitude": 15916, "offspring": 15917, "irresistible": 15918, "wipes": 15919, "chisel": 15920, "deemed": 15921, "stamp": 15922, "merit": 15923, "mascar": 15924, "cav": 15925, "aha": 15926, "lookin": 15927, "coursing": 15928, "feeble": 15929, "disheveled": 15930, "38": 15931, "sonia": 15932, "heady": 15933, "defec": 15934, "clyde": 15935, "60": 15936, "smirks": 15937, "hungri": 15938, "hoods": 15939, "dass": 15940, "dth": 15941, "uri": 15942, "shadowhun": 15943, "separation": 15944, "outdoor": 15945, "compliments": 15946, "viet": 15947, "scrutiny": 15948, "outlined": 15949, "kim": 15950, "glassy": 15951, "flaring": 15952, "whites": 15953, "shape": 15954, "renia": 15955, "martial": 15956, "kathryn": 15957, "minated": 15958, "cultural": 15959, "arianna": 15960, "riages": 15961, "murky": 15962, "microwave": 15963, "assets": 15964, "persuaded": 15965, "embarrass": 15966, "certific": 15967, "angular": 15968, "vessels": 15969, "hambur": 15970, "fiance": 15971, "willy": 15972, "vik": 15973, "switching": 15974, "diss": 15975, "dair": 15976, "armour": 15977, "steely": 15978, "splendid": 15979, "rummaged": 15980, "protectively": 15981, "prying": 15982, "deeds": 15983, "clattered": 15984, "abyss": 15985, "wisely": 15986, "vat": 15987, "demise": 15988, "beverly": 15989, "scored": 15990, "contentment": 15991, "consequence": 15992, "bodyguards": 15993, "ammo": 15994, "shan": 15995, "reporting": 15996, "interviews": 15997, "hony": 15998, "declaration": 15999, "cooled": 16000, "universal": 16001, "orgas": 16002, "lengths": 16003, "auto": 16004, "nudge": 16005, "jeremiah": 16006, "heightened": 16007, "alfred": 16008, "ample": 16009, "coursed": 16010, "ami": 16011, "vocal": 16012, "spotlight": 16013, "mining": 16014, "functions": 16015, "settles": 16016, "existent": 16017, "leop": 16018, "kiara": 16019, "gypsy": 16020, "continually": 16021, "charley": 16022, "blog": 16023, "ashed": 16024, "extension": 16025, "dite": 16026, "clown": 16027, "calculating": 16028, "unconsciously": 16029, "scribed": 16030, "polgara": 16031, "horizon": 16032, "grote": 16033, "cratic": 16034, "bunched": 16035, "squirrel": 16036, "speare": 16037, "lyrics": 16038, "greens": 16039, "satchel": 16040, "horny": 16041, "grazing": 16042, "betsy": 16043, "bap": 16044, "richards": 16045, "keting": 16046, "insect": 16047, "mississi": 16048, "mici": 16049, "beige": 16050, "senseless": 16051, "qualities": 16052, "lowest": 16053, "lovingly": 16054, "adjust": 16055, "aim": 16056, "tosses": 16057, "inability": 16058, "earshot": 16059, "baxter": 16060, "lapping": 16061, "handles": 16062, "stomping": 16063, "paste": 16064, "onous": 16065, "clarence": 16066, "bryson": 16067, "rupert": 16068, "bottoms": 16069, "workout": 16070, "smacking": 16071, "eliminate": 16072, "calves": 16073, "pump": 16074, "palp": 16075, "glares": 16076, "garrison": 16077, "lucifer": 16078, "leness": 16079, "finch": 16080, "shrin": 16081, "purposefully": 16082, "cadence": 16083, "herb": 16084, "gill": 16085, "easiest": 16086, "deva": 16087, "specim": 16088, "scholarship": 16089, "mugs": 16090, "dashing": 16091, "complaints": 16092, "rumpled": 16093, "hooking": 16094, "gagged": 16095, "y'": 16096, "recognizable": 16097, "malone": 16098, "trin": 16099, "outfits": 16100, "matilda": 16101, "hollered": 16102, "displaying": 16103, "disguised": 16104, "chancel": 16105, "vana": 16106, "stubbornly": 16107, "slat": 16108, "fragr": 16109, "classmates": 16110, "surging": 16111, "shakespeare": 16112, "kyrie": 16113, "jolene": 16114, "heed": 16115, "understandable": 16116, "tdown": 16117, "keller": 16118, "hor": 16119, "bowling": 16120, "yoga": 16121, "processing": 16122, "maryann": 16123, "mk": 16124, "kitch": 16125, "ingredients": 16126, "conco": 16127, "tyr": 16128, "slate": 16129, "restrain": 16130, "karou": 16131, "fluore": 16132, "destri": 16133, "decker": 16134, "russians": 16135, "envisi": 16136, "bax": 16137, "thesis": 16138, "dual": 16139, "deposited": 16140, "carpath": 16141, "betraying": 16142, "attendance": 16143, "2014": 16144, "slayer": 16145, "icity": 16146, "ene": 16147, "dearest": 16148, "posit": 16149, "wls": 16150, "appalled": 16151, "sander": 16152, "platter": 16153, "opted": 16154, "etary": 16155, "saff": 16156, "molten": 16157, "mascara": 16158, "keely": 16159, "expression": 16160, "quirked": 16161, "playground": 16162, "morton": 16163, "bumper": 16164, "betting": 16165, "voy": 16166, "tele": 16167, "sso": 16168, "maddox": 16169, "electro": 16170, "dank": 16171, "chop": 16172, "agonizing": 16173, "wrecked": 16174, "tickling": 16175, "ohio": 16176, "goggles": 16177, "lemon": 16178, "kore": 16179, "coast": 16180, "tormented": 16181, "noff": 16182, "clock": 16183, "pried": 16184, "mississippi": 16185, "magically": 16186, "isle": 16187, "alab": 16188, "aki": 16189, "tropical": 16190, "bunny": 16191, "unstable": 16192, "tendency": 16193, "reddish": 16194, "israel": 16195, "eti": 16196, "belts": 16197, "bakery": 16198, "melancholy": 16199, "itz": 16200, "bean": 16201, "nolds": 16202, "existing": 16203, "rusted": 16204, "freshman": 16205, "condoms": 16206, "aids": 16207, "two": 16208, "marcia": 16209, "actress": 16210, "splintered": 16211, "lamb": 16212, "glowered": 16213, "envi": 16214, "egy": 16215, "xton": 16216, "twirling": 16217, "stating": 16218, "billionaire": 16219, "attrac": 16220, "uns": 16221, "squarely": 16222, "epic": 16223, "remini": 16224, "mop": 16225, "moons": 16226, "idaho": 16227, "eagerness": 16228, "dog": 16229, "withdraw": 16230, "texting": 16231, "missive": 16232, "tread": 16233, "salary": 16234, "homici": 16235, "ckers": 16236, "spain": 16237, "edi": 16238, "clave": 16239, "scaven": 16240, "reynolds": 16241, "justify": 16242, "cloudy": 16243, "carpathian": 16244, "tourna": 16245, "pint": 16246, "seared": 16247, "hinted": 16248, "disconcer": 16249, "dino": 16250, "converted": 16251, "cloaked": 16252, "mice": 16253, "dric": 16254, "delia": 16255, "sai": 16256, "recorder": 16257, "principle": 16258, "needy": 16259, "i.": 16260, "feigned": 16261, "fy": 16262, "dier": 16263, "wrea": 16264, "time": 16265, "serenity": 16266, "reservation": 16267, "hir": 16268, "earthquake": 16269, "travelers": 16270, "programs": 16271, "penn": 16272, "gob": 16273, "entertained": 16274, "dew": 16275, "dashboard": 16276, "brittle": 16277, "wobbled": 16278, "jeffrey": 16279, "triumphant": 16280, "ordinarily": 16281, "mbed": 16282, "maureen": 16283, "hyde": 16284, "spacious": 16285, "readers": 16286, "kas": 16287, "gaius": 16288, "flattered": 16289, "cet": 16290, "accompan": 16291, "whiff": 16292, "subst": 16293, "courthouse": 16294, "chancellor": 16295, "banana": 16296, "anky": 16297, "virgil": 16298, "understatement": 16299, "tresses": 16300, "swallows": 16301, "shore": 16302, "seduction": 16303, "insulting": 16304, "corps": 16305, "manual": 16306, "liv": 16307, "distressed": 16308, "bridges": 16309, "saluted": 16310, "meticul": 16311, "banner": 16312, "zil": 16313, "perception": 16314, "lizard": 16315, "esp": 16316, "tribes": 16317, "oni": 16318, "ducks": 16319, "blinks": 16320, "sheridan": 16321, "egypt": 16322, "sockets": 16323, "num": 16324, "marveled": 16325, "az": 16326, "thugs": 16327, "soaring": 16328, "politicians": 16329, "montana": 16330, "alistic": 16331, "suspecting": 16332, "spagh": 16333, "prece": 16334, "kristen": 16335, "sheepish": 16336, "indifferent": 16337, "anticipating": 16338, "surfaced": 16339, "organ": 16340, "flannel": 16341, "dumbfounded": 16342, "blended": 16343, "simpli": 16344, "syringe": 16345, "syn": 16346, "das": 16347, "craned": 16348, "bob": 16349, "behold": 16350, "shrank": 16351, "portland": 16352, "itlin": 16353, "stooped": 16354, "jacqu": 16355, "doo": 16356, "bland": 16357, "bends": 16358, "licks": 16359, "strolling": 16360, "spice": 16361, "plead": 16362, "pout": 16363, "kiel": 16364, "hybri": 16365, "excee": 16366, "belonging": 16367, "pup": 16368, "nip": 16369, "duti": 16370, "disk": 16371, "molecu": 16372, "medieval": 16373, "implications": 16374, "comrades": 16375, "ballet": 16376, "tending": 16377, "lousy": 16378, "camps": 16379, "'bout": 16380, "sives": 16381, "mold": 16382, "resident": 16383, "frederick": 16384, "deposit": 16385, "tino": 16386, "tise": 16387, "realistic": 16388, "pristine": 16389, "yawning": 16390, "floral": 16391, "surrendered": 16392, "dwelling": 16393, "common": 16394, "archy": 16395, "expectation": 16396, "byl": 16397, "acious": 16398, "tiled": 16399, "kingdoms": 16400, "gettin": 16401, "advertising": 16402, "vla": 16403, "sunken": 16404, "rosalie": 16405, "riad": 16406, "leverage": 16407, "interference": 16408, "fours": 16409, "fifties": 16410, "translucent": 16411, "regul": 16412, "perspir": 16413, "requests": 16414, "pistols": 16415, "catastro": 16416, "apologetically": 16417, "submission": 16418, "inevitably": 16419, "prote": 16420, "evaporated": 16421, "rez": 16422, "quarry": 16423, "crops": 16424, "barriers": 16425, "rhett": 16426, "edo": 16427, "chickens": 16428, "chace": 16429, "caref": 16430, "inspecting": 16431, "houston": 16432, "dis": 16433, "victorian": 16434, "nar": 16435, "itty": 16436, "grandchildren": 16437, "wafted": 16438, "jing": 16439, "grunting": 16440, "apologizing": 16441, "knocks": 16442, "electron": 16443, "slithered": 16444, "distru": 16445, "desks": 16446, "uish": 16447, "perse": 16448, "handbag": 16449, "depri": 16450, "barred": 16451, "warner": 16452, "heath": 16453, "drum": 16454, "conso": 16455, "carefree": 16456, "roused": 16457, "promotion": 16458, "joints": 16459, "homeland": 16460, "gracious": 16461, "talons": 16462, "pivoted": 16463, "medal": 16464, "cavalry": 16465, "sensors": 16466, "productive": 16467, "ppa": 16468, "aspects": 16469, "muck": 16470, "spreads": 16471, "scorched": 16472, "halo": 16473, "crane": 16474, "thand": 16475, "spaghetti": 16476, "recipe": 16477, "orderly": 16478, "aspen": 16479, "towered": 16480, "reassur": 16481, "prices": 16482, "grady": 16483, "dismounted": 16484, "dearly": 16485, "bonded": 16486, "anor": 16487, "magician": 16488, "deliri": 16489, "clicks": 16490, "testimony": 16491, "manipulated": 16492, "ii": 16493, "friction": 16494, "behaviour": 16495, "ae": 16496, "preva": 16497, "devour": 16498, "voyage": 16499, "vs": 16500, "tailored": 16501, "invading": 16502, "horr": 16503, "debating": 16504, "trays": 16505, "crunched": 16506, "containers": 16507, "jump": 16508, "homemade": 16509, "deceased": 16510, "cloa": 16511, "ctors": 16512, "tling": 16513, "scissors": 16514, "breeding": 16515, "badass": 16516, "myra": 16517, "expenses": 16518, "culti": 16519, "lann": 16520, "engra": 16521, "addy": 16522, "polis": 16523, "pics": 16524, "nothing": 16525, "jit": 16526, "ggin": 16527, "zier": 16528, "stifling": 16529, "sak": 16530, "195": 16531, "burly": 16532, "mouth": 16533, "expertise": 16534, "wiser": 16535, "seriousness": 16536, "literature": 16537, "unnerving": 16538, "surg": 16539, "soph": 16540, "shutters": 16541, "pooled": 16542, "ceil": 16543, "anners": 16544, "torturing": 16545, "rig": 16546, "occupation": 16547, "massaging": 16548, "slits": 16549, "jets": 16550, "incar": 16551, "candlelight": 16552, "........": 16553, "ttish": 16554, "katrina": 16555, "hardware": 16556, "scow": 16557, "reservations": 16558, "participate": 16559, "minimal": 16560, "wins": 16561, "mulus": 16562, "marion": 16563, "charleston": 16564, "bbish": 16565, "ark": 16566, "zev": 16567, "virginity": 16568, "soviet": 16569, "filter": 16570, "s.": 16571, "minus": 16572, "junction": 16573, "hilarious": 16574, "pouted": 16575, "sburg": 16576, "rous": 16577, "hints": 16578, "gowns": 16579, "florence": 16580, "shooter": 16581, "bapti": 16582, "sentiment": 16583, "pits": 16584, "lei": 16585, "inn": 16586, "walkers": 16587, "obscure": 16588, "curtly": 16589, "alexand": 16590, "~~~": 16591, "pli": 16592, "mort": 16593, "loaf": 16594, "emmie": 16595, "diness": 16596, "brethren": 16597, "balthazar": 16598, "treacherous": 16599, "icles": 16600, "burial": 16601, "resulted": 16602, "dizziness": 16603, "shaun": 16604, "royalty": 16605, "rha": 16606, "nightfall": 16607, "maximus": 16608, "explanations": 16609, "andrews": 16610, "humiliated": 16611, "gade": 16612, "pedal": 16613, "mesh": 16614, "interruption": 16615, "burgh": 16616, "ulties": 16617, "dreamy": 16618, "stages": 16619, "peggy": 16620, "mits": 16621, "introductions": 16622, "intments": 16623, "cedar": 16624, "calla": 16625, "paula": 16626, "mounting": 16627, "disen": 16628, "administration": 16629, "accusations": 16630, "reno": 16631, "fueled": 16632, "billie": 16633, "sidhe": 16634, "mkvist": 16635, "trot": 16636, "snowy": 16637, "jaguar": 16638, "drac": 16639, "motherfucker": 16640, "ddle": 16641, "frances": 16642, "eably": 16643, "converse": 16644, "imminent": 16645, "awakening": 16646, "ronia": 16647, "ronin": 16648, "icals": 16649, "interstate": 16650, "alaric": 16651, "unfinished": 16652, "hover": 16653, "emanating": 16654, "cricket": 16655, "cords": 16656, "agitation": 16657, "scraps": 16658, "maxwell": 16659, "kimber": 16660, "freeing": 16661, "distrau": 16662, "blaine": 16663, "sheltered": 16664, "pedestri": 16665, "jaxon": 16666, "currents": 16667, "squaw": 16668, "briefing": 16669, "13": 16670, "spu": 16671, "gushed": 16672, "ferocious": 16673, "chaotic": 16674, "bucked": 16675, "view": 16676, "sweetest": 16677, "scottish": 16678, "prince": 16679, "drawings": 16680, "assignments": 16681, "alta": 16682, "sophronia": 16683, "shhh": 16684, "gou": 16685, "compete": 16686, "aller": 16687, "47": 16688, "shreds": 16689, "eclip": 16690, "workshop": 16691, "shock": 16692, "kass": 16693, "delta": 16694, "aa": 16695, "distraught": 16696, "percy": 16697, "gray": 16698, "flask": 16699, "finishes": 16700, "codes": 16701, "tous": 16702, "lach": 16703, "butto": 16704, "brim": 16705, "endelle": 16706, "dived": 16707, "500": 16708, "tricked": 16709, "reapers": 16710, "occurren": 16711, "garth": 16712, "exor": 16713, "apocalyp": 16714, "particles": 16715, "ock": 16716, "montgomery": 16717, "madman": 16718, "grenade": 16719, "seething": 16720, "mustang": 16721, "immac": 16722, "counc": 16723, "contracts": 16724, "contemplate": 16725, "conservative": 16726, "convey": 16727, "revul": 16728, "ppe": 16729, "flattery": 16730, "adul": 16731, "asia": 16732, "stoop": 16733, "flops": 16734, "banished": 16735, "whimpering": 16736, "inhi": 16737, "compelling": 16738, "teller": 16739, "plank": 16740, "gateway": 16741, "defiant": 16742, "breaker": 16743, "stocked": 16744, "korsten": 16745, "rift": 16746, "pilots": 16747, "pathway": 16748, "kon": 16749, "slaps": 16750, "lous": 16751, "kine": 16752, "jab": 16753, "evolution": 16754, "scorpi": 16755, "bulged": 16756, "relate": 16757, "blomkvist": 16758, "warnings": 16759, "rhythmic": 16760, "palpable": 16761, "iter": 16762, "annual": 16763, "unsettled": 16764, "priestess": 16765, "obtain": 16766, "fo": 16767, "courses": 16768, "skin": 16769, "lliver": 16770, "swiss": 16771, "revulsion": 16772, "logo": 16773, "judd": 16774, "demonic": 16775, "crappy": 16776, "wriggled": 16777, "thinner": 16778, "shipping": 16779, "musicians": 16780, "horrors": 16781, "gence": 16782, "tators": 16783, "restlessly": 16784, "mmie": 16785, "kevan": 16786, "distaste": 16787, "worldly": 16788, "unicorn": 16789, "jacobs": 16790, "elic": 16791, "chman": 16792, "volunteers": 16793, "stash": 16794, "sissy": 16795, "scon": 16796, "induced": 16797, "incidents": 16798, "encased": 16799, "siege": 16800, "flapped": 16801, "describing": 16802, "anniversary": 16803, "tornado": 16804, "thorn": 16805, "peterson": 16806, "bodice": 16807, "bedding": 16808, "winking": 16809, "text": 16810, "stockings": 16811, "itching": 16812, "indulge": 16813, "hunch": 16814, "colours": 16815, "valet": 16816, "jutting": 16817, "grate": 16818, "duct": 16819, "puppet": 16820, "fundam": 16821, "batteries": 16822, "affor": 16823, "amar": 16824, "welling": 16825, "etc": 16826, "decipher": 16827, "straddling": 16828, "excess": 16829, "cardi": 16830, "phia": 16831, "juicy": 16832, "fingerprints": 16833, "blaring": 16834, "gard": 16835, "gnar": 16836, "carla": 16837, "addicted": 16838, "ika": 16839, "dical": 16840, "reign": 16841, "miguel": 16842, "grati": 16843, "forbid": 16844, "erated": 16845, "big": 16846, "narr": 16847, "massaged": 16848, "fusion": 16849, "kil": 16850, "respective": 16851, "onward": 16852, "lattering": 16853, "dev": 16854, "define": 16855, "danni": 16856, "transmission": 16857, "thinned": 16858, "reddened": 16859, "turner": 16860, "irrelevant": 16861, "applying": 16862, "dina": 16863, "cronus": 16864, "tugs": 16865, "philosophi": 16866, "pant": 16867, "datab": 16868, "counten": 16869, "conta": 16870, "ce'": 16871, "pearls": 16872, "memphis": 16873, "kian": 16874, "jock": 16875, "glenn": 16876, "erratic": 16877, "breeches": 16878, "darts": 16879, "alarming": 16880, "aggression": 16881, "showers": 16882, "paranor": 16883, "oman": 16884, "flora": 16885, "chiseled": 16886, "ox": 16887, "lowly": 16888, "limin": 16889, "gulf": 16890, "experts": 16891, "announcing": 16892, "iso": 16893, "hammond": 16894, "expressionless": 16895, "deo": 16896, "challenges": 16897, "thickly": 16898, "password": 16899, "mindy": 16900, "lob": 16901, "2013": 16902, "vat": 16903, "explosives": 16904, "bm": 16905, "where": 16906, "refusal": 16907, "economic": 16908, "bodied": 16909, "bearings": 16910, "worth": 16911, "respecting": 16912, "rhi": 16913, "plantation": 16914, "khan": 16915, "paved": 16916, "milo": 16917, "lica": 16918, "harlin": 16919, "forwards": 16920, "flexing": 16921, "cylinder": 16922, "virtue": 16923, "elevated": 16924, "duel": 16925, "trials": 16926, "savag": 16927, "mila": 16928, "guttural": 16929, "lengthy": 16930, "pricked": 16931, "savor": 16932, "phers": 16933, "priceless": 16934, "edness": 16935, "augu": 16936, "ruck": 16937, "nothingness": 16938, "jame": 16939, "fragrance": 16940, "foggy": 16941, "endlessly": 16942, "nobles": 16943, "curtis": 16944, "trust": 16945, "andro": 16946, "spelled": 16947, "oline": 16948, "matted": 16949, "indifference": 16950, "ffins": 16951, "defiantly": 16952, "crusted": 16953, "tomato": 16954, "obligation": 16955, "nicky": 16956, "mantra": 16957, "glitter": 16958, "cruz": 16959, "ce'nedra": 16960, "ales": 16961, "insults": 16962, "smond": 16963, "rema": 16964, "lillian": 16965, "graph": 16966, "expertly": 16967, "zations": 16968, "weather": 16969, "veered": 16970, "pens": 16971, "outrageous": 16972, "nikolas": 16973, "napo": 16974, "georgi": 16975, "dances": 16976, "bustling": 16977, "aun": 16978, "thened": 16979, "suffocating": 16980, "underside": 16981, "spraying": 16982, "extin": 16983, "colling": 16984, "cari": 16985, "nephili": 16986, "lovemaking": 16987, "lanes": 16988, "furnished": 16989, "talkin": 16990, "sculpted": 16991, "marian": 16992, "clasping": 16993, "barrett": 16994, "sufficiently": 16995, "stout": 16996, "slaughtered": 16997, "iti": 16998, "grated": 16999, "flexi": 17000, "chez": 17001, "biscuits": 17002, "armand": 17003, "wheat": 17004, "random": 17005, "hesitating": 17006, "carts": 17007, "bourbon": 17008, "tapes": 17009, "shrouded": 17010, "salander": 17011, "sword": 17012, "periods": 17013, "intuition": 17014, "designated": 17015, "artifacts": 17016, "tah": 17017, "ravine": 17018, "notepad": 17019, "legendary": 17020, "alise": 17021, "alaska": 17022, "straddled": 17023, "edmund": 17024, "disobe": 17025, "arek": 17026, "sausage": 17027, "question": 17028, "oncoming": 17029, "johnnie": 17030, "generated": 17031, "briggs": 17032, "translation": 17033, "secluded": 17034, "gwendo": 17035, "ulf": 17036, "pats": 17037, "occupants": 17038, "malik": 17039, "juliana": 17040, "couches": 17041, "yielding": 17042, "sibyl": 17043, "rooftop": 17044, "cos": 17045, "assurance": 17046, "wire": 17047, "misses": 17048, "closeness": 17049, "whole": 17050, "plotting": 17051, "picturing": 17052, "insignificant": 17053, "horrid": 17054, "eptive": 17055, "clarified": 17056, "stepfather": 17057, "pondering": 17058, "insisting": 17059, "christina": 17060, "accidents": 17061, "nudging": 17062, "dumping": 17063, "coldness": 17064, "beak": 17065, "scores": 17066, "enig": 17067, "elias": 17068, "depart": 17069, "dai": 17070, "caffe": 17071, "jocelyn": 17072, "goofy": 17073, "tatum": 17074, "s'": 17075, "milling": 17076, "laylen": 17077, "inadver": 17078, "award": 17079, "paddle": 17080, "dwarves": 17081, "dion": 17082, "brewing": 17083, "throats": 17084, "fainted": 17085, "dishon": 17086, "carnival": 17087, "bertie": 17088, "viciously": 17089, "secondary": 17090, "lounging": 17091, "gloss": 17092, "foren": 17093, "crescent": 17094, "signaling": 17095, "securing": 17096, "l.": 17097, "extravag": 17098, "ascended": 17099, "militia": 17100, "emmy": 17101, "dell": 17102, "puke": 17103, "mortified": 17104, "inventory": 17105, "hacked": 17106, "desirable": 17107, "itious": 17108, "dreamt": 17109, "blackmail": 17110, "unbelievably": 17111, "reject": 17112, "mete": 17113, "genes": 17114, "cath": 17115, "strangest": 17116, "polo": 17117, "doris": 17118, "auntie": 17119, "nephilim": 17120, "creeps": 17121, "brad": 17122, "balancing": 17123, "anka": 17124, "recommended": 17125, "phila": 17126, "pane": 17127, "mole": 17128, "hockey": 17129, "blossom": 17130, "benji": 17131, "admoni": 17132, "declare": 17133, "texture": 17134, "ruling": 17135, "repeats": 17136, "queens": 17137, "piped": 17138, "jonesy": 17139, "amic": 17140, "restraints": 17141, "civilians": 17142, "alternate": 17143, "mbler": 17144, "indignation": 17145, "candi": 17146, "centi": 17147, "wobbly": 17148, "stereo": 17149, "sec": 17150, "rake": 17151, "ership": 17152, "weston": 17153, "teles": 17154, "justine": 17155, "includes": 17156, "intake": 17157, "baley": 17158, "alas": 17159, "stormy": 17160, "o.": 17161, "homecoming": 17162, "chopped": 17163, "80": 17164, "wool": 17165, "eri": 17166, "stries": 17167, "prentice": 17168, "crumbs": 17169, "benson": 17170, "propelled": 17171, "clum": 17172, "arches": 17173, "ripples": 17174, "ingham": 17175, "fian": 17176, "alarms": 17177, "veiled": 17178, "constitu": 17179, "complied": 17180, "alexandria": 17181, "thumbed": 17182, "rune": 17183, "philadel": 17184, "perked": 17185, "mael": 17186, "forties": 17187, "favored": 17188, "buffet": 17189, "tierney": 17190, "slurred": 17191, "jars": 17192, "inhabited": 17193, "freaks": 17194, "coarse": 17195, "zeal": 17196, "tame": 17197, "stifle": 17198, "schoo": 17199, "mast": 17200, "freeway": 17201, "bewilder": 17202, "throng": 17203, "subtly": 17204, "hagg": 17205, "aggrav": 17206, "briefs": 17207, "una": 17208, "techniques": 17209, "madoc": 17210, "isolation": 17211, "intimately": 17212, "dumpster": 17213, "casts": 17214, "ables": 17215, "undressed": 17216, "impl": 17217, "convent": 17218, "breakdown": 17219, "spar": 17220, "progressed": 17221, "entation": 17222, "east": 17223, "chasm": 17224, "youthful": 17225, "monks": 17226, "minions": 17227, "linking": 17228, "jana": 17229, "factly": 17230, "begin": 17231, "anchored": 17232, "geoffrey": 17233, "feat": 17234, "unear": 17235, "supervisor": 17236, "snug": 17237, "occupy": 17238, "mikey": 17239, "surveying": 17240, "nico": 17241, "mbering": 17242, "ei": 17243, "banter": 17244, "shoves": 17245, "repay": 17246, "lov": 17247, "gg": 17248, "cum": 17249, "alcoholic": 17250, "abstr": 17251, "nox": 17252, "nen": 17253, "alleyway": 17254, "faintest": 17255, "eaded": 17256, "survivor": 17257, "heartache": 17258, "esman": 17259, "copied": 17260, "acute": 17261, "philadelphia": 17262, "earne": 17263, "disc": 17264, "dil": 17265, "decline": 17266, "carving": 17267, "untied": 17268, "steadying": 17269, "mory": 17270, "vick": 17271, "tages": 17272, "rendez": 17273, "motivation": 17274, "casket": 17275, "repro": 17276, "jina": 17277, "brook": 17278, "stashed": 17279, "embers": 17280, "swarmed": 17281, "loses": 17282, "lindsay": 17283, "dez": 17284, "stewart": 17285, "impe": 17286, "citadel": 17287, "upro": 17288, "stalk": 17289, "shares": 17290, "sed": 17291, "aters": 17292, "sharper": 17293, "procession": 17294, "landers": 17295, "iciously": 17296, "exits": 17297, "rubbish": 17298, "med": 17299, "truths": 17300, "peck": 17301, "i'l": 17302, "cheryl": 17303, "stanton": 17304, "nets": 17305, "greet": 17306, "forsa": 17307, "toddler": 17308, "responses": 17309, "preced": 17310, "margie": 17311, "evolent": 17312, "anat": 17313, "winter": 17314, "whis": 17315, "skimming": 17316, "shuts": 17317, "sabine": 17318, "paranoia": 17319, "parks": 17320, "ons": 17321, "milky": 17322, "bookstore": 17323, "auditorium": 17324, "aliah": 17325, "psychiatri": 17326, "offend": 17327, "hitch": 17328, "higgins": 17329, "zoomed": 17330, "wardness": 17331, "scab": 17332, "leopard": 17333, "kry": 17334, "smat": 17335, "knitting": 17336, "boyfriends": 17337, "vens": 17338, "scum": 17339, "gruesome": 17340, "camden": 17341, "twinkled": 17342, "stealth": 17343, "itous": 17344, "dry": 17345, "undercover": 17346, "tiago": 17347, "refuses": 17348, "psychological": 17349, "nana": 17350, "fooling": 17351, "firelight": 17352, "beaded": 17353, "ietta": 17354, "hiring": 17355, "dship": 17356, "bbs": 17357, "trickling": 17358, "tempered": 17359, "sera": 17360, "screetly": 17361, "savior": 17362, "missiles": 17363, "flank": 17364, "dilemma": 17365, "regina": 17366, "farms": 17367, "cohen": 17368, "sey": 17369, "ol'": 17370, "moscow": 17371, "gaps": 17372, "aftermath": 17373, "tactic": 17374, "fluorescent": 17375, "earlobe": 17376, "tham": 17377, "sorcerer": 17378, "runes": 17379, "preventing": 17380, "cages": 17381, "bandaged": 17382, "assail": 17383, "princes": 17384, "grumpy": 17385, "arsen": 17386, "heartedly": 17387, "countenance": 17388, "cherished": 17389, "ambu": 17390, "flinging": 17391, "cobble": 17392, "adan": 17393, "young": 17394, "thrashed": 17395, "nish": 17396, "hr": 17397, "public": 17398, "punk": 17399, "merchants": 17400, "hides": 17401, "hein": 17402, "greetings": 17403, "bb": 17404, "obediently": 17405, "musty": 17406, "corrupt": 17407, "baggy": 17408, "liver": 17409, "diminished": 17410, "defence": 17411, "blaming": 17412, "absorbing": 17413, "writers": 17414, "monique": 17415, "holstered": 17416, "assessing": 17417, "throttle": 17418, "djinn": 17419, "atreus": 17420, "wickedly": 17421, "weights": 17422, "vegetation": 17423, "savored": 17424, "navi": 17425, "galley": 17426, "fiancee": 17427, "cary": 17428, "ritu": 17429, "fraud": 17430, "felicia": 17431, "comprehension": 17432, "aurora": 17433, "stripes": 17434, "makers": 17435, "concussion": 17436, "benedict": 17437, "achi": 17438, "wordlessly": 17439, "shaded": 17440, "projected": 17441, "mario": 17442, "laught": 17443, "ab": 17444, "proposition": 17445, "interaction": 17446, "donned": 17447, "spirit": 17448, "marius": 17449, "justified": 17450, "awed": 17451, "reeled": 17452, "hayes": 17453, "breast": 17454, "sluggi": 17455, "sto": 17456, "trait": 17457, "obstacle": 17458, "inflicted": 17459, "hiv": 17460, "xanthus": 17461, "thong": 17462, "rodri": 17463, "mite": 17464, "ewan": 17465, "conceived": 17466, "ninth": 17467, "fades": 17468, "flitted": 17469, "displeasure": 17470, "crinkled": 17471, "opposition": 17472, "functional": 17473, "inherit": 17474, "dolph": 17475, "buffalo": 17476, "twigs": 17477, "tilts": 17478, "pip": 17479, "darla": 17480, "perme": 17481, "discreetly": 17482, "bewilderment": 17483, "slain": 17484, "policemen": 17485, "loathing": 17486, "insists": 17487, "garcia": 17488, "bodily": 17489, "girly": 17490, "babbling": 17491, "accompanying": 17492, "thic": 17493, "o.": 17494, "neutr": 17495, "lookout": 17496, "costumes": 17497, "comin": 17498, "hendri": 17499, "chairman": 17500, "bray": 17501, "russ": 17502, "oy": 17503, "chimney": 17504, "barnes": 17505, "restraining": 17506, "optimistic": 17507, "aeron": 17508, "simpler": 17509, "poisonous": 17510, "landlord": 17511, "laine": 17512, "bloodshot": 17513, "bess": 17514, "welfare": 17515, "thery": 17516, "starra": 17517, "softening": 17518, "match": 17519, "humiliating": 17520, "forge": 17521, "malice": 17522, "historic": 17523, "ft": 17524, "evens": 17525, "summoning": 17526, "embroidered": 17527, "characteristic": 17528, "allegi": 17529, "flags": 17530, "dedu": 17531, "dough": 17532, "coating": 17533, "barney": 17534, "adamant": 17535, "achiev": 17536, "treasures": 17537, "passages": 17538, "hawk": 17539, "felicity": 17540, "bristled": 17541, "grieving": 17542, "ernity": 17543, "climbs": 17544, "viola": 17545, "decorations": 17546, "vintage": 17547, "trains": 17548, "plagued": 17549, "pient": 17550, "odles": 17551, "swerved": 17552, "packages": 17553, "psy": 17554, "glamour": 17555, "architecture": 17556, "slimy": 17557, "saber": 17558, "organize": 17559, "objection": 17560, "oops": 17561, "mingling": 17562, "das": 17563, "classified": 17564, "avail": 17565, "indy": 17566, "battled": 17567, "width": 17568, "tournament": 17569, "relish": 17570, "pig": 17571, "oracle": 17572, "comm": 17573, "singu": 17574, "pover": 17575, "monty": 17576, "maple": 17577, "dryer": 17578, "dissipated": 17579, "dat": 17580, "stainless": 17581, "loosen": 17582, "lively": 17583, "ique": 17584, "hearty": 17585, "fruit": 17586, "exhausting": 17587, "batch": 17588, "kali": 17589, "goats": 17590, "films": 17591, "ext": 17592, "deleg": 17593, "200": 17594, "negotiate": 17595, "hast": 17596, "har": 17597, "darmik": 17598, "climate": 17599, "ryn": 17600, "jug": 17601, "gillian": 17602, "decay": 17603, "volcano": 17604, "treason": 17605, "sche": 17606, "phar": 17607, "markings": 17608, "kas": 17609, "hoodie": 17610, "ev": 17611, "calmer": 17612, "ambition": 17613, "stest": 17614, "rabid": 17615, "neighboring": 17616, "goon": 17617, "cropped": 17618, "boldly": 17619, "tities": 17620, "representative": 17621, "thundering": 17622, "sabot": 17623, "name": 17624, "mant": 17625, "generator": 17626, "exertion": 17627, "deacon": 17628, "rap": 17629, "losses": 17630, "frodo": 17631, "adolin": 17632, "tux": 17633, "rehab": 17634, "ogg": 17635, "expelled": 17636, "wist": 17637, "chided": 17638, "billions": 17639, "anasta": 17640, "dimensions": 17641, "cyrus": 17642, "vened": 17643, "pleasing": 17644, "freddy": 17645, "comic": 17646, "accen": 17647, "wron": 17648, "spicy": 17649, "mckie": 17650, "havo": 17651, "yelp": 17652, "righted": 17653, "maia": 17654, "chemicals": 17655, "transfixed": 17656, "sephrenia": 17657, "outsider": 17658, "dwin": 17659, "rendezvous": 17660, "outraged": 17661, "onslaught": 17662, "suitcases": 17663, ":0": 17664, "tolliver": 17665, "fruits": 17666, "acknowledging": 17667, "bicycle": 17668, "marlon": 17669, "franco": 17670, "biker": 17671, "squad": 17672, "poverty": 17673, "kidnap": 17674, "jerky": 17675, "handshake": 17676, "floorboards": 17677, "floy": 17678, "unto": 17679, "angrier": 17680, "agh": 17681, "probe": 17682, "thad": 17683, "sagging": 17684, "regards": 17685, "portable": 17686, "newfound": 17687, "kip": 17688, "hive": 17689, "havoc": 17690, "gees": 17691, "consol": 17692, "compon": 17693, "armp": 17694, "reinforced": 17695, "jinny": 17696, "extracted": 17697, "elbowed": 17698, "dak": 17699, "shakily": 17700, "recognise": 17701, "pinching": 17702, "misunderstanding": 17703, "limping": 17704, "gali": 17705, "clueless": 17706, "booted": 17707, "adole": 17708, "marily": 17709, "llis": 17710, "campfire": 17711, "taway": 17712, "suburban": 17713, "lness": 17714, "impassive": 17715, "boxing": 17716, "marilyn": 17717, "geogra": 17718, "featured": 17719, "ek": 17720, "ddening": 17721, "cooperation": 17722, "trepi": 17723, "lady": 17724, "sustained": 17725, "condemned": 17726, "spotting": 17727, "erable": 17728, "crackers": 17729, "conjured": 17730, "patricia": 17731, "leaps": 17732, "irises": 17733, "hostility": 17734, "herr": 17735, "coloring": 17736, "abandoning": 17737, "2012": 17738, "sterile": 17739, "obliter": 17740, "dyed": 17741, "accurately": 17742, "passionately": 17743, "mangled": 17744, "whim": 17745, "lemonade": 17746, "leant": 17747, "ferocity": 17748, "distinctive": 17749, "conventional": 17750, "writes": 17751, "tranqu": 17752, "gisbo": 17753, "demonstration": 17754, "betro": 17755, "amira": 17756, "nous": 17757, "entwined": 17758, "wrestled": 17759, "snatching": 17760, "marred": 17761, "fringe": 17762, "coaster": 17763, "timer": 17764, "franz": 17765, "dixon": 17766, "itation": 17767, "haircut": 17768, "drones": 17769, "doorframe": 17770, "cutter": 17771, "mistaking": 17772, "merrill": 17773, "lunchtime": 17774, "hungrily": 17775, "hangover": 17776, "bleachers": 17777, "swoo": 17778, "ryker": 17779, "vans": 17780, "scrubbing": 17781, "queri": 17782, "kah": 17783, "guns": 17784, "epilogue": 17785, "noncha": 17786, "mets": 17787, "braided": 17788, "bathtub": 17789, "tiniest": 17790, "ssible": 17791, "noble": 17792, "messi": 17793, "foods": 17794, "art": 17795, "zied": 17796, "secretive": 17797, "orphanage": 17798, "sweats": 17799, "straight": 17800, "rambling": 17801, "nonchalantly": 17802, "imo": 17803, "ecstatic": 17804, "contag": 17805, "encing": 17806, "bonfire": 17807, "lent": 17808, "gasoline": 17809, "discern": 17810, "camouflage": 17811, "caitlin": 17812, "agan": 17813, "kenzie": 17814, "contains": 17815, "overpowering": 17816, "inheritance": 17817, "doroth": 17818, "tiptoes": 17819, "tility": 17820, "janson": 17821, "illumination": 17822, "drags": 17823, "conquer": 17824, "ati": 17825, "abbot": 17826, "smic": 17827, "rabbits": 17828, "puckered": 17829, "compromised": 17830, "alya": 17831, "unwelcome": 17832, "stinking": 17833, "smashword": 17834, "resolution": 17835, "grumbling": 17836, "wage": 17837, "vanishing": 17838, "swan": 17839, "sultry": 17840, "rosemary": 17841, "medallion": 17842, "gel": 17843, "fellow": 17844, "feed": 17845, "smothered": 17846, "matri": 17847, "ghou": 17848, "filth": 17849, "egyptian": 17850, "awaken": 17851, "tightens": 17852, "mart": 17853, "clustered": 17854, "boyish": 17855, "ankh": 17856, "volumes": 17857, "smashwords.com": 17858, "sach": 17859, "mummy": 17860, "inferno": 17861, "chicks": 17862, "wiggle": 17863, "warran": 17864, "seatbelt": 17865, "relation": 17866, "heeled": 17867, "assassination": 17868, "vegetable": 17869, "vania": 17870, "story": 17871, "retort": 17872, "destructive": 17873, "covert": 17874, "clambered": 17875, "biology": 17876, "mccar": 17877, "generals": 17878, "concei": 17879, "tangible": 17880, "syrup": 17881, "seas": 17882, "orts": 17883, "lington": 17884, "layout": 17885, "idi": 17886, "iii": 17887, "guides": 17888, "scorching": 17889, "savings": 17890, "licensed": 17891, "invested": 17892, "cardinal": 17893, "bmw": 17894, "pissing": 17895, "joni": 17896, "improvement": 17897, "henri": 17898, "dorothy": 17899, "decidedly": 17900, "crafted": 17901, "warped": 17902, "steward": 17903, "predict": 17904, "chap": 17905, "wielding": 17906, "mam": 17907, "lanterns": 17908, "incess": 17909, "weariness": 17910, "shoreline": 17911, "samson": 17912, "nico": 17913, "bordered": 17914, "verb": 17915, "pentag": 17916, "flimsy": 17917, "flour": 17918, "compact": 17919, "bemused": 17920, "mashed": 17921, "learnt": 17922, "dusting": 17923, "bio": 17924, "alon": 17925, "atters": 17926, "stina": 17927, "seasons": 17928, "ome": 17929, "grimacing": 17930, "toxic": 17931, "nouri": 17932, "honda": 17933, "hr": 17934, "wove": 17935, "lop": 17936, "limp": 17937, "tentacles": 17938, "surable": 17939, "seam": 17940, "pointy": 17941, "overflowing": 17942, "jeanne": 17943, "crave": 17944, "outdoors": 17945, "judic": 17946, "crackle": 17947, "publicity": 17948, "mechanic": 17949, "lamb": 17950, "josef": 17951, "iana": 17952, "cullen": 17953, "contracted": 17954, "oaks": 17955, "glimpses": 17956, "customary": 17957, "bathe": 17958, "ave": 17959, "oozing": 17960, "myron": 17961, "glee": 17962, "footh": 17963, "prophe": 17964, "miracles": 17965, "bothers": 17966, "twig": 17967, "tris": 17968, "raf": 17969, "ollie": 17970, "nev": 17971, "hic": 17972, "hazard": 17973, "bloomed": 17974, "vibe": 17975, "talion": 17976, "plowed": 17977, "issance": 17978, "goi": 17979, "cynical": 17980, "almighty": 17981, "amen": 17982, "velly": 17983, "setup": 17984, "plau": 17985, "loyed": 17986, "conducted": 17987, "angelic": 17988, "camar": 17989, "34": 17990, "withstand": 17991, "valued": 17992, "soot": 17993, "elihood": 17994, "dime": 17995, "constance": 17996, "sakura": 17997, "smugly": 17998, "shined": 17999, "poet": 18000, "coyote": 18001, "compose": 18002, "whips": 18003, "vingly": 18004, "immensely": 18005, "digger": 18006, "fiber": 18007, "dozed": 18008, "acquire": 18009, "scanner": 18010, "jin": 18011, "gaun": 18012, "euphor": 18013, "demetri": 18014, "cubicle": 18015, "911": 18016, "raj": 18017, "37": 18018, "trit": 18019, "pledge": 18020, "roxy": 18021, "reverberated": 18022, "meyer": 18023, "tousled": 18024, "stalling": 18025, "gerry": 18026, "envisioned": 18027, "bravery": 18028, "angeline": 18029, "observ": 18030, "mobi": 18031, "fidgeted": 18032, "vehem": 18033, "pac": 18034, "guard": 18035, "drummed": 18036, "aloft": 18037, "trouble": 18038, "resulting": 18039, "naissance": 18040, "marketing": 18041, "escapes": 18042, "asing": 18043, "ambitious": 18044, "troubling": 18045, "surmi": 18046, "summers": 18047, "cluttered": 18048, "puffing": 18049, "exile": 18050, "winters": 18051, "unharmed": 18052, "restor": 18053, "caged": 18054, "unnerved": 18055, "preservation": 18056, "circul": 18057, "angered": 18058, "stants": 18059, "disliked": 18060, "sinu": 18061, "shrew": 18062, "sid": 18063, "ruefully": 18064, "lysander": 18065, "kah": 18066, "isaiah": 18067, "introducing": 18068, "gamble": 18069, "billowing": 18070, "rebu": 18071, "racked": 18072, "nd": 18073, "forsaken": 18074, "flamed": 18075, "sculpture": 18076, "henrik": 18077, "enthr": 18078, "efficiency": 18079, "contented": 18080, "bundled": 18081, "une": 18082, "tackled": 18083, "sidney": 18084, "scrolled": 18085, "predatory": 18086, "exiting": 18087, "aud": 18088, "trepidation": 18089, "captains": 18090, "norm": 18091, "ew": 18092, "congregation": 18093, "goblet": 18094, "santiago": 18095, "reah": 18096, "repairs": 18097, "omer": 18098, "ernal": 18099, "testament": 18100, "stomp": 18101, "sville": 18102, "rue": 18103, "planks": 18104, "lighthouse": 18105, "horseback": 18106, "extern": 18107, "ajar": 18108, "stalled": 18109, "infamous": 18110, "fus": 18111, "susie": 18112, "sues": 18113, "rosal": 18114, "reduce": 18115, "beeped": 18116, "terri": 18117, "stoic": 18118, "moody": 18119, "caffeine": 18120, "pluck": 18121, "nisha": 18122, "groped": 18123, "demonstrate": 18124, "conting": 18125, "chipped": 18126, "memorized": 18127, "fiddled": 18128, "confirming": 18129, "altitude": 18130, "transform": 18131, "shrieks": 18132, "reig": 18133, "rd": 18134, "heidi": 18135, "perspiration": 18136, "notorious": 18137, "mairi": 18138, "llic": 18139, "kis": 18140, "journalist": 18141, "beckoning": 18142, "behaving": 18143, "sands": 18144, "lishly": 18145, "enchanted": 18146, "dgy": 18147, "canteen": 18148, "trade": 18149, "strigoi": 18150, "ninja": 18151, "fences": 18152, "desmond": 18153, "cinder": 18154, "bosom": 18155, "aine": 18156, "sleeps": 18157, "obnoxious": 18158, "l'": 18159, "kalten": 18160, "inadvertently": 18161, "forebo": 18162, "damian": 18163, "submissive": 18164, "riel": 18165, "generate": 18166, "deftly": 18167, "northwest": 18168, "gry": 18169, "authorized": 18170, "spectators": 18171, "reflex": 18172, "mabel": 18173, "dax": 18174, "unci": 18175, "romeo": 18176, "renzo": 18177, "itched": 18178, "duh": 18179, "jacqueline": 18180, "hustled": 18181, "dismissively": 18182, "baring": 18183, "affectionate": 18184, "intrusion": 18185, "axel": 18186, "altair": 18187, "timber": 18188, "lingerie": 18189, "dinners": 18190, "cheery": 18191, "hapha": 18192, "bulbs": 18193, "trystan": 18194, "punishing": 18195, "sensi": 18196, "eafter": 18197, "avel": 18198, "neckline": 18199, "ardo": 18200, "stilet": 18201, "diesel": 18202, "vaulted": 18203, "robbery": 18204, "reassuringly": 18205, "forceful": 18206, "assor": 18207, "urban": 18208, "marvelous": 18209, "icious": 18210, "firs": 18211, "devouring": 18212, "conno": 18213, "carl": 18214, "assess": 18215, "dences": 18216, "reinfor": 18217, "petri": 18218, "pr": 18219, "nameless": 18220, "motiv": 18221, "bitches": 18222, "asset": 18223, "tabby": 18224, "lenk": 18225, "kier": 18226, "sionate": 18227, "ryland": 18228, "jael": 18229, "flourish": 18230, "danika": 18231, "atus": 18232, "accuse": 18233, "mule": 18234, "lyle": 18235, "firsthand": 18236, "farthest": 18237, "bead": 18238, "mira": 18239, "carnage": 18240, "alight": 18241, "alana": 18242, "selessly": 18243, "miko": 18244, "lotta": 18245, "geez": 18246, "ginny": 18247, "awkwardness": 18248, "randomly": 18249, "igno": 18250, "slug": 18251, "melinda": 18252, "lurch": 18253, "lates": 18254, "celebrated": 18255, "verdic": 18256, "spiraling": 18257, "sadi": 18258, "manages": 18259, "titiously": 18260, "sewing": 18261, "furn": 18262, "flint": 18263, "racket": 18264, "hypnotic": 18265, "hate": 18266, "enticing": 18267, "1st": 18268, "twea": 18269, "shap": 18270, "flattering": 18271, "nibbling": 18272, "lements": 18273, "invinci": 18274, "humid": 18275, "goodbyes": 18276, "gnawing": 18277, "glue": 18278, "evolved": 18279, "canadian": 18280, "tissues": 18281, "similarly": 18282, "prudence": 18283, "clementine": 18284, "pavi": 18285, "murdering": 18286, "inching": 18287, "graphy": 18288, "myrnin": 18289, "maisie": 18290, "fumes": 18291, "electronics": 18292, "cadil": 18293, "zzo": 18294, "wisps": 18295, "trespas": 18296, "circumstance": 18297, "team": 18298, "strate": 18299, "presumed": 18300, "git": 18301, "frenzied": 18302, "bandits": 18303, "you're": 18304, "world": 18305, "safest": 18306, "kus": 18307, "inhuman": 18308, "exhaust": 18309, "ernest": 18310, "atingly": 18311, "terrific": 18312, "skel": 18313, "laird": 18314, "hospitality": 18315, "dery": 18316, "deflated": 18317, "elin": 18318, "confided": 18319, "profession": 18320, "jutted": 18321, "inquiry": 18322, "dubious": 18323, "resear": 18324, "monaster": 18325, "khaki": 18326, "gly": 18327, "argus": 18328, "midair": 18329, "gore": 18330, "dimensional": 18331, "coaxed": 18332, "access": 18333, "slicked": 18334, "newborn": 18335, "elementary": 18336, "durnik": 18337, "archers": 18338, "thinkin": 18339, "starve": 18340, "rejo": 18341, "jenn": 18342, "ema": 18343, "recruit": 18344, "loki": 18345, "goons": 18346, "extract": 18347, "thon": 18348, "phenomenon": 18349, "doro": 18350, "brutally": 18351, "zan": 18352, "turquo": 18353, "tightness": 18354, "strangle": 18355, "semblance": 18356, "plateau": 18357, "displays": 18358, "cheese": 18359, "wastel": 18360, "elin": 18361, "edgy": 18362, "timid": 18363, "roofs": 18364, "odrade": 18365, "burgers": 18366, "addison": 18367, "wiggling": 18368, "truce": 18369, "multitude": 18370, "mmmm": 18371, "empress": 18372, "disturbance": 18373, "assortment": 18374, "trustworthy": 18375, "pumpkin": 18376, "precip": 18377, "heave": 18378, "gargoyle": 18379, "fianc": 18380, "drool": 18381, "distinguished": 18382, "chestnut": 18383, "cae": 18384, "bounds": 18385, "anew": 18386, "visibility": 18387, "sustain": 18388, "proceedings": 18389, "phin": 18390, "ido": 18391, "fingernail": 18392, "encircled": 18393, "eage": 18394, "clutches": 18395, "bonnet": 18396, "wonderfully": 18397, "conspicuous": 18398, "certificate": 18399, "pasture": 18400, "summit": 18401, "speeds": 18402, "maura": 18403, "emphatically": 18404, "blatant": 18405, "actic": 18406, "videos": 18407, "slashing": 18408, "positioning": 18409, "oz": 18410, "confidential": 18411, "cist": 18412, "scans": 18413, "arca": 18414, "addict": 18415, "trai": 18416, "swatted": 18417, "subsequent": 18418, "lunge": 18419, "villain": 18420, "tai": 18421, "lapped": 18422, "hysterically": 18423, "await": 18424, "throaty": 18425, "proves": 18426, "lashing": 18427, "decorating": 18428, "context": 18429, "bruno": 18430, "yuri": 18431, "virtual": 18432, "turquoise": 18433, "measuring": 18434, "impec": 18435, "hairline": 18436, "whale": 18437, "vibrations": 18438, "panicking": 18439, "grudgingly": 18440, "grotesque": 18441, "enetra": 18442, "cuddled": 18443, "buckets": 18444, "turer": 18445, "sprinting": 18446, "numbness": 18447, "laby": 18448, "foreig": 18449, "astonishing": 18450, "squealing": 18451, "sips": 18452, "reverie": 18453, "infinitely": 18454, "impenetra": 18455, "edu": 18456, "sate": 18457, "rural": 18458, "fanny": 18459, "clammy": 18460, "cey": 18461, "36": 18462, "sylvania": 18463, "oids": 18464, "knesses": 18465, "disagreed": 18466, "chubby": 18467, "turf": 18468, "populated": 18469, "obtained": 18470, "fend": 18471, "diversion": 18472, "thron": 18473, "tho": 18474, "spends": 18475, "roles": 18476, "layton": 18477, "henrietta": 18478, "esther": 18479, "zzard": 18480, "store": 18481, "scurrying": 18482, "rotated": 18483, "rails": 18484, "rounding": 18485, "prologue": 18486, "queu": 18487, "mness": 18488, "kilometers": 18489, "gunslinger": 18490, "adjoining": 18491, "weres": 18492, "token": 18493, "stead": 18494, "shabby": 18495, "fran": 18496, "napoleon": 18497, "julio": 18498, "carelessly": 18499, "artifact": 18500, "urges": 18501, "t'": 18502, "significantly": 18503, "recollection": 18504, "peg": 18505, "immigr": 18506, "hyst": 18507, "chopping": 18508, "centric": 18509, "uu": 18510, "raw": 18511, "pagan": 18512, "intel": 18513, "hadley": 18514, "empt": 18515, "convention": 18516, "beginnings": 18517, "v.": 18518, "ranc": 18519, "paranormal": 18520, "ov": 18521, "isman": 18522, "hottest": 18523, "embracing": 18524, "cox": 18525, "capturing": 18526, "arc": 18527, "apprehensive": 18528, "jecting": 18529, "involuntary": 18530, "cheekbone": 18531, "hemi": 18532, "hah": 18533, "chanted": 18534, "judges": 18535, "engaging": 18536, "encompas": 18537, "trapping": 18538, "thar": 18539, "shin": 18540, "forthcoming": 18541, "forlor": 18542, "cco": 18543, "bottled": 18544, "thayer": 18545, "sanchez": 18546, "inform": 18547, "anastasia": 18548, "lorie": 18549, "intercep": 18550, "throp": 18551, "seamus": 18552, "ppin": 18553, "lordship": 18554, "intervals": 18555, "hantly": 18556, "gender": 18557, "versus": 18558, "triumphantly": 18559, "processed": 18560, "logists": 18561, "stretcher": 18562, "rok": 18563, "hamish": 18564, "dough": 18565, "navigate": 18566, "gerard": 18567, "paddy": 18568, "expects": 18569, "caesar": 18570, "board": 18571, "eland": 18572, "ea": 18573, "decks": 18574, "crew": 18575, "carnal": 18576, "weaknesses": 18577, "thudded": 18578, "stiffen": 18579, "errands": 18580, "theore": 18581, "myriad": 18582, "drau": 18583, "solace": 18584, "ped": 18585, "levit": 18586, "labyrin": 18587, "glock": 18588, "carcass": 18589, "stus": 18590, "ska": 18591, "mentary": 18592, "dedication": 18593, "dill": 18594, "airborne": 18595, "aina": 18596, "athena": 18597, "tingles": 18598, "planner": 18599, "oozed": 18600, "gritting": 18601, "drifts": 18602, "unfold": 18603, "loops": 18604, "lie": 18605, "intelli": 18606, "deepening": 18607, "continuous": 18608, "vortex": 18609, "dismissing": 18610, "christy": 18611, "allegiance": 18612, "sterous": 18613, "eugen": 18614, "astri": 18615, "tenants": 18616, "sopho": 18617, "rico": 18618, "reconci": 18619, "mailed": 18620, "ether": 18621, "drumming": 18622, "craz": 18623, "ceilings": 18624, "voicemail": 18625, "toff": 18626, "minum": 18627, "jaw": 18628, "ipod": 18629, "enab": 18630, "cryptic": 18631, "clamation": 18632, "carton": 18633, "carpen": 18634, "aimlessly": 18635, "wistful": 18636, "translate": 18637, "stud": 18638, "eliminated": 18639, "coupled": 18640, "colonies": 18641, "coals": 18642, "bouncer": 18643, "actively": 18644, "yield": 18645, "winnie": 18646, "undress": 18647, "tickle": 18648, "receded": 18649, "plic": 18650, "hoe": 18651, "slopes": 18652, "sizzling": 18653, "resented": 18654, "lyght": 18655, "asa": 18656, "upsetting": 18657, "reka": 18658, "morg": 18659, "ingen": 18660, "hospitals": 18661, "brendan": 18662, "abducted": 18663, "unfolding": 18664, "thunderous": 18665, "technician": 18666, "oaka": 18667, "mantle": 18668, "louisi": 18669, "lawson": 18670, "lam": 18671, "jama": 18672, "ists": 18673, "equation": 18674, "tax": 18675, "stools": 18676, "longbow": 18677, "horrifying": 18678, "harden": 18679, "foreboding": 18680, "downs": 18681, "willing": 18682, "tiveness": 18683, "krista": 18684, "irritably": 18685, "impenetrable": 18686, "aris": 18687, "30": 18688, "sari": 18689, "midity": 18690, "elsie": 18691, "crater": 18692, "squint": 18693, "shirtless": 18694, "quen": 18695, "egory": 18696, "category": 18697, "tactical": 18698, "staining": 18699, "scenarios": 18700, "saucer": 18701, "listing": 18702, "further": 18703, "prisc": 18704, "ggly": 18705, "easiness": 18706, "buttocks": 18707, "bureau": 18708, "analyze": 18709, "aluminum": 18710, "90": 18711, "values": 18712, "thood": 18713, "shrun": 18714, "relin": 18715, "colette": 18716, "chlor": 18717, "shipped": 18718, "intervention": 18719, "enjoyable": 18720, "seous": 18721, "hobby": 18722, "gravit": 18723, "earnestly": 18724, "dimple": 18725, "dabbed": 18726, "blasts": 18727, "um": 18728, "scribe": 18729, "navel": 18730, "ironically": 18731, "capitol": 18732, "trophy": 18733, "jeb": 18734, "vicki": 18735, "quaint": 18736, "natalya": 18737, "nowa": 18738, "inty": 18739, "hydro": 18740, "edging": 18741, "dominance": 18742, "communicating": 18743, "yk": 18744, "vil": 18745, "itudes": 18746, "headphones": 18747, "eureka": 18748, "entials": 18749, "corbin": 18750, "clarice": 18751, "booth": 18752, "teri": 18753, "mess": 18754, "jean": 18755, "treaty": 18756, "sergei": 18757, "piling": 18758, "myrtle": 18759, "discussions": 18760, "appointments": 18761, "vietnam": 18762, "t.": 18763, "sidewalks": 18764, "goo": 18765, "flow": 18766, "acknowledgment": 18767, "sitter": 18768, "psychotic": 18769, "nessee": 18770, "lindy": 18771, "hysteria": 18772, "doe": 18773, "backstage": 18774, "luscious": 18775, "demonstrated": 18776, "crumble": 18777, "theon": 18778, "persephone": 18779, "gnarled": 18780, "cully": 18781, "chrome": 18782, "banquet": 18783, "tennessee": 18784, "humor": 18785, "attentive": 18786, "ashore": 18787, "advances": 18788, "kimb": 18789, "cautioned": 18790, "warlock": 18791, "relentlessly": 18792, "majestic": 18793, "hobbled": 18794, "formula": 18795, "dispatched": 18796, "desolate": 18797, "alexei": 18798, "laken": 18799, "too": 18800, "soles": 18801, "rots": 18802, "miraculously": 18803, "entran": 18804, "bushy": 18805, "banker": 18806, "akin": 18807, "repaired": 18808, "credits": 18809, "slime": 18810, "refugees": 18811, "ramirez": 18812, "gically": 18813, "concep": 18814, "charts": 18815, "pours": 18816, "ological": 18817, "morgue": 18818, "lowe": 18819, "tamed": 18820, "execute": 18821, "verdict": 18822, "unreal": 18823, "station": 18824, "needless": 18825, "listens": 18826, "davey": 18827, "undoing": 18828, "engrossed": 18829, "divide": 18830, "deliver": 18831, "roberta": 18832, "naw": 18833, "jolly": 18834, "hopelessly": 18835, "doorman": 18836, "44": 18837, "wayward": 18838, "simi": 18839, "switches": 18840, "rapped": 18841, "jackass": 18842, "chandelier": 18843, "shred": 18844, "pans": 18845, "oily": 18846, "giles": 18847, "dara": 18848, "whoosh": 18849, "trinity": 18850, "panther": 18851, "opponents": 18852, "fearless": 18853, "downhill": 18854, "crippled": 18855, "cables": 18856, "bowels": 18857, "verify": 18858, "unfur": 18859, "stone": 18860, "stal": 18861, "recy": 18862, "fastest": 18863, "aaaa": 18864, "zipping": 18865, "wander": 18866, "logged": 18867, "kro": 18868, "iz": 18869, "ssey": 18870, "patt": 18871, "gorge": 18872, "ghastly": 18873, "dependent": 18874, "sharks": 18875, "prop": 18876, "admittedly": 18877, "stabili": 18878, "sobered": 18879, "shawl": 18880, "rummaging": 18881, "ishly": 18882, "fates": 18883, "assisted": 18884, "renna": 18885, "lop": 18886, "intellectual": 18887, "disorder": 18888, "coil": 18889, "regal": 18890, "patsy": 18891, "hart": 18892, "exchanging": 18893, "employ": 18894, "dang": 18895, "crab": 18896, "willingness": 18897, "vand": 18898, "shady": 18899, "mourn": 18900, "mew": 18901, "louisiana": 18902, "invade": 18903, "integrity": 18904, "42": 18905, "rains": 18906, "loch": 18907, "frayed": 18908, "barrage": 18909, "withered": 18910, "sixties": 18911, "privy": 18912, "appreciative": 18913, "accuracy": 18914, "occurs": 18915, "improvi": 18916, "buses": 18917, "boost": 18918, "assistants": 18919, "arma": 18920, "vage": 18921, "unarmed": 18922, "raking": 18923, "questioningly": 18924, "obsi": 18925, "retribu": 18926, "kr": 18927, "insistence": 18928, "icing": 18929, "accented": 18930, "sneaked": 18931, "shai": 18932, "horizontal": 18933, "flats": 18934, "saxon": 18935, "lize": 18936, "kari": 18937, "agatha": 18938, "which": 18939, "turbul": 18940, "spaced": 18941, "restricted": 18942, "obstacles": 18943, "gurney": 18944, "greaves": 18945, "elessness": 18946, "elvi": 18947, "afgh": 18948, "orous": 18949, "maximi": 18950, "labs": 18951, "kenly": 18952, "grudge": 18953, "gauze": 18954, "withdra": 18955, "relinqui": 18956, "ener": 18957, "topics": 18958, "snacks": 18959, "shocks": 18960, "recipient": 18961, "je": 18962, "ero": 18963, "bicep": 18964, "sos": 18965, "sabelle": 18966, "nun": 18967, "mystical": 18968, "dea": 18969, "criti": 18970, "tempest": 18971, "sparse": 18972, "rally": 18973, "gilbert": 18974, "dures": 18975, "distributed": 18976, "confuse": 18977, "worri": 18978, "ply": 18979, "ono": 18980, "freaky": 18981, "blaire": 18982, "runners": 18983, "palmer": 18984, "noose": 18985, "knuckle": 18986, "hacking": 18987, "emble": 18988, "burgun": 18989, "quic": 18990, "peripheral": 18991, "onyx": 18992, "involves": 18993, "flushing": 18994, "scrawny": 18995, "overlook": 18996, "insinu": 18997, "grilled": 18998, "favorites": 18999, "uneven": 19000, "troo": 19001, "prior": 19002, "juliette": 19003, "groggy": 19004, "funding": 19005, "choir": 19006, "bake": 19007, "reper": 19008, "news": 19009, "lurked": 19010, "huinn": 19011, "frat": 19012, "toyed": 19013, "soundly": 19014, "readied": 19015, "prank": 19016, "politician": 19017, "drooling": 19018, "dige": 19019, "affli": 19020, "whiskers": 19021, "sacrifices": 19022, "breathy": 19023, "bots": 19024, "trish": 19025, "prelimin": 19026, "neuro": 19027, "fabri": 19028, "diplomatic": 19029, "blow": 19030, "unaffected": 19031, "thudding": 19032, "telepathy": 19033, "tasty": 19034, "psychiatrist": 19035, "kia": 19036, "infir": 19037, "ander": 19038, "wardens": 19039, "wiry": 19040, "scrawled": 19041, "puffs": 19042, "oners": 19043, "mills": 19044, "manila": 19045, "incu": 19046, "irene": 19047, "coordinates": 19048, "predators": 19049, "mmons": 19050, "lois": 19051, "gist": 19052, "ensuring": 19053, "eddy": 19054, "pawn": 19055, "murray": 19056, "hick": 19057, "hans": 19058, "bugger": 19059, "swarming": 19060, "protesting": 19061, "meds": 19062, "mann": 19063, "capped": 19064, "tcha": 19065, "prep": 19066, "observer": 19067, "dervish": 19068, "anom": 19069, "wish": 19070, "sweeps": 19071, "scoot": 19072, "invo": 19073, "gutter": 19074, "bloke": 19075, "tutor": 19076, "elusive": 19077, "chases": 19078, "blindfold": 19079, "basics": 19080, "vibrate": 19081, "specialist": 19082, "michaels": 19083, "kick": 19084, "roun": 19085, "pajama": 19086, "lopsided": 19087, "archang": 19088, "valkyrie": 19089, "tell": 19090, "lesley": 19091, "buttoning": 19092, "crust": 19093, "bruising": 19094, "arya": 19095, "unru": 19096, "rebuild": 19097, "qhuinn": 19098, "pd": 19099, "kisten": 19100, "batted": 19101, "accountant": 19102, "tangling": 19103, "mushrooms": 19104, "fragrant": 19105, "woo": 19106, "rosewood": 19107, "opposing": 19108, "lanky": 19109, "brilliance": 19110, "stunt": 19111, "sacks": 19112, "nicola": 19113, "happiest": 19114, "cranked": 19115, "congress": 19116, "starbucks": 19117, "squares": 19118, "michi": 19119, "trivial": 19120, "ssc": 19121, "janelle": 19122, "jayne": 19123, "devious": 19124, "bedtime": 19125, "tomat": 19126, "mela": 19127, "deathly": 19128, "crowding": 19129, "boasted": 19130, "blissful": 19131, "seam": 19132, "retribution": 19133, "rington": 19134, "kata": 19135, "fug": 19136, "recliner": 19137, "perpetual": 19138, "illion": 19139, "feverish": 19140, "camel": 19141, "uncontrollable": 19142, "itated": 19143, "bott": 19144, "baskets": 19145, "supportive": 19146, "suffice": 19147, "poisoning": 19148, "orchard": 19149, "meditation": 19150, "johan": 19151, "engraved": 19152, "d'artag": 19153, "consistent": 19154, "primarily": 19155, "lizzy": 19156, "interviewed": 19157, "deck": 19158, "tree": 19159, "trainer": 19160, "sparky": 19161, "raoul": 19162, "quill": 19163, "nn": 19164, "mam": 19165, "katelyn": 19166, "clump": 19167, "pinpoint": 19168, "outnumbered": 19169, "industries": 19170, "amazon": 19171, "targeted": 19172, "respects": 19173, "plausible": 19174, "peoples": 19175, "obsidian": 19176, "corruption": 19177, "brain": 19178, "boundary": 19179, "puppies": 19180, "pleasures": 19181, "nyn": 19182, "holland": 19183, "crypt": 19184, "burgundy": 19185, "belli": 19186, "tags": 19187, "senate": 19188, "sardon": 19189, "ranged": 19190, "ish": 19191, "hag": 19192, "britain": 19193, "vents": 19194, "laurent": 19195, "consolation": 19196, "claustro": 19197, "bur": 19198, "scence": 19199, "dismissive": 19200, "colo": 19201, "bombar": 19202, "antonia": 19203, "varying": 19204, "thology": 19205, "rinsed": 19206, "phrases": 19207, "tempt": 19208, "mateo": 19209, "heroic": 19210, "respectfully": 19211, "pretense": 19212, "presti": 19213, "locket": 19214, "gaunt": 19215, "fern": 19216, "charmed": 19217, "walled": 19218, "appli": 19219, "furnish": 19220, "dialo": 19221, "claustropho": 19222, "oden": 19223, "nonchalant": 19224, "exceptional": 19225, "twe": 19226, "marley": 19227, "mailbox": 19228, "lease": 19229, "furthermore": 19230, "descrip": 19231, "consen": 19232, "carpeted": 19233, "utmost": 19234, "trun": 19235, "torrent": 19236, "ringer": 19237, "greta": 19238, "stupor": 19239, "stalks": 19240, "cater": 19241, "70": 19242, "3.": 19243, "stopp": 19244, "prover": 19245, "ports": 19246, "peasant": 19247, "talisman": 19248, "say": 19249, "psychology": 19250, "porsche": 19251, "daytime": 19252, "ant": 19253, "pounce": 19254, "external": 19255, "difficulties": 19256, "crib": 19257, "addie": 19258, "unruly": 19259, "steful": 19260, "rhetor": 19261, "profits": 19262, "premises": 19263, "maniac": 19264, "encounters": 19265, "comply": 19266, "alian": 19267, "withdrawn": 19268, "ruse": 19269, "marathon": 19270, "infuriated": 19271, "hoo": 19272, "google": 19273, "furnishings": 19274, "damen": 19275, "barbecue": 19276, "uncanny": 19277, "rogate": 19278, "pless": 19279, "d'artagnyn": 19280, "brandi": 19281, "aka": 19282, "smelly": 19283, "headline": 19284, "gilla": 19285, "sonya": 19286, "purr": 19287, "narrowly": 19288, "illusions": 19289, "hier": 19290, "easter": 19291, "dutifully": 19292, "visor": 19293, "toothbrush": 19294, "submerged": 19295, "rati": 19296, "moods": 19297, "graced": 19298, "exceptionally": 19299, "precau": 19300, "magen": 19301, "flaw": 19302, "comrade": 19303, "rickety": 19304, "randolph": 19305, "bets": 19306, "whirl": 19307, "spiritwind": 19308, "sofie": 19309, "sch": 19310, "rhun": 19311, "disapproving": 19312, "dda": 19313, "bobbie": 19314, "unheard": 19315, "rels": 19316, "ownership": 19317, "mey": 19318, "gol": 19319, "eigh": 19320, "considerate": 19321, "bbean": 19322, "telepathic": 19323, "relented": 19324, "morrow": 19325, "hefted": 19326, "clive": 19327, "caribbean": 19328, "suella": 19329, "smear": 19330, "ongoing": 19331, "mysteri": 19332, "mercenary": 19333, "mcdonald": 19334, "jorge": 19335, "coffee": 19336, "ceri": 19337, "monastery": 19338, "mika": 19339, "inum": 19340, "elayne": 19341, "whisked": 19342, "stranded": 19343, "severance": 19344, "refined": 19345, "rein": 19346, "membr": 19347, "injected": 19348, "hybrid": 19349, "frosty": 19350, "dutch": 19351, "conveniently": 19352, "cency": 19353, "auron": 19354, "voss": 19355, "stitch": 19356, "dreading": 19357, "dote": 19358, "interpret": 19359, "grams": 19360, "clang": 19361, "unprepared": 19362, "spooked": 19363, "romulus": 19364, "immobile": 19365, "bossy": 19366, "banshe": 19367, "ashen": 19368, "toad": 19369, "seiz": 19370, "recruits": 19371, "nykyrian": 19372, "glad": 19373, "shier": 19374, "semin": 19375, "novel": 19376, "mercenaries": 19377, "martini": 19378, "gallop": 19379, "yearned": 19380, "spectacles": 19381, "grating": 19382, "apocalypse": 19383, "afar": 19384, "queried": 19385, "pixie": 19386, "launching": 19387, "flows": 19388, "cloaks": 19389, "vado": 19390, "tank": 19391, "storming": 19392, "rowdy": 19393, "ori": 19394, "divul": 19395, "xen": 19396, "relied": 19397, "invincible": 19398, "bathrooms": 19399, "unloaded": 19400, "markets": 19401, "balloons": 19402, "impercepti": 19403, "database": 19404, "whar": 19405, "michigan": 19406, "lazar": 19407, "institution": 19408, "gilded": 19409, "donny": 19410, "caramel": 19411, "barak": 19412, "quinlan": 19413, "onions": 19414, "moroi": 19415, "kowal": 19416, "ig": 19417, "giselle": 19418, "eem": 19419, "bash": 19420, "stature": 19421, "seg": 19422, "english": 19423, "ende": 19424, "devilish": 19425, "aphro": 19426, "alanna": 19427, "yas": 19428, "sponge": 19429, "punctuated": 19430, "oxford": 19431, "mysti": 19432, "dece": 19433, "unconcerned": 19434, "rehearsal": 19435, "kaylee": 19436, "butts": 19437, "wooded": 19438, "surgical": 19439, "sentinels": 19440, "flicks": 19441, "exploration": 19442, "occurrence": 19443, "jupit": 19444, "imposed": 19445, "dable": 19446, "booths": 19447, "vy": 19448, "input": 19449, "crawford": 19450, "cocon": 19451, "brant": 19452, "sneaky": 19453, "psychologist": 19454, "millenni": 19455, "heartless": 19456, "gentleness": 19457, "dignified": 19458, "correspon": 19459, "unthin": 19460, "realms": 19461, "ravaged": 19462, "hiked": 19463, "dvd": 19464, "despise": 19465, "bson": 19466, "amateur": 19467, "weaver": 19468, "tiptoed": 19469, "cheres": 19470, "ceramic": 19471, "whichever": 19472, "ridges": 19473, "noticeably": 19474, "heartbeats": 19475, "thug": 19476, "stitched": 19477, "sleepily": 19478, "seals": 19479, "mencheres": 19480, "indoors": 19481, "imitation": 19482, "greece": 19483, "disappointing": 19484, "clumsily": 19485, "kresh": 19486, "jupiter": 19487, "infe": 19488, "ior": 19489, "tracker": 19490, "theatri": 19491, "ssman": 19492, "specimen": 19493, "references": 19494, "olaf": 19495, "inez": 19496, "scarce": 19497, "luminous": 19498, "asy": 19499, "shaving": 19500, "principles": 19501, "institu": 19502, "gym": 19503, "confeder": 19504, "abundance": 19505, "traits": 19506, "thinning": 19507, "shaw": 19508, "preter": 19509, "pil": 19510, "mbing": 19511, "acquaintances": 19512, "surfing": 19513, "reckoned": 19514, "raz": 19515, "jerome": 19516, "dominique": 19517, "urine": 19518, "unob": 19519, "tablo": 19520, "reagan": 19521, "exhaling": 19522, "emphasized": 19523, "user": 19524, "routes": 19525, "ministry": 19526, "frying": 19527, "collision": 19528, "bonding": 19529, "wu": 19530, "overseas": 19531, "meager": 19532, "lockers": 19533, "klin": 19534, "hog": 19535, "gunshots": 19536, "everett": 19537, "blazer": 19538, "abra": 19539, "swirls": 19540, "preserved": 19541, "nation": 19542, "mounds": 19543, "disinter": 19544, "caked": 19545, "c.": 19546, "joins": 19547, "hari": 19548, "classical": 19549, "accentu": 19550, "ahh": 19551, "publicly": 19552, "dispatch": 19553, "crissc": 19554, "bases": 19555, "wondr": 19556, "unreasonable": 19557, "somer": 19558, "platinum": 19559, "jarring": 19560, "deliciously": 19561, "undeniable": 19562, "unmarked": 19563, "tarp": 19564, "salesman": 19565, "marcie": 19566, "imogen": 19567, "honed": 19568, "elegantly": 19569, "still": 19570, "complications": 19571, "committing": 19572, "monkeys": 19573, "hassan": 19574, "airlock": 19575, "tat": 19576, "splinters": 19577, "sayin": 19578, "regretting": 19579, "ckly": 19580, "cammie": 19581, "glac": 19582, "dur": 19583, "coincidental": 19584, "bravado": 19585, "slavery": 19586, "nazi": 19587, "harvard": 19588, "flex": 19589, "redly": 19590, "pebbles": 19591, "inations": 19592, "harbour": 19593, "straightforward": 19594, "skep": 19595, "parac": 19596, "nowadays": 19597, "witnessing": 19598, "probed": 19599, "myth": 19600, "mei": 19601, "clans": 19602, "unused": 19603, "socket": 19604, "omic": 19605, "mentation": 19606, "mafia": 19607, "mons": 19608, "linc": 19609, "limply": 19610, "extinguished": 19611, "appealed": 19612, "orns": 19613, "nighting": 19614, "manning": 19615, "leum": 19616, "envied": 19617, "ein": 19618, "comet": 19619, "sentry": 19620, "reilly": 19621, "mbia": 19622, "lured": 19623, "immaculate": 19624, "fails": 19625, "ador": 19626, "willpower": 19627, "violated": 19628, "spaceship": 19629, "seduced": 19630, "portu": 19631, "nak": 19632, "muffin": 19633, "heater": 19634, "grime": 19635, "casualties": 19636, "adel": 19637, "timb": 19638, "tention": 19639, "reverence": 19640, "patroni": 19641, "roasted": 19642, "rescuing": 19643, "prosecutor": 19644, "mumbles": 19645, "taur": 19646, "saloon": 19647, "objections": 19648, "motivated": 19649, "misp": 19650, "graze": 19651, "channie": 19652, "sating": 19653, "paragra": 19654, "obedience": 19655, "leftover": 19656, "finely": 19657, "feathered": 19658, "endings": 19659, "emitted": 19660, "dolphin": 19661, "barge": 19662, "dingy": 19663, "contagious": 19664, "captors": 19665, "tummy": 19666, "troop": 19667, "salvage": 19668, "postp": 19669, "loran": 19670, "jackal": 19671, "flinching": 19672, "cartoon": 19673, "faucet": 19674, "orchestra": 19675, "incan": 19676, "fray": 19677, "transpir": 19678, "squire": 19679, "railroad": 19680, "paramedics": 19681, "klein": 19682, "fal": 19683, "barbed": 19684, "atlantis": 19685, "livid": 19686, "eighteenth": 19687, "astrid": 19688, "anticipate": 19689, "waded": 19690, "scooping": 19691, "ridcully": 19692, "numbing": 19693, "northeast": 19694, "chee": 19695, "acutely": 19696, "\u00e9e": 19697, "specialty": 19698, "ranking": 19699, "quantum": 19700, "humidity": 19701, "asteroid": 19702, "advo": 19703, "zoned": 19704, "gymna": 19705, "cadillac": 19706, "antics": 19707, "vak": 19708, "sparrow": 19709, "saffi": 19710, "passive": 19711, "deir": 19712, "teleport": 19713, "persona": 19714, "candidates": 19715, "accidental": 19716, "spooky": 19717, "roars": 19718, "prickled": 19719, "mats": 19720, "kramer": 19721, "humour": 19722, "disastrous": 19723, "deuce": 19724, "dened": 19725, "tira": 19726, "subter": 19727, "marsh": 19728, "cor": 19729, "tigers": 19730, "surfaces": 19731, "rustled": 19732, "orary": 19733, "ghton": 19734, "furnace": 19735, "fiddling": 19736, "succumbed": 19737, "strider": 19738, "hateful": 19739, "gour": 19740, "catac": 19741, "whirlwind": 19742, "spheres": 19743, "shelly": 19744, "psyche": 19745, "malicious": 19746, "josephe": 19747, "overturned": 19748, "magr": 19749, "hauk": 19750, "flexible": 19751, "ied": 19752, "dila": 19753, "adopt": 19754, "39": 19755, "wallpaper": 19756, "pivo": 19757, "mindedly": 19758, "affecting": 19759, "showering": 19760, "propping": 19761, "negotiations": 19762, "jami": 19763, "cupboards": 19764, "announces": 19765, "ssings": 19766, "nightly": 19767, "lab": 19768, "helmets": 19769, "dummy": 19770, "campsite": 19771, "traveler": 19772, "pavilion": 19773, "lavish": 19774, "georg": 19775, "faked": 19776, "trampled": 19777, "trak": 19778, "pennsylvania": 19779, "cork": 19780, "canned": 19781, "bulary": 19782, "wills": 19783, "tome": 19784, "tink": 19785, "vian": 19786, "subor": 19787, "sarene": 19788, "meat": 19789, "hanger": 19790, "forge": 19791, "soren": 19792, "phole": 19793, "groping": 19794, "coron": 19795, "utility": 19796, "underlying": 19797, "shable": 19798, "ryke": 19799, "hunk": 19800, "bret": 19801, "von": 19802, "thorns": 19803, "sung": 19804, "sphin": 19805, "smal": 19806, "newer": 19807, "meow": 19808, "ghtfully": 19809, "fidgeting": 19810, "tomatoes": 19811, "skeletal": 19812, "pi": 19813, "monthly": 19814, "investigations": 19815, "vertible": 19816, "ul": 19817, "shame": 19818, "relayed": 19819, "mpe": 19820, "accelerator": 19821, "wistfully": 19822, "squadron": 19823, "profu": 19824, "incense": 19825, "bleached": 19826, "snorts": 19827, "roach": 19828, "retain": 19829, "mystic": 19830, "mously": 19831, "incline": 19832, "chup": 19833, "brey": 19834, "stability": 19835, "icism": 19836, "winded": 19837, "scrubs": 19838, "ople": 19839, "midway": 19840, "laps": 19841, "blurt": 19842, "quarrel": 19843, "paler": 19844, "onloo": 19845, "isance": 19846, "erected": 19847, "canni": 19848, "clips": 19849, "spasm": 19850, "patrols": 19851, "lishments": 19852, "hulking": 19853, "disabled": 19854, "tedious": 19855, "rituals": 19856, "riddle": 19857, "plasma": 19858, "factor": 19859, "chooses": 19860, "wrung": 19861, "quette": 19862, "distinguish": 19863, "blooming": 19864, "profusely": 19865, "papara": 19866, "monika": 19867, "midate": 19868, "fella": 19869, "dio": 19870, "unblinking": 19871, "spirited": 19872, "retro": 19873, "rainy": 19874, "instan": 19875, "inden": 19876, "devyn": 19877, "chauffe": 19878, "cabins": 19879, "bearer": 19880, "attachment": 19881, "exhibit": 19882, "exercises": 19883, "engineers": 19884, "carbon": 19885, "yellen": 19886, "styled": 19887, "shrimp": 19888, "interfering": 19889, "gated": 19890, "credi": 19891, "accessible": 19892, "intimidate": 19893, "bowen": 19894, "unwrapped": 19895, "taunt": 19896, "spits": 19897, "shrinking": 19898, "sden": 19899, "rasp": 19900, "rour": 19901, "maryellen": 19902, "impri": 19903, "debts": 19904, "callahan": 19905, "thereafter": 19906, "sprinkled": 19907, "pix": 19908, "partnership": 19909, "lash": 19910, "grapes": 19911, "blared": 19912, "uncommon": 19913, "retained": 19914, "overboard": 19915, "neville": 19916, "morbid": 19917, "marta": 19918, "fashionable": 19919, "entou": 19920, "diseases": 19921, "dif": 19922, "dealings": 19923, "coven": 19924, "alvin": 19925, "apt": 19926, "skittered": 19927, "rourke": 19928, "programming": 19929, "pact": 19930, "accounting": 19931, "wayden": 19932, "wagging": 19933, "greedily": 19934, "anten": 19935, "aghast": 19936, "aders": 19937, "manhood": 19938, "guhl": 19939, "grimy": 19940, "dishwasher": 19941, "deprived": 19942, "appeti": 19943, "\u00f1a": 19944, "turt": 19945, "tougher": 19946, "reinforcements": 19947, "nostal": 19948, "abroad": 19949, "nightingale": 19950, "nauseous": 19951, "lunk": 19952, "kelp": 19953, "howls": 19954, "helicopters": 19955, "olds": 19956, "jeru": 19957, "impulsive": 19958, "bition": 19959, "zor": 19960, "puddles": 19961, "lishing": 19962, "instinctive": 19963, "halting": 19964, "hai": 19965, "giguhl": 19966, "stral": 19967, "ryl": 19968, "riveted": 19969, "origins": 19970, "intruders": 19971, "iner": 19972, "ilia": 19973, "faraway": 19974, "authorit": 19975, "reflexes": 19976, "questionable": 19977, "mpa": 19978, "fritz": 19979, "bride": 19980, "tilly": 19981, "splu": 19982, "matur": 19983, "jacked": 19984, "hep": 19985, "fixated": 19986, "expectant": 19987, "eib": 19988, "calculations": 19989, "artistic": 19990, "zal": 19991, "weapon": 19992, "twitter": 19993, "sidled": 19994, "shores": 19995, "kittens": 19996, "infatu": 19997, "hu": 19998, "authentic": 19999, "xus": 20000, "rotted": 20001, "round": 20002, "ketchup": 20003, "feeds": 20004, "champi": 20005, "aquar": 20006, "tarmac": 20007, "sealing": 20008, "redemption": 20009, "professors": 20010, "procedures": 20011, "molded": 20012, "kitchens": 20013, "ghouls": 20014, "vord": 20015, "ston": 20016, "sported": 20017, "interrupts": 20018, "energies": 20019, "eibhear": 20020, "adore": 20021, "unsteadily": 20022, "monitored": 20023, "consult": 20024, "artwork": 20025, "wine": 20026, "stow": 20027, "rips": 20028, "completion": 20029, "tuxedo": 20030, "teness": 20031, "tantali": 20032, "substitute": 20033, "legg": 20034, "erty": 20035, "bugged": 20036, "alabama": 20037, "ablo": 20038, "toying": 20039, "nier": 20040, "inferi": 20041, "cavernous": 20042, "sag": 20043, "recruited": 20044, "mesis": 20045, "haunches": 20046, "tribal": 20047, "tinge": 20048, "pedest": 20049, "lage": 20050, "kowalski": 20051, "k'": 20052, "earliest": 20053, "stoned": 20054, "mica": 20055, "ebony": 20056, "coverage": 20057, "tensing": 20058, "reviewed": 20059, "lansing": 20060, "georgina": 20061, "disclo": 20062, "chirped": 20063, "amery": 20064, "vities": 20065, "speck": 20066, "payback": 20067, "deterior": 20068, "cranky": 20069, "whores": 20070, "priscilla": 20071, "mourn": 20072, "moira": 20073, "tremors": 20074, "stration": 20075, "slump": 20076, "serum": 20077, "jerusalem": 20078, "itter": 20079, "conquered": 20080, "barb": 20081, "yah": 20082, "securities": 20083, "refrain": 20084, "bloodline": 20085, "barreled": 20086, "testify": 20087, "sare": 20088, "overtook": 20089, "mainland": 20090, "ll": 20091, "ethereal": 20092, "ellison": 20093, "malachi": 20094, "griev": 20095, "gait": 20096, "dagmar": 20097, "camped": 20098, "bracelets": 20099, "annoy": 20100, "tean": 20101, "slouched": 20102, "sighted": 20103, "misunderstood": 20104, "prescription": 20105, "journals": 20106, "enterprises": 20107, "suburbs": 20108, "shari": 20109, "nook": 20110, "narci": 20111, "caliber": 20112, "annette": 20113, "torate": 20114, "sympathi": 20115, "superiors": 20116, "sensor": 20117, "deus": 20118, "becker": 20119, "tallest": 20120, "modified": 20121, "mish": 20122, "lyon": 20123, "gian": 20124, "framing": 20125, "duplic": 20126, "snoo": 20127, "slay": 20128, "saints": 20129, "remington": 20130, "outru": 20131, "frogs": 20132, "construct": 20133, "blossoms": 20134, "alpha": 20135, "timed": 20136, "rotating": 20137, "knee": 20138, "continuously": 20139, "subordin": 20140, "robb": 20141, "moust": 20142, "inky": 20143, "goose": 20144, "devastation": 20145, "catalina": 20146, "calder": 20147, "ambled": 20148, "unnaturally": 20149, "surrep": 20150, "manuscript": 20151, "crystal": 20152, "before": 20153, "backdrop": 20154, "stocky": 20155, "sonny": 20156, "skelet": 20157, "misc": 20158, "highlighted": 20159, "zep": 20160, "lakes": 20161, "generosity": 20162, "boar": 20163, "queasy": 20164, "donkey": 20165, "audio": 20166, "torak": 20167, "quipped": 20168, "partying": 20169, "parachu": 20170, "magnet": 20171, "eren": 20172, "completing": 20173, "cheted": 20174, "bung": 20175, "brielle": 20176, "vu": 20177, "prissi": 20178, "pelvis": 20179, "noisily": 20180, "ley": 20181, "whack": 20182, "kled": 20183, "chry": 20184, "appropriately": 20185, "tolerance": 20186, "sentimental": 20187, "reds": 20188, "orgasms": 20189, "murderers": 20190, "keir": 20191, "gems": 20192, "deirdre": 20193, "wing": 20194, "lious": 20195, "kenneth": 20196, "headset": 20197, "decor": 20198, "afforded": 20199, "saur": 20200, "naz": 20201, "lorelei": 20202, "fondly": 20203, "filming": 20204, "dunes": 20205, "drawl": 20206, "discretion": 20207, "aislin": 20208, "wolf": 20209, "precaution": 20210, "overwhelm": 20211, "natives": 20212, "temperatures": 20213, "ravenous": 20214, "penalty": 20215, "outrun": 20216, "hinged": 20217, "55": 20218, "vos": 20219, "spontaneous": 20220, "polar": 20221, "entourage": 20222, "solidi": 20223, "quen": 20224, "nas": 20225, "mysteriously": 20226, "frosted": 20227, "edwards": 20228, "nery": 20229, "fractured": 20230, "dismissal": 20231, "cooed": 20232, "accordingly": 20233, "nika": 20234, "manned": 20235, "jez": 20236, "holmes": 20237, "galla": 20238, "debor": 20239, "concealing": 20240, "companionship": 20241, "ativity": 20242, "advantages": 20243, "addresses": 20244, "vette": 20245, "vating": 20246, "protruded": 20247, "plummeted": 20248, "mpers": 20249, "lud": 20250, "imprison": 20251, "huddle": 20252, "graciously": 20253, "governments": 20254, "colossal": 20255, "worthwhile": 20256, "trina": 20257, "syllable": 20258, "hisses": 20259, "fro": 20260, "critici": 20261, "cents": 20262, "stun": 20263, "seelie": 20264, "energe": 20265, "dora": 20266, "comedy": 20267, "cocoon": 20268, "warding": 20269, "thaire": 20270, "sibling": 20271, "reprieve": 20272, "peeta": 20273, "manifest": 20274, "icon": 20275, "forks": 20276, "brilliantly": 20277, "adept": 20278, "waii": 20279, "thad": 20280, "macon": 20281, "lothaire": 20282, "initiated": 20283, "flop": 20284, "erals": 20285, "d\u00e9": 20286, "bade": 20287, "oph": 20288, "napkins": 20289, "millennia": 20290, "anistan": 20291, "sparring": 20292, "pungent": 20293, "infirmary": 20294, "impressions": 20295, "emanated": 20296, "bad": 20297, "attendants": 20298, "kob": 20299, "flaws": 20300, "crep": 20301, "coon": 20302, "cami": 20303, "starboard": 20304, "southwest": 20305, "phin": 20306, "olo": 20307, "fiend": 20308, "edan": 20309, "capac": 20310, "blurring": 20311, "lester": 20312, "shrubs": 20313, "sassen": 20314, "pooling": 20315, "oral": 20316, "willa": 20317, "whistles": 20318, "voo": 20319, "unfocused": 20320, "lla": 20321, "enjoys": 20322, "basil": 20323, "pairing": 20324, "medy": 20325, "fisherman": 20326, "bravely": 20327, "blaster": 20328, "peters": 20329, "merciless": 20330, "finality": 20331, "disgrun": 20332, "boris": 20333, "afterlife": 20334, "sprouted": 20335, "imb": 20336, "cobwebs": 20337, "wicker": 20338, "undu": 20339, "ultra": 20340, "thole": 20341, "aber": 20342, "1.": 20343, "transmitted": 20344, "summer": 20345, "skeletons": 20346, "cherd": 20347, "afghanistan": 20348, "snout": 20349, "shroud": 20350, "gn": 20351, "flailed": 20352, "doubtfully": 20353, "branded": 20354, "archives": 20355, "astu": 20356, "valeria": 20357, "ritcherd": 20358, "receipt": 20359, "psi": 20360, "erius": 20361, "dune": 20362, "council": 20363, "cep": 20364, "tolerable": 20365, "skyline": 20366, "scruffy": 20367, "rachael": 20368, "holders": 20369, "eroom": 20370, "clearance": 20371, "bush": 20372, "whacked": 20373, "weaken": 20374, "titan": 20375, "petu": 20376, "manic": 20377, "gav": 20378, "exuber": 20379, "emotionless": 20380, "cowering": 20381, "alds": 20382, "unconsciousness": 20383, "refill": 20384, "promoted": 20385, "teau": 20386, "rudely": 20387, "pumm": 20388, "husk": 20389, "frat": 20390, "father": 20391, "elastic": 20392, "dinna": 20393, "cashier": 20394, "practices": 20395, "opa": 20396, "les": 20397, "icle": 20398, "elong": 20399, "drilled": 20400, "domen": 20401, "curvy": 20402, "coolness": 20403, "batting": 20404, "sympathetically": 20405, "rocker": 20406, "resembling": 20407, "proportions": 20408, "lorenzo": 20409, "labyrinth": 20410, "inconvenience": 20411, "seep": 20412, "province": 20413, "freakin": 20414, "elation": 20415, "efficiently": 20416, "communicated": 20417, "refreshed": 20418, "relay": 20419, "pocketed": 20420, "pertur": 20421, "kong": 20422, "intervene": 20423, "hawaii": 20424, "breakup": 20425, "immersed": 20426, "excessive": 20427, "enie": 20428, "empathy": 20429, "dowed": 20430, "burner": 20431, "bian": 20432, "atile": 20433, "warfare": 20434, "repet": 20435, "ludic": 20436, "gurgling": 20437, "weasel": 20438, "swat": 20439, "spring": 20440, "naval": 20441, "dips": 20442, "decency": 20443, "compassionate": 20444, "cloths": 20445, "barks": 20446, "bounding": 20447, "agri": 20448, "renov": 20449, "keen": 20450, "faux": 20451, "fuming": 20452, "churches": 20453, "bookcase": 20454, "tyr": 20455, "truthful": 20456, "mptions": 20457, "manfred": 20458, "kac": 20459, "flecks": 20460, "watson": 20461, "stuffy": 20462, "sassenach": 20463, "provoked": 20464, "precautions": 20465, "inev": 20466, "camb": 20467, "ags": 20468, "zarah": 20469, "sassy": 20470, "marvel": 20471, "hinev": 20472, "eloqu": 20473, "dolo": 20474, "conjure": 20475, "caved": 20476, "booker": 20477, "veteran": 20478, "seethed": 20479, "pods": 20480, "nian": 20481, "karma": 20482, "juices": 20483, "avon": 20484, "watchers": 20485, "sadistic": 20486, "rica": 20487, "mano": 20488, "mastered": 20489, "lise": 20490, "layered": 20491, "floun": 20492, "dispersed": 20493, "uncles": 20494, "paparazzi": 20495, "implying": 20496, "iphone": 20497, "disconcerting": 20498, "comfy": 20499, "captor": 20500, "tholo": 20501, "summons": 20502, "salmon": 20503, "lineage": 20504, "indignant": 20505, "idiotic": 20506, "chandler": 20507, "pinky": 20508, "kentu": 20509, "jakob": 20510, "defy": 20511, "casper": 20512, "wield": 20513, "tapestry": 20514, "mistre": 20515, "magrat": 20516, "lons": 20517, "homa": 20518, "viking": 20519, "replayed": 20520, "privileged": 20521, "marla": 20522, "fil": 20523, "consulted": 20524, "arise": 20525, "tir": 20526, "thane": 20527, "scratchy": 20528, "preferably": 20529, "padding": 20530, "irregular": 20531, "gior": 20532, "footman": 20533, "explicable": 20534, "drooped": 20535, "gious": 20536, "countertop": 20537, "atics": 20538, "activate": 20539, "rightful": 20540, "lev": 20541, "crepsley": 20542, "antonietta": 20543, "withdrawal": 20544, "voodoo": 20545, "pew": 20546, "m.": 20547, "cold": 20548, "berth": 20549, "annalise": 20550, "trooper": 20551, "shard": 20552, "roberto": 20553, "pharmac": 20554, "massacre": 20555, "marvin": 20556, "dah": 20557, "41": 20558, "thickened": 20559, "suns": 20560, "petrified": 20561, "joyous": 20562, "fa": 20563, "dowager": 20564, "balding": 20565, "tang": 20566, "seu": 20567, "puzzlement": 20568, "nosy": 20569, "iners": 20570, "handgun": 20571, "g.": 20572, "exhales": 20573, "traumatic": 20574, "lacing": 20575, "distrust": 20576, "cowardly": 20577, "autopsy": 20578, "aligned": 20579, "yarn": 20580, "strayed": 20581, "overcame": 20582, "nevada": 20583, "lowell": 20584, "juvenile": 20585, "gala": 20586, "cair": 20587, "yea": 20588, "weaved": 20589, "knitted": 20590, "bird": 20591, "bjor": 20592, "wler": 20593, "trisha": 20594, "soothingly": 20595, "luton": 20596, "lle": 20597, "fitch": 20598, "dissolve": 20599, "coaxing": 20600, "seizing": 20601, "outlet": 20602, "manipulation": 20603, "43": 20604, "wraith": 20605, "tson": 20606, "patron": 20607, "noc": 20608, "loosening": 20609, "lishness": 20610, "kentucky": 20611, "constricted": 20612, "cocoa": 20613, "bookshelves": 20614, "sarehl": 20615, "jeweled": 20616, "hind": 20617, "folly": 20618, "dizzying": 20619, "decisive": 20620, "tak": 20621, "storm": 20622, "queer": 20623, "oh": 20624, "detention": 20625, "convicted": 20626, "bartholo": 20627, "ultra": 20628, "thrilling": 20629, "presenting": 20630, "flav": 20631, "deborah": 20632, "cosmo": 20633, "screw": 20634, "responsive": 20635, "penc": 20636, "lithe": 20637, "fireball": 20638, "comparing": 20639, "brightest": 20640, "aubrey": 20641, "ultier": 20642, "soggy": 20643, "lora": 20644, "convertible": 20645, "bene": 20646, "accumulated": 20647, "underestimate": 20648, "shaya": 20649, "outsiders": 20650, "jamb": 20651, "investigated": 20652, "inmates": 20653, "gaultier": 20654, "coal": 20655, "upri": 20656, "stanford": 20657, "runaway": 20658, "rogers": 20659, "randi": 20660, "huts": 20661, "darken": 20662, "chen": 20663, "telltale": 20664, "rates": 20665, "emen": 20666, "dispute": 20667, "wondrous": 20668, "publishing": 20669, "intertwined": 20670, "bedchamber": 20671, "bartholomew": 20672, "barit": 20673, "aisles": 20674, "sans": 20675, "ringed": 20676, "gnar": 20677, "curt": 20678, "bethanne": 20679, "hong": 20680, "bookshelf": 20681, "allig": 20682, "windowsill": 20683, "wlode": 20684, "wlodek": 20685, "tala": 20686, "recipro": 20687, "refilled": 20688, "dormant": 20689, "bombing": 20690, "twee": 20691, "skirted": 20692, "pounced": 20693, "isobel": 20694, "disposition": 20695, "cell": 20696, "broadway": 20697, "border": 20698, "stat": 20699, "reel": 20700, "raoden": 20701, "ragnar": 20702, "mala": 20703, "levard": 20704, "kinder": 20705, "dinah": 20706, "boulevard": 20707, "versed": 20708, "urn": 20709, "tz": 20710, "stripper": 20711, "pervert": 20712, "omni": 20713, "alleys": 20714, "ailia": 20715, "spurred": 20716, "infantry": 20717, "cocks": 20718, "abstract": 20719, "zy": 20720, "updated": 20721, "shrine": 20722, "investigators": 20723, "ignores": 20724, "unload": 20725, "simmering": 20726, "scabbard": 20727, "mimicked": 20728, "mai": 20729, "lounged": 20730, "tabletop": 20731, "sizzled": 20732, "scepti": 20733, "gothic": 20734, "gglers": 20735, "condescending": 20736, "unthinkable": 20737, "inexplicable": 20738, "defenseless": 20739, "brooklyn": 20740, "anson": 20741, "amiss": 20742, "sato": 20743, "reconsider": 20744, "pepper": 20745, "morphed": 20746, "hiram": 20747, "dainty": 20748, "accounted": 20749, "vinny": 20750, "ttles": 20751, "reborn": 20752, "prolonged": 20753, "pleas": 20754, "membership": 20755, "jumbled": 20756, "caresses": 20757, "rueful": 20758, "millennium": 20759, "jumble": 20760, "drizzle": 20761, "antag": 20762, "wagged": 20763, "supermarket": 20764, "realising": 20765, "lani": 20766, "considers": 20767, "cascading": 20768, "vanion": 20769, "sewn": 20770, "scorpion": 20771, "sabin": 20772, "rites": 20773, "regions": 20774, "pensive": 20775, "peac": 20776, "hesitates": 20777, "brimming": 20778, "vio": 20779, "tioned": 20780, "studded": 20781, "neighbours": 20782, "mountain": 20783, "consulting": 20784, "barricade": 20785, "adoption": 20786, "wasteland": 20787, "transpired": 20788, "shank": 20789, "sals": 20790, "prob": 20791, "plucking": 20792, "iraq": 20793, "wrestle": 20794, "tiber": 20795, "peep": 20796, "mang": 20797, "hurtling": 20798, "headaches": 20799, "charade": 20800, "wake": 20801, "wain": 20802, "treachery": 20803, "teammates": 20804, "rangers": 20805, "novak": 20806, "nu": 20807, "hefty": 20808, "elegance": 20809, "diverted": 20810, "clever": 20811, "teeg": 20812, "soiled": 20813, "roni": 20814, "plum": 20815, "oat": 20816, "metaph": 20817, "longsword": 20818, "highlights": 20819, "fiddle": 20820, "feds": 20821, "deputies": 20822, "roommates": 20823, "prue": 20824, "prostitute": 20825, "hash": 20826, "bribe": 20827, "self": 20828, "rugs": 20829, "praised": 20830, "janie": 20831, "hastings": 20832, "drastic": 20833, "croco": 20834, "affectionately": 20835, "noodles": 20836, "magnitude": 20837, "disse": 20838, "axes": 20839, "underestimated": 20840, "tiptoe": 20841, "riyan": 20842, "prickly": 20843, "nonstop": 20844, "faculty": 20845, "eyesight": 20846, "disgruntled": 20847, "disbelieving": 20848, "barns": 20849, "unsuspecting": 20850, "twood": 20851, "roxie": 20852, "rightly": 20853, "relished": 20854, "fiable": 20855, "eer": 20856, "decre": 20857, "bri": 20858, "wielded": 20859, "strategic": 20860, "stellar": 20861, "recited": 20862, "peaked": 20863, "damn": 20864, "baritone": 20865, "tidal": 20866, "ont": 20867, "finer": 20868, "euv": 20869, "elated": 20870, "daun": 20871, "repul": 20872, "provisions": 20873, "nelly": 20874, "homicide": 20875, "300": 20876, "yanks": 20877, "madelyn": 20878, "infinity": 20879, "deity": 20880, "brown": 20881, "okla": 20882, "marcel": 20883, "jel": 20884, "gunned": 20885, "freight": 20886, "eningly": 20887, "eading": 20888, "clogged": 20889, "upturned": 20890, "stressful": 20891, "organizing": 20892, "nai": 20893, "hadge": 20894, "crusa": 20895, "competing": 20896, "channing": 20897, "yon": 20898, "sox": 20899, "precariously": 20900, "berly": 20901, "assumptions": 20902, "talaith": 20903, "plar": 20904, "nasa": 20905, "moreover": 20906, "lukas": 20907, "eful": 20908, "conveyed": 20909, "clattering": 20910, "unk": 20911, "lude": 20912, "lout": 20913, "domenico": 20914, "cons": 20915, "braids": 20916, "blacked": 20917, "advisor": 20918, "peril": 20919, "oppressive": 20920, "noons": 20921, "implant": 20922, "disposed": 20923, "cyclo": 20924, "coded": 20925, "camel": 20926, "ancients": 20927, "uneasiness": 20928, "tolerated": 20929, "thy": 20930, "tch": 20931, "kal": 20932, "brim": 20933, "unleash": 20934, "sweeter": 20935, "siding": 20936, "romans": 20937, "railway": 20938, "obscene": 20939, "bulk": 20940, "blending": 20941, "akiva": 20942, "terminate": 20943, "suicidal": 20944, "shines": 20945, "intercept": 20946, "fanning": 20947, "eun": 20948, "burrowed": 20949, "ashtray": 20950, "they": 20951, "risa": 20952, "digs": 20953, "delusional": 20954, "springing": 20955, "sly": 20956, "inadequate": 20957, "coroner": 20958, "cio": 20959, "violin": 20960, "tahir": 20961, "searches": 20962, "nesses": 20963, "kneeled": 20964, "hometown": 20965, "edgard": 20966, "stef": 20967, "purity": 20968, "darien": 20969, "cide": 20970, "bobb": 20971, "blossomed": 20972, "undergrowth": 20973, "seams": 20974, "pot": 20975, "nemesis": 20976, "miraculous": 20977, "lightened": 20978, "keita": 20979, "esteem": 20980, "ensued": 20981, "commissioner": 20982, "raiders": 20983, "manipulating": 20984, "liai": 20985, "48": 20986, "speeches": 20987, "rine": 20988, "provoke": 20989, "modesty": 20990, "melaina": 20991, "fulfilling": 20992, "devils": 20993, "curry": 20994, "adop": 20995, "torin": 20996, "skyward": 20997, "pronoun": 20998, "nicest": 20999, "macey": 21000, "findings": 21001, "feline": 21002, "eeee": 21003, "cleo": 21004, "capabilities": 21005, "~~": 21006, "oklahoma": 21007, "negli": 21008, "interact": 21009, "cocking": 21010, "removes": 21011, "heartbroken": 21012, "discount": 21013, "conspirat": 21014, "aton": 21015, "saddened": 21016, "sac": 21017, "ploy": 21018, "pixy": 21019, "nuisance": 21020, "esme": 21021, "affirm": 21022, "sickened": 21023, "preliminary": 21024, "muse": 21025, "morales": 21026, "gulls": 21027, "grape": 21028, "eavesdropping": 21029, "disrespect": 21030, "atric": 21031, "afternoons": 21032, "scatter": 21033, "resemble": 21034, "eze": 21035, "dentally": 21036, "communi": 21037, "sweatpants": 21038, "sphinx": 21039, "secondly": 21040, "ghoul": 21041, "finance": 21042, "fis": 21043, "cheesy": 21044, "alluring": 21045, "nipping": 21046, "mirth": 21047, "infectious": 21048, "eko": 21049, "chimes": 21050, "vomiting": 21051, "screws": 21052, "nonexistent": 21053, "indigo": 21054, "insan": 21055, "courier": 21056, "captives": 21057, "blac": 21058, "berlin": 21059, "unite": 21060, "las": 21061, "hosts": 21062, "elec": 21063, "varied": 21064, "sonic": 21065, "receding": 21066, "medal": 21067, "insecure": 21068, "flashlights": 21069, "blanched": 21070, "zig": 21071, "squatting": 21072, "remons": 21073, "purring": 21074, "prohi": 21075, "milord": 21076, "jed": 21077, "anium": 21078, "robed": 21079, "newcomer": 21080, "dialogue": 21081, "tabs": 21082, "perpetr": 21083, "opes": 21084, "dasen": 21085, "assorted": 21086, "wheezing": 21087, "sniffled": 21088, "saurs": 21089, "priorities": 21090, "noir": 21091, "mutt": 21092, "kenton": 21093, "heim": 21094, "entive": 21095, "competit": 21096, "chore": 21097, "anas": 21098, "ues": 21099, "tends": 21100, "relax": 21101, "lorraine": 21102, "dahlia": 21103, "beaches": 21104, "angu": 21105, "99": 21106, "scrolls": 21107, "percen": 21108, "nobility": 21109, "foremost": 21110, "doom": 21111, "velled": 21112, "slamm": 21113, "mayfair": 21114, "hatch": 21115, "demetri": 21116, "blackberry": 21117, "biscuit": 21118, "traditions": 21119, "sharma": 21120, "pel": 21121, "mockery": 21122, "gushing": 21123, "gots": 21124, "comical": 21125, "clamp": 21126, "bingo": 21127, "selene": 21128, "pouting": 21129, "nuns": 21130, "locating": 21131, "intentional": 21132, "foolishness": 21133, "darryl": 21134, "capsu": 21135, "alber": 21136, "seasoned": 21137, "mayhem": 21138, "leisure": 21139, "jerrick": 21140, "ferring": 21141, "embo": 21142, "compressed": 21143, "viane": 21144, "vianez": 21145, "phan": 21146, "onlookers": 21147, "obscen": 21148, "mortar": 21149, "loren": 21150, "heartbreak": 21151, "haggard": 21152, "factors": 21153, "distingui": 21154, "decei": 21155, "creates": 21156, "banshee": 21157, "margo": 21158, "heartily": 21159, "drome": 21160, "directors": 21161, "colon": 21162, "chord": 21163, "silverware": 21164, "shop": 21165, "musician": 21166, "textbook": 21167, "telescope": 21168, "tagged": 21169, "steaks": 21170, "snaking": 21171, "sera": 21172, "maniac": 21173, "fort": 21174, "attentions": 21175, "tract": 21176, "moustache": 21177, "groomed": 21178, "cail": 21179, "beetle": 21180, "witty": 21181, "wyo": 21182, "lamp": 21183, "kaia": 21184, "infr": 21185, "indecision": 21186, "ddings": 21187, "cooks": 21188, "sweets": 21189, "strawberries": 21190, "metcal": 21191, "legion": 21192, "haughty": 21193, "frannie": 21194, "cocaine": 21195, "snag": 21196, "rhyme": 21197, "reproduced": 21198, "pepp": 21199, "orcs": 21200, "bustle": 21201, "venice": 21202, "vale": 21203, "thians": 21204, "then": 21205, "flirtati": 21206, "corset": 21207, "absent": 21208, "wheezed": 21209, "skyscra": 21210, "scrapes": 21211, "mend": 21212, "implication": 21213, "displeased": 21214, "stylish": 21215, "laze": 21216, "descript": 21217, "legions": 21218, "grenades": 21219, "gator": 21220, "departing": 21221, "tect": 21222, "rib": 21223, "moo": 21224, "kirk": 21225, "endeavor": 21226, "reveled": 21227, "provoc": 21228, "protein": 21229, "herded": 21230, "dreary": 21231, "dilated": 21232, "cheerleader": 21233, "ag": 21234, "lectures": 21235, "ferven": 21236, "erich": 21237, "spattered": 21238, "sensiti": 21239, "perceive": 21240, "norton": 21241, "marcy": 21242, "leena": 21243, "ichan": 21244, "eater": 21245, "cuz": 21246, "cascaded": 21247, "whom": 21248, "streaking": 21249, "scorn": 21250, "nerd": 21251, "mmi": 21252, "crutches": 21253, "bathrobe": 21254, "worldwide": 21255, "styles": 21256, "relenting": 21257, "portraits": 21258, "morri": 21259, "metcalfe": 21260, "mccarthy": 21261, "flirted": 21262, "chevy": 21263, "wyoming": 21264, "unlucky": 21265, "kiddo": 21266, "fidel": 21267, "dolores": 21268, "tensi": 21269, "starr": 21270, "poodle": 21271, "eon": 21272, "beforehand": 21273, "assailant": 21274, "asco": 21275, "achy": 21276, "replying": 21277, "pudding": 21278, "kyo": 21279, "hour": 21280, "faking": 21281, "atlas": 21282, "residential": 21283, "mortgage": 21284, "gravelly": 21285, "eous": 21286, "blacks": 21287, "atlantean": 21288, "unity": 21289, "naming": 21290, "mesmerizing": 21291, "lazarus": 21292, "lavina": 21293, "expressing": 21294, "eclipse": 21295, "duval": 21296, "carver": 21297, "spices": 21298, "shit": 21299, "ply": 21300, "optimism": 21301, "misplaced": 21302, "liaison": 21303, "disad": 21304, "vibrator": 21305, "snot": 21306, "preternatural": 21307, "oph": 21308, "odin": 21309, "fuller": 21310, "fluent": 21311, "decorative": 21312, "daneel": 21313, "catapul": 21314, "staffan": 21315, "rehearsed": 21316, "capitali": 21317, "alche": 21318, "rodeo": 21319, "observations": 21320, "julius": 21321, "cascade": 21322, "brack": 21323, "venue": 21324, "unanswered": 21325, "reeked": 21326, "physique": 21327, "likelihood": 21328, "interpretation": 21329, "dunk": 21330, "classy": 21331, "astounded": 21332, "acia": 21333, "waltz": 21334, "shol": 21335, "saturated": 21336, "regaining": 21337, "lyric": 21338, "formality": 21339, "briefest": 21340, "architect": 21341, "naught": 21342, "lipped": 21343, "heartfelt": 21344, "ariana": 21345, "xen": 21346, "voca": 21347, "savagely": 21348, "relishing": 21349, "nighttime": 21350, "ice": 21351, "fairy": 21352, "endur": 21353, "resent": 21354, "ooo": 21355, "mutil": 21356, "lightening": 21357, "inson": 21358, "bouti": 21359, "blizzard": 21360, "anges": 21361, "zee": 21362, "surmised": 21363, "philosophical": 21364, "duff": 21365, "distractions": 21366, "compri": 21367, "sages": 21368, "raff": 21369, "pebble": 21370, "parli": 21371, "orphan": 21372, "nano": 21373, "luxa": 21374, "inated": 21375, "hurl": 21376, "hopper": 21377, "harding": 21378, "eties": 21379, "cub": 21380, "callister": 21381, "tane": 21382, "prodding": 21383, "pseu": 21384, "merge": 21385, "contributed": 21386, "aundy": 21387, "arel": 21388, "ursula": 21389, "tough": 21390, "stocking": 21391, "ourse": 21392, "latte": 21393, "competitive": 21394, "scant": 21395, "promptu": 21396, "havi": 21397, "edie": 21398, "ditched": 21399, "admits": 21400, "walkie": 21401, "spectrum": 21402, "requirements": 21403, "lennox": 21404, "impromptu": 21405, "dangle": 21406, "blessings": 21407, "squashed": 21408, "prized": 21409, "hap": 21410, "dispose": 21411, "bastille": 21412, "barton": 21413, "tyre": 21414, "tread": 21415, "scouting": 21416, "pedestal": 21417, "maroon": 21418, "lition": 21419, "graff": 21420, "beeping": 21421, "agencies": 21422, "wrapper": 21423, "roke": 21424, "retrieving": 21425, "loh": 21426, "hyperventi": 21427, "expansive": 21428, "washes": 21429, "vapor": 21430, "sundown": 21431, "succee": 21432, "knack": 21433, "jj": 21434, "ffer": 21435, "fearsome": 21436, "callu": 21437, "timel": 21438, "orion": 21439, "gnawed": 21440, "footfalls": 21441, "floored": 21442, "conquest": 21443, "alin": 21444, "sorely": 21445, "skid": 21446, "nut": 21447, "nev": 21448, "ix": 21449, "gagging": 21450, "arousing": 21451, "scuffed": 21452, "onion": 21453, "mear": 21454, "inquisitive": 21455, "initiative": 21456, "duration": 21457, "drik": 21458, "doorways": 21459, "wend": 21460, "scampered": 21461, "peril": 21462, "patched": 21463, "opers": 21464, "estates": 21465, "croak": 21466, "adversary": 21467, "unkempt": 21468, "sparking": 21469, "melon": 21470, "juana": 21471, "pep": 21472, "merciful": 21473, "t.a.": 21474, "sloping": 21475, "rubi": 21476, "preference": 21477, "mut": 21478, "kindergar": 21479, "imperative": 21480, "gout": 21481, "etted": 21482, "basti": 21483, "sluggish": 21484, "par": 21485, "methodically": 21486, "inclination": 21487, "etiquette": 21488, "demoi": 21489, "belatedly": 21490, "vich": 21491, "subjected": 21492, "perks": 21493, "headlines": 21494, "excur": 21495, "chime": 21496, "aspirin": 21497, "withdrawing": 21498, "violation": 21499, "vindic": 21500, "unky": 21501, "thereby": 21502, "provides": 21503, "nness": 21504, "metro": 21505, "hex": 21506, "farming": 21507, "exhilarating": 21508, "brimstone": 21509, "authors": 21510, "scripts": 21511, "nightclub": 21512, "initials": 21513, "festivities": 21514, "explodes": 21515, "elephan": 21516, "dictated": 21517, "deple": 21518, "baton": 21519, "aman": 21520, "ruddy": 21521, "perturbed": 21522, "hub": 21523, "galloped": 21524, "commer": 21525, "ap": 21526, "tiring": 21527, "tantalizing": 21528, "superst": 21529, "former": 21530, "erupt": 21531, "daf": 21532, "congr": 21533, "ilers": 21534, "guin": 21535, "gnome": 21536, "financially": 21537, "cushioned": 21538, "conden": 21539, "brin": 21540, "acquie": 21541, "registration": 21542, "lasts": 21543, "hawksworth": 21544, "fox": 21545, "drooping": 21546, "distin": 21547, "bernie": 21548, "versions": 21549, "moose": 21550, "ludicrous": 21551, "gravy": 21552, "galloping": 21553, "famine": 21554, "weight": 21555, "snorting": 21556, "marquis": 21557, "envelopes": 21558, "convulsed": 21559, "carlo": 21560, "automo": 21561, "adoration": 21562, "vinyl": 21563, "unyielding": 21564, "revelations": 21565, "quad": 21566, "mot": 21567, "kahli": 21568, "fluids": 21569, "carrots": 21570, "brodie": 21571, "bam": 21572, "bah": 21573, "vocabulary": 21574, "seichan": 21575, "sants": 21576, "prax": 21577, "mechanics": 21578, "marlene": 21579, "mantel": 21580, "ik": 21581, "fees": 21582, "dope": 21583, "dons": 21584, "asan": 21585, "amended": 21586, "wringing": 21587, "shiloh": 21588, "slin": 21589, "maneuvering": 21590, "forlorn": 21591, "dagdron": 21592, "bentley": 21593, "bella": 21594, "abbie": 21595, "uncover": 21596, "taffy": 21597, "snooping": 21598, "pupil": 21599, "meekly": 21600, "hamburger": 21601, "gulping": 21602, "deen": 21603, "competen": 21604, "terminated": 21605, "lando": 21606, "fragment": 21607, "delec": 21608, "corro": 21609, "comprehensible": 21610, "bine": 21611, "attorneys": 21612, "ape": 21613, "wheeling": 21614, "underfoot": 21615, "suzie": 21616, "steeled": 21617, "rafters": 21618, "kell": 21619, "imprint": 21620, "horati": 21621, "druz": 21622, "conceivable": 21623, "attach": 21624, "unacceptable": 21625, "twine": 21626, "sus": 21627, "reserves": 21628, "queue": 21629, "jamison": 21630, "indiana": 21631, "issy": 21632, "henna": 21633, "extrac": 21634, "curfew": 21635, "woman": 21636, "updates": 21637, "shed": 21638, "nadine": 21639, "miz": 21640, "ground": 21641, "dai": 21642, "blay": 21643, "vetin": 21644, "truman": 21645, "insanely": 21646, "didn": 21647, "artery": 21648, "admonished": 21649, "sser": 21650, "reflections": 21651, "pleasurable": 21652, "lard": 21653, "itate": 21654, "gangs": 21655, "federation": 21656, "druzeel": 21657, "cubs": 21658, "abide": 21659, "valleys": 21660, "trick": 21661, "rinse": 21662, "qued": 21663, "helplessness": 21664, "eamon": 21665, "cringing": 21666, "commerce": 21667, "twentieth": 21668, "swiping": 21669, "payments": 21670, "meadows": 21671, "kae": 21672, "illi": 21673, "formerly": 21674, "fei": 21675, "babble": 21676, "unwavering": 21677, "splo": 21678, "memorize": 21679, "flam": 21680, "death": 21681, "clash": 21682, "chu": 21683, "ya'll": 21684, "vety": 21685, "sorgan": 21686, "overhear": 21687, "literal": 21688, "live": 21689, "forci": 21690, "christians": 21691, "bc": 21692, "rona": 21693, "owes": 21694, "onboard": 21695, "marshmal": 21696, "kered": 21697, "espre": 21698, "endearing": 21699, "d.": 21700, "consort": 21701, "year": 21702, "lam": 21703, "gey": 21704, "endor": 21705, "contemplation": 21706, "cleft": 21707, "sookie": 21708, "replic": 21709, "reliving": 21710, "memorable": 21711, "kow": 21712, "gulps": 21713, "drummer": 21714, "conclude": 21715, "wariness": 21716, "twas": 21717, "overweight": 21718, "oasis": 21719, "lull": 21720, "enqu": 21721, "captivated": 21722, "bobo": 21723, "a'": 21724, "weaponry": 21725, "frau": 21726, "chable": 21727, "begru": 21728, "aided": 21729, "squely": 21730, "roar": 21731, "perci": 21732, "ipad": 21733, "shipment": 21734, "porn": 21735, "ominously": 21736, "glade": 21737, "culpr": 21738, "crickets": 21739, "articu": 21740, "stressing": 21741, "specific": 21742, "solidly": 21743, "skeptically": 21744, "gear": 21745, "edin": 21746, "demoiselle": 21747, "crashes": 21748, "chaol": 21749, "cc": 21750, "witt": 21751, "spur": 21752, "shrewd": 21753, "measure": 21754, "feigning": 21755, "aran": 21756, "swamped": 21757, "coconut": 21758, "announcer": 21759, "yielded": 21760, "sacha": 21761, "knick": 21762, "hoof": 21763, "dolphins": 21764, "defend": 21765, "cleansing": 21766, "caverns": 21767, "abortion": 21768, "represents": 21769, "mcallister": 21770, "galeren": 21771, "aunts": 21772, "unstopp": 21773, "kun": 21774, "invention": 21775, "inspiring": 21776, "extends": 21777, "dogan": 21778, "could": 21779, "char": 21780, "scythe": 21781, "sad": 21782, "overcoat": 21783, "lottery": 21784, "lotion": 21785, "lessened": 21786, "julianne": 21787, "eley": 21788, "spiky": 21789, "slew": 21790, "scathed": 21791, "poses": 21792, "leif": 21793, "lax": 21794, "intervened": 21795, "exams": 21796, "enthralled": 21797, "enclosure": 21798, "deadline": 21799, "complimented": 21800, "canceled": 21801, "bloated": 21802, "alay": 21803, "acrid": 21804, "yos": 21805, "spewing": 21806, "readings": 21807, "infuriating": 21808, "speople": 21809, "rooftops": 21810, "coe": 21811, "centers": 21812, "breakable": 21813, "vomited": 21814, "vin'": 21815, "vetinari": 21816, "trotting": 21817, "territories": 21818, "souven": 21819, "opener": 21820, "oz": 21821, "linoleum": 21822, "cuddle": 21823, "cals": 21824, "bloodlust": 21825, "relying": 21826, "elius": 21827, "confisc": 21828, "clumps": 21829, "2011": 21830, "waver": 21831, "riddled": 21832, "quizzically": 21833, "inland": 21834, "holed": 21835, "experimental": 21836, "billowed": 21837, "swoop": 21838, "mics": 21839, "mist": 21840, "literary": 21841, "amplified": 21842, "wispy": 21843, "toronto": 21844, "ssor": 21845, "stimu": 21846, "locke": 21847, "inquisitor": 21848, "gauntlet": 21849, "antidote": 21850, "wisp": 21851, "vacc": 21852, "richer": 21853, "ogre": 21854, "mercifully": 21855, "greyson": 21856, "foreman": 21857, "flares": 21858, "decapit": 21859, "cauldron": 21860, "buzzer": 21861, "bellow": 21862, "wrinkle": 21863, "rufus": 21864, "rag": 21865, "poems": 21866, "obedient": 21867, "lycan": 21868, "hotly": 21869, "dozing": 21870, "clarify": 21871, "banned": 21872, "unprotected": 21873, "usa": 21874, "sergio": 21875, "sash": 21876, "rudy": 21877, "faceless": 21878, "drab": 21879, "banked": 21880, "bash": 21881, "aloof": 21882, "agreeable": 21883, "ao": 21884, "vicar": 21885, "sybil": 21886, "smudged": 21887, "lobster": 21888, "jeopardi": 21889, "extri": 21890, "doubting": 21891, "cultures": 21892, "busied": 21893, "tism": 21894, "printer": 21895, "kirnoff": 21896, "indignantly": 21897, "dum": 21898, "beef": 21899, "wriggling": 21900, "tangles": 21901, "radius": 21902, "periodically": 21903, "decked": 21904, "dye": 21905, "brynn": 21906, "vikirnoff": 21907, "tryin": 21908, "teac": 21909, "nuzzling": 21910, "filtering": 21911, "fervently": 21912, "chauffeur": 21913, "tethered": 21914, "gentry": 21915, "dealers": 21916, "cacop": 21917, "burton": 21918, "apprenti": 21919, "taper": 21920, "persuasion": 21921, "munro": 21922, "menus": 21923, "borough": 21924, "46": 21925, "tripp": 21926, "scolding": 21927, "riva": 21928, "nibble": 21929, "kaya": 21930, "henderson": 21931, "chain": 21932, "tatives": 21933, "sium": 21934, "representing": 21935, "pedestrians": 21936, "mediterran": 21937, "jawline": 21938, "harkat": 21939, "halves": 21940, "gawking": 21941, "eming": 21942, "disgrace": 21943, "claps": 21944, "vael": 21945, "unravel": 21946, "regiment": 21947, "fable": 21948, "dully": 21949, "volatile": 21950, "oak": 21951, "maddening": 21952, "fronts": 21953, "descendants": 21954, "currency": 21955, "acqui": 21956, "siah": 21957, "shen": 21958, "micha": 21959, "marlin": 21960, "egg": 21961, "ashlyn": 21962, "arkadin": 21963, "stop": 21964, "richardson": 21965, "representatives": 21966, "opaque": 21967, "hhhh": 21968, "geek": 21969, "cassiop": 21970, "recess": 21971, "percival": 21972, "keel": 21973, "igor": 21974, "ensla": 21975, "douche": 21976, "detector": 21977, "arsenal": 21978, "shackles": 21979, "onial": 21980, "nobby": 21981, "newton": 21982, "marianne": 21983, "flyer": 21984, "waning": 21985, "southeast": 21986, "probability": 21987, "mellow": 21988, "little": 21989, "iliff": 21990, "hurling": 21991, "hastened": 21992, "grasses": 21993, "contribute": 21994, "australian": 21995, "thornton": 21996, "pitching": 21997, "joyful": 21998, "eme": 21999, "swim": 22000, "stagger": 22001, "rodney": 22002, "pox": 22003, "occurring": 22004, "mediterranean": 22005, "gunman": 22006, "banking": 22007, "vividly": 22008, "unscathed": 22009, "intrigue": 22010, "impaled": 22011, "entranced": 22012, "elongated": 22013, "discharged": 22014, "sexiest": 22015, "ripred": 22016, "persuasive": 22017, "lashonda": 22018, "wilder": 22019, "tux": 22020, "snarls": 22021, "narrows": 22022, "minate": 22023, "lanni": 22024, "folders": 22025, "envious": 22026, "deceived": 22027, "slows": 22028, "mead": 22029, "insert": 22030, "havily": 22031, "fel": 22032, "decaying": 22033, "bricker": 22034, "anna": 22035, "ablaze": 22036, "simplicity": 22037, "rockets": 22038, "oregon": 22039, "lect": 22040, "jr.": 22041, "investments": 22042, "concession": 22043, "celine": 22044, "wess": 22045, "thru": 22046, "sophomore": 22047, "professionally": 22048, "palmed": 22049, "inherit": 22050, "humorous": 22051, "graying": 22052, "dem": 22053, "animo": 22054, "angell": 22055, "traitors": 22056, "surly": 22057, "invaders": 22058, "has": 22059, "extravagant": 22060, "cherish": 22061, "starters": 22062, "shun": 22063, "puck": 22064, "permeated": 22065, "intermit": 22066, "getaway": 22067, "digest": 22068, "christiana": 22069, "allevi": 22070, "ym": 22071, "vius": 22072, "sced": 22073, "reek": 22074, "peas": 22075, "mble": 22076, "grieve": 22077, "coer": 22078, "sleev": 22079, "foolishly": 22080, "defied": 22081, "cordelia": 22082, "athens": 22083, "utensi": 22084, "stevens": 22085, "shelley": 22086, "hardening": 22087, "forte": 22088, "artil": 22089, "walnut": 22090, "teacup": 22091, "tawny": 22092, "spires": 22093, "soraya": 22094, "sexuality": 22095, "sedai": 22096, "nella": 22097, "hellish": 22098, "greenish": 22099, "wh": 22100, "prickling": 22101, "pastry": 22102, "hilda": 22103, "englishman": 22104, "assessed": 22105, "analo": 22106, "adolescent": 22107, "simmons": 22108, "gwenvael": 22109, "galactic": 22110, "warthrop": 22111, "seeker": 22112, "mily": 22113, "inflict": 22114, "graffiti": 22115, "enri": 22116, "einstein": 22117, "cubes": 22118, "crowned": 22119, "conflicted": 22120, "zin": 22121, "unemp": 22122, "sleeveless": 22123, "relaxation": 22124, "interpreted": 22125, "hummer": 22126, "hailed": 22127, "dulled": 22128, "thicket": 22129, "recesses": 22130, "maw": 22131, "joyce": 22132, "admirable": 22133, "thetra": 22134, "stereo": 22135, "overtime": 22136, "inc.": 22137, "ffa": 22138, "elephants": 22139, "disem": 22140, "seventi": 22141, "slunk": 22142, "parched": 22143, "packets": 22144, "neighbour": 22145, "iel": 22146, "\u00ad\u00ad\u00ad\u00ad": 22147, "wrai": 22148, "veranda": 22149, "undered": 22150, "inal": 22151, "igh": 22152, "ede": 22153, "anging": 22154, "amne": 22155, "tirade": 22156, "rigged": 22157, "persian": 22158, "kristin": 22159, "jostled": 22160, "jokingly": 22161, "inconvenient": 22162, "huskily": 22163, "ghtily": 22164, "fundamental": 22165, "chaise": 22166, "bodo": 22167, "bell": 22168, "stimul": 22169, "stor": 22170, "metro": 22171, "aft": 22172, "separately": 22173, "selah": 22174, "sansa": 22175, "prettier": 22176, "omination": 22177, "omen": 22178, "kindred": 22179, "dauntless": 22180, "cli": 22181, "chattered": 22182, "telekine": 22183, "sister": 22184, "rasping": 22185, "professionals": 22186, "prickle": 22187, "belliger": 22188, "vito": 22189, "pulses": 22190, "platoon": 22191, "orbs": 22192, "mushroom": 22193, "liath": 22194, "faeries": 22195, "canine": 22196, "rosalind": 22197, "rations": 22198, "inquire": 22199, "iors": 22200, "gandal": 22201, "dus": 22202, "crank": 22203, "cecilia": 22204, "anship": 22205, "prospects": 22206, "monument": 22207, "kiera": 22208, "deranged": 22209, "ulting": 22210, "repriman": 22211, "rationally": 22212, "rasp": 22213, "monarch": 22214, "invest": 22215, "intelligible": 22216, "enterprise": 22217, "edinburgh": 22218, "bladder": 22219, "atee": 22220, "administrator": 22221, "au": 22222, "lawns": 22223, "intellect": 22224, "inferior": 22225, "insol": 22226, "fingering": 22227, "alibi": 22228, "squeaky": 22229, "pea": 22230, "hostages": 22231, "arez": 22232, "scot": 22233, "powerfully": 22234, "maester": 22235, "kite": 22236, "kir": 22237, "dismal": 22238, "crevice": 22239, "chords": 22240, "ape": 22241, "rev": 22242, "rapi": 22243, "offending": 22244, "oatmeal": 22245, "fronted": 22246, "downwards": 22247, "scuttled": 22248, "rejoined": 22249, "morality": 22250, "gren": 22251, "gandalf": 22252, "entrances": 22253, "ensured": 22254, "defendant": 22255, "spear": 22256, "sidelong": 22257, "owens": 22258, "nosed": 22259, "lumbered": 22260, "bulger": 22261, "samp": 22262, "pulsating": 22263, "numbly": 22264, "monstro": 22265, "mehi": 22266, "indulged": 22267, "erings": 22268, "cular": 22269, "agonized": 22270, "aded": 22271, "welsh": 22272, "perceptive": 22273, "kinky": 22274, "inexperienced": 22275, "handcuffed": 22276, "handi": 22277, "dock": 22278, "conditioned": 22279, "corey": 22280, "berger": 22281, "well": 22282, "shness": 22283, "respite": 22284, "jameson": 22285, "gordy": 22286, "geome": 22287, "commanders": 22288, "bam": 22289, "tonic": 22290, "peasants": 22291, "disregard": 22292, "distances": 22293, "confide": 22294, "commonly": 22295, "cinct": 22296, "writings": 22297, "upbringing": 22298, "trusts": 22299, "shing": 22300, "norian": 22301, "necroman": 22302, "kio": 22303, "horren": 22304, "f.": 22305, "batter": 22306, "type": 22307, "tants": 22308, "switzer": 22309, "specifics": 22310, "specter": 22311, "skill": 22312, "rectangle": 22313, "quarterback": 22314, "quoted": 22315, "hallucination": 22316, "explorer": 22317, "craft": 22318, "blair": 22319, "switzerland": 22320, "shadowhunters": 22321, "setts": 22322, "moor": 22323, "intercepted": 22324, "gaia": 22325, "frei": 22326, "elroy": 22327, "75": 22328, "zak": 22329, "thorough": 22330, "teg": 22331, "suspension": 22332, "smudge": 22333, "obi": 22334, "maturity": 22335, "jd": 22336, "healers": 22337, "chast": 22338, "tart": 22339, "ridicu": 22340, "pursuers": 22341, "omaha": 22342, "misfortune": 22343, "jaimie": 22344, "freddie": 22345, "distrac": 22346, "clink": 22347, "tas": 22348, "bridesma": 22349, "analyzing": 22350, "ayden": 22351, "underbrush": 22352, "tablets": 22353, "pulp": 22354, "eccentric": 22355, "cosmic": 22356, "massachu": 22357, "keyed": 22358, "istic": 22359, "flopping": 22360, "earpiece": 22361, "diameter": 22362, "dstrom": 22363, "coughs": 22364, "convoy": 22365, "animosity": 22366, "unimportant": 22367, "stave": 22368, "simplest": 22369, "rhodes": 22370, "goddam": 22371, "crisp": 22372, "bub": 22373, "barbarian": 22374, "arctic": 22375, "aeri": 22376, "vatican": 22377, "reflective": 22378, "mails": 22379, "levet": 22380, "guffa": 22381, "falter": 22382, "cowboys": 22383, "baldwin": 22384, "speared": 22385, "sketches": 22386, "skating": 22387, "scaled": 22388, "pricks": 22389, "ningly": 22390, "mosqu": 22391, "markers": 22392, "macho": 22393, "liberal": 22394, "leila": 22395, "jc": 22396, "herds": 22397, "goddammit": 22398, "glamorous": 22399, "compati": 22400, "ckin": 22401, "cackled": 22402, "buggy": 22403, "waitre": 22404, "tyrant": 22405, "shaping": 22406, "regin": 22407, "outstanding": 22408, "nae": 22409, "gallon": 22410, "faults": 22411, "espresso": 22412, "cuddy": 22413, "contro": 22414, "buddha": 22415, "albu": 22416, "\u00a8c": 22417, "zardly": 22418, "us": 22419, "servic": 22420, "recon": 22421, "oranges": 22422, "meticulously": 22423, "glenda": 22424, "folio": 22425, "exclusively": 22426, "discharge": 22427, "desk": 22428, "solutions": 22429, "removal": 22430, "midsection": 22431, "fol": 22432, "coup": 22433, "reit": 22434, "massachusetts": 22435, "lottie": 22436, "emptying": 22437, "diaper": 22438, "descriptions": 22439, "crested": 22440, "conflicting": 22441, "athlete": 22442, "aggressively": 22443, "wages": 22444, "radical": 22445, "narrative": 22446, "inquiries": 22447, "griff": 22448, "arte": 22449, "victorious": 22450, "shy": 22451, "perky": 22452, "petting": 22453, "musky": 22454, "mud": 22455, "farrell": 22456, "eds": 22457, "davy": 22458, "coura": 22459, "celestial": 22460, "cate": 22461, "unstoppable": 22462, "tram": 22463, "meaty": 22464, "mamma": 22465, "galloran": 22466, "det": 22467, "constitution": 22468, "tuna": 22469, "nita": 22470, "informing": 22471, "coordinated": 22472, "2nd": 22473, "quitting": 22474, "hologram": 22475, "gladys": 22476, "bod": 22477, "arias": 22478, "titled": 22479, "payton": 22480, "happen": 22481, "forman": 22482, "believable": 22483, "banister": 22484, "steamed": 22485, "shudders": 22486, "seizure": 22487, "pigeons": 22488, "jennie": 22489, "freezes": 22490, "bustled": 22491, "aga": 22492, "tantrum": 22493, "superficial": 22494, "starvation": 22495, "phas": 22496, "jagger": 22497, "dilapi": 22498, "buyer": 22499, "barest": 22500, "thier": 22501, "nos": 22502, "ghost": 22503, "weakening": 22504, "vehemently": 22505, "streetlights": 22506, "squeaking": 22507, "skidding": 22508, "sewer": 22509, "religions": 22510, "park": 22511, "kaldar": 22512, "escorting": 22513, "tutor": 22514, "sities": 22515, "pious": 22516, "pew": 22517, "misin": 22518, "leftovers": 22519, "icable": 22520, "garb": 22521, "buckling": 22522, "awaits": 22523, "ato": 22524, "cile": 22525, "atti": 22526, "repercu": 22527, "relive": 22528, "firewood": 22529, "elaina": 22530, "elen": 22531, "doubtless": 22532, "conve": 22533, "bordering": 22534, "bill": 22535, "viable": 22536, "reviews": 22537, "researching": 22538, "qual": 22539, "publisher": 22540, "phineas": 22541, "medu": 22542, "dilu": 22543, "accomplishment": 22544, "vivienne": 22545, "trap": 22546, "spawn": 22547, "seventies": 22548, "mademoiselle": 22549, "hugh": 22550, "cuth": 22551, "chaper": 22552, "afterthought": 22553, "achable": 22554, "spoon": 22555, "robotic": 22556, "resili": 22557, "memo": 22558, "lumpy": 22559, "grad": 22560, "drowsy": 22561, "cuddling": 22562, "blasp": 22563, "artillery": 22564, "acknowledgement": 22565, "vip": 22566, "vacated": 22567, "trajec": 22568, "singed": 22569, "sabotage": 22570, "paddington": 22571, "overcast": 22572, "morals": 22573, "fertile": 22574, "cture": 22575, "cingly": 22576, "anatomy": 22577, "twining": 22578, "stro": 22579, "smit": 22580, "satisfactory": 22581, "peace": 22582, "earthly": 22583, "convert": 22584, "banners": 22585, "touchy": 22586, "shana": 22587, "jody": 22588, "steamy": 22589, "rogues": 22590, "n'": 22591, "minho": 22592, "lati": 22593, "eph": 22594, "drellic": 22595, "developments": 22596, "columbia": 22597, "acoly": 22598, "unloading": 22599, "riches": 22600, "render": 22601, "prim": 22602, "kingsley": 22603, "hooker": 22604, "greene": 22605, "daimon": 22606, "concede": 22607, "conceive": 22608, "audibly": 22609, "antiqu": 22610, "wharf": 22611, "ttable": 22612, "thaddeus": 22613, "superiority": 22614, "sleepless": 22615, "resounding": 22616, "remedy": 22617, "quantity": 22618, "oars": 22619, "fart": 22620, "exceedingly": 22621, "ascension": 22622, "aes": 22623, "sourly": 22624, "opul": 22625, "nac": 22626, "labels": 22627, "inspire": 22628, "isis": 22629, "cruising": 22630, "connell": 22631, "casing": 22632, "avenge": 22633, "trolley": 22634, "inna": 22635, "hanged": 22636, "georgianna": 22637, "fleshy": 22638, "eris": 22639, "assholes": 22640, "vittor": 22641, "titus": 22642, "rauc": 22643, "pollu": 22644, "pe\u00f1a": 22645, "oblige": 22646, "incapac": 22647, "historian": 22648, "floats": 22649, "eine": 22650, "dehydr": 22651, "caretaker": 22652, "suspense": 22653, "startle": 22654, "potter": 22655, "dentist": 22656, "dand": 22657, "worshipped": 22658, "lateral": 22659, "kilt": 22660, "invitations": 22661, "insati": 22662, "gans": 22663, "yeh": 22664, "trudy": 22665, "tribute": 22666, "switch": 22667, "sterone": 22668, "spasms": 22669, "singular": 22670, "sensitivity": 22671, "rouse": 22672, "percentage": 22673, "execution": 22674, "disagreement": 22675, "bleary": 22676, "avi": 22677, "wrist": 22678, "fate": 22679, "dormit": 22680, "cori": 22681, "consultant": 22682, "cious": 22683, "believer": 22684, "regent": 22685, "prodi": 22686, "owning": 22687, "mesa": 22688, "lism": 22689, "footed": 22690, "covenant": 22691, "testo": 22692, "taries": 22693, "stra": 22694, "sorta": 22695, "quizzical": 22696, "prophecies": 22697, "profoun": 22698, "myths": 22699, "liers": 22700, "gains": 22701, "emin": 22702, "disney": 22703, "conditioner": 22704, "affects": 22705, "spru": 22706, "snatches": 22707, "smith": 22708, "resided": 22709, "flaps": 22710, "delectable": 22711, "danica": 22712, "daft": 22713, "carve": 22714, "omar": 22715, "mush": 22716, "kneading": 22717, "infested": 22718, "injustice": 22719, "eligible": 22720, "clinical": 22721, "sugar": 22722, "portia": 22723, "patterned": 22724, "lessen": 22725, "earring": 22726, "coping": 22727, "adic": 22728, "rabbi": 22729, "lightw": 22730, "donuts": 22731, "deciph": 22732, "cole": 22733, "cas": 22734, "tuning": 22735, "strengthened": 22736, "spell": 22737, "smer": 22738, "pomp": 22739, "neur": 22740, "kai": 22741, "cannons": 22742, "avalanche": 22743, "allow": 22744, "syndrome": 22745, "regulations": 22746, "playboy": 22747, "loaf": 22748, "kindergarten": 22749, "forcibly": 22750, "elan": 22751, "chiefs": 22752, "blatantly": 22753, "administrative": 22754, "washcloth": 22755, "rods": 22756, "maximilian": 22757, "enduring": 22758, "colonial": 22759, "airy": 22760, "whomever": 22761, "thro": 22762, "takin": 22763, "tainside": 22764, "savanna": 22765, "petra": 22766, "handiwork": 22767, "grieved": 22768, "docking": 22769, "dany": 22770, "crat": 22771, "tarian": 22772, "overalls": 22773, "mpet": 22774, "mountainside": 22775, "lio": 22776, "lange": 22777, "gritty": 22778, "fintan": 22779, "diction": 22780, "careers": 22781, "bryant": 22782, "archangel": 22783, "yota": 22784, "sidestepped": 22785, "rhiannon": 22786, "renegade": 22787, "rebellious": 22788, "pater": 22789, "obligations": 22790, "natured": 22791, "leggings": 22792, "judice": 22793, "itchy": 22794, "hollis": 22795, "entire": 22796, "counseling": 22797, "contemporary": 22798, "commune": 22799, "brazil": 22800, "andi": 22801, "testosterone": 22802, "silhouetted": 22803, "sifted": 22804, "probable": 22805, "defenders": 22806, "chamber": 22807, "bloodshed": 22808, "armstrong": 22809, "wildlife": 22810, "wafting": 22811, "theran": 22812, "ssia": 22813, "semi": 22814, "sami": 22815, "sled": 22816, "petro": 22817, "owing": 22818, "leo": 22819, "judgement": 22820, "initiate": 22821, "crutch": 22822, "unspea": 22823, "sover": 22824, "prejudice": 22825, "nondescript": 22826, "mermaid": 22827, "innate": 22828, "forfe": 22829, "decorate": 22830, "charger": 22831, "breached": 22832, "valentina": 22833, "shrunk": 22834, "jayson": 22835, "illino": 22836, "bosses": 22837, "neglect": 22838, "innkeeper": 22839, "ignite": 22840, "dilapidated": 22841, "coax": 22842, "ceremoniously": 22843, "arman": 22844, "unlocking": 22845, "personalities": 22846, "jeopardy": 22847, "inver": 22848, "impassi": 22849, "illinois": 22850, "dardan": 22851, "castles": 22852, "narasan": 22853, "influenced": 22854, "dial": 22855, "conducting": 22856, "claus": 22857, "4th": 22858, "swells": 22859, "ribcage": 22860, "outpost": 22861, "mingle": 22862, "larity": 22863, "hawthorne": 22864, "halation": 22865, "floods": 22866, "spelling": 22867, "semble": 22868, "scholars": 22869, "muslim": 22870, "marriages": 22871, "endurance": 22872, "enabled": 22873, "block": 22874, "teagan": 22875, "squirrels": 22876, "reunited": 22877, "prescott": 22878, "pos": 22879, "entirety": 22880, "cosme": 22881, "weddings": 22882, "tez": 22883, "specialized": 22884, "rumored": 22885, "raleigh": 22886, "rhin": 22887, "propag": 22888, "plen": 22889, "monotone": 22890, "loathed": 22891, "lili": 22892, "gardening": 22893, "git": 22894, "fondness": 22895, "equals": 22896, "conge": 22897, "carpenter": 22898, "tiers": 22899, "rafferty": 22900, "istically": 22901, "intoxicated": 22902, "embank": 22903, "dumbass": 22904, "clusters": 22905, "technicians": 22906, "possessing": 22907, "matthews": 22908, "keenly": 22909, "circulation": 22910, "bea": 22911, "wax": 22912, "shedding": 22913, "kendrick": 22914, "hyper": 22915, "grumble": 22916, "exclaims": 22917, "destroyer": 22918, "bloodstream": 22919, "sentries": 22920, "schedules": 22921, "projection": 22922, "ith": 22923, "heroin": 22924, "criticism": 22925, "catastrophe": 22926, "blythe": 22927, "trixi": 22928, "sinful": 22929, "slater": 22930, "pilgri": 22931, "incin": 22932, "dette": 22933, "cato": 22934, "unab": 22935, "talen": 22936, "spewed": 22937, "mett": 22938, "hollie": 22939, "devised": 22940, "contribution": 22941, "chili": 22942, "socially": 22943, "sentenced": 22944, "ridley": 22945, "organizations": 22946, "dayan": 22947, "cezar": 22948, "acies": 22949, "rado": 22950, "malin": 22951, "euphoria": 22952, "cacophony": 22953, "unforgiving": 22954, "ulath": 22955, "traders": 22956, "intest": 22957, "implo": 22958, "composition": 22959, "chastised": 22960, "2.": 22961, "ttling": 22962, "tiredly": 22963, "sundress": 22964, "saddled": 22965, "livestock": 22966, "kyrah": 22967, "jamaica": 22968, "install": 22969, "firin": 22970, "disarray": 22971, "characteristics": 22972, "categor": 22973, "waiters": 22974, "submitted": 22975, "strongh": 22976, "sixteenth": 22977, "readying": 22978, "parka": 22979, "laney": 22980, "elma": 22981, "cooperative": 22982, "brood": 22983, "zarek": 22984, "realities": 22985, "reef": 22986, "phillips": 22987, "madeleine": 22988, "kali": 22989, "jasnah": 22990, "hundredth": 22991, "fudge": 22992, "elic": 22993, "dwarfs": 22994, "windy": 22995, "soverei": 22996, "moff": 22997, "impeccable": 22998, "izz": 22999, "contacting": 23000, "stumbles": 23001, "smitten": 23002, "shirt": 23003, "quel": 23004, "plow": 23005, "limitations": 23006, "joker": 23007, "hedges": 23008, "factions": 23009, "diment": 23010, "bluish": 23011, "siris": 23012, "sig": 23013, "sifting": 23014, "seductively": 23015, "panes": 23016, "lofty": 23017, "haphazardly": 23018, "hammock": 23019, "butch": 23020, "sums": 23021, "sentient": 23022, "mournful": 23023, "gutted": 23024, "fris": 23025, "contours": 23026, "unpacked": 23027, "spoons": 23028, "nylon": 23029, "notified": 23030, "cola": 23031, "binder": 23032, "cowered": 23033, "amends": 23034, "adventurous": 23035, "unimaginable": 23036, "upper": 23037, "strengthen": 23038, "stevie": 23039, "sofas": 23040, "lime": 23041, "insatiable": 23042, "goatee": 23043, "encry": 23044, "digits": 23045, "creases": 23046, "carlotta": 23047, "tians": 23048, "stutter": 23049, "spiraled": 23050, "snore": 23051, "mically": 23052, "magni": 23053, "jun": 23054, "imprisonment": 23055, "endang": 23056, "boon": 23057, "bellowing": 23058, "yang": 23059, "unhooked": 23060, "patrolling": 23061, "lovel": 23062, "hana": 23063, "claustrophobic": 23064, "alcide": 23065, "windsor": 23066, "similarities": 23067, "ravens": 23068, "hammers": 23069, "delirious": 23070, "deur": 23071, "components": 23072, "camilla": 23073, "bestowed": 23074, "asylum": 23075, "asi": 23076, "zia": 23077, "pallet": 23078, "monition": 23079, "mmate": 23080, "madge": 23081, "hurtled": 23082, "energetic": 23083, "dismay": 23084, "cap'n": 23085, "brax": 23086, "attracting": 23087, "touch": 23088, "roslyn": 23089, "oiled": 23090, "neighbour": 23091, "incomprehensible": 23092, "clenches": 23093, "cael": 23094, "brazen": 23095, "brou": 23096, "astro": 23097, "tumul": 23098, "treasured": 23099, "statistics": 23100, "mussed": 23101, "lawsuit": 23102, "laurie": 23103, "identifying": 23104, "depicted": 23105, "abduction": 23106, "syd": 23107, "indefinitely": 23108, "briefed": 23109, "beady": 23110, "altering": 23111, "sariana": 23112, "owa": 23113, "genie": 23114, "foes": 23115, "spel": 23116, "sod": 23117, "smartest": 23118, "scribbling": 23119, "resolutely": 23120, "props": 23121, "mba": 23122, "mailing": 23123, "bber": 23124, "yen": 23125, "this": 23126, "shrap": 23127, "renaissance": 23128, "rating": 23129, "purchases": 23130, "graphi": 23131, "divert": 23132, "transaction": 23133, "tablecloth": 23134, "tza": 23135, "roadside": 23136, "rien": 23137, "repercussions": 23138, "printing": 23139, "paycheck": 23140, "lettu": 23141, "gallows": 23142, "folk": 23143, "cinder": 23144, "apparition": 23145, "aki": 23146, "twis": 23147, "sim": 23148, "reined": 23149, "moffat": 23150, "kadan": 23151, "helpfully": 23152, "christie": 23153, "bugging": 23154, "breadth": 23155, "aggravated": 23156, "acco": 23157, "razvan": 23158, "mikael": 23159, "marek": 23160, "luca": 23161, "jaimy": 23162, "howie": 23163, "his": 23164, "harpy": 23165, "furs": 23166, "dragos": 23167, "cliffe": 23168, "abel": 23169, "uncaring": 23170, "thickness": 23171, "signi": 23172, "orchi": 23173, "obligated": 23174, "moor": 23175, "leathery": 23176, "garde": 23177, "creations": 23178, "competence": 23179, "agape": 23180, "achievement": 23181, "rox": 23182, "regulars": 23183, "ratty": 23184, "rampant": 23185, "lack": 23186, "kew": 23187, "chlight": 23188, "bial": 23189, "scrutinized": 23190, "reclaim": 23191, "esthe": 23192, "dris": 23193, "degra": 23194, "daydream": 23195, "ture": 23196, "skate": 23197, "occupying": 23198, "milos": 23199, "leona": 23200, "headlong": 23201, "guiltily": 23202, "desktop": 23203, "awards": 23204, "95": 23205, "tching": 23206, "scule": 23207, "santino": 23208, "reveling": 23209, "plaque": 23210, "parish": 23211, "minimi": 23212, "minion": 23213, "loretta": 23214, "infused": 23215, "dampened": 23216, "crossroads": 23217, "ceremonial": 23218, "carriages": 23219, "banish": 23220, "65": 23221, "wench": 23222, "wales": 23223, "slumping": 23224, "settee": 23225, "onis": 23226, "ocks": 23227, "nutr": 23228, "lt": 23229, "kifirin": 23230, "invari": 23231, "hra": 23232, "cactus": 23233, "andr": 23234, "succumb": 23235, "overdrive": 23236, "mercilessly": 23237, "immature": 23238, "flouri": 23239, "contraption": 23240, "articulate": 23241, "arden": 23242, "yi": 23243, "shuttered": 23244, "recu": 23245, "laila": 23246, "jas": 23247, "fairness": 23248, "distinction": 23249, "busines": 23250, "adap": 23251, "titious": 23252, "shawna": 23253, "masqu": 23254, "este": 23255, "energi": 23256, "detour": 23257, "betrothed": 23258, "subside": 23259, "shrapnel": 23260, "producer": 23261, "pamela": 23262, "managers": 23263, "machete": 23264, "lodging": 23265, "liability": 23266, "jal": 23267, "h.": 23268, "fool": 23269, "endear": 23270, "carri": 23271, "bobbi": 23272, "anguished": 23273, "ambler": 23274, "witchcraft": 23275, "robyn": 23276, "mech": 23277, "kitai": 23278, "handedly": 23279, "fullness": 23280, "broker": 23281, "wers": 23282, "tormenting": 23283, "prudent": 23284, "profoundly": 23285, "overload": 23286, "improving": 23287, "io": 23288, "emmett": 23289, "elk": 23290, "eus": 23291, "egar": 23292, "cheeky": 23293, "weighted": 23294, "straightens": 23295, "natures": 23296, "amp": 23297, "warranted": 23298, "vampane": 23299, "vampaneze": 23300, "treatments": 23301, "torus": 23302, "tach": 23303, "poetic": 23304, "pleasantries": 23305, "nek": 23306, "hermit": 23307, "hallie": 23308, "ggedly": 23309, "eardrums": 23310, "doused": 23311, "distribution": 23312, "dismayed": 23313, "detection": 23314, "deflect": 23315, "bode": 23316, "barrica": 23317, "alleged": 23318, "affirmative": 23319, "renowned": 23320, "prompting": 23321, "omel": 23322, "medusa": 23323, "lasag": 23324, "gaze": 23325, "flooring": 23326, "dro": 23327, "tem": 23328, "symphony": 23329, "spank": 23330, "seller": 23331, "revved": 23332, "plight": 23333, "foreseen": 23334, "congratulate": 23335, "battalion": 23336, "baths": 23337, "arbit": 23338, "57": 23339, "vials": 23340, "unoff": 23341, "slithering": 23342, "septic": 23343, "prompt": 23344, "politeness": 23345, "nineteenth": 23346, "merchandise": 23347, "encrusted": 23348, "chute": 23349, "captivity": 23350, "breed": 23351, "toothy": 23352, "tomb": 23353, "supple": 23354, "submarine": 23355, "stas": 23356, "scalding": 23357, "moonlit": 23358, "eradic": 23359, "candice": 23360, "append": 23361, "amun": 23362, "verbally": 23363, "unborn": 23364, "ttes": 23365, "trashed": 23366, "shafts": 23367, "preceded": 23368, "marveling": 23369, "leonardo": 23370, "imply": 23371, "hecate": 23372, "evade": 23373, "edden": 23374, "draping": 23375, "communities": 23376, "chemists": 23377, "yaeko": 23378, "talk": 23379, "surreptitiously": 23380, "parcel": 23381, "harp": 23382, "cellu": 23383, "voluntarily": 23384, "peephole": 23385, "manufactured": 23386, "geo": 23387, "forgave": 23388, "edna": 23389, "drug": 23390, "desari": 23391, "allergic": 23392, "uneventful": 23393, "sputtering": 23394, "reflexi": 23395, "incessant": 23396, "gwendolyn": 23397, "edible": 23398, "thening": 23399, "staked": 23400, "slyly": 23401, "residual": 23402, "lidded": 23403, "ethics": 23404, "ehlana": 23405, "beldin": 23406, "baird": 23407, "sorceress": 23408, "reflexively": 23409, "preferring": 23410, "mccoy": 23411, "greenhouse": 23412, "greeks": 23413, "emphasize": 23414, "divin": 23415, "declaring": 23416, "teddie": 23417, "stately": 23418, "ryu": 23419, "presidential": 23420, "chocolates": 23421, "brutality": 23422, "broa": 23423, "adapt": 23424, "unbuckled": 23425, "rundown": 23426, "omous": 23427, "masquer": 23428, "correspondence": 23429, "characteristically": 23430, "xx": 23431, "wrong": 23432, "unfriendly": 23433, "sundays": 23434, "rotation": 23435, "jest": 23436, "gwa": 23437, "downfall": 23438, "dominate": 23439, "dictate": 23440, "depot": 23441, "accents": 23442, "49": 23443, "tul": 23444, "skid": 23445, "sag": 23446, "marrok": 23447, "loped": 23448, "keypad": 23449, "itis": 23450, "incoherent": 23451, "gleefully": 23452, "distractedly": 23453, "derry": 23454, "controller": 23455, "club": 23456, "ulating": 23457, "swivel": 23458, "sodden": 23459, "redding": 23460, "mairin": 23461, "identities": 23462, "evvie": 23463, "eshe": 23464, "stag": 23465, "reviewing": 23466, "immobi": 23467, "groove": 23468, "corrupted": 23469, "calmness": 23470, "warns": 23471, "timi": 23472, "stubbornness": 23473, "stings": 23474, "openings": 23475, "obsessive": 23476, "nike": 23477, "fisher": 23478, "eloise": 23479, "distantly": 23480, "darkling": 23481, "booty": 23482, "barreling": 23483, "worriedly": 23484, "summary": 23485, "na\u00ef": 23486, "nellie": 23487, "mustard": 23488, "mptuous": 23489, "manda": 23490, "honors": 23491, "arie": 23492, "trapdoor": 23493, "nigh": 23494, "mella": 23495, "margin": 23496, "embankment": 23497, "cheon": 23498, "caldwell": 23499, "authoritative": 23500, "wrinkling": 23501, "venus": 23502, "teach": 23503, "recoil": 23504, "prowess": 23505, "lurching": 23506, "feisty": 23507, "fford": 23508, "expli": 23509, "drax": 23510, "dmitri": 23511, "cc": 23512, "abusive": 23513, "absentmindedly": 23514, "wobbling": 23515, "slats": 23516, "skil": 23517, "ronald": 23518, "rhyl": 23519, "revolving": 23520, "ouri": 23521, "mimicking": 23522, "longingly": 23523, "kimberly": 23524, "internally": 23525, "godric": 23526, "gencies": 23527, "confronting": 23528, "coils": 23529, "cidra": 23530, "banded": 23531, "rhyllann": 23532, "resolute": 23533, "cupcake": 23534, "arly": 23535, "abomination": 23536, "tees": 23537, "stamina": 23538, "ridd": 23539, "racking": 23540, "prai": 23541, "orc": 23542, "metals": 23543, "calla": 23544, "blea": 23545, "arra": 23546, "waterfront": 23547, "uphill": 23548, "tempo": 23549, "reminiscent": 23550, "rapt": 23551, "horrendous": 23552, "gulli": 23553, "duri": 23554, "butted": 23555, "squeals": 23556, "reyn": 23557, "payne": 23558, "niccolo": 23559, "lilies": 23560, "lendill": 23561, "astride": 23562, "zac": 23563, "shockingly": 23564, "paragraph": 23565, "ib": 23566, "expressive": 23567, "dinosaurs": 23568, "deployed": 23569, "colleen": 23570, "appreciatively": 23571, "viewer": 23572, "stationary": 23573, "seducing": 23574, "portals": 23575, "parsh": 23576, "jaz": 23577, "inexpli": 23578, "fumed": 23579, "forked": 23580, "fergu": 23581, "facedown": 23582, "canister": 23583, "brimmed": 23584, "bray": 23585, "natalia": 23586, "guese": 23587, "fou": 23588, "dgets": 23589, "arab": 23590, "amster": 23591, "spotless": 23592, "speckled": 23593, "sacked": 23594, "quad": 23595, "negotiating": 23596, "kindling": 23597, "jumpy": 23598, "jew": 23599, "eileen": 23600, "drilling": 23601, "detachment": 23602, "deb": 23603, "dama": 23604, "parisa": 23605, "navigation": 23606, "liff": 23607, "friggin": 23608, "fencing": 23609, "feedback": 23610, "essay": 23611, "e.": 23612, "cci": 23613, "votes": 23614, "tellin": 23615, "strains": 23616, "sorrow": 23617, "powdered": 23618, "mongo": 23619, "mcgregor": 23620, "flirty": 23621, "clus": 23622, "bas": 23623, "ssiveness": 23624, "requirement": 23625, "pencils": 23626, "loom": 23627, "lances": 23628, "issuing": 23629, "heaps": 23630, "daimons": 23631, "bucking": 23632, "bounces": 23633, "stem": 23634, "rivu": 23635, "precarious": 23636, "painsta": 23637, "navigated": 23638, "inexplicably": 23639, "dynamic": 23640, "brice": 23641, "bog": 23642, "berser": 23643, "askew": 23644, "uned": 23645, "malevolent": 23646, "hues": 23647, "errant": 23648, "chirping": 23649, "stampe": 23650, "shers": 23651, "refrained": 23652, "profitable": 23653, "prod": 23654, "plume": 23655, "krystal": 23656, "geoff": 23657, "complac": 23658, "posh": 23659, "line": 23660, "joyed": 23661, "infle": 23662, "fortunes": 23663, "finder": 23664, "eternally": 23665, "d'you": 23666, "combine": 23667, "chaste": 23668, "antiques": 23669, "vuduri": 23670, "ungrateful": 23671, "toilets": 23672, "replica": 23673, "portuguese": 23674, "misguided": 23675, "izzian": 23676, "hops": 23677, "fancied": 23678, "ceremonies": 23679, "amsterdam": 23680, "airline": 23681, "vigilant": 23682, "skim": 23683, "pasted": 23684, "norma": 23685, "nearness": 23686, "lettuce": 23687, "entries": 23688, "eliot": 23689, "discouraged": 23690, "despon": 23691, "withering": 23692, "seers": 23693, "nah": 23694, "morpork": 23695, "motto": 23696, "martian": 23697, "invariably": 23698, "duffle": 23699, "clinked": 23700, "smothering": 23701, "scand": 23702, "resonated": 23703, "oceans": 23704, "humm": 23705, "homo": 23706, "encro": 23707, "bamboo": 23708, "snowflakes": 23709, "rhon": 23710, "johanna": 23711, "jeffery": 23712, "ike": 23713, "graeme": 23714, "bond": 23715, "wha": 23716, "unrelenting": 23717, "synthetic": 23718, "publication": 23719, "operatives": 23720, "manufacturing": 23721, "intrude": 23722, "grizz": 23723, "gotcha": 23724, "canter": 23725, "bliss": 23726, "bett": 23727, "yu": 23728, "unnecessarily": 23729, "overrun": 23730, "outlines": 23731, "jumper": 23732, "gor": 23733, "fussing": 23734, "ezekiel": 23735, "escorts": 23736, "bre": 23737, "unholy": 23738, "thermal": 23739, "sampson": 23740, "oris": 23741, "limestone": 23742, "lancaster": 23743, "gast": 23744, "emerges": 23745, "elton": 23746, "busting": 23747, "yol": 23748, "tzader": 23749, "toasted": 23750, "toena": 23751, "shel": 23752, "reclined": 23753, "murie": 23754, "motherly": 23755, "miners": 23756, "mpling": 23757, "forefront": 23758, "fateful": 23759, "docked": 23760, "compensate": 23761, "clem": 23762, "belted": 23763, "barn": 23764, "bacteria": 23765, "anto": 23766, "watcher": 23767, "veltan": 23768, "uptight": 23769, "shepard": 23770, "reconcile": 23771, "monia": 23772, "itly": 23773, "idling": 23774, "achs": 23775, "stubby": 23776, "spanking": 23777, "sakes": 23778, "relaxes": 23779, "lunging": 23780, "ibu": 23781, "clutter": 23782, "awoken": 23783, "zephy": 23784, "trifle": 23785, "toyota": 23786, "tid": 23787, "mosquit": 23788, "korean": 23789, "jabbing": 23790, "finals": 23791, "collections": 23792, "al'": 23793, "ahold": 23794, "reset": 23795, "proceeding": 23796, "placid": 23797, "lastly": 23798, "jethro": 23799, "heven": 23800, "flipp": 23801, "dolly": 23802, "arabic": 23803, "vendor": 23804, "trajectory": 23805, "superhero": 23806, "stol": 23807, "mottled": 23808, "keted": 23809, "dinosaur": 23810, "congressman": 23811, "callous": 23812, "bagel": 23813, "wak": 23814, "toothpaste": 23815, "timidly": 23816, "linens": 23817, "import": 23818, "halter": 23819, "dawning": 23820, "bristling": 23821, "wraiths": 23822, "velvety": 23823, "threatens": 23824, "strangling": 23825, "somersa": 23826, "ily": 23827, "genetics": 23828, "flair": 23829, "finances": 23830, "ww": 23831, "talbot": 23832, "shadowhunter": 23833, "qualify": 23834, "pate": 23835, "modu": 23836, "incompetent": 23837, "exam": 23838, "dented": 23839, "brunt": 23840, "squash": 23841, "sidelines": 23842, "slea": 23843, "pax": 23844, "environmental": 23845, "darin": 23846, "colliding": 23847, "celebrities": 23848, "cates": 23849, "ansel": 23850, "uninvited": 23851, "piqued": 23852, "kody": 23853, "killings": 23854, "incur": 23855, "erge": 23856, "deceiving": 23857, "clones": 23858, "unwit": 23859, "trespassing": 23860, "sloped": 23861, "recon": 23862, "reprim": 23863, "reprimand": 23864, "pris": 23865, "influential": 23866, "idon": 23867, "hollowed": 23868, "hare": 23869, "eagles": 23870, "deceive": 23871, "collabor": 23872, "cavity": 23873, "bittersweet": 23874, "applauded": 23875, "terrance": 23876, "recommendation": 23877, "mismat": 23878, "metaphor": 23879, "learns": 23880, "hoop": 23881, "hanson": 23882, "elike": 23883, "eger": 23884, "dile": 23885, "corrado": 23886, "tible": 23887, "sensei": 23888, "ruthie": 23889, "rane": 23890, "mulled": 23891, "garrat": 23892, "courageous": 23893, "constell": 23894, "clancy": 23895, "cersei": 23896, "brayden": 23897, "bottom": 23898, "blistering": 23899, "ahhh": 23900, "targeting": 23901, "mael": 23902, "floppy": 23903, "buddhi": 23904, "yellowed": 23905, "w.": 23906, "volley": 23907, "roiling": 23908, "ranging": 23909, "rashi": 23910, "mammoth": 23911, "kiyo": 23912, "dubiously": 23913, "dazzled": 23914, "dment": 23915, "beverage": 23916, "trajan": 23917, "squel": 23918, "quotes": 23919, "pere": 23920, "namely": 23921, "kom": 23922, "incrimin": 23923, "edon": 23924, "commenced": 23925, "accusingly": 23926, "tera": 23927, "stie": 23928, "photography": 23929, "parliament": 23930, "losers": 23931, "hectic": 23932, "granby": 23933, "endi": 23934, "cracker": 23935, "birch": 23936, "weirdly": 23937, "trev": 23938, "starry": 23939, "squab": 23940, "soundlessly": 23941, "rei": 23942, "quell": 23943, "planetary": 23944, "mbie": 23945, "lilac": 23946, "handic": 23947, "frosting": 23948, "examples": 23949, "bethy": 23950, "arom": 23951, "3rd": 23952, "sully": 23953, "smuggling": 23954, "orlando": 23955, "magpie": 23956, "mpus": 23957, "fellowship": 23958, "atomic": 23959, "alternating": 23960, "shard": 23961, "scofield": 23962, "makin": 23963, "juris": 23964, "headmaster": 23965, "clandest": 23966, "cardigan": 23967, "canic": 23968, "assuring": 23969, "wishful": 23970, "sperm": 23971, "processes": 23972, "maren": 23973, "kosai": 23974, "download": 23975, "depra": 23976, "clendon": 23977, "cancelled": 23978, "burdened": 23979, "teasingly": 23980, "schooled": 23981, "peaches": 23982, "pearly": 23983, "overjoyed": 23984, "normal": 23985, "moire": 23986, "menac": 23987, "donor": 23988, "clanging": 23989, "bluep": 23990, "appease": 23991, "wise": 23992, "trademark": 23993, "sync": 23994, "scooting": 23995, "rets": 23996, "repulsed": 23997, "lumps": 23998, "injection": 23999, "frenchman": 24000, "fleur": 24001, "edit": 24002, "combing": 24003, "bjorn": 24004, "aza": 24005, "unworthy": 24006, "troit": 24007, "robbing": 24008, "pentagon": 24009, "lizing": 24010, "gather": 24011, "dusky": 24012, "commentary": 24013, "assemble": 24014, "unhappily": 24015, "transmitter": 24016, "tae": 24017, "remembr": 24018, "newcomers": 24019, "kyler": 24020, "jarred": 24021, "flickers": 24022, "exclamation": 24023, "downpour": 24024, "detroit": 24025, "chamel": 24026, "busily": 24027, "bastien": 24028, "arrivals": 24029, "adaman": 24030, "stler": 24031, "shapely": 24032, "rooster": 24033, "rigi": 24034, "residue": 24035, "reeve": 24036, "nicola": 24037, "ggered": 24038, "brawl": 24039, "51": 24040, "treading": 24041, "splintering": 24042, "requesting": 24043, "penin": 24044, "ounting": 24045, "noncommit": 24046, "mounts": 24047, "insecurities": 24048, "hopelessness": 24049, "gape": 24050, "enveloping": 24051, "volcanic": 24052, "unhealthy": 24053, "tucks": 24054, "tiberius": 24055, "sacrificing": 24056, "proverbial": 24057, "prowled": 24058, "pheus": 24059, "dungeons": 24060, "craziness": 24061, "collector": 24062, "collars": 24063, "carvings": 24064, "bomb": 24065, "subtle": 24066, "portfolio": 24067, "perfected": 24068, "latham": 24069, "dori": 24070, "disman": 24071, "disemb": 24072, "cranston": 24073, "corral": 24074, "smartly": 24075, "pronounce": 24076, "lucid": 24077, "lifeline": 24078, "lettering": 24079, "landsca": 24080, "culprit": 24081, "cruelly": 24082, "skimp": 24083, "scoured": 24084, "robb": 24085, "pleases": 24086, "plainti": 24087, "photographers": 24088, "overtake": 24089, "ornen": 24090, "ornenkai": 24091, "mythology": 24092, "mornin": 24093, "coastal": 24094, "bracken": 24095, "babysitter": 24096, "asar": 24097, "stocks": 24098, "proportion": 24099, "magnified": 24100, "lumber": 24101, "herald": 24102, "founder": 24103, "ferrin": 24104, "anthro": 24105, "almond": 24106, "splinter": 24107, "pegged": 24108, "parachute": 24109, "grains": 24110, "cheaper": 24111, "bundles": 24112, "yer": 24113, "verified": 24114, "unguarded": 24115, "semic": 24116, "robinson": 24117, "pickett": 24118, "dreamily": 24119, "decadent": 24120, "controver": 24121, "wracked": 24122, "transforming": 24123, "syndic": 24124, "radios": 24125, "potted": 24126, "eighties": 24127, "whizz": 24128, "tranquil": 24129, "shameful": 24130, "retracted": 24131, "raucous": 24132, "missouri": 24133, "irresponsible": 24134, "indie": 24135, "illuminate": 24136, "glimmered": 24137, "derie": 24138, "deter": 24139, "traumati": 24140, "speedy": 24141, "reveals": 24142, "phon": 24143, "perish": 24144, "mockingly": 24145, "madri": 24146, "itutes": 24147, "fictional": 24148, "coulter": 24149, "ctu": 24150, "ambitions": 24151, "unidenti": 24152, "stank": 24153, "soulless": 24154, "replen": 24155, "paolo": 24156, "jester": 24157, "garraty": 24158, "corporations": 24159, "automobile": 24160, "\u00a1\u00aa": 24161, "zzles": 24162, "zakath": 24163, "wendell": 24164, "velocity": 24165, "relic": 24166, "lasagna": 24167, "languid": 24168, "journe": 24169, "goliath": 24170, "forbes": 24171, "exceptions": 24172, "eros": 24173, "enquired": 24174, "decep": 24175, "broth": 24176, "briec": 24177, "x.": 24178, "safia": 24179, "rival": 24180, "rael": 24181, "putri": 24182, "carpets": 24183, "undressing": 24184, "tokyo": 24185, "thinly": 24186, "seymour": 24187, "poul": 24188, "outbreak": 24189, "mckenna": 24190, "hiro": 24191, "disciplined": 24192, "bickering": 24193, "beaver": 24194, "alow": 24195, "whoop": 24196, "whirring": 24197, "slee": 24198, "slant": 24199, "sei": 24200, "reverently": 24201, "outcast": 24202, "norris": 24203, "lapse": 24204, "earthy": 24205, "baba": 24206, "aug": 24207, "apex": 24208, "ancestor": 24209, "78": 24210, "teachings": 24211, "pry": 24212, "na\u00efve": 24213, "leanne": 24214, "crusty": 24215, "consequently": 24216, "cecily": 24217, "blisters": 24218, "migra": 24219, "lethar": 24220, "illic": 24221, "elm": 24222, "cleavage": 24223, "championship": 24224, "businessmen": 24225, "applications": 24226, "willard": 24227, "vastly": 24228, "unbroken": 24229, "templar": 24230, "onian": 24231, "hath": 24232, "encamp": 24233, "dials": 24234, "tours": 24235, "samara": 24236, "lators": 24237, "deceit": 24238, "copying": 24239, "bos": 24240, "boi": 24241, "adjustment": 24242, "recounted": 24243, "overdue": 24244, "loyment": 24245, "jolting": 24246, "hughes": 24247, "handler": 24248, "ferguson": 24249, "critically": 24250, "caelen": 24251, "bulls": 24252, "warring": 24253, "uk": 24254, "sparkly": 24255, "sics": 24256, "rumours": 24257, "menacingly": 24258, "lizer": 24259, "irate": 24260, "hodge": 24261, "drape": 24262, "diagnosed": 24263, "congru": 24264, "comings": 24265, "bibli": 24266, "accomplice": 24267, "yay": 24268, "sensory": 24269, "mistru": 24270, "juncture": 24271, "ivan": 24272, "fib": 24273, "enzo": 24274, "dialing": 24275, "demented": 24276, "bbering": 24277, "atra": 24278, "workings": 24279, "wiring": 24280, "strengths": 24281, "snuggle": 24282, "oriental": 24283, "hansum": 24284, "drina": 24285, "deli": 24286, "cadeon": 24287, "blazoned": 24288, "twirl": 24289, "snicker": 24290, "meteor": 24291, "kacey": 24292, "jumpsuit": 24293, "hab": 24294, "goodwill": 24295, "g.": 24296, "evangeline": 24297, "dencies": 24298, "cuthbert": 24299, "caliban": 24300, "unfazed": 24301, "stepmother": 24302, "olf": 24303, "observant": 24304, "notions": 24305, "nil": 24306, "eluded": 24307, "compensation": 24308, "troopers": 24309, "sizzle": 24310, "sensuous": 24311, "mythical": 24312, "moms": 24313, "gusta": 24314, "feb": 24315, "exquisit": 24316, "blin": 24317, "townspeople": 24318, "syllables": 24319, "stown": 24320, "rookie": 24321, "recognizes": 24322, "pesh": 24323, "pened": 24324, "mystified": 24325, "lista": 24326, "esse": 24327, "conster": 24328, "cider": 24329, "blissfully": 24330, "thread": 24331, "scaf": 24332, "hess": 24333, "dour": 24334, "conception": 24335, "clamping": 24336, "bullies": 24337, "rustic": 24338, "paperback": 24339, "pamph": 24340, "lag": 24341, "kem": 24342, "gall": 24343, "acre": 24344, "thily": 24345, "theaded": 24346, "specks": 24347, "source": 24348, "replay": 24349, "lingers": 24350, "holdings": 24351, "guez": 24352, "foundations": 24353, "foreplay": 24354, "emergencies": 24355, "diagnosis": 24356, "damaging": 24357, "crombie": 24358, "bridal": 24359, "barker": 24360, "zacharel": 24361, "siveness": 24362, "olympic": 24363, "indoor": 24364, "gu": 24365, "glowering": 24366, "epit": 24367, "enchantment": 24368, "dav": 24369, "clockwork": 24370, "addictive": 24371, "wriggle": 24372, "parental": 24373, "onish": 24374, "niz": 24375, "meek": 24376, "ides": 24377, "horsemen": 24378, "episodes": 24379, "chic": 24380, "cambridge": 24381, "barnab": 24382, "trader": 24383, "teetering": 24384, "susten": 24385, "stitious": 24386, "snowball": 24387, "reic": 24388, "penn": 24389, "jensen": 24390, "havin'": 24391, "greatness": 24392, "flirtatious": 24393, "downcast": 24394, "clashed": 24395, "alization": 24396, "throes": 24397, "purses": 24398, "investors": 24399, "hypnotized": 24400, "diapers": 24401, "cog": 24402, "caillen": 24403, "blanche": 24404, "beaumont": 24405, "assures": 24406, "anian": 24407, "zak": 24408, "weatherwax": 24409, "sustenance": 24410, "merrily": 24411, "hitching": 24412, "eport": 24413, "elinde": 24414, "armpits": 24415, "waistcoat": 24416, "superstitious": 24417, "spartan": 24418, "pompous": 24419, "lake": 24420, "handwritten": 24421, "formations": 24422, "evelinde": 24423, "envision": 24424, "disintegrated": 24425, "dampness": 24426, "yummy": 24427, "pun": 24428, "psychiatric": 24429, "gibson": 24430, "aphrodite": 24431, "ambro": 24432, "whimpers": 24433, "wu": 24434, "viness": 24435, "rigging": 24436, "nec": 24437, "munching": 24438, "maternal": 24439, "mash": 24440, "daunting": 24441, "castor": 24442, "clit": 24443, "beggar": 24444, "arlene": 24445, "walt": 24446, "turin": 24447, "talkie": 24448, "riled": 24449, "regroup": 24450, "kidney": 24451, "fastening": 24452, "cardo": 24453, "zayne": 24454, "sment": 24455, "shitting": 24456, "putrid": 24457, "langui": 24458, "gurgled": 24459, "floyran": 24460, "deflected": 24461, "cash": 24462, "amuse": 24463, "snuggling": 24464, "raindrops": 24465, "mah": 24466, "instor": 24467, "greenery": 24468, "gazebo": 24469, "downstream": 24470, "connecti": 24471, "coaches": 24472, "starlight": 24473, "skepticism": 24474, "pixies": 24475, "philosopher": 24476, "gain": 24477, "esmer": 24478, "demo": 24479, "concepts": 24480, "brownie": 24481, "symbolic": 24482, "schemes": 24483, "representation": 24484, "intoned": 24485, "forensic": 24486, "forrest": 24487, "foothills": 24488, "diaz": 24489, "bungalow": 24490, "undisturbed": 24491, "sloshed": 24492, "puzzling": 24493, "mathew": 24494, "mariah": 24495, "hawkins": 24496, "fice": 24497, "continental": 24498, "rougher": 24499, "requiring": 24500, "quinton": 24501, "minivan": 24502, "graduating": 24503, "glimmering": 24504, "exuded": 24505, "daven": 24506, "condo": 24507, "unbidden": 24508, "se\u00f1": 24509, "piers": 24510, "lionel": 24511, "lanie": 24512, "khu": 24513, "kale": 24514, "intern": 24515, "indescri": 24516, "hacker": 24517, "fixture": 24518, "decoration": 24519, "suppressing": 24520, "parasite": 24521, "parole": 24522, "milt": 24523, "freel": 24524, "axis": 24525, "zhang": 24526, "tersely": 24527, "sculptures": 24528, "o'connor": 24529, "nazis": 24530, "loit": 24531, "knowledg": 24532, "knoll": 24533, "karla": 24534, "instruct": 24535, "humanoid": 24536, "huffing": 24537, "gush": 24538, "eur": 24539, "coiling": 24540, "burge": 24541, "ambushed": 24542, "utensils": 24543, "popp": 24544, "lefoux": 24545, "kael": 24546, "jeanette": 24547, "eia": 24548, "clanged": 24549, "brothel": 24550, "aerial": 24551, "wildest": 24552, "valo": 24553, "spani": 24554, "simpson": 24555, "saddle": 24556, "rodriguez": 24557, "recite": 24558, "radiance": 24559, "possessively": 24560, "potions": 24561, "merging": 24562, "mah": 24563, "bubbly": 24564, "buys": 24565, "barman": 24566, "sven": 24567, "rite": 24568, "maidens": 24569, "grimdin": 24570, "gress": 24571, "zil": 24572, "replaying": 24573, "raving": 24574, "mathematics": 24575, "loans": 24576, "culann": 24577, "bandit": 24578, "wanton": 24579, "tachyon": 24580, "rendering": 24581, "resource": 24582, "lingly": 24583, "intends": 24584, "extinct": 24585, "confinement": 24586, "cloudless": 24587, "chs": 24588, "bei": 24589, "tammie": 24590, "priced": 24591, "pharm": 24592, "mosa": 24593, "mimic": 24594, "lifetimes": 24595, "erish": 24596, "elven": 24597, "dominion": 24598, "cigars": 24599, "alda": 24600, "vec": 24601, "tinent": 24602, "splashes": 24603, "sardonic": 24604, "radio": 24605, "kenji": 24606, "iri": 24607, "furthest": 24608, "cleanly": 24609, "browns": 24610, "tailor": 24611, "suckle": 24612, "rocketed": 24613, "repressed": 24614, "plumbing": 24615, "i'll": 24616, "donated": 24617, "dissolving": 24618, "consternation": 24619, "blacksmith": 24620, "allied": 24621, "accommodations": 24622, "asap": 24623, "retaliation": 24624, "peninsula": 24625, "millicent": 24626, "gull": 24627, "feverishly": 24628, "executioner": 24629, "conklin": 24630, "armrest": 24631, "zur": 24632, "vex": 24633, "supporters": 24634, "periphery": 24635, "pelt": 24636, "keg": 24637, "extinction": 24638, "dios": 24639, "contri": 24640, "chro": 24641, "cajo": 24642, "briar": 24643, "tek": 24644, "stinky": 24645, "snap": 24646, "rucksack": 24647, "presentable": 24648, "perished": 24649, "pari": 24650, "granddad": 24651, "fugitive": 24652, "factories": 24653, "ffi": 24654, "ecraft": 24655, "crooned": 24656, "creativity": 24657, "ctively": 24658, "bene": 24659, "amal": 24660, "snare": 24661, "shapeshifter": 24662, "sermon": 24663, "rile": 24664, "logies": 24665, "janus": 24666, "encircling": 24667, "dwindling": 24668, "concoction": 24669, "chero": 24670, "catelyn": 24671, "battering": 24672, "unimpressed": 24673, "uncharacteristically": 24674, "uch": 24675, "obscuring": 24676, "ott": 24677, "muddled": 24678, "gramps": 24679, "err": 24680, "demetrius": 24681, "bellies": 24682, "amin": 24683, "sultan": 24684, "reverent": 24685, "restrictions": 24686, "invent": 24687, "inkling": 24688, "hob": 24689, "helene": 24690, "ghouse": 24691, "discover": 24692, "beware": 24693, "aren": 24694, "vagina": 24695, "urus": 24696, "sah": 24697, "rhona": 24698, "gresham": 24699, "fret": 24700, "ferris": 24701, "unfurled": 24702, "suggestive": 24703, "originated": 24704, "omi": 24705, "niol": 24706, "neag": 24707, "neagley": 24708, "manageable": 24709, "glumly": 24710, "dir": 24711, "proposing": 24712, "pharmacy": 24713, "panned": 24714, "pancake": 24715, "erland": 24716, "canim": 24717, "amphi": 24718, "150": 24719, "silencing": 24720, "richest": 24721, "purposeful": 24722, "justus": 24723, "hardship": 24724, "disadvantage": 24725, "buick": 24726, "woody": 24727, "starter": 24728, "squito": 24729, "ril": 24730, "lifelong": 24731, "imperson": 24732, "heaviness": 24733, "congratulated": 24734, "chmen": 24735, "bargaining": 24736, "xia": 24737, "stronghold": 24738, "skipper": 24739, "rhen": 24740, "preferable": 24741, "nn": 24742, "microscope": 24743, "40": 24744, "timeline": 24745, "sumi": 24746, "rrrr": 24747, "recur": 24748, "rewards": 24749, "mosquito": 24750, "cobra": 24751, "bec": 24752, "5th": 24753, "voir": 24754, "thwar": 24755, "tench": 24756, "particle": 24757, "noctur": 24758, "lain": 24759, "keenan": 24760, "install": 24761, "fated": 24762, "expend": 24763, "cheerleaders": 24764, "cessor": 24765, "asserted": 24766, "unlimited": 24767, "thriving": 24768, "tai": 24769, "nebra": 24770, "keirran": 24771, "groli": 24772, "fortified": 24773, "dera": 24774, "croft": 24775, "clocks": 24776, "churn": 24777, "cadogan": 24778, "blindfolded": 24779, "bitchy": 24780, "88": 24781, "torturous": 24782, "telepathically": 24783, "simulation": 24784, "scotty": 24785, "popularity": 24786, "milk": 24787, "illicit": 24788, "deserving": 24789, "crocodile": 24790, "crewe": 24791, "blaise": 24792, "\u00e9s": 24793, "tunes": 24794, "taint": 24795, "swanny": 24796, "shins": 24797, "pas": 24798, "lamely": 24799, "jamming": 24800, "cupcakes": 24801, "carda": 24802, "calliope": 24803, "unintelligible": 24804, "spider": 24805, "registering": 24806, "prosecution": 24807, "pala": 24808, "duster": 24809, "crats": 24810, "compromising": 24811, "cleop": 24812, "spanned": 24813, "rusk": 24814, "polishing": 24815, "ortho": 24816, "onstage": 24817, "nicolae": 24818, "nixon": 24819, "malique": 24820, "inherent": 24821, "hip": 24822, "grubby": 24823, "craning": 24824, "beheld": 24825, "android": 24826, "worm": 24827, "wheeler": 24828, "punctured": 24829, "olympus": 24830, "morgan": 24831, "fearfully": 24832, "dhar": 24833, "curtsy": 24834, "carina": 24835, "can't": 24836, "barrow": 24837, "anomaly": 24838, "zacarias": 24839, "wordless": 24840, "trumpet": 24841, "sparkles": 24842, "settlers": 24843, "libi": 24844, "fidelity": 24845, "chariot": 24846, "abner": 24847, "vasi": 24848, "strategically": 24849, "rams": 24850, "prettiest": 24851, "irrevo": 24852, "i.s.": 24853, "hinting": 24854, "hierarchy": 24855, "harassment": 24856, "ghus": 24857, "went": 24858, "temperance": 24859, "stomachs": 24860, "spittle": 24861, "prowling": 24862, "fumble": 24863, "cook": 24864, "compatible": 24865, "bul": 24866, "atrium": 24867, "8:": 24868, "smedry": 24869, "marijuana": 24870, "hellu": 24871, "firstly": 24872, "eyeball": 24873, "cosm": 24874, "chateau": 24875, "astor": 24876, "yoshi": 24877, "undetected": 24878, "sacra": 24879, "plied": 24880, "fiasco": 24881, "entangled": 24882, "doze": 24883, "boffin": 24884, "bleach": 24885, "unannounced": 24886, "sored": 24887, "schu": 24888, "picket": 24889, "opal": 24890, "leering": 24891, "gonz": 24892, "geneva": 24893, "fearghus": 24894, "enigmatic": 24895, "divulge": 24896, "dissu": 24897, "clinking": 24898, "bravo": 24899, "unspeakable": 24900, "twisp": 24901, "trek": 24902, "seaweed": 24903, "nub": 24904, "langley": 24905, "kab": 24906, "incarcer": 24907, "geography": 24908, "evaluation": 24909, "ashland": 24910, "zeroed": 24911, "tendencies": 24912, "mckenzie": 24913, "kam": 24914, "janitor": 24915, "innocents": 24916, "gawyn": 24917, "fisc": 24918, "audacity": 24919, "abbess": 24920, "7:": 24921, "supports": 24922, "resistant": 24923, "pts": 24924, "mana": 24925, "ified": 24926, "handfuls": 24927, "fulfil": 24928, "conversational": 24929, "boxed": 24930, "stery": 24931, "saga": 24932, "fountains": 24933, "failures": 24934, "democracy": 24935, "dever": 24936, "consumption": 24937, "chik": 24938, "vineyard": 24939, "tritus": 24940, "tacked": 24941, "puncture": 24942, "meticulous": 24943, "manifested": 24944, "girlie": 24945, "fitzgerald": 24946, "drummond": 24947, "contractor": 24948, "cott": 24949, "ading": 24950, "smelt": 24951, "quaking": 24952, "prairie": 24953, "itating": 24954, "homer": 24955, "gram": 24956, "ditionally": 24957, "dius": 24958, "conductor": 24959, "clandestine": 24960, "bois": 24961, "9:": 24962, "xide": 24963, "teases": 24964, "repulsive": 24965, "pewter": 24966, "pentine": 24967, "petal": 24968, "nymph": 24969, "nsa": 24970, "mischievously": 24971, "ingers": 24972, "exaggerating": 24973, "center": 24974, "aerlid": 24975, "webster": 24976, "treston": 24977, "swished": 24978, "skiing": 24979, "scalpel": 24980, "rebuilt": 24981, "ody": 24982, "mblings": 24983, "goings": 24984, "eons": 24985, "doff": 24986, "comprised": 24987, "chort": 24988, "approvingly": 24989, "tsk": 24990, "peanuts": 24991, "orientation": 24992, "novice": 24993, "monstrosity": 24994, "loo": 24995, "incongru": 24996, "dramas": 24997, "dorothea": 24998, "dab": 24999, "cort": 25000, "chested": 25001, "bumpy": 25002, "soe": 25003, "ripper": 25004, "insecurity": 25005, "fussed": 25006, "fallout": 25007, "duo": 25008, "atis": 25009, "anco": 25010, "undering": 25011, "tid": 25012, "sushi": 25013, "petition": 25014, "mausole": 25015, "knap": 25016, "hydra": 25017, "hordes": 25018, "gully": 25019, "feebly": 25020, "dena": 25021, "craggy": 25022, "contingent": 25023, "barged": 25024, "warehouses": 25025, "threadbare": 25026, "pneu": 25027, "outcro": 25028, "neighborhoods": 25029, "jaden": 25030, "hunkered": 25031, "grappling": 25032, "fianc\u00e9": 25033, "emblazoned": 25034, "eys": 25035, "dispar": 25036, "daydreaming": 25037, "asc": 25038, "alchemists": 25039, "52": 25040, "uriel": 25041, "thead": 25042, "scandal": 25043, "nible": 25044, "musket": 25045, "mourned": 25046, "helluva": 25047, "flatter": 25048, "detritus": 25049, "brynne": 25050, "pores": 25051, "merrick": 25052, "lennek": 25053, "garn": 25054, "domed": 25055, "whitley": 25056, "whit": 25057, "wn": 25058, "tramp": 25059, "tobin": 25060, "teleported": 25061, "perverse": 25062, "niko": 25063, "lment": 25064, "deleted": 25065, "cartri": 25066, "broader": 25067, "ashby": 25068, "3:": 25069, "yr": 25070, "trough": 25071, "torpe": 25072, "teary": 25073, "stenn": 25074, "mosquitoes": 25075, "mismatched": 25076, "mineral": 25077, "loot": 25078, "lang": 25079, "katryn": 25080, "jurisdiction": 25081, "exhilaration": 25082, "effortless": 25083, "brownies": 25084, "braces": 25085, "avasar": 25086, "avasarala": 25087, ".00": 25088, "unfastened": 25089, "eveline": 25090, "connects": 25091, "valerian": 25092, "unclear": 25093, "pals": 25094, "movable": 25095, "molecules": 25096, "laxus": 25097, "kou": 25098, "elon": 25099, "dgd": 25100, "comforts": 25101, "chewy": 25102, "boutique": 25103, "zelana": 25104, "udgd": 25105, "operational": 25106, "nymp": 25107, "likeness": 25108, "iam": 25109, "datory": 25110, "alessia": 25111, "adjustments": 25112, "wares": 25113, "unsuccessfully": 25114, "succeeding": 25115, "shei": 25116, "pudgy": 25117, "porridge": 25118, "greets": 25119, "fuckers": 25120, "ensemble": 25121, "dividing": 25122, "cramp": 25123, "clitoris": 25124, "apprai": 25125, "underway": 25126, "unceremoniously": 25127, "oness": 25128, "navar": 25129, "mutilated": 25130, "mission": 25131, "messeng": 25132, "individually": 25133, "indicates": 25134, "alien": 25135, "notebooks": 25136, "ilt": 25137, "heartbreaking": 25138, "hebrew": 25139, "etor": 25140, "dissatis": 25141, "deronda": 25142, "bins": 25143, "6:": 25144, "speculate": 25145, "pose": 25146, "pai": 25147, "nakedness": 25148, "moat": 25149, "instig": 25150, "firec": 25151, "depleted": 25152, "daryl": 25153, "beeline": 25154, "ascend": 25155, "arcane": 25156, "transit": 25157, "trash": 25158, "sexier": 25159, "royden": 25160, "jurors": 25161, "interfered": 25162, "incentive": 25163, "iath": 25164, "camper": 25165, "poise": 25166, "nola": 25167, "eph": 25168, "composing": 25169, "chrissie": 25170, "appliances": 25171, "undulating": 25172, "suscepti": 25173, "sherman": 25174, "roasting": 25175, "privileges": 25176, "paneled": 25177, "leyna": 25178, "hanne": 25179, "ggily": 25180, "faltering": 25181, "eta": 25182, "condemn": 25183, "coalition": 25184, "bridge": 25185, "aureli": 25186, "zook": 25187, "unpacking": 25188, "shriveled": 25189, "scowls": 25190, "p.j.": 25191, "otherworldly": 25192, "manoeuv": 25193, "deterred": 25194, "correction": 25195, "touchable": 25196, "swoon": 25197, "politan": 25198, "pickle": 25199, "mega": 25200, "inta": 25201, "incidentally": 25202, "hancock": 25203, "godly": 25204, "charitable": 25205, "cataly": 25206, "boyd": 25207, "bate": 25208, "attributes": 25209, "alleviate": 25210, "zzing": 25211, "savory": 25212, "sadeas": 25213, "rulers": 25214, "r.": 25215, "oi": 25216, "isers": 25217, "girth": 25218, "extraordinarily": 25219, "exquisitely": 25220, "conversion": 25221, "bettina": 25222, "avoid": 25223, "ato": 25224, "soar": 25225, "plated": 25226, "muffins": 25227, "melee": 25228, "marbles": 25229, "lapsed": 25230, "ju": 25231, "gums": 25232, "didn't": 25233, "archaeo": 25234, "alain": 25235, "triangular": 25236, "trout": 25237, "stannis": 25238, "ssly": 25239, "seniors": 25240, "seein": 25241, "regional": 25242, "reeds": 25243, "pc": 25244, "overstuffed": 25245, "molding": 25246, "lucah": 25247, "des": 25248, "sleeper": 25249, "rook": 25250, "pastries": 25251, "masterpiece": 25252, "gro": 25253, "fortnight": 25254, "dominating": 25255, "contentedly": 25256, "cheru": 25257, "chandeliers": 25258, "boardwalk": 25259, "armory": 25260, "agility": 25261, "tinkling": 25262, "sweaters": 25263, "swap": 25264, "sensuality": 25265, "reclu": 25266, "rashid": 25267, "ponder": 25268, "obliterated": 25269, "errors": 25270, "desses": 25271, "closets": 25272, "bottomless": 25273, "bolting": 25274, "bloodthirsty": 25275, "ascent": 25276, "woodland": 25277, "tipsy": 25278, "smiley": 25279, "pizz": 25280, "mmi": 25281, "kindle": 25282, "imprinted": 25283, "igniting": 25284, "diminish": 25285, "amory": 25286, "writhe": 25287, "turers": 25288, "tights": 25289, "swimsuit": 25290, "spoonful": 25291, "marin": 25292, "kurik": 25293, "karate": 25294, "jacks": 25295, "iain": 25296, "hustle": 25297, "grisly": 25298, "fishermen": 25299, "ehren": 25300, "brighten": 25301, "stripe": 25302, "settings": 25303, "reau": 25304, "phie": 25305, "mindful": 25306, "masking": 25307, "foreigners": 25308, "flood": 25309, "ferns": 25310, "flitting": 25311, "encampment": 25312, "chassie": 25313, "catacom": 25314, "celi": 25315, "scam": 25316, "resurrection": 25317, "rv": 25318, "payroll": 25319, "milled": 25320, "leneck": 25321, "knowledgeable": 25322, "insepar": 25323, "guine": 25324, "fossi": 25325, "ellery": 25326, "briony": 25327, "uproar": 25328, "turkish": 25329, "retrospect": 25330, "radcliffe": 25331, "hitch": 25332, "foa": 25333, "erika": 25334, "confirms": 25335, "charter": 25336, "caveman": 25337, "bullying": 25338, "builder": 25339, "backbone": 25340, "subdue": 25341, "shutter": 25342, "scorch": 25343, "saves": 25344, "ludwig": 25345, "executives": 25346, "bragging": 25347, "unbuttoning": 25348, "servers": 25349, "sabina": 25350, "renting": 25351, "poop": 25352, "phony": 25353, "pedi": 25354, "mystics": 25355, "lightweight": 25356, "irritable": 25357, "etto": 25358, "erupting": 25359, "dwindled": 25360, "unearthly": 25361, "sye": 25362, "sever": 25363, "ruthlessly": 25364, "ogling": 25365, "nathanial": 25366, "hubb": 25367, "heaped": 25368, "hq": 25369, "contest": 25370, "cobblestone": 25371, "brau": 25372, "blob": 25373, "babysitting": 25374, "smythe": 25375, "routines": 25376, "readiness": 25377, "locs": 25378, "enforcer": 25379, "doubling": 25380, "baha": 25381, "badger": 25382, "yama": 25383, "surfer": 25384, "skee": 25385, "shapeshifters": 25386, "rearranged": 25387, "raspberry": 25388, "passer": 25389, "norah": 25390, "nash": 25391, "meeka": 25392, "liqui": 25393, "initiation": 25394, "ingrid": 25395, "immigration": 25396, "glacier": 25397, "furtive": 25398, "escalated": 25399, "thumps": 25400, "pinn": 25401, "peppered": 25402, "pend": 25403, "modeling": 25404, "melts": 25405, "marital": 25406, "marah": 25407, "mandatory": 25408, "inscription": 25409, "indistinct": 25410, "giov": 25411, "fervor": 25412, "dissipate": 25413, "collapses": 25414, "brutha": 25415, "sholto": 25416, "scarves": 25417, "rump": 25418, "insur": 25419, "hygi": 25420, "gren": 25421, "childlike": 25422, "sneering": 25423, "swish": 25424, "negotiated": 25425, "gawked": 25426, "fork": 25427, "evaluate": 25428, "enormity": 25429, "drinker": 25430, "donation": 25431, "dilig": 25432, "capsule": 25433, "blanketed": 25434, "arin": 25435, "zealand": 25436, "vendors": 25437, "twof": 25438, "roaches": 25439, "riverbank": 25440, "jittery": 25441, "inscribed": 25442, "coveted": 25443, "wildfire": 25444, "scorn": 25445, "retiring": 25446, "pong": 25447, "markman": 25448, "lowy": 25449, "loafers": 25450, "guise": 25451, "grizzly": 25452, "globes": 25453, "exhibition": 25454, "commando": 25455, "bere": 25456, "alligator": 25457, "accepts": 25458, "trollocs": 25459, "pews": 25460, "mest": 25461, "enlighten": 25462, "diseng": 25463, "carey": 25464, "appraising": 25465, "users": 25466, "shush": 25467, "shelton": 25468, "saucers": 25469, "pastel": 25470, "novelty": 25471, "metre": 25472, "lasses": 25473, "gaent": 25474, "commissioned": 25475, "bikers": 25476, "bedspread": 25477, "attributed": 25478, "arina": 25479, "allah": 25480, "waggled": 25481, "rints": 25482, "quests": 25483, "quakes": 25484, "offence": 25485, "ost": 25486, "musk": 25487, "ladders": 25488, "kon": 25489, "enslaved": 25490, "cork": 25491, "builds": 25492, "bern": 25493, "analyzed": 25494, "amnesia": 25495, "agile": 25496, "terse": 25497, "sordid": 25498, "slabs": 25499, "researchers": 25500, "rance": 25501, "phal": 25502, "niklas": 25503, "credentials": 25504, "convict": 25505, "contend": 25506, "bras": 25507, "aquit": 25508, "amma": 25509, "alayna": 25510, "shorty": 25511, "incomplete": 25512, "dax": 25513, "cassius": 25514, "yd": 25515, "symme": 25516, "strapping": 25517, "prefers": 25518, "precinct": 25519, "perva": 25520, "motorcycles": 25521, "magistrate": 25522, "jostling": 25523, "intruded": 25524, "hulk": 25525, "grouped": 25526, "freckled": 25527, "crescen": 25528, "chucked": 25529, "antagoni": 25530, "zurich": 25531, "tapered": 25532, "supervision": 25533, "superkid": 25534, "hostel": 25535, "enlar": 25536, "cleanup": 25537, "chroni": 25538, "assent": 25539, "arians": 25540, "affili": 25541, "tacky": 25542, "projecting": 25543, "nectar": 25544, "neander": 25545, "korea": 25546, "jehanne": 25547, "helli": 25548, "entities": 25549, "connecticut": 25550, "advocate": 25551, "zigz": 25552, "trait": 25553, "thickening": 25554, "tarnished": 25555, "publish": 25556, "psych": 25557, "pennies": 25558, "drips": 25559, "dormitory": 25560, "arced": 25561, "11:": 25562, "vise": 25563, "uan": 25564, "mitting": 25565, "lubri": 25566, "looping": 25567, "furrow": 25568, "dustin": 25569, "disobey": 25570, "chaz": 25571, "101": 25572, "torian": 25573, "spy": 25574, "prestigious": 25575, "missha": 25576, "messengers": 25577, "forensics": 25578, "chapters": 25579, "bellows": 25580, "assisting": 25581, "tether": 25582, "stamping": 25583, "shushed": 25584, "precipice": 25585, "memorizing": 25586, "kably": 25587, "dresden": 25588, "donut": 25589, "bulkhead": 25590, "bluffing": 25591, "atin": 25592, "turo": 25593, "theod": 25594, "sighting": 25595, "remembrance": 25596, "raptor": 25597, "kul": 25598, "kh": 25599, "indulgence": 25600, "iff": 25601, "hazar": 25602, "flanking": 25603, "fishness": 25604, "fth": 25605, "dulity": 25606, "domini": 25607, "seeks": 25608, "scrolling": 25609, "provocative": 25610, "promote": 25611, "inseparable": 25612, "generic": 25613, "evasive": 25614, "capability": 25615, "calculation": 25616, "brewed": 25617, "vultures": 25618, "sleigh": 25619, "patent": 25620, "partition": 25621, "noma": 25622, "judgmental": 25623, "flanks": 25624, "doch": 25625, "brigade": 25626, "beneficial": 25627, "argen": 25628, "26": 25629, "suckers": 25630, "stiffening": 25631, "sniffling": 25632, "meandered": 25633, "jodie": 25634, "ieties": 25635, "haha": 25636, "graces": 25637, "fernan": 25638, "duvet": 25639, "dejected": 25640, "champ": 25641, "begg": 25642, "apologise": 25643, "wet": 25644, "townhouse": 25645, "therland": 25646, "sketched": 25647, "screwdriver": 25648, "roving": 25649, "presley": 25650, "patterson": 25651, "male": 25652, "lotus": 25653, "economics": 25654, "delusion": 25655, "conversing": 25656, "canna": 25657, "brig": 25658, "angar": 25659, "allu": 25660, "adapted": 25661, "shackle": 25662, "setzer": 25663, "paints": 25664, "kaleb": 25665, "junkie": 25666, "jandro": 25667, "impulsively": 25668, "humil": 25669, "hinge": 25670, "gnat": 25671, "duplicate": 25672, "dwayne": 25673, "breakers": 25674, "brag": 25675, "warlocks": 25676, "tailing": 25677, "satellites": 25678, "nati": 25679, "glows": 25680, "fenced": 25681, "errol": 25682, "cumber": 25683, "chalice": 25684, "accessories": 25685, "reser": 25686, "page": 25687, "onist": 25688, "loud": 25689, "fluff": 25690, "flawed": 25691, "discri": 25692, "delusions": 25693, "cruised": 25694, "crowbar": 25695, "cripple": 25696, "toenails": 25697, "spiritu": 25698, "shadowing": 25699, "reminders": 25700, "nimble": 25701, "nance": 25702, "jovial": 25703, "investigative": 25704, "hassle": 25705, "disrupt": 25706, "coli": 25707, "campaig": 25708, "upbeat": 25709, "tango": 25710, "ointment": 25711, "michele": 25712, "humility": 25713, "guesses": 25714, "garret": 25715, "adamantly": 25716, "tod": 25717, "tides": 25718, "tability": 25719, "staged": 25720, "selfless": 25721, "schooling": 25722, "rigel": 25723, "ledger": 25724, "increases": 25725, "ichi": 25726, "futures": 25727, "flowery": 25728, "fly": 25729, "fitness": 25730, "faery": 25731, "dover": 25732, "coach": 25733, "civic": 25734, "cere": 25735, "bickel": 25736, "balt": 25737, "awning": 25738, "system": 25739, "stiletto": 25740, "shyness": 25741, "roff": 25742, "recti": 25743, "pharmaceu": 25744, "histories": 25745, "heh": 25746, "exploit": 25747, "ensuing": 25748, "burn": 25749, "zu": 25750, "traip": 25751, "toile": 25752, "slava": 25753, "rants": 25754, "r'": 25755, "pyrami": 25756, "proff": 25757, "politically": 25758, "padlock": 25759, "nashville": 25760, "lycans": 25761, "laylah": 25762, "immunity": 25763, "highlight": 25764, "gramma": 25765, "clamps": 25766, "bomber": 25767, "troublesome": 25768, "tatijana": 25769, "tam": 25770, "splendor": 25771, "pauline": 25772, "kieth": 25773, "kiethara": 25774, "flashy": 25775, "earns": 25776, "disqu": 25777, "cursory": 25778, "cecil": 25779, "atos": 25780, "ady": 25781, "vista": 25782, "uselessly": 25783, "stealthily": 25784, "soft": 25785, "scooter": 25786, "primed": 25787, "poly": 25788, "obstin": 25789, "nee": 25790, "informant": 25791, "handle": 25792, "gossiping": 25793, "enlisted": 25794, "despicable": 25795, "damnation": 25796, "courteous": 25797, "balm": 25798, "azalea": 25799, "alloman": 25800, "restrial": 25801, "remnant": 25802, "onna": 25803, "inquiring": 25804, "fetal": 25805, "comeback": 25806, "colour": 25807, "chops": 25808, "wyn": 25809, "twelfth": 25810, "thereof": 25811, "shooed": 25812, "naeve": 25813, "mags": 25814, "illium": 25815, "funnel": 25816, "enrique": 25817, "cucu": 25818, "sarssen": 25819, "salina": 25820, "recuper": 25821, "puzzles": 25822, "parall": 25823, "networks": 25824, "jubil": 25825, "hypothe": 25826, "guinea": 25827, "documented": 25828, "clubhouse": 25829, "barr": 25830, "assed": 25831, "shamed": 25832, "shanna": 25833, "resource": 25834, "purg": 25835, "ornaments": 25836, "mastur": 25837, "inate": 25838, "implac": 25839, "goody": 25840, "encouragingly": 25841, "elissa": 25842, "dgers": 25843, "calculate": 25844, "cay": 25845, "cled": 25846, "animate": 25847, "wireless": 25848, "traff": 25849, "tinker": 25850, "spontaneously": 25851, "rydstrom": 25852, "raja": 25853, "pher": 25854, "oraden": 25855, "internship": 25856, "gryph": 25857, "dub": 25858, "deness": 25859, "ationally": 25860, "aflo": 25861, "akel": 25862, "timore": 25863, "tapestries": 25864, "scruff": 25865, "overpowered": 25866, "outlaw": 25867, "leafy": 25868, "lahn": 25869, "fabian": 25870, "disdain": 25871, "chameleon": 25872, ".......": 25873, "snide": 25874, "sketch": 25875, "rhythmically": 25876, "passions": 25877, "maryland": 25878, "gwendolen": 25879, "enforcers": 25880, "beretta": 25881, "antar": 25882, "sneeze": 25883, "policies": 25884, "nynaeve": 25885, "marika": 25886, "jotted": 25887, "esh": 25888, "eco": 25889, "braydon": 25890, "bland": 25891, "besee": 25892, "bailed": 25893, "afloat": 25894, "accelerating": 25895, "u.": 25896, "reclining": 25897, "revered": 25898, "prede": 25899, "powell": 25900, "partici": 25901, "nebraska": 25902, "micki": 25903, "hovers": 25904, "cabbage": 25905, "buffe": 25906, "bridle": 25907, "akeldama": 25908, "airfield": 25909, "abitch": 25910, "aversion": 25911, "willem": 25912, "treetops": 25913, "surrendering": 25914, "plars": 25915, "oats": 25916, "navigating": 25917, "hangers": 25918, "entally": 25919, "distinguishable": 25920, "credibility": 25921, "aakir": 25922, "turbulent": 25923, "tahoe": 25924, "robber": 25925, "richmond": 25926, "repairing": 25927, "onies": 25928, "imer": 25929, "ias": 25930, "hover": 25931, "friendships": 25932, "forbidding": 25933, "esthetic": 25934, "determinedly": 25935, "cogn": 25936, "carou": 25937, "camaro": 25938, "cado": 25939, "unfathom": 25940, "selfishness": 25941, "methe": 25942, "kees": 25943, "givings": 25944, "dril": 25945, "dork": 25946, "curator": 25947, "cowar": 25948, "browning": 25949, "alt": 25950, "renata": 25951, "poncey": 25952, "ores": 25953, "lapels": 25954, "enhance": 25955, "chagrin": 25956, "cerise": 25957, "caitlyn": 25958, "bullet": 25959, "begs": 25960, "absurdity": 25961, "whizzed": 25962, "unpack": 25963, "ug": 25964, "topple": 25965, "teetered": 25966, "storeroom": 25967, "skimpy": 25968, "relating": 25969, "reg": 25970, "refresh": 25971, "icially": 25972, "harman": 25973, "commu": 25974, "bulle": 25975, "angua": 25976, "alonso": 25977, "toppling": 25978, "tabloids": 25979, "sharpening": 25980, "scold": 25981, "pyre": 25982, "emitting": 25983, "dudes": 25984, "celtic": 25985, "autopilot": 25986, "valiant": 25987, "uncharacteristic": 25988, "traction": 25989, "susceptible": 25990, "proceeds": 25991, "proof": 25992, "erm": 25993, "donate": 25994, "crucifix": 25995, "ananda": 25996, "acou": 25997, "wobble": 25998, "wik": 25999, "susanna": 26000, "seraph": 26001, "sells": 26002, "seline": 26003, "monumental": 26004, "headless": 26005, "harassing": 26006, "fireflies": 26007, "constantine": 26008, "chyna": 26009, "cartw": 26010, "arouse": 26011, "--------------------------------": 26012, "yankee": 26013, "waitresses": 26014, "staun": 26015, "roarke": 26016, "plugs": 26017, "pallid": 26018, "march": 26019, "lumbering": 26020, "kayden": 26021, "helper": 26022, "generously": 26023, "commence": 26024, "cobblestones": 26025, "burrow": 26026, "beefy": 26027, "stamps": 26028, "stems": 26029, "reigned": 26030, "orphans": 26031, "occupant": 26032, "n.": 26033, "misshapen": 26034, "lass": 26035, "jet": 26036, "hippie": 26037, "frontier": 26038, "ferr": 26039, "exiled": 26040, "deformed": 26041, "alejandro": 26042, "tock": 26043, "strategies": 26044, "phagus": 26045, "meara": 26046, "knapsack": 26047, "jarrod": 26048, "jaded": 26049, "frazzled": 26050, "finesse": 26051, "clowns": 26052, "cleaver": 26053, "biotics": 26054, "bearable": 26055, "vengeful": 26056, "uriah": 26057, "unopened": 26058, "sausages": 26059, "peculi": 26060, "oney": 26061, "nursed": 26062, "murdoch": 26063, "landa": 26064, "jy": 26065, "hollows": 26066, "harming": 26067, "eg": 26068, "cottages": 26069, "cimil": 26070, "catering": 26071, "carlton": 26072, "bagged": 26073, "actu": 26074, "zephyr": 26075, "visage": 26076, "unforgi": 26077, "stacking": 26078, "query": 26079, "mino": 26080, "coffees": 26081, "caste": 26082, "airship": 26083, "ail": 26084, "weightless": 26085, "syndicate": 26086, "shortage": 26087, "raina": 26088, "pottery": 26089, "mallore": 26090, "hump": 26091, "cellular": 26092, "vash": 26093, "unbearably": 26094, "trakian": 26095, "subconsciously": 26096, "ruck": 26097, "discoveries": 26098, "conduit": 26099, "carpa": 26100, "quincy": 26101, "leh": 26102, "hrathen": 26103, "excursion": 26104, "eventual": 26105, "drastically": 26106, "dt": 26107, "clouding": 26108, "buckman": 26109, "affin": 26110, "adoring": 26111, "zap": 26112, "viscount": 26113, "tusk": 26114, "tiresome": 26115, "ronni": 26116, "old": 26117, "necessities": 26118, "neo": 26119, "lainie": 26120, "gadgets": 26121, "chore": 26122, "aires": 26123, "4.": 26124, "wading": 26125, "unrolled": 26126, "thunk": 26127, "revolutionary": 26128, "ranon": 26129, "railings": 26130, "premature": 26131, "luxen": 26132, "leech": 26133, "affixed": 26134, "reciting": 26135, "oakes": 26136, "kala": 26137, "harald": 26138, "fevered": 26139, "eyeliner": 26140, "errat": 26141, "teeny": 26142, "stirg": 26143, "small": 26144, "smacks": 26145, "liao": 26146, "flake": 26147, "fantasized": 26148, "chalk": 26149, "unbreakable": 26150, "superinten": 26151, "nourishment": 26152, "khufu": 26153, "innocu": 26154, "heavy": 26155, "gypsies": 26156, "giovanni": 26157, "gallant": 26158, "fistful": 26159, "encompassing": 26160, "ega": 26161, "cartwright": 26162, "vigil": 26163, "telekinesis": 26164, "superb": 26165, "ssional": 26166, "sheaf": 26167, "rogan": 26168, "mingly": 26169, "mec": 26170, "lannister": 26171, "jacey": 26172, "ferti": 26173, "dribbled": 26174, "connolly": 26175, "bondage": 26176, "astounding": 26177, "apparatus": 26178, "rocco": 26179, "impose": 26180, "heirs": 26181, "gooey": 26182, "duly": 26183, "breakthrough": 26184, "brit": 26185, "anonymity": 26186, "ambigu": 26187, "wireman": 26188, "spouse": 26189, "spines": 26190, "psychopath": 26191, "pendleton": 26192, "oughs": 26193, "lexus": 26194, "hampshire": 26195, "fila": 26196, "excel": 26197, "dolf": 26198, "delaying": 26199, "asa": 26200, "swooping": 26201, "snickers": 26202, "skittering": 26203, "offerings": 26204, "nigh": 26205, "margin": 26206, "keeley": 26207, "cobalt": 26208, "checkout": 26209, "audition": 26210, "anthropo": 26211, "administered": 26212, "yla": 26213, "tryn": 26214, "tint": 26215, "slanting": 26216, "prepo": 26217, "mum": 26218, "mirage": 26219, "dislodge": 26220, "clerks": 26221, "businesslike": 26222, "avelyn": 26223, "twang": 26224, "trainers": 26225, "twitches": 26226, "subterran": 26227, "striving": 26228, "stok": 26229, "regime": 26230, "puri": 26231, "participated": 26232, "hiber": 26233, "flowered": 26234, "disposable": 26235, "deliveries": 26236, "consisting": 26237, "benign": 26238, "alura": 26239, "vigorous": 26240, "traitorous": 26241, "ova": 26242, "libido": 26243, "i'": 26244, "ggler": 26245, "fier": 26246, "editing": 26247, "downing": 26248, "affections": 26249, "viral": 26250, "uglin": 26251, "sticker": 26252, "speculated": 26253, "sibly": 26254, "shackled": 26255, "sbury": 26256, "pem": 26257, "nors": 26258, "milking": 26259, "magda": 26260, "impulses": 26261, "gustav": 26262, "delved": 26263, "collateral": 26264, "brunch": 26265, "benevolent": 26266, "unending": 26267, "ugliness": 26268, "tendons": 26269, "superstition": 26270, "scep": 26271, "pran": 26272, "pending": 26273, "plots": 26274, "nicked": 26275, "mausoleum": 26276, "katin": 26277, "hysterics": 26278, "gimme": 26279, "expansion": 26280, "ely": 26281, "dictionary": 26282, "coastline": 26283, "austri": 26284, "vinegar": 26285, "seafood": 26286, "rieve": 26287, "quer": 26288, "lavi": 26289, "intruding": 26290, "hawks": 26291, "dorms": 26292, "discourage": 26293, "disrespectful": 26294, "allowance": 26295, "abandon": 26296, "wineglass": 26297, "wildflowers": 26298, "suggestively": 26299, "splatter": 26300, "selecting": 26301, "scandalous": 26302, "reon": 26303, "rejoin": 26304, "mckean": 26305, "loy": 26306, "jabs": 26307, "howell": 26308, "crawls": 26309, "clien": 26310, "boiler": 26311, "baltimore": 26312, "5:": 26313, "uss": 26314, "rubies": 26315, "realisation": 26316, "republi": 26317, "prospective": 26318, "prea": 26319, "overprotective": 26320, "macdonald": 26321, "lanthe": 26322, "jing": 26323, "irritate": 26324, "interviewing": 26325, "humbled": 26326, "flavored": 26327, "cowardice": 26328, "bek": 26329, "beet": 26330, "appalling": 26331, "waxed": 26332, "unchanged": 26333, "straddle": 26334, "somely": 26335, "petted": 26336, "marrow": 26337, "macrieve": 26338, "kingston": 26339, "journalists": 26340, "intensive": 26341, "informal": 26342, "geni": 26343, "clientele": 26344, "alethea": 26345, "adelaide": 26346, "abundant": 26347, "unpreced": 26348, "turret": 26349, "talkative": 26350, "sota": 26351, "shunned": 26352, "scrabbling": 26353, "randal": 26354, "profan": 26355, "perk": 26356, "murgos": 26357, "mable": 26358, "lagoon": 26359, "interrogate": 26360, "holm": 26361, "hickory": 26362, "gastonish": 26363, "festive": 26364, "enlightened": 26365, "communal": 26366, "aris": 26367, "ardly": 26368, "weakest": 26369, "transferring": 26370, "thirds": 26371, "slinging": 26372, "raccoon": 26373, "numbed": 26374, "minating": 26375, "meddling": 26376, "mango": 26377, "facil": 26378, "candle": 26379, "borg": 26380, "balling": 26381, "annihil": 26382, "wanderer": 26383, "venna": 26384, "steed": 26385, "rolce": 26386, "plop": 26387, "panicky": 26388, "modestly": 26389, "holographic": 26390, "deference": 26391, "brands": 26392, "unrecognizable": 26393, "tranqui": 26394, "richly": 26395, "perpetually": 26396, "patro": 26397, "nag": 26398, "dros": 26399, "coworkers": 26400, "clover": 26401, "chanced": 26402, "billings": 26403, "blot": 26404, "angelique": 26405, "angst": 26406, "teaches": 26407, "sorrowful": 26408, "sludge": 26409, "scuffle": 26410, "peregr": 26411, "necklaces": 26412, "measurements": 26413, "lences": 26414, "infrared": 26415, "hav": 26416, "gourmet": 26417, "fertility": 26418, "doctr": 26419, "antibiotics": 26420, "accentuated": 26421, "waxillium": 26422, "venomous": 26423, "unprecedented": 26424, "thoy": 26425, "terrorism": 26426, "snipp": 26427, "protectors": 26428, "prevail": 26429, "nephews": 26430, "efs": 26431, "boisterous": 26432, "blueberry": 26433, "uki": 26434, "scoun": 26435, "invigor": 26436, "floyd": 26437, "erratically": 26438, "eduard": 26439, "crystalline": 26440, "courting": 26441, "condolences": 26442, "alerting": 26443, "swagger": 26444, "pilo": 26445, "moderate": 26446, "mentality": 26447, "kataria": 26448, "kasey": 26449, "hallucinating": 26450, "faber": 26451, "erva": 26452, "engineered": 26453, "confiscated": 26454, "cincin": 26455, "brightening": 26456, "53": 26457, "windowless": 26458, "temp": 26459, "structing": 26460, "ricocheted": 26461, "riddles": 26462, "regretfully": 26463, "patch": 26464, "indicator": 26465, "girlish": 26466, "cashmere": 26467, "viv": 26468, "tiredness": 26469, "thwa": 26470, "possesses": 26471, "overseer": 26472, "orchestrated": 26473, "monson": 26474, "mmied": 26475, "messes": 26476, "mega": 26477, "labour": 26478, "kier": 26479, "jemmy": 26480, "groggily": 26481, "grande": 26482, "bridie": 26483, "adrien": 26484, "adrenalin": 26485, "tulane": 26486, "tenuous": 26487, "scoundre": 26488, "reverberating": 26489, "lunar": 26490, "gorilla": 26491, "golem": 26492, "feasting": 26493, "deepen": 26494, "decisively": 26495, "concierge": 26496, "cellphone": 26497, "territorial": 26498, "rousing": 26499, "orson": 26500, "lengthened": 26501, "karman": 26502, "interse": 26503, "ghi": 26504, "faw": 26505, "dottie": 26506, "delicacy": 26507, "choreogra": 26508, "carrow": 26509, "boat": 26510, "armpit": 26511, "vladi": 26512, "suckled": 26513, "snail": 26514, "raquel": 26515, "petulant": 26516, "myles": 26517, "materialize": 26518, "laz": 26519, "incredulity": 26520, "esmeralda": 26521, "eces": 26522, "carpathians": 26523, "anus": 26524, "vancou": 26525, "uc": 26526, "skirting": 26527, "roadway": 26528, "raided": 26529, "protects": 26530, "promin": 26531, "morgana": 26532, "marnie": 26533, "marge": 26534, "herbert": 26535, "disobedi": 26536, "chas": 26537, "barbaric": 26538, "sparing": 26539, "scots": 26540, "rego": 26541, "parrot": 26542, "mercur": 26543, "incorpor": 26544, "gospel": 26545, "domination": 26546, "cannib": 26547, "buckles": 26548, "weldon": 26549, "uttering": 26550, "tool": 26551, "prostitutes": 26552, "pros": 26553, "piscary": 26554, "moneo": 26555, "liz": 26556, "haworth": 26557, "delete": 26558, "deckard": 26559, "deceptively": 26560, "combat": 26561, "auras": 26562, "appreciating": 26563, "achieving": 26564, "undeniably": 26565, "usher": 26566, "threading": 26567, "snowing": 26568, "roshan": 26569, "rejecting": 26570, "ras": 26571, "ponti": 26572, "patton": 26573, "obeying": 26574, "jawen": 26575, "indulging": 26576, "ipid": 26577, "faul": 26578, "clich": 26579, "volunteering": 26580, "vancouver": 26581, "vapor": 26582, "tweed": 26583, "trident": 26584, "silhouettes": 26585, "rouge": 26586, "ponies": 26587, "nauseated": 26588, "mutant": 26589, "isak": 26590, "iridescent": 26591, "inquisition": 26592, "haddington": 26593, "educational": 26594, "bereft": 26595, "behe": 26596, "awash": 26597, "rumbles": 26598, "princeton": 26599, "lightheaded": 26600, "fogged": 26601, "flea": 26602, "flyers": 26603, "fideli": 26604, "contrasted": 26605, "breastplate": 26606, "vements": 26607, "unbutton": 26608, "tremul": 26609, "transit": 26610, "termination": 26611, "stinks": 26612, "stills": 26613, "orthodox": 26614, "moths": 26615, "mercury": 26616, "headstone": 26617, "congratu": 26618, "alphas": 26619, "zones": 26620, "townsend": 26621, "solange": 26622, "phies": 26623, "persecu": 26624, "pasty": 26625, "ku'": 26626, "intric": 26627, "interrogated": 26628, "highlands": 26629, "ellan": 26630, "cocktails": 26631, "spluttered": 26632, "painkillers": 26633, "mulling": 26634, "mules": 26635, "mathematical": 26636, "lepage": 26637, "embel": 26638, "blooms": 26639, "4:": 26640, "400": 26641, "technological": 26642, "swears": 26643, "rooting": 26644, "revive": 26645, "recruiting": 26646, "rak": 26647, "pretentious": 26648, "oversee": 26649, "metaphor": 26650, "hatchet": 26651, "fruitless": 26652, "erole": 26653, "aram": 26654, "thames": 26655, "shoppers": 26656, "secr": 26657, "rotun": 26658, "resentful": 26659, "rancid": 26660, "normalcy": 26661, "jarvis": 26662, "herman": 26663, "grandchild": 26664, "brandishing": 26665, "adi": 26666, "vanqui": 26667, "transgre": 26668, "suzette": 26669, "stuttering": 26670, "redheaded": 26671, "ney": 26672, "mix": 26673, "mpets": 26674, "infernal": 26675, "habitat": 26676, "fyd": 26677, "cincinnati": 26678, "backpacks": 26679, "ascertain": 26680, "wara": 26681, "vulgar": 26682, "tribe": 26683, "towed": 26684, "sweet": 26685, "shimmied": 26686, "salve": 26687, "qualms": 26688, "providence": 26689, "pail": 26690, "oxide": 26691, "nim": 26692, "merran": 26693, "mis": 26694, "lachlan": 26695, "hydrogen": 26696, "goddesses": 26697, "cosmos": 26698, "aturi": 26699, "avid": 26700, "yogur": 26701, "xy": 26702, "scheming": 26703, "robust": 26704, "resourceful": 26705, "resign": 26706, "perkins": 26707, "lucr": 26708, "leered": 26709, "lasers": 26710, "keley": 26711, "furrows": 26712, "fusing": 26713, "eugeny": 26714, "enable": 26715, "competitors": 26716, "bullied": 26717, "arresting": 26718, "anza": 26719, "voting": 26720, "vacations": 26721, "thrumming": 26722, "segment": 26723, "morfyd": 26724, "marlowe": 26725, "govern": 26726, "fato": 26727, "eleven": 26728, "divisions": 26729, "bitions": 26730, "arag": 26731, "a.j.": 26732, "trynna": 26733, "trynnadon": 26734, "stoked": 26735, "sew": 26736, "smother": 26737, "ralphie": 26738, "quiz": 26739, "journalism": 26740, "jagr": 26741, "jaclyn": 26742, "humankind": 26743, "headfirst": 26744, "hai": 26745, "hens": 26746, "cada": 26747, "buff": 26748, "bids": 26749, "bernar": 26750, "usur": 26751, "stilettos": 26752, "sorority": 26753, "patroclus": 26754, "organised": 26755, "millionaire": 26756, "larson": 26757, "isher": 26758, "hideout": 26759, "gaming": 26760, "evils": 26761, "erman": 26762, "crock": 26763, "countdown": 26764, "cinema": 26765, "chit": 26766, "berty": 26767, "sax": 26768, "mcau": 26769, "iq": 26770, "gog": 26771, "fasten": 26772, "eyelid": 26773, "emblem": 26774, "tarquin": 26775, "prosperity": 26776, "pansy": 26777, "meltdown": 26778, "heaves": 26779, "hairless": 26780, "establishing": 26781, "chieftain": 26782, "beggars": 26783, "barber": 26784, "attuned": 26785, "sull": 26786, "sulfur": 26787, "scaly": 26788, "ranked": 26789, "produces": 26790, "lucrative": 26791, "hewn": 26792, "harbored": 26793, "gilt": 26794, "approving": 26795, "accommodation": 26796, "2:": 26797, ".@": 26798, "versa": 26799, "vending": 26800, "tuan": 26801, "tonya": 26802, "theor": 26803, "talbott": 26804, "swishing": 26805, "strapless": 26806, "stice": 26807, "ssus": 26808, "metis": 26809, "lunches": 26810, "hethe": 26811, "dumbly": 26812, "broadcasting": 26813, "balconies": 26814, "atticus": 26815, "athys": 26816, "arche": 26817, "untouchable": 26818, "trinkets": 26819, "tol": 26820, "thrive": 26821, "techs": 26822, "spurted": 26823, "prague": 26824, "natu": 26825, "lulled": 26826, "loused": 26827, "indescribable": 26828, "impersonal": 26829, "humanly": 26830, "hires": 26831, "gunnar": 26832, "blackie": 26833, "awarded": 26834, "alternately": 26835, "56": 26836, "yolanda": 26837, "ydnas": 26838, "vira": 26839, "surrounds": 26840, "strutted": 26841, "pyramids": 26842, "mouthing": 26843, "meaningfully": 26844, "meth": 26845, "linn": 26846, "ku'sox": 26847, "katja": 26848, "jorie": 26849, "hunts": 26850, "hoof": 26851, "feld": 26852, "dario": 26853, "crisscrossed": 26854, "casserole": 26855, "carpeting": 26856, "blindness": 26857, "66": 26858, "spud": 26859, "skunk": 26860, "scoring": 26861, "reverted": 26862, "poseidon": 26863, "notify": 26864, "million": 26865, "infiltrate": 26866, "drains": 26867, "derision": 26868, "wanders": 26869, "vancha": 26870, "unlit": 26871, "sizable": 26872, "roxanne": 26873, "rightfully": 26874, "polar": 26875, "mentions": 26876, "kinder": 26877, "innocuous": 26878, "horn": 26879, "herbal": 26880, "hendrix": 26881, "grimes": 26882, "featuring": 26883, "ees": 26884, "drills": 26885, "dritch": 26886, "demolished": 26887, "cherie": 26888, "cas": 26889, "wyr": 26890, "threesome": 26891, "spoiling": 26892, "prejudic": 26893, "kadie": 26894, "inter": 26895, "gregg": 26896, "gibberish": 26897, "geously": 26898, "cameraman": 26899, "biblical": 26900, "baldur": 26901, "ackle": 26902, "unsuccessful": 26903, "sullenly": 26904, "seaside": 26905, "pledged": 26906, "manure": 26907, "lightness": 26908, "lesbian": 26909, "inflated": 26910, "idol": 26911, "hosting": 26912, "grimey": 26913, "commenting": 26914, "spurt": 26915, "repent": 26916, "prefec": 26917, "pisses": 26918, "pey": 26919, "liss": 26920, "jeopardize": 26921, "ization": 26922, "gusts": 26923, "firms": 26924, "catalog": 26925, "canines": 26926, "bridg": 26927, "baycliff": 26928, "aquitaine": 26929, "adara": 26930, "achingly": 26931, "sledge": 26932, "miss.": 26933, "millimeter": 26934, "manship": 26935, "loner": 26936, "jonathon": 26937, "joffrey": 26938, "hugely": 26939, "hemp": 26940, "gag": 26941, "bloodstained": 26942, "yuck": 26943, "wilted": 26944, "washroom": 26945, "unwind": 26946, "roft": 26947, "poland": 26948, "pedestrian": 26949, "outlaws": 26950, "nudges": 26951, "indulgent": 26952, "geral": 26953, "gathers": 26954, "eido": 26955, "drunks": 26956, "dham": 26957, "containment": 26958, "clipping": 26959, "ardu": 26960, "54": 26961, "viewers": 26962, "vampi": 26963, "tracey": 26964, "tiara": 26965, "synchroni": 26966, "superintendent": 26967, "superman": 26968, "shifter": 26969, "scing": 26970, "ranting": 26971, "portrayed": 26972, "photographed": 26973, "peregrine": 26974, "paralysis": 26975, "minne": 26976, "islander": 26977, "indiscre": 26978, "gues": 26979, "gestion": 26980, "fidelias": 26981, "boro": 26982, "aristocratic": 26983, "trendy": 26984, "trenches": 26985, "thorval": 26986, "thirteenth": 26987, "skets": 26988, "savvy": 26989, "raul": 26990, "rambled": 26991, "progression": 26992, "preposterous": 26993, "perverted": 26994, "patronizing": 26995, "hilltop": 26996, "heral": 26997, "conditional": 26998, "channeling": 26999, "battlements": 27000, "stint": 27001, "spades": 27002, "soapy": 27003, "raiding": 27004, "posse": 27005, "pathways": 27006, "ooze": 27007, "nostalgia": 27008, "inked": 27009, "grail": 27010, "dex": 27011, "corky": 27012, "bombed": 27013, "aftershave": 27014, "swapped": 27015, "shied": 27016, "restoration": 27017, "mpton": 27018, "mores": 27019, "misgivings": 27020, "minding": 27021, "martinez": 27022, "kidnappers": 27023, "it's": 27024, "ello": 27025, "detta": 27026, "conceal": 27027, "1:": 27028, "standstill": 27029, "shortest": 27030, "shap": 27031, "rhetorical": 27032, "plotted": 27033, "negotiation": 27034, "moga": 27035, "disembodied": 27036, "dads": 27037, "cursor": 27038, "cordial": 27039, "catacombs": 27040, "brecken": 27041, "assimil": 27042, "yogurt": 27043, "rearing": 27044, "rapture": 27045, "ravi": 27046, "purge": 27047, "parshendi": 27048, "nero": 27049, "itzy": 27050, "ilin": 27051, "highland": 27052, "gesser": 27053, "formulate": 27054, "exaggeration": 27055, "elsa": 27056, "dwelt": 27057, "consequential": 27058, "christian": 27059, "vella": 27060, "rainier": 27061, "mower": 27062, "kneels": 27063, "judas": 27064, "coyly": 27065, "clay": 27066, "bright": 27067, "valve": 27068, "tuition": 27069, "subterranean": 27070, "redun": 27071, "rak": 27072, "panor": 27073, "methy": 27074, "lation": 27075, "jaun": 27076, "hani": 27077, "gnant": 27078, "fulfillment": 27079, "fetching": 27080, "convulsing": 27081, "cowards": 27082, "accumu": 27083, "woolen": 27084, "toothed": 27085, "tins": 27086, "rivulets": 27087, "posting": 27088, "nuen": 27089, "mural": 27090, "loosed": 27091, "ingrained": 27092, "infatuation": 27093, "hourglass": 27094, "funded": 27095, "firecr": 27096, "doubly": 27097, "bypass": 27098, "burglar": 27099, "abreon": 27100, "whor": 27101, "vegetarian": 27102, "utah": 27103, "sloan": 27104, "museums": 27105, "gallagher": 27106, "excer": 27107, "dously": 27108, "beesely": 27109, "tynan": 27110, "topher": 27111, "taver": 27112, "severity": 27113, "sedative": 27114, "scouring": 27115, "recipes": 27116, "ration": 27117, "purgatory": 27118, "patter": 27119, "jak": 27120, "innuen": 27121, "imported": 27122, "humorless": 27123, "humiliate": 27124, "glomer": 27125, "fleece": 27126, "damning": 27127, "clucked": 27128, "zoom": 27129, "xson": 27130, "upscale": 27131, "terpre": 27132, "speth": 27133, "sanctum": 27134, "preamble": 27135, "phing": 27136, "oppose": 27137, "navigator": 27138, "latex": 27139, "forgets": 27140, "desolation": 27141, "chure": 27142, "cds": 27143, "stellan": 27144, "rivals": 27145, "pallor": 27146, "paki": 27147, "misinterpre": 27148, "migraine": 27149, "meats": 27150, "laugha": 27151, "instantaneous": 27152, "flabber": 27153, "dormer": 27154, "contaminated": 27155, "chipper": 27156, "calloused": 27157, "call": 27158, "burdens": 27159, "bolton": 27160, "audi": 27161, "unattractive": 27162, "sniffs": 27163, "queen": 27164, "phyllis": 27165, "oooh": 27166, "miniaturi": 27167, "manipulative": 27168, "flabberga": 27169, "emiss": 27170, "easel": 27171, "drif": 27172, "dimness": 27173, "citizen": 27174, "blandly": 27175, "adequately": 27176, "accessed": 27177, "aedan": 27178, "subsequently": 27179, "stiffness": 27180, "marna": 27181, "itiner": 27182, "itas": 27183, "dedness": 27184, "cings": 27185, "breeds": 27186, "ally": 27187, "sulking": 27188, "staccato": 27189, "quickest": 27190, "pros": 27191, "prediction": 27192, "niche": 27193, "monoton": 27194, "linus": 27195, "invaluable": 27196, "hoss": 27197, "genetically": 27198, "finley": 27199, "dozer": 27200, "denis": 27201, "bombarded": 27202, "allure": 27203, "aza": 27204, "7th": 27205, "whoops": 27206, "viggo": 27207, "unicorns": 27208, "unfathomable": 27209, "tranquility": 27210, "smanship": 27211, "sloshing": 27212, "peacock": 27213, "montrose": 27214, "hawai": 27215, "fainting": 27216, "dairy": 27217, "cobbled": 27218, "christophe": 27219, "barstool": 27220, "assign": 27221, "~~~~": 27222, "tyn": 27223, "spoke": 27224, "signor": 27225, "plywood": 27226, "mortification": 27227, "khakis": 27228, "jumbo": 27229, "hisp": 27230, "gymnasium": 27231, "ghann": 27232, "famished": 27233, "coppery": 27234, "clanking": 27235, "catalyst": 27236, "basking": 27237, "alternatives": 27238, "alisa": 27239, "thrived": 27240, "stier": 27241, "speculative": 27242, "poof": 27243, "lolled": 27244, "kahn": 27245, "joff": 27246, "hubbard": 27247, "gunpowder": 27248, "guido": 27249, "gp": 27250, "elspeth": 27251, "drail": 27252, "dispel": 27253, "brochure": 27254, "antsy": 27255, "alejo": 27256, "aster": 27257, "verlaine": 27258, "unconvinced": 27259, "treasury": 27260, "translator": 27261, "stemmed": 27262, "spindly": 27263, "pups": 27264, "propaganda": 27265, "philipp": 27266, "paddled": 27267, "ottoman": 27268, "o'connell": 27269, "lyall": 27270, "hang": 27271, "grainy": 27272, "ebb": 27273, "dias": 27274, "cleaners": 27275, "abode": 27276, "28": 27277, "workin": 27278, "utilit": 27279, "thinal": 27280, "throw": 27281, "riots": 27282, "respir": 27283, "rethink": 27284, "quickening": 27285, "possessiveness": 27286, "penance": 27287, "onset": 27288, "omega": 27289, "morale": 27290, "machi": 27291, "macab": 27292, "lorna": 27293, "hindsight": 27294, "guardsmen": 27295, "glides": 27296, "endanger": 27297, "defender": 27298, "croa": 27299, "callused": 27300, "blackwell": 27301, "amita": 27302, "airing": 27303, "varg": 27304, "trophies": 27305, "titanic": 27306, "tenor": 27307, "subsi": 27308, "perilous": 27309, "laci": 27310, "gei": 27311, "fundra": 27312, "fot": 27313, "chamberlain": 27314, "brium": 27315, "birthdays": 27316, "azure": 27317, "ashleigh": 27318, "ascending": 27319, "applies": 27320, "ahem": 27321, "trembles": 27322, "torchlight": 27323, "stness": 27324, "slack": 27325, "researched": 27326, "paragon": 27327, "o'mal": 27328, "levine": 27329, "ksan": 27330, "implored": 27331, "gentlemanly": 27332, "elix": 27333, "defying": 27334, "cruisers": 27335, "carthinal": 27336, "brusquely": 27337, "brine": 27338, "bawling": 27339, "banc": 27340, "avril": 27341, "adrift": 27342, "wroth": 27343, "whiteness": 27344, "warp": 27345, "vittoria": 27346, "vea": 27347, "transcen": 27348, "tox": 27349, "skittish": 27350, "shali": 27351, "revolved": 27352, "refocused": 27353, "participants": 27354, "oons": 27355, "nile": 27356, "miniseries": 27357, "market": 27358, "informs": 27359, "flagg": 27360, "flings": 27361, "experimenting": 27362, "droned": 27363, "crescendo": 27364, "vitality": 27365, "thear": 27366, "tarin": 27367, "shoe": 27368, "satory": 27369, "reducing": 27370, "piercings": 27371, "krit": 27372, "knock": 27373, "knobs": 27374, "hypocr": 27375, "gradual": 27376, "explicit": 27377, "casi": 27378, "arro": 27379, "achil": 27380, "abhor": 27381, "weighs": 27382, "trudging": 27383, "theoretically": 27384, "softest": 27385, "sneezed": 27386, "misted": 27387, "listener": 27388, "listen": 27389, "lending": 27390, "fiji": 27391, "distan": 27392, "bunnu": 27393, "briksan": 27394, "bilbo": 27395, "trashcan": 27396, "teeming": 27397, "ssingly": 27398, "slugs": 27399, "mojo": 27400, "luncheon": 27401, "lias": 27402, "handset": 27403, "gesserit": 27404, "gong": 27405, "fawn": 27406, "dickhead": 27407, "deni": 27408, "belied": 27409, "babylon": 27410, "wilds": 27411, "sideboard": 27412, "outwardly": 27413, "oui": 27414, "noo": 27415, "julienne": 27416, "eru": 27417, "eleventh": 27418, "cliche": 27419, "cami": 27420, "alised": 27421, "affinity": 27422, "wentworth": 27423, "uniqu": 27424, "taran": 27425, "sternum": 27426, "scroun": 27427, "ruckus": 27428, "pelted": 27429, "patrician": 27430, "minim": 27431, "jus": 27432, "hallucinations": 27433, "erate": 27434, "epide": 27435, "entice": 27436, "colorless": 27437, "camara": 27438, "bulb": 27439, "advisors": 27440, "advertised": 27441, "worlders": 27442, "vases": 27443, "u.": 27444, "slowness": 27445, "shambles": 27446, "prototype": 27447, "outweigh": 27448, "kop": 27449, "hanileh": 27450, "goers": 27451, "frivol": 27452, "enko": 27453, "ding": 27454, "beow": 27455, "antiseptic": 27456, "64": 27457, "vladimir": 27458, "untamed": 27459, "reiterated": 27460, "postcard": 27461, "pione": 27462, "overreacting": 27463, "melvin": 27464, "mc": 27465, "intermin": 27466, "insensitive": 27467, "hixson": 27468, "gardner": 27469, "evaded": 27470, "eod": 27471, "dracula": 27472, "downloaded": 27473, "clinton": 27474, "yankees": 27475, "unavoid": 27476, "sutherland": 27477, "suction": 27478, "sexton": 27479, "ridmark": 27480, "poign": 27481, "multicolored": 27482, "misjudged": 27483, "marjorie": 27484, "maneuvers": 27485, "magdal": 27486, "inert": 27487, "helliom": 27488, "garbled": 27489, "estone": 27490, "digit": 27491, "camaraderie": 27492, "bhelliom": 27493, "azrael": 27494, "abnormal": 27495, "yles": 27496, "travellers": 27497, "sneers": 27498, "resorted": 27499, "pathetically": 27500, "overbearing": 27501, "nag": 27502, "koldo": 27503, "israeli": 27504, "graded": 27505, "entrusted": 27506, "dena": 27507, "crowe": 27508, "constanti": 27509, "communist": 27510, "capp": 27511, "thunderstorm": 27512, "streetlight": 27513, "stealthy": 27514, "snugly": 27515, "settlements": 27516, "reproach": 27517, "proffered": 27518, "pampered": 27519, "pimp": 27520, "miner": 27521, "medes": 27522, "mcca": 27523, "manne": 27524, "hoist": 27525, "gurgle": 27526, "graphs": 27527, "gnment": 27528, "erts": 27529, "ebbed": 27530, "declares": 27531, "cherokee": 27532, "beowulf": 27533, "badges": 27534, "unhappiness": 27535, "stipul": 27536, "steals": 27537, "nocturnal": 27538, "mouthpiece": 27539, "lynette": 27540, "luster": 27541, "lambert": 27542, "icu": 27543, "hemia": 27544, "feller": 27545, "elian": 27546, "drily": 27547, "derived": 27548, "braulor": 27549, "amin": 27550, "alleg": 27551, "witted": 27552, "shortened": 27553, "racist": 27554, "medicines": 27555, "kand": 27556, "inject": 27557, "explorers": 27558, "emaci": 27559, "deja": 27560, "default": 27561, "blotted": 27562, "bai": 27563, "antony": 27564, "temperament": 27565, "templars": 27566, "reopened": 27567, "raincoat": 27568, "ise": 27569, "flabbergasted": 27570, "fifteenth": 27571, "div": 27572, "constantijin": 27573, "communicator": 27574, "bronco": 27575, "unhinged": 27576, "tyman": 27577, "tumbler": 27578, "theodore": 27579, "syl": 27580, "stirs": 27581, "quirk": 27582, "pulsion": 27583, "prided": 27584, "prag": 27585, "kady": 27586, "kol": 27587, "klu": 27588, "intolerable": 27589, "impregn": 27590, "flecked": 27591, "enlighten": 27592, "bananas": 27593, "tolerant": 27594, "solicitor": 27595, "smokes": 27596, "scrabbled": 27597, "nant": 27598, "enclave": 27599, "coffins": 27600, "circuits": 27601, "bled": 27602, "birdie": 27603, "anon": 27604, "alchemist": 27605, "thar": 27606, "shirleen": 27607, "roped": 27608, "onia": 27609, "odor": 27610, "littering": 27611, "jewell": 27612, "iland": 27613, "fairytale": 27614, "davenport": 27615, "costa": 27616, "arthr": 27617, "winners": 27618, "verses": 27619, "traiven": 27620, "scurry": 27621, "quartz": 27622, "premonition": 27623, "nobleman": 27624, "narco": 27625, "marat": 27626, "lecturing": 27627, "leck": 27628, "invisibility": 27629, "founding": 27630, "dya": 27631, "cinderella": 27632, "cartel": 27633, "bulbous": 27634, "swedish": 27635, "sorcery": 27636, "singers": 27637, "serp": 27638, "propelling": 27639, "o'malley": 27640, "microsco": 27641, "medals": 27642, "marches": 27643, "limbo": 27644, "jennings": 27645, "haunts": 27646, "goosebumps": 27647, "zana": 27648, "ultimat": 27649, "stitching": 27650, "sentiments": 27651, "savages": 27652, "rr": 27653, "pointer": 27654, "gnon": 27655, "doorjamb": 27656, "ces": 27657, "befu": 27658, "archchancellor": 27659, "aleran": 27660, "aleria": 27661, "astral": 27662, "wiscon": 27663, "traine": 27664, "toiletries": 27665, "sprouting": 27666, "prosperous": 27667, "hurtful": 27668, "heroine": 27669, "cower": 27670, "clack": 27671, "asso": 27672, "ankeil": 27673, "accomplishments": 27674, "aired": 27675, "unsaid": 27676, "taser": 27677, "stub": 27678, "resuming": 27679, "readju": 27680, "quantities": 27681, "pouty": 27682, "paramedic": 27683, "marankeil": 27684, "ladylike": 27685, "frisbee": 27686, "fl": 27687, "comat": 27688, "clamor": 27689, "bearers": 27690, "undying": 27691, "uously": 27692, "rejuven": 27693, "poole": 27694, "nether": 27695, "musings": 27696, "minnesota": 27697, "margarita": 27698, "macabre": 27699, "librium": 27700, "hir": 27701, "harem": 27702, "fender": 27703, "eruption": 27704, "enforce": 27705, "disinfec": 27706, "devina": 27707, "calories": 27708, "achilles": 27709, "wisconsin": 27710, "swann": 27711, "prescribed": 27712, "oli": 27713, "mobility": 27714, "kieran": 27715, "gim": 27716, "dynasty": 27717, "doon": 27718, "dili": 27719, "complexity": 27720, "catastrophic": 27721, "ask": 27722, "warms": 27723, "skated": 27724, "participating": 27725, "morsel": 27726, "jointed": 27727, "itan": 27728, "ishmael": 27729, "freighter": 27730, "fireman": 27731, "dys": 27732, "blanc": 27733, "believers": 27734, "archaic": 27735, "unwise": 27736, "teague": 27737, "savanah": 27738, "ruffling": 27739, "roper": 27740, "rio": 27741, "jugular": 27742, "imperceptible": 27743, "herding": 27744, "gum": 27745, "forgettable": 27746, "foreigner": 27747, "flun": 27748, "bulletin": 27749, "bender": 27750, "58": 27751, "tansy": 27752, "surpassed": 27753, "succubus": 27754, "spacecraft": 27755, "seekers": 27756, "sements": 27757, "rhine": 27758, "ream": 27759, "pawing": 27760, "josiah": 27761, "jag": 27762, "gled": 27763, "ebon": 27764, "denaos": 27765, "contradiction": 27766, "babes": 27767, "titans": 27768, "sherlock": 27769, "shman": 27770, "pedia": 27771, "motors": 27772, "lectured": 27773, "gallons": 27774, "fungus": 27775, "counterpart": 27776, "cheerleading": 27777, "spector": 27778, "spout": 27779, "semicir": 27780, "revived": 27781, "overhang": 27782, "nava": 27783, "micro": 27784, "fatigues": 27785, "devote": 27786, "detained": 27787, "clasps": 27788, "buckley": 27789, "boast": 27790, "bashed": 27791, "automated": 27792, "zeth": 27793, "video": 27794, "suites": 27795, "resilient": 27796, "osa": 27797, "nips": 27798, "joanne": 27799, "isla": 27800, "insig": 27801, "humph": 27802, "hamlet": 27803, "glower": 27804, "enlightenment": 27805, "electrified": 27806, "diah": 27807, "catwalk": 27808, "ccu": 27809, "bah": 27810, "ampu": 27811, "2010": 27812, "turtleneck": 27813, "suitably": 27814, "quoting": 27815, "painless": 27816, "outlook": 27817, "morley": 27818, "lynch": 27819, "lite": 27820, "impossibility": 27821, "cadmus": 27822, "valoree": 27823, "use": 27824, "tet": 27825, "squads": 27826, "karin": 27827, "jacob": 27828, "instances": 27829, "absurdly": 27830, "zini": 27831, "ushering": 27832, "topside": 27833, "stalin": 27834, "shag": 27835, "rattle": 27836, "petti": 27837, "pear": 27838, "oneself": 27839, "mocha": 27840, "koloss": 27841, "jp": 27842, "imperceptibly": 27843, "honked": 27844, "fischer": 27845, "esta": 27846, "conni": 27847, "breslin": 27848, "bbler": 27849, "allister": 27850, "tomy": 27851, "tearful": 27852, "stringy": 27853, "smattering": 27854, "rollers": 27855, "reappear": 27856, "rebuilding": 27857, "mechanically": 27858, "macie": 27859, "liars": 27860, "kely": 27861, "isin": 27862, "foreheads": 27863, "crippling": 27864, "conglomer": 27865, "59": 27866, "y'know": 27867, "tr": 27868, "squawked": 27869, "patho": 27870, "nauseating": 27871, "milady": 27872, "julianna": 27873, "glar": 27874, "favorable": 27875, "evacuation": 27876, "choppy": 27877, "booking": 27878, "universes": 27879, "picky": 27880, "insignia": 27881, "diligently": 27882, "coraline": 27883, "blistered": 27884, "unraveling": 27885, "unbalanced": 27886, "sisterhood": 27887, "shamel": 27888, "pseudo": 27889, "pension": 27890, "mapped": 27891, "honking": 27892, "generating": 27893, "fuge": 27894, "examiner": 27895, "ethical": 27896, "dives": 27897, "decrepit": 27898, "critias": 27899, "coyotes": 27900, "architectural": 27901, "acquisition": 27902, "abandonment": 27903, "valerius": 27904, "thwarted": 27905, "thermos": 27906, "tentacle": 27907, "suffused": 27908, "souvenir": 27909, "pold": 27910, "meandering": 27911, "kion": 27912, "inebri": 27913, "gins": 27914, "evolence": 27915, "everlasting": 27916, "endearment": 27917, "desider": 27918, "chunky": 27919, "avert": 27920, "waddled": 27921, "traversed": 27922, "skyscrapers": 27923, "reside": 27924, "prolong": 27925, "necked": 27926, "milla": 27927, "mwell": 27928, "logistics": 27929, "impotent": 27930, "guru": 27931, "gentler": 27932, "frilly": 27933, "diaries": 27934, "ccupied": 27935, "bala": 27936, "traumatized": 27937, "prisons": 27938, "myka": 27939, "kanin": 27940, "jenni": 27941, "insuff": 27942, "glaze": 27943, "germain": 27944, "garish": 27945, "franken": 27946, "attitudes": 27947, "arus": 27948, "youths": 27949, "vaughan": 27950, "timbers": 27951, "taco": 27952, "stive": 27953, "solstice": 27954, "shelters": 27955, "ricardo": 27956, "revolting": 27957, "pitts": 27958, "parasol": 27959, "jingle": 27960, "enunci": 27961, "disco": 27962, "coordinate": 27963, "cones": 27964, "belis": 27965, "alge": 27966, "adulter": 27967, "acceleration": 27968, "yama": 27969, "weaves": 27970, "wails": 27971, "unoccupied": 27972, "thumbing": 27973, "stefi": 27974, "steven": 27975, "shoo": 27976, "rifled": 27977, "overtaken": 27978, "observatory": 27979, "misha": 27980, "enigma": 27981, "clause": 27982, "baer": 27983, "assailed": 27984, "alfie": 27985, "amethy": 27986, "10:": 27987, "winterfell": 27988, "volley": 27989, "sprinkling": 27990, "relinquish": 27991, "postpone": 27992, "gra": 27993, "gles": 27994, "faulty": 27995, "condescen": 27996, "burglar": 27997, "accusatory": 27998, "watt": 27999, "ticks": 28000, "teth": 28001, "swin": 28002, "suburb": 28003, "spouting": 28004, "rents": 28005, "revel": 28006, "pushy": 28007, "prevailed": 28008, "intricately": 28009, "inflection": 28010, "iowa": 28011, "hamper": 28012, "dona": 28013, "dahlaine": 28014, "biography": 28015, "boned": 28016, "app": 28017, "wayland": 28018, "thumbnail": 28019, "thai": 28020, "sykes": 28021, "rudeness": 28022, "relics": 28023, "lycan": 28024, "leaks": 28025, "jaikus": 28026, "holo": 28027, "harmlessly": 28028, "gnomes": 28029, "gargoyles": 28030, "fixtures": 28031, "exca": 28032, "emelia": 28033, "christianity": 28034, "chlorien": 28035, "atically": 28036, "asper": 28037, "toaster": 28038, "terzini": 28039, "tchy": 28040, "retar": 28041, "nagged": 28042, "moretti": 28043, "leopold": 28044, "hendricks": 28045, "grooming": 28046, "ghta": 28047, "enquir": 28048, "donations": 28049, "dimity": 28050, "darby": 28051, "civil": 28052, "carmichael": 28053, "abomin": 28054, "softball": 28055, "smearing": 28056, "sledgehammer": 28057, "skillet": 28058, "scoops": 28059, "rainbows": 28060, "pessi": 28061, "peppers": 28062, "patriarch": 28063, "paladin": 28064, "oaths": 28065, "mec": 28066, "magick": 28067, "howe": 28068, "gangly": 28069, "elen": 28070, "bindings": 28071, "arteries": 28072, "zelda": 28073, "vitals": 28074, "variations": 28075, "tanu": 28076, "squid": 28077, "rus": 28078, "phara": 28079, "oversight": 28080, "livy": 28081, "fa\u00e7": 28082, "equilibrium": 28083, "easy": 28084, "digested": 28085, "crest": 28086, "comatose": 28087, "brutus": 28088, "berkeley": 28089, "abbott": 28090, "theatrical": 28091, "sharpness": 28092, "reynald": 28093, "mblers": 28094, "kidnapper": 28095, "generators": 28096, "genesis": 28097, "gatsby": 28098, "disinterested": 28099, "danish": 28100, "complicate": 28101, "complement": 28102, "cobb": 28103, "chow": 28104, "bulletproof": 28105, "bellamy": 28106, "bessie": 28107, "bry": 28108, "atoms": 28109, "aims": 28110, "ziel": 28111, "unshed": 28112, "sobering": 28113, "shments": 28114, "picture": 28115, "nickel": 28116, "naturals": 28117, "napping": 28118, "merits": 28119, "meagan": 28120, "hypocrite": 28121, "futility": 28122, "floorboard": 28123, "curdling": 28124, "compel": 28125, "clank": 28126, "trailers": 28127, "stou": 28128, "stefan": 28129, "siri": 28130, "selo": 28131, "scarburg": 28132, "retaliate": 28133, "purchasing": 28134, "loins": 28135, "lamplight": 28136, "kerrick": 28137, "kaleido": 28138, "hypothesis": 28139, "hali": 28140, "gladi": 28141, "exercising": 28142, "dollop": 28143, "collide": 28144, "budding": 28145, "branding": 28146, "arson": 28147, "angler": 28148, "aldo": 28149, "airplanes": 28150, ".45": 28151, "yello": 28152, "mait": 28153, "gullible": 28154, "gaudy": 28155, "disarmed": 28156, "curtsied": 28157, "crazily": 28158, "cots": 28159, "bevier": 28160, "advanc": 28161, "treadmill": 28162, "teapot": 28163, "suave": 28164, "strive": 28165, "shiftertown": 28166, "paddling": 28167, "https": 28168, "gloating": 28169, "flattening": 28170, "expon": 28171, "ec": 28172, "dynamite": 28173, "colonists": 28174, "tyson": 28175, "tumor": 28176, "tote": 28177, "snarky": 28178, "reckoning": 28179, "ra'": 28180, "implement": 28181, "hoard": 28182, "heinous": 28183, "granting": 28184, "fredda": 28185, "enchanting": 28186, "elvira": 28187, "disrupted": 28188, "cultivated": 28189, "borrowing": 28190, "aro": 28191, "adela": 28192, "vir": 28193, "tok": 28194, "simmered": 28195, "roanna": 28196, "rebelled": 28197, "ramming": 28198, "outgoing": 28199, "intuitive": 28200, "dublin": 28201, "deid": 28202, "dung": 28203, "cic": 28204, "buyers": 28205, "bron": 28206, "wring": 28207, "vening": 28208, "uninterested": 28209, "taxi": 28210, "shamelessly": 28211, "plenti": 28212, "neighbourhood": 28213, "mansions": 28214, "lodestok": 28215, "lasci": 28216, "intestines": 28217, "gm": 28218, "fishly": 28219, "eras": 28220, "dispas": 28221, "conjec": 28222, "birthmark": 28223, "albums": 28224, "accommodating": 28225, "stragen": 28226, "stowik": 28227, "filmed": 28228, "fw": 28229, "eaves": 28230, "deidre": 28231, "continual": 28232, "comprehending": 28233, "coachman": 28234, "verick": 28235, "unwittingly": 28236, "swath": 28237, "stimulation": 28238, "sleepo": 28239, "schiz": 28240, "outcropping": 28241, "oriented": 28242, "miscarri": 28243, "marketplace": 28244, "mase": 28245, "keta": 28246, "hispanic": 28247, "gaston": 28248, "gamb": 28249, "flutters": 28250, "dastou": 28251, "contradict": 28252, "carlson": 28253, "burrowing": 28254, "antoine": 28255, "amiable": 28256, "volleyball": 28257, "unsheathed": 28258, "scoff": 28259, "print": 28260, "pedro": 28261, "matron": 28262, "irons": 28263, "instructing": 28264, "dress": 28265, "darnell": 28266, "alphabet": 28267, "vibes": 28268, "upholstered": 28269, "tankard": 28270, "touring": 28271, "supervised": 28272, "phenomenal": 28273, "monologue": 28274, "l.": 28275, "jiggled": 28276, "geraldine": 28277, "fisting": 28278, "exhibited": 28279, "emaciated": 28280, "drian": 28281, "disconnect": 28282, "ddlers": 28283, "complication": 28284, "aston": 28285, "typewriter": 28286, "strenu": 28287, "rumour": 28288, "rivera": 28289, "paro": 28290, "nonchalance": 28291, "megs": 28292, "mcauliff": 28293, "ideals": 28294, "garnet": 28295, "fir": 28296, "eration": 28297, "erasing": 28298, "enders": 28299, "d'al": 28300, "crafting": 28301, "concur": 28302, "chugged": 28303, "chins": 28304, "azar": 28305, "arcs": 28306, "zam": 28307, "unshaven": 28308, "sabb": 28309, "kev": 28310, "haruki": 28311, "fay": 28312, "coincidences": 28313, "balked": 28314, "attentively": 28315, "zzzz": 28316, "wetting": 28317, "saunders": 28318, "revolt": 28319, "rec": 28320, "platforms": 28321, "percep": 28322, "panty": 28323, "kenner": 28324, "imple": 28325, "fatherly": 28326, "exchanges": 28327, "domes": 28328, "cupid": 28329, "corvette": 28330, "braver": 28331, "amity": 28332, "afghan": 28333, "ajax": 28334, "vincen": 28335, "similarity": 28336, "sailboat": 28337, "ramifications": 28338, "o.k.": 28339, "johns": 28340, "henty": 28341, "bolder": 28342, "archive": 28343, "alvar": 28344, "waffle": 28345, "vert": 28346, "retail": 28347, "rapp": 28348, "methodical": 28349, "magi": 28350, "interactions": 28351, "hawaiian": 28352, "gloom": 28353, "frequented": 28354, "eryk": 28355, "didna": 28356, "bett": 28357, "volition": 28358, "unofficial": 28359, "sti": 28360, "shrubbery": 28361, "schul": 28362, "raids": 28363, "ozzie": 28364, "leroy": 28365, "improvised": 28366, "feelin": 28367, "eso": 28368, "bekah": 28369, "analogy": 28370, "affirmed": 28371, "tynian": 28372, "trouser": 28373, "snick": 28374, "ruger": 28375, "retrieval": 28376, "overpower": 28377, "netting": 28378, "morganville": 28379, "marau": 28380, "killian": 28381, "groupies": 28382, "engulfing": 28383, "dwarfed": 28384, "conflicts": 28385, "bain": 28386, "animous": 28387, "alias": 28388, "190": 28389, "smatic": 28390, "shopper": 28391, "seaman": 28392, "rehabil": 28393, "puny": 28394, "performan": 28395, "kei": 28396, "habitu": 28397, "genous": 28398, "dudley": 28399, "dinged": 28400, "croiss": 28401, "camels": 28402, "blanks": 28403, "screened": 28404, "rionna": 28405, "keselo": 28406, "hobb": 28407, "fowler": 28408, "fa\u00e7ade": 28409, "dimentary": 28410, "crazier": 28411, "cramps": 28412, "collared": 28413, "cleanse": 28414, "builders": 28415, "busi": 28416, "buries": 28417, "animation": 28418, "volvo": 28419, "variation": 28420, "tieth": 28421, "thian": 28422, "taunts": 28423, "sprout": 28424, "rif": 28425, "pecked": 28426, "lics": 28427, "lle": 28428, "if": 28429, "gabriella": 28430, "discernible": 28431, "detested": 28432, "alla": 28433, "addicts": 28434, "trend": 28435, "transmit": 28436, "snuffed": 28437, "shredding": 28438, "reenie": 28439, "nymphs": 28440, "n.": 28441, "marginally": 28442, "lizards": 28443, "geese": 28444, "eben": 28445, "documentary": 28446, "wrappers": 28447, "solidified": 28448, "nards": 28449, "mushy": 28450, "mara": 28451, "listic": 28452, "justification": 28453, "juniper": 28454, "inconsequential": 28455, "harsher": 28456, "fellowes": 28457, "careening": 28458, "augustus": 28459, "zurra": 28460, "weirder": 28461, "sfolk": 28462, "projector": 28463, "pretends": 28464, "porti": 28465, "otherworld": 28466, "matrix": 28467, "kalin": 28468, "harne": 28469, "grandeur": 28470, "gah": 28471, "chainsaw": 28472, "bronte": 28473, "vou": 28474, "ushi": 28475, "timeless": 28476, "sidekick": 28477, "rar": 28478, "quicken": 28479, "predictably": 28480, "parameters": 28481, "lynna": 28482, "javel": 28483, "directory": 28484, "dare": 28485, "dined": 28486, "cyber": 28487, "arriane": 28488, "arcade": 28489, "yellowish": 28490, "undertone": 28491, "suede": 28492, "seventeenth": 28493, "penetration": 28494, "lerina": 28495, "karzac": 28496, "incriminating": 28497, "dorsey": 28498, "dars": 28499, "consensus": 28500, "canary": 28501, "babysit": 28502, "ssier": 28503, "rubbery": 28504, "mento": 28505, "kalyna": 28506, "epitome": 28507, "curri": 28508, "chug": 28509, "chaeli": 28510, "withheld": 28511, "vigh": 28512, "vigholf": 28513, "unkind": 28514, "specified": 28515, "retin": 28516, "performances": 28517, "lapel": 28518, "frivolous": 28519, "exploits": 28520, "exal": 28521, "entre": 28522, "blakely": 28523, "armingly": 28524, "wines": 28525, "turbulence": 28526, "tomika": 28527, "princesses": 28528, "pov": 28529, "offs": 28530, "osten": 28531, "midwife": 28532, "mastor": 28533, "leaden": 28534, "keening": 28535, "kul": 28536, "johan": 28537, "itic": 28538, "infra": 28539, "hindered": 28540, "hinder": 28541, "gunning": 28542, "fourteenth": 28543, "filters": 28544, "edited": 28545, "cordo": 28546, "buchan": 28547, "steadfast": 28548, "sdale": 28549, "intersper": 28550, "hoot": 28551, "follower": 28552, "dower": 28553, "basilica": 28554, "andrei": 28555, "alto": 28556, "adic": 28557, "veterans": 28558, "upstream": 28559, "schoolgirl": 28560, "schizoph": 28561, "restoring": 28562, "ravan": 28563, "propriety": 28564, "nea": 28565, "mutely": 28566, "minority": 28567, "enoch": 28568, "emmanuel": 28569, "decree": 28570, "contractions": 28571, "consistently": 28572, "cassiopeia": 28573, "balan": 28574, "\u00a1\u00ad": 28575, "zeina": 28576, "timber": 28577, "sians": 28578, "opium": 28579, "octavia": 28580, "nep": 28581, "mingham": 28582, "martyr": 28583, "mandor": 28584, "frost": 28585, "expired": 28586, "eloquent": 28587, "arturo": 28588, "und": 28589, "ute": 28590, "transporting": 28591, "tavia": 28592, "suffocate": 28593, "scrutinizing": 28594, "scy": 28595, "slink": 28596, "reservoir": 28597, "referee": 28598, "nests": 28599, "naturedly": 28600, "mandi": 28601, "havel": 28602, "ferociously": 28603, "debau": 28604, "arkansas": 28605, "wich": 28606, "tass": 28607, "smudges": 28608, "shere": 28609, "parapet": 28610, "neb": 28611, "mosaic": 28612, "intimidation": 28613, "hapless": 28614, "grath": 28615, "galileo": 28616, "funni": 28617, "firepower": 28618, "emailed": 28619, "debil": 28620, "crisply": 28621, "wither": 28622, "thronos": 28623, "takers": 28624, "severing": 28625, "reclaimed": 28626, "reform": 28627, "outwards": 28628, "obelis": 28629, "mik": 28630, "leries": 28631, "guitars": 28632, "gedly": 28633, "diners": 28634, "diminu": 28635, "bridger": 28636, "babbled": 28637, "woozy": 28638, "weirdo": 28639, "wark": 28640, "thearted": 28641, "thi": 28642, "sine": 28643, "saturdays": 28644, "purest": 28645, "pokes": 28646, "mura": 28647, "morphine": 28648, "incessantly": 28649, "homestead": 28650, "gory": 28651, "d'ye": 28652, "brazi": 28653, "2000": 28654, "wasp": 28655, "smoother": 28656, "shading": 28657, "pubic": 28658, "protectiveness": 28659, "plentiful": 28660, "pendu": 28661, "override": 28662, "milan": 28663, "leanna": 28664, "lamented": 28665, "insidious": 28666, "fervent": 28667, "fantasizing": 28668, "deduced": 28669, "daybreak": 28670, "daisies": 28671, "component": 28672, "centri": 28673, "borderline": 28674, "yy": 28675, "tsun": 28676, "swordsman": 28677, "spiteful": 28678, "sovereign": 28679, "mindlessly": 28680, "loathe": 28681, "lassiter": 28682, "inconspicuous": 28683, "hottie": 28684, "glyphs": 28685, "folklore": 28686, "fidget": 28687, "excellen": 28688, "eleon": 28689, "dsen": 28690, "cur": 28691, "beria": 28692, "unemployed": 28693, "understandably": 28694, "tuc": 28695, "penchant": 28696, "pim": 28697, "pev": 28698, "moul": 28699, "katana": 28700, "ilysa": 28701, "eying": 28702, "dubbed": 28703, "differ": 28704, "courtship": 28705, "childbirth": 28706, "thine": 28707, "sr": 28708, "rivaled": 28709, "ror": 28710, "pandemon": 28711, "moot": 28712, "moi": 28713, "lai": 28714, "jaeden": 28715, "hoy": 28716, "grooves": 28717, "feud": 28718, "feasi": 28719, "endeav": 28720, "chastity": 28721, "cett": 28722, "breezes": 28723, "watchman": 28724, "volup": 28725, "vermin": 28726, "tyrone": 28727, "tessie": 28728, "stumps": 28729, "sci": 28730, "rotate": 28731, "relent": 28732, "rampage": 28733, "proprietor": 28734, "petersburg": 28735, "itively": 28736, "functioned": 28737, "forfeit": 28738, "dreadfully": 28739, "deft": 28740, "conan": 28741, "buttered": 28742, "breather": 28743, "arn": 28744, "zara": 28745, "villains": 28746, "scarier": 28747, "plained": 28748, "pawed": 28749, "octave": 28750, "moth": 28751, "foaming": 28752, "fibers": 28753, "evoked": 28754, "cress": 28755, "cillian": 28756, "arrowh": 28757, "sonof": 28758, "refreshments": 28759, "peru": 28760, "mckell": 28761, "lockdown": 28762, "enas": 28763, "emeralds": 28764, "departments": 28765, "backdoor": 28766, "amaze": 28767, "veritable": 28768, "veneer": 28769, "unseelie": 28770, "rhoan": 28771, "naud": 28772, "mustered": 28773, "macar": 28774, "loras": 28775, "goodies": 28776, "flagged": 28777, "disclosure": 28778, "diminishing": 28779, "charisma": 28780, "bleeds": 28781, "zarya": 28782, "tarquin": 28783, "mryn": 28784, "laughable": 28785, "lable": 28786, "hoops": 28787, "firearms": 28788, "emeline": 28789, "dun": 28790, "disasters": 28791, "bronzed": 28792, "backhanded": 28793, "reflects": 28794, "quaran": 28795, "poisons": 28796, "paddock": 28797, "loudest": 28798, "liable": 28799, "leod": 28800, "juna": 28801, "innards": 28802, "implanted": 28803, "hira": 28804, "fredrik": 28805, "dixie": 28806, "dix": 28807, "crowed": 28808, "beeps": 28809, "aristotle": 28810, "accountable": 28811, "windpipe": 28812, "wally": 28813, "tribune": 28814, "swel": 28815, "sandstone": 28816, "provin": 28817, "pavel": 28818, "pore": 28819, "maz": 28820, "luke": 28821, "kneecaps": 28822, "inscru": 28823, "grumbles": 28824, "groves": 28825, "ghis": 28826, "dolgar": 28827, "cuddles": 28828, "countering": 28829, "chaps": 28830, "addolgar": 28831, "whitey": 28832, "vertigo": 28833, "thatch": 28834, "tanaqu": 28835, "tanaquil": 28836, "specialists": 28837, "ppo": 28838, "notable": 28839, "macallister": 28840, "gart": 28841, "enormously": 28842, "drugstore": 28843, "disable": 28844, "dandy": 28845, "crafts": 28846, "confer": 28847, "charmer": 28848, "cea": 28849, "astute": 28850, "analyst": 28851, "50": 28852, "y'all": 28853, "veland": 28854, "unobtru": 28855, "unwashed": 28856, "takeout": 28857, "sporadic": 28858, "smart": 28859, "shauna": 28860, "sawed": 28861, "meghann": 28862, "mayhap": 28863, "lestat": 28864, "jenner": 28865, "interlude": 28866, "hums": 28867, "hackles": 28868, "fastillion": 28869, "distasteful": 28870, "davidson": 28871, "dappled": 28872, "cues": 28873, "beatings": 28874, "atical": 28875, "assur": 28876, "violate": 28877, "vet": 28878, "toeing": 28879, "stokes": 28880, "signatures": 28881, "palva": 28882, "itives": 28883, "drafted": 28884, "cougar": 28885, "cache": 28886, "belch": 28887, "67": 28888, "wholesome": 28889, "splat": 28890, "silo": 28891, "melodramatic": 28892, "loway": 28893, "lisbeth": 28894, "easygoing": 28895, "douche": 28896, "dominick": 28897, "depicting": 28898, "costly": 28899, "bloods": 28900, "b.": 28901, "walsh": 28902, "uphold": 28903, "reprimanded": 28904, "outdated": 28905, "nered": 28906, "impervious": 28907, "freder": 28908, "embroidery": 28909, "efully": 28910, "berana": 28911, "beranabus": 28912, "amo": 28913, "wipers": 28914, "skis": 28915, "seedy": 28916, "rungs": 28917, "rallied": 28918, "progressing": 28919, "necromancer": 28920, "kelvin": 28921, "gwy": 28922, "focuses": 28923, "doctor": 28924, "diabo": 28925, "culated": 28926, "andar": 28927, "witz": 28928, "sketchy": 28929, "sigma": 28930, "monotonous": 28931, "messiah": 28932, "magnifying": 28933, "ligan": 28934, "lettie": 28935, "infants": 28936, "horned": 28937, "funerals": 28938, "dialect": 28939, "confessing": 28940, "blackout": 28941, "biffy": 28942, "been": 28943, "anar": 28944, "alus": 28945, "aco": 28946, "wulf": 28947, "townsfolk": 28948, "taine": 28949, "swimmer": 28950, "societies": 28951, "shooters": 28952, "pitied": 28953, "onwards": 28954, "morn": 28955, "hooted": 28956, "hest": 28957, "glum": 28958, "emilio": 28959, "eloisa": 28960, "elodie": 28961, "elixir": 28962, "dispatcher": 28963, "cunn": 28964, "correcting": 28965, "beel": 28966, "andreas": 28967, "subtlety": 28968, "suckling": 28969, "speed": 28970, "sillu": 28971, "siz": 28972, "rudin": 28973, "preach": 28974, "pining": 28975, "mony": 28976, "matu": 28977, "manifestation": 28978, "governess": 28979, "evergreen": 28980, "diluted": 28981, "behemoth": 28982, "wonderland": 28983, "reincar": 28984, "primly": 28985, "painstakingly": 28986, "pink": 28987, "essentials": 28988, "does": 28989, "bleu": 28990, "bn": 28991, "annoyingly": 28992, "an\u00ed": 28993, "acolyte": 28994, "starched": 28995, "redder": 28996, "rons": 28997, "pinea": 28998, "piping": 28999, "martel": 29000, "mannered": 29001, "hercu": 29002, "gloriously": 29003, "giz": 29004, "fledged": 29005, "entals": 29006, "drain": 29007, "cosmo": 29008, "communion": 29009, "blackjack": 29010, "amounted": 29011, "acquiring": 29012, "ventures": 29013, "ultrasound": 29014, "thrice": 29015, "stevenson": 29016, "sedate": 29017, "renee": 29018, "lung": 29019, "knickers": 29020, "kirsten": 29021, "kson": 29022, "interface": 29023, "improbable": 29024, "hurst": 29025, "harried": 29026, "galleries": 29027, "excellency": 29028, "aislynn": 29029, "tosh": 29030, "shahara": 29031, "rith": 29032, "moz": 29033, "missus": 29034, "injure": 29035, "faile": 29036, "displaced": 29037, "disillu": 29038, "dabbing": 29039, "contraction": 29040, "coherently": 29041, "buns": 29042, "arii": 29043, "anal": 29044, "virtues": 29045, "vah": 29046, "tribun": 29047, "slashes": 29048, "rut": 29049, "receipts": 29050, "pieter": 29051, "overhanging": 29052, "omelet": 29053, "jou": 29054, "ili": 29055, "grass": 29056, "estimation": 29057, "emphasizing": 29058, "conspiratorial": 29059, "camouflaged": 29060, "assuredly": 29061, "terre": 29062, "tern": 29063, "takeoff": 29064, "sponsor": 29065, "plummeting": 29066, "paisley": 29067, "organism": 29068, "opulent": 29069, "mending": 29070, "maxim": 29071, "lieu": 29072, "levi": 29073, "heals": 29074, "gatherings": 29075, "garrick": 29076, "gaelic": 29077, "electromagnetic": 29078, "disperse": 29079, "davies": 29080, "cleveland": 29081, "broach": 29082, "boob": 29083, "autograph": 29084, "aqua": 29085, "teal": 29086, "philippe": 29087, "marse": 29088, "lacqu": 29089, "ghleanna": 29090, "gadget": 29091, "beautyman": 29092, "aggra": 29093, "sublime": 29094, "soundless": 29095, "shen": 29096, "reproduce": 29097, "probation": 29098, "nasrudin": 29099, "midwest": 29100, "magno": 29101, "lukewarm": 29102, "implacable": 29103, "ilo": 29104, "havelock": 29105, "enth": 29106, "eliminating": 29107, "dru": 29108, "dimpled": 29109, "cultured": 29110, "converged": 29111, "checkpoint": 29112, "aggravation": 29113, "77": 29114, "2009": 29115, "xley": 29116, "tremendously": 29117, "skillfully": 29118, "patti": 29119, "narcise": 29120, "moderately": 29121, "leta": 29122, "lands": 29123, "kitto": 29124, "huffs": 29125, "erudite": 29126, "darwin": 29127, "branched": 29128, "bahamas": 29129, "bayou": 29130, "zeal": 29131, "winery": 29132, "unavoidable": 29133, "unre": 29134, "unknowingly": 29135, "thrash": 29136, "sawdust": 29137, "reneeke": 29138, "plings": 29139, "pertinent": 29140, "pecking": 29141, "ounces": 29142, "moment": 29143, "marwan": 29144, "leni": 29145, "kisser": 29146, "karina": 29147, "joys": 29148, "guarantees": 29149, "fluke": 29150, "fick": 29151, "elier": 29152, "classrooms": 29153, "broadened": 29154, "argh": 29155, "uphea": 29156, "softens": 29157, "snared": 29158, "sil": 29159, "serendi": 29160, "scarec": 29161, "rummage": 29162, "ridicule": 29163, "rim": 29164, "picturesque": 29165, "plowing": 29166, "oversize": 29167, "offshore": 29168, "manoli": 29169, "lequin": 29170, "interspersed": 29171, "cro": 29172, "coldhand": 29173, "centa": 29174, "brooch": 29175, "belligerent": 29176, "ardent": 29177, "triggers": 29178, "trevi": 29179, "thril": 29180, "textbooks": 29181, "signalled": 29182, "simu": 29183, "populace": 29184, "pitted": 29185, "maniacal": 29186, "liko": 29187, "harassed": 29188, "firmer": 29189, "cairo": 29190, "zanas": 29191, "www": 29192, "twith": 29193, "thiest": 29194, "storing": 29195, "skaa": 29196, "pherom": 29197, "pecs": 29198, "muriel": 29199, "lman": 29200, "encompassed": 29201, "enscon": 29202, "delam": 29203, "dhamp": 29204, "chatty": 29205, "bancroft": 29206, "youngster": 29207, "yna": 29208, "venturing": 29209, "timmie": 29210, "sugary": 29211, "stuffs": 29212, "spasmed": 29213, "prizes": 29214, "pesky": 29215, "narrower": 29216, "nave": 29217, "metheus": 29218, "kindled": 29219, "ingenious": 29220, "heron": 29221, "fang": 29222, "detonated": 29223, "dewayne": 29224, "celebrations": 29225, "bridled": 29226, "aquarius": 29227, "aisling": 29228, "zuzana": 29229, "whooshed": 29230, "westward": 29231, "twoflower": 29232, "straws": 29233, "sightings": 29234, "shoveling": 29235, "rudimentary": 29236, "regretful": 29237, "prospero": 29238, "octopus": 29239, "molli": 29240, "mattresses": 29241, "i've": 29242, "hutch": 29243, "guesthouse": 29244, "docile": 29245, "delamere": 29246, "cherise": 29247, "cello": 29248, "cavali": 29249, "bledsoe": 29250, "birmingham": 29251, "boughs": 29252, "routinely": 29253, "researcher": 29254, "rattles": 29255, "pummeled": 29256, "inhales": 29257, "hut": 29258, "gey": 29259, "equality": 29260, "doth": 29261, "cronies": 29262, "bertha": 29263, "ame": 29264, "vitamin": 29265, "uto": 29266, "tula": 29267, "terrill": 29268, "stimulating": 29269, "snotty": 29270, "smartass": 29271, "serpents": 29272, "rye": 29273, "medications": 29274, "levy": 29275, "iran": 29276, "handlers": 29277, "hester": 29278, "evolve": 29279, "endowed": 29280, "elevation": 29281, "edra": 29282, "ether": 29283, "dorf": 29284, "cartoons": 29285, "blets": 29286, "bated": 29287, "athos": 29288, "alinda": 29289, "adler": 29290, "vying": 29291, "theo": 29292, "stucco": 29293, "silences": 29294, "puking": 29295, "kris": 29296, "gleeful": 29297, "freshen": 29298, "fielding": 29299, "crafty": 29300, "carriers": 29301, "cackle": 29302, "afflicted": 29303, "vander": 29304, "vanger": 29305, "unexplained": 29306, "tunn": 29307, "sheree": 29308, "sec": 29309, "reactor": 29310, "ramona": 29311, "m'lord": 29312, "imbe": 29313, "grotto": 29314, "gars": 29315, "aboo": 29316, "unafraid": 29317, "troupe": 29318, "thun": 29319, "tackling": 29320, "puppets": 29321, "presidents": 29322, "nehemia": 29323, "nab": 29324, "martina": 29325, "margot": 29326, "latory": 29327, "irrevocably": 29328, "inhibited": 29329, "grizz": 29330, "excluded": 29331, "dumps": 29332, "contracting": 29333, "artie": 29334, "vestibu": 29335, "turrets": 29336, "towel": 29337, "skates": 29338, "refugee": 29339, "reness": 29340, "pitch": 29341, "orbit": 29342, "melbourne": 29343, "mag": 29344, "jax": 29345, "forum": 29346, "dishear": 29347, "dantalion": 29348, "commercials": 29349, "camo": 29350, "trantor": 29351, "seagulls": 29352, "puberty": 29353, "nir": 29354, "luckiest": 29355, "kinich": 29356, "inaudible": 29357, "grants": 29358, "gibbons": 29359, "gariath": 29360, "foxes": 29361, "donnie": 29362, "ceres": 29363, "casinos": 29364, "campground": 29365, "beards": 29366, "bama": 29367, "zaar": 29368, "whisk": 29369, "walkways": 29370, "visualize": 29371, "veterin": 29372, "summed": 29373, "sparsely": 29374, "seraph": 29375, "rinsing": 29376, "releg": 29377, "propel": 29378, "padre": 29379, "meanings": 29380, "lustful": 29381, "kiev": 29382, "grueling": 29383, "grappled": 29384, "coleman": 29385, "cheting": 29386, "casimir": 29387, "barring": 29388, "vanishes": 29389, "tinny": 29390, "swipes": 29391, "starkey": 29392, "sorrows": 29393, "seynor": 29394, "sande": 29395, "quo": 29396, "maturely": 29397, "lonnie": 29398, "kurtz": 29399, "ejected": 29400, "driftwood": 29401, "dignit": 29402, "descendant": 29403, "dag": 29404, "adulthood": 29405, "vega": 29406, "timbre": 29407, "surname": 29408, "ssard": 29409, "rhonda": 29410, "mutated": 29411, "maldor": 29412, "glittery": 29413, "evic": 29414, "energized": 29415, "colourful": 29416, "coyle": 29417, "centurion": 29418, "brash": 29419, "boils": 29420, "beatri": 29421, "whiny": 29422, "torto": 29423, "shingly": 29424, "peppermint": 29425, "paulette": 29426, "overdose": 29427, "mbers": 29428, "leer": 29429, "kneaded": 29430, "haleton": 29431, "flemmi": 29432, "flavors": 29433, "fane": 29434, "describes": 29435, "dey": 29436, "canes": 29437, "attach": 29438, "allen": 29439, "winky": 29440, "vitamins": 29441, "tok": 29442, "teo": 29443, "recycling": 29444, "reno": 29445, "plumes": 29446, "philli": 29447, "pecker": 29448, "patrolled": 29449, "paneling": 29450, "monstru": 29451, "mopped": 29452, "litig": 29453, "jig": 29454, "itt": 29455, "fraternity": 29456, "eaters": 29457, "doses": 29458, "diseased": 29459, "derin": 29460, "deliberation": 29461, "doned": 29462, "cleverly": 29463, "clarke": 29464, "autoc": 29465, "arik": 29466, "youngsters": 29467, "winces": 29468, "ulterior": 29469, "seynoryna": 29470, "season": 29471, "outfitted": 29472, "meteor": 29473, "liday": 29474, "lough": 29475, "inhibitions": 29476, "hyperventilating": 29477, "gratified": 29478, "gemen": 29479, "evacuate": 29480, "erupts": 29481, "benjy": 29482, "assurances": 29483, "whales": 29484, "websites": 29485, "vaccine": 29486, "ulated": 29487, "testicles": 29488, "tasia": 29489, "scoots": 29490, "rink": 29491, "penora": 29492, "morrigan": 29493, "modeus": 29494, "lili": 29495, "inmate": 29496, "imaginative": 29497, "endangered": 29498, "disarming": 29499, "delegation": 29500, "blondie": 29501, "workmen": 29502, "wain": 29503, "ulf": 29504, "sketching": 29505, "skate": 29506, "ruben": 29507, "pastures": 29508, "nieces": 29509, "metabo": 29510, "liberated": 29511, "jinx": 29512, "insistently": 29513, "ines": 29514, "decimated": 29515, "culent": 29516, "champions": 29517, "cetera": 29518, "apping": 29519, "avar": 29520, "yel": 29521, "sprite": 29522, "smears": 29523, "lisle": 29524, "kyla": 29525, "inscrutable": 29526, "grampa": 29527, "godmother": 29528, "fullest": 29529, "ferrari": 29530, "disengaged": 29531, "widesp": 29532, "widespread": 29533, "webbed": 29534, "wallowing": 29535, "unwound": 29536, "tohr": 29537, "philan": 29538, "ologist": 29539, "moistened": 29540, "medichi": 29541, "maces": 29542, "ingbird": 29543, "humbly": 29544, "employers": 29545, "defining": 29546, "cheeseburger": 29547, "bonny": 29548, "berit": 29549, "undertaking": 29550, "thol": 29551, "talized": 29552, "saira": 29553, "reinforce": 29554, "redness": 29555, "projectile": 29556, "persistence": 29557, "notwith": 29558, "lynnette": 29559, "luring": 29560, "independently": 29561, "grayish": 29562, "drunkenly": 29563, "chop": 29564, "avenues": 29565, "woodwork": 29566, "thanatos": 29567, "ssin": 29568, "spoils": 29569, "saan": 29570, "repti": 29571, "nasal": 29572, "melisande": 29573, "mantis": 29574, "lulla": 29575, "launcher": 29576, "kiness": 29577, "joss": 29578, "halfdan": 29579, "escapa": 29580, "criteria": 29581, "convincingly": 29582, "circulating": 29583, "buchanan": 29584, "trip": 29585, "trical": 29586, "tomi": 29587, "tick": 29588, "suraj": 29589, "rut": 29590, "roiled": 29591, "preaching": 29592, "petrol": 29593, "organisation": 29594, "mistral": 29595, "levana": 29596, "imperfect": 29597, "enrolled": 29598, "compliance": 29599, "armchairs": 29600, "youtube": 29601, "unsafe": 29602, "tucson": 29603, "rodent": 29604, "rep": 29605, "rn": 29606, "parenting": 29607, "minimize": 29608, "landmark": 29609, "lt": 29610, "hur": 29611, "fracture": 29612, "donnell": 29613, "diplomacy": 29614, "consul": 29615, "claudio": 29616, "captivating": 29617, "bypassed": 29618, "barbeque": 29619, "asmodeus": 29620, "unmoved": 29621, "sandwiched": 29622, "reread": 29623, "rhu": 29624, "pandemonium": 29625, "mozart": 29626, "mistrust": 29627, "loyalties": 29628, "knuckled": 29629, "flashback": 29630, "farious": 29631, "bragged": 29632, "batman": 29633, "anesthe": 29634, "unraveled": 29635, "unforgivable": 29636, "torres": 29637, "thuds": 29638, "tments": 29639, "stunted": 29640, "spills": 29641, "ok": 29642, "notwithstanding": 29643, "mongre": 29644, "lolling": 29645, "gusto": 29646, "frustrations": 29647, "extraction": 29648, "discard": 29649, "diagram": 29650, "delve": 29651, "careened": 29652, "blemi": 29653, "bayon": 29654, "adas": 29655, "62": 29656, "whence": 29657, "veck": 29658, "swamps": 29659, "surgeons": 29660, "sallow": 29661, "richter": 29662, "prophets": 29663, "pinnacle": 29664, "nabe": 29665, "mongols": 29666, "moreau": 29667, "mika": 29668, "markus": 29669, "leas": 29670, "furrowing": 29671, "escalating": 29672, "conquer": 29673, "catfish": 29674, "callista": 29675, "blasphe": 29676, "artfully": 29677, "vestibule": 29678, "theremon": 29679, "saiman": 29680, "melded": 29681, "lilt": 29682, "karim": 29683, "jawed": 29684, "hub": 29685, "hoax": 29686, "historians": 29687, "gauging": 29688, "ensconced": 29689, "diminutive": 29690, "devise": 29691, "demonstrating": 29692, "combu": 29693, "andie": 29694, "adrienne": 29695, "afoot": 29696, ".\u2016": 29697, "sahra": 29698, "revenue": 29699, "pollution": 29700, "ometer": 29701, "monds": 29702, "mexicans": 29703, "mended": 29704, "infiltrated": 29705, "incorporated": 29706, "impish": 29707, "hywel": 29708, "grizzled": 29709, "equations": 29710, "doughnut": 29711, "domino": 29712, "deceptive": 29713, "chem": 29714, "booby": 29715, "barron": 29716, "apprehensively": 29717, "animalistic": 29718, "vienna": 29719, "vey": 29720, "underage": 29721, "tubs": 29722, "tallis": 29723, "spinal": 29724, "sonofabitch": 29725, "sow": 29726, "smy": 29727, "resonance": 29728, "portly": 29729, "peeping": 29730, "outlan": 29731, "ministers": 29732, "jain": 29733, "fringes": 29734, "eld": 29735, "combinations": 29736, "coaching": 29737, "bison": 29738, "bandana": 29739, "bach": 29740, "awo": 29741, "veroni": 29742, "vann": 29743, "ummm": 29744, "titanium": 29745, "surrogate": 29746, "surges": 29747, "suffocated": 29748, "splattering": 29749, "screen": 29750, "ritz": 29751, "resurrected": 29752, "quarantine": 29753, "punishments": 29754, "phelps": 29755, "monopoly": 29756, "keyhole": 29757, "isla": 29758, "hyder": 29759, "freeman": 29760, "fianc\u00e9e": 29761, "extremes": 29762, "columbus": 29763, "chum": 29764, "camisole": 29765, "cabbie": 29766, "astronom": 29767, "apar": 29768, "abe": 29769, "9.": 29770, "wrongs": 29771, "vikings": 29772, "vries": 29773, "thos": 29774, "superhuman": 29775, "stupidest": 29776, "spree": 29777, "smokey": 29778, "salads": 29779, "regis": 29780, "prowl": 29781, "hung": 29782, "goga": 29783, "foley": 29784, "fitful": 29785, "fastol": 29786, "dwellers": 29787, "disciples": 29788, "ddard": 29789, "coordination": 29790, "cartons": 29791, "camryn": 29792, "bridesmaid": 29793, "breezed": 29794, "waste": 29795, "visitation": 29796, "veer": 29797, "vre": 29798, "tov": 29799, "spanked": 29800, "pittsburgh": 29801, "mcfergus": 29802, "instructors": 29803, "hosted": 29804, "gris": 29805, "fastolfe": 29806, "dispro": 29807, "bankrup": 29808, "arcing": 29809, "amethyst": 29810, "unified": 29811, "this'll": 29812, "tarren": 29813, "sylas": 29814, "slutty": 29815, "slither": 29816, "redeem": 29817, "passports": 29818, "oar": 29819, "niles": 29820, "leland": 29821, "janey": 29822, "jemma": 29823, "hypno": 29824, "geist": 29825, "fledg": 29826, "evacuated": 29827, "epidemic": 29828, "dissuade": 29829, "disobeyed": 29830, "cuba": 29831, "continents": 29832, "bradford": 29833, "boardroom": 29834, "welts": 29835, "unmistakably": 29836, "trucker": 29837, "scraggly": 29838, "provinces": 29839, "phany": 29840, "morpho": 29841, "mede": 29842, "kendril": 29843, "entati": 29844, "encrypted": 29845, "diverse": 29846, "checkered": 29847, "250": 29848, "wronged": 29849, "wrecking": 29850, "waned": 29851, "veg": 29852, "untold": 29853, "subordinate": 29854, "slush": 29855, "sheeana": 29856, "sharine": 29857, "sene": 29858, "recede": 29859, "misunderstand": 29860, "landmarks": 29861, "juggling": 29862, "intermittent": 29863, "hattie": 29864, "gany": 29865, "farmland": 29866, "directorate": 29867, "delights": 29868, "clockwise": 29869, "chello": 29870, "cnn": 29871, "tancy": 29872, "sunscreen": 29873, "smoothness": 29874, "relieving": 29875, "pez": 29876, "patchwork": 29877, "oceanna": 29878, "neptune": 29879, "monte": 29880, "mirroring": 29881, "manpower": 29882, "jacking": 29883, "infrastructure": 29884, "heeded": 29885, "fledgling": 29886, "fickle": 29887, "crook": 29888, "bookcases": 29889, "blip": 29890, "astronau": 29891, "ancestral": 29892, "yves": 29893, "wadded": 29894, "twell": 29895, "strut": 29896, "reeking": 29897, "rem": 29898, "pak": 29899, "moldy": 29900, "mahar": 29901, "journeys": 29902, "jedi": 29903, "jessa": 29904, "inflamed": 29905, "encyclo": 29906, "conspicuously": 29907, "carted": 29908, "cart": 29909, "vermont": 29910, "trask": 29911, "snickering": 29912, "sift": 29913, "ryo": 29914, "parasites": 29915, "partake": 29916, "marshmallows": 29917, "manolito": 29918, "longtime": 29919, "librarians": 29920, "latching": 29921, "frak": 29922, "extracting": 29923, "epiphany": 29924, "doughnuts": 29925, "doomsday": 29926, "doolittle": 29927, "deadpan": 29928, "dayton": 29929, "bombshell": 29930, "windscreen": 29931, "wasps": 29932, "vlo": 29933, "unidentified": 29934, "structed": 29935, "spackle": 29936, "slots": 29937, "sarco": 29938, "robbers": 29939, "riverside": 29940, "rawlings": 29941, "pneumonia": 29942, "penit": 29943, "pegas": 29944, "nassa": 29945, "mitig": 29946, "manufacture": 29947, "lycanthro": 29948, "locu": 29949, "lachlain": 29950, "incorrect": 29951, "holler": 29952, "font": 29953, "embossed": 29954, "diplomat": 29955, "demure": 29956, "cowgirl": 29957, "britney": 29958, "accelerate": 29959, "vertically": 29960, "talker": 29961, "styro": 29962, "stumped": 29963, "stasis": 29964, "soberly": 29965, "skips": 29966, "reconnaissance": 29967, "reacts": 29968, "mallet": 29969, "kshire": 29970, "incapacitated": 29971, "inlaid": 29972, "imagery": 29973, "furies": 29974, "dickie": 29975, "decreed": 29976, "coolest": 29977, "boomer": 29978, "alynn": 29979, "whirlpool": 29980, "whew": 29981, "slang": 29982, "grammar": 29983, "funky": 29984, "escalade": 29985, "enlarged": 29986, "domine": 29987, "debu": 29988, "cynic": 29989, "appeals": 29990, "aya": 29991, "woe": 29992, "wands": 29993, "upgrade": 29994, "therein": 29995, "squints": 29996, "sensati": 29997, "realtor": 29998, "ostentati": 29999, "marmel": 30000, "jetty": 30001, "institutions": 30002, "horatius": 30003, "hermes": 30004, "hedged": 30005, "hack": 30006, "foresight": 30007, "delving": 30008, "dees": 30009, "decanter": 30010, "confidenti": 30011, "casp": 30012, "braked": 30013, "apathy": 30014, "wallow": 30015, "unnamed": 30016, "trans": 30017, "tholes": 30018, "taxis": 30019, "ssette": 30020, "squished": 30021, "rowe": 30022, "kitchen": 30023, "kilometres": 30024, "interminable": 30025, "instructs": 30026, "incensed": 30027, "exclaim": 30028, "diagonally": 30029, "crinkling": 30030, "commons": 30031, "clam": 30032, "cinders": 30033, "azi": 30034, "ye're": 30035, "vikus": 30036, "rewarding": 30037, "pressured": 30038, "pos": 30039, "phon": 30040, "participation": 30041, "nats": 30042, "maternity": 30043, "liation": 30044, "gt": 30045, "derringer": 30046, "clingy": 30047, "buckingham": 30048, "visa": 30049, "vampy": 30050, "vests": 30051, "thera": 30052, "taro": 30053, "tandem": 30054, "styrofoam": 30055, "storefront": 30056, "squirt": 30057, "solar": 30058, "secretaries": 30059, "parrish": 30060, "nudity": 30061, "nw": 30062, "libraries": 30063, "forwarded": 30064, "enthused": 30065, "discovers": 30066, "breezy": 30067, "booms": 30068, "bastion": 30069, "asta": 30070, "antenna": 30071, "amon": 30072, "athe": 30073, "76": 30074, "wimp": 30075, "unconditional": 30076, "ultimatum": 30077, "strangeness": 30078, "spruce": 30079, "pablo": 30080, "motional": 30081, "kness": 30082, "homicidal": 30083, "granola": 30084, "escalator": 30085, "elections": 30086, "concerts": 30087, "butters": 30088, "bug": 30089, "blossoming": 30090, "awest": 30091, "anden": 30092, "tombs": 30093, "sweden": 30094, "shovels": 30095, "shopped": 30096, "predictions": 30097, "pont": 30098, "parl": 30099, "marielle": 30100, "legit": 30101, "kristine": 30102, "khar": 30103, "estrella": 30104, "campers": 30105, "boldness": 30106, "bitching": 30107, "barbarians": 30108, "wesson": 30109, "wasn": 30110, "voicing": 30111, "unzip": 30112, "thely": 30113, "terrors": 30114, "tact": 30115, "steeling": 30116, "stace": 30117, "slaying": 30118, "shuffles": 30119, "rearranging": 30120, "nomin": 30121, "lonesome": 30122, "kea": 30123, "hereby": 30124, "genial": 30125, "genghis": 30126, "fara": 30127, "combatants": 30128, "coale": 30129, "centimeters": 30130, "broom": 30131, "bashing": 30132, "bale": 30133, "arbitr": 30134, "advertisement": 30135, "whiz": 30136, "waffles": 30137, "vibrates": 30138, "ufo": 30139, "tark": 30140, "obscenities": 30141, "olives": 30142, "nefarious": 30143, "mile": 30144, "juke": 30145, "hygiene": 30146, "henchmen": 30147, "heir": 30148, "gashes": 30149, "finlay": 30150, "fared": 30151, "emt": 30152, "elicited": 30153, "eavesdrop": 30154, "chemise": 30155, "assaulting": 30156, "wristwatch": 30157, "steffor": 30158, "staking": 30159, "retching": 30160, "provoking": 30161, "orially": 30162, "oddity": 30163, "housekeeping": 30164, "highways": 30165, "hane": 30166, "gills": 30167, "fissure": 30168, "edwar": 30169, "eastward": 30170, "disclosed": 30171, "deposits": 30172, "consistency": 30173, "boasting": 30174, "willis": 30175, "unintentionally": 30176, "uninjured": 30177, "tenses": 30178, "stomps": 30179, "spotlights": 30180, "specimens": 30181, "somberly": 30182, "overthrow": 30183, "memen": 30184, "logging": 30185, "implants": 30186, "highlighting": 30187, "hells": 30188, "handheld": 30189, "fri": 30190, "fleet": 30191, "aww": 30192, "administer": 30193, "wight": 30194, "vinia": 30195, "unremarkable": 30196, "uni": 30197, "tabloid": 30198, "successor": 30199, "smoldered": 30200, "rielle": 30201, "provinci": 30202, "pendulum": 30203, "jewellery": 30204, "jaxxon": 30205, "inas": 30206, "hollering": 30207, "futon": 30208, "friar": 30209, "eurs": 30210, "demus": 30211, "cality": 30212, "butchered": 30213, "brani": 30214, "blight": 30215, "anakin": 30216, "affliction": 30217, "adri": 30218, "amo": 30219, "72": 30220, "yale": 30221, "swerving": 30222, "sheds": 30223, "serpentine": 30224, "sdays": 30225, "royals": 30226, "reasse": 30227, "retain": 30228, "prestige": 30229, "onai": 30230, "melodic": 30231, "imitate": 30232, "ganymede": 30233, "decoy": 30234, "coveralls": 30235, "cinched": 30236, "avat": 30237, "aust": 30238, "ye'll": 30239, "tufts": 30240, "stabs": 30241, "resounded": 30242, "quickie": 30243, "platters": 30244, "pengu": 30245, "peeks": 30246, "overheated": 30247, "negation": 30248, "may.": 30249, "living": 30250, "ifferon": 30251, "hospitable": 30252, "hatched": 30253, "fink": 30254, "fanciful": 30255, "euphoric": 30256, "confidentiality": 30257, "clashing": 30258, "buo": 30259, "allegedly": 30260, "wracking": 30261, "rigidly": 30262, "raj": 30263, "quez": 30264, "outlining": 30265, "otine": 30266, "msi": 30267, "iseo": 30268, "humvee": 30269, "hoff": 30270, "hazardous": 30271, "gid": 30272, "garet": 30273, "cybil": 30274, "constra": 30275, "centaur": 30276, "anyplace": 30277, "zealous": 30278, "uphol": 30279, "thiba": 30280, "reptilian": 30281, "paradox": 30282, "oughta": 30283, "kaspar": 30284, "garter": 30285, "dmit": 30286, "cutlery": 30287, "billi": 30288, "alden": 30289, "tit": 30290, "silic": 30291, "shun": 30292, "rollan": 30293, "receptive": 30294, "lemons": 30295, "kristina": 30296, "jective": 30297, "jeannie": 30298, "hemor": 30299, "elisa": 30300, "cortez": 30301, "contrite": 30302, "confederate": 30303, "biased": 30304, "adjusts": 30305, "aeth": 30306, "wholeheartedly": 30307, "vate": 30308, "unreliable": 30309, "strolls": 30310, "sseau": 30311, "senor": 30312, "poets": 30313, "pappy": 30314, "onar": 30315, "kings": 30316, "isles": 30317, "enforced": 30318, "disser": 30319, "delores": 30320, "cator": 30321, "bauer": 30322, "stylist": 30323, "q.": 30324, "propor": 30325, "passageways": 30326, "neur": 30327, "mandorallen": 30328, "luisa": 30329, "levered": 30330, "esque": 30331, "dod": 30332, "corresponding": 30333, "ceness": 30334, "boyle": 30335, "wannabe": 30336, "substances": 30337, "shaker": 30338, "programme": 30339, "peu": 30340, "nicotine": 30341, "heiress": 30342, "cols": 30343, "chy": 30344, "anist": 30345, "wildness": 30346, "warred": 30347, "versaries": 30348, "unmarried": 30349, "staging": 30350, "scathing": 30351, "pressures": 30352, "muske": 30353, "maynard": 30354, "lug": 30355, "hilton": 30356, "figment": 30357, "eyards": 30358, "dium": 30359, "desserts": 30360, "complimentary": 30361, "clima": 30362, "bushka": 30363, "theoretical": 30364, "stupe": 30365, "slinking": 30366, "phrael": 30367, "paulie": 30368, "panama": 30369, "munched": 30370, "kait": 30371, "ite": 30372, "hos": 30373, "harass": 30374, "exuberant": 30375, "evan": 30376, "decapitated": 30377, "cm": 30378, "bod": 30379, "assembling": 30380, "algebra": 30381, "aphrael": 30382, "yum": 30383, "trumpets": 30384, "tania": 30385, "storyteller": 30386, "stewar": 30387, "seva": 30388, "scripture": 30389, "nightie": 30390, "nevi": 30391, "jolts": 30392, "hoover": 30393, "elan": 30394, "downloading": 30395, "ddin": 30396, "c\u00e9": 30397, "byr": 30398, "buffy": 30399, "awestruck": 30400, "asael": 30401, "yasmin": 30402, "tru": 30403, "surplus": 30404, "stol": 30405, "spatula": 30406, "preferences": 30407, "perpetu": 30408, "particulars": 30409, "minster": 30410, "maxine": 30411, "lise": 30412, "judson": 30413, "instantaneously": 30414, "hurries": 30415, "hah": 30416, "galaxies": 30417, "disembar": 30418, "derel": 30419, "cowl": 30420, "benefactor": 30421, "best": 30422, "ballistic": 30423, "andr\u00e9": 30424, "vader": 30425, "trude": 30426, "syz": 30427, "studs": 30428, "pird": 30429, "pinches": 30430, "nightmari": 30431, "mcc": 30432, "livin": 30433, "gitte": 30434, "frontal": 30435, "fictitiously": 30436, "eliciting": 30437, "doggie": 30438, "chokes": 30439, "bunk": 30440, "birthing": 30441, "adriana": 30442, "watermelon": 30443, "studiously": 30444, "sprawl": 30445, "smoker": 30446, "rendition": 30447, "quirky": 30448, "protocols": 30449, "oran": 30450, "nuzzle": 30451, "nomi": 30452, "neill": 30453, "negro": 30454, "illegally": 30455, "igan": 30456, "heedless": 30457, "hartman": 30458, "grasps": 30459, "fremen": 30460, "flux": 30461, "flowering": 30462, "exert": 30463, "esteemed": 30464, "druid": 30465, "disclose": 30466, "delays": 30467, "defeating": 30468, "contamination": 30469, "consists": 30470, "certified": 30471, "cade": 30472, "affirmation": 30473, "saffron": 30474, "relived": 30475, "provocation": 30476, "momentous": 30477, "mcder": 30478, "marten": 30479, "funk": 30480, "frankenstein": 30481, "formalities": 30482, "derisive": 30483, "xin": 30484, "whooped": 30485, "waitin": 30486, "strat": 30487, "sop": 30488, "skirmish": 30489, "renn": 30490, "platonic": 30491, "penned": 30492, "peed": 30493, "pinged": 30494, "meera": 30495, "mccamy": 30496, "manchester": 30497, "kinson": 30498, "fierceness": 30499, "feign": 30500, "distressing": 30501, "chews": 30502, "cis": 30503, "brides": 30504, "bankers": 30505, "vulture": 30506, "tweaked": 30507, "turtles": 30508, "trevize": 30509, "thorvaldsen": 30510, "sorcerers": 30511, "restlessness": 30512, "lister": 30513, "husk": 30514, "handmade": 30515, "eak": 30516, "concurred": 30517, "conn": 30518, "clarification": 30519, "caro": 30520, "baya": 30521, "vets": 30522, "sims": 30523, "salt": 30524, "sacramento": 30525, "perfumed": 30526, "muffle": 30527, "mites": 30528, "miel": 30529, "manneri": 30530, "keeble": 30531, "infatuated": 30532, "insom": 30533, "hepha": 30534, "george": 30535, "dulated": 30536, "dueling": 30537, "damsel": 30538, "dit": 30539, "curtained": 30540, "alez": 30541, "9th": 30542, "workbench": 30543, "tarabo": 30544, "sleazy": 30545, "shapeless": 30546, "scarecrow": 30547, "onage": 30548, "oils": 30549, "mossy": 30550, "katarina": 30551, "grainna": 30552, "doodle": 30553, "disability": 30554, "designers": 30555, "culin": 30556, "aless": 30557, "toughest": 30558, "tarabotti": 30559, "straying": 30560, "sorren": 30561, "repetitive": 30562, "revo": 30563, "noncommittal": 30564, "molasses": 30565, "michel": 30566, "kaleidoscope": 30567, "kaz": 30568, "hera": 30569, "exhalation": 30570, "eney": 30571, "dregs": 30572, "designing": 30573, "cylinders": 30574, "carousel": 30575, "buffer": 30576, "befrien": 30577, "aka": 30578, "unrest": 30579, "tripod": 30580, "tagan": 30581, "stammer": 30582, "sandpaper": 30583, "pocket": 30584, "plex": 30585, "outlandish": 30586, "netic": 30587, "multiplied": 30588, "mutually": 30589, "grave": 30590, "gangster": 30591, "fixes": 30592, "discontent": 30593, "cooped": 30594, "cko": 30595, "catered": 30596, "carca": 30597, "breh": 30598, "alliances": 30599, "abiding": 30600, "zag": 30601, "tuously": 30602, "syznic": 30603, "souther": 30604, "sizeable": 30605, "shuttles": 30606, "sappy": 30607, "pires": 30608, "oddest": 30609, "mian": 30610, "leafed": 30611, "greer": 30612, "gonzalez": 30613, "gby": 30614, "fictitious": 30615, "ferret": 30616, "experimented": 30617, "dumbstruck": 30618, "diuml": 30619, "dependable": 30620, "daxel": 30621, "cornell": 30622, "christa": 30623, "budda": 30624, "atrocities": 30625, "asth": 30626, "abated": 30627, "wala": 30628, "standby": 30629, "stagnant": 30630, "silencer": 30631, "senberg": 30632, "scriptions": 30633, "repetition": 30634, "renew": 30635, "rhane": 30636, "nevin": 30637, "maggots": 30638, "indecent": 30639, "hhhh": 30640, "evy": 30641, "disarm": 30642, "darlene": 30643, "culinary": 30644, "ched": 30645, "caulder": 30646, "burnished": 30647, "audley": 30648, "altercation": 30649, "12:": 30650, "voluptuous": 30651, "strations": 30652, "slivers": 30653, "shorn": 30654, "rims": 30655, "reputable": 30656, "renton": 30657, "ramrod": 30658, "quets": 30659, "maax": 30660, "kaelah": 30661, "incantation": 30662, "fingerprint": 30663, "feathery": 30664, "fay": 30665, "dehydrated": 30666, "commodity": 30667, "circulated": 30668, "aal": 30669, "wilde": 30670, "waterproof": 30671, "virgins": 30672, "ventilation": 30673, "vampiric": 30674, "tiest": 30675, "shits": 30676, "rigor": 30677, "remodel": 30678, "rass": 30679, "omcom": 30680, "oisin": 30681, "morose": 30682, "labour": 30683, "jell": 30684, "hotshot": 30685, "haphazard": 30686, "gwenna": 30687, "disinterest": 30688, "delegates": 30689, "crumple": 30690, "creaky": 30691, "compartments": 30692, "cleopatra": 30693, "brandished": 30694, "bonita": 30695, "bines": 30696, "walters": 30697, "undivided": 30698, "tarquinius": 30699, "smithy": 30700, "saucy": 30701, "preserving": 30702, "nig": 30703, "munici": 30704, "fyingly": 30705, "fretting": 30706, "firemen": 30707, "dini": 30708, "daunted": 30709, "cucumber": 30710, "chortled": 30711, "bata": 30712, "180": 30713, "song": 30714, "shopkeeper": 30715, "second": 30716, "royally": 30717, "prematurely": 30718, "petiti": 30719, "paxton": 30720, "orient": 30721, "kner": 30722, "imitating": 30723, "hagan": 30724, "gautier": 30725, "felled": 30726, "extinguish": 30727, "earthen": 30728, "democratic": 30729, "cutest": 30730, "cause": 30731, "branislava": 30732, "betrothal": 30733, "beading": 30734, "whatcha": 30735, "velius": 30736, "unavailable": 30737, "tribunal": 30738, "shoveled": 30739, "seagull": 30740, "overlapping": 30741, "ourable": 30742, "obelisk": 30743, "nicolette": 30744, "mountainous": 30745, "mannerisms": 30746, "itar": 30747, "infect": 30748, "eardrum": 30749, "contradicted": 30750, "contemptuous": 30751, "colleges": 30752, "clacking": 30753, "charismatic": 30754, "charlene": 30755, "bans": 30756, "arcadian": 30757, "apprentices": 30758, "anarchy": 30759, "zooming": 30760, "weirdness": 30761, "wynn": 30762, "venk": 30763, "strife": 30764, "sheltering": 30765, "relegated": 30766, "raf": 30767, "quirks": 30768, "parried": 30769, "marsali": 30770, "jukebox": 30771, "imperious": 30772, "hephaest": 30773, "headre": 30774, "gamma": 30775, "aspirations": 30776, "arr": 30777, "'r": 30778, "zab": 30779, "weirdest": 30780, "upholstery": 30781, "undecided": 30782, "temporal": 30783, "tze": 30784, "ryman": 30785, "phenomena": 30786, "nogaret": 30787, "nigger": 30788, "myst": 30789, "moping": 30790, "maury": 30791, "kiz": 30792, "inducing": 30793, "healthier": 30794, "gawk": 30795, "gargan": 30796, "emilia": 30797, "emme": 30798, "diva": 30799, "blames": 30800, "bargained": 30801, "zoo": 30802, "you'l": 30803, "visually": 30804, "verly": 30805, "unscrewed": 30806, "thrusters": 30807, "tles": 30808, "stek": 30809, "starring": 30810, "pruett": 30811, "pitying": 30812, "phoning": 30813, "nutrition": 30814, "lla": 30815, "gish": 30816, "documentation": 30817, "disney": 30818, "dislodged": 30819, "concealment": 30820, "aragorn": 30821, "ante": 30822, "abrea": 30823, "abject": 30824, "tendril": 30825, "spheric": 30826, "mohawk": 30827, "loaned": 30828, "kero": 30829, "insufferable": 30830, "fluffed": 30831, "flippant": 30832, "encroaching": 30833, "bunnies": 30834, "bamb": 30835, "alee": 30836, "2008": 30837, "undershirt": 30838, "tolland": 30839, "scavengers": 30840, "sawing": 30841, "raych": 30842, "pru": 30843, "pentagram": 30844, "overshadowed": 30845, "magicians": 30846, "kizira": 30847, "investing": 30848, "goaded": 30849, "eunuch": 30850, "eads": 30851, "distor": 30852, "cuban": 30853, "chaperone": 30854, "blondes": 30855, "attain": 30856, "accessory": 30857, "wetter": 30858, "unclenched": 30859, "tey": 30860, "synn": 30861, "spooned": 30862, "smuggled": 30863, "roster": 30864, "rages": 30865, "prettily": 30866, "ornament": 30867, "obl": 30868, "moring": 30869, "mistresses": 30870, "macklin": 30871, "jaysynn": 30872, "erto": 30873, "crispin": 30874, "bus": 30875, "blushes": 30876, "tutoring": 30877, "pineapple": 30878, "photographic": 30879, "myers": 30880, "mordeca": 30881, "mordecai": 30882, "molo": 30883, "legisl": 30884, "landscaping": 30885, "insulated": 30886, "hee": 30887, "gino": 30888, "extor": 30889, "etienne": 30890, "draggled": 30891, "derelict": 30892, "deluge": 30893, "daffo": 30894, "creasing": 30895, "appraised": 30896, "abreast": 30897, "wakened": 30898, "twitchy": 30899, "straigh": 30900, "stacia": 30901, "spiced": 30902, "servius": 30903, "sahara": 30904, "refreshment": 30905, "ordan": 30906, "litany": 30907, "larkin": 30908, "knifed": 30909, "dimming": 30910, "debacle": 30911, "d'albret": 30912, "consummate": 30913, "candor": 30914, "beach": 30915, "baptist": 30916, "asz": 30917, "aracia": 30918, "aiel": 30919, "sean": 30920, "scaffolding": 30921, "recklessly": 30922, "rearrange": 30923, "performers": 30924, "perceptions": 30925, "nightmarish": 30926, "midri": 30927, "leathers": 30928, "juanita": 30929, "flirtation": 30930, "ethnic": 30931, "chapman": 30932, "channeled": 30933, "brienne": 30934, "belched": 30935, "ballerina": 30936, "awa": 30937, "tasked": 30938, "snuff": 30939, "scrupul": 30940, "ruffle": 30941, "rebound": 30942, "partway": 30943, "nozzle": 30944, "kolov": 30945, "kanade": 30946, "iceberg": 30947, "extras": 30948, "eisa": 30949, "edmond": 30950, "detonation": 30951, "crabs": 30952, "assumes": 30953, "arduous": 30954, "wickedness": 30955, "uprising": 30956, "trackers": 30957, "sores": 30958, "smiths": 30959, "rosary": 30960, "reptile": 30961, "rea": 30962, "neurons": 30963, "microphones": 30964, "michelangelo": 30965, "kinley": 30966, "kerosene": 30967, "humane": 30968, "homey": 30969, "hex": 30970, "faring": 30971, "expendable": 30972, "easter": 30973, "espi": 30974, "drought": 30975, "disruption": 30976, "dibbler": 30977, "custodian": 30978, "clair": 30979, "canoes": 30980, "brubaker": 30981, "wong": 30982, "vene": 30983, "velt": 30984, "undertake": 30985, "uncontrolled": 30986, "tep": 30987, "swick": 30988, "stragglers": 30989, "receives": 30990, "permits": 30991, "moored": 30992, "mined": 30993, "laurel": 30994, "isolate": 30995, "friendliness": 30996, "dracon": 30997, "chinson": 30998, "atom": 30999, "arist": 31000, "ambrosia": 31001, "total": 31002, "thrall": 31003, "tensely": 31004, "stime": 31005, "runnin": 31006, "registers": 31007, "resh": 31008, "radioactive": 31009, "perp": 31010, "neanderthal": 31011, "lighthearted": 31012, "kidneys": 31013, "fuc": 31014, "footmen": 31015, "flamboy": 31016, "exceeded": 31017, "euros": 31018, "erim": 31019, "dieu": 31020, "denton": 31021, "davos": 31022, "celak": 31023, "bercelak": 31024, "auton": 31025, "aquarium": 31026, "vehemence": 31027, "tsunami": 31028, "suitors": 31029, "roose": 31030, "rebuke": 31031, "rapids": 31032, "provincial": 31033, "pia": 31034, "locally": 31035, "lambs": 31036, "jingled": 31037, "interpol": 31038, "grudging": 31039, "fragmented": 31040, "focussed": 31041, "engulf": 31042, "beijing": 31043, "bales": 31044, "alei": 31045, "tomaz": 31046, "spal": 31047, "producers": 31048, "paraded": 31049, "opus": 31050, "lav": 31051, "kaele": 31052, "impu": 31053, "hobbies": 31054, "harrington": 31055, "hansen": 31056, "gree": 31057, "giver": 31058, "ghastek": 31059, "fist": 31060, "fainter": 31061, "entrails": 31062, "dist": 31063, "conspiratorially": 31064, "clun": 31065, "cherries": 31066, "casualty": 31067, "calculus": 31068, "acled": 31069, "spirals": 31070, "showdown": 31071, "opposites": 31072, "maryanne": 31073, "heni": 31074, "fucner": 31075, "fellas": 31076, "enamored": 31077, "downside": 31078, "coronation": 31079, "bigfoot": 31080, "athletes": 31081, "agar": 31082, "aggie": 31083, "wylend": 31084, "thys": 31085, "tanker": 31086, "sedated": 31087, "sectors": 31088, "polka": 31089, "nicka": 31090, "nickamedes": 31091, "nandiuml": 31092, "mightily": 31093, "mera": 31094, "lorcan": 31095, "lik": 31096, "jac": 31097, "inexor": 31098, "harmful": 31099, "espionage": 31100, "deodor": 31101, "cristina": 31102, "clam": 31103, "buzzes": 31104, "beren": 31105, "anth": 31106, "alonzo": 31107, "watchmen": 31108, "vindictive": 31109, "unaccustomed": 31110, "thrummed": 31111, "stoically": 31112, "squirted": 31113, "sneaker": 31114, "simultaneous": 31115, "sightseeing": 31116, "sewers": 31117, "roundabout": 31118, "nether": 31119, "kaderin": 31120, "interruptions": 31121, "intents": 31122, "frame": 31123, "earthquakes": 31124, "disks": 31125, "cubicles": 31126, "carlisle": 31127, "beech": 31128, "araris": 31129, "alarmingly": 31130, "acne": 31131, "tagging": 31132, "ssir": 31133, "sitions": 31134, "serenely": 31135, "roosevelt": 31136, "romania": 31137, "renson": 31138, "reen": 31139, "phage": 31140, "participant": 31141, "nomads": 31142, "latent": 31143, "hallowed": 31144, "figuratively": 31145, "fabrics": 31146, "dampen": 31147, "crowley": 31148, "wald": 31149, "vixen": 31150, "vary": 31151, "translating": 31152, "tickles": 31153, "threateningly": 31154, "thwart": 31155, "tacos": 31156, "raping": 31157, "ramble": 31158, "prac": 31159, "poignant": 31160, "pinpricks": 31161, "odors": 31162, "molested": 31163, "mose": 31164, "middle": 31165, "masculinity": 31166, "luv": 31167, "kiersten": 31168, "jections": 31169, "jessi": 31170, "idris": 31171, "haymitch": 31172, "delirium": 31173, "contemplative": 31174, "andais": 31175, "alabaster": 31176, "acro": 31177, "abram": 31178, "supplic": 31179, "silvio": 31180, "sanctioned": 31181, "ravenwood": 31182, "ras": 31183, "oyster": 31184, "meng": 31185, "maimed": 31186, "kaeleer": 31187, "givea": 31188, "elda": 31189, "contributions": 31190, "celestino": 31191, "adjour": 31192, "\u00f3n": 31193, "varsity": 31194, "vani": 31195, "vouch": 31196, "tenoch": 31197, "stampede": 31198, "spaw": 31199, "seraphina": 31200, "retraced": 31201, "mutation": 31202, "monetary": 31203, "kom": 31204, "immobilized": 31205, "hayley": 31206, "gwyne": 31207, "gratification": 31208, "genic": 31209, "fetish": 31210, "dek": 31211, "cram": 31212, "corny": 31213, "copse": 31214, "clippings": 31215, "cerber": 31216, "zin": 31217, "upended": 31218, "unlatched": 31219, "uries": 31220, "tines": 31221, "technic": 31222, "sweltering": 31223, "swatting": 31224, "solves": 31225, "muskets": 31226, "layel": 31227, "invites": 31228, "hoots": 31229, "gnaw": 31230, "first": 31231, "fido": 31232, "drawbridge": 31233, "detailing": 31234, "cul": 31235, "crookedly": 31236, "copious": 31237, "choo": 31238, "cinta": 31239, "bogus": 31240, "afore": 31241, "aero": 31242, "85": 31243, "vaults": 31244, "uninterrupted": 31245, "supremely": 31246, "startles": 31247, "sade": 31248, "orin": 31249, "kassie": 31250, "jig": 31251, "gloat": 31252, "germs": 31253, "ezrina": 31254, "exple": 31255, "evik": 31256, "electra": 31257, "dwellings": 31258, "determining": 31259, "beetles": 31260, "alexi": 31261, "toothless": 31262, "telepath": 31263, "techa": 31264, "tani": 31265, "strengthening": 31266, "scavenger": 31267, "pillow": 31268, "miscarriage": 31269, "maelstrom": 31270, "locales": 31271, "frighten": 31272, "frigging": 31273, "exhilarated": 31274, "educate": 31275, "dynamics": 31276, "cramping": 31277, "bunks": 31278, "zeck": 31279, "yelle": 31280, "wilma": 31281, "whims": 31282, "unleashing": 31283, "unions": 31284, "tyana": 31285, "thoughtless": 31286, "terized": 31287, "tampa": 31288, "studios": 31289, "ssss": 31290, "molecular": 31291, "mitzy": 31292, "minerals": 31293, "michaela": 31294, "larissa": 31295, "kace": 31296, "intrusive": 31297, "idy": 31298, "humik": 31299, "demi": 31300, "damages": 31301, "constricting": 31302, "concocted": 31303, "charted": 31304, "blackburn": 31305, "billboard": 31306, "bean": 31307, "anu": 31308, "wisest": 31309, "whimsi": 31310, "victories": 31311, "unciation": 31312, "tega": 31313, "tarts": 31314, "subterfuge": 31315, "orgy": 31316, "kessen": 31317, "intervening": 31318, "galad": 31319, "faze": 31320, "diaboli": 31321, "destroys": 31322, "cutters": 31323, "convictions": 31324, "bryony": 31325, "brew": 31326, "accosted": 31327, "astray": 31328, "................": 31329, "strutting": 31330, "salted": 31331, "reconciliation": 31332, "refresh": 31333, "refers": 31334, "prostitution": 31335, "patrice": 31336, "orda": 31337, "nicho": 31338, "mopping": 31339, "marvellous": 31340, "indistinguishable": 31341, "inaction": 31342, "improvements": 31343, "headrest": 31344, "fringed": 31345, "feeder": 31346, "fairchild": 31347, "conversationally": 31348, "cerberus": 31349, "anchor": 31350, "alberta": 31351, "advancement": 31352, "tuss": 31353, "tulu": 31354, "thaw": 31355, "teleri": 31356, "takeover": 31357, "squeaks": 31358, "speculating": 31359, "seminar": 31360, "rhoda": 31361, "pharaoh": 31362, "olson": 31363, "offhand": 31364, "otis": 31365, "nightshirt": 31366, "kron": 31367, "implies": 31368, "gavel": 31369, "frickin": 31370, "fatigued": 31371, "farce": 31372, "elect": 31373, "draught": 31374, "contractors": 31375, "bringer": 31376, "b'": 31377, "ahan": 31378, "zebub": 31379, "whirred": 31380, "whin": 31381, "tailgate": 31382, "skier": 31383, "skierka": 31384, "phosp": 31385, "matured": 31386, "mae": 31387, "jeisa": 31388, "iskierka": 31389, "gium": 31390, "gargantuan": 31391, "fluctu": 31392, "excelled": 31393, "etz": 31394, "edwardian": 31395, "convolu": 31396, "burlap": 31397, "annabel": 31398, "williger": 31399, "wau": 31400, "vonne": 31401, "terwilliger": 31402, "succulent": 31403, "standers": 31404, "riordan": 31405, "redundant": 31406, "plopping": 31407, "passersby": 31408, "orn": 31409, "mull": 31410, "misto": 31411, "manes": 31412, "manacles": 31413, "kurma": 31414, "innuendo": 31415, "invalid": 31416, "froth": 31417, "dali": 31418, "dci": 31419, "consoled": 31420, "bronwyn": 31421, "befuddled": 31422, "attribute": 31423, "ancestry": 31424, "understated": 31425, "thrum": 31426, "technologies": 31427, "tsman": 31428, "sko": 31429, "ringlets": 31430, "reless": 31431, "overt": 31432, "noodle": 31433, "lusty": 31434, "janna": 31435, "inexorably": 31436, "ima": 31437, "gani": 31438, "frock": 31439, "entrepre": 31440, "comparable": 31441, "comp": 31442, "bribed": 31443, "blueprints": 31444, "accidently": 31445, "55": 31446, "xby": 31447, "unfaithful": 31448, "umbrel": 31449, "suvs": 31450, "rashel": 31451, "peabody": 31452, "ocy": 31453, "muskete": 31454, "merriment": 31455, "lute": 31456, "kenna": 31457, "ironed": 31458, "idiocy": 31459, "exuberance": 31460, "dribbling": 31461, "dolpho": 31462, "doctrine": 31463, "doggy": 31464, "chingly": 31465, "aux": 31466, "atial": 31467, "ved": 31468, "upheaval": 31469, "torque": 31470, "thibault": 31471, "taillights": 31472, "slums": 31473, "saver": 31474, "reth": 31475, "monstrumo": 31476, "minna": 31477, "masquerade": 31478, "loitering": 31479, "kk": 31480, "inventi": 31481, "incompetence": 31482, "halina": 31483, "giorgio": 31484, "fuzz": 31485, "dialled": 31486, "deluded": 31487, "daz": 31488, "condensation": 31489, "chit": 31490, "cadwala": 31491, "alaina": 31492, "zayn": 31493, "ular": 31494, "tuki": 31495, "tidbit": 31496, "smugglers": 31497, "rectify": 31498, "pow": 31499, "pter": 31500, "obligatory": 31501, "mcgrath": 31502, "makeover": 31503, "kinship": 31504, "intercourse": 31505, "inconceivable": 31506, "imploring": 31507, "hiero": 31508, "gis": 31509, "festering": 31510, "disapprovingly": 31511, "dickens": 31512, "dimmer": 31513, "crushes": 31514, "commitments": 31515, "chimneys": 31516, "bulldog": 31517, "bann": 31518, "authorization": 31519, "ater": 31520, "assail": 31521, "unrelated": 31522, "tsked": 31523, "trusty": 31524, "snowmobile": 31525, "postu": 31526, "pellets": 31527, "paulo": 31528, "pemble": 31529, "outweighed": 31530, "nostalgic": 31531, "moroc": 31532, "mattie": 31533, "illogical": 31534, "goblets": 31535, "fobata": 31536, "dismem": 31537, "crass": 31538, "copter": 31539, "caption": 31540, "barging": 31541, "alignment": 31542, "alfon": 31543, "whooping": 31544, "ubi": 31545, "serrated": 31546, "remarried": 31547, "pembleton": 31548, "pageant": 31549, "knotting": 31550, "indestruc": 31551, "franks": 31552, "doroga": 31553, "depraved": 31554, "contingency": 31555, "conjuring": 31556, "brusque": 31557, "book.com": 31558, "beelzebub": 31559, "adopting": 31560, "trand": 31561, "syna": 31562, "streamers": 31563, "sfield": 31564, "reload": 31565, "reconc": 31566, "putty": 31567, "philippines": 31568, "oberon": 31569, "kioshi": 31570, "janine": 31571, "icicles": 31572, "horts": 31573, "cynicism": 31574, "crudely": 31575, "cooing": 31576, "cackling": 31577, "beet": 31578, "blit": 31579, "anvil": 31580, "xx": 31581, "umbrellas": 31582, "sprites": 31583, "reproach": 31584, "rit": 31585, "ostensibly": 31586, "norse": 31587, "nefri": 31588, "malibu": 31589, "landscapes": 31590, "jil": 31591, "indifferently": 31592, "impassively": 31593, "honeysuckle": 31594, "hobie": 31595, "fortitude": 31596, "everlost": 31597, "draper": 31598, "disciple": 31599, "clen": 31600, "broussard": 31601, "brained": 31602, "bedraggled": 31603, "\u00ad\u00ad\u00ad\u00ad\u00ad\u00ad\u00ad\u00ad": 31604, "tainable": 31605, "silks": 31606, "sangu": 31607, "rodolpho": 31608, "preceding": 31609, "prancing": 31610, "plunked": 31611, "pippin": 31612, "newly": 31613, "ng": 31614, "mut": 31615, "mmings": 31616, "minotaur": 31617, "machiavel": 31618, "hardcore": 31619, "gunther": 31620, "flatten": 31621, "feasted": 31622, "drasni": 31623, "dolhin": 31624, "dares": 31625, "condemnation": 31626, "bristol": 31627, "berated": 31628, "aurelius": 31629, "amys": 31630, "yellows": 31631, "we'l": 31632, "verra": 31633, "valefar": 31634, "squaring": 31635, "ra'ak": 31636, "occult": 31637, "nathy": 31638, "metaphysical": 31639, "maude": 31640, "knocker": 31641, "hellhound": 31642, "headway": 31643, "ensore": 31644, "diagonal": 31645, "descends": 31646, "density": 31647, "dman": 31648, "complacent": 31649, "coffeepot": 31650, "chancho": 31651, "aleister": 31652, "abernathy": 31653, "tans": 31654, "swar": 31655, "sody": 31656, "sect": 31657, "screening": 31658, "recordings": 31659, "pints": 31660, "palazzo": 31661, "ook": 31662, "macleod": 31663, "liberation": 31664, "leighton": 31665, "jessa": 31666, "instorm": 31667, "gb": 31668, "done": 31669, "discs": 31670, "differenti": 31671, "darned": 31672, "brick": 31673, "bask": 31674, "tumultuous": 31675, "tasteful": 31676, "salis": 31677, "raim": 31678, "privation": 31679, "printout": 31680, "plummet": 31681, "perused": 31682, "jessamine": 31683, "insolent": 31684, "evading": 31685, "debut": 31686, "cyril": 31687, "cowed": 31688, "chariah": 31689, "wording": 31690, "strobe": 31691, "slouch": 31692, "rivalry": 31693, "repelled": 31694, "prow": 31695, "perfunc": 31696, "paralyzing": 31697, "ozon": 31698, "owls": 31699, "motivations": 31700, "keaton": 31701, "kathar": 31702, "jacu": 31703, "jad": 31704, "inquisiti": 31705, "inji": 31706, "fenwick": 31707, "faz": 31708, "elfin": 31709, "dianna": 31710, "cranberry": 31711, "cosmetics": 31712, "contrived": 31713, "bowman": 31714, "aldi": 31715, "valiantly": 31716, "trayn": 31717, "tampered": 31718, "steam": 31719, "shallows": 31720, "senators": 31721, "psis": 31722, "missionary": 31723, "lyons": 31724, "ion": 31725, "holbrook": 31726, "henne": 31727, "farewells": 31728, "dinner": 31729, "covertly": 31730, "conway": 31731, "cino": 31732, "chants": 31733, "brotherly": 31734, "adoptive": 31735, "180": 31736, "towing": 31737, "taraza": 31738, "sime": 31739, "saturn": 31740, "johno": 31741, "inhabit": 31742, "inlet": 31743, "hicks": 31744, "hemisphere": 31745, "fontaine": 31746, "daresay": 31747, "cunningham": 31748, "candid": 31749, "anchoring": 31750, "algar": 31751, "agreements": 31752, "----": 31753, "waterfalls": 31754, "unwillingly": 31755, "tremulous": 31756, "topping": 31757, "testified": 31758, "terreille": 31759, "teel": 31760, "soulful": 31761, "se\u00f1or": 31762, "seanchan": 31763, "resides": 31764, "raiden": 31765, "proclamation": 31766, "phrased": 31767, "iro": 31768, "irked": 31769, "inept": 31770, "hephaestus": 31771, "frizzy": 31772, "fishes": 31773, "exponentially": 31774, "ditching": 31775, "cyr": 31776, "counterparts": 31777, "cohorts": 31778, "carmina": 31779, "armoire": 31780, "viruses": 31781, "unattended": 31782, "tartar": 31783, "rov": 31784, "polydoor": 31785, "plato": 31786, "morally": 31787, "magnets": 31788, "levers": 31789, "itarian": 31790, "installation": 31791, "influences": 31792, "immea": 31793, "hobbling": 31794, "heg": 31795, "doubles": 31796, "dolhinov": 31797, "dopp": 31798, "deployment": 31799, "cleansed": 31800, "boneless": 31801, "algor": 31802, "yoff": 31803, "womani": 31804, "trod": 31805, "thorny": 31806, "tepp": 31807, "syndil": 31808, "starkly": 31809, "slavers": 31810, "sciences": 31811, "rugby": 31812, "recruit": 31813, "practiti": 31814, "pall": 31815, "oxen": 31816, "onei": 31817, "nexus": 31818, "loping": 31819, "lightsong": 31820, "indeb": 31821, "givens": 31822, "gigs": 31823, "ghetto": 31824, "feasible": 31825, "excel": 31826, "estranged": 31827, "eldritch": 31828, "douchebag": 31829, "crevices": 31830, "confessions": 31831, "canfield": 31832, "brie": 31833, "aviend": 31834, "augh": 31835, "applaud": 31836, "adair": 31837, "tril": 31838, "starbuck": 31839, "smitty": 31840, "sioned": 31841, "sardonically": 31842, "salsa": 31843, "progressive": 31844, "promen": 31845, "pinkie": 31846, "mutiny": 31847, "metamorpho": 31848, "marshmallow": 31849, "letter": 31850, "jungles": 31851, "insulation": 31852, "inous": 31853, "garian": 31854, "frightful": 31855, "faithfully": 31856, "droning": 31857, "ddon": 31858, "creeped": 31859, "costing": 31860, "bleakly": 31861, "awol": 31862, "aviendha": 31863, "3.0": 31864, "untimely": 31865, "undermine": 31866, "ttar": 31867, "splits": 31868, "secondhand": 31869, "repentant": 31870, "pheromones": 31871, "outcomes": 31872, "notoriously": 31873, "mechanisms": 31874, "koris": 31875, "inescapable": 31876, "inanimate": 31877, "impacted": 31878, "heathen": 31879, "harvested": 31880, "gae": 31881, "facebook.com": 31882, "dismount": 31883, "cypress": 31884, "counselors": 31885, "constituted": 31886, "comics": 31887, "besie": 31888, "archery": 31889, "www.smashwords.com": 31890, "velling": 31891, "triggering": 31892, "tombstone": 31893, "tilla": 31894, "stlers": 31895, "sport": 31896, "skinner": 31897, "scoundrel": 31898, "saylor": 31899, "relinquished": 31900, "miffed": 31901, "marsha": 31902, "jendan": 31903, "fg": 31904, "eleon": 31905, "disintegrating": 31906, "definitive": 31907, "crumpling": 31908, "corozon": 31909, "untidy": 31910, "tywin": 31911, "spurs": 31912, "shiv": 31913, "shitless": 31914, "shayne": 31915, "sasha": 31916, "raum": 31917, "philly": 31918, "odus": 31919, "nakul": 31920, "maysie": 31921, "laddie": 31922, "jonny": 31923, "gals": 31924, "fodder": 31925, "dreada": 31926, "dreadaeleon": 31927, "dispenser": 31928, "disintegrate": 31929, "corp": 31930, "clamoring": 31931, "bryne": 31932, "baiting": 31933, "atories": 31934, "abu": 31935, "apes": 31936, "98": 31937, "yonder": 31938, "womanly": 31939, "utilize": 31940, "undercurrent": 31941, "trilogy": 31942, "traditionally": 31943, "reynaud": 31944, "phobia": 31945, "morrie": 31946, "knacks": 31947, "iceland": 31948, "calder": 31949, "bread": 31950, "allotted": 31951, "68": 31952, "xer": 31953, "unassuming": 31954, "transactions": 31955, "tortoise": 31956, "temps": 31957, "proclaiming": 31958, "pratt": 31959, "pissy": 31960, "physic": 31961, "pegasus": 31962, "org": 31963, "mcgill": 31964, "lot": 31965, "listeners": 31966, "kleen": 31967, "kaylie": 31968, "intellectually": 31969, "indestructible": 31970, "framework": 31971, "dup": 31972, "como": 31973, "calms": 31974, "ccoli": 31975, "buoy": 31976, "bobs": 31977, "boath": 31978, "beater": 31979, "axton": 31980, "alessandro": 31981, "unhurried": 31982, "tatters": 31983, "scrap": 31984, "resurfaced": 31985, "reincarnation": 31986, "plodded": 31987, "physicians": 31988, "musing": 31989, "moto": 31990, "lube": 31991, "lint": 31992, "lasbeth": 31993, "hypothetical": 31994, "flate": 31995, "featu": 31996, "exul": 31997, "ellasbeth": 31998, "detectors": 31999, "daria": 32000, "bunching": 32001, "appetites": 32002, "alternated": 32003, "wormhole": 32004, "stilling": 32005, "sponsored": 32006, "spaceships": 32007, "skew": 32008, "sharpen": 32009, "reformed": 32010, "obhan": 32011, "magister": 32012, "karis": 32013, "hutchinson": 32014, "heli": 32015, "happenings": 32016, "funn": 32017, "evolu": 32018, "cdc": 32019, "bystanders": 32020, "buttercup": 32021, "boathouse": 32022, "abusing": 32023, "21st": 32024, "varieties": 32025, "touts": 32026, "scorned": 32027, "ross": 32028, "reddening": 32029, "radiate": 32030, "pilgrims": 32031, "ora": 32032, "operators": 32033, "minerva": 32034, "lanced": 32035, "guire": 32036, "gaggle": 32037, "ditto": 32038, "danvers": 32039, "creaks": 32040, "corrects": 32041, "conferences": 32042, "broccoli": 32043, "barricades": 32044, "arvil": 32045, "ard": 32046, "algorith": 32047, "7.": 32048, "xcor": 32049, "singsong": 32050, "sinew": 32051, "sensibilities": 32052, "maxie": 32053, "masts": 32054, "jelly": 32055, "helpers": 32056, "grub": 32057, "grilling": 32058, "grader": 32059, "diandra": 32060, "cemented": 32061, "carcasses": 32062, "blazes": 32063, "berg": 32064, "beren": 32065, "annias": 32066, "withhold": 32067, "william": 32068, "toolbox": 32069, "spanning": 32070, "shotguns": 32071, "philosophers": 32072, "nigan": 32073, "mowed": 32074, "mistook": 32075, "lak": 32076, "khavi": 32077, "judgments": 32078, "inebriated": 32079, "impeccably": 32080, "grandi": 32081, "engor": 32082, "egoti": 32083, "derby": 32084, "conclusive": 32085, "commonplace": 32086, "chiff": 32087, "brask": 32088, "blacktop": 32089, "wiggles": 32090, "trafficking": 32091, "stubbed": 32092, "simmer": 32093, "serge": 32094, "scrabble": 32095, "profanity": 32096, "peri": 32097, "oooo": 32098, "nibbles": 32099, "needle": 32100, "joca": 32101, "fortu": 32102, "cessna": 32103, "brynley": 32104, "appraisal": 32105, "anec": 32106, "terial": 32107, "spinner": 32108, "simms": 32109, "savagery": 32110, "sang": 32111, "rousseau": 32112, "retorts": 32113, "resplen": 32114, "renovated": 32115, "oblong": 32116, "nutt": 32117, "molecule": 32118, "moi": 32119, "lykae": 32120, "kneed": 32121, "instrumental": 32122, "gunmen": 32123, "forging": 32124, "exodus": 32125, "dri": 32126, "cheesecake": 32127, "cessors": 32128, "catacly": 32129, "bays": 32130, "andor": 32131, "61": 32132, "survives": 32133, "stabilized": 32134, "sheldon": 32135, "rodrigo": 32136, "relocated": 32137, "reloaded": 32138, "recreation": 32139, "plaintive": 32140, "pedals": 32141, "nedr": 32142, "minnie": 32143, "lunges": 32144, "lini": 32145, "griff": 32146, "frighteningly": 32147, "firmness": 32148, "eclec": 32149, "appendage": 32150, "androl": 32151, "alek": 32152, "alwyn": 32153, "aiding": 32154, "aftershocks": 32155, "admirer": 32156, "stilted": 32157, "ringo": 32158, "pinst": 32159, "ohhh": 32160, "nutri": 32161, "merger": 32162, "mavik": 32163, "immigrants": 32164, "illustration": 32165, "flower": 32166, "ellan": 32167, "corded": 32168, "collectively": 32169, "chugging": 32170, "armani": 32171, "warrants": 32172, "trades": 32173, "terrier": 32174, "sola": 32175, "sampling": 32176, "restful": 32177, "quist": 32178, "pickles": 32179, "orphaned": 32180, "northward": 32181, "minty": 32182, "matteo": 32183, "macaroni": 32184, "journeyed": 32185, "inflat": 32186, "gget": 32187, "fluky": 32188, "embraces": 32189, "elmer": 32190, "doomba": 32191, "blanked": 32192, "berman": 32193, "bation": 32194, "attired": 32195, "wreak": 32196, "viewpoint": 32197, "soreness": 32198, "separates": 32199, "observes": 32200, "nose": 32201, "lumine": 32202, "invoked": 32203, "impracti": 32204, "imbu": 32205, "hoisting": 32206, "fruity": 32207, "fraught": 32208, "debilitating": 32209, "debra": 32210, "credible": 32211, "catalogue": 32212, "birthright": 32213, "belit": 32214, "awry": 32215, "uniquely": 32216, "unperturbed": 32217, "tau": 32218, "squall": 32219, "sledge": 32220, "rogen": 32221, "reichen": 32222, "mities": 32223, "ministrations": 32224, "midriff": 32225, "miscal": 32226, "lullaby": 32227, "kher": 32228, "guitarist": 32229, "gnac": 32230, "draig": 32231, "disneyland": 32232, "cravat": 32233, "commande": 32234, "chaplain": 32235, "alighted": 32236, "withholding": 32237, "vies": 32238, "tials": 32239, "thingy": 32240, "strum": 32241, "striker": 32242, "stig": 32243, "slims": 32244, "sketchbook": 32245, "seamlessly": 32246, "quads": 32247, "perpetrator": 32248, "nourished": 32249, "nolen": 32250, "naz": 32251, "manicure": 32252, "levin": 32253, "kitchenette": 32254, "irishman": 32255, "inflicting": 32256, "grinder": 32257, "get": 32258, "gaf": 32259, "finale": 32260, "fathered": 32261, "evon": 32262, "evers": 32263, "emphatic": 32264, "e'": 32265, "dmitry": 32266, "brawny": 32267, "bering": 32268, "atmospheric": 32269, "ancies": 32270, "xhex": 32271, "winchester": 32272, "thousand": 32273, "roth": 32274, "riddance": 32275, "quicksand": 32276, "pulpit": 32277, "proficient": 32278, "ortega": 32279, "microscopic": 32280, "malfunction": 32281, "kkar": 32282, "ixtab": 32283, "inordin": 32284, "ifs": 32285, "hesive": 32286, "harrowing": 32287, "gauzy": 32288, "funniest": 32289, "frigate": 32290, "forecast": 32291, "dexter": 32292, "decayed": 32293, "dae": 32294, "dong": 32295, "confounded": 32296, "combo": 32297, "basia": 32298, "barter": 32299, "bered": 32300, "apple": 32301, "trevel": 32302, "strikingly": 32303, "steeply": 32304, "stel": 32305, "skulking": 32306, "sevasty": 32307, "saint": 32308, "patriotic": 32309, "pali": 32310, "nuance": 32311, "myr": 32312, "muses": 32313, "marisol": 32314, "laurelyn": 32315, "interval": 32316, "insubstantial": 32317, "horus": 32318, "hilly": 32319, "gwaum": 32320, "furtively": 32321, "featureless": 32322, "fabricated": 32323, "elene": 32324, "dealership": 32325, "def": 32326, "crumb": 32327, "undergone": 32328, "sevastyan": 32329, "retrac": 32330, "reentered": 32331, "rebirth": 32332, "raider": 32333, "poun": 32334, "nettle": 32335, "nyelle": 32336, "minos": 32337, "maylee": 32338, "mayan": 32339, "languidly": 32340, "jocasta": 32341, "innumer": 32342, "eiffel": 32343, "corkscrew": 32344, "corona": 32345, "connelly": 32346, "arum": 32347, "ambient": 32348, "yessir": 32349, "weighty": 32350, "veering": 32351, "vsky": 32352, "totem": 32353, "tien": 32354, "supervising": 32355, "rusting": 32356, "roughened": 32357, "precha": 32358, "pantheon": 32359, "overtaking": 32360, "obtaining": 32361, "nano": 32362, "kenness": 32363, "javelin": 32364, "immoral": 32365, "effing": 32366, "despondent": 32367, "cooperating": 32368, "cloying": 32369, "clanked": 32370, "balu": 32371, "89": 32372, "undergo": 32373, "undergarments": 32374, "telephoned": 32375, "stickers": 32376, "slurring": 32377, "sayer": 32378, "recurring": 32379, "revisit": 32380, "needlessly": 32381, "movers": 32382, "mastery": 32383, "mavis": 32384, "lobes": 32385, "leprecha": 32386, "lemme": 32387, "jolli": 32388, "j.lo": 32389, "hele": 32390, "forbade": 32391, "floote": 32392, "flagship": 32393, "drawstring": 32394, "dita": 32395, "deodorant": 32396, "clunk": 32397, "busier": 32398, "alerac": 32399, "abduc": 32400, "600": 32401, "yana": 32402, "whines": 32403, "vez": 32404, "trich": 32405, "tium": 32406, "sittin": 32407, "serendipity": 32408, "sarcophagus": 32409, "pieced": 32410, "pepsi": 32411, "overhearing": 32412, "ml": 32413, "khalid": 32414, "gertrude": 32415, "drenching": 32416, "councillor": 32417, "zapped": 32418, "wretch": 32419, "welded": 32420, "terra": 32421, "slayers": 32422, "shortcut": 32423, "servi": 32424, "semicircle": 32425, "rotors": 32426, "righteousness": 32427, "riff": 32428, "revised": 32429, "reap": 32430, "radioed": 32431, "race": 32432, "porno": 32433, "parry": 32434, "orchid": 32435, "nonsensi": 32436, "nerdy": 32437, "malkom": 32438, "lifeboat": 32439, "lacks": 32440, "krage": 32441, "kest": 32442, "julien": 32443, "ianna": 32444, "gott": 32445, "gness": 32446, "feather": 32447, "excerpt": 32448, "evaporate": 32449, "dewy": 32450, "cognac": 32451, "clich\u00e9": 32452, "buts": 32453, "bribes": 32454, "annihi": 32455, "achievements": 32456, "abbi": 32457, "willows": 32458, "viktis": 32459, "tremont": 32460, "toothpick": 32461, "tami": 32462, "slin": 32463, "roughness": 32464, "rewind": 32465, "ravyn": 32466, "rach": 32467, "pret": 32468, "paco": 32469, "paen": 32470, "organisms": 32471, "newel": 32472, "myrel": 32473, "murgo": 32474, "marshals": 32475, "mali": 32476, "lungful": 32477, "iton": 32478, "insights": 32479, "innov": 32480, "horizontally": 32481, "fried": 32482, "fishy": 32483, "elo": 32484, "bladed": 32485, "assassinate": 32486, "wodi": 32487, "untrue": 32488, "unresponsive": 32489, "trodden": 32490, "strenuous": 32491, "sprays": 32492, "siac": 32493, "scanners": 32494, "pelting": 32495, "pegs": 32496, "ofer": 32497, "luxuries": 32498, "grays": 32499, "firefighters": 32500, "fetid": 32501, "ficially": 32502, "examines": 32503, "daniella": 32504, "dore": 32505, "cuis": 32506, "cobbles": 32507, "chalkboard": 32508, "bankrupt": 32509, "azur": 32510, "aides": 32511, "vacuu": 32512, "tomasz": 32513, "taboo": 32514, "subs": 32515, "struts": 32516, "standoff": 32517, "skylight": 32518, "shepley": 32519, "selfishly": 32520, "scenic": 32521, "saddles": 32522, "ruff": 32523, "racial": 32524, "rave": 32525, "quits": 32526, "pure": 32527, "presumptuous": 32528, "pensively": 32529, "paramount": 32530, "overflowed": 32531, "normality": 32532, "mourners": 32533, "magnolia": 32534, "jingling": 32535, "itinerary": 32536, "improper": 32537, "handlebars": 32538, "grem": 32539, "excessively": 32540, "edes": 32541, "cule": 32542, "chronicles": 32543, "chalked": 32544, "broch": 32545, "affronted": 32546, "admirers": 32547, "120": 32548, "systematically": 32549, "staples": 32550, "sears": 32551, "ridged": 32552, "pleads": 32553, "phern": 32554, "pector": 32555, "ouard": 32556, "mott": 32557, "interim": 32558, "inte": 32559, "horizons": 32560, "gunda": 32561, "grouping": 32562, "gaz": 32563, "discourse": 32564, "cromwell": 32565, "constitutional": 32566, "bloodless": 32567, "bested": 32568, "agra": 32569, "accordance": 32570, "shal": 32571, "purp": 32572, "pleasured": 32573, "phernalia": 32574, "paraphernalia": 32575, "oysters": 32576, "nuances": 32577, "landlady": 32578, "jackpot": 32579, "ineffec": 32580, "governed": 32581, "enlist": 32582, "effie": 32583, "distribute": 32584, "diabe": 32585, "dei": 32586, "crestfallen": 32587, "browsing": 32588, "beauties": 32589, "alizes": 32590, "abrams": 32591, "tleil": 32592, "throngs": 32593, "soured": 32594, "shelving": 32595, "scin": 32596, "rossing": 32597, "ramshackle": 32598, "pizzas": 32599, "physicist": 32600, "pair": 32601, "orpheus": 32602, "mccab": 32603, "madder": 32604, "limitless": 32605, "jubal": 32606, "jodi": 32607, "isbn": 32608, "innumerable": 32609, "hico": 32610, "gres": 32611, "grits": 32612, "gangway": 32613, "gambler": 32614, "gleaned": 32615, "establishments": 32616, "emts": 32617, "cuisine": 32618, "breakfa": 32619, "blindsided": 32620, "bimbo": 32621, "arlen": 32622, "412": 32623, "yuki": 32624, "unbe": 32625, "tolnedr": 32626, "swald": 32627, "stons": 32628, "sae": 32629, "resembles": 32630, "pursing": 32631, "pranks": 32632, "placate": 32633, "psed": 32634, "obscur": 32635, "obitu": 32636, "kiki": 32637, "indirectly": 32638, "illustrated": 32639, "hyena": 32640, "halla": 32641, "estimating": 32642, "elinor": 32643, "disorgani": 32644, "corpo": 32645, "chronicle": 32646, "begrudgingly": 32647, "apore": 32648, "87": 32649, "wigs": 32650, "widows": 32651, "visceral": 32652, "universities": 32653, "tut": 32654, "telesco": 32655, "taverns": 32656, "stooping": 32657, "spurting": 32658, "singapore": 32659, "shameless": 32660, "scepter": 32661, "rowen": 32662, "retract": 32663, "prissy": 32664, "pedaled": 32665, "morph": 32666, "inserting": 32667, "heimer": 32668, "ginger": 32669, "fussy": 32670, "edouard": 32671, "doreen": 32672, "dishonest": 32673, "directive": 32674, "corrobor": 32675, "consoli": 32676, "clothe": 32677, "civility": 32678, "buddhist": 32679, "boa": 32680, "alli": 32681, "z.": 32682, "screeches": 32683, "qy": 32684, "olympics": 32685, "obstinate": 32686, "nonplu": 32687, "neural": 32688, "nanop": 32689, "lewd": 32690, "lavinia": 32691, "kleenex": 32692, "kilter": 32693, "finery": 32694, "dogged": 32695, "cravings": 32696, "burgeoning": 32697, "bravest": 32698, "brat": 32699, "bankrupt": 32700, "addled": 32701, "800": 32702, "wolfish": 32703, "taping": 32704, "supplying": 32705, "snob": 32706, "silverstone": 32707, "rhythms": 32708, "rhap": 32709, "prohibited": 32710, "postponed": 32711, "ornamental": 32712, "nichols": 32713, "morons": 32714, "luminescent": 32715, "loveseat": 32716, "kerim": 32717, "johann": 32718, "holiness": 32719, "gondo": 32720, "galladon": 32721, "goner": 32722, "francine": 32723, "encompass": 32724, "donning": 32725, "antlers": 32726, "vaging": 32727, "traverse": 32728, "topless": 32729, "suffers": 32730, "ssels": 32731, "roost": 32732, "oppression": 32733, "mail.com": 32734, "hither": 32735, "helia": 32736, "grandkids": 32737, "gouged": 32738, "fazire": 32739, "droop": 32740, "donat": 32741, "bino": 32742, "azurdee": 32743, "austere": 32744, "afore": 32745, "zies": 32746, "villiers": 32747, "tenacious": 32748, "straightaway": 32749, "snores": 32750, "shannah": 32751, "selective": 32752, "ruffles": 32753, "probes": 32754, "prickles": 32755, "induce": 32756, "harvest": 32757, "flinches": 32758, "districts": 32759, "dignitaries": 32760, "bolster": 32761, "blackmailing": 32762, "assertion": 32763, "amiably": 32764, "amar": 32765, "ungodly": 32766, "tulip": 32767, "sapphires": 32768, "sanguin": 32769, "rejoice": 32770, "rancher": 32771, "rapist": 32772, "purplish": 32773, "pino": 32774, "pangs": 32775, "lolli": 32776, "kungal": 32777, "kilometer": 32778, "inane": 32779, "hatchway": 32780, "gras": 32781, "gloomily": 32782, "escalate": 32783, "etru": 32784, "dutiful": 32785, "configur": 32786, "companionable": 32787, "clarkson": 32788, "chrysalis": 32789, "blod": 32790, "ashli": 32791, "woof": 32792, "unseeing": 32793, "tromb": 32794, "thurlow": 32795, "ssedly": 32796, "sobri": 32797, "romantically": 32798, "omago": 32799, "noda": 32800, "jhah": 32801, "grandcourt": 32802, "fernando": 32803, "exercised": 32804, "dotting": 32805, "disorientation": 32806, "casters": 32807, "bummer": 32808, "attaching": 32809, "atable": 32810, "ambiguous": 32811, "wheeze": 32812, "twear": 32813, "trickery": 32814, "rapping": 32815, "provider": 32816, "packaged": 32817, "pf": 32818, "kizzy": 32819, "hookers": 32820, "haw": 32821, "hemp": 32822, "ghy": 32823, "electrocu": 32824, "duffy": 32825, "convulsively": 32826, "contrasting": 32827, "constellations": 32828, "cleon": 32829, "bowel": 32830, "barrows": 32831, "aan": 32832, "wonderment": 32833, "walther": 32834, "verte": 32835, "unearthed": 32836, "trudge": 32837, "syno": 32838, "sparrows": 32839, "sial": 32840, "smel": 32841, "overcoming": 32842, "meda": 32843, "marabeth": 32844, "marita": 32845, "inun": 32846, "henley": 32847, "harleigh": 32848, "fugitives": 32849, "embe": 32850, "disregarded": 32851, "deville": 32852, "decorum": 32853, "conglomerate": 32854, "carole": 32855, "cafes": 32856, "binds": 32857, "beheaded": 32858, "austen": 32859, "amalthea": 32860, "adonis": 32861, "acoustic": 32862, "aco": 32863, "1990": 32864, "zandramas": 32865, "zol": 32866, "tash": 32867, "straff": 32868, "spawned": 32869, "sooty": 32870, "safeguard": 32871, "overrated": 32872, "oneiro": 32873, "observers": 32874, "nebu": 32875, "module": 32876, "madrid": 32877, "liver": 32878, "landry": 32879, "jhahnah": 32880, "idee": 32881, "hamburgers": 32882, "governing": 32883, "goldfinger": 32884, "evilly": 32885, "deem": 32886, "citrus": 32887, "chelsie": 32888, "broadsword": 32889, "brianne": 32890, "appen": 32891, "zingly": 32892, "wastes": 32893, "tyres": 32894, "trig": 32895, "sharif": 32896, "retarded": 32897, "mocks": 32898, "moc": 32899, "korkungal": 32900, "jhahnahkan": 32901, "inquires": 32902, "fanfare": 32903, "draagh": 32904, "dilau": 32905, "yvette": 32906, "whitewashed": 32907, "valentino": 32908, "topa": 32909, "sini": 32910, "shiro": 32911, "reigns": 32912, "reinde": 32913, "parsons": 32914, "pinc": 32915, "ordained": 32916, "oracles": 32917, "nugget": 32918, "mums": 32919, "inverted": 32920, "inventor": 32921, "immovable": 32922, "gunter": 32923, "flit": 32924, "fag": 32925, "exalted": 32926, "entren": 32927, "dreamless": 32928, "drea": 32929, "devout": 32930, "cotton": 32931, "celestra": 32932, "attained": 32933, "amjad": 32934, "voluntary": 32935, "violating": 32936, "unchecked": 32937, "trump": 32938, "toting": 32939, "supplier": 32940, "slur": 32941, "rarity": 32942, "muslims": 32943, "mink": 32944, "mine": 32945, "marring": 32946, "lamppo": 32947, "krieger": 32948, "incubus": 32949, "hydrau": 32950, "huxley": 32951, "hidea": 32952, "herr'": 32953, "gula": 32954, "glings": 32955, "fusel": 32956, "fronds": 32957, "ender": 32958, "elantris": 32959, "cylindri": 32960, "chon": 32961, "burt": 32962, "93": 32963, "92": 32964, "71": 32965, "workplace": 32966, "wildcat": 32967, "timely": 32968, "snipers": 32969, "sleepover": 32970, "samuels": 32971, "recessed": 32972, "peeved": 32973, "oneirophage": 32974, "minuscule": 32975, "lapis": 32976, "jacuzzi": 32977, "iq": 32978, "hymn": 32979, "grump": 32980, "grimaces": 32981, "gne": 32982, "foresee": 32983, "fain": 32984, "epic": 32985, "entailed": 32986, "disobedience": 32987, "disconcerted": 32988, "darrell": 32989, "damnit": 32990, "conserve": 32991, "clout": 32992, "bombers": 32993, "boise": 32994, "archs": 32995, "watkins": 32996, "vasos": 32997, "timberlake": 32998, "thrift": 32999, "sss": 33000, "rache": 33001, "quivers": 33002, "qi": 33003, "phantoms": 33004, "petus": 33005, "nord": 33006, "nedwin": 33007, "livery": 33008, "lanna": 33009, "konrad": 33010, "kinetic": 33011, "homage": 33012, "hler": 33013, "graduates": 33014, "drinkers": 33015, "detri": 33016, "contributing": 33017, "chivalry": 33018, "bailiff": 33019, "sued": 33020, "sputter": 33021, "smartphone": 33022, "shingles": 33023, "scrawl": 33024, "popsi": 33025, "miniscule": 33026, "livie": 33027, "ingenu": 33028, "homesick": 33029, "haughtily": 33030, "gratifying": 33031, "erebus": 33032, "dosed": 33033, "disfigured": 33034, "diabolical": 33035, "chures": 33036, "chery": 33037, "cabs": 33038, "brochures": 33039, "aud": 33040, "airlines": 33041, "xel": 33042, "volk": 33043, "swiveling": 33044, "struct": 33045, "scha": 33046, "pharmaceutical": 33047, "newsle": 33048, "namese": 33049, "meilin": 33050, "lusting": 33051, "lilting": 33052, "lieutenants": 33053, "jann": 33054, "idic": 33055, "herr'don": 33056, "giveaway": 33057, "galilee": 33058, "dust": 33059, "dillow": 33060, "darian": 33061, "cylindrical": 33062, "courtiers": 33063, "cordova": 33064, "cadets": 33065, "blasphemy": 33066, "avoidance": 33067, "arrayed": 33068, "ariyal": 33069, "amber": 33070, "alterants": 33071, "adversaries": 33072, "73": 33073, "wakefield": 33074, "tim": 33075, "succumbing": 33076, "strumming": 33077, "strove": 33078, "strath": 33079, "reproduction": 33080, "quartet": 33081, "panille": 33082, "output": 33083, "notches": 33084, "nedest": 33085, "meshed": 33086, "marcella": 33087, "inner": 33088, "illes": 33089, "homely": 33090, "headband": 33091, "gravitational": 33092, "georgetown": 33093, "gaily": 33094, "footstep": 33095, "firearm": 33096, "crone": 33097, "cormel": 33098, "convoluted": 33099, "brazilian": 33100, "bazaar": 33101, "traceable": 33102, "thoir": 33103, "strappy": 33104, "splotches": 33105, "retaining": 33106, "qui": 33107, "pleasantness": 33108, "piazza": 33109, "patriots": 33110, "openness": 33111, "mayo": 33112, "mapping": 33113, "liberally": 33114, "lacro": 33115, "k.": 33116, "fucks": 33117, "disjointed": 33118, "coughlin": 33119, "consoling": 33120, "conclave": 33121, "complains": 33122, "cavalier": 33123, "bowie": 33124, "barmaid": 33125, "bankruptcy": 33126, "aphrodi": 33127, "announcements": 33128, "wiz": 33129, "vivenna": 33130, "unauthorized": 33131, "transfers": 33132, "tranquilizer": 33133, "tio": 33134, "thermo": 33135, "teppic": 33136, "subservi": 33137, "rm": 33138, "pigtails": 33139, "pelican": 33140, "legible": 33141, "hettar": 33142, "fanatics": 33143, "edrin": 33144, "dictator": 33145, "demarco": 33146, "coup": 33147, "compulsive": 33148, "clings": 33149, "chirp": 33150, "bianka": 33151, "averting": 33152, "afe": 33153, "63": 33154, "vietnamese": 33155, "socialize": 33156, "snippets": 33157, "skyscraper": 33158, "seemly": 33159, "seamen": 33160, "sewage": 33161, "scones": 33162, "sandro": 33163, "sling": 33164, "recommendations": 33165, "rainwater": 33166, "potty": 33167, "nity": 33168, "lita": 33169, "learner": 33170, "icily": 33171, "harshness": 33172, "hed": 33173, "givin": 33174, "gaard": 33175, "fanatic": 33176, "disturbingly": 33177, "deprivation": 33178, "collectors": 33179, "chopsticks": 33180, "brogan": 33181, "airstrip": 33182, "yvonne": 33183, "wable": 33184, "tworth": 33185, "ssies": 33186, "spren": 33187, "sopr": 33188, "snagging": 33189, "slackened": 33190, "sequest": 33191, "seed": 33192, "sd": 33193, "rutger": 33194, "roulette": 33195, "paternal": 33196, "pantom": 33197, "luanne": 33198, "lodden": 33199, "jockey": 33200, "intensifying": 33201, "ingle": 33202, "intra": 33203, "horseman": 33204, "gangplank": 33205, "eliest": 33206, "daric": 33207, "combs": 33208, "assert": 33209, "advertise": 33210, "aho": 33211, "we're": 33212, "veils": 33213, "tragically": 33214, "tidings": 33215, "tangy": 33216, "talen": 33217, "supernaturals": 33218, "skewed": 33219, "prometheus": 33220, "millionth": 33221, "mbre": 33222, "joseph": 33223, "indiscri": 33224, "infidelity": 33225, "ivo": 33226, "guarita": 33227, "gardeners": 33228, "fuselage": 33229, "foal": 33230, "dol": 33231, "brahim": 33232, "basalt": 33233, "barnabas": 33234, "abi": 33235, "astra": 33236, "zalasta": 33237, "vii": 33238, "vester": 33239, "spence": 33240, "rudolph": 33241, "repel": 33242, "overseeing": 33243, "ozone": 33244, "mainst": 33245, "loon": 33246, "legno": 33247, "jeze": 33248, "fantasize": 33249, "emont": 33250, "elich": 33251, "dislocated": 33252, "disqui": 33253, "ye've": 33254, "thora": 33255, "tego": 33256, "relevance": 33257, "negan": 33258, "mak": 33259, "lightest": 33260, "illegitimate": 33261, "gilda": 33262, "fundraiser": 33263, "elson": 33264, "conquering": 33265, "cod": 33266, "camerlegno": 33267, "blackmailed": 33268, "zyn": 33269, "unwell": 33270, "talek": 33271, "stockholm": 33272, "sodas": 33273, "slaver": 33274, "shar": 33275, "puerto": 33276, "prefect": 33277, "pamphlet": 33278, "oriole": 33279, "nyx": 33280, "manuscripts": 33281, "jock": 33282, "italians": 33283, "iss": 33284, "froelich": 33285, "dissipating": 33286, "celebratory": 33287, "anchors": 33288, "uncomplicated": 33289, "ticism": 33290, "tamar": 33291, "stresses": 33292, "strait": 33293, "sniffle": 33294, "ruptured": 33295, "pommel": 33296, "laboring": 33297, "kaiti": 33298, "hey": 33299, "encountering": 33300, "despairing": 33301, "dad": 33302, "crusade": 33303, "crazies": 33304, "church": 33305, "cannon": 33306, "brighton": 33307, "brien": 33308, "blanco": 33309, "assassinated": 33310, "askin": 33311, "anheg": 33312, "amaranth": 33313, "ammar": 33314, "aaa": 33315, "xo": 33316, "untrained": 33317, "tampering": 33318, "suds": 33319, "smock": 33320, "portico": 33321, "marguarita": 33322, "jaelyn": 33323, "introduces": 33324, "indebted": 33325, "granger": 33326, "foothold": 33327, "fazed": 33328, "fathom": 33329, "eclectic": 33330, "eup": 33331, "dilauren": 33332, "chiming": 33333, "brownish": 33334, "berserk": 33335, "bens": 33336, "6.": 33337, "wah": 33338, "tarzyn": 33339, "straker": 33340, "ssler": 33341, "spellbound": 33342, "regulation": 33343, "phi": 33344, "mosque": 33345, "maitre": 33346, "maso": 33347, "incongruous": 33348, "hormonal": 33349, "haz": 33350, "guidel": 33351, "garia": 33352, "fleming": 33353, "expel": 33354, "doublet": 33355, "disappearances": 33356, "deadbolt": 33357, "danes": 33358, "coupling": 33359, "aqua": 33360, "69": 33361, "zenith": 33362, "yways": 33363, "wily": 33364, "vasily": 33365, "usage": 33366, "upped": 33367, "thina": 33368, "teardrop": 33369, "tann": 33370, "swims": 33371, "scriptures": 33372, "ratio": 33373, "obligingly": 33374, "neste": 33375, "metropolitan": 33376, "kangar": 33377, "jezebel": 33378, "insured": 33379, "elaborately": 33380, "devil": 33381, "detecting": 33382, "complemented": 33383, "bearl": 33384, "barbs": 33385, "amenities": 33386, "yorkshire": 33387, "yikes": 33388, "unmade": 33389, "transports": 33390, "telegram": 33391, "sweated": 33392, "sophistication": 33393, "snowstorm": 33394, "servitude": 33395, "rodents": 33396, "petr": 33397, "nicknamed": 33398, "nac": 33399, "munich": 33400, "moha": 33401, "licence": 33402, "kernel": 33403, "intermittently": 33404, "honoured": 33405, "hideously": 33406, "guffawed": 33407, "gossa": 33408, "flutes": 33409, "evolutionary": 33410, "evaluating": 33411, "enfolded": 33412, "elion": 33413, "directs": 33414, "cheerily": 33415, "candel": 33416, "buttery": 33417, "burrows": 33418, "besto": 33419, "alla": 33420, "abort": 33421, "wrangler": 33422, "trow": 33423, "spectator": 33424, "sluggishly": 33425, "scribble": 33426, "rapier": 33427, "persuading": 33428, "oooooooo": 33429, "o'neill": 33430, "looms": 33431, "lodo": 33432, "liners": 33433, "jaylinn": 33434, "influx": 33435, "impart": 33436, "godfather": 33437, "cisco": 33438, "chalky": 33439, "ahmed": 33440, "aflame": 33441, "9:00": 33442, "20th": 33443, "snitch": 33444, "smugness": 33445, "resplendent": 33446, "pyja": 33447, "pursuer": 33448, "puked": 33449, "objectives": 33450, "lindros": 33451, "kink": 33452, "inin": 33453, "implements": 33454, "geometry": 33455, "forested": 33456, "firmed": 33457, "executing": 33458, "earphones": 33459, "dossier": 33460, "delic": 33461, "deanna": 33462, "considerations": 33463, "cists": 33464, "awares": 33465, "anima": 33466, "alphabe": 33467, "5.": 33468, "1000": 33469, "'cos": 33470, "virile": 33471, "uptown": 33472, "unconventional": 33473, "thura": 33474, "spread": 33475, "shrunken": 33476, "shod": 33477, "sadist": 33478, "rios": 33479, "reindeer": 33480, "recre": 33481, "playroom": 33482, "necrodelic": 33483, "mauled": 33484, "listless": 33485, "insinuating": 33486, "igi": 33487, "helga": 33488, "hettie": 33489, "flourished": 33490, "falsely": 33491, "engorged": 33492, "eaux": 33493, "cheza": 33494, "caire": 33495, "bouncers": 33496, "annies": 33497, "adores": 33498, "valuables": 33499, "tacle": 33500, "swarms": 33501, "strooms": 33502, "spurts": 33503, "splat": 33504, "spilt": 33505, "samur": 33506, "rhode": 33507, "rescuer": 33508, "replenish": 33509, "reconsidered": 33510, "patrol": 33511, "leonora": 33512, "launches": 33513, "kicker": 33514, "hypnosis": 33515, "hungover": 33516, "godforsaken": 33517, "furn": 33518, "florist": 33519, "f.": 33520, "eduardo": 33521, "detectable": 33522, "dennes": 33523, "cril": 33524, "cockroach": 33525, "chang": 33526, "caven": 33527, "appetizers": 33528, "ziest": 33529, "yearn": 33530, "veronique": 33531, "stunningly": 33532, "steroids": 33533, "skar": 33534, "redneck": 33535, "rette": 33536, "pees": 33537, "paternity": 33538, "offset": 33539, "otter": 33540, "nal": 33541, "mytho": 33542, "latches": 33543, "handica": 33544, "feu": 33545, "demu": 33546, "copilot": 33547, "cloud": 33548, "brah": 33549, "bestow": 33550, "atonic": 33551, "arabian": 33552, "amulets": 33553, "adria": 33554, "xe": 33555, "wrestler": 33556, "unsavory": 33557, "unfeeling": 33558, "stabilize": 33559, "squal": 33560, "skeeter": 33561, "rife": 33562, "prelude": 33563, "paving": 33564, "obsessing": 33565, "osc": 33566, "muda": 33567, "mistakenly": 33568, "lakeside": 33569, "inventions": 33570, "ingredient": 33571, "insure": 33572, "hemi": 33573, "frothy": 33574, "fleas": 33575, "dvds": 33576, "cuss": 33577, "cockroaches": 33578, "backer": 33579, "armoured": 33580, "align": 33581, "wilt": 33582, "utopia": 33583, "unwinding": 33584, "unpleasantly": 33585, "sympathize": 33586, "strippers": 33587, "stateroom": 33588, "sancti": 33589, "romain": 33590, "replicate": 33591, "restrooms": 33592, "mortmain": 33593, "mitt": 33594, "locomo": 33595, "kurda": 33596, "hungered": 33597, "hummingbird": 33598, "hoppy": 33599, "hindu": 33600, "grille": 33601, "defect": 33602, "clogging": 33603, "cipher": 33604, "blacker": 33605, "staffed": 33606, "resumes": 33607, "rejoiced": 33608, "pronouncement": 33609, "placements": 33610, "pitifully": 33611, "mason": 33612, "heavyset": 33613, "graeak": 33614, "glorified": 33615, "freelance": 33616, "franchi": 33617, "excite": 33618, "excre": 33619, "crispy": 33620, "controversial": 33621, "conservatory": 33622, "caro": 33623, "budsby": 33624, "zzyk": 33625, "unbridled": 33626, "thailand": 33627, "swoman": 33628, "styric": 33629, "stirr": 33630, "sprained": 33631, "shooing": 33632, "shears": 33633, "sain": 33634, "roc": 33635, "prepped": 33636, "phleg": 33637, "outlets": 33638, "nuh": 33639, "masons": 33640, "loath": 33641, "leveling": 33642, "jima": 33643, "immacu": 33644, "hartley": 33645, "figurines": 33646, "entro": 33647, "cyclops": 33648, "bulldozer": 33649, "bernardo": 33650, "armada": 33651, "apprehended": 33652, "alness": 33653, "tedness": 33654, "storey": 33655, "stiffens": 33656, "siobhan": 33657, "proli": 33658, "premium": 33659, "pickering": 33660, "oswald": 33661, "membrane": 33662, "klaus": 33663, "fueling": 33664, "cumbersome": 33665, "convulsions": 33666, "conquests": 33667, "alank": 33668, "000": 33669, "zedar": 33670, "vington": 33671, "unawares": 33672, "terrestrial": 33673, "steffie": 33674, "solidar": 33675, "skimmer": 33676, "resonating": 33677, "outcasts": 33678, "orbiting": 33679, "ole": 33680, "oka": 33681, "mantel": 33682, "karissa": 33683, "islamic": 33684, "ingenuity": 33685, "gilly": 33686, "frig": 33687, "finnie": 33688, "extricate": 33689, "endeavors": 33690, "dilly": 33691, "defective": 33692, "coffeemaker": 33693, "chai": 33694, "branching": 33695, "beverages": 33696, "underbelly": 33697, "sudden": 33698, "startlingly": 33699, "spooning": 33700, "sheesh": 33701, "roch": 33702, "omer": 33703, "not": 33704, "nissa": 33705, "niggling": 33706, "madonna": 33707, "leeches": 33708, "impaired": 33709, "esper": 33710, "dona": 33711, "collects": 33712, "classics": 33713, "cartridge": 33714, "broomstick": 33715, "besti": 33716, "vinsky": 33717, "uisher": 33718, "trums": 33719, "sotrakian": 33720, "repositioned": 33721, "psychics": 33722, "olga": 33723, "okin": 33724, "newport": 33725, "merlot": 33726, "mccready": 33727, "interce": 33728, "honk": 33729, "halfhearted": 33730, "glinda": 33731, "extinguisher": 33732, "embol": 33733, "elaborated": 33734, "disquiet": 33735, "disquie": 33736, "ddly": 33737, "daren": 33738, "dac": 33739, "corsi": 33740, "clocked": 33741, "bellied": 33742, "barclay": 33743, "anova": 33744, "and#": 33745, "woodpecker": 33746, "ulation": 33747, "terhouse": 33748, "social": 33749, "serin": 33750, "scuttling": 33751, "ranno": 33752, "protesters": 33753, "pitt": 33754, "ino": 33755, "goldfish": 33756, "frequencies": 33757, "forts": 33758, "fashions": 33759, "dridge": 33760, "davi": 33761, "congratulating": 33762, "commonwealth": 33763, "charities": 33764, "cthol": 33765, "unforgettable": 33766, "transplant": 33767, "tarth": 33768, "ssan": 33769, "scum": 33770, "perusal": 33771, "pj": 33772, "outrageously": 33773, "municipal": 33774, "mannequin": 33775, "kohl": 33776, "kearns": 33777, "hindr": 33778, "gutters": 33779, "famed": 33780, "ephemer": 33781, "editorial": 33782, "delivers": 33783, "curing": 33784, "carrion": 33785, "worsened": 33786, "vlagh": 33787, "shoulda": 33788, "rudder": 33789, "rollo": 33790, "persist": 33791, "peachy": 33792, "letta": 33793, "indigenous": 33794, "istan": 33795, "greener": 33796, "figure": 33797, "conceited": 33798, "compensated": 33799, "cedric": 33800, "bristle": 33801, "akh": 33802, ".38": 33803, "yoke": 33804, "walton": 33805, "tyranny": 33806, "stoff": 33807, "solidarity": 33808, "snored": 33809, "salena": 33810, "regine": 33811, "promenade": 33812, "polluted": 33813, "magnificence": 33814, "hustling": 33815, "fury": 33816, "flocked": 33817, "eirik": 33818, "diffuse": 33819, "damnedest": 33820, "corporeal": 33821, "briga": 33822, "bfg": 33823, "axi": 33824, "avocado": 33825, "adventurer": 33826, "untangle": 33827, "treati": 33828, "teabing": 33829, "swerve": 33830, "staple": 33831, "seclusion": 33832, "samurai": 33833, "resonant": 33834, "pursuits": 33835, "professionalism": 33836, "null": 33837, "lopez": 33838, "karao": 33839, "jalal": 33840, "instilled": 33841, "hoyt": 33842, "hobbits": 33843, "harboring": 33844, "gleng": 33845, "foxy": 33846, "elites": 33847, "donors": 33848, "dermot": 33849, "declining": 33850, "consultation": 33851, "bedpost": 33852, "annihilation": 33853, "analytical": 33854, "adley": 33855, "astr": 33856, "ael": 33857, "wina": 33858, "strake": 33859, "stetson": 33860, "sheep": 33861, "seeable": 33862, "saintcrow": 33863, "rehabilitation": 33864, "reta": 33865, "predecessor": 33866, "passable": 33867, "nun": 33868, "marri": 33869, "leu": 33870, "karaoke": 33871, "joa": 33872, "huddling": 33873, "handcuff": 33874, "haven": 33875, "groupie": 33876, "flail": 33877, "dinky": 33878, "conversed": 33879, "cognitive": 33880, "chandar": 33881, "cadwaladr": 33882, "bureaucracy": 33883, "boot": 33884, "automaton": 33885, "astronomy": 33886, "adher": 33887, "abnegation": 33888, "waltzed": 33889, "slaughtering": 33890, "scour": 33891, "sla": 33892, "pearson": 33893, "loudspeaker": 33894, "lioness": 33895, "harn": 33896, "cyclone": 33897, "chitchat": 33898, "chards": 33899, "blotting": 33900, "bertram": 33901, "adulterated": 33902, "adolf": 33903, "yew": 33904, "transmissions": 33905, "tj": 33906, "sleet": 33907, "sheathing": 33908, "rascal": 33909, "radiator": 33910, "pliant": 33911, "paralleled": 33912, "math": 33913, "mao": 33914, "knockout": 33915, "kok": 33916, "jacque": 33917, "interacting": 33918, "inbox": 33919, "illustri": 33920, "iekov": 33921, "gration": 33922, "glengyle": 33923, "glass": 33924, "ggo": 33925, "dugout": 33926, "coding": 33927, "cheshire": 33928, "canals": 33929, "agu": 33930, "actuality": 33931, "79": 33932, "utilized": 33933, "terese": 33934, "squawking": 33935, "speculatively": 33936, "redwood": 33937, "remedi": 33938, "prit": 33939, "pouches": 33940, "perpen": 33941, "paddles": 33942, "nonsensical": 33943, "nonplussed": 33944, "motherhood": 33945, "mints": 33946, "mainstream": 33947, "lurches": 33948, "lucilla": 33949, "interrogating": 33950, "gralso": 33951, "emissary": 33952, "commiser": 33953, "brambles": 33954, "blemished": 33955, "biding": 33956, "abond": 33957, "ais": 33958, "worshipping": 33959, "tongued": 33960, "tarot": 33961, "sulk": 33962, "sumptuous": 33963, "socializing": 33964, "shouldering": 33965, "sconces": 33966, "recounting": 33967, "progressively": 33968, "professed": 33969, "porthole": 33970, "ported": 33971, "perpendic": 33972, "overloaded": 33973, "omir": 33974, "mmery": 33975, "maest": 33976, "jinji": 33977, "disu": 33978, "dele": 33979, "belter": 33980, "avatar": 33981, "airports": 33982, "zipp": 33983, "upraised": 33984, "successes": 33985, "sobriety": 33986, "sarab": 33987, "residing": 33988, "ranges": 33989, "quilts": 33990, "preview": 33991, "poe": 33992, "performer": 33993, "ontar": 33994, "nez": 33995, "motley": 33996, "loup": 33997, "loony": 33998, "juarez": 33999, "jeanine": 34000, "fes": 34001, "disorienting": 34002, "dampening": 34003, "conspired": 34004, "campaigns": 34005, "bristles": 34006, "boundless": 34007, "boosted": 34008, "ambre": 34009, "alder": 34010, "abeke": 34011, "webbing": 34012, "uro": 34013, "usable": 34014, "thadel": 34015, "syne": 34016, "shortcomings": 34017, "shamus": 34018, "scaling": 34019, "rutted": 34020, "rom": 34021, "republican": 34022, "outhouse": 34023, "luthadel": 34024, "lovesick": 34025, "lexington": 34026, "legislat": 34027, "jada": 34028, "ista": 34029, "inevere": 34030, "indications": 34031, "glitch": 34032, "glacial": 34033, "format": 34034, "estones": 34035, "eleonora": 34036, "drugging": 34037, "dries": 34038, "crowns": 34039, "crag": 34040, "contradictory": 34041, "brats": 34042, "bicycles": 34043, "barley": 34044, "arra": 34045, "appendages": 34046, "agricultural": 34047, "aglow": 34048, "wodan": 34049, "widowed": 34050, "vw": 34051, "undergoing": 34052, "untangled": 34053, "timetable": 34054, "thinker": 34055, "tenders": 34056, "stryn": 34057, "spinach": 34058, "revolted": 34059, "rennie": 34060, "productions": 34061, "mixer": 34062, "migrant": 34063, "magnetism": 34064, "liberating": 34065, "jangling": 34066, "hobble": 34067, "hairstyle": 34068, "guinevere": 34069, "glossed": 34070, "crossly": 34071, "crossbows": 34072, "corrine": 34073, "consented": 34074, "bridesmaids": 34075, "branden": 34076, "beatles": 34077, "avans": 34078, "acs": 34079, "acons": 34080, "worrisome": 34081, "weds": 34082, "virg": 34083, "timers": 34084, "stroller": 34085, "spouses": 34086, "shrev": 34087, "shreveport": 34088, "repell": 34089, "ransacked": 34090, "ragge": 34091, "prae": 34092, "phidias": 34093, "petey": 34094, "obscurity": 34095, "nona": 34096, "monotony": 34097, "martine": 34098, "liege": 34099, "khalad": 34100, "jangled": 34101, "illo": 34102, "harru": 34103, "frightens": 34104, "employing": 34105, "derisively": 34106, "daniela": 34107, "combining": 34108, "blubbering": 34109, "83": 34110, ".'": 34111, "wrapar": 34112, "wizened": 34113, "viscous": 34114, "venetian": 34115, "tarik": 34116, "taleniekov": 34117, "tamp": 34118, "spew": 34119, "savitar": 34120, "quid": 34121, "pranced": 34122, "petun": 34123, "para": 34124, "ocre": 34125, "mongrel": 34126, "lough": 34127, "lexy": 34128, "imbal": 34129, "illustrious": 34130, "hellhole": 34131, "fords": 34132, "fireballs": 34133, "fedora": 34134, "evolving": 34135, "encu": 34136, "dissatisfied": 34137, "demeanour": 34138, "decipherable": 34139, "canisters": 34140, "botched": 34141, "balmy": 34142, "aptitude": 34143, "abdul": 34144, "akira": 34145, "82": 34146, "vastness": 34147, "uwee": 34148, "tourni": 34149, "stepdad": 34150, "sellers": 34151, "salvaged": 34152, "s'll": 34153, "rhapsody": 34154, "pallets": 34155, "oakley": 34156, "mournfully": 34157, "mediocre": 34158, "liquids": 34159, "invoke": 34160, "hybrids": 34161, "coverlet": 34162, "corru": 34163, "coin": 34164, "certificates": 34165, "cellars": 34166, "calibr": 34167, "blockade": 34168, "bermuda": 34169, "beret": 34170, "astonishingly": 34171, "aska": 34172, "aggravating": 34173, "yam": 34174, "whiter": 34175, "vs.": 34176, "tottered": 34177, "teans": 34178, "synestryn": 34179, "sweeney": 34180, "sila": 34181, "sacrificial": 34182, "rodin": 34183, "remiel": 34184, "procured": 34185, "possum": 34186, "pings": 34187, "kad": 34188, "impractical": 34189, "headd": 34190, "ht": 34191, "falli": 34192, "eck": 34193, "dantly": 34194, "critics": 34195, "crewmen": 34196, "competed": 34197, "bollocks": 34198, "blessedly": 34199, "arthritis": 34200, "tensions": 34201, "sunlit": 34202, "snoop": 34203, "sionary": 34204, "salivating": 34205, "reciprocated": 34206, "raggedly": 34207, "premise": 34208, "o'donnell": 34209, "o'brien": 34210, "mishap": 34211, "martians": 34212, "lemmy": 34213, "kgb": 34214, "jasher": 34215, "idyllic": 34216, "harpies": 34217, "handyman": 34218, "gossamer": 34219, "dryad": 34220, "dooley": 34221, "dazedly": 34222, "cymb": 34223, "casa": 34224, "bloodlines": 34225, "arrogantly": 34226, "anglo": 34227, "alb": 34228, "abas": 34229, "transiti": 34230, "tidied": 34231, "thriller": 34232, "tartarus": 34233, "sonar": 34234, "serinae": 34235, "rote": 34236, "prodigy": 34237, "mugged": 34238, "koen": 34239, "jiggling": 34240, "jazlyn": 34241, "interlo": 34242, "illas": 34243, "hillary": 34244, "grammy": 34245, "dockson": 34246, "desiree": 34247, "contraband": 34248, "carbon": 34249, "atv": 34250, "accursed": 34251, "aspi": 34252, "8th": 34253, "zzoli": 34254, "teft": 34255, "sionately": 34256, "siuan": 34257, "ruther": 34258, "overriding": 34259, "nurturing": 34260, "multiply": 34261, "loathsome": 34262, "lectern": 34263, "laboratories": 34264, "johnston": 34265, "immaculately": 34266, "hoses": 34267, "hilary": 34268, "gizmo": 34269, "gatehouse": 34270, "ensign": 34271, "curv": 34272, "crinkle": 34273, "concubine": 34274, "cece": 34275, "arg": 34276, "appreciates": 34277, "acidic": 34278, "surfacing": 34279, "stalac": 34280, "reversal": 34281, "procure": 34282, "plunder": 34283, "pebbled": 34284, "ogres": 34285, "mortain": 34286, "misleading": 34287, "memo": 34288, "istanbul": 34289, "hideaway": 34290, "hairbrush": 34291, "fretted": 34292, "envoy": 34293, "embark": 34294, "darrin": 34295, "criticize": 34296, "commute": 34297, "cloaking": 34298, "causeway": 34299, "cassette": 34300, "unbound": 34301, "tutel": 34302, "thalia": 34303, "sustaining": 34304, "stringing": 34305, "sputin": 34306, "sperson": 34307, "soprano": 34308, "shitload": 34309, "recri": 34310, "rachi": 34311, "proposals": 34312, "porthys": 34313, "plough": 34314, "ovor": 34315, "motorbike": 34316, "maddened": 34317, "kimball": 34318, "herty": 34319, "fester": 34320, "exerted": 34321, "daydreams": 34322, "darshana": 34323, "concourse": 34324, "comically": 34325, "brainwashed": 34326, "allegations": 34327, "whizzing": 34328, "tleilax": 34329, "staircases": 34330, "squires": 34331, "spool": 34332, "shhhh": 34333, "rians": 34334, "quay": 34335, "prostrate": 34336, "pessimi": 34337, "pepperoni": 34338, "peeped": 34339, "nightshade": 34340, "mouthfuls": 34341, "marquess": 34342, "hurdle": 34343, "harnessed": 34344, "entropy": 34345, "dugan": 34346, "cordi": 34347, "circe": 34348, "chival": 34349, "bbered": 34350, "bha": 34351, "aristocrat": 34352, "alek": 34353, "akon": 34354, "advising": 34355, "yearly": 34356, "wavel": 34357, "veron": 34358, "tleilaxu": 34359, "synthe": 34360, "shimmy": 34361, "shatters": 34362, "scumbag": 34363, "sv": 34364, "roddy": 34365, "retailer": 34366, "rasputin": 34367, "rp": 34368, "mak": 34369, "lucer": 34370, "jadar": 34371, "irrepar": 34372, "hooting": 34373, "hogan": 34374, "hernan": 34375, "farzi": 34376, "condescension": 34377, "capri": 34378, "blunder": 34379, "authenticity": 34380, "astronomer": 34381, "zips": 34382, "worlder": 34383, "tatt": 34384, "synopsis": 34385, "shipments": 34386, "sharianna": 34387, "regularity": 34388, "rescent": 34389, "rattlesnake": 34390, "newman": 34391, "merri": 34392, "lynx": 34393, "literate": 34394, "honi": 34395, "hiccup": 34396, "handguns": 34397, "halliday": 34398, "dole": 34399, "conley": 34400, "cappuc": 34401, "blithely": 34402, "births": 34403, "azami": 34404, "aromas": 34405, "yellow": 34406, "woodmore": 34407, "wasn't": 34408, "vadim": 34409, "templeton": 34410, "syll": 34411, "strathmore": 34412, "slurping": 34413, "sinewy": 34414, "sauntering": 34415, "recount": 34416, "plethora": 34417, "pse": 34418, "occurrences": 34419, "ladyship": 34420, "laur": 34421, "isse": 34422, "fleetingly": 34423, "faculties": 34424, "euphemi": 34425, "es'": 34426, "edit": 34427, "bridgemen": 34428, "berating": 34429, "asthma": 34430, "aristocracy": 34431, "aramei": 34432, "apothe": 34433, "alanki": 34434, "steamer": 34435, "stats": 34436, "sociop": 34437, "sio": 34438, "slitted": 34439, "maharet": 34440, "mamm": 34441, "livelihood": 34442, "humphrey": 34443, "humvat": 34444, "groat": 34445, "grievous": 34446, "garner": 34447, "footprint": 34448, "downer": 34449, "disrupting": 34450, "combust": 34451, "changeable": 34452, "bidder": 34453, "atreides": 34454, "arrests": 34455, "ageless": 34456, "vain": 34457, "thatched": 34458, "tay": 34459, "taurus": 34460, "structural": 34461, "stoke": 34462, "stip": 34463, "squawk": 34464, "sirona": 34465, "secrated": 34466, "quaked": 34467, "prehistoric": 34468, "omission": 34469, "mccabe": 34470, "marseilles": 34471, "leashed": 34472, "horseshoe": 34473, "hors": 34474, "gudrik": 34475, "grigor": 34476, "foray": 34477, "flamboyant": 34478, "excruciatingly": 34479, "emp": 34480, "dicks": 34481, "destroyers": 34482, "conjecture": 34483, "chemist": 34484, "carley": 34485, "bennie": 34486, "bediah": 34487, "veran": 34488, "ulan": 34489, "selma": 34490, "requisite": 34491, "reminiscing": 34492, "prominently": 34493, "pherson": 34494, "obsole": 34495, "nicolai": 34496, "meteorite": 34497, "meir": 34498, "hunching": 34499, "hermann": 34500, "ggering": 34501, "gangsters": 34502, "flawlessly": 34503, "dribble": 34504, "ditches": 34505, "cherek": 34506, "brae": 34507, "blister": 34508, "backfired": 34509, "assaults": 34510, "aspiria": 34511, "acorn": 34512, "yearbook": 34513, "whisper": 34514, "watts": 34515, "tiptoeing": 34516, "testy": 34517, "sylvester": 34518, "rith": 34519, "rabies": 34520, "potency": 34521, "perez": 34522, "overlord": 34523, "nimbly": 34524, "inhalation": 34525, "illustrations": 34526, "handsomely": 34527, "evian": 34528, "deluca": 34529, "dto": 34530, "couldn": 34531, "atlanteans": 34532, "atime": 34533, "81": 34534, "velle": 34535, "trashy": 34536, "spiel": 34537, "snappy": 34538, "signified": 34539, "scoffs": 34540, "saki": 34541, "oing": 34542, "nostril": 34543, "lada": 34544, "jial": 34545, "gha": 34546, "gambit": 34547, "exorci": 34548, "egyptians": 34549, "ethel": 34550, "diploma": 34551, "conferred": 34552, "bbe": 34553, "uninhibited": 34554, "turus": 34555, "trist": 34556, "symptom": 34557, "summar": 34558, "stalkers": 34559, "share": 34560, "sebek": 34561, "ostentatious": 34562, "ontario": 34563, "nurture": 34564, "nast": 34565, "jeeps": 34566, "grope": 34567, "gei": 34568, "fanged": 34569, "eviden": 34570, "drow": 34571, "coasted": 34572, "adriane": 34573, "ayn": 34574, "19th": 34575, "10:00": 34576, "\u00e1n": 34577, "trekked": 34578, "transmitting": 34579, "transi": 34580, "torpedo": 34581, "skey": 34582, "rifling": 34583, "regulator": 34584, "playin": 34585, "piga": 34586, "opportune": 34587, "mitty": 34588, "lineup": 34589, "leiter": 34590, "jand": 34591, "gollum": 34592, "geries": 34593, "fetta": 34594, "fayette": 34595, "excav": 34596, "demurely": 34597, "dew": 34598, "consumes": 34599, "compounded": 34600, "civilizations": 34601, "brocade": 34602, "bbc": 34603, "74": 34604, "willowy": 34605, "wang": 34606, "waged": 34607, "tricia": 34608, "throbs": 34609, "thermom": 34610, "staunch": 34611, "regalia": 34612, "raas": 34613, "powerhouse": 34614, "pigafetta": 34615, "icks": 34616, "flo": 34617, "ente": 34618, "dingo": 34619, "competitor": 34620, "celina": 34621, "cater": 34622, "auxi": 34623, "animatedly": 34624, "1984": 34625, "wreath": 34626, "vocation": 34627, "vernon": 34628, "venting": 34629, "trog": 34630, "tarn": 34631, "suck": 34632, "sopping": 34633, "singles": 34634, "showcase": 34635, "sauna": 34636, "sampled": 34637, "runt": 34638, "ric": 34639, "privates": 34640, "metropolis": 34641, "kowski": 34642, "inherently": 34643, "ineffective": 34644, "goodman": 34645, "gre": 34646, "felony": 34647, "feli": 34648, "essex": 34649, "entrenched": 34650, "dec": 34651, "cubby": 34652, "concili": 34653, "chio": 34654, "cassiopia": 34655, "bicker": 34656, "befriended": 34657, "affront": 34658, "adviser": 34659, "'u": 34660, "ubiqu": 34661, "spotty": 34662, "someness": 34663, "safeguards": 34664, "revert": 34665, "repaid": 34666, "recollections": 34667, "quarterdeck": 34668, "poorer": 34669, "movin": 34670, "medicinal": 34671, "masterful": 34672, "magdalene": 34673, "lodg": 34674, "litigation": 34675, "insider": 34676, "hobbit": 34677, "fridays": 34678, "fenton": 34679, "buffeted": 34680, "baited": 34681, "amateurs": 34682, "wherein": 34683, "wale": 34684, "unrestrained": 34685, "tumult": 34686, "tun": 34687, "transpor": 34688, "tidying": 34689, "telem": 34690, "tman": 34691, "suri": 34692, "spongy": 34693, "russo": 34694, "relocate": 34695, "quartermaster": 34696, "precedent": 34697, "pists": 34698, "persia": 34699, "packaging": 34700, "orbital": 34701, "orchards": 34702, "niceties": 34703, "monde": 34704, "misled": 34705, "matty": 34706, "legionna": 34707, "khi": 34708, "glas": 34709, "esting": 34710, "dinnertime": 34711, "devili": 34712, "dardennes": 34713, "coordinator": 34714, "carmel": 34715, "armful": 34716, "antecha": 34717, "anos": 34718, "alchemy": 34719, "amie": 34720, "1950s": 34721, "whitehall": 34722, "twin": 34723, "touchdown": 34724, "squatch": 34725, "solin": 34726, "snowfall": 34727, "slumbering": 34728, "robby": 34729, "readjusted": 34730, "radom": 34731, "preoccupation": 34732, "perceptible": 34733, "patriot": 34734, "order": 34735, "operates": 34736, "nizhoni": 34737, "myrrhine": 34738, "mindspeech": 34739, "melina": 34740, "margery": 34741, "lustrous": 34742, "kneecap": 34743, "hindrance": 34744, "heaping": 34745, "grolims": 34746, "floundering": 34747, "d\u00e9cor": 34748, "discerned": 34749, "deaux": 34750, "coco": 34751, "citizenship": 34752, "caravans": 34753, "cayman": 34754, "buggers": 34755, "whore": 34756, "unadulterated": 34757, "tamsin": 34758, "suri": 34759, "stefano": 34760, "stationery": 34761, "squishy": 34762, "specs": 34763, "snapshot": 34764, "smashes": 34765, "slipper": 34766, "sidearm": 34767, "seri": 34768, "rivan": 34769, "purrs": 34770, "pole": 34771, "overflow": 34772, "nea": 34773, "nailing": 34774, "morga": 34775, "magen": 34776, "lynda": 34777, "hartmann": 34778, "gallo": 34779, "evergreens": 34780, "blindingly": 34781, "bixby": 34782, "wolver": 34783, "torrance": 34784, "tast": 34785, "supervise": 34786, "steepled": 34787, "solitaire": 34788, "slugged": 34789, "scour": 34790, "repleni": 34791, "ravno": 34792, "rationalize": 34793, "paramita": 34794, "panthers": 34795, "pakistan": 34796, "ograph": 34797, "marx": 34798, "mantelpiece": 34799, "kotak": 34800, "kamal": 34801, "kt": 34802, "integrated": 34803, "hopkins": 34804, "hoskins": 34805, "heinrich": 34806, "gidd": 34807, "forgo": 34808, "firstborn": 34809, "financing": 34810, "fadi": 34811, "embodied": 34812, "edak": 34813, "duck": 34814, "disapproved": 34815, "daran": 34816, "contestants": 34817, "chille": 34818, "chapped": 34819, "carder": 34820, "caving": 34821, "annul": 34822, "teammate": 34823, "sovie": 34824, "refute": 34825, "rably": 34826, "plumber": 34827, "pirou": 34828, "pestering": 34829, "narcissi": 34830, "margins": 34831, "malls": 34832, "maxi": 34833, "lawful": 34834, "jocks": 34835, "iqbal": 34836, "indentation": 34837, "eyelash": 34838, "doings": 34839, "disdainful": 34840, "deathbed": 34841, "cuck": 34842, "crossword": 34843, "blackboard": 34844, "beastly": 34845, "beso": 34846, "bd": 34847, "alz": 34848, "adors": 34849, "amor": 34850, "www.facebook.com": 34851, "whipla": 34852, "veda": 34853, "schoolboy": 34854, "scrying": 34855, "quack": 34856, "pliers": 34857, "pierson": 34858, "pant": 34859, "norway": 34860, "meditate": 34861, "jigsaw": 34862, "helm": 34863, "fondling": 34864, "extensively": 34865, "ephraim": 34866, "emer": 34867, "dreamlike": 34868, "defences": 34869, "cranking": 34870, "broached": 34871, "arid": 34872, "yates": 34873, "wili": 34874, "wellyn": 34875, "wealthiest": 34876, "wc": 34877, "upstate": 34878, "tryst": 34879, "tantrums": 34880, "sici": 34881, "sland": 34882, "raggedy": 34883, "qualifications": 34884, "puch": 34885, "pryce": 34886, "procra": 34887, "piggy": 34888, "pawns": 34889, "nul": 34890, "nst": 34891, "machiavelli": 34892, "lorena": 34893, "leaf": 34894, "impolite": 34895, "hardships": 34896, "hampered": 34897, "hm": 34898, "gous": 34899, "extremities": 34900, "extingui": 34901, "dudd": 34902, "dan'r": 34903, "condensed": 34904, "ctly": 34905, "brevi": 34906, "bangkok": 34907, "anchille": 34908, "alera": 34909, "winch": 34910, "tristofer": 34911, "toil": 34912, "snake": 34913, "rocketing": 34914, "projectiles": 34915, "navani": 34916, "mousy": 34917, "juda": 34918, "itals": 34919, "hanni": 34920, "halfling": 34921, "hairdresser": 34922, "hammer": 34923, "gowa": 34924, "fjor": 34925, "exhibits": 34926, "discor": 34927, "clambering": 34928, "circumference": 34929, "catholics": 34930, "begu": 34931, "bangor": 34932, "balustra": 34933, "augusta": 34934, "albany": 34935, "why": 34936, "watchin": 34937, "untying": 34938, "tulips": 34939, "thousandth": 34940, "slinky": 34941, "singled": 34942, "scuffling": 34943, "roved": 34944, "rero": 34945, "reciprocate": 34946, "racken": 34947, "rackenfau": 34948, "rackenfauz": 34949, "ramblings": 34950, "pang": 34951, "odour": 34952, "minstre": 34953, "linoge": 34954, "hasten": 34955, "hadrian": 34956, "gier": 34957, "genoci": 34958, "dowry": 34959, "dismantled": 34960, "debauchery": 34961, "constellation": 34962, "cr": 34963, "blasphem": 34964, "blackstone": 34965, "befriend": 34966, "arrowhead": 34967, "armrests": 34968, "alterant": 34969, "ays": 34970, "yad": 34971, "welt": 34972, "volkswa": 34973, "swine": 34974, "stell": 34975, "soviets": 34976, "scuba": 34977, "repent": 34978, "renovations": 34979, "pummeling": 34980, "pretzel": 34981, "pragmatic": 34982, "praises": 34983, "moderni": 34984, "laythan": 34985, "krish": 34986, "islanders": 34987, "housewife": 34988, "harcourt": 34989, "grossly": 34990, "fig": 34991, "edifice": 34992, "digo": 34993, "depositing": 34994, "dejec": 34995, "critters": 34996, "cordu": 34997, "como": 34998, "antarcti": 34999, "antha": 35000, "alwood": 35001, "1970": 35002, "twirls": 35003, "trix": 35004, "torians": 35005, "toddlers": 35006, "thrones": 35007, "tars": 35008, "sprinkle": 35009, "scariest": 35010, "recluse": 35011, "recharge": 35012, "pivoting": 35013, "pazzo": 35014, "optical": 35015, "mow": 35016, "meditating": 35017, "masochi": 35018, "martis": 35019, "levelly": 35020, "harte": 35021, "gowachin": 35022, "fuzz": 35023, "firecracker": 35024, "eradicate": 35025, "embodiment": 35026, "deities": 35027, "crux": 35028, "contests": 35029, "conall": 35030, "compress": 35031, "codex": 35032, "bral": 35033, "beckett": 35034, "assemb": 35035, "aphrodisiac": 35036, "zalach": 35037, "whereupon": 35038, "vably": 35039, "turd": 35040, "terminals": 35041, "sadder": 35042, "recourse": 35043, "premier": 35044, "meatloaf": 35045, "mckin": 35046, "leeds": 35047, "incoherently": 35048, "hemorrha": 35049, "greased": 35050, "firefighter": 35051, "evaporating": 35052, "devilishly": 35053, "devon": 35054, "corked": 35055, "bide": 35056, "barges": 35057, "approachable": 35058, "zalachenko": 35059, "smote": 35060, "smidge": 35061, "scripted": 35062, "scarborough": 35063, "revenant": 35064, "retriever": 35065, "pricking": 35066, "pretext": 35067, "perusing": 35068, "pastime": 35069, "modifications": 35070, "kup": 35071, "ineff": 35072, "inwards": 35073, "halle": 35074, "geary": 35075, "dood": 35076, "corrugated": 35077, "conniving": 35078, "chafed": 35079, "censure": 35080, "bowe": 35081, "bickerstaff": 35082, "biddy": 35083, "alston": 35084, "wilizy": 35085, "vainly": 35086, "unexplain": 35087, "tangent": 35088, "stacie": 35089, "semen": 35090, "scornful": 35091, "sz": 35092, "rush": 35093, "rups": 35094, "retro": 35095, "quet": 35096, "perilously": 35097, "palest": 35098, "nabbed": 35099, "muggy": 35100, "meditated": 35101, "marshes": 35102, "marcel": 35103, "lugging": 35104, "loosens": 35105, "loath": 35106, "lagged": 35107, "kung": 35108, "java": 35109, "harvesting": 35110, "hannibal": 35111, "grolim": 35112, "furred": 35113, "footwear": 35114, "europe": 35115, "escence": 35116, "empowered": 35117, "disinfectant": 35118, "deteriorated": 35119, "dejectedly": 35120, "cycli": 35121, "cutty": 35122, "cardinals": 35123, "canon": 35124, "cady": 35125, "bouncy": 35126, "borden": 35127, "bashful": 35128, "alissa": 35129, "whitman": 35130, "wellington": 35131, "vineyards": 35132, "underpants": 35133, "uncrossed": 35134, "triangles": 35135, "traver": 35136, "trappings": 35137, "swathed": 35138, "suitor": 35139, "quickness": 35140, "prevents": 35141, "peels": 35142, "prude": 35143, "pda": 35144, "overreacted": 35145, "onists": 35146, "meledrin": 35147, "meatball": 35148, "jowls": 35149, "hovercraft": 35150, "harlequin": 35151, "gelding": 35152, "diver": 35153, "destinations": 35154, "cyborg": 35155, "cutlass": 35156, "construed": 35157, "chronic": 35158, "canio": 35159, "bunches": 35160, "bowled": 35161, "bambi": 35162, "basked": 35163, "assailants": 35164, "ambulances": 35165, "alleyways": 35166, "waft": 35167, "vincenzo": 35168, "uhm": 35169, "tongs": 35170, "shirl": 35171, "redirected": 35172, "problematic": 35173, "precedence": 35174, "posturing": 35175, "pippa": 35176, "merman": 35177, "maso": 35178, "kley": 35179, "ini": 35180, "heralded": 35181, "harbinger": 35182, "hali": 35183, "guinness": 35184, "fettered": 35185, "enslave": 35186, "elicit": 35187, "diligent": 35188, "deveraux": 35189, "demos": 35190, "condemning": 35191, "commandeered": 35192, "classmate": 35193, "chomping": 35194, "cheater": 35195, "cavi": 35196, "butting": 35197, "athen": 35198, "amish": 35199, "unwrapping": 35200, "toxin": 35201, "therapeu": 35202, "tacit": 35203, "sius": 35204, "sexist": 35205, "revving": 35206, "reopen": 35207, "rees": 35208, "ravage": 35209, "racer": 35210, "overworked": 35211, "nickle": 35212, "mutin": 35213, "mirabeau": 35214, "magellan": 35215, "luthor": 35216, "longh": 35217, "kennel": 35218, "invi": 35219, "gooseflesh": 35220, "gestic": 35221, "geddon": 35222, "garland": 35223, "fitfully": 35224, "extrater": 35225, "dedicate": 35226, "dwight": 35227, "conspiring": 35228, "coca": 35229, "breastbone": 35230, "bistro": 35231, "avian": 35232, "arbitrary": 35233, "yawns": 35234, "whimsical": 35235, "vickie": 35236, "tona": 35237, "tenfold": 35238, "stargaz": 35239, "spectral": 35240, "southward": 35241, "scus": 35242, "philanthro": 35243, "perpendicular": 35244, "onette": 35245, "newbie": 35246, "mcdougal": 35247, "matchmaking": 35248, "maera": 35249, "kami": 35250, "henchman": 35251, "headstones": 35252, "h.": 35253, "gallow": 35254, "gaines": 35255, "floodlights": 35256, "fending": 35257, "disputed": 35258, "conveyor": 35259, "comprehensive": 35260, "andromeda": 35261, "\u00e9l": 35262, "solharn": 35263, "snows": 35264, "sinuous": 35265, "shrinks": 35266, "sensational": 35267, "rakes": 35268, "pucker": 35269, "precep": 35270, "mob": 35271, "legionares": 35272, "leela": 35273, "kylee": 35274, "insomnia": 35275, "heck": 35276, "glean": 35277, "eclipsed": 35278, "disembarked": 35279, "didi": 35280, "deserts": 35281, "coursa": 35282, "cordless": 35283, "confidant": 35284, "compounds": 35285, "cased": 35286, "bloodred": 35287, "backgrounds": 35288, "stetho": 35289, "sniggered": 35290, "slumps": 35291, "sisy": 35292, "sabre": 35293, "rehearsing": 35294, "polon": 35295, "nurtured": 35296, "mythos": 35297, "lingui": 35298, "lengthening": 35299, "kef": 35300, "hyperspace": 35301, "hollow": 35302, "franco": 35303, "essays": 35304, "discarding": 35305, "diony": 35306, "detonate": 35307, "detain": 35308, "callin": 35309, "ascanio": 35310, "arese": 35311, "affluent": 35312, "wyte": 35313, "wayren": 35314, "vitamin": 35315, "variables": 35316, "trickles": 35317, "ssander": 35318, "silva": 35319, "shepherds": 35320, "scalded": 35321, "sardin": 35322, "quip": 35323, "pleated": 35324, "pilgrimage": 35325, "petyr": 35326, "navarre": 35327, "mito": 35328, "marietta": 35329, "lodgings": 35330, "locmire": 35331, "limiting": 35332, "kern": 35333, "heatedly": 35334, "gul": 35335, "doppel": 35336, "dolmant": 35337, "dionysus": 35338, "darrel": 35339, "collie": 35340, "clement": 35341, "chemo": 35342, "breasted": 35343, "braddle": 35344, "blokes": 35345, "bern": 35346, "backtrack": 35347, "atan": 35348, "askance": 35349, "ardor": 35350, "anarchi": 35351, "yapping": 35352, "vampyre": 35353, "upgraded": 35354, "unzipping": 35355, "upp": 35356, "thermometer": 35357, "sergeants": 35358, "senile": 35359, "rutherford": 35360, "revere": 35361, "poring": 35362, "nanos": 35363, "morosely": 35364, "minous": 35365, "jail": 35366, "indal": 35367, "hotness": 35368, "granddaddy": 35369, "giordan": 35370, "formity": 35371, "evaluated": 35372, "eville": 35373, "eroded": 35374, "duddits": 35375, "cragg": 35376, "bower": 35377, "alyse": 35378, "yaku": 35379, "weber": 35380, "waxing": 35381, "vendetta": 35382, "ugli": 35383, "tanning": 35384, "steeped": 35385, "specials": 35386, "souvenirs": 35387, "skank": 35388, "sir": 35389, "sef": 35390, "safar": 35391, "pawn": 35392, "oya": 35393, "melly": 35394, "laborers": 35395, "jovi": 35396, "itters": 35397, "inquisitors": 35398, "innermost": 35399, "insufficient": 35400, "hym": 35401, "gable": 35402, "dussander": 35403, "corrie": 35404, "conspirators": 35405, "comms": 35406, "chromo": 35407, "caviar": 35408, "categories": 35409, "bunkhouse": 35410, "wraparound": 35411, "waxy": 35412, "tenacity": 35413, "sickle": 35414, "rosco": 35415, "quench": 35416, "polyester": 35417, "periodic": 35418, "originals": 35419, "newsletter": 35420, "mathews": 35421, "linear": 35422, "lization": 35423, "leau": 35424, "knightly": 35425, "kimmy": 35426, "kial": 35427, "hued": 35428, "gow": 35429, "geographi": 35430, "flon": 35431, "erec": 35432, "emit": 35433, "demolition": 35434, "computerized": 35435, "calamity": 35436, "barret": 35437, "antechamber": 35438, "amassed": 35439, "adobe": 35440, "voo": 35441, "vanguard": 35442, "unanimous": 35443, "slings": 35444, "sandal": 35445, "rigorous": 35446, "neutralize": 35447, "mothball": 35448, "lament": 35449, "inevitability": 35450, "indictment": 35451, "homer": 35452, "ghola": 35453, "ggan": 35454, "geron": 35455, "fortifications": 35456, "europeans": 35457, "erating": 35458, "duped": 35459, "driton": 35460, "doona": 35461, "divinity": 35462, "belgarion": 35463, "bedclothes": 35464, "barack": 35465, "acacia": 35466, "abashed": 35467, "ahu": 35468, "tyranno": 35469, "tourniquet": 35470, "tempers": 35471, "stupefied": 35472, "skintight": 35473, "scab": 35474, "progen": 35475, "naro": 35476, "midmorning": 35477, "jaunt": 35478, "imps": 35479, "headlight": 35480, "haystack": 35481, "hallelu": 35482, "geometric": 35483, "gavril": 35484, "foretold": 35485, "eustace": 35486, "enabling": 35487, "eler": 35488, "egotistical": 35489, "drakkar": 35490, "congealed": 35491, "compiled": 35492, "challenger": 35493, "calluses": 35494, "bertrand": 35495, "arianne": 35496, "appeased": 35497, "alzheimer": 35498, "altru": 35499, "additions": 35500, "yesu": 35501, "yesugei": 35502, "wastebasket": 35503, "unforeseen": 35504, "unfit": 35505, "stilgar": 35506, "stefully": 35507, "scanti": 35508, "ruts": 35509, "recital": 35510, "proclaim": 35511, "phd": 35512, "moash": 35513, "kinks": 35514, "invasive": 35515, "hearse": 35516, "handicapped": 35517, "grendel": 35518, "gisbourne": 35519, "genre": 35520, "gena": 35521, "evidenced": 35522, "dictates": 35523, "deflecting": 35524, "conqueror": 35525, "compo": 35526, "auxili": 35527, "arisen": 35528, "arielle": 35529, "alloy": 35530, "aida": 35531, "admin": 35532, "warts": 35533, "valhalla": 35534, "unplugged": 35535, "turi": 35536, "stopper": 35537, "smuggle": 35538, "skippy": 35539, "signify": 35540, "sabbath": 35541, "rical": 35542, "rachid": 35543, "rint": 35544, "montreal": 35545, "mino": 35546, "masonry": 35547, "lya": 35548, "lunchroom": 35549, "lethargy": 35550, "leaner": 35551, "kirk": 35552, "grapev": 35553, "enclosing": 35554, "caspian": 35555, "canted": 35556, "bursar": 35557, "architects": 35558, "abnormally": 35559, "zarg": 35560, "weller": 35561, "spectacularly": 35562, "sili": 35563, "salts": 35564, "pap": 35565, "oria": 35566, "olan": 35567, "networking": 35568, "nachi": 35569, "lad": 35570, "jamal": 35571, "i'd": 35572, "hoffman": 35573, "gger": 35574, "g'": 35575, "durham": 35576, "confetti": 35577, "concludes": 35578, "coo": 35579, "ceship": 35580, "cpr": 35581, "brooded": 35582, "baroness": 35583, "bg": 35584, "alies": 35585, "abbrevi": 35586, "unequi": 35587, "unsolved": 35588, "tylen": 35589, "tranquil": 35590, "texan": 35591, "snowed": 35592, "practised": 35593, "peru": 35594, "pors": 35595, "negotiable": 35596, "nachiketa": 35597, "naps": 35598, "medb": 35599, "lumber": 35600, "luigi": 35601, "leron": 35602, "lathered": 35603, "lassie": 35604, "islam": 35605, "integra": 35606, "harlan": 35607, "gga": 35608, "ephemeral": 35609, "clotted": 35610, "clifford": 35611, "chats": 35612, "cants": 35613, "besotted": 35614, "atone": 35615, "archangels": 35616, "approximate": 35617, "warship": 35618, "thoroughfare": 35619, "telly": 35620, "surf": 35621, "stran": 35622, "scabs": 35623, "residences": 35624, "pathic": 35625, "meghan": 35626, "integral": 35627, "incision": 35628, "hypother": 35629, "gingerbread": 35630, "fawning": 35631, "eek": 35632, "ebul": 35633, "daci": 35634, "casan": 35635, "ariad": 35636, "apothecary": 35637, "vac": 35638, "uzi": 35639, "tutors": 35640, "tepid": 35641, "telephones": 35642, "sur": 35643, "soundtrack": 35644, "pedic": 35645, "muel": 35646, "mirtai": 35647, "mendo": 35648, "magenta": 35649, "kindest": 35650, "hoff": 35651, "goading": 35652, "gemstones": 35653, "geared": 35654, "farley": 35655, "esk": 35656, "dysfunctional": 35657, "dispense": 35658, "disowned": 35659, "coldest": 35660, "ceecee": 35661, "cajun": 35662, "cadet": 35663, "undue": 35664, "trampling": 35665, "therapeutic": 35666, "tagh": 35667, "synchronized": 35668, "smoul": 35669, "plugging": 35670, "overtly": 35671, "nickleby": 35672, "malt": 35673, "mcin": 35674, "liraz": 35675, "lacquered": 35676, "km": 35677, "judicial": 35678, "joie": 35679, "interacted": 35680, "incarnation": 35681, "helrung": 35682, "deploy": 35683, "decreased": 35684, "coalesced": 35685, "cleans": 35686, "brig": 35687, "barnaby": 35688, "avenging": 35689, "acquiescence": 35690, "unclean": 35691, "tunics": 35692, "stimulated": 35693, "smithie": 35694, "sidetracked": 35695, "sbane": 35696, "rationality": 35697, "rayne": 35698, "incandescent": 35699, "i.e.": 35700, "hedden": 35701, "foreseeable": 35702, "fareed": 35703, "eyrien": 35704, "eventu": 35705, "emate": 35706, "egan": 35707, "dreamscape": 35708, "dredger": 35709, "douts": 35710, "cadsu": 35711, "boranova": 35712, "atrocious": 35713, "arach": 35714, "ahas": 35715, "6th": 35716, "wilden": 35717, "veined": 35718, "twila": 35719, "tharkay": 35720, "sington": 35721, "sequins": 35722, "seamstress": 35723, "promoting": 35724, "owain": 35725, "nomad": 35726, "mcgee": 35727, "matarese": 35728, "jellyfish": 35729, "infinite": 35730, "gumshoe": 35731, "gand": 35732, "francesco": 35733, "fossil": 35734, "essness": 35735, "drunkenness": 35736, "disguises": 35737, "cyber": 35738, "compatri": 35739, "cadsuane": 35740, "bronx": 35741, "blurs": 35742, "atta": 35743, "artemi": 35744, "apologised": 35745, "yra": 35746, "wormed": 35747, "wheelbarrow": 35748, "wainwright": 35749, "virtuous": 35750, "tec": 35751, "taranis": 35752, "sympath": 35753, "stenc": 35754, "starship": 35755, "state": 35756, "slov": 35757, "siona": 35758, "sanit": 35759, "rabble": 35760, "puss": 35761, "plural": 35762, "pillowcase": 35763, "parren": 35764, "outbursts": 35765, "mocca": 35766, "mcfar": 35767, "mccor": 35768, "mania": 35769, "letty": 35770, "intan": 35771, "hitches": 35772, "handicap": 35773, "hort": 35774, "foolhardy": 35775, "earnings": 35776, "eans": 35777, "dreads": 35778, "dorin": 35779, "distortion": 35780, "definable": 35781, "crewman": 35782, "calypso": 35783, "besieged": 35784, "bellum": 35785, "atti": 35786, "aptly": 35787, "annika": 35788, "westwood": 35789, "venison": 35790, "terrence": 35791, "sunburn": 35792, "submitting": 35793, "shinichi": 35794, "sarila": 35795, "reconnect": 35796, "pickled": 35797, "parkman": 35798, "nirvana": 35799, "morpheus": 35800, "mindset": 35801, "marante": 35802, "malacha": 35803, "looting": 35804, "lanier": 35805, "imposter": 35806, "goode": 35807, "floundered": 35808, "expended": 35809, "dments": 35810, "dere": 35811, "crossfire": 35812, "congregated": 35813, "chanel": 35814, "booke": 35815, "birthed": 35816, "bailing": 35817, "attractions": 35818, "ashford": 35819, "97": 35820, "1985": 35821, "wilcox": 35822, "wheat": 35823, "supposing": 35824, "sensitized": 35825, "scantily": 35826, "scampering": 35827, "pubs": 35828, "openmouthed": 35829, "melding": 35830, "medina": 35831, "lethargic": 35832, "incarnate": 35833, "harnesses": 35834, "godfrey": 35835, "emboldened": 35836, "dwelled": 35837, "donal": 35838, "dazzle": 35839, "clovis": 35840, "bedroll": 35841, "abbas": 35842, "1980": 35843, "wedges": 35844, "wur": 35845, "tron": 35846, "temu": 35847, "spans": 35848, "smuggler": 35849, "shipman": 35850, "seizes": 35851, "scorpions": 35852, "saddlebags": 35853, "saws": 35854, "reiz": 35855, "pleadingly": 35856, "pancho": 35857, "nedly": 35858, "groused": 35859, "forkful": 35860, "exerting": 35861, "eldo": 35862, "droll": 35863, "displac": 35864, "douse": 35865, "consist": 35866, "alde": 35867, "0.": 35868, "wrecks": 35869, "windbreaker": 35870, "winona": 35871, "volkswagen": 35872, "varian": 35873, "unwrap": 35874, "ungain": 35875, "ubiquitous": 35876, "tamped": 35877, "sulked": 35878, "stream": 35879, "stirrup": 35880, "stein": 35881, "sherelle": 35882, "saddest": 35883, "provision": 35884, "motherfucking": 35885, "massages": 35886, "mathis": 35887, "m'lady": 35888, "judi": 35889, "heirloom": 35890, "halo": 35891, "ghostwalker": 35892, "gant": 35893, "chay": 35894, "biotic": 35895, "bedford": 35896, "aments": 35897, "alligators": 35898, "alcat": 35899, "aether": 35900, "3s": 35901, "worshiped": 35902, "warships": 35903, "ugliest": 35904, "track": 35905, "succin": 35906, "skewered": 35907, "sisila": 35908, "shoel": 35909, "shat": 35910, "scudi": 35911, "rightness": 35912, "raziel": 35913, "pamphlets": 35914, "paltry": 35915, "overrode": 35916, "mortally": 35917, "mordal": 35918, "monstrumologist": 35919, "lim": 35920, "keegan": 35921, "inventing": 35922, "gorgon": 35923, "finnegan": 35924, "fabled": 35925, "enrico": 35926, "dulvar": 35927, "drainage": 35928, "discounted": 35929, "confer": 35930, "cerebral": 35931, "boz": 35932, "bewitched": 35933, "backtracked": 35934, "aleesha": 35935, "westminster": 35936, "undamaged": 35937, "toire": 35938, "thoughtfulness": 35939, "sunburned": 35940, "subju": 35941, "structured": 35942, "seika": 35943, "resurrect": 35944, "renovation": 35945, "mordalayn": 35946, "kennan": 35947, "imbecile": 35948, "humph": 35949, "excavation": 35950, "dorina": 35951, "daem": 35952, "crisscrossing": 35953, "cren": 35954, "constructing": 35955, "cleanliness": 35956, "chastise": 35957, "ariously": 35958, "andulvar": 35959, "aforementioned": 35960, "amorous": 35961, "86": 35962, "whooshing": 35963, "usefulness": 35964, "unflinching": 35965, "uncovering": 35966, "tylenol": 35967, "traipsing": 35968, "toads": 35969, "thau": 35970, "swiftness": 35971, "staggers": 35972, "silvia": 35973, "ruffi": 35974, "roofed": 35975, "retaliated": 35976, "ranted": 35977, "plaintiff": 35978, "perfunctory": 35979, "ophi": 35980, "lollipop": 35981, "ito": 35982, "gabri\u00e9l": 35983, "frothing": 35984, "entail": 35985, "enqui": 35986, "druids": 35987, "dino": 35988, "conditionally": 35989, "consor": 35990, "cardiac": 35991, "blurting": 35992, "bagh": 35993, "alcatraz": 35994, "alby": 35995, "ahasver": 35996, "activating": 35997, "amari": 35998, "vinci": 35999, "vanora": 36000, "umbili": 36001, "tram": 36002, "sute": 36003, "stethoscope": 36004, "simeon": 36005, "respectively": 36006, "qa": 36007, "pronto": 36008, "mollie": 36009, "misting": 36010, "kiosk": 36011, "jia": 36012, "hospitali": 36013, "headmistress": 36014, "guidelines": 36015, "gennaro": 36016, "focal": 36017, "fixedly": 36018, "filmy": 36019, "fide": 36020, "duplex": 36021, "dwy": 36022, "clanton": 36023, "caustic": 36024, "burp": 36025, "aylan": 36026, "aunty": 36027, "attendees": 36028, "allergies": 36029, "undeterred": 36030, "tuor": 36031, "terrify": 36032, "skell": 36033, "saunter": 36034, "rima": 36035, "recovers": 36036, "percol": 36037, "orchids": 36038, "motes": 36039, "mildew": 36040, "margon": 36041, "maji": 36042, "mals": 36043, "kamil": 36044, "incarceration": 36045, "formulated": 36046, "fondled": 36047, "feeders": 36048, "eugenie": 36049, "crassus": 36050, "claudine": 36051, "carelessness": 36052, "canyons": 36053, "brador": 36054, "bery": 36055, "attracts": 36056, "assuage": 36057, "alf": 36058, "aley": 36059, "accomplishing": 36060, "winnings": 36061, "tudor": 36062, "tasteless": 36063, "tares": 36064, "tational": 36065, "spode": 36066, "snowman": 36067, "sniffles": 36068, "slop": 36069, "seeps": 36070, "sler": 36071, "reinst": 36072, "peeing": 36073, "outla": 36074, "oury": 36075, "nicholls": 36076, "marath": 36077, "malevolence": 36078, "maverick": 36079, "jeweler": 36080, "injections": 36081, "indone": 36082, "grounding": 36083, "gouge": 36084, "goodwin": 36085, "flexibility": 36086, "fton": 36087, "enzy": 36088, "elis": 36089, "elbowing": 36090, "disorganized": 36091, "deau": 36092, "consumm": 36093, "athor": 36094, "archibald": 36095, "viel": 36096, "vandalism": 36097, "valor": 36098, "trundled": 36099, "squeamish": 36100, "sett": 36101, "promiscu": 36102, "prepping": 36103, "mohammed": 36104, "lurk": 36105, "lovable": 36106, "livingston": 36107, "kenya": 36108, "kemp": 36109, "improvise": 36110, "hypocri": 36111, "grier": 36112, "gayle": 36113, "enah": 36114, "drafts": 36115, "defer": 36116, "davina": 36117, "counties": 36118, "centaurs": 36119, "blurts": 36120, "blo": 36121, "bitsy": 36122, "bari": 36123, "attachments": 36124, "anga": 36125, "abdomin": 36126, "7:00": 36127, "woot": 36128, "tristran": 36129, "tantal": 36130, "summertime": 36131, "spiking": 36132, "scrum": 36133, "refur": 36134, "pyro": 36135, "pitchfork": 36136, "pitches": 36137, "orla": 36138, "nen": 36139, "lipwig": 36140, "lacrosse": 36141, "knowin": 36142, "hubert": 36143, "hives": 36144, "femininity": 36145, "elios": 36146, "egos": 36147, "diverting": 36148, "dispensed": 36149, "craziest": 36150, "compliant": 36151, "coppers": 36152, "capella": 36153, "cept": 36154, "arob": 36155, "aesthetic": 36156, "wouldna": 36157, "workstation": 36158, "volk": 36159, "vas": 36160, "vad": 36161, "tonk": 36162, "testily": 36163, "toured": 36164, "swapping": 36165, "sulky": 36166, "strated": 36167, "rir": 36168, "regulated": 36169, "ranma": 36170, "quartered": 36171, "powdery": 36172, "placating": 36173, "paragraphs": 36174, "palette": 36175, "nominated": 36176, "millisecond": 36177, "malachai": 36178, "llewellyn": 36179, "kylena": 36180, "jugs": 36181, "heath": 36182, "heen": 36183, "fives": 36184, "credited": 36185, "conscienti": 36186, "beale": 36187, "austria": 36188, "appetizer": 36189, "antarctica": 36190, "2001": 36191, "workday": 36192, "tya": 36193, "tenure": 36194, "sink": 36195, "playfulness": 36196, "obsolete": 36197, "nadra": 36198, "murtry": 36199, "kellen": 36200, "jaysh": 36201, "jaunty": 36202, "gearing": 36203, "executions": 36204, "evernight": 36205, "enlightening": 36206, "embarrassingly": 36207, "disasse": 36208, "detach": 36209, "daxton": 36210, "configuration": 36211, "chisel": 36212, "charon": 36213, "baptized": 36214, "arobynn": 36215, "apocalyptic": 36216, "analysts": 36217, "xo": 36218, "turban": 36219, "triton": 36220, "teenaged": 36221, "repre": 36222, "raiser": 36223, "press": 36224, "pointers": 36225, "ornery": 36226, "nicknames": 36227, "nial": 36228, "nath": 36229, "morphing": 36230, "monarchy": 36231, "leery": 36232, "insolence": 36233, "ik": 36234, "hodor": 36235, "hiker": 36236, "hamster": 36237, "grimal": 36238, "graphed": 36239, "grape": 36240, "governors": 36241, "elapsed": 36242, "doting": 36243, "deer": 36244, "dyn": 36245, "comer": 36246, "bronski": 36247, "blog": 36248, "aspho": 36249, "appetizing": 36250, "agriculture": 36251, "adh": 36252, "unlocks": 36253, "usha": 36254, "trink": 36255, "thiago": 36256, "taxing": 36257, "sympathized": 36258, "slogan": 36259, "seawater": 36260, "resorts": 36261, "quadrant": 36262, "ponds": 36263, "plodding": 36264, "nuala": 36265, "nicca": 36266, "merest": 36267, "makepeace": 36268, "lugged": 36269, "leavin": 36270, "flagstone": 36271, "eustacia": 36272, "disputes": 36273, "claustrophobia": 36274, "canute": 36275, "buzzard": 36276, "barin": 36277, "barba": 36278, "augur": 36279, "attainable": 36280, "armageddon": 36281, "arises": 36282, "visualized": 36283, "vigilante": 36284, "ua": 36285, "tiller": 36286, "synap": 36287, "surety": 36288, "suddenness": 36289, "routed": 36290, "rehearsals": 36291, "reedy": 36292, "reef": 36293, "recapture": 36294, "reboots": 36295, "ravella": 36296, "plating": 36297, "ps": 36298, "newlyweds": 36299, "murtagh": 36300, "morgen": 36301, "marcone": 36302, "mbr": 36303, "livia": 36304, "ladle": 36305, "kita": 36306, "ideally": 36307, "geo": 36308, "gazette": 36309, "gatekeeper": 36310, "faut": 36311, "encryption": 36312, "eleria": 36313, "confederacy": 36314, "branna": 36315, "amigo": 36316, "utters": 36317, "themes": 36318, "strummed": 36319, "spandex": 36320, "setback": 36321, "salazar": 36322, "prat": 36323, "narcotics": 36324, "monuments": 36325, "meld": 36326, "julietta": 36327, "insightful": 36328, "imrm": 36329, "idio": 36330, "idled": 36331, "hyperventilate": 36332, "handrail": 36333, "hone": 36334, "grandly": 36335, "golfing": 36336, "goad": 36337, "conun": 36338, "circumstan": 36339, "cauca": 36340, "cavan": 36341, "bluster": 36342, "aramys": 36343, "amica": 36344, "zaf": 36345, "ysia": 36346, "vash": 36347, "unblemished": 36348, "trillion": 36349, "thfulness": 36350, "steph": 36351, "stingly": 36352, "spiritually": 36353, "spunk": 36354, "sneaks": 36355, "roundhouse": 36356, "ringtone": 36357, "rhirid": 36358, "raife": 36359, "notched": 36360, "mangy": 36361, "loopy": 36362, "kori": 36363, "jeered": 36364, "hhhhh": 36365, "hallelujah": 36366, "gadre": 36367, "exo": 36368, "earthlings": 36369, "disregarding": 36370, "debutan": 36371, "craven": 36372, "cosmetic": 36373, "confec": 36374, "climber": 36375, "checklist": 36376, "bourg": 36377, "automob": 36378, "acquiesced": 36379, "@g": 36380, "wrongly": 36381, "windblown": 36382, "vika": 36383, "unpleasantness": 36384, "sting": 36385, "seward": 36386, "renly": 36387, "rejects": 36388, "priya": 36389, "praising": 36390, "ornately": 36391, "oil": 36392, "nesto": 36393, "metabolism": 36394, "marl": 36395, "loaves": 36396, "listlessly": 36397, "kerry": 36398, "kits": 36399, "jemi": 36400, "jailer": 36401, "j'": 36402, "impost": 36403, "dashe": 36404, "daed": 36405, "chink": 36406, "cesare": 36407, "bedlam": 36408, "befall": 36409, "anomalies": 36410, "anu": 36411, "adolescence": 36412, "ames": 36413, "vanquished": 36414, "unbeknow": 36415, "unfounded": 36416, "temujin": 36417, "smarts": 36418, "sloat": 36419, "skillful": 36420, "seasonal": 36421, "scrunching": 36422, "recycled": 36423, "preached": 36424, "nestling": 36425, "motorway": 36426, "laptops": 36427, "j.t.": 36428, "inable": 36429, "impassioned": 36430, "highs": 36431, "halfheartedly": 36432, "gentled": 36433, "gadreel": 36434, "freshmen": 36435, "fion": 36436, "fealty": 36437, "expectancy": 36438, "ernesto": 36439, "diagrams": 36440, "dhad": 36441, "climaxed": 36442, "centerpiece": 36443, "busiest": 36444, "beladors": 36445, "batya": 36446, "bawled": 36447, "asteroids": 36448, "asp": 36449, "ariadne": 36450, "admiringly": 36451, "apiece": 36452, "zabel": 36453, "windle": 36454, "unsatisfied": 36455, "theology": 36456, "talia": 36457, "sherbet": 36458, "rito": 36459, "prosthetic": 36460, "predicting": 36461, "oppressed": 36462, "mowing": 36463, "maneck": 36464, "madrigal": 36465, "kensington": 36466, "juni": 36467, "invigorating": 36468, "hiro": 36469, "hellfire": 36470, "diligence": 36471, "crooks": 36472, "catapulted": 36473, "bolog": 36474, "biologist": 36475, "bilt": 36476, "bandanna": 36477, "backlash": 36478, "asphodel": 36479, "adorning": 36480, "acolytes": 36481, "ynes": 36482, "whitmore": 36483, "unbeknownst": 36484, "tilely": 36485, "themed": 36486, "succinctly": 36487, "soames": 36488, "skiff": 36489, "silla": 36490, "recruitment": 36491, "rals": 36492, "penni": 36493, "ois": 36494, "monoga": 36495, "locator": 36496, "linebacker": 36497, "liberties": 36498, "lecie": 36499, "grouchy": 36500, "fruition": 36501, "frazier": 36502, "fles": 36503, "delinqu": 36504, "damnable": 36505, "counterfe": 36506, "constraints": 36507, "ckle": 36508, "chivalrous": 36509, "bloom": 36510, "yve": 36511, "worthington": 36512, "vasile": 36513, "validity": 36514, "vested": 36515, "tragedies": 36516, "suteko": 36517, "sullied": 36518, "scouted": 36519, "saro": 36520, "rorie": 36521, "rosa": 36522, "remorseful": 36523, "quasi": 36524, "percei": 36525, "nineties": 36526, "kishly": 36527, "khloe": 36528, "kare": 36529, "julieth": 36530, "jacker": 36531, "imaginations": 36532, "gaspode": 36533, "flocks": 36534, "expedi": 36535, "downworlders": 36536, "c\u00e9des": 36537, "cusp": 36538, "cray": 36539, "coolers": 36540, "brightens": 36541, "boyhood": 36542, "argues": 36543, "arlington": 36544, "80s": 36545, "yomen": 36546, "transcript": 36547, "springy": 36548, "sooo": 36549, "saniti": 36550, "seasi": 36551, "roan": 36552, "rhetoric": 36553, "retainer": 36554, "recreate": 36555, "plough": 36556, "ohmi": 36557, "mccall": 36558, "mcl": 36559, "lyndon": 36560, "lton": 36561, "jix": 36562, "interns": 36563, "implicitly": 36564, "izzie": 36565, "gusted": 36566, "galvani": 36567, "fea": 36568, "edic": 36569, "dilaurentis": 36570, "deviant": 36571, "cree": 36572, "converging": 36573, "comedian": 36574, "cesar": 36575, "bunkers": 36576, "braves": 36577, "bloodsucker": 36578, "blouses": 36579, "athaliah": 36580, "arria": 36581, "`s": 36582, "thawed": 36583, "trec": 36584, "spouted": 36585, "scholarly": 36586, "recreational": 36587, "raptured": 36588, "quanti": 36589, "punks": 36590, "prejudices": 36591, "obstruction": 36592, "mythological": 36593, "misread": 36594, "milkshake": 36595, "mendoza": 36596, "martinis": 36597, "lancel": 36598, "kinsey": 36599, "ivar": 36600, "hypocrisy": 36601, "huntress": 36602, "greyhound": 36603, "futilely": 36604, "formica": 36605, "flushes": 36606, "finan": 36607, "export": 36608, "dubois": 36609, "drac": 36610, "designation": 36611, "dekes": 36612, "colise": 36613, "carr": 36614, "bilo": 36615, "altea": 36616, "aha": 36617, "voters": 36618, "unruffled": 36619, "unprofessional": 36620, "truer": 36621, "trecille": 36622, "strategi": 36623, "squan": 36624, "sposed": 36625, "saluting": 36626, "safari": 36627, "retta": 36628, "rahel": 36629, "pivot": 36630, "phrasing": 36631, "obscenely": 36632, "nadir": 36633, "mermaids": 36634, "measly": 36635, "js": 36636, "interpreter": 36637, "imbi": 36638, "heretic": 36639, "haltingly": 36640, "grinds": 36641, "fiends": 36642, "facets": 36643, "ebbing": 36644, "dryden": 36645, "dras": 36646, "dotes": 36647, "dinghy": 36648, "deceit": 36649, "crunchy": 36650, "commemor": 36651, "coerced": 36652, "ckland": 36653, "cheeses": 36654, "blek": 36655, "atm": 36656, "arcadia": 36657, "al'thor": 36658, "alorn": 36659, "adventurers": 36660, "abundantly": 36661, "airs": 36662, "wiles": 36663, "wley": 36664, "ungainly": 36665, "they're": 36666, "supermodel": 36667, "sheba": 36668, "revival": 36669, "referenced": 36670, "ratings": 36671, "pecan": 36672, "octag": 36673, "levity": 36674, "ironing": 36675, "investor": 36676, "incinerated": 36677, "haler": 36678, "grotesquely": 36679, "godspeed": 36680, "gling": 36681, "exploited": 36682, "experimentation": 36683, "eux": 36684, "encourages": 36685, "emi": 36686, "editors": 36687, "droppings": 36688, "domineering": 36689, "disapprove": 36690, "degrading": 36691, "dewitt": 36692, "dade": 36693, "creeper": 36694, "countertops": 36695, "chica": 36696, "ceru": 36697, "bys": 36698, "automobiles": 36699, "arn": 36700, "arabs": 36701, "amazons": 36702, "@gmail.com": 36703, ".22": 36704, "yicle": 36705, "xypher": 36706, "veting": 36707, "trestle": 36708, "tanzie": 36709, "rotor": 36710, "roku": 36711, "rebounded": 36712, "lated": 36713, "jamaican": 36714, "incarcerated": 36715, "hovel": 36716, "henge": 36717, "fowl": 36718, "food": 36719, "fisk": 36720, "fatty": 36721, "donaldson": 36722, "dissertation": 36723, "dandelion": 36724, "credit": 36725, "cranes": 36726, "clairvoy": 36727, "chiding": 36728, "chaser": 36729, "catatonic": 36730, "caleban": 36731, "cad": 36732, "bummed": 36733, "blare": 36734, "aviator": 36735, "apollyon": 36736, "84": 36737, "zina": 36738, "yal": 36739, "varies": 36740, "trite": 36741, "tionaries": 36742, "substantially": 36743, "shenani": 36744, "scornfully": 36745, "schuy": 36746, "sways": 36747, "propane": 36748, "prun": 36749, "perfections": 36750, "perv": 36751, "peculiarly": 36752, "parale": 36753, "psal": 36754, "neomi": 36755, "nek": 36756, "mosa": 36757, "mu": 36758, "louvre": 36759, "lasher": 36760, "itur": 36761, "indefinite": 36762, "gravitated": 36763, "grined": 36764, "gras": 36765, "geran": 36766, "glisten": 36767, "flagstones": 36768, "flayed": 36769, "dharr": 36770, "corva": 36771, "controversy": 36772, "checkbook": 36773, "chagrined": 36774, "bona": 36775, "blacky": 36776, "ballad": 36777, "aviation": 36778, "avice": 36779, "armb": 36780, "adina": 36781, "130": 36782, "vitt": 36783, "unconditionally": 36784, "turks": 36785, "tempera": 36786, "supporter": 36787, "stage": 36788, "spalko": 36789, "scheduling": 36790, "patron": 36791, "notably": 36792, "murbella": 36793, "magnum": 36794, "mould": 36795, "kiro": 36796, "kill": 36797, "kermilla": 36798, "irrever": 36799, "heresy": 36800, "hangout": 36801, "hazards": 36802, "francois": 36803, "elude": 36804, "eloquently": 36805, "dreamers": 36806, "disagreeable": 36807, "demeter": 36808, "dawns": 36809, "darkhaven": 36810, "cryptically": 36811, "corvin": 36812, "contention": 36813, "carafe": 36814, "boxy": 36815, "befallen": 36816, "antennae": 36817, "voltage": 36818, "toon": 36819, "telegraph": 36820, "tay": 36821, "shifty": 36822, "sasquatch": 36823, "rioting": 36824, "melodious": 36825, "manufacturer": 36826, "liyra": 36827, "lenore": 36828, "isse": 36829, "ignites": 36830, "ibrahim": 36831, "gruber": 36832, "ferran": 36833, "entom": 36834, "empties": 36835, "b.c.": 36836, "angh": 36837, "01": 36838, ".^": 36839, "whir": 36840, "vigilance": 36841, "uppercut": 36842, "unexplainable": 36843, "symbolism": 36844, "stewed": 36845, "shalt": 36846, "sequined": 36847, "sapi": 36848, "rogui": 36849, "reversing": 36850, "rity": 36851, "questionably": 36852, "pilcher": 36853, "parlour": 36854, "paun": 36855, "nozam": 36856, "muffling": 36857, "mol": 36858, "intermedi": 36859, "iges": 36860, "ivana": 36861, "hots": 36862, "hita": 36863, "hil": 36864, "hikers": 36865, "gad": 36866, "fundamentally": 36867, "familial": 36868, "eller": 36869, "dispensable": 36870, "diments": 36871, "conveying": 36872, "conlan": 36873, "clacked": 36874, "changeling": 36875, "barkeep": 36876, "18th": 36877, "unrealistic": 36878, "trombone": 36879, "tner": 36880, "stinger": 36881, "sashayed": 36882, "swill": 36883, "relaying": 36884, "refurbi": 36885, "radomir": 36886, "nich": 36887, "mormont": 36888, "maryse": 36889, "lorien": 36890, "kea": 36891, "ifaut": 36892, "hemmed": 36893, "heist": 36894, "firefight": 36895, "deteriorating": 36896, "dehydration": 36897, "criss": 36898, "congrats": 36899, "browser": 36900, "arendia": 36901, "amendment": 36902, "al'ice": 36903, "wintry": 36904, "wizar": 36905, "upstanding": 36906, "topaz": 36907, "tind": 36908, "stirrups": 36909, "slouching": 36910, "retched": 36911, "ramparts": 36912, "progno": 36913, "parody": 36914, "palaces": 36915, "paintbrush": 36916, "nosily": 36917, "matchmaker": 36918, "maser": 36919, "mone": 36920, "mington": 36921, "lupine": 36922, "lamia": 36923, "intensify": 36924, "headstrong": 36925, "guile": 36926, "gondola": 36927, "flaunt": 36928, "dophi": 36929, "coliseum": 36930, "cog": 36931, "clubbing": 36932, "clamations": 36933, "chette": 36934, "chefs": 36935, "cavendish": 36936, "butte": 36937, "bloodbath": 36938, "bong": 36939, "assertive": 36940, "amphitheater": 36941, "amour": 36942, "alyn": 36943, "1963": 36944, "womanhood": 36945, "trumped": 36946, "tites": 36947, "thickest": 36948, "spores": 36949, "slick": 36950, "sinner": 36951, "resnick": 36952, "ravishing": 36953, "postcards": 36954, "pinks": 36955, "ostri": 36956, "och": 36957, "messick": 36958, "mani": 36959, "mt.": 36960, "luci": 36961, "lula": 36962, "inquisitively": 36963, "hmph": 36964, "garnered": 36965, "gales": 36966, "flashbacks": 36967, "fters": 36968, "endangering": 36969, "daedalus": 36970, "contemptuously": 36971, "consortium": 36972, "condone": 36973, "ye'd": 36974, "v'": 36975, "troublemaker": 36976, "sune": 36977, "steeple": 36978, "starred": 36979, "silicon": 36980, "repertoire": 36981, "pioneer": 36982, "phew": 36983, "nup": 36984, "marchant": 36985, "lexis": 36986, "fredrick": 36987, "embarked": 36988, "dished": 36989, "demiris": 36990, "concluding": 36991, "cohort": 36992, "canop": 36993, "calloway": 36994, "bruiser": 36995, "atium": 36996, "aron": 36997, "appleton": 36998, "alps": 36999, "700": 37000, "whiplash": 37001, "uncurled": 37002, "uglier": 37003, "tindwyl": 37004, "tableau": 37005, "swans": 37006, "ssad": 37007, "slurped": 37008, "szeth": 37009, "requie": 37010, "o'hare": 37011, "norther": 37012, "morganna": 37013, "mitage": 37014, "miya": 37015, "maim": 37016, "interjects": 37017, "illating": 37018, "haidar": 37019, "freed": 37020, "formants": 37021, "fitz": 37022, "excusing": 37023, "dull": 37024, "dishonor": 37025, "cynic": 37026, "crawley": 37027, "commandant": 37028, "claymore": 37029, "cheeked": 37030, "behaviors": 37031, "bbers": 37032, "bacy": 37033, "alcan": 37034, "abduct": 37035, "30s": 37036, "zigzagged": 37037, "wag": 37038, "vowing": 37039, "unabashed": 37040, "tutu": 37041, "ttably": 37042, "touche": 37043, "sulley": 37044, "steeper": 37045, "stander": 37046, "signore": 37047, "shaye": 37048, "reunite": 37049, "rebekah": 37050, "psychohistory": 37051, "pence": 37052, "oom": 37053, "musketeers": 37054, "magick": 37055, "lifeblood": 37056, "lascivious": 37057, "lanis": 37058, "lafayette": 37059, "halleck": 37060, "facilitate": 37061, "fats": 37062, "disobeying": 37063, "desandra": 37064, "consoles": 37065, "choker": 37066, "cerulean": 37067, "ceases": 37068, "brok": 37069, "baptism": 37070, "andarion": 37071, "abc": 37072, "8:00": 37073, "yes": 37074, "valao": 37075, "tyrell": 37076, "tubing": 37077, "tombstones": 37078, "swarthy": 37079, "sickeningly": 37080, "seamless": 37081, "pertaining": 37082, "percu": 37083, "pasts": 37084, "organise": 37085, "odyssey": 37086, "masterson": 37087, "mandarin": 37088, "lecturer": 37089, "kans": 37090, "joyfully": 37091, "informants": 37092, "horatio": 37093, "hardin": 37094, "hampton": 37095, "gunpoint": 37096, "enticed": 37097, "encyclopedia": 37098, "ejac": 37099, "discolored": 37100, "deedra": 37101, "credence": 37102, "corvindale": 37103, "constructive": 37104, "burglary": 37105, "brownstone": 37106, "bren": 37107, "blueprint": 37108, "blotchy": 37109, "blanca": 37110, "beenay": 37111, "azazil": 37112, "apprehend": 37113, "007": 37114, "wii": 37115, "whatnot": 37116, "waveleng": 37117, "vus": 37118, "uploaded": 37119, "undulated": 37120, "tusks": 37121, "shang": 37122, "rove": 37123, "rosen": 37124, "python": 37125, "prima": 37126, "prevalent": 37127, "pinkish": 37128, "perfumes": 37129, "o'hara": 37130, "minations": 37131, "mein": 37132, "mcvries": 37133, "manually": 37134, "lurid": 37135, "keiran": 37136, "ghul": 37137, "genocide": 37138, "domestic": 37139, "digesting": 37140, "delightfully": 37141, "copper": 37142, "coi": 37143, "christma": 37144, "chaucer": 37145, "celibacy": 37146, "brutes": 37147, "bernice": 37148, "baleful": 37149, "ascer": 37150, "arella": 37151, "applauding": 37152, "agbu": 37153, "wreathed": 37154, "vae": 37155, "unemployment": 37156, "uncharted": 37157, "trinket": 37158, "traveller": 37159, "tirelessly": 37160, "taxpa": 37161, "talama": 37162, "talamasca": 37163, "stammering": 37164, "smarted": 37165, "sicker": 37166, "satyr": 37167, "sandalwood": 37168, "questing": 37169, "puppet": 37170, "premiere": 37171, "ohmigod": 37172, "og": 37173, "nutty": 37174, "mucus": 37175, "lodovik": 37176, "lillie": 37177, "leblanc": 37178, "kayak": 37179, "kruger": 37180, "josey": 37181, "j.d.": 37182, "gearshift": 37183, "ferranti": 37184, "experimentally": 37185, "emphasi": 37186, "edge": 37187, "earbuds": 37188, "donnay": 37189, "discord": 37190, "congo": 37191, "cosy": 37192, "cogs": 37193, "belle": 37194, "bartle": 37195, "bff": 37196, "anter": 37197, "aedion": 37198, "adon": 37199, "widower": 37200, "vented": 37201, "symmetry": 37202, "swivelled": 37203, "seine": 37204, "sf": 37205, "runny": 37206, "righting": 37207, "relli": 37208, "prepares": 37209, "ppie": 37210, "popsicle": 37211, "pollen": 37212, "plaguing": 37213, "overmind": 37214, "outlawed": 37215, "manon": 37216, "malory": 37217, "looker": 37218, "injecting": 37219, "icons": 37220, "headdress": 37221, "hatches": 37222, "grasshopper": 37223, "fitzwilliam": 37224, "feats": 37225, "edwina": 37226, "deprecating": 37227, "campfires": 37228, "aromatic": 37229, "advertisements": 37230, "aper": 37231, "weekday": 37232, "vela": 37233, "tumbles": 37234, "stalemate": 37235, "slathered": 37236, "schnei": 37237, "practise": 37238, "pri": 37239, "pom": 37240, "payoff": 37241, "opt": 37242, "oa": 37243, "machinations": 37244, "madd": 37245, "kone": 37246, "khel": 37247, "imaginings": 37248, "hunor": 37249, "gyrating": 37250, "festo": 37251, "equaled": 37252, "distanced": 37253, "defuse": 37254, "coms": 37255, "composit": 37256, "cion": 37257, "cartridges": 37258, "cappuccino": 37259, "cence": 37260, "braz": 37261, "apella": 37262, "alertness": 37263, "zebra": 37264, "xerxes": 37265, "whitened": 37266, "ushers": 37267, "undertaken": 37268, "uniting": 37269, "ttle": 37270, "trainees": 37271, "somersault": 37272, "safekeeping": 37273, "postal": 37274, "penniless": 37275, "opting": 37276, "nauvoo": 37277, "maryllis": 37278, "mmel": 37279, "lices": 37280, "latitude": 37281, "jit": 37282, "ituralde": 37283, "inertia": 37284, "izabel": 37285, "homo": 37286, "higg": 37287, "gnashing": 37288, "ffers": 37289, "fasti": 37290, "expeditions": 37291, "duress": 37292, "dicky": 37293, "consecu": 37294, "arguably": 37295, "antibodies": 37296, "aca": 37297, "amaryllis": 37298, "~~~~": 37299, "thieving": 37300, "televisions": 37301, "straits": 37302, "samar": 37303, "regulators": 37304, "refilling": 37305, "pyjamas": 37306, "pumpkins": 37307, "plundered": 37308, "outlying": 37309, "objecti": 37310, "mountable": 37311, "modic": 37312, "kimi": 37313, "junky": 37314, "jiang": 37315, "jedrik": 37316, "inton": 37317, "hardworking": 37318, "grooms": 37319, "gimli": 37320, "express": 37321, "diest": 37322, "cive": 37323, "centipe": 37324, "andrus": 37325, "anthem": 37326, "alexion": 37327, "warder": 37328, "veiling": 37329, "unorthodox": 37330, "tight": 37331, "swooned": 37332, "stram": 37333, "sorenson": 37334, "sita": 37335, "santo": 37336, "retreats": 37337, "repose": 37338, "kamiko": 37339, "itos": 37340, "irrationally": 37341, "impaling": 37342, "impo": 37343, "immari": 37344, "grazes": 37345, "gambled": 37346, "dumbest": 37347, "debates": 37348, "complimenting": 37349, "chess": 37350, "booster": 37351, "bonnett": 37352, "auxiliary": 37353, "apparel": 37354, "albino": 37355, "whitaker": 37356, "trimming": 37357, "taxied": 37358, "putt": 37359, "pressuri": 37360, "precede": 37361, "pretz": 37362, "preppy": 37363, "placeable": 37364, "phillipa": 37365, "overwhelmingly": 37366, "ord": 37367, "najima": 37368, "mackie": 37369, "masse": 37370, "lell": 37371, "khale": 37372, "jazmine": 37373, "ingram": 37374, "grieg": 37375, "forlornly": 37376, "estimates": 37377, "disheartened": 37378, "demar": 37379, "bracket": 37380, "apprenticeship": 37381, "anesthesia": 37382, "alterations": 37383, "96": 37384, "zodi": 37385, "terrell": 37386, "teleporting": 37387, "shimmery": 37388, "sagely": 37389, "roscoe": 37390, "roller": 37391, "reticence": 37392, "rending": 37393, "rayburn": 37394, "populations": 37395, "obese": 37396, "osiris": 37397, "mathen": 37398, "linnette": 37399, "kallias": 37400, "kard": 37401, "imprison": 37402, "hypocritical": 37403, "hernandez": 37404, "hewitt": 37405, "gobbled": 37406, "gigi": 37407, "elemai": 37408, "clamber": 37409, "chipping": 37410, "buoyed": 37411, "brussels": 37412, "bloodstains": 37413, "blackwood": 37414, "baye": 37415, "wilton": 37416, "thorin": 37417, "strident": 37418, "scrupulous": 37419, "ricocheting": 37420, "pyo": 37421, "oaf": 37422, "muller": 37423, "mastermind": 37424, "lelldorin": 37425, "inet": 37426, "illnesses": 37427, "footpath": 37428, "entii": 37429, "entia": 37430, "disguising": 37431, "countrymen": 37432, "circumstantial": 37433, "celibate": 37434, "calibur": 37435, "broderick": 37436, "bonapar": 37437, "backhand": 37438, "ambience": 37439, "alfonso": 37440, "ziggy": 37441, "wakefulness": 37442, "vp": 37443, "truste": 37444, "tinkled": 37445, "suzan": 37446, "steel": 37447, "sparag": 37448, "sharpest": 37449, "schneider": 37450, "russet": 37451, "rolex": 37452, "processor": 37453, "plymouth": 37454, "navadar": 37455, "macha": 37456, "malia": 37457, "lunacy": 37458, "levelled": 37459, "kozz": 37460, "keryn": 37461, "kgi": 37462, "jaklin": 37463, "instinctual": 37464, "inquir": 37465, "insu": 37466, "humping": 37467, "hud": 37468, "hekate": 37469, "freshness": 37470, "frenetic": 37471, "feng": 37472, "fah": 37473, "eminent": 37474, "emery": 37475, "emban": 37476, "eard": 37477, "dreadlocks": 37478, "discerning": 37479, "cray": 37480, "conciliatory": 37481, "convey": 37482, "caust": 37483, "brokenly": 37484, "breakneck": 37485, "braved": 37486, "barricaded": 37487, "balustrade": 37488, "bh": 37489, "awe": 37490, "apostles": 37491, "ynne": 37492, "yelping": 37493, "woes": 37494, "warmest": 37495, "urgit": 37496, "unsmiling": 37497, "unsha": 37498, "tinkle": 37499, "stereotype": 37500, "shenanigans": 37501, "scribbles": 37502, "quills": 37503, "propulsion": 37504, "pouts": 37505, "parishi": 37506, "ober": 37507, "nerds": 37508, "mooring": 37509, "miscellan": 37510, "lawsuits": 37511, "kandra": 37512, "homing": 37513, "hibernation": 37514, "gibr": 37515, "elisabeth": 37516, "drywall": 37517, "cycled": 37518, "cormac": 37519, "combustion": 37520, "chirps": 37521, "chiffon": 37522, "barista": 37523, "6:00": 37524, "widens": 37525, "triad": 37526, "terrorized": 37527, "tartly": 37528, "shortcake": 37529, "sala": 37530, "rolo": 37531, "riki": 37532, "raptors": 37533, "ogle": 37534, "myrr": 37535, "moors": 37536, "margaritas": 37537, "leary": 37538, "kirby": 37539, "jackrum": 37540, "hormone": 37541, "honeyed": 37542, "frater": 37543, "esoter": 37544, "erations": 37545, "enson": 37546, "dryness": 37547, "devastat": 37548, "densely": 37549, "condomin": 37550, "cloning": 37551, "banishing": 37552, "urer": 37553, "umi": 37554, "tactful": 37555, "substanti": 37556, "snooze": 37557, "slob": 37558, "skype": 37559, "shrub": 37560, "seminary": 37561, "scape": 37562, "pulver": 37563, "neglecting": 37564, "nex": 37565, "mewling": 37566, "lulling": 37567, "jolliet": 37568, "jacy": 37569, "invidia": 37570, "iette": 37571, "he'd": 37572, "handel": 37573, "gado": 37574, "gannon": 37575, "fanatical": 37576, "eat": 37577, "droplet": 37578, "drooled": 37579, "dashes": 37580, "dahl": 37581, "cornelius": 37582, "congested": 37583, "cleverness": 37584, "chuch": 37585, "cavanaugh": 37586, "cze": 37587, "blender": 37588, "arang": 37589, "anism": 37590, "addri": 37591, "7:30": 37592, "worka": 37593, "unintentional": 37594, "surfers": 37595, "stepbrother": 37596, "speaker": 37597, "sofar": 37598, "shucked": 37599, "sso": 37600, "paci": 37601, "ourt": 37602, "orderlies": 37603, "oeuv": 37604, "nicki": 37605, "moldavi": 37606, "lux": 37607, "lorry": 37608, "loco": 37609, "jaz": 37610, "jb": 37611, "itches": 37612, "hypothermia": 37613, "hyenas": 37614, "ghu": 37615, "effectiveness": 37616, "dojo": 37617, "denth": 37618, "delphine": 37619, "cra": 37620, "councilman": 37621, "convicts": 37622, "coons": 37623, "bouquets": 37624, "bonaparte": 37625, "acknowledgements": 37626, "abrasive": 37627, "ame": 37628, "8.": 37629, "updating": 37630, "unseemly": 37631, "tourism": 37632, "smere": 37633, "segments": 37634, "sandor": 37635, "saltwater": 37636, "regrettably": 37637, "quizzed": 37638, "planter": 37639, "overdone": 37640, "othor": 37641, "oakland": 37642, "mri": 37643, "mollified": 37644, "mentors": 37645, "manhandled": 37646, "kri": 37647, "helsing": 37648, "fob": 37649, "flabby": 37650, "fei": 37651, "farfal": 37652, "fable": 37653, "easton": 37654, "esh": 37655, "edison": 37656, "droopy": 37657, "disciplin": 37658, "divan": 37659, "desideria": 37660, "bystander": 37661, "befitting": 37662, "barinthus": 37663, "aimless": 37664, "withdraws": 37665, "vocally": 37666, "trivia": 37667, "thelma": 37668, "terminus": 37669, "suppliers": 37670, "stoker": 37671, "starla": 37672, "spokes": 37673, "silliness": 37674, "sender": 37675, "said": 37676, "roadblock": 37677, "renmyr": 37678, "pritchard": 37679, "money": 37680, "mied": 37681, "marti": 37682, "holocaust": 37683, "hood": 37684, "grumpily": 37685, "frau": 37686, "formul": 37687, "emergence": 37688, "distended": 37689, "dainti": 37690, "concord": 37691, "calculator": 37692, "beatrix": 37693, "aborted": 37694, "trojan": 37695, "tristram": 37696, "stormlight": 37697, "standin": 37698, "squabbling": 37699, "selections": 37700, "sloop": 37701, "reaf": 37702, "obe": 37703, "notoriety": 37704, "melia": 37705, "hogs": 37706, "hippies": 37707, "guardsman": 37708, "gibraltar": 37709, "forthright": 37710, "firestorm": 37711, "farfalee": 37712, "fablehaven": 37713, "empires": 37714, "devastatingly": 37715, "ctioned": 37716, "bums": 37717, "bette": 37718, "viii": 37719, "vasher": 37720, "univers": 37721, "unladylike": 37722, "tized": 37723, "temperamental": 37724, "tep": 37725, "tler": 37726, "subordinates": 37727, "speculations": 37728, "spaceport": 37729, "pleasuring": 37730, "parading": 37731, "obliterate": 37732, "noiselessly": 37733, "mittens": 37734, "miscellaneous": 37735, "mallorea": 37736, "jaya": 37737, "huron": 37738, "haidee": 37739, "gemengs": 37740, "enraptured": 37741, "elementals": 37742, "discrep": 37743, "conjunction": 37744, "cla": 37745, "bara": 37746, "amyr": 37747, "waistline": 37748, "veggies": 37749, "unresolved": 37750, "tumble": 37751, "titudes": 37752, "stratford": 37753, "soy": 37754, "sequestered": 37755, "qyro": 37756, "profiles": 37757, "petunia": 37758, "outcrop": 37759, "menial": 37760, "lorz": 37761, "larentii": 37762, "lather": 37763, "jandj": 37764, "hollowly": 37765, "hekat": 37766, "habitual": 37767, "greys": 37768, "gauges": 37769, "gay": 37770, "fizzled": 37771, "decrease": 37772, "converting": 37773, "clot": 37774, "cannibal": 37775, "bennac": 37776, "backlit": 37777, "alv": 37778, "avan": 37779, "witching": 37780, "vivac": 37781, "veronis": 37782, "veal": 37783, "twill": 37784, "tractors": 37785, "syria": 37786, "strong": 37787, "spearing": 37788, "smog": 37789, "sartek": 37790, "sup": 37791, "robertson": 37792, "reyno": 37793, "reschedule": 37794, "pronunciation": 37795, "pries": 37796, "penny": 37797, "parado": 37798, "overkill": 37799, "opa": 37800, "meer": 37801, "lunatics": 37802, "lich": 37803, "leander": 37804, "kolram": 37805, "kangaroo": 37806, "juno": 37807, "harms": 37808, "finnick": 37809, "fathomless": 37810, "fallible": 37811, "entang": 37812, "esis": 37813, "daelon": 37814, "colum": 37815, "cogniz": 37816, "clucking": 37817, "cadaver": 37818, "boardin": 37819, "bikinis": 37820, "avoids": 37821, "astronaut": 37822, "alisha": 37823, "94": 37824, "\u2022\u2022": 37825, "zas": 37826, "walmart": 37827, "vapors": 37828, "trehan": 37829, "toxins": 37830, "tibor": 37831, "t.v.": 37832, "subdivision": 37833, "snipped": 37834, "redirect": 37835, "prosper": 37836, "primor": 37837, "p.s.": 37838, "murals": 37839, "mobil": 37840, "misu": 37841, "mccl": 37842, "marque": 37843, "lump": 37844, "lisabelle": 37845, "kristi": 37846, "kimono": 37847, "kiyu": 37848, "isce": 37849, "impressi": 37850, "imbalance": 37851, "highlander": 37852, "hercules": 37853, "hekatah": 37854, "grandiose": 37855, "eminence": 37856, "downtime": 37857, "dictat": 37858, "chaytan": 37859, "bono": 37860, "begrudge": 37861, "bartenders": 37862, "bair": 37863, "antiquities": 37864, "zella": 37865, "workroom": 37866, "vegan": 37867, "upriver": 37868, "unclasped": 37869, "supremacy": 37870, "snidely": 37871, "rotunda": 37872, "repugnant": 37873, "radically": 37874, "queensland": 37875, "orat": 37876, "nehele": 37877, "neely": 37878, "natty": 37879, "moran": 37880, "keepin": 37881, "jealously": 37882, "intro": 37883, "imitated": 37884, "hunky": 37885, "hestia": 37886, "gucci": 37887, "grimoire": 37888, "garbed": 37889, "evasion": 37890, "envisioning": 37891, "embellished": 37892, "dwylar": 37893, "dupli": 37894, "destruct": 37895, "coordinating": 37896, "conundrum": 37897, "cocooned": 37898, "caucasian": 37899, "cameo": 37900, "bjur": 37901, "atlee": 37902, "astronomical": 37903, "unemotional": 37904, "stepp": 37905, "sprinkles": 37906, "salaman": 37907, "sabotaged": 37908, "romances": 37909, "requited": 37910, "ranches": 37911, "pree": 37912, "ponderous": 37913, "palming": 37914, "mous": 37915, "lies": 37916, "lete": 37917, "lave": 37918, "itously": 37919, "iridium": 37920, "interstellar": 37921, "indirect": 37922, "fiber": 37923, "exacting": 37924, "dwarven": 37925, "dredge": 37926, "dissect": 37927, "damion": 37928, "cycling": 37929, "cobbler": 37930, "breedlove": 37931, "baggie": 37932, "baffling": 37933, "ashwin": 37934, "2007": 37935, "2:00": 37936, "'ra": 37937, "worded": 37938, "wane": 37939, "vestiges": 37940, "vc": 37941, "utilitarian": 37942, "summari": 37943, "studious": 37944, "streetlamps": 37945, "splur": 37946, "sewed": 37947, "scourge": 37948, "scarring": 37949, "sarabian": 37950, "reynold": 37951, "preyed": 37952, "polonius": 37953, "penguin": 37954, "pauling": 37955, "paso": 37956, "nametag": 37957, "mulberry": 37958, "minas": 37959, "midsummer": 37960, "kalam": 37961, "ivanus": 37962, "impressively": 37963, "impeded": 37964, "hubbub": 37965, "horton": 37966, "heller": 37967, "grinberg": 37968, "graphics": 37969, "finalized": 37970, "felipe": 37971, "falonar": 37972, "enhancing": 37973, "elisa": 37974, "dildo": 37975, "deterrent": 37976, "deposition": 37977, "dart": 37978, "casno": 37979, "bumbling": 37980, "brutish": 37981, "blogspot": 37982, "bet": 37983, "arangbar": 37984, "ael": 37985, "volusian": 37986, "untoward": 37987, "ucal": 37988, "twoot": 37989, "trussed": 37990, "tigress": 37991, "thiness": 37992, "theormi": 37993, "tess": 37994, "stav": 37995, "speakerphone": 37996, "shacks": 37997, "ru": 37998, "proxy": 37999, "plunges": 38000, "plucks": 38001, "novices": 38002, "modicum": 38003, "metaphorical": 38004, "legislation": 38005, "kristie": 38006, "keep": 38007, "irrig": 38008, "hilarity": 38009, "georgian": 38010, "foiled": 38011, "ffo": 38012, "esteban": 38013, "dunked": 38014, "ducts": 38015, "disdainfully": 38016, "crayon": 38017, "crab": 38018, "bother": 38019, "beagle": 38020, "badg": 38021, "algae": 38022, "wilmington": 38023, "wallis": 38024, "winging": 38025, "vasili": 38026, "underhanded": 38027, "unfettered": 38028, "undisguised": 38029, "undies": 38030, "tao": 38031, "sidestep": 38032, "sentencing": 38033, "schuyler": 38034, "rapport": 38035, "pratt": 38036, "pla": 38037, "orgasmic": 38038, "offender": 38039, "o'brian": 38040, "osis": 38041, "naut": 38042, "mutations": 38043, "mondays": 38044, "megal": 38045, "massively": 38046, "limelight": 38047, "knobby": 38048, "insurmountable": 38049, "imperfections": 38050, "hungarian": 38051, "hospice": 38052, "geyser": 38053, "frotwoot": 38054, "echel": 38055, "dissatisfaction": 38056, "consulate": 38057, "calico": 38058, "buildup": 38059, "brecker": 38060, "blankness": 38061, "adjourned": 38062, "wedded": 38063, "waists": 38064, "voluminous": 38065, "vikram": 38066, "ugil": 38067, "ugilino": 38068, "tribesmen": 38069, "tricking": 38070, "teamed": 38071, "stosh": 38072, "stoner": 38073, "ssian": 38074, "sell": 38075, "renewal": 38076, "rax": 38077, "push": 38078, "primo": 38079, "mystic": 38080, "mill": 38081, "manoeuvre": 38082, "leprechaun": 38083, "lys": 38084, "konev": 38085, "inth": 38086, "hea": 38087, "encircle": 38088, "dria": 38089, "donahue": 38090, "dolin": 38091, "dosadi": 38092, "doren": 38093, "dissen": 38094, "deceitful": 38095, "contorting": 38096, "constrained": 38097, "bureaucratic": 38098, "buen": 38099, "bluffs": 38100, "blanketing": 38101, "beanie": 38102, "blear": 38103, "actresses": 38104, "2015": 38105, "yoda": 38106, "wiki": 38107, "vanderbilt": 38108, "tweezers": 38109, "toweled": 38110, "targon": 38111, "supplement": 38112, "stard": 38113, "settler": 38114, "santi": 38115, "rifle": 38116, "occulti": 38117, "naya": 38118, "nada": 38119, "moonless": 38120, "misstep": 38121, "median": 38122, "maisy": 38123, "jorah": 38124, "jf": 38125, "indeli": 38126, "hijacked": 38127, "gents": 38128, "fidgety": 38129, "durand": 38130, "deliverance": 38131, "debriefing": 38132, "dayn": 38133, "culum": 38134, "craftsman": 38135, "constitute": 38136, "constrict": 38137, "chastising": 38138, "celery": 38139, "cajoled": 38140, "caddy": 38141, "binge": 38142, "artificially": 38143, "arium": 38144, "antil": 38145, "verica": 38146, "turok": 38147, "torched": 38148, "symmetrical": 38149, "suke": 38150, "sequel": 38151, "schulke": 38152, "rotund": 38153, "repar": 38154, "palatable": 38155, "ohmy": 38156, "ovation": 38157, "novella": 38158, "newsca": 38159, "mortifying": 38160, "loophole": 38161, "lessening": 38162, "legitimately": 38163, "latino": 38164, "kouwe": 38165, "j.c.": 38166, "indecipherable": 38167, "imaging": 38168, "habitation": 38169, "hla": 38170, "ganger": 38171, "frisky": 38172, "falters": 38173, "expressway": 38174, "exaggerate": 38175, "dismembered": 38176, "dhampir": 38177, "chew": 38178, "cabal": 38179, "attest": 38180, "afterglow": 38181, "'ilyn": 38182, "zigzagging": 38183, "vagrant": 38184, "tated": 38185, "streetlamp": 38186, "strauss": 38187, "stereotypical": 38188, "skirmi": 38189, "sired": 38190, "romu": 38191, "redden": 38192, "ramsay": 38193, "projections": 38194, "phane": 38195, "pestil": 38196, "noblemen": 38197, "nosey": 38198, "nerza": 38199, "nebula": 38200, "marty": 38201, "jolie": 38202, "interestingly": 38203, "inns": 38204, "humored": 38205, "huey": 38206, "honoring": 38207, "heavenward": 38208, "hangin": 38209, "groveling": 38210, "gogue": 38211, "gert": 38212, "etch": 38213, "dorn": 38214, "derri": 38215, "demonstrations": 38216, "craftsmanship": 38217, "commiss": 38218, "braddock": 38219, "beseeching": 38220, "bennacio": 38221, "bachelors": 38222, "amyrlin": 38223, "655": 38224, "zigzag": 38225, "uron": 38226, "underlings": 38227, "unknow": 38228, "undaunted": 38229, "thurmond": 38230, "slip": 38231, "shil": 38232, "romanov": 38233, "quot": 38234, "pretence": 38235, "practicality": 38236, "panoramic": 38237, "outdone": 38238, "obtu": 38239, "nosing": 38240, "montag": 38241, "jammer": 38242, "initiates": 38243, "i.d.": 38244, "howdy": 38245, "henric": 38246, "helium": 38247, "heathrow": 38248, "hamburg": 38249, "greenwich": 38250, "gravestone": 38251, "gloriette": 38252, "glob": 38253, "fresher": 38254, "elimination": 38255, "elector": 38256, "dukes": 38257, "doggedly": 38258, "dhadhi": 38259, "deprive": 38260, "deig": 38261, "damo": 38262, "confining": 38263, "confiding": 38264, "chow": 38265, "choppers": 38266, "carti": 38267, "browley": 38268, "beacons": 38269, "barcel": 38270, "archbishop": 38271, "ailing": 38272, "3d": 38273, "xero": 38274, "wallets": 38275, "unjust": 38276, "tidbits": 38277, "teur": 38278, "springtime": 38279, "reclusive": 38280, "reaux": 38281, "pantsuit": 38282, "nesting": 38283, "merlotte": 38284, "kheldar": 38285, "kalamack": 38286, "hazel": 38287, "galli": 38288, "fluous": 38289, "eunice": 38290, "donatelli": 38291, "croissant": 38292, "conceivably": 38293, "companion": 38294, "costas": 38295, "coat": 38296, "bucky": 38297, "bub": 38298, "birgitte": 38299, "apache": 38300, "amaram": 38301, "aciously": 38302, "12th": 38303, "'s": 38304, "'an": 38305, "veterinarian": 38306, "unhurt": 38307, "tender": 38308, "treads": 38309, "standpoint": 38310, "simulac": 38311, "scholarships": 38312, "richness": 38313, "quavering": 38314, "propel": 38315, "priesthood": 38316, "plexus": 38317, "pilla": 38318, "pervasive": 38319, "overlaid": 38320, "modify": 38321, "mirah": 38322, "mier": 38323, "maestro": 38324, "louis": 38325, "knickknacks": 38326, "impetuous": 38327, "hefting": 38328, "evre": 38329, "elit": 38330, "dometer": 38331, "divers": 38332, "crusader": 38333, "crucified": 38334, "courtly": 38335, "colfax": 38336, "chad": 38337, "cello": 38338, "bombardment": 38339, "bjurman": 38340, "baw": 38341, "arbor": 38342, "amn": 38343, "aff": 38344, "65533": 38345, "3:00": 38346, "whip": 38347, "vampiri": 38348, "uppermost": 38349, "underlined": 38350, "unfulfilled": 38351, "translates": 38352, "thwack": 38353, "stunts": 38354, "stockton": 38355, "saxton": 38356, "rainforest": 38357, "piran": 38358, "looted": 38359, "lietta": 38360, "impostor": 38361, "hippo": 38362, "hiccups": 38363, "goku": 38364, "ghanima": 38365, "exiles": 38366, "electrifying": 38367, "eal": 38368, "durrant": 38369, "disgraced": 38370, "deniz": 38371, "dawsley": 38372, "cushy": 38373, "cosh": 38374, "cahal": 38375, "citing": 38376, "broudie": 38377, "armin": 38378, "accli": 38379, "45": 38380, "1970s": 38381, "woulda": 38382, "verdant": 38383, "tole": 38384, "taras": 38385, "steadier": 38386, "solidify": 38387, "skateboard": 38388, "reconciled": 38389, "reels": 38390, "pummel": 38391, "protestors": 38392, "plagues": 38393, "pitchers": 38394, "pilgrim": 38395, "obama": 38396, "mistreated": 38397, "mels": 38398, "mcdon": 38399, "marcos": 38400, "legislature": 38401, "leia": 38402, "lavatory": 38403, "kyra": 38404, "junkyard": 38405, "jory": 38406, "installing": 38407, "indiscretion": 38408, "gertie": 38409, "excursions": 38410, "evened": 38411, "crevas": 38412, "bru": 38413, "benedic": 38414, "beh": 38415, "arabella": 38416, "airk": 38417, "whacking": 38418, "uneth": 38419, "stott": 38420, "stewardess": 38421, "squelch": 38422, "shmi": 38423, "schwar": 38424, "sanctity": 38425, "railed": 38426, "pasha": 38427, "paged": 38428, "oprah": 38429, "oar": 38430, "megaphone": 38431, "meddle": 38432, "mako": 38433, "kelex": 38434, "impassa": 38435, "hollers": 38436, "handshakes": 38437, "grigori": 38438, "granu": 38439, "genealo": 38440, "gades": 38441, "felon": 38442, "eccentri": 38443, "dunn": 38444, "dodd": 38445, "diatri": 38446, "darice": 38447, "dlin": 38448, "crowning": 38449, "crock": 38450, "comprehended": 38451, "candlestick": 38452, "becks": 38453, "bj": 38454, "aton": 38455, "aphim": 38456, "aeria": 38457, "tersa": 38458, "tartan": 38459, "tys": 38460, "simulated": 38461, "riot": 38462, "regenerate": 38463, "rampaging": 38464, "quota": 38465, "prolonging": 38466, "primordial": 38467, "pocketing": 38468, "plaything": 38469, "pedaling": 38470, "neewa": 38471, "magnificently": 38472, "lightwood": 38473, "kelexel": 38474, "jenney": 38475, "interpreting": 38476, "indulgently": 38477, "graid": 38478, "garages": 38479, "extensions": 38480, "expands": 38481, "darth": 38482, "cussing": 38483, "confla": 38484, "brainless": 38485, "admissions": 38486, "1992": 38487, "10th": 38488, "willful": 38489, "symb": 38490, "swooning": 38491, "surmise": 38492, "strays": 38493, "spinster": 38494, "sc": 38495, "romer": 38496, "quelled": 38497, "prose": 38498, "pretzels": 38499, "portray": 38500, "pluggo": 38501, "optional": 38502, "nus": 38503, "masonic": 38504, "loveless": 38505, "lenient": 38506, "lauryn": 38507, "kanani": 38508, "jubilant": 38509, "iota": 38510, "inor": 38511, "hiccupped": 38512, "gendi": 38513, "geda": 38514, "flannery": 38515, "felice": 38516, "euro": 38517, "esperanza": 38518, "dua": 38519, "desiring": 38520, "dearie": 38521, "compart": 38522, "cheerfulness": 38523, "breakfasts": 38524, "bernam": 38525, "barcelona": 38526, "barbat": 38527, "bout": 38528, "autographs": 38529, "ankou": 38530, "aen": 38531, "vexed": 38532, "termed": 38533, "tats": 38534, "superstitions": 38535, "squats": 38536, "schematics": 38537, "osberg": 38538, "opulence": 38539, "osca": 38540, "mobiles": 38541, "miniskirt": 38542, "milly": 38543, "luccio": 38544, "lounger": 38545, "landline": 38546, "kimbra": 38547, "illustrate": 38548, "flourishing": 38549, "flaky": 38550, "fashionably": 38551, "enmity": 38552, "diversity": 38553, "detonator": 38554, "dgeon": 38555, "ctuchik": 38556, "corduroy": 38557, "buoy": 38558, "benefited": 38559, "barlow": 38560, "zeller": 38561, "zafira": 38562, "ttel": 38563, "tiered": 38564, "talmanes": 38565, "tout": 38566, "ssable": 38567, "socrates": 38568, "sinfully": 38569, "sanya": 38570, "romano": 38571, "relg": 38572, "realistically": 38573, "purged": 38574, "pricey": 38575, "potholes": 38576, "pindor": 38577, "overactive": 38578, "lusted": 38579, "locomotive": 38580, "lackey": 38581, "keycard": 38582, "hrer": 38583, "hounding": 38584, "golds": 38585, "fight": 38586, "exhibiting": 38587, "droid": 38588, "confessional": 38589, "clarisse": 38590, "centimeter": 38591, "caterpillar": 38592, "ashan": 38593, "artemisia": 38594, "academics": 38595, "ambling": 38596, "`t": 38597, "yvesant": 38598, "verandah": 38599, "unattached": 38600, "tuft": 38601, "trez": 38602, "tolnedran": 38603, "toya": 38604, "thistle": 38605, "stuyvesant": 38606, "somes": 38607, "soo": 38608, "slingshot": 38609, "sightless": 38610, "shrivel": 38611, "sheared": 38612, "seizures": 38613, "rowboat": 38614, "rapha": 38615, "perdita": 38616, "nie": 38617, "napa": 38618, "mongol": 38619, "maths": 38620, "licenses": 38621, "kino": 38622, "jera": 38623, "janica": 38624, "jams": 38625, "jour": 38626, "inflatable": 38627, "inaccurate": 38628, "fruitful": 38629, "fancies": 38630, "excellence": 38631, "etruscan": 38632, "cradles": 38633, "cellophane": 38634, "casted": 38635, "bise": 38636, "baz": 38637, "admittance": 38638, "aceous": 38639, "wolverine": 38640, "wagner": 38641, "venator": 38642, "unclipped": 38643, "torren": 38644, "substitu": 38645, "susta": 38646, "sturi": 38647, "storia": 38648, "stele": 38649, "speedometer": 38650, "showroom": 38651, "shala": 38652, "runcit": 38653, "rhymes": 38654, "reportedly": 38655, "reboot": 38656, "partied": 38657, "overpass": 38658, "namesake": 38659, "muslin": 38660, "morgoth": 38661, "mimbre": 38662, "midd": 38663, "mathematician": 38664, "lucille": 38665, "latianna": 38666, "jenson": 38667, "informative": 38668, "incite": 38669, "hobart": 38670, "googled": 38671, "giddiness": 38672, "foraging": 38673, "faulkner": 38674, "emil": 38675, "deduction": 38676, "deduce": 38677, "coag": 38678, "caligula": 38679, "barris": 38680, "appal": 38681, "administrators": 38682, "accumulating": 38683, ".d.": 38684, "xane": 38685, "winthrop": 38686, "runciter": 38687, "roni": 38688, "reconstruction": 38689, "pronouncing": 38690, "painters": 38691, "omitted": 38692, "northwestern": 38693, "nenzi": 38694, "nam": 38695, "minx": 38696, "jobe": 38697, "jasmin": 38698, "inating": 38699, "houn": 38700, "harc": 38701, "grisha": 38702, "gisk": 38703, "gendibal": 38704, "genna": 38705, "gases": 38706, "freda": 38707, "favoring": 38708, "fares": 38709, "dundee": 38710, "dues": 38711, "draperies": 38712, "dislikes": 38713, "denizens": 38714, "delgado": 38715, "dei": 38716, "daelin": 38717, "counteract": 38718, "communists": 38719, "cheeri": 38720, "cannibals": 38721, "boating": 38722, "barabas": 38723, "allegra": 38724, "xanetia": 38725, "whirls": 38726, "walwain": 38727, "vorbis": 38728, "uther": 38729, "trapper": 38730, "tero": 38731, "svengaard": 38732, "stalactites": 38733, "stafford": 38734, "sporad": 38735, "porches": 38736, "parent": 38737, "ovens": 38738, "migrated": 38739, "magma": 38740, "lson": 38741, "j.l.": 38742, "inventive": 38743, "imbued": 38744, "hodge": 38745, "hila": 38746, "gorman": 38747, "frigates": 38748, "fredo": 38749, "eyeglasses": 38750, "evil": 38751, "emulate": 38752, "dexterity": 38753, "coincidentally": 38754, "chauvin": 38755, "carport": 38756, "bowler": 38757, "boggling": 38758, "bion": 38759, "banni": 38760, "bagels": 38761, "waldo": 38762, "vulcan": 38763, "unknowns": 38764, "twit": 38765, "teleportation": 38766, "tarvik": 38767, "sporadically": 38768, "soro": 38769, "soho": 38770, "rolfe": 38771, "pelts": 38772, "panga": 38773, "padme": 38774, "metaphorically": 38775, "marsden": 38776, "lobb": 38777, "lios": 38778, "leased": 38779, "irrefu": 38780, "gle": 38781, "fracti": 38782, "ferryman": 38783, "fag": 38784, "euri": 38785, "derog": 38786, "dank": 38787, "courteously": 38788, "courted": 38789, "cawley": 38790, "bough": 38791, "arctor": 38792, "accompanim": 38793, "91": 38794, "1989": 38795, "whiteboard": 38796, "vector": 38797, "sterity": 38798, "sombre": 38799, "schoolwork": 38800, "saudi": 38801, "renegades": 38802, "regulate": 38803, "razia": 38804, "pyotr": 38805, "nuke": 38806, "nordic": 38807, "modeled": 38808, "maki": 38809, "luken": 38810, "loin": 38811, "jitters": 38812, "jiggle": 38813, "instability": 38814, "indeterminate": 38815, "inex": 38816, "holsters": 38817, "garreth": 38818, "fliers": 38819, "doll": 38820, "defendants": 38821, "dalya": 38822, "coached": 38823, "chavez": 38824, "bolstered": 38825, "ario": 38826, "1988": 38827, "waff": 38828, "voyeur": 38829, "utilities": 38830, "unplanned": 38831, "threes": 38832, "theatrically": 38833, "tfulness": 38834, "syringes": 38835, "spoilt": 38836, "slicker": 38837, "shushing": 38838, "scenting": 38839, "shim": 38840, "repress": 38841, "predawn": 38842, "pocked": 38843, "piloting": 38844, "panorama": 38845, "palate": 38846, "outbuildings": 38847, "obituary": 38848, "odeen": 38849, "nori": 38850, "noncommittally": 38851, "misinterpreted": 38852, "lovebirds": 38853, "inexperience": 38854, "hydraulic": 38855, "hunch": 38856, "freya": 38857, "fertilizer": 38858, "enquiries": 38859, "dragonfly": 38860, "discrimination": 38861, "deere": 38862, "cures": 38863, "contradictions": 38864, "commandos": 38865, "coworker": 38866, "claudette": 38867, "buttock": 38868, "bribery": 38869, "benton": 38870, "augustine": 38871, "aberr": 38872, "weeding": 38873, "trilli": 38874, "torrential": 38875, "stirrings": 38876, "somo": 38877, "skier": 38878, "shiva": 38879, "scribes": 38880, "rix": 38881, "residency": 38882, "racid": 38883, "oi": 38884, "nanosecond": 38885, "mul": 38886, "matics": 38887, "maggot": 38888, "kha": 38889, "inexorable": 38890, "hilli": 38891, "herst": 38892, "gummy": 38893, "formulating": 38894, "forgery": 38895, "fluidly": 38896, "fien": 38897, "eldon": 38898, "dgett": 38899, "crouches": 38900, "cremated": 38901, "chus": 38902, "calhoun": 38903, "blobs": 38904, "assigning": 38905, "amherst": 38906, "23": 38907, "zael": 38908, "whu": 38909, "vd": 38910, "unethical": 38911, "uninhabited": 38912, "tyra": 38913, "shockwave": 38914, "sculptor": 38915, "saurus": 38916, "sgt": 38917, "roderick": 38918, "rainstorm": 38919, "quenched": 38920, "prevailing": 38921, "porcu": 38922, "peroxide": 38923, "pah": 38924, "mistle": 38925, "meg": 38926, "materializing": 38927, "maci": 38928, "liverpool": 38929, "legate": 38930, "kreturus": 38931, "jot": 38932, "iiii": 38933, "ivor": 38934, "ido": 38935, "hourly": 38936, "heft": 38937, "gorged": 38938, "fulfil": 38939, "flavio": 38940, "envelop": 38941, "entrance": 38942, "denser": 38943, "creators": 38944, "cht": 38945, "buffo": 38946, "akasha": 38947, "willim": 38948, "unpaid": 38949, "ribbed": 38950, "recklessness": 38951, "resin": 38952, "renic": 38953, "rean": 38954, "ravaging": 38955, "octavian": 38956, "nato": 38957, "moonshine": 38958, "kind": 38959, "hookup": 38960, "historically": 38961, "habitable": 38962, "footfall": 38963, "d\u00e9j": 38964, "dorians": 38965, "diced": 38966, "depl": 38967, "deferred": 38968, "cheque": 38969, "carmel": 38970, "ction": 38971, "burgess": 38972, "boardinghouse": 38973, "belgium": 38974, "ashra": 38975, "yelps": 38976, "worktable": 38977, "triplets": 38978, "switchboard": 38979, "staffs": 38980, "sociable": 38981, "shite": 38982, "septon": 38983, "scimit": 38984, "sear": 38985, "quavered": 38986, "ophelia": 38987, "offenders": 38988, "nav": 38989, "laughingly": 38990, "lale": 38991, "kealey": 38992, "jaret": 38993, "ironi": 38994, "hideki": 38995, "heaviest": 38996, "grovel": 38997, "glaci": 38998, "ethic": 38999, "dezh": 39000, "delegate": 39001, "conyn": 39002, "chardonnay": 39003, "celli": 39004, "cctv": 39005, "captures": 39006, "calea": 39007, "busy": 39008, "advent": 39009, "zardin": 39010, "vell": 39011, "uprooted": 39012, "unrequited": 39013, "uter": 39014, "turnoff": 39015, "switchblade": 39016, "stalag": 39017, "spam": 39018, "sheerin": 39019, "rainer": 39020, "propeller": 39021, "prewitt": 39022, "pierces": 39023, "paren": 39024, "nutrients": 39025, "muff": 39026, "llan": 39027, "kitsune": 39028, "kevlar": 39029, "kau": 39030, "inconveni": 39031, "impassable": 39032, "hooli": 39033, "hightower": 39034, "habala": 39035, "gens": 39036, "garber": 39037, "gnak": 39038, "eyrie": 39039, "evanna": 39040, "ete": 39041, "diggs": 39042, "dama": 39043, "d'oeuv": 39044, "copyrighted": 39045, "contessa": 39046, "chihu": 39047, "chartered": 39048, "bristly": 39049, "beetho": 39050, "annihilate": 39051, "zah": 39052, "velcro": 39053, "typho": 39054, "tooty": 39055, "tinder": 39056, "ticals": 39057, "theaters": 39058, "stewing": 39059, "squelched": 39060, "snowflake": 39061, "slopp": 39062, "sandre": 39063, "rossi": 39064, "reefer": 39065, "resolving": 39066, "radiates": 39067, "pug": 39068, "prism": 39069, "neurotic": 39070, "nmost": 39071, "miscre": 39072, "mcgil": 39073, "loveliness": 39074, "lonia": 39075, "khalil": 39076, "hedge": 39077, "fraterni": 39078, "fetus": 39079, "encore": 39080, "databases": 39081, "convulse": 39082, "covens": 39083, "cels": 39084, "bureaucrats": 39085, "berate": 39086, "beethoven": 39087, "bbins": 39088, "zell": 39089, "xironi": 39090, "wei": 39091, "vish": 39092, "vampirism": 39093, "tweaking": 39094, "tinkering": 39095, "temptations": 39096, "strato": 39097, "snapshots": 39098, "shuff": 39099, "sallie": 39100, "rik": 39101, "reptiles": 39102, "rears": 39103, "motivate": 39104, "motherfuckers": 39105, "metamorphosis": 39106, "isi": 39107, "irina": 39108, "interlocking": 39109, "invoice": 39110, "incorri": 39111, "ilona": 39112, "grapevine": 39113, "galvin": 39114, "fittings": 39115, "facet": 39116, "explicitly": 39117, "eww": 39118, "digby": 39119, "diarr": 39120, "depravity": 39121, "deliriously": 39122, "demp": 39123, "chimaera": 39124, "burrito": 39125, "transgressions": 39126, "sunflower": 39127, "spokesman": 39128, "spitfire": 39129, "spattering": 39130, "sojour": 39131, "retrace": 39132, "pril": 39133, "plex": 39134, "pipel": 39135, "persecution": 39136, "patrolman": 39137, "muddle": 39138, "morocco": 39139, "mordred": 39140, "mistletoe": 39141, "mistborn": 39142, "misfits": 39143, "militant": 39144, "migh": 39145, "marianna": 39146, "indispensable": 39147, "hesitancy": 39148, "handhold": 39149, "firework": 39150, "ferra": 39151, "d\u00e9j\u00e0": 39152, "dousing": 39153, "discrete": 39154, "deafened": 39155, "daley": 39156, "counci": 39157, "bara": 39158, "wearer": 39159, "utilizing": 39160, "thic": 39161, "teley": 39162, "sweeper": 39163, "sumner": 39164, "subpo": 39165, "staid": 39166, "sheik": 39167, "rigby": 39168, "rebut": 39169, "noveli": 39170, "nicks": 39171, "mulligan": 39172, "muldoon": 39173, "mince": 39174, "melko": 39175, "lief": 39176, "kele": 39177, "jfk": 39178, "impasse": 39179, "immigrant": 39180, "graci": 39181, "grander": 39182, "gatlin": 39183, "founders": 39184, "erris": 39185, "entiary": 39186, "enot": 39187, "dummies": 39188, "dredged": 39189, "cresting": 39190, "councilor": 39191, "consecutive": 39192, "conducive": 39193, "concur": 39194, "condos": 39195, "clothes": 39196, "ceilinged": 39197, "bians": 39198, "balac": 39199, "bagu": 39200, "accords": 39201, "........": 39202, "zemo": 39203, "zali": 39204, "wham": 39205, "undesirable": 39206, "unadorned": 39207, "trill": 39208, "transc": 39209, "tippy": 39210, "tiff": 39211, "stoplight": 39212, "snub": 39213, "retch": 39214, "quinc": 39215, "plops": 39216, "peeps": 39217, "obsessively": 39218, "milked": 39219, "marron": 39220, "maser": 39221, "mwc": 39222, "lyin": 39223, "lorren": 39224, "lennie": 39225, "laleh": 39226, "kare": 39227, "gorillas": 39228, "eventful": 39229, "draco": 39230, "dania": 39231, "companionway": 39232, "chimp": 39233, "charka": 39234, "certainties": 39235, "cartilage": 39236, "brinker": 39237, "brazier": 39238, "beached": 39239, "balk": 39240, "avenged": 39241, "ashedly": 39242, "alvarez": 39243, "asparag": 39244, "yad": 39245, "whitmere": 39246, "transporter": 39247, "timo": 39248, "subservient": 39249, "sinners": 39250, "shingle": 39251, "scro": 39252, "rutle": 39253, "rigs": 39254, "razors": 39255, "ryel": 39256, "porcupine": 39257, "parisian": 39258, "parcels": 39259, "marquette": 39260, "md": 39261, "k'las": 39262, "hin": 39263, "hed": 39264, "gibbs": 39265, "figurine": 39266, "field": 39267, "especial": 39268, "drust": 39269, "auer": 39270, "appendix": 39271, "androids": 39272, "afire": 39273, "accompaniment": 39274, "accessing": 39275, "zad": 39276, "yellowing": 39277, "understandings": 39278, "unsnapped": 39279, "uly": 39280, "tweak": 39281, "tuxe": 39282, "terrifies": 39283, "tvs": 39284, "sympathies": 39285, "swood": 39286, "stretchy": 39287, "steers": 39288, "stargazer": 39289, "spherical": 39290, "sonis": 39291, "sodium": 39292, "ruthlessness": 39293, "overruled": 39294, "oscagne": 39295, "ophy": 39296, "omani": 39297, "osp": 39298, "oc": 39299, "nicko": 39300, "mio": 39301, "mauve": 39302, "mandate": 39303, "lott": 39304, "lem": 39305, "kegs": 39306, "klan": 39307, "heats": 39308, "harmonic": 39309, "giskard": 39310, "evoke": 39311, "edict": 39312, "don'": 39313, "dolent": 39314, "disquali": 39315, "culmination": 39316, "creams": 39317, "coulda": 39318, "conceding": 39319, "comfortingly": 39320, "catty": 39321, "carrick": 39322, "buda": 39323, "bordeaux": 39324, "bluntness": 39325, "aspiring": 39326, "asparagus": 39327, "antiquated": 39328, "1999": 39329, "1968": 39330, "welds": 39331, "vlod": 39332, "undertaker": 39333, "undignified": 39334, "surveys": 39335, "steiner": 39336, "stapo": 39337, "siberia": 39338, "sculpt": 39339, "scandalized": 39340, "scion": 39341, "sayings": 39342, "sardines": 39343, "sansonis": 39344, "reduction": 39345, "passwords": 39346, "notre": 39347, "nock": 39348, "meister": 39349, "liana": 39350, "lachesis": 39351, "homeroom": 39352, "gryphon": 39353, "gladiator": 39354, "getup": 39355, "geramn": 39356, "fru": 39357, "encumbered": 39358, "enberg": 39359, "elix": 39360, "disloyal": 39361, "dianne": 39362, "decomposing": 39363, "crawler": 39364, "compartmen": 39365, "catapult": 39366, "catali": 39367, "cataliades": 39368, "carth": 39369, "caging": 39370, "billion": 39371, "balances": 39372, "animously": 39373, "anghar": 39374, "wellbeing": 39375, "weepy": 39376, "trenna": 39377, "toth": 39378, "thrills": 39379, "submachine": 39380, "stof": 39381, "spiffy": 39382, "sapped": 39383, "registry": 39384, "prophetic": 39385, "outspoken": 39386, "orette": 39387, "ondra": 39388, "millard": 39389, "knowles": 39390, "intre": 39391, "grudges": 39392, "gamm": 39393, "filipino": 39394, "eller": 39395, "eee": 39396, "distributing": 39397, "burners": 39398, "boos": 39399, "bebe": 39400, "bayonet": 39401, "basque": 39402, "bander": 39403, "affiliation": 39404, "adep": 39405, ".........": 39406, "woolsey": 39407, "wholesale": 39408, "wah": 39409, "transfusion": 39410, "that's": 39411, "sedona": 39412, "scotia": 39413, "querque": 39414, "pimples": 39415, "pickings": 39416, "picnic": 39417, "patchy": 39418, "olwen": 39419, "mikkel": 39420, "medea": 39421, "mcdermott": 39422, "lozan": 39423, "lick": 39424, "lau": 39425, "kickass": 39426, "juggle": 39427, "intoxication": 39428, "indignity": 39429, "infrequent": 39430, "ishan": 39431, "honourable": 39432, "homosexual": 39433, "guilietta": 39434, "giddeon": 39435, "flatbed": 39436, "flounced": 39437, "evich": 39438, "droves": 39439, "connors": 39440, "blocky": 39441, "alorns": 39442, "whide": 39443, "vacantly": 39444, "twos": 39445, "ted": 39446, "sectional": 39447, "scuff": 39448, "satiny": 39449, "sass": 39450, "sford": 39451, "riverbed": 39452, "predecessors": 39453, "parnell": 39454, "nassau": 39455, "murk": 39456, "motels": 39457, "meanest": 39458, "maud": 39459, "massed": 39460, "kaya": 39461, "isara": 39462, "invitingly": 39463, "harpo": 39464, "grapefruit": 39465, "graders": 39466, "extraterrestrial": 39467, "consultants": 39468, "chihuahu": 39469, "cabe": 39470, "beaks": 39471, "anyi": 39472, "antibiotic": 39473, "aetheric": 39474, "additionally": 39475, "acknowledges": 39476, "1945": 39477, "17th": 39478, "whitfield": 39479, "wulf": 39480, "unfasten": 39481, "tunstell": 39482, "skewer": 39483, "sheemie": 39484, "slinked": 39485, "ridge": 39486, "reputed": 39487, "rex": 39488, "replaces": 39489, "raguel": 39490, "raffe": 39491, "quail": 39492, "provocatively": 39493, "phlegm": 39494, "ophone": 39495, "olivier": 39496, "orese": 39497, "majo": 39498, "lyla": 39499, "ledges": 39500, "lawman": 39501, "kitka": 39502, "jamey": 39503, "ivanov": 39504, "imbedded": 39505, "haakon": 39506, "flighty": 39507, "dorado": 39508, "discordant": 39509, "detest": 39510, "cynically": 39511, "custard": 39512, "cooperated": 39513, "cait": 39514, "budapest": 39515, "bonfires": 39516, "bacterial": 39517, "allergy": 39518, "5'": 39519, "venerable": 39520, "ucla": 39521, "tassels": 39522, "sociopath": 39523, "shrew": 39524, "satiated": 39525, "rephrase": 39526, "performs": 39527, "oreseur": 39528, "minefield": 39529, "laminated": 39530, "indigestion": 39531, "identifiable": 39532, "hardt": 39533, "hallor": 39534, "goin": 39535, "gari": 39536, "exclaiming": 39537, "disquieting": 39538, "disgustingly": 39539, "discredit": 39540, "diablo": 39541, "darklings": 39542, "chucks": 39543, "chalmers": 39544, "cathar": 39545, "buoyant": 39546, "barnett": 39547, "bating": 39548, "aviators": 39549, "agonizingly": 39550, "360": 39551, "2006": 39552, "winslow": 39553, "westfield": 39554, "welton": 39555, "varnished": 39556, "theori": 39557, "spluttering": 39558, "soji": 39559, "slum": 39560, "shirtsleeves": 39561, "sack": 39562, "rilse": 39563, "rhudd": 39564, "pelorat": 39565, "norwe": 39566, "manson": 39567, "louisville": 39568, "lichen": 39569, "leafing": 39570, "jerkin": 39571, "jho": 39572, "itry": 39573, "incendiary": 39574, "halts": 39575, "gusting": 39576, "geeks": 39577, "finite": 39578, "festooned": 39579, "fda": 39580, "electrocuted": 39581, "elysi": 39582, "destitute": 39583, "demer": 39584, "couldn't": 39585, "chillings": 39586, "cepan": 39587, "cations": 39588, "biggie": 39589, "better": 39590, "baum": 39591, "avidly": 39592, "assimilate": 39593, "arissa": 39594, "antimatter": 39595, "anthology": 39596, "americas": 39597, "acrob": 39598, "absorption": 39599, "avia": 39600, "2003": 39601, "torpedoes": 39602, "tad": 39603, "supplication": 39604, "sasuke": 39605, "refr": 39606, "ph.d.": 39607, "onism": 39608, "ongs": 39609, "nied": 39610, "neighbouring": 39611, "mun": 39612, "mormon": 39613, "maran": 39614, "malignant": 39615, "lyal": 39616, "lobsang": 39617, "lien": 39618, "kahira": 39619, "jerrod": 39620, "jes": 39621, "indigene": 39622, "hostilities": 39623, "friendlier": 39624, "flaherty": 39625, "erine": 39626, "drys": 39627, "disengage": 39628, "dire": 39629, "culation": 39630, "corrigan": 39631, "corrections": 39632, "commoners": 39633, "ceaseless": 39634, "banishment": 39635, "alcander": 39636, "5:00": 39637, "vogue": 39638, "twer": 39639, "tamar": 39640, "stonework": 39641, "somethin": 39642, "smallish": 39643, "shayla": 39644, "rhuddlan": 39645, "reverting": 39646, "rainbird": 39647, "raps": 39648, "priss": 39649, "ppies": 39650, "perplex": 39651, "mogadorians": 39652, "migration": 39653, "mezz": 39654, "lenz": 39655, "ledgers": 39656, "laundro": 39657, "labelled": 39658, "kaylor": 39659, "josette": 39660, "impacts": 39661, "humanitarian": 39662, "gallantly": 39663, "fletch": 39664, "extortion": 39665, "expulsion": 39666, "cudg": 39667, "conform": 39668, "competitions": 39669, "clat": 39670, "bologna": 39671, "billing": 39672, "bels": 39673, "assia": 39674, "appoint": 39675, "antebellum": 39676, "alteration": 39677, "albuquerque": 39678, "15th": 39679, "zig": 39680, "zap": 39681, "wanly": 39682, "vaporized": 39683, "traversing": 39684, "transgression": 39685, "titania": 39686, "tireless": 39687, "taw": 39688, "shrilly": 39689, "rochelle": 39690, "porte": 39691, "peat": 39692, "party": 39693, "morgenstern": 39694, "miyuki": 39695, "manfist": 39696, "manchee": 39697, "izumi": 39698, "hungrier": 39699, "huw": 39700, "honing": 39701, "haggis": 39702, "godwin": 39703, "freakish": 39704, "feminist": 39705, "esoteric": 39706, "dubai": 39707, "doppelganger": 39708, "doctorate": 39709, "doves": 39710, "detergent": 39711, "czech": 39712, "cordoned": 39713, "commuters": 39714, "clim": 39715, "belial": 39716, "anonymously": 39717, "amaya": 39718, "withers": 39719, "untucked": 39720, "tokens": 39721, "topo": 39722, "smarting": 39723, "sidra": 39724, "sette": 39725, "romp": 39726, "preserves": 39727, "poncho": 39728, "pates": 39729, "pinging": 39730, "nfl": 39731, "matson": 39732, "maintains": 39733, "kos": 39734, "justly": 39735, "irma": 39736, "interlaced": 39737, "genitals": 39738, "emory": 39739, "dibs": 39740, "davie": 39741, "conju": 39742, "compression": 39743, "clinched": 39744, "chimpan": 39745, "bublan": 39746, "bublanski": 39747, "beaker": 39748, "baal": 39749, "arun": 39750, "anointed": 39751, "akane": 39752, "yoshi": 39753, "xenides": 39754, "wuz": 39755, "wreaking": 39756, "wielder": 39757, "walkin": 39758, "wes": 39759, "toasting": 39760, "synon": 39761, "stos": 39762, "spicer": 39763, "shambling": 39764, "ridding": 39765, "repellent": 39766, "reich": 39767, "quincey": 39768, "pps": 39769, "plastering": 39770, "peacemaker": 39771, "nachos": 39772, "mutton": 39773, "minutely": 39774, "mimed": 39775, "mcpherson": 39776, "mal'": 39777, "llia": 39778, "kyrin": 39779, "katharine": 39780, "jostle": 39781, "implemented": 39782, "honorary": 39783, "hellhounds": 39784, "graciela": 39785, "gordian": 39786, "goran": 39787, "frederick": 39788, "eyeful": 39789, "evra": 39790, "electronically": 39791, "drowsily": 39792, "disrepair": 39793, "derogatory": 39794, "brunswick": 39795, "bogey": 39796, "azriel": 39797, "arius": 39798, "alton": 39799, "aba": 39800, "2002": 39801, "woodsy": 39802, "upsets": 39803, "unfairly": 39804, "trends": 39805, "thop": 39806, "tet": 39807, "squishing": 39808, "socked": 39809, "shorten": 39810, "rocin": 39811, "rocinante": 39812, "rhodar": 39813, "pretenses": 39814, "photocopying": 39815, "monsignor": 39816, "minstrel": 39817, "meelix": 39818, "mandi": 39819, "maliciously": 39820, "macduff": 39821, "laziness": 39822, "kash": 39823, "jinks": 39824, "ia": 39825, "hokar": 39826, "havens": 39827, "hams": 39828, "grapple": 39829, "francs": 39830, "flanders": 39831, "farts": 39832, "fantastical": 39833, "editions": 39834, "eben": 39835, "cornelia": 39836, "composite": 39837, "commandments": 39838, "chao": 39839, "canvases": 39840, "canceling": 39841, "blowjob": 39842, "blaed": 39843, "berserker": 39844, "bartie": 39845, "audit": 39846, "alum": 39847, "affirm": 39848, "aeg": 39849, "varys": 39850, "tripled": 39851, "trainee": 39852, "sluagh": 39853, "shef": 39854, "revolve": 39855, "randa": 39856, "permitting": 39857, "peppering": 39858, "oneness": 39859, "munch": 39860, "mortuary": 39861, "measurement": 39862, "lovell": 39863, "lifemates": 39864, "labia": 39865, "ismae": 39866, "implicated": 39867, "iman": 39868, "harker": 39869, "geographic": 39870, "gateways": 39871, "gaol": 39872, "gadara": 39873, "flammable": 39874, "enquiry": 39875, "endorsement": 39876, "elevate": 39877, "draven": 39878, "dik": 39879, "delighting": 39880, "cullo": 39881, "critic": 39882, "begotten": 39883, "athi": 39884, "aldur": 39885, "adorably": 39886, "adar": 39887, "williamson": 39888, "vertebrae": 39889, "turally": 39890, "transient": 39891, "thunderclap": 39892, "tendon": 39893, "teas": 39894, "spidery": 39895, "somadina": 39896, "svet": 39897, "redoubt": 39898, "redoubled": 39899, "ravish": 39900, "pressuring": 39901, "prenti": 39902, "portugal": 39903, "overcrowded": 39904, "outer": 39905, "oso": 39906, "mouthwatering": 39907, "mille": 39908, "llama": 39909, "lank": 39910, "krager": 39911, "kowi": 39912, "invader": 39913, "incorrigible": 39914, "haywire": 39915, "grimm": 39916, "gaul": 39917, "fraying": 39918, "fornic": 39919, "faraday": 39920, "false": 39921, "ekial": 39922, "distinguishing": 39923, "differed": 39924, "deflate": 39925, "claw": 39926, "chevro": 39927, "cham": 39928, "brigadier": 39929, "boner": 39930, "valves": 39931, "tycoon": 39932, "ticklish": 39933, "therapists": 39934, "specifications": 39935, "siferra": 39936, "selby": 39937, "roi": 39938, "reeks": 39939, "quietness": 39940, "o'reilly": 39941, "mummi": 39942, "moniker": 39943, "minias": 39944, "mammals": 39945, "lof": 39946, "leandro": 39947, "lacerations": 39948, "laboriously": 39949, "iranian": 39950, "intuitively": 39951, "instigated": 39952, "hornet": 39953, "headland": 39954, "full": 39955, "ekstrom": 39956, "durable": 39957, "dosage": 39958, "crooning": 39959, "continuity": 39960, "consumer": 39961, "charmingly": 39962, "brannigan": 39963, "belching": 39964, "beppe": 39965, "alok": 39966, "admirably": 39967, "accumulate": 39968, "zillion": 39969, "yarblek": 39970, "wyman": 39971, "vitale": 39972, "unobtrusive": 39973, "trilled": 39974, "tommen": 39975, "syca": 39976, "sneezing": 39977, "rutledge": 39978, "riq": 39979, "reassurances": 39980, "poppet": 39981, "polter": 39982, "plaintively": 39983, "piracy": 39984, "passively": 39985, "orita": 39986, "nwanyi": 39987, "mog": 39988, "menag": 39989, "kevik": 39990, "honky": 39991, "fiers": 39992, "etching": 39993, "develops": 39994, "demeaning": 39995, "daycare": 39996, "dm": 39997, "cornwall": 39998, "cornfield": 39999, "comparatively": 40000, "christen": 40001, "chip": 40002, "camelot": 40003, "britt": 40004, "aquamarine": 40005, "apolly": 40006, "aquil": 40007, "1960": 40008, "10.": 40009, "weedy": 40010, "venues": 40011, "tellers": 40012, "swimmers": 40013, "swal": 40014, "stenciled": 40015, "sideline": 40016, "rawlins": 40017, "quilted": 40018, "proprietary": 40019, "pianist": 40020, "phallo": 40021, "pedophi": 40022, "pathi": 40023, "ohh": 40024, "lizar": 40025, "liu": 40026, "lamar": 40027, "kalyn": 40028, "inset": 40029, "impressing": 40030, "heredit": 40031, "harmonia": 40032, "gymnastics": 40033, "gabron": 40034, "flagging": 40035, "fissures": 40036, "d\u00e9lin": 40037, "dislodging": 40038, "curs": 40039, "congressional": 40040, "conflagration": 40041, "covington": 40042, "climbers": 40043, "bloodhound": 40044, "blemish": 40045, "bitty": 40046, "belated": 40047, "bdsm": 40048, "adalynn": 40049, "wilbur": 40050, "welding": 40051, "vitch": 40052, "venez": 40053, "uman": 40054, "tinu": 40055, "sundae": 40056, "sho": 40057, "sarai": 40058, "ridg": 40059, "replete": 40060, "rainfall": 40061, "prian": 40062, "penlight": 40063, "peal": 40064, "ostrich": 40065, "olympian": 40066, "mustering": 40067, "maul": 40068, "lund": 40069, "levitated": 40070, "kohler": 40071, "keech": 40072, "kaden": 40073, "infancy": 40074, "indom": 40075, "imagines": 40076, "humbling": 40077, "hodges": 40078, "hmmmm": 40079, "gole": 40080, "gam": 40081, "elas": 40082, "edric": 40083, "cued": 40084, "craters": 40085, "couldna": 40086, "concessions": 40087, "cleaved": 40088, "browse": 40089, "boh": 40090, "blogs": 40091, "blearily": 40092, "belgian": 40093, "bards": 40094, "atton": 40095, "arte": 40096, "ambar": 40097, "abdominal": 40098, "workload": 40099, "waway": 40100, "variable": 40101, "tunneled": 40102, "transplan": 40103, "tittered": 40104, "syrup": 40105, "smoothie": 40106, "sigil": 40107, "sept": 40108, "recuperate": 40109, "readout": 40110, "rankin": 40111, "overpriced": 40112, "omg": 40113, "oleg": 40114, "newcastle": 40115, "neapolis": 40116, "meted": 40117, "loin": 40118, "lafleur": 40119, "kayleigh": 40120, "hangman": 40121, "handprint": 40122, "guji": 40123, "grates": 40124, "goldie": 40125, "got": 40126, "ggy": 40127, "frail": 40128, "fah": 40129, "extricated": 40130, "entranceway": 40131, "emanate": 40132, "egon": 40133, "dweller": 40134, "drich": 40135, "doin": 40136, "dispassionately": 40137, "continuum": 40138, "cloned": 40139, "city": 40140, "beginner": 40141, "banjo": 40142, "arabia": 40143, "anthine": 40144, "accountants": 40145, "above": 40146, "yas": 40147, "withstood": 40148, "vores": 40149, "vacancy": 40150, "tty": 40151, "tristian": 40152, "thunderbird": 40153, "tageous": 40154, "slotted": 40155, "shoebox": 40156, "scha": 40157, "rellos": 40158, "ref": 40159, "rationale": 40160, "prosecute": 40161, "prohibition": 40162, "obliterating": 40163, "ning": 40164, "morbi": 40165, "liter": 40166, "lanc": 40167, "lally": 40168, "kerrin": 40169, "jad": 40170, "interviewer": 40171, "infections": 40172, "impartial": 40173, "heroism": 40174, "dres": 40175, "downy": 40176, "discretely": 40177, "disciplinary": 40178, "deepens": 40179, "cheapest": 40180, "casualness": 40181, "carat": 40182, "borns": 40183, "beguiling": 40184, "arron": 40185, "20s": 40186, "1969": 40187, "1960s": 40188, "zoning": 40189, "writ": 40190, "universally": 40191, "unfurling": 40192, "unparalleled": 40193, "unerr": 40194, "terminology": 40195, "tablecloths": 40196, "suicides": 40197, "sandstorm": 40198, "sammael": 40199, "receptacle": 40200, "redo": 40201, "preemp": 40202, "overland": 40203, "muri": 40204, "mphed": 40205, "ingested": 40206, "glassed": 40207, "foursome": 40208, "favoured": 40209, "disillusioned": 40210, "diplomatically": 40211, "cutoff": 40212, "cutie": 40213, "commoner": 40214, "cob": 40215, "casks": 40216, "breyden": 40217, "brin": 40218, "bestial": 40219, "barbados": 40220, "ason": 40221, "arphallo": 40222, "angarak": 40223, "978": 40224, "1950": 40225, "wyvern": 40226, "vittorio": 40227, "vied": 40228, "unreachable": 40229, "unerringly": 40230, "underling": 40231, "unfairness": 40232, "surreptitious": 40233, "stephens": 40234, "sponsors": 40235, "splatters": 40236, "she'd": 40237, "shallowly": 40238, "schizophrenic": 40239, "sapling": 40240, "ryeland": 40241, "rosett": 40242, "prose": 40243, "plunger": 40244, "pique": 40245, "physiology": 40246, "ponal": 40247, "needful": 40248, "napped": 40249, "majors": 40250, "mance": 40251, "kering": 40252, "inundated": 40253, "gwyneth": 40254, "guide": 40255, "exorbit": 40256, "excrement": 40257, "edin": 40258, "dodgy": 40259, "disorient": 40260, "cuddly": 40261, "chicky": 40262, "bypassing": 40263, "browncoat": 40264, "bowmen": 40265, "bogan": 40266, "beckons": 40267, "battleship": 40268, "associations": 40269, "apollymi": 40270, "amaranthine": 40271, "yah": 40272, "woodlands": 40273, "uppity": 40274, "twitter": 40275, "theri": 40276, "tener": 40277, "spasming": 40278, "sidestepping": 40279, "sana": 40280, "rejoicing": 40281, "palpit": 40282, "o'flan": 40283, "notification": 40284, "mitts": 40285, "miniaturization": 40286, "makings": 40287, "longev": 40288, "leeza": 40289, "lamppost": 40290, "kropp": 40291, "joaquin": 40292, "intrepid": 40293, "immeasurable": 40294, "hereditary": 40295, "haines": 40296, "hounded": 40297, "georgiana": 40298, "franchise": 40299, "foci": 40300, "elhokar": 40301, "dullsville": 40302, "dancy": 40303, "dapper": 40304, "dities": 40305, "couture": 40306, "chings": 40307, "callers": 40308, "cayden": 40309, "burped": 40310, "brainstor": 40311, "anine": 40312, "albat": 40313, "13th": 40314, "trooped": 40315, "theronai": 40316, "syrupy": 40317, "setrakian": 40318, "samil": 40319, "plop": 40320, "personified": 40321, "outset": 40322, "naq": 40323, "limbed": 40324, "leban": 40325, "lallybroch": 40326, "juvie": 40327, "jogs": 40328, "jerkily": 40329, "invali": 40330, "ilene": 40331, "grubbs": 40332, "gouges": 40333, "geniuses": 40334, "eny": 40335, "elaida": 40336, "downriver": 40337, "degenerate": 40338, "crypto": 40339, "colbie": 40340, "cogni": 40341, "cheri": 40342, "catcalls": 40343, "brews": 40344, "beezer": 40345, "asunder": 40346, "asin": 40347, "abhorrent": 40348, "zova": 40349, "zovastina": 40350, "volcanoes": 40351, "volos": 40352, "villan": 40353, "urd": 40354, "unidentifiable": 40355, "truest": 40356, "taft": 40357, "sunsets": 40358, "snuffling": 40359, "slider": 40360, "serviceable": 40361, "scrubby": 40362, "sandark": 40363, "ritter": 40364, "ripley": 40365, "regimen": 40366, "replacements": 40367, "procrastin": 40368, "preschool": 40369, "plon": 40370, "painstaking": 40371, "optimist": 40372, "oseth": 40373, "modification": 40374, "mossad": 40375, "longevity": 40376, "killin": 40377, "insinuated": 40378, "hollister": 40379, "fuelled": 40380, "everneath": 40381, "damper": 40382, "critter": 40383, "crackles": 40384, "committees": 40385, "caric": 40386, "bronn": 40387, "bast": 40388, "ardeur": 40389, "wedging": 40390, "weakling": 40391, "voracious": 40392, "violets": 40393, "vienne": 40394, "tarpaul": 40395, "tardy": 40396, "sundance": 40397, "stov": 40398, "selda": 40399, "scrapbook": 40400, "saddlebag": 40401, "reloading": 40402, "recalls": 40403, "raved": 40404, "pattering": 40405, "paralysed": 40406, "nightdress": 40407, "makla": 40408, "maklavir": 40409, "lingu": 40410, "licor": 40411, "initiating": 40412, "imparted": 40413, "helstof": 40414, "guillo": 40415, "frostbite": 40416, "exertions": 40417, "duaal": 40418, "drier": 40419, "daintily": 40420, "conceptions": 40421, "circulate": 40422, "chessboard": 40423, "celle": 40424, "boutiques": 40425, "bewildering": 40426, "bellon": 40427, "becka": 40428, "affi": 40429, "aes": 40430, "4:00": 40431, "zodiac": 40432, "wretch": 40433, "worshippers": 40434, "virginal": 40435, "vestra": 40436, "uuuu": 40437, "unobtrusively": 40438, "unveiled": 40439, "teak": 40440, "tari": 40441, "takingly": 40442, "stake": 40443, "scrump": 40444, "restriction": 40445, "publicist": 40446, "psychologically": 40447, "postman": 40448, "picasso": 40449, "pappi": 40450, "nugge": 40451, "normandy": 40452, "minneapolis": 40453, "meagre": 40454, "marionette": 40455, "kelthorne": 40456, "kaine": 40457, "ktor": 40458, "jubilation": 40459, "jung": 40460, "interject": 40461, "indefinable": 40462, "incorrectly": 40463, "hagen": 40464, "gauntlets": 40465, "futuri": 40466, "familiari": 40467, "denomin": 40468, "conspirator": 40469, "carmela": 40470, "cited": 40471, "blogspot.com": 40472, "blalok": 40473, "bib": 40474, "benteley": 40475, "bachelorette": 40476, "\n": 40477, "": 0} diff --git a/test/torchtext_unittest/test_transforms.py b/test/torchtext_unittest/test_transforms.py index ee5fbea903..618cbca38f 100644 --- a/test/torchtext_unittest/test_transforms.py +++ b/test/torchtext_unittest/test_transforms.py @@ -727,6 +727,68 @@ def test_gpt2_bpe_tokenizer_save_load_torchscript(self) -> None: self._gpt2_bpe_tokenizer((loaded_tokenizer)) +class TestCharBPETokenizer(TorchtextTestCase): + def _load_tokenizer(self, return_tokens: bool): + encoder_json = "openai-gpt-vocab.json" + merges_file = "openai-gpt-merges.txt" + tokenizer = transforms.CharBPETokenizer( + bpe_encoder_path=get_asset_path(encoder_json), + bpe_merges_path=get_asset_path(merges_file), + suffix="", + return_tokens=return_tokens, + ) + return tokenizer + + def _char_tokenizer(self, tokenizer): + sample_texts = [ + "pytorch is a machine learning framework", + "torch uses a method called automatic differentiation!", + "what are tensors (torch.tensor)?", + "self.linear_relu_stack(x)", + ] + + expected_tokens = [ + ["py", "torch", "is", "a", "machine", "learning", "framework"], + [ + "torch", + "uses", + "a", + "method", + "called", + "automatic", + "differenti", + "ation", + "!", + ], + ["what", "are", "ten", "sors", "(", "tor", "ch", ".", "ten", "sor", ")", "?"], + ["self", ".", "lin", "ear", "_", "re", "lu", "_", "st", "ack", "(", "x", ")"], + ] + expected_token_ids = [ + [5420, 9047, 544, 246, 4165, 6024, 31971], + [9047, 8411, 246, 11823, 1347, 10223, 31671, 7427, 267], + [599, 640, 821, 10824, 38, 1525, 573, 1, 821, 1050, 37, 257], + [20828, 1, 1446, 653, 41, 492, 717, 41, 495, 1170, 38, 34, 275], + ] + + # test batch of sentences + if tokenizer._return_tokens: + self.assertEqual(tokenizer(sample_texts), expected_tokens) + else: + self.assertEqual(tokenizer(sample_texts), expected_token_ids) + + # test individual sentences + for idx, txt in enumerate(sample_texts): + if tokenizer._return_tokens: + self.assertEqual(tokenizer(txt), expected_tokens[idx]) + else: + self.assertEqual(tokenizer(txt), expected_token_ids[idx]) + + @nested_params([True, False]) + def test_char_bpe_tokenizer(self, return_tokens): + """test tokenization on single sentence input as well as batch on sentences""" + self._char_tokenizer(self._load_tokenizer(return_tokens=return_tokens)) + + class TestCLIPTokenizer(TorchtextTestCase): def _load_tokenizer(self, init_using_merge_only: bool, test_scripting: bool, return_tokens: bool): encoder_json = "clip_encoder.json" diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 2e71fa594e..4212d6839f 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -3,6 +3,7 @@ from functools import lru_cache from typing import Any, List, Mapping, Optional, Sequence, Tuple, Union +import regex as re import torch import torchtext # noqa: F401 from torch import Tensor @@ -29,6 +30,7 @@ "PadTransform", "StrToIntTransform", "GPT2BPETokenizer", + "CharBPETokenizer", "RegexTokenizer", "Sequential", ] @@ -424,6 +426,212 @@ def decode(self, tokens: List[str]) -> str: return self.bpe.decode([int(token) for token in tokens]) +def get_pairs(word): + """ + Return set of symbol pairs in a word. + Word is represented as tuple of symbols (symbols being variable-length strings). + """ + pairs = set() + prev_char = word[0] + for char in word[1:]: + pairs.add((prev_char, char)) + prev_char = char + return pairs + + +class CharBPETokenizer(Module): + """ + Transform for a Character Byte-Pair-Encoding Tokenizer. + + Args: + :param bpe_encoder_path: Path to the BPE encoder json file. + :type bpe_encoder_path: str + :param bpe_merges_path: Path to the BPE merges text file. + :type bpe_merges_path: str + :param return_tokens: Indicate whether to return split tokens. If False, it will return encoded token IDs (default: False). + :type return_tokens: bool + :param unk_token: The unknown token. If provided, it must exist in encoder. + :type unk_token: Optional[str] + :param suffix: The suffix to be used for every subword that is an end-of-word. + :type suffix: Optional[str] + :param special_tokens: Special tokens which should not be split into individual characters. If provided, these must exist in encoder. + :type special_tokens: Optional[List[str]] + """ + + def __init__( + self, + bpe_encoder_path: str, + bpe_merges_path: str, + return_tokens: bool = False, + unk_token: Optional[str] = None, + suffix: Optional[str] = None, + special_tokens: Optional[List[str]] = None, + ): + super().__init__() + with open(get_asset_local_path(bpe_encoder_path), "r") as f: + self._encoder = dict(json.load(f)) + with open(get_asset_local_path(bpe_merges_path), "r", encoding="utf-8") as f: + bpe_data = f.read() + + merges = [tuple(merge_str.split()) for merge_str in bpe_data.split("\n")[1:-1]] + self._decoder = {v: k for k, v in self._encoder.items()} + self._bpe_ranks = dict(zip(merges, range(len(merges)))) + self._return_tokens = return_tokens + self._cache = {} + self._pat = r"\S+\n?" + if unk_token and unk_token not in self._encoder: + raise RuntimeError( + "Unknown token {} not found in encoder. Special tokens must be in encoder.".format(unk_token) + ) + self._unk_token = unk_token + self._suffix = suffix + if special_tokens: + for token in special_tokens: + if token not in self._encoder: + raise RuntimeError( + "Special token {} not found in encoder. Special tokens must be in encoder.".format(token) + ) + else: + self._cache[token] = token + + @property + def vocab_size(self): + return len(self._encoder) + + def _bpe(self, token): + """Splits the input token into bpe tokens. The output depends on the encoder and merge list specified in the class + constructor. For example, _bpe("pytorch") may return "p y t o r c h" or "py tor ch" or "pytorch" depending on which + merges exist. + + Args: + text: An input text string. + + Returns: + A string of space separated bpe tokens. + """ + if token in self._cache: + return self._cache[token] + + if self._suffix: + word = tuple(token[:-1]) + (token[-1] + self._suffix,) + else: + word = tuple(token) + + pairs = get_pairs(word) + + if not pairs: + if self._suffix: + return token + self._suffix + else: + return token + + while True: + bigram = min(pairs, key=lambda pair: self._bpe_ranks.get(pair, float("inf"))) + if bigram not in self._bpe_ranks: + break + first, second = bigram + new_word = [] + i = 0 + while i < len(word): + try: + j = word.index(first, i) + except ValueError: + new_word.extend(word[i:]) + break + else: + new_word.extend(word[i:j]) + i = j + + if word[i] == first and i < len(word) - 1 and word[i + 1] == second: + new_word.append(first + second) + i += 2 + else: + new_word.append(word[i]) + i += 1 + new_word = tuple(new_word) + word = new_word + if len(word) == 1: + break + else: + pairs = get_pairs(word) + word = " ".join(word) + self._cache[token] = word + return word + + def encode(self, text: str) -> Union[List[int], List[str]]: + """Encode text into a list of tokens IDs + + Args: + text: An input text string. + + Returns: + A list of bpe token ids represents each bpe token. Return type depends on provided encoder file. + """ + encoded_tokens = [ + self._encoder.get(bpe_token, self._encoder.get(self._unk_token)) + if self._unk_token + else self._encoder[bpe_token] + for bpe_token in self._tokenize(text) + ] + return encoded_tokens + + def _tokenize(self, text: str) -> List[str]: + """Tokenize text into a list of tokens + + Args: + text: An input text string. + + Returns: + A list of bpe token strings + """ + tokens = [] + for token in re.findall(self._pat, text): + tokens.extend(bpe_token for bpe_token in self._bpe(token).split(" ")) + return tokens + + def decode(self, tokens: Union[List[int], List[str]]) -> str: + """Decode a list of token IDs into a string + + Args: + token: A list of IDs (either str or int depending on encoder json) + + Returns: + A decoded string + """ + decoded_list = [ + self._decoder.get(token, self._unk_token) if self._unk_token else self._decoder[token] for token in tokens + ] + if self._suffix: + return "".join(decoded_list).replace(self._suffix, " ") + else: + return " ".join(decoded_list) + + def forward(self, input: Union[str, List[str]]) -> Union[List, List[List]]: + """Forward method of module encodes strings or list of strings into token ids + + Args: + input: Input sentence or list of sentences on which to apply tokenizer. + + Returns: + A list or list of lists of token IDs + """ + if isinstance(input, List): + tokens: List[List[str]] = [] + for text in input: + if self._return_tokens: + tokens.append(self._tokenize(text)) + else: + tokens.append(self.encode(text)) + return tokens + elif isinstance(input, str): + if self._return_tokens: + return self._tokenize(input) + else: + return self.encode(input) + else: + raise TypeError("Input type not supported") + + class CLIPTokenizer(Module): """ Transform for CLIP Tokenizer. Based on Byte-Level BPE. From 31b8aaa7dba1ee2e117ea0f259974dbb1f3e7b25 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 19 Oct 2022 12:33:26 -0400 Subject: [PATCH 338/463] [MERGE 2/2] merge `fbsync` branch to `main` (#1950) * include pytorch 1.5.0-rc1 for CI test * bump up the version * Set up ShipIt fbshipit-source-id: bb7d2eb52240c7223b57c3c9624e61d116e77e39 * Re-sync with internal repository (#749) * 20200429 pytorch/text import Summary: [20:45:34: cpuhrsch@devvm3140 pytorch]$ ./fb_build/import_text.sh Reviewed By: pbelevich Differential Revision: D21320577 fbshipit-source-id: ac2148b9f0d58e5538443c879845bfb4f6ca7202 * 20200430 torchtext import script to include additional meta files Summary: ./fb_build/import_text.sh Reviewed By: zhangguanheng66 Differential Revision: D21343124 fbshipit-source-id: c08ecad2cc6f439fa40130aeaf91383be9403fe8 * torchtext flake8, github, travis metafiles Summary: See title Reviewed By: pbelevich Differential Revision: D21344211 fbshipit-source-id: a8bcf7f3ab9bb2c2853e27f612e82caa341d3651 * Import torchtext 20200520 and update build Summary: Import torchtext up to #786 Reviewed By: cpuhrsch Differential Revision: D21483116 fbshipit-source-id: bc8ab38db9dc9ce4a8734ca8ea991c20e4ef0882 * Import torchtext 20200528 Summary: Import up to #798 Addresses T67599333 Reviewed By: zhangguanheng66 Differential Revision: D21764935 fbshipit-source-id: f44d1db637799f2e95f420a8099fbf19545c7cbd * 20200604 torchtext github import Summary: Import from github master Reviewed By: zhangguanheng66 Differential Revision: D21886238 fbshipit-source-id: a8f098e299466dd1701fe7ceb6a97c2a2fc54b9d * Import torchtext 20200605 Summary: Import from github master Reviewed By: zhangguanheng66 Differential Revision: D21907519 fbshipit-source-id: f22370d97796da5f2cb9f76f506c80f18fefea7f * Back out "Import torchtext 20200605" Summary: Original commit changeset: f22370d97796 Reviewed By: zhangguanheng66 Differential Revision: D21964222 fbshipit-source-id: c316836596fc3e232e63abc59e172f237b551cc5 * Import torchtext 2020/06/22 Summary: Import from github torchtext/master Reviewed By: zhangguanheng66, cpuhrsch Differential Revision: D22168183 fbshipit-source-id: 7d96ade64f18942d9bd19437011be2f65f0b2a5e * Fix torch.testing._internal module not found Reviewed By: Nayef211 Differential Revision: D22315715 fbshipit-source-id: 6b8b8544b0aa458cf5e7e9ca380d0dc85c98189f * Import torchtext 2020/07/07 Summary: Import from github torchtext/master Reviewed By: cpuhrsch Differential Revision: D22420576 fbshipit-source-id: 4d2c19d7f1db8f698894ca406c1c44b2ad8e0506 * remediation of S205607 fbshipit-source-id: 5113fe0c527595e4227ff827253b7414abbdf7ac * remediation of S205607 fbshipit-source-id: 798decc90db4f13770e97cdce3c0df7d5421b2a3 * Import torchtext 2020/07/21 Summary: Import from github torchtext/master Reviewed By: zhangguanheng66 Differential Revision: D22641140 fbshipit-source-id: 8190692d059a937e25c5f93506581086f389c291 * Remove .python3 markers Reviewed By: ashwinp-fb Differential Revision: D22955630 fbshipit-source-id: f00ef17a905e4c7cd9196c8924db39f9cdfe8cfa * Import torchtext 2020/08/06 Summary: Import from github torchtext/master Reviewed By: zhangguanheng66 Differential Revision: D22989210 fbshipit-source-id: 083464e188b758a8746123f4dd2197cc7edc4bc4 * Import torchtext 2020/08/18 Summary: Import from github torchtext/master Reviewed By: cpuhrsch Differential Revision: D23190596 fbshipit-source-id: 1568a25a5bd6431bcef3c6539f64a3ab1f5bccd7 * Import torchtext from 8aecbb9 Reviewed By: hudeven Differential Revision: D23451795 fbshipit-source-id: 73e6130c16716919c77862cef4ca4c8048428670 * Import torchtext 9/4/2020 Reviewed By: Nayef211 Differential Revision: D23539397 fbshipit-source-id: 88dce59418a3071cbc9e944cf0a4cf2117d7d9f7 * Import github torchtext on 9/9/2020 Reviewed By: cpuhrsch Differential Revision: D23616189 fbshipit-source-id: 365debc987326145eead7456ed48517fe55cac96 * Add property support for ScriptModules (#42390) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/42390 **Summary** This commit extends support for properties to include ScriptModules. **Test Plan** This commit adds a unit test that has a ScriptModule with a user-defined property. `python test/test_jit_py3.py TestScriptPy3.test_module_properties` Test Plan: Imported from OSS Reviewed By: eellison, mannatsingh Differential Revision: D22880298 Pulled By: SplitInfinity fbshipit-source-id: 74f6cb80f716084339e2151ca25092b6341a1560 * sync with OSS torchtext 9/15/20 Reviewed By: cpuhrsch Differential Revision: D23721167 fbshipit-source-id: 13b32091c422a3ed0ae299595d69a7afa7136638 * Import Github torchtext on 9/28/2020 Reviewed By: cpuhrsch Differential Revision: D23962265 fbshipit-source-id: 0d042878fe9119aa725e982ab7d5e96e7c885a59 * Enable @unused syntax for ignoring properties (#45261) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/45261 **Summary** This commit enables `unused` syntax for ignoring properties. Inoring properties is more intuitive with this feature enabled. `ignore` is not supported because class type properties cannot be executed in Python (because they exist only as TorchScript types) like an `ignored` function and module properties that cannot be scripted are not added to the `ScriptModule` wrapper so that they may execute in Python. **Test Plan** This commit updates the existing unit tests for class type and module properties to test properties ignored using `unused`. Test Plan: Imported from OSS Reviewed By: navahgar, Krovatkin, mannatsingh Differential Revision: D23971881 Pulled By: SplitInfinity fbshipit-source-id: 8d3cc1bbede7753d6b6f416619e4660c56311d33 * Import Github torchtext on 10/11/2020 Reviewed By: cpuhrsch Differential Revision: D24242037 fbshipit-source-id: 605d81412c320373f1158c51dbb120e7d70d624d * make duplicate def() calls an error in the dispatcher. Updating all fb operators to use the new dispatcher registration API (#47322) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/47322 Updating all call-sites of the legacy dispatcher registration API in fbcode to the new API. I migrated all call sites that used the legacy dispatcher registration API (RegisterOperators()) to use the new API (TORCH_LIBRARY...). I found all call-sites by running `fbgs RegisterOperators()`. This includes several places, including other OSS code (nestedtensor, torchtext, torchvision). A few things to call out: For simple ops that only had one registered kernel without a dispatch key, I replaced them with: ``` TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName", fn_name); } ``` For ops that registered to a specific dispatch key / had multiple kernels registered, I registered the common kernel (math/cpu) directly inside a `TORCH_LIBRARY_FRAGMENT` block, and registered any additional kernels from other files (e.g. cuda) in a separate `TORCH_LIBRARY_IMPL` block. ``` // cpu file TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName(schema_inputs) -> schema_outputs"); m.impl("opName", torch::dispatch(c10::DispatchKey::CPU, TORCH_FN(cpu_kernel))); } // cuda file TORCH_LIBRARY_IMPL(ns, CUDA, m) { m.impl("opName", torch::dispatch(c10::DispatchKey::CUDA, TORCH_FN(cuda_kernel))); } ``` Special cases: I found a few ops that used a (legacy) `CPUTensorId`/`CUDATensorId` dispatch key. Updated those to use CPU/CUDA- this seems safe because the keys are aliased to one another in `DispatchKey.h` There were a handful of ops that registered a functor (function class) to the legacy API. As far as I could tell we don't allow this case in the new API, mainly because you can accomplish the same thing more cleanly with lambdas. Rather than delete the class I wrote a wrapper function on top of the class, which I passed to the new API. There were a handful of ops that were registered only to a CUDA dispatch key. I put them inside a TORCH_LIBRARY_FRAGMENT block, and used a `def()` and `impl()` call like in case two above. Test Plan: Imported from OSS Reviewed By: ezyang Differential Revision: D24714803 Pulled By: bdhirsh fbshipit-source-id: c809aad8a698db3fd0d832f117f833e997b159e1 * Revert D24714803: make duplicate def() calls an error in the dispatcher. Updating all fb operators to use the new dispatcher registration API Differential Revision: D24714803 Original commit changeset: c809aad8a698 fbshipit-source-id: fb2ada65f9fc00d965708d202bd9d050f13ef467 * Import torchtext on Nov 20, 2020 Summary: Import torchtext on the commit of 633548a1bdf0bac1e38f98da375a537ce0c2994b allow-large-files Reviewed By: cpuhrsch Differential Revision: D25127691 fbshipit-source-id: 3a617f5f4849df452f8a102a77ce11a1bce5af1f * Updating all call-sites of the legacy dispatcher registration API in fbcode to the new API. (#48178) Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/48178 I migrated all call sites that used the legacy dispatcher registration API (RegisterOperators()) to use the new API (TORCH_LIBRARY...). I found all call-sites by running `fbgs RegisterOperators()`. This includes several places, including other OSS code (nestedtensor, torchtext, torchvision). A few things to call out: For simple ops that only had one registered kernel without a dispatch key, I replaced them with: ``` TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName", fn_name); } ``` For ops that registered to a specific dispatch key / had multiple kernels registered, I registered the common kernel (math/cpu) directly inside a `TORCH_LIBRARY_FRAGMENT` block, and registered any additional kernels from other files (e.g. cuda) in a separate `TORCH_LIBRARY_IMPL` block. ``` // cpu file TORCH_LIBRARY_FRAGMENT(ns, m) { m.def("opName(schema_inputs) -> schema_outputs"); m.impl("opName", torch::dispatch(c10::DispatchKey::CPU, TORCH_FN(cpu_kernel))); } // cuda file TORCH_LIBRARY_IMPL(ns, CUDA, m) { m.impl("opName", torch::dispatch(c10::DispatchKey::CUDA, TORCH_FN(cuda_kernel))); } ``` Special cases: I found a few ops that used a (legacy) `CPUTensorId`/`CUDATensorId` dispatch key. Updated those to use CPU/CUDA- this seems safe because the keys are aliased to one another in `DispatchKey.h` There were a handful of ops that registered a functor (function class) to the legacy API. As far as I could tell we don't allow this case in the new API, mainly because you can accomplish the same thing more cleanly with lambdas. Rather than delete the class I wrote a wrapper function on top of the class, which I passed to the new API. There were a handful of ops that were registered only to a CUDA dispatch key. I put them inside a TORCH_LIBRARY_FRAGMENT block, and used a `def()` and `impl()` call like in case two above. Test Plan: Imported from OSS Reviewed By: ezyang Differential Revision: D25056090 Pulled By: bdhirsh fbshipit-source-id: 8f868b45f545e5da2f21924046e786850eba70d9 * Import torchtext from github into fbcode on 1/11/2021 Reviewed By: cpuhrsch Differential Revision: D25873762 fbshipit-source-id: 0d34d36aeb8e7e2ce72fcf345c5e7e713ef3663c * Import torchtext from github #1121 d56fffe Summary: Import torchtext from github #1121 d56fffe Reviewed By: zhangguanheng66 Differential Revision: D25976268 fbshipit-source-id: 81589f8988a54cc12f17f0a6f298a915e829a830 * Import the hidden files in torchtext github repo Reviewed By: mthrok Differential Revision: D26001386 fbshipit-source-id: f822f0f32232d3006ef629937520dee6c0faf414 * add a newline mark to config.yml file (#1128) Reviewed By: zhangguanheng66 Differential Revision: D26369003 fbshipit-source-id: 09ca48f9705d8663b06e6a329a6b64b24f9c148e * Replace model with full name when spacy load is used (#1140) Reviewed By: zhangguanheng66 Differential Revision: D26369005 fbshipit-source-id: b1e6b5d77810bb8f67d14b8a1c7ec0a9f4831cab * Fix the num_lines argument of the setup_iter func in RawTextIterableDataset (#1142) Reviewed By: zhangguanheng66 Differential Revision: D26368999 fbshipit-source-id: 4b50e5d9e5fbdf633e8b3f0072223eed050af793 * Fix broken CI tests due to spacy 3.0 release (#1138) Reviewed By: zhangguanheng66 Differential Revision: D26368998 fbshipit-source-id: 84e883562a9a3d0fe47b54823b22f7b2cd82fca4 * Switch data_select in dataset signature to split (#1143) Reviewed By: zhangguanheng66 Differential Revision: D26369006 fbshipit-source-id: 608f42fa180db9ebcfaaeadc6b8cdd29393262af * Add offset arg in the raw text dataset (#1145) Reviewed By: zhangguanheng66 Differential Revision: D26368996 fbshipit-source-id: 52741015139c302b7b0ddf8c8f50ab45a609fd2f * switch to_ivalue to __prepare_scriptable__ (#1080) Reviewed By: zhangguanheng66 Differential Revision: D26368995 fbshipit-source-id: 0352c04e422c835350bd42df35d4054d543fee36 * Pass an embedding layer to the constructor of the BertModel class (#1135) Reviewed By: zhangguanheng66 Differential Revision: D26369001 fbshipit-source-id: f5a67a2a812d568073505ec4d181f6e418eb4a3f * add __next__ method to RawTextIterableDataset (#1141) Reviewed By: zhangguanheng66 Differential Revision: D26368997 fbshipit-source-id: f5ef78f5f4a224db497f47f774eaddedd0498b4b * Add func to count the total number of parameters in a model (#1134) Reviewed By: zhangguanheng66 Differential Revision: D26369000 fbshipit-source-id: c687c0f0c2697dbd9c17a79a1291a2e279bbd1b8 * Retire the legacy code in torchtext library and fix the dependency of the downstream libraries Summary: This diff is doing: 1) move the legacy code in torchtext to the legacy folder; 2) for the downstream libraries in fbcode, if they are using the legacy code, add "legacy" to the path. Reviewed By: cpuhrsch Differential Revision: D23718437 fbshipit-source-id: 1660868aaa95ac6555ad6793dda5ce02a9acdc08 * Sync torchtext GH<->fbcode until GH commit 1197514eb8cc33ccff10f588534f405b43908660 Summary: Import recent torchtext changes up until GH commit 1197514eb8cc33ccff10f588534f405b43908660 Reviewed By: zhangguanheng66 Differential Revision: D26824967 fbshipit-source-id: fc4be4f94a8f748ce2ed5e776e30a42422cbcab9 * 20210304[2] Sync torchtext GH<->fbcode until GH commit 2764143865678c41e69ad3b993556fe90c1e6391 Summary: Sync up until commit in title Reviewed By: zhangguanheng66 Differential Revision: D26829429 fbshipit-source-id: a059a36d83b3803dfed9198d0e474e0e75f94f17 * 20210308 Sync torchtext GH <-> fbcode Summary: Import latest GH changes Reviewed By: zhangguanheng66 Differential Revision: D26888371 fbshipit-source-id: cc27f51fd89ad86b8bcfb8f286ad874ab01b1fd6 * Re-name raw_datasets.json file with jsonl extension Reviewed By: cpuhrsch Differential Revision: D26923978 fbshipit-source-id: c87c7776445e05d452f6b38244bf4cdaba45bdec * 20210329 Sync torchtext up to GH commit eb5e39d3d40525c0064c8e7b7c976755e7341a8b Summary: Sync torchtext up to GH commit eb5e39d3d40525c0064c8e7b7c976755e7341a8b Reviewed By: parmeet Differential Revision: D27400885 fbshipit-source-id: 1f8f92ca42ba36d070db6740b3bb4c148f69586b * Import torchtext #1267 93b03e4 Summary: Imported latest from github Master PR#1267 Reviewed By: cpuhrsch Differential Revision: D27503970 fbshipit-source-id: 853ff895ba42b1feb7442abe1c87478e43d62e5b * Import torchtext #1266 ba0bf52 Summary: Import torchtext from github Reviewed By: parmeet Differential Revision: D27803909 fbshipit-source-id: 9cb0f15858b1417cb5868d5651513eb2df998fbe * Import torchtext #1287 fab63ed Reviewed By: parmeet Differential Revision: D27922562 fbshipit-source-id: 3c18cd9e2583e03471461ad8a22ac6b0ceb596a2 * Import torchtext #1293 d2a0776 Summary: Importing torchtext from github for regular sync. Reviewed By: cpuhrsch Differential Revision: D27983819 fbshipit-source-id: 5806421d788afaa872f5320b5f4cbcd913e103ea * Import torchtext #1291 0790ce6 Reviewed By: parmeet Differential Revision: D28101664 fbshipit-source-id: a8643b3ecf85de2cb815dcfa5789a4a5d246d80f * adding __contains__ method to experimental vocab (#1297) Reviewed By: cpuhrsch Differential Revision: D28111696 fbshipit-source-id: fef195941492493a399adb37339cfa64795e22a0 * Import torchtext #1292 ede6ce65eb5405ff1f8801ff6b354bb1cd242108 Summary: This diff syncs torchtext GH with fbcode Reviewed By: cpuhrsch Differential Revision: D28321356 fbshipit-source-id: 7736f0d100941627b58424911a1329b1ce66c123 * Added APIs for default index and removed unk token (#1302) Reviewed By: parmeet Differential Revision: D28478153 fbshipit-source-id: bfcaffe8fe48e96d8df454f7df0d25ec39d5d4a6 * Swapping experimental Vocab and retiring current Vocab into legacy (#1289) Summary: allow-large-files to commit wikitext103_vocab.pt Reviewed By: cpuhrsch Differential Revision: D28478152 fbshipit-source-id: c2a871439f054024b95c05f7664a84028aacaca3 * Import torchtext #1313 36e33e2 Summary: Importing from Github Reviewed By: cpuhrsch Differential Revision: D28572929 fbshipit-source-id: 2e7b00aadeda6ab0596ef23295f41c5b0fa246e7 * Adding API usage logging Summary: Adding API usage logging for Vocab module Reviewed By: colin2328 Differential Revision: D28585537 fbshipit-source-id: 38975b523fb597412fbcb18ef831bfb4834cb420 * Import torchtext #1314 99557efd98dd0e74346975d75183dd8aa32eb37e Reviewed By: parmeet Differential Revision: D28683381 fbshipit-source-id: 7bfbf445dd512f0ce21c34096cf3f08332d90138 * Import torchtext #1325 57a1df3 Reviewed By: NicolasHug Differential Revision: D28994054 fbshipit-source-id: 4c679f56ef37b18f6d2acaaaed8518facbeaa41c * Import torchtext #1328 ca514f6 Summary: Import torchtext #1328 ca514f6 Reviewed By: NicolasHug Differential Revision: D29120370 fbshipit-source-id: 229586f3470bd61bfb2f6a390d79e45d4eae3b4d * up the priority of numpy array comparisons in self.assertEqual (#59067) (#1340) * Re-sync with internal repository (#1343) * up the priority of numpy array comparisons in self.assertEqual (#59067) Summary: Fixes https://github.com/pytorch/pytorch/issues/58988. Pull Request resolved: https://github.com/pytorch/pytorch/pull/59067 Reviewed By: jbschlosser Differential Revision: D28986642 Pulled By: heitorschueroff fbshipit-source-id: 3ef2d26b4010fc3519d0a1a020ea446ffeb46ba0 * Import torchtext #1300 0435df13924fd4582d67e5b17bc09f6ded18be8b Summary: Import torchtext #1300 0435df13924fd4582d67e5b17bc09f6ded18be8b Reviewed By: parmeet Differential Revision: D29371832 fbshipit-source-id: 624280ddfa787a4e7628e60fa673cb9df0a66641 * Import torchtext #1345 8cf471c Summary: Import from github Reviewed By: hudeven Differential Revision: D29441995 fbshipit-source-id: 27731ce2714c16180d11bfb26af5d5a2dba408b1 * Import torchtext #1352 7ab50af Summary: Import from github Reviewed By: NicolasHug Differential Revision: D29537684 fbshipit-source-id: 25b1fc1e6d9f930e83f5f2939788b90b083aeaa2 * Enabling torchtext datasets access via manifold and iopath Summary: We would like to add and access torchtext datasets on manifold. This Diff unifies the dataset download from external links and through manifold for internal access. This is enabled via io_path package. The main idea is to plugin the download hooks in the download_from_url function. The download hooks will delegate the download to appropriate Path Handler. In OSS we have enabled download via https and google drive. Internally, we replace the download hook to download data from manifold. We have created a _download_hooks.py file under /fb/ folder which will replace the corresponding file in OSS. The file under /fb/ folder converts the http/https URL paths into corresponding manifold paths and download the data from there. Reviewed By: hudeven Differential Revision: D28892389 fbshipit-source-id: 3b66544dd2345075e2e7c524f344db04aa2a24e3 * Import torchtext #1361 05cb992 Summary: Import from github Reviewed By: hudeven Differential Revision: D29856211 fbshipit-source-id: 6332f9bdf3cf4eef572c5423db15101ea904d825 * Import torchtext #1365 c57b1fb Summary: Import torchtext #1365 c57b1fb Reviewed By: parmeet Differential Revision: D29940816 fbshipit-source-id: 6b2495b550a7e6b6110b0df12de51a87b0d31c1c * Moving Roberta building blocks to torchtext Summary: This is the first step in moving Roberta Model from pytext_lib into PyTorch Text Library. Here we moved the Roberta building blocks into pytorch/text/fb/nn/modules. The code-base is organized according to WIP document https://docs.google.com/document/d/1c0Fs-v97pndLrT3bdfGRGeUeEC38UcDpibvgOXkbS-g/edit#heading=h.3ybcf0ic42yp Reviewed By: hudeven Differential Revision: D29671800 fbshipit-source-id: d01daa99e0a5463716660722381db9a0eeb083f8 * Enabling torchtext availability in @mode/opt Summary: More details on context and solution: D29973934 Note that in this implementation, we rely on over-riding behavior of _init_extention() function. This is in similar spirit where we over-ride behavior of download hooks to accommodate necessary changes needed to enable functionality on fbcode. Reviewed By: mthrok Differential Revision: D30494836 fbshipit-source-id: b2b015263fa1bca2ef4d4214909e469df3fbe327 * Import torchtext #1382 aa12e9a Summary: Import torchtext #1382 aa12e9a Reviewed By: parmeet Differential Revision: D30584905 fbshipit-source-id: fba23cd19f31fc7826114dd2eb402c8f7b0553df * Simplify cpp extension initialization process Summary: Simplifying the cpp extension initialization process by following torchaudio's implementation in D30633316 Reviewed By: mthrok Differential Revision: D30652618 fbshipit-source-id: f80ac150fa50b1edc22419b21412f64e77064c5d * fixed bug with incorrect variable name in dataset_utils.py Summary: - ValueError was outputting `fn` instead of `func` - Similar fix done in torchdata https://github.com/facebookexternal/torchdata/pull/167 Reviewed By: ejguan Differential Revision: D31149667 fbshipit-source-id: 2c1228287d513895f8359cb97935252f0087d738 * Import torchtext #1410 0930843 Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D31745899 fbshipit-source-id: e4ac5c337bcbd1a8809544add7679dd3da242999 * Import torchtext #1406 1fb2aed Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D31762288 fbshipit-source-id: f439e04f903d640027660cb969d6d9e00e7ed4a0 * Import from github 10/18/21 Summary: Syncing torchtext github main branch to fbcode Reviewed By: parmeet Differential Revision: D31841825 fbshipit-source-id: 9c1a05295e6557ff411e56eb719cb439d5c424ba * Import torchtext #1420 0153ead Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D31871772 fbshipit-source-id: 989f5a453ef7680592df27e4174f465d11a2fbf8 * Import torchtext #1421 bcc1455 Summary: Syncing torchtext github main branch to fbcode Reviewed By: parmeet Differential Revision: D31873514 fbshipit-source-id: 1a964a67ce7ee73f5acf3a1e3f8118028c2dd46e * Enable OSS torchtext XLMR Base/Large model on fbcode Summary: Enable access to open-source torchtext XLMR base/large implementation by: 1) Uploading models/transform weights on manifold 2) Patching public URL with manifold URL (similar to what we have for datasets) Note that we didn't enabled model tests since it takes relatively long to download huge models weights from manifold. We would rely on Open-source signals when making changes to model implementation, and we need to ensure the any update in weights on AWS cloud is also replicated on manifold. Reviewed By: hudeven Differential Revision: D31844166 fbshipit-source-id: 62a4e9a3a8580ab93c3beb3af69be7361f1cc937 * enabling SST2 dataset usage in fbcode Summary: Enable access to open-source torchtext SST2 dataset by: - Uploading SST2 dataset on manifold - Swapping public URL with manifold URL in fbcode by implementing a dummy `HTTPReader` wrapper class - The wrapper class does URL mapping and calls `IoPathFileLoaderDataPipe` on the manifold URL - Enabled SST2Dataset unit tests within fbcode Reviewed By: parmeet Differential Revision: D31876606 fbshipit-source-id: fdde14a67cce835da216b296e1a0024e1d1fc7a9 * Import torchtext #1426 4be2792 Summary: Import from github Reviewed By: Nayef211 Differential Revision: D31962042 fbshipit-source-id: 0308ae0cfe402e8c3eb133cb5a205b65f98ad1df * Import torchtext #1428 b962c51 Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D32006262 fbshipit-source-id: 2d7766104e1116f14f20fa1031178c2143b5e78b * Import torchtext #1430 4cf19ed Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D32140599 fbshipit-source-id: 3a2902febd5e5024d833699e05e0256b1ae0cae2 * Allow inferred scaling in MultiheadSelfAttention for head_dim != 64 Summary: Rather than raise an exception whenever head_dim != 64, we can just infer the scaling value and continue to provide a warning. Also add an assertion in case embed_dim is not a multiple of num_heads (in which case forward will break). Reviewed By: parmeet Differential Revision: D32193989 fbshipit-source-id: 30f68c55f3ec37932252c77c355ae55b8bf34ded * Updated sst2 dataset to accept `validate_hash` parameter Summary: ## Description - Updated sst2 dataset to accept a `validate_hash` parameter - This allows for testing using partial datasets since downloading the entire dataset takes much longer Reviewed By: parmeet Differential Revision: D32250435 fbshipit-source-id: 9b5e7183f62df69638e1a3af2107273daa6f4ac5 * Import torchtext #1431 ba20fc5 Summary: Import latest from github Reviewed By: Nayef211 Differential Revision: D32282533 fbshipit-source-id: 8318cd8b8360dec1febdde0bc48388e6b2f2d768 * Fixed file filtering bug in SST2 dataset Summary: - Removed copying partial SST2 asset file to a temp dir and instead directly working with the file from the asset folder - Fixed bug with path names affecting how files were filtered out from the zip file - For example, if the value of `split` is "test", the following snippet of code `filter(lambda x: split in x[0])` might match all of the "train", "test", and "dev" files depending on the location of the dataset asset file - When testing with buck, the location of the extracted files could look something like `/data/users/nayef211/fbsource/fbcode/buck-out/dev/gen/pytorch/text/test/experimental_test_datasets#binary,link-tree/test/asset/SST2/SST-2.zip/train.tsv`. Since the word "test" is contained in this path string, the filtering logic would incorrectly select the "train" file even though what we want is the "test" file - To resolve this we append the file extension (in this case ".tsv") to the `split` variable in the filtering logic Reviewed By: parmeet Differential Revision: D32329831 fbshipit-source-id: dbb4803a04f6cd50fab3f7ce5530d3258b2db012 * Squashed commits (9314b44 to e691934) Summary: Trying out new way to import changes :). The main reason for this deviance is to find a way to skip commit ID(s) which is currently blocking another important PR to be landed on fbcode. Used following command to sync changes from github to fbcode: ```python pytorch/import.py --github_username parmeet --project_name text --commit_from ba20fc525a8a46d3056eeb421a44b9bdb1a90182 --commit_to e691934d2779be40ab425056836565840f49d565 --skip_commit_ids 2cebac34ab26577ee02b7295dbe01dccfdb1a88f daf0f6c71d7b764aafd2f1a2a3e7aa37dcc36e53 --squash``` Notes: - Skipped commit 2cebac3 as it about removing legacy code which is still work in progress on internal side (resolving legacy use-sites) by abhinavarora - Skipped commit daf0f6c as this correspond to syncing changes from fbsync. to main branch - We have used squash, but can skip this option to get 1:1 correspondence from PR to Diff ID, like we have in vision This text from below here is auto-generated because i think we used --squash ==== Subject: Update doc and fix CircleCI doc build issue (#1434) Body: commit e691934d2779be40ab425056836565840f49d565 ==== Subject: [CircleCI Windows Failure] Fix the way we join URL pieces to download XLM-R components (#1441) Body: commit d4a27a05a85d331d84d3ac527ca5f18ca64d326f ==== Subject: correct the `_compute_ngram_counter` docstring (#1440) Body: commit a26a8ef7f7ad22f9f2ae7af0e52e4c9760ab439d ==== Subject: fix attention mask testing (#1439) Body: commit 778b3e62770c24c4ecde06a6aaba1dee38c07e2e ==== Subject: [Vocab] Refactor vocab factory method to accept special tokens as a keyword argument (#1436) Body: * [Vocab] Refactor vocab factory method to accept special tokens as a keyword argument commit f298494ad90495e4ad442928665ce6d8e9f9c3c0 ==== Subject: add attention mask to transformer encoder modules (#1435) Body: commit 9314b44d2a6cb6f4129e1ac3ac57f92eb054f15d Reviewed By: Nayef211 Differential Revision: D32431346 fbshipit-source-id: 985e242ce5a733c130e9d5b9549a4a330e948dc7 * Refactor OnDiskCache (#61) Summary: Pull Request resolved: https://github.com/pytorch/data/pull/61 Fixes https://github.com/facebookexternal/torchdata/issues/114 and https://github.com/facebookexternal/torchdata/issues/140 * #59 Test Plan: Imported from OSS Reviewed By: wenleix Differential Revision: D31734382 Pulled By: ejguan fbshipit-source-id: 16d10bace2a473e3878ac8dd5f7b6885bd924105 * Add a class method in Model Bundler to facilitate model creation with user-defined configuration and checkpoint (#1442) Summary: Import from github Command used: `python pytorch/import.py --project_name text --commit_ids 2040d8da87394ab5ecf6ac2bbcd5a00beb940cf4` Note that we still not importing the whole repo using import_text.sh. using import.py would be the worflow we would rely on till we merge [legacy code removal commit](https://github.com/pytorch/text/commit/2cebac34ab26577ee02b7295dbe01dccfdb1a88f) into fbcode. Reviewed By: Nayef211 Differential Revision: D32603181 fbshipit-source-id: 1f583e5ac96e693b583ae42d5841bf387cf3727a * Import torchtext from github aea6ad6,#1449 to 9f2fb3f,#1452 Summary: command: `python pytorch/import.py --project_name text --commit_ids aea6ad6bf9a6292af3d5051b4862b966871bdcce 9f2fb3f00cd9a4cc8d41d2e9cbfa5e9bf9533224 --squash` Reviewed By: abhinavarora Differential Revision: D32690771 fbshipit-source-id: cde616182ecfe643ab48d727b66bbf0194480d3e * Fix SST2Dataset test iterator Summary: ## Summary - Modified SST2 dataset implementation to only return text for test split (since label_ids are not available) - Updated doc classification datamodule to temporarily use `val_dataset` instead of `test_dataset` - Updated first line md5 hash for SST2 test split ## Followup Items - Update doc classification module to work with test splits with and without labels Reviewed By: parmeet Differential Revision: D32661112 fbshipit-source-id: ef86aea0ce587c5d5282f2caa943b4b0cdf6f54a * Fix issue in label Transform Summary: In the construction of Vocab within label transform, the default index is set to 0. This index is returned when OOV token is given. For this transform, the default index should never be set. Otherwise, it will return default index (which is 0) for unknown labels that might get passed (Ideally it should throw error in this case because we do not know what to do when wrong label is passed for query) Reviewed By: hudeven Differential Revision: D32610834 fbshipit-source-id: e49385fb313929627c41fc515b6d900a6bfc3591 * Import torchtext #1437 2cebac3 Summary: Imports [#1437](https://github.com/pytorch/text/pull/1437) from OSS Torchtext that removes the legacy folder. Reviewed By: parmeet Differential Revision: D32923084 fbshipit-source-id: 83411efd62cd527c518e36279bdbf586435ac9e5 * Import torchtext #1457 d801e99 Summary: Import from github Reviewed By: abhinavarora, ebsmothers Differential Revision: D32962989 fbshipit-source-id: 4de93cbc0ebe29034a505c56d03bb8d4b698891c * Import torchtext #1459 8ef1b15 Summary: Imports torchtext to fbcode Reviewed By: parmeet Differential Revision: D33001763 fbshipit-source-id: 0525982a1aadcfed65172c22734a46fdf2bd7bde * Fixing typing issues DataSet -> DataType Summary: Forward fix of D31344867 Reviewed By: Nayef211, ejguan Differential Revision: D33069330 fbshipit-source-id: 1649049a6caf1178a78a25baf21e1b4ecdc44d77 * Import torchtext #1470 52d38e8 Summary: Import from github Reviewed By: ebsmothers Differential Revision: D33291837 fbshipit-source-id: 86f8675f13190425617937dcbdd5b698da0bba0f * Import torchtext #1486 4908d3c Summary: As title Reviewed By: Nayef211 Differential Revision: D33434571 fbshipit-source-id: 3cb1d43583fd1e2f28dfd27109a8bf5f1b255d1d * Import torchtext #1488 2c98927 Summary: ==== Subject: Switching to use FileOpener from FileLoader (#1488) Body: commit 2c989273a6a99eef12d2e3fe25258b27881cb0bf ==== Subject: add scriptable sequential transform (#1481) Body: commit 3849f4648a5021514b6b91fa721b43b63fad8378 Reviewed By: abhinavarora Differential Revision: D33485781 fbshipit-source-id: 3a7ca597cb2f2be98be29a639ef05a65a3f7b6be * Update load_state_dict_from_url method to skip download if file is cached Summary: - Update load_state_dict_from_url method to skip download if file is cached in the `model_dir` folder - The `model_dir` parameter was previously unused - New logic is similar to the [OSS implementation in torchhub](https://pytorch.org/docs/stable/_modules/torch/hub.html#load_state_dict_from_url) - Update unit test to test skipping download when file is already cached Reviewed By: abhinavarora Differential Revision: D33512850 fbshipit-source-id: 2350c6dcad7e5725cf670c99405bcc7d0fb05e42 * Import torchtext #1482 0e7cf21 Summary: - Remove xlmr transform class and instead use sequential for model transforms composition - Modified doc classification recipe to use sequential transform instead of `XLMRobertaModelTransform` Reviewed By: parmeet Differential Revision: D33485834 fbshipit-source-id: 01a914112219838620f3ce81cf621665d072ae69 * Import torchtext #1509 1a2fc00 Summary: ==== Subject: migrate YelpReviewPolarity to datapipes. (#1509) Body: * add initial pass at migrating YelpReviewPolarity to datapipes. * fix flake. commit 1a2fc00266eb71c202802803c390e00b4082085e ==== Subject: migrate YelpReviewFull to datapipes. (#1507) Body: * add initial pass at migrating YelpReviewFull to datapipes. * fix flake. commit 0fb50b45a6b40d63ef8fabc5766a15c78fce6c8e ==== Subject: migrate YahooAnswers to datapipes. (#1508) Body: * add initial pass at migrating YahooAnswersto datapipes. * fix flake. commit f99609d7c56d8b742f6b0f281fcd726d05aa4923 ==== Subject: migrate DBPedia to datapipes. (#1500) Body: * add initial pass at migrating DBPedia to datapipes. * add _EXTRACTED_FILES for consistency. commit 1881705aec892efd45803006fd8b6c845be9965f ==== Subject: replace funny os.sep joins with os.path.join for consistency. (#1506) Body: commit ce4ab8b5c1f22cf533e04f73696b0816f63a4ae5 ==== Subject: migrate AG_NEWS to datapipes. (#1498) Body: commit d9fdbc62a7c9b6ed27b47d92edc33d1cf8e9cf9d ==== Subject: migrate SogouNews to datapipes. (#1503) Body: * add initial pass at migrating SogouNews to datapipes. * make filter for specific split more consistent. commit e6065a9217a95e71ba47ca0184953627b21ab7ef ==== Subject: Fix filter logic (#1505) Body: commit a415684661ff9d7fb9e2b7f438cc8e70c09781bf ==== Subject: fix per https://github.com/pytorch/vision/issues/4832\#issuecomment-957695788 (#1504) Body: commit 8215832272e8d05f27dc5372a5e4382ce6942819 ==== Subject: add initial pass at migrating Amazon Review Full to datapipes. (#1499) Body: commit df0ec14a802bb7b85f06c97f564959f988212f80 ==== Subject: Parameterize jit and non-jit model integration tests (#1502) Body: * Updated max seq length for truncate in xlmr base. Updated xlmr docs. Moved xlmr tests to integration tests * Removing changes to truncate transform * Remove documentation changes from PR * Parameterized model tests * Added nested_params helper method. Updated model integration test to parameterize a single method covering jit and non-jit tests * Added docstring for unit tests commit d896135e4f5060bbaeb2cc5c3ed43eb15bc8a4c0 ==== Subject: Remove redundant get asset functions from parameterized_utils (#1501) Body: commit 0bcab91246b7ca17db048d0ab97a3199b94c05ab ==== Subject: Parameterized XLMR and Roberta model integration tests (#1496) Body: * Updated max seq length for truncate in xlmr base. Updated xlmr docs. Moved xlmr tests to integration tests * Removing changes to truncate transform * Remove documentation changes from PR * Parameterized model tests commit 2cb80a23412993b7eb9ded082d084eb39c1f0c4e ==== Subject: Migrating AmazonReviewPolarity to datapipes (#1490) Body: commit 826a051dfd9f62731f3b0dee854d0aa687f4da72 ==== Subject: Updated XLMR docs (#1497) Body: commit 1a052693509ce32b6fb91302f6ca62546b0afe0d ==== Subject: fix max sequence length for xlmr transform (#1495) Body: commit 776a15daed49f4046b46a2501ea8b63e85bc9da2 ==== Subject: Add pre-trained Roberta encoder for base and large architecture (#1491) Body: * Added new roberta encoders and tests * Added docs for roberta encoder * Updated truncate length. Added info on how model was trained along with license info * Added datasets that roberta was trained on * Removing unnecessary new line commit 6d9e6df7dee068d99d74355d14c7cb897b199d60 ==== Subject: remove optionality of dtype in `ToTensor` (#1492) Body: commit c0e1c38b34ebabf0f12859ee2594194f9c65957a Reviewed By: abhinavarora Differential Revision: D33555196 fbshipit-source-id: eca8e38ea61c72a626ec20096f18827cebae4ef7 Co-authored-by: nayef211 Co-authored-by: nayef211 Co-authored-by: nayef211 Co-authored-by: nayef211 * Import torchtext #1532 ce1ce9 Summary: ==== Subject: Add AmazonReviewPolarity Mocked Unit Test (#1532) Body: * First attempt at adding test for amazon review polarity * Updated dataset to take validate_hash param. Finalized tests * Created non empty tar file * Remove formatting. Patch _hash_check method from torchdata during testing * Added super().setUpClass() * Remove commented import commit ce1ce99583795207153e13e9bc35a388d368a49d ==== Subject: migrate Multi30k to datapipes. (#1536) Body: commit 627c71f837f6acf7db34b3d96a696624cb4a7087 ==== Subject: add initial pass at migrating UDPOS to datapipes. (#1535) Body: commit f685c55e02a43b6489d096f1dd2c05e8be13df63 ==== Subject: Migrate WikiText103 to datapipes (#1518) Body: commit 042f12f1be9701fc85129c9be380aec72ed3bc2e ==== Subject: add double caching for yelp full to speed up extracted reading. (#1529) Body: commit d19a77eb69a11a3c9feb74b391e288ed70277bb4 ==== Subject: Migrate WikiText2 to datapipes (#1519) Body: * Migrate WikiText2 to datapipes * Address code review comments and add double caching commit 437eea8f841fc5efe7dc0f116bbfef781cb88b84 ==== Subject: add double caching for yahoo to speed up extracted reading. (#1528) Body: * add double caching for yahoo to speed up extracted reading. * simplify filepath_fn * rename dps for consistency. * add FileOpener within caching block for more consistency. commit ff78e999f6edb866c33a1464c8288cb90f15c9e4 ==== Subject: add max_tokens kwarg to vocab factory. (#1525) Body: commit e1d66cf8ccd2b29378d5f3352b01e4310a36b557 ==== Subject: Migrate IMDB to datapipes (#1531) Body: * Migrate IMDB to datapipes * add double cache for extracted reading * update cache name commit 03afb7e1e6b6821eb7b479aa11b9c449c251de7a ==== Subject: add double caching for yelp polarity to speed up extracted reading. (#1530) Body: * add double caching for yelp polarity to speed up extracted reading. * rename dps for consistency and simplify filepath_fn * add FileOpener within caching block for more consistency. commit 83aebf495a92761e9683b4af4461ad28ae5c96a7 ==== Subject: Migrating EnWik9 to datapipes #1511 (#1512) Body: * Migrating enwik9 dataset to use torchdata * Added typing to params * Fixed PR comments. Updated to data_dp * Added caching for extracted files * Moved FileOpener after ondiskcache datapipe commit 12317098cef5822846125e579cd197b217c9e30e ==== Subject: Migrating PennTreebank to datapipes (#1511) Body: * Migrating penntreebank dataset to use torchdata * Update FileLoader to FileOpener * Resolved comments about return_path * Using strip() to remove leading/trailing spaces commit eb3994567830aeeccfcc1d7053ac6c29400cb593 ==== Subject: Cache extraction for AmazonReviewPolarity (#1527) Body: commit 0f7f859e412fba4a31852c1a84801a182e636fde ==== Subject: migrate CONLL 2000 to datapipes. (#1515) Body: commit b52746546c0648122231e4d73bf24175ef949df3 ==== Subject: add initial pass at migrating SQUAD2 (https://github.com/pytorch/text/commit/4be2792101565ddf6dd79d1b7fffb7d55d63bf06) to datapipes. (#1514) Body: commit a2ab9741415b2cff026d158a5a54b62b993571d9 ==== Subject: migrate SQUAD1 to datapipes. (#1513) Body: commit a5ca19407b844e49679d87c94003e08c5efd6d78 ==== Subject: Attempting to fix version conflict in CI (#1520) Body: * since we no longer support python 3.6, we get dataclasses in stdlib for free. * replace pip-install of packages with conda-install where applicable for better version management of native code. * make cpuonly a constraint instead of feature commit a6ae5946e49db2afb2eb8ca5435afaea036077f3 ==== Subject: fixing cache logic to work with datapipes (#1522) Body: * fixing cache logic to work with datapipes * committing temporary change to build cache * reverting temp change commit cf668aabf869ae9bdbc5c1259e011f36a1411a2b ==== Subject: 3.6 is EOL (#1521) Body: commit 7467bb5971b8ed59a716ba05b82bb1030ed4fbe2 ==== Subject: Fixing dataset test failures due to incorrect caching mode (#1517) Body: commit 38ec295c1970776a43b42712b4156d2635ae85c3 ==== Subject: IterDataPipes do not have __next__ (#1516) Body: commit 8f153f692ed85229db8e43b14398adae5f58d646 Reviewed By: abhinavarora Differential Revision: D33850546 fbshipit-source-id: 2235caac646eb0fcc14fb638cbbfd4b15f966035 Co-authored-by: nayef211 Co-authored-by: nayef211 Co-authored-by: nayef211 Co-authored-by: nayef211 * Import torchtext #1538 d72124c Summary: - Import d72124c commit which migrates the SST2 dataset away from experimental - Modify doc classification recipe to work with new functional dataset implementations - Make label transform optional since some datasets return integer labels - Added a `num_labels` field to `DocClassificationTransform` class which will be used to determine `num_classes` for metrics computation - Update the `SST.zip` testing asset with the correct folder structure Reviewed By: parmeet Differential Revision: D33792100 fbshipit-source-id: 4480ef0ba8dabb495f0a2adc45f588413aea5f4d * Import torchtext from commits e0c5528 to 8808e7e Summary: Command used: `python pytorch/import.py --github_username parmeet --project_name text --commit_from d72124cb710574087d0bce87062ee521e1584167 --commit_to 8808e7eee5a2df79b9566a4a348889dc2722fcfb --skip_commit_ids 7f3ed4b183eb451b439740a59bb849771c707f0c --squash` Followed by: arc lint to fix new line linter issues Reviewed By: VirgileHlav Differential Revision: D34717890 fbshipit-source-id: 7aa0f22421b3f3bfb9684c6e24f7dc606052da5c * Import torchtext #1635 69f67f3 Summary: Import latest from github using import_text.sh script Changed `RobertaModelBundle` to `RobertaBundle` Reviewed By: Nayef211 Differential Revision: D34718778 fbshipit-source-id: f68fc827c5956ffedc4f5a98175d0724ca431c9d * Import TorchText from Github Reviewed By: parmeet Differential Revision: D34753031 fbshipit-source-id: 6d8a92b4c2f4b5b85b90edb5b8329e3061411620 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D34815193 fbshipit-source-id: 1865de76d8b133f56e4060961c1173097efac575 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D34857180 fbshipit-source-id: 1c483f2277c902271a2ff75f0c36bf5de8bbba34 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D34920364 fbshipit-source-id: c03dfd98da4b66dc63e5e4dfd11af449bc95ce85 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D35074232 fbshipit-source-id: 1772fbf171665894ab8945d967011873aa7f626e * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D35309109 fbshipit-source-id: be74f1c2739fbfb6e43cc6649839e647c37de4c8 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D35392538 fbshipit-source-id: 02ca5e81ec7ca2d607c1eef3b32ddf4a51c279c8 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D35425316 fbshipit-source-id: 815c3d048440211d2107b8605830530db609efe0 * torchx integration Summary: Integrate with torch to run the training in local or flow Reviewed By: Nayef211 Differential Revision: D35412165 fbshipit-source-id: 297bea540ace67d93965e0982d6c8f8ff5d03208 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D35773883 fbshipit-source-id: ab1787498d2169b4345f5981c21eb6b898fa8f2e * BetterTransformer support for torchtext (#1690) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1690 This diff created a fast path of using better transformer (torch.nn.TransformerEncoderLayer), with a converter from the existing torchtext transformer encoder layer to better transforomer. The related tests are added in the following diff. Reviewed By: parmeet Differential Revision: D35948440 fbshipit-source-id: e69e12f2dd28edfea3176a10ee3d7d321d50c897 * Kill to_better by having native load_from_state_dict and init Summary: Fully remove to_better method by rebuild torchtext TransformerEncoderLayer's load_from_state_dict and init. No more redundant params. Reviewed By: parmeet Differential Revision: D36020184 fbshipit-source-id: ccdd6da853a86034762b235cd7d5f793876d16c6 * Remove unneeded modules after using nn.Module for BetterTransformer (#1693) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1693 Remove unneeded modules after using nn.Module for BetterTransformer Reviewed By: zrphercule Differential Revision: D36038830 fbshipit-source-id: 1e0f5c7cf81096cf66cc1afcf15b5e0645c3da03 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D36034077 fbshipit-source-id: 40c12ec37992d71c4857f92bc5e2ed939e2d6030 * Replace TransformerEncoder in torchtext with better transformer (#34) Summary: X-link: https://github.com/facebookresearch/multimodal/pull/34 Pull Request resolved: https://github.com/pytorch/text/pull/1700 Replace the usage of TransformerEncoder by BetterTransformerEncoder In theory we should be able to remove torchtext.TransformerEncoderLayer after this diff. Reviewed By: parmeet Differential Revision: D36084653 fbshipit-source-id: 64ed3810e809fc1db840e75e2e05783089ff31d2 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D36162313 fbshipit-source-id: ff366f585b4783e903f8388654e71ce635b2a556 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D36307982 fbshipit-source-id: faf90f12012bd962fc5decfd3cf9e117f4b9160a * Enable model testing in FBCode Summary: This diff enables Model testing in FB code Notes: 1. it only tests XLM-R models (base and large) in integration tests. We need to do a follow-up diff to enable RoBERTa testing since corresponding assets are missing in FBcode. Edit: Addressed the Roberta model testing in this diff itself 2. parameterized was giving some weird long names to the test which was creating some unknown issue for running them in sandcastlle. Removed it for now to get the proper names for test. Edit: refactored test suit since nested_params was creating long string names (400+ characters) for test methods due to RobertaBundle objects Reviewed By: mikekgfb Differential Revision: D35973306 fbshipit-source-id: 8a50d03466f60c8a4a0fbd5857611e68c92ebf08 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D36340622 fbshipit-source-id: ed6f1994916d5d469198e6d0876387a6363db1ea * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D36448402 fbshipit-source-id: bee15f955a21a730653d72d4aedff7b6122f6ef0 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D36510904 fbshipit-source-id: 1b9b27e62af007e88f76414e936fa08ae1ce7d59 * Import torchtext #1794 a54be1f3a7ac534509ac9c066a1b35127936dd77 Summary: Manually importing TorchText from github using ```./fbcode/pytorch/fb_build/import_text.sh``` In additional to manual import, this diff also updates the libtorchtext TARGET dependency on utf8proc Reviewed By: VirgileHlav Differential Revision: D37250868 fbshipit-source-id: 369d67aa02492f620350eb8b28c00b59dc84f081 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D37171614 fbshipit-source-id: 56fa981bc709f78ac3371a5346b9278730895b82 * Import TorchText from Github Summary: Meta: Import latest TorchText from Github to fbcode. Check fb/LAST_SYNCED_COMMIT_FROM_GITHUB_MAIN for the synced commit hash. Rules run: - CodemodTransformerSimpleShell Config Oncall: [pytorch_text](https://our.intern.facebook.com/intern/oncall3/?shortname=pytorch_text) CodemodConfig: [CodemodConfigPyTorchTextGithubSync](https://www.internalfb.com/code/www/flib/intern/codemod_service/config/pytorch_text/github_sync/CodemodConfigPyTorchTextGithubSync.php) ConfigType: php Sandcastle URL: https://www.internalfb.com/intern/sandcastle/job/31525198098541494/ This diff was automatically created with CodemodService. To learn more about CodemodService, check out the [CodemodService wiki](https://fburl.com/CodemodService). _____ ## Questions / Comments / Feedback? **[Click here to give feedback about this diff](https://www.internalfb.com/codemod_service/feedback?sandcastle_job_id=31525198098541494).** * Returning back to author or abandoning this diff will only cause the diff to be regenerated in the future. * Do **NOT** post in the CodemodService Feedback group about this specific diff. Reviewed By: Nayef211 Differential Revision: D37374922 fbshipit-source-id: d2cfb5e58fc35b653f00b0d81330fe2337e6e347 * Import TorchText from Github Summary: Meta: Import latest TorchText from Github to fbcode. Check fb/LAST_SYNCED_COMMIT_FROM_GITHUB_MAIN for the synced commit hash. Rules run: - CodemodTransformerSimpleShell Config Oncall: [pytorch_text](https://our.intern.facebook.com/intern/oncall3/?shortname=pytorch_text) CodemodConfig: [CodemodConfigPyTorchTextGithubSync](https://www.internalfb.com/code/www/flib/intern/codemod_service/config/pytorch_text/github_sync/CodemodConfigPyTorchTextGithubSync.php) ConfigType: php Sandcastle URL: https://www.internalfb.com/intern/sandcastle/job/709158032/ This diff was automatically created with CodemodService. To learn more about CodemodService, check out the [CodemodService wiki](https://fburl.com/CodemodService). _____ ## Questions / Comments / Feedback? **[Click here to give feedback about this diff](https://www.internalfb.com/codemod_service/feedback?sandcastle_job_id=709158032).** * Returning back to author or abandoning this diff will only cause the diff to be regenerated in the future. * Do **NOT** post in the CodemodService Feedback group about this specific diff. Reviewed By: parmeet Differential Revision: D37411197 fbshipit-source-id: 8eeb460843eacfd0f3d970062b3e0e393d5eef6f * Import TorchText from Github Summary: Meta: Import latest TorchText from Github to fbcode. Check fb/LAST_SYNCED_COMMIT_FROM_GITHUB_MAIN for the synced commit hash. Rules run: - CodemodTransformerSimpleShell Config Oncall: [pytorch_text](https://our.intern.facebook.com/intern/oncall3/?shortname=pytorch_text) CodemodConfig: [CodemodConfigPyTorchTextGithubSync](https://www.internalfb.com/code/www/flib/intern/codemod_service/config/pytorch_text/github_sync/CodemodConfigPyTorchTextGithubSync.php) ConfigType: php Sandcastle URL: https://www.internalfb.com/intern/sandcastle/job/711752278/ This diff was automatically created with CodemodService. To learn more about CodemodService, check out the [CodemodService wiki](https://fburl.com/CodemodService). _____ ## Questions / Comments / Feedback? **[Click here to give feedback about this diff](https://www.internalfb.com/codemod_service/feedback?sandcastle_job_id=711752278).** * Returning back to author or abandoning this diff will only cause the diff to be regenerated in the future. * Do **NOT** post in the CodemodService Feedback group about this specific diff. Reviewed By: Nayef211 Differential Revision: D37483835 fbshipit-source-id: b4ad3c43ece7c83c57617e6a5851fff3ecdf8e51 * Adding TARGETS file for torchtext benchmarks Summary: ### Summary - Enable benchmarking of torcharrow ops within torchtext ### Benchmark Results - Benchmarking in fbcode devserver ``` torchtext GPT2BPE tokenizer: 65.811 torchtext vocab: 2.226 torchtext add tokens operation (string): 0.722 torchtext add tokens operation (int): 0.598 torcharrow GPT2BPE tokenizer: 65.739 torcharrow vocab: 1.253 torcharrow add tokens operation (string): 14.335 torcharrow add tokens operation (int): 0.229 ``` Benchmarking on Apple MBP (results can also be found in [text#1801](https://github.com/pytorch/text/pull/1801) and [text#1807](https://github.com/pytorch/text/pull/1807)) ``` torchtext GPT2BPE tokenizer: 3.13 torchtext vocab: 0.32 torchtext add tokens operation (string): 0.382 torchtext add tokens operation (int): 0.431 torcharrow GPT2BPE tokenizer: 59.13 torcharrow vocab: 0.03 torcharrow add tokens operation (string): 3.652 torcharrow add tokens operation (int): 0.075 ``` ### Takeaways - GPT2BPE for torchtext is significantly faster on MBP than devserver - AddTokens (str) for torcharrow is still significantly slower on both MBP and devserver than the torchtext counterpart Reviewed By: parmeet Differential Revision: D37463862 fbshipit-source-id: 1fb538338367bac2b002c1a4b8f128b0b2847bf5 * Import TorchText from Github Summary: Meta: Import latest TorchText from Github to fbcode. Check fb/LAST_SYNCED_COMMIT_FROM_GITHUB_MAIN for the synced commit hash. Rules run: - CodemodTransformerSimpleShell Config Oncall: [pytorch_text](https://our.intern.facebook.com/intern/oncall3/?shortname=pytorch_text) CodemodConfig: [CodemodConfigPyTorchTextGithubSync](https://www.internalfb.com/code/www/flib/intern/codemod_service/config/pytorch_text/github_sync/CodemodConfigPyTorchTextGithubSync.php) ConfigType: php Sandcastle URL: https://www.internalfb.com/intern/sandcastle/job/13510799591955868/ This diff was automatically created with CodemodService. To learn more about CodemodService, check out the [CodemodService wiki](https://fburl.com/CodemodService). _____ ## Questions / Comments / Feedback? **[Click here to give feedback about this diff](https://www.internalfb.com/codemod_service/feedback?sandcastle_job_id=13510799591955868).** * Returning back to author or abandoning this diff will only cause the diff to be regenerated in the future. * Do **NOT** post in the CodemodService Feedback group about this specific diff. Reviewed By: abhinavarora Differential Revision: D37514618 fbshipit-source-id: efc3b56b6da2afdc601b3dc706c58d0222d0daf6 * Import TorchText from Github Reviewed By: parmeet Differential Revision: D37642224 fbshipit-source-id: 674d2fdfa57bc2131bed136986d385194416f0bb * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D37680190 fbshipit-source-id: b06341b9989bdcb0859ad84838860f05ef2e501f * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D37711064 fbshipit-source-id: 3646b536af2359b776e6a49b9c86f6657c0f1a4c * Import TorchText from Github Reviewed By: parmeet Differential Revision: D37879352 fbshipit-source-id: 53b04c4b41a3c7e8077842c39a331144eab76208 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D37952995 fbshipit-source-id: 09c492ac8d1333283bb4366c9ae0c6b95b98a87c * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D38110070 fbshipit-source-id: 824a1a2d7a4cb97a69b3bcfd39167ac039edd1b5 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D38146055 fbshipit-source-id: 1b232be8ce396189a123139ac8456433d12d2316 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D38269840 fbshipit-source-id: 901e5279e8e0265fabd48aca861a43d2e4c45dee * Import TorchText from Github Reviewed By: parmeet Differential Revision: D38351452 fbshipit-source-id: 2439d74bc9ab3f477876f35f549caec9117711bd * Import TorchText from Github Reviewed By: parmeet Differential Revision: D38381535 fbshipit-source-id: ba50c1a33fda33c4ccc8157702f32b94d415197f * Import TorchText from Github Reviewed By: parmeet Differential Revision: D38419656 fbshipit-source-id: 871439658ed673910c68c025be471501b9b4670a * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D38534440 fbshipit-source-id: 3bf1a7d5cc2daa8d14e424d16509b2df998549b8 * Import TorchText from Github Reviewed By: Nayef211 Differential Revision: D38655164 fbshipit-source-id: 0b9364fb759520c6fb60147fd0ab1044c362d588 * Import torchtext #1879 72966f0 Summary: ran the `import_text.sh` command to manually update the internal fbcode to match the Github torchtext repo Reviewed By: Nayef211 Differential Revision: D38796445 fbshipit-source-id: 904143c404141bb016a5f83fbc53906b1c6e1246 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D38907288 fbshipit-source-id: f82ad8121bce924ad6068767845e5ea29dd24bef * Remove dependency on the torch::jit::script::Module for mobile builds Summary: In order to resolve linkage errors. Specifically when vocab getting build for "mobile" version it can't resolve symbols for torch::jit::script::Module Reviewed By: Nayef211 Differential Revision: D38771271 fbshipit-source-id: 693b656f2a17af9fa5a7a1904742557f902edb55 * Replace `pytext_lib`'s `MaskTransform` with new one from `torchtext` Summary: Replace instances of `pytext_lib`'s `MaskTransform` with new one from `torchtext` that was merged in https://github.com/pytorch/text/pull/1882 Reviewed By: Nayef211 Differential Revision: D39058074 fbshipit-source-id: f61499d88eec7eccda659279786528bac7edf9d0 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D39095295 fbshipit-source-id: 2e447db46b71fc152f2f53b281585650682cb696 * move PATH_MANAGER to OSS Summary: ## Problem: pytext got "No module named 'pytorch'" in issue https://github.com/facebookresearch/pytext/issues/1706 It's due to `from pytorch.text.fb.utils import PATH_MANAGER` is internal only but imported in pytext. Actually, `pytorch/text/fb/utils/__init__.py` should be open sourced. ## Solution: This diff moved it to OSS as `from torchtext.utils import PATH_MANAGER` and updated all the references Reviewed By: Nayef211 Differential Revision: D39292896 fbshipit-source-id: c0046d62e64145b60ad9a5298b366f0f1a348369 * Turn off mask checking for torchtext which is known to have a legal mask (#1896) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1896 Turn off mask checking for torchtext which is known to have a legal mask Reviewed By: zrphercule Differential Revision: D39445703 fbshipit-source-id: 3f0cacfd39ea11a16c7a06f339872554333b5e97 * Back out "move PATH_MANAGER to OSS" (#1724) Summary: X-link: https://github.com/facebookresearch/pytext/pull/1724 Original commit changeset: c0046d62e641 Original Phabricator Diff: D39292896 torchtext can't depend on iopath as raised in https://github.com/pytorch/text/pull/1905 Reviewed By: Nayef211 Differential Revision: D39639475 fbshipit-source-id: 69a48eb3820d0642b0a56712e160a0af589e4c7c * Import TorchText from Github Summary: Manually import latest changes from github to fbcode Reviewed By: joecummings Differential Revision: D39770284 fbshipit-source-id: 1e442f222d582c43a2ca9280d93eca4135d2df09 * Import TorchText from Github Reviewed By: rshraga Differential Revision: D39811057 fbshipit-source-id: 33cce346ac3d226a2fff6c162c39164837f34d87 * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D40225047 fbshipit-source-id: 7abff009d65d713a6ce134fc88cd1955f62e3e3d * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D40294258 fbshipit-source-id: b3e14d9e78e346c294f1bc65ba3045b92251e034 * Add Character Level BPE Tokenizer (#1936) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1936 This change adds a character level BPE tokenizer to the set of available transforms. It takes a pre-trained encoder dict (i.e vocab dict) and merge list as input. It is not using C++ for encoding / decoding at this time. Reviewed By: langong347 Differential Revision: D40186470 fbshipit-source-id: 48bacc631f537e941a495e39ef9ccb17d3ef7896 * Add padding_masks and tests for T5Model (#1935) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/1935 Added the following parameters to the `forward` method of the T5Model: * `encoder_padding_mask` * `decoder_padding_mask` These allow users to specifically mask out the padding of input sequences. This matches the implementation of Transformers in PyTorch core. Reviewed By: Nayef211 Differential Revision: D40252794 fbshipit-source-id: 0e0a17fdc97ae0bbcaa1aef91e9914fd6225456b * Import TorchText from Github Reviewed By: abhinavarora Differential Revision: D40425553 fbshipit-source-id: 268b94d65cff771028c2e2fdf21caa9855d07cef Co-authored-by: Guanheng Zhang Co-authored-by: Christian Puhrsch Co-authored-by: cpuhrsch Co-authored-by: Moto Hira Co-authored-by: George Guanheng Zhang Co-authored-by: Stanislau Hlebik Co-authored-by: Andres Suarez Co-authored-by: Meghan Lele Co-authored-by: Brian Hirsh Co-authored-by: Vasilis Vryniotis Co-authored-by: Jeff Hwang Co-authored-by: Parmeet Singh Bhatia Co-authored-by: Artyom Astafurov Co-authored-by: Nicolas Hug Co-authored-by: Heitor Schueroff Co-authored-by: Facebook Community Bot Co-authored-by: Philip Meier Co-authored-by: Vincent Quenneville-Belair Co-authored-by: Yao-Yuan Yang Co-authored-by: Evan Smothers Co-authored-by: Erjia Guan Co-authored-by: Abhinav Arora Co-authored-by: Vitaly Fedyunin Co-authored-by: nayef211 Co-authored-by: CodemodService Bot <> Co-authored-by: Steven Liu Co-authored-by: Rui Zhu Co-authored-by: Michael Gschwind Co-authored-by: Pendo Abbo Co-authored-by: Joe Cummings Co-authored-by: Alexander Mazukabzov Co-authored-by: generatedunixname89002005287564 Co-authored-by: Roman Shraga Co-authored-by: Joe Cummings From 5b78d074bd303eb230d30567646fcf0358ee2dd4 Mon Sep 17 00:00:00 2001 From: Eli Uriegas <1700823+seemethere@users.noreply.github.com> Date: Wed, 19 Oct 2022 15:30:13 -0400 Subject: [PATCH 339/463] Use re instead of regex (#1953) --- packaging/torchtext/meta.yaml | 1 - torchtext/transforms.py | 2 +- 2 files changed, 1 insertion(+), 2 deletions(-) diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 2ec9bdf5b9..9d7502200d 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -23,7 +23,6 @@ requirements: - python - requests - tqdm - - regex {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} build: diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 4212d6839f..e34ec17bf6 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -1,9 +1,9 @@ import json +import re from copy import deepcopy from functools import lru_cache from typing import Any, List, Mapping, Optional, Sequence, Tuple, Union -import regex as re import torch import torchtext # noqa: F401 from torch import Tensor From d1fc6ee968c910c419cde078215f5cabed29dfeb Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Thu, 20 Oct 2022 13:25:31 -0400 Subject: [PATCH 340/463] [Nova] Adding Smoke Tests for Binary Release (#1954) * Adding Smoke Tests for Binary Release * print package version * lint * ufmt formatting --- test/smoke_tests/smoke_tests.py | 32 ++++++++++++++++++++++++++++++++ 1 file changed, 32 insertions(+) create mode 100644 test/smoke_tests/smoke_tests.py diff --git a/test/smoke_tests/smoke_tests.py b/test/smoke_tests/smoke_tests.py new file mode 100644 index 0000000000..5231c41e0a --- /dev/null +++ b/test/smoke_tests/smoke_tests.py @@ -0,0 +1,32 @@ +"""Run smoke tests""" + +import torchtext +import torchtext.data # noqa: F401 +import torchtext.data.batch # noqa: F401 +import torchtext.data.dataset # noqa: F401 +import torchtext.data.example # noqa: F401 +import torchtext.data.field # noqa: F401 +import torchtext.data.functional # noqa: F401 +import torchtext.data.iterator # noqa: F401 +import torchtext.data.metrics # noqa: F401 +import torchtext.data.pipeline # noqa: F401 +import torchtext.data.utils # noqa: F401 +import torchtext.datasets # noqa: F401 +import torchtext.datasets.babi # noqa: F401 +import torchtext.datasets.imdb # noqa: F401 +import torchtext.datasets.language_modeling # noqa: F401 +import torchtext.datasets.nli # noqa: F401 +import torchtext.datasets.sequence_tagging # noqa: F401 +import torchtext.datasets.sst # noqa: F401 +import torchtext.datasets.text_classification # noqa: F401 +import torchtext.datasets.translation # noqa: F401 +import torchtext.datasets.trec # noqa: F401 +import torchtext.datasets.unsupervised_learning # noqa: F401 +import torchtext.experimental # noqa: F401 +import torchtext.experimental.datasets # noqa: F401 +import torchtext.experimental.datasets.language_modeling # noqa: F401 +import torchtext.experimental.datasets.text_classification # noqa: F401 +import torchtext.utils # noqa: F401 +import torchtext.vocab # noqa: F401 + +print("torchtext version is ", torchtext.__version__) From 45b7667d1eb053e1347bd95566e0799d92a9407e Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 24 Oct 2022 10:15:46 -0400 Subject: [PATCH 341/463] [Nova] Add caller workflow for Linux Wheels Builds (#1959) --- .github/workflows/build-linux-conda.yml | 46 +++++++++++++++++++++++++ 1 file changed, 46 insertions(+) create mode 100644 .github/workflows/build-linux-conda.yml diff --git a/.github/workflows/build-linux-conda.yml b/.github/workflows/build-linux-conda.yml new file mode 100644 index 0000000000..13ddd128e2 --- /dev/null +++ b/.github/workflows/build-linux-conda.yml @@ -0,0 +1,46 @@ +name: Build Linux Conda + +on: + pull_request: + push: + branches: + - nightly + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: conda + os: linux + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: "" + post-script: "" + conda-package-directory: packaging/torchtext + smoke-test-script: test/smoke_tests/smoke_tests.py + package-name: torchtext + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_conda_linux.yml@main + with: + conda-package-directory: ${{ matrix.conda-package-directory }} + repository: ${{ matrix.repository }} + ref: nightly + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} From 5c402176d8456d572cad3ccd295fcfed2021e8d4 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 24 Oct 2022 10:18:56 -0400 Subject: [PATCH 342/463] [Nova] Add caller workflow for Linux Wheels Builds (#1956) * [Nova] Add caller workflow for Linux Wheels Builds * Add comprehensive smoke test script --- .github/workflows/build-wheels-linux.yml | 45 ++++++++++++++++++++++++ 1 file changed, 45 insertions(+) create mode 100644 .github/workflows/build-wheels-linux.yml diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml new file mode 100644 index 0000000000..afe272a5da --- /dev/null +++ b/.github/workflows/build-wheels-linux.yml @@ -0,0 +1,45 @@ +name: Build Linux Wheels + +on: + pull_request: + push: + branches: + - nightly + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: wheel + os: linux + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: "" + post-script: "" + smoke-test-script: test/smoke_tests/smoke_tests.py + package-name: torchtext + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_wheels_linux.yml@main + with: + repository: ${{ matrix.repository }} + ref: nightly + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} + AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From f44bac49d05d1f3b0577e141c892a889e485077c Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Tue, 25 Oct 2022 13:11:20 -0700 Subject: [PATCH 343/463] Add Torchdata as a requirement and remove conditional imports of Torchdata (#1961) * Add Torchdata as a requirement and remove conditional imports of Torchdata * Add torchdata dep to meta.yaml --- packaging/torchtext/meta.yaml | 1 + setup.py | 2 +- torchtext/_download_hooks.py | 5 +---- torchtext/datasets/ag_news.py | 6 ++---- torchtext/datasets/amazonreviewfull.py | 6 ++---- torchtext/datasets/amazonreviewpolarity.py | 6 ++---- torchtext/datasets/cc100.py | 7 ++----- torchtext/datasets/cnndm.py | 14 ++++++-------- torchtext/datasets/cola.py | 6 ++---- torchtext/datasets/conll2000chunking.py | 6 ++---- torchtext/datasets/dbpedia.py | 6 ++---- torchtext/datasets/enwik9.py | 6 ++---- torchtext/datasets/imdb.py | 6 ++---- torchtext/datasets/iwslt2016.py | 6 ++---- torchtext/datasets/iwslt2017.py | 6 ++---- torchtext/datasets/mnli.py | 12 +++++------- torchtext/datasets/mrpc.py | 4 +--- torchtext/datasets/multi30k.py | 7 +++---- torchtext/datasets/penntreebank.py | 7 +++---- torchtext/datasets/qnli.py | 12 +++++------- torchtext/datasets/qqp.py | 6 ++---- torchtext/datasets/rte.py | 12 +++++------- torchtext/datasets/sogounews.py | 6 ++---- torchtext/datasets/squad1.py | 6 ++---- torchtext/datasets/squad2.py | 6 ++---- torchtext/datasets/sst2.py | 12 +++++------- torchtext/datasets/stsb.py | 12 +++++------- torchtext/datasets/udpos.py | 6 ++---- torchtext/datasets/wikitext103.py | 6 ++---- torchtext/datasets/wikitext2.py | 6 ++---- torchtext/datasets/wnli.py | 12 +++++------- torchtext/datasets/yahooanswers.py | 6 ++---- torchtext/datasets/yelpreviewfull.py | 6 ++---- torchtext/datasets/yelpreviewpolarity.py | 6 ++---- 34 files changed, 88 insertions(+), 151 deletions(-) diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 9d7502200d..13ff1a925f 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -23,6 +23,7 @@ requirements: - python - requests - tqdm + - torchdata {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} build: diff --git a/setup.py b/setup.py index d8afa7a550..92ba40d262 100644 --- a/setup.py +++ b/setup.py @@ -100,7 +100,7 @@ def run(self): description="Text utilities and datasets for PyTorch", long_description=read("README.rst"), license="BSD", - install_requires=["tqdm", "requests", pytorch_package_dep, "numpy"], + install_requires=["tqdm", "requests", pytorch_package_dep, "numpy", "torchdata"], python_requires=">=3.7", classifiers=[ "Programming Language :: Python :: 3.7", diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index d740827c48..505320efae 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -4,12 +4,9 @@ # This is to allow monkey-patching in fbcode from torch.hub import load_state_dict_from_url # noqa -from torchtext._internal.module_utils import is_module_available +from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 from tqdm import tqdm -if is_module_available("torchdata"): - from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 - def _stream_response(r, chunk_size=16 * 1024): total_size = int(r.headers.get("Content-length", 0)) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index f07b3ae354..5f1c7741f6 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", "test": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index eb527a8046..06e688279a 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA" MD5 = "57d28bd5d930e772930baddf36641c7c" diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index f4a47da008..9616dc1d9e 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" MD5 = "fe39f8b653cada45afd5792e0f0e8f9b" diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 755f277224..4ce2e92dd8 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,15 +1,12 @@ import os.path from functools import partial -from torchtext._internal.module_utils import is_module_available +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext.data.datasets_utils import ( _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://data.statmt.org/cc-100/%s.txt.xz" VALID_CODES = { diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index db65680d17..36b0347678 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -3,20 +3,18 @@ from functools import partial from typing import Union, Set, Tuple +from torchdata.datapipes.iter import ( + FileOpener, + IterableWrapper, + OnlineReader, + GDriveReader, +) from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import ( - FileOpener, - IterableWrapper, - OnlineReader, - GDriveReader, - ) - DATASET_NAME = "CNNDM" SPLIT_LIST = { diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index a56c61572b..214c435d03 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -3,13 +3,11 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory, _wrap_split_argument -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://nyu-mll.github.io/CoLA/cola_public_1.1.zip" MD5 = "9f6d88c3558ec424cd9d66ea03589aba" diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 25b60e4cb7..acbd9cbd0c 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", "test": "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 3afc414462..be86f1a98c 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k" MD5 = "dca7b1ae12b1091090db52aa7ec5ca64" diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 744cf22d8b..cbd5e647a7 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,13 +1,11 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://mattmahoney.net/dc/enwik9.zip" MD5 = "3e773f8a1577fda2e27f871ca17f31fd" diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index d9962342b4..09fba57b04 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -3,14 +3,12 @@ from pathlib import Path from typing import Tuple, Union +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory from torchtext.data.datasets_utils import _wrap_split_argument -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz" MD5 = "7c2ac02c03563afcf9b574c7e56c153a" diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 1bc1386fa6..dd4b806e8c 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -1,6 +1,8 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -9,10 +11,6 @@ _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8" _PATH = "2016-01.tgz" diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 1691e0c89c..4767218bd7 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,6 +1,8 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -9,10 +11,6 @@ _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" _PATH = "2017-01-trnmted.tgz" MD5 = "aca701032b1c4411afc4d9fa367796ba" diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index ff27b18d6d..f4335c5ccf 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -3,19 +3,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://cims.nyu.edu/~sbowman/multinli/multinli_1.0.zip" diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index d958865079..e9abea1721 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -3,15 +3,13 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - URL = { "train": "https://dl.fbaipublicfiles.com/senteval/senteval_data/msr_paraphrase_train.txt", diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index ce974e9471..81f007a678 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -2,16 +2,15 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader # noqa +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", "valid": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index f6f8cc703c..1e0d9f295f 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -2,16 +2,15 @@ from functools import partial from typing import Tuple, Union +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader # noqa +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", diff --git a/torchtext/datasets/qnli.py b/torchtext/datasets/qnli.py index 47fd14ffd6..aa71eeb208 100644 --- a/torchtext/datasets/qnli.py +++ b/torchtext/datasets/qnli.py @@ -3,19 +3,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/QNLIv2.zip" diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 6ef8e18e97..013a6a82a8 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -1,13 +1,11 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://qim.fs.quoracdn.net/quora_duplicate_questions.tsv" MD5 = "b6d5672bd9dc1e66ab2bb020ebeafb8d" diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py index 4ddc2c9f2f..06355468ae 100644 --- a/torchtext/datasets/rte.py +++ b/torchtext/datasets/rte.py @@ -3,19 +3,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/RTE.zip" diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index a160c5b1a1..80c7c9af9a 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE" MD5 = "0c1700ba70b73f964dd8de569d3fd03e" diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index ef110da662..5c83bcdec2 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 11b3fdd5fc..48ef86556c 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 40c269ac7e..132b22d68d 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -2,19 +2,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index 153391d5da..4689f2bcec 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -2,19 +2,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "http://ixa2.si.ehu.es/stswiki/images/4/48/Stsbenchmark.tar.gz" diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index a7bf1b2184..3c7b76b124 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip" MD5 = "bdcac7c52d934656bae1699541424545" diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index fad94bf2fe..0914d708e9 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip" MD5 = "9ddaacaf6af0710eda8c456decff7832" diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index e7ad4a85f9..ec686b94cd 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip" MD5 = "542ccefacc6c27f945fb54453812b3cd" diff --git a/torchtext/datasets/wnli.py b/torchtext/datasets/wnli.py index 5c0226e8c7..c864275899 100644 --- a/torchtext/datasets/wnli.py +++ b/torchtext/datasets/wnli.py @@ -2,19 +2,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/WNLI.zip" diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 1721adb2bf..9fad10ff1d 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU" MD5 = "f3f9899b997a42beb24157e62e3eea8d" diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index a6e355d9d7..1272dae45c 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0" MD5 = "f7ddfafed1033f68ec72b9267863af6c" diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 82c04e6efc..90e1e31e59 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg" MD5 = "620c8ae4bd5a150b730f1ba9a7c6a4d3" From 0208a0ed4fa5f55e1e50cc26c24cb7a132e0d62f Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Tue, 25 Oct 2022 15:00:58 -0700 Subject: [PATCH 344/463] [Nova] Linux CPU GHA for Unittests (#1955) * [Nova] Linux CPU GHA for Unittests * small error with folder name --- .github/workflows/test-linux-cpu.yml | 68 ++++++++++++++++++++++++++++ 1 file changed, 68 insertions(+) create mode 100644 .github/workflows/test-linux-cpu.yml diff --git a/.github/workflows/test-linux-cpu.yml b/.github/workflows/test-linux-cpu.yml new file mode 100644 index 0000000000..9fdae0b59f --- /dev/null +++ b/.github/workflows/test-linux-cpu.yml @@ -0,0 +1,68 @@ +name: Unit-tests on Linux CPU + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + workflow_dispatch: + +env: + CHANNEL: "nightly" + +jobs: + tests: + strategy: + matrix: + python_version: ["3.7", "3.8", "3.9", "3.10"] + fail-fast: false + uses: pytorch/test-infra/.github/workflows/linux_job.yml@main + with: + runner: linux.12xlarge + repository: pytorch/text + script: | + # Mark Build Directory Safe + git config --global --add safe.directory /__w/text/text + + # Set up Environment Variables + export PYTHON_VERSION="${{ matrix.python_version }}" + export VERSION="cpu" + export CUDATOOLKIT="cpuonly" + + # Set CHANNEL + if [[ (${GITHUB_EVENT_NAME} = 'pull_request' && (${GITHUB_BASE_REF} = 'release'*)) || (${GITHUB_REF} = 'refs/heads/release'*) ]]; then + export CHANNEL=test + else + export CHANNEL=nightly + fi + + # Create Conda Env + conda create -yp ci_env python="${PYTHON_VERSION}" + conda activate /work/ci_env + python3 -m pip --quiet install cmake>=3.18.0 ninja + conda env update --file ".circleci/unittest/linux/scripts/environment.yml" --prune + + # TorchText-specific Setup + printf "* Downloading SpaCy English models\n" + python -m spacy download en_core_web_sm + printf "* Downloading SpaCy German models\n" + python -m spacy download de_core_news_sm + + # Install PyTorch, Torchvision, and TorchData + set -ex + conda install \ + --yes \ + -c "pytorch-${CHANNEL}" \ + -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ + "${CUDATOOLKIT}" + printf "Installing torchdata nightly\n" + python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python3 setup.py develop + python3 -m pip install parameterized + + # Run Tests + python3 -m torch.utils.collect_env + cd test + python3 -m pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest From 7d4a5182dc9f801977f26b0fc0d973b293c425e3 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Thu, 27 Oct 2022 14:04:00 -0700 Subject: [PATCH 345/463] [Nova] Rename Linux Conda Caller Workflow (#1963) --- .../workflows/{build-linux-conda.yml => build-conda-linux.yml} | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename .github/workflows/{build-linux-conda.yml => build-conda-linux.yml} (100%) diff --git a/.github/workflows/build-linux-conda.yml b/.github/workflows/build-conda-linux.yml similarity index 100% rename from .github/workflows/build-linux-conda.yml rename to .github/workflows/build-conda-linux.yml From a21126d71d184694340ea8d6adf66903d8ffb417 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 28 Oct 2022 15:23:00 -0400 Subject: [PATCH 346/463] Revert "Add Torchdata as a requirement and remove conditional imports of Torchdata (#1961)" (#1968) This reverts commit f44bac49d05d1f3b0577e141c892a889e485077c. --- packaging/torchtext/meta.yaml | 1 - setup.py | 2 +- torchtext/_download_hooks.py | 5 ++++- torchtext/datasets/ag_news.py | 6 ++++-- torchtext/datasets/amazonreviewfull.py | 6 ++++-- torchtext/datasets/amazonreviewpolarity.py | 6 ++++-- torchtext/datasets/cc100.py | 7 +++++-- torchtext/datasets/cnndm.py | 14 ++++++++------ torchtext/datasets/cola.py | 6 ++++-- torchtext/datasets/conll2000chunking.py | 6 ++++-- torchtext/datasets/dbpedia.py | 6 ++++-- torchtext/datasets/enwik9.py | 6 ++++-- torchtext/datasets/imdb.py | 6 ++++-- torchtext/datasets/iwslt2016.py | 6 ++++-- torchtext/datasets/iwslt2017.py | 6 ++++-- torchtext/datasets/mnli.py | 12 +++++++----- torchtext/datasets/mrpc.py | 4 +++- torchtext/datasets/multi30k.py | 7 ++++--- torchtext/datasets/penntreebank.py | 7 ++++--- torchtext/datasets/qnli.py | 12 +++++++----- torchtext/datasets/qqp.py | 6 ++++-- torchtext/datasets/rte.py | 12 +++++++----- torchtext/datasets/sogounews.py | 6 ++++-- torchtext/datasets/squad1.py | 6 ++++-- torchtext/datasets/squad2.py | 6 ++++-- torchtext/datasets/sst2.py | 12 +++++++----- torchtext/datasets/stsb.py | 12 +++++++----- torchtext/datasets/udpos.py | 6 ++++-- torchtext/datasets/wikitext103.py | 6 ++++-- torchtext/datasets/wikitext2.py | 6 ++++-- torchtext/datasets/wnli.py | 12 +++++++----- torchtext/datasets/yahooanswers.py | 6 ++++-- torchtext/datasets/yelpreviewfull.py | 6 ++++-- torchtext/datasets/yelpreviewpolarity.py | 6 ++++-- 34 files changed, 151 insertions(+), 88 deletions(-) diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 13ff1a925f..9d7502200d 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -23,7 +23,6 @@ requirements: - python - requests - tqdm - - torchdata {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} build: diff --git a/setup.py b/setup.py index 92ba40d262..d8afa7a550 100644 --- a/setup.py +++ b/setup.py @@ -100,7 +100,7 @@ def run(self): description="Text utilities and datasets for PyTorch", long_description=read("README.rst"), license="BSD", - install_requires=["tqdm", "requests", pytorch_package_dep, "numpy", "torchdata"], + install_requires=["tqdm", "requests", pytorch_package_dep, "numpy"], python_requires=">=3.7", classifiers=[ "Programming Language :: Python :: 3.7", diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 505320efae..d740827c48 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -4,9 +4,12 @@ # This is to allow monkey-patching in fbcode from torch.hub import load_state_dict_from_url # noqa -from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 +from torchtext._internal.module_utils import is_module_available from tqdm import tqdm +if is_module_available("torchdata"): + from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 + def _stream_response(r, chunk_size=16 * 1024): total_size = int(r.headers.get("Content-length", 0)) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 5f1c7741f6..f07b3ae354 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = { "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", "test": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 06e688279a..eb527a8046 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA" MD5 = "57d28bd5d930e772930baddf36641c7c" diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 9616dc1d9e..f4a47da008 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" MD5 = "fe39f8b653cada45afd5792e0f0e8f9b" diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 4ce2e92dd8..755f277224 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,12 +1,15 @@ import os.path from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "http://data.statmt.org/cc-100/%s.txt.xz" VALID_CODES = { diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index 36b0347678..db65680d17 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -3,18 +3,20 @@ from functools import partial from typing import Union, Set, Tuple -from torchdata.datapipes.iter import ( - FileOpener, - IterableWrapper, - OnlineReader, - GDriveReader, -) from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import ( + FileOpener, + IterableWrapper, + OnlineReader, + GDriveReader, + ) + DATASET_NAME = "CNNDM" SPLIT_LIST = { diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index 214c435d03..a56c61572b 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -3,11 +3,13 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory, _wrap_split_argument +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "https://nyu-mll.github.io/CoLA/cola_public_1.1.zip" MD5 = "9f6d88c3558ec424cd9d66ea03589aba" diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index acbd9cbd0c..25b60e4cb7 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = { "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", "test": "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index be86f1a98c..3afc414462 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k" MD5 = "dca7b1ae12b1091090db52aa7ec5ca64" diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index cbd5e647a7..744cf22d8b 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,11 +1,13 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "http://mattmahoney.net/dc/enwik9.zip" MD5 = "3e773f8a1577fda2e27f871ca17f31fd" diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 09fba57b04..d9962342b4 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -3,12 +3,14 @@ from pathlib import Path from typing import Tuple, Union -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory from torchtext.data.datasets_utils import _wrap_split_argument +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz" MD5 = "7c2ac02c03563afcf9b574c7e56c153a" diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index dd4b806e8c..1bc1386fa6 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -1,8 +1,6 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -11,6 +9,10 @@ _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8" _PATH = "2016-01.tgz" diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 4767218bd7..1691e0c89c 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,8 +1,6 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -11,6 +9,10 @@ _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" _PATH = "2017-01-trnmted.tgz" MD5 = "aca701032b1c4411afc4d9fa367796ba" diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index f4335c5ccf..ff27b18d6d 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -3,17 +3,19 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - -# we import HttpReader from _download_hooks so we can swap out public URLs -# with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + URL = "https://cims.nyu.edu/~sbowman/multinli/multinli_1.0.zip" diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index e9abea1721..d958865079 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -3,13 +3,15 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper + URL = { "train": "https://dl.fbaipublicfiles.com/senteval/senteval_data/msr_paraphrase_train.txt", diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 81f007a678..ce974e9471 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -2,15 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader # noqa -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = { "train": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", "valid": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 1e0d9f295f..f6f8cc703c 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -2,15 +2,16 @@ from functools import partial from typing import Tuple, Union -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader # noqa -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = { "train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", diff --git a/torchtext/datasets/qnli.py b/torchtext/datasets/qnli.py index aa71eeb208..47fd14ffd6 100644 --- a/torchtext/datasets/qnli.py +++ b/torchtext/datasets/qnli.py @@ -3,17 +3,19 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - -# we import HttpReader from _download_hooks so we can swap out public URLs -# with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + URL = "https://dl.fbaipublicfiles.com/glue/data/QNLIv2.zip" diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 013a6a82a8..6ef8e18e97 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -1,11 +1,13 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "http://qim.fs.quoracdn.net/quora_duplicate_questions.tsv" MD5 = "b6d5672bd9dc1e66ab2bb020ebeafb8d" diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py index 06355468ae..4ddc2c9f2f 100644 --- a/torchtext/datasets/rte.py +++ b/torchtext/datasets/rte.py @@ -3,17 +3,19 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - -# we import HttpReader from _download_hooks so we can swap out public URLs -# with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + URL = "https://dl.fbaipublicfiles.com/glue/data/RTE.zip" diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 80c7c9af9a..a160c5b1a1 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE" MD5 = "0c1700ba70b73f964dd8de569d3fd03e" diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 5c83bcdec2..ef110da662 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 48ef86556c..11b3fdd5fc 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 132b22d68d..40c269ac7e 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -2,17 +2,19 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - -# we import HttpReader from _download_hooks so we can swap out public URLs -# with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index 4689f2bcec..153391d5da 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -2,17 +2,19 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - -# we import HttpReader from _download_hooks so we can swap out public URLs -# with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + URL = "http://ixa2.si.ehu.es/stswiki/images/4/48/Stsbenchmark.tar.gz" diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 3c7b76b124..a7bf1b2184 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip" MD5 = "bdcac7c52d934656bae1699541424545" diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 0914d708e9..fad94bf2fe 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip" MD5 = "9ddaacaf6af0710eda8c456decff7832" diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index ec686b94cd..e7ad4a85f9 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import HttpReader + URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip" MD5 = "542ccefacc6c27f945fb54453812b3cd" diff --git a/torchtext/datasets/wnli.py b/torchtext/datasets/wnli.py index c864275899..5c0226e8c7 100644 --- a/torchtext/datasets/wnli.py +++ b/torchtext/datasets/wnli.py @@ -2,17 +2,19 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - -# we import HttpReader from _download_hooks so we can swap out public URLs -# with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + + # we import HttpReader from _download_hooks so we can swap out public URLs + # with interal URLs when the dataset is used within Facebook + from torchtext._download_hooks import HttpReader + URL = "https://dl.fbaipublicfiles.com/glue/data/WNLI.zip" diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 9fad10ff1d..1721adb2bf 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU" MD5 = "f3f9899b997a42beb24157e62e3eea8d" diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 1272dae45c..a6e355d9d7 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0" MD5 = "f7ddfafed1033f68ec72b9267863af6c" diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 90e1e31e59..82c04e6efc 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -2,14 +2,16 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) +if is_module_available("torchdata"): + from torchdata.datapipes.iter import FileOpener, IterableWrapper + from torchtext._download_hooks import GDriveReader + URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg" MD5 = "620c8ae4bd5a150b730f1ba9a7c6a4d3" From 345c2df9f4257307ddd43b60b26693fc9bbeb30e Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 28 Oct 2022 12:49:59 -0700 Subject: [PATCH 347/463] [Nova] Updated Smoke Tests that Account for Recursive Import (#1967) * [Nova] Rest of the imports are covered recusrively * add version import --- test/smoke_tests/smoke_tests.py | 28 +--------------------------- 1 file changed, 1 insertion(+), 27 deletions(-) diff --git a/test/smoke_tests/smoke_tests.py b/test/smoke_tests/smoke_tests.py index 5231c41e0a..7b399508d6 100644 --- a/test/smoke_tests/smoke_tests.py +++ b/test/smoke_tests/smoke_tests.py @@ -1,32 +1,6 @@ """Run smoke tests""" import torchtext -import torchtext.data # noqa: F401 -import torchtext.data.batch # noqa: F401 -import torchtext.data.dataset # noqa: F401 -import torchtext.data.example # noqa: F401 -import torchtext.data.field # noqa: F401 -import torchtext.data.functional # noqa: F401 -import torchtext.data.iterator # noqa: F401 -import torchtext.data.metrics # noqa: F401 -import torchtext.data.pipeline # noqa: F401 -import torchtext.data.utils # noqa: F401 -import torchtext.datasets # noqa: F401 -import torchtext.datasets.babi # noqa: F401 -import torchtext.datasets.imdb # noqa: F401 -import torchtext.datasets.language_modeling # noqa: F401 -import torchtext.datasets.nli # noqa: F401 -import torchtext.datasets.sequence_tagging # noqa: F401 -import torchtext.datasets.sst # noqa: F401 -import torchtext.datasets.text_classification # noqa: F401 -import torchtext.datasets.translation # noqa: F401 -import torchtext.datasets.trec # noqa: F401 -import torchtext.datasets.unsupervised_learning # noqa: F401 -import torchtext.experimental # noqa: F401 -import torchtext.experimental.datasets # noqa: F401 -import torchtext.experimental.datasets.language_modeling # noqa: F401 -import torchtext.experimental.datasets.text_classification # noqa: F401 -import torchtext.utils # noqa: F401 -import torchtext.vocab # noqa: F401 +import torchtext.version # noqa: F401 print("torchtext version is ", torchtext.__version__) From d43a13323e62cf8679c7f254997184275a394026 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 28 Oct 2022 13:34:29 -0700 Subject: [PATCH 348/463] [Nova] Binary Build Workflows should use PR and not nightly on PRs (#1971) * [Nova] Binary Build Workflows should use PR and not nightly on PRs * pass empty string --- .github/workflows/build-conda-linux.yml | 2 +- .github/workflows/build-wheels-linux.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 13ddd128e2..947d23dc89 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -32,7 +32,7 @@ jobs: with: conda-package-directory: ${{ matrix.conda-package-directory }} repository: ${{ matrix.repository }} - ref: nightly + ref: "" test-infra-repository: pytorch/test-infra test-infra-ref: main build-matrix: ${{ needs.generate-matrix.outputs.matrix }} diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index afe272a5da..a474b4c45b 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -30,7 +30,7 @@ jobs: uses: pytorch/test-infra/.github/workflows/build_wheels_linux.yml@main with: repository: ${{ matrix.repository }} - ref: nightly + ref: "" test-infra-repository: pytorch/test-infra test-infra-ref: main build-matrix: ${{ needs.generate-matrix.outputs.matrix }} From 721528b68c03cb2f3eb72ef5ca2d15f175d294c0 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 28 Oct 2022 15:42:35 -0700 Subject: [PATCH 349/463] [Nova] Caller workflow for Mac x86 Wheels (#1964) * [Nova] Caller workflow for Mac x86 Wheels * use empty reg and smoke tests --- .github/workflows/build-wheels-macos.yml | 46 ++++++++++++++++++++++++ 1 file changed, 46 insertions(+) create mode 100644 .github/workflows/build-wheels-macos.yml diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml new file mode 100644 index 0000000000..46d7c01ac3 --- /dev/null +++ b/.github/workflows/build-wheels-macos.yml @@ -0,0 +1,46 @@ +name: Build Macos Wheels + +on: + pull_request: + push: + branches: + - nightly + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: wheel + os: macos + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: "" + post-script: "" + package-name: torchtext + smoke-test-script: test/smoke_tests/smoke_tests.py + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_wheels_macos.yml@main + with: + repository: ${{ matrix.repository }} + ref: "" + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + runner-type: macos-12 + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} + AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From c801b55b5cb5eaadd4e94e162e39ce5b5cd6f1e0 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 28 Oct 2022 15:59:55 -0700 Subject: [PATCH 350/463] [Nova] Mac x86 Unittests (#1969) * [Nova] Mac x86 Unittests * relative path for conda env * change how pytorch is installed * cpuonly part of same cmd --- .github/workflows/test-macos-cpu.yml | 74 ++++++++++++++++++++++++++++ 1 file changed, 74 insertions(+) create mode 100644 .github/workflows/test-macos-cpu.yml diff --git a/.github/workflows/test-macos-cpu.yml b/.github/workflows/test-macos-cpu.yml new file mode 100644 index 0000000000..f8557f72e5 --- /dev/null +++ b/.github/workflows/test-macos-cpu.yml @@ -0,0 +1,74 @@ +name: Unit-tests on Macos CPU + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + workflow_dispatch: + +env: + CHANNEL: "nightly" + +jobs: + tests: + strategy: + matrix: + python_version: ["3.7", "3.8", "3.9", "3.10"] + fail-fast: false + uses: pytorch/test-infra/.github/workflows/macos_job.yml@main + with: + runner: macos-12 + repository: pytorch/text + script: | + # Mark Build Directory Safe + git config --global --add safe.directory /__w/text/text + + # Set up Environment Variables + export PYTHON_VERSION="${{ matrix.python_version }}" + export VERSION="cpu" + export CUDATOOLKIT="cpuonly" + + # Set CHANNEL + if [[ (${GITHUB_EVENT_NAME} = 'pull_request' && (${GITHUB_BASE_REF} = 'release'*)) || (${GITHUB_REF} = 'refs/heads/release'*) ]]; then + export CHANNEL=test + else + export CHANNEL=nightly + fi + + # TODO: this can be removed as soon as linking issue could be resolved + # see https://github.com/pytorch/pytorch/issues/62424 from details + export MKL_CONSTRAINT='mkl==2021.2.0' + + # Create Conda Env + conda create -yp ./ci_env python="${PYTHON_VERSION}" + conda activate ./ci_env + python3 -m pip --quiet install cmake>=3.18.0 ninja + conda env update --file ".circleci/unittest/linux/scripts/environment.yml" --prune + + # TorchText-specific Setup + printf "* Downloading SpaCy English models\n" + python -m spacy download en_core_web_sm + printf "* Downloading SpaCy German models\n" + python -m spacy download de_core_news_sm + + # Install PyTorch, Torchvision, and TorchData + set -ex + conda install \ + --yes \ + -c "pytorch-${CHANNEL}" \ + -c nvidia \ + "${MKL_CONSTRAINT}" \ + pytorch \ + "${CUDATOOLKIT}" + printf "Installing torchdata nightly\n" + python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python3 setup.py develop + python3 -m pip install parameterized + + # Run Tests + python3 -m torch.utils.collect_env + cd test + python3 -m pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest From 64f63533f60f88f645a5a1e09e1c2caaa1f82d7a Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 31 Oct 2022 11:09:15 -0700 Subject: [PATCH 351/463] [Nova] Increase Mac x86 CI Timeout (#1972) --- .github/workflows/test-macos-cpu.yml | 1 + 1 file changed, 1 insertion(+) diff --git a/.github/workflows/test-macos-cpu.yml b/.github/workflows/test-macos-cpu.yml index f8557f72e5..29709c139b 100644 --- a/.github/workflows/test-macos-cpu.yml +++ b/.github/workflows/test-macos-cpu.yml @@ -22,6 +22,7 @@ jobs: with: runner: macos-12 repository: pytorch/text + timeout: 60 script: | # Mark Build Directory Safe git config --global --add safe.directory /__w/text/text From 055778d9196ceff27e13fc7b967559d83c758d96 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Mon, 31 Oct 2022 17:24:10 -0400 Subject: [PATCH 352/463] Ensure decoder mask is on same device as other tensors (#1977) --- torchtext/prototype/models/t5/model.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 2812af3c74..7db6431d06 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -190,7 +190,7 @@ def forward( assert decoder_tokens is not None and decoder_tokens.dim() == 2 tgt_len = decoder_tokens.shape[1] decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) - decoder_mask = decoder_mask.to(torch.bool) + decoder_mask = decoder_mask.to(self.device, dtype=torch.bool) decoder_padding_mask = decoder_tokens.eq(self.padding_idx) # T5 implemention uses padding idx to start sequence. Want to ignore this when masking From 8807465c9ebdc85d3aaf8aa47d5cb3aa9e0e13c6 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 31 Oct 2022 14:58:42 -0700 Subject: [PATCH 353/463] [Nova] Add Caller for Mac x86 Conda Binaries (#1973) --- .github/workflows/build-conda-macos.yml | 48 +++++++++++++++++++++++++ 1 file changed, 48 insertions(+) create mode 100644 .github/workflows/build-conda-macos.yml diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml new file mode 100644 index 0000000000..4f853ed61d --- /dev/null +++ b/.github/workflows/build-conda-macos.yml @@ -0,0 +1,48 @@ +name: Build Macos Conda + +on: + pull_request: + push: + branches: + - nightly + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: conda + os: macos + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: "" + post-script: "" + conda-package-directory: packaging/torchtext + smoke-test-script: test/smoke_tests/smoke_tests.py + package-name: torchtext + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_conda_macos.yml@main + with: + conda-package-directory: ${{ matrix.conda-package-directory }} + repository: ${{ matrix.repository }} + ref: "" + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} + runner-type: macos-12 + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} From aeee4d1b35024debaff810ceea2ab464b28f4947 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 31 Oct 2022 15:10:32 -0700 Subject: [PATCH 354/463] [Nova] Pass the smoke test scripts to Reusable Workflow (#1974) --- .github/workflows/build-conda-linux.yml | 1 + .github/workflows/build-wheels-linux.yml | 1 + .github/workflows/build-wheels-macos.yml | 1 + 3 files changed, 3 insertions(+) diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 947d23dc89..ccad67c166 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -39,6 +39,7 @@ jobs: pre-script: ${{ matrix.pre-script }} post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} # Using "development" as trigger event so these binaries are not uploaded # to official channels yet trigger-event: development diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index a474b4c45b..6777589c79 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -37,6 +37,7 @@ jobs: pre-script: ${{ matrix.pre-script }} post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} # Using "development" as trigger event so these binaries are not uploaded # to official channels yet trigger-event: development diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index 46d7c01ac3..784de1f92a 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -37,6 +37,7 @@ jobs: pre-script: ${{ matrix.pre-script }} post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} runner-type: macos-12 # Using "development" as trigger event so these binaries are not uploaded # to official channels yet From 86b42266ca738d0fac3aea83def6369dcc060f33 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Wed, 2 Nov 2022 12:05:37 -0700 Subject: [PATCH 355/463] [Nova] Add M1 Binary Builds (#1978) * [Nova] Add M1 Binary Builds * Create separate workflows instead of matrix on existing workflow --- .github/workflows/build-conda-m1.yml | 48 +++++++++++++++++++++++++++ .github/workflows/build-wheels-m1.yml | 47 ++++++++++++++++++++++++++ 2 files changed, 95 insertions(+) create mode 100644 .github/workflows/build-conda-m1.yml create mode 100644 .github/workflows/build-wheels-m1.yml diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml new file mode 100644 index 0000000000..444629ea84 --- /dev/null +++ b/.github/workflows/build-conda-m1.yml @@ -0,0 +1,48 @@ +name: Build M1 Conda + +on: + pull_request: + push: + branches: + - nightly + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: conda + os: macos-arm64 + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: "" + post-script: "" + conda-package-directory: packaging/torchtext + smoke-test-script: test/smoke_tests/smoke_tests.py + package-name: torchtext + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_conda_macos.yml@main + with: + conda-package-directory: ${{ matrix.conda-package-directory }} + repository: ${{ matrix.repository }} + ref: "" + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} + runner-type: macos-m1-12 + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml new file mode 100644 index 0000000000..1be083d490 --- /dev/null +++ b/.github/workflows/build-wheels-m1.yml @@ -0,0 +1,47 @@ +name: Build M1 Wheels + +on: + pull_request: + push: + branches: + - nightly + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: wheel + os: macos-arm64 + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: "" + post-script: "" + package-name: torchtext + smoke-test-script: test/smoke_tests/smoke_tests.py + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_wheels_macos.yml@main + with: + repository: ${{ matrix.repository }} + ref: "" + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} + runner-type: macos-m1-12 + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} + AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From 27d47ca8b3f03d3dae8c81eb4eac885e76d18c6a Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Nov 2022 14:58:33 -0400 Subject: [PATCH 356/463] Update nightly version to 0.15 (#1981) --- version.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/version.txt b/version.txt index 56f78043a8..b4f7ccce27 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.14.0a0 +0.15.0a0 From c047efeba813ac943cb8046a49e858a8b529d577 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 4 Nov 2022 16:54:41 -0400 Subject: [PATCH 357/463] Update compatibility matrix for 0.14 release (#1982) - Update compatibility matrix for 0.14 release Closes #1980 --- README.rst | 1 + 1 file changed, 1 insertion(+) diff --git a/README.rst b/README.rst index 83d11d5555..853fe66241 100644 --- a/README.rst +++ b/README.rst @@ -30,6 +30,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.7, <=3.10" + 1.13.0, 0.14.0, ">=3.7, <=3.10" 1.12.0, 0.13.0, ">=3.7, <=3.10" 1.11.0, 0.12.0, ">=3.6, <=3.9" 1.10.0, 0.11.0, ">=3.6, <=3.9" From 85b790360b2ce470ac6b2c56eda349224d689653 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Tue, 15 Nov 2022 13:12:04 -0500 Subject: [PATCH 358/463] Remove LTS from README (#1984) Removing LTS mention and packages from README as it is discontinued. --- README.rst | 4 ---- 1 file changed, 4 deletions(-) diff --git a/README.rst b/README.rst index 853fe66241..f5cdab96ba 100644 --- a/README.rst +++ b/README.rst @@ -36,7 +36,6 @@ We recommend Anaconda as a Python package management system. Please refer to `py 1.10.0, 0.11.0, ">=3.6, <=3.9" 1.9.1, 0.10.1, ">=3.6, <=3.9" 1.9, 0.10, ">=3.6, <=3.9" - 1.8.2 (LTS), 0.9.2 (LTS), ">=3.6, <=3.9" 1.8.1, 0.9.1, ">=3.6, <=3.9" 1.8, 0.9, ">=3.6, <=3.9" 1.7.1, 0.8.1, ">=3.6, <=3.9" @@ -54,9 +53,6 @@ Using pip:: pip install torchtext -**Note** LTS versions are distributed through a different channel than the other versioned releases. -Please refer to https://pytorch.org/get-started/locally/ for details. - Optional requirements --------------------- From d49c64a74244b971f29ae62124a70358dac5b904 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Tue, 15 Nov 2022 13:41:41 -0500 Subject: [PATCH 359/463] [Nova] Disable Uploads for Linux Wheels from CircleCI (#1986) * [Nova] Disable Uploads for Linux Wheels from CircleCI * change regenerate.py to account for the build * add back py3.8 linux wheel to allow for docs_build --- .circleci/config.yml | 113 ----------------------- .circleci/regenerate.py | 8 ++ .github/workflows/build-wheels-linux.yml | 2 +- 3 files changed, 9 insertions(+), 114 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 6a3339a34d..010fb9d09e 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -606,9 +606,6 @@ workflows: - lint_c build: jobs: - - binary_linux_wheel: - name: binary_linux_wheel_py3.7 - python_version: '3.7' - binary_linux_wheel: filters: branches: @@ -617,12 +614,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: binary_linux_wheel_py3.8 python_version: '3.8' - - binary_linux_wheel: - name: binary_linux_wheel_py3.9 - python_version: '3.9' - - binary_linux_wheel: - name: binary_linux_wheel_py3.10 - python_version: '3.10' - binary_macos_wheel: name: binary_macos_wheel_py3.7 python_version: '3.7' @@ -748,34 +739,6 @@ workflows: filters: branches: only: nightly - - binary_linux_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.7 - python_version: '3.7' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.7_upload - requires: - - nightly_binary_linux_wheel_py3.7 - - smoke_test_linux_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.7_smoke_test_pip - python_version: '3.7' - requires: - - nightly_binary_linux_wheel_py3.7_upload - binary_linux_wheel: filters: branches: @@ -784,82 +747,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: nightly_binary_linux_wheel_py3.8 python_version: '3.8' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.8_upload - requires: - - nightly_binary_linux_wheel_py3.8 - - smoke_test_linux_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.8_smoke_test_pip - python_version: '3.8' - requires: - - nightly_binary_linux_wheel_py3.8_upload - - binary_linux_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.9 - python_version: '3.9' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.9_upload - requires: - - nightly_binary_linux_wheel_py3.9 - - smoke_test_linux_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.9_smoke_test_pip - python_version: '3.9' - requires: - - nightly_binary_linux_wheel_py3.9_upload - - binary_linux_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.10 - python_version: '3.10' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.10_upload - requires: - - nightly_binary_linux_wheel_py3.10 - - smoke_test_linux_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_wheel_py3.10_smoke_test_pip - python_version: '3.10' - requires: - - nightly_binary_linux_wheel_py3.10_upload - binary_macos_wheel: filters: branches: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 53e7e318f0..87acf92830 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -35,6 +35,11 @@ def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): if not fb and (os_type == "linux" and btype == "wheel" and python_version == "3.8"): # the fields must match the build_docs "requires" dependency fb = "/.*/" + # We'll stop building Linux Wheels from CircleCI. Keeping + # around the Python3.8 build just for docs builds until those + # are also migrated. + if os_type == "linux" and btype == "wheel" and python_version != "3.8": + continue w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) if not filter_branch: @@ -50,6 +55,9 @@ def build_workflow_pair(btype, os_type, python_version, filter_branch, prefix="" base_workflow_name = f"{prefix}binary_{os_type}_{btype}_py{python_version}" w.append(generate_base_workflow(base_workflow_name, python_version, filter_branch, os_type, btype)) + if os_type == "linux" and btype == "wheel" and python_version == "3.8": + upload = False + if upload: w.append(generate_upload_workflow(base_workflow_name, filter_branch, btype)) if filter_branch == "nightly" and os_type in ["linux", "windows"]: diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 6777589c79..5d5f73462a 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -40,7 +40,7 @@ jobs: smoke-test-script: ${{ matrix.smoke-test-script }} # Using "development" as trigger event so these binaries are not uploaded # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From 909a8ef3500ec24c35099bda54a93a191dd4fabc Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Wed, 16 Nov 2022 16:30:29 -0500 Subject: [PATCH 360/463] [Nova] Disable Uploads for Linux Conda from CircleCI (#1987) --- .circleci/config.yml | 124 ------------------------ .circleci/regenerate.py | 2 + .github/workflows/build-conda-linux.yml | 2 +- 3 files changed, 3 insertions(+), 125 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 010fb9d09e..f6cc089564 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -638,18 +638,6 @@ workflows: - binary_windows_wheel: name: binary_windows_wheel_py3.10 python_version: '3.10' - - binary_linux_conda: - name: binary_linux_conda_py3.7 - python_version: '3.7' - - binary_linux_conda: - name: binary_linux_conda_py3.8 - python_version: '3.8' - - binary_linux_conda: - name: binary_linux_conda_py3.9 - python_version: '3.9' - - binary_linux_conda: - name: binary_linux_conda_py3.10 - python_version: '3.10' - binary_macos_conda: name: binary_macos_conda_py3.7 python_version: '3.7' @@ -931,118 +919,6 @@ workflows: python_version: '3.10' requires: - nightly_binary_windows_wheel_py3.10_upload - - binary_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.7 - python_version: '3.7' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.7_upload - requires: - - nightly_binary_linux_conda_py3.7 - - smoke_test_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.7_smoke_test_conda - python_version: '3.7' - requires: - - nightly_binary_linux_conda_py3.7_upload - - binary_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.8 - python_version: '3.8' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.8_upload - requires: - - nightly_binary_linux_conda_py3.8 - - smoke_test_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.8_smoke_test_conda - python_version: '3.8' - requires: - - nightly_binary_linux_conda_py3.8_upload - - binary_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.9 - python_version: '3.9' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.9_upload - requires: - - nightly_binary_linux_conda_py3.9 - - smoke_test_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.9_smoke_test_conda - python_version: '3.9' - requires: - - nightly_binary_linux_conda_py3.9_upload - - binary_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.10 - python_version: '3.10' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.10_upload - requires: - - nightly_binary_linux_conda_py3.10 - - smoke_test_linux_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_linux_conda_py3.10_smoke_test_conda - python_version: '3.10' - requires: - - nightly_binary_linux_conda_py3.10_upload - binary_macos_conda: filters: branches: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 87acf92830..3690f558e0 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -40,6 +40,8 @@ def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): # are also migrated. if os_type == "linux" and btype == "wheel" and python_version != "3.8": continue + if os_type == "linux" and btype == "conda": + continue w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) if not filter_branch: diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index ccad67c166..3822ef72f6 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -42,6 +42,6 @@ jobs: smoke-test-script: ${{ matrix.smoke-test-script }} # Using "development" as trigger event so these binaries are not uploaded # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} From ba4074daf4982c1c3d277147525e298ea88c04e0 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Thu, 17 Nov 2022 16:07:18 -0500 Subject: [PATCH 361/463] [Nova] Migrate Mac Wheels and Conda Binaries off of CircleCI (#1989) --- .circleci/config.yml | 168 ----------------------- .circleci/regenerate.py | 2 + .github/workflows/build-conda-m1.yml | 2 +- .github/workflows/build-conda-macos.yml | 2 +- .github/workflows/build-wheels-m1.yml | 2 +- .github/workflows/build-wheels-macos.yml | 2 +- 6 files changed, 6 insertions(+), 172 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index f6cc089564..9f7e114c71 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -614,18 +614,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: binary_linux_wheel_py3.8 python_version: '3.8' - - binary_macos_wheel: - name: binary_macos_wheel_py3.7 - python_version: '3.7' - - binary_macos_wheel: - name: binary_macos_wheel_py3.8 - python_version: '3.8' - - binary_macos_wheel: - name: binary_macos_wheel_py3.9 - python_version: '3.9' - - binary_macos_wheel: - name: binary_macos_wheel_py3.10 - python_version: '3.10' - binary_windows_wheel: name: binary_windows_wheel_py3.7 python_version: '3.7' @@ -638,18 +626,6 @@ workflows: - binary_windows_wheel: name: binary_windows_wheel_py3.10 python_version: '3.10' - - binary_macos_conda: - name: binary_macos_conda_py3.7 - python_version: '3.7' - - binary_macos_conda: - name: binary_macos_conda_py3.8 - python_version: '3.8' - - binary_macos_conda: - name: binary_macos_conda_py3.9 - python_version: '3.9' - - binary_macos_conda: - name: binary_macos_conda_py3.10 - python_version: '3.10' - binary_windows_conda: name: binary_windows_conda_py3.7 python_version: '3.7' @@ -735,78 +711,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: nightly_binary_linux_wheel_py3.8 python_version: '3.8' - - binary_macos_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.7 - python_version: '3.7' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.7_upload - requires: - - nightly_binary_macos_wheel_py3.7 - - binary_macos_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.8 - python_version: '3.8' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.8_upload - requires: - - nightly_binary_macos_wheel_py3.8 - - binary_macos_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.9 - python_version: '3.9' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.9_upload - requires: - - nightly_binary_macos_wheel_py3.9 - - binary_macos_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.10 - python_version: '3.10' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_wheel_py3.10_upload - requires: - - nightly_binary_macos_wheel_py3.10 - binary_windows_wheel: filters: branches: @@ -919,78 +823,6 @@ workflows: python_version: '3.10' requires: - nightly_binary_windows_wheel_py3.10_upload - - binary_macos_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.7 - python_version: '3.7' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.7_upload - requires: - - nightly_binary_macos_conda_py3.7 - - binary_macos_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.8 - python_version: '3.8' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.8_upload - requires: - - nightly_binary_macos_conda_py3.8 - - binary_macos_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.9 - python_version: '3.9' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.9_upload - requires: - - nightly_binary_macos_conda_py3.9 - - binary_macos_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.10 - python_version: '3.10' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_macos_conda_py3.10_upload - requires: - - nightly_binary_macos_conda_py3.10 - binary_windows_conda: filters: branches: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 3690f558e0..df0422fb0d 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -42,6 +42,8 @@ def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): continue if os_type == "linux" and btype == "conda": continue + if os_type == "macos": + continue w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) if not filter_branch: diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index 444629ea84..9912df4adb 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -43,6 +43,6 @@ jobs: runner-type: macos-m1-12 # Using "development" as trigger event so these binaries are not uploaded # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml index 4f853ed61d..0d934454a6 100644 --- a/.github/workflows/build-conda-macos.yml +++ b/.github/workflows/build-conda-macos.yml @@ -43,6 +43,6 @@ jobs: runner-type: macos-12 # Using "development" as trigger event so these binaries are not uploaded # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 1be083d490..3c139a999a 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -41,7 +41,7 @@ jobs: runner-type: macos-m1-12 # Using "development" as trigger event so these binaries are not uploaded # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index 784de1f92a..4d2bf08831 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -41,7 +41,7 @@ jobs: runner-type: macos-12 # Using "development" as trigger event so these binaries are not uploaded # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From b3390fb21f9d1855f4c282036701c717c0f9b335 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Thu, 17 Nov 2022 16:07:38 -0500 Subject: [PATCH 362/463] [Nova] Remove old M1 Builds (#1990) --- .github/workflows/build-m1-binaries.yml | 178 ------------------------ 1 file changed, 178 deletions(-) delete mode 100644 .github/workflows/build-m1-binaries.yml diff --git a/.github/workflows/build-m1-binaries.yml b/.github/workflows/build-m1-binaries.yml deleted file mode 100644 index 6b04482cc6..0000000000 --- a/.github/workflows/build-m1-binaries.yml +++ /dev/null @@ -1,178 +0,0 @@ -name: Build on M1 -on: - pull_request: - paths: - - .github/workflows/build-m1-binaries.yml - push: - branches: - - nightly - - release/* - tags: - # NOTE: Binary build pipelines should only get triggered on release candidate builds - # Release candidate tags look like: v1.11.0-rc1 - - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ - workflow_dispatch: -env: - CHANNEL: "nightly" -jobs: - build_wheels: - name: "Build TorchText M1 wheels" - runs-on: macos-m1-12 - strategy: - fail-fast: false - matrix: - py_vers: ["3.8", "3.9", "3.10"] - steps: - - name: Checkout repository - uses: actions/checkout@v2 - - name: Set CHANNEL (only for tagged pushes) - if: ${{ github.event_name == 'push' && startsWith(github.event.ref, 'refs/tags/') }} - run: | - # reference ends with an RC suffix - if [[ ${GITHUB_REF_NAME} = *-rc[0-9]* ]]; then - echo "CHANNEL=test" >> "$GITHUB_ENV" - fi - - name: Set Release CHANNEL (for release) - if: - ${{ (github.event_name == 'pull_request' && startsWith(github.base_ref, 'release')) || startsWith(github.ref, - 'refs/heads/release') }} - run: | - echo "CHANNEL=test" >> "$GITHUB_ENV" - - name: Setup miniconda - uses: pytorch/test-infra/.github/actions/setup-miniconda@main - - name: Build TorchText M1 wheel - shell: arch -arch arm64 bash {0} - env: - ENV_NAME: conda-env-${{ github.run_id }} - PY_VERS: ${{ matrix.py_vers }} - run: | - set -ex - . packaging/pkg_helpers.bash - # if we are uploading to test channell, our version consist only of the base: 0.x.x - no date string or suffix added - if [[ $CHANNEL == "test" ]]; then - setup_base_build_version - else - setup_build_version - fi - git submodule update --init --recursive - WHL_NAME=torchtext-${BUILD_VERSION}-cp${PY_VERS/.}-cp${PY_VERS/.}-macosx_11_0_arm64.whl - conda create -yp ${ENV_NAME} python=${PY_VERS} numpy cmake ninja wheel pkg-config - conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/${CHANNEL} - conda run -p ${ENV_NAME} python3 -mpip install delocate - conda run -p ${ENV_NAME} python3 setup.py bdist_wheel - export PYTORCH_VERSION="$(conda run -p ${ENV_NAME} python3 -mpip show torch | grep ^Version: | sed 's/Version: *//')" - conda run -p ${ENV_NAME} DYLD_FALLBACK_LIBRARY_PATH="${ENV_NAME}/lib" delocate-wheel -v --ignore-missing-dependencies dist/*.whl - conda env remove -p ${ENV_NAME} - - name: Test wheel - shell: arch -arch arm64 bash {0} - env: - ENV_NAME: conda-test-env-${{ github.run_id }} - PY_VERS: ${{ matrix.py_vers }} - run: | - set -ex - conda create -yp ${ENV_NAME} python=${PY_VERS} numpy - conda run -p ${ENV_NAME} python3 -mpip install torch --pre --extra-index-url=https://download.pytorch.org/whl/${CHANNEL} - conda run -p ${ENV_NAME} python3 -mpip install dist/*.whl - # Test torch is importable, by changing cwd and running import commands - conda run --cwd /tmp -p ${ENV_NAME} python3 -c "import torchtext;print('torchtext version is ', torchtext.__version__)" - conda env remove -p ${ENV_NAME} - - name: Upload wheel to GitHub - if: - ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || startsWith(github.event.ref, - 'refs/tags/')) }} - uses: actions/upload-artifact@v3 - with: - name: torchtext-py${{ matrix.py_vers }}-macos11-m1 - path: dist/ - - name: Upload wheel to S3 - if: - ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || startsWith(github.event.ref, - 'refs/tags/')) }} - shell: arch -arch arm64 bash {0} - env: - AWS_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} - AWS_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} - run: | - for pkg in dist/*; do - aws s3 cp "$pkg" "s3://pytorch/whl/${CHANNEL}/cpu/" --acl public-read - done - build_conda: - name: "Build TorchText M1 conda packages" - runs-on: macos-m1-12 - strategy: - matrix: - py_vers: ["3.8", "3.9", "3.10"] - steps: - - name: Checkout repository - uses: actions/checkout@v2 - - name: Set CHANNEL (only for tagged pushes) - if: ${{ github.event_name == 'push' && startsWith(github.event.ref, 'refs/tags/') }} - run: | - # reference ends with an RC suffix - if [[ ${GITHUB_REF_NAME} = *-rc[0-9]* ]]; then - echo "CHANNEL=test" >> "$GITHUB_ENV" - fi - - name: Set CHANNEL Release (for release) - if: - ${{ (github.event_name == 'pull_request' && startsWith(github.base_ref, 'release')) || startsWith(github.ref, - 'refs/heads/release') }} - run: | - echo "CHANNEL=test" >> "$GITHUB_ENV" - - name: Setup miniconda - uses: pytorch/test-infra/.github/actions/setup-miniconda@main - - name: Install conda-build and purge previous artifacts - shell: arch -arch arm64 bash {0} - run: | - conda install -yq conda-build - conda build purge-all - - name: Build TorchText M1 conda package - shell: arch -arch arm64 bash {0} - env: - ENV_NAME: conda-env-${{ github.run_id }} - PYTHON_VERSION: ${{ matrix.py_vers }} - CU_VERSION: cpu - run: | - set -ex - . packaging/pkg_helpers.bash - - if [[ $CHANNEL == "test" ]]; then - setup_base_build_version - export CONDA_CHANNEL_FLAGS="-c pytorch-test" - else - setup_build_version - fi - export BUILD_TYPE="conda" - export NO_CUDA_PACKAGE=1 - export SOURCE_ROOT_DIR="$PWD" - - setup_conda_pytorch_constraint - export SOURCE_ROOT_DIR=$(pwd) - conda build \ - -c defaults \ - $CONDA_CHANNEL_FLAGS \ - --no-anaconda-upload \ - --python "$PYTHON_VERSION" \ - --output-folder=dist/ \ - packaging/torchtext - - name: Upload package to GitHub - uses: actions/upload-artifact@v3 - with: - name: torchtext-py${{ matrix.py_vers }}-macos11-m1-conda - path: dist/ - - name: Upload package to conda - if: - ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || startsWith(github.event.ref, - 'refs/tags/')) }} - shell: arch -arch arm64 bash {0} - env: - CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} - run: | - conda install -yq anaconda-client - set -x - anaconda -t "${CONDA_PYTORCHBOT_TOKEN}" upload dist/osx-arm64/*.tar.bz2 -u "pytorch-${CHANNEL}" --label main --no-progress --force - -concurrency: - group: - ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == - 'workflow_dispatch' }} - cancel-in-progress: true From ed78e3b014e67c672b8fd224e0fc8ecea6282ab0 Mon Sep 17 00:00:00 2001 From: Erjia Guan <68879799+ejguan@users.noreply.github.com> Date: Mon, 21 Nov 2022 11:14:29 -0500 Subject: [PATCH 363/463] Add TorchData as hard dependency (#1985) * Add TorchData as hard dependency * Add install_torchdata.sh as pre-script * Add conda constraint * Fix tests --- .circleci/config.yml | 5 ++ .circleci/config.yml.in | 5 ++ .circleci/unittest/linux/scripts/install.sh | 1 + .circleci/unittest/windows/scripts/install.sh | 1 + .github/workflows/build-conda-linux.yml | 2 +- .github/workflows/build-conda-m1.yml | 2 +- .github/workflows/build-conda-macos.yml | 2 +- .github/workflows/build-wheels-linux.yml | 2 +- .github/workflows/build-wheels-m1.yml | 2 +- .github/workflows/build-wheels-macos.yml | 2 +- .github/workflows/codeql.yml | 2 +- .github/workflows/integration-test.yml | 2 +- packaging/install_torchdata.sh | 47 +++++++++++++++++++ packaging/pkg_helpers.bash | 12 +++++ packaging/torchtext/meta.yaml | 1 + setup.py | 6 ++- torchtext/_download_hooks.py | 5 +- torchtext/datasets/ag_news.py | 6 +-- torchtext/datasets/amazonreviewfull.py | 6 +-- torchtext/datasets/amazonreviewpolarity.py | 6 +-- torchtext/datasets/cc100.py | 7 +-- torchtext/datasets/cnndm.py | 14 +++--- torchtext/datasets/cola.py | 6 +-- torchtext/datasets/conll2000chunking.py | 6 +-- torchtext/datasets/dbpedia.py | 6 +-- torchtext/datasets/enwik9.py | 6 +-- torchtext/datasets/imdb.py | 6 +-- torchtext/datasets/iwslt2016.py | 6 +-- torchtext/datasets/iwslt2017.py | 6 +-- torchtext/datasets/mnli.py | 12 ++--- torchtext/datasets/mrpc.py | 4 +- torchtext/datasets/multi30k.py | 7 ++- torchtext/datasets/penntreebank.py | 7 ++- torchtext/datasets/qnli.py | 12 ++--- torchtext/datasets/qqp.py | 6 +-- torchtext/datasets/rte.py | 12 ++--- torchtext/datasets/sogounews.py | 6 +-- torchtext/datasets/squad1.py | 6 +-- torchtext/datasets/squad2.py | 6 +-- torchtext/datasets/sst2.py | 12 ++--- torchtext/datasets/stsb.py | 12 ++--- torchtext/datasets/udpos.py | 6 +-- torchtext/datasets/wikitext103.py | 6 +-- torchtext/datasets/wikitext2.py | 6 +-- torchtext/datasets/wnli.py | 12 ++--- torchtext/datasets/yahooanswers.py | 6 +-- torchtext/datasets/yelpreviewfull.py | 6 +-- torchtext/datasets/yelpreviewpolarity.py | 6 +-- 48 files changed, 171 insertions(+), 159 deletions(-) create mode 100755 packaging/install_torchdata.sh diff --git a/.circleci/config.yml b/.circleci/config.yml index 9f7e114c71..c231bdcc50 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -48,6 +48,10 @@ binary_common: &binary_common description: "PyTorch version to build against; by default, use a nightly" type: string default: "" + torchdata_version: + description: "TorchData version to build against; by default, use a nightly" + type: string + default: "" # Don't edit these python_version: description: "Python version to build against (e.g., 3.8)" @@ -56,6 +60,7 @@ binary_common: &binary_common PYTHON_VERSION: << parameters.python_version >> BUILD_VERSION: << parameters.build_version >> PYTORCH_VERSION: << parameters.pytorch_version >> + TORCHDATA_VERSION: << parameters.torchdata_version >> CU_VERSION: cpu MACOSX_DEPLOYMENT_TARGET: 10.9 diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 77dbf581ac..2c5d13f529 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -48,6 +48,10 @@ binary_common: &binary_common description: "PyTorch version to build against; by default, use a nightly" type: string default: "" + torchdata_version: + description: "TorchData version to build against; by default, use a nightly" + type: string + default: "" # Don't edit these python_version: description: "Python version to build against (e.g., 3.8)" @@ -56,6 +60,7 @@ binary_common: &binary_common PYTHON_VERSION: << parameters.python_version >> BUILD_VERSION: << parameters.build_version >> PYTORCH_VERSION: << parameters.pytorch_version >> + TORCHDATA_VERSION: << parameters.torchdata_version >> CU_VERSION: cpu MACOSX_DEPLOYMENT_TARGET: 10.9 diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index d7bdb3b97f..685a34a32a 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -1,6 +1,7 @@ #!/usr/bin/env bash unset PYTORCH_VERSION +unset TORCHDATA_VERSION # For unittest, nightly PyTorch is used as the following section, # so no need to set PYTORCH_VERSION. # In fact, keeping PYTORCH_VERSION forces us to hardcode PyTorch version in config. diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 452f4ac584..26c8ad88e2 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -1,6 +1,7 @@ #!/usr/bin/env bash unset PYTORCH_VERSION +unset TORCHDATA_VERSION # For unittest, nightly PyTorch is used as the following section, # so no need to set PYTORCH_VERSION. # In fact, keeping PYTORCH_VERSION forces us to hardcode PyTorch version in config. diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 3822ef72f6..d6542c255c 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -22,7 +22,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: "" + pre-script: packaging/install_torchdata.sh post-script: "" conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index 9912df4adb..7fa3725593 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -22,7 +22,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: "" + pre-script: packaging/install_torchdata.sh post-script: "" conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml index 0d934454a6..4499a15760 100644 --- a/.github/workflows/build-conda-macos.yml +++ b/.github/workflows/build-conda-macos.yml @@ -22,7 +22,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: "" + pre-script: packaging/install_torchdata.sh post-script: "" conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 5d5f73462a..dd194d5412 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -22,7 +22,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: "" + pre-script: packaging/install_torchdata.sh post-script: "" smoke-test-script: test/smoke_tests/smoke_tests.py package-name: torchtext diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 3c139a999a..07e226901b 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -22,7 +22,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: "" + pre-script: packaging/install_torchdata.sh post-script: "" package-name: torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index 4d2bf08831..cba9105809 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -22,7 +22,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: "" + pre-script: packaging/install_torchdata.sh post-script: "" package-name: torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/codeql.yml b/.github/workflows/codeql.yml index 5f7a38a660..5fa3732409 100644 --- a/.github/workflows/codeql.yml +++ b/.github/workflows/codeql.yml @@ -31,7 +31,7 @@ jobs: - name: Install Torch run: | python -m pip install cmake - python -m pip install torch==1.8.1+cpu -f https://download.pytorch.org/whl/torch_stable.html + python -m pip install --quiet --pre torch torchdata -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html sudo ln -s /usr/bin/ninja /usr/bin/ninja-build - name: Build TorchText diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 61e802d848..7e58be8db4 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -23,7 +23,7 @@ jobs: - name: Install packages run: | python -m pip install --quiet --upgrade pip - python -m pip install --quiet --pre torch -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html + python -m pip install --quiet --pre torch torchdata -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html python -m pip install --quiet pytest requests cmake ninja sentencepiece parameterized tqdm expecttest transformers python setup.py install - name: Run integration test diff --git a/packaging/install_torchdata.sh b/packaging/install_torchdata.sh new file mode 100755 index 0000000000..fabb566d91 --- /dev/null +++ b/packaging/install_torchdata.sh @@ -0,0 +1,47 @@ +#!/bin/bash +package_type="$PACKAGE_TYPE" +channel="$CHANNEl" +if [ -z "$package_type" ]; then + package_type="wheel" +fi +if [ -z "$channel" ]; then + channel="nightly" +fi + +# Wrong values +if [ "$package_type" != "wheel" ] && [ "$package_type" != "conda" ]; then + exit 1 +fi +if [ "$channel" != "nightly" ] && [ "$channel" != "test" ]; then + exit 1 +fi + + +if [ "$package_type" = "wheel" ]; then + install_cmd="pip install" + if [ "$channel" = "nightly" ]; then + install_cmd="${install_cmd} --pre" + fi + install_channel="--extra-index-url https://download.pytorch.org/whl/${channel}/cpu" +else + install_cmd="conda install" + install_channel="-c pytorch-${channel}" +fi + +$install_cmd torchdata $install_channel + +if [ "$package_type" = "wheel" ]; then + TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" +else + TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-'"${channel}"] | \ + python -c "import json, os, re, sys; \ + cuver = 'cpu'; \ + pyver = os.environ.get('PYTHON_VERSION').replace('.', ''); \ + print(re.sub(r'\\+.*$', '', + [x['version'] for x in json.load(sys.stdin)['torchdata'] \ + if 'py' + pyver in x['fn']][-1]))" + )" + echo "export CONDA_TORCHDATA_CONSTRAINT='- torchdata==${TORCHDATA_VERSION}'" >> "${BUILD_ENV_FILE}" +fi + +echo "export TORCHDATA_VERSION=${TORCHDATA_VERSION}" >> "${BUILD_ENV_FILE}" diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 7cf9113db2..e5b6d54458 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -191,6 +191,14 @@ setup_pip_pytorch_version() { -f https://download.pytorch.org/whl/torch_stable.html \ -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" fi + if [[ -z "$TORCHDATA_VERSION" ]]; then + pip_install --pre torchdata -f "https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html" + export TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" + else + pip_install "torchdata==$TORCHDATA_VERSION" \ + -f https://download.pytorch.org/whl/torch_stable.html \ + -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" + fi } # Fill PYTORCH_VERSION with the latest conda nightly version, and @@ -225,6 +233,10 @@ setup_conda_pytorch_constraint() { export CONDA_EXTRA_BUILD_CONSTRAINT="- mkl<=2021.2.0" fi fi + if [[ -z "$TORCHDATA_VERSION" ]]; then + export TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['torchdata'][-1]['version']))")" + fi + export CONDA_TORCHDATA_CONSTRAINT="- torchdata==$TORCHDATA_VERSION" } # Translate CUDA_VERSION into CUDA_CUDATOOLKIT_CONSTRAINT diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 9d7502200d..03221505e5 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -24,6 +24,7 @@ requirements: - requests - tqdm {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} + {{ environ.get('CONDA_TORCHDATA_CONSTRAINT') }} build: string: py{{py}} diff --git a/setup.py b/setup.py index d8afa7a550..843ddd5795 100644 --- a/setup.py +++ b/setup.py @@ -63,10 +63,14 @@ def _init_submodule(): print("-- Building version " + VERSION) pytorch_package_version = os.getenv("PYTORCH_VERSION") +torchdata_package_version = os.getenv("TORCHDATA_VERSION") pytorch_package_dep = "torch" if pytorch_package_version is not None: pytorch_package_dep += "==" + pytorch_package_version +torchdata_package_dep = "torchdata" +if torchdata_package_version is not None: + torchdata_package_dep += "==" + torchdata_package_version class clean(distutils.command.clean.clean): @@ -100,7 +104,7 @@ def run(self): description="Text utilities and datasets for PyTorch", long_description=read("README.rst"), license="BSD", - install_requires=["tqdm", "requests", pytorch_package_dep, "numpy"], + install_requires=["tqdm", "requests", pytorch_package_dep, "numpy", torchdata_package_dep], python_requires=">=3.7", classifiers=[ "Programming Language :: Python :: 3.7", diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index d740827c48..505320efae 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -4,12 +4,9 @@ # This is to allow monkey-patching in fbcode from torch.hub import load_state_dict_from_url # noqa -from torchtext._internal.module_utils import is_module_available +from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 from tqdm import tqdm -if is_module_available("torchdata"): - from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 - def _stream_response(r, chunk_size=16 * 1024): total_size = int(r.headers.get("Content-length", 0)) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index f07b3ae354..5f1c7741f6 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/train.csv", "test": "https://raw.githubusercontent.com/mhjabreel/CharCnn_Keras/master/data/ag_news_csv/test.csv", diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index eb527a8046..06e688279a 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZVhsUnRWRDhETzA" MD5 = "57d28bd5d930e772930baddf36641c7c" diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index f4a47da008..9616dc1d9e 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" MD5 = "fe39f8b653cada45afd5792e0f0e8f9b" diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 755f277224..4ce2e92dd8 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,15 +1,12 @@ import os.path from functools import partial -from torchtext._internal.module_utils import is_module_available +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext.data.datasets_utils import ( _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://data.statmt.org/cc-100/%s.txt.xz" VALID_CODES = { diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index db65680d17..36b0347678 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -3,20 +3,18 @@ from functools import partial from typing import Union, Set, Tuple +from torchdata.datapipes.iter import ( + FileOpener, + IterableWrapper, + OnlineReader, + GDriveReader, +) from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import ( - FileOpener, - IterableWrapper, - OnlineReader, - GDriveReader, - ) - DATASET_NAME = "CNNDM" SPLIT_LIST = { diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index a56c61572b..214c435d03 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -3,13 +3,11 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory, _wrap_split_argument -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://nyu-mll.github.io/CoLA/cola_public_1.1.zip" MD5 = "9f6d88c3558ec424cd9d66ea03589aba" diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index 25b60e4cb7..acbd9cbd0c 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://www.clips.uantwerpen.be/conll2000/chunking/train.txt.gz", "test": "https://www.clips.uantwerpen.be/conll2000/chunking/test.txt.gz", diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index 3afc414462..be86f1a98c 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbQ2Vic1kxMmZZQ1k" MD5 = "dca7b1ae12b1091090db52aa7ec5ca64" diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index 744cf22d8b..cbd5e647a7 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,13 +1,11 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://mattmahoney.net/dc/enwik9.zip" MD5 = "3e773f8a1577fda2e27f871ca17f31fd" diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index d9962342b4..09fba57b04 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -3,14 +3,12 @@ from pathlib import Path from typing import Tuple, Union +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory from torchtext.data.datasets_utils import _wrap_split_argument -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz" MD5 = "7c2ac02c03563afcf9b574c7e56c153a" diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index 1bc1386fa6..dd4b806e8c 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -1,6 +1,8 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -9,10 +11,6 @@ _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?id=1l5y6Giag9aRPwGtuZHswh3w5v3qEz8D8" _PATH = "2016-01.tgz" diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 1691e0c89c..4767218bd7 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,6 +1,8 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -9,10 +11,6 @@ _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" _PATH = "2017-01-trnmted.tgz" MD5 = "aca701032b1c4411afc4d9fa367796ba" diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index ff27b18d6d..f4335c5ccf 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -3,19 +3,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://cims.nyu.edu/~sbowman/multinli/multinli_1.0.zip" diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index d958865079..e9abea1721 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -3,15 +3,13 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper - URL = { "train": "https://dl.fbaipublicfiles.com/senteval/senteval_data/msr_paraphrase_train.txt", diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index ce974e9471..81f007a678 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -2,16 +2,15 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader # noqa +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", "valid": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index f6f8cc703c..1e0d9f295f 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -2,16 +2,15 @@ from functools import partial from typing import Tuple, Union +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader # noqa +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.train.txt", "test": "https://raw.githubusercontent.com/wojzaremba/lstm/master/data/ptb.test.txt", diff --git a/torchtext/datasets/qnli.py b/torchtext/datasets/qnli.py index 47fd14ffd6..aa71eeb208 100644 --- a/torchtext/datasets/qnli.py +++ b/torchtext/datasets/qnli.py @@ -3,19 +3,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/QNLIv2.zip" diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 6ef8e18e97..013a6a82a8 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -1,13 +1,11 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "http://qim.fs.quoracdn.net/quora_duplicate_questions.tsv" MD5 = "b6d5672bd9dc1e66ab2bb020ebeafb8d" diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py index 4ddc2c9f2f..06355468ae 100644 --- a/torchtext/datasets/rte.py +++ b/torchtext/datasets/rte.py @@ -3,19 +3,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/RTE.zip" diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index a160c5b1a1..80c7c9af9a 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbUkVqNEszd0pHaFE" MD5 = "0c1700ba70b73f964dd8de569d3fd03e" diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index ef110da662..5c83bcdec2 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json", diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 11b3fdd5fc..48ef86556c 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = { "train": "https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v2.0.json", "dev": "https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v2.0.json", diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 40c269ac7e..132b22d68d 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -2,19 +2,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/SST-2.zip" diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index 153391d5da..4689f2bcec 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -2,19 +2,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "http://ixa2.si.ehu.es/stswiki/images/4/48/Stsbenchmark.tar.gz" diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index a7bf1b2184..3c7b76b124 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://bitbucket.org/sivareddyg/public/downloads/en-ud-v2.zip" MD5 = "bdcac7c52d934656bae1699541424545" diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index fad94bf2fe..0914d708e9 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-103-v1.zip" MD5 = "9ddaacaf6af0710eda8c456decff7832" diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index e7ad4a85f9..ec686b94cd 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import HttpReader - URL = "https://s3.amazonaws.com/research.metamind.io/wikitext/wikitext-2-v1.zip" MD5 = "542ccefacc6c27f945fb54453812b3cd" diff --git a/torchtext/datasets/wnli.py b/torchtext/datasets/wnli.py index 5c0226e8c7..c864275899 100644 --- a/torchtext/datasets/wnli.py +++ b/torchtext/datasets/wnli.py @@ -2,19 +2,17 @@ import os from functools import partial +from torchdata.datapipes.iter import FileOpener, IterableWrapper + +# we import HttpReader from _download_hooks so we can swap out public URLs +# with interal URLs when the dataset is used within Facebook +from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, _wrap_split_argument, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - - # we import HttpReader from _download_hooks so we can swap out public URLs - # with interal URLs when the dataset is used within Facebook - from torchtext._download_hooks import HttpReader - URL = "https://dl.fbaipublicfiles.com/glue/data/WNLI.zip" diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 1721adb2bf..9fad10ff1d 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9Qhbd2JNdDBsQUdocVU" MD5 = "f3f9899b997a42beb24157e62e3eea8d" diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index a6e355d9d7..1272dae45c 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbZlU4dXhHTFhZQU0" MD5 = "f7ddfafed1033f68ec72b9267863af6c" diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 82c04e6efc..90e1e31e59 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -2,16 +2,14 @@ from functools import partial from typing import Union, Tuple +from torchdata.datapipes.iter import FileOpener, IterableWrapper +from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, _create_dataset_directory, ) -if is_module_available("torchdata"): - from torchdata.datapipes.iter import FileOpener, IterableWrapper - from torchtext._download_hooks import GDriveReader - URL = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbNUpYQ2N3SGlFaDg" MD5 = "620c8ae4bd5a150b730f1ba9a7c6a4d3" From 702f76578abe95a887cafc4f853a98500cea796a Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Wed, 30 Nov 2022 13:56:23 -0500 Subject: [PATCH 364/463] [Nova] Remove CUDA binary builds (#1994) --- .github/workflows/build-conda-linux.yml | 1 + .github/workflows/build-wheels-linux.yml | 1 + 2 files changed, 2 insertions(+) diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index d6542c255c..6c0c98b859 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -15,6 +15,7 @@ jobs: os: linux test-infra-repository: pytorch/test-infra test-infra-ref: main + with-cuda: disable build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index dd194d5412..ae05c0a042 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -15,6 +15,7 @@ jobs: os: linux test-infra-repository: pytorch/test-infra test-infra-ref: main + with-cuda: disable build: needs: generate-matrix strategy: From 3c88841e12706c76c4cf2a7eeb8d5fb7765257a7 Mon Sep 17 00:00:00 2001 From: Erjia Guan <68879799+ejguan@users.noreply.github.com> Date: Wed, 30 Nov 2022 14:40:33 -0500 Subject: [PATCH 365/463] Move read_from_tar to load_from_tar (#1997) --- torchtext/datasets/stsb.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index 4689f2bcec..324ed77245 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -93,7 +93,7 @@ def STSB(root, split): cache_decompressed_dp = cache_compressed_dp.on_disk_cache(filepath_fn=partial(_extracted_filepath_fn, root, split)) cache_decompressed_dp = ( - FileOpener(cache_decompressed_dp, mode="b").read_from_tar().filter(partial(_filter_fn, split)) + FileOpener(cache_decompressed_dp, mode="b").load_from_tar().filter(partial(_filter_fn, split)) ) cache_decompressed_dp = cache_decompressed_dp.end_caching(mode="wb", same_filepath_fn=True) From b1d944720deed008797b6a81db0aed4d2a457b08 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Wed, 30 Nov 2022 16:35:20 -0500 Subject: [PATCH 366/463] [Nova] Remove Linux and Mac Unittests from CircleCI (#1993) --- .circleci/config.yml | 24 ------------------------ .circleci/regenerate.py | 2 +- 2 files changed, 1 insertion(+), 25 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index c231bdcc50..f20e468290 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -666,18 +666,6 @@ workflows: - build_docs unittest: jobs: - - unittest_linux: - name: unittest_linux_py3.7 - python_version: '3.7' - - unittest_linux: - name: unittest_linux_py3.8 - python_version: '3.8' - - unittest_linux: - name: unittest_linux_py3.9 - python_version: '3.9' - - unittest_linux: - name: unittest_linux_py3.10 - python_version: '3.10' - unittest_windows: name: unittest_windows_py3.7 python_version: '3.7' @@ -690,18 +678,6 @@ workflows: - unittest_windows: name: unittest_windows_py3.10 python_version: '3.10' - - unittest_macos: - name: unittest_macos_py3.7 - python_version: '3.7' - - unittest_macos: - name: unittest_macos_py3.8 - python_version: '3.8' - - unittest_macos: - name: unittest_macos_py3.9 - python_version: '3.9' - - unittest_macos: - name: unittest_macos_py3.10 - python_version: '3.10' nightly: jobs: - circleci_consistency: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index df0422fb0d..2b11b88cf2 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -159,7 +159,7 @@ def indent(indentation, data_list): def unittest_workflows(indentation=6): w = [] - for os_type in ["linux", "windows", "macos"]: + for os_type in ["windows"]: for python_version in PYTHON_VERSIONS: w.append( { From 1020fae3e278449576a0210b649d8553a1e67343 Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Thu, 1 Dec 2022 16:53:16 -0500 Subject: [PATCH 367/463] Add DistilRoberta Model to OSS (cherry picked commit) (#1998) * Add DistilRoberta Model to OSS Summary: This diff adds a DistilRoberta to torchtext oss This model is a distilled version of the full Roberta Base model. Weights for this model are taken from HF https://huggingface.co/distilroberta-base The state dict is loaded and modified to work with the internal Roberta implementation here: https://www.internalfb.com/intern/anp/view/?id=2794739 Comparison of DistilRoberta to Roberta-base on the GLUE benchmark (as reported here https://github.com/huggingface/transformers/blob/main/examples/research_projects/distillation/README.md) {F806809901} DistilRoBERTa reaches 95% of RoBERTa-base's performance on GLUE while being twice faster and 35% smaller. Reviewed By: Nayef211 Differential Revision: D41590601 fbshipit-source-id: 394d10c45bbee5d2e71e14e30edf9b1a9d9380e6 * Add DistilRoberta Model to OSS Summary: This diff adds a DistilRoberta to torchtext oss This model is a distilled version of the full Roberta Base model. Weights for this model are taken from HF https://huggingface.co/distilroberta-base The state dict is loaded and modified to work with the internal Roberta implementation here: https://www.internalfb.com/intern/anp/view/?id=2794739 Comparison of DistilRoberta to Roberta-base on the GLUE benchmark (as reported here https://github.com/huggingface/transformers/blob/main/examples/research_projects/distillation/README.md) {F806809901} DistilRoBERTa reaches 95% of RoBERTa-base's performance on GLUE while being twice faster and 35% smaller. Reviewed By: Nayef211 Differential Revision: D41590601 fbshipit-source-id: 394d10c45bbee5d2e71e14e30edf9b1a9d9380e6 Co-authored-by: Roman Shraga --- README.rst | 1 + test/integration_tests/test_models.py | 10 ++--- .../asset/roberta.distilled.output.pt | Bin 0 -> 22366 bytes torchtext/models/roberta/__init__.py | 2 + torchtext/models/roberta/bundler.py | 37 ++++++++++++++++++ 5 files changed, 43 insertions(+), 7 deletions(-) create mode 100644 test/torchtext_unittest/asset/roberta.distilled.output.pt diff --git a/README.rst b/README.rst index f5cdab96ba..bf4a05b110 100644 --- a/README.rst +++ b/README.rst @@ -114,6 +114,7 @@ Models The library currently consist of following pre-trained models: * RoBERTa: `Base and Large Architecture `_ +* `DistilRoBERTa `_ * XLM-RoBERTa: `Base and Large Architure `_ Tokenizers diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_models.py index 03422ea691..9c1e53f8b0 100644 --- a/test/integration_tests/test_models.py +++ b/test/integration_tests/test_models.py @@ -4,6 +4,7 @@ from torchtext.models import ( ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER, + ROBERTA_DISTILLED_ENCODER, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, ) @@ -15,13 +16,7 @@ "xlmr_large": XLMR_LARGE_ENCODER, "roberta_base": ROBERTA_BASE_ENCODER, "roberta_large": ROBERTA_LARGE_ENCODER, -} - -BUNDLERS = { - "xlmr_base": XLMR_BASE_ENCODER, - "xlmr_large": XLMR_LARGE_ENCODER, - "roberta_base": ROBERTA_BASE_ENCODER, - "roberta_large": ROBERTA_LARGE_ENCODER, + "roberta_distilled": ROBERTA_DISTILLED_ENCODER, } @@ -32,6 +27,7 @@ ("xlmr_large",), ("roberta_base",), ("roberta_large",), + ("roberta_distilled",), ], ) class TestRobertaEncoders(TorchtextTestCase): diff --git a/test/torchtext_unittest/asset/roberta.distilled.output.pt b/test/torchtext_unittest/asset/roberta.distilled.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..670d9bc4a5a5bdea7e62f543b34c39405ecfa0eb GIT binary patch literal 22366 zcmbq)c~s3`6z|nMNs$Vv5TYbW(mne$s3b$lkXb4up^^~Nq)C$`rKFOCN|RLg>{B8V zl8~ABkxWUZD0%m-_t#r*z4y=iu65VF>)i9b_k8zvf6w0g^Z9J&d6H5Bft;M+|2W17 ztOfqt-8c9LtT*!9ydz+#z zfW`l7P{B`P`5^HeV?W8|lHzv{-<^I^3k1Uh{G=Dn6U-YlPj-PoGRjXzJS6@wZ%~w< zY_x~RcJVcN1Z>{EZHI!Bzvl-34W71}JpvT`$sP;c{9u(A-;B(H77Dl=K){e2mz9EfD<{;_P3(qUM= zGZn8&PlPw~vY1uwwdyXNix9%YEfne-Sik-IX6J@$|V`#A$daK38Ryp1Cv zY`X<`^m;)^LpnyteI+Un3`HsZDp2PpPohnWKwYki_}uPc-(@B-p>8^ftiMXE_e;Ws zHOjEx*AQ0RIFBEK&0+1o5LDm!5gS94u&Fi{j;6;!_6=>3^9cjeJ;I9T7akSFD5OR01`g@7g@iR_#Ja-;<=col+BLIpM|9R&IQ)bSfsf_-Kk*G+A)mC=v>9oCx>H@bw4Y-U5{4YL+OEqx#0FOQ|L(cLjK_S z;1eQ%tlJb*irR^@M}+A4_!AJYJckIB*1*amjO}(g#JK%z;=or!`=`UAq!B{lqTOmh zuKfg`aCzF*5sL-i?+FXnPa|iOFI8#!;l}PL_%AZySy~Q=q(4~lfiND z>8ywK8&W|yaTe~soeK`*{n$~m1Ra0%fcuU6P`Tj+G;N#(#feu~+NUxyf8Au!!6lzz za+otZZrco@{|;mAm}3~f`3Xs?PavNPiRGLrwa_)f5!Op36T$t)S>3sol<7s_vRB!V z|FNC08_sC)U^3KAG$whUFOs>B?Vzz#lRewjMbiE|Le92aBaK_n;_EkqaCBEMrpKB< z+1@B}?v^4~T&IBn?GB*-x)+kBykp(&-a^lERrZ>jLqo(g=;n&h)RoNc6e+^YbrIlP zGF#-`{fITalL4#uRM@`lE9_+nEVBF|v(W!YXh{>Z`Fb0KkEU?5lK?$7$tbg<9%@>( zaO68lcu6imKtv2&(yGRkhZpd}zhxk?_#!c16bLOB&CrwXA=;16f~RH_)$7+qpX%G> zarg=dstAHs*EBNDvK-`!XRs3UL!vgbFcK1=BoxH-2nAJPRnF%gGfCaGu;Bd!IB{h> z`sz%Ct#^K7+F%)6JvxUx8@7_H_n6eWE=~+s+tL!8TS^CvN#r>M-<)|$<;gmG|8B$DAhiSw3 zEJOZh(p}<`I1B~nb_j#jBVoSmYEs~N2-UV-CzVs5vN=C?LfVrC(Szk<(Q~mh8Wcvt z?FVtt5>+q!7)4P!#s=!|ccW^TBk*0_5U_t9dDM{s*`JKzSMD6x6#NFK?#x4%sS05G zb_S7p-H7I|7Ne%O1oOI40NGo1u~B`;&_3FhwQU&3Tc=K>HJV9ab6A@FX*ddnGZpdL z#{F<3a~>2N90A#rx<&e%7eR%_2pH(!L#)oqg59(q#KsQUnVmr}pf%pIZ}~f3_iTx% zE8Yi|UQL1ah_SFNrG|{_lZOE5)llEw23<}F%lFS=4)hL5?$7}F^=U+5_Zet6dsvgL zeq3~I;TlwzmL=;)?grm4H$~yIVsQC(Nz!|6iO{0+4C{4?XZnY&L2AT)l!7^Ab^SG# zSvDSY%Z7+LCmt96Ym*>Wm21E_APE;MWnh2&XW*e`Wc7Y^vamY_MtViyrHtF8P%nn8 zsWE`YP6G^d2#1Jkvq;`L8!)Rq3YzE#-lY-{zq}l?w|^!-%OAt)&l6d$?nEFR(I8x# z0(IZZXPG;#!25gZQ4sw~v}@uIHvGE`t#mod)B*kIpPj2 zcZLvcVIbVfaYaFCkMQL2Y?jn`oay$aTewdNA)|^Uu;9rAlBOU5`%_oJRdZ`(_eS8Y zqLrWjyC&caHc!?o9qkAP*g8l)YLCYhv< zcz?TvUF|B6U2h35x)9QSpB08^Su@?*QNrkvuS9`?=@`)60fU>ZF@ zWZ_m>9sE-5hIQ}8gQI>XWIGmEjCJi}FPERd%<63@bGMb%OALjFZo|pMUXJ|060C0+hbniSgkHbf z;HG*kxanBbIP8uBqa1Z4@8^N}U2WEJ*$Da)!eHaK49Ju!1?}n}%nw_Rhn!w92e+jp zFn&0#+xw*Es6qpL*e8w+`zwiPTL2#ZIE3K3^)NK1oGDyStktjlz}D|r25VotLecl_>UdS zmQ4cViAT}x_YGmA<{+|myecdh2qoIB9-!;^ov7UVE>xeX4|zqmNFHng`uZU;k~ar! z*Qe0_-)2~H>j@;he+{XIF<|U7Qy3Ak7qbtC!>l0%5bN2*R^QSCt9gCGvd$XVXyFDU z9t7fx<~h(lQIF`|3t%qquM?|H>qz&tL1fC!>EIiy559NH7`(U$d51;J|648j*_?#0 zi;7`R$Y-$7ybpi)A`GAQhcw;Yg@WxDW^us^w2IxwBu9zNvvU-E`4O?*P1NnuLu*KQZGSOTkJzs7C)w5UhwhPPD4zq1$#RY*R^r;;;tP zt>hN@EDYYhS4Pcd4JNbC3$3y}YC4h~u(@Lt?3kp4?H$3m@aH1<;xruWuDfFM-Bc2H z*%_t!g2>fu21^%>hj&$GP%-!!v!4{t+)7rFH>VZ(qvl}N+>nR+{+=V({p;g@Euk* z^B8vMrV$U{2y|O8MtJcE1M+kt6y6DEHv*L);!U~8Ysh|7lJrEYA~j*s6@+Qi%V6;l z3AB|Zs5?)A^*`H0xL^>~y%fNH>pr1Y$*r8Y>|;1w2^@wy!6TmzbUIg$O}5Xd&%#Tj z##DR_4SzAr^&oxNt3Z#mW^>>B4P^C}7|;;M&;s*tk;C7utiw>8t0-MyWoUz~4yG_E z_c6&je1|+gIE?1>-y{}F(vUX284F6Dlkm<$QgY@$7&g5M%^yqA@5fXj({*rdqS6cE zw)Y_M^`9?_j4B=Ty*Wy^cDrmQWO*g=3GrAc21ksccCtn&!P1 z1!x7L*MU~t_}B-1s;<%+o$;{EpalAj5!%$_EvGkr2GfQ@8q|6O-t}w1)WAx1+~yEG z{ckpy$CkpDHPY0msD!)~?+Z?9$s}c-EEH`X%_WDM@xvxbbqeO6*mfBY`rZB)jC}V8 z+x~@G-Z%IQnO~~mXi*gQnCv4asvfjU>Ih6;odoH5v2@IWDj3-N7Mue^_{y85uu!v< z$mGN`QR6|&lTDg%C9{+e-;rF!jtkc=y-X`aG3@wrd#bxVmag@fOAF#2u+9;ZyrQWU z`<|qLY<~)Wb}x=+nKz;OOmY3S%LC)ay%1522RE^w3C(F6w zz0>aS>E<~4{aFQUJ!c9fZA`RxT_BzRem>hVY7&38VHM=tWJ7jOAUWqWmQ0?cj8i|P z0vRt!$Cpk9!(w;X^-%;lDo@A+{{b}ac#rLW7>?Z=1jV+oDCMa~P8&~SZ|bz+;nGdi zT3q|QR{sq(85ZE8uER_3*3vg$mH7OLHq^DInYN64EUcQ?3=)^NfaZl%40^vA!{Uor zK))P+tK9-C-6!%%AG{#=K`REV@};W<8u(_Z0drf|Df-&qh=%fI#93H{x=*TWcGq4O ztvO@Hr|p^ocBvZV%Hyij)G%(}CVx{5S_Xuu3zXIzce9^>ZCM<}Pqn~oNFx$t~ zTr{W@O4hEUTb91W7PE<>*=OF9FH0;@`$s6VKkEapuXKTCM5oYnRSb>zbf3*=vPZSC zH^8mtB#GUm!&lBNAQnG1P^C{_MZ=HlLCcrRJYkd)SGiLloUGMZ+i4sRYfg@;wOKoX zI`e&0A@L48P2UDVLtN=b!5n_n-jD`)b+T{u0T_Bo0O^Xu;dkUsbd@+qx13SOm*-j` zt~8cQy>#T6bLFXb;Tg7JK`qnz?+`b>6)nnJZH{%@jtFgdBWS;QiACeW;q;!7wJPgQ z3yZ7m_?>zs-uGuBUpY$}FP)cz-%i=Y$Xpd`(#E5^njKscEk|d06n!!71BLw+q~8Fc z-%O3|E^A`jlw$Dvs;{J~GE1me=STyMwj+<(M9+OxG&BfB)W#cqTf^Sx>PtW z3;an&DlA8C+Qy!YSwySya^Xd~3m;fg0?{&mF#g{pvF}>Yq1X0sn~8(@$Zxh(BHf#w zof-i-H>B{zt-Ubq`yfpE8_c2|&FOggBeZ!)KkU_y;+?;j(ibkz$osy>pfC&Jgh>{7 zHeJKy(+Zf7@)uSe_oYu(Or(X0bFqI9;@J1GsBX$J*!CN%eJ%%wUUuS(qZ;&b%sF^q zQUZGn7J#ck7B<%I#(9Cc>he zBpNbrcun*rU9^cvz-8Ao@X~BGdf7t!jMbRYL0|1a%X1vf4V0!8Q7iGGp(=G7O~Ceo zG5B7Sp>^i#Sj(f8JX6t`nCuLNCDAkaEbCj5Ul~WVo^!-zO{3|(dm4k?wKggZxJ)(V`yf5Dzu$`h$;)}u_Wb- zu;SuS8t}D? zZx>+210>#K=%rWmGB#&(d+l9m7^W%GXcIpzam>vqo*M~wyy&d^F#}rL46?gAS7q(x$ zDm3@9rb9OD2&8Tn;01D`&!(Ka70+x(dz( z-G*he)%o$A+04h}E~HgSu*N&%sJ{6G(lmYnt)4UhjlbUUmtAMD!EhG$T=f`24j8k# zq%9)9Wh24R#2JF~9Qlu1GSu=N!L;0~*!>uwM6aC((FPy}Juoxa4!noulZ1yMF#Q@p zK+HSbOs2r@Pu6Voel5z5=Ca_nmrQZoG#Vz9rc-`yp^?{DVM4h!x?N3YjZV(BUDIE} zo;GdxnlTH;yorL9p2iqq8qI>ghj56`rwf#eQKm|O%30y$oYi1(b3BPpUyXxYK^R?X z{|)+A&1A0}bgaKtD)BbWb0oxKsYT}cBDR0vD=}{hViot*v1|KA=%@<=t;Lr`ElsxU z@=$YbU#Cr!lEzWn`X~%ma6s#QuOLq20Gx^IAoI>A;nZp+u7BkU3BhxGhM*l4vX!`C z(k3honoZw%zDEV27R(D!!UCQ3w5%=j3vvCc z_b_HyB3Rwr3|F?!pl>D|CcBr};~yW^$WcvG+oG52Jog2qj-q{fYi8p zJXF$#7kuuZWXvmY=%zUCS|#(_5rg{HAKBtJm%+@zn4B=(jLPgcxaCW*fJ7&_`tSq% zbGZ*6lr|D$x4qmh|2p`|5+3=(gV$Zzjy4OfKrH@%CN~M{sPGUM+SUL$u8T*F!f4mZ zvrzg`hfh{igvDzv;Gdv-baI>-4cilg-O&fht<)pb{O2Cr9uf=AnS_KCjTTjXl^3bq z(B;7g^r=)t1I|!A2v%!U*h{su@KE6oh7FXnDZ3PFt$rt>h1n)PHf0`H6!>Wb!_?F>VWn~TZLvHXoCztAo@>`@qTR_du z^$>ygDPe$iAr-y()n_iaQ&AUOzIGk(7(zsd;AJM_ULBXzN$uOdf1O^by`qY z3txKO?>JXwinQi@K50=kfcZC%0h;$iR#gTXZcyhcUlsV;6$tuUE@Gi-B$;(qiMIGe za4*+1414_(gIB4*gX^YPXIO;UcT;PsJjUSZ=S~ndXDnnc&u5|`bNCr)WnMWc5vup5 z6RDG9QL~{Rqpt7eBTM9YvGqb&J!vkMc~#+285R05tbn|d?O~Z7W0|RvGnZW<1LIwn zgTbt4s9O92Ok0ML4O;gtjm3E4CjW_adiGI}TzniQ6Gs9&nMMTB z2%9cOG3x`J7}u>#jGP|h67!+-iuHxMxMvddVANFl)q+4*h$IBBU0`Wvw}+OsK84qX zigfj!I#&KLj4qp5Blg?zkhJ{*O|8>`wt3A&HN24MSr|cZQY}u>9YzE1UbDQjXa~kV z84W)EzcFj}VTiOhqs==5(A_W$?VqahwuAHN{f+5hM(lA^zcZ~;GbeF<8q`Wtg>OvF z#h&Bh9DSxe3)!%>#wk)4EYC{P{hJ5X{;i3Dhz)U|+3dv^zP<=QK4|h+N6&Em;LGr} zU^@3&cnl)8OeC(e67kEq4P1TEcKljlL_Pm|4JpRKASF8t5BV!#n3f-i%+iS zY2*B?(Zo^lD5ySlr3dELiS0EV)$=|;<82SL3*p#2#gg6_OO+!+EL|>5^4+^hf7|^ z^VDhM@m9D5-LOiN#2lXhO)7Wc()bRrX|Ex^JDlO0+AJ8Hu@28Z5%N@u@ZtDVa{K-V z;yqCT%>*fI`MNMjoRflA62@TS`gq`i8}Mt{GkBV%iBoPF(lR#=H@_CsSN9BoojFgg z-uMYQp0z}~&JF@@592M-lklo$JJ?2!vNQ^vO_j!+gO=f^Mc+dd*dnID14o?24JUTd zux$xAVORwG$SpwOKPJY}LP6=t$=bA>64-J+pWin*1p|%A#O3}pUg{y>Pv7mP?TN>Q zfx1s2ZNpK>TV)CDFQvKT;Ag@aG3yw%Z4v zdOpM5WhZcK;vib55kVpjo5RAzpTTa|64>&_6K-_R=7P^Hvv!VnORL(d(LuEU@&uFE zBpo+2-S2@%bH?Km>qa6O>p{z(4xvULRC%3rc}iB#32lb0pm@Rx&Fz%= z2c|}Q7Wz?v-c;zu9i(80jAf9EJ-TO_;qIU^$bFCxZ>D=OLG4!VzAyvs&6cJOwl{HX z-30Xg<|Ujj48`7ub6D&0=S(M1mTS1)$K@O5lZ?F?P(Qr_8xEC#Moc1fBAmxzK;|&} zZ0G{D?JKBrLm*!$ae|pQM38fOzu+0%C+6o)v+j($Ab3<_Hc#^~y_uLr6`GfDhnquK z?wcCiyxfzUB~+lE+X{FW*oeInJ;IUu>tKiZcsjVO6%5-XDD%1xX1flO%ECvWlIFro zg7TnLRSK5xxx%bu;^EpPSqMmw=9$lLv1u!7VeR_qB*!X~1g%k{+tNKSbC(8nJ3LI3 zzC~Pf=BrchKkevtYOnCzVm}%eeTXi7mIzO3q-d(dDaeYqfn{MeP<|$rIFzR1Kz19d zW{Yd|L9Mte=R5WUC35o~UHZ7ulJy&mW`ja5fG|o1qbttv-e_0wG+4y1JV=L1l*Hp{ zQK(XUu%^ys8ho-Eh2ER8FuXV(PNwAYH|le7dE8W-A9xMB!_@GOr8O;{sYYM_35C{a z)8X}de-JENRK26CA3fWP+2PswxNn{;=FQy7LW6UmMQu4o`kS!A$`Ddlsa13BQw;bn z(*vJnKXLJji}>h{F1I=(XK}ow5EmE!MWJ3MbS?IRRUrhThdJXKiHl@azA69qLY=P? z=fyHtbkH;fClMYTXeT1EnAm%p= zu|u8geBlU>pgZh7O?Si*FoGif5ul2qjMJtcy3<~bv|9r-}D`Z z!TH8$PbDxv`5yC4Fl0vh0yt2oBKEylSS|k+_EldNd1gB566ki0-)=;pB z7sv43pG0KGCQyI$0~02%BMnD{R4Kg|{F@A@Xdnj#&rxLhGL5A~D$tj6C*a-@)@Z6V ziI;t{;A5+$xcv5LQZ&;I<~TnBx!cKLy6P>P>(Gq{t|{}dLwcCMdo^4uN~C$2ku2M3 zhiGQpX?|5pm)`A2h1iw5;q;WB%o$e@i9@}-vm_4P|1`6ZwX>wQ7vroKt{4N`HeQ5} zmlH80>>n%mg+g<~!;oDkUh`@neB>&{t6uEF1Z6$4PE3ss6 zKFywd3ER^GME!~qDA^^>odc@rkc;{>X!I?(nm>j{>|YF%J_@Msu4T}oGn*MIT}J=C z%253E9riZpfJCtsXpObN%ehtXJ3|K>Er!t7RabDO$Q_1uoA4#KrlCsxRN=qyNi@8M z^0Ia@@8J*yE~j4-=VPX{Vsrx6TW}T!Z+QVFeaf^bvW6}@@s5P4mxAxf24Zk#80M8d z2g95d!XK{){}u9%D_tAM45u9iRcReAG50!Io6Jd=?jWw&AW0{GKab1LA7Sg3Po}!k zRH!b-{kHgd(K!EEJo{HP8tAv%i zOKAI_;iBNbJ8@3Fh&HG!uRT5_AEl*F(8o6?@ULr9$+^w-7k9#@@@3a@L`q{ z!?#dF*X<^t^~7aob=&BK@R+dU#o z`sjM7OIELbMN|?#uzmHL4`#YK;)FS%hV;F0ilr zoax%zr!aJIG|o%Cgr-A-NM6bq?z?6rWX9IPn-7}kdbbot1Wu>xCw(QsE9PR=CQp{t zs6gBO>Mf|EBgpC)Qrk-b0GA4}+cdFepo)Xz-a)+a=^@e1q|toK zT2Ww2|NM>srHd^%OW_30Es1~?IW9Ck!x{e;?m?f0t<1V>3y!%jL+g8d_|fr35Pjn@ zrk)g1?XxHAx+g6o_d{0EzpB#boc0gYd?&nH)XY zPaLNXq8%a;)7&D)k|pl3C;Rt-K+Bzfy%hw>I1kqLonh;)dcv~lWBK>sm2f{`4?SLU zjLIKej5j{!(y1@=N$s*o*ypwdSI)AbyZ1}5hp&-7elUg0U5&?}@U!UBlnr&8)kN*} zl639{Q`nf6P1BxH;*!BCQHd@cG!se$=AxduSlaSQ9~Jw? zaf=8>Od7wS)slNcd%u^YcR@0^+YYd_zh-c^N`^|bXoBkOi!j+L6NZ~jqi?~FzA-Zc z{ir74;v2ig`EE0u|EcZOlBQ8=g&?NIrHHk)W7V6zKe|ma2G#T_4=A+i?&E(Z6h?MlN)}i{`7TF?UE- zr1ED|YfDqg=#4U0Uec;SH8+YYl%#9;V!A1G3~It674b9lTY;Wl?GI`euQ99pFGQPc z#P0fG)K0>K249H4dv+t>=w^HV${)}DixH%Q^UKweNh;Hp%TIkl@np7OCdU^{|6ya($$uChtn_i|Bxm2k>D0PcrrtY zYugysexI4mj6LOrhI0l`FfCUo+oz6q<^5??NjaJeJz4rVCGKH{z3Mw33YUqPZ^>dhI-wl&Lytpgy)(+$ z?Lr$!7UMtLpl=Zc;}f5ReT%YK>!)FK>=r{<`@j>z*M1|SPfGOcqFFfUvlAhBErolb<9YD#r3 zXV5V10u=oB9t$58gYwIFpfW#-);0RD<7KyS+2$ysGyV=lZ?@t;mm7eliaIF?HDVJ| z21AET0ra9Nzp5b(22yosz15h0G8w@q4}2DXH-WPJy!^$w=bFSSA5*WWOB=MpsC7%P%$bVTcO zGBi}6k1i7;N$=CyP&4WfxL?S|g4325CrAU`eRH|nhiI&ro`dznM$(u01H>icZ*Arz zu`VH9ksiMm2i68hh>Sr2=5pHx0O_ooMt;W_JW2m8H z68zEni_0!*;z<{K_+jINgAb(vSt3ghEO`f2^E~++BZ~Vg=5hZgH*x-w1Weo9OG5fm zW=*x;3mb?1#I%aTFs`y0Uz}`ZhwvG$J-?N#ELO(C-`}t!POP(8_Yi#kSkgBK;=uI5 zWypT*&rNeiQ!U@IY-Wrx)|CvcS?rWSMrIh&r*UmW*W?l`es~13@A_C&4gLv_q<;&Y zeWgiv=MI=EVa6X0m&d{f(_r6+GTgS%m71E3hoRc(qAybCY2CLpQe~Bdl^b+0XK@bP z2)Ki3KM%muO`q|kn+){-x(p(zYM8o?f~~}V7NJ|Bs7`4w(6BjhJ10fVF(p93KW+N@ z#{)e0Ulz8++oC`rgbvS71cAo5nyWHnU}f2D(q?@M{EcqIH-`xr?)!>_c(1D|SeQVY z^i{yjZw$4~okmp#eGtvf9|n5fp{)GWRooHj#|u{9BX#S$AUaHmn5kunHJDMfd+uN1 z*Ux6KaUhg0qyU|ssjMsR2p=3d3YUNOpkYpWyx(#nbqiBx8s!%u$yA1?`?}Gq1FHO< z;aOaqFoCYW*8sX^mn`DW8PZkd8E}1OD1=6o)9v@fcd0X;Nvs}%T@wa@oxw}oR%wP3 z`O>t1iUn6D45Eey!}42d_%zjmTkRQYL6nX{>xMG%zI#lR*?R)=1>w-*{|o3Z1yq#@ z#lqVkA-L2PqL1cq!-r~Ew{Il$p7A9?b*t$Sw{+(EZz%oZq)ugeCezQoxmY#QllnYg zfsfYwLET61XlP(09eZ&ukO^aH`$Q2b$k_#wGSX;UB+H!LV+qTA%@jmuS>YfZh+S#~ z%f@HmhAd;WNw%j!N$kseUrgf4r+3rJ zIxmpx*CvOGM(|5IR-h|Clz1$Vf_cr-v|6Q-8`RY!|8oTLs;V&VM-J|~bs2O@oOy^( z25on~EY$oNAxbim#+r#Eus@_1_6`+cbX1lo(tNHs|GdI9@FAYRt-|+jG=PnX`aG#^ zm}vQy5%l4{8ECIzOTEkHqsNmNIDU62uX=SDzKl|aa3@8sCC<;^AM}96e0x%u8gZTNmt#GCLFnH>W;&PMku)*P)++oQ-P`f0-r*0Z#Sv{l@d+t|}z~7$S zHOPm4Qd^3?aiOB@@+-u1hZRoxuau?D_{cPET=l3T^A0(DVqsveMv&#?NU6ff@a#Q&tm(JzPRS?*L?2_xrLz+~f1_-1Px z1kW0ePYextUd0Vqt|UYI1ohm?sMcbll_g#16pQ)4_e0)bcl1hFiryifaQ%lG1eRHY zn0Dopul68Uv?Z^GtKqYuo5{bT2-v@J0vsK*92&=nu)Zh>CXO{h4aOFX2Hz?2Y-G-mnLm{1tmiACXeqOPW!}(rYXMaC0ogr7j-@1?t&9Ge z2f;TEfVLR#pKzuE)+-#doO{C#LlX?4cdi_Ls3-*iuM*iZVGwBxR;5@L-C{Li85dqZJcqBQw*%^wX7J;LWA&s!@5K3=*&!5eVB2@1=X3jmx z+WyLd=G|}>l02uT-F~X5%X&Lh#7!YKFE2yNfp8L8wi-$-rK!V$3h)a|ME#p%&{(Vm z*BBPYOGXXAj#n8Zpj=!NoL>nGZR>?UJAL?-vd>g7W`NxLqd+}7ByoI@JhhNh=KZna z_*7FwCNGi1)ovY3;y@&^SwD`nUA%{NkE=x*EiW-$ax9%6qz?YC-+`%W1Iv6>0(r(d zG-a+44VBd(+k$g2$Z#?>))sT*W52<#j-`0X^&WA46azX#hS8MMIwW{dx~U;>ogG6o#%f`IecuaB)L;+SyEIGaW@La-cL4U z@d|C6d?^;IR#anrKS$@JwIZwM40H`sA!c_KtW^$0xg`&Uw+yUthSL%nCcg~VW=})q zRr=I=ZeVTZNp+IFeV)j9Qy5-x8pU(-SHY}IBRtVC0gb64zEOOFQrws5v>oP;Y6jO1 zYh45q))`naekK?E-id4b6GdKO+vpdAcJ_4kPB7VWhuKVZMuT=kD&h2n%v!sa|J0v= z!J|2osfYxLap$?!8W+(M`B17Z=4jr6I{4@=#^5oNdDc}&_?V(VSN@(uq&Gh0U1PUW zi!cGVOWy^pyB;kso!Toq%bT62EDvYU(8 ze6M}{WS$bHZ1cg#G!yO59)~2aUBC-pvE8X}iG^$illj?;mEyjeX73OHKWnrqj>i@^ zWs*;{sg#&&%Dg?2?Ufa4`7Ps7?Y|+gB~BkQTf^yYOG3!q9#}73%zqji!nX&rVP2J; z<-HjqDBhe0PInLRm4P40sRI!picKNGHEPhEw3bF4aRRrwN0`dcjlz#Z9J%w0jY9oX zqe$igb-H@WXu5OaBUZCM7Ovt3o*$k{>^p_{XkH1VhMR)yuVpwvHxoTujEVM!StNJ& zbeuOI`2!WP&Li0%*0`bQNmZcV0-77WJKgJ%oXMpOk#Va-hsVkHKNCJ@Q(!=*_8km3WrI^ zmr`N&`yhJ%$U_pn<0A`vvK#U`t>Ls>j~F+8T2r<;2KM)kq+U6p{9MBfy61^E;knJ| z81b03dQSz5xMtAVpa2<LW*FVw)yO;kljFzj|AEvfBjzvH2@^J)Lf@ahSbg+2J|7oOjSn=|gpAY_ zjSGK)5)Ti9)xi*pzv;>}dejLr8(LH8L*u?m5UTXJ!w`2Ndz+tDTZX>e(~6=X|Kr(Lp7$c>GRp3=F>3%{P= z=DU<2Z}EC&xH=NHW+>8zM~dt{j2vr!>fEE07cC=0nlfBruizOakv}Lb*w+nD^3zL*Z{&+q98v`6gRz zPFx1gLFM2moW`_1T2Ko+128sNO=n%sgb>vn5zns%I{F=iwI3n(I`ZlFZc}8HM)>T2 z9F>X+rp8NrFkz=ZENPR2B*8UOD;oiY;x%U8Ql$R2a#Xtf2u+X*gNon|rui}gwhPX} z`p8XSbD&j#>Shn?W{NR`^vS9)<@kRi(nDrMaV>R`59AY6O!0SD+5@;&k{ z?Drqw-Kp)OhvovRBOOO=ox^GF;%(TYGaIB9{RZy|a`emm`R>3~sdkq4$qe3@6OSt&98trs3L7_@P zC&tU!!qQ%G4R;o7a}q!xdvKQ0#XfRiiw;*@9#1mWCy@{x4>n)X8C05cxT!=fQyFGK zkIi?-+M5}m^3e%3eom)vt)kh43lE^=yc$XQ0W^Eo9DH>*8}iDP_&(!Ey6|xi-KVMq zl@sFdnXUyyU2Op;*-Ws%>jf@S$IvXNkDQ&Z3NNKX=!Nvx;MVvMk|$1q5ua9*$a6Qv zyuDNRMO@4L!!e^62%;As}ubWUM5(pR9B&4W8q?o(esL@879zI2j znMWaest%;yO(I&>$-L{F3fF%ci=UM$$dCmE=+DZC_JnG1%Nr1$>9nGgo{BjiCrjuR zYq$c6PlMaM#}=n$6kt(hBoXai!tH-Wvhgcb(JvPFT)GUe;bSav<)>+ zP2^d*CUE9$K1LcDq9h;A=XGb2mf3ei@#)f*A@h&UY8`VJLNB!9ml^Z$Pn{;DR*wJ! zQVNalotSd}1EGtg72kL58?=vAXA3t-kd1M^G;ORITyNMoqiKh2GG{OhC=k+mr&tiLoy#&kcy=TNXuMfws5W<9XRhn zI}=tB7uPzn;+7n`8SRAZE6+gh;xlnCK?NN#b`*6;selOq=6Gqg|;y z{QNnLC;2QCRrKgF%{nhK^Yv!PY>)&qyF)OdC4)3yZ32}5PKIY^Vd;`0=yCYQcQ`eZ zB?Bqk`&$clH8O;STcgF?rZP3q5aX4RUGONekblmWqH}E3K*Mevl`kKG1-^a4w71rx zxpXfn+BpJ$;SkV?vFF5fEykEsk<-sMz^JgV^bpbDr>6FRX#FI2JZnbv*bF%xbs^yQvo5A_Y4yH9^6tp<+ zLce}VKGygtZCQDV)qM|yza#QMcaT4=(MyD-?*z5&n2-M&%lZ1UV=&=e9jVy#khCJaQb$94jznsuOb`y^(C0=tUo^ zMzMXvZOOi^$3z21YjNZRYitQjrAZs^2p_F4#f*1ybl}rhv368~KaZ8b^WRTEi(WZP z>5PC8S3g3w>Jnk*qT?9v62hliyhnF5hm9Wx)9!bb!tDE(u*PIR%$OLC$A34_)+=r} z{Mvl%%+R9t9<|U-L`3$+7JUDtmh5aCOC1)kC+=ZSQBI7Ho?mQ*Rrc|q8Ws-MTNfbo z&!u{M7LrAt2jJk)JS+(=hsQBPxw%?0m`qNA#X-loZk{fkK1B;lA1tMM^J*Yc7{iB8 z4241`H?sJnF8$>xz)>z2;N$GUv_R93YUfmP*_EeQkijJWZA5;p+7&taI$=N8s;3Z4 z)8Vz|4S2ol4>o;%hgEXt$@DTEde8eTsd3AN^=e0HNdEm<+iEcCPlGUh zRU$sHY=N2+)v!|Ul2~&UN_0l{(Rkq$5bcP=cID47^v_CSlkSEGOETcuN?UZBG=nzo z(ttl=jZebhlQ^r$0)#=U{zoBa0#(!6|MAnPNt#sBB&3@r4OIL2?UE=Jx>6EXWtPkd z2^rFnRGN@V8jO{Yrt|!EAtXsi5-L+tsN0R3B>!#Q_y4ZvEc^M~G-VEzM^umktAo%PwiaE*#o){ACTgpB zjNLKvA~hZp1<#5i!9T;46BJG^d41m)biY2qwoS>5-o}0Kl_OYYGlC0=bHS|BNo+x2 zGViND4thfwSiC2e)9n^xH3NiHTdx9@iZd`p;R$gaUBUzu`s1#f@v!E)BWxNK2R9ou z*psDWd0n<9QM_{;)_rio=_3;%_4)%Utg3@WJD1_D=zCm2P$mi+Tc~GP3staI=B(C@ zU{^#IQ~k%s*q94J@UdQ=OVG@s`|=8)UQ3-hI57_+x|8Yomtw3+pck7NY{5iVjbK9p zCZQ%*0LI?K*tK_-va!$R<9GE`a?2@}8Wl|AVcOFttkn|=}YrbVe2_q>@LO$GXxc1I##nDFR=wRA44ur3GJ{-Vy-T8Fc{dA~$;;8kc1naX)y^8?|8{j@)4fV@)7 zMwJXc*I<%II#qXoVqppdOnJ}Xz3CM9NACI=iNCc^~>d9dqFCqjCHHC#x$4N?z`xRTuAoN1daTaq{% zxROMSe4Gb0d|v%*lswKb;qNfm3YT+~MUGBO_5fb3Ya9He>q>72))^ zcupz*BD>Ux3mTo0whR|LNhg6SA^0x%fZO_9WCRZ4RsZS zoWJ60c5K;U2=UP4H6l7#`dE%EX;1}&urPZ6RRR}rqebN2F^5fm?aP&;5x1gRnHyJb z$|lcjh9qT2F5zVx;P#i$8o>A>(#24BHktGqkA->jrh}1T4sOkrgO-D{u}paZclwtU zn7vig!7sWPBkVumtYwGUFtJP!Tdu_R%k07D)}!FuYgN$Qcc-Gx@IGw|i2}v!FW~kg zA8fj!(Rxu2buIafcNV{c9kddceTsxz%LQz^!bQ?vJCSu%K0&gAhS;6g>e);(l|AG% zd1|AqGSpY*GhLnztjcd5T#Hu#sp$`bA+?n_(2LNg=ufQ2#1a){1@2=j|KEn%Li2~y z#G$|owmy~M3N(9RS?4UarL+uEPv3{2XAD*ch=^U{ch=A-n&b`agO0aS+~KPU?14rD z^lfvXjZSlU-zm#>M&x1ehD#8_DBwe_da`$tj>GnAs%+})@z`Uvh&qmLg#;6Mw%sF^ zhTG-Q>Od0+f?9C6`8+Jx*933-r3g?ucL%fr-pkvV^ygn$6 zy-&Ar89qv!M|m7wQFIo+u9bkeE*ntkO+u;N(QHD?6jP2Y`MVD@ z)9&N`%mr9@J%W%^9M7TvauRgknDEHOHcY?FY*6}GYR??L1YxUwb)pwIL z!ARQXSI6v>Zp916W_adDA{^eJz|QHvUU4f)jCIoHpI({=xV8g6G|cw|1k5{tlFy=8 zrCVAkA09-yHOs;DOfa{3VLWbI_z8n`9$~PT9CpXsvDb^^h=27960y=o+skH0twl{%g@!@!zy!UVEG%#vyy1el(26m4HzWsLeyqD-ecnL2)eG}-IGhh3F$ z_TdfD+;R8G{8MctWX^q3x_KS5t+ER5`y^4Jlo3;HV?&OoyeF$3$iw>uGTr+O zi2Sj=NUmGb45<$C;-D`)opy} z8e<=Y9~Rw!FD@HkLv0jud2A}IblV3dmsdib{ySQYyadA~M<8 zOiDm3Y`ZXpZsao=Jr}b@+U-T8MfW`9o^K$&mmNqObJSk`m>dWy)5~fv=aN*J+fdaj zW{fiw+X+Cjyw{PN11!ksOu6K&5xwbI}~v5;ufM|FdB6&)EqWx z9ReHUSlpn$o>@853qqV#+1I-1*l;JG@vh}-ITZ|X`e95KCd;CvQX;H4kPn(QwX{t! zmx*c*gLwxM8AbLFYEYO&&&XduVZ2g8|d=ytgI* zUM!HpUzRIFnWX`jHQyG7Hq_AO%YT4wtcYmUG*iV#u8<;qkG{)INBK9gxUV4@B!9D_ zO(}Pop&?iFi#$q?b&V&^$9*Anwk(d)$VBzD6(I5PcOsZ4g;i1GU{Uo6qO+=3CXII{)OFKNEU$RG}@?;J12$>5ds>hJ{U7{8muS6OzwXuEq0#fkF zkjoft0qwFrApLk0$S;?Hha)OL^4WHB>_->XII;(?*v$gl$@fJn`+0w1oE`C;Qd=%5 z$bv7U!fC=`AqvyZGbPOovA9txnpAm?IL9kcL0BpgkDNr>oU&2F>^-juJy-5=EfPvE z%p*5kD`{EYUQ$@?Lx(!csmYlklKEs8xgV4b3r~&UYou>TgYhaHa2=w-z8Mg&$#bnb z@1mR27xGww&z=0)Pkc6<#Pa#W@J;_CYJ7JT$if+@UE&4s3&o}rQ6Q6h0~3C81ltcn zSY+q|&0T3EBuyD!_<6�udVIt;V|PKstU&W%L&YVMw7Qc1qo+vpoeM2)joX{H925 zhuou??gH+RQUwe?>0=b#7h>q;Jw(n+jtsty1kWoUnaal7_5l<0sORil=;&HTB5p^O zs`@UR>dX}^35ca5{rGD`#7 z{+vrPb||Avbe~8nNd%><+n9&xa-gwWp4N_)rp3)W>GSso$oFpsU~s$)be}7NzHJK= z%F{z4lli*doHe4Xgr~4`>o`;rPlNSn4*6%};B{)P8>yCZ%oG;ODhPd zkE6DdXBgAda$IqlJ6h}t#}JVeI~C zp#gGvaRjYNK1V{8zmok;_TXo;9#5>xq={OiAmGeX(toxFGdq3BSuINM40e2h(#&e03%DKJI98JphulQ&0BGQK^LOhLyms9n7h`(NK+WOffSP2wM^+ipL| z{e2qVniP&MvNMs+7(sPqyQxKd9P@jS3&)%li4;G?K4nv2_PNKb5o(3FMAd5VH(1>X`&>|F1@Dbou9$X@pGWK(hM5kT;&Op zRb_#E{Wajq1!BFOS-U+o}wTp~6Mk0mY!k-XNbP}FHIjVV3)I54<}=NC3I&!@|ghtVFm zX5T*gqvj#3+Wbt^rjt$OGKxumiWBrqRu`q66GMmccqn|O$!K4cBdz9d=|+td=pSxI z=6pU2YH#I<+SLNG(54nLuUM6Dm~oG(Qp<-3du`E4k6@TM?In;MqoFo82V&-q#>(w- zATP5D21@d1SZ@kgzI;gyb{?S>c_3r;aU*t77P=r@VU_&i?SvG>-LJOt!2pd;WntL z90&p$QEFDJ0-~c!Q7h&H+3zb)dJQgOgK;}~tUW|;zt)1c<~CR^RRx)~?d3|gya_#} znOO9WVmL1$2rd+s>GW;|@ln3ecVCHK=}CbDACt-CX$AC4iV3elF~dd6kCSTIsYEX+ zjRd)7(>YGFY(b()&SlU(^$`kjGTzeID7BgANBjDI&XY6-KV+dD5QzedY z*~v$6*hXdC5v&J^&*Mnp&;)3Xs-=#pE^zU_34Dr{q>9O#u_ON+gY(3{t6&E_>SKk1^2w|t%>n8%|<`Sm~3MfC-i|Cuft zx_r}S9%DMg$?WfVQNRDytmJ-<;6cVpZ*hJAKUYt8v7eiNGGYIfeLCjn8-Hv6lMwsw z;r{i*>isR0CC_jDui?xs{yo^gj$8k4!Q#FDOR#@@Tb}OH(kB1tr7L0j&;CF8u|M1Y oZ#(}w6sY+8wZr%OiK7(^{^R&3ch=KgO8Vz(68!S>{J+lqKcyh7Gynhq literal 0 HcmV?d00001 diff --git a/torchtext/models/roberta/__init__.py b/torchtext/models/roberta/__init__.py index 57265aeb3d..ee1bdd2074 100644 --- a/torchtext/models/roberta/__init__.py +++ b/torchtext/models/roberta/__init__.py @@ -1,6 +1,7 @@ from .bundler import ( ROBERTA_BASE_ENCODER, ROBERTA_LARGE_ENCODER, + ROBERTA_DISTILLED_ENCODER, RobertaBundle, XLMR_BASE_ENCODER, XLMR_LARGE_ENCODER, @@ -16,4 +17,5 @@ "XLMR_LARGE_ENCODER", "ROBERTA_BASE_ENCODER", "ROBERTA_LARGE_ENCODER", + "ROBERTA_DISTILLED_ENCODER", ] diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index 1fe243f6c6..df9a522b86 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -294,3 +294,40 @@ def encoderConf(self) -> RobertaEncoderConf: Please refer to :func:`torchtext.models.RobertaBundle` for the usage. """ + + +ROBERTA_DISTILLED_ENCODER = RobertaBundle( + _path=urljoin(_TEXT_BUCKET, "roberta.distilled.encoder.pt"), + _encoder_conf=RobertaEncoderConf( + num_encoder_layers=6, + padding_idx=1, + ), + transform=lambda: T.Sequential( + T.GPT2BPETokenizer( + encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), + vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), + ), + T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), + T.Truncate(510), + T.AddToken(token=0, begin=True), + T.AddToken(token=2, begin=False), + ), +) + +ROBERTA_DISTILLED_ENCODER.__doc__ = """ + Roberta Encoder with Distilled Weights + + DistilRoBERTa is trained using knowledge distillation, a technique to compress a large + model called the teacher into a smaller model called the student. By distillating RoBERTa, + a smaller and faster Transformer model is obtained while maintaining most of the performance. + + DistilRoBERTa was pretrained solely on OpenWebTextCorpus, a reproduction of OpenAI's WebText dataset. + On average DistilRoBERTa is twice as fast as RoBERTa Base. + + Originally published by Hugging Face under the Apache 2.0 License + and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.models.RobertaBundle` for the usage. + """ From 49930ef890bb8bee66400762789e0d9596b985ac Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Mon, 5 Dec 2022 19:49:59 -0500 Subject: [PATCH 368/463] replaced tabs with spaces in order to fix codemod failure (#1999) * replaced tabs with spaces in order to fix codemod failure * fix bandit security warning * more bandit security fix * run pre-commit to fix format --- packaging/install_torchdata.sh | 14 +++++++------- test/torchtext_unittest/datasets/test_cnndm.py | 4 ++-- torchtext/datasets/cnndm.py | 2 +- torchtext/utils.py | 6 ++---- 4 files changed, 12 insertions(+), 14 deletions(-) diff --git a/packaging/install_torchdata.sh b/packaging/install_torchdata.sh index fabb566d91..0a9fc79834 100755 --- a/packaging/install_torchdata.sh +++ b/packaging/install_torchdata.sh @@ -34,13 +34,13 @@ if [ "$package_type" = "wheel" ]; then TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" else TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-'"${channel}"] | \ - python -c "import json, os, re, sys; \ - cuver = 'cpu'; \ - pyver = os.environ.get('PYTHON_VERSION').replace('.', ''); \ - print(re.sub(r'\\+.*$', '', - [x['version'] for x in json.load(sys.stdin)['torchdata'] \ - if 'py' + pyver in x['fn']][-1]))" - )" + python -c "import json, os, re, sys; \ + cuver = 'cpu'; \ + pyver = os.environ.get('PYTHON_VERSION').replace('.', ''); \ + print(re.sub(r'\\+.*$', '', + [x['version'] for x in json.load(sys.stdin)['torchdata'] \ + if 'py' + pyver in x['fn']][-1]))" + )" echo "export CONDA_TORCHDATA_CONSTRAINT='- torchdata==${TORCHDATA_VERSION}'" >> "${BUILD_ENV_FILE}" fi diff --git a/test/torchtext_unittest/datasets/test_cnndm.py b/test/torchtext_unittest/datasets/test_cnndm.py index c3b5561e36..73fa794117 100644 --- a/test/torchtext_unittest/datasets/test_cnndm.py +++ b/test/torchtext_unittest/datasets/test_cnndm.py @@ -29,7 +29,7 @@ def _get_mock_dataset(root_dir): stories = [] for i in range(5): url = "_".join([source, split, str(i)]) - h = hashlib.sha1() + h = hashlib.new("sha1", usedforsecurity=False) h.update(url.encode()) filename = h.hexdigest() + ".story" txt_file = os.path.join(source_dir, filename) @@ -74,7 +74,7 @@ def _mock_split_list(source, split): story_fnames = [] for i in range(5): url = "_".join([source, split, str(i)]) - h = hashlib.sha1() + h = hashlib.new("sha1", usedforsecurity=False) h.update(url.encode()) filename = h.hexdigest() + ".story" story_fnames.append(filename) diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index 36b0347678..2adba04fd1 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -75,7 +75,7 @@ def _hash_urls(s: tuple): Code is inspired from https://github.com/abisee/cnn-dailymail/blob/master/make_datafiles.py """ url = s[1] - h = hashlib.sha1() + h = hashlib.new("sha1", usedforsecurity=False) h.update(url) url_hash = h.hexdigest() story_fname = url_hash + ".story" diff --git a/torchtext/utils.py b/torchtext/utils.py index a7910b222f..9ed1379b19 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -47,10 +47,8 @@ def validate_file(file_obj, hash_value, hash_type="sha256"): bool: return True if its a valid file, else False. """ - if hash_type == "sha256": - hash_func = hashlib.sha256() - elif hash_type == "md5": - hash_func = hashlib.md5() + if hash_type in ("sha256", "md5"): + hash_func = hashlib.new(hash_type, usedforsecurity=False) else: raise ValueError From c4f1e846f4fbde061accfa46aba885f6a690ba9e Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Wed, 7 Dec 2022 15:46:39 -0500 Subject: [PATCH 369/463] update multi30k test dataset hash (#2003) --- torchtext/datasets/multi30k.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 81f007a678..1f6083153e 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -20,7 +20,7 @@ MD5 = { "train": "20140d013d05dd9a72dfde46478663ba05737ce983f478f960c1123c6671be5e", "valid": "a7aa20e9ebd5ba5adce7909498b94410996040857154dab029851af3a866da8c", - "test": "6d1ca1dba99e2c5dd54cae1226ff11c2551e6ce63527ebb072a1f70f72a5cd36", + "test": "0681be16a532912288a91ddd573594fbdd57c0fbb81486eff7c55247e35326c2", } _PREFIX = { From 651a03388f93a29eecda6ac12a1c5ba7e6d536ab Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Mon, 12 Dec 2022 19:47:01 -0500 Subject: [PATCH 370/463] Fix device setting for T5 model (#2007) * Fix device setting for T5 model * Fix lint issues --- torchtext/prototype/models/t5/model.py | 8 +++++--- torchtext/prototype/models/t5/modules.py | 17 +++++------------ 2 files changed, 10 insertions(+), 15 deletions(-) diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 7db6431d06..127aa44ee2 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -85,7 +85,6 @@ def __init__( self.padding_idx = config.padding_idx self.training = config.training self.dropout = config.dropout if config.training else 0.0 - self.device = device self.dtype = dtype self.token_embeddings = nn.Embedding(config.vocab_size, config.embedding_dim, config.padding_idx) @@ -184,13 +183,16 @@ def forward( # decoder_tokens is None means at start of inference, in which case decoder sequence should begin with padding idx. if decoder_tokens is None: - decoder_tokens = torch.ones((encoder_tokens.size(0), 1), dtype=torch.long) * self.padding_idx + decoder_tokens = ( + torch.ones((encoder_tokens.size(0), 1), device=encoder_tokens.device, dtype=torch.long) + * self.padding_idx + ) if decoder_mask is None: assert decoder_tokens is not None and decoder_tokens.dim() == 2 tgt_len = decoder_tokens.shape[1] decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) - decoder_mask = decoder_mask.to(self.device, dtype=torch.bool) + decoder_mask = decoder_mask.to(decoder_tokens.device, dtype=torch.bool) decoder_padding_mask = decoder_tokens.eq(self.padding_idx) # T5 implemention uses padding idx to start sequence. Want to ignore this when masking diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index 63ec17170d..7053f42cf5 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -74,8 +74,6 @@ def __init__( else: self.relative_attention_bias = None - self.device = device - def forward( self, query: Tensor, @@ -257,9 +255,7 @@ def _t5_multi_head_attention_forward( ).unsqueeze(0) else: position_bias = self._compute_bias( - tgt_len, - src_len, - bidirectional=(not self.is_decoder), + tgt_len, src_len, bidirectional=(not self.is_decoder), device=k.device ) # Calculate attention and out projection @@ -405,15 +401,12 @@ def _t5_dot_product_attention( # NOTE: Modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L421 def _compute_bias( - self, - query_length: int, - key_length: int, - bidirectional: bool = True, + self, query_length: int, key_length: int, bidirectional: bool = True, device: Optional[torch.device] = None ) -> Tensor: """Compute binned relative position bias""" assert self.relative_attention_bias is not None - context_position = torch.arange(query_length, dtype=torch.long, device=self.device)[:, None] - memory_position = torch.arange(key_length, dtype=torch.long, device=self.device)[None, :] + context_position = torch.arange(query_length, dtype=torch.long, device=device)[:, None] + memory_position = torch.arange(key_length, dtype=torch.long, device=device)[None, :] relative_position = memory_position - context_position # shape (query_length, key_length) relative_position_bucket = self._relative_position_bucket( relative_position, # shape (query_length, key_length) @@ -446,7 +439,7 @@ def _relative_position_bucket( Returns: a Tensor with the same shape as relative_position, containing int32 values in the range [0, num_buckets) """ - relative_buckets = torch.zeros(relative_position.shape, dtype=torch.long, device=self.device) + relative_buckets = torch.zeros(relative_position.shape, dtype=torch.long, device=relative_position.device) if bidirectional: num_buckets = num_buckets // 2 relative_buckets += (relative_position > 0).to(torch.long) * num_buckets From 7c7b6409dff2802a0ae8bdaa6ec8e42fb1b85ad3 Mon Sep 17 00:00:00 2001 From: Sergii Dymchenko Date: Mon, 12 Dec 2022 16:50:24 -0800 Subject: [PATCH 371/463] Fix 'overwite' typo in parameter name (#2006) --- torchtext/transforms.py | 6 +++--- torchtext/utils.py | 6 +++--- 2 files changed, 6 insertions(+), 6 deletions(-) diff --git a/torchtext/transforms.py b/torchtext/transforms.py index e34ec17bf6..4684d58080 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -830,7 +830,7 @@ def __init__( if never_split is None: never_split = [] self.bert_model = BERTEncoderPyBind( - get_asset_local_path(vocab_path, overwite=True), do_lower_case, strip_accents, never_split + get_asset_local_path(vocab_path, overwrite=True), do_lower_case, strip_accents, never_split ) self._return_tokens = return_tokens self._vocab_path = vocab_path @@ -929,7 +929,7 @@ class RegexTokenizer(Module): Caveats - The RE2 library does not support arbitrary lookahead or lookbehind assertions, nor does it support backreferences. Look at the `docs `_ here for more info. - - The final tokenization step always uses spaces as seperators. To split strings based on a specific regex pattern, similar to Python's `re.split `_, a tuple of ``('', ' ')`` can be provided. + - The final tokenization step always uses spaces as separators. To split strings based on a specific regex pattern, similar to Python's `re.split `_, a tuple of ``('', ' ')`` can be provided. Example Regex tokenization based on ``(patterns, replacements)`` list. @@ -998,7 +998,7 @@ def bytes_to_unicode(): The reversible bpe codes work on unicode strings. This means you need a large # of unicode characters in your vocab if you want to avoid UNKs. When you're at something like a 10B token dataset you end up needing around 5K for decent coverage. - This is a signficant percentage of your normal, say, 32K bpe vocab. + This is a significant percentage of your normal, say, 32K bpe vocab. To avoid that, we want lookup tables between utf-8 bytes and unicode strings. And avoids mapping to whitespace/control characters the bpe code barfs on. """ diff --git a/torchtext/utils.py b/torchtext/utils.py index 9ed1379b19..fb5dde7c32 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -207,8 +207,8 @@ def _log_class_usage(klass): torch._C._log_api_usage_once(identifier) -def get_asset_local_path(asset_path: str, overwite=False) -> str: - """Get local path for assets. Download if path does not exost locally +def get_asset_local_path(asset_path: str, overwrite=False) -> str: + """Get local path for assets. Download if path does not exist locally Args: asset_path: Local path to asset or remote URL overwrite: Indicate whether to overwrite the file when downloading from URL (default: False) @@ -224,5 +224,5 @@ def get_asset_local_path(asset_path: str, overwite=False) -> str: if os.path.exists(asset_path): local_path = asset_path else: - local_path = download_from_url(url=asset_path, root=_CACHE_DIR, overwrite=overwite) + local_path = download_from_url(url=asset_path, root=_CACHE_DIR, overwrite=overwrite) return local_path From de368d759c368b61d51225fb9460ce54823db1d1 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Mon, 19 Dec 2022 21:07:27 -0500 Subject: [PATCH 372/463] Validate binaries (#2010) --- .github/scripts/validate_binaries.sh | 31 +++++++++++ .github/workflows/validate-binaries.yml | 55 +++++++++++++++++++ .../workflows/validate-nightly-binaries.yml | 27 +++++++++ 3 files changed, 113 insertions(+) create mode 100755 .github/scripts/validate_binaries.sh create mode 100644 .github/workflows/validate-binaries.yml create mode 100644 .github/workflows/validate-nightly-binaries.yml diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh new file mode 100755 index 0000000000..63700f76f7 --- /dev/null +++ b/.github/scripts/validate_binaries.sh @@ -0,0 +1,31 @@ +#!/usr/bin/env bash +set -ex + +if [[ ${TARGET_OS} == 'windows' ]]; then + source /c/Jenkins/Miniconda3/etc/profile.d/conda.sh +else + eval "$(conda shell.bash hook)" +fi + +conda create -y -n ${ENV_NAME} python=${DESIRED_PYTHON} numpy +conda activate ${ENV_NAME} +export CONDA_CHANNEL="pytorch" +export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/cpu" +export PIP_PREFIX="" + +if [[ ${CHANNEL} = 'nightly' ]]; then + export PIP_PREFIX="--pre " + export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/nightly/cpu" + export CONDA_CHANNEL="pytorch-nightly" +elif [[ ${CHANNEL} = 'test' ]]; then + export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/test/cpu" + export CONDA_CHANNEL="pytorch-test" +fi + +if [[ ${PACKAGE_TYPE} = 'conda' ]]; then + conda install -y torchtext pytorch -c ${CONDA_CHANNEL} +else + pip install ${PIP_PREFIX} torchtext torch --extra-index-url ${PIP_DOWNLOAD_URL} +fi + +python ./test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/validate-binaries.yml b/.github/workflows/validate-binaries.yml new file mode 100644 index 0000000000..ad4c423b7c --- /dev/null +++ b/.github/workflows/validate-binaries.yml @@ -0,0 +1,55 @@ +name: Validate binaries + +on: + workflow_call: + inputs: + channel: + description: "Channel to use (nightly, test, release, all)" + required: false + type: string + default: release + os: + description: "Operating system to generate for (linux, windows, macos, macos-arm64)" + required: true + type: string + ref: + description: 'Reference to checkout, defaults to empty' + default: "" + required: false + type: string + workflow_dispatch: + inputs: + channel: + description: "Channel to use (nightly, test, release, all)" + required: true + type: choice + options: + - release + - nightly + - test + - all + os: + description: "Operating system to generate for (linux, windows, macos)" + required: true + type: choice + default: all + options: + - windows + - linux + - macos + - all + ref: + description: 'Reference to checkout, defaults to empty' + default: "" + required: false + type: string + +jobs: + validate-binaries: + uses: pytorch/builder/.github/workflows/validate-domain-library.yml@main + with: + package_type: "conda,wheel" + os: ${{ inputs.os }} + channel: ${{ inputs.channel }} + repository: "pytorch/text" + smoke_test: "./.github/scripts/validate_binaries.sh" diff --git a/.github/workflows/validate-nightly-binaries.yml b/.github/workflows/validate-nightly-binaries.yml new file mode 100644 index 0000000000..ce954412c4 --- /dev/null +++ b/.github/workflows/validate-nightly-binaries.yml @@ -0,0 +1,27 @@ +# Scheduled validation of the nightly binaries +name: cron + +on: + schedule: + # At 5:30 pm UTC (7:30 am PDT) + - cron: "30 17 * * *" + # Have the ability to trigger this job manually through the API + workflow_dispatch: + push: + branches: + - main + paths: + - .github/workflows/validate-nightly-binaries.yml + - .github/workflows/validate-binaries.yml + - .github/scripts/validate-binaries.sh + pull_request: + paths: + - .github/workflows/validate-nightly-binaries.yml + - .github/workflows/validate-binaries.yml + - .github/scripts/validate-binaries.sh +jobs: + nightly: + uses: ./.github/workflows/validate-binaries.yml + with: + channel: nightly + os: all From ffa496f933615ae2f9b857977df984eda95fdcfb Mon Sep 17 00:00:00 2001 From: Wei Wang <109318740+weiwangmeta@users.noreply.github.com> Date: Wed, 21 Dec 2022 06:39:02 -0800 Subject: [PATCH 373/463] Rename variable to avoid conflict with PIP system variable PIP_PREFIX (#2015) --- .github/scripts/validate_binaries.sh | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index 63700f76f7..c7c1293530 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -14,7 +14,7 @@ export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/cpu" export PIP_PREFIX="" if [[ ${CHANNEL} = 'nightly' ]]; then - export PIP_PREFIX="--pre " + export TEXT_PIP_PREFIX="--pre " export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/nightly/cpu" export CONDA_CHANNEL="pytorch-nightly" elif [[ ${CHANNEL} = 'test' ]]; then @@ -25,7 +25,7 @@ fi if [[ ${PACKAGE_TYPE} = 'conda' ]]; then conda install -y torchtext pytorch -c ${CONDA_CHANNEL} else - pip install ${PIP_PREFIX} torchtext torch --extra-index-url ${PIP_DOWNLOAD_URL} + pip install ${TEXT_PIP_PREFIX} torchtext torch --extra-index-url ${PIP_DOWNLOAD_URL} fi python ./test/smoke_tests/smoke_tests.py From f653dac9cec31f061ad9fba42b9e2a20aca7f569 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 21 Dec 2022 11:31:41 -0500 Subject: [PATCH 374/463] Rename variable to avoid conflict with PIP system variable PIP_PREFIX (#2016) --- .github/scripts/validate_binaries.sh | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index c7c1293530..c5d9bd890a 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -11,10 +11,10 @@ conda create -y -n ${ENV_NAME} python=${DESIRED_PYTHON} numpy conda activate ${ENV_NAME} export CONDA_CHANNEL="pytorch" export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/cpu" -export PIP_PREFIX="" +export TEXT_PIP_PREFIX="" if [[ ${CHANNEL} = 'nightly' ]]; then - export TEXT_PIP_PREFIX="--pre " + export TEXT_PIP_PREFIX="--pre" export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/nightly/cpu" export CONDA_CHANNEL="pytorch-nightly" elif [[ ${CHANNEL} = 'test' ]]; then From a933cbe5a008bc2cb61d985cf5864069194157eb Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Thu, 29 Dec 2022 16:25:35 -0500 Subject: [PATCH 375/463] Beginning of generation utils and necessary refactors of T5 Model (#2011) * Separate encoding/decoding logic for T5 model in preparation for generation * Add generation utils with greedy search and tests --- notebooks/hf_vs_tt_t5.ipynb | 83 ++++++++++ notebooks/hf_with_torchtext_gen.ipynb | 151 ++++++++++++++++++ .../prototype/test_models.py | 21 ++- .../prototype/test_generate.py | 54 +++++++ torchtext/prototype/generate.py | 141 ++++++++++++++++ torchtext/prototype/models/t5/__init__.py | 22 +-- torchtext/prototype/models/t5/bundler.py | 35 ++-- torchtext/prototype/models/t5/model.py | 105 ++++++------ torchtext/prototype/models/t5/modules.py | 86 +++++++--- torchtext/prototype/models/t5/wrapper.py | 50 ++---- 10 files changed, 614 insertions(+), 134 deletions(-) create mode 100644 notebooks/hf_vs_tt_t5.ipynb create mode 100644 notebooks/hf_with_torchtext_gen.ipynb create mode 100644 test/torchtext_unittest/prototype/test_generate.py create mode 100644 torchtext/prototype/generate.py diff --git a/notebooks/hf_vs_tt_t5.ipynb b/notebooks/hf_vs_tt_t5.ipynb new file mode 100644 index 0000000000..119cb62e69 --- /dev/null +++ b/notebooks/hf_vs_tt_t5.ipynb @@ -0,0 +1,83 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Ensuring the TorchText T5 implementation matches other OSS implementations\n", + "\n", + "> In order to run this notebook, you will need to install the huggingface library with the following command: `pip install transformers`" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "from transformers import T5Model\n", + "from torchtext.prototype.models import T5_BASE\n", + "\n", + "import torch" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "input_sentence = [\"translate to Spanish: My name is Joe\"]\n", + "output_sentence = [\"Me llamo Joe\"]\n", + "\n", + "transform = T5_BASE.transform()\n", + "tt_t5_model = T5_BASE.get_model()\n", + "\n", + "hf_t5_model = T5Model.from_pretrained(\"t5-base\")" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "tokenized_sentence = transform(input_sentence)\n", + "tokenized_output = transform(output_sentence)\n", + "\n", + "tt_output = tt_t5_model(encoder_tokens=tokenized_sentence, decoder_tokens=tokenized_output)\n", + "hf_output = hf_t5_model(input_ids=tokenized_sentence, decoder_input_ids=tokenized_output, return_dict=True)\n", + "\n", + "assert torch.all(tt_output[\"encoder_output\"].eq(hf_output[\"encoder_last_hidden_state\"]))\n", + "assert torch.all(tt_output[\"decoder_output\"].eq(hf_output[\"last_hidden_state\"]))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.9.13 ('torchtext39')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.13" + }, + "orig_nbformat": 4, + "vscode": { + "interpreter": { + "hash": "63c8862cb56f124e3ee7674b73de745eeb216416a9b24f78d1fcb7c775bff1b7" + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/notebooks/hf_with_torchtext_gen.ipynb b/notebooks/hf_with_torchtext_gen.ipynb new file mode 100644 index 0000000000..0df74a4b39 --- /dev/null +++ b/notebooks/hf_with_torchtext_gen.ipynb @@ -0,0 +1,151 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In order to run this notebook, you will need to install the huggingface library with the following command: `pip install transformers`" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/opt/homebrew/Caskroom/miniforge/base/envs/torchtext39/lib/python3.9/site-packages/tqdm-4.64.0-py3.9.egg/tqdm/auto.py:22: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n" + ] + } + ], + "source": [ + "from transformers import T5ForConditionalGeneration, T5Tokenizer, BartForConditionalGeneration, BartTokenizer, GPT2LMHeadModel, GPT2Tokenizer\n", + "from torchtext.prototype.generate import GenerationUtil" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "t5 = T5ForConditionalGeneration.from_pretrained(\"t5-base\")\n", + "bart = BartForConditionalGeneration.from_pretrained(\"facebook/bart-large-cnn\")\n", + "gpt2 = GPT2LMHeadModel.from_pretrained(\"gpt2\")" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/opt/homebrew/Caskroom/miniforge/base/envs/torchtext39/lib/python3.9/site-packages/transformers/models/t5/tokenization_t5.py:164: FutureWarning: This tokenizer was incorrectly instantiated with a model max length of 512 which will be corrected in Transformers v5.\n", + "For now, this behavior is kept to avoid breaking backwards compatibility when padding/encoding with `truncation is True`.\n", + "- Be aware that you SHOULD NOT rely on t5-base automatically truncating your input to 512 when padding/encoding.\n", + "- If you want to encode/pad to sequences longer than 512 you can either instantiate this tokenizer with `model_max_length` or pass `max_length` when encoding/padding.\n", + "- To avoid this warning, please instantiate this tokenizer with `model_max_length` set to your preferred value.\n", + " warnings.warn(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['owning a dog is good for you, according to studies. a dog is']\n" + ] + } + ], + "source": [ + "# Testing Huggingface's T5\n", + "test_sequence = [\"summarize: studies have shown that owning a dog is good for you\"]\n", + "generative_hf_t5 = GenerationUtil(t5, is_encoder_decoder=True, is_huggingface_model=True)\n", + "t5_tokenizer = T5Tokenizer.from_pretrained(\"t5-base\")\n", + "test_sequence_tk = t5_tokenizer(test_sequence, return_tensors=\"pt\").input_ids\n", + "tokens = generative_hf_t5.generate(test_sequence_tk, max_len=20, pad_idx=t5.config.pad_token_id)\n", + "print(t5_tokenizer.batch_decode(tokens, skip_special_tokens=True))" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['PG. PG&E said it scheduled the blackouts in response to forecasts for high winds.']\n" + ] + } + ], + "source": [ + "# Testing Huggingface's BART\n", + "test_sequence = [\"PG&E stated it scheduled the blackouts in response to forecasts for high winds \"\n", + " \"amid dry conditions. The aim is to reduce the risk of wildfires. Nearly 800 thousand customers were \"\n", + " \"scheduled to be affected by the shutoffs which were expected to last through at least midday tomorrow.\"]\n", + "generative_hf_bart = GenerationUtil(bart, is_encoder_decoder=True, is_huggingface_model=True)\n", + "bart_tokenizer = BartTokenizer.from_pretrained(\"facebook/bart-large-cnn\")\n", + "test_sequence_tk = bart_tokenizer(test_sequence, return_tensors=\"pt\").input_ids\n", + "tokens = generative_hf_bart.generate(test_sequence_tk, max_len=20, pad_idx=bart.config.pad_token_id)\n", + "print(bart_tokenizer.batch_decode(tokens, skip_special_tokens=True))" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"I enjoy walking with my cute dog, but I'm not sure if I'll ever be able to\"]\n" + ] + } + ], + "source": [ + "# Testing Huggingface's GPT2\n", + "test_sequence = [\"I enjoy walking with my cute dog\"]\n", + "generative_hf_gpt2 = GenerationUtil(gpt2, is_encoder_decoder=False, is_huggingface_model=True)\n", + "gpt2_tokenizer = GPT2Tokenizer.from_pretrained(\"gpt2\")\n", + "test_sequence_tk = gpt2_tokenizer(test_sequence, return_tensors=\"pt\").input_ids\n", + "tokens = generative_hf_gpt2.generate(test_sequence_tk, max_len=20, pad_idx=gpt2.config.pad_token_id)\n", + "print(gpt2_tokenizer.batch_decode(tokens, skip_special_tokens=True))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.9.13 ('torchtext39')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.13" + }, + "orig_nbformat": 4, + "vscode": { + "interpreter": { + "hash": "63c8862cb56f124e3ee7674b73de745eeb216416a9b24f78d1fcb7c775bff1b7" + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/test/integration_tests/prototype/test_models.py b/test/integration_tests/prototype/test_models.py index 3a76f52cd6..5f012983d5 100644 --- a/test/integration_tests/prototype/test_models.py +++ b/test/integration_tests/prototype/test_models.py @@ -66,13 +66,22 @@ def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): model_input = transform(test_text) if model.encoder_only: - actual = model(model_input)["encoder_output"] + actual = model(encoder_tokens=model_input)["encoder_output"] + if not is_jit: + self._t5_get_encoder(model, model_input, actual) else: - actual = model(model_input)["decoder_output"] + actual = model(encoder_tokens=model_input)["decoder_output"] expected = torch.load(expected_asset_path) torch.testing.assert_close(actual, expected, atol=1e-04, rtol=2.5e-06) + def _t5_get_encoder(self, model, model_input, encoder_output): + encoder = model.get_encoder() + # Need to set the tgt_key_padding_mask to ensure the same results + encoder_padding_mask = model_input.eq(model.padding_idx) + output_from_get_encoder = encoder(tgt=model_input, tgt_key_padding_mask=encoder_padding_mask)["encoder_output"] + assert torch.all(output_from_get_encoder.eq(encoder_output)) + @nested_params(["jit", "not_jit"]) def test_t5_model(self, name) -> None: configuration, type = self.model_name.split("_") @@ -93,7 +102,8 @@ def test_t5_model(self, name) -> None: ], ) class TestT5Wrapper(TorchtextTestCase): - @parameterized.expand(["jit", "not_jit"]) + # No longer Torchscriptable + @parameterized.expand(["no_jit"]) def test_t5_wrapper(self, name) -> None: configuration = self.configuration test_text = ["translate English to French: I want to eat pizza for dinner."] @@ -113,7 +123,8 @@ def test_t5_wrapper(self, name) -> None: class TestT5WrapperCheckpoint(TorchtextTestCase): - @parameterized.expand(["jit", "not_jit"]) + # No longer Torchscriptable + @parameterized.expand(["no_jit"]) def test_t5_wrapper_checkpoint(self, name) -> None: test_text = ["translate English to French: I want to eat pizza for dinner."] expected_text = ["Je veux manger de la pizza pour le dîner."] @@ -127,7 +138,7 @@ def test_t5_wrapper_checkpoint(self, name) -> None: padding_idx=0, ) model = T5Wrapper( - checkpoint="https://download.pytorch.org/models/text/t5.base.generation.pt", + checkpoint="https://download.pytorch.org/models/text/t5.base.generation.v2.pt", t5_config=config, transform=transform, freeze_model=True, diff --git a/test/torchtext_unittest/prototype/test_generate.py b/test/torchtext_unittest/prototype/test_generate.py new file mode 100644 index 0000000000..7b8e0bf287 --- /dev/null +++ b/test/torchtext_unittest/prototype/test_generate.py @@ -0,0 +1,54 @@ +from unittest.mock import patch + +import torch +from torchtext.prototype.generate import DEFAULT_MAX_SEQ_LEN, GenerationUtil +from torchtext.prototype.models import T5_BASE_GENERATION +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase + + +class TestGenerationUtil(TorchtextTestCase): + def setUp(self) -> None: + super().setUp() + t5_base = T5_BASE_GENERATION + self.transform = t5_base.transform() + self.model = t5_base.get_model() + self.model.eval() + # Examples taken from T5 Paper and Huggingface + self.inputs = self.transform( + [ + "summarize: studies have shown that owning a dog is good for you", + "translate English to German: That is good.", + "cola sentence: The course is jumping well.", + "stsb sentence1: The rhino grazed on the grass. sentence2: A rhino is grazing in a field.", + "summarize: state authorities dispatched emergency crews tuesday to survey the damage after an onslaught of severe weather in mississippi...", + ] + ) + torch.manual_seed(0) + + def test_greedy_generate_with_t5(self) -> None: + generation_model = GenerationUtil(self.model) + + tokens = generation_model.generate(self.inputs, num_beams=1, max_len=30) + generated_text = self.transform.decode(tokens.tolist()) + + expected_generated_text = [ + "a dog is good for you, according to studies . owning a dog is good for you, according to studies .", + "Das ist gut.", + "acceptable", + "4.0", + "mississippi authorities dispatch emergency crews to survey damage . severe weather in mississippi has caused extensive damage", + ] + + self.assertEqual(generated_text, expected_generated_text) + + def test_generate_errors_with_incorrect_beams(self) -> None: + generation_model = GenerationUtil(self.model, is_encoder_decoder=True) + + with self.assertRaises(ValueError): + generation_model.generate(self.inputs, num_beams=0) + + @patch("logging.Logger.warning") + def test_warns_when_no_max_len_provided(self, mock) -> None: + generation_model = GenerationUtil(self.model) + generation_model.generate(self.inputs) + mock.assert_called_with(f"`max_len` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") diff --git a/torchtext/prototype/generate.py b/torchtext/prototype/generate.py new file mode 100644 index 0000000000..53e1e003be --- /dev/null +++ b/torchtext/prototype/generate.py @@ -0,0 +1,141 @@ +import logging +from typing import Optional + +import torch +import torch.nn.functional as F +from torch import nn + +logger = logging.getLogger(__name__) + +DEFAULT_MAX_SEQ_LEN = 256 + + +class GenerationUtil: + """Wrapper to provide generation utils for encoder/decoder models and decoder models. + + Example: + >>> model = T5_BASE_GENERATION.get_model() + >>> generative_model = GenerationUtil(model=model) + >>> generative_model.generate(input_ids, num_beams=1, max_len=100) + + The wrapper can work with *any* model as long as it meets the following requirements: + 1. Is an encoder/decoder or decoder based model. + 2. Includes a `get_encoder` method (if applicable) and a `prepare_inputs_for_generation` method. + + This means that popular HuggingFace implementation of T5, Bart, and GPT-2 can all be used with these generation utils! + >>> from transformers import T5Model + >>> model = T5Model.from_pretrained("t5-base") + >>> generative_model = GenerationUtil(model=model, is_huggingface_model=True) + >>> generative_model.generate(input_ids, num_beams=1, max_len=100) + + More examples can be found in the `notebooks` directory of this repository. + """ + + def __init__(self, model: nn.Module, is_encoder_decoder: bool = True, is_huggingface_model: bool = False) -> None: + self.model = model + self.is_encoder_decoder = is_encoder_decoder + self.is_huggingface_model = is_huggingface_model + + def _prepare_decoder_ids_for_generation( + self, batch_size: int, pad_idx: int = 0, device: Optional[torch.device] = None, **model_kwargs + ): + if model_kwargs is not None and "decoder_input_ids" in model_kwargs: + return model_kwargs.pop("decoder_input_ids") + else: + return torch.ones((batch_size, 1), dtype=torch.long, device=device) * pad_idx + + def greedy_search( + self, input_ids: torch.Tensor, max_len: int, eos_idx: int, pad_idx: Optional[int] = None, **model_kwargs + ) -> torch.Tensor: + """Greedy search decoding for text generation. Takes the most likely next token every time. + + Inputs: + input_ids (Tensor): Text prompt(s) for greedy generation. + max_len (int): Max length to generate responses. + eos_idx (int): End of sequence index. + pad_idx (int): Padding index. + **model_kwargs + + Returns: + Batch of sequences decoded by greedy search. + """ + unfinished_sequences = torch.ones((input_ids.shape[0], 1), device=input_ids.device, dtype=torch.long) + + while True: + model_inputs = self.model.prepare_inputs_for_generation(input_ids, **model_kwargs) + if self.is_huggingface_model: + model_inputs["return_dict"] = True + model_inputs["output_hidden_states"] = True + + # Get model output + outputs = self.model(**model_inputs) + output_key = "logits" if self.is_huggingface_model else "decoder_output" + decoder_output = outputs[output_key] + + # Calculate probabilities and take the most likely next token + probs = F.log_softmax(decoder_output[:, -1], dim=-1) + _, next_tokens = torch.topk(probs, 1) + + # For any finished sequences, padding idx should be the last token + if eos_idx is not None: + if pad_idx is not None: + next_tokens = next_tokens * unfinished_sequences + pad_idx * (1 - unfinished_sequences) + + # Append the next tokens to the previous tokens + input_ids = torch.cat([input_ids, next_tokens], dim=-1) + + if eos_idx is not None: + unfinished_sequences = unfinished_sequences.mul((next_tokens != eos_idx).long()) + + # Stop iterating once all sequences are finished or exceed the max_len + if unfinished_sequences.max() == 0 or len(input_ids[0]) >= max_len: + break + + return input_ids + + def beam_search(self, input_ids: torch.Tensor, num_beams: int, max_len: Optional[int]) -> torch.Tensor: + raise NotImplementedError() + + def generate( + self, + inputs: Optional[torch.Tensor] = None, + num_beams: Optional[int] = None, + max_len: Optional[int] = None, + pad_idx: int = 0, + eos_idx: int = 1, + ) -> torch.Tensor: + """Generation method. + + `num_beams` == 1 or `num_beams` is None -> greedy search + `num_beams` > 1 -> beam search + + Args: + input_ids (Tensor): Ids of tokenized input tokens. The 'seed' text for generation. + num_beams (int): If provided, specifies the number of beams to use in beam search generation. + max_len (int): Max length to generate responses. + pad_idx (int): Padding index. Defaults to 0. + eos_idx (int): End of sequence index. Defaults to 1. + + Returns: + Tensor of Tensors containing output sequences as ids. + + `Note`: If one beam is provided or no beams are specified, the generation method will default to greedy search. + """ + model_kwargs = {} + + if self.is_encoder_decoder: + encoder = self.model.get_encoder() + model_kwargs["encoder_outputs"] = encoder(inputs) + inputs = self._prepare_decoder_ids_for_generation(len(inputs), device=inputs.device, **model_kwargs) + + if max_len is None: + # Too hard to try to figure out the exact max_seq_length for each model + logger.warning(f"`max_len` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") + max_len = DEFAULT_MAX_SEQ_LEN + + if num_beams == 1 or num_beams is None: + return self.greedy_search(inputs, max_len, eos_idx, pad_idx=pad_idx, **model_kwargs) + elif num_beams > 1: + return self.beam_search(inputs, num_beams, max_len) + else: + raise ValueError("`num_beams` must be >= 1.") diff --git a/torchtext/prototype/models/t5/__init__.py b/torchtext/prototype/models/t5/__init__.py index d23b5b8308..d55b1ad591 100644 --- a/torchtext/prototype/models/t5/__init__.py +++ b/torchtext/prototype/models/t5/__init__.py @@ -1,19 +1,19 @@ from .bundler import ( - T5_BASE_ENCODER, + T5_11B, + T5_11B_ENCODER, + T5_11B_GENERATION, + T5_3B, + T5_3B_ENCODER, + T5_3B_GENERATION, T5_BASE, + T5_BASE_ENCODER, T5_BASE_GENERATION, - T5_SMALL_ENCODER, - T5_SMALL, - T5_SMALL_GENERATION, - T5_LARGE_ENCODER, T5_LARGE, + T5_LARGE_ENCODER, T5_LARGE_GENERATION, - T5_3B_ENCODER, - T5_3B, - T5_3B_GENERATION, - T5_11B_ENCODER, - T5_11B, - T5_11B_GENERATION, + T5_SMALL, + T5_SMALL_ENCODER, + T5_SMALL_GENERATION, T5Bundle, ) from .model import T5Conf, T5Model diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index 65c94dc63e..3a53f946eb 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -176,7 +176,8 @@ def build_model_from_huggingface_ckpt( t5_model_state_dict = { "token_embeddings.weight": hf_weights["shared.weight"], - "norm1.weight": hf_weights["encoder.final_layer_norm.weight"], + "encoder.token_embeddings.weight": hf_weights["shared.weight"], + "encoder.norm.weight": hf_weights["encoder.final_layer_norm.weight"], "encoder.layers.0.self_attn.relative_attention_bias.weight": hf_weights[ "encoder.block.0.layer.0.SelfAttention.relative_attention_bias.weight" ], @@ -210,7 +211,7 @@ def build_model_from_huggingface_ckpt( # Convert decoder layers if model is encoder-decoder if not config.encoder_only: - t5_model_state_dict["norm2.weight"] = hf_weights["decoder.final_layer_norm.weight"] + t5_model_state_dict["decoder.norm.weight"] = hf_weights["decoder.final_layer_norm.weight"] t5_model_state_dict["decoder.layers.0.self_attn.relative_attention_bias.weight"] = hf_weights[ "decoder.block.0.layer.0.SelfAttention.relative_attention_bias.weight" ] @@ -331,7 +332,7 @@ def config(self) -> T5Conf: """ T5_BASE_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.v2.pt"), _config=T5Conf(encoder_only=True), transform=lambda: T5Transform( urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), @@ -344,7 +345,7 @@ def config(self) -> T5Conf: T5_BASE_ENCODER.__doc__ = ENCODER_DOC.format("BASE", "base") T5_BASE = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.base.v2.pt"), _config=T5Conf(encoder_only=False), transform=lambda: T5Transform( urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), @@ -357,7 +358,7 @@ def config(self) -> T5Conf: T5_BASE.__doc__ = MODEL_DOC.format("BASE", "base") T5_BASE_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.generation.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.base.generation.v2.pt"), _config=T5Conf(encoder_only=False, linear_head=True), transform=lambda: T5Transform( urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), @@ -370,7 +371,7 @@ def config(self) -> T5Conf: T5_BASE_GENERATION.__doc__ = GENERATION_DOC.format("BASE", "base") T5_SMALL_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.small.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.small.encoder.v2.pt"), _config=T5Conf( encoder_only=True, embedding_dim=512, @@ -391,7 +392,7 @@ def config(self) -> T5Conf: T5_SMALL = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.small.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.small.v2.pt"), _config=T5Conf( encoder_only=False, embedding_dim=512, @@ -411,7 +412,7 @@ def config(self) -> T5Conf: T5_SMALL.__doc__ = MODEL_DOC.format("SMALL", "small") T5_SMALL_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.small.generation.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.small.generation.v2.pt"), _config=T5Conf( encoder_only=False, linear_head=True, @@ -432,7 +433,7 @@ def config(self) -> T5Conf: T5_SMALL_GENERATION.__doc__ = GENERATION_DOC.format("SMALL", "small") T5_LARGE_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.large.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.large.encoder.v2.pt"), _config=T5Conf( encoder_only=True, embedding_dim=1024, @@ -452,7 +453,7 @@ def config(self) -> T5Conf: T5_LARGE_ENCODER.__doc__ = ENCODER_DOC.format("LARGE", "large") T5_LARGE = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.large.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.large.v2.pt"), _config=T5Conf( encoder_only=False, embedding_dim=1024, @@ -472,7 +473,7 @@ def config(self) -> T5Conf: T5_LARGE.__doc__ = MODEL_DOC.format("LARGE", "large") T5_LARGE_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.large.generation.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.large.generation.v2.pt"), _config=T5Conf( encoder_only=False, linear_head=True, @@ -493,7 +494,7 @@ def config(self) -> T5Conf: T5_LARGE_GENERATION.__doc__ = GENERATION_DOC.format("LARGE", "large") T5_3B_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.3b.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.3b.encoder.v2.pt"), _config=T5Conf( encoder_only=True, embedding_dim=1024, @@ -514,7 +515,7 @@ def config(self) -> T5Conf: T5_3B_ENCODER.__doc__ = ENCODER_DOC.format("3B", "3B") T5_3B = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.3b.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.3b.v2.pt"), _config=T5Conf( encoder_only=False, embedding_dim=1024, @@ -535,7 +536,7 @@ def config(self) -> T5Conf: T5_3B.__doc__ = MODEL_DOC.format("3B", "3B") T5_3B_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.3b.generation.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.3b.generation.v2.pt"), _config=T5Conf( encoder_only=False, linear_head=True, @@ -557,7 +558,7 @@ def config(self) -> T5Conf: T5_3B_GENERATION.__doc__ = GENERATION_DOC.format("3B", "3B") T5_11B_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.11b.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.11b.encoder.v2.pt"), _config=T5Conf( encoder_only=True, embedding_dim=1024, @@ -578,7 +579,7 @@ def config(self) -> T5Conf: T5_11B_ENCODER.__doc__ = ENCODER_DOC.format("11B", "11B") T5_11B = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.11b.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.11b.v2.pt"), _config=T5Conf( encoder_only=False, embedding_dim=1024, @@ -599,7 +600,7 @@ def config(self) -> T5Conf: T5_11B.__doc__ = MODEL_DOC.format("11B", "11B") T5_11B_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.11b.generation.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.11b.generation.v2.pt"), _config=T5Conf( encoder_only=False, linear_head=True, diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 127aa44ee2..5d4c9e2991 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -1,14 +1,16 @@ +# logging library is not automatically supported by Torchscript +import warnings from dataclasses import dataclass -from typing import Dict, List, Optional, Union, Callable +from typing import Callable, Dict, List, Optional, Union import torch import torch.nn as nn from torch import Tensor -from .modules import T5Encoder, T5Decoder, T5LayerNorm +from .modules import T5Decoder, T5Encoder -@dataclass +@dataclass(frozen=True) class T5Conf: encoder_only: bool = False linear_head: bool = False @@ -99,12 +101,10 @@ def __init__( layer_norm_eps=config.layer_norm_eps, relative_attention_num_buckets=config.relative_attention_num_buckets, relative_attention_max_distance=config.relative_attention_max_distance, + token_embeddings=self.token_embeddings, device=device, dtype=dtype, ) - self.norm1 = T5LayerNorm(config.embedding_dim) - self.dropout1 = nn.Dropout(self.dropout) - self.dropout2 = nn.Dropout(self.dropout) if not config.encoder_only: self.decoder = T5Decoder( @@ -121,9 +121,6 @@ def __init__( device=device, dtype=dtype, ) - self.norm2 = T5LayerNorm(config.embedding_dim) - self.dropout3 = nn.Dropout(self.dropout) - self.dropout4 = nn.Dropout(self.dropout) else: self.decoder = None @@ -136,12 +133,30 @@ def __init__( for p in self.parameters(): p.requires_grad = False + def prepare_inputs_for_generation(self, input_ids, encoder_outputs): + return {"decoder_tokens": input_ids, "encoder_outputs": encoder_outputs} + + @torch.jit.ignore + def get_encoder(self) -> T5Encoder: + return self.encoder + + @torch.jit.ignore + def get_decoder(self) -> Optional[T5Decoder]: + if self.decoder is None: + warnings.warn("Decoder is not set on this model.") + return self.decoder + def forward( self, - encoder_tokens: Tensor, + encoder_tokens: Optional[Tensor] = None, decoder_tokens: Optional[Tensor] = None, encoder_mask: Optional[Tensor] = None, decoder_mask: Optional[Tensor] = None, + encoder_padding_mask: Optional[Tensor] = None, + decoder_padding_mask: Optional[Tensor] = None, + encoder_outputs: Optional[ + Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]] + ] = None, ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]]: r"""Pass the inputs (and mask) through the decoder layer in turn. Args: @@ -167,25 +182,29 @@ def forward( encoder_sa_scores: Tuple of self-attention scores computed at each layer of the decoder encoder_ca_scores: Tuple of cross-attention scores computed at each layer of the decoder """ - encoder_padding_mask = encoder_tokens.eq(self.padding_idx) - encoder_embeddings = self.dropout1(self.token_embeddings(encoder_tokens)) - encoder_output, encoder_hidden_states, encoder_position_bias, encoder_sa = self.encoder( - encoder_embeddings, tgt_mask=encoder_mask, tgt_key_padding_mask=encoder_padding_mask - ) + if encoder_outputs is None: + assert encoder_tokens is not None, "If `encoder_outputs` is not specified, must provide `encoder_tokens`" - encoder_output = self.norm1(encoder_output) - encoder_output = self.dropout2(encoder_output) - encoder_hidden_states.append(encoder_output) + if encoder_padding_mask is None: + encoder_padding_mask = encoder_tokens.eq(self.padding_idx) - if not self.encoder_only: + encoder_outputs = self.encoder( + tgt=encoder_tokens, tgt_mask=encoder_mask, tgt_key_padding_mask=encoder_padding_mask + ) + if not self.encoder_only: assert self.decoder is not None + assert encoder_outputs is not None + + encoder_output = encoder_outputs.get("encoder_output") + assert torch.jit.isinstance(encoder_output, Tensor) # decoder_tokens is None means at start of inference, in which case decoder sequence should begin with padding idx. if decoder_tokens is None: + batch_size = encoder_output.size()[0] + encoder_output_device = encoder_output.device decoder_tokens = ( - torch.ones((encoder_tokens.size(0), 1), device=encoder_tokens.device, dtype=torch.long) - * self.padding_idx + torch.ones((batch_size, 1), device=encoder_output_device, dtype=torch.long) * self.padding_idx ) if decoder_mask is None: @@ -194,12 +213,13 @@ def forward( decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) decoder_mask = decoder_mask.to(decoder_tokens.device, dtype=torch.bool) - decoder_padding_mask = decoder_tokens.eq(self.padding_idx) - # T5 implemention uses padding idx to start sequence. Want to ignore this when masking - decoder_padding_mask[:, 0] = False + if decoder_padding_mask is None: + decoder_padding_mask = decoder_tokens.eq(self.padding_idx) + # T5 implemention uses padding idx to start sequence. Want to ignore this when masking + decoder_padding_mask[:, 0] = False - decoder_embeddings = self.dropout3(self.token_embeddings(decoder_tokens)) - decoder_output, decoder_hidden_states, decoder_position_bias, decoder_sa, decoder_ca = self.decoder( + decoder_embeddings = self.token_embeddings(decoder_tokens) + decoder_outputs = self.decoder( decoder_embeddings, memory=encoder_output, tgt_mask=decoder_mask, @@ -208,9 +228,8 @@ def forward( memory_key_padding_mask=encoder_padding_mask, ) - decoder_output = self.norm2(decoder_output) - decoder_output = self.dropout4(decoder_output) - decoder_hidden_states.append(decoder_output) + decoder_output = decoder_outputs.get("decoder_output") + assert torch.jit.isinstance(decoder_output, Tensor) if self.linear_head: assert self.lm_head is not None @@ -219,28 +238,16 @@ def forward( # See https://github.com/huggingface/transformers/blob/d0acc9537829e7d067edbb791473bbceb2ecf056/src/transformers/models/t5/modeling_t5.py#L1661 decoder_output = decoder_output * (self.embedding_dim ** -0.5) decoder_output = self.lm_head(decoder_output) + decoder_outputs["decoder_output"] = decoder_output - t5_output = { - "encoder_output": encoder_output, - "encoder_hidden_states": encoder_hidden_states, - "encoder_position_bias": encoder_position_bias, - "encoder_sa_scores": encoder_sa, - "decoder_output": decoder_output, - "decoder_hidden_states": decoder_hidden_states, - "decoder_position_bias": decoder_position_bias, - "decoder_sa_scores": decoder_sa, - "decoder_ca_scores": decoder_ca, - } - else: - t5_output = { - "encoder_output": encoder_output, - "encoder_hidden_states": encoder_hidden_states, - "encoder_position_bias": encoder_position_bias, - "encoder_sa_scores": encoder_sa, - } + encoder_outputs.update(decoder_outputs) + encoder_decoder_outputs = encoder_outputs assert torch.jit.isinstance( - t5_output, Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]] + encoder_decoder_outputs, + Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]], ) - return t5_output + return encoder_decoder_outputs + + return encoder_outputs diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index 7053f42cf5..56d72b3771 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -15,7 +15,7 @@ import math import warnings -from typing import List, Optional, Tuple, Union, Callable +from typing import Callable, Dict, List, Optional, Tuple, Union import torch import torch.nn as nn @@ -773,7 +773,8 @@ def _ca_block( # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 class T5Encoder(nn.Module): - r"""T5Encoder is a stack of N encoder layers + """T5Encoder is a stack of N encoder layers. + Args: d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). @@ -787,7 +788,10 @@ class T5Encoder(nn.Module): relative_attention_num_buckets: Number of relative position buckets (default: 32) relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket (defulat: 128) - Examples:: + token_embeddings (nn.Module): Embedding layer to be passed in the case that the input to `forward` + is not already embedded. + + Examples: >>> encoder = T5Encoder(d_model=768, nhead=12, num_layers=12) >>> tgt = torch.rand(32, 10, 512) >>> out = encoder(tgt) @@ -805,11 +809,12 @@ def __init__( layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, + token_embeddings: Optional[nn.Module] = None, device: Optional[torch.device] = None, dtype=None, ) -> None: super().__init__() - + self.token_embeddings = token_embeddings self.layers = nn.ModuleList( [ T5EncoderLayer( @@ -830,24 +835,44 @@ def __init__( ] ) self.num_layers = num_layers + self.norm = T5LayerNorm(d_model) + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(dropout) def forward( self, - tgt: Tensor, + tgt: Optional[Tensor] = None, tgt_mask: Optional[Tensor] = None, tgt_key_padding_mask: Optional[Tensor] = None, - ) -> Tuple[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]: + embedded_tgt: Optional[Tensor] = None, + ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]]: r"""Pass the input (and masks) through the stack of encoder layers. + Args: - tgt: Input sequence to the encoder layer. (required). - Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence - length, and E is the model dimension. - tgt_mask: Attention mask for self-attention. (optional). + tgt (Optional[Tensor]): Tokenized input sequence to the encoder. + Must be batch first with shape (B, Ne) where B is the batch size and Ne is the + encoder input sequence length. + tgt_mask (Optional[Tensor]): Attention mask for self-attention. Must have shape (Nt, Nt). - tgt_key_padding_mask: Mask for the tgt keys per batch (optional). + tgt_key_padding_mask (Optional[Tensor]): Mask for the tgt keys per batch. Must have shape (B, Nt). + embedded_tgt (Optional[Tensor]): Embedded input sequence to the encoder layer. + Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence + length, and E is the model dimension. + *Note*: If you do not provide this `embedded_tgt`, you must have provided a `token_embedding` layer \ + in the initialization of the T5Encoder. + + Returns: + Tuple of last hidden layer, all hidden layers, position bias, and self-attention scores """ - output = tgt + # This keeps the encoder self-contained and easy to use individually + if embedded_tgt is None: + assert ( + self.token_embeddings is not None and tgt is not None + ), "Must provide `token_embeddings` and `tgt` if not providing already embedded tokens." + embedded_tgt = self.token_embeddings(tgt) + + output = self.dropout1(embedded_tgt) position_bias = None all_outputs = torch.jit.annotate(List[Tensor], []) all_sa_scores = torch.jit.annotate(List[Optional[Tensor]], []) @@ -861,7 +886,17 @@ def forward( ) all_sa_scores.append(sa_score) - return output, all_outputs, position_bias, all_sa_scores + output = self.norm(output) + output = self.dropout2(output) + + all_outputs.append(output) + + return { + "encoder_output": output, + "encoder_hidden_states": all_outputs, + "encoder_position_bias": position_bias, + "encoder_sa_scores": all_sa_scores, + } # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 @@ -923,20 +958,23 @@ def __init__( for i in range(num_layers) ] ) + self.norm = T5LayerNorm(d_model) + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(dropout) self.num_layers = num_layers def forward( self, - tgt: Tensor, + embedded_tgt: Tensor, memory: Tensor, tgt_mask: Optional[Tensor] = None, memory_mask: Optional[Tensor] = None, tgt_key_padding_mask: Optional[Tensor] = None, memory_key_padding_mask: Optional[Tensor] = None, - ) -> Tuple[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]], List[Optional[Tensor]]]: + ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]], List[Optional[Tensor]]]]: r"""Pass the inputs (and masks) through the stack of decoder layers. Args: - tgt: Input sequence to the decoder layer. (required). + embedded_tgt: Input sequence to the decoder layer. (required). Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence length, and E is the model dimension. memory: Sequence from the last layer of the encoder. (required). @@ -951,7 +989,8 @@ def forward( memory_key_padding_mask: Mask for the memory keys per batch (optional). Must have shape (B, Ns). """ - output = tgt + + output = self.dropout1(embedded_tgt) position_bias = None all_outputs = torch.jit.annotate(List[Tensor], []) all_sa_scores = torch.jit.annotate(List[Optional[Tensor]], []) @@ -970,4 +1009,15 @@ def forward( all_sa_scores.append(sa_score) all_ca_scores.append(ca_score) - return output, all_outputs, position_bias, all_sa_scores, all_ca_scores + output = self.norm(output) + output = self.dropout2(output) + + all_outputs.append(output) + + return { + "decoder_output": output, + "decoder_hidden_states": all_outputs, + "decoder_position_bias": position_bias, + "decoder_sa_scores": all_sa_scores, + "decoder_ca_scores": all_ca_scores, + } diff --git a/torchtext/prototype/models/t5/wrapper.py b/torchtext/prototype/models/t5/wrapper.py index 8fa38a065f..6027bf72e9 100644 --- a/torchtext/prototype/models/t5/wrapper.py +++ b/torchtext/prototype/models/t5/wrapper.py @@ -1,3 +1,4 @@ +import warnings from typing import Any, Dict, List, Optional, Tuple, Union import torch @@ -5,14 +6,14 @@ import torch.nn.functional as F from torch import Tensor from torchtext.prototype.models import ( + T5_11B_GENERATION, + T5_3B_GENERATION, T5_BASE_GENERATION, - T5_SMALL_GENERATION, T5_LARGE_GENERATION, - T5_3B_GENERATION, - T5_11B_GENERATION, + T5_SMALL_GENERATION, + T5Bundle, T5Conf, T5Transform, - T5Bundle, ) @@ -47,6 +48,8 @@ def __init__( strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`) dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) """ + warnings.warn("`T5Wrapper` is being deprecated. Please use new `GenerationUtils`.", category=DeprecationWarning) + super().__init__() if configuration is None: @@ -135,15 +138,11 @@ def beam_search( return new_decoder_tokens, new_scores, new_incomplete_sentences def generate(self, encoder_tokens: Tensor, beam_size: int, eos_idx: int = 1, max_seq_len: int = 512) -> Tensor: - # pass tokens through encoder bsz = encoder_tokens.size(0) + encoder = self.model.get_encoder() encoder_padding_mask = encoder_tokens.eq(self.model.padding_idx) - encoder_embeddings = self.model.dropout1(self.model.token_embeddings(encoder_tokens)) - encoder_output = self.model.encoder(encoder_embeddings, tgt_key_padding_mask=encoder_padding_mask)[0] - - encoder_output = self.model.norm1(encoder_output) - encoder_output = self.model.dropout2(encoder_output) + encoder_outputs = encoder(tgt=encoder_tokens, tgt_key_padding_mask=encoder_padding_mask) # initialize decoder input sequence; T5 uses padding index as starter index to decoder sequence decoder_tokens = torch.ones((bsz, 1), dtype=torch.long) * self.model.padding_idx @@ -154,37 +153,21 @@ def generate(self, encoder_tokens: Tensor, beam_size: int, eos_idx: int = 1, max # iteratively generate output sequence until all sequences in the batch have generated the end-of-sequence token for step in range(max_seq_len): - if step == 1: # duplicate and order encoder output so that each beam is treated as its own independent sequence + encoder_output = encoder_outputs.get("encoder_output") new_order = torch.arange(bsz).view(-1, 1).repeat(1, beam_size).view(-1) new_order = new_order.to(encoder_tokens.device).long() encoder_output = encoder_output.index_select(0, new_order) + encoder_outputs["encoder_output"] = encoder_output encoder_padding_mask = encoder_padding_mask.index_select(0, new_order) - # causal mask and padding mask for decoder sequence - tgt_len = decoder_tokens.shape[1] - decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) - decoder_mask = decoder_mask.to(torch.bool) - decoder_padding_mask = decoder_tokens.eq(self.model.padding_idx) - - # T5 implemention uses padding idx to start sequence. Want to ignore this when masking - decoder_padding_mask[:, 0] = False - # pass decoder sequence through decoder - decoder_embeddings = self.model.dropout3(self.model.token_embeddings(decoder_tokens)) - decoder_output = self.model.decoder( - decoder_embeddings, - memory=encoder_output, - tgt_mask=decoder_mask, - tgt_key_padding_mask=decoder_padding_mask, - memory_key_padding_mask=encoder_padding_mask, - )[0] - - decoder_output = self.model.norm2(decoder_output) - decoder_output = self.model.dropout4(decoder_output) - decoder_output = decoder_output * (self.model.embedding_dim ** -0.5) - decoder_output = self.model.lm_head(decoder_output) + decoder_output = self.model( + decoder_tokens=decoder_tokens, + encoder_padding_mask=encoder_padding_mask, + encoder_outputs=encoder_outputs, + ).get("decoder_output") decoder_tokens, scores, incomplete_sentences = self.beam_search( beam_size, step + 1, bsz, decoder_output, decoder_tokens, scores, incomplete_sentences @@ -203,7 +186,6 @@ def generate(self, encoder_tokens: Tensor, beam_size: int, eos_idx: int = 1, max return decoder_tokens def forward(self, input_text: List[str], beam_size: int, max_seq_len: int) -> Union[List[str], str]: - model_input = self.transform(input_text) model_output_tensor = self.generate(encoder_tokens=model_input, beam_size=beam_size, max_seq_len=max_seq_len) model_output_list = torch.jit.annotate(List[List[int]], model_output_tensor.tolist()) From c7cc5fc1e669f548eef619ae055690831d6cc75e Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 4 Jan 2023 11:39:15 -0500 Subject: [PATCH 376/463] Fix lint error (#2019) --- .github/workflows/validate-binaries.yml | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/.github/workflows/validate-binaries.yml b/.github/workflows/validate-binaries.yml index ad4c423b7c..6c7e0f9862 100644 --- a/.github/workflows/validate-binaries.yml +++ b/.github/workflows/validate-binaries.yml @@ -13,7 +13,7 @@ on: required: true type: string ref: - description: 'Reference to checkout, defaults to empty' + description: "Reference to checkout, defaults to empty" default: "" required: false type: string @@ -39,11 +39,10 @@ on: - macos - all ref: - description: 'Reference to checkout, defaults to empty' + description: "Reference to checkout, defaults to empty" default: "" required: false type: string - jobs: validate-binaries: uses: pytorch/builder/.github/workflows/validate-domain-library.yml@main From 2e50bf9b7582fd419c608636231e5ee11b659357 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 11 Jan 2023 15:30:06 -0500 Subject: [PATCH 377/463] Refactor validation using MATRIX vars (#2021) * Refactor validation using MATRIX vars * fix formatting and install * Fix filename in pull request Trying to use via source --- .github/scripts/validate_binaries.sh | 17 ++++------------- .github/workflows/validate-binaries.yml | 2 +- .github/workflows/validate-nightly-binaries.yml | 4 ++-- 3 files changed, 7 insertions(+), 16 deletions(-) diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index c5d9bd890a..928fe89407 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -1,28 +1,19 @@ -#!/usr/bin/env bash -set -ex - -if [[ ${TARGET_OS} == 'windows' ]]; then - source /c/Jenkins/Miniconda3/etc/profile.d/conda.sh -else - eval "$(conda shell.bash hook)" -fi - -conda create -y -n ${ENV_NAME} python=${DESIRED_PYTHON} numpy +conda create -y -n ${ENV_NAME} python=${MATRIX_PYTHON_VERSION} numpy conda activate ${ENV_NAME} export CONDA_CHANNEL="pytorch" export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/cpu" export TEXT_PIP_PREFIX="" -if [[ ${CHANNEL} = 'nightly' ]]; then +if [[ ${MATRIX_CHANNEL} = "nightly" ]]; then export TEXT_PIP_PREFIX="--pre" export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/nightly/cpu" export CONDA_CHANNEL="pytorch-nightly" -elif [[ ${CHANNEL} = 'test' ]]; then +elif [[ ${MATRIX_CHANNEL} = "test" ]]; then export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/test/cpu" export CONDA_CHANNEL="pytorch-test" fi -if [[ ${PACKAGE_TYPE} = 'conda' ]]; then +if [[ ${MATRIX_PACKAGE_TYPE} = "conda" ]]; then conda install -y torchtext pytorch -c ${CONDA_CHANNEL} else pip install ${TEXT_PIP_PREFIX} torchtext torch --extra-index-url ${PIP_DOWNLOAD_URL} diff --git a/.github/workflows/validate-binaries.yml b/.github/workflows/validate-binaries.yml index 6c7e0f9862..a02b36578e 100644 --- a/.github/workflows/validate-binaries.yml +++ b/.github/workflows/validate-binaries.yml @@ -51,4 +51,4 @@ jobs: os: ${{ inputs.os }} channel: ${{ inputs.channel }} repository: "pytorch/text" - smoke_test: "./.github/scripts/validate_binaries.sh" + smoke_test: "source ./.github/scripts/validate_binaries.sh" diff --git a/.github/workflows/validate-nightly-binaries.yml b/.github/workflows/validate-nightly-binaries.yml index ce954412c4..d49a9e8db1 100644 --- a/.github/workflows/validate-nightly-binaries.yml +++ b/.github/workflows/validate-nightly-binaries.yml @@ -13,12 +13,12 @@ on: paths: - .github/workflows/validate-nightly-binaries.yml - .github/workflows/validate-binaries.yml - - .github/scripts/validate-binaries.sh + - .github/scripts/validate_binaries.sh pull_request: paths: - .github/workflows/validate-nightly-binaries.yml - .github/workflows/validate-binaries.yml - - .github/scripts/validate-binaries.sh + - .github/scripts/validate_binaries.sh jobs: nightly: uses: ./.github/workflows/validate-binaries.yml From 8c01462995d6c34ff1b123ed6b81a7497e14b96b Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Fri, 13 Jan 2023 13:51:00 -0500 Subject: [PATCH 378/463] Migrate Validation Workflows to test-infra. Simplify setup logic (#2022) --- .github/scripts/validate_binaries.sh | 18 ++---------------- .github/workflows/validate-binaries.yml | 3 ++- 2 files changed, 4 insertions(+), 17 deletions(-) diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index 928fe89407..3233b6d462 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -1,22 +1,8 @@ -conda create -y -n ${ENV_NAME} python=${MATRIX_PYTHON_VERSION} numpy -conda activate ${ENV_NAME} -export CONDA_CHANNEL="pytorch" -export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/cpu" -export TEXT_PIP_PREFIX="" - -if [[ ${MATRIX_CHANNEL} = "nightly" ]]; then - export TEXT_PIP_PREFIX="--pre" - export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/nightly/cpu" - export CONDA_CHANNEL="pytorch-nightly" -elif [[ ${MATRIX_CHANNEL} = "test" ]]; then - export PIP_DOWNLOAD_URL="https://download.pytorch.org/whl/test/cpu" - export CONDA_CHANNEL="pytorch-test" -fi if [[ ${MATRIX_PACKAGE_TYPE} = "conda" ]]; then - conda install -y torchtext pytorch -c ${CONDA_CHANNEL} + conda install -y torchtext -c ${PYTORCH_CONDA_CHANNEL} else - pip install ${TEXT_PIP_PREFIX} torchtext torch --extra-index-url ${PIP_DOWNLOAD_URL} + pip install ${PYTORCH_PIP_PREFIX} torchtext --extra-index-url ${PYTORCH_PIP_DOWNLOAD_URL} fi python ./test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/validate-binaries.yml b/.github/workflows/validate-binaries.yml index a02b36578e..6bebfd3fcb 100644 --- a/.github/workflows/validate-binaries.yml +++ b/.github/workflows/validate-binaries.yml @@ -45,10 +45,11 @@ on: type: string jobs: validate-binaries: - uses: pytorch/builder/.github/workflows/validate-domain-library.yml@main + uses: pytorch/test-infra/.github/workflows/validate-domain-library.yml@main with: package_type: "conda,wheel" os: ${{ inputs.os }} channel: ${{ inputs.channel }} repository: "pytorch/text" smoke_test: "source ./.github/scripts/validate_binaries.sh" + install_torch: true From 569d48dad5d9d14ed9eacb48b8aca0bf6c60ff96 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 18 Jan 2023 21:27:32 -0500 Subject: [PATCH 379/463] Fix memory leake with Regex operator (#2024) --- torchtext/csrc/regex.cpp | 4 ++++ torchtext/csrc/regex.h | 1 + 2 files changed, 5 insertions(+) diff --git a/torchtext/csrc/regex.cpp b/torchtext/csrc/regex.cpp index 65d20faec6..00ea624bdf 100644 --- a/torchtext/csrc/regex.cpp +++ b/torchtext/csrc/regex.cpp @@ -6,6 +6,10 @@ Regex::Regex(const std::string& re_str) : re_str_(re_str) { compiled_pattern_ = new RE2(re_str_); } +Regex::~Regex() { + delete compiled_pattern_; +} + std::string Regex::Sub(std::string str, const std::string& repl) const { RE2::GlobalReplace(&str, *compiled_pattern_, repl); return str; diff --git a/torchtext/csrc/regex.h b/torchtext/csrc/regex.h index 35e7e507f5..d868f94475 100644 --- a/torchtext/csrc/regex.h +++ b/torchtext/csrc/regex.h @@ -13,6 +13,7 @@ struct Regex : torch::CustomClassHolder { std::string re_str_; TORCHTEXT_API Regex(const std::string& re_str); + TORCHTEXT_API ~Regex(); TORCHTEXT_API std::string Sub(std::string str, const std::string& repl) const; TORCHTEXT_API bool FindAndConsume(re2::StringPiece* input, std::string* text) const; From 3e5f77e5c2c35b35f46cdc4bf7b7e82b7c30a0b0 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 24 Jan 2023 18:26:01 -0800 Subject: [PATCH 380/463] Update minimum C++ version to 17 (#2031) Co-authored-by: Nayef Ahmed --- CMakeLists.txt | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/CMakeLists.txt b/CMakeLists.txt index ed39e644a3..b789a32260 100644 --- a/CMakeLists.txt +++ b/CMakeLists.txt @@ -24,10 +24,10 @@ string(FIND "${CMAKE_CXX_FLAGS}" "-std=c++" env_cxx_standard) if(env_cxx_standard GREATER -1) message( WARNING "C++ standard version definition detected in environment variable." - "PyTorch requires -std=c++14. Please remove -std=c++ settings in your environment.") + "PyTorch requires -std=c++17. Please remove -std=c++ settings in your environment.") endif() -set(CMAKE_CXX_STANDARD 14) +set(CMAKE_CXX_STANDARD 17) set(CMAKE_C_STANDARD 11) set(CMAKE_EXPORT_COMPILE_COMMANDS ON) From 961dc672c0406580057a6986e50080eb0b2e6a4a Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Thu, 26 Jan 2023 15:19:39 -0500 Subject: [PATCH 381/463] Add GPU testing config and GPU roberta model tests (#2025) * added gpu test * separated model tests into cpu and gpu specific versions * removed redundant Test from name * addressed comments and fixed test skip implemenation * fix gpu test train case by sending model input to device * silenced setup script steps, changed skip decorator to unittest, moved gpu tests to separate folder * add back gpu tests * fix lint --- .github/workflows/test-linux-gpu.yml | 73 +++++++++++++++++++ test/torchtext_unittest/common/case_utils.py | 12 +++ .../models/gpu_tests/models_gpu_test.py | 11 +++ .../models/models_cpu_test.py | 9 +++ .../{test_models.py => models_test_impl.py} | 38 ++++++---- 5 files changed, 130 insertions(+), 13 deletions(-) create mode 100644 .github/workflows/test-linux-gpu.yml create mode 100644 test/torchtext_unittest/models/gpu_tests/models_gpu_test.py create mode 100644 test/torchtext_unittest/models/models_cpu_test.py rename test/torchtext_unittest/models/{test_models.py => models_test_impl.py} (85%) diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml new file mode 100644 index 0000000000..9b017a9811 --- /dev/null +++ b/.github/workflows/test-linux-gpu.yml @@ -0,0 +1,73 @@ +name: Unit-tests on Linux GPU + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + workflow_dispatch: + +env: + CHANNEL: "nightly" + +jobs: + tests: + strategy: + matrix: + python_version: ["3.8"] + cuda_arch_version: ["11.6"] + fail-fast: false + uses: pytorch/test-infra/.github/workflows/linux_job.yml@main + with: + runner: linux.g5.4xlarge.nvidia.gpu + repository: pytorch/text + gpu-arch-type: cuda + gpu-arch-version: ${{ matrix.cuda_arch_version }} + timeout: 120 + script: | + # Mark Build Directory Safe + git config --global --add safe.directory /__w/text/text + + # Set up Environment Variables + export PYTHON_VERSION="${{ matrix.python_version }}" + export VERSION="${{ matrix.cuda_arch_version }}" + export CUDATOOLKIT="pytorch-cuda=${VERSION}" + + # Set CHANNEL + if [[ (${GITHUB_EVENT_NAME} = 'pull_request' && (${GITHUB_BASE_REF} = 'release'*)) || (${GITHUB_REF} = 'refs/heads/release'*) ]]; then + export CHANNEL=test + else + export CHANNEL=nightly + fi + + # Create Conda Env + conda create --quiet -yp ci_env python="${PYTHON_VERSION}" + conda activate /work/ci_env + python3 -m pip --quiet install cmake>=3.18.0 ninja + conda env update --file ".circleci/unittest/linux/scripts/environment.yml" --prune + + # TorchText-specific Setup + printf "* Downloading SpaCy English models\n" + python -m spacy download en_core_web_sm + printf "* Downloading SpaCy German models\n" + python -m spacy download de_core_news_sm + + # Install PyTorch and TorchData + set -ex + conda install \ + --yes \ + --quiet \ + -c "pytorch-${CHANNEL}" \ + -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ + "${CUDATOOLKIT}" + printf "Installing torchdata nightly\n" + python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu --quiet + python3 setup.py develop + python3 -m pip install parameterized --quiet + + # Run Tests + python3 -m torch.utils.collect_env + cd test + python3 -m pytest --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest/models/gpu_tests diff --git a/test/torchtext_unittest/common/case_utils.py b/test/torchtext_unittest/common/case_utils.py index 9ed9a1ce62..b4d040547a 100644 --- a/test/torchtext_unittest/common/case_utils.py +++ b/test/torchtext_unittest/common/case_utils.py @@ -4,6 +4,7 @@ import unittest from itertools import zip_longest +import torch from torchtext._internal.module_utils import is_module_available @@ -37,6 +38,17 @@ def get_temp_path(self, *paths): return path +class TestBaseMixin: + """Mixin to provide consistent way to define device/dtype/backend aware TestCase""" + + dtype = None + device = None + + def setUp(self): + super().setUp() + torch.random.manual_seed(2434) + + def skipIfNoModule(module, display_name=None): display_name = display_name or module return unittest.skipIf(not is_module_available(module), f'"{display_name}" is not available') diff --git a/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py b/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py new file mode 100644 index 0000000000..07452b4619 --- /dev/null +++ b/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py @@ -0,0 +1,11 @@ +import unittest + +import torch +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase +from torchtext_unittest.models.models_test_impl import BaseTestModels + + +@unittest.skipIf(not torch.cuda.is_available(), reason="CUDA is not available") +class TestModels32GPU(BaseTestModels, TorchtextTestCase): + dtype = torch.float32 + device = torch.device("cuda") diff --git a/test/torchtext_unittest/models/models_cpu_test.py b/test/torchtext_unittest/models/models_cpu_test.py new file mode 100644 index 0000000000..3bcd3e4eb5 --- /dev/null +++ b/test/torchtext_unittest/models/models_cpu_test.py @@ -0,0 +1,9 @@ +import torch + +from ..common.torchtext_test_case import TorchtextTestCase +from .models_test_impl import BaseTestModels + + +class TestModels32CPU(BaseTestModels, TorchtextTestCase): + dtype = torch.float32 + device = torch.device("cpu") diff --git a/test/torchtext_unittest/models/test_models.py b/test/torchtext_unittest/models/models_test_impl.py similarity index 85% rename from test/torchtext_unittest/models/test_models.py rename to test/torchtext_unittest/models/models_test_impl.py index 0e92f6b631..cdfd196268 100644 --- a/test/torchtext_unittest/models/test_models.py +++ b/test/torchtext_unittest/models/models_test_impl.py @@ -2,15 +2,27 @@ from unittest.mock import patch import torch -import torchtext from torch.nn import functional as torch_F -from ..common.torchtext_test_case import TorchtextTestCase +from ..common.case_utils import TestBaseMixin -class TestModels(TorchtextTestCase): +class BaseTestModels(TestBaseMixin): + def get_model(self, encoder_conf, head=None, freeze_encoder=False, checkpoint=None, override_checkpoint_head=False): + from torchtext.models import RobertaBundle + + model = RobertaBundle.build_model( + encoder_conf=encoder_conf, + head=head, + freeze_encoder=freeze_encoder, + checkpoint=checkpoint, + override_checkpoint_head=override_checkpoint_head, + ) + model.to(device=self.device, dtype=self.dtype) + return model + def test_roberta_bundler_build_model(self) -> None: - from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel dummy_encoder_conf = RobertaEncoderConf( vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 @@ -18,14 +30,14 @@ def test_roberta_bundler_build_model(self) -> None: # case: user provide encoder checkpoint state dict dummy_encoder = RobertaModel(dummy_encoder_conf) - model = RobertaBundle.build_model(encoder_conf=dummy_encoder_conf, checkpoint=dummy_encoder.state_dict()) + model = self.get_model(encoder_conf=dummy_encoder_conf, checkpoint=dummy_encoder.state_dict()) self.assertEqual(model.state_dict(), dummy_encoder.state_dict()) # case: user provide classifier checkpoint state dict when head is given and override_head is False (by default) dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaBundle.build_model( + model = self.get_model( encoder_conf=dummy_encoder_conf, head=another_dummy_classifier_head, checkpoint=dummy_classifier.state_dict(), @@ -34,7 +46,7 @@ def test_roberta_bundler_build_model(self) -> None: # case: user provide classifier checkpoint state dict when head is given and override_head is set True another_dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) - model = RobertaBundle.build_model( + model = self.get_model( encoder_conf=dummy_encoder_conf, head=another_dummy_classifier_head, checkpoint=dummy_classifier.state_dict(), @@ -48,13 +60,13 @@ def test_roberta_bundler_build_model(self) -> None: encoder_state_dict = {} for k, v in dummy_classifier.encoder.state_dict().items(): encoder_state_dict["encoder." + k] = v - model = torchtext.models.RobertaBundle.build_model( + model = self.get_model( encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, checkpoint=encoder_state_dict ) self.assertEqual(model.state_dict(), dummy_classifier.state_dict()) def test_roberta_bundler_train(self) -> None: - from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel, RobertaBundle + from torchtext.models import RobertaClassificationHead, RobertaEncoderConf, RobertaModel dummy_encoder_conf = RobertaEncoderConf( vocab_size=10, embedding_dim=16, ffn_dimension=64, num_attention_heads=2, num_encoder_layers=2 @@ -63,8 +75,8 @@ def test_roberta_bundler_train(self) -> None: def _train(model): optim = SGD(model.parameters(), lr=1) - model_input = torch.tensor([[0, 1, 2, 3, 4, 5]]) - target = torch.tensor([0]) + model_input = torch.tensor([[0, 1, 2, 3, 4, 5]]).to(device=self.device) + target = torch.tensor([0]).to(device=self.device) logits = model(model_input) loss = torch_F.cross_entropy(logits, target) loss.backward() @@ -73,7 +85,7 @@ def _train(model): # does not freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaBundle.build_model( + model = self.get_model( encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, freeze_encoder=False, @@ -91,7 +103,7 @@ def _train(model): # freeze encoder dummy_classifier_head = RobertaClassificationHead(num_classes=2, input_dim=16) dummy_classifier = RobertaModel(dummy_encoder_conf, dummy_classifier_head) - model = RobertaBundle.build_model( + model = self.get_model( encoder_conf=dummy_encoder_conf, head=dummy_classifier_head, freeze_encoder=True, From e4d2b0f3def4e7badf88d4da69a98d453bdc21df Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 26 Jan 2023 18:33:39 -0800 Subject: [PATCH 382/463] [TEST] Add torchdata version to smoke tests (#2034) * Add torchdata version to smoke tests * Debug failure * Remove print statements * Resolve PR comments * Remove prints Co-authored-by: Nayef Ahmed --- test/smoke_tests/smoke_tests.py | 17 +++++++++++++++++ 1 file changed, 17 insertions(+) diff --git a/test/smoke_tests/smoke_tests.py b/test/smoke_tests/smoke_tests.py index 7b399508d6..14c963250f 100644 --- a/test/smoke_tests/smoke_tests.py +++ b/test/smoke_tests/smoke_tests.py @@ -1,6 +1,23 @@ """Run smoke tests""" +import re + +import torchdata import torchtext import torchtext.version # noqa: F401 +NIGHTLY_ALLOWED_DELTA = 3 + + +def validateTorchdataVersion(): + from datetime import datetime + + date_t_str = re.findall(r"dev\d+", torchdata.__version__)[0] + date_t_delta = datetime.now() - datetime.strptime(date_t_str[3:], "%Y%m%d") + + if date_t_delta.days >= NIGHTLY_ALLOWED_DELTA: + raise RuntimeError(f"torchdata binary {torchdata.__version__} is more than {NIGHTLY_ALLOWED_DELTA} days old!") + + +validateTorchdataVersion() print("torchtext version is ", torchtext.__version__) From 81877e7a498fbd4059b7ce5013bdfaa21ae7abff Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 27 Jan 2023 12:12:33 -0800 Subject: [PATCH 383/463] Removed Python3.7 support (#2037) Co-authored-by: Nayef Ahmed --- .circleci/config.yml | 69 +------------------------- .circleci/config.yml.in | 4 +- .circleci/regenerate.py | 2 +- .circleci/smoke_test/docker/Dockerfile | 2 - .github/workflows/test-linux-cpu.yml | 2 +- .github/workflows/test-macos-cpu.yml | 2 +- README.rst | 2 +- packaging/pkg_helpers.bash | 3 +- setup.py | 4 +- 9 files changed, 11 insertions(+), 79 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index f20e468290..5ba150c060 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -88,7 +88,7 @@ jobs: lint_python_and_config: docker: - - image: circleci/python:3.7 + - image: circleci/python:3.8 steps: - checkout - run: @@ -107,7 +107,7 @@ jobs: lint_c: docker: - - image: circleci/python:3.7 + - image: circleci/python:3.8 steps: - run: name: Install additional system libraries @@ -619,9 +619,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: binary_linux_wheel_py3.8 python_version: '3.8' - - binary_windows_wheel: - name: binary_windows_wheel_py3.7 - python_version: '3.7' - binary_windows_wheel: name: binary_windows_wheel_py3.8 python_version: '3.8' @@ -631,9 +628,6 @@ workflows: - binary_windows_wheel: name: binary_windows_wheel_py3.10 python_version: '3.10' - - binary_windows_conda: - name: binary_windows_conda_py3.7 - python_version: '3.7' - binary_windows_conda: name: binary_windows_conda_py3.8 python_version: '3.8' @@ -666,9 +660,6 @@ workflows: - build_docs unittest: jobs: - - unittest_windows: - name: unittest_windows_py3.7 - python_version: '3.7' - unittest_windows: name: unittest_windows_py3.8 python_version: '3.8' @@ -692,34 +683,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: nightly_binary_linux_wheel_py3.8 python_version: '3.8' - - binary_windows_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.7 - python_version: '3.7' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.7_upload - requires: - - nightly_binary_windows_wheel_py3.7 - - smoke_test_windows_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.7_smoke_test_pip - python_version: '3.7' - requires: - - nightly_binary_windows_wheel_py3.7_upload - binary_windows_wheel: filters: branches: @@ -804,34 +767,6 @@ workflows: python_version: '3.10' requires: - nightly_binary_windows_wheel_py3.10_upload - - binary_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.7 - python_version: '3.7' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.7_upload - requires: - - nightly_binary_windows_conda_py3.7 - - smoke_test_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.7_smoke_test_conda - python_version: '3.7' - requires: - - nightly_binary_windows_conda_py3.7_upload - binary_windows_conda: filters: branches: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 2c5d13f529..68dd97dcfe 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -88,7 +88,7 @@ jobs: lint_python_and_config: docker: - - image: circleci/python:3.7 + - image: circleci/python:3.8 steps: - checkout - run: @@ -107,7 +107,7 @@ jobs: lint_c: docker: - - image: circleci/python:3.7 + - image: circleci/python:3.8 steps: - run: name: Install additional system libraries diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 2b11b88cf2..0521f8a909 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -21,7 +21,7 @@ from jinja2 import select_autoescape -PYTHON_VERSIONS = ["3.7", "3.8", "3.9", "3.10"] +PYTHON_VERSIONS = ["3.8", "3.9", "3.10"] DOC_VERSION = ("linux", "3.8") diff --git a/.circleci/smoke_test/docker/Dockerfile b/.circleci/smoke_test/docker/Dockerfile index b43902d05e..ba6f4fb020 100644 --- a/.circleci/smoke_test/docker/Dockerfile +++ b/.circleci/smoke_test/docker/Dockerfile @@ -21,14 +21,12 @@ RUN apt-get -qq update && apt-get -qq -y install curl bzip2 sox libsox-dev libso ENV PATH /opt/conda/bin:$PATH -RUN conda create -y --name python3.7 python=3.7 RUN conda create -y --name python3.8 python=3.8 RUN conda create -y --name python3.9 python=3.9 RUN conda create -y --name python3.10 python=3.10 SHELL [ "/bin/bash", "-c" ] RUN echo "source /usr/local/etc/profile.d/conda.sh" >> ~/.bashrc -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.7 && conda install -y numpy RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.8 && conda install -y numpy RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.9 && conda install -y numpy RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.10 && conda install -y numpy diff --git a/.github/workflows/test-linux-cpu.yml b/.github/workflows/test-linux-cpu.yml index 9fdae0b59f..9e7c4394f9 100644 --- a/.github/workflows/test-linux-cpu.yml +++ b/.github/workflows/test-linux-cpu.yml @@ -16,7 +16,7 @@ jobs: tests: strategy: matrix: - python_version: ["3.7", "3.8", "3.9", "3.10"] + python_version: ["3.8", "3.9", "3.10"] fail-fast: false uses: pytorch/test-infra/.github/workflows/linux_job.yml@main with: diff --git a/.github/workflows/test-macos-cpu.yml b/.github/workflows/test-macos-cpu.yml index 29709c139b..96aae504b0 100644 --- a/.github/workflows/test-macos-cpu.yml +++ b/.github/workflows/test-macos-cpu.yml @@ -16,7 +16,7 @@ jobs: tests: strategy: matrix: - python_version: ["3.7", "3.8", "3.9", "3.10"] + python_version: ["3.8", "3.9", "3.10"] fail-fast: false uses: pytorch/test-infra/.github/workflows/macos_job.yml@main with: diff --git a/README.rst b/README.rst index bf4a05b110..7603abc2f0 100644 --- a/README.rst +++ b/README.rst @@ -29,7 +29,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :header: "PyTorch version", "torchtext version", "Supported Python version" :widths: 10, 10, 10 - nightly build, main, ">=3.7, <=3.10" + nightly build, main, ">=3.8, <=3.10" 1.13.0, 0.14.0, ">=3.7, <=3.10" 1.12.0, 0.13.0, ">=3.7, <=3.10" 1.11.0, 0.12.0, ">=3.6, <=3.9" diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index e5b6d54458..ccdb4b612e 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -136,7 +136,7 @@ retry () { } # Inputs: -# PYTHON_VERSION (2.7, 3.5, 3.6, 3.7) +# PYTHON_VERSION (2.7, 3.8, 3.9, 3.10) # UNICODE_ABI (bool) # # Outputs: @@ -158,7 +158,6 @@ setup_wheel_python() { python_abi=cp27-cp27m fi ;; - 3.7) python_abi=cp37-cp37m ;; 3.8) python_abi=cp38-cp38 ;; 3.9) python_abi=cp39-cp39 ;; 3.10) python_abi=cp310-cp310 ;; diff --git a/setup.py b/setup.py index 843ddd5795..2e1f240821 100644 --- a/setup.py +++ b/setup.py @@ -105,11 +105,11 @@ def run(self): long_description=read("README.rst"), license="BSD", install_requires=["tqdm", "requests", pytorch_package_dep, "numpy", torchdata_package_dep], - python_requires=">=3.7", + python_requires=">=3.8", classifiers=[ - "Programming Language :: Python :: 3.7", "Programming Language :: Python :: 3.8", "Programming Language :: Python :: 3.9", + "Programming Language :: Python :: 3.10", ], # Package info packages=find_packages(exclude=("test*", "tools*")), From 5b2123543f1c3e8cbd1bff1cd5ba39c04c0a8a3a Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 1 Feb 2023 19:11:19 -0500 Subject: [PATCH 384/463] Update integration-test.yml (#2038) --- .github/workflows/integration-test.yml | 2 ++ 1 file changed, 2 insertions(+) diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 7e58be8db4..00c1fc4eed 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -9,6 +9,8 @@ on: jobs: build: runs-on: ubuntu-18.04 + with: + runner: linux.2xlarge strategy: fail-fast: false matrix: From 8a077d85b06a0fb4e1b24b9de972fa196240c11d Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 1 Feb 2023 22:10:09 -0800 Subject: [PATCH 385/463] [CHERRY PICK] flan t5 torchtext (#2027) (#2029) * flan t5 torchtext (#2027) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/2027 [d2go] flan t5 torchtext This enables support for FLAN-T5 in Torchtext. So far, we have only enabled FLAN-T5 encoder-only models. If we need to have an encoder-decoder model, it would be straightforward to add support for that. Reviewed By: joecummings Differential Revision: D42159825 fbshipit-source-id: 6c2a4430df890131e18d3ebe40bba35ecc6b25b8 * Linter fixes * Test fixes * linter fixes --------- Co-authored-by: Forrest Iandola Co-authored-by: Joe Cummings --- .../prototype/test_models.py | 26 +++++++----- torchtext/prototype/models/t5/bundler.py | 41 ++++++++++++++----- torchtext/prototype/models/t5/model.py | 29 ++++++++++++- torchtext/prototype/models/t5/modules.py | 38 +++++++++++++++-- 4 files changed, 108 insertions(+), 26 deletions(-) diff --git a/test/integration_tests/prototype/test_models.py b/test/integration_tests/prototype/test_models.py index 5f012983d5..7e5864370a 100644 --- a/test/integration_tests/prototype/test_models.py +++ b/test/integration_tests/prototype/test_models.py @@ -4,15 +4,15 @@ import torch from parameterized import parameterized, parameterized_class from torchtext.prototype.models import ( - T5_BASE_ENCODER, T5_BASE, + T5_BASE_ENCODER, T5_BASE_GENERATION, - T5_SMALL_ENCODER, - T5_SMALL, - T5_SMALL_GENERATION, - T5_LARGE_ENCODER, T5_LARGE, + T5_LARGE_ENCODER, T5_LARGE_GENERATION, + T5_SMALL, + T5_SMALL_ENCODER, + T5_SMALL_GENERATION, T5Conf, T5Transform, ) @@ -21,7 +21,7 @@ from torchtext_unittest.common.assets import get_asset_path from torchtext_unittest.common.parameterized_utils import nested_params from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase -from transformers import T5Model, T5EncoderModel, T5ForConditionalGeneration +from transformers import T5EncoderModel, T5ForConditionalGeneration, T5Model BUNDLERS = { "base_model": T5_BASE, @@ -114,7 +114,7 @@ def test_t5_wrapper(self, name) -> None: beam_size = 3 max_seq_len = 512 - model = T5Wrapper(configuration=configuration) + model = T5Wrapper(configuration=configuration, strict=False) if name == "jit": model = torch.jit.script(model) @@ -198,7 +198,7 @@ def test_t5_bundler_load_hf_ckpt_pretrained_encoder_only(self) -> None: t5_small_enc = T5EncoderModel.from_pretrained("t5-small") t5_small_enc.save_pretrained(model_path) - our_encoder = T5Bundle.build_model_from_huggingface_ckpt(model_path) + our_encoder = T5Bundle.build_model_from_huggingface_ckpt(model_path, encoder_only=True) hf_output = t5_small_enc( input_ids=self.encoder_input_ids, @@ -209,7 +209,7 @@ def test_t5_bundler_load_hf_ckpt_pretrained_encoder_only(self) -> None: our_output = our_encoder(self.encoder_input_ids) - self.check_outputs_of_models(our_output, hf_output, our_encoder.config, encoder_only=True) + self.check_outputs_of_models(our_output, hf_output, our_encoder.config, True) def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder(self) -> None: with tempfile.TemporaryDirectory() as tmp_dir: @@ -231,7 +231,7 @@ def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder(self) -> None: our_output = our_t5(self.encoder_input_ids, self.decoder_input_ids) - self.check_outputs_of_models(our_output, hf_output, our_t5.config, encoder_only=False) + self.check_outputs_of_models(our_output, hf_output, our_t5.config, False) def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder_with_gen(self) -> None: with tempfile.TemporaryDirectory() as tmp_dir: @@ -253,4 +253,8 @@ def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder_with_gen(self) -> No our_output = our_t5(self.encoder_input_ids, self.decoder_input_ids) - self.check_outputs_of_models(our_output, hf_output, our_t5.config, encoder_only=False) + self.check_outputs_of_models(our_output, hf_output, our_t5.config, False) + + def test_flan_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder(self) -> None: + # TODO(joecummings): Download FLAN-T5 chkpts and test here + pass diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index 3a53f946eb..a414db8a3a 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -118,7 +118,6 @@ def build_model( strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`) dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) """ - model = T5Model(config, freeze_model) if checkpoint is not None: if torch.jit.isinstance(checkpoint, Dict[str, torch.Tensor]): @@ -138,6 +137,7 @@ def build_model( @staticmethod def build_model_from_huggingface_ckpt( ckpt_path: Union[str, os.PathLike], + encoder_only: bool = False, *, freeze_model: bool = False, strict: bool = True, @@ -161,15 +161,15 @@ def build_model_from_huggingface_ckpt( config_json = json.load(handle) hf_weights = torch.load(model_path) - # TODO(joecummings): find better way to determine `encoder_only` and `linear_head` config = T5Conf( - encoder_only="decoder.final_layer_norm.weight" not in hf_weights.keys(), + encoder_only=encoder_only, linear_head="lm_head.weight" in hf_weights.keys(), embedding_dim=config_json["d_model"], num_attention_heads=config_json["num_heads"], num_encoder_layers=config_json["num_layers"], num_decoder_layers=config_json["num_decoder_layers"], ffn_dimension=config_json["d_ff"], + feed_forward_proj=config_json.get("feed_forward_proj"), ) t5_model = T5Model(config, freeze_model) @@ -184,9 +184,19 @@ def build_model_from_huggingface_ckpt( } # Convert encoder layers for i in range(config.num_encoder_layers): - t5_model_state_dict[f"encoder.layers.{i}.linear1.weight"] = hf_weights[ - f"encoder.block.{i}.layer.1.DenseReluDense.wi.weight" - ] + if config.is_gated_act: + t5_model_state_dict[f"encoder.layers.{i}.linear1_0.weight"] = hf_weights[ + f"encoder.block.{i}.layer.1.DenseReluDense.wi_0.weight" + ] + + t5_model_state_dict[f"encoder.layers.{i}.linear1_1.weight"] = hf_weights[ + f"encoder.block.{i}.layer.1.DenseReluDense.wi_1.weight" + ] + else: + t5_model_state_dict[f"encoder.layers.{i}.linear1.weight"] = hf_weights[ + f"encoder.block.{i}.layer.1.DenseReluDense.wi.weight" + ] + t5_model_state_dict[f"encoder.layers.{i}.linear2.weight"] = hf_weights[ f"encoder.block.{i}.layer.1.DenseReluDense.wo.weight" ] @@ -217,9 +227,20 @@ def build_model_from_huggingface_ckpt( ] for i in range(config.num_decoder_layers): - t5_model_state_dict[f"decoder.layers.{i}.linear1.weight"] = hf_weights[ - f"decoder.block.{i}.layer.2.DenseReluDense.wi.weight" - ] + + if config.is_gated_act: + t5_model_state_dict[f"encoder.layers.{i}.linear1_0.weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.DenseReluDense.wi_0.weight" + ] + + t5_model_state_dict[f"encoder.layers.{i}.linear1_1.weight"] = hf_weights[ + f"decoder.block.{i}.layer.1.DenseReluDense.wi_1.weight" + ] + else: + t5_model_state_dict[f"decoder.layers.{i}.linear1.weight"] = hf_weights[ + f"decoder.block.{i}.layer.2.DenseReluDense.wi.weight" + ] + t5_model_state_dict[f"decoder.layers.{i}.linear2.weight"] = hf_weights[ f"decoder.block.{i}.layer.2.DenseReluDense.wo.weight" ] @@ -264,7 +285,7 @@ def build_model_from_huggingface_ckpt( t5_model_state_dict["lm_head.weight"] = hf_weights["lm_head.weight"] # Load state dict into our model - t5_model.load_state_dict(t5_model_state_dict, strict) + t5_model.load_state_dict(t5_model_state_dict, strict=False) return t5_model diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index 5d4c9e2991..bbda49fcf9 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -10,7 +10,7 @@ from .modules import T5Decoder, T5Encoder -@dataclass(frozen=True) +@dataclass class T5Conf: encoder_only: bool = False linear_head: bool = False @@ -29,6 +29,31 @@ class T5Conf: max_seq_len: int = 512 vocab_size: int = 32128 training: bool = False + feed_forward_proj: str = None + is_gated_act: bool = False + + def __post_init__(self): + """The following is modified from: + https://github.com/huggingface/transformers/blob/main/src/transformers/models/t5/configuration_t5.py + + It's to support T5 1.1 and FLAN-T5. + """ + + if self.feed_forward_proj: + act_info = self.feed_forward_proj.split("-") + self.activation = act_info[-1] + self.is_gated_act = act_info[0] == "gated" + + if len(act_info) > 1 and act_info[0] != "gated" or len(act_info) > 2: + raise ValueError( + f"`feed_forward_proj`: {self.feed_forward_proj} is not a valid activation function of the dense layer." + "Please make sure `feed_forward_proj` is of the format `gated-{ACT_FN}` or `{ACT_FN}`, e.g. " + "'gated-gelu' or 'relu'" + ) + + # for backwards compatibility + if self.feed_forward_proj == "gated-gelu": + self.activation = "gelu_new" # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L1269 @@ -102,6 +127,7 @@ def __init__( relative_attention_num_buckets=config.relative_attention_num_buckets, relative_attention_max_distance=config.relative_attention_max_distance, token_embeddings=self.token_embeddings, + is_gated_act=config.is_gated_act, device=device, dtype=dtype, ) @@ -118,6 +144,7 @@ def __init__( layer_norm_eps=config.layer_norm_eps, relative_attention_num_buckets=config.relative_attention_num_buckets, relative_attention_max_distance=config.relative_attention_max_distance, + is_gated_act=config.is_gated_act, device=device, dtype=dtype, ) diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index 56d72b3771..c9a2945677 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -540,6 +540,7 @@ def __init__( layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, + is_gated_act: bool = False, compute_relative_attention_bias: bool = False, device: Optional[torch.device] = None, dtype=None, @@ -549,6 +550,7 @@ def __init__( self.compute_relative_attention_bias = compute_relative_attention_bias self.relative_attention_num_buckets = relative_attention_num_buckets self.relative_attention_max_distance = relative_attention_max_distance + self.is_gated_act = is_gated_act self.self_attn = T5MultiheadAttention( d_model, @@ -562,7 +564,15 @@ def __init__( device=device, dtype=dtype, ) - self.linear1 = nn.Linear(d_model, dim_feedforward, bias=False) + + if self.is_gated_act: + self.linear1 = None + self.linear1_0 = nn.Linear(d_model, dim_feedforward, bias=False) + self.linear1_1 = nn.Linear(d_model, dim_feedforward, bias=False) + else: + self.linear1 = nn.Linear(d_model, dim_feedforward, bias=False) + self.linear1_0 = None + self.linear1_1 = None self.linear2 = nn.Linear(dim_feedforward, d_model, bias=False) self.norm1 = T5LayerNorm(d_model, eps=layer_norm_eps) self.norm2 = T5LayerNorm(d_model, eps=layer_norm_eps) @@ -574,11 +584,15 @@ def __init__( assert activation in ( "relu", "gelu", - ), f"Do not support '{activation}' activation. Use either 'relu' or 'gelu'" + "gelu_new", + ), f"Do not support '{activation}' activation. Use 'relu' or 'gelu' or 'gelu_new'" if activation == "relu": self.activation = F.relu elif activation == "gelu": self.activation = F.gelu + elif activation == "gelu_new": + # the following should match the math of https://github.com/huggingface/transformers/blob/main/src/transformers/activations.py + self.activation = nn.GELU(approximate="tanh") else: self.activation = activation @@ -637,8 +651,18 @@ def _sa_block( # Feed forward block def _ff_block(self, x: Tensor) -> Tensor: - x = self.linear2(self.dropout2(self.activation(self.linear1(x)))) - return self.dropout3(x) + if self.is_gated_act: + assert self.linear1_0 is not None + assert self.linear1_1 is not None + wi_0 = self.activation(self.linear1_0(x)) + wi_1 = self.linear1_1(x) + hidden_states = wi_0 * wi_1 + hidden_states = self.dropout2(hidden_states) + hidden_states = self.linear2(hidden_states) + else: + assert self.linear1 is not None + hidden_states = self.linear2(self.dropout2(self.activation(self.linear1(x)))) + return self.dropout3(hidden_states) # NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L622 @@ -685,6 +709,7 @@ def __init__( relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, compute_relative_attention_bias: bool = False, + is_gated_act: bool = False, device: Optional[torch.device] = None, dtype=None, ) -> None: @@ -698,6 +723,7 @@ def __init__( layer_norm_eps, relative_attention_num_buckets, relative_attention_max_distance, + is_gated_act, compute_relative_attention_bias, device, dtype, @@ -810,6 +836,7 @@ def __init__( relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, token_embeddings: Optional[nn.Module] = None, + is_gated_act: bool = False, device: Optional[torch.device] = None, dtype=None, ) -> None: @@ -827,6 +854,7 @@ def __init__( layer_norm_eps, relative_attention_num_buckets, relative_attention_max_distance, + is_gated_act, compute_relative_attention_bias=True if i == 0 else False, device=device, dtype=dtype, @@ -934,6 +962,7 @@ def __init__( layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, + is_gated_act: bool = False, device: Optional[torch.device] = None, dtype=None, ) -> None: @@ -952,6 +981,7 @@ def __init__( relative_attention_num_buckets, relative_attention_max_distance, compute_relative_attention_bias=True if i == 0 else False, + is_gated_act=is_gated_act, device=device, dtype=dtype, ) From 04a4c303161ce44d6957e14ac987941957f6d3e4 Mon Sep 17 00:00:00 2001 From: moto <855818+mthrok@users.noreply.github.com> Date: Thu, 2 Feb 2023 01:11:49 -0500 Subject: [PATCH 386/463] Update CUDA version on GPU tests (#2040) PyTorch core is dropping support for 11.6. --- .github/workflows/test-linux-gpu.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml index 9b017a9811..bc9fef126b 100644 --- a/.github/workflows/test-linux-gpu.yml +++ b/.github/workflows/test-linux-gpu.yml @@ -17,7 +17,7 @@ jobs: strategy: matrix: python_version: ["3.8"] - cuda_arch_version: ["11.6"] + cuda_arch_version: ["11.7"] fail-fast: false uses: pytorch/test-infra/.github/workflows/linux_job.yml@main with: From 11cdc274fc2d3d54e7129a72f8ae49f7fc3f641e Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Fri, 3 Feb 2023 13:51:11 -0500 Subject: [PATCH 387/463] fix codeql workflow failure (#2046) * fix codeqel workflow failure * try rolling back setuptools package --- .github/workflows/codeql.yml | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/.github/workflows/codeql.yml b/.github/workflows/codeql.yml index 5fa3732409..b6af768134 100644 --- a/.github/workflows/codeql.yml +++ b/.github/workflows/codeql.yml @@ -35,7 +35,9 @@ jobs: sudo ln -s /usr/bin/ninja /usr/bin/ninja-build - name: Build TorchText - run: python setup.py develop --user + run: | + python -m pip install setuptools==65.7.0 + python setup.py develop --user # If any code scanning alerts are found, they will be under Security -> CodeQL # Link: https://github.com/pytorch/text/security/code-scanning From bb0efcd41d34661ae167029162d0fc73344140a8 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Sun, 5 Feb 2023 16:37:37 -0800 Subject: [PATCH 388/463] Added min version req + readme instructions for torchdata (#2048) Co-authored-by: Nayef Ahmed --- README.rst | 3 +++ requirements.txt | 2 +- 2 files changed, 4 insertions(+), 1 deletion(-) diff --git a/README.rst b/README.rst index 7603abc2f0..7f79b1e9b5 100644 --- a/README.rst +++ b/README.rst @@ -91,6 +91,9 @@ To build torchtext from source, you need ``git``, ``CMake`` and C++11 compiler s When building from source, make sure that you have the same C++ compiler as the one used to build PyTorch. A simple way is to build PyTorch from source and use the same environment to build torchtext. If you are using the nightly build of PyTorch, checkout the environment it was built with `conda (here) `_ and `pip (here) `_. +Additionally, datasets in torchtext are implemented using the torchdata library. Please take a look at the +`installation instructions `_ to download the latest nightlies or install from source. + Documentation ============= diff --git a/requirements.txt b/requirements.txt index 245ececedc..cbc13eefbf 100644 --- a/requirements.txt +++ b/requirements.txt @@ -19,7 +19,7 @@ Sphinx pytest expecttest parameterized -torchdata +torchdata>0.5 # Lets pytest find our code by automatically modifying PYTHONPATH pytest-pythonpath From 765fc078102f90ceab8ab524b988b63a5f0741e7 Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Wed, 8 Feb 2023 11:41:03 -0500 Subject: [PATCH 389/463] modify integration test workflow to use pytorch generic CI job (#2051) * modify integration test workflow to use pytorch generic CI job * add other dependencies --- .github/workflows/integration-test.yml | 73 ++++++++++++++++++-------- 1 file changed, 51 insertions(+), 22 deletions(-) diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 00c1fc4eed..39a4911d6f 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -7,27 +7,56 @@ on: workflow_dispatch: jobs: - build: - runs-on: ubuntu-18.04 - with: - runner: linux.2xlarge + tests: strategy: - fail-fast: false matrix: - python-version: [3.8] - - steps: - - uses: actions/checkout@v2 - - name: Set up Python ${{ matrix.python-version }} - uses: actions/setup-python@v2 - with: - python-version: ${{ matrix.python-version }} - - name: Install packages - run: | - python -m pip install --quiet --upgrade pip - python -m pip install --quiet --pre torch torchdata -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html - python -m pip install --quiet pytest requests cmake ninja sentencepiece parameterized tqdm expecttest transformers - python setup.py install - - name: Run integration test - run: | - cd test && pytest integration_tests -v --use-tmp-hub-dir + python_version: ["3.8"] + fail-fast: false + uses: pytorch/test-infra/.github/workflows/linux_job.yml@main + with: + runner: linux.12xlarge + repository: pytorch/text + script: | + # Mark Build Directory Safe + git config --global --add safe.directory /__w/text/text + # Set up Environment Variables + export PYTHON_VERSION="${{ matrix.python_version }}" + export VERSION="cpu" + export CUDATOOLKIT="cpuonly" + # Set CHANNEL + if [[ (${GITHUB_EVENT_NAME} = 'pull_request' && (${GITHUB_BASE_REF} = 'release'*)) || (${GITHUB_REF} = 'refs/heads/release'*) ]]; then + export CHANNEL=test + else + export CHANNEL=nightly + fi + # Create Conda Env + conda create -yp ci_env python="${PYTHON_VERSION}" + conda activate /work/ci_env + python3 -m pip --quiet install cmake>=3.18.0 ninja + conda env update --file ".circleci/unittest/linux/scripts/environment.yml" --prune + # TorchText-specific Setup + printf "* Downloading SpaCy English models\n" + python -m spacy download en_core_web_sm + printf "* Downloading SpaCy German models\n" + python -m spacy download de_core_news_sm + # Install PyTorch, Torchvision, and TorchData + set -ex + conda install \ + --yes \ + -c "pytorch-${CHANNEL}" \ + -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ + "${CUDATOOLKIT}" + printf "Installing torchdata nightly\n" + python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python3 setup.py develop + # Install integration test dependencies + python3 -m pip --quiet install parameterized + python3 -m pip --quiet install requests + python3 -m pip --quiet install sentencepiece + python3 -m pip --quiet install tqdm + python3 -m pip --quiet install expecttest + python3 -m pip --quiet install transformers + # Run Tests + python3 -m torch.utils.collect_env + cd test + pytest integration_tests -v --use-tmp-hub-dir From 9db75ab5656953340ed485d628fe4038cc337481 Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Wed, 8 Feb 2023 13:32:13 -0500 Subject: [PATCH 390/463] Add logo (#2050) * add torchtext logo to docs and readme * updated torchtext logo file paths * fix logo icon path * fix nit * need to indent after warning to signify content block * fix logo.rst formatting * fix logo.rst formatting --- README.rst | 2 + docs/source/_static/img/torchtext_logo.png | Bin 0 -> 10865 bytes docs/source/index.rst | 10 +++- docs/source/logo.rst | 54 +++++++++++++++++++++ 4 files changed, 65 insertions(+), 1 deletion(-) create mode 100644 docs/source/_static/img/torchtext_logo.png create mode 100644 docs/source/logo.rst diff --git a/README.rst b/README.rst index 7f79b1e9b5..96b77af14d 100644 --- a/README.rst +++ b/README.rst @@ -1,3 +1,5 @@ +.. image:: docs/source/_static/img/torchtext_logo.png + .. image:: https://circleci.com/gh/pytorch/text.svg?style=svg :target: https://circleci.com/gh/pytorch/text diff --git a/docs/source/_static/img/torchtext_logo.png b/docs/source/_static/img/torchtext_logo.png new file mode 100644 index 0000000000000000000000000000000000000000..21400cdde00cf41a0c4600b6cedffb2387f97ae6 GIT binary patch literal 10865 zcmeHt`6E>E`|nV+N)r)TG9yc&VzMvER)kVxAG?eSg|UWKriK|JG7Q-Z+1J5XB4nqK zJv)QRIvC4+`+V=c|HA#@etxKPobx{KzQ|V4RqL!^B#vlAZ)j9X&ONwhb15o zCby%k;K|Er^L21J_VkvS2Ly8B%)vjV?%}{42;>6fwx;?6pZLY$u4jX{$g*R!onpEy zJg@z%l;x$z@T+o==ql(Zj+YqNRnb=;;pY@z!MP8aD!%%tH+902{}S^6v^D5uujxeo z6WODu+2(yS9~4fp)QGSgpXJ`g?Dx^C_XWVpkc(SE8gd6WV;0OOz~!_2e=q+P!GEpb z|G6UsohLIvAdNYhnUPp|J+(M;PRwiBqY&*IHcXJtq|8hK9gaJ9Xgl;Sl767d^DKzX z^TS*^c1r$!Tu?%Yt4^(KXXP&GoNQOe_f7%UDC$>xD zvvXoJleNpJC+LRDj;SkichHy+0+_7HB zdy)8`9r1mtVfKO_tSWyY()A2wjKDjtJ+y*mOnPr@3`Wvn~kg{Gd9hDfv zyWRYsPi`FM`WMD&z9VxmWoKFzSfp&nWtR2EJCQ8I7>!b}GQQaXvuJz4EHn?y^!Z!i z|Lg{)D%2|G+dh#fv6#ozY)6~g=ImrGc&gegZeO4OVvonFPZbguyknt z+4+wQ+mk)3Hng?&KV(><^)|%ZMX)5Q8YbP$$0E~zfvDG z$dlDgEyj79ma-PK&ugvp+XWxM1zq(7x?19ZE?*;dY)KP4%A0ul@5^5c%S{|yZPlnO z_sGUh2e`pV_Ki;iizC|OVwU?>mvu%`1HcZS@wYjl-%7w>c1lX5ABoku74atCbON^Q z-SiOoJ+`HJ-meFB;$_H9o7xfJW=_BlJ(Va<1=|QgW`n4g%IXfo$RgWH+ioRMKszLIjx&g;0X z^bm!{y}Z7&ecHMsSHCgWBvk2dZ%hAveB~~mHIVE@STyw6v(`kx(NYqrJw+kI%G0w+ zv}*_DcNV%o&~Bin?GY%+US2ds>Jn1O(M1Io7SSW?zD26y*`UlP$jkC8iBU|4^hnKG zp688rT5)Tu7Dyy5dCoMKeQm(SQqwSKG&9pL7C(wPx&nh)JwReOpg0iA_yzYfy8YvH zy!jJR!>kVbnVIv1_O5ev`KZ*VRAn-IkgLjjY+u(KZd$TJkgQ4-7fXM;fnoAiPJ+&U z-%FssTy!1I8=5aa_666{C6Qq=X&XFTC3VSk#mY)seWCnkF_*K zQ?$ryIy2~263vqm-)O5C=@ee@{L@Lj_fnc z|84-;7$JW4uPmifngs32TipO}!k5hlF(4h91j*XHMN>e7c{;q8UDi>~7NFq@dR<(dE zTF|;@JS6z z62bpg=+%2S6#_Peos%#O0$mA-WYzGLsXstKtA5|rDIdWsq`gvrg!~-En7Gm&T&Bmfdh*V1?vIRX~+qiSsRmSts z5}8AaB0!c@`zQQ{E2V%$QXK(;vsX@9$6-zB=gciN3yF8}j_mr)#jQho0dYp*@D$<6 zTfp$}cjxa$OUGA!)9JdyTYio#}qbeYYULL!|ivAgBB7+=k1o$O0sN8RH{?@p*;9&1X?OD3F} zia{sb8K!&me1EKsxCm=Wzz@eg=q}*PJ0^$9c^{FGnQPBSnn$fkZws4TV&btV+l0M+ z#(C-EX-h5oXrCbJ5P9thuo9(YgNWJd;9a&|9L~5b>R`K}0EG4~|lDRh{n%k`t3`1-?Y+RVw zLD#9KwkuAGKR44UCCwA&KES|@KQ72vU$`Pu!2V#9IjnNL^fPrd_B z^i(lJU7^eW@YXl(<92rZfHGQ|Rj-c~U3@;}yXf$(cfjq=Va9j{HejYl_ zI#=MLBaAuR2Yps?=6ee|IAf_IYCbD7Q?(DH(%(6B64$hks>ES&48=w7Y`6VJL)B4? zr%lJdDGLyiA&w+#@4C0^!$F2w#&=S-PNwJkpYKx}PPQ&hyY52CEhROzU`?H#!sCz-P2HR7e$KrFH`M$>EbCz#LTV1@CDdguDEE% zev>jW+^w%;zQN0DyWsT=8&UDQ&Bt~tF0q*DaJVK6ZIw1YQ%<3ti{0PerH_WV9^&tB zPsmAebh0VfUbFV6Y#@ji7vC4s{3n2$6yt}huL#bQ6E^yYuAcu=H#9UQ{H&N)C5Wfm zDTYx&ApVsH;R2;rEw_qus9L;i;j41X0h;kN3rd6{4Y#?yWv~&jJ>2z$bfxQ!O^cM? z1B&QJ@z#kMxh+znM(m94dBNnZlQAg%tGj{RU4h9RSD@Dh?r{zNacePX#T8y!H*){+k@}a{22>9JE!-5_D|_)#xIz;FW;Z@_C4#X-l4{RHeGY) z+J~8Eh?HTk-IGD2>>Tc@>+e$>PMvrWp%-aX!p20=tXHFgGpT4&a;RAkx|a!PZTF&e zi@$maQr<&L8-+oCv~<8L{q5)bO2mJuxbyRl3*5$)Vd)wbvr5@m>=){GK@K%0LiKf7 zkX;pK)Mc)-0=ucRjhCuWev0ZVg-7o}eIrkgkog_ed8CqezmS3qjQe^h#?iM(zp8aA z%JB*G;$IJONDYAoTkW%wuq)ZK$(+J14w!(C?c9+T-Irgo)L_#xwpBiZ)Lc`hyyU~eMdbii94+Q8kot)DV;!58N z_r>Vop$YprTde}Dm&`UdNUzb1>!Iif;4834sQO(EpewZFF;2|@G5^9)j95#HIRj=57+M}l$ z3@ER(Xt*Z2e_XN;{d_;hnAf?`PIK8-tJXF7*cng(P2#ntH#)RA`2@m#`F2PO`lxxD zKD(^%6MOzaskp_!?ZNKwQ*n8rl~7T82^O$D$PZAAT~(clP}`vg9lu1{%;8MGW3k|8 z<>NG`cT&Dpt*4+t)$IiJ38A?WD`rO_xLIlk`k)1H-&?A>0G9oMdsHh z&CGc*S7N8cpt|Zlpbmh*KPXO@%jwXlWLFuX!P+$Z;J(9>@pkw785XZw`>?i)AC!uA zG|agopEnp#hyziBJZDV#?((7{7{mT%0~}kw=Gw*8i5tJ7DyAd2`z4JObS}?%m$&w( z6&al#4e+~|2RRpG?~}ZtA#U01TX*)}k{FH-=MBhf8rsua+bLSbR$Z~ByiaUmlQ7su zAEy7T;@Tljhl$-Y_`LU}#TQP=&~k1{>CZ(>!d3!faCNUT&g53{L4p6>D&j*uv+~K9 zRb6de6x8x1&2%Tc8on&47pp|J%bqblrn@LVQrtc?a=-WcPf~pT*KiQd}!f91eko@g=?W zT$;||s$)vUKkIe>{8lAmKN68FG-IhWmvJ%Z8lkc~9LJUQNkXQCU;pSS)EQudIvca^ zt<0avb4Pd=Zc2o4iq)bO*PJH}+BqoLofYU0=g9nTwtqupI{G&r7Lctre&MCQ$&`>b zeg&(|RUjM=Am7NDZrm>spSuTY3RfIgkdvh~UhSG7q>5ISYgo^yAkxAbI@y}SEp%6t za;O+Vwj_CKs7vDd@1qpmNTum0H%W%`?HO4OxiNq9sNl+5jsj{?fdn^cd=}@MBYME5 zP65#orhbUf1EQ`H8W<6nSr4^BN5L?N*9S%be@n3qDSz>{p-WkZ@`^S?(p!wp>>;0_ z_)&Huuy{UqS0gv=UR#O@uj8_meT*m)Nm~0Aj|xlY6#e+RvZ;USp+uULryamrn>gPe zB{aQ+3Oja%6gGNqGGelsP-5s2J{kH!A>Amvt&{D5^?^M|f#lVUh; z=eo}Prrm69g?E>~xd5iYIxS;EAx+MHo8lVmT0JDF1YAx3mM2a^-S+4MP z9#9e!r6d)VcecTqE})`qiRVA4%DRR=8@dsoZCC37lJB{u`gTnIj!dawkN&*jZ%kEA z=Dgm5>g7E|@CldbLshO8J*|r|Dn(5FZ3quWm*ok7w%b5R_LK>HDA4wyzQPJ8HJ+=N zCnd8Xs3(p+<~{eZ=9N^u=19FdYU{Mph;qi~aoC>XVVW;|7;buFcq(!ouKm&#vX2jSC+07<^^3Z{jfexUmv6PGvqs+hsHM5{xDl1$;*@~{ zxfTkI(6*e68VgI~OpW?oE^h=#4L|X0(?$Z7MNq3g4v;%5r(Is%=?Qh|Qz^DZD;OS6 zOfBa*<)TvaxFmXdyGi`IIlbqMjn4lJNaA+>9XehNLJr@i<2VZn;c z{Tu1I+6!m_->hIuO&Olm9HwPcUG=dGQE#3uNWpRoxuMH`O8(^dY}K$uyN+jy%|m-) z9fRZ?HBe-5RE+-9*Eqs(azBJiQ7*MPSyI?DM5CsE?^CJA7RS>|=dz#`x6*{T^Zgap zR(;B{Ue$~o<^mNJ*{+XBcO!*(#!26iDXF^M@aqR~N6d>>Yo^x+3ys1* z)w>q~B_6;o=@sp&g`46>pKIJc+V~_<=x|KwrT16W;#{Vq3&@oBSZgKa$=tb5HT-~%{{fp3`Q6i$*b+PHG;9KYLHf_o>=4(QZ$%Ey z-0)7-5vd@*`p{n~XAf4XYNTj%++Zs;kSYxYt4; zKc4s=c4W0L4Bd!SsXi#pM6;+E@3xl{LV2H0fRdlUWaT|`j8!zt&;)u-zqX-elRWu% z2CZ#v2{tOrU&=madM9NesUPwh@C_XkjqLSa`9t6im_SN`^7(<&rg^1^@+rSruLW3} ze!f5%4+Iiw2~fD_Q?WFmr|glg%u$j~-Tj4$ZqimrB>y@?DG%l}aAXN{5YTcQi>|P2 z^#VfGbD%4K3=LAq&*+|f<&D@M9wVb6Bj(Qz&y(Bvy(A=F*}6y{M0M7s*)N=v7AkgngJSPfL*s?r;4=PIFKlc9oksF5`sCi&WX`0XtSRO=dP{e*PGGXBE`^Zq2kIFkk zjiD}Kc`pv8TipJt7E~NMtf#K3T|XFVPe?z=7Z{h%-T(s@fB`BS=R@M@PU-83EnA@i zNTg#F%Sorm!e_ipH`vXiUd8LkJc2n1e8`Uq4owORjjv(;{6qoH0tRBbO*D>&bC_l` z9@Rt5oLtowlh|rp-F3qF{a>hHxzaAU9jL)P2jRqWI!!42;MgV2LxBSt=UHQ3eG=uV zc(U!>eD9BgYwn@L-@)bJ`^k^5hU!V3w!j@iv2>o?>%{KUvyos;8w_ej6&bhDg=Yq? zyKB_9o}S^w7pXtJafN|C{Ldruck$!e8W0Gy9HL*PMx6C-gS(ZlfKA_U1Ic2l#Vpxl zzy!`J+t%+jeE&RN7u82?MJ2>GGP8d4kn~AU86+XfC*wj}mZN8-VQ+MCoyuOoHU6C4)`HVwp^N~f3q>1t$; zXk7++sVhE51|xYih)z%Z?f2eGP+J!h1-En&cMC884obR_6M=jMfqmi9)PR!6Fi|T6;81y*( z)uWQiz+WZ9^ngS%Gbx%QN26DpvT9isubQEPfG>IEus|uf40CYO??&Nn2ema|T9v&7 zt3ZHOssikFACJqcE}6Q6EUz?3h&${vhvU5)gE=pqU*Ur0++mUjT4!74LK_%wM@%K&T2@!!ez@R%64;a$z$MHWR1iKy?x$Tu`K}=~cnk0oSK#9!9;I^A1uwqq zMJiBQh8DxhB?=^EN)u_z=70;3>(3NY76Wo#Zdwdi17v-dj>a~it`IBQCeIau6_i+u zlsi>x_M(pr%&0%QcYH-QEDC+`?cLSZVcpAYFGqkWYr{S&O=b@ZbSWQGqo$|?++KxC z$au?;?bNsA=k|b-`Q*U#793gJj24TNVqO|pEIUi*Y2GGco zOLD^u|KvkG4(|(4}$Rl*aNPhxRRKyf{XB+?crd=8--)BTJui}6SXD@1wNb;C+cn1%<hFce6G7B_L#0J#N?*dCbvwS?~Q_z&UE)?s61 z!0~>}DX)akfYTTwk@w(djIagxhh^^gQt`?p_}8N8%BiJ>5H3K->Iym^j-BpWGQayA z4Orj*uyTy0P{6+eB^+M?Q3OEccu*o~O}oC13U&yVCA22pJP#BP)#Y#TZ5ak+II_O- z5J00k_gO!jH};g4Q3^u#VV1%tD-yKoMLyCwQ-H4^k#XqY=Y~gIPI`WssytE(UZuZy zcYa@(-4VNgR+e&Qg~gVG=B>k)O*jQ2xNd&x_AcF>KoNi}LL(09J2 zDU(0-`!0V=W~Kq)aCPdd%@_7A!mNnsLX%ar3GbP%H-`JA;!LL?kmKA3zXbqL({A=| zHmHW@lo^tg9Oc#LWnAj??#d%Bxhw?O_$Y8jyV))-@h|d(^wu%`=WGQT0aaE-rZ@cy z$RnPkL>jSC9t4J;H?06P6b-okWJacd?*1Ai$b?)c2dvCt0suy8O9Y#wt~!kM)1)u3m()>ej>nUs=wQBrwQ=c{ z9F8j>r%X9uRA>cI=fKcabbD4umn+QexNx408wjgecR5bJF6S`MPT38cPeCW-RejBz z4?ys@R9)GayS<^jTjVnM%^QQdvZ2h%Gf$@Q2lS+S&g6*Bo!i%)>2uV~rXOqURtVy1 zTc6RIUh0|M5*Oqf00yKa*r2$<@Mj1UPt5`t>c=z3ARGEbFu!+3jQ)v<5VTCx;%KFP za};kH1aSXLxCiJQH23dejvqeNJ;E7XMX0R)p4&~crOfzZ{MqCQYKiv=;3SPIIg@ov zz{T)4{CHKvcHJJpiE(&tK;a@%GJ3m|iwAeU9GE<4KflW*H8~$~DPPaYq5A4H!Zc8Q z+~Ph1j+1p#R;h`gRVPC9pk5-1+R;hYpfw}EOBY^wxK>T`dFl!BQWpLu?iQn3R}J`O zV5kV9Om}~HsBma(V3vi5a5`TyTeO{TJ{L z+BfdlS2y>0tt)S{Uk-#CM}evuhuw6X_3}h30)TtvE1wPTq6tI1Z6pO@9{s8^5oAgR zWrJcaWz7)zc!%$&UB_;s=Bj_-YFh_xjaL3QF2Yj>bjzPQEWP2P9dZ4s>IxgDiS$e8 zZ3pbAtV9o7{upP5H$N`fK7LC?oA!CN3R@Yzt9SBh*K~l<(-m2dQb)Sv76n)XPl&H+ z!R4R{!W+;eIQkp2TMh_L=(5^1O8XQ8D_`j89NSHs68^!D)$&BV6pVTTTt(RoWe6Yd zOByW5i0ijUmPDsrm|=-}_53l^w{Okq>w}5A)A!m{8Y7vaebSDA01A%|UM5T(8`Rg_ zDFm|zNCw=NTRLpFAL{OE;Jq#d+fxdV8&kjK!Ly_C&szzlmKD0od`Cv{Hfa-Fn&InS=8ER~`=IRkR;`j8~ z`3J4~CCwTD@>r*JaaC)^_Pwfb%{?K?e}}Ie3ylH$JwT2-P}dd#;tJ|(Kw7Ie=&Ld< z7=nh@jbE4mv%dA)Q67ccjcm@Sz7r{zeu#&am}HpHMGQCQA~-!bk31^>42&vLGz z^=q)e*z6oZL*qVNfSxqap~L`wTK=;yrzP(P?Tj6GaFxK2R9ssVa3_IJpuH(xw&`?I zhP}2C?Ha{$R%bG9Y&_%tdC}U-lu*dPSng6UoD` zpF8J-4AQ7L0qc1^#AqKz(-LokIOMMjN42L^ug(+vPtNo#gC@y8z|!ca#D1BVAZEbJ z`P&Fx*)>nkwz189JS7Ybinr(iu`m+NZTB4euoyDKy(Wf{rk8VRJ||6j@XwLMMIKHv z>B5y=1@Q|UR?o4yeJ?OCv&uV#Ku2B)#K;hM`8?T5Fy}g7B;w4(HM=4=NMj%Kpz!2q2KVd|;~oUj8eB|DUWNexF^! Wsr4RZSqFaL3b(ZkG;?m+y!u~3TKSCt literal 0 HcmV?d00001 diff --git a/docs/source/index.rst b/docs/source/index.rst index 7de6b45d02..b03e603c4a 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -1,5 +1,6 @@ torchtext ========= +.. image:: _static/img/torchtext_logo.png This library is part of the `PyTorch `_ project. PyTorch is an open source @@ -27,11 +28,18 @@ Features described in this documentation are classified by release status: The :mod:`torchtext` package consists of data processing utilities and popular datasets for natural language. +.. toctree:: + :maxdepth: 1 + :caption: Torchtext Documentation + :hidden: + + Index + logo + .. toctree:: :maxdepth: 2 :caption: Package Reference - self nn_modules data_functional data_metrics diff --git a/docs/source/logo.rst b/docs/source/logo.rst new file mode 100644 index 0000000000..897174d7fd --- /dev/null +++ b/docs/source/logo.rst @@ -0,0 +1,54 @@ +TorchText Logo +=============== + +If you make your project using TorchText and you want to mention TorchText, you can use the TorchText logo. There are couple of variations. You can download them from `here `__. + +Please follow `the guideline `__ for the proper usage. + +.. warning:: + + Please do not alter the logo. The guideline lists examples of improper usages as well, so please check them out before using the logos. + +Icon +---- + +.. image:: https://download.pytorch.org/torchtext/logo/v1/TorchText_Symbol_fullColor_RGB.png + :width: 400 + +Horizontal +---------- + +.. image:: https://download.pytorch.org/torchtext/logo/v1/TorchText_Horiz_fullColor_RGB.png + :width: 400 + +| + +.. image:: https://download.pytorch.org/torchtext/logo/v1/TorchText_Horiz_black_RGB.png + :width: 400 + +| + +.. raw:: html + +

+ +Vertical +-------- + +.. image:: https://download.pytorch.org/torchtext/logo/v1/TorchText_Vertical_fullColor_RGB.png + :width: 400 + +| + +.. image:: https://download.pytorch.org/torchtext/logo/v1/TorchText_Vertical_black_RGB.png + :width: 400 + +| + +.. raw:: html + +
+ +
From 62a17675fe6803b206d5450cd2a0867878af4fee Mon Sep 17 00:00:00 2001 From: Roman Shraga Date: Mon, 13 Feb 2023 11:49:41 -0500 Subject: [PATCH 391/463] Add prototype GPU tests for T5 (#2055) --- .github/workflows/test-linux-gpu.yml | 2 +- pytest.ini | 2 ++ .../models/gpu_tests/models_gpu_test.py | 2 ++ .../models/gpu_tests/prototype_models_gpu_test.py | 13 +++++++++++++ .../models/{test_models.py => models_test_impl.py} | 9 +++++---- .../prototype/models/prototype_models_cpu_test.py | 9 +++++++++ 6 files changed, 32 insertions(+), 5 deletions(-) create mode 100644 test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py rename test/torchtext_unittest/prototype/models/{test_models.py => models_test_impl.py} (95%) create mode 100644 test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml index bc9fef126b..d5ea4944ef 100644 --- a/.github/workflows/test-linux-gpu.yml +++ b/.github/workflows/test-linux-gpu.yml @@ -70,4 +70,4 @@ jobs: # Run Tests python3 -m torch.utils.collect_env cd test - python3 -m pytest --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest/models/gpu_tests + python3 -m pytest --junitxml=test-results/junit.xml -v --durations 20 -m gpu_test torchtext_unittest diff --git a/pytest.ini b/pytest.ini index bece71b02a..c7ba710bd7 100644 --- a/pytest.ini +++ b/pytest.ini @@ -1,3 +1,5 @@ [pytest] testpaths = test/ python_paths = ./ +markers = + gpu_test: marks cuda tests diff --git a/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py b/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py index 07452b4619..d33bc89075 100644 --- a/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py +++ b/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py @@ -1,10 +1,12 @@ import unittest +import pytest import torch from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase from torchtext_unittest.models.models_test_impl import BaseTestModels +@pytest.mark.gpu_test @unittest.skipIf(not torch.cuda.is_available(), reason="CUDA is not available") class TestModels32GPU(BaseTestModels, TorchtextTestCase): dtype = torch.float32 diff --git a/test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py b/test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py new file mode 100644 index 0000000000..65eccc35a5 --- /dev/null +++ b/test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py @@ -0,0 +1,13 @@ +import unittest + +import pytest +import torch +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase +from torchtext_unittest.prototype.models.models_test_impl import BaseTestModels + + +@pytest.mark.gpu_test +@unittest.skipIf(not torch.cuda.is_available(), reason="CUDA is not available") +class TestModels32GPU(BaseTestModels, TorchtextTestCase): + dtype = torch.float32 + device = torch.device("cuda") diff --git a/test/torchtext_unittest/prototype/models/test_models.py b/test/torchtext_unittest/prototype/models/models_test_impl.py similarity index 95% rename from test/torchtext_unittest/prototype/models/test_models.py rename to test/torchtext_unittest/prototype/models/models_test_impl.py index 7d7fc9da66..99463e65a6 100644 --- a/test/torchtext_unittest/prototype/models/test_models.py +++ b/test/torchtext_unittest/prototype/models/models_test_impl.py @@ -3,10 +3,10 @@ import torch from torch.nn import functional as F -from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase +from torchtext_unittest.common.case_utils import TestBaseMixin -class TestModels(TorchtextTestCase): +class BaseTestModels(TestBaseMixin): def test_t5_bundler_build_model(self) -> None: from torchtext.prototype.models import T5Conf, T5Model, T5Bundle @@ -152,8 +152,8 @@ def test_t5_bundler_train(self) -> None: def _train(model): optim = SGD(model.parameters(), lr=1) - model_input = torch.tensor([[1, 2, 3, 4, 5]]) - target = torch.tensor([1]) + model_input = torch.tensor([[1, 2, 3, 4, 5]]).to(device=self.device) + target = torch.tensor([1]).to(device=self.device) output = model(model_input)["decoder_output"] logits = F.log_softmax(output[:, -1], dim=-1) loss = F.cross_entropy(logits, target) @@ -177,6 +177,7 @@ def _train(model): freeze_model=False, checkpoint=dummy_model.state_dict(), ) + model.to(device=self.device, dtype=self.dtype) current_state_dict = copy.deepcopy(model.state_dict()) _train(model) diff --git a/test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py b/test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py new file mode 100644 index 0000000000..57c5e4bbfd --- /dev/null +++ b/test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py @@ -0,0 +1,9 @@ +import torch +from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase + +from .models_test_impl import BaseTestModels + + +class TestModels32CPU(BaseTestModels, TorchtextTestCase): + dtype = torch.float32 + device = torch.device("cpu") From 2b6aceb3432892f689861004909588ef4e673cf3 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 13 Feb 2023 14:28:49 -0500 Subject: [PATCH 392/463] 3.11 Windows Wheels Support in CircleCI (#2053) --- .circleci/config.yml | 34 ++++++++++++++++++++++++++++++++++ .circleci/regenerate.py | 9 ++++++++- 2 files changed, 42 insertions(+), 1 deletion(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 5ba150c060..23e27ac19c 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -628,6 +628,9 @@ workflows: - binary_windows_wheel: name: binary_windows_wheel_py3.10 python_version: '3.10' + - binary_windows_wheel: + name: binary_windows_wheel_py3.11 + python_version: '3.11' - binary_windows_conda: name: binary_windows_conda_py3.8 python_version: '3.8' @@ -669,6 +672,9 @@ workflows: - unittest_windows: name: unittest_windows_py3.10 python_version: '3.10' + - unittest_windows: + name: unittest_windows_py3.11 + python_version: '3.11' nightly: jobs: - circleci_consistency: @@ -767,6 +773,34 @@ workflows: python_version: '3.10' requires: - nightly_binary_windows_wheel_py3.10_upload + - binary_windows_wheel: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_wheel_py3.11 + python_version: '3.11' + - binary_wheel_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_wheel_py3.11_upload + requires: + - nightly_binary_windows_wheel_py3.11 + - smoke_test_windows_pip: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_wheel_py3.11_smoke_test_pip + python_version: '3.11' + requires: + - nightly_binary_windows_wheel_py3.11_upload - binary_windows_conda: filters: branches: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 0521f8a909..9b0aa2b02a 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -21,7 +21,7 @@ from jinja2 import select_autoescape -PYTHON_VERSIONS = ["3.8", "3.9", "3.10"] +PYTHON_VERSIONS = ["3.8", "3.9", "3.10", "3.11"] DOC_VERSION = ("linux", "3.8") @@ -44,6 +44,13 @@ def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): continue if os_type == "macos": continue + # Not supporting Python 3.11 conda packages at the + # moment since the necessary dependencies are not + # available. Windows 3.11 Wheels will be built from + # CircleCI here, however. + if python_version == "3.11" and btype == "conda": + continue + w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) if not filter_branch: From 48758576ed46eeaa83e19cc807760dd70d86d006 Mon Sep 17 00:00:00 2001 From: Erjia Guan <68879799+ejguan@users.noreply.github.com> Date: Tue, 14 Feb 2023 13:56:31 -0500 Subject: [PATCH 393/463] Install portalocker for testing (#2056) --- .circleci/unittest/linux/scripts/install.sh | 3 ++- .circleci/unittest/windows/scripts/install.sh | 3 ++- .github/workflows/test-linux-cpu.yml | 1 + .github/workflows/test-linux-gpu.yml | 1 + .github/workflows/test-macos-cpu.yml | 1 + 5 files changed, 7 insertions(+), 2 deletions(-) diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index 685a34a32a..b0fed7d8b0 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -30,7 +30,8 @@ printf "* Installing PyTorch\n" ) -printf "Installing torchdata nightly\n" +printf "Installing torchdata nightly with portalocker\n" +pip install "portalocker>=2.0.0" pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing torchtext\n" diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 26c8ad88e2..4c8aec444f 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -19,7 +19,8 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly -printf "* Installing torchdata nightly\n" +printf "* Installing torchdata nightly with portalocker\n" +pip install "portalocker>=2.0.0" pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing pywin32_postinstall script\n" diff --git a/.github/workflows/test-linux-cpu.yml b/.github/workflows/test-linux-cpu.yml index 9e7c4394f9..72313f4bc2 100644 --- a/.github/workflows/test-linux-cpu.yml +++ b/.github/workflows/test-linux-cpu.yml @@ -58,6 +58,7 @@ jobs: -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" + python3 -m pip install "portalocker>=2.0.0" python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop python3 -m pip install parameterized diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml index d5ea4944ef..13c12c7a2a 100644 --- a/.github/workflows/test-linux-gpu.yml +++ b/.github/workflows/test-linux-gpu.yml @@ -63,6 +63,7 @@ jobs: -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" + python3 -m pip install "portalocker>=2.0.0" python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu --quiet python3 setup.py develop python3 -m pip install parameterized --quiet diff --git a/.github/workflows/test-macos-cpu.yml b/.github/workflows/test-macos-cpu.yml index 96aae504b0..9a3d703079 100644 --- a/.github/workflows/test-macos-cpu.yml +++ b/.github/workflows/test-macos-cpu.yml @@ -65,6 +65,7 @@ jobs: pytorch \ "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" + python3 -m pip install "portalocker>=2.0.0" python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop python3 -m pip install parameterized From 9a7bf8b643274e10e10c419a352fd41bb4a8c1c4 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Tue, 14 Feb 2023 18:32:11 -0500 Subject: [PATCH 394/463] Adding RC triggers for all build jobs (#2057) * Adding RC triggers for all build jobs * linter --- .github/workflows/build-conda-linux.yml | 6 ++++++ .github/workflows/build-conda-m1.yml | 6 ++++++ .github/workflows/build-conda-macos.yml | 6 ++++++ .github/workflows/build-wheels-linux.yml | 6 ++++++ .github/workflows/build-wheels-m1.yml | 6 ++++++ .github/workflows/build-wheels-macos.yml | 6 ++++++ 6 files changed, 36 insertions(+) diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 6c0c98b859..87dc12a010 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -5,6 +5,12 @@ on: push: branches: - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index 7fa3725593..6fa7d910b0 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -5,6 +5,12 @@ on: push: branches: - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml index 4499a15760..f604195e08 100644 --- a/.github/workflows/build-conda-macos.yml +++ b/.github/workflows/build-conda-macos.yml @@ -5,6 +5,12 @@ on: push: branches: - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index ae05c0a042..78d02d89b8 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -5,6 +5,12 @@ on: push: branches: - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 07e226901b..1b29b54e33 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -5,6 +5,12 @@ on: push: branches: - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index cba9105809..49cfb488d4 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -5,6 +5,12 @@ on: push: branches: - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: From cbaabeaf3d997753c84eadf82581a2d3ca0fe098 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Fri, 17 Feb 2023 13:13:21 -0500 Subject: [PATCH 395/463] Update README w/ 3.11 (#2062) --- README.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.rst b/README.rst index 96b77af14d..b9651ba55b 100644 --- a/README.rst +++ b/README.rst @@ -31,7 +31,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :header: "PyTorch version", "torchtext version", "Supported Python version" :widths: 10, 10, 10 - nightly build, main, ">=3.8, <=3.10" + nightly build, main, ">=3.8, <=3.11" 1.13.0, 0.14.0, ">=3.7, <=3.10" 1.12.0, 0.13.0, ">=3.7, <=3.10" 1.11.0, 0.12.0, ">=3.6, <=3.9" From 19f8bc91dfbd723371f16aa142950365d66cb04a Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Fri, 17 Feb 2023 13:24:44 -0500 Subject: [PATCH 396/463] Optimize T5 for sequence generation (#2054) * Separate encoding/decoding logic for T5 model in preparation for generation * Implement incremental decoding capabilities for T5 * Remove T5Wrapper * TorchScript changes * Linting fixes * Define reusable types * Add docstring to reorder cache * Update licenses * Linting fixes (round 2) * Add license to t5_transform --- .../prototype/test_models.py | 65 +- .../prototype/models/models_test_impl.py | 2 + torchtext/prototype/models/t5/bundler.py | 10 + torchtext/prototype/models/t5/model.py | 119 ++- torchtext/prototype/models/t5/modules.py | 703 ++++++++++-------- torchtext/prototype/models/t5/t5_transform.py | 10 + torchtext/prototype/models/t5/wrapper.py | 194 ----- 7 files changed, 516 insertions(+), 587 deletions(-) delete mode 100644 torchtext/prototype/models/t5/wrapper.py diff --git a/test/integration_tests/prototype/test_models.py b/test/integration_tests/prototype/test_models.py index 7e5864370a..82894a819e 100644 --- a/test/integration_tests/prototype/test_models.py +++ b/test/integration_tests/prototype/test_models.py @@ -2,7 +2,7 @@ import pytest # noqa: F401 import torch -from parameterized import parameterized, parameterized_class +from parameterized import parameterized_class from torchtext.prototype.models import ( T5_BASE, T5_BASE_ENCODER, @@ -13,11 +13,8 @@ T5_SMALL, T5_SMALL_ENCODER, T5_SMALL_GENERATION, - T5Conf, - T5Transform, ) from torchtext.prototype.models.t5.bundler import T5Bundle -from torchtext.prototype.models.t5.wrapper import T5Wrapper from torchtext_unittest.common.assets import get_asset_path from torchtext_unittest.common.parameterized_utils import nested_params from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase @@ -79,7 +76,7 @@ def _t5_get_encoder(self, model, model_input, encoder_output): encoder = model.get_encoder() # Need to set the tgt_key_padding_mask to ensure the same results encoder_padding_mask = model_input.eq(model.padding_idx) - output_from_get_encoder = encoder(tgt=model_input, tgt_key_padding_mask=encoder_padding_mask)["encoder_output"] + output_from_get_encoder = encoder(model_input, src_key_padding_mask=encoder_padding_mask)["encoder_output"] assert torch.all(output_from_get_encoder.eq(encoder_output)) @nested_params(["jit", "not_jit"]) @@ -93,64 +90,6 @@ def test_t5_model(self, name) -> None: self._t5_model(is_jit=is_jit, t5_model=t5_model, expected_asset_name=expected_asset_name, test_text=test_text) -@parameterized_class( - ("configuration",), - [ - ("small",), - ("base",), - ("large",), - ], -) -class TestT5Wrapper(TorchtextTestCase): - # No longer Torchscriptable - @parameterized.expand(["no_jit"]) - def test_t5_wrapper(self, name) -> None: - configuration = self.configuration - test_text = ["translate English to French: I want to eat pizza for dinner."] - if configuration == "small": - expected_text = ["Je veux manger la pizza pour le dîner."] - else: - expected_text = ["Je veux manger de la pizza pour le dîner."] - - beam_size = 3 - max_seq_len = 512 - model = T5Wrapper(configuration=configuration, strict=False) - if name == "jit": - model = torch.jit.script(model) - - output_text = model(test_text, beam_size, max_seq_len) - self.assertEqual(output_text, expected_text) - - -class TestT5WrapperCheckpoint(TorchtextTestCase): - # No longer Torchscriptable - @parameterized.expand(["no_jit"]) - def test_t5_wrapper_checkpoint(self, name) -> None: - test_text = ["translate English to French: I want to eat pizza for dinner."] - expected_text = ["Je veux manger de la pizza pour le dîner."] - beam_size = 3 - max_seq_len = 512 - config = T5Conf(encoder_only=False, linear_head=True) - transform = T5Transform( - "https://download.pytorch.org/models/text/t5_tokenizer_base.model", - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ) - model = T5Wrapper( - checkpoint="https://download.pytorch.org/models/text/t5.base.generation.v2.pt", - t5_config=config, - transform=transform, - freeze_model=True, - strict=True, - ) - if name == "jit": - model = torch.jit.script(model) - - output_text = model(test_text, beam_size, max_seq_len) - self.assertEqual(output_text, expected_text) - - class TestLoadFromHFCheckpoints(TorchtextTestCase): def setUp(self) -> None: super().setUp() diff --git a/test/torchtext_unittest/prototype/models/models_test_impl.py b/test/torchtext_unittest/prototype/models/models_test_impl.py index 99463e65a6..48dd47626a 100644 --- a/test/torchtext_unittest/prototype/models/models_test_impl.py +++ b/test/torchtext_unittest/prototype/models/models_test_impl.py @@ -150,6 +150,8 @@ def test_t5_bundler_train(self) -> None: from torch.optim import SGD from torchtext.prototype.models import T5Conf, T5Model, T5Bundle + torch.manual_seed(123) + def _train(model): optim = SGD(model.parameters(), lr=1) model_input = torch.tensor([[1, 2, 3, 4, 5]]).to(device=self.device) diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index a414db8a3a..c777928c28 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -1,3 +1,13 @@ +# /* Portions Copyright (c) Meta Platforms, Inc. and affiliates. +# 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 json import logging import os diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/prototype/models/t5/model.py index bbda49fcf9..eebc9ce83e 100644 --- a/torchtext/prototype/models/t5/model.py +++ b/torchtext/prototype/models/t5/model.py @@ -1,4 +1,13 @@ -# logging library is not automatically supported by Torchscript +# /* Portions Copyright (c) Meta Platforms, Inc. and affiliates. +# 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 warnings from dataclasses import dataclass from typing import Callable, Dict, List, Optional, Union @@ -7,7 +16,7 @@ import torch.nn as nn from torch import Tensor -from .modules import T5Decoder, T5Encoder +from .modules import DECODER_OUTPUTS_TYPE, ENCODER_OUTPUTS_TYPE, PAST_KEY_VALUES_TYPE, T5Decoder, T5Encoder @dataclass @@ -36,9 +45,8 @@ def __post_init__(self): """The following is modified from: https://github.com/huggingface/transformers/blob/main/src/transformers/models/t5/configuration_t5.py - It's to support T5 1.1 and FLAN-T5. + Supports T5 1.1 and FLAN-T5. """ - if self.feed_forward_proj: act_info = self.feed_forward_proj.split("-") self.activation = act_info[-1] @@ -56,13 +64,13 @@ def __post_init__(self): self.activation = "gelu_new" -# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L1269 class T5Model(nn.Module): r"""A T5 model. User is able to modify the attributes as needed. The architecture is based on the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html + Args: config.encoder_only: Whether or not model should consist of only the encoder as opposed to encoder-decoder (default=False). config.linear_head: Whether or not a linear layer should be used to project the output of the decoder's last layer to the vocab (default=False). @@ -84,8 +92,9 @@ class T5Model(nn.Module): config.vocab_size: Size of vocabulary (default: 32128) config.training: Whether or not to apply dropout (default: False) freeze: Indicates whether or not to freeze the model weights. (default: False) + Examples: - >>> from torchtext.prototype.models import T5Conf, T5Model + >>> from torchtext.models import T5Conf, T5Model >>> t5_config = T5Conf(encoder_only=False, linear_head=True) >>> t5_model = T5Model(t5_config) >>> encoder_input = torch.randint(0, t5_config.vocab_size, (32, 512)) @@ -160,14 +169,52 @@ def __init__( for p in self.parameters(): p.requires_grad = False - def prepare_inputs_for_generation(self, input_ids, encoder_outputs): - return {"decoder_tokens": input_ids, "encoder_outputs": encoder_outputs} + @torch.jit.export + def _reorder_cache(self, past: List[PAST_KEY_VALUES_TYPE], beam_idx: Tensor) -> List[PAST_KEY_VALUES_TYPE]: + """Reorder past key value pairs in cache. Only relevant in incremental decoding with beam search generation.""" + # if decoder past is not included in output + # speedy decoding is disabled and no need to reorder + if past is None: + return past + + reordered_decoder_past: List[PAST_KEY_VALUES_TYPE] = [] + for layer_past_states in past: + # get the correct batch idx from layer past batch dim + # batch dim of `past` is at 2nd position + reordered_layer_past_states = () + for layer_past_state in layer_past_states: + # need to set correct `past` for each of the four key / value states + reordered_layer_past_states = reordered_layer_past_states + ( + layer_past_state.index_select(0, beam_idx.to(layer_past_state.device)), + ) + + assert len(reordered_layer_past_states) == len(layer_past_states) + + reordered_decoder_past.append(reordered_layer_past_states) + return reordered_decoder_past + + @torch.jit.export + def prepare_inputs_for_generation( + self, + input_ids: Tensor, + encoder_outputs: ENCODER_OUTPUTS_TYPE, + past: Optional[List[PAST_KEY_VALUES_TYPE]] = None, + return_past_key_values: bool = True, + ) -> Dict[str, Union[Tensor, ENCODER_OUTPUTS_TYPE, Optional[List[PAST_KEY_VALUES_TYPE]], bool]]: + # Incremental decoding if past key values are provided + if past is not None: + input_ids = input_ids[:, -1:] + + return { + "decoder_tokens": input_ids, + "encoder_outputs": encoder_outputs, + "past_key_values": past, + "return_past_key_values": return_past_key_values, + } - @torch.jit.ignore def get_encoder(self) -> T5Encoder: return self.encoder - @torch.jit.ignore def get_decoder(self) -> Optional[T5Decoder]: if self.decoder is None: warnings.warn("Decoder is not set on this model.") @@ -181,15 +228,16 @@ def forward( decoder_mask: Optional[Tensor] = None, encoder_padding_mask: Optional[Tensor] = None, decoder_padding_mask: Optional[Tensor] = None, - encoder_outputs: Optional[ - Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]] - ] = None, - ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]]: - r"""Pass the inputs (and mask) through the decoder layer in turn. + encoder_outputs: Optional[ENCODER_OUTPUTS_TYPE] = None, + past_key_values: Optional[List[PAST_KEY_VALUES_TYPE]] = None, + return_past_key_values: bool = False, + ) -> Union[DECODER_OUTPUTS_TYPE, ENCODER_OUTPUTS_TYPE]: + r"""Pass the inputs (and mask) through the T5Encoder/T5Decoder in turn. + Args: encoder_tokens: Tokenized input sequence to the encoder. Must be batch first with shape (B, Ne) where B is the batch size and Ne is the - encoder input sequence length. (required). + encoder input sequence length. (optional if `encoder_outputs` is provided) decoder_tokens: Tokenized input sequence to the decoder. Must be batch first with shape (B, Nd) where B is the batch size and Nd is the decoder input sequence length. If None and model is encoder-decoder, will initialize decoder @@ -198,6 +246,14 @@ def forward( Must have shape (Ne, Ne) (optional). decoder_mask: Self-attention mask for the decoder input sequence. Must have shape (Nd, Nd) (optional). + encoder_padding_mask: Padding mask for encoder input sequence. + Must have shape (B, Ne) (optional). + decoder_padding_mask: Padding mask for decoder input sequence. + Must have shape (B, Nd) (optional). + encoder_outputs: Outputs from previous run of T5Encoder. (optional) + past_key_values: Previously calculated key values, used in incremental decoding. (optional) + return_past_key_values: Boolean indicating whether to return key values to user. (default: False) + Returns: encoder_output: Output Tensor from the final layer of the encoder encoder_hidden_states: Tuple of output Tensors from each layer of the encoder @@ -208,15 +264,16 @@ def forward( decoder_position_bias: Tensor of relative attention bias computed for input sequence to decoder encoder_sa_scores: Tuple of self-attention scores computed at each layer of the decoder encoder_ca_scores: Tuple of cross-attention scores computed at each layer of the decoder + past_key_values: List of Tuples of key values calculated during this run, or None. """ if encoder_outputs is None: assert encoder_tokens is not None, "If `encoder_outputs` is not specified, must provide `encoder_tokens`" if encoder_padding_mask is None: - encoder_padding_mask = encoder_tokens.eq(self.padding_idx) + encoder_padding_mask = encoder_tokens.eq(self.padding_idx).to(device=encoder_tokens.device) encoder_outputs = self.encoder( - tgt=encoder_tokens, tgt_mask=encoder_mask, tgt_key_padding_mask=encoder_padding_mask + src=encoder_tokens, mask=encoder_mask, src_key_padding_mask=encoder_padding_mask ) if not self.encoder_only: @@ -226,20 +283,15 @@ def forward( encoder_output = encoder_outputs.get("encoder_output") assert torch.jit.isinstance(encoder_output, Tensor) + batch_size = encoder_output.size(0) + encoder_output_device = encoder_output.device + # decoder_tokens is None means at start of inference, in which case decoder sequence should begin with padding idx. if decoder_tokens is None: - batch_size = encoder_output.size()[0] - encoder_output_device = encoder_output.device decoder_tokens = ( torch.ones((batch_size, 1), device=encoder_output_device, dtype=torch.long) * self.padding_idx ) - if decoder_mask is None: - assert decoder_tokens is not None and decoder_tokens.dim() == 2 - tgt_len = decoder_tokens.shape[1] - decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1) - decoder_mask = decoder_mask.to(decoder_tokens.device, dtype=torch.bool) - if decoder_padding_mask is None: decoder_padding_mask = decoder_tokens.eq(self.padding_idx) # T5 implemention uses padding idx to start sequence. Want to ignore this when masking @@ -253,6 +305,8 @@ def forward( memory_mask=encoder_mask, tgt_key_padding_mask=decoder_padding_mask, memory_key_padding_mask=encoder_padding_mask, + past_key_values=past_key_values, + return_past_key_values=return_past_key_values, ) decoder_output = decoder_outputs.get("decoder_output") @@ -267,13 +321,12 @@ def forward( decoder_output = self.lm_head(decoder_output) decoder_outputs["decoder_output"] = decoder_output - encoder_outputs.update(decoder_outputs) - encoder_decoder_outputs = encoder_outputs - - assert torch.jit.isinstance( - encoder_decoder_outputs, - Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]], - ) + # Make TorchScript pick up the correct types + encoder_decoder_outputs: DECODER_OUTPUTS_TYPE = {} + for key, val in encoder_outputs.items(): + encoder_decoder_outputs[key] = val + for key, val in decoder_outputs.items(): + encoder_decoder_outputs[key] = val return encoder_decoder_outputs diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/prototype/models/t5/modules.py index c9a2945677..2a7ee79d47 100644 --- a/torchtext/prototype/models/t5/modules.py +++ b/torchtext/prototype/models/t5/modules.py @@ -9,7 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -# Parts of code are originally from +# Parts of code are originally from the HuggingFace team and can be found here # https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py # */ @@ -23,6 +23,18 @@ from torch import Tensor from torch.nn.modules.linear import NonDynamicallyQuantizableLinear +# Define reusable types for past_key_values +PAST_KEY_VALUES_TYPE = Tuple[Tensor, Tensor, Tensor, Tensor] +PAST_KEY_VALUE_TYPE = Tuple[Tensor, Tensor] +# If running forward pass in encoder only, there won't be KVs from cross-attention therefore we need a version with optional tensors +PAST_KEY_VALUES_UNFILLED_TYPE = Tuple[Tensor, Tensor, Optional[Tensor], Optional[Tensor]] + +# Define reusable types for encoder/decoder outputs +ENCODER_OUTPUTS_TYPE = Dict[str, Union[Optional[Tensor], List[Tensor], List[Optional[Tensor]]]] +DECODER_OUTPUTS_TYPE = Dict[ + str, Union[Optional[Tensor], List[Tensor], List[Optional[Tensor]], List[PAST_KEY_VALUES_UNFILLED_TYPE]] +] + class T5MultiheadAttention(nn.MultiheadAttention): def __init__( @@ -39,7 +51,8 @@ def __init__( device: Optional[torch.device] = None, dtype=None, ) -> None: - r""" + r"""T5MultiheadAttention based on `nn.MultiheadAttention`. + Args: embed_dim: Total dimension of the model. num_heads: Parallel attention heads. @@ -79,18 +92,18 @@ def forward( query: Tensor, key: Tensor, value: Tensor, + query_length: Optional[int] = None, key_padding_mask: Optional[Tensor] = None, need_weights: bool = True, attn_mask: Optional[Tensor] = None, average_attn_weights: bool = False, position_bias: Optional[Tensor] = None, - ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: - r""" - Allows the model to jointly attend to information from different representation subspaces - as described in the paper: - `Attention Is All You Need `_. + past_key_value: Optional[PAST_KEY_VALUE_TYPE] = None, + ) -> Tuple[Tensor, Tensor, Optional[Tensor], PAST_KEY_VALUE_TYPE]: + r"""Allows the model to jointly attend to information from different representation subspaces + as described in the paper: `Attention Is All You Need `. Also incorporates relative attention bias when computing attention scores as descripted in the paper: - `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer `_. + `Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer `. Args: query: Query embeddings of shape :math:`(N, L, E_q)`, where :math:`N` is the batch size, :math:`L` is the target sequence length, @@ -118,41 +131,48 @@ def forward( heads. Otherwise, `attn_weights` are provided separately per head. Note that this flag only has an effect when `need_weights=True`. Default: `False` (i.e. average weights across heads) position_bias: Position bias tensor used if to add relative attention bias to attention scores. Default: `None` - Outputs: - - **attn_output** - Attention outputs of shape :math:`(N, L, E)`, where :math:`N` is the batch size, + + Returns: + attn_output: Attention outputs of shape :math:`(N, L, E)`, where :math:`N` is the batch size, :math:`L` is the target sequence length, and :math:`E` is the embedding dimension `embed_dim`. - - **attn_output_weights** - Only returned when `need_weights=True`. If `average_attn_weights=True`, + attn_output_weights: Only returned when `need_weights=True`. If `average_attn_weights=True`, returns attention weights averaged across heads of shape :math:`(L, S)` when input is unbatched or :math:`(N, L, S)`, where :math:`N` is the batch size, :math:`L` is the target sequence length, and :math:`S` is the source sequence length. If `average_weights=False`, returns attention weights per head of shape :math:`(\text{num\_heads}, L, S)` when input is unbatched or :math:`(N, \text{num\_heads}, L, S)`. - - **position_bias** - Used in attention scoring. Only computed when `compute_relative_attention_bias=True` + position_bias: Used in attention scoring. Only computed when `compute_relative_attention_bias=True` and `position_bias=None`. Has shape :math:`(1, num_heads, L, S)`. + key_value: Calculated weights for keys and values. Used for incremental decoding. """ - attn_output, position_bias, attn_output_weights = self._t5_multi_head_attention_forward( + attn_output, position_bias, attn_output_weights, key_value = self._t5_multi_head_attention_forward( query, key, value, + query_length=query_length, position_bias=position_bias, key_padding_mask=key_padding_mask, need_weights=need_weights, attn_mask=attn_mask, average_attn_weights=average_attn_weights, + past_key_value=past_key_value, ) - return attn_output, position_bias, attn_output_weights + return attn_output, position_bias, attn_output_weights, key_value - # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4909 def _t5_multi_head_attention_forward( self, query: Tensor, key: Tensor, value: Tensor, + query_length: Optional[int], position_bias: Optional[Tensor], key_padding_mask: Optional[Tensor] = None, need_weights: bool = True, attn_mask: Optional[Tensor] = None, average_attn_weights: bool = False, - ) -> Tuple[Tensor, Tensor, Optional[Tensor]]: + past_key_value: Optional[PAST_KEY_VALUE_TYPE] = None, + ) -> Tuple[Tensor, Tensor, Optional[Tensor], PAST_KEY_VALUE_TYPE]: + """Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4909.""" + is_self_attention = torch.equal(query, key) is_batched = F._mha_shape_check(query, key, value, key_padding_mask, attn_mask, self.num_heads) # For unbatched input, we unsqueeze at the expected batch-dim to pretend that the input @@ -168,7 +188,15 @@ def _t5_multi_head_attention_forward( # Set up shape vars bsz, tgt_len, embed_dim = query.shape - _, src_len, _ = key.shape + real_seq_length = tgt_len + + if past_key_value is not None: + assert ( + len(past_key_value) == 2 + ), f"past_key_value should have 2 past states: keys and values. Got { len(past_key_value)} past states" + real_seq_length += past_key_value[0].shape[2] if query_length is None else query_length + + src_len = real_seq_length if is_self_attention else key.shape[1] assert ( embed_dim == self.embed_dim @@ -187,10 +215,34 @@ def _t5_multi_head_attention_forward( b_q = b_k = b_v = None else: b_q, b_k, b_v = self.in_proj_bias.chunk(3) + q, k, v = self._t5_in_projection( - query, key, value, self.q_proj_weight, self.k_proj_weight, self.v_proj_weight, b_q, b_k, b_v + query, + key, + value, + bsz, + head_dim, + self.q_proj_weight, + self.k_proj_weight, + self.v_proj_weight, + b_q, + b_k, + b_v, + is_self_attention, + past_key_value, ) + if attn_mask is None: + if self.is_decoder: + if is_self_attention: + attn_mask = torch.triu( + torch.ones((tgt_len, tgt_len), dtype=torch.bool, device=query.device), diagonal=1 + ) + else: + attn_mask = torch.zeros((tgt_len, src_len), device=query.device) + else: + attn_mask = torch.zeros((src_len, src_len), device=query.device, dtype=torch.bool) + # Prep attention mask if attn_mask is not None: if attn_mask.dtype == torch.uint8: @@ -200,14 +252,9 @@ def _t5_multi_head_attention_forward( assert ( attn_mask.is_floating_point() or attn_mask.dtype == torch.bool ), f"Only float and bool types are supported for attn_mask, not {attn_mask.dtype}" - # Ensure attn_mask's dim is 3 if attn_mask.dim() == 2: - correct_2d_size = (tgt_len, src_len) - if attn_mask.shape != correct_2d_size: - raise RuntimeError( - f"The shape of the 2D attn_mask is {attn_mask.shape}, but should be {correct_2d_size}." - ) - attn_mask = attn_mask.view(1, 1, tgt_len, tgt_len).expand(bsz, self.num_heads, -1, -1) + x, y = attn_mask.shape + attn_mask = attn_mask.view(1, 1, x, y).expand(bsz, self.num_heads, -1, -1) else: raise RuntimeError(f"attn_mask's dimension {attn_mask.dim()} is not supported") @@ -218,11 +265,21 @@ def _t5_multi_head_attention_forward( # Reshape q, k, v for multihead attention and make them batch first q = q.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) - k = k.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) - v = v.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + if past_key_value is None: + k = k.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + v = v.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + + # Have to check this after resize src_len = k.size(2) if key_padding_mask is not None: + if key_padding_mask.shape != (bsz, src_len): + # It's possible that padding mask only takes into acct curr tgt_length instead of past_key_value + assert ( + past_key_value is not None + ), "Must provide past_key_value if key_padding_mask needs to be expanded." + key_padding_mask = key_padding_mask.expand(bsz, src_len) + assert key_padding_mask.shape == ( bsz, src_len, @@ -237,9 +294,8 @@ def _t5_multi_head_attention_forward( # Convert mask to float if attn_mask is not None and attn_mask.dtype == torch.bool: - new_attn_mask = torch.zeros_like(attn_mask, dtype=q.dtype) - new_attn_mask.masked_fill_(attn_mask, float("-inf")) - attn_mask = new_attn_mask + tmp_attn_mask = torch.zeros_like(attn_mask, dtype=q.dtype) + attn_mask = tmp_attn_mask.masked_fill(attn_mask, float("-inf")) # Adjust dropout probability if not self.training: @@ -247,19 +303,26 @@ def _t5_multi_head_attention_forward( else: dropout_p = self.dropout - # NOTE: Modification to torch.nn.functional._multi_head_attention_forward to incorporate relative attention bias + # Modification to torch.nn.functional._multi_head_attention_forward to incorporate relative attention bias if position_bias is None: if not self.compute_relative_attention_bias: position_bias = torch.zeros( - (self.num_heads, tgt_len, src_len), device=k.device, dtype=k.dtype - ).unsqueeze(0) + (1, self.num_heads, real_seq_length, src_len), device=k.device, dtype=k.dtype + ) else: position_bias = self._compute_bias( - tgt_len, src_len, bidirectional=(not self.is_decoder), device=k.device + real_seq_length, src_len, bidirectional=(not self.is_decoder), device=k.device ) + if past_key_value is not None: + position_bias = position_bias[:, :, -query.size(1) :, :] + + # Always return KV pair; let user discard if they don't want it + new_key_val = (k, v) + # Calculate attention and out projection attn_output, attn_output_weights = self._t5_dot_product_attention(q, k, v, position_bias, attn_mask, dropout_p) + attn_output = F.linear(attn_output, self.out_proj.weight, self.out_proj.bias) if need_weights: @@ -272,37 +335,43 @@ def _t5_multi_head_attention_forward( attn_output = attn_output.squeeze(1) attn_output_weights = attn_output_weights.squeeze(0) - return attn_output, position_bias, attn_output_weights + return attn_output, position_bias, attn_output_weights, new_key_val else: if not is_batched: # Squeeze the output if input was unbatched attn_output = attn_output.squeeze(1) - return attn_output, position_bias, None + return attn_output, position_bias, None, new_key_val - # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4761 def _t5_in_projection( self, - q: Tensor, - k: Tensor, - v: Tensor, + query: Tensor, + key: Tensor, + value: Tensor, + bsz: int, + head_dim: int, w_q: Tensor, w_k: Tensor, w_v: Tensor, b_q: Optional[Tensor] = None, b_k: Optional[Tensor] = None, b_v: Optional[Tensor] = None, + is_self_attention: bool = True, + past_key_value: Optional[PAST_KEY_VALUE_TYPE] = None, ) -> Tuple[Tensor, Tensor, Tensor]: - r""" - Performs the in-projection step of the attention operation. This is simply + r"""Performs the in-projection step of the attention operation. This is simply a triple of linear projections, with shape constraints on the weights which ensure embedding dimension uniformity in the projected outputs. Output is a triple containing projection tensors for query, key and value. + + Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4761. + Args: q, k, v: query, key and value tensors to be projected. w_q, w_k, w_v: weights for q, k and v, respectively. b_q, b_k, b_v: optional biases for q, k and v, respectively. + Shape: Inputs: - q: :math:`(Qdims..., Eq)` where Eq is the query embedding dimension and Qdims are any @@ -323,7 +392,7 @@ def _t5_in_projection( - k': :math:`[Kdims..., Ei]` - v': :math:`[Vdims..., Ei]` """ - Eq, Ek, Ev = q.size(-1), k.size(-1), v.size(-1) + Eq, Ek, Ev = query.size(-1), key.size(-1), value.size(-1) assert w_q.shape == ( self.inner_dim, Eq, @@ -345,9 +414,39 @@ def _t5_in_projection( assert b_v is None or b_v.shape == ( self.inner_dim, ), f"expecting value bias shape of {(self.inner_dim,)}, but got {b_v.shape}" - return F.linear(q, w_q, b_q), F.linear(k, w_k, b_k), F.linear(v, w_v, b_v) + query_proj = F.linear(query, w_q, b_q) + + if is_self_attention: + # Self-attention over query (hidden states) + key_proj = F.linear(query, w_k, b_k) + value_proj = F.linear(query, w_v, b_v) + else: + if past_key_value is None: + # Cross-attention (over current key/val states) + key_proj = F.linear(key, w_k, b_k) + value_proj = F.linear(value, w_v, b_v) + else: + # Should never reach this branch + key_proj = key + value_proj = value + + if past_key_value is not None: + if is_self_attention: + # Concat old key vals w/ new calculated ones for speed in decoding + key_proj = key_proj.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + value_proj = value_proj.view(bsz, -1, self.num_heads, head_dim).transpose(1, 2) + key_proj = torch.cat([past_key_value[0], key_proj], dim=2) + value_proj = torch.cat([past_key_value[1], value_proj], dim=2) + else: + # Cross-attention context + key_proj = past_key_value[0] + value_proj = past_key_value[1] + + assert key_proj is not None + assert value_proj is not None + + return query_proj, key_proj, value_proj - # NOTE: Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4814 def _t5_dot_product_attention( self, q: Tensor, @@ -357,17 +456,19 @@ def _t5_dot_product_attention( attn_mask: Optional[Tensor] = None, dropout_p: float = 0.0, ) -> Tuple[Tensor, Tensor]: - r""" - Computes scaled dot product attention on query, key and value tensors, using + r"""Computes scaled dot product attention on query, key and value tensors, using an optional attention mask if passed, and applying dropout if a probability greater than 0.0 is specified. - Returns a tensor pair containing attended values and attention weights. + + Modified from https://github.com/pytorch/pytorch/blob/5953fd9133c0bdcc0158acf1472fac403bc5f636/torch/nn/functional.py#L4814. + Args: q, k, v: Query, key and value tensors. See Shape section for shape details. attn_mask: Optional tensor containing mask values to be added to calculated attention. May be 2D or 3D; see Shape section for details. dropout_p: Dropout probability. If greater than 0.0, dropout is applied. position_bias: Position bias used to incorporate realtive attention bias in attention scors + Shape: - q: :math:`(B, H, Nt, E)` where B is the batch size, H is the number of heads, Nt is the target sequence length, and E is the head dimension. @@ -379,9 +480,12 @@ def _t5_dot_product_attention( - position_bias: :math:`(1, H, Nt, Ns)` - Output: attention values have shape :math:`(B, Nt, H*E)`; attention weights have shape :math:`(B, H, Nt, Ns)` + + Returns: + Tensor pair containing attended values and attention weights. """ B, H, _, E = q.shape - # NOTE: HF implementation does not perform this normalization. For the sake of matching test results, we have commented it out + # HF implementation does not perform this normalization. For the sake of matching test results, we have commented it out # q = q / math.sqrt(E) attn = torch.matmul(q, k.transpose(3, 2)) @@ -390,20 +494,24 @@ def _t5_dot_product_attention( position_bias = position_bias.repeat(B, 1, 1, 1) if attn_mask is not None: position_bias += attn_mask - attn += position_bias + attn += position_bias attn = F.softmax(attn, dim=-1) + if dropout_p > 0.0: attn = F.dropout(attn, p=dropout_p) + output = torch.matmul(attn, v) output = output.transpose(1, 2).contiguous().view(B, -1, H * E) return output, attn - # NOTE: Modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L421 def _compute_bias( self, query_length: int, key_length: int, bidirectional: bool = True, device: Optional[torch.device] = None ) -> Tensor: - """Compute binned relative position bias""" + """Compute binned relative position bias. + + Modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L421. + """ assert self.relative_attention_bias is not None context_position = torch.arange(query_length, dtype=torch.long, device=device)[:, None] memory_position = torch.arange(key_length, dtype=torch.long, device=device)[None, :] @@ -418,26 +526,28 @@ def _compute_bias( values = values.permute([2, 0, 1]).unsqueeze(0) # shape (1, num_heads, query_length, key_length) return values - # NOTE: Modified from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L374 def _relative_position_bucket( self, relative_position: Tensor, bidirectional: bool = True, num_buckets: int = 32, max_distance: int = 128 ) -> Tensor: - """ - Adapted from Mesh Tensorflow: + r"""Adapted from Mesh Tensorflow: https://github.com/tensorflow/mesh/blob/0cb87fe07da627bf0b7e60475d59f95ed6b5be3d/mesh_tensorflow/transformer/transformer_layers.py#L593 - Translate relative position to a bucket number for relative attention. The relative position is defined as + and https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L374. + + Translates relative position to a bucket number for relative attention. The relative position is defined as memory_position - query_position, i.e. the distance in tokens from the attending position to the attended-to position. If bidirectional=False, then positive relative positions are invalid. We use smaller buckets for small absolute relative_position and larger buckets for larger absolute relative_positions. All relative positions >=max_distance map to the same bucket. All relative positions <=-max_distance map to the same bucket. - This should allow for more graceful generalization to longer sequences than the model has been trained on + This should allow for more graceful generalization to longer sequences than the model has been trained on. + Args: - relative_position: an int32 Tensor - bidirectional: a boolean - whether the attention is bidirectional - num_buckets: an integer - max_distance: an integer + relative_position: Tensor w/ initially constructed relative positions. + bidirectional: If attention is bidirectional; when in decoder, this should be False. + num_buckets: Number of buckets to utilize. + max_distance: Maximum distance between positions. + Returns: - a Tensor with the same shape as relative_position, containing int32 values in the range [0, num_buckets) + Tensor with the same shape as relative_position, containing int32 values in the range [0, num_buckets). """ relative_buckets = torch.zeros(relative_position.shape, dtype=torch.long, device=relative_position.device) if bidirectional: @@ -466,26 +576,27 @@ def _relative_position_bucket( return relative_buckets -# NOTE: Taken from https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L239 class T5LayerNorm(nn.Module): def __init__(self, d_model: int, eps: float = 1e-6) -> None: - """ - Construct a layernorm module in the T5 style. No bias and no subtraction of mean. + r"""Construct a layernorm module in the T5 style. No bias and no subtraction of mean. + + Based on https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L239. """ super().__init__() self.weight = nn.Parameter(torch.ones(d_model)) self.variance_epsilon = eps def forward(self, hidden_states: Tensor) -> Tensor: - r""" - T5 uses a layer_norm which only scales and doesn't shift, which is also known as Root Mean + r"""T5 uses a layer_norm which only scales and doesn't shift, which is also known as Root Mean Square Layer Normalization https://arxiv.org/abs/1910.07467 thus varience is calculated w/o mean and there is no bias. Additionally we want to make sure that the accumulation for half-precision inputs is done in fp32. + Args: - hidden_states: Tensor to be normalized. Final dimension must be model dimension (i.e. number of expected features in the input) + hidden_states: Tensor to be normalized. Final dimension must be model dimension (i.e. number of expected features in the input). + Returns: - a Tensor with the same shape as hidden_states after having been normalized + Tensor with the same shape as hidden_states after having been normalized. """ variance = hidden_states.to(torch.float32).pow(2).mean(-1, keepdim=True) @@ -498,35 +609,46 @@ def forward(self, hidden_states: Tensor) -> Tensor: return self.weight * hidden_states -# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L622 -class T5EncoderLayer(nn.Module): - r"""T5EncoderLayer is made up of a self-attn block and feedforward network. +class T5Layer(nn.Module): + r"""T5Layer is made up of a self-attn block, optional cross-attn block, and feed-forward network. + This T5 layer is based on the paper: "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html Users may modify or implement in a different way during application. + Args: d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). - dim_feedforward: Dimension of the feedforward network model (default=3072). - qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). - dropout: Dropout value (default=0.1). + dim_feedforward: Dimension of the feedforward network model (default: 3072). + qkv_dim: Projection dimension (per head) for query, keys, and values. (default: 64). + dropout: Dropout value (default: 0.1). activation: Activation function of the intermediate layer, can be a string - ("relu" or "gelu") or a unary callable. (default: relu) - layer_norm_eps: The eps value in layer normalization components (default=1e-6). - relative_attention_num_buckets: Number of relative position buckets (default: 32) + ("relu", "gelu", or "gelu_new") or a unary callable. (default: F.relu) + is_gated_act: Option to include gated activated as done in FLAN-T5, see + https://huggingface.co/google/flan-t5-xxl. (default: False) + layer_norm_eps: The eps value in layer normalization components. (default=1e-6) + relative_attention_num_buckets: Number of relative position buckets. (default: 32) relative_attention_max_distance: Maximum threshold on the relative distance used to - allocate buckets. Anything larger gets placed in the same bucket (default: 128) + allocate buckets. Anything larger gets placed in the same bucket. (default: 128) compute_relative_attention_bias: Whether or not the relative position embeddings need to be computed. Typically occurs in the first layer of the encoder and resulting position embeddings are returned to be passed up to higher layers. (default: False) + is_decoder: Whether the T5Layer will be instantiated as a decoder layer or encoder layer. (default: False) + device: Device to use any newly constructed Tensors. (optional) + dtype: Datatype to use on any newly constructed Tensors. (optional) Examples:: - >>> encoder_layer = T5EncoderLayer(d_model=768, nhead=12) - >>> tgt = torch.rand(32, 20, 768) - >>> out = encoder_layer(tgt) + >>> single_encoder_layer = T5Layer(d_model=768, nhead=12) + >>> src = torch.rand(32, 20, 768) + >>> single_encoder_layer(src) + + >>> single_decoder_layer = T5Layer(d_model=768, nhead=12, is_decoder=True) + >>> src = torch.rand(32, 20, 768) + >>> tgt = torch.rand(32, 1, 768) + >>> single_decoder_layer(tgt, src) """ def __init__( @@ -537,25 +659,26 @@ def __init__( qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + is_gated_act: bool = False, layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, - is_gated_act: bool = False, compute_relative_attention_bias: bool = False, + is_decoder: bool = False, device: Optional[torch.device] = None, dtype=None, ) -> None: super().__init__() - + self.is_gated_act = is_gated_act self.compute_relative_attention_bias = compute_relative_attention_bias self.relative_attention_num_buckets = relative_attention_num_buckets self.relative_attention_max_distance = relative_attention_max_distance - self.is_gated_act = is_gated_act + self.is_decoder = is_decoder self.self_attn = T5MultiheadAttention( d_model, nhead, - is_decoder=False, + is_decoder=is_decoder, dropout=dropout, qkv_dim=qkv_dim, compute_relative_attention_bias=compute_relative_attention_bias, @@ -565,6 +688,26 @@ def __init__( dtype=dtype, ) + if self.is_decoder: + self.cross_attn = T5MultiheadAttention( + d_model, + nhead, + is_decoder=True, + dropout=dropout, + qkv_dim=qkv_dim, + compute_relative_attention_bias=False, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + device=device, + dtype=dtype, + ) + self.norm3 = T5LayerNorm(d_model, eps=layer_norm_eps) + self.dropout4 = nn.Dropout(dropout) + else: + self.cross_attn = None + self.norm3 = None + self.dropout4 = None + if self.is_gated_act: self.linear1 = None self.linear1_0 = nn.Linear(d_model, dim_feedforward, bias=False) @@ -573,6 +716,7 @@ def __init__( self.linear1 = nn.Linear(d_model, dim_feedforward, bias=False) self.linear1_0 = None self.linear1_1 = None + self.linear2 = nn.Linear(dim_feedforward, d_model, bias=False) self.norm1 = T5LayerNorm(d_model, eps=layer_norm_eps) self.norm2 = T5LayerNorm(d_model, eps=layer_norm_eps) @@ -591,48 +735,97 @@ def __init__( elif activation == "gelu": self.activation = F.gelu elif activation == "gelu_new": - # the following should match the math of https://github.com/huggingface/transformers/blob/main/src/transformers/activations.py + # The following should match the math of https://github.com/huggingface/transformers/blob/main/src/transformers/activations.py self.activation = nn.GELU(approximate="tanh") else: self.activation = activation def forward( self, - tgt: Tensor, - tgt_mask: Optional[Tensor] = None, - tgt_key_padding_mask: Optional[Tensor] = None, + seq: Tensor, + memory: Optional[Tensor] = None, + mask: Optional[Tensor] = None, + seq_key_padding_mask: Optional[Tensor] = None, + memory_mask: Optional[Tensor] = None, + memory_key_padding_mask: Optional[Tensor] = None, position_bias: Optional[Tensor] = None, - ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor]]: + past_key_values: Optional[PAST_KEY_VALUES_TYPE] = None, + ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor], Optional[Tensor], PAST_KEY_VALUES_UNFILLED_TYPE]: r"""Pass the inputs (and mask) through the encoder layer. + Args: - tgt: Input sequence to the encoder layer. (required). - Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence - length, and E is the model dimension. - tgt_mask: Attention mask for self-attention. (optional). - Must have shape (Nt, Nt). - tgt_key_padding_mask: Mask for the tgt keys per batch (optional). - Must have shape (B, Nt). + seq: Input sequence (required). + Must have shape (B, Ns, E) where B is the batch size, Nt is the sequence length, + and E is the model dimension. This will be the src sequence if `self.is_decoder = False` + and tgt sequence if `self.is_decoder = True`. + memory: Encoder sequence (optional). + Output from encoder layer, only needs to be included when in decoding context. + mask: Attention mask for self-attention. (optional). + Must have shape (Ns, Ns). + seq_key_padding_mask: Mask for the seq keys per batch (optional). + Must have shape (B, Ns). + memory_mask: Attention mask for attention in decoding context. (optional) + Must have shape (Nm, Nm). + memory_key_padding_mask: Mask for the memory keys per batch (optional). + Must have shape (B, Ns). position_bias: Relative attention bias to be used when computing self-attention scores (optional) - Must have shape (B, H, Nt, Nt) where H is the number of heads. - """ + Must have shape (B, H, Ns, Ns) where H is the number of heads. + past_key_values: Past key values used for incremental decoding (optional). + Tuple with Tensors of shape (B, H, N)>>>>> Check this???? + Returns: + Tuple of Tensors being hidden states, position bias, self-attention scores, cross-attention scores, + and key-value pairs. + """ # See Fig. 1 of https://arxiv.org/pdf/2002.04745v1.pdf - x = tgt - sa_out, position_bias, sa_scores = self._sa_block(self.norm1(x), tgt_mask, tgt_key_padding_mask, position_bias) + if past_key_values is not None: + self_attn_past_key_value = past_key_values[:2] + cross_attn_past_key_value = past_key_values[2:] + else: + self_attn_past_key_value, cross_attn_past_key_value = None, None + + x = seq + sa_out, position_bias, sa_scores, sa_kv = self._sa_block( + self.norm1(x), mask, seq_key_padding_mask, position_bias, self_attn_past_key_value + ) x = x + sa_out + + if self.is_decoder: + assert memory is not None, "Must provide memory (encoder hidden states)." + assert self.norm3 is not None + query_length = sa_kv[0].shape[2] + ca_out, ca_scores, ca_kv = self._ca_block( + self.norm3(x), memory, query_length, memory_mask, memory_key_padding_mask, cross_attn_past_key_value + ) + x = x + ca_out + else: + ca_scores, ca_kv = None, None + x = x + self._ff_block(self.norm2(x)) - return x, position_bias, sa_scores + new_key_value = sa_kv + ( + ca_kv + if ca_kv is not None + else ( + None, + None, + ) + ) + + assert torch.jit.isinstance(new_key_value, PAST_KEY_VALUES_UNFILLED_TYPE) + + return x, position_bias, sa_scores, ca_scores, new_key_value - # Self-attention block def _sa_block( self, x: Tensor, attn_mask: Optional[Tensor], key_padding_mask: Optional[Tensor], position_bias: Optional[Tensor], - ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor]]: - attn = self.self_attn( + past_key_value: Optional[PAST_KEY_VALUE_TYPE] = None, + ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor], PAST_KEY_VALUE_TYPE]: + """Self-attention block.""" + attn, curr_position_bias, scores, curr_key_value = self.self_attn( x, x, x, @@ -640,17 +833,40 @@ def _sa_block( key_padding_mask=key_padding_mask, need_weights=True, position_bias=position_bias, + past_key_value=past_key_value, ) - x = attn[0] - scores = attn[2] - if self.compute_relative_attention_bias and position_bias is None: - position_bias = attn[1] + if self.compute_relative_attention_bias: + position_bias = curr_position_bias - return self.dropout1(x), position_bias, scores + return self.dropout1(attn), position_bias, scores, curr_key_value + + def _ca_block( + self, + x: Tensor, + mem: Tensor, + query_length: Optional[int], + attn_mask: Optional[Tensor], + key_padding_mask: Optional[Tensor], + past_key_value: Optional[PAST_KEY_VALUE_TYPE] = None, + ) -> Tuple[Tensor, Optional[Tensor], PAST_KEY_VALUE_TYPE]: + """Cross-attention block.""" + assert self.cross_attn is not None + assert self.dropout4 is not None + attn, _, scores, curr_key_value = self.cross_attn( + x, + mem, # Pass in memory (enc) states as keys + mem, # Pass in memory (enc) states as values + query_length=query_length, + attn_mask=attn_mask, + key_padding_mask=key_padding_mask, + need_weights=True, + past_key_value=past_key_value, + ) + return self.dropout4(attn), scores, curr_key_value - # Feed forward block def _ff_block(self, x: Tensor) -> Tensor: + """Feed-forward block.""" if self.is_gated_act: assert self.linear1_0 is not None assert self.linear1_1 is not None @@ -665,139 +881,6 @@ def _ff_block(self, x: Tensor) -> Tensor: return self.dropout3(hidden_states) -# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L622 -class T5DecoderLayer(T5EncoderLayer): - r"""T5DecoderLayer is made up of a self-attn block, cross-attn block, and feedforward network. - This T5 layer is based on the paper: - "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer". - Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, - Yanqi Zhou, Wei Li, and Peter J. Liu. 2020. Journal of Machine Learning Research. - Volume 21 Issue 140 pages 1-67. http://jmlr.org/papers/v21/20-074.html - Users may modify or implement in a different way during application. - Args: - d_model: Number of expected features in the input (required). - nhead: Number of heads in the multihead attention models (required). - dim_feedforward: Dimension of the feedforward network model (default=3072). - qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). - dropout: Dropout value (default=0.1). - activation: Activation function of the intermediate layer, can be a string - ("relu" or "gelu") or a unary callable. (default: relu) - layer_norm_eps: The eps value in layer normalization components (default=1e-6). - relative_attention_num_buckets: Number of relative position buckets (default: 32) - relative_attention_max_distance: Maximum threshold on the relative distance used to - allocate buckets. Anything larger gets placed in the same bucket (default: 128) - compute_relative_attention_bias: Whether or not the relative position embeddings - need to be computed. Typically occurs in the first layer of the decoder - and resulting position embeddings are returned to be passed up to higher layers. (default: False) - - Examples:: - >>> decoder_layer = T5DecoderLayer(d_model=768, nhead=12) - >>> memory = torch.rand(32, 10, 768) - >>> tgt = torch.rand(32, 20, 768) - >>> out = decoder_layer(tgt, memory) - """ - - def __init__( - self, - d_model: int, - nhead: int, - dim_feedforward: int = 3072, - qkv_dim: int = 64, - dropout: float = 0.1, - activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, - layer_norm_eps: float = 1e-6, - relative_attention_num_buckets: int = 32, - relative_attention_max_distance: int = 128, - compute_relative_attention_bias: bool = False, - is_gated_act: bool = False, - device: Optional[torch.device] = None, - dtype=None, - ) -> None: - super().__init__( - d_model, - nhead, - dim_feedforward, - qkv_dim, - dropout, - activation, - layer_norm_eps, - relative_attention_num_buckets, - relative_attention_max_distance, - is_gated_act, - compute_relative_attention_bias, - device, - dtype, - ) - - self.cross_attn = T5MultiheadAttention( - d_model, nhead, is_decoder=True, dropout=dropout, qkv_dim=qkv_dim, device=device, dtype=dtype - ) - self.norm3 = T5LayerNorm(d_model, eps=layer_norm_eps) - self.dropout4 = nn.Dropout(dropout) - - if isinstance(activation, str): - assert activation in ( - "relu", - "gelu", - ), f"Do not support '{activation}' activation. Use either 'relu' or 'gelu'" - if activation == "relu": - self.activation = F.relu - elif activation == "gelu": - self.activation = F.gelu - else: - self.activation = activation - - def forward( - self, - tgt: Tensor, - memory: Tensor, - tgt_mask: Optional[Tensor] = None, - memory_mask: Optional[Tensor] = None, - tgt_key_padding_mask: Optional[Tensor] = None, - memory_key_padding_mask: Optional[Tensor] = None, - position_bias: Optional[Tensor] = None, - ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor], Optional[Tensor]]: - r"""Pass the inputs (and mask) through the encoder/decoder layer. - Args: - tgt: Input sequence to the decoder layer. (required). - Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence - length, and E is the model dimension. - memory: Sequence from the last layer of the encoder. (required). - Must have shape (B, Nts, E) where B is the batch size, Ns is the source sequence - length, and E is the model dimension. - tgt_mask: Attention mask for self-attention. (optional). - Must have shape (Nt, Nt). - memory_mask: Attention mask for cross-attention (optional). - Must have shape (Nt, Ns). - tgt_key_padding_mask: Mask for the tgt keys per batch (optional). - Must have shape (B, Nt). - memory_key_padding_mask: Mask for the memory keys per batch (optional). - Must have shape (B, Ns). - position_bias: Relative attention bias to be used when computing self-attention scores (optional) - Must have shape (B, H, Nt, Nt) where H is the number of heads. - """ - - # See Fig. 1 of https://arxiv.org/pdf/2002.04745v1.pdf - x = tgt - sa_out, position_bias, sa_scores = self._sa_block(self.norm1(x), tgt_mask, tgt_key_padding_mask, position_bias) - x = x + sa_out - ca_out, ca_scores = self._ca_block(self.norm3(x), memory, memory_mask, memory_key_padding_mask) - x = x + ca_out - x = x + self._ff_block(self.norm2(x)) - - return x, position_bias, sa_scores, ca_scores - - # Cross attention block - def _ca_block( - self, x: Tensor, mem: Tensor, attn_mask: Optional[Tensor], key_padding_mask: Optional[Tensor] - ) -> Tuple[Tensor, Optional[Tensor]]: - attn = self.cross_attn(x, mem, mem, attn_mask=attn_mask, key_padding_mask=key_padding_mask, need_weights=True) - x = attn[0] - scores = attn[2] - return self.dropout4(x), scores - - -# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 class T5Encoder(nn.Module): """T5Encoder is a stack of N encoder layers. @@ -809,18 +892,22 @@ class T5Encoder(nn.Module): qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string - ("relu" or "gelu") or a unary callable. (default: relu) + ("relu", "gelu", or "gelu_new") or a unary callable. (default: F.relu) + is_gated_act: Option to include gated activated as done in FLAN-T5, see + https://huggingface.co/google/flan-t5-xxl. (default: False) layer_norm_eps: The eps value in layer normalization components (default=1e-6). relative_attention_num_buckets: Number of relative position buckets (default: 32) relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket (defulat: 128) token_embeddings (nn.Module): Embedding layer to be passed in the case that the input to `forward` is not already embedded. + device: Device to use any newly constructed Tensors. (optional) + dtype: Datatype to use on any newly constructed Tensors. (optional) - Examples: + Examples:: >>> encoder = T5Encoder(d_model=768, nhead=12, num_layers=12) >>> tgt = torch.rand(32, 10, 512) - >>> out = encoder(tgt) + >>> encoder(tgt) """ def __init__( @@ -832,11 +919,11 @@ def __init__( qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + is_gated_act: bool = False, layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, token_embeddings: Optional[nn.Module] = None, - is_gated_act: bool = False, device: Optional[torch.device] = None, dtype=None, ) -> None: @@ -844,18 +931,19 @@ def __init__( self.token_embeddings = token_embeddings self.layers = nn.ModuleList( [ - T5EncoderLayer( + T5Layer( d_model, nhead, - dim_feedforward, - qkv_dim, - dropout, - activation, - layer_norm_eps, - relative_attention_num_buckets, - relative_attention_max_distance, - is_gated_act, + dim_feedforward=dim_feedforward, + qkv_dim=qkv_dim, + dropout=dropout, + activation=activation, + is_gated_act=is_gated_act, + layer_norm_eps=layer_norm_eps, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, compute_relative_attention_bias=True if i == 0 else False, + is_decoder=False, device=device, dtype=dtype, ) @@ -869,47 +957,47 @@ def __init__( def forward( self, - tgt: Optional[Tensor] = None, - tgt_mask: Optional[Tensor] = None, - tgt_key_padding_mask: Optional[Tensor] = None, - embedded_tgt: Optional[Tensor] = None, - ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]]]]: + src: Optional[Tensor] = None, + mask: Optional[Tensor] = None, + src_key_padding_mask: Optional[Tensor] = None, + embedded_src: Optional[Tensor] = None, + ) -> ENCODER_OUTPUTS_TYPE: r"""Pass the input (and masks) through the stack of encoder layers. Args: - tgt (Optional[Tensor]): Tokenized input sequence to the encoder. + src (Optional[Tensor]): Tokenized input sequence to the encoder. Must be batch first with shape (B, Ne) where B is the batch size and Ne is the encoder input sequence length. - tgt_mask (Optional[Tensor]): Attention mask for self-attention. + mask (Optional[Tensor]): Attention mask for self-attention. Must have shape (Nt, Nt). - tgt_key_padding_mask (Optional[Tensor]): Mask for the tgt keys per batch. + src_key_padding_mask (Optional[Tensor]): Mask for the tgt keys per batch. Must have shape (B, Nt). - embedded_tgt (Optional[Tensor]): Embedded input sequence to the encoder layer. + embedded_src (Optional[Tensor]): Embedded input sequence to the encoder layer. Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence length, and E is the model dimension. *Note*: If you do not provide this `embedded_tgt`, you must have provided a `token_embedding` layer \ in the initialization of the T5Encoder. Returns: - Tuple of last hidden layer, all hidden layers, position bias, and self-attention scores + Dictionary of last hidden layer, all hidden layers, position bias, and self-attention scores. """ # This keeps the encoder self-contained and easy to use individually - if embedded_tgt is None: + if embedded_src is None: assert ( - self.token_embeddings is not None and tgt is not None + self.token_embeddings is not None and src is not None ), "Must provide `token_embeddings` and `tgt` if not providing already embedded tokens." - embedded_tgt = self.token_embeddings(tgt) + embedded_src = self.token_embeddings(src) - output = self.dropout1(embedded_tgt) + output = self.dropout1(embedded_src) position_bias = None all_outputs = torch.jit.annotate(List[Tensor], []) all_sa_scores = torch.jit.annotate(List[Optional[Tensor]], []) for mod in self.layers: all_outputs.append(output) - output, position_bias, sa_score = mod( + output, position_bias, sa_score, _, _ = mod( output, - tgt_mask=tgt_mask, - tgt_key_padding_mask=tgt_key_padding_mask, + mask=mask, + seq_key_padding_mask=src_key_padding_mask, position_bias=position_bias, ) all_sa_scores.append(sa_score) @@ -927,9 +1015,9 @@ def forward( } -# NOTE: Comparable HuggingFace implentation can be found at https://github.com/huggingface/transformers/blob/8581a798c0a48fca07b29ce2ca2ef55adcae8c7e/src/transformers/models/t5/modeling_t5.py#L835 class T5Decoder(nn.Module): - r"""T5Decoder is a stack of N decoder layers + r"""T5Decoder is a stack of N decoder layers. + Args: d_model: Number of expected features in the input (required). nhead: Number of heads in the multihead attention models (required). @@ -938,16 +1026,22 @@ class T5Decoder(nn.Module): qkv_dim: Projection dimension (per head) for query, keys, and values. (defualt=64). dropout: Dropout value (default=0.1). activation: Activation function of the intermediate layer, can be a string - ("relu" or "gelu") or a unary callable. (default: relu) + ("relu", "gelu", or "gelu_new") or a unary callable. (default: F.relu) + is_gated_act: Option to include gated activated as done in FLAN-T5, see + https://huggingface.co/google/flan-t5-xxl. (default: False) layer_norm_eps: The eps value in layer normalization components (default=1e-6). relative_attention_num_buckets: Number of relative position buckets (default: 32) relative_attention_max_distance: Maximum threshold on the relative distance used to allocate buckets. Anything larger gets placed in the same bucket (defulat: 128) + device: Device to use any newly constructed Tensors. (optional) + dtype: Datatype to use on any newly constructed Tensors. (optional) + + Examples:: >>> decoder = T5Decoder(d_model=768, nhead=12, num_layers=12) >>> memory = torch.rand(32, 10, 512) - >>> tgt = torch.rand(32, 10, 512) - >>> out = decoder(tgt, memory) + >>> tgt = torch.rand(32, 1, 512) + >>> decoder(tgt, memory) """ def __init__( @@ -959,10 +1053,10 @@ def __init__( qkv_dim: int = 64, dropout: float = 0.1, activation: Union[str, Callable[[Tensor], Tensor]] = F.relu, + is_gated_act: bool = False, layer_norm_eps: float = 1e-6, relative_attention_num_buckets: int = 32, relative_attention_max_distance: int = 128, - is_gated_act: bool = False, device: Optional[torch.device] = None, dtype=None, ) -> None: @@ -970,18 +1064,19 @@ def __init__( self.layers = nn.ModuleList( [ - T5DecoderLayer( + T5Layer( d_model, nhead, - dim_feedforward, - qkv_dim, - dropout, - activation, - layer_norm_eps, - relative_attention_num_buckets, - relative_attention_max_distance, - compute_relative_attention_bias=True if i == 0 else False, + dim_feedforward=dim_feedforward, + qkv_dim=qkv_dim, + dropout=dropout, + activation=activation, is_gated_act=is_gated_act, + layer_norm_eps=layer_norm_eps, + relative_attention_num_buckets=relative_attention_num_buckets, + relative_attention_max_distance=relative_attention_max_distance, + compute_relative_attention_bias=True if i == 0 else False, + is_decoder=True, device=device, dtype=dtype, ) @@ -1001,8 +1096,11 @@ def forward( memory_mask: Optional[Tensor] = None, tgt_key_padding_mask: Optional[Tensor] = None, memory_key_padding_mask: Optional[Tensor] = None, - ) -> Dict[str, Union[Tensor, List[Tensor], Optional[Tensor], List[Optional[Tensor]], List[Optional[Tensor]]]]: + past_key_values: Optional[List[PAST_KEY_VALUES_TYPE]] = None, + return_past_key_values: bool = False, + ) -> DECODER_OUTPUTS_TYPE: r"""Pass the inputs (and masks) through the stack of decoder layers. + Args: embedded_tgt: Input sequence to the decoder layer. (required). Must have shape (B, Nt, E) where B is the batch size, Nt is the target sequence @@ -1018,30 +1116,40 @@ def forward( Must have shape (B, Nt). memory_key_padding_mask: Mask for the memory keys per batch (optional). Must have shape (B, Ns). - """ + past_key_values: Past key values used for incremental decoding (optional). + List of Tuple with Tensors of shape (B, H, N)>>>>> Check this???? + return_past_key_values: Boolean stating whether to return past_key_values from model. (default: False) + Returns: + Dictionary of last hidden state, all hidden states, position bias, self-attention scores, cross-attention scores + and past key values (if requested). + """ output = self.dropout1(embedded_tgt) position_bias = None all_outputs = torch.jit.annotate(List[Tensor], []) all_sa_scores = torch.jit.annotate(List[Optional[Tensor]], []) all_ca_scores = torch.jit.annotate(List[Optional[Tensor]], []) - for mod in self.layers: + all_key_values = torch.jit.annotate(List[Tuple[Tensor, Tensor, Optional[Tensor], Optional[Tensor]]], []) + for i, mod in enumerate(self.layers): all_outputs.append(output) - output, position_bias, sa_score, ca_score = mod( + output, position_bias, sa_score, ca_score, past_key_value = mod( output, memory, - tgt_mask=tgt_mask, + mask=tgt_mask, memory_mask=memory_mask, - tgt_key_padding_mask=tgt_key_padding_mask, + seq_key_padding_mask=tgt_key_padding_mask, memory_key_padding_mask=memory_key_padding_mask, position_bias=position_bias, + past_key_values=past_key_values[i] if past_key_values is not None else None, ) all_sa_scores.append(sa_score) all_ca_scores.append(ca_score) + # TODO: Can pass in enc-dec position_bias to avoid recalculating in cross-attn + if past_key_value is not None and return_past_key_values: + all_key_values.append(past_key_value) output = self.norm(output) output = self.dropout2(output) - all_outputs.append(output) return { @@ -1050,4 +1158,5 @@ def forward( "decoder_position_bias": position_bias, "decoder_sa_scores": all_sa_scores, "decoder_ca_scores": all_ca_scores, + "past_key_values": all_key_values, } diff --git a/torchtext/prototype/models/t5/t5_transform.py b/torchtext/prototype/models/t5/t5_transform.py index 7154e31d55..380778ef6b 100644 --- a/torchtext/prototype/models/t5/t5_transform.py +++ b/torchtext/prototype/models/t5/t5_transform.py @@ -1,3 +1,13 @@ +# /* Portions Copyright (c) Meta Platforms, Inc. and affiliates. +# 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 List, Union import torch diff --git a/torchtext/prototype/models/t5/wrapper.py b/torchtext/prototype/models/t5/wrapper.py deleted file mode 100644 index 6027bf72e9..0000000000 --- a/torchtext/prototype/models/t5/wrapper.py +++ /dev/null @@ -1,194 +0,0 @@ -import warnings -from typing import Any, Dict, List, Optional, Tuple, Union - -import torch -import torch.nn as nn -import torch.nn.functional as F -from torch import Tensor -from torchtext.prototype.models import ( - T5_11B_GENERATION, - T5_3B_GENERATION, - T5_BASE_GENERATION, - T5_LARGE_GENERATION, - T5_SMALL_GENERATION, - T5Bundle, - T5Conf, - T5Transform, -) - - -BUNDLERS = { - "base": T5_BASE_GENERATION, - "small": T5_SMALL_GENERATION, - "large": T5_LARGE_GENERATION, - "3b": T5_3B_GENERATION, - "11b": T5_11B_GENERATION, -} - - -class T5Wrapper(nn.Module): - def __init__( - self, - configuration: Optional[str] = None, - checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None, - t5_config: Optional[T5Conf] = None, - transform: Optional[T5Transform] = None, - freeze_model: bool = False, - strict: bool = False, - dl_kwargs: Dict[str, Any] = None, - device: Optional[torch.device] = None, - ) -> None: - """ - Args: - configuration (str or None): The model configuration. Only support 'base', 'small', 'large', '3b', and '11b' . Must be `None` if checkpoint is not `None`. (Default: `None`) - checkpoint (str, Dict[str, torch.Tensor], or None): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. Must be `None` if configuration is not `None`.(Default: ``None``) - t5_config (T5Conf or None): An instance of T5Conf that defined the model configuration (i.e. number of layer, attention heads, etc). Must be provided if configuration is `None`. (Default: `None`) - transform (T5Transfrom or None): An instance of T5Transform that defines the text processing pipeline. Must be provided if configuration is `None`. (Default: `None`) - freeze_model (bool): Indicates whether to freeze the model weights. (Default: `False`) - strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`) - dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) - """ - warnings.warn("`T5Wrapper` is being deprecated. Please use new `GenerationUtils`.", category=DeprecationWarning) - - super().__init__() - - if configuration is None: - assert checkpoint is not None, "Must provide a checkpoint if configuration is None" - assert t5_config is not None, "Must provide t5_config if using checkpoint" - assert isinstance(t5_config, T5Conf), f"t5_config must have type {T5Conf.__module__}" - assert not t5_config.encoder_only, "t5_config.encoder_only must be False" - assert t5_config.linear_head, "t5_config.linear_head must be True" - assert transform is not None, "Must provide transform if using checkpoint" - assert isinstance(transform, T5Transform), f"transform must have type {T5Transform.__module__}" - - else: - assert checkpoint is None, "configuration and checkpoint were both provided. Can only provide one." - assert ( - configuration in BUNDLERS - ), f"Invalid configuration provided. Only support the following configurations: {[key for key in BUNDLERS.keys()]}" - - if configuration is None and checkpoint is not None: - self.bundler = T5Bundle(_path=checkpoint, _config=t5_config, transform=lambda: transform) - self.model = self.bundler.build_model( - config=t5_config, freeze_model=freeze_model, checkpoint=checkpoint, strict=strict, dl_kwargs=dl_kwargs - ) - else: - self.bundler = BUNDLERS[configuration] - self.model = self.bundler.get_model() - - self.transform = self.bundler.transform() - - def beam_search( - self, - beam_size: int, - step: int, - bsz: int, - decoder_output: Tensor, - decoder_tokens: Tensor, - scores: Tensor, - incomplete_sentences: Tensor, - ) -> Tuple[Tensor, Tensor, Tensor]: - probs = F.log_softmax(decoder_output[:, -1], dim=-1) - top = torch.topk(probs, beam_size) - - # N is number of sequences, L is length of sequences, B is beam_size - # decoder tokens has shape (N,L) -> (N,B,L) - # top.indices has shape (N,B) - > (N,B,1) - # x has shape (N,B,L+1) - # note that when step == 1, N = batch_size, and when step > 1, N = batch_size * beam_size - x = torch.cat([decoder_tokens.unsqueeze(1).repeat(1, beam_size, 1), top.indices.unsqueeze(-1)], dim=-1) - - # beams are first created for a given sequence - if step == 1: - # x has shape (batch_size, B, L+1) -> (batch_size * B,L+1) - # new_scores has shape (batch_size,B) - # incomplete_sentences has shape (batch_size * B) = (N) - new_decoder_tokens = x.view(-1, step + 1) - new_scores = top.values - new_incomplete_sentences = incomplete_sentences - - # beams already exist, want to expand each beam into possible new tokens to add - # and for all expanded beams belonging to the same sequences, choose the top k - else: - # scores has shape (batch_size,B) -> (N,1) -> (N,B) - # top.values has shape (N,B) - # new_scores has shape (N,B) -> (batch_size, B^2) - new_scores = (scores.view(-1, 1).repeat(1, beam_size) + top.values).view(bsz, -1) - - # v, i have shapes (batch_size, B) - v, i = torch.topk(new_scores, beam_size) - - # x has shape (N,B,L+1) -> (batch_size, B, L+1) - # i has shape (batch_size, B) -> (batch_size, B, L+1) - # new_decoder_tokens has shape (batch_size, B, L+1) -> (N, L) - x = x.view(bsz, -1, step + 1) - new_decoder_tokens = x.gather(index=i.unsqueeze(-1).repeat(1, 1, step + 1), dim=1).view(-1, step + 1) - - # need update incomplete sentences incase one of the beams was kicked out - # y has shape (N) -> (N, 1) -> (N, B) -> (batch_size, B^2) - y = incomplete_sentences.unsqueeze(-1).repeat(1, beam_size).view(bsz, -1) - - # now can use i to extract those beams that were selected - # new_incomplete_sentences has shape (batch_size, B^2) -> (batch_size, B) -> (N, 1) -> N - new_incomplete_sentences = y.gather(index=i, dim=1).view(bsz * beam_size, 1).squeeze(-1) - - # new_scores has shape (batch_size, B) - new_scores = v - - return new_decoder_tokens, new_scores, new_incomplete_sentences - - def generate(self, encoder_tokens: Tensor, beam_size: int, eos_idx: int = 1, max_seq_len: int = 512) -> Tensor: - # pass tokens through encoder - bsz = encoder_tokens.size(0) - encoder = self.model.get_encoder() - encoder_padding_mask = encoder_tokens.eq(self.model.padding_idx) - encoder_outputs = encoder(tgt=encoder_tokens, tgt_key_padding_mask=encoder_padding_mask) - - # initialize decoder input sequence; T5 uses padding index as starter index to decoder sequence - decoder_tokens = torch.ones((bsz, 1), dtype=torch.long) * self.model.padding_idx - scores = torch.zeros((bsz, beam_size)) - - # mask to keep track of sequences for which the decoder has not produced an end-of-sequence token yet - incomplete_sentences = torch.ones(bsz * beam_size, dtype=torch.long) - - # iteratively generate output sequence until all sequences in the batch have generated the end-of-sequence token - for step in range(max_seq_len): - if step == 1: - # duplicate and order encoder output so that each beam is treated as its own independent sequence - encoder_output = encoder_outputs.get("encoder_output") - new_order = torch.arange(bsz).view(-1, 1).repeat(1, beam_size).view(-1) - new_order = new_order.to(encoder_tokens.device).long() - encoder_output = encoder_output.index_select(0, new_order) - encoder_outputs["encoder_output"] = encoder_output - encoder_padding_mask = encoder_padding_mask.index_select(0, new_order) - - # pass decoder sequence through decoder - decoder_output = self.model( - decoder_tokens=decoder_tokens, - encoder_padding_mask=encoder_padding_mask, - encoder_outputs=encoder_outputs, - ).get("decoder_output") - - decoder_tokens, scores, incomplete_sentences = self.beam_search( - beam_size, step + 1, bsz, decoder_output, decoder_tokens, scores, incomplete_sentences - ) - # ignore newest tokens for sentences that are already complete - decoder_tokens[:, -1] *= incomplete_sentences - - # update incomplete_sentences to remove those that were just ended - incomplete_sentences = incomplete_sentences - (decoder_tokens[:, -1] == eos_idx).long() - - if (incomplete_sentences == 0).all(): - break - - # take most likely sequence - decoder_tokens = decoder_tokens.view(bsz, beam_size, -1)[:, 0, :] - return decoder_tokens - - def forward(self, input_text: List[str], beam_size: int, max_seq_len: int) -> Union[List[str], str]: - model_input = self.transform(input_text) - model_output_tensor = self.generate(encoder_tokens=model_input, beam_size=beam_size, max_seq_len=max_seq_len) - model_output_list = torch.jit.annotate(List[List[int]], model_output_tensor.tolist()) - output_text = self.transform.decode(model_output_list) - - return output_text From 21261ea013fbbdf35ad74392026005a7fd80e09e Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Fri, 17 Feb 2023 13:25:03 -0500 Subject: [PATCH 397/463] Add bundles for FLAN-T5 (#2061) * Add initial bundles for FLAN-T5 * Fix path * Add docstrings * Fix transform error * Trim whitespace * Add modules to init --- torchtext/prototype/models/t5/__init__.py | 30 ++ torchtext/prototype/models/t5/bundler.py | 414 +++++++++++++++++----- 2 files changed, 352 insertions(+), 92 deletions(-) diff --git a/torchtext/prototype/models/t5/__init__.py b/torchtext/prototype/models/t5/__init__.py index d55b1ad591..5f7b4a275a 100644 --- a/torchtext/prototype/models/t5/__init__.py +++ b/torchtext/prototype/models/t5/__init__.py @@ -1,4 +1,19 @@ from .bundler import ( + FLAN_T5_SMALL_ENCODER, + FLAN_T5_SMALL, + FLAN_T5_SMALL_GENERATION, + FLAN_T5_BASE_ENCODER, + FLAN_T5_BASE, + FLAN_T5_BASE_GENERATION, + FLAN_T5_LARGE_ENCODER, + FLAN_T5_LARGE, + FLAN_T5_LARGE_GENERATION, + FLAN_T5_XL_ENCODER, + FLAN_T5_XL, + FLAN_T5_XL_GENERATION, + FLAN_T5_XXL_ENCODER, + FLAN_T5_XXL, + FLAN_T5_XXL_GENERATION, T5_11B, T5_11B_ENCODER, T5_11B_GENERATION, @@ -38,5 +53,20 @@ "T5_11B_ENCODER", "T5_11B", "T5_11B_GENERATION", + "FLAN_T5_SMALL_ENCODER", + "FLAN_T5_SMALL", + "FLAN_T5_SMALL_GENERATION", + "FLAN_T5_BASE_ENCODER", + "FLAN_T5_BASE", + "FLAN_T5_BASE_GENERATION", + "FLAN_T5_LARGE_ENCODER", + "FLAN_T5_LARGE", + "FLAN_T5_LARGE_GENERATION", + "FLAN_T5_XL_ENCODER", + "FLAN_T5_XL", + "FLAN_T5_XL_GENERATION", + "FLAN_T5_XXL_ENCODER", + "FLAN_T5_XXL", + "FLAN_T5_XXL_GENERATION", "T5Transform", ] diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/prototype/models/t5/bundler.py index c777928c28..bf140191a3 100644 --- a/torchtext/prototype/models/t5/bundler.py +++ b/torchtext/prototype/models/t5/bundler.py @@ -237,7 +237,6 @@ def build_model_from_huggingface_ckpt( ] for i in range(config.num_decoder_layers): - if config.is_gated_act: t5_model_state_dict[f"encoder.layers.{i}.linear1_0.weight"] = hf_weights[ f"decoder.block.{i}.layer.1.DenseReluDense.wi_0.weight" @@ -362,28 +361,92 @@ def config(self) -> T5Conf: Please refer to :func:`torchtext.prototype.models.T5Bundle` for the usage. """ -T5_BASE_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.v2.pt"), - _config=T5Conf(encoder_only=True), - transform=lambda: T5Transform( +FLAN_ENCODER_DOC = """ + FLAN_T5_{}_ENCODER is an encoder model from a pre-trained Flan-T5 model with the {} configuration. + + From the Flan-T5 paper entitled `Scaling Instruction-Finetuned Language Models `: + > Finetuning language models on a collection of datasets phrased as instructions has been shown to improve + model performance and generalization to unseen tasks. In this paper we explore instruction finetuning + with a particular focus on (1) scaling the number of tasks, (2) scaling the model size, and (3) finetuning on + chain-of-thought data. We find that instruction finetuning with the above aspects dramatically improves + performance on a variety of model classes (PaLM, T5, U-PaLM), prompting setups (zero-shot, few-shot, CoT), + and evaluation benchmarks (MMLU, BBH, TyDiQA, MGSM, open-ended generation, RealToxicityPrompts). + For instance, Flan-PaLM 540B instruction-finetuned on 1.8K tasks outperforms PaLM 540B by a large margin + (+9.4% on average). Flan-PaLM 540B achieves state-of-the-art performance on several benchmarks, such as + 75.2% on five-shot MMLU. + + Originally published by Google under Apache License, Version 2.0 and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.models.T5Bundle` for the usage. +""" + +FLAN_DOC = """ + FLAN_T5_{} is an encoder-decoder model from a pre-trained Flan-T5 model with the {} configuration. + It returns the normalized output from the final layer of the decoder. + + From the Flan-T5 paper entitled `Scaling Instruction-Finetuned Language Models `: + > Finetuning language models on a collection of datasets phrased as instructions has been shown to improve + model performance and generalization to unseen tasks. In this paper we explore instruction finetuning + with a particular focus on (1) scaling the number of tasks, (2) scaling the model size, and (3) finetuning on + chain-of-thought data. We find that instruction finetuning with the above aspects dramatically improves + performance on a variety of model classes (PaLM, T5, U-PaLM), prompting setups (zero-shot, few-shot, CoT), + and evaluation benchmarks (MMLU, BBH, TyDiQA, MGSM, open-ended generation, RealToxicityPrompts). + For instance, Flan-PaLM 540B instruction-finetuned on 1.8K tasks outperforms PaLM 540B by a large margin + (+9.4% on average). Flan-PaLM 540B achieves state-of-the-art performance on several benchmarks, such as + 75.2% on five-shot MMLU. + + Originally published by Google under Apache License, Version 2.0 and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.models.T5Bundle` for the usage. +""" + +FLAN_GENERATION_DOC = """ + FLAN_T5_{}_GENERATION is an encoder-decoder model with a language modeling head from a pre-trained Flan-T5 model with the {} configuration. + It returns the output of the final layer of the decoder after passing through a linear layer to project the hidden states to + the model vocabulary. This output can then be used for language generation. + + From the Flan-T5 paper entitled `Scaling Instruction-Finetuned Language Models `: + > Finetuning language models on a collection of datasets phrased as instructions has been shown to improve + model performance and generalization to unseen tasks. In this paper we explore instruction finetuning + with a particular focus on (1) scaling the number of tasks, (2) scaling the model size, and (3) finetuning on + chain-of-thought data. We find that instruction finetuning with the above aspects dramatically improves + performance on a variety of model classes (PaLM, T5, U-PaLM), prompting setups (zero-shot, few-shot, CoT), + and evaluation benchmarks (MMLU, BBH, TyDiQA, MGSM, open-ended generation, RealToxicityPrompts). + For instance, Flan-PaLM 540B instruction-finetuned on 1.8K tasks outperforms PaLM 540B by a large margin + (+9.4% on average). Flan-PaLM 540B achieves state-of-the-art performance on several benchmarks, such as + 75.2% on five-shot MMLU. + + Originally published by Google under Apache License, Version 2.0 and redistributed with the same license. + [`License `__, + `Source `__] + + Please refer to :func:`torchtext.models.T5Bundle` for the usage. +""" + + +def t5_transform() -> T5Transform: + return T5Transform( urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), max_seq_len=512, eos_idx=1, padding_idx=0, - ), + ) + + +T5_BASE_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.v2.pt"), + _config=T5Conf(encoder_only=True), + transform=t5_transform, ) T5_BASE_ENCODER.__doc__ = ENCODER_DOC.format("BASE", "base") T5_BASE = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.base.v2.pt"), - _config=T5Conf(encoder_only=False), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + _path=urljoin(_TEXT_BUCKET, "t5.base.v2.pt"), _config=T5Conf(encoder_only=False), transform=t5_transform ) T5_BASE.__doc__ = MODEL_DOC.format("BASE", "base") @@ -391,12 +454,7 @@ def config(self) -> T5Conf: T5_BASE_GENERATION = T5Bundle( _path=urljoin(_TEXT_BUCKET, "t5.base.generation.v2.pt"), _config=T5Conf(encoder_only=False, linear_head=True), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_BASE_GENERATION.__doc__ = GENERATION_DOC.format("BASE", "base") @@ -411,12 +469,7 @@ def config(self) -> T5Conf: num_decoder_layers=6, ffn_dimension=2048, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_SMALL_ENCODER.__doc__ = ENCODER_DOC.format("SMALL", "small") @@ -432,12 +485,7 @@ def config(self) -> T5Conf: num_decoder_layers=6, ffn_dimension=2048, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_SMALL.__doc__ = MODEL_DOC.format("SMALL", "small") @@ -453,12 +501,7 @@ def config(self) -> T5Conf: num_decoder_layers=6, ffn_dimension=2048, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_SMALL_GENERATION.__doc__ = GENERATION_DOC.format("SMALL", "small") @@ -473,12 +516,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=4096, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_LARGE_ENCODER.__doc__ = ENCODER_DOC.format("LARGE", "large") @@ -493,12 +531,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=4096, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_LARGE.__doc__ = MODEL_DOC.format("LARGE", "large") @@ -514,12 +547,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=4096, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_LARGE_GENERATION.__doc__ = GENERATION_DOC.format("LARGE", "large") @@ -535,12 +563,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=16384, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_3B_ENCODER.__doc__ = ENCODER_DOC.format("3B", "3B") @@ -556,12 +579,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=16384, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_3B.__doc__ = MODEL_DOC.format("3B", "3B") @@ -578,12 +596,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=16384, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_3B_GENERATION.__doc__ = GENERATION_DOC.format("3B", "3B") @@ -599,12 +612,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=65536, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_11B_ENCODER.__doc__ = ENCODER_DOC.format("11B", "11B") @@ -620,12 +628,7 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=65536, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_11B.__doc__ = MODEL_DOC.format("11B", "11B") @@ -642,12 +645,239 @@ def config(self) -> T5Conf: num_decoder_layers=24, ffn_dimension=65536, ), - transform=lambda: T5Transform( - urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), - max_seq_len=512, - eos_idx=1, - padding_idx=0, - ), + transform=t5_transform, ) T5_11B_GENERATION.__doc__ = GENERATION_DOC.format("11B", "11B") + + +FLAN_T5_SMALL_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.small.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=512, + num_attention_heads=6, + num_encoder_layers=8, + num_decoder_layers=8, + ffn_dimension=1024, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_SMALL_ENCODER.__doc__ = FLAN_ENCODER_DOC.format("SMALL", "SMALL") + +FLAN_T5_SMALL = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.small.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=512, + num_attention_heads=6, + num_encoder_layers=8, + num_decoder_layers=8, + ffn_dimension=1024, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_SMALL.__doc__ = FLAN_DOC.format("SMALL", "SMALL") + +FLAN_T5_SMALL_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.small.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=512, + num_attention_heads=6, + num_encoder_layers=8, + num_decoder_layers=8, + ffn_dimension=1024, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_SMALL_GENERATION.__doc__ = FLAN_GENERATION_DOC.format("SMALL", "SMALL") + +FLAN_T5_BASE_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.base.encoder.pt"), + _config=T5Conf(encoder_only=True, ffn_dimension=2048, feed_forward_proj="gated-gelu"), + transform=t5_transform, +) + +FLAN_T5_BASE_ENCODER.__doc__ = FLAN_ENCODER_DOC.format("BASE", "BASE") + + +FLAN_T5_BASE = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.base.pt"), + _config=T5Conf(encoder_only=False, ffn_dimension=2048, feed_forward_proj="gated-gelu"), + transform=t5_transform, +) + +FLAN_T5_BASE.__doc__ = FLAN_DOC.format("BASE", "BASE") + + +FLAN_T5_BASE_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.base.generation.pt"), + _config=T5Conf(encoder_only=False, linear_head=True, ffn_dimension=2048, feed_forward_proj="gated-gelu"), + transform=t5_transform, +) + +FLAN_T5_BASE_GENERATION.__doc__ = FLAN_GENERATION_DOC.format("BASE", "BASE") + + +FLAN_T5_LARGE_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.large.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=1024, + num_attention_heads=16, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=2816, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_LARGE_ENCODER.__doc__ = FLAN_ENCODER_DOC.format("LARGE", "LARGE") + + +FLAN_T5_LARGE = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.large.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=1024, + num_attention_heads=16, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=2816, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_BASE.__doc__ = FLAN_DOC.format("LARGE", "LARGE") + + +FLAN_T5_LARGE_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.large.encoder.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=1024, + num_attention_heads=16, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=2816, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_BASE_GENERATION.__doc__ = FLAN_GENERATION_DOC.format("LARGE", "LARGE") + + +FLAN_T5_XL_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.xl.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=2048, + num_attention_heads=32, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=5120, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_XL_ENCODER.__doc__ = FLAN_ENCODER_DOC.format("XL", "XL") + + +FLAN_T5_XL = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.xl.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=2048, + num_attention_heads=32, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=5120, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_XL.__doc__ = FLAN_DOC.format("XL", "XL") + + +FLAN_T5_XL_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.xl.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=2048, + num_attention_heads=32, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=5120, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_XL_GENERATION.__doc__ = FLAN_GENERATION_DOC.format("XL", "XL") + + +FLAN_T5_XXL_ENCODER = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.xxl.encoder.pt"), + _config=T5Conf( + encoder_only=True, + embedding_dim=4096, + num_attention_heads=64, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=10240, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_XXL_ENCODER.__doc__ = FLAN_ENCODER_DOC.format("XXL", "XXL") + + +FLAN_T5_XXL = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.xxl.pt"), + _config=T5Conf( + encoder_only=False, + embedding_dim=4096, + num_attention_heads=64, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=10240, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_XXL.__doc__ = FLAN_DOC.format("XXL", "XXL") + + +FLAN_T5_XXL_GENERATION = T5Bundle( + _path=urljoin(_TEXT_BUCKET, "t5.flan.xxl.generation.pt"), + _config=T5Conf( + encoder_only=False, + linear_head=True, + embedding_dim=4096, + num_attention_heads=64, + num_encoder_layers=24, + num_decoder_layers=24, + ffn_dimension=10240, + feed_forward_proj="gated-gelu", + ), + transform=t5_transform, +) + +FLAN_T5_XXL_GENERATION.__doc__ = FLAN_GENERATION_DOC.format("XXL", "XXL") From 2cd5e124cb5dd0adade64edaf083bfba163db37c Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Fri, 17 Feb 2023 13:33:07 -0500 Subject: [PATCH 398/463] Add windows 3.11 conda (#2063) --- .circleci/config.yml | 34 ++++++++++++++++++++++++++++++++++ .circleci/config.yml.in | 3 +++ .circleci/regenerate.py | 6 ------ packaging/build_conda.sh | 5 +++++ packaging/pkg_helpers.bash | 2 +- 5 files changed, 43 insertions(+), 7 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 23e27ac19c..a3c2f4a4c6 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -369,6 +369,9 @@ jobs: conda env remove -n python${PYTHON_VERSION} || true conda create -yn python${PYTHON_VERSION} python=${PYTHON_VERSION} conda activate python${PYTHON_VERSION} + if [[ "${PYTHON_VERSION}" == "3.11" ]]; then + export CONDA_CHANNEL_FLAGS=" -c malfet" + fi conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-"${UPLOAD_CHANNEL}" pytorch conda install -v -y ${CONDA_CHANNEL_FLAGS} -c ~/workspace/conda-bld torchtext - run: @@ -640,6 +643,9 @@ workflows: - binary_windows_conda: name: binary_windows_conda_py3.10 python_version: '3.10' + - binary_windows_conda: + name: binary_windows_conda_py3.11 + python_version: '3.11' - build_docs: filters: branches: @@ -885,6 +891,34 @@ workflows: python_version: '3.10' requires: - nightly_binary_windows_conda_py3.10_upload + - binary_windows_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_conda_py3.11 + python_version: '3.11' + - binary_conda_upload: + context: org-member + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_conda_py3.11_upload + requires: + - nightly_binary_windows_conda_py3.11 + - smoke_test_windows_conda: + filters: + branches: + only: nightly + tags: + only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ + name: nightly_binary_windows_conda_py3.11_smoke_test_conda + python_version: '3.11' + requires: + - nightly_binary_windows_conda_py3.11_upload docker_build: triggers: - schedule: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 68dd97dcfe..c4d0dedd92 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -369,6 +369,9 @@ jobs: conda env remove -n python${PYTHON_VERSION} || true conda create -yn python${PYTHON_VERSION} python=${PYTHON_VERSION} conda activate python${PYTHON_VERSION} + if [[ "${PYTHON_VERSION}" == "3.11" ]]; then + export CONDA_CHANNEL_FLAGS=" -c malfet" + fi conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-"${UPLOAD_CHANNEL}" pytorch conda install -v -y ${CONDA_CHANNEL_FLAGS} -c ~/workspace/conda-bld torchtext - run: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 9b0aa2b02a..08ba2112eb 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -44,12 +44,6 @@ def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): continue if os_type == "macos": continue - # Not supporting Python 3.11 conda packages at the - # moment since the necessary dependencies are not - # available. Windows 3.11 Wheels will be built from - # CircleCI here, however. - if python_version == "3.11" and btype == "conda": - continue w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) diff --git a/packaging/build_conda.sh b/packaging/build_conda.sh index 98fc8b9183..93fd96cbca 100755 --- a/packaging/build_conda.sh +++ b/packaging/build_conda.sh @@ -10,4 +10,9 @@ setup_env export SOURCE_ROOT_DIR="$PWD" setup_conda_pytorch_constraint setup_visual_studio_constraint + +if [[ "$PYTHON_VERSION" == "3.11" ]]; then + export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c malfet" +fi + conda build $CONDA_CHANNEL_FLAGS --no-anaconda-upload --python "$PYTHON_VERSION" packaging/torchtext diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index ccdb4b612e..5c45e8937a 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -227,7 +227,7 @@ setup_conda_pytorch_constraint() { # TODO: Remove me later, see https://github.com/pytorch/pytorch/issues/62424 for more details if [[ "$(uname)" == Darwin ]]; then arch_name="$(uname -m)" - if [ "${arch_name}" != "arm64" ]; then + if [[ "${arch_name}" != "arm64" && "${PYTHON_VERSION}" != "3.11" ]]; then # Use less than equal to avoid version conflict in python=3.6 environment export CONDA_EXTRA_BUILD_CONSTRAINT="- mkl<=2021.2.0" fi From 670e52a3df658f6332f2904cfed67308f3f5adce Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Fri, 17 Feb 2023 15:36:16 -0500 Subject: [PATCH 399/463] Promote t5 and variants (#2064) * Promote T5 from prototype to beta * Add models to README * Move T5 tests in integration tests * Fix linting * Fix formatting * Actually add t5 * Add the rest of the files you absolute donkey * Fix linting * Modify paths for generation tests * Fix linting --- README.rst | 2 ++ .../{test_models.py => test_roberta_models.py} | 0 .../{prototype/test_models.py => test_t5_models.py} | 4 ++-- .../models/gpu_tests/models_gpu_test.py | 5 +++-- test/torchtext_unittest/models/models_cpu_test.py | 5 +++-- ...els_test_impl.py => roberta_models_test_impl.py} | 2 +- .../t5_models_test_impl.py} | 12 ++++++------ .../t5_test_transforms.py} | 2 +- .../torchtext_unittest/prototype/models/__init__.py | 0 .../models/gpu_tests/prototype_models_gpu_test.py | 13 ------------- .../prototype/models/prototype_models_cpu_test.py | 9 --------- test/torchtext_unittest/prototype/test_generate.py | 2 +- torchtext/models/__init__.py | 1 + torchtext/{prototype => }/models/t5/__init__.py | 0 torchtext/{prototype => }/models/t5/bundler.py | 0 torchtext/{prototype => }/models/t5/model.py | 0 torchtext/{prototype => }/models/t5/modules.py | 0 torchtext/{prototype => }/models/t5/t5_transform.py | 0 torchtext/prototype/generate.py | 2 +- torchtext/prototype/models/__init__.py | 1 - 20 files changed, 21 insertions(+), 39 deletions(-) rename test/integration_tests/{test_models.py => test_roberta_models.py} (100%) rename test/integration_tests/{prototype/test_models.py => test_t5_models.py} (98%) rename test/torchtext_unittest/models/{models_test_impl.py => roberta_models_test_impl.py} (99%) rename test/torchtext_unittest/{prototype/models/models_test_impl.py => models/t5_models_test_impl.py} (94%) rename test/torchtext_unittest/{prototype/models/test_transforms.py => models/t5_test_transforms.py} (97%) delete mode 100644 test/torchtext_unittest/prototype/models/__init__.py delete mode 100644 test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py delete mode 100644 test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py rename torchtext/{prototype => }/models/t5/__init__.py (100%) rename torchtext/{prototype => }/models/t5/bundler.py (100%) rename torchtext/{prototype => }/models/t5/model.py (100%) rename torchtext/{prototype => }/models/t5/modules.py (100%) rename torchtext/{prototype => }/models/t5/t5_transform.py (100%) delete mode 100644 torchtext/prototype/models/__init__.py diff --git a/README.rst b/README.rst index b9651ba55b..6b757af521 100644 --- a/README.rst +++ b/README.rst @@ -121,6 +121,8 @@ The library currently consist of following pre-trained models: * RoBERTa: `Base and Large Architecture `_ * `DistilRoBERTa `_ * XLM-RoBERTa: `Base and Large Architure `_ +* T5: `Small, Base, Large, 3B, and 11B Architecture `_ +* Flan-T5: `Small, Base, Large, XL, and XXL Architecture `_ Tokenizers ========== diff --git a/test/integration_tests/test_models.py b/test/integration_tests/test_roberta_models.py similarity index 100% rename from test/integration_tests/test_models.py rename to test/integration_tests/test_roberta_models.py diff --git a/test/integration_tests/prototype/test_models.py b/test/integration_tests/test_t5_models.py similarity index 98% rename from test/integration_tests/prototype/test_models.py rename to test/integration_tests/test_t5_models.py index 82894a819e..c7ea3b794f 100644 --- a/test/integration_tests/prototype/test_models.py +++ b/test/integration_tests/test_t5_models.py @@ -3,7 +3,8 @@ import pytest # noqa: F401 import torch from parameterized import parameterized_class -from torchtext.prototype.models import ( +from torchtext.models import T5Bundle +from torchtext.models import ( T5_BASE, T5_BASE_ENCODER, T5_BASE_GENERATION, @@ -14,7 +15,6 @@ T5_SMALL_ENCODER, T5_SMALL_GENERATION, ) -from torchtext.prototype.models.t5.bundler import T5Bundle from torchtext_unittest.common.assets import get_asset_path from torchtext_unittest.common.parameterized_utils import nested_params from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase diff --git a/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py b/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py index d33bc89075..58faf6e634 100644 --- a/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py +++ b/test/torchtext_unittest/models/gpu_tests/models_gpu_test.py @@ -3,11 +3,12 @@ import pytest import torch from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase -from torchtext_unittest.models.models_test_impl import BaseTestModels +from torchtext_unittest.models.roberta_models_test_impl import RobertaBaseTestModels +from torchtext_unittest.models.t5_models_test_impl import T5BaseTestModels @pytest.mark.gpu_test @unittest.skipIf(not torch.cuda.is_available(), reason="CUDA is not available") -class TestModels32GPU(BaseTestModels, TorchtextTestCase): +class TestModels32GPU(RobertaBaseTestModels, T5BaseTestModels, TorchtextTestCase): dtype = torch.float32 device = torch.device("cuda") diff --git a/test/torchtext_unittest/models/models_cpu_test.py b/test/torchtext_unittest/models/models_cpu_test.py index 3bcd3e4eb5..6f130f81c9 100644 --- a/test/torchtext_unittest/models/models_cpu_test.py +++ b/test/torchtext_unittest/models/models_cpu_test.py @@ -1,9 +1,10 @@ import torch from ..common.torchtext_test_case import TorchtextTestCase -from .models_test_impl import BaseTestModels +from .roberta_models_test_impl import RobertaBaseTestModels +from .t5_models_test_impl import T5BaseTestModels -class TestModels32CPU(BaseTestModels, TorchtextTestCase): +class TestModels32CPU(RobertaBaseTestModels, T5BaseTestModels, TorchtextTestCase): dtype = torch.float32 device = torch.device("cpu") diff --git a/test/torchtext_unittest/models/models_test_impl.py b/test/torchtext_unittest/models/roberta_models_test_impl.py similarity index 99% rename from test/torchtext_unittest/models/models_test_impl.py rename to test/torchtext_unittest/models/roberta_models_test_impl.py index cdfd196268..b5b25fedef 100644 --- a/test/torchtext_unittest/models/models_test_impl.py +++ b/test/torchtext_unittest/models/roberta_models_test_impl.py @@ -7,7 +7,7 @@ from ..common.case_utils import TestBaseMixin -class BaseTestModels(TestBaseMixin): +class RobertaBaseTestModels(TestBaseMixin): def get_model(self, encoder_conf, head=None, freeze_encoder=False, checkpoint=None, override_checkpoint_head=False): from torchtext.models import RobertaBundle diff --git a/test/torchtext_unittest/prototype/models/models_test_impl.py b/test/torchtext_unittest/models/t5_models_test_impl.py similarity index 94% rename from test/torchtext_unittest/prototype/models/models_test_impl.py rename to test/torchtext_unittest/models/t5_models_test_impl.py index 48dd47626a..bd36f32715 100644 --- a/test/torchtext_unittest/prototype/models/models_test_impl.py +++ b/test/torchtext_unittest/models/t5_models_test_impl.py @@ -6,9 +6,9 @@ from torchtext_unittest.common.case_utils import TestBaseMixin -class BaseTestModels(TestBaseMixin): +class T5BaseTestModels(TestBaseMixin): def test_t5_bundler_build_model(self) -> None: - from torchtext.prototype.models import T5Conf, T5Model, T5Bundle + from torchtext.models import T5Conf, T5Model, T5Bundle # case: user provides encoder checkpoint state dict dummy_encoder_conf = T5Conf( @@ -57,7 +57,7 @@ def test_t5_bundler_build_model(self) -> None: @patch("logging.Logger.warning") def test_t5_bundler_get_model(self, mock): - from torchtext.prototype.models import T5Conf, T5Bundle + from torchtext.models import T5Conf, T5Bundle # encoder-decoder with generation dummy_t5_generation_conf = T5Conf( @@ -77,7 +77,7 @@ def test_t5_bundler_get_model(self, mock): ) def test_t5_bundler_raise_checkpoint(self) -> None: - from torchtext.prototype.models import T5Conf, T5Bundle + from torchtext.models import T5Conf, T5Bundle # encoder-only with self.assertRaises(TypeError): @@ -132,7 +132,7 @@ def test_t5_bundler_raise_checkpoint(self) -> None: ) def test_t5_bundler_conf_property(self) -> None: - from torchtext.prototype.models import T5Conf, T5Bundle + from torchtext.models import T5Conf, T5Bundle dummy_t5_conf = T5Conf( encoder_only=False, @@ -148,7 +148,7 @@ def test_t5_bundler_conf_property(self) -> None: def test_t5_bundler_train(self) -> None: from torch.optim import SGD - from torchtext.prototype.models import T5Conf, T5Model, T5Bundle + from torchtext.models import T5Conf, T5Model, T5Bundle torch.manual_seed(123) diff --git a/test/torchtext_unittest/prototype/models/test_transforms.py b/test/torchtext_unittest/models/t5_test_transforms.py similarity index 97% rename from test/torchtext_unittest/prototype/models/test_transforms.py rename to test/torchtext_unittest/models/t5_test_transforms.py index 82d70a4719..a3d3a58e18 100644 --- a/test/torchtext_unittest/prototype/models/test_transforms.py +++ b/test/torchtext_unittest/models/t5_test_transforms.py @@ -1,5 +1,5 @@ import torch -from torchtext.prototype.models import T5Transform +from torchtext.models import T5Transform from torchtext_unittest.common.assets import get_asset_path from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase diff --git a/test/torchtext_unittest/prototype/models/__init__.py b/test/torchtext_unittest/prototype/models/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py b/test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py deleted file mode 100644 index 65eccc35a5..0000000000 --- a/test/torchtext_unittest/prototype/models/gpu_tests/prototype_models_gpu_test.py +++ /dev/null @@ -1,13 +0,0 @@ -import unittest - -import pytest -import torch -from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase -from torchtext_unittest.prototype.models.models_test_impl import BaseTestModels - - -@pytest.mark.gpu_test -@unittest.skipIf(not torch.cuda.is_available(), reason="CUDA is not available") -class TestModels32GPU(BaseTestModels, TorchtextTestCase): - dtype = torch.float32 - device = torch.device("cuda") diff --git a/test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py b/test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py deleted file mode 100644 index 57c5e4bbfd..0000000000 --- a/test/torchtext_unittest/prototype/models/prototype_models_cpu_test.py +++ /dev/null @@ -1,9 +0,0 @@ -import torch -from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase - -from .models_test_impl import BaseTestModels - - -class TestModels32CPU(BaseTestModels, TorchtextTestCase): - dtype = torch.float32 - device = torch.device("cpu") diff --git a/test/torchtext_unittest/prototype/test_generate.py b/test/torchtext_unittest/prototype/test_generate.py index 7b8e0bf287..02ee687001 100644 --- a/test/torchtext_unittest/prototype/test_generate.py +++ b/test/torchtext_unittest/prototype/test_generate.py @@ -1,8 +1,8 @@ from unittest.mock import patch import torch +from torchtext.models import T5_BASE_GENERATION from torchtext.prototype.generate import DEFAULT_MAX_SEQ_LEN, GenerationUtil -from torchtext.prototype.models import T5_BASE_GENERATION from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase diff --git a/torchtext/models/__init__.py b/torchtext/models/__init__.py index a7cbc0c88a..7b80407811 100644 --- a/torchtext/models/__init__.py +++ b/torchtext/models/__init__.py @@ -1 +1,2 @@ from .roberta import * # noqa: F401, F403 +from .t5 import * # noqa: F401, F403 diff --git a/torchtext/prototype/models/t5/__init__.py b/torchtext/models/t5/__init__.py similarity index 100% rename from torchtext/prototype/models/t5/__init__.py rename to torchtext/models/t5/__init__.py diff --git a/torchtext/prototype/models/t5/bundler.py b/torchtext/models/t5/bundler.py similarity index 100% rename from torchtext/prototype/models/t5/bundler.py rename to torchtext/models/t5/bundler.py diff --git a/torchtext/prototype/models/t5/model.py b/torchtext/models/t5/model.py similarity index 100% rename from torchtext/prototype/models/t5/model.py rename to torchtext/models/t5/model.py diff --git a/torchtext/prototype/models/t5/modules.py b/torchtext/models/t5/modules.py similarity index 100% rename from torchtext/prototype/models/t5/modules.py rename to torchtext/models/t5/modules.py diff --git a/torchtext/prototype/models/t5/t5_transform.py b/torchtext/models/t5/t5_transform.py similarity index 100% rename from torchtext/prototype/models/t5/t5_transform.py rename to torchtext/models/t5/t5_transform.py diff --git a/torchtext/prototype/generate.py b/torchtext/prototype/generate.py index 53e1e003be..80afebe90e 100644 --- a/torchtext/prototype/generate.py +++ b/torchtext/prototype/generate.py @@ -25,7 +25,7 @@ class GenerationUtil: This means that popular HuggingFace implementation of T5, Bart, and GPT-2 can all be used with these generation utils! >>> from transformers import T5Model >>> model = T5Model.from_pretrained("t5-base") - >>> generative_model = GenerationUtil(model=model, is_huggingface_model=True) + >>> generative_model = GenerationUtils(model=model, is_huggingface_model=True) >>> generative_model.generate(input_ids, num_beams=1, max_len=100) More examples can be found in the `notebooks` directory of this repository. diff --git a/torchtext/prototype/models/__init__.py b/torchtext/prototype/models/__init__.py deleted file mode 100644 index ab659dda3d..0000000000 --- a/torchtext/prototype/models/__init__.py +++ /dev/null @@ -1 +0,0 @@ -from .t5 import * # noqa: F401, F403 From 7c63ea7441c5f7daea025bd4ae4d03ae33eeee4b Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 17 Feb 2023 15:37:15 -0500 Subject: [PATCH 400/463] Channel=test for build matrix generation (#2066) --- .github/workflows/build-conda-linux.yml | 1 + .github/workflows/build-conda-m1.yml | 1 + .github/workflows/build-conda-macos.yml | 1 + .github/workflows/build-wheels-linux.yml | 1 + .github/workflows/build-wheels-m1.yml | 1 + .github/workflows/build-wheels-macos.yml | 1 + 6 files changed, 6 insertions(+) diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 87dc12a010..5fac4caa08 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -22,6 +22,7 @@ jobs: test-infra-repository: pytorch/test-infra test-infra-ref: main with-cuda: disable + channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index 6fa7d910b0..51de124390 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -21,6 +21,7 @@ jobs: os: macos-arm64 test-infra-repository: pytorch/test-infra test-infra-ref: main + channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml index f604195e08..d59f030847 100644 --- a/.github/workflows/build-conda-macos.yml +++ b/.github/workflows/build-conda-macos.yml @@ -21,6 +21,7 @@ jobs: os: macos test-infra-repository: pytorch/test-infra test-infra-ref: main + channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 78d02d89b8..7352a1c7c8 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -22,6 +22,7 @@ jobs: test-infra-repository: pytorch/test-infra test-infra-ref: main with-cuda: disable + channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 1b29b54e33..25a2292000 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -21,6 +21,7 @@ jobs: os: macos-arm64 test-infra-repository: pytorch/test-infra test-infra-ref: main + channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index 49cfb488d4..99772a50d8 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -21,6 +21,7 @@ jobs: os: macos test-infra-repository: pytorch/test-infra test-infra-ref: main + channel: test build: needs: generate-matrix strategy: From 1b72eba0a07295d74d168c99fd8a5586a0943aa3 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Fri, 17 Feb 2023 16:14:21 -0500 Subject: [PATCH 401/463] Fixup generation utils for prototype release (#2065) * Fixup generation utils for prototype release * Move test under integration b/c relies on T5 * fix lint --- .../test_generate.py | 12 +++--- torchtext/prototype/generate.py | 41 ++++++++++--------- 2 files changed, 28 insertions(+), 25 deletions(-) rename test/{torchtext_unittest/prototype => integration_tests}/test_generate.py (86%) diff --git a/test/torchtext_unittest/prototype/test_generate.py b/test/integration_tests/test_generate.py similarity index 86% rename from test/torchtext_unittest/prototype/test_generate.py rename to test/integration_tests/test_generate.py index 02ee687001..80acd9dc7e 100644 --- a/test/torchtext_unittest/prototype/test_generate.py +++ b/test/integration_tests/test_generate.py @@ -2,7 +2,7 @@ import torch from torchtext.models import T5_BASE_GENERATION -from torchtext.prototype.generate import DEFAULT_MAX_SEQ_LEN, GenerationUtil +from torchtext.prototype.generate import DEFAULT_MAX_SEQ_LEN, GenerationUtils from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase @@ -26,9 +26,9 @@ def setUp(self) -> None: torch.manual_seed(0) def test_greedy_generate_with_t5(self) -> None: - generation_model = GenerationUtil(self.model) + generation_model = GenerationUtils(self.model) - tokens = generation_model.generate(self.inputs, num_beams=1, max_len=30) + tokens = generation_model.generate(self.inputs, num_beams=1, max_length=30) generated_text = self.transform.decode(tokens.tolist()) expected_generated_text = [ @@ -42,13 +42,13 @@ def test_greedy_generate_with_t5(self) -> None: self.assertEqual(generated_text, expected_generated_text) def test_generate_errors_with_incorrect_beams(self) -> None: - generation_model = GenerationUtil(self.model, is_encoder_decoder=True) + generation_model = GenerationUtils(self.model, is_encoder_decoder=True) with self.assertRaises(ValueError): generation_model.generate(self.inputs, num_beams=0) @patch("logging.Logger.warning") def test_warns_when_no_max_len_provided(self, mock) -> None: - generation_model = GenerationUtil(self.model) + generation_model = GenerationUtils(self.model) generation_model.generate(self.inputs) - mock.assert_called_with(f"`max_len` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") + mock.assert_called_with(f"`max_length` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") diff --git a/torchtext/prototype/generate.py b/torchtext/prototype/generate.py index 80afebe90e..dd74948c81 100644 --- a/torchtext/prototype/generate.py +++ b/torchtext/prototype/generate.py @@ -10,13 +10,13 @@ DEFAULT_MAX_SEQ_LEN = 256 -class GenerationUtil: +class GenerationUtils: """Wrapper to provide generation utils for encoder/decoder models and decoder models. Example: >>> model = T5_BASE_GENERATION.get_model() - >>> generative_model = GenerationUtil(model=model) - >>> generative_model.generate(input_ids, num_beams=1, max_len=100) + >>> generative_model = GenerationUtils(model=model) + >>> generative_model.generate(input_ids, num_beams=1, max_length=100) The wrapper can work with *any* model as long as it meets the following requirements: 1. Is an encoder/decoder or decoder based model. @@ -26,15 +26,18 @@ class GenerationUtil: >>> from transformers import T5Model >>> model = T5Model.from_pretrained("t5-base") >>> generative_model = GenerationUtils(model=model, is_huggingface_model=True) - >>> generative_model.generate(input_ids, num_beams=1, max_len=100) + >>> generative_model.generate(input_ids, num_beams=1, max_length=100) + + `Note`: We cannot make any claims about the stability of APIs from HuggingFace so all models used from the `transformers` + library are marked 'experimental.' More examples can be found in the `notebooks` directory of this repository. """ - def __init__(self, model: nn.Module, is_encoder_decoder: bool = True, is_huggingface_model: bool = False) -> None: + def __init__(self, model: nn.Module, **kwargs) -> None: self.model = model - self.is_encoder_decoder = is_encoder_decoder - self.is_huggingface_model = is_huggingface_model + self.is_encoder_decoder = kwargs.pop("is_encoder_decoder", True) + self.is_huggingface_model = kwargs.pop("is_huggingface_model", False) def _prepare_decoder_ids_for_generation( self, batch_size: int, pad_idx: int = 0, device: Optional[torch.device] = None, **model_kwargs @@ -45,13 +48,13 @@ def _prepare_decoder_ids_for_generation( return torch.ones((batch_size, 1), dtype=torch.long, device=device) * pad_idx def greedy_search( - self, input_ids: torch.Tensor, max_len: int, eos_idx: int, pad_idx: Optional[int] = None, **model_kwargs + self, input_ids: torch.Tensor, max_length: int, eos_idx: int, pad_idx: Optional[int] = None, **model_kwargs ) -> torch.Tensor: """Greedy search decoding for text generation. Takes the most likely next token every time. Inputs: input_ids (Tensor): Text prompt(s) for greedy generation. - max_len (int): Max length to generate responses. + max_length (int): Max length to generate responses. eos_idx (int): End of sequence index. pad_idx (int): Padding index. **model_kwargs @@ -87,20 +90,20 @@ def greedy_search( if eos_idx is not None: unfinished_sequences = unfinished_sequences.mul((next_tokens != eos_idx).long()) - # Stop iterating once all sequences are finished or exceed the max_len - if unfinished_sequences.max() == 0 or len(input_ids[0]) >= max_len: + # Stop iterating once all sequences are finished or exceed the max_length + if unfinished_sequences.max() == 0 or len(input_ids[0]) >= max_length: break return input_ids - def beam_search(self, input_ids: torch.Tensor, num_beams: int, max_len: Optional[int]) -> torch.Tensor: + def beam_search(self, input_ids: torch.Tensor, num_beams: int, max_length: Optional[int]) -> torch.Tensor: raise NotImplementedError() def generate( self, inputs: Optional[torch.Tensor] = None, num_beams: Optional[int] = None, - max_len: Optional[int] = None, + max_length: Optional[int] = None, pad_idx: int = 0, eos_idx: int = 1, ) -> torch.Tensor: @@ -112,7 +115,7 @@ def generate( Args: input_ids (Tensor): Ids of tokenized input tokens. The 'seed' text for generation. num_beams (int): If provided, specifies the number of beams to use in beam search generation. - max_len (int): Max length to generate responses. + max_length (int): Max length to generate responses. pad_idx (int): Padding index. Defaults to 0. eos_idx (int): End of sequence index. Defaults to 1. @@ -128,14 +131,14 @@ def generate( model_kwargs["encoder_outputs"] = encoder(inputs) inputs = self._prepare_decoder_ids_for_generation(len(inputs), device=inputs.device, **model_kwargs) - if max_len is None: + if max_length is None: # Too hard to try to figure out the exact max_seq_length for each model - logger.warning(f"`max_len` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") - max_len = DEFAULT_MAX_SEQ_LEN + logger.warning(f"`max_length` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") + max_length = DEFAULT_MAX_SEQ_LEN if num_beams == 1 or num_beams is None: - return self.greedy_search(inputs, max_len, eos_idx, pad_idx=pad_idx, **model_kwargs) + return self.greedy_search(inputs, max_length, eos_idx, pad_idx=pad_idx, **model_kwargs) elif num_beams > 1: - return self.beam_search(inputs, num_beams, max_len) + return self.beam_search(inputs, num_beams, max_length) else: raise ValueError("`num_beams` must be >= 1.") From d25b3ef280d668f02220db2fc1ca1c06e6b0b65d Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 17 Feb 2023 17:24:12 -0500 Subject: [PATCH 402/463] Version Bumps and Update channels (#2067) --- .circleci/config.yml | 14 +++++--------- .circleci/config.yml.in | 14 +++++--------- packaging/pkg_helpers.bash | 10 +++++----- 3 files changed, 15 insertions(+), 23 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index a3c2f4a4c6..afe74798be 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -23,12 +23,8 @@ commands: - run: name: adding UPLOAD_CHANNEL to BASH_ENV command: | - our_upload_channel=nightly - # On tags upload to test instead - if [[ -n "${CIRCLE_TAG}" ]] || [[ ${CIRCLE_BRANCH} =~ release/* ]]; then - our_upload_channel=test - fi - echo "export UPLOAD_CHANNEL=${our_upload_channel}" >> ${BASH_ENV} + # hardcoded upload channel for release + echo "export UPLOAD_CHANNEL=test" >> ${BASH_ENV} load_conda_channel_flags: description: "Determines whether we need extra conda channels" steps: @@ -43,15 +39,15 @@ binary_common: &binary_common build_version: description: "version number of release binary; by default, build a nightly" type: string - default: "" + default: "0.15.0" pytorch_version: description: "PyTorch version to build against; by default, use a nightly" type: string - default: "" + default: "2.0.0" torchdata_version: description: "TorchData version to build against; by default, use a nightly" type: string - default: "" + default: "0.6.0" # Don't edit these python_version: description: "Python version to build against (e.g., 3.8)" diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index c4d0dedd92..f2f2de1ea8 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -23,12 +23,8 @@ commands: - run: name: adding UPLOAD_CHANNEL to BASH_ENV command: | - our_upload_channel=nightly - # On tags upload to test instead - if [[ -n "${CIRCLE_TAG}" ]] || [[ ${CIRCLE_BRANCH} =~ release/* ]]; then - our_upload_channel=test - fi - echo "export UPLOAD_CHANNEL=${our_upload_channel}" >> ${BASH_ENV} + # hardcoded upload channel for release + echo "export UPLOAD_CHANNEL=test" >> ${BASH_ENV} load_conda_channel_flags: description: "Determines whether we need extra conda channels" steps: @@ -43,15 +39,15 @@ binary_common: &binary_common build_version: description: "version number of release binary; by default, build a nightly" type: string - default: "" + default: "0.15.0" pytorch_version: description: "PyTorch version to build against; by default, use a nightly" type: string - default: "" + default: "2.0.0" torchdata_version: description: "TorchData version to build against; by default, use a nightly" type: string - default: "" + default: "0.6.0" # Don't edit these python_version: description: "Python version to build against (e.g., 3.8)" diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 5c45e8937a..3d8a4eecfc 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -181,7 +181,7 @@ setup_pip_pytorch_version() { if [[ -z "$PYTORCH_VERSION" ]]; then # Install latest prerelease version of torch, per our nightlies, consistent # with the requested cuda version - pip_install --pre torch -f "https://download.pytorch.org/whl/nightly/${WHEEL_DIR}torch_nightly.html" + pip_install --pre torch -f "https://download.pytorch.org/whl/test/${WHEEL_DIR}torch_test.html" # CUDA and CPU are ABI compatible on the CPU-only parts, so strip # in this case export PYTORCH_VERSION="$(pip show torch | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" @@ -191,7 +191,7 @@ setup_pip_pytorch_version() { -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" fi if [[ -z "$TORCHDATA_VERSION" ]]; then - pip_install --pre torchdata -f "https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html" + pip_install --pre torchdata -f "https://download.pytorch.org/whl/test/cpu/torch_test.html" export TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" else pip_install "torchdata==$TORCHDATA_VERSION" \ @@ -207,13 +207,13 @@ setup_pip_pytorch_version() { setup_conda_pytorch_constraint() { CONDA_CHANNEL_FLAGS=${CONDA_CHANNEL_FLAGS:-} if [[ -z "$PYTORCH_VERSION" ]]; then - export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-nightly" + export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-${UPLOAD_CHANNEL}" PYTHON="python" # Check if we have python 3 instead and prefer that if python3 --version >/dev/null 2>/dev/null; then PYTHON="python3" fi - export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" + export PYTORCH_VERSION="$(conda search --json pytorch[channel=pytorch-${UPLOAD_CHANNEL}] | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" else export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch -c pytorch-${UPLOAD_CHANNEL}" fi @@ -233,7 +233,7 @@ setup_conda_pytorch_constraint() { fi fi if [[ -z "$TORCHDATA_VERSION" ]]; then - export TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['torchdata'][-1]['version']))")" + export TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-test]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['torchdata'][-1]['version']))")" fi export CONDA_TORCHDATA_CONSTRAINT="- torchdata==$TORCHDATA_VERSION" } From 1c84b6e0bc24d2041ee3f56e90b4a8e0ee10dfbc Mon Sep 17 00:00:00 2001 From: atalman Date: Fri, 17 Feb 2023 14:26:38 -0800 Subject: [PATCH 403/463] Revert "Version Bumps and Update channels (#2067)" This reverts commit d25b3ef280d668f02220db2fc1ca1c06e6b0b65d. --- .circleci/config.yml | 14 +++++++++----- .circleci/config.yml.in | 14 +++++++++----- packaging/pkg_helpers.bash | 10 +++++----- 3 files changed, 23 insertions(+), 15 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index afe74798be..a3c2f4a4c6 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -23,8 +23,12 @@ commands: - run: name: adding UPLOAD_CHANNEL to BASH_ENV command: | - # hardcoded upload channel for release - echo "export UPLOAD_CHANNEL=test" >> ${BASH_ENV} + our_upload_channel=nightly + # On tags upload to test instead + if [[ -n "${CIRCLE_TAG}" ]] || [[ ${CIRCLE_BRANCH} =~ release/* ]]; then + our_upload_channel=test + fi + echo "export UPLOAD_CHANNEL=${our_upload_channel}" >> ${BASH_ENV} load_conda_channel_flags: description: "Determines whether we need extra conda channels" steps: @@ -39,15 +43,15 @@ binary_common: &binary_common build_version: description: "version number of release binary; by default, build a nightly" type: string - default: "0.15.0" + default: "" pytorch_version: description: "PyTorch version to build against; by default, use a nightly" type: string - default: "2.0.0" + default: "" torchdata_version: description: "TorchData version to build against; by default, use a nightly" type: string - default: "0.6.0" + default: "" # Don't edit these python_version: description: "Python version to build against (e.g., 3.8)" diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index f2f2de1ea8..c4d0dedd92 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -23,8 +23,12 @@ commands: - run: name: adding UPLOAD_CHANNEL to BASH_ENV command: | - # hardcoded upload channel for release - echo "export UPLOAD_CHANNEL=test" >> ${BASH_ENV} + our_upload_channel=nightly + # On tags upload to test instead + if [[ -n "${CIRCLE_TAG}" ]] || [[ ${CIRCLE_BRANCH} =~ release/* ]]; then + our_upload_channel=test + fi + echo "export UPLOAD_CHANNEL=${our_upload_channel}" >> ${BASH_ENV} load_conda_channel_flags: description: "Determines whether we need extra conda channels" steps: @@ -39,15 +43,15 @@ binary_common: &binary_common build_version: description: "version number of release binary; by default, build a nightly" type: string - default: "0.15.0" + default: "" pytorch_version: description: "PyTorch version to build against; by default, use a nightly" type: string - default: "2.0.0" + default: "" torchdata_version: description: "TorchData version to build against; by default, use a nightly" type: string - default: "0.6.0" + default: "" # Don't edit these python_version: description: "Python version to build against (e.g., 3.8)" diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 3d8a4eecfc..5c45e8937a 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -181,7 +181,7 @@ setup_pip_pytorch_version() { if [[ -z "$PYTORCH_VERSION" ]]; then # Install latest prerelease version of torch, per our nightlies, consistent # with the requested cuda version - pip_install --pre torch -f "https://download.pytorch.org/whl/test/${WHEEL_DIR}torch_test.html" + pip_install --pre torch -f "https://download.pytorch.org/whl/nightly/${WHEEL_DIR}torch_nightly.html" # CUDA and CPU are ABI compatible on the CPU-only parts, so strip # in this case export PYTORCH_VERSION="$(pip show torch | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" @@ -191,7 +191,7 @@ setup_pip_pytorch_version() { -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" fi if [[ -z "$TORCHDATA_VERSION" ]]; then - pip_install --pre torchdata -f "https://download.pytorch.org/whl/test/cpu/torch_test.html" + pip_install --pre torchdata -f "https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html" export TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" else pip_install "torchdata==$TORCHDATA_VERSION" \ @@ -207,13 +207,13 @@ setup_pip_pytorch_version() { setup_conda_pytorch_constraint() { CONDA_CHANNEL_FLAGS=${CONDA_CHANNEL_FLAGS:-} if [[ -z "$PYTORCH_VERSION" ]]; then - export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-${UPLOAD_CHANNEL}" + export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch-nightly" PYTHON="python" # Check if we have python 3 instead and prefer that if python3 --version >/dev/null 2>/dev/null; then PYTHON="python3" fi - export PYTORCH_VERSION="$(conda search --json pytorch[channel=pytorch-${UPLOAD_CHANNEL}] | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" + export PYTORCH_VERSION="$(conda search --json 'pytorch[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['pytorch'][-1]['version']))")" else export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c pytorch -c pytorch-${UPLOAD_CHANNEL}" fi @@ -233,7 +233,7 @@ setup_conda_pytorch_constraint() { fi fi if [[ -z "$TORCHDATA_VERSION" ]]; then - export TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-test]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['torchdata'][-1]['version']))")" + export TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['torchdata'][-1]['version']))")" fi export CONDA_TORCHDATA_CONSTRAINT="- torchdata==$TORCHDATA_VERSION" } From b01660b5518e3c7ab7967f99ddb3f0705fe376c6 Mon Sep 17 00:00:00 2001 From: Eli Uriegas <1700823+seemethere@users.noreply.github.com> Date: Fri, 17 Feb 2023 14:36:11 -0800 Subject: [PATCH 404/463] Revert "Channel=test for build matrix generation" (#2069) --- .github/workflows/build-conda-linux.yml | 1 - .github/workflows/build-conda-m1.yml | 1 - .github/workflows/build-conda-macos.yml | 1 - .github/workflows/build-wheels-linux.yml | 1 - .github/workflows/build-wheels-m1.yml | 1 - .github/workflows/build-wheels-macos.yml | 1 - 6 files changed, 6 deletions(-) diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 5fac4caa08..87dc12a010 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -22,7 +22,6 @@ jobs: test-infra-repository: pytorch/test-infra test-infra-ref: main with-cuda: disable - channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index 51de124390..6fa7d910b0 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -21,7 +21,6 @@ jobs: os: macos-arm64 test-infra-repository: pytorch/test-infra test-infra-ref: main - channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml index d59f030847..f604195e08 100644 --- a/.github/workflows/build-conda-macos.yml +++ b/.github/workflows/build-conda-macos.yml @@ -21,7 +21,6 @@ jobs: os: macos test-infra-repository: pytorch/test-infra test-infra-ref: main - channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 7352a1c7c8..78d02d89b8 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -22,7 +22,6 @@ jobs: test-infra-repository: pytorch/test-infra test-infra-ref: main with-cuda: disable - channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 25a2292000..1b29b54e33 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -21,7 +21,6 @@ jobs: os: macos-arm64 test-infra-repository: pytorch/test-infra test-infra-ref: main - channel: test build: needs: generate-matrix strategy: diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index 99772a50d8..49cfb488d4 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -21,7 +21,6 @@ jobs: os: macos test-infra-repository: pytorch/test-infra test-infra-ref: main - channel: test build: needs: generate-matrix strategy: From 3d8d031c650a4bf9b111173e15c228989523262c Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Thu, 23 Feb 2023 17:38:09 -0500 Subject: [PATCH 405/463] Fix validation workflow for test channel (#2071) * Validate test binaries test * Fix validate binaries for py3.11 * fix lint * remove temp change --- .github/scripts/validate_binaries.sh | 7 ++++++- test/smoke_tests/smoke_tests.py | 7 ++++++- 2 files changed, 12 insertions(+), 2 deletions(-) diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index 3233b6d462..cf0f966eea 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -1,6 +1,11 @@ if [[ ${MATRIX_PACKAGE_TYPE} = "conda" ]]; then - conda install -y torchtext -c ${PYTORCH_CONDA_CHANNEL} + #special case for Python 3.11 + if [[ ${MATRIX_PYTHON_VERSION} == '3.11' ]]; then + conda install -y torchtext -c malfet -c ${PYTORCH_CONDA_CHANNEL} + else + conda install -y torchtext -c ${PYTORCH_CONDA_CHANNEL} + fi else pip install ${PYTORCH_PIP_PREFIX} torchtext --extra-index-url ${PYTORCH_PIP_DOWNLOAD_URL} fi diff --git a/test/smoke_tests/smoke_tests.py b/test/smoke_tests/smoke_tests.py index 14c963250f..2fbaeec5ec 100644 --- a/test/smoke_tests/smoke_tests.py +++ b/test/smoke_tests/smoke_tests.py @@ -1,5 +1,6 @@ """Run smoke tests""" +import os import re import torchdata @@ -7,6 +8,7 @@ import torchtext.version # noqa: F401 NIGHTLY_ALLOWED_DELTA = 3 +channel = os.getenv("MATRIX_CHANNEL") def validateTorchdataVersion(): @@ -19,5 +21,8 @@ def validateTorchdataVersion(): raise RuntimeError(f"torchdata binary {torchdata.__version__} is more than {NIGHTLY_ALLOWED_DELTA} days old!") -validateTorchdataVersion() +if channel == "nightly": + validateTorchdataVersion() + print("torchtext version is ", torchtext.__version__) +print("torchdata version is ", torchdata.__version__) From 7499db6a1c59bf148595c98943c960486cafc0fb Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Thu, 23 Feb 2023 18:44:26 -0500 Subject: [PATCH 406/463] Use index-url for torchtext installs (#2075) --- .github/scripts/validate_binaries.sh | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index cf0f966eea..43c4a36acb 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -7,7 +7,7 @@ if [[ ${MATRIX_PACKAGE_TYPE} = "conda" ]]; then conda install -y torchtext -c ${PYTORCH_CONDA_CHANNEL} fi else - pip install ${PYTORCH_PIP_PREFIX} torchtext --extra-index-url ${PYTORCH_PIP_DOWNLOAD_URL} + pip install ${PYTORCH_PIP_PREFIX} torchtext --index-url ${PYTORCH_PIP_DOWNLOAD_URL} fi python ./test/smoke_tests/smoke_tests.py From bd10e2839b27480f8804377dc6d162a3f6478c0e Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Mon, 27 Feb 2023 12:59:20 -0500 Subject: [PATCH 407/463] Turn of circleci 3.11 unit tests (#2078) --- .circleci/config.yml | 3 --- .circleci/regenerate.py | 4 ++++ 2 files changed, 4 insertions(+), 3 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index a3c2f4a4c6..dbae12c7b8 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -678,9 +678,6 @@ workflows: - unittest_windows: name: unittest_windows_py3.10 python_version: '3.10' - - unittest_windows: - name: unittest_windows_py3.11 - python_version: '3.11' nightly: jobs: - circleci_consistency: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 08ba2112eb..4c8b3437b4 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -162,6 +162,10 @@ def unittest_workflows(indentation=6): w = [] for os_type in ["windows"]: for python_version in PYTHON_VERSIONS: + # Turn off unit tests for 3.11, unit test are not setup properly in circleci + if python_version == "3.11": + continue + w.append( { f"unittest_{os_type}": { From a1dc61b8e80df70fe7a35b9f5f5cc7e19c7dd8a3 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Mon, 27 Feb 2023 14:18:17 -0500 Subject: [PATCH 408/463] Test newly uploaded Flan-T5 weights (#2074) * Add tests for loading Flan-T5 weights from HF checkpoints * Add expected outputs and update tests for Flan * Add newline at end of file * pin transformers version for testing * Simplify test for HF loading * Fix linting * Fix integration tests w/ proper download path --- .github/workflows/integration-test.yml | 1 - README.rst | 2 +- test/integration_tests/test_t5_models.py | 184 +++++++----------- .../asset/t5.flan.base.encoder.output.pt | Bin 0 -> 25447 bytes .../asset/t5.flan.base.generation.output.pt | Bin 0 -> 257904 bytes .../asset/t5.flan.base.model.output.pt | Bin 0 -> 7009 bytes torchtext/_download_hooks.py | 1 + torchtext/models/t5/__init__.py | 6 - torchtext/models/t5/bundler.py | 61 +----- 9 files changed, 83 insertions(+), 172 deletions(-) create mode 100644 test/torchtext_unittest/asset/t5.flan.base.encoder.output.pt create mode 100644 test/torchtext_unittest/asset/t5.flan.base.generation.output.pt create mode 100644 test/torchtext_unittest/asset/t5.flan.base.model.output.pt diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 39a4911d6f..1e507a407f 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -55,7 +55,6 @@ jobs: python3 -m pip --quiet install sentencepiece python3 -m pip --quiet install tqdm python3 -m pip --quiet install expecttest - python3 -m pip --quiet install transformers # Run Tests python3 -m torch.utils.collect_env cd test diff --git a/README.rst b/README.rst index 6b757af521..35399cb8db 100644 --- a/README.rst +++ b/README.rst @@ -122,7 +122,7 @@ The library currently consist of following pre-trained models: * `DistilRoBERTa `_ * XLM-RoBERTa: `Base and Large Architure `_ * T5: `Small, Base, Large, 3B, and 11B Architecture `_ -* Flan-T5: `Small, Base, Large, XL, and XXL Architecture `_ +* Flan-T5: `Base, Large, XL, and XXL Architecture `_ Tokenizers ========== diff --git a/test/integration_tests/test_t5_models.py b/test/integration_tests/test_t5_models.py index c7ea3b794f..0bacca430c 100644 --- a/test/integration_tests/test_t5_models.py +++ b/test/integration_tests/test_t5_models.py @@ -1,10 +1,15 @@ +import os import tempfile import pytest # noqa: F401 import torch from parameterized import parameterized_class -from torchtext.models import T5Bundle +from torchtext import _TEXT_BUCKET +from torchtext._download_hooks import _TEST_DOWNLOAD_MANAGER from torchtext.models import ( + FLAN_T5_BASE, + FLAN_T5_BASE_ENCODER, + FLAN_T5_BASE_GENERATION, T5_BASE, T5_BASE_ENCODER, T5_BASE_GENERATION, @@ -14,11 +19,11 @@ T5_SMALL, T5_SMALL_ENCODER, T5_SMALL_GENERATION, + T5Bundle, ) from torchtext_unittest.common.assets import get_asset_path from torchtext_unittest.common.parameterized_utils import nested_params from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase -from transformers import T5EncoderModel, T5ForConditionalGeneration, T5Model BUNDLERS = { "base_model": T5_BASE, @@ -30,6 +35,9 @@ "large_model": T5_LARGE, "large_encoder": T5_LARGE_ENCODER, "large_generation": T5_LARGE_GENERATION, + "flan_base_encoder": FLAN_T5_BASE_ENCODER, + "flan_base_model": FLAN_T5_BASE, + "flan_base_generation": FLAN_T5_BASE_GENERATION, } @@ -45,6 +53,9 @@ ("large_model",), ("large_encoder",), ("large_generation",), + ("flan_base_encoder",), + ("flan_base_model",), + ("flan_base_generation",), ], ) class TestT5Model(TorchtextTestCase): @@ -74,126 +85,81 @@ def _t5_model(self, is_jit, t5_model, expected_asset_name, test_text): def _t5_get_encoder(self, model, model_input, encoder_output): encoder = model.get_encoder() - # Need to set the tgt_key_padding_mask to ensure the same results + # Need to set the key_padding_mask to ensure the same results encoder_padding_mask = model_input.eq(model.padding_idx) output_from_get_encoder = encoder(model_input, src_key_padding_mask=encoder_padding_mask)["encoder_output"] assert torch.all(output_from_get_encoder.eq(encoder_output)) - @nested_params(["jit", "not_jit"]) + @nested_params(["not_jit", "jit"]) def test_t5_model(self, name) -> None: - configuration, type = self.model_name.split("_") + names = self.model_name.split("_") + + num_names = len(names) + + if num_names == 3: + # Handled slightly differently for Flan-T5 model naming + configuration = names[1] + type = names[2] + expected_asset_name = f"t5.flan.{configuration}.{type}.output.pt" + t5_model = BUNDLERS["flan_" + configuration + "_" + type] + elif num_names == 2: + configuration = names[0] + type = names[1] + expected_asset_name = f"t5.{configuration}.{type}.output.pt" + t5_model = BUNDLERS[configuration + "_" + type] + else: + raise RuntimeError(f"Unknown model name: {self.model_name}") - expected_asset_name = f"t5.{configuration}.{type}.output.pt" test_text = ["Hello world", "Attention rocks!"] is_jit = name == "jit" - t5_model = BUNDLERS[configuration + "_" + type] self._t5_model(is_jit=is_jit, t5_model=t5_model, expected_asset_name=expected_asset_name, test_text=test_text) +@parameterized_class( + ("model",), + [ + ("hf_t5_small_encoder",), + ("hf_t5_small",), + ("hf_t5_small_generation",), + ("hf_flan_base_encoder",), + ("hf_flan_base",), + ("hf_flan_base_generation",), + ], +) class TestLoadFromHFCheckpoints(TorchtextTestCase): def setUp(self) -> None: super().setUp() self.encoder_input_ids = torch.tensor([[1, 2, 3, 4, 5, 6], [7, 8, 9, 0, 0, 0]]) - self.encoder_padding_mask = torch.tensor([[1, 1, 1, 1, 1, 1], [1, 1, 1, 0, 0, 0]]) + self.encoder_padding_mask = torch.tensor( + [[False, False, False, False, False, False], [False, False, False, True, True, True]] + ) self.decoder_input_ids = torch.tensor([[7, 8, 9, 0, 0, 0], [10, 11, 12, 0, 0, 0]]) - self.decoder_padding_mask = torch.tensor([[1, 1, 1, 0, 0, 0], [1, 1, 1, 0, 0, 0]]) - - def check_outputs_of_models(self, our_output, hf_output, config, encoder_only) -> None: - # check that encoder layers match - for i in range(config.num_encoder_layers + 1): - if i < config.num_encoder_layers: - hf_output_sa = hf_output.attentions[i] if encoder_only else hf_output.encoder_attentions[i] - # self-attention scores - assert torch.equal( - our_output["encoder_sa_scores"][i], hf_output_sa - ), f"Mismatched self-attention scores for encoder layer {i}" - hf_output_hs = hf_output.hidden_states[i] if encoder_only else hf_output.encoder_hidden_states[i] - # encoder hidden states - assert torch.equal( - our_output["encoder_hidden_states"][i], hf_output_hs - ), f"Mismatched hidden states for encoder layer {i}" - - if not encoder_only: - # check that decoder layers match - for i in range(config.num_decoder_layers + 1): - if i < config.num_encoder_layers: - # self-attention scores - assert torch.equal( - our_output["decoder_sa_scores"][i], hf_output.decoder_attentions[i] - ), f"Mismatched self-attention scores for decoder layer {i}" - # cross-attention scores - assert torch.equal( - our_output["decoder_ca_scores"][i], hf_output.cross_attentions[i] - ), f"Mismatched cross-attention scores for decoder layer {i}" - # decoder hidden states - assert torch.equal( - our_output["decoder_hidden_states"][i], hf_output.decoder_hidden_states[i] - ), f"Mismatched hidden states for decoder layer {i}" - - def test_t5_bundler_load_hf_ckpt_pretrained_encoder_only(self) -> None: - with tempfile.TemporaryDirectory() as tmp_dir: - model_path = f"{tmp_dir}/hf_t5_small_enc" - - t5_small_enc = T5EncoderModel.from_pretrained("t5-small") - t5_small_enc.save_pretrained(model_path) - - our_encoder = T5Bundle.build_model_from_huggingface_ckpt(model_path, encoder_only=True) - - hf_output = t5_small_enc( - input_ids=self.encoder_input_ids, - attention_mask=self.encoder_padding_mask, - output_hidden_states=True, - output_attentions=True, - ) - - our_output = our_encoder(self.encoder_input_ids) - - self.check_outputs_of_models(our_output, hf_output, our_encoder.config, True) - - def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder(self) -> None: - with tempfile.TemporaryDirectory() as tmp_dir: - model_path = f"{tmp_dir}/hf_t5_small" - - t5_small = T5Model.from_pretrained("t5-small") - t5_small.save_pretrained(model_path) - - our_t5 = T5Bundle.build_model_from_huggingface_ckpt(model_path) - - hf_output = t5_small( - input_ids=self.encoder_input_ids, - decoder_input_ids=self.decoder_input_ids, - attention_mask=self.encoder_padding_mask, - decoder_attention_mask=self.decoder_padding_mask, - output_hidden_states=True, - output_attentions=True, - ) - - our_output = our_t5(self.encoder_input_ids, self.decoder_input_ids) - - self.check_outputs_of_models(our_output, hf_output, our_t5.config, False) - - def test_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder_with_gen(self) -> None: - with tempfile.TemporaryDirectory() as tmp_dir: - model_path = f"{tmp_dir}/hf_t5_small_gen" - - t5_small_gen = T5ForConditionalGeneration.from_pretrained("t5-small") - t5_small_gen.save_pretrained(model_path) - - our_t5 = T5Bundle.build_model_from_huggingface_ckpt(model_path) - - hf_output = t5_small_gen( - input_ids=self.encoder_input_ids, - decoder_input_ids=self.decoder_input_ids, - attention_mask=self.encoder_padding_mask, - decoder_attention_mask=self.decoder_padding_mask, - output_hidden_states=True, - output_attentions=True, - ) - - our_output = our_t5(self.encoder_input_ids, self.decoder_input_ids) - - self.check_outputs_of_models(our_output, hf_output, our_t5.config, False) - - def test_flan_t5_bundler_load_hf_ckpt_pretrained_encoder_decoder(self) -> None: - # TODO(joecummings): Download FLAN-T5 chkpts and test here - pass + self.decoder_padding_mask = torch.tensor( + [[False, False, False, True, True, True], [False, False, False, True, True, True]] + ) + + def test_t5_bundler_load_hf_ckpt_pretrained(self) -> None: + with tempfile.TemporaryDirectory() as tmp: + local_path = f"{tmp}/{self.model}" + remote_bucket = f"{_TEXT_BUCKET}test_models" + + os.mkdir(local_path) + + for f in {"config.json", "pytorch_model.bin"}: + destination = f"{local_path}/{f}" + remote_path = f"{remote_bucket}/{self.model}/{f}" + _TEST_DOWNLOAD_MANAGER.get_local_path(url=remote_path, destination=destination) + + names = self.model.split("_") + is_encoder_only = names[-1] == "encoder" + + model = T5Bundle.build_model_from_huggingface_ckpt(local_path, encoder_only=is_encoder_only) + if is_encoder_only: + model(self.encoder_input_ids, encoder_padding_mask=self.encoder_padding_mask) + else: + model( + self.encoder_input_ids, + self.decoder_input_ids, + encoder_padding_mask=self.encoder_padding_mask, + decoder_padding_mask=self.decoder_padding_mask, + ) diff --git a/test/torchtext_unittest/asset/t5.flan.base.encoder.output.pt b/test/torchtext_unittest/asset/t5.flan.base.encoder.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..75c8e3e4f3b6a0cf34279b023c53bc2ff6078cc3 GIT binary patch literal 25447 zcmbSyc{EpF6fa4HiU=V|iXv0S@4fppA}Jb0RK_TNQB*X_EJKt~hA1i#r80c)-A9zE zqS8o-G-y`Ikf!IY_s?7Ft+(D<@2qv#9o9K_oxAVe=Y00(e9j6xvC$$Tl9D3-N6``? zBEhEmoBiFl>3g^bdFy*`^9=Cv-k~3`GdOT(uz{C*u)BVspTG4&fyny*?-Dl3GdN&} zr?38|oxxlDgQPa?@b=ib#oudFu=lp0fE}B58B1*!(a~{|80lZoNKJPi@9m=htBI7g ze}H@N>i_jnYWpZB(UCfa+r^y3M$VprJGYNsE}|T~U3{gTh}|f=ksGm??PHdU$c$Xr ziNl72AtQ><*Ah* zA-WOLyb9s=3M=3Tj!=g&vaEwuI`{8cCtO#UPrg4u94%S_9d8-9GoVDaaf!VD;1uGq zzM6B|nnTo_Wy!O>o&4#>*Z8k39_`)*&~Z06qj=zVG}4_!CcM7Ki7|udxokEQlhc4f z^eXnO)g}k0-Qm;qePB`jTQ+3QQQnYhV{v8uFd6tPMv7Q2 zIt~?A#KGfc87uEwgnBm$`Bje=!oEMT=>AxQ7>%9=x$Dfa?8iwAueYRsrtPNsi@H(I z)`0xJuf-=`aDl!9{iwS?mrO4nLr<8k!DOov@C=V(zf@NUs*VPckVJ8qZFK_Ih+5;* zlJlss<_``lZ{>cvbn${FUpR$_V4Q3R+b47&RTE1fu5}cueA6d4^W(uGPl>noolFzF zqw&R~N%ZW{PTXdzL;ssQf#lsPU_(4wm!hahb0U@ps)zB%!1CbVldD!i`F+wQt_3}n3(t#0!*{u#Jq};e=>^AZ%xFDWp>ok^BpAm zs!;a?8G4;H#lNr3kUJ+u!;2~O9+s#3T%75_uYvgJ!Wu|-egl&w_Y}%r3MnCR;0q?$+;JtBKyyQMfYSFU~-z`bT3ArV85_4|HYwG5#D_k!!-(4@pnBmVTky4y ziM+mxeY<23a#c*IM%y+_q#1Cn?-4Xf?B-_|kEUZf?P#jH92BS)VZ`NYcxG!N3SPhC zPc6_P#tU@OY0#E@o1z3)_e|mS)bwGO(>VC~-*&pHJrKG!r$XrYXRP`D8{qNX6v6_> zlNMW5HgB#Ps)tmf+ObR+y`hEOQ}u}z#`Qv+rWV;{odpdk%Fvf6%Br|q)16YkxX+XR zp;*;!l70I+yo+fA)l?yBrli2L#~n6@Ne+@<*c0t=$qUf{9kz8|fgQ7)8@Kx|gJU5->b;sO* z^S(AX&Gs~NM{Y7!+Rp}$Wve*l8AqV~eGd8x<5*$HGV~2HhsIk#?sKP5+KUjy1FG!0 zC6Y8C`zO5brC4|D4Okmw^P7)z*J1)(qq>sL<-ROx#&J7wRRF1>y=dTuZ1V z+-VQs`Em)o{Cqu({*%vIyzLl?NE_<;cQeHQ7A2;~JVpunD6>SfUfiAhEn}WyJO(l+>&*0DCRXDr+ z7P~BE8kEZx^Rthw!SuaTsY81n**Ch3d6w{jtuHjh8&m#+;fR}jy+$dn@V)`dvcuTI zZ40T|#$muwhC)WNg0;FAL`2IOZ;dt{Fvae`yl) z^c{G2lLfUeSHbtao9XSVpWyo8!#Ke>4rS+6f?3ZVY+C*tR*6m|dT#9~_*ess_kUz+ z#!+_am%k8V(*cvO7r{I8Sl(&zVG{hY9`RKoZXbTl>kYRmHUJ&>)V}|KWb& z4kV`UIkgXu;9}ru*d%p?mvos(%&aUiMq3hU71{ zq-wFISUD7+@w-&?B`27TmZ(ZWgIKRbz-`;`!`>S|+?moh_%!ZB?p?pD0 zFniw;_>fG4Ofu!Q_o zdr?VBhK|XIM0Z_prm(RO4rpA*MG2?*dBhIXy|%I86|U@$-mTD(IgXqa8$~yYh*I9- zE4#(zH-z+=k~?YMbmHbq{CJ-eyvXw^=s9u)m{Cfwyj2ksey?Y*Faxl>p74HW^VlgK zU-;2?f5HBaE0B>nnG_j~F_ zI-vcqD1Mq(i5~T9as1~B{BTQ>+{@a_?=%}?Z{M5++OJ}vzHL6;Yhg?Wm7l|+!jpK} z{vKZNje=sEt!OKJ#Jik0LZ&}c5W=lH!Ua;Tt^P#~?7rZu9;o08bsIcAyk59~n1B2Rp)g5UfJAE&%!Wb)ft56(77_ zh5E`pz|(!!{JUyd*7L4D@3819?n;a2BxkOGf_=uUjN}(c-G3B*b$OSmsjBH_mAV>rBM7kgK_g1PqMKOCHN6m+y0%Kw+Zx%y8aN%rorqS=6a z_xZ*?Dm;Qao-cutjv|=%FA<)$X2F7&GeP%?I#fxV$JV&n^v%*^XleV7T`+qc*mrxA z;&DBY|KB1q&@l%mIQ4Po$KS=*stNQr=S$v~S;MwCOzc{>iykT!P%FbR#9{j< za1VI{nkWKWpF9WO$QelAZ^3!k022cu>E}O3pg`G$u8J=LyXaYDjQwaLbAJa!#&%-I z{5SBQ(2hMcMi!Yp<))hgo_&Sih z2q9fxKO0ms7DMXiX+*tjD#@u2fGWdc$a=Y(J_t?6$yY{jX-5$4+$KfedHc~(L1{Sk z&kWi+BqZmP7twth3n8(n8jj6hh1yANc+e^yaowwJHye^6<$MG`<;^&35ylhIGnetqTut&&c`OLVwt>?I3o4rwg8AtOFy`4V)Hv18 zXs$IQ%kG*&;>eskqm6RCOETG3F*WM<_zD{DdxZajBzdhH9c+mF4aokbM(wLUfVQPJ z4z||Aq0@iiShXlCUiKI+wHLuDkr>$WB^QEDYSGVYi@3KT4LGXSn{HZK&ZfQUW!>tM zL8Z=&ZvXNVHAWlJ$Di^=5j`BJz&eH`(9KbpSURfTs4Jb0f&hu~7c zOwhg_k58AZCgZ2ek#$ikXwTVjd>>!Orz*)&je*I;Oz@OHJd}d@CAzS0Fo+n9xsBP! zS|Dxranv822R&2#N%N_r&|ABln!E{zH>0eX*w{vXmf1}_y?j4O@0F+3r{mCYz=2F! z_77jwj;A84%ec?$li)`3M@$O407cV3@%3uKz}TBmw|^(OJD-=552I(16KQExlh)s1 zZ{;iTNq*bu@uL&aNAxwE>wU%!3gSSG+m6?_-4c2_F2r|y4D6nB9tJ1v;1hJ#(jQhj zRON>_^%-xEtz+Uq>qi>iF;=He;EPvsCF$q8@A(g#B6!6)O2neUmR8NIf}Mxwk+cSP z+;;L1e3(0*#>yzry5CONkmo@j_g(?*`+ZGEW~)(A$qF%MUk>ahJjbII)rAo1lh>9^AdK-$lY%$5QaO|F2J z;6@OQ*b337N+287gYm!{m}Zs+T-OsQn`}wc5~9fm>&+kv-_Y#&0GK~gq2(=Utem$J z_{#+l|MFLGNVf&72F8)i)3b=lO&3tf9z#sW3+RdZL-3Df`I^F;Fzg(LP`-g~E2@Rq z1Y3Hp+nhYRXu+>I)Wj~S-GzUS4ddmdeZY_OqENMq-Id-329-a-Y)KT_wR%(er}9KR zVKOyX*eoa&?Z5*P=RyBd1W{Am2bGC0*zw{M!Bk`if4FWbUH?vo7WtL3H=GTLVVw~Q zbH`$B#Q}D4+-VX~yAo%gR3$g6j)UqoN#ZpBG+yxPXZOvrBH@-bptDVbXuM2CKJ_)*X!9YbAbXc_S)hn-Z0^b-ba>az6Tt9~mWx!mg{yB<^}Y=o@ULqoe1O^;`|C zeO3g=#A0xX^-YrCnFwrs3-0N*rse0 zzTiw}YABKfM-?(tQ5L>NzJ^rhDVzLDoqG{+g&+Ko&W@D=`Z(8(?5n@Qz9X~9sPny8 zbLJd8)>=#F9NR;0kl$RYR%7K%x#@Jih$`JG-3`x;N0CU&pN#OWG~tFv(daqTM{+)n z-QQ3ouz$9RtSA{z0$sJKCiUlc%u?raUcTTTZI*{$tQqOK`dWCVR*r45>w?E7+hE7s zEjUfymu&REg^B~MXl~|2*F3w5KPNM|yJ-wr;`0Cx_FCa!)e@2x)xc{liGuFs)x4`j zBm5e=4dp*RqPkTk+c$SFlzTh}&!^(_QOSF-oX5lJnG;}WQyQNT?*ftcUPATm0ba5} zhK`;yk$fLJ6S7B@vD4~j@%cv0aKx136<3X?zHbfb3Yq0J+uaRU$2*X8$sBx9tp>?@ zKY(-as*+I;$DzELbpDA9EdOnV({DMDg_lx@%EubshOr?nuD5x8$p-vad=;{*PqCib z^TGdsCZ7{A6?e8-QitQO7@3>#qhF+2`{vKE@BUjfNxXukuO#Vs*%wQanpbGa~$K9Ak-I^V{gvOg5431FsaKAC$X1!e(ZcGL82&n)ea_{v(_anY+Czzb55(X8fz>2@hAo?a3nGX><+~E`tCg`v%jf%BExwn%k84TvNyIOh2K6Uh;Bt`1iHZaCIerqo6y?a+iUeY5Fdmh+*wc#eCWtSVApxf(=${Wf zXv>_2W__R&J>IZOr??Y|_Q~|m^+)Wa#kzFJvVd3ca)Sr(7mCjs!~B)eq;=;{{`aT# z&|lz0S8e%-{X0d;a9Uo35)(B8Gw|*lP6yT_4*} zqakZP##a-zi|N6tfAQe_Y76u%xQK&~t-;o^82H0VB%;%vE^U{F-5QhO;IDXCWtYvf zk$%kTt@3o~wDqXcR}a!lT*=ghDKK~SI!Je41hI=m$^AxAva5t)e}t<-c=sl7?qDpH zJ@R0=#sgf}oXo8jTMe#~?_kS3C){4f(w_%XpmqO#Qe3zfr+quXcUFqP`Tc|+pkvAU z>J#{+vl9$_s-ZEx8pe&xwc(>j!IES>5?uEY)7r<-=9S9CrmloUrafb)E{H*ShcqD%YS9#$tzKG@r*dgGghKi>gsgd zq!BKlaX%6(3Dw-!RJhgvcY%!-YrI* z=O%&8sVXw1ISnUYD}u|Hl}P^WR9v}?6~5hH1byX6@Y2g0V>br^UTa~F92aA?3dE`T za9d6X^nj>3pDLO4}34@91Qfvfw9Y4oE_wCRM0}r=g6FE=LGQ9(82w~2?BwhCT))Lw=sJgZXh);l^g_Y6>=e4`_6Vk* z>P8luL=(vafbPYo@CCmQ(jL8GOIGGWxsn)K#Spe0@Gk+W<~vU zf&cqqMt$)Q%gZrK7#q_BdOvig@RN;1Ro=2G+=?Ytj{-jvAsP8q70>QcyUd|e|fi?C*r7U}anM=vp{ih;uJCN2J0{(vAMazAtU z>qF+4AWaax@Dj$oDy#|_j%B2(E(vt*PU3#wxyC4kM>D3+yco|*+qt#s?xTmu z79>8o#GO1PC+M!w7Y=AF&;)-gkr@zITD{_f6Y{GOKz0|%mof6VR( zB6hyEIC8r}_)R-sFfc)%DHbR)Z51auTQN^&{F5_GQv0yrzeqK(pZf5xdEk`Q_wsNiNj*AzUAsAY=hkKy(xKVup>MM1}XTfwDmhnV6M zUBWKS46bMWCML4t9rx5gk9V25hC5^;Fqeq$K>6rMS8^f>>vqFX38-h=x%`Huy%KiRw8AZ<-or-%x%NQfe{BnD?X6P}u`n(Ev@xV$Z zy&zcV7L~~OWjS-5rJ|LpvXi*aW2#6#ZYf{x`E_&pYP8T+GCIkAKq#>e-E@ZQhgf+1E@(EoHSH)*0C6Q&@=Tzx!I zuq5+~;K)&qn{ZDkD41H#1%6H7!$aQ)LT6pA%IN*e*>$xu2XtaBtrJ5y?`^LHQPrK? zT1gSXOt(5g%O7R_Q{XP4d$Ix_dqkFvzm;s>PmF~NZXV)7htma(H|m**ia&&}p9AB# za2FTgoXc$Vm*+yIy%>*C`kdhr9d1396#UW55-Lir5;V%r7Ht3clpB42pU_HHhDjge z#JR7Z$ZV4}u|&C&+|$(%mKrHAM~s$oMcNKbNcUisb+rg{saq2zLzS6;-^Sd*fqKEzykkQ3&*5B9 zQZm;hJ4z7E^m9Yk&N1AGUw@QV5xSjg6*`!tTE32)&m;w8GWt6nFwfn6S&7&Q4A1n4`Qv_}Ke}@P_$Yi+v7<1@C6mT6QTN<0QW9<6kMA;!Mj1t0wl3X8MM0 z1$ARy3hrd9Gmkkn#^3iG?keiwdQNsQ{|z4%(qA#m)@27Rw?B~P&IBp5mtQ{*oKnyp-wc|14!*=u3pt9b%RWfeh1y~V1Dn)ICPZRGkc`he7={{}F-uk{!JU@)T+ONRvOlagDM5S}twt>P?o6@<= zHR_DPtu#w=V)DF*jc0{@;bk0!lU&B?Mqy4>0yh|To|({CC-4us&U9u435|kf*tEuQ z#wJ#TOP<)n-F90cvjTTFj<%~IA*)-p>d#ww29%sjn$hjE-cjSKb~FFaybYdNJrjQM1;gUP+F z$V`rU&;0~jrhfcAPG;$5=CHi4U}r{y<%3(UOk7Wo;J#a-u<3iZ#rzgcE@ATpX0Dq8 z_pR=V<>S`9jQA!$;a<}?F8;!6;T7Yt0tFd+M&-n4=7HwK%5j~!+|klG+yd1b+>U=a zoY&aT!kZPbT=c=oYF0NXozqx;O@k)aT~t%?;7MB5PPae8i1xo+ z_oF0kQHPyy#e*44Cw2>+GuAQkehPvp&kCW*bt>5KRZRFib}MsfxImb1EiE{s&sQp( z_7&Lr8E}dHYq`)7jN*&HoE&^sb;nVRc^tQ%3+eIZ?(S_BP?s!=tqyCsGpp|ikE_jO z%fiQT3j@kINv47;ud!gZeoN<~ywjNvs`i}0--BFomn?2Svz2+T?ZI4+P2t4H_%d2m zKLq>L(zyts9k<8Pf|H&2AGcc3inGm>V*RV~;mqK8X3r55u0i{su*`e%wfdG~Zq^TN zVbA+3j8v8!C)bd}q};Euyf|r%;LG-5f$8$&T+^u@fkBldXBIh+xg8K=8Qi>EaP7@X z%bMky0{d6PjA?)(X9f;j@}xHA?~rFz(#s1>+Z+wv-OG-XfALk2sC-xWV8t{h|3L-6 z0Lm)A`P~!Dyn9t3e!_>_`gRKYWMXGk&g?PFhjCvm_TECv>MN&((LMf5 z`%)cK(EeR`bk29C+WaxvPo2q?IH{iQvASrf_g+2A5cr&p3Vy z=ico(!EHF1CHy+qgdg1;!$=Rr35|bAvMw3lxzMjt!%QBQ!x_sTGo#Z71n+W>RT&|20txe!tw-qV%chvZ*2obH(GGooNkNzNmY3HLMq?X7ltBfacrGK7r5^E4bcl^ z$%)Dg_z3HWzP%eWQAZh4+vCZf+#R&XNr?;wdEp~4CuRHmNJqON*?apf^uPNKWw+Z= zx6uY#4!%dV1Ka5Z_3zBRup@Y(!k4^p1(IQ$Ok`ZuvGkG(dZ(7++wG@d+!0s4^yD~j zZvGCv3#QY)6|wMXd>|bdwBk$GY=UyivrC-}=mxbwkl=oR>HE1{i}+`DhlM$*G9Alu z>CU**(j+)&Xhf9WX7c&&qiN6GBAjKQMiN(Tf{^0n%tN;)uy?&JuJlnOt6Hnz z*6txp3Kbzt;5Qt9yAy(!k0DzwMbW@@K49c@29HHQU_`4BE#Hb$_tPEluktDxb?7Ea z=Jvymw6(aU=PxKsEhWF7K4Ztt*oO|krV@wWCvdsVT5?`bnuKl5BkAi#k(bvW@p-l) z1QvOaX4!nG7>=NSx9U-W&vkxF*jpw=vJguHRcTxD7gn+?4ko>DBuDKX;E>W>@@-8M zegj#U*wG8xi4%yI@Dn;3h>|tO7UAwG#kfsNg^2vg=Hz!6kX7akS+XU7Y<`vwk?}Hg z^&|~&SGmfDO;#Z?DI4Hi&P74tUIY61p^b1H>&kysX~qoI)9k19>M$x!1XPWK$UQkH z^2RNI4~>1wHSceO7xR^f@rG06uwf$gZI0v>x7g87Gj8$jd2`4v{uT_m^zuK47Lbl- znZ!m%5srcr{iXR>kan>Jj$W20|FjO_nK(moB7Hek`8$=K3_FYWBs8I8^N1X(@l&?fozkcPnd>oG#SIZE_DHsbcz5wl6=UFSb3SoP` z!mj$=5MW$^o(`oLa;XRc9vTtLdDlV0HW5=Ajxw|4Uty@lEXZnKOP$k~5I6fp&G)VnmJ{6rUPsVO; zCV3b_&N75V_e2r%X`irVj|ds8B_!GWJyv`gOADW$g)^tSAt)(>+*B5&hs+ML(cy*g z-nxK{65$;?);yLOE^+L{{Z04HncXs`{qJo`qE(VyMI2lQ6Kmge(s- z=63k~W@c4RVtsZTN2M7Jyyz=OyclB5zrVkqI1D%8@TrFYn?FEIlPvw}U(44ud$RMl z@!(N)1c##4sJC=2hS>Z7mzH}Y++RILe~F~=VUn~(V=a03oFQ{wUdCa5AKvl$#!b(f zg=Pu|Ku&BeZGCxxtyF1(?;p;C;l&kf%NBX|yjdna;iO7mRa}NCeKTqGf_soWR)z{r z%;Sbc49LNhb(r+g9KD(j;iyI_axB#mZ=at|?S`Xa%l%2{G&UNAW!bp($oFXt^A(5{3RlEYv@x;xQz(7{|EE3&gS8m|V35!YQt^tbgY z(rG-Jgzc9iwkL&j*Z0X}U5^r^_zu&Di_>u@6H4a49YeqWegG8Qaor6M68>o^zC0#@ zlO2KI^1BM>Xx^l+m)+sN8~al%2%OI;yT(qvIf~IHzNB6AZ_6pv>egI zZSLyC#oKxM_H7@#XTlxqUMS6%uQ-PvdRq8}e^#<0_*mePo(QIV64ssS0E>P7U@#O7 z?3xs^UD*WJCZ2)ROd)(&%CaBqWXMzXF#h@SbhgS!0nT1j!}@h<P(v^XX znpDZ!O+SZ9dQvb!#e^v6m16NUd0g@}b!6q|JG|LZfSrym#HIZe3y=_KoN?vrLJU!@4R% zcLwHEuBR=3%vq2hrv_u$=l;hlAJCr+?&bx z(62c5vomhX*+kGI37#_tV1`Eov9pl@|7Zg;H?y6;QKG{Z&d5X;>F2!H;WMbv+yELw z2JGQkQ^^UT1I;6w=|1NoxaO!rTRLROENKHQdNBr$F7xL5=Npjrwe@i4ej8hsqslc( z{eZFtJIr!k$Gm#uO-}wUA+If5aIflltPPH$pKpo~RsWal$MjTo+0iK0F!4^+R0T=8 zE2I-PCoCaf_+8{rclt=oUgDW=5yUNB6v7uFeyDdRE_3Q}O=BnjBC?t7yq!)CBxz9% zaRjgSQuraG&WpQT#Y@vQpt3ld2xuT1)9c6{EUt#>zTNc6GFf6X=^qT9Fo7YXyQD@^ z0_#<0frhb;(4%W5+Ey3h@Fpc(^Q#T54#qLnq4w;8-ZYf$SwUYclLAgN4ZXb8V6MRo z0fgqk_)tGSY>_BTSiAz3Ro|oiHXLkvc8qR5Gn(Y&deeWa6WE1q;xx(hF7B(fCRuG^ zxRQO(E)BD#wWo~uk_r)8V>q82nVCcSu~c5+g96Ixb)d^sNi4dyn#?o$ z1IE|mVV>Q5=+Ye`BFziv&8tVLzYd3qrwg&WYZJt~cES@MsS(|!C@uQzLi$v1f?oVW z^0faPdp|FNrv2T8$42@;+h3PjeAdGw*^_9Evyc>W=OOKWExP99&(+ zEPw67+sBULE(LP1LuC@|u5H7Qk}uiq*H%&W$Obm?=N)#F!EeA~XCl61A>G#b08d;D zpjW!}*m2eOh3i`f;D=`{-V^V_O$%bNvRQ#F>zPctBn0{#{TBscY!)yN_DSip*d6Nd)Ogh0l z<~Qc(e8v>3&FCU{$4z>86JI>B750a=r8!t}}Vhev1$X*5(ME-JQc`J zqX9ZLI#a2apF!(dBCoQ13?ow!N4wuN!Qm^Pv1a)_*y>kDF6ga6Sy4)-A3TFCi%MYS z?*vFxTR;nr>yztk#XQ*-kE#h1$k(IBRO`z-RG*)~8%busL@R$Xd13|>Ch3va@5^C% z_5n1CD+L3!(PXE#2CdhNg6XRgh~J%T>Uh};Xn79XXQhd@OH62sLkk!u+Cz%2G;CJu z2RYp%V41R+rhat>cG!h{x#NN=ara>Nn;BTqqD=gEPJ^hhFZ=>UB@%8`#m0W(2Bn^(|zt*TVzLnLuwi=iN=k$-T09ZY+;pBSFe zK#(~On-yHq#!-swIp{{r4~{3&`KiPl6v(@wPxz?530#eenXx0-vgx1==)HUf_j>Et zpf#Hb+-=6)lYw}>zsks~8nOQ!N(14dvGmB@>s+V0GX9IyA**NJhxNm^F|e+M-D|Yg zvZ*Bwto&xsWT&x&q`!t29_g54|B^T8YC(bZha^&Jqq@tWXX;U)O;ekL&%yUjn{@gF47Hax$RrDD4p@oyc*R&*q#Gm+bvmur@#6VKB1X_N2OinSf^iaAc zouT)FNvhcZzH^OfD!-cRp%7HL~ILz1*LGK$Mh9hZ<>7|KJSqb|^khj+rPA&E$OV@hA^aEkk@!N0k`{+YW zdpDBHt6U({&=9@;jw0L3X5yBd={U4vGflI1Ao(Jb$q&V!&{RDiL!bHagN+&7!nhm! zouxDA^K}#0=%->B#3e(OZ9X>Xm4X^fV%=5O;rX%%VzJYm{b8{L^~?%gy~d^ugzo5P+B^o20RZ2a0D33qGF*{0@0JiRIgY@V`U zU$-f)Hn~h6htp{{ClOQoX*7PzBy|6F3kO{a zFzww`(9suT2VX1zshrs~DbkTuei8#Vezhp_(1iW#a+j4aK7?}*nUVurw-eiZf2#P? z4a0rasmIE7IMwklKc@UWC$Z)zehvRH!r>Z{<;tqW>vAW?dTyl;cSX?DS7!u5Z%tf~ zbq>mI)v}}Kt%a?{c`&3>3Mvwo#C!2Q*mYjUMbbgQTY`RO1!>Gr5Q6+B?zeIQm8Z6xT%ePz6!e=R4 zci{+q(&>nY7Wq>BvRC{g-iO}WdyG+X@59r+BWt{i|1i;Sn!&(t8}m*3)~?YRtjT~P-mUZG@J%>?42jWAPX0=-!1Osh85;gMr4T;?<}GVbCAUgY2j z82wk4o!wW%gj^m^H}6%VdmMNiY^cTZkSlERM>jHO*9b29;>WIEdYqkHBnRF7S|D3? z2$tn!g3P)cRy1=a#!Q(^_5}$T*QrxTmF#(X#eOtf_vR#icRfy57cYZ=@hP~&;Vu|n zHzc}U_i&Q*e!P}*hmD&mMOG|!p|gUflGj%gVEoN6cxifvKYKJ6LR02qTxSh0yH|tu zjA$wL{+!I~URqA&WVf(gYvVb#V;mmIT*7V4U&9(izu}d{>skA&bJ6VTXeR5{Qoif# zV*1kAiCk!Xh&Cx^@N~^G;-hj1|Mi-{;b;G0Qr~?Hkvk7p#w=tnG?{^L0ni^tw}^Yj z33^Q_if1-&z-CtsWOTc5)f$${et*mVv~Z^nAO8Y5;e3e)xa z;E(MaKD1SVm`*$efq}2t#$LOyv1HHu#dABzwtXl#aQ3!ky^`DwUTS%eNr%@vr%x8vW* z@$^!SC5l!%@NV&^iCJ9`3i~@T|5X%js=mm_O2xsqSFaEbU4}LLEQlC0gUZ_cVY52Y z5%#Yn(*NaSNwg$+x9JD0+BJ%`mYYc*F*0Q5(c2JO+sC!n$dbFe;&7hQ1#nY+!LDtR zqf7;Y&Kw)K9vBW~!u>e;xd|@vmOzb2eZovS!)k*HHm0UAwc)ww{9OVciA0jz;}m-= zCE1cABe*BJAG{I@p@o@9Uj~ka=#bGw@slW@eY_vey^^9Af@>gHM;Z=nn+F5ITGUXj z8U@ueAn#c?X;b&6lmEQso1-pbo$CPzY~lIy3&&HtOSkatuL3szk2lp{Gl1b!a`DWX z4t{6FW$LE&gb&xT#X0x)Lc&HFG+o-u`qhfymIvt|2RHeHa=Y<}K?X`rxq){^tHPs6 z@+9kE6j@Wfk}jM3g022|0fN+`~62+bHu5( zK@gd)dJv|cmLhsn-@~s0T{bFhA>KQb0>ysENAUk=FwavaVlq)umpwQ?x6$sdc7EehmTd=)b_ zafGKm^Td%^>iLLwd=cZoJj~a zSXE)rxlmHnIfmtxzG1GxOw#5N2hKKA$>vNmBBS#H7oSaFBa*FnD{&*T@Kp|X8;9!}|m*6CN-*qoENVAMI({Rs42qabYv@R2Rx7k4H?XU1Ok{h<-xYy8bqh3!Ps zWhtF-*9XsPZNfVzqA=!^A=&i7nMK!A^uD$@EH-aLNoi#MR!w826jF$7^Ip=xJmj0E z3ZO}4Jc%DtAX7sMp=50#Iv8d{`O-vk^QIm~N4LVxxB<@CWg&5Et0S`|#L)C$I@$-@ z!0_R6cyJ*a!uJYM!XNS4>?{~gfFfNXG#IYttw9;ORc#5UsHI;T$ zs+1rnw=H7pb!o~&PJXnE$<)@KuPY$-
T7~ z9&)nnMkG!5ADeO1nXEpa0LO-{A!}n2M$~A5!Ch6#q*+nDPH9$UL>nBr>pSkPZNjyW z-?EMQDy%bnf*t3YAnxO5%(U{uy730Qq1#t}uemekwzPm48AGQ$SLf9vliBI6YScNu zk5T!Zj7}r_`bs4iQ^`*mjK;%k+|(IHOjZWt)Cisn3itxduW`g^B&Y9x5y+g*e2PZh zj_{^(6ov>sL2j=)D;+e7e477)j}3|ir<*%LPAwN7%)bp0_H$^zX($TvO8LEQb!fV3 z5P$n6vYR!JvJdQs*$2nEVaUW2KNWPNx#usKnjDLhJ|2Z{#?q8VXF*M`1o3qq(Y4Dw z1nI@aP!~LdRy{Q&1$AjqK6n?MQ+AO^cn_Yzz1&6=XN&%dkp{(jbgWE5*EvIQ!ze{? zZABT^nBIfFBb?R2GKLM$lAu?$w!qF^8F(`)j6W$mh)s8+>57&xxMMW~_SNc>)$yfd zo1O`cbCn{aFL+__XJZJoe+!Z|rs%3q`9=}B?a4lvxIT=ZC;yt~I{xux z`fgYltBNxI^Vpl8Tk+n4Z@igOG*{@mgS_fYV7d%Vz&R!hm&%G0W3wqxQE&}Pj%M-g zB|rK0@vEp@^;$UoUp;2EgrQp&gXdDRK<&{vc0=%FOzSkGFJ%d+PWc6Pv*mCaAHnb2 zXN@Tt(>D=gh$~x4rN~>IhFB(h91h z_CRlvD}6C5iCh^DXP;(Wg#mptIKIo0jICB7q2DIZ2_t(0N<-F>M7dccVPu^8YdMzB z-FX%NJ+Xq?H{0on+d<5pNk$~F&=t@x9<$XKup0y==w-bR^WO}E*|r#>^TGo=Llxj< z_Fhq?b%1O+)YChqoG;O*AqI{=8U?@nuHvX-@;J^LEBbrK>5k_BHGDD+yHYh?Cm- zGBoKpjR`-MaN3YN8{9RAmcTRN7?C!dcr1aWBu%ARy96X*W&)W}xRkxOyNtn&{UF>Z z2|A&o;qvU!U|p9LeR6+7bNzp09lQnsVB+L_~5(3ZbGR5yfZr>`9RniX@ei(m_;`zB(!Ir}cZ@XZ@aMt@nA}nKf%>ubH{m zp7~?%nd`o;`_c}`B`P66|H_ZXldCx>%T!?}s-A_W!HXm;PzM!nsiM+PY=C3OUx9td zBTfUA!?DmX{u}Sk_a4;dD>q#vD|Y!au8K0edwD;-No|NMeu9a$mn(b|y_1oek=zH1 zX{2#uC5e9U4szw+L;tVyP&>hn^P0bdo{#m=Hf}WRUiX5IuipbHwN;tOyQRV)H+|v&l{9X4s{FaC`W@D{LSKe2K z(oCX=Mw29OwcUvMEyBHCs}4Y%+Z|5vNh)l*Q%H(%7ukN_fx8uQ7Xm%KNh)6obrN^r z`Y~z7ai=6d4<7}8(f`Jhgcy=$f15-N_RtbnRf+iS9%8mzKsua7W3udI=Dh0-vemdA zf_544wHelobi`p|*8Y>oIz6I;LJP^h5xdC(sYPHuQA>og8NiRoeIzI#o4bDdG<+y? zA<5Ql@O{J;V&0g47}(bTa~rYpt+Z zxQ;YBj^#STc!>Bpijk?fOeX4=LFX40#Ls}zSz+TG1fVd^I{a=bHX1Af{TfV@mJBmkQK8t zWFz#{%Q44h-iNgl#_+P+{mJQTt6;j3Cv90N!!2ANNRCB)Ad+pJFc?^jCgp#`Uezu{ zzG)aK4Yq)VQ5n6z$cnEWBf-r3eFD~Rj^yXt9N;}l@=1DQGkrtHoc`n)MHX91lNgGH zMK-TNYr#A|ZRb2<*75~Dqe@WIw_$dMpCYw+0%(;IXSQyuA&dW9CAv8Vd^$ct-1G8? zbNChd=CYY2zFM0f|ECpFUO%T_x@GbJr~a0u@7evuBw2R92Ao-;(5s)CeLe)dUK$uAGW+Hsh^V1UiMKaKA7HhHuqF zO1UB7+a__lJy!AW_9`+zkBs6+WXI7fisK+ISe8HIe}}%Buf!i1e~FaaNYYD_vbf7h zQcQ&{=I%F3@q2C~@>9l`S#r97b2r<~xGw)lu8X+Jz4A2N>(zjOAxS*uVj&~p>_l69 z3uL0c%frWt`Fve|6r`|woE3+Op@5jQ7z@GAB`618C;0F) zBVUo=t%pcfu4vA0olcA-6}dC>WO+T=B@o|c&S;J{V!pUW)3P-ym>*4AoLt9DqR+-hU??{m89BM7@Hjf^(G3;7FEi3$nl{qHU(=FRIEtxu{9*`Wijk4|vNKpSFu z#xcX$TC~0SDK1E;2O&SC;Ya#ixLsz-KZsSqJ5)B2xM_P~>)0`5qAT#zMRWG7vP1Ou z#t$N$fh7N`wGGsJy%>{|qiE%q2VuU=13GfiI;L6?(a$0apk-Kt57}+cWYomc-$dg= zjfmHs`1lY}w;trytJQO=fxrk(T_Up$wvi}n39z%XXG(+p2rE1Xo2NVRg1qP4j@Rmp zWuOT&wLF?$w#R{ls%IjDyCL(A8r+}M&1 zdc^LNO#gCx=wG6#oP=l{3dxV^o+69+#nFVFMjkq)8r+8%<1a zEAwvGvtigs1G}9*%17K@!^F?jU=}GpC6{tk$mE){L}lAu_@I&sv0KLx|DH&)=H)7| zT_(w2{gFx^8JkB00Uk_t;15n^r9J;bV-tBg6i+)9YCud~ItcP4;M?Lm+$p(Ic%Wv_ z2aGNNIpgJw?Hfhj1~TZ82GPX#xGt&x`jr;OyNu;;dPwkr!>_pL_64x6 zVFm%s3ly8(2czl*aO3I|qSpV8r1sx~IOXwtUPUm;XZj%=C6aE-XJGnXm5KRr7FNf# ziF6hvw5ALP#)Aygw2Ywsf;uqhoJ9no8qBRmk)B5NDs8n(k9oFAi=Le4jP0jKk=a^C z^nuVF^zG}(%v{ame7oWsP~pci3tL#O*>Eo7OEx1zjfLE=ZGoIl!U^cNxIv6)8OB@Y zJ#Crr1~z2a^X8#r$@rZV*|N_ChQ=xIdTaL6O=pJ4ka0H(-z=(?GaE?7j6|m9i5Am+ zCl-=Mt$;v@9l+hb4#&@lG1`)KU?|cnO{XI1ZOPuWO@#!>c)ShLbrgwOjWMXmhta#Y zT9Y@40gx&6h12f20=@G2@b!HItbe~1@<%dcsY@d9TVGA4%^1b2VLRrU%VqMyX)7_C zH=3zBoJO0z(qs^XDsP)Ag0MWb@`lF!pm14m+hne6}A2?Tx8u$DJJL+80Q?{z>P0H7xi6?`bg7 zFdYuh9myZIvCgIIu$+V6caCX@d?&!s%Fh^`2?0+6bUO%SD-I6PyA@hu!^WKE2 z_X|O_?gG7NWCfAk`VfX513x!-I&)h2B#CI#Ce58`sB*ayaXI@3WOoe#Gs%}IKP=#e z!gJ`-HGaf#*)Tl};kAA%1j0@&CRbJ#lkH+s{Oa|^cz&%M5yZIh zV=l$R=EzO-ys`6Oci(I9KC2Ag@?w1Ahy>cSs|!>=HwTMeudqI!C^)IVZ}kZqco0QATcboo7Kcoo^eET!UPf5gke@S zT!#}jnq*>p72I~d%sIyY1gGE)Y8zT4zesymEP4I=(}FJ3{G)_&ru`v^JYD922628vn?4JX}?jsqArKgDWn{fITzDZu3 zxddnY>xuh}31pi6En<=43>ovT()Qct@%1M|kx^himmoAIQ&eNf)K?jxqoK}hk2_C{ z=Erffce*p4G7sTHq$~W=Yaxr?#BlB3o{?WClgJMdE`Q2#D;R$}2RG$Dl36iHAYR-A zCju|fv70-=+U7E>CkoufoxyOqyPJFuO69KR=s@(L2=M$Z4K;Hc$pO7wE_~@YW<*?ZWHM8%pTOn4 z>!SbZ(qJ~|sWJE7JR*uR9awFZ8|i)$4gRl8n0-ClxLC_NBI~@2lrBytH9OxyO#DWe z`>CA_pAd0kcCO$jL{*{B0fYocXTcK9dM>*s5Bx(0$eEsRw7{pDUa@l|?{sNDZ6*;y zGVPy{csoWkS3bagKXtiV^QB=$NE0akN+S#9d_;Wb+YtO&pYN{G=GI4EBz`^dB)~b8 zrln8Nw+5d;^3Zj9vb#SkeO*+0WXy9U@#q09GqsdJSreBxy^stx>H{5gkWYN1L^`zF zNw-lAc&_S$G8-}2W*0{P&fZ9$b{)?osE>v#Lz}_t^*Pd-S_fq}(uni4Va~&C1W^mF zA~5SBtsFB4&gaWAKKDL={4G<`R<(_sUtGlrqBqdX8#{>owQ3TkQbbtU^R#7H8CjK? z2OG9Ukk67KATU(oKIHMB($#`qhbZ&Yyq#fdx*pk|`vPQUo&vY8+eNwc3NjeuNtRo` zh6C14MBJDoH%CUZ`Xk%n{{3XK;%*JuTUHCt-duu_lFzsshaUh_{f#^qZy~S$Y=@9S zIT2>0&X?Kpq_*xD8D&~d)Mtovi)&4o+B4nc-j6hrrxr#(v;WQ|KWzg0QCU#?Er9Gj zwgjAfe!-9kUw6>g;KaWL!&KQ!0=BnM@oaH^(w+Bkd0iuCwNeRfzLZOjkNZFx3Z8Ka z;gYy}vNcF(rV#q80;6}b0)pcHaQ&qnobm1njBralq_vuoGsY^sl2ao@CTcJtS#5Mm z<3Dix9fGeeAw)ULkn!$H0yoQe@RQEPx$g{lP2mhCW#V`E-jD-qa}Ry_iy=67PU1&r zFQ&DfG>J*|A@GjA!7bW!oP>+&E%6f)$t>;19QkO%xWs9JcjQQZ{$-v#l-7oh$rg0& zJccVV*B&AjelO<#w#(xO|BNoUO@kytYt| z{^cyBqd)8+&MS+Ew7w!ZhL7cUAD$1?;rlS)z8tKcF9gdSicl}9N}`la@WmsSU}}mC zz2}cP(NVp|>CjqC{d;Y=9{G@Tj`k)|!>Ld`b|kOa6v9cxH6liY^@=HtA-juI$;+VM zh&0$SZ%Z9XwDk`%<5qza-r;!1KIm%IrO*LGPd`8;Ta>wMDLVgyzCM8!&;6U?p0^5 zT6ppfyUdu2Qd7v6m^-jaZ9dr-T+St5yGoz!vLg=TT$wcnH=uP_4kvbS4Xt^ghW=b5 z$4KW*1L<@LMp5pw==*dPbeQSzIpVS8^?D&t2WmmvRh7vwHRE^fn@jgUDd9LXEzq6{KuNtK7Ue4jlWoB~x>UQpm zp*wNvUdBC^TTRrR+UQFqqVc8qr7DZIJ@W*bBWqw$9!mLlR^rAKUxQU_R@a|d{w>Q&(IGRj?Zlhef@BM1% z7B8m7(_HY%I#G@&PnYcNK1b?5?j*Z|j?z0a9&@GHDm=d;mQ1`fz&WgTAU<_(Kz!sd zsx65}!cHGr@%LE#C8(O3x-FAhS`dZ~$Rx1Uj)wH5b2qTXB0Dt3Dup_*R0e&mtwIl$ zOA3FanINC}NBD=2*HM<4Su98^;5|Q2BdsYnShppPc%7TEaG!@5(jRvSN8WvlxU{wS zX=bWWe1(Aey~i3qRSf1Hu8(1#Ug=`&vb%7xmJ9*0^Fe?p^DBSa-(i%Fl@ zH8vwX6Rn?KM?KrWn$@z+LeIZ1LVd$Gko3mG_|wVN~%u*(|&31PZ%bii}>!W9{&#b_F5E=bui)grv(&<=q@y9`R$C&b-% zm$MO1j^g@EY3iQrEmY;a8Xp|-8wFqGD8+4asEmc%(Dj$*cwf?0tp9okaxhfmdh^t{ z5krx9{yt6I)fh|F1$0moOG~MWT8uAL-4d!e>__!d(I_T80Qm%d7QFQ`!Wjk0I4?X3 z!+dWp^II!>y{C(aCq%-D*&%javV}N$Umt28XKgoj-*mh<+!I|*14Y=Hjf_de&9*D%*D`1jWDCu-#KUM^&z&Rc4)Jm6f|ubjL$ndh&i{%}}v$+73@tHR}cbwC5pS6_?NI zZJ0xS*O-Z>)C>xa`3rcaO19f5wXd&ySreJeCjzlAFOda0ietMC-r681Qj zeeBBQkGJHB4a~Y-zWw4mZm4}bF$=o zGe1+ieH?M;i(FPW%m9zB-!A-`tB97zXrqvtXk63(i!xP_!qHzgAf-FZB5`tdBlYcs8s+_1om+b5A9ks$9#=8lmX_Fz?A95|umPIK zFqN83-F)#7S$Mr?&G^Zvye=MR*~Xw>dwW@PDGAh2VIG^Zc|?P*Dz^wKW32 zEjcFqwXK)cc$Gmht_|44d6+C!eFZ82hCYx*^hZ(mPHp9n`tsLph z6&ab}x?Pi~6Dz;6p~?#o@*It=drVQ&XhRWut(XovcB z)FT(LIa< z`zB(+8++89U(0T|vI>bi9Hy%NIfBZ^ULY?mD)EvZ7trm`1FXA}7jnB0F3@`|$7Zfj zpcRj1pfB@$&;>!RpstM*I$KQR&R?%VEniabfYK-IVWuOvuIq}D%C=MIMfhF*{a#k; zp8y=Kt46(|<#Bmipe zTzT#g)p(j3htH>H%GOVg)* z`J?wwyIHHIRNQUdBTzqA&iZaYjm>-Q*?aHY(WG*J6n$s|>e^Yt)*Zah>KMig=SC4pD*g(7>bKTe4J{Ac00JFHQ!k2Y>v#<7d_lBvVrPYW*NTFg&*NJ$0cpd;4a zI4{i<7fLL{({@F(>2rA0>sx_UQ7JN)b;YMUFAE!kGVojR3gl7Py=YCS=%dA|V-Y@UU-wuy6m zgAV#rc>@pJTZhtyFg4Ro3@=zV3e~)KrO1jG?2;yJl$_{{z31FVhC!q8yK8&duh#;Q zR@QpKuKp}M(ohc@UvZ_%FH4{=c8aJb>z&Yo$-(BHQ}D{sZ}H2$mG~buUA(G15BupG z)8z}a@P~_`R9Hj=c5Jl7%5)O`Jv)kOKCFgkeOJKO>Q*62!4MyOTF80`d+==e^*GRX z3ZhGO>HT}Juy!BUQ1`T_a~5fnab-Xa8#{NY@Z2E6>h^E&rNz=%Y-bcp{VWj7%f7?n za5toJA5#ye>9SQn98hxi1Xft!fmGhu3AYzFQ(nb$*emEMm9%s@mOi^1o83NG`RB9| zI`Z3)_0so5yO=NR34skx-!e?CzdV7`4liSO%@$y>bTwL&iDDDD8+fYTe(dVtixxXX z;^l!EXtxSrx;6zr?pGz1kbn?<5*dFl!?|^PkjmWi!ot`Kcv`tgQ#?T$PmOfL!95hV zch;hPj-Q1D$3s-+19v>Donv41r3gmLRp9PsBv7);M4i_)aH#BQ^wZIl_1Pd4%u^O= z>N!)~;9W^Q63@gpv^h#la8DS%xP+3pe^xj@p;i#Adl9X&m1XVL8RK>29kM&A#G1rD zKyB8exxr_0n0=mE31c!?#Z*tBVylothP)7Z9#OJRzo>%?ui@oo%CzIFJ=D^`0!l?S zn)M-$REDJ|OF!O-gtR*P({!48zP=Y3wr^(#;;Yg5q&D)1{?017%wU7;l&KL3LUi@h zUS56tGL&xq47cy=LbA0{w0)`-rL(^cn}%MeT4$A_w1Fq+^3&<~VZa$QPS*>cWi^lr z%TvQTvN&7eB>pmNjb458!Lzrh;I-BW7aSbNnMLNHwH6mxi@QTe=Isbh%R2+pHJsh} z1A~GwF8lGbp|8}*LwEV)Kv7O&oEwe{9HdN!GuZe5mWuUh6)ry%fE0t4q41VU^!!FR z(&>N1-CJUS?$n9C?YgvS-*Oi;MM0Gv?*B#w`5Fi(j*X_ifBeI~a(AO1wBJTsJjU<_ zsG7=Cut7xTH9aGulI>~Ph$Xu@s$n%kRS#=~_75bH&c?@rM_Ll>rL|IMeCs4UXtrHw zIwAro;xTlau@QdxU>DYT`GQ*ddjlJ~HU&SCE=93V(viBTj!5ppFx0j7H2Y-heX1@^ z4t?}I#_n^F$Ehb7D#_mft&Y*ek1Pt<^ll-gB((u6?GNL;sWP<1u9!Wogz@>e(*$v9 z;do5fS4uYdxozI#izuv=X77Y=!ZqJRg_Bp@5(Iv%#_WYX=%uq9sh{x>{P2LX9Fv4(1-*9t#S}YwP7k*Ix>3+M(FM2fQ4l2QR|>rE zBx09Efd0A*4EuB}7h5f|77%U!Z+8J>F{}U4U0~;i?ZF}^11Ed)f3p|(Uws*-$p7s@ zbGGkd2~h|BZtnBN|L*?N6XM^!4@~}^_%F- Z-M`v@4Jh2_OUwLiNs89L*Z=F<{{v=Uk|Y2C literal 0 HcmV?d00001 diff --git a/test/torchtext_unittest/asset/t5.flan.base.generation.output.pt b/test/torchtext_unittest/asset/t5.flan.base.generation.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..74126636a57224878f7453f6e7e2567ce78e6d2f GIT binary patch literal 257904 zcmbTdbx@Y?7yn61N?6$4-QD%EySqD3uv-yONl{b~loF7VQ1W%5fV7l!NP~ibh)C() z-}%k{wX-uj%c#sa4>!+q#X0XfE0@SC$jB%w%ltpS2Fgs8(H}oz|IuB?N9^8pdf$ix z`;PBBwM+ldiQ^+q80eog&>y*Xm;SC1CyyLmFlVC7=Kp_R*W~u-pE$MW;D{Xt`iG95 zR^4%G-)@6LNB8c~-*^1mR`B*z&<_M|MMfN3yz-HrN8F? z{HLm(+(udHHKX+8H_A)j_nb7)Q&=X`tgolIYKhDexh1m8u3a|LQs6i}A~N+mv)0>$B$eVRR?{na`(`8yG`pY?Zb*h% zZFs=kKsGuoM0QRmuEi+u{NF;>_k2cE7azt=>44@sZyaUMQ~jnXynVAJQ~zXV~m%|FKTZi(OAf({tZ$`q;jp-_unT9~ndW`68Y~Z{tnM z{qW5ZyV>uw5WmsS+4bUAxWbraT)(^z^-I%fj-Jj&)p-QC9AueIKU~X_cy{3i2ZbBS z{vmij3*nCEBHW{gQS;{r=km96eEboVmY-(F+5+C&+wmc`17E{^_+1su>DxyrIX|0{ zKkj7gxI*lP6&UWbrT+7Q@H0tfbaT6cU7Ik%Pi8Z;ECRPquNb8@9@*rZyj7mT=FK8g_mXr@n}dgeLFUVhi{Dz|8+Va>zFBYaujImEyuC)JtdPL^4WF=*A3Hn?G`~7 z*F5U|jPSU$n)FF}eANGd!kt;{`Tc~#L2lT0Fvi9wko*Ovtn|&I!0sIR9YZ;sHkc)D zJBd1!f`R5~5>;+8?(CZ#ga4Ghut})jxoOQlVq#e1+pM|lkKT?QO`F&!y{70`d z_MCUT&C(&4Xs?*h+5ygtpKiwNwsk6^puPM)7pAnmOY8QV7|$luzkKL+26!$b~y{KcBa2p2qz2wLvHOPwk?jN@0iCF zy|_kgYYc5W`cwWmg!)E1T*B*kY;m0PL*LSFhZ!N)!ti()%KA;wtcz0>8>*k-ciEW8 zP8rw*6eHsuh@06WW-@}MQT}8-)#l*wY~*s5F(NaN#QQ$fy)#38>PCj&GpA+UbEa+4 z;mENAl=ROdOZN+N7fwKTZz5-+zGHfF1!jAk>37JBB<}#S-`=59&SS<$`C_wgE+clD zv+hp{gKU@abo?-?EP@D638lWkniG}|_#|y+s@vEJZ zuzdEBonv?L_I(^Bf2Di0)RS&0nxdiib?$9UrE{Bm{5i6a0Q>Lkezl(U9i9{K?#c=LV6Ltc8-H8543|GRf1LE^+S&N{|=MW6IdNNrw*l zMJ$}O>q9NYGotZ~X>m;H9MKBsSsGeJY6_YtO6c-uxPC zi$=^}4#?V5+vy3%&nt*FhH@fX+K=+PQ6zp*5})IZaoS_SgFDapd%}fZfuTHjY)WR7 z3~NUfgqKhLis~(MmU%y+YWsN%ZkY0=>^j5eonz6XN8BDgooA1()9Uwx<$;!XpY9=^ zXH>HAMl!3m+u_mh7MkH!KEOa`>jYc)k7rYNzM$kXp(PexYdTKjda9h{n8iY+mF_VzeXolO4js3S1xJ zvD6L6oSh8)WzBmlJJgrmr|C)oI`VJW^S^r*ew1m?2I79%m8bONn;89*~aF zk**9{9Yy}dbdKlErTf%N*eshsS07tC-Wx{6z$BDn1sCq#=G`7cMppL_`%dPDJ6wBC z(%hfutvE-3T|8>-%}`oA8=H1FS?X{F!_*h3$R(gLOhz;=z5Oe+_(XtnV1m@yBoJf%;$J)^q% zg_m4R!gQ=TN7uaK@;Gm9tP162Mlq#p-MH0ygicK%Y}dQN_wSaRjxuCugF9AL@?u^7 zOKzQ(6(KDyyjAVQk(G%{?nr|+7ZR=6kEc# z*0Jc@8it!YGI+r&CfnJetCC6EVQx}?u;A)&HR1c@0ehzeu;Y2^;a|iix(gCw#=^px8Fmt|~a2a!*@=FTB($)!^ z$oF)dvWiYh4_OjbNw1+Mtni3o(x|)A`7cDjDuZdSg4udHj^n?6@)H@K&XWFRcKEMqCmh5*4r$M)bM8Er zX~~F|jvm}=QWl49-bbTtHqkTX#CYYW+qgbd+kk zZdYe^EcD=SOE!O&2~O0ToBp`*y#>qGOUyF`|{5O=JK%z$9j zcBJ!p^g%}L>L9M=G?MwlhIxav#oIbZRxS18*McGmclKg^b};7y-?Q^oBK@Q7@LN(# zfLs*+xrJe<;mx5!WpUfUgSMgdTnUP!e6cCB5BQ@!=mkkK$5A`?fqMrgv-W*78ufPk zde_LDbqZq4(#D1pD<5u%!l-UmAp)&;S^*_Z5JPH0%AQWE-#@?MMRR%DHpsuiiZFx=W1w~Yo8 z=F`W<&Wpwo0;kJgX*aEy0*f%TPrTr^Z30^wikYy<5s$t8)bw>l_tqsA#~!_Mw!0FXZ(XTNWHNqO`9$?E?Jqv`9zZ)0~)di5#05$F+HT zC>Ykl&5)}M+<1?QXW4y}+%vj_@*l#Fe&IXnftuc(X975`Ab$c+W|vL;OB=ji1|{Sh&}N zC9fkWU1q~swOyE&Uf|;+Q}&E$FM^g8k)mD|zFjvQ{nf!JTNJb6VmuGWzhck48H{%g zX6z(C22Z_5wtNWD>IM94ie%}Fr{wp3%z@SKvCE9Xw*4Cn=9qH7vx4Yiy&b2>(ZV<$ zww$S={f5~%FZ9K)Ll{5jeWYlcl31M;fZP5bnAP>>c=`;I$7Hg6?02G!_Oa)SbpIuO zcJWFWsh1*2t9Xge>W$Rtni6vIE+cvvaoXt(W+5XuqV%4NC)LE6jJf0_VZDs;L#=RlsRwDz9Y^l1gERLp_ z5IG>3i?T+9%jZ*}uO{+Rr5X^J!QUAYZW-js*~gCwGt%SRtXKxE`9YVp-&ol$8|BZh z*?asGC;L6-%p?^t@TUo9GTiChu8yynuAJZOOaEIRC|yv)k4z> zcR06SPBiA*@kmZZq`dIv%&1CyHKM8LSHtpax6$dkjiQ-XSkWPZCAO}7R)5c`*@i?M zaA&XY3VL2Cp`Vg7GfP9z`Xw*C3w`h!6T_IMW?SdFyWc?=jYBZK7pkQe}|7wqL1U=MNmEY1s6hQvTIN#@BE(gqtTRtFV9d7G(_iT0!do~G3`)*`)*J2 z&9z1Gg*3t~6hyZZC0saM&tjRssH{-tS&A9vmVVqkn88AuRF>|GV!m|*L*BjTKwd0~ z0Xf|58_coYPN) zj|k({=ewLdc8_1z^s#Fni;Pr*9+y4G;B_=>KUc8r{c{ewY$YmKdX|9+a|VCq*I-Y= zEiF0a6vN5!_3STAWQW{ALWkbRtaK?49!OX`suOdrq?6$3%Jeh;2$nRG;m!AnT;eYA zc7L|)p2TwPJm&mrV9k61J&)I#Vt@u&@k=T?hY6t)3f!AUR z%Y*qBH(Vrb@}NUT2KO8;;`lI~+^MN(_Q_`VmQ2RK&ErT<8=Tq;EcV=^WUrc7a47`6 zABL3G1~518EwK$1sGK(?c8CEsJxsB>e33a*ZCTZjg=;_<1G+wvIFEGSj3LKj2LmSb z6CW;CW0sde=E`p<8uu4dwd6#XUln*+v=Lj+okpkT8vSDYcoS&PqR4Vd1G!D#5nmZ~ zu7j9AL6H^nE2JLNlbUxq4BcrjVWDugUC3tSrVyM>Zm==hgWreZS%0Sho2_5b@%(_J z)F-z6QWeT&ioz}2o`dTHnV9nd^VDEo4*14p&q#?6q;h_e12K22DBbjmxL1A*Q0y)Y zoHICa;Q?jOYVh1pMX$yFn5;fdb?p)k=h%=aX){rC?U;7PpN#1DRGf-H=h|aFeF|gB z@K82Q&=q0RtB`%&Qv@%}!+cjWk!=gOkiDul%ep;&AutQXdFrnS#3Rw$l+HQarQgAd}>+SHImY;j&w-7^5U= zzH5r&OKsh#ZfT+9r z^>QLt2HsWQ;p8`C?i?C{!ANgj3=#B8zRlu&H`%q@kc)eASiH!C8(*UFnd!q!g-pKA zOXjl4RmMLt!hV82TB{;?WoXCBNj9i0l^4^_NwvbOkU(WwF}sf&g@-E{-Tx1Tcbkbj z^_Q6vhqow_6Qw6yv9nX<+mRSXNLbcFqQxNSJ zp61PO7fP!0P#=~c;oyHvzn~!$dp+PpYcJ8z&5IwmTp6<9Hs6P(qI3By15wip`k4epI*D2Q7_s>L}$S}sh_Q^c}(UO4}x1|Me^LQ z9I3d@jsQ>6$6IoAawBGE_w(ZUukgnuez;C*!JxR2jhi*3v(ZM}8Zwv|1;M2PHIZyk zz{R;8MSR;F=FIOZ=66>YpVWLfmYz!Rr$@{$sl)p~II3CoJR19r(`&3a8JkDPwjr3d zJmlHcaE!bj6WZv4T$gaNWS)^Q_a--kr9Do3$Ho#z4Bq-OD!`ATgh6a`wxh4Z2d!7D!)PtuJ~phj%;95^vbbv=kN)Py@X!Jy@>;#ZM@m@XVpj)@M@BF=(Vx@bpYYVy zj7NI4tiN@S+x>Nf)>$pFaigY~P-e+eg&(-oM1~uk>5p+r6&e$EOIqqk4wU6HwLs#O zKGzvk8p|}f-I&}`5M}OZG>dd5K5eCUR4hFP!jx^bG#R%O1>5cUZeD?GKmm&--23bJ zBVI^4Os91|oS%}%Efr6khHgRI&kHXlZ^X+zES*1r4J%8zy~UqL=L(oQF`tgo_hnr) zMYrn5%$X)HDqdL;?SGDOFMYV#Vom&!FIY6H2%|17^trT|Y3tYU=f7Jlv3P)ya(`j< zum}UCWptGE6}20GQJq{y!nBE0-PT9@bUp1{1GrU}#irp~NRafEPG{PX`_G09{kEdC zPc@yw?jpA+hN6?w`TwGaga0cAypk7>CmW!3N%|a%U-MC~5Vb-Z4l0CjEy$K5=~4WA zn##9N6ZZZeJywsv(Aa zw?|tsnY%x$xQL9HeLD@uSxp?+8HfMTYLXs2!Qs&mMm|cyMcai<8u_Fog!5d|7FPGp zBJEfkF|6N5Y6H@k7@o?{4YFeGksOZo_U6CbYzD}`$KlF93MTo|af5^bobpMH^=33$ z!ok;-Nqx;wx2t1#Y%FzZ(jEErgzGv!Tz^-|NP`k?$|{Rtnm%;c7|F$c;S#qjV~~}^ z3tWphJM$rTUpMlrYe&&d&W51}bNJ(xhikhUdi}P*q+=OR%v6M%=M6@+-sEJCmiT!j zp7VBc!syUD63v5|Ej{Dcr-y9H?jlCcyv5G!TsrBzqu;9!HB-`JlGd()VIOHeqVl8amViGCL9!b^Wq_<-HMI7wXIceWqq6*)AU z)RXe|0|`4G(yLbLrvvU_8{TCWXMFf_s7cc7#rbsN99O9!fjS< zlXRcHUl=*Qqqy=m9~T3E(zjb z{J_*HDYQMb8|yV*JgKp!?3|WZ8}yyHd@CGZ&8B#aya?$0hi?DMh&)=v%Pl|H>-d)a zsfje%dvbOD8V-(bp?za5zrCBed&3;FH=gVsXNT9^Nn-iyx3uZ}lF|`RssDbDa?1}` zY|X%ZbVu>eQ1a-On3D9~m3gYtvo|#GvG6Uav%PrTQCsv<+{d$u3<9z%=yLIsgasn$ znVQD(`Ys(|(;caQMiC!SMc}U_KJT$)ZwCWn^kP`KIEwXwF9_@};hHOrXp4;p5U_TGl-6od?Ifa8#bbIH=PBQN+Nc%rr35l9sA55xcyhb&+m?$ zm+@lgrtRG5DG0ixBVt@XFzdY?(#=Ty2q4;)l*=rN40ScM;6>8@sSx$ zMZUCt{1RTj@jD&ny&|Ky6ywc7l;*!?&7pKIhH4A510PB6DETKdU$d_AEq)JfqI~`> zgC!mEa?2f_bZ_R0_B~z=UWDA8AfntKvhTuQ?uN;UIa^#v+4L3b`?+kt8bZeiv%W{F3j>54z9#I!&P- zv5J3+JqD%6 zvAZe|-Kk$0{k?@)&qj{gp=fXm!PoXIv3*} z@a4mMI`xWVSEG(tS}gqz`!{&XH!`}SKhD*`ym|hY4LR>wtXo7cs|3b$iDIvASMj3k zv!oFf5b`aGP6h9I*4u>dGFgx>>Ce5DFqF7--9vj$XDWz*@^wV%{={)qD96-3v01{K z$Ck^B)p^Gn%M=lE#L(MwSUHj=yWcLA#w0=Zg3_^#g4+)L1L`fQjQ3#hCl~jM*1K z%`1UwiJaK%e+$*1R?0;8i*|o+p6*EIS!o@fueytaPMw5nz;n7kGQh2KE)gc}#JrGd z;xzBGc(~+6*000TKSWi&$GZRCK$9ADGDDjm|75iYsw6vt!qK)(rQ$ezvgZG zPaNL^{j=H$-#z_B)$dl$-FA}vTvuw0T9G@ZE{Z>O5btJ&aKJT`-%ry}2y$fg)l|;( z{>k)*Z&-LmI*(GXxBRc8SQ`GBDrXI`IOGO)mXSE$$R;h*iStt>EwoTUoYT|eiC`|7~F-F%L-Jg+s zxfOv-Qw19isR+B}4cv}_$hp=O`AT)H`X#}S;+g&?AJuISnVwO`wm!j39hQYkYcY>p z6hy|_-JCkqRzzDR(oZ_erSEzR*Tm1{+MDvS+=DsM>LOWB!m1AfB%ddg&gV}sM=Oy9 zJu~q7Rm!$4mS~nZ^JmC?e8zuc)rD5d*K3Knoj))#O;varhx5cTk!UHq(ruYNy$klCZQ6Lfu4LT$nB+ zJQCdaFte*L*>sp~Pa27^eNRCLHv%Vna=!OW&fE>hN8Xsvz5V#0t}d>-yd!q}DG6g) zv(xz{I=gFFXV*l9mbS3_(9D^)aX9_yAdcqL;kPrAwn^_fe9nm}x11QGC?|Fgb?5Mv zA~bAj&~Njb>}^gMo~dACz*kOr1W?;uRSfRiMzlDd=ivBcUP|>scXuG>`3HFr+d=s5 z$RUDQ3e-X+ZCFQ~%}uARY$5}1d}Dul4TC=P64nduaMwDRiEbMh(wI!-&K4HO1+jSC zHQ&T(Y77cZ8iQC1U&$_5WSGv!4;;~0i#`!R6DXHE{3 ze2L0j)|>kC;8-n+>od4so5EHTZ<_bG(pKdWE(fbfn*M7IpKH05BZJB zygeGrx>G;Ni5VcqK8)qX#U&DVvqtT3AcLeVfy%N1sn_U}-_IQ5a}Oll#Gf6{@>rKv z$82ehmrs0$a-}IHcP#0g{sJ%6TJ&O@`6FrQVZFNu>nKeT5dNKYU%eThq$+BZ!H{Wl3BZus}xqK5vfc zYIoGPNj|{XS`sX}35SLG^sgzW*+;66Gcxc^xyI$e5?^}M%nFGEESw&Nj;%j49KVqo zv>#D+*W@W|iie|D0s)-#^U+!8dFRu2z$Hq^Mba&}32AP#{*UuQa zF+*6cnT4nFG-0XKU%at=j>9}d5}Uu09FmPwRRsO^YKvh>PSiL1p*$s#Tj@$-Vyc2z zcfgwoog+XU4c)D_&=%?jPrxllIHc%9w8YLVzz=JP$b;aw|G9taI z0Q>Vf%sks(T$Vf+Z;SS#bC+@qB#-_}Pz?4xRE5oeJ|g>Z0fm!B3i-G!!r#4O;{I4( znMmHIS7-5~le~}}(pB7?;>M=~+Tz>|8wsmr;XQYn_^w;dx4oaZocN6MH&Z!Qk;0y7 zHMI5Z#ls27j5GGbtKUp8W&K6KtyH>=vc}?AH_?5e3+pm<#ed2#`7P-bkCo&_ zhpSbz8y3xj>>u>%Y0s*kY9g&~3280saPq6c&A5=Fz-`?6n@PeNCGmHzBjfHkN?KMP zJ1rX65c{1|l85KlsfM`YeT0UT-D%KzFX5qYRBi1fnzV}P`_qNP1571+5sS|CA{MlM zWK+DdQ1FryK^u;+bZiKRJzgR2ollUjHAA1NioyZ)+i5ZnW?j%l{T`%?2akvd#*7?y_&>b0aB(Y2b&QFw7q|mzB`|Cv-SnK zVQs{jhEO`Je~ypOewL`dqUuH{e@kk3xj6;TJH|9D@ug+YZDwuVgS>MJmIW!q-N<6P znijnyo-!q+l4Suw?9+;6zM^2$pJ)*Uc>G0J9d1$fziMy`gPik|GjTSo(;pvCzA(~|JOcA@cZFE{OViL zo9sqPEu1VFK+MoA^bD26CQEryExp$-?Ox!md4s@bM>r{E6zuFj(05xTuAee!KO_&w zJx`gM^OzaWBU$DzX%(_7Y{Q-u)3!#er|MPM~tF~GihX> z+AQIqR>SF%S{4RNnBtn`N1NtxQPPd?+>zG3IEd4?yg3?tj7b;YQ<|V494^1dzWz6B zb-Iey1}|ngI+H$VHv>&$=x&g~$9XD3zS@s_VO_+c#%$D2mXWtJm!HXRp|7k6b&+b} zXNgLm`b=j%Sy5!$#D_5zSRT*g^!$JHRT(bIcDECClJ;&f_aRxcLZu8^1d0B6h$~J! zd;XJ^Oy;v{vh8C5#D1NEK?7$y(J5@5%u9=)V9Whe!`YZLD zI3oEvcMeL=aPeVYu9oos^p{DSTPX~_$>+Ndcu}M)%!4BsS@IUEQau6=B@$ZENiZdX zs@f|ANf@S~ofkWfm5}pQMr7z;Wy!&zqUF|ejI=aF;D8czH4DgZdW6B4Kcwuu&DxPk zG&=vGYx`W%K6e#0(=^1~S8u62mC1htPoeuz!u_+=#Q0gtV$*a-jP|MsYjs`Wu&syK zS-zUkZ69Ii z5vKdhn5Uo2&W5kJuN)x$-qR67HMY?9Vj&~z@@SUyMBRxV%=l15TPJyOdut)`s+p|m zE@4o~E50}PH%qM(_|!W9v(JC=-kZz4W(z#r%(8XWeR(NC^&V@nw{J}>iuG0~@g>(33Sk20l6-+2C#cXCRHOIS&kak8m zuS%l(qCf0dsVfQ{-tcC018U1IF|H;F-7~V{nY2IGwx8mBY66K7HavJ@g3b#k23}2} zgMylfl=fuj%ZJ>K=pgRAkZ|>NN&l6+Ib&f*hD!{qc4>;q?>%@Pttw7CL{pW!pEs2T z)PIR!p-Md0|K`(asG>+P)fBnH9}ABge33G@^RH`(syE6)LnDvJesNqVtRrZnEhZWH zbeMUM+{aHylC<_kMhas3j38>03JLi7nvPOV@!hy5bbhshA1-yY$Y_W;))iz(y;*;< z9nA;j#iKVL**w~oQ$_0HoT3GTbHkZ?Es{%vRYb4pi4<&k#s?(_5^YTw-7NX;nX;nq z4mqKHHU@u}*Zh?`M@LELFsO^dV_pPfV=XZDb>rGJGpV13<2t8=H?ykg(y5-}u-;-q zM>pP{eMM;dzkFIZK+KPFBmC5R_K45enzTyE26=J+&=-bztBJ53%>iB(gQ1RRdS+R8=>uM#j}r659zEX%%**oyx|-aTY8EY3%Uva`MP4B z+ZVLvXCQpPG9>;t{YDw`dv80DC~^7dGxcm*YQ^C1f+5*Gg`Bdc@Y`2B!4>B~LZ&H;0p}0mW+Y*fp-KGM(MjZ=&ql%aCChx1X?w7fP#p6f z+izLS7q4maXBRrD@8~S8!^6TK+$gT+Ypo*(Gm@BIt0)x86FKtWAuGD<^KY*AiWqCQ^P)P0YHLg!jnX93T6VbsscEyAuwWAN|Zy z&mb(_BC*Q)#_Z97T$)ja#nfJ6>+&Y-#z^^N;mx#~>hNtFrMh$`5;++N&~ulZz#vA< zeM`&6uA*B)BNlR!zJE?bM735B^DYaU{A%Y)N?ON`r!%9mavNBa-x%AGAs6$NL)=>TxvT)n75DN&F4fa`%Asy-z)0v6A0|+ zPTn_r>MEuDuj4Z=NLtLb3z{O^`V+I9-6^}IC;|pbvjjdp#Hvm?$b7rTu|+y!PM0|9 zOr$x5qa7stb%u{_x7j{$keJq0Sr`oehvmH>3|D;O@ELvd|4O>eVmmG`dyUzQ(ZVt9 zK7onFj2$vpbdxwhj+Eb7zCuAHduxcj2Hk{HrIr}j_ai;?gBdL8CATtfFicO%?o6_h zGXE~r%0=)s=>xV>rcvWj6g{dZij@h!xh(bVpa1@`QRy9hcADWZySo?^5=DZx8?ALU zBp)lqbo2vys+?i7k>m$W$)$dR4ZXkDA=g*R2=?wHx=DApZRsCs>IzWJt!2Ag1zQhj z3bS8BMY!?^k=;*21b0i}MrX-ieXS^#D0`7}Lr!FjXq0l?L&T9w-;o(Ufm6;yg-N!Q z*^So{i5DtpU+2c}*B(;uyT|pO?Zx&xZAEU2vdG@8BEmZa@UCqQJ1A}kDJa2eRj&nkOjwvG}_uRl;!+)K23-c3ZO zHcOa7MQoJjSyr65BYE+=S#a|<2ci|livN^^VuJL(_>XZ5yl5-&{=u2f62>*g;@b~8 zPYoq{wt`R(ji#-K7DoGiV_F}|9QP^==Q&HylNZMma(TSBh}u6s^e_^1GMyq`O8CFu zuBl@G>p)(;FQAX)$u2VZM1Xl2-zpVFs+r`;mp{O2Xb!7-JY-9<4}(UyvG`Xk{Ulzv z>}UlhSAOGiB81v6QAB*~BVzMDQQ&C9)itA7XE9K8){CNgxq{eoyp1rOpe^)^>liyQ zl1Wadm=vTaj;(OupocpMeIC5HEm{t0+!!ALR6<^TJ;5OGf)neK5gkK$8$sbeAx2f%fQJAC)UzPH) zvP~FD^(7`bh%VAR#?(1wr64>-`a`Q{uZ3bkrns1!(9=`n=g%AS(!q6e|z??R}vdW z{X#WEK}@>P%A=rPG)VQ@q2opFT76{ni73h?>~^K1kc7>uLT2tKmcEU|u<;QYGcqxM zG($W&-cMY02w~6oX#PaqWbKyjqOwIp%xo_!I_b&_)<{0!&95wdlEJ49y~X3}d8Fk% z#<4&_+`iLGER53-OLiAy9iPbLiFUYc*A}~$$cUAb4=ElK2qOO=xbAGIP%g`2IGWoqElzJfF3;Eo z-AC(~^Qe*^|DIs}I)o#E-9&6_FviP^=svfbxb9I!#QG1c*4@GQjUC0!tZe38jllAh zISV>H;P~$ASZRi{%i#yI^#jGmWEZAg?<+0~2efyWNO`F$#!6n*-jS`m@0G(nNduCf zla2c~6=Cf2mY4fNIkV*#ym-qHeII(hi{eL#swj@`AW|A$)8SIHVO<;9jLT%Ic`cYI;_@;bIi z8ABKEU~XR8%b4jF3|Z+$OJ`|DZtE{X-}D#Rjf&!Zz*c@pS%lJx;i6f>`<0($#f7_r z#A2;Ktf)33%kc#(W?D(P@z->&>nvJsX0fg%n65Wfg-_fso+N0C4oz8@ zL#Dqg|6~UVRTn7(p)*t@Onicl(;%@#Q&H$C6tJ;6hco)BBDN%z9&XKa3Q6Lhe*+66 zWJHuq6VLZZImjtROnxL~dOn?H*|sN4JpF;(gRRIPOJ?3Fd7-iM6YV$dVRS?~9j`m{ z>qRY@ed5XTu4jXUH=W~Scs{?K$catDIe9J9pUR1G*Sm;_3)h$vXUN7M%EDdy7W2mU z5*McUNc^#ZA5NcHdw6!2Sm#UrT*FvzBg> zzCPT37N!!9n`SC2%8rH5lqzYUHWr*UaKm@a3szYbbMubBbpA64OX(=iI7m4BsV&_k z9dF}288LR2ifH%9gTgWO{F)4b8tJq=XeSzCs@ZD%2fw|qNxd)a;{+vfPP&uTDK#vW zdfV8ovf||CEPMxk#Ujg}3lkbhRjXz6eLu$N*AhNEo0y*F$vP*nr2l80mGtu`NuN`gt+#UtV&;C%B9)! z6_3is3S@WK=$6 z|FjnFR||3ur{H&1SuCxP69Gdf2>tz)w7R>ZcP56z*~5fSW-swNqJh=>#);@6$p?Md zUg%cVp))s(kMc2WZvDoFk3EF0VqdXzu#%*;B=OKVo0Sq@@aU^5rd;?1;gBpY3qKS18)sNNC##7`xpfq5_|CY>0pi-PBGQ#@2r=__O^gboahffZo<$#oKcT-u8BJr9wwGLrvsmZ>l8c(wEs)54?J6_Q4~ z9w|JKvcm}vHN>Y&@0ekq&!6xX)|`mP#U6&de9h}1I~Mu;pe(0_9yhBvc_fK461eAIJiH5i{EBy zl(8icf}D9;m;MUN?#a<+wHUOPS3_i-7zw>qp^^FK^iErywuZA#l=Kyn4zV+X0t1n3D_7qZ^w7xF?i@*z;oaCg2hj>{KyAM2pt5Z)|c! zn1=KHtKxq%&dHBh-YiXw6 zK8K#yGh8|&N!fq7yTCg4&;KN8!^M7#G;V|npGoJ+d4_-f5$g=OkDdPl61IADV|f?) z`d>owbv7OshT)QCE8IC-v(%^oSzBZ&q^$xrdnHL+v;!8aYjJj`A?c`ZN8OWmIIwjo zM6}`&n9F%d_OOQNWTE1i5;a+LLL!hq?}%kMkX4P1$J0?eRh)c2@N-!A9R+32a~Yg z;WsXS4u!?8T4Zp3_*7Lt{3m+gftM7yYF3~&kyvLHp|X2n@L$94rhgh#y_9obVKLYx z^a%A{9;`RCpk|F1k_tpII@O(Ko;3G^j3J~sA$TNE?bY4fpL5aBqXR}!MJPJFP zerzfnK+&KTDVhJmqXUBUdV>Zv4wN7_5Q7{%$MS3y8_a0Jg1SxQeJq9KSkrU_JZg<4NaIpwApDjgx{cU`a`iEmK z+#7r^PJL6^BOUSy$0z1O!E*?C>v&_;RDC)luS{EOG$2b7f>O+!)Nfebr3tMLooVE7PRRt;x4Sh7S7EHnaswp zDkUm)&BQ*FYbXoRBmb=_m=QnVa?`xU98OpMC6zrurcxfu2A8EaTV^te@w zjI~~&e?W-@?R)Y4qy$~yvsNfwj&u&I(}OdqnBROKDQUOyP+6WDSbq{L?1f2B5?&h4 zqV?jcR1;Z(4~Gi5pO%2=OLt+Cd>1FTx8po#((mr+z$AH1N}SS)xHvahOpU?)e)cpA z*lSwo51&!`bpK5%3Xdt$%nfn4)d_4o;en97=V4{e+3pkEgS8i>$;-sZ&cX@pUWPQ{ zWF>aFg~FFRq;=l8SluW<509ykSEDmtY8bMA-;ZTBHIP_Z#`C)>iSc=yWiLV-yoOTC ztadDMy8{~^XB3Z;pxft!$x}{;mMFy_c77N4b=l)R=#JFo?wFEkMK`|`VW>hYEF8q? zZHF_u#N=^BhE<)F6Mzw(jlKLHM*K9KzBy5@1K+erIpg8*ieiw)$MrB88#vIj+!0jke9CnMYSu^ z0(I_T+q7ZoW;J?ruoOCDYw^?lD>7!Z@a(@HFNKQHyz~!59|mK61HVrNWT;`R7-jpb z&<#Cx5(%ioQDN5It~LN;32TOFQTxtZY~0(0*cn4fH2p6oQ!1?Q7voSpf8WYpxWsx~ zkaPiNZ#E)xjXKQUph&H!b!nT&3j|IJfY6v$%$q!jLw|nb#3C`;!ur%zeLbr74~NWn zak8!mMa&3EnlZrqhM8z+2)TB$niWe&^2Z?$mmwxJ$a(jIdm^OK_yltfJi+e5dq0PR;I71Uho^+hO?HO#nw@yoI%zE zx!dwf$Dcd*3HWtk7+r~|#&1PgdUv@5R%>I?)RKuKd$RMZO=EAnQT4pAR6A9(592;5p4MbZzq1jJp=BXum6bYT^cl( zb+@+W&v4Whpr5arxrbAPSyjy0$WO=F^BVMDNIljjrr|Q@`?hyJ!a>$Dqrcq7;5~hE zFOs6)4zBpKRfy8#zTv;!pMV!HA(+H>1&vTNXH~&iT8LiTDUzjp368%F!F1+39rzuH z#kUJN1Jw!%{g-GOZb%Pf1gPxnAa@dr;bf*rr?0zVv5o?1%+7?(Z5cYtTF~j!{SbMS z0;>zUl)bJBz2~kXHvBULxi=*E zo?qKOoIdB?L*iC@youz_4QCCf9pUfqTs*==ZXwuWJyd5!qxHipoGQ-8;;W+6KTC{8 ze`>{nR?KK+n0s2-4fY(RIf$P6$XK)74iVP;P`DalU_6(J_Tm4MJZ#j7q+<~`Go(UtylhIz&lLE+2jyY9aslJ<`3*spaZE{A^}zAm9a_a`t!qr~=#_ z=8k*!3h?q!5@v2{g#2grAePjk-M9(WUF{HB@*NkBUBOTD>7=do4uW^CBIT_v$!wM< zqgX*Y;XRrx_x*+cYkv&eB18r0I@Hd0pBWEE(}=a)qvcLV!tz{%&+dTDua}6ZZo(ce zwI#pd=O$a95`C`Y#_t+@IAcodzU$L8mvG44uH~$>7Y?$onQ(}GmGCk|y=%u{g&3_Z zXhrPhKX}f5b6c6py>ElOzo;b_ZtPW*;xRM z3lk{Vq5vI|YBc116dFe6WAK4)~iyR#Vb%yW=xF2PP4U7D1pLewWnOHWm?&u2iv zySRfOD?^(;=3*b~9Ca5ypm?D;iLaNTLt4I=X;Fc76;~neRDt!Z-%9pYVjwyiXGIrK zftU*fZ?$2GG+^5yP8W@Cqkf_rzH(QfYu^d%a`gsDy}*peFX6uEF(ztK`ENwmXuhYLVeS5h}HA#d)h>JRG4ybDzZEe1<6PKEYXjdbZodCVK^bXDqyKyv1 zg!5^I7}3kUqE>A(=U%ePv0B(lcH!0k?&%|hXw)@zx;nQP>g$5h-O&Z#`8t%$+_AS; zl_|nyg1X=Ot(s2eQ(9RVm;r|K?^p;6Q03-k!0dhaZIK zn3XdwTsEfqvS-L+uXt)|7CiSahi|+ywJhF~O z;7u_Su@)fT%HbrX_!?C^ENOm*E6-DwTq%8y>+CNc+&-SpP5g`h?2~XaT!bQj3DB*B zGE_P29_m*mKxB+6XO8UXc7s^>K!7fH^}_C=0GaI(qal^6$f;YCJbh*9Wtu&lE*R5f;(39y zDFr@S6wCL9pLwFR#qb`^Kl8RcgnP47HE7yZdAc6<3^@zha7s*$l5d=YOr$S- zx#JO9+zY8C`A88rB%^1}*uUT%F79hX{w6~bT_Hy|?QY>*mlSof*L2M>9P?#`X$*V0 zSA@KAg|jB%kLyt&oq>+Iob6q1Kxv+q^hKU?Mm~I3Z|K8}7|x0%@La|{bSu8!t>f;I z_4s^Po!F11TIv*T?}gcdfk^n?iJ*P`u>RQ&nN%A(wNQXmT%34r>l;=s&rQ{Jb zey${q;(KLW6yNPSBuUhJ0KO*W@bOnAqugP1*53KY8#sm!Wnu1FC&2P1Q&1AUClCF-7|1++PS2W?cRIoQbM#b#fiq z4dEPFy0*#z_c%u~TPz&0o8&3FFAiJp-@us5?D0<732P@~>ir@~9?~5!oVX5yId+iy ztVXB)3&N&Z5%AlV2yanUdT}lpe>hwEWtIee4)_H3DTPSpe7V`(SPY$~!%TrDJkZji zk87CKbiD}6$CW|2JP*snV=>V61R{5|>3pd(?5~C5pJxK5-1`eL_OUA;%2HW!BBGvl z!7IEC^~;$TFxZ3Z%ruD=% z?>V(7Tdz(xn2DCQv<2STt$5fSj?Zl_7{>e&;OzbluNLSLjaQ-C zWf@pp^azb&%!*NK!!+*Sxz84-?uJg>ax2B(U3PHIeu~S_g~&iQ3dFkT$u0LW-lQ1b zo(<@Z)h6eCDM)@LOQ{1quPF+X*fJIB>ivn9;5bMxQ=`pV!W91UHeTK7fY`BY&f|;I zEvHGOrQnEvI|+B0Q8GQS2eNI3wDi&jOf=)qGPoWeGfI(pMw$%fsFS*F2L{f?Vp?J~ z3dWRR4Ch7G@718ss*|jk&?E;I&nPs`d`TvY;gLKTmty9`g_1d43G! zs_d%H7+mr9z`PXhFs@Lf-NU0GvO$HM{jFgVT zv_A%vE7%E-5JA%J7x?T{Zo&$AzT@V&;yd?Sw=+M=V$MjqxH<_t zX8S_?VGDQkhSP$5QRun<8b#4QFi3oiZ*6_7u{c46b2dQ>TA*k@7t1|{(%2gX*vHRY z%iD(#Hjc!y%ZhYnND;P1{J`Q(?=bOA9#ZC=K%sF5{-sNhP=W>}^vt2-DxPq359SV_ zKCRB-+|yGH8s6N+`99VF6|CrT59bdQBxp&w0zGaS#P?kVXg-{T`Tf<*Sj=NaQVKG( zrjh-y=U6+ynNiNL$o~0^p}XFqb)yUgnMzUCIbg!Aa5x+?q3$AgWN;2(#`b!?BZeWx z@E^~QDLDF+yNR(;_|>LB*KNh8)B7c;J~aU&e*D7bIoxB7R3-<`fJ>ig zf!>B-w6Z>?@JXD`pUcMS9({WGm$1?;;E4d#hAxb;u zbM7r%mnKYY#r|6EV?Fc2zt_V_BWVx=ijFuvo7qjSskl*@2>+j-5Wn~t-Ya-ua9JD5 z?3y8;5{2ZdQcN+np<}Gi?y79ZaS1*8d*vTeHi^*tk+QU0LYdrrk0I@h6N3KN@n;_2 zL$wARXe>pqQz`cE$i(fM9Nae$CNuWAhsBD~>@&3p+LM7>oBi->%m>`r7tf612pIWl zlj-tNv`p#?-mT>K%E)pQ?6ja8-omt5;v*7_SnFe5Bcr1K+X`8CL_blX>i$RgWhP2X zq%~=)+bu+oSOObG3Hs>#5m_FhbZnn2HJVmqcYOflSE|$ctV%dsD!{qrrtFD`)1XN% zwoM6zZTkR-ZGo7qwo6-!~XxvvCfWqBe9ExQfN;VA{+VQy5kdNv8@$fn# zN2d)wz`9z1Ff{-ULtmjUUw{Ih2-8*pzPEpUgaukkq$JDQ^B6V0EB8T5Wh6Zq)(#h* zBW~sNAwS|XCRL_l=D3$QxhEI$v+v<%8}~_!??XeQ7gxDIdc>5oq>_CQX%VM68SxOi zkk0){Rr;zvpGKU}r^WpKa%mpGz=uNY6cMB3$D>=7iUw_}fD4P@D4?oF1Z$rB&o>)cT24~>VtR7a;XP1*$k{NM#-l$P4Pi51!pm`x($$r*^F6j>a&4-`w-@ zz}H7SGhDchz;(lsRi#6-rl`^IH}mN5na_wZ(j!;)G4zxL$WKdw)D}w7bp0Ac@bhDP zdMG`T{R;`!g$iG((58J8sU~g|W#`Dzv>EITOqZdRmiv(T>^trSmf)AQ4p}V?hFiTJ z&F*PO)PIfK7uBXM5fAXBAMtO{AzB-js)iH={Cb;brg1c z{zUF}A(CWGW3beS)-Fwl@ya?#vnIBQyLp0~?@+4g!HEDjJa84H7sHyMDBp}p#|F5M zBt>B;6pyMek#$v#RCXC@eMu7;aItP5;<<;yZ01BNE>e234?FUXA^z$mkPDBQ6_$w>hU{*iz>tzf9!IDpiDFX?T6R)~1{SvB z=Rgals+y76I5`U1UjZovW?-Cagox!c&VcfHB%BWQD!^}oCG#G2$ZZ*WdWV?_C7Ot` z37@e1NDvB~lxWhepD3KuhZ`1=kWKhsR;(KX|H)HkAZMMfat3c$87A%Mz?E=Ssya}O zv}vIjsFS9#8~ahgXXf<5`}on$^N_I{_8onPY%34+HFm;Gl^N#Cr&CBB=gD?S)A`@Z zv~w^LEgFIp%ev93{&q~{UUaIZH^d_(Xoa*4-F;pLC2MtB`gZ`U`a&^!ydfQ4T!E`+ zlxg)ZKS;{?aP@O)8F1#(n7S@T9i+Z6`;K4a|X2U83KzX%4Zs&c1$u>O-%yNO^ zL0t;yG^Ns}NNAqXp_9y0*m$87>90;fNs>8HgOG$kP@XxR z2uQ%ha3M0yc0lu6DUzy*#WwEdw(H4KpK>=s@*J?|s3vo^)aih511j}Ll6q1D#vk~B znwBQy%~*jIe8=_P(vIza@TSol+#MZ1W7|M=j;9935wZ-#X&YtuPZ+}e8wW6s1KEQjcHmw?xkH%+!b*B>T6k@Ocbsq{R zH6en%fn(wdbmx5{{;@v!l=C00Kfl47bLl7iq{&xXn1;?!CQWro>T~JAoQvYr8TknR zM43BU{}(G(>k}zUP}7J&h(zZ@Q>YZlJA}x1aR($V`{8ZDX0d#p#E8|yJ4#2)vjm16eQE*!a2 z&iy?J`q8FL=N%VQjH3zB<77nicOhh=HxQSBZ?TfJiJ9ErKM2rNOXimC)+9G|0a|ls z5H}7t<9V+R9pJpdo~&SeyIzMlZ87>dEfZH>hQMy!PbiFwLc%mT67KOsdU!Vc^E{v~ z`w?mHg3*yalDxLb(l73;kGot1@7cegwL^xgJO^PLHG~$9dWXR0!O#!AfK}bB7iUV4 z`dLvLwo8`2Mb=}8AR$iDfGQlv(~L?VJm-wZOy&yQ6YYc2f@j!z@+Q*u2V&4ujbQ8s>SzGuxN z1_2L;(A~aoIK7I0+fSphg7ZK+8?Esr_zyyr&t_z$fO> zh>1`@mjPYp+~??d&dB@s8BPbM)B9ImSe2iE?baXQX3>v%*FIp&Kq?mf5upVFljvsg zeKc2Sk(D#=J7~;6`Y3HWru!YLi!#u@*&Vj-oQ-goV-2bt-pnvle&B$bx)jV~rn0lA z4 zj>nw6-Fw3q=U#KCJTeCtYb0sGj#^x{=Ddk(0e($3pkaF7@ibb2!k>uKG(jCY>t2t4 z_2%@PITv*^jH#|U1#g)1)5dq@1u7{>m>G=MkA~1zA!fAxmZo!@KMu|nrc(CvTa<^= zU71MimcI&h&ZaJj4Tap@Z&>}a6-(!GuJ1nIo0!pb_r4UFc1@tiGsn{V9nnzr5}+;{ z&P^JNQA3&rrA{fr&nZ?khI3VUXDgDF{6<_YUHpoh5M)mRQ~H9)ZFIK_@@%| z=~O%WXi<2b;mf{qE}oy2BAJVQ{5k%@hlNH|=;4EL!XI(YFa_gyra8y?r%lh2;1t^h zfr-($8X-X1c`3NH@*@s&M&T6eE}OsjKv{>oagX!y(qELyS2bdhR}QS2Ea-RRa2mpA zM&DWDIn@ysoGnpL4?|{f3$Bj~hMG+nhF)h4GS>$|Rwa0=)`ifg=9C@59_Gbv^b8+B z9h~5Gyazi1U*PuEH14+lf$fGG+?BT`<&QI&n zj6CLt-S=z6nHAY+QV<~p)|-L`im+FNGd;TwqG?|^q>TBwej`Ad1>9Q-QJ}rgp5kn5 z1#)eCG5cdYf?YbXKuChLwB;%Cngl(a*o6DT@-QT_6<7ZiA^d4Ka+kMZbec3-{NT*M zU<`tk?%+QEHv0p0shP9lVvwbsZ#C)4nMcfP>%p5~?yG$Gg%(#yy3Nnv!Q~n7I@|~M zuC>_gX@^m(%U~sb8%OLbF_v@ES9NlrfgB7j`GD$zQv9eYMB4R9G(|K4m(;3Ze&8Qg zwS;2P(M~8BNReL}=P)e0kR0TU+1a|}bxDy9nO?yjKjua?@Jz}5nWqDRC>*LpzXaDK z_E9VIoBm-3_u!Wmy+HR)Bf8@L8+Na=uzvPkyc*B_5x(2)avDM2YnX+q9D;@0S^)Ne zh z!ZnBpx;{|xxP$vTkaAz@m}nW&3b z0-4Fq?3QaPlv(!yk59@{wrvplzF)<;;n8qz6rmbE&mx_4NPKHH_GB?L>GXJJOO>JG z2;T|An7I?N5BuxJkX|9*nYW5ld3_*z9l6k)K@j=F*)!%9k7b=`D#O$fVI?QeFXwmCcy{!+<_nR>JKn=lb%rsP_D2 zj5?}Jf7?gW`k#|1ejo#f9{|F0geg{rITIN*h~6nkS)0$Ir<^m_<$`o}4$r_|CKTk) zIhDiatkX-hsl(%7%L*^b*XpJ8d9k9B4-u&k4$6I1gs@2MfxY7M8% zm_kHp3_z)PCRxMLKJP@8+4e8j+O1xah{FP_F zFr!?D;?@;012hiht14i$_$ywFFF_>#`D8uA(DURGx&pH>&S(sI?(>3vi4>g~k%{q{ zez4_E#ZAsH&2y0@<3i46YQ>5KbkYY>}fOiMrU9vAgkJYM<%awm?eq63Pr#RF>>P$h&Aid-Cc?#eNCH;jW`4H+a4i@3XmmNgPSwC zN9SZf|D1&AbPenJtLm6D}uphHU zisbhS()X2auwyMVE`s~`3Kq1H@7IFrk=%jHMI(2K6**^Q!y0D5*D@5(3c`F_A(FZz zPGMF*FxFh3rYB0!N`EVwv}gdI0wgGMcpj84Uc;P1HM+zZwBcgq{O@!j;DHK#y<$U7 z{(_X#QHk(PQgkR>i9+^TQ2!EH>J1CzXZIa?jyK?r0{3;SG9WJb9!8;hG--G}j+f4* z_TLG(+bT|pJ<&)o{eaW#(d!3r?k&3x2mYB+hes^d=`c%2ts9jtWf=Qfm&WD2!G2wF z+Pfwh0-LpI%*KU8>jE*`6Oetii_(P(%1GS}T)6I{N=^Kb6 z>yvQDG!GY&{ShTNj$|DqXzDmg8Y`tn#aWF=-8aB{8{9ChHxc*r8z6Jof@%VznRCS% zwH59tz8r*`4i4DPnYM;Qqxih!%zr^RXQP$4H<;gmrfbugxzm7McTbM0rcji0AIv9@ zHy_cwwH2eMnURHJHv;O~u}eJ==4HMZEKwqdj{h)|HG@NuZP2I^pjPt~Nb2QqhM9S` z%`?e4hj+&DeJtb4b&Tlm#&yoB^giZ$>+ovaUVj!dmWxxyUf!{BQ=XjD`EJZykP;<9 z+ET7eU!G{u3;sJh*vFzJV-$_OB0;6QU%_x{54K1PlK0*k96LRNd{YEz@dHN`4CgyF zpYfA6s*5K0?o;g{wt60T3 z&7`Z4=+D3s{eR4bEQQE{OsGt5fo-=X-OQ=N{PQo+KCA(ST6{JSL||VyKj++q*xcHM z3_H$`#P%V;$9gm;mF6T-7{&FTmi@i-{LAou+`vFe& zBjji;>TL_~BB=mIg4d9uw(1eHHUh{9A7|I~(ISN>of^WU1r8k2~g zBt7K}{7&;U6y7r?$5%P1I3Pza&wHX&z#Vy{Mc&+Zc$Urj;A{=ryk!uI`+LBtFvQ5e zfYNm(T0d?G{p}n@33Eb`BPULhd*V=&@B-=0b8v3{8`N5Hrga5#+NNvL#l?AW;`v>n zYY441)+X!Ag=l{o#=W->kU!asgWMV2#@z1K|Aa_PMvEp`vnRenonl_=k)hQcRNBAe zjC~YJM{s}1uAjY-QjBn)K<=X1s2Nv+12$=}8|{j;r_1Q>6N%zQ zsO5Pm+WI*sBV&#f3BSf+k|>-cr8O8R_5cpu^F9;Ri+91UvS^X4LSMTIwS$B#H zp5z5Vb-N~g?_%~1TRD4q2gQpI#&nfRam6JB_g^xPLe`K3*QimDk{Sta7vS7k7n@a@ zIfBSsgtsdijL+ zL&!`bhh8Omtx$!tC-{5~V19X2E5x@x#~q%_4@~ew5VOR)0;MTIpFLk;HS#VWz<=#c z7}yz#1KfFV$>;rq9uY`amf@apFJAkVLH<}2mRI!Shq)e&nZq34uaS7U;sdg{Gq9L- z|78A73Y^razsnIb78T>t@*yN5V~_qn?Xcs1;`v+LS9|{k&VMp7E}gxO8lP0 zJgr+;lQ@-5H{XWE=_X9!tmi^&z=OT=<=16s;ww!#~fo~wrCLGIeR=#pBX z49$+u!7Z0o2xO(;GWVJ<)iY1x3D5MVW^{Z-2<|>(UeBr`D5P4`4$vF{ve6ku{He<qaTZvRwpv$V?N0U=E~aGoTj_^BumPI|ZCK+tG!{Y$Z}#$M@qn4Z6D}8xkp6GFmA%$tu6j;R^QiCA8)V&AEFMSZ_eDh*g-WTUFf}D*d z=+&nobR=Gvrb+yT`At8>oo0_%SD1VYhLE~}97%`Az&*7KTa?04IYffouBcMwYZH3V z=Y~KZQTp$^3dL__mbvI++QdBWo8#GQz4r8DN+PEV4e zC;d+FW*(jB@>E1$E5_~#?9ne}ELDLyP5a4ykEAv&o)?cXH*#<)%ZBb>`HGLjElAn- z73BV;!RAyhoDw)sW|ND9LF&}CgS$uO%;%r4MLz3-@Ww-*8dH)nd4>+%dDxC+yenio z`|#;+DzLUrn|zvh=YTGEflQh0b)WmY(_Z7PpA^;d`})?#eC`BrN2{h2A9(h9AjV9m z{C;M2SX1q@80KaD;oh7tay-nL0reK^s>5Krst+;(HOzw>Mkh8}(+4Z|czWc>=A{$F z_m$(BUk(28{H$;&6M=gd(cB~>azC7l!DsRmm=lGKFY_U!+lnD0`cTWcg;ALe5UiD< zqV}7(Vl#tkPYID4v-O6bAuRjB-|0hVIP=~1?IKCq9AZU!N8*unQk2BjIH2{942@gJ zp9?deB5$cv^jN_7?A&P%x*5JOjOO7pLp8<7h{L1TD(vzvKQ62wqP|apq78 zozRN_>3EF${Qzt7tFg7hnEbYS33p}tg~WYi1b-X=jo?7>EG7ej6PN<3jN@fU04 zr!PIjl<$FP6>i2byB_Qw#k%O81T-h;lKaL7xTWffAL9jRgLDYic}}KbZM7&D5~RET ziPCpbVahchM^>g2D9+o0qVD~|r2Cq5GR+P8%j*$a_#GATV)W-g7mB0e(67r~u`{|9 z%YXMhqTI`s$VQMY^FeoHBlFvB^bZ|Lzbv1^R52Al|9YZlNGd}3PBpn=1c`k54z+6D zU-O%HZf^I+zQPxfjQ)eWNje0zOgLEE(2ngQ^oi&0k{6?B>ic(iY+Q)h(|Gngqfcc~ z18`fE^xb7L&1)I~=@4VxOWa-msN&3)cPUd#W*u*|x;0;GiT+KaE!$~y6@d>`KW=>{8 z3r>wOBlRa?kWE*i`rmn^QQEr4i0rR1qi<*qV$Kv}z(tah#M9uHlaBYyi*n}Q_;L2I7OihW;GE@j zhI5_G?e+MwQBj>mT?tg@$mHW{8VLJ4EqyioByLc} zff1p&{Ax0diSvQr>vpVMbO7CFyC z;+ZMMT*%8JbSPGeto`0%+?jL?`zu8T*)iz4p+j~>p4eNfK)0uGuTLf(+kH5nq*jhA zGf!bnP6tM>iNm%*4O(fs7j__$T1&DwWj@`cM(nXyrSUZd zxF2IobH2%vvIpNY#$-Ujk#}rxrf3WAIvc8{O}ppUWB2s8s9ckV9~X3J`bSNgb#xqs z{vAy_hxLrGpmS5qHSpRDXu2v^n-38Cu(PaABgf6ZZ zBM)Ql45;!QV|NYKIg62w>2y*T{);phW?M4{;23xE+Jr1Auc-~z>@#*cNztQ-4jeMn zr!HGvTB{;JmJTLlb<2oOa^4}=hjX&GvM{4soEDB{##TfGh6X%D>LlL(J>xeHPHlnL zq&9f14#h@hZnXa3-0Wi+lIH%(KihxYwW&f=s1eO*J%-L1O4Qri4{c)3&M59ONQ|c1 zP&uls%fq|{pU|A!h`VX*S8Q3!I*l~zH*@K)xCXgxE#iGeB@q2sgbhRLFh)9@-!snW zj*h}9-N_Vh8jQWO1n5*IcZCm#Q)HSArASnwx>Jo7wuK?&An#sy+rmBQW=yCG#KQfe ztH9X@C6N!PQ;sk18|9Hf04O%lL24+ejm~79_ zn805wOw=Y@H$!?5C{M?OYT)&0JP9ZcV8<~-8Whl{W1?ShdQLnxf4zuF{aG1 z%mOAAYS8b7&tZL<)TB&3cVub&ZQk2RZ7`b}0!$Ml?Ri4f>(B%Fl78%Y>Wf=CnshBh zh4ww?-`X}ovgA2OyX!rarF}5^&mf3>zmW;exN%gGB(*wG;VMeEyzWDY&+F&${rJ7s zjXggN`n_im%4y7)5lqECJyUXv_rssfCbU&imwp*qkdvz^ZE+7p-vJ%E%lz$UWAb4b zHJr|KXUBXp`-&SLLxCOB3r;tYeOQdd+WTQ&$eg%3FNF9EVAGmrtdAEb^)}uj7LsGU^A#YWF4;hwW znCut4WLA!I!hQVn5~pg3#|X_)p^evk@Oa+;=Y}?jC1OJTKgdaGld1(X0(_Y}r6)?= ziz*Rd%URAi-dXU&i0aq2;nk>g-f3Qqxz|M=?$3kMx5Hz;vnAq0U~Ff z<3`~#h`$r3mWo>F^Uj|yf^isT`vi+}2Qj^_42sgS^z+^gJk>R%Z%=f|Bz-aY+|K4d zBjt6MI|I*bRY_tb@2=;L&3XRJG&0)|DV>6CocS>d%f#4>TFep|TXcC253zF}Ge-Pw% zhr-`-+-4@Y;&@g1^3{rhs^So6XGBZQ!=O2gyZy(NXw1J@ynf7kZ616>@WFgI{D?qQ z%@-6Fu?A$vJ92Y1=~iDfUMA#mw#bldL-@>XO~t4`oTcWBa8e?3qd8X_Bd1BO$9l1& zxF5FC_w!ogiV6KU3M_Hh=Sy9b>K3N)QNxw9S$k;WuPD8>wBpZgE=!~|%Q^ALJ9 zr3Bl4XX0d>0rxkwDJI^M<_`K{ik%-W$(hs2?>{j8uoB&R7DSF`s6_MyFW^J?(~?cM$UUVuc>B58O-Pw5PyX;taIOcWlV>7 zN5qtOzw!FE53>rMVZ!hs^h}@i^kJdMFy}r|q984pdXsk`=}@-|XR*Q>@IB9zv~>8N zImEodw;c%Np6%p!z1W$Zi7>I-C>QR4(4+u_Go$*VX*jgtfzOW$aKt|gJ%!95*lA9C zWCh9W1n&=e;==xdKgQ|telF%g8Ctktgy&Kbf|)g^l!NBp(=0D&_KB>W@= z-t1E}Um8yLnPX{Z$KAl{3S7JBf|$D3Slu*)gf7U?71@4d-uZ^TBiivZ@-D=W^}w2E zmxumCsQF1B-}f_6YBCL*g!#U>QlDH#y1~GB9j>y*w7r9OW%GM<74HkK%Nt4qzeK3M zO_n0g8IbJHION-2<{cP4=p0#(!FE~NXCOhlzd7O_ck&%gI=C}Y1`GKV-nVlFo*N7( zuuz45Ul>XL6P;M&;QfBbRY)K$0{1&6@b_4c-UGh8538Q{B1zG%#u?u&;D$vlg z-B@g+M5oVp@%vPtQdDo^ommx@Opahq++>p5!MsHEE?686g7m8twB+Z&dSV~;y^C9OIpTd$@1cnK*_j_+2Y1$~$aF|AFKre#YcO z&=8=(Tpj`P;C#j}J?6)=wjn(-1zN+Ma4lPh8B)y%>l;D0CJ-{7lwe_n8r^Xmgw+$~ zR)zn>%)C(SIw48g#bTtwTJM+7t{AIS4&OX}j=yVCw^1H!vON*w8jn(uarE&7pAYGN zkh`@7elNab$bbCV^Iqz7!7ymN6e7nXhBSSH4lUz3eUvA6yOi9}Dp-jHe#1z}@hi-C zXCUW<6wL{lLCO<^sGWOjeXe<^JpLJL$G*k;zEL#mdNH&k<>=6>4)%6hp~Ua4D}@r2 zt*b^2&&AoFBi`#ILRG9=dh$#ZpIUC3@(>ut2{KFXlFJ|t|CQm<6x~ZLt;JiwR zJ(r{=zkg8e8A5f{pP7HCP2V&nX%6R6PTJWb;rMI#_OPz|P?uawe&G)9mrI@Ri6iXC z>J|>*qlgM=d;UfLlzSLhY)M1!*Fr0j?ky0qj+4ctXXQfr40cZ8cThVM^~VxidJ z!ZW?gIBKj;gbq+0(XU{xul;Cx5HCT$?3Y2Qk+~8M1ITyvKv1I)Jv<;p z66G3ap$nkzDOYQ*%CZ7IY@@{$EjAKDG+Q{ljUp7tfJxUofD| zew_0S<_qYOda)4qG}*Hl&KwoiyXsdmGs3YQk7dH)oFq$<{U&s$Lz>iz4X9>y2`cXv zpvP8%g5#dy;;#*u&Aox5^%69G{}=31+6Eby8wf8mBD)<1MZ?iP=+-nKW34I` ze@TSLx+>^%4nZJ9m9|!KFP{C$oxbs?oc9%v=Kscpxshbv6pBt8LsImfN{)vg!LQl} zW1a6~{fQCO7HUYZm?^o+PM-$%Or!v*dOW-~jy4I7q^ie)6uxXSx!%$xXEj~Y{4ep_ zyQA{t*;j=|=0%O)$9wUTIsc?QoB|S7khkS;%*omeyIS^$1SZq_J>JX=OvcaAdbDee z82uh5L4R%DVb&c@-sQ?{HD)8HaaUc_xB@TlvQK&BG;+56A4O*wm1WvRVY)+7q&pQ* z8Vv02?y<)1&Qa{{#>6fZlW=cAL}?VUFhM}TAfy$(^Zl5$X06Hf^71_Qea_z3bqLRk zwU|=$PC7$j=+jqrQ{P?rvR{=rp2DCkyZmhh>a@1%MD6S1ZI-UlC4XI}#fgKs>jiWx zNrvZbQ|8Xg!6IQAcF=!|mM->;9O}<)(b8|8Ys3jNiZExxG0Yma1urWvU}fnK-2Ni{ zzgKNJe^EE2g`Gu?vkosgY{vu#13q8Xg^#ndBp3A(mp9t6jjLpd0+TTI=4~uKD1C+W z`?&ij9&5J7;l%Y_7%ME)&oLKZCoJu{^h$JBkzRu^XBGZc=FOYZt-f53Kt0LVWLWUL znKL>Mm3_i47wW`|cVTKbj+tOhOP6YBMcMP}lb`qddFnUc9XlO#QhWW3pO0-g2Usg-ya zQ@h$wf68^FACf+B_sclG{|;tv-jA@q2DD!O8A%UiJ{7(K10IO~{HE}RE@a`~3!2<` ztq_+dTXD1G{;PU#MZq^CKKAmaX|63l+_hyy%w;@K-HA5FFEMG62c5sX$M4n8aH!UR z@Bb(;DE|oRIxBJ3s18)`V@ChruLw!<<=B;O93%7mc8$m2W~9z}^Y`K7lVlVo%E(Mt z&cpj99r#ZiX2-`P`s6Oe-L(;COdC$_`vv`k9pl%_g8IH+FvLui?&ZXAxtm{JS%+tm z4PUz3nt2I@_*<>Ytq#(;ln#3JaB*=6yLL}~R|0hc|J84-`cK&PXyTzv?0BztPv zMV|quRM}A+7Zq=HX(heI-6s!VT+0|t6n5MPajPzi3E;shW$J(aE!=>73~OsdbPvhWD z1^y`)X6UZAJoHaJVrXwyN7=cJdo^=A>jNiKZ& zw<2iw)FyvF!cqbY<~+bb#|NmHcM}Ge#==)$nHu_;7~R2@b2{5HDmV!jweRDO%)jG5 z9>H1dLM+lW<`ats1X&m`Qc;yn8zQkkL-M-jjx^ATLQQjfb{=*LexrnwRv@0|R=@F3 z?yq6ed3+XKgndiYsC(6zT1NudRkAYvk~LD@3~RX9qPo_Oo#BB+r$ncNlT9VE#SzB6@}u!rt0~8oo!+cA)HQ#iO!+oDD}5lp(xb zYbL&y`Ozs&K0jLnwY6?keNv3dSed`4$-Vf&Eew142BYua!=HbIncp`JTg7koqf-GK zUh2xntH}O!UhJ#%9Q`9SxuCi9wJH?Ya8lS}KI**kq)8l}k$AdN+=6?=6*=w`Y9zaO z)KrNtC5!W`YaSE=v^ikpM)4&GtA3o^V_b#Nef0na%q-tF-+%)apEX3156vFDp*5GvD zY#y5XeMR+9AT2ZsTat7*x2*{u?31kU!e7WsdW^NX8(`C;0g15>P$+%;pI3#m_f^gS zveypDx1xW78mCFNXw)!GJ9b; z+!J=-k@P_)e91tG>?*elL*utFU@HTv@b7Aw6Ai1!HFIY^zS4l-L&SfTYsP&Cwn~2T zHk?jm!Rws{*SXsA;IOvTsMhA*9~O)=`6|x7SGc|H49>1k6n}sx6*C<;>zXA8_Q{08 z6HgXuiqAE|gKerqsUw-izeieg${;nS#XD2E`Ya9zcjc~*KBp|Zi}IVEZ0y&J(N{8X z;?SA666p?`t7V~UT6?Y-;>~&O)MZBC#Kd~(T>ZI;fOth7xh8ksusHN8D8RU}G9OVF z4w88{UJ>q-!aWNP360(V?vv*lmyu_B7TK24qn~jdCu4+vE}voFk*%38*^|cY-W*xH0j|;IxIRJV zOTPZB*C@u;RSHaay*HFWdbgq{(#`u%JeXOB)*Gy#0CDva#cNs1@vduZ#f&}|3!noBVDSMX9X*Vf5@`43j+agJv;!T=YboO8KaN>&@ro#i)Mq0^v3W z?0QzXK>43B=zS%UHMF_f!&103a^Dt?w&wIK+!+A*9TNx1(w?mQFAIZjJ1{#x8amQT zteA2U4`i2lWc(R%61{;@+kAPps8dN-gKtx|V*I$i9FcVojwP0y_060E2Nj`W?<@4X zBU$-08+OrlWs6-;v23S!>Rz?xiE;ZR3v^R_2Bw^~TCxjiEjeq95<|Pc!N%@)5G5Xn zC;I9ft-Kju_lqm&q1>^V4yS}vba$;p(~6$Vuzre^`EB@Vst%*4EtI`rGq!T@WZttv zJdhcMPPH(QHN<&h{ZRTg_FSYY-XgE3u=$gUdb8eKw?Wu4AH_AhSaOQu3LQ2@{GuzB zIsLDAlG?g+y5mFW^fneIN^|bWcj5K*8q^b4oVl_xE%!(l&REWbAy<)9@)vLGAE9!l zB3q7m3frweaC4#o_gTL|uy{kC9~?oI2yeE`muJ;lC8h^k@LZQas4X&Pc(Ds3x{BM< zU1p!+8QmrxlAeE5cw$zSyf+M)c1@WF_eR0jN9IaP%P>x{RG7(S$ncPEP*6M^KbX+j z`|87)FSS^7x)!@8M4{seC4M(^eI2W62xoy4=Qsbn$#7Mv8A(7;*Il_-|eXii)1Xx1$oR?O&nkf&xcflRxsz zsM6#`A2&;$m9FKB_HhqeS>@sGaA7dt^Wdako8Te*kwW3h%~rjKVyo-0Pwc^0pGuK* ztQ<$9-(&Ut0~k2Nf%fsnbW`x>^NsQhDl=sKeCclA+lem&CCp=ZhZC#bG$yk;4`%bHpSg8q6`|h24^$iF+(}Og)}f zOv86^x$kVKL+;%+JZ7AUij$Ufy^||Dw`*wEQ}W~Og`GX+C(`17$c$$l4lOUkksH>W z_irXzjMrha2@dQ~cuf2eZ*c5{us_6G6@TLgYz_*mnGUpCqsmS`dNfp*8TTGj9`TS_ z7=7U`;nLA&K!ke!`s;Hq|7~gN|D(%nD?((FhSvu^PsBzwP2S0F z!3`VE9y~oz>IanFTm@pO-81i{8IcW%Z>QATLt#^Z^ru3ovFK4fvW!Z z(brFr!y?UCEj)zlI*-vt*MmiQuhBYlKMbV*y#g}J8|p!gUM;z`=X>#<)=AFMjQ6Ly zbL*%*GV6~)D_`jW@68ooV;i=WGliA(**0oMqw<0Ymxl zhv}F$;2z34`qMqU8s3HCw$MH+_s>^w?Cs1sWx_JuREaK!>u}Xc9JW@{aas8VTW>iE zPbCKql2_;&m5t-A!mw$(HQ&$5!jQm9oa!mwls~^v^gy3>1`YTnS*l;B_4uIXCyFlS z;;PXvlwU|faY}PeQ#*=sWp^qKRN&>WrSQA@441xtM_KEaNI$g;s&}RH_g0_rE0p<0 ze1L4{&9YyK&|1-oGk3IR$AC9zr&oeD-K4`W-;)AeE#?M^Cv&m`6=gP7`nv#QnoCY0 zG#8eqWme=9!lf6gaZUEv{p!;(??Ey`@5)U7#!uuM3DSapfm_4v3K)XFogo=01W$&OWeK7&AYP;owv)I`pj<-rz9| ze`myRx_5A1_UO(>R%3)&I6QkcV*ZEg*i+Gpsl#P{S9b$-mlU}`_L+9QPoZ@m1@`oJ z;`cA&ys~`{Mf>jjXdxK~4K03icH>M%54t^f;bx6#@VWO1ZRT}jiMAVGi!0&LyD|hO znQ@PXI+uR?jRfa=n9}x{^!c{n!Hy~zR7N4?wJTL>tI)^7m`U;(`z$l(_}g+G9GQS7 zn?Kkje|^@flSq4P!|Fv&Y<=b)?(b-XzJUu929;ypCV7_6m(J31h z-t7!5^N2!amE4&euA-0jadC5;#rbY8u>P?X^_*pn@7YbBHA+l+BRv6`k6RWPF>7Lb z=|iY8+DZBB zn>@H$M?CSfTX4E$%`abU%O&#pXm>jUryALzjs`_ z^nCzhkM6A7{|h$~%P{R@CF;AI(p>8edbZNxreQm<#mG=dMF$p0pL#_Z7TmpqQoC%Jzp$XnVA%)8wB!E09oad{h@*x`Uiz6Q!}9MU zMDF)mawa%?Yslz7D|_QFZE27bbMDH5l|wqVJgjyenD)J8bBYtM7f-lJfYIYUmqm1mj`J(YyB zc;P)lySU0O(}eC8@?Nqt;6PVZhJ2FW^)33e4)v%1C1)P866T*p7mhS2Loa`Kp0|s@ zZQ;UyPifD)>CJfkuHTv#Ct^dFLa3~<(_ zOLIf^kWBlH9x1}1lb(h2*gES;o_&k~y)G1@ZlnsGqn}}Ca0NC!{{^>sUvTS*KVz$e zxzs#>n=klrb>Acmj4DK^k1)R#f5P{189XoENBe)1;rr(_!i5E=_@xLcgT)Kq@e^FC zD{xW6jaE~Y=<<(r?EItAcjz009LvD=L^Uq><;Hu`T~YcA^nET2Daah*&IR~4xX>wC z{OhxKBDNtF+sf{WYpe((Hs~;~?>ZEwBw@*uhv+7AtK7l1JlQh=4tpeT->C*M_Fp8V zQ;U>;~knxABA{yISjT zfpG(r7T9zC!ES7|Pj*G8q}Tb-iawcF&{g3Pj1GEm(Ok()t#{`ys5zZcePuS6`qcMp5*<=>lV#9Q}^uuLTb(|y}=;6J63 zSxd)2@lPa;{ECG#TewnN3JjObOp;{< zj`>7kh+ivaE;OV|P9$b*Q0GCpSH9Zl!v1nsy)yMUc9uy7E76!0lanx}o3NHPi7T*7 zcK_lrFtzT;DS;8lZl%Cq4Z^68HsS-}$d7LEN9N>Puvnho$>YrBtgJzu2I0#6{EIi5 zI_%N!IZ_|`F+$^^-jctP1?aj=|3S3#0j=-Qu>~oreB@R`n z+t~zfA7L0iapxNU6Yz^mhF0xySV_*&aJG1mpG9KW&%@$|vEj>k;#drPiG`2MnHw2E z-S}o4XW~ocflBP2l7{pBt=V&FH8xCf;yq10zPON&gV{D5WN*xX!QvK+HsQ#yX1rG8 z!AJYjq1x>pnujN%TB|E(ezoQOx8g(_tW00&VttjLSC^ZTE0etDopaj|6(humB>C%i z?5Sr_BOMLt*ZA9V)LHqCb@ic=UmQ-KIE={QA*^mt7q`kyD9w~P-Nqv*mcF9zNfYkw z@*RWhYS2wrjr-@{huP>h)Y~cVf+g}kuX%uVRZh$_^5d`WT1@R$0_9+tdylZ=77tIF z*qQQ>GUWRjdM8Em_(Nez*&P!wmgbci$9n8Tc>a@I)&^sG2+uxhuI#XGMdR>jMVcHc!OUKNG4hRg7@Y3HV7CeTmNsJM+fx{)=E^QB zZ@}YDI&5mf5UZC1#q~E}outSIe&X=BA>F4sRaRfUgPf)ESAD} zS305MZCt<1k!yo|nHekHty@n}@xhD@I)>bPAq|sf|HbL7T=-4EI?z=yt+P?yc z&XW5aZO<+X(vf@ZB7CLy5ZLQ0W(@g&s;~ywt5|X8amk$=SK)NwG}ft}K#z5R{R}sL zys#4ewS=u$ej96tHX*V=&KbkaxNNiAo=hoOtKO`@gM2x1ZZ&B(`DH6>>~F67b{E&IRovD6!*m&1W8V# zdxvZkPXCJ4TXi|twh{N_Ibz=L3iQtJMXK-?W^Fa3!MRuP9Vq-SIcHC-QK07eV7_`Q zOsh$*oOHfBJMD`_Xt@Jl)GKpjP&5YYw&l;5YFv`JbK?qM?krW|%`eJ~?3IM>y}WsR zhHzeBb2|SNA9pc6@08q3C*h2*%0clNc?XtDA7`%zzx<<0`zB>p zMkk?XKxfXFUX1z89hsG4!tvGeHCN;OJvb-h* zS6ZCL0^#k)tZz%Nve!^}+MHQ4%vsU+3wJ}*==S;yu8V8jdA9=-WL~e*+k$rQD`49q zkfT;Lqu%qjjF9=)fECR-rjtISW!LRGI2;4Z&Z6?~GjW0`a^^t!-0#MqRv0mnJ@ok} zq6V3cHk_Qe8G{FF^SAWn*Y~ic=@=cJm)XMeti9Pe+*Hov>B9V0V|Q0)dY&$Yy0#tz)+Hn8toWG@J;tc}DOfu58}6Syg?ll7 zaqV?0CM>)H{nb@45s#kQkQB)kHQ`yQ+y{2(GP|o4XY@LNTBGK?AJT-o|4Og!dvmHM z2s2tf(`f@Dap+11dbN@>;3M(EPq+oo0NGpLJ&bM|avtrk$oN*eTr;!<{nlGEQR^K> zOUC^60ZT5~JQe>0MM?H`8I~#arB++HQ*KMgN~70^m3dg(_D8VDs2sj`&tOBZOSt4E zXL9jHmr0j8JH*R;=TLz9Pabn_@|pTm#jaJE5gZp zoO%m=WAxah_X#~8Bw&{0W#)W*fIg3+q2E%OCfgeErjMMXYiiNbL!X^x4>h&YmF?@L zJK?6wUW3)S;e{@}met~AyLPOe>&{p$=?_XKB{tKHo1Ti_VcJc+zOrAQUCr6dtN}G1 z!lTWv01gXVZoUDBrm6ACR~4T6;lQ?fU+}uA29poBWM&sns+w)ah;Gsm@Ydj_NOhjP zYsdLhHEGl2%k7iJk-^SDxGw9#Vlc_3u7m}7R1z?^zsz@L-bBv<=keiKHOi-GaeAM3@Z0 z(3^`ds zp(mPikoaQOm{nnuxa1Or32ta@#Dx43@s>$XY0Nh$Z!qC!ukR=w{}*@ee8+|!nrzZ- z#Mf=A>=LU>wT5yGT+o`=GnLudF97@+?KuREyW{9{B{%(G84X_`UwV?f1-ce7kF3o z2*s6I&{*Gu{gO9q<#S&gV)06z%x8%!C%Dn1s!8eNO*eKnx(UMpG zy5Js^W#-Vnt_}wBe2$xxD8CyO(C&L5xeE&6v^yHpCVErV&WeLW)u=bamiWkQm z=x+4^X4UVIR%k)vOL4d|>I?LWr9Uy~F+%$|a^LCCaL;t()ZYI;H;L;|`63JssL<}a zxC3OL7@^_9={}FptWcG!ezs$XRw$EpT*CKdm6+!h#4j%K*!x2ErtMxMO}telYl0cK zqyU$NPvid9gyUl>kz?AGk2cux`X*u4REd|u=o@m*N#>|(4y<37V#<35_KMfw_GZ=4 zyZ!@jUm9@vvm6W!B6qqm_CZ%6dxoDTu?+VTR} zGtS;m#rrtJkAp^kz+HKlAG?x;PwVbu{e<7Bog2jXjgh!AM!IQB#nE6|fNotv`Cews z`Ov7^hI=nhMGrXxz_(J+zeDo`t4GQ7#cE7NyWlQ>8szb=qSm;SNZ^hO`tUV~q+LKOv zA*{+l+k`W=AP*mBidTAua7+AzK_>pVk3NdQ;B}W_3 z{-GMx-xZ;Kjv@a_F3jG(TCy0Y(9<~$jU$r~a`GlRWPHZKTep$gT#M;%#Z|RcI+tVQ zeLBpYzTaQM{J8~}Eu9JV$)7M!_SF3)A2oU1N0M01gXYhYo7Ry#|O$j%t}1v zI&|~;iP{t2P!%32oIBa&?2@8M`bQ;Y(;nZZm*Lw=dvTloK)#ngyIm|dMepQw`rm!$u{wR^NuDHYFZFw#3IW{jVhw&cqD`z?j*GT4&cNMvNxehaqHDia> z_VVwl!rtC8hp&--VR;KGguX)PTn(m4CvlGK?cGoBfXN$W&Ni2`N1s-VjV!`o`OaNa zQDj{!2Wr-R#@8!>Jol~v&unW^#r3#Q19Sk8md zGF#~{GyXpdO&B{}nGMrEWA@i5?ECTr1Eg1TqmwyDe(Z-6BNTc1WF^kY?||1BYreg2 z%NZlgc=Y=tVM%Cl;Tm~|M)Hr?o{y? z4v{d(J{iA9)bYZPtSUY;#1C4Dm*TE1#v6)>cy#7B=5BABG!s) z+zyCh&nNCcvZ4pJ+&XgO&Cuhw}t6G%1)RKl4B3df^o`Q*wq^H z&7pMIw@$#Ei=E`zkp{;cRlW;-3?=VZXt#YV*+*E4DW;s}Q;Fxz&6uYlJKYu6@jKI) zt$yjzRWerbQIfIvw;MOdq~k@y2Po!wvVNOAdrb4;-gd&^N^Qw#x5M~Zk%Uo)gb5Y$ z9N#5t;aKfNzkdQb`=dX*$3BHybIGK(Y=URI0(ejVf#+>*B724*FIi}D{b+B_9@&x) zrsd<(ZQ(UL_o3?R*Vrq&)=br8@m}2!uDjgLwh|-Vg>NS3jmUSxt+(}Hh}j1?mlole z@C59hv|zNyWz3SCMc%N92-q)-Mqf2H%&5n=bjbkD59QhfC$^V7+Of5NF}$Pz&FXd8 zPWl(CYV`S^ns`8EXE9lFCo8te4pUqvBS&1t1z}r^Ib4PabGa`nXwkw?g9(k|6_)Jc znr3&gb4)Hei{~Wpwy=YnVv&_&Ma4>EafHjAM((x4Qv-xOxC+P0yt&ipES$=ILqAFQ zmy?wEbd}tL+vzjPz7W9&ENA4L7WfcN=g;6D?SJtlw;315eL(NnT6{nG2c6O_c;LJR_exGADEK!N zf4#$~BKbX0-j7j>C3h!W_K%s4G+Y#k#w+q1KKm73$KB}MN0VxMjObse!7Lkj=Y0MF zqY<)SR=$TsbrrsrZufvrZ!qz|LnwCoj!q|)n0&1p&nz;K>~#&sTojJ_OHKa#X~}l7 z>wLWPC;qxfmpIIdJzw3!1NFZ!`revznre~PPWY@#Qc-8@#olGRP*nC2s`;jT_4pQ6 zhqs}E;a}{K=hYp_O838f8omCp;WM45NINX-?eEfO?&Cs>dxaRU?9224M!Ydyi&4fA zcz05dHYWL)F;=pv20`rAUD$V*?WmD;3f1$Q(czbYWEPrpyqz`EXP3cx?PECy@5K5W zSxA>z=?iYf>0<-g;;b)EjudubD-BLhl)mmFQ2!z-%y;NjEFIdyv)-ZoUhL*_R(W>pBsEQGQ4E}SCo#W5joQS@DrCuR3qKj9uc zifRzp?l`8Wx$$9lONI=xrn|gL>&F%&cV!&TqzjWHyi~GEckq5zAftc&#un+_4J+%& zo26>JnD&3?VGGWj6NcxXzayxFFS91Z!mptA>ZQ8me(5J!1<{0Rg*cbB`7~ z0Tcd{bQAF@@JJpd4X zNwZzp_{f3U$#n=Gc^K!-#gTU8FO*~sGGnAJPsn*{d36ohZtfIV)v zkmy^FI{|WzF8GA$Pc%7A?m1~C!Q3V96x+|AF>HYkPt5Gk&4(qM?e5K7>HUR2bK?LL zEj|f+kBidh9o?0%kn^rafjD5zY^Xl)17dA6(JxxO>hD|9^rtUFe`;`Nb`_rPNyl*0 zS7_#c2$|i?sWGe-yPh;-S$k_1OqAT|Rypt3YjFAF=A8Udl_{R$RGMleeU(FK<=Trr zH?3LNvJvauuVR(bUGz1~#h)FYaI-udua8O=wfrnxRXjOR{R`IKD#YNEE&0x|JqO>3 zLz0#aZXVWUhst2yGgF|R%u)Uv{eWhTV5<^su6o)K>55BVJnE3@OxJ+UyF@&Oj&OU$@_1HX&J!|+0fyAumB=)5k= zw%x~;fv<6BSu*m^p2N_+=G+!u57WFy2=~{ZMwA63TW`bF(6?}S5rUD)lKs;v#X^^# zSlH2xbA-XzY_Sew#%i!moF-?b3$$Z(C%*d6fnMboadJl|dfK|O%1@Pbk8F9Q*&R&X z@e}()PvUi_``Ep~hz;w%;(g{R>{Swugm)7bd}||lMpe$dDEZ|w?ggXNhq-I|d*g1J=A?NO_r!%-N!D^9p^#cL&A36_1F>p<3yk6qX0qr66pl8*oFyb}CcC_J!mO{y>R;K)h^1}KP6eqjf$bj`=U z4e_W<+K4GViNV60UPDiI-J-?V&&_yqvdkg38nENgujnoeCqvoeC{9sfXhab{_wwcP z3-at3t}VS98@3II#k4@l?j5|3ZIb&>3$f)`*Y14Xb)7h}qL7gP5SKe7VY*2coW+II z*1t@0&Q}pMr2@vRLq)i-B6f|JOp!g+Vhi!z@dWzYRv|M!lo|_nLvNKC8>jxobS>Gj z3Rfi|)}9`UGWY-4lARhQlW6b8Wp#I8R1m}ubyl>=k(~cEYmV4hff^bvJ)6o~~&{IOQ@Nt4alLwJ!R3%k;Gs50lQ8Nz)*n=!=Rk)g6L z-!kMEUYRuKdW~FEE{KGx@axn3)3B%E1RQKTQ?tDdr(2YO&9*{gwF=jsls(u~HwF)s zK43R>>Lh){ox!?n{@^`qddnXFQyNAeF2ont7-Z?AYoE!c%<0;7-FW!uISWUB~}Bc>d4S?)RV))wYLNbVQv$9G$p-i?+N=oH=c|4+Cb@ zpo4hhHXf6{ONNuM+CL(7ns7c8M#%X#0u$3DyYngnUnA;pxt-){ZFb^M^mbG}Pr@wS zR5ZrK;`1>1Z%JohQbsFY_PPt7p23`K^d2QwZE3spurPYvIB{rucFrtDYCp-7e3l(y z7X|K+_kZX`6V_^_$lUL{xE%8EZ%^r0&WVIqydynUhw|{*k9cX{k1ok$@cV{8N4hm2 ztV;tFn%81^z9W_0tr^9|9RA&XWB%C7<@IGhOo)=_0#` z-fc`dwyPT>+GoMB+?9j1VsT}O8kwQW`Bn;CFRaPi57gLsVGWYUYw}C$6FBlI5>H0y za+7o~13W)rL04xQNp9jw_7A8|_=VDyKcMhWYuems!qNe!#l7(kdwolh`ooLM+gfwi zs!9Z!w&2Iz+Waf~FoW)T{ABhC*1LS@BR<{(3vZ#@MHde2r_0A1G#L6I2Om>~&oM-@ zgTm_UpjLo&_KGZDU4ve7PW<}$4)$sbukYk}Ide-t-t#fkdVRs__EC5orbh=)OJ0x+ za)e~SJcik`UUE=hO2zftl!}j?f;czt2Lgu5T>IubG|Db}VAdZbr+=0%a|&M1apASA zTd|~#IcEes$DbvAxO&JtjBO{LJ1YxL7=8=$LiXaiV)!lKp3@Z2;D@zUN1|CEU_KMKVkcMC38 z16Vgvk3POibiKa^;Q{*mS#%xU@{gmwR^IVT`}0yWW#-KE>8Nd~6%i-KQr7Pbco!(_0x_-E#b3&xxe&&!UX`BN0gjLAr{ zB*hWLb=7h#S)|WVGPhhT{gB@}x_oi20<}F~B4*$>)bB5sS%3qtrH1nS+G^;_y#2q` ziX3QNf`&zbe7Jav+#Re~zoIio7fU{8aU$Y%jF~Dtx~<)uIBtpb)pzG2N%oAxHwoji zx;cAGX4v3s7M5>UWQdY*|Mu!}LAxKgvi&pSpD9x@$&^J8x+2k5f&FgE&r^30k8U!c zb6PRlcs+-adMVaU`Gn}P!t6X_%(?X{)SW0E^bFzH_R!|7q2i7GEuB1ZiqHBHi$PXE z%aTO+l{jv?9ZpOjd>zkoww>*@ZOVP zE*Ad1&AbfBhX@1oZ8uuEOa50yb~zN>N9%;qrzd%Z%2hX`v?N7Y0 z<;FfvywJ*t(IcIxHqb}BrBx`*Q)Mghp-0T{{4bfe%Vd>GxQA6Yq0z?xx(OUuVPYqU5|E z-NBqyVOV%PLi)K{v=J}v$+oq4en6F-g@2i=dJa0W7YMh`Mb3CV?jBx%_=0GpEmok? zsZDqiQ-p`In@{ZW5qpIXaXSAB9-ZyM!hX#eCHDuD1r4}XSA_`aZ7kj+dEcm^%>G6g zzZXxMoWqwU|Hd2Vc3gR}1R)PiSmK?E&sq<0bea}DJHvSw#63tk+>0S^nV^)_Vt6N+pnv#%iGquKuw zpZsQ1##_Bb(3oO$eeoPO{1R|kGK`7R>kBLTim$G5ux;0dFN4akG7wnQsV%LyyRn`0 zhKvkCIm@~?2dwGLiA5ja;qK3ujuqk^R%9=a01kZS%$#ZRtZXd7vl3Tkji^Lzu@TE} z@r1HL{gee!Wf;CIuVErg3;nd;4A$*)}WaOJ0` zPTXqm%01tY3im_yNjXLw*UO3jlm>I_Q)B9@x8^xub6TN2Ei#2sKPMhK1H^UVR)TJF9@+W+FwzF<(r40VsH~K`>ol3C z=VjyBN(bJHlYE`9kzcFCi-R_h%C>e)?<_p7HQAUHVIe(q6HfazfW=$2s1zn1v^B3~ zhEIZ-Pxn$4R%e8!{CFduy|AeZ964l_}TKCbP$#31M$%GwQZOEM;vaw2@=X-)BGg8xs+l{(#@x(%OekhJ!=}+gr7Qf>6 zdR!RQp0g#}&|;t^Jq+HV?1nx!f6qhC9V=d|_F(oA1wLt92J`UW=#rRGb|W<50H zlqGctpdqKrOlYh))lco$iUfLoL7 zm3s;2Q5-nd{ZpXpX+*zg_wlg*6>*rp!OmYQ^w3gdLBc-dZ!%~2hE}wkqRHH4{b?*e zpZwX1wDL4y;Zo_4%K2fPtZ3ufn0T!<9+mJzHGz zTiA6Oc)j7Y^f>9OKiB^(bqb67 z8+=SS!B~+s(+hC^Lm@f}t0kdCn=2%z{biH5MkJFm_NyuPmbBxL0WEl2azqCCZG~a3 z#CN>|s8%7pDwBoq@qZ}1#`fI4z9rYb_F|GSTm0&+xMDM49vzKKySp%VZXUjg_bWl`A{;DMFQL3cM_w8JPPH<7XD5b^o`xyi|eP zRrPsjrU(0FcjW;0y*PPQiARJ7wBvvVC%tLSWf$YH;8+~J+IQqMB^C^2i^idN=!#6B6|A>ea2~ZKXefh#R?BUjq zn$6DOYI0Y8ocI+k%EBnJZpNsiG7FYxY5t@GjER9T9HgitL zpkskJE6;}Tbe2C0)$MpxdfuD8L6w(D)q+n#D%KG>bnD|qicT~WCPaVP3EKHZqq>V7 z2mSy49NwB<2dy}=+Kt2HOz|}*0WH6t7j~We+=EIn_HRczb+;kjnz26Z9p(wA^mv1l z_|L@2WaG)-Ur!>{N@g>^%cW0x5+B1{dA*-772U-z(}Ll3_m7b?#J}}edJ{@_kX@UDjdHHFS$PlYhn?xS%#|}c-$d6dDqOrq zdJtXTqDPO1cs`&67ksKO6Q!Z&L9ReC@-jv~9*nkW8~eesJnT=h(k z*(zy>l|KF47gy0%N7%hBEf||tihjaro+Izl*b&`%&_adpjjTC*vO3L1HD~IyH7Hni zPu!6gp*{8&a^Fec!@!uW@4i90cqnK7QDxNNceo&a-!02a5hkpfh0_$cRoFW#b1c|G zMT@U)w&XQ&c*ku~l1#ZFs|+IHS7X6zSB$7OQ-e=-Hm9;M|LXc_agKOF!WzT}vZopc zhB&hKKwF-j-H(Qn73(+3fZwl6Pgb6T?{bPUE60>wZta6( z`##9D^hWtW#=+_eYaGusz+LvH-t_2*cUOH-de#{;`)5iYElaG+utGVrwE=Z+#C1mx zEX>;}x|g3x(&Z!x`+HTA5)0(n0z3HRwZP!R>!6-uf&QAo*!WEYv3)C~)wJW1x`7#j zEf?j%Hyuox%U-~lRkF5nzAz*nBqPa`o zUYR6KcNEBysa4V=MH6@5l1rVLFMkU1=wqEgC*&RZFp+r(?)Fo|@5r$F$D&?jh*j59 zCFXYkKDThi_1=ZtEp@YyDfMFvq_*LJ`3( zbQImwLP-}xOg^_q%E{Y`3$(}Ms*jT1pB=a6+}9~GGigAV%xz;7toSWcv+S_R@3n+> zw?@tR^|DjBke!X+qOzCWL9HPA0LlNJ6Na=w_E^w_-KK;`55Bp52wPGmegsoyjs_ zk`4kR%4K*>BnJ3ymRDCiFzcNM>|2`Pel&UTzm>3k_h6WGekIeGC9Uq$1r8goNZW%2 zqPxZ(%B2pl&!KBCOAVfpQAlXqB{uhTad8Z@INt*>vRDBZhI%4&akV%f*eA;G)G>a8 z9#oiEnPyVq>z15Bil3YO1JZ#NV@n; zqH@@s`Bx{aIA2@dpa4BO#-==VM+u+X=XTJGLx+do>uNdq@3-Wg^2D?u?DeewB3*7h zl!3muOx*BROtPT1nfy)bw9El zLeT|Xi%z1^{A5_jx98>KRv?4tV3T*2=^W4g3U|m0nqXR~J_h$#FHIBvNmjYYs2$%W z)z<&>_iKLgJrkbff>%S^Y+st@$lKVW8q4$hb^?6HOOxyHTK{WszG z8Q_m4Lp0z?ZqMM}Pi1#cH~clXKXoB5jkng-! zDudY*x?h+f%~K$nPqgsU`m4icgj)+)C#u#&z|Gdf5CnLHU`|8#kPRmDTi{tO_6B{d4Y<%%f zW^&J<=+3>6n=?{YR?E=^xDQUtCPuO81CnN zC@kfJG}Giv>}!oITm4cFvyafC)ELogcZlQVyOLhboQB;a**fB;)NFIcuJ`w)aI+b@ z4=a!@KYmIUebfQgsUKjiQ z>{|^C#=ONv5*BETnLJOvy{Sx}g(7?dc+Z?tEcII-N|m=6jO|Y%C7zkffyVeZSq0O# z*2$k%CV2jaS(5j!W#BC`0Dd2l*87&ryeUS!gZUyt`?_o#;)AB=1K`{Fr7X?VK)eb4 z#3RdP!^0!;_oe~eaO(KJNe#OPcw@?abp+ncmmh09(Qu|z9&C@3i*{jnH;5e%PiDt6 z6!F!a{JG<=Wlw(xoWEy^XU-PTQ1!*hdF`2F(StkhFbBqT$NWP|FzWtRRx7B&;F$?7 zC~4s6PIk=}6v(9i+_89>Cdx{liz(lB;!ONUVM2h=FIGSksUac93P{#rZBUy!-i?q(%Xf8k>U;V z(%l-Pt(ci0*DQ9s7kanlF7rk>j_2FMHB1w5KPzpY=F7P1bFzT`m3KLpLyT`s+DCbPrdVFR6SiWoAL9%DOWY#0`bw(aOicuIaXnMmH-)8*<^KGS$l zS>5@ue5Mbf>50$skxZ3y9`9t+0nPz`Kam*D;yr&Gp;i1_`R?&uv?n@Z%wJ0^Q)0H{ zgBwP17WkGt=ld%H0jqc!;Ax1ukCsSP?~CMX=S7LVIe%4eaym}QzKTGMtvV!2=2g*s z{8=WAKE;kM?-Wb&<+IOM`K3ax-CA{=K4^h5H+R%8G@=u(Mx3+A2|Ve7HBs~!B$)6y z`byRej6m9sEQx;K8hz|+amWp#a6*SOh_-nCxFw=)ES6bWBJ(QUVA$Q1=kYVL>+^3i z^L9wd?jG3k#0Cdq-^uk6+Hic;60U`0M=R*y=u-M!w%(BEBWzIp>Wpl8YJ%y^W(JPY zXNJujxrzD+%dU_cd1S4{a;Mdm`_k<161TtvFRHRc>x(9qAKD<3M`^;iC7D&1>-ha{ zjaKfNl5X%&q7PR|K~yLipsg`ueTCF7QHDC*c%H%6d1qC^MLHtOA37t9K8oJWKFL1A zn_{SyA|v1H;bhTwnXYoz&uIQZ-vsu&mKP~D?#;<6V{TExyM$Sy(RLH7F$C% z#1OA$CW`+;MZCG;%`B-hyf4}zh8d{+8#FOyB)j&T&5>hQFPVSIW#@gap??rvB;4J6 z&k~J@cVZdJGn+?)sLgpK%PUmzDwKP%L8>^){bT#Po5Vk-QXV8)z(`e#IV$FkB7RCp z4(B*o%5Z)afsn(WCGB@-EKY8Xtvo-?*~L88&MdjNFiBE__!+-eFL85PN!@EbG@mgL z1FjqvjpP#&GwZVi*V#gSANh7eCQ3l|Ct24RhMCT`sJwYc99n6>pxO@i*^4Tfaa^`~ zUX#ePO3jAG(?;N!UZTVf^u=el8hPF2qul8IMylWVWBEd6+$!Z8E-5~lHG@+oCBtLx1W%Br@xKZE&h5AUirI4k* z&Ycbi`Z>w!EaIG?XUuJhp5+4FCiHDh^T4A}Iv2v+(7MZ2F?^ToVTHb(>b%P3Q|f)f8WiGG!Le_y_pxnm0;^{3s)&9Wum~iY^G`oIlUR z6-5ifVRnjsmRLx_P0Ho#MJ`f?r6_R1f*`P>gFDQD!;s8B?* zgO$0%7nPsPv5n{0U)k{zm=T4@5_+C9j4|AqeaJEF6E#F&mAVTuUb-Qae88`rJn&52 z7n>3?`xMldd|@SrmZQ-5yGxIA0Xg(evwOywbIjYdXlP{f=L}q0t%6IMCV#Qu$wU-;>cZXuDLygQ) zuMx`xJ)BmnVjk*>Tv+^Ex~wdcYqN~m(K;u^p&{t>x<+)`nqd>Y<(=2Fw=kJ(q5MB& zR>X*vUXEyMGXES%w?GpkD5hSOhE;BGdaQs}6FQqU?mcP{OObeEZ8Y?0hu&QwsTB^0BI~EOHQy0Bwn*_b#t`dD8S10~@7cQO zvWAEH5;7{|zsaIjy{wp71AIaoC`nX`- z6rJte&}^_fN^1gfCzrGBA zHL#66chA*p$sYO5=NhwJ{2cWCV~C=zWQK4X?KP|!!fJoZ7H@5sJb;|YZ;N(Qlrelw zjC}HQ!F29ZY&=iOhpIqWaBkmcgdcVrsbYoYR~h@MM#`SBTlk|v)))VlMW1)d3HI3M zjNv}~P8WnSmlD&uNIK|R!K_dnTgO=;#7GT4OS5HpH)V{PNiJ$rW5iY6me=H1TV8!7 z&+KkU!IC=ZJt_nqKJ;>Me)KT%mYjJ?|H3)u1QOVhdq&>aiU*QA{iPP=zhCJ~iZX=t7|xa~mEXB{`kk(GRV#zeEMe%*F(oD51jJ4W`3x%OahN^2ELy zT=^M&K=*suNa;)z^`5suq}2#<(vvh{GB4%;r38s{v|5#nk@KLFJ&=BvMVPF zE2pU9L@P2oyMGqvFnUKG)JyY!+OR%hh|YD-Wz>ZqlCH0dys|*J#x=^8bzh|42MZ{j zP(!Qv+~JjY!Z@o@$}{=Q9^VopLJhI4wJ{8Lu)E4`v?4S6BXlpx7ylYb322ZFrO##9 z*$^m~(?`p^z>Q{li1sG?wf$}J3*D0JrG-Cj(fd%CmIrtq!y*}-6jGb zzP*)p{(SbbH|uGohw_b05Zi-2!bw$fw=7q-&DTQTg@JG|xhg?>DrDmDv*ObBgRC8| zh(|l^(XK9561`jC<3DAr)jTQAdyG)J*OWXDXDn_Xf_u#M$fZWPJWCf9E4W{uXivrr z&%?|d{Yhyagxtlk?FPE4XoqdQouP^lJ9idzHi0Y{jbRla)JBG7vGexYXgG*%q=VH0uP`pthX1cZ*q!5VkU`@PDWk2(l zDO6nOb=xPB%pCBx$QtQEp2ZgzPu$RU!b(+l{HykY{g@7z{i9Oe=h82{|ErWnH%F9J zFfQLFZ`*=w^SD;%qOOib+xE#5_8f=AZzRi(EUJkrSUomL#!WEB8^8Y~{i+3))p(-F zvsRwWYl2T7AIa?gt|&_*+fUUW&e@##O>B^%!Il{FTnQ~~=)vLc+W)K@Ox&5Zwsyg_ zUhG;`c*EqKF+Ojblr>~NmF);bGqaA1;jDf}kEIgqVBMWTO^Oep5b=3Lkz zM^rW8&Q5`r;&tXo>9XT4z4AT#c}CSztnPTcCBSBeWOpk+}yNzVyIh%VVu&+!`{hvUjq<^vIh^L$Vx+ANER_O~@Pt|F5A-US29xO< zf^%EQ%Qn?OCyy;MeDgqTE6J6(Qu+bUHpT6=pCz)k9mXcwVU;TRw6-Rg7RWiGL5|EF z>H|0bda*sid~-;nwCmpl@l(i9n)gh4wA~;n1*hcS{uFsK(1f|l0Bm=$K-NM9%q)B( z-^1vmo_Rxdjk+!U|LGx#eRsFm_UQS>6Z3X6KmYHMtb6W*oa1zjlkc%)Nf@*fK1kZs zdimv4BE#;|Ar_k_U)P)9Qq>39&V9p6Z|2v{4oh63E;QZ$$Uu8XOp4Tj37rA`r|H0d z(04gb)|SlzTl{hNLWj5X5Ai%Y*_b66x=pap%A1WJv2GK1>a+w=2Y( z_nE#;;^jZy&sMGSz;t#f=h7jzeYrjT@OR~eZH>Iuso?U^Qa zU)1awy0qRTpZd@_o}`Gzar?Q_S`HHC8cupfG9dtghmT8Z7J34>Tm zlnhsccPu%Z_GY-V@|s*2TPS`5G;r5g6#)j>vL$Mh{Ax5qY=Q-bk?Y^u*%_lLrQ^$z%R$RFyZwDvhG1xf6X0De>{+cp&gJ=Mi%R?W0J%i%A&4nxZ#~5j|2Lm#k63w-D!cr z*V&hj_$=O0W-vRJA;$+imGKEbWY#Scq>2*mjEfa5y3MZM=DYne^AAI-Nx$>D8jV&|)c zRv!<^tj%PhkK_rh@pYRj7QI%-vPb9SKjx9O zU-ZL*QP!9pPWN+m0F1&Nu_Ni(^ZT5Y6%Fa-cL$>Ixe=Yl7GS_6MjxJN_>kCg2 zg+ug(bs){RpM;ufDxX5<=7o7oILYNtd1m#rs^XZHc%OF zGsqJ1?}T+*6`&Ghk0o<9OYcHDvQF}6i6xhS9FsRs$*+D=DS0nm$h-rU(%k-ssPt=! z4^sott6hTR-?PK{IyyYN*Gj+tbnx+%4%(crlMV*1_#E?2syF`>>mUsbHEDufeH{^e z=8IIW>yDm25g4-gpV%Z;apwPCtk~BH_V&ZcID=o=jlO^XAfu}2YWID;5k7bk1E&tJHPza!2q9FjEQ zc+dlm3$ICGo0D?l)C=iG#{#zNqd+|jUyVy;R;TyUMDx3>Bl|XaQI+iS`zM#e6U2SC z3NEbSvn!7s^i|F11F?ZOJsRrV>twe+A>)%i%BKc$aXUrg$8=?UE-MmIZmFfiUa;Qp_Kpmzb0US-^9~_M8i{-!BsN%wRW9v_ZVuZ@F8aDi>Q_lOB^> zp*w%R9%tO(y)so2&zoRftS1V+zQ{T<9d!cPy<~3Ycm7`qsyD~k1QqP8W%r8j_VOL< z{x*+94tGS`{T0yioepdl+d*sUL`+w4hyUY$((>Oga>YYY)nbJVf9Z+CbxG3q0@;5< zV#Vv`FS#6_DJ+S=L(>FZZ2XaLXn;3l5;s3uB8z&($=(*R63YHx`~q?s5;bx1wgv_p zdqMey6GmR)+_@)rc(sa%=l<{k@7q3ojG*h*69rSR$X~bjvYZUR;jvf6ahMx=TYAD| z?RU8{o?Yzek3^llq1eM}@by)Jy1O>C&(%saIT{bfjKI(qTJ*xcke;!na-HnznuD6y zyutv@dMThtW0#!oNfyrXY+2z)2Eqhqaw2$kS+`LlnAr`wZiuZx9_aF&=ZPJrs9oTI zE9Q@6@5VH_(lRM;zSyIxB8UInC|Y=xj5x#D2&iG4~HbgR7sczl^wpssz`0la3pu^)kND4}&;0ZSS?Hf2 zHL9I(#6AM!c9Tc0(*kq+>7wF!cI|#X57Y|Dl}(o@?&4LpDP!Fgc4X;IuYE-(TFM2P ztmleeOLfrgem-+CDsU+@gd%4fqxsAq&Kb#*+udPQ<&G8!UGSn@6$<9xdv}7l%(Y@{8H&28uDEbO z1-E$*J8hCJ?U=EiNnTnXp1E9tJ7cwq23E~4l^GGt-tNwnSa$o~YzTrgGx~mW-^hPF zqfFJit@r*c`TOnwc0D!&JlW$_>ip7FM5t;0K`b}qXsZLo7*Gi+MRjC#xg zSrcV|I5MNm-l<^8awYt(d@tEe?Q#C93jTCZLtec<@0Lx_%3owXzb}6m^K5#zl@u!I zA;a~M+*ha*753K3D}tC`s1ZZ*hillQCH_vHFi*dbJj{eip7^%R7v((PKI;5NV$Jlh z|C1qx2kE1q&R=nVc|mGFa2|Ti64~3n$xw?hOfU+-jM@uwTqi>`GJ2tJCwjj!vLyTv zc?pHaDEVZCK!?|oan%*OdAGOZ`{wxl*0`9ch>bU`(WeXfll#d+*!53-yXK1-RM50d znfSWjl_hzFl3wD2-t%tB_QVfzi7dKd{q!(%N0p?jcw;ns;xEou%VlP=(mji1gdUwz zP1B`)A9i^67jW16OqSpOE3X{X@q~H2@G1J(w7x9@Dm1Z@dFATSZ>7P89ilZyWE~kp zdieo}RAs)((2`svSA;Q>t~k*Yduoj_Qnyx?lI37_^s1z#D&wfB5=^(Lu?xB6-;vwF)Sv1qjc2J5#+yt@Og7IsIgTiWQi`mW@SXpYW-QHVa#7T>0}W*$}v zW$#NRSt(Z($O9eE+;it10OkCgFWHmTp$aJUr8pvmm4bM z#52A~>KdECZodnTJ=yzRA7*Ph1E6#E;FK)!lN% zHhbP-c=qXd$^>=~t7Xx)8DhNivD}}efV{Qer1QuS#JJv-0nE57X+Mz{d>2OUX76%P zqZAt`p+4t_*!4EUTBBmgu(RacWSiudbKm{+zLe7Sl68h>j=8*ZbkV@bKCjsyRpwb< z1t(5Bp(x24gOVS~9Cl)!+CGzqCv~BrZG)Na2CyNQb^4qZIOSX+UpZ$RrQ?I-I~r&g z6O8Uljj=W^R({{~#j!wU0L>g=XhuH5?HBUw!guNH+XZH6))?-ljGni$MA!Yj4C_j- z@qh|B>oOE$+AHJM%l2?TbWoOX4q@Dm&(_xpIJ;E?Au~fTdnS7rW0`fTQAWVbXQKI= z*>2wha=b^03|h29>RUS_%8)Ma5uaqsX9INb+AAie%Ci~N=Ln7&sXH=C(pf2Id6 zbgGhW8J(bX)*Kg#tZ)e>(&oG+rm7B+X6ym^9rZ+8_Bh@pU654g0OZVS$KC|{;0rA1 zj?qSsAM7?*lt}?OOsbjm6dK-;M?1-^A;a?TvlInEXtePaJ zxMLVWR`B{YJtcHaFant0oT5d}3$t&%cqg4WnasK3bg4MSOvQ+YV)*Hbxa9LW>dyDe z9(p~e@s4mm90P4X%ZfY?tic_by*o()uRM`*?)Ylg*}&=FJ!#ydiO}rp^h>A8fTcXs zFa9a>Ynox`apo)>pNYy2ZLGejjv;Nx)aXs_0O#vP+||ugutMyfThh6CgLu-dVV3<* z+P_vq{lo9PlMzO7z=z$uc%RK zg@Tm>$_}3tonFtyamGFN!w<{6gUo#G{wdm=*-J$wJ`F6Ut7aaOSIRW22SIlp&cx95a9oy=dDFZd~oG-_n&X;V!2;e_$s zo1kDy8Xbi<#dhgESstc=#5>C9>*9>0{uR>hu_N9$VHam`C~kp{9{x=d*csKg_kg-m zC!7oLgj0t~`NE$1qSfT4?b5=Z_cujp!Y`Q}nfD1;p!`&#YM4*=ZiP3F{EnX_m)}7N zZ=zK&E~P|nc&Z?0yeSrw9oB}QlUHXtBm4a?(VN8G!boO=Lpfi%c1~WH_~7@w{#ds{ z8;8n6G54PaQkQD*nRQEE?B6F3rx+rn!4!Vh=A3`>{kGW?uVbAcUx(s1Ijw!1>2-L- zcg1o#a%0CzMdDv+I-A*?9YJs^dLWjYlrWdQ!cSwrkkk57%vRdsFqs>60VPu3J6Aj` z$+u%}w*6*PJc`jmO)p)HO4=fW%X`8zB2)Tvm)oj0b9x;(pBw*Crl+Mz=prkad@Yt3 z@(o=QKQWKUe)FJAx$Ivnhxj)N^1dSB;dU6+{JvyrD&zI-WU23WUE1AvBX4JreN~ny z?-QFM>*X0)@lp?^F}?_kV;<+xJ5f@2FOJOA9eoe-6&olD>yV9n+#YZw_)E{QNCnt!F?-l$qo zEn9NPzzC_Au+$@B=E=NhInVN&^zim%Bz8j=HwH&w)7}a>ax@4G?1{`9P0}Vp!UQEQ_Sfy(lNt)TO|}f^)iOOw~&w3a;?dG*}K9WS;reBbsqcG>duJf zoMFyqRb=RLcDj;`_V)WE_Mr!g_#A56hpwBZMY7XF4e_t|j39HU*3bn8Oi^R+x z_SnnM_xFzERcxu6C7oS;7sr>dAqPo23+T!*`0i= z)wS}|-w7JbwEQh@6wRd_kZkowEb&}+j;fTE`{)too=PQ58R17=u+bt(`kB)C+x>++ zV4pMCm7HsyHL}^?eaKwgtiPG!)cTQ>Pt!)PPoccu=-_fU8+?q)m!lDX#7fHxefs>6 zhwjWe4hVwf9|bt9R)Kdwvix^T4cq=P3*6Ba15aI+F=Sn6oU9S|AWL$>z3@jn0$*G5 zj%RI&s24VP{!tN%TkA#N*bD=<0fymQb;w z*L<}#-tM?8x)V}ml3#!Hj7gEm!Y;TnAp B+Ket_QlyXXb3Vw!>Bx(bF#%oRR;i@*aF1J9l zx7~3lYn>ES@0YK<|2xiL7Bz(o!__4+wIBfP6r9lWlmcu&^If*MJ*;{5biQng63eG@ z-;9j8@JyLPU(>s>ifA8sLG(8UVVJKSS-L@JcH5u)?-#P^<9%7+@>3p9BA>R%94U{y z*l*93_vHJnF{KMR+ZCDFM3Lurlt+Sws}>4D^8( z=c?YLxwE+MiSp~_&{5mZccTS{n8wPZB^h$=#Vd)s<$^GJb?pzH61TaTvbaVGe;%Ec ziT5p#whR(@vI))}doQE=k?oR8-c3aa+J-@f-zJ}lzvDxfiY1^&bDXz4D~;^VhK~1w zU57{V&oBh{pE+UL-)wr3>~ScF4wKPzZZ_|Ty4K_9)j2@Vg)Tls>BBqft;`;OR*K!c zkkH2+MjI2PYp^Txz_|+vufqp zTJl3?zowh=lPu*<$#|(6nlooGZDkMauP6J{;hj89B z_>cVZw}Z70pBXn)5Hqb4F3vN=u;iC=XT%pV-A6}JbeZUHvtf7OzKmYVoy9v#e0y+D zYDP84(W+`u*C~E*4+8C#p?SMC+s>p7#AjKY|lJT*#B+V|nty=A$g& z9_{-h6WF(+XQ2N8wCPTF!JQ!3ezC4enAD)HXSE)DPf?^Qifdit)&%6@3yoBL=L zC7j)PM{4G&B2&%h(ToJQkbLG-?_x z!g@NLp>z382sY=gF-PV+RKc06>^aiqAP1X6WonJw{c}iGH>zL==WDknHi0vDKz@~c zr+*?Bh)mfk?hD#^L0>qz!>Y=yP{iTgA7Xw!aTB-KCb#JxqN4Lxv&9w`pi7M zQi8$;@{p$UjA!vqGKzg2}S`MrXJV$~JwG+gs{HEzAL@*4i^~dtJO$DrFh(s{Vfzv96?63Uy6k z6qg|}Q$EWv=3Ux9r9b2R4LLnGUizz^6Imd#x*I(`?isSeyhKWwvmVr?;7N;d5%@>9Q(Z_6xnT2L_Ft8i}Do(y{3SZUhT8FvRI$(kBw#{cP{yu<_F zm~UF0`axR$^1}V^22i-pX8}EzRf9f?XSp?w^>aYy_E%-u(59HqoX@t3FQR`dRqDMh zu(l0Z(Mc!8ATC#$Jxmc>uR005WR2MSrl_)_i)H&mS-+o*U03=w$b~Q;>VYS8h)?2s z?YhlAIXT||POt04qaj!HyX(*iT+Cfjsw_PILh7TxN`1Bi%P0dcgKFo|NYG+Ey;$n!MD4r+|R_wXJ+PidXpnTKI5+M zzI?}qAz33=DrS>Iw2m(E|E%D+N)auBTEclf9ZmzHvsZIg*oAJ=SvfN5ct<#FQ^fE=9?-5$m9U`!P%k2HQN1Y+ zFb_I4?w!oqbxtmB3qqTsM>4O~2Qj-=AhqFnvU?ziH28 znQNXTcMQp$=Vx)P(H+Ux{3c_@-jFZ6Ybo6ME)kt0a3j20X6KutGkd{N!)!2PNWJ*7 zdo*P9OX>NJ-E?|4y47US1I$dzzEp|Gx+kW-mgrBG%8v$3bZ$aM?p!zQu0Aa@Hf@nT zbF~of=8w^5*$?6S@k{(AS^oHsycuJF(IsW#;uwi*Q*y=W70(vqs$|W|PvZLMo7lHi zf}Ia{P_=3}evh5P&A(*rs(9(WOc#-4W-iqri}hJBJ1A}7(etc)t?|a5!)}Om=b4i8 z+F!xOuxK5OvQcE@^1O7S^9HEcE8$AlQ=&PpEACHG!m}l=uzy=C@9X;@ot}W%|IdKl zej)=clo40ENltPnHseH&^x(O}a`;AZBUAitRJOc{?ts63R(L&2AM;w#W!vJWr0ug| zHoXV#hN~iNRzH+4u9f4~4KgM-1f}emb>%b8lkdP|8^6lL*Tqua$b01^I%LazvG|1= z3U4_ep`|9Ot86f5n4GmDOm~SFUMBvQF7NI!bMso(jI+Sgft=6XC8tTt6z$x}liM5&zwHI0J$H?~2{wZK zM-TVc2C-M5lO^D#d}vuA`bA`Ex26l_Q@PkR=E(JRKjri8TCuy@1k-t+UAT6uxTmMf z+|jGVfGpQtUaw>rSuEiXlre4<&vVOskTfhuLV0icwS+nIj7(8AVct=-7b=ejV-zz| zu~i6q$72JZG0*kY5PHRduBHwcb=es2&iK=zqlJ0T$xRiy=J;U1j#Ey# zv{!h}-?|};^)YFd=#{H?k;yH;+V0QdZ2aKF(hWJId*Ze1KN~CC zb&iS4^Y3!v0KE;>G1BF|HB|K?kn$i~o>(V~Umd$=iPvRPr=Hk*`jLeAJ(Bs%TQ{&{ z^_l1GfFrkM=V2qf8Rp1&CHGFZW-;4GCe7m-sm<1hKOL_(IIq6d*9;-#!;USxAoZhy zkRKThhr&k5S#CmRT;jZl8M02(VkK~YD~ubJCqd_8#4R&Z7T8os z-@VyVr4))jjoxthS0;T3jbOoP<* zsp3rjY2B;)QpLMx_5n4F97R4MJ32n?d575aL-g`gko$#aIA?oIO6Y^T3-8N}hhfOb z%@XYhRSdXb3x_BV49>QKm6ks?StZNM!3X7T_70hDLq>K*Fox*rKtDnaib}qCpcsTv zH=oD}#~>`uend{TDSnJGfr;;6_SNWg@%$mHeF~XdYl7a_OX(i|BDJf&%YaXT=zEzg zg{$gV9@z{>THKPs+#3c?SA@Dj6PTweV%)T|V(|U4m~sAbZr~f4H}9=vmRMq!S*470 zYK{_Hb&S5%Ad%}%6;Ia3B{F(n%u_?D7P~&P=!Kcb`Cw-s=v(x}kwvGZBl$cB ztC@9J-5we}*cT#;bI#Y7qF8JJ=Qo_ao+Q&}mO1{B4RDSukmh{%mIZ`BcTBu2xO5!9 zziq;?(%$&l#2q&4|48SX%$9I};Whh?%nz|c{%uv1ZY+_^Jbw(-p(isXT~u<5rRBob zNK#;SrB970tY^1v#5GBdBmefeGt8JrN~H&=EQPG-33iz1ULy~)jIm;Tx{Q0k9eUjj z*jIv~q;wNbU-6 zIAQhW>8P_usUB_(HXcYwVPS>M#dpzEvg5I%RadzD!ak`Kq z%U)Vz!<=^#J()d&$Z-CQfk36;Hu{1*t_cTNM;pgPv-4F8E#s%qvT+yV_ zj{8Sz^d=jrxeP{flpzXKBN4MK2s+#cOxp|D8_j&oM|P$B{jjRI1OB^eh*7R~P*9~y zjOT$%quJem$PV0iJ^Y$oFEi*6I@pXoum$I&Y@rh@KPwR@<6Kjd+D=X8;KYGpFlFKUqqYyIOVcj_wRFXft=}m>KeiDkD z6&6@yN>|`tXK1xihZgfKZdo3axhCRfYW$gcSxq+Nj{cDOo0HAxjJl|N0`mbG}N!(He=+x4`j%>9xqxku@F=;wj=TOzRe$`5ImSVIPGqwK$&DSeHb;@=P#Z23>5*{L9u@%uEFj;$bP zb95d}?$+GF=*E6V&HhmQ;639S`SqIje6c07JDj_P0FW=oqtDKD!!F{ zbd2>Ju7ZunJTZb!)6uEbGI=9e%Ek01KeWaUW{W${(?^{@@7eyQIAI=!Gku=O?&Z!f zZN@I&kPviBQ$-{D43kdNn_jq8o({CZgXM}Sx6{VHlsi(ySy=07^twm&!8o}n%Y8J^ zxpl2P_{v$$8qNq01Yx5|jqEERhjsy-zKdQtHf-df>klq0fcToj*N3oLEh8LfEM*>X5f+SdkP8{JD2*d?D?u8*MeoCi(d z-qKJXi@%wpt5vzwh1ZCE-@%get57V=eYrQXhwiSXh`wGT$sQrNX2>4G*Bi3();D>d z$sT2HnGB;F=1g~c7@2s(+oD$1?IcIUYAxJ)S>mrv6ta5rU6jE5_>WKWeDqIQne2rH zrPb0o#tQS|>9v@l0=q4(&~e{o3CQul*@EZnlqw*<-W3rO*tPrT=eP;t!qEUb7CqO+g;w5}clMz;m7kS>{E&owj`L zg+7@7@RwvYx?>)UaC|d)HeC!5o@I>`&M%+ycWL{~A4l1l>NfR;SoQA#KKQgOzxs=t%N!gxynRjs_hB^l##+&_&^m^$554`=}NRQKVIYRHG_8-XM zGxW-|)Wbx(mvjc#$Z(G%vbYaj1Iz=i3gG8wW;6WQ7mRmDdf;ucCsy)VwLaM&-JG@X zky(VC!xts$=4lx{%pWD>r8N8t#TiH5eFv1#BgCxfdJE(Z(!eL4<+K*DbIfOK^jAM* z6gtC$EJ43bTi6MymqX3zY&}C4`iTP^bvonrfoSya9*Sa31sFZ@MpI@3WyN!`;Y@8r zXC0hM@kW;6Z}I;}z8Gh9OFY=MqU+qu+zn@#hX`FZSxkeAMByg=X3c|ej%T-&4(uY{ z9F8OJZ&O?UK?3|;(IVCpE4WijdFhH6U+#LARY=oUQQX(?uCQAhgUt%$YF>(XhG}AE zF_}$q%s{5K`@ONc> zl)bU3PvxY;QCTub7fZ&zkx#yk7|1T!`f^KDGK(?vMKEr0gllm7xzyHjPE_zxD!O&S zOm+hk{I`lt`%VB|gFj1KW3WB{U!6uHQP~$|x;(S+9n&HHgQ$~Dc00fb1 zJSQeiX^zK+zBr`VNdCMclJ0(^qmCTA>3p7TiW9eytzb0nsi=hML36M@# zKhey#b>uyI<67p*Z0_&Qv4hWooLqjl3FKQG?c|3Zd#;N6-XqeJTFUxrWwZ|cAkk5N z*w@Du>GWRxYel9?xjCA>&2VQ4uZIy{c+1)RS?@~T>t*t6bPqfp{!C`O|0gfHn!x#Z z3{Dr^l4Cnt6(1%f3mnD;XDdF21GGn<%3Q>J3h300cVK2g@aOAxAXJeUs;-06K;2$DKFqCfRaL-b8w1dHN?=y~`25I@%)QY6O%dfx6#g z8BEr9&k|?kds^Vwo9hzcQYbC@(#!V!yQoYuTijBiG_YgR~iXUWzp<qVSWwV(YzOOV0SP<_;J{KTqJ#1_{0s4v(|S`1#TV%2s{|U8M}|m@*l}cbs>& zD|G*Ef!~MQ;7+T{%n$hDgfaCLR{T!j!*#Sn8(5JY_n79*|*#FxFX8z_+HwT zC7T>Ji`v;-dDw>Dp08vD-qgcYi$k)fYo;(!ByMv}pvrvJNbcyo)~P}J`X@>AEt2V< zm`}>}!rC=IC6O%QKJ+4*kQsV~*OxgtthanT@r66}RZrLzG=g*e!UpN5ql~f<2Dm|g zw>@*F4$0-x_g}Jk`R@rMw4pU^vCLa%ijMM2g1Pe?Xk?8)yXdF+a!YiB>SgSh8*(Tq z4jY-B>eBwM40<+GyvNgv+UmZfkjZjMa~&+5b0sMBt<2X9#pBV}B%6KA8`asJYweBy zmM36mVRu}$jbetxo_U`}>2f&&C*NNX`$;3=9qWoix$F|8HtDnOl{micf~<~-_)Vs0 z#cD$={?`~6(!6ks-5(!jEfc*H^>Y5`7$j^A#y(?mBu+XbFaNLeZ%X%${PF_3=SzNxwt?>^%}j4}$XPTQWCJ3pQSk@Fv46d1an72mX94#ZE0%+LJ5zCdBN)i*=NgY$QrjL z|E@_o?()XirXGAZi{xAkMpX^Hfh&UXb=esyV^;1Zd#WZ?xMHe~8=lp%Q(-{5yfz^l z{jdTK{bJs0hz0I8eUNnKi(8$^l1E|TFmG;;Q{&%=;aVG*hZM_y;jWxHslU>9Xclu$ z^tcn$Ht&SWCx-aLPPD!`%~GGBkAG_-(O1n4^ZYX9yzVRUZXJf+#WpB^W`g8Hjk0^q zM>(@^LNt8IhAz2t1^ zGRL?s5&c7{=U&N?O+52%)eoRgmOROmb#m&e0aW`I%9e-hfh~1~=6Wsk$Y%%Tlzh2x zsSV<)N+)+VD zz8}mNk(IEnMqDPlBiix_Ggs--r{7cQd@CH0pO+c$?BU-W2)Fi1$mBdz{&z(i&ryC%D1#i(M5?^7n3 z)uuQR@LP^=zaweQWZyy^>HgGZ$YAQNYK&<$+*3txcmBf|ullizhusDat;})Kvp`Of zJvd@%3a=~f)LW?G1bNEEPfXFP2WO(CHF9(AGr4ry8tGeVWbDc|I2u$TZq%HM&tDgd zU1TzKd?fh>#!##HDcuj+qvtIZyq@WS#%Iq&tNOWUkR_|}{e*N}--8<0Te&sM2(!rT zb=qryQnR0OeL}GW{))!=?O!Cgn*0zlsY@#RV&vfc6130|+5LR5ndb+e1~VKwZUgI0 zT4?dS7_cbiDkZgCpo9p^lz(U?%tNJ3l;<(GQ&2mCElh@ue8Gb;RorMzG29$L~rnJTBcQQ(jTed&>TF z?i1s>nWG&&X7h><#W1*=#UO6(l zA9E}8%y}nkBR-L5quun&S`6>Do6a{m72{z4AVaF1$kwM*X#43jGsx@eTj9qO; zu}E+ETJ}4Wk6@T8*@F@=sBDiERog-5%TL+6$_GXC_H<^JeZ}r>*gV-5_lC0*)~qFJ zJN=gNHD|?Z`X%Ytd`w!=6RY;)j~r5A{(f~lvdH;fMJBA)o7O0f^ud;3CnP@##FUo5kAD7x1bQ zP=j82N(p);?9jG&FG`!q3eR~Zmk%71N@gjiKB*B+?NBJ_H;Bzm&P*}nxP_L>v~qjs zY#fA~zYL*}PM-|5+bg}uL0KMw>dC5TS{#B4jiGpWuvGdmPuY&VaGP7q3aS5=r}Uwk zoTYcrt2O=}?+>f?^m&jCTd@6^bn<;KTlN{E;@Lwf(s#q*6p{E2%!!&1OC3RX15o10?9S5*nSlyMs7UPwt%8H}4Y(td_pts;v+%vG@d6?%5?&WT~n!vs4t6Z_UEk}EEx9EIJE-k$y z{h5>hC*K0++Iq7OOyocA`rjT1L)#la#fG|my#7h4+o^>ykJ2QVtbpw-9_uzPKv6*=I;8pJHON=}lUp0l3)GwceE zI2VU!=GVpNbcJ*%S}r9myvUchylydC`{Yn@(6(b+$e+0h9*Ep|&)fg5IqkS&?`Lpt`}D+ePS5U@Q8@567A3lxn8 z`gslKxgh<)B{>r6Lyyr<`E%VJWxsS0G4!Tn<$jUEzPBY;pS$2kJcoRHEInh+$`tx# zE6JRR&-yA=OPb}|;(F0$UU*txXY`?V^7q{rqE$lv%*;#D`sikvGJwytCr>4An?L48 zHp(mJ(oDy*3+H7E{OHX0+{pm!(c4D;nGGUmIN&Fx48LUa1lYf-N;8v|8)Y-K)hB@cUPgRk` z|IVz?#K$qztE&^?|BpXLYwBPU_q`)0S)g=dkvz$BLG2XIYhURPu+_okCJ)p<4@B9D zXw>mDSzN)n;6ya0{uPUb+6Ckje36PM_5yMSJyjorfiVTLIA)uS9`RH5n=>n$nTVYB zTjfDJRa9v>p~qTh6b97Fv2*N@IqZ%Tdo3~7Ar`xPJD}##NoK0qW4o|aQr=tR(MWQ~ zvh1<;^(vY2A_Vzl7%rOPgmtBcm`x_a#UEFs?*;|*S7iR+Ou6XpW(Px82l%e`phrJn z!tUP@JwtX+y7fmN=9$u?)Df}U0U7$+B+-JqJ8GqM%&=SAtHWuK3nolFD$}ET<6d%| zth{4^zwfa#V?YZe?QRdp1L}xl*Rge}8@8MILWBKD^R_cv(?cJD&DUh~#NVQDlbJVi z;Afomq$b=K5wE$6pQC|y?;lB*Hy-%<(+5j!ZSh}$4ifHrCbq&$)r8e|NJ`gQ-9)+YhVpAV>z%-DlcQ1&aofm!# ze=6q7$7A7x2AMZk34Q0;!MUJW9C@CsRc;9@_QjO2C+(VH33EsOXpyxQGYa((a`~zp z;taexCmM#0SEcNjD#9-%;B5dkd{M;Z^GcW?Uu1Tq0itTD!DWz{qzyT8FbOJCRWNk; zPuY1;9Va?_VO+T>0_h9w_e%p~s0*p`yg!S2zqg$>&P`!J8 zRN}XrVC=OJWN=o`>tF_(8AVd^)fwGxDivwNtJM-$28iF^k-W}CY<$uYC+1n9ZmcGIX1)x%B^}=W{f%E7bw{Nv+V36a@8pYpe@N z6^(Tk*sJ?TOda#3>uXmGVb}V~r$$hrZ?S*MVR?I10ehURptpm4zMYvBo*awcM-!34 zo+pdZO|ozK54msWj#s}tF^l~0X?%C2ef}j)Bg$lU13mU71(FzdOGZ5TC@=Uqyifck zA7+K(s`5{Xc6={4$zVJiu1*eQ99(#g%m3F2bD2$e;c`um4!9$m*n_ih_HnsR|7Uc6 zU;Om2$J>>*_&6?0e!H@((O>)yJG+aqo+CxY$hQqy=X3UY~03kDkmh#9X>2 zqmF9B;37L5Z6C6xWPDlq!d^WJ zD~fXEXZudrmRu;`+NeOuRRw`&zrG6jehqNf%q=qxUzdZfusj)FeLtb3=kG z?BKQfx^%v6fXK72VhesHD0u0-^GV98-wEsK#65)szU0tzYZM_6$Kka$V$0KG~p&Xn?-_S`r{O(BB zC+F47l%Xi>uL;wrk20Oi;fhXHusfrSxC2cxe#RqdO;+u2RbO~t-Y%9OOrX>Cjckvv z72Rwb#PVI$slF3V8C8lS_0lNjsQ=wrCByo9z^nww?Y_&QnT z#BQ;U%%w96+&*6qE~+Nb+ZhOJbvqCyV#Rgt>8C2;Ww{jwMZ4p;8#_j$ zwDF5sDnI}Ja6dtv($p4H3do1#^_H(=i~IA-Wi0tzvGab&Gp!G@g7-{^PL4RCm@5fn zwe8pbBlpNty6Iwr8zX~pva1=kugDSQ&yMJI#}!>ulAyi0N*0A2k|kr><8m{#+Gfu1 z?60c{C7oPY)yfMdxjs{r54g%Y}dvYdL1^*S2 z;~B1iQOn6KZGBPh-gU>?B?d6)sfn}(Q}$8QN2ccn>+?@U^;TOrCI6Pq&g@{D`&)K3 zI$-cu?)h|Uq^pY_x}Ry3poh$CZMVh2LqTv=R)a!uOQ?J7laVvXo`1!8jqC{{fY-5Ft)+N&C6mxb{ zKFFU3Pi0oQF+BDdz@*o2=|qNSL5U}tjxQmr%pTL!Ia?)ela}-7ucO~}Rt{O-ZZ_y< z9f)VH%%LY7lK$-32;}Viv8w^XEe+{8=Fh{uz5r))+jwt+83J6& zWW@G&Vzt{7t9Z|Cqvzrm{XSmQRfg>8h%w*I5E9~qRSy)Anej~yk#BP@Rfm0Ywg{f+ z55(=4>*RcgKKLeY6&3KpXs3MR^>X#%eW}T}!<|1yID5&G^NK6l&q=_IUX?N~$q?QD zbi!Y)T4A4~4z$``m7D$ftS>ad_Nn`%hCa&4YdgcDsT(}b>mhvtf6kTU0-x5$?uG5q zW_>oVVJlqJrKdr!UUryWl&dw$*f{>7{9yh!At764UcMmL9(|P#_4F$br1rq`q4(`; za`luuzQ44>otk{qEo7m?VI9EHvWtx?(3D1oD6;Gw9DCTbw1zwNO{%N4zUd$7;a z2;I_7%G5>b=(Eq3{ng&^&ZIAf%*2bT4jA|Hj`SgyJ~Ng1rcbG|u+kC!J>H9{XM6Io zeDR7}_3QRmrO1O?M`|Ek4iw8v>X4IXu$OL=A$UPAtLCY3B<0xc!yXlMj+o zoGNzzyq4slCis@b9$L;_Wn~H&Ql2ffLsT(uxet1kutP7>7CP%t@f0l&%Zt!i(UK9sMj8ok!b&2%A52=z#A@0bzsg2^%dU*c34Rpw% zsj1L_b3OMvS-)k?2|py9vV?!gS=q8tmHiPOFrCj|d(aRiP35xH^t6OshPYIei`T0{ zDYqsU*T)ZE=UfuAQw6g3YN0#}2t?tIe6gBD&vOiU=RMg8uVjM7o6@Cm2+v*FK2WT% z$H#7iFjovQp4{m>B}4J^Dm!M>`RCPskhjUq!74wHDG7Np?YRXi7Yu`GBzqIdFh8t) zSZ=gue>pXMjb80A<0ZXpi+{+&r(~q$r%DXZj=$V{vpbHgp4&ZesDV7Eu@y4!qA9%Y zSYwOMVX0S0muqe4DIUSx%#sYr_G^tjhpf?mmnmk3MnTo33sMu=OTHcQG0G0lm-*uO zKcA(?wktAf{atA^A>Z=fld^r34qkb;#<~yeIIr3)OE-IC^xH5PXoSFErZxi1$vVpp zz{DxO7@g&Wim(>Q8c-=QC1h9*d@X->|3$u72v*X^dt-|m?tL`Ew)KytjrVOiKEwro zM>^t+kv%3na7VE9Jz3U=yoZ^JIK?w}W^5PsO9mioG-PtyyRw|WR(x&nj@-pQ-eof5 zSfd0OQD^&`Jpfvkh#F#zPu4Z^E#W*nX-ThM!+0R$Dk@erpuh0}rJAaqc{3 ze382yR?DD!WZ=D0!%=$UjppcJgQ5=FI5WqS{Yz>*wGis&frJY@kEK(W(FOql>God69E?J?IlI35w7{)5HVC+82gi{H=tIBer%O*HC)pC$ z3?}1i-~-8H4&~!f2O!A}rOltDZEXy~587d4XlFz}aK!vLa;au;U(5U8BD>7C^xrQp z$$XwWos9M#9MsB@9zk;ewz#aRkM2KxF*7(@60f*n?tv39<@0_}wk-mmeCDiV z2G#kYsNmPuHoQqJMn|Ik`xeMI|3Q{fgM`>=;pJ+cM_*KkmUB0l=7ln&&zxqECkC9T zmfW+SWplqccK;}#tQENgE5FN>t4g@g?x@UPd`EgJ+?KRMMz}|wvEN?`7!Yw+X7CyR z{hS+4#XwfJSHQCa6Hs(O5i_H|iFV3&IqBXk5hIOogWYB>9oS3Byziuc98j{$1|{iQ zNSz)?4opi7;B2Zy|8}Q)X|ny3C6?{5!tyaK;5a&6ni@7qh28)RdBgXtz6UBS8|B-p zY*8G-yrfMGIv0h(>&Z5WC~kpuWOb-~_Cl1$VL3qFQ0(<+>Ia&*II&F9jFr%NjW!aW zw}tW!FLe96R{H;D^MVDn#cy-PccGir&#p*N&e{T_L;F$8nzg{biL!nECor4x7H zM@O)K^%DisObzgWN@RxY zOynNKrc}-^GQ~OOC~Vmw|0=Ie(xceZQ_Fl#y*}D*TP0o^d*#kV?gPo1$Yh3j;sguC zQ$safRVXt9oDp_W4c@w4QDBxQtyUZqA9l?>cz#!AMY6?|d=qKx2IU3O81SeMzBVnE zdu^@pa1eQ{y*J35cDnfMVXbskHH8Vg(2EagLPe=aPF%Sy9aiN@&%HKyo5;>8`b%p! zcE)k~iEcEj;SKlwjlDZC^W}~rXCK%xyI`SkP3Dg$pYAyQ)*b1eA%}inPj&peCts#) zW`6lcu}rYg!?eLIFwT@r$nC1IYjIPeA}uknn=?u(4ocgRRkD2ATQUB5O8Pf8$RD0d zhV3=PQfDJPS)hXf%qmr|>#wn^EnbXyFBb}Iv3I8i#+jXvsSf0~9HWniIl%{YZ>8^< zd(!Pk7t|Ddk&(;@@2jK!+vU2vNj1f&lcuQdmn|MqHi#Dzh80>^s7MxO zZlQGgZ?SysLmu%vH!R$tiGSZ1!(_QC=8$=oOmfh{PH$wUEBod5w#4ojb}k+0g_iaw z#MF(s$`EDT(6olz7F`SvYmIB!K{!c&=b|bl#LiH|@~zC^DcVD&1^w@vdf?Q=dg7~*l~nxo?25x`IE)i$q3 zOdq-gy~Ey$TAU|tv6HU4fJ`U$c!u#=(saZa(RbS7&d-M*5@a@*i29N)0D17*lS1m+A$5aU}eNZ2NZ=`mWVSyZt|;-w0~@ z*e0JwrHi9xgDl#0PgYHTES{SaVOkS_#@iM0bz&=A&Q&Adke<>Ee<&$lk%==G!r^VR zw98=kOgTg zyFxtK-G1?`{PQ0fJCQ$R)4~X}icy75zpoPWlbk9t+-e=)$`ox~?4f7R{;&;tpFAgB zo=z5-wO-cTVV6ix4d}FcBzhw?V7xU3Meo(n!`})UdUS))BqRJ;5{b`E${5S}U~Ggj z+CET0RjeT~gY8lNmRzqX-1Yr_D!cl6B5-*x>O(fLJ7SHRhrTc)>&d5EG=kC~e&l^; zJ$8q=hArOTHADR-V{C34jq%QI7%@m6FBZjM>L_bWo1P*MH#SK!&+{8cm?D-Q#nPBo zn2}lwE_um#{BNEFr!$91FVV|Zo=BTmuvSG{~BRo}_liF+@_s+Q38yed{HRWi*ahWtMr^7Mboi++l@x2;YZYtPA(Yh>^r z%#ixyU*-DvP^j+G!^)l!=*K_v#x?S(g0IQK*=ndh%}hMmKPS?4v2Bbqe3wyw%1FlK zF?Q(KoBNXLGI3`I!b4`J47%uJ`n#(#B7=<3LrysC7KhV2+hXiuV>C^EBV#9*%EfLz z*fEUR!2I$?sm7s&I`u4 z#WSAMI0y9L3~>4GeKFkci#MaYAn3XW7Se~R7eHRXa(?IJr{Ch)tFN{(I`7SpKPN7W zJLlk?QJ*AW-W@5eF^2n<{c>gL0IW|92ZZxe|RGA+Bsn&H9PGrTb!K6 zjO#FMSaMf%Vu}lH`P9jvhL7?$y&%zRT)B&(ZocN0+!*m*S|{2fy|%jab2bR{5a-%&LuNHhPJiQS6E}(SM{D^USI7FGTky&u~`XCBr3G zO1;RRw7)HQ+$FxIye~^x4a4 zi7e_80Yg4YMy?$&|Cwx4h{ofk?6SDRO#R+MF&%PEPNFei=UXz&f4~jtZ?-rOD%YKA22jx*o zBsMvdDK)WBve#OpT*)2l`MFOU&Hd9u_)-X zM2=X}bEnw?i;CI1V|!0hy0t>Vni5Hw<_$@(!#Q?VmxZZfR8zX#n0iT0^)ZE8eU%iK zG4rjuL}Es>_i3FzlF5?D+UtsrUDv{UjO^bxQqSN>`jiJ6z_V`A^)9S=vu*K|dC zXj>%R3*~dNOiUU}<*ikX%(F6p>&L4y&pjADTDqerIkiKB4RJz~KO41;t}|<8ooOJR zYhRO)oD5lhx>R0~|7HK-t*o2e7UsGzfx+gkNFNoyt)0uyM_f2i_ksAEU+D)Rqn4I*wr;@NO5El;kplhK9{B79l z(t`c0U77hvUyKK3k$9g~C|6#o++O>Zorm1c5<65D(vKQ6l>JOQ$;f&=Q z!lC8PUD-hm+_%?+=WR`tt~bJ(@B{KT&K2%2Z7|x-8+!Ws@IN{qnfsI3N9~NYD!M2c zZjG)=WbdkGia9-^vzT}8J}3ztsn!1o=li0aEn2IPGZjkqI?u}{sofF8yvJXUvZQ;j zo8rdrtTE@BBtA7njcIorS!IM_)~c}o-V*6`j_{#Y+&U{5vo2hhsY_F3_V9M>(x&%v zq74T4C?oivt{C~$2ICvgiFH&g+TK-wAu|eXx+`IzVSxl|-jH<#f8_P-ELmU6^W=@* zcr@{iG$bmc?fY`sK7<ABA@Q^pl#1 z?|vm;7TmBz;c_iex3Pn;R zxxk%ECGe^*Ds600w=V>m+%;)9c%zE5)==(kXUxbHpX699;;uGoo;AihwZ;47Xgs-_ zB3Xl5K zk@vH%%cjzByjvNDw6EXfHg!mhrAW6a$+pzw$*j@bs{zRnl9Z|a4;WCwO0SR~P=Iw&&Fk%SCeOekaLD7ozJ z4O*D(VaraZY{_!JA|qQ~m5EiIu=M3AvFo-7TK_m=_vjiCgVPep+{o|CHVC0U`_Snx z7}9%_VR20&Q~RSG8DYIXctUByJ5e|jhYQ?A4*tx(j?1A4-e8SfawwdmJ<;Yj=ivf% zwB$XY9jJ(Q)NCw9yI}F~KpfX%4zbh}rBmWiPhaT-mwvdBLZ8+zL!@f{k;xWhf(|GU zmwR7jes}t75_#=rkf}p|QD6FNyA`xUW{XxRoUl|D{iqN#uWHGevr`J0voY1*BkdP6 zzs$Ys+lo;9-Oe7v{#M0FC1yX9)1+b8NZC~4ju%g_%3p!sBrnJV!S~}(0cG^wXoi(@ zgJE<>5l1-l-E=%Go67?c6n8_yy3n(=)(aZ!oKkOShoO(I%RkBqc*(ugO`g}LD%Q%C zM@C4xR3uaOCZLaw4@~DCm-X}^D;+78`$<)D*F1@xPIc1jmOhlvJ2UT1j(-VtX6hel zTM}^Wdb2bRj79QuPiS%<+21!;^mm<--bd1~??>#^O_PD?hDbqc z_!qMKtEfHhwZ0&e`*V-{x?cKR|03R;d6u?0C4Z%5ijxt$Vy2N}WnqoqyV=t>utIim z$9lbIxzv2zA}j_U1PU;f!)VC|%+XMd9RP4fJed0k5{*5%b&}>m&r# z>~Q&WzEX0VJutTwb!-17nHb8y=PWxk-BQ4o{>nH#%>fZtp30{yHL`7j3OvcCp8w{f zs7A%WG_5DT%_NKOiz{4~yW-|8XKY0e1=XR^1&(=I1|eWxHmfWbwM~%QM~- z?qy!@4#tRk%E+m!k#W&k-0hagL+-t1-qT0ud9rUkJ)!a25e74EWDYv4hGORS{7#eS z;&)q&@>@_7vPX2kE?Amo2(R-O#U{-h7a!Kiz%L(V<_0&IEl`A}mlZm#c_LmLs4MoW zkiVGYp3O5>2J@U_jSh*X}KF-Y-R4OKXX$)#<-Y8|2nn) zcDd1TxWSH>n~9h*-5({V%E>h0vtrd{8R8d!oE4!^&viywY%feSNkT90Mp?A;k&INS z5c7hga{l)VULSL$_bE+$b1{Xfj{$sc2VtmtBF0+%lK;9am+R6X6I#6zqr97vHq#mo zNqKUZ&$o*^isk8o2;}Hk;=^cXxYQ`2@-H`d&h|nZk5^)+J_0ETB@x7~rhDT-MT69;mMzQ~5 z0=abwj^vCKiy!-vFBO!?1fySKy!L=d#aJl2jK*X;7j(_AAa5u`=B{F9c*9ZYw>3wK zOCQVXFSXJm?THkf%#;-#b#n3Cf3kU#9+LIdk@2%h`VO-}<&F;cs?4(zcLQhogyR!^ zalMb^O5BD!qW`Wn`tHb+#`_g=mb&}Zd~)3fiuC`RpW7aKI$!JK(?t4!$n}`kyGoK% zD#d~x!C%t`pyI(utO@A=i#ql|RI9`DV!G^g(!%qzF<3URLDUC47Q0<;*mq*3EL@rd z+W=lW+*Qrz&U@T;_BA;$D@cBKbXcZjKlMV<{5CL1aEG_jRf$QA$DW_JvZH#DpFMRZE65~qPa3!jVI zdl&T2$rs(J<#KzJDTZ?{8*{ri<{Rl@!cOL^no1?iwpK>%FlXM#6?xpzrKNYmr+vP- zYtj`)S?^`#!{6dnkRx7em>FF`W-Rvr*KfoyL(Qz_pBnkOD+If$y5Xe9A6dyPVNJ~& zc|cC)x>0s$n3yNw%MS<+I-p>0zKmS6U7{|U;~=vXbg=Kh*1%SCgFC$e_XL!WOCn|-wsTWU>?b*bEO&Xaxg zBdj>~hMPYXw9Zk+(gU1XOS7c!3{y-_E)^Y~F=qYsNhaPZk-C@7@@2>;(dcB4y0Dx zCkOm;<$?lp;pdq7$+O3|8=h#fh|H0Lk?c9zC2NMblVd_YxqFd}Coj)E$pt6a2RKAu z3EMmsFnWhIHtY*SZHLEFblL^e$tCxnXn?TADp>!RJCw|5%qGKUv0itqy5fiU$~xKM zs?O&NyBN-~AGE1bOz0u_&;PUB;5^>rp*Q}ywL>x_#FzR1ftZ=|{?9>v=_qM|tj z6NgzL%Jr($_n>FwK>%u>xv{S_jGnq6#OuG7!_TP+(tBZfB@{pPz2Se=45Js=L1WEb zF}~Ir;ilB?yIA7E&{p``_MTjD+AXWy+ zo(H`H?~B=xLNSb0gpwX-D(=nwroNIK6(?*OTO=d4Ff$(fPW)f8XK?E|IkLqR_n$l$ z1-BB(TJD5ulPDObkk7W$7)zI`qRU`8hprE|5=#69Jn4R)xz>Vuc>I6tKrAtBu! z&$(|mnpZA8me`@iU$10Ot~C|}SV42&eTkltAul3chz&LSqr7*&_BVu2Q>IufX@w&u zd|r%eiMa8aIK%$ag8pW><-v}TNBZc)-Q>zleasnmRZ2dQ7oTbkfAYgSS43jp*I=w3 z7mA)a@pAESh5VOl4~_j6n9Ls69e2s^8k;NsRIw+MOpp`VoQD;B@G1X1Jhy+7p#|R9 zlhGbCJKDkEWFWMrm&%0y$|R-95}n*R3wHk?UG-Ipx4qdlR!y;@w`=^#FW4B3t9 zxOAmT4%fut46}7@sCA|Orgo;Gj!stO9$XK_gWP8l>=^|&dhw5kJd+_K*jdMHlj<%_ zcn9Rj<%1UN^t6XP_bz$&t?-8D?}`s?S$owHIrNgmFXegZlr!dzH^XDc7Pu7U1V?7z zzNlBqy3a=?n$PjSLtW8gc0UIQGKXjk?sh{m zSEfozVzGp6`XFbz`Qh&!w&>Y12&dQ$bK)ku)mNzDWN>$c{O*TNANhMYHOdclXRO#! zBT3)v&~0iLbaMM7Hvf2Fcd`>&TD5^R{{QE`CkIT}M?zl4LGJsP+%v`Zu-kIe<(C{- z6OW@~qcLwmAX3&jA-?|;*`P}A@N+B7@{Hgt>xa1QU2!8k2A$?v;DS;V(v~`*ih9gR z_lshYpaHK=F<7yMd{pl`nOARsYwW=F*~?jL5_=m8JW$r&3d5NLu-4VYn7{yxnhJS1 z`I-38GkaiU0M;l4;Ovi&;#chj|0w3c1{+~P2pRqLWCn8wez%^vpM5vwvGO=vFm}W; zD#5q(`-~XGw!3^<+1ZyAqV&<;ie=O(=4Ikzp>!WK4|Nvj1y7}HEOiMD10)2vU|b7TxT(9MnfuJjPS$uH z$(%`q4WA+GFh59bRk>J{*eO$a*9|LoM`9M4xuaHVVlKV+Z(dv^LL>z54!je6H+4Mk zpo04D6wH|=R=8%3)tp^>23TVFidwNqBh`Rt2$ zoc`$e@hNsrmu1oGc@GZ>$UhMf!rq)@N8f-m0m8}EZHR*n4RH=KDx>5 z-3-D==9;#)z9r9&I>CQ<7{*t8mf_(yCHKrP@t^F1u(cvv{yHYzqZOe2(FsQkcs&(G z;aCqlwEf!~+ot@H#pGq&-fu__QWAb`P{9W+3*--QAe+Vlp~`$#`Ms87tKQ4$9ucq@ z<%k!qbrQ0tO8Wn+h83wwcpf|*>F#P+*oWSTDoc!+|3;!Coya>4#s*z#X5YzzwAd@& z3;c04MsBL#x zy2g>i;uVXEo8(b9vY{^KsB|`FuG5OX{4eTAqc5s(UZ%V!!$SR;Ddsxy9JgHqvFX2L zcN;ZCt)}m$t2X)%XV=@^_L#5mUQ%AhV~!JW%8&CX0}1j6nj|dr%5}$_s!O{h4C%UFfF@sN7b@_&>uJ2w~yIkU~WqX4B2tubajyOqhsTc5}5{3CWH9d|_Y&fgNS z#Ruj|PB^!avvS^1Y3%8NSDdevofWWU208jFi zOwhNz7IXE9IKTU@m}?YCQsW!R^RU3>2=>-wk~`WzUC!A$<8v$eSa`o5WL|1Qs0M7O zMWJIIdvR)=a9#1UyiQQUUnyTDq6hPT6JN=aY&{(B^ImFBXULH}awQKtGAHE$-?C*W zC2#-ruz0kvz9elr(PP9OkQzPqG|uvelTK^wT6;tahpA$Tnl47{nTj@JbfGiZ36IsR zapx$xhRuKEZ3Y?srb^I^V5bS6>Ff8rmav6yP5Xe1p>t6Yy_s17wuAh`l3j_2R;D*-K-YB@+C}ttIWU9tKNpJ0nKhy%-G56xT z)Bq>0-IwZuFnssR7VTOiq-_tzu@(0udKi0{s>~61DU?0)rILD%x#*0;qC6}XV`5C{ zPimB$LJKS$`a#xeSmWkXXDGhbfTo5bS`T2()cu^aWS7_kPfaA~>ft^8CQZdUSVS*F z!%$Bo7Oj!x@%mWqaaQ8#kJ<3$o;*5kjz>pSuqA?dkjo`<)7k;vy=&yz@!c{%RT=AM zIbh0CHw<<)N629^7ax9+teLZLEZZ2lIZn8G-Ve23J;|2+Bt>fK7g(ay1ejW4+*X zDnpFOfIQjAnOgC=JRIeRRorPi#5lu*@2=7!vPwh`V>yf3zsMBBJ+{nEj+Z`t^|2@V zr0o3E4FeATe;2NYTJCPI_PQ&l&j&($?u*UL0x2?Z!ice*v1c~-RpmSbsOdx7b1Ft< zD4_8(86Wcw$l__E@oh=DR1M<$Ff#xjhGoj|L*FI4oSJrGqm16Jh6|PFChz% z`X!;Twz5aXDbDQsLt&C~SL$1ZqZ7U1!^Ws%$?QZ-JA7I8*m|N%%>?;+G6X*S%u8BBeR#0lUQ(_P1NCn@04yR6t*DC7Q^S#lEKFo!) znq;`iRndL9UB=!HM#5J`s9d1`p}i#(W`$raJ+an&m$i7)1~=&EoXx-Er~D?FY;TCR z4*oDDi+W2;o_I6wokzyPp1w-xv;2f8xtGX|57}aMRuxe4L$hKSp6IYE=UMiihT{v4!j)SG87{bcO8QHeuwC7E408FA6%7=jE6q@dN3-Sh`Eh(p<5K zxxZFvZE*Tj7gU&&f$OIVGqNA7jX%kV90Mrz_$2l1sr4@5&zl(xmu)R^>Ul7#*A$3< zmvb7Ezf5dpMOK!*GYsO+0{u75Yu*;pkju#&)m^Ajveje zzKQF&!ML;D7;E0B;nlu0S#GX`XXFp|=6T_qJ9h&1FXXWU_o|#bkLr@mp%R3Gkwr3c z%tP_{qXXWZ`0A$zi`!|^cp-%yI02ZG841&vHrVmrAKD9?aJhpqMyQZI*jz2~8`;lB z4LCrx7lMpFN>Pal*_LYfa^{>2>a2`=Potq&&5qcZP@X?Ur1`C^VGe9+O{Mrz6Z-nu z5*u?rN?yVNN&6Fp%bD)bsb&VU@wTvHN(NV7k@_vvG;NtbeWoC^~qrBqL#P8U6t~WMNhyFxPONzw>(M@>=SynXhYyk*&()cindB>WNFI|@Y%GNNxmn*3i+yNSqMU}#i8u}31e)C{{ z$_!)6%rLL}4{7qy!-2@(;xdZw+{nK4Vb@9LY1gEIGfG^%4mNLf#vK)YNBn1>8NWn( zQ5dR6TcW~D7x%u{;g|CO$)5R2)%P?G0HbVcy z+hq5M5Cpr|$+sEIzx_1FJ(rL2&cGH)WM@xm!Jah#Avj7eYpF6j$j1!FjJ-B++3El% zvL|f^s^Zk1)8bLk0nt|Oh&5v-?FVxNhfML-Dh{>Wku~jaiPY6uV(t=+%^f{tPX^~c zJ{wKAUmI1#-22#A`sfw0p82(?KM}CJ!OjfMd95x4;j_nc$y@eLLc5aP-r$Fnda{Ol z)k$O$-Mm`hiCg?@_Td4vhjxMxB{`cK`uaW3z)Zz#sbd9eaMS>&spF>YK>IC zcE$2u>_wQ>59xiV?|2-Sk(HcF+OtctAq3-F7~z-#vv<+1c(wGt=wAFT%UtT^19i?j zJJ~N<@6H}U9sIYdR9szB&O+E0n3G*|OsY83xqN_eV5JJH884|1pNCkvs!)~dAD4Sj#fiLzt1wi&Kx&tqws`$;vs{Tv47=J+4rzPKD>=apNx0|2R6! zuqykliPPQE-Hmi34N560*xlXr*xlW&*ounXuCc`gQ7JJ%Q49R?P%`zx*KwM@1Tz^L#mq9!Wn6Zk_` z44o?8zicta*PR;n3{;VG(t3;$jvb37|G*2oZnJk+o4p}Xyv|o}e^X!xE2U?$ksb@{ z88+NGKbEm6DyZh{&}sS)Iq)k4ci@9FGc}PPLBGzsClb6<9sAa(p;sI3>^_FUe}79% zouh$wUrn+5zoz80?2%-@O`=;u#&ySX>G9NuJSziqoIpOq1Sf>g_$c##DnpZ*9K`~% z9MYWOR#7YMS6U)$s0j?a_ac*QjeI+3fS0Z52e$NstD+rlDf?i)+ZQQ=8r=C=J6e`Y zs#z%h**aixo+kE9sTT8Kdn~xCi0v_Y=szwIb#V={KiU}=Zdb~bEeV`?EuiDs5!=gD zQ13`qPOcM9^6W5pi7CqIDGD|*M4R^Y@^a&O3FVw))IR}B|2Kv)sAki$1@1OQ}r^I}GT>KmsCGot5Y-V=#Jd04Dvr zBNqagrM;30*GOiDXDH$a&n;VQ6%k90L}4VmZ#M^Ep-vps;?K(tN3yB2E5v%5tj}wXuJrj8W^2Jr z-37mm=&k?kguZ93VX6E^%;?j3QQ(T|rOPFeendaz3-VvI5eDYm73;x?xKm#zqi0y- zaNberaH~+VUD++ZF933wn#J~GVqe2E$|QE-u#Y;4KC!)@{s=zbm!hS*_-y`9{;W$w zmmX0_c2uFijn9AxcVzsa-_7oew9bDkQPy8X*MXi~Ck?FrtAgNGKA6kC!jslX@c8&p z+Hdw+ldb;ptUJ8A*y8Om6FmRQOm#51T=Xb-4h|>zCKKh_pQVxf(=*gnL^&M! z{S~oxgAuNlvy1!tJ-P5w7smiTpie&;mU2A~>!ThKf#{Y1{ zmw3)h&OPt|2I%j?3@hK;k6tKXo3Rf@=TwSrmoy~IutZQ}JeHZeBIvUkoNVYtp?A64 zqwiAs^PVXFX^!EU^o%)HNgG8&tlg1F{*N*`9la*w!EPvLCoDg>S3-`rLbuEB<$Fnu zSRW$0B2^t~(oqmA*f-zvEi))Eb6ucTi^ zC{7pul6$YoN$l7L=^ZM>js3kBng^iQNoIg%%@yBs$;kbkFR8nn>G^GoybLo0_Ie@S zTmRPyNnggQRC;^jVcDe%>e*MXnEOk1e|aNmjjv_ohRbs6(nGP{e?|_jv%vK$dFQGg1QPQ7%1ckQD;kLup%nPF6@~&zDeJc5F)9fC}&Qy0azjH|xN6?Qp&=#h#PvrU~b2wQ<(#QWrnyfo6qVZNN z=+D%$`67d@j>wtm>M-4Ah2~TK$@YmaWzIh4gUwX&G>Dx4X%+I{gDWz5D9_rckUFzd zQoGR}UhkAJvb~|iRjpaRK=ux6?vEhxx?$@HH%?gixrs3aG zcE-n9@VrhIu#z&?mY85<-d9<$!v|JJT0x(_q>~x`C|0{7M~;vItrv}cr*gE6ABnDm- zTYq)*?`eh|J#S0Xt)6KApE;_BeUO{%<%=F#B-*o^a(;0|grWx)tv?~YPsz)C_)7Zr zH^lB8su<^Pgu|{X?Dz^o`kZd47+WhhhVl1gUr6egyHa)7kzJa118IgW*_Cf01ynbC!G^ z??8CGk6{O765q%3O>cBjM?HI5BfAgJf0D&9+E`WwX~`_bzHM4)H{2GQ?a5q^ zS4Xsu7bedw5}$wF;ImEztus{dyIBx2O76(^azApRoN@UVzeiP_WZZ*vGkz=e=D|pR zPd=Mcu^9XQlPzRVpFC%WD-I@D@F)yJBhAotcNc8CS|vk^GI6z)GV@pIupDKL`G%a2 zsngxO;eg_W7sdFZ1-j?AM48ENS!z=)^J_k{OV$lNf4jlk@rgt}Wllw$v5L7elY8zk zy8A(#DzstNq*5x9jPWA=sPtkce%krJ^tL>g+@YVvY(W#Kk8ng-Lp+qTHp*>szx3O= zBF*rmEObtQ{fbEZd(Tensnkbil99fWJDwRjIPjf4v76Yn=~O2#!jjQxl_wUT{2=Cb ziCAu4CZ{dD@M7pXs0K0T@1Kg#b@c3~ePtJ#F6!G_L3JCw(C&Lh`K2myld5GwyL~eG zRx`Y7{X|sOv|v7l*%|*tn09Lrw<*!+z50qM(_@*|GaEDhnZwhOzj2@i_u}kRjpdnM z#R}$oBGFLMAnP_#bF)*ycCvK8HsNfglnR5@FU7FC2HHpZVEq-c;&V$Ro#(8?`T8 zy%Y71yRz#e@7wZ|(&pM@ne;~+Juj-^`IQD~VQ-3IjTy+ebV4Q<*U7$niYOe%Gt7<) za)SGt%j>#gq*5p*g#VDe2h_1jpZ?IkRiurf(Jcg zI-A|mPq!rsavsW%mSkkGOa05BfjE4P90Ffz>Yvu2N$D5qLT2K?T66T>NzL>`8Zy49 zqAT~;*1y(ZXKJ0iHaZ~(@4gdfR~szPa>diTf2Dqy21fMSELvU2$eB}3AA%aZR-~dX z{(?L>>WdN2jZqOrFX@R8+`VanId6|iB$+NDL*3y2^&@jd9w@9VWGBpPQNG?Fwas(+ zmQKU))E%tNUX80uYRawjhhlP;c@siyA8S>lLU9B|uCvVm2x8BTZMb=~ui z{HeFcsH4tEcyULTYTl3|S(a#PPS5rtYiJ+R#Kq!FEHBZF)Ze$!q z#-Qv*AkNM8#1==o6U{WrAH}tuSOk0Q`?P$nNR`SQ>v& z?!7TWQpY3=A_Hv0V;|i4z;_6D@C)LU&^KCSQIGdBg8F&k;sbKH+X2y2J1QeS>EK1i z5BYN44oA+vlgOq^ckXygcK2(F{Gc*v_pn^L9cq->-@Nce?S(X3!mN)q zJ?CRw(CALSe*?W)6I(;)j0@Jkh{t8-A`Q+^54lHee=4(=<05g1yA?Bf(|s$-Wb~XT z5^z-wT0@HE*lJUMEZTEf%wsPco}e4|v0OKof}W%a>C6)*H)`f>2wg z0fj;4$fSq(7CG$CmFV+X-U(Zr^`Wb0jla_^Fl;HGdA-@)y}=K;E^aX1_lj&%W?6fZ zWm$ZkUZZ&IF1EokhhXS3_oZ=)Ijvji@M4c*laqQd?cjwW>Or_vX^Z+SwSflaaF3QrFJ$pwXY?^lN8Vlj?x*6A!}rjYcz(|Q!5A^k7R&bsLa+9p zH2I&$CTgdwYpcerQ8PH-X^kEI4cJ}!NB-mcR(DIOy!9-SQo~nrAg)Nd4*VuBnW>7u z8xA90KffA|%FJocWX`0EvYFST_lI-x>%0O&#x%vL$2v%`S&0wv_41D%uNBM5YK^r) zv)E)57LwOD_L3aAn#evm7j)R#D97fxA#`w!+*zZGqfV|^Ul@qR*3V^%k|TnzvAc?y zlh$T@cRglq@Y`3ppJ0dZL+l*3za~*tA>>9ubprz!2*G^sWg-+c`79Hc@Lg|MC`Wd` zm0|@|bexyT-IN2qj0?iD-zjkN`YjtK^unSXYdDcZdPtF;*?l$`WziDd*Qa20b~0v% zg&=CfF4-FIf${VO^}F~`4tqOb>ACOH;{822L(O$aR;`%s(#8eO;=4K&iN*C3vV(h@ z4qw@!qw+(>8d4Xl)PRwp9bj#U?FBKIyw!(Y?Ow>fUMZI=eK7c)4$c;S5)(7_G@Uyy zhbCA+#q*godFX>09d;00eIebpw}P1kIn+5%q^J8u*_}ZS?4Qr#eqRC6x}5vg)XR)! z_vPMW>V8j3WK{1?%-^t=&yya4j${aIzaS`c$2Oi{d(QSk;1g$vR=#{5poPfg)U(=# zVdF-20EM&fdmXinC;#O5{2=;0m63ArfushS<3aRinZ1$xsZqKJ;LfAAlOwhinX{kZ zi_GeJjb3p@K8wm_g4s2Bdb?a|wVL9^d*<}MK9jLQMY8XY4eqLS#i`t9GIhyo(KuWy z=M#f*i(RlYPqUw71a*R_^{A-uXOD;hrfWWvI=t;*UAP^JBYh@%$htxdcV6(k`;H8`CaKJ=WBul5@@qvhrcKbsD*n9}4{ru7w_uEozA5n&v$67X3^vVn z2g1378)1&woR$h$NrDwF zsoxQ$GO|^v&-CE$qu1cWd?n{Cu&FEF%Sbmmf^WVsn{p=Cx zW{iX1|A^6dzKbHXvG?nJSwFl5`aD#@O2zxKqvsQOc)|u=9;M=U#u84$;?V5r7J0$U z?VK(l^oT`cpoR-E%~=3&e1e0T!`WaMOP(Xv#ciaG^1JD{7YqwsM%>HN1Dbl%X1AMFdnmF(|z@9(@u;zGo(=o#rfK$sSM#>Tw;h@|p%}UWDV-aC-O1B0Ar_ zNX{+D7q<@`v3yztCJj}`ldk&6*;+133(iYYlszg-o=anFtqeVzj$|b_%)XL{7FF!9 zHnKwKZL)p+$Q$JDsPCf^*%8?s?v<&y*f9z^Gw8d1^i=BmoR*i|gKeGX3RP2{mp_wz zdx$-Nw>L?<8Ft7$5eL^CCFI23ktx=`P`KrYHuse0ZdvTkK$BR$&@5B1;V) z$^1Ev$RTe>HQb%-haa-1(GhLKYh-o!cj{fwq@X+)CBM>eCYd>+&gO6%$j`RoqwFpt z!{f&Vc{MZvxQ07_=FNWwypa2xhrw*(e=`y>tuz%F%RJOSZQP`9|0uP{$k}UT z!o1zmbYc|DE-GODT4xOCV~0LtTA(JVM8cVEZxggwGWm|{_^3{tetRJ)(Lr7xyDFXX z$lmPqMdlX%6Wc}&Y;$0b+f^M{I=v8!%k1BvXUg@S3p-c!kWlA`P7&-KeZjw%b{x{Q zT`}c@9X=htEPhVfQ1f{$W#rO^v~{H4n>-rooJSVuVPX|$tp0GP5^Wklka(oHEAA5u$63SVpE2soj>(#(!FXzE2FnRIU-)?{Sk2QdH zb)8IL#&9XmB!1kDOrF4=Q+A(B4Y5Y=kIZb%IUxJ?-jVSK{>bi$npjSz?dVoVC38Vj zo;`U!P+cbzx3q_A^JaLufE_D;yCbMvkD7>}8bkh!)e}?~im`vO|d>&FGZh21|O_EPCx5#b{W~kitjsJfiZp{C# z_4ng)e%mRjFL)=@Z2q?csF0H_R$)@IGQKD@!_nbnGMe5Njd=!GS52lYnbRFdev}7k z=5X0`RsLQZ42#m=(k9Uyr-N_GcdbB#ZVW)~PeV*y>WTiluE^pSUU*kzitqeAKhzmv zdY?et{9u5zd>T~>nG-vqhMZ}kNH=5NuGSBwzn{s)9Qsu2JK;8&X{`y97h&dI>IQGBK`Yu?_HnGg$Q=#=mbNN?~MW+jWr7;7w7!-jHGWOmSG&tZo)u@ct&^Fq|LgJMwMcFLLi<1Bcqj!~{{><> zKkM_n80=xb?`wIHWI1YLm69IbJ@_ovlYQ~$VHm1jm&?01w#du*Ag6Cw;VZc)u1QHK zn89=B)mR*O8ws_^l`>W<7X6tKdvRX}Wj7O`)1?`E7(x)c@Ra=f5C)ZF_UN|D41`Y*-~>MUIX8ET(F_ z@9gRCcHl05=0_QnRVgz$ZyVfXF6g2w-ftpz4El|C zz*;{S%;!Ejfb-!OdMcC;#KYdVDW>#lfuw!RuanXDo2)H``G;liPh*%jpM`Zim;NiZ z#v{A)vW4@IgT^@-+mF7_3~iiDQp4+jN0Jj~i;g=i&}E7VI?u2r-`oj}6Yfjz_1@4a z^+)o)Aha8-fU}F$u*~<8?D+9P(v|4b&O9btS8L(f(N>tF@KI8@(>wI+t*kn022J+h zbbFJFT|0bnz}gK~BmEG($pCvh`#_y}h1$JM@Teu(b9o5}S7j!7PQ8@*XrL>zSh|kh z_@rWuH#-gsySH{_zo*IZ6YI!qgGBSrf5#AEih` z8S&G}*bI%w$lkYQ_fJ;@&@;F520LJxN3Ln3f;j3S{Y<~fq?1pZ6t23C;Q(9A62ODJ#fX78QQ3{)k2>*vI+I;kdAQ-eFw+m%q9M>@VPy)V%^HV9U-$IsM{GMX8^ zk}jzznAabM+n&iFWo85QYsrSx=G3GwZOuuRA?2-8)*N&1Ga#kB5jm?qCjKYXN%o1>J z^n0KI-#&GsG}jVmzfcbj3BkgTMrb{|occlp<~6%5^Zgyrrb!cgQqaXIQ$NfzHOFKJ zRSXa5gs&@o5lu!!-mFGh_v^J7?_MuG*_p6-Cp|~r`ErtHi}Z^7^8RKkw5P9rVk5co z9Use^@i#@?KM+L*Z=|l?50mJ#{d(uVl#feBf{QA00zHsQ2FXY_dR&+{Io&N4<7~(^ zxUf?O>io~&AB(sc_6{$*AzJhUpS_@os=glRPEC1R!fwgt?r7gl_P*_CiDWZ!Oqg>C zCzD}~K@@a*Qj;(utN#8&F;{Gc+syR+TAnTQd3Kq7$`&u8jj&-A*mptyQmd7yrfwQ| z;g@(9vGb$DPbuXy{itFrI<3eT2b)f4!8z9CVGRD~6 zW8zUc->w&CDcd9Bks_A|kjQjXY9-rjN@Oa#K@Kx?6 zI&-$aCrUpZu-h*J-(sIKTbY5$VOM1s^{A6q>``z&1RJl!VK8~fPdzMgFD4ps6O%Ca zojY9nW#IYcFr1;bK3xhWzg?|_P7lRd_qQ^1=y`cu&d=l68u>l4adD0bR;OGSi_lE$ z@MHJLXC2($VuEf%UQ0w>AhJ()CUY$jE8els^1m!HHJV_khYGsczLF;7f6q|&$Aia~ z^c4P(W`^WO45IJD&m6|>o{MRMGCuJA@MmwKDAB{3pj9eWXKm2Ou@gM1n3KG;N7`n+ zmof)Ss0Lc&og!H`EtL?v)fUPj$=JBf3+~%Pv3~^fth3eNaKs7L4IgFV!ytTOHs$h) z0OT~`3^R$j#RX)=A8v!j7Nv4x8S|xHR@i)Zr;JZ%iKtzAxPOc}$-6t?rf34=E>*HD zl{uO~Lxhaj^`wuz#Dvsk_j>H`PnQlD_2 zyKX+a-PoJ`AZCb+KlEBQY6haZc@!32(MG}7G(_e5;qrty+#VAK=h4(9ysdHH=DcL; zsAKS@kMipa_3q(MC4oFg)7~Xgo8pOKpXy}d{4m^5Xn~8v@3Naq9lgdCi}(3k@@bwT zPHo#N&n$n-4dr_>dJ}uX$Ui%p&TQp|jbeR>{>z3eTr$o;(e&Fg#h1K0vR7x_GK5zX zdH}w?l?zcNGH|*ha($*i*G&<}`F!4NR3}@X)JZeWSX)=*iWjf(9p&|M_=79PQ~P~0 z^R;}7iNW5gQVBlU1OWkyF`hl>SuM#DnQV<|v#c@8K1ZeDO zkZ-j{M$Kah;5*`l^SyBXzf=MP#IytdLODnrAD{63|8S(NSuJ52}X7K8A8?+q!KS0smz>LJhPhh$RY z?6;3uzaw6_vhI&`ozM=O`HWia@mGrGe36q=sMR;R;)GW?O5ZULk*5m9hPPtdiPuw` zMsfHMjtw1oo*?63-GJseG(G?$*JWUS#!Gpz@ULv_{7?RVPN#S8t~_gFikGI!h~T-` zp~RATz$COfWe*Q`3zRQ!hPi62n~8!FJs1uG6B|@{-i9t`mKF z`?p?vDaL2W>|UmWQ|Gw5A(!U*_MdWMPJ#S!x+_MX3~}gGQ*tOBuxm5VqRedGaSfrL zL>XgdZIahrQ!$<_$;J-PiBTZn=EKEsr zYR1ePPdi1H+S9fOvvWb|>?j653ky4?o~JXy9S_>FkVUJ9Ow$Q9e<^>`x+ejW`teMsT)U7KRB6!>F=yix~oJUWcJ3M zufd2N5DY8lX!t*3MjmF+@^Qo2Po;A1EjiO$LeN1o8mC@pVBv`N$OyJz-?J_5wN{31 zg9Zi~(7&+F2?NQS9hZ0jE8kVg$-T_Xy-`|`%Q!F~MJEBljN z9_NjpSg73T#m~;!oplQeD ztV0rc9I=>L!S3I{1ng;Ugf54VNsTe}VP@D=KVFoN3AGY3^qn|;uan6?JkfW5gADB9 zhhf3S_*$ug6gLwbAs4*g=ST#m@*I%)UUbNtJj<+!Y7bNBANHkZS{dCRIp7{MGdp!G z_?|Mt+C=v6ky|#evI*`ks}i39yXD!5!B@me^(D&Zzz?(s-DOV_$#lc1!C+hZ#;bEgoKY1q5mfWmpYlF{ttP8 z?vb#u9*VqRJ|lLxGmBawIg^~xeTNORaoi&=FOX>S7Ko^`gOPE8Xr+c@26v?Q-9p(_ zYl^wNuTL-6hYlH3Z7WB}xl^y?+k6EmPWvtS4|^aq${PVk%;0^T?6m)#ZFcLSRTy*2 zOZrf!crFhA#^be~9`y3;aifNwCUz?=S>b}~GwsP73c)(533K^qJ30;w>Mf zIpm9Pwg>(dR!iJicARyq5u?%enBv+J?U*ll&HP;Fc5N_5g`J35YA`)=Uvk-hVnmPK zi53;ops&VW=s?`CABuj=K<2vDN=ZXHy0j#(kl)pW&rO#c6hQ4+~$eGrtyYP*BdKd0-G|-AO@noLaw-$ewONK`1 zIunwXaZjx8si4VvWt?BLS27iN-L6_M-PpUa-m_3%6@QlMg?3oV-Bc}^?7911%Yjx_ zWLX8{!6;?8FLcBVgJ+_s>Iw^GXT&B}O6DGWG__(6gk=VPoO&#)Or20iX8VObvtW=? zEv^QSMYAdm1;e>3x>zr7G@bA+JA!?W%@JR$fll1F&Y$p7R8~C^FE7sTpSogzj}`vW zU-v3p3G=hV@HbJ5=S4;4=Cg1-+ZXGP2VmHo`gZ_ycKf2$ zmtg$IvrF>~YQi07;nV&%a-RM%^HJS!@0Miqd^zx*D;$<;qWl_t{bbx!FCrImY6A3n8RDLq4u;H) zMZ39**fzKY)&|sxv9T4#Y_FD=(Y0dIZoiBst8Xd2d_B^xiUfQXS9PAPR#nNk=A1hl zy1_);5Py3QF1x#-<1l|rcQD54Pm5*tppOifw_W14lRUXr)x@NU9Ml5|G z^ExQPVj$=8k#Shp;0W-ZR-hko$d(6UyGR$`KQ_fUcKno6f1P@h8CtRnu0M%ED^o30 zmuaHZjOWzXaTq?;8#g{V;XrADByP=9*PYZ7txwPYlO;TH9V>qn`HFRbD@+5?|Xvp+e-ogNk= z{54!Ej#~Kr?NO&sG$}WoX^FVA`d{!3c z@|8VKgU{nIazswaAnwP4FSbXY+m7f^az^GH8zVC=uosJ->%EQI=wFeJUV7g6UYQQ_ zpTQVL?LM|uFdp_~&Ozsc9D724+6N_aHOa;?=3a<<^zcf5oZk0B2EP$$ajR6$KYK0J z;p~{a!2X~NTi7;DM5`^HP_FkyaG@f4dTU{rdAT$tw={iUk@Pvi^YE=5GCVN=rQcek z!xAM-8|jZaoe;iTqp-7ny%hfaBHI&~rQROR9vbdEbHdP!f4f8UJ`5T*TAXtmCFQ6m zf{zE`_n|E!^zhFoFDNI{6f4xNa89vMJYDCBJ@@&~bGo2^emFpFt8}X(swZY(JoUBL zgL5V9O+0zJY6#-aIsGd8;JGV}86S^^_5lc49*p}UOVHbawz zHZY`z_D>mo;R*HP&;PDC*AbJp8p15>n9SaCSA4&!V{Zf5iky`$k~v-f%^uM&nT_OZ zW42lo9fw=tWyxh(e&Uwgh~5vksqw(lx6)-gc~51&=*s!eaB4RGa@KXJ{wxCqHo;)# zuU_4Y#r(81jF{LRfm;G_Zi_dv=ab=XMxJy>ZH(K}7JKJA;l_M2O750%e@uo_3svkH zdQcQjKat*p-0*x{0)9-V_jCGPael0XLz9|e^Yc@ZKY@7wO9eciPA=K3z8Do+E-iZ} zqj=0Gi5YH$VKY+j*V`4_ZqZkZpHdj810BvOyERR)aSHF(Aa+DjJ8sqYvs{+6rI1KUpK&sh54(l!ky4PI%x*FVJ1i;4QteKcFK{YFQ>w?#0*)&f7Eb4!dmvp)58JoA zldzZUQfOxa8wW4WwoMS#`INL$r-!I}g?Qz$*Xc%;MB2HcVM~L|&ip7jw{FYunQ_eY zry%e80eMROwFP&XS&4*N?mr(F%c=S9SdrZVCwBaiNgox_CEW^F zKDC4D&uHxP{3g+xpNe5QJxQTgrQ_ucV7xz$&U_{hzp#&^>V{lrKBpJ?1}Cz!Fy^iT zW~rvZb96Y)^8J>wGzywYy7;9Rj6LTIB|c9?uTv~E=>tq+C-tNCe3)5YK&IyWSquo4!g3y-^PPH2Ex!hn?|RF`uFc zzs{;yu}c+epWc%}L2)=5z~0i25ilCFO-w8_5b%cAh98+oQ-(^X_z1L^>4#N%Rgzm1 zhKwV3q|NsV3BT}3)_k*s(d-(zWom+7I_XH$4aS=Vj%YT+7*WhfYxMjqN8eZ@--W)y zhEMW=Ikypu{W0ggE6y(4Cmo)X7h0At?HU@Sn$L@gO~1)>`o9jjnPK5S16ZYgmG5yM z*~7j8%k@5rUo8Df=}ocs=zX!7cND!F=!<0!S-CeeWaib9$^6ejmzMbOG#udt8fe$Q zHN5Yd;(ZwV+b0{~`;NoXv)BQLSFn$WyS;Im%`sv8XE{HJ{O+=svfjNp7H0=y#ef&0 zL@(@UH)7?=6#zNB%h8cuFR$ z_$_O`lHb7H(5B6*(B%2sr!&3dsolw*?S-9pU&;@%AWoT?@_fuLFY*v}82yub^u%3R zVTSrHu1LPiIXKZ08#BCdrz{P#hVfkF?Ta4w(-3)05&nlxO5fvuWdf+%Urt0>1iOe| zRLYwg9dzHXiT0}X(r@}(8L6;Fu93lfElUxfxnuP{NPhejo)u2oq0_lvG9iL&>4@$~ zaSXu52502Ow?a}U4NST1%pNpdcx_U!$gW(>`MPhz91k1S^$47Q4e z@m)K(H`+n*oC*HskWrOqfYlHAckEBT@!LPrzL_0r2bIan#kmt4~IGeQ-g5TI166v z=;pfZ2Dmo1PPU)YNBXER^jj89Ua&dl-co^b z{|~ZmBIo!MrP7k`w7vSX5pb>x`i_l6D0>j<=jowzOcJU$UzDKj26$)lOKLB_l}<;j zU};8HPtR5u6y$@vRu=5^jz=p)B_wn9-PK`q;gl>J@^jj z9Rwww^Tvgf?ZRx<8CCWdl(c~72{K&R!>OTtT@2GM%L}rtg5Hr!GCUf0UPWSlNgTXf z*lXfiNZu0tGR&yebko6w4(xay(;4kA>Z0(nI@Izb$tTUl^qS4nNGaG3Q7WX47AxIQWIMGLFToDM1JwVvnHru{fstP&O=J7h-}r+L4cS+20;( zeAJP`XIL?L+o3MSGG=Uv3?5%2v#ee5F-r@xBj3wqo{ML-Y!G4ox~Upj2P#=u+~R=@ z^Cx?1eWSPRyf2Wgqu3`u-yEq3yADG<*z z--{BzQ!<%g%RLpbiT!VjO!=&M{Y*xb8Io1W>zEqi@8UtBj{J~4^br@e zz(~@K`wZ4VjEy_yN1Bs$(Gt=0nP)XoK$u0T3>}k*rGqPE)@B z7EtRKfdS7u;22q)rwaIvn)Xz*i_$a%ol)QWGOFwmZ-K=^kk4&s_QwH@xSWsD98dxm3(7_>wSu>YD(I zIp1W_Oz!HP`56+J2j)(6)hTQCKE~n@@4c9{|D^eB_G;dEA{#kZzS_idabU4botuP< zN?tf?kc6J>;u)A#EbmnBiSM7^QoK?dMln{HnZgV(QZ zMId$+bV20<_UG;xgoB)g{yXc(e_H|Ddy$i~M41_qWK90V-mERpMSz z#JKC??7#=|VE7YxoumW{TlR?MaOXbM4oCTW+mDRl--~_I)G-&>J7U4wmiV;M2klMW zkkGGE`cKru?~_)Ta+EzBz1t%tkNNWldZ@3ikT~A=1$*tVm5h!N?VpPA(^ulSh~D7$ zc~a>?_5oRGn!nQVYI_>mMQA{cyR3ydI_O!XMqMBg{tMI4zP1z89dF9X#kQ~~2Xy)T z04O{pAFj#-{{4cWs2dHnpBAthYC-SHUrFP6HF>%^EC*&F`xVd2HEQ@we&tA;>*9I* zhHP8BnOx8>0_auFyFXmebg(tKgE!=(EwusnCYa4V zj>*5*(xlJ|$0ZZLqS!%C9bn?azw*VIxhy?Xj4bj---(_$XqADH4v(Z**$$^2>!h;Q z7~1TYYqH_JR9qnY%taY{HjKfw8}H=Hd^_C#=R(E~_e|WaZ=FO|a^Z8yYg#LX|MJAB zOFslL+uddd!bjOY#$Q<+ml`>+CiPTCLJq7qtI-P2aY9JV#@~~c8|3~L7zWz zKh7U9>)%Spd~zahMB(Kn_5qP+pIx1V?b}R|mq4~mpaKr-Lo8aVV~KS+{Q`PWq(9{X zHIsElEfKd{6LU2xMJucsE<{I@ZK8^!54aEA7L8{~3f#?om7op{(%f%4JKp0k=kIxW zn@`qt=MZSj_Q6NxlkC}x#R*pzv^0!j-#oJ$?BF@T{Y`E^?nWL2;gRP~Q5*VGT6cLM zjT5t=a*eDrUIP)WR54%)c`tj|{X-keQFB{(SbdkIdFt>Fa^@~03|Hy3t@Ub(6=eUp ze^U#5(m;<6;KXM`WAlB-5s!NY;ZamI(41i%(Gy=%E{#>huuiMJR`NTZjH|5`u zpXYCpCtm;WtbIHc!{>xy(E1R(+Vxh(+p0oq@g<4+?u_)Q4f6OmIkPu)p|zqZ4%1`# zXpuX%H+dv|O)Ti)qt}!jSm&y2(YAF6n!M!9rt(4lQF~qR=bz*~G{n#9n{qYI4YNjl zlm0tgpxO7LC{4(Ma)Tw-{SL(>ddSQ7JEHDhDsl(W&o?y%V;A3(gXZLQ|ELp3w;Fk7 z^;EXdXZrC5`^}!HBPhoiE9&(y!NC->^R9|r(lz!UP$yf(j`geLxxT(HE9 zOb)@@jpd|KP%rIiU@7o?)NtS4uCd+N8A=)5f% znGfzs$$yTp+xAUPq+gMv5%rRM#1*rzJtGtPywnb)-+Ebdl(1)S;jUnG%xIAFreSz8 zj_hU)Z3JElMd{^IS+kHm_e;W2??rv7C;<1iM8kypPk;Km?j@*TiA^AutV%(@GZ*Do zN&qU4e38{#Qn7-5$SKU+xoN~>a+V4Ib@ILXO|H~D*Q;tghmW5bIe{)q`7`!{Gqif?AX-3BV(h@89 zxtQabZZj0{-tr${3-_orx@eu?ewYl-fGBLDcdh;3uQGg36F8)+;!%JfbZ6zt%wNGU zAN*7PsgP4Pk(r~r%(EJFgGAMde~d3Q_BX+VW!>;?PjmEYX$AF=T#UN!i2Hm8clw%& zL^MHJ@IFi%;D!;rK6`KS!<2$1i0oS-v!lL=zS9P@-=c<_1y|&6njf`!p0jqwAZJ(- zw8}gLT{u1Wmn3157hJ-;aKNw`+^(dd<&JaWruIW_ml$J6_Y0DGK#6^Ikr>~DyAyH? zTw*++5w42%Kifhfi5}Ya4U&11U4jwQ@IEvfugK1c3~Gr#uT!CRRT00IMqpZi8wT;- zJaXEeY%%(~DvnFZqc#ZSPHf)A&ge^TavF2~+1%5YQJZPI&;Vnp{fx=i#NM{;&?C+r z3Z?y#5ZM&R15(-Xl!1ZQHPEk6AJJ*bM&mji$Sz@W7B+ z-`{V*SVRB1U)^kr&*a=sb(PPw!d+Lu$ zP+HMOGBOkKuSgwEtC{aq4aV;&-gti99&_k9X?FHMd6(*o1}%T=;BHj$5IYi#OmMrY z33R9pceY`ka5V2FGT)p&zLdxwCq;!bo>M0K+KuTw8SzC96mW;1)DaK)+)Pwlh1Pc5 z6E)hCc|bqclUmuroTk@NbvScRGmhWq4bMjk21*$1AB!{RN@V5dZ<4kt7Wpe$Vc4pU zSfJ*M&E%%1omNDXoEV&b;eiT%$G1*Oh=^r(*)X!AOY&t`4!eFf-|(4XCvTVp!?iWBJ{ z{%LBIwNf21i&YVN_OaAn5~w!YpR=U1)3;knGB*OiEFi~aJzts9z!XJAMdb|;*$hU+L-?CqaH?y(1yudsui zzU_zP={8yZQtFpGVRO^Ba<$GJ9X6hlhWABsrelpP9`#GwDwE-=;SQyPs?g2|#zpdu zYfZ>zV~2uD8QFi#Sbn-`i@5WySUG459+;4`)^HFeIi+IdYmL8^m-T^N!20f8V%D z(iCki?Y;L-LyMG^>_U=FWUnV8TSOVzr8HEi?(Xx55XwqPGSWgqMnd9uet&=XAtV)`dsHYj`#6}wFEm<-0(9%5m2(lHreNNeP=)Ii*dnvo{`@BPZOstBVc@#caEc# zIcKn*tfggeDM21JR=OCWeSm@-+i4K%PL}KFBJrny!~&Qxq41k?^_t1|i5|9S>*KVN z4<7LQJdQoPYR7aC^(7Q$L1WNcBa4YD?0v~JfEk~gl`Cb?W)p%J%tHFa^HQ=(C5i zf4q;rm()|M75B%S*SCZ{P34x_$Q$Iv`ef%DKC@*smLUqK8I1yP}%k&As95|9CAR`3Igrjt1xJRMWo@Z(I&$UPu|=pB+Q+ ztBPyzyx}luT!{MUP#m7$Mq1s>yiVYLl6?y!&y2#!@-o_L@`x6@$-;!+3EvknL#oq- z=hm7?@O9wps)LKI>^aQgo}m9P_3`^gN0oIcHRh;E^u_uvoB!Wu57uHWfAdHBzE~DB z4gSzUW|1B1@Il&8&c0q1hyW!ygl{rpu7?q%nC~!6(hqIb>e$8k8g9jEAX^C>9P5sm z+T&0sH3Tgm3!%gs! z+@3Q#LIP*AXW*l!7H00Sz=W`1Waz2m{Tf*~v2N4D+X^Kj^<*;j7ro>;%zW16UKhVd z9}0NpcgYD$7Uf&`#06q>-V=pc<;8T^66Z?yH^r&OL(Ju=5Jp&(9bkQIY zik&Z2(R$khi@xx^w(AY$ZjQvQB^t<=wd8Zzg!$+1sDFTf3RRhPp|BjO_2$gBc|o;d zoP&3r*+RYIu+Fb#)Y`7;?>-DT-69^SWeY4LFIw(!ZNxj!r>7>l`d4PMrxpY=a) zve*;H9xSaHIL-Bs!_3K8yLdF-d5ng0%VRp@;DmTFO`K()iB`NX(tGJmR;Z+DVfK#Y&CPVS5;DzR0D0TQf00N>rjh5P}C|U-6&Uxq_|<* znV+;{VH5kl+eq(&FZ=HT;U+a6OJ;i@^Hc|gWcVRRlsU7nw9v7(fj$jnJvuWdI$7g8 zy@Gk4fxk&om-m{tP4TV#F5P&}49!P22v1_K=tkDAu|EIKe%37+i{WB>4~>~P2v(fA z;>!$&#hl}we3f?|uli_eIcxcO$Dzl*`RS}7jFCHwztVm5$Kf~m2O41SfLfZ_!}&1I zU+5z52*a+(LfGJf%=aevRL+c5(@BUosHe$Z9@tgYN4sqO;g_O{Tg(xNV68>4EwigT zT`?nN1g`yY$N7U^aK7!0EAfL7c9nf$%b3r8{}ElVU=P7jX8mkwrHGjWIkPAnqc7Ux zzcvHrrS3$1l?oF1IgDc;UQs{i{`v*M;kyY?=LY@ziuk@(7st}fu~=+0uG&XpL#I33 zU2^C~uMVHZEwn_CWF7KAa?_$={hcKg;>y}0AtM_qck60pSxLKP+of&Q_ z`i{_k$#ZH)&cGcq4?ouXVAEpOvhQKG+fym%dzeG@x-ry)w4uT?$1}PT=umUPA}#h8 z@!sawPi-VrzND4Q9#Ytwzce$;826hTP|UngH4Se}-o@tz^GF>z4_viN9FwnyWBoQ} z-0QJdT7-E@oLP8bnha*hNMgN-8G0^p-`^#H%W+otw)g`b;rZlc*3G$I@1XkhI+|9J zNxGIYSTTD5S~lGvm2d8d`fmjKx&P}=7DXAearUkMK&^k?(h|;(J(4>PMUt`Dvq%S( z>%1UhRY>0ods=W8u`q9F5;R2l_zw z%Q)jON|$w+J+xshcN0GqAbr;W%R4-HC+0nfQ<8Y z=wIlHXs*95W~<}R-WZJiRZV$X<;=^m!>m!v;eI>}IsAF%?w*LJqc4+zsw-N#=QY1P z0yzuE;nMN}I6dVaWd{vny(;H^34-C;>Wwd(+21Lug>eg*X`k$b-9LHnG~1ZDxP8=m zjX5`}Hu%>ng9Lu}YBR5<@AiFK#l9}9kZ~~Y91jO(a8y>Lu`V(Y5}bRtt>GJ~OFOV$ zm3Nu5hr@lSF1){aVWTR~=~#m>N6Qkkd&8l)K?mFB8DWsvNHnwdS;v-nb*n#+`jnB# z8Rm;UWiHI5J5D7tuF|&Ve#&isO)jP*pdoILt`skh+w(!<4Aw3Vv_^e{3@UmbP$Tb@ zyqT}_O2E2L%aMFGi$c?^kRmu&<@FUEW*m>f7A-}rgknYX;@1Nlb> z<4>j<@>zp0T)^Drhg@s&Ok%Ex82U6gpY?nl$p5`|2PBE6NaL0%TYSU8u{RtLy=*~dn$vG7{AUGe&(TA>7a$x_wUo% z=@&5fmId0IbWl5meeaz6;l9-aGY41FKCg*9pX9zfgFQqtd9;*!=^EA_#4%g!HJs2q z*#k$+wD9>r7agn~%h^_(sX9and;U#^!!&y&eHOuvoN$QGX`}asBhVaci=FAuN%i+w zJgRX*+eb(AuZzUwxFMWHABG97N*K9I74`wrczyT=X$<*59r}vsx7EfIrMV~^Zi~c` zV=!&4KQ@fk!^uya`|{2oXI49Ke#SRCR>~PI;EYVg@sM6zK|0anuyqjkmh88U=4W!h zjT6MXY&n-~Ix0$^(4z|ik}yzV-M$)HN=;Gyy@6h==Q-5oCi?JY5-R>GAj`uFD-C(y zvpgKOs+=8ZH5QJm@bz-@0=IJ|#P>+<>R9`22)I-Xc@XECCr74b^U z9!K^$p=$FP%Gt`EBHve395?_OW{%hz?1PFBZRWkPKYQb2l72G{lR8xqHB|zu_!%-! z7srQZQHbE$K_o8(Lq46RIW;`f-eHLRk50(3bH*ce3%Ihjbn-&ZNx#9n97$&LanE1l zAchW4)@aC%;AfKauegreTU17+&Be^d<_w!{qNtxV2>-ULA?T(pCfLou&Z;`nbTGr~ z->PtrVolO}J2h>+3C3K45=gk(f=YDbI&1o1K5`^j3FCjyebG0^)M9f@wOkVSp zMz)9|4;rkIj~1~mLhAiFaP3RKpfY^hhkB=2-ZE1KMcxOgz&4(}Q2hBHyIZ2O#T*GIrBT8? z=NjH;1ge^1?|Gix_G;mB!eE%pVWyak2=2A3V z-kraxrjBK-rTS_GmvH73ZhcGUdwS?U_E>*@)JduAD%v1{ZMn-( zn)#ZZ+05a*r#mFa`2&vJ4^437+>4WT5DDock24QwX}2oUql?QZcM|uK6Q+}KN-8+!m|9 zDC2sU6l-MI7tg+vdjU=`>7NFpBF@k~<%l2Wn6nzfyQ?dcAbQsi6a6_?$;}I$?roH- zR!{#OfaL+A9Zv7mlJ1cFD3+JmV8tj4 z_IN#~&6_09>8ylD%Y)JMo%=IW3A|SPNX4J^aldo~oL;iufqS!(#r7D!W&+oik7!Jc z1?KGLvxYMpcklCoUqUdZd{)Nmfy~JsrhqV)XEf=>dy)w?gXSoAd=OE?lP*IX&)|3E zdFEybOnB~Ni-Qxq;K=n`+S6c6yK023(TkC89tgWLV(8t=8pkeWDD(YtInf@!Ri4t3 z6!v-id`m&YB`||~@!acXu;e-W`JPeO7v+gnvf(&8poiiXJ7L7WFVveK2!S-eWByrT z?m<_r8g$48z zT$#Bp2dT+MkbmNXr0I3^Yl82B z8eq7M4)ea}($WE(X?=*UizqO&VhjeQxg#Ua5%+>!FVdpk(QRra2MV zvc?M;y!VqoqlOC*(8D}23^?(OUUzT?=rAqj*>%%5{yQmkJ)G^dL;PD8EWJA!7HNTK zyEzKc9d1Z5X1(I3E=qo-j3u#c^vOmNYum+faeFiMmri8v*EEc4VJ&X6J7y$>zv5;a|Hd zmSl$Gm3|Cr?$~4M5=WH0SHZ%UjWl(+3gphbquYr$Xv6GJH0Xu|zOEg}OsIOAFfo%J z^0nv?t)UmPW-!&V$Mh@gk$bF#ggsVh_g#-`b6cq2R0ASgB=9EVC0%ae_oqEG3J=0o)S70FBLe0rtB(R`pQfTojAPS?S?5gUsB=6%0#P*Vh@t?78dp6?kvCv}@+g}`3s`88@He6lmvD%xTC63*lcn+bhg=F*1= zVE1-7#&8{;Y;uFD=Z?S<&QnadsEVXAN7im>!}OjzLgOz{N%kBJ*{X{1le;MWH|L{8 zby4ljU<_b=?y@ERNM`Q%lJ~9%uCm4S#fosA8Hr7yZzzI$>&@cL)L__8#~)sy5joOm zW}U(G&3wP|c^m)oIhpa!VkY~(JTlwp;q4)?u-8KQ&?*X?6u^v*A$a;$3UYTnF-B_~ zv^@N9iP@y)sb;u0na{tXP;5(b#_QW(=_C8z>sVv>X^J+sYg!|-(h{TQGEbWO_EG#k z*v)(NnoG8rUEzm&7Xq;@T}X?MM4*xV21m@o5nru^DtysfH<~4`qlc5E3YNI$Cw!4D{B(Z+qWH1UiTh=#31s1apQaj(_Q+NG`@r&E#DRMWUYA@!)&b4T1b~0iP1quxT^St zE}QYbEuC{NOPgp9Sko&=f_{$_!l%1oVXZvxJ$q<;PbBkYgRy5V?_*SEz(mgt>Jm>_ zUpE5RJ0xIma~Q^sZ=u^FayY^D=@4c=n7<#12oYvjn+!mL&l0R3n*-O4?c}C!2QTw4 z)HXDqend74f-LM>s>wVLZ1o_i{WV01h)`x+YP`Sk+$Jv7JE_nhCd zn&&X8l4x|2M&n=BdLDDYPz6m4uMEfcJpq{6G69Q@O@o}|F--bshqmpH=&-36PT0I5 zmzS3R&t#8Cu!6avH56BwV+M2oUXE5o@XA1lR9oV(By-oAwJ_K^5`)c0AWvir^nMmn z3HuAyyV}6-3)U zUdzYe%Yk0LGSFQ!Q8vWEVIJe>MOXKVS*(Om`AMRgq8D{XM8^pKl_w%w0t1W z9eqoyvw2tA&iaN@8^oXKrH-0mn6ZoXzCWa(__mBTX?-Js{y_HW9z-G606u!mBo*(X zH%3$7S}+RA`OKi&ITGXSLg74H6B`BESj0Z9S?a_P$N5x5rl5ews4*Gy7Uyn8zLgZ}zg5B|jjs5O=&C6^8RZ zEfja+8zmcEr3*bD>HMJ_NJpg5n&?6B{>7Zat>&2bg&CgAY5rDd3%Sf+l(*Xj%{$$& z>KpUIH1a4{td^HL}AOweFHPM~=l9VTYq9=V~ zxH-FscRxdLU;^`1e-6W7ldp87MiNrnolz{uGY6h4iLq8G=p)aoYYbp`;4kfbBnFA> zYEmwJMqh7ABRjIGWrv1C zL$G|27SC>K=nMBN<35-{Bi|auzlWjZv^AzW>tdvL0~L8F!(=JfF~@CU(RPPAZMRU)j<1Z1DtH|fHt3-WFCR4 zZe{_fx#72xJN#zwZsCFx^fFvwBrw328R2-pER)YZTRi$O4Hh~<@DiB9V6_<%)r0Wz zNC2~vU(&LKT1p)Ik2(YrI2rYuw3b!T+Eg{nOyR7v8W)ULQ$Q_i|9S_>pzEq1HlB9D zt95-eglAChqs?)cJ+rkpW@5Ip3hdW8A&a$psoy!zIY$baqxo6n9rlvhS4cKE6wAJT zq&wCA*puWB*WO96(3C+h`{?AVEwFls1I~P4jseevXFua?44xe;Fzd;U@7soG7bL8+ z!^V|zIPlpH_k^9aO6fPn@NDsuhB!!4liBklaQbNnU0hR3dd~(T^outvYlpx_&j<3d z3sAMao2)$M5 z1|jq)^P5GU(D8S6=rPsB$5b(Ns)X|UR1I;l4dlC~o;tSJp*&X|&6S2Y$@8C+_v&cY z_5h5LZKn5cl_05Nh4SoKSlOIM9qM%y{bC4;P1wiY!q2PKPbx3vXQ99kmb|mm2%Zd? zP%S)5lfh5cS?o^ofQHmC2m+bw+X0!JkZ$l*KtgBJDO+2qR5cpLf17Cv@8jB{CNg8n7A4FI)hcnrian$7M7V8-M=;vT>e7eDzvcD{v#bx z|3f!k^wVWiX5XHa!kTyww-GBiNs;=E^gl06bZIkG`)mMXi(-UVd}K zi8EG^XDz8|zABP8_H&Q&4lURSZr0lPL9hBu=yVAueG%i!9FaN zXE*7YLkvO|^wMq42T1T8234Mkz2lzR%;FiXz28QExt5W8{Da1+a4jex%3!9XN9Rn~ zGQZ5EG!V`UnSb`3bIE!3vim;w%trN8{v-rvohP97ggu7x8!vyOkS4iyQbg}xn(;tL zYZc^pmNf>N2XxWLxpT`Th9Pqy??66k;?Orc+->s2@O{o`*{IGJ3W5pERe`Ener{(P?5F6LY`g9 zG5hUn$XtwxX`{ic5&z0s-(IpphP*GnxlP9e*K;(I^_JD^*oWwlNLF1X6zA1X4u@Zo z#w;yV^4_dsp*J2+e@}~VdE$nz0fJmu=XtB1{L*>vUZsI=BW=;<$X*t?4oYngNA7St zEMZT(&etH!>EJUrYA}>le^Oh|AL=LzLK3sc2Mr6rofaQ#T+9r<2R5uVkl{JAEY!JI znl|7Hon(*xy=(ty!b4{S9vBIcVh4P9A)rl>e<`L#77B^l*f_x*N4ZzfzpB8`^Bt;B zu|%0N*Os;$G4zTi*56~_zl=QG9}LCbqps+F!MOmFweZ6$1|pUf^dj*w^#=|{`0atL zhf;;vE@xOT(_+Qp4&u6ZwDCgVq?(L92 z-i&=iZQu3aoW%RhKzZnl=%ga{8P?5;KvIAq3<9)K8rV#3hodnqB$64?a@^+*g~K8V z7@lXnPSymRtDB3RQ`}%8d`+%@LXplhQ;8;K6&m?)9nVD1306qvelBL33%)(n!&27x z9c3-(imNqrr@;^bUSqMs_8+-vH`3O)#?)jkvzEJbHUBXgCfVT0J#YMAexUSEOKe;<93vzA@#mN)=h(#|;-CX& zGjDt6GTv))P1q)>jQ{ZiZsf4v{|V>LhzpZ?7Xqe90(VYN19ciTaEWh>=RG{Bv0>k-a* zuIuu7W`ENXg~9#gy~GO)Ouq`5oaVZhhWnxPiT)ffhJ#<2RZB+>w8Kz z1*`*`%b8?aUueV#X=txv_IYU(bN=m6WF(KgaX(0Az7wL9M`GWRYm~S4E2U2J#HW3n zr5YHCM_kXW92bL=)A^ZRp^GX58#JXj;3w-3=BL=eEQ+%*Eo@->ntKNW)-W;y=GuEt z%;8L_WaH;#)Os0uQj$1z#TcZ z%RXp^J%tmH^gfS%UY3Q(KBBmqB1-rwimmsWs5spK-F$YR`yGzJy_#q>wndd=G`dgm z&L*jyHt!e5&q!-b8l((E12>d^orWy-E!BKv23G6`8nUt&I-8vEAo?Pd^1jhoe#SqZ zWM6$I=iNWFLQaMSe4029U6^3d!C!88o}S@293}2K{@ZxM%0I5ZG0!` zu#bHj@8UD&k3?h)&#Pq2QCgiqWz53wKkI}Qnyjm`igS}DO z77VS$qA*^WO-BALoY&$B72fs8h;Sa2j|0}7(Lun6N%+L){Bq7E@%YEPg~BPw5s~LP zmp62W>*6i4_wV!Hd-y%Cp_UwmCBb2i=RbDdx*yId3 z^4SR=bqrDCUV`<&>BE_;CClfn%@Eec%|ND`I$ZRJV?~q~=1*k)Fms8*W;63i;tq{- z;tb^o_RBsmr7e}rGgA|19@in%Ka|4jSBsFkY#5}En_)?j1J2PWf6J zTZR=Nt5FG0W#th6d=du67+}-%fzbQL42=Ospl=DV9~uLL!NVc7SR0!U1R(K<1qRjE z5gQGl>2`~rp6Dg_411Jr;Js^v1p1fWq0M{8!-=yndp7=WA7u~K6&~22d>6W(JEMr0tfzLxo8`;*f(1CRv*DhFSqWtkJ8p=04&p`+K<;`}A)ND$eOb|B?&mX4X>dsvy)1n1Xc| z!*FLO&x$_sj``sL?D4!$FWwp8_zK>Ob2iB+uBRDY_!n#g^Bc^G`4ol+o<%4ep@ldlo*A${qyL2#+N5q#{{%&Zt+GdV!E0)` zGaKP^ywSPY8fv`5`jK5qkwJ5yFXx7>itf10dX7)OHF53LZ^|+$B$F=oX8$J(|33ko z1N)VR-DBPav!jd$vGya;2L}o^BXXoJ_KxVIz#FE}Ty2jxciGqCHwvj+0&&Uq1ohte zN1IGIyNH~iSj@AhSk4F<`yVXo1oUJ2DMUUiqofWkY&>L(A>A? ztdZ{MiO;M9Y;$(N(YQQ%vz+-eH^R8zeMF}dzSB`e|f z#X)Gkp2xfoQ5<_#N#B!opm}sUv?^sVukaDg`eT4KOSSNoHS9a2Uz6j666*5u#1`Y% zv^IGGcJ7>rCjw^Jb6)Vy>EcM3FM&1%JqS*Dz^%s;@y4^^*ky@n8V&Tih;wa1Cu7Ow zTyhxWgFknbVEUHzPhWn~t+|14gdtw%jl<>U=0O3qzPlrlv|t~MHv>0$wE#Pp`tlEOn#C=d34@g57# zMYV_f&H$bR*dbx$I5aQxf@$zCVh|f$aWq89LJfHIa4&W>90U3u(aIV-&Knz!+`k5h z9LBu0Q$J}MXDIkM2H}^aH@ZTmVT+6_Mk%qk?Xf6kCS9U0Y5I_ysfdd*R}d5Ih+57e z`KKm@<8SM!bmeQ>&)@ZqP=4;VGb>p!5-D!Jh%^t!(q?9aj(SCXoX0VV&z75vx5599x<0t2qIbDxJCa^E(xwVn1LUc zdDYZlFbvsS#$fSZu4T6ca_#PieVUw68#xzgMm;pEQ2|D?{?W9RlOZm~YzZ50tY{9w zq82F(%w}D9w>g~DtZ?S!UutNLU_N;}U8|8t?p}9nXV#JJY$=SUPHG)x#B(YKH106L zR3jbyvE+Y4Jq-1;EO6XnHnx;-rtO!FqCq}-dX-gW6kk_%g#`b@8$f5 z!??GHHQ6JE;p4^u*cQRxS*SPrd^ihE*8_i_Tf$Cy2ksegX0fL(j(&E-o8+6c$?GsF z1X;jCQWmjhp75~epCPUZr66}?PjbP!H0F_Nvi~%`82MkXU`(eo9NL30@3#%_wU{}m z8-k;b9+<*eT>agi?0p=KaJ44-{!;_{M7TF!x)fm>^|4P(3txI%U~|_T1vh+Qtuhf| z%l>da$tMzTV^&O(6Y{gzuU#}A)zUv{bn6so4p@#tM}H{H9*+Q1W($0jLvb;CpE>6y zLSqW9B{@Lg*GcJ9n3?~XwK(^u!DfpeJS7bAmVGwMEab4LkFV`R7o<W6%;m=&WK!UK8&ct2m3v)D34jzimdb7{0EO#CK^glx%lGZHyUyh<%{_rw_Bf zegQ5XiiPwdYe+GxZ2whe)aCK4M<)U)>y1!9oX-~BSg1#i!hzqe*r4o>kcdxoVx2TH z4i86&=xK_qX5Z__F(^(Q$GQ(+lt_@bLMzh*$jrOo;_OxEt&X#ivFX;unZh!U+hv&NHPW=ka5A1Bu7V!kP6wQ=ev_$jgp1xY_ew&%OBr zONhP|$MccF7}gYnGVZY!I}Ao}oF#_-Hbm@kZ-|(C!#-Y}^yHup~NgudvH34->|AcTJ7tg;Nw33(xl-3D{;Q78ws z8A=$mb1dRrBhg$s8s|sJ;-a%3ih}*HmAyGJ3#Vb}QbRnD0*w_iOO>@8>s8b+r`Z5$ z?2li&g)<00jK}t|ah$u|LA$jBG1Z1^*c>NpI?MauZOo5f^@O^!G|+4{9OcbHSlnTX z%??9xLCzNY{5X5k-2@hr+E{*k4K5A)NZa^*F;$vWRDAZRrK@P zNc>tAfbOdX*vI@F(dWz!8_zs}?E~)w z+H7sOF5$kfGy?y^`>8&LHL6S1V8~es`U8jM!T_irXFqnWFKp|qF+al+ z&o^<_#C&-iyAlo)zD8*o4=LuQBK~{MjHD%{bmE3GqN68c-eD0OII0ZYiU~Nw8CUIG zPn<7ZfJZhvpsHyL`M;JtA6tgYX`^6az}ncQJU3(JP+#mf%Kc9nwQoEj-Kh_orF?cv z7~xyMWISe$VZN&`x(7w!!YeQAN|8a&<`1+{iP`d^b|^g6PdCnt#aLrK+|jYcXz?j< z+d3AzeI_97$~Y{E2}FAQ0K{vvC)|c-Z3k@e(Rnz++2hl|dsfvJ2kc4kL;TLWoc%cm zS?md@D2Txy865;xyTF+lI6uD%P^wdo`&$KwUMqk`gaBV`1u%Ohz!8UXBpeW6i-`dC z$pU0*2@vs8fR&>J=+zeB6aT-lhXq*oxeRZ23veS|z$^y=s^SD#zNQR6WCf@d6X5v` z0XDu9;OrU!M28EQK_-Bhr2zL-1=yD*fJ9>%yd=wEQ!Busdjg~@mBYz!)2@q8&Kx~}=k^JYxEdIT61qd}ON32vizMBfL%#r`jyd1{mWmwiLz}x}> z!jj5yq_+$K{|T`3rvMJl0z8T2-{rXg+xYitT*klW*D`#S=M)V797kgWD0(D7h&q23 zoW<>%=b_V@3-@i8vC1L`rl<0-W@{d6PzxXtSBRkRmyxP?8TAE4aPz&){G?(?zbwXs z0SZi zrVH@GkiUyY0iJ19yol;$^%#IJ_XoNq=HqOpKBtu3aKhIH~D$!at^Jf`ai}LA#;cVUPYB}->{vMFCHQB2UDr4AdEVT50Q44 zBlRlAvtPf4P8Teu{ddGXc5m22+P$8nsGLnY8w!P+TsKqgzK!H07)z_Z>|u_(58d9e zi>{|R&=N29Zr2?pr|dL(d#Zpw9IPOb-_t4Q_b^%(GM=RRj?&MhMAEw)PkM0|Xt#U{ zMT*X)_n))q{bK=*bY4lSOCu<0#uYkNe2nIPUQbr14^Ujic=w^V|D&BlchT`3_4IE_ zA=SHHrF~BeX{JOXne=U=zE?{q+HfbeJYPV1il6E0!qe2WR0Q*)9E2&KlIi^B^VG__ zwts)N(4ObJ=}zoXVi^bhx;#tRIcGZ!^EoaYY_yFE69=G4P({NAtuL=oiWY9(Uqqj) z*3qj$=O{MahQ4-{();3MO2|(p#gI}8_06Y4_Mb`b^$yPHTSqPzchLg5GJ0@p3oRIX zmNc1-Gu17P7I>UsX7PWt(n~-qW+u_)){|8KHH!1@*3eSRTsoSWOz2-kBDarIb7U+% zPmHGxo6;!5eJA~^&nCmn-INquMK|K_(sRWkx~aB@WHS&OG&^LI_336x|659bZpaFqmmQ?VPfxMW<~oIE z?x!WRmlW!`Z=IM#*SDoo$o0?M2P_}J41=qZ#7>8}N zR+vk&)>Y(L(Mj_fR??jrkLl%r9D1`fkJhd}%>JTB^fXikzo(~Ds7flSY^>n|5jY2+QcJt|M4kuv^!0X38%`( z-``A4Hta>7z}%x%1IT)N30;Znrl?oRB(f%(YLX6+;9VMdT}mhKdzYz)bq^0m?V!Yr zua-I%{-qi0b*a5~k|HA$N&VbrD&2aH?7aGg(_&82 z+4f92dG@qWWY8U99p5V{59ZV3O{d6Y;WY|8nLthB4-2#`NjS(NbI12FzCcRdbn~AeNrwai-_}7@vf0(-$SSZ_hzy6HqrB5w%ey2?gbVCuGM7A+I@->VS;q^ZW!Fv`V#nDh(?w`|SlDLz)2KNiacWkGNrCH=4tfFUw@~Jndf$ELU(y#8jw9T=J zYS!PO_T0#~eh_{d%zk&i4lf5DCy%W~R57-i=1Qf}u@yOV z@(HNp*g+D+X3#c0A!TSaxI`4c~T)6zq@F z(LrbEl+}4U_}z{)E{Q<+Ba>O83vgi8$JAr^op$~$qDdRFXxH+S6v5oLgAH3K>f8xB z^6Dk2f04x9g*RB^_K*y;f6+(xG}`{|E}2DDlje)N?8gQ@D<~vgsjtGyd9A{@TFy%w zTukawS+wzC0(Blqrd5F{lxO%*IM8`7o%d-J9uG^Q5Rnuz6+20T?&@Lpibi@+kx#xh zXK7BPfV|t&DK}q^E;LySyZ<$j?{@)Njw&Y2pgLNRSx)D^d=^T?v-WmlD?QbCOj4YE z-G5^rHPwhBVzM+<$q%8iKVFi{k8|X7t(WdgKBH%`uZ1D1oR?~oPX8$<2}L{()5gaA zbj+ibR_|O(&Z>hjZGjEd#w811SluG@FdqNrNm|vLA{=?BT4*%?KdRdBf?m$rPFqiK z{>S_yH2mRUN^?C=FH%m^jOtAKbFYHtx7;A%LDuE^FDHLb5&C_4FEv>5nWiD2i^opV zg9~?Qj^hxac;N#&e65<+ZWpJD?Yl{J;$GUDf0f+KPYBay=hN-HnddE`B; znWkr)q|ZzF3=2F)r+yw4>KI(1SCI#4ldc{`1ol1tkc9-t=4bCh0F zP7Cg*(c|{RbUyPL?UNBf`CS2}cQugDSRr*b?G|1$$tCp@e@V%+kgh$wNvqX&($Rl~ z!uc=CsMfrQ9L-*nvE3VT%PpZv;rX;Eh`pEo1+;O^5nASOk6ezX(S*t}>KU9)!#7vb zf>WtL$D$aET~@|A zXLI^{ppla5N0CqJTYBcqdAkXfB++@F4$jG?racv8cDRVn9X?8`Y6J106LckN1a01O zjY2k`q`K-TY7H=^(Xy&x!a}&wY`!XeM1Kq#dK)D8~Bv_h7Mb-Hf)DuR3TyD@G zty45ia}%w|JWHOR4wHz&ehL)4C*7Nu>0194io9DXO!yT@*QZ^jqq{|_B*IBtBYK{B}k#-1dR)MM$>+r zr`~lfbf@tI&!{#~ldTHg1!nMESwO#)bLdumGR^%WBp>xo3W(kPg1(jxhzDfGki zDaDOGK?#b*^t@pPwYI;ZYR^Gfu{eXi>DJMYTfb?>`T>+w^MS(fh;GVWqer{>{nT7Y z@yE~6up?O{cK#JDU|;OSvLd>cluwU}me7IGLaOK4|Faz_w7JfJUKq_49`$Y^iFx;^ zIf?a*dUz%iUHeP%qRF%C&o2M4i^u|N%u}P!;^wnq^nxw~kZ`!4FabCtsD+UW51B$~!q zarVQDX*jcT%-AcWAajA_mdIeBY#vn~xJ?t!l+dl95b8F$Mkeq0-E`|FIo~NEf$lxp zBVS2g>+(s>{v2z?L~;H)vm>|mP<>$;t^c7+Zb6wOowt{|EH_fdf5nviz>9|K=hLWl zc_jC$nL_pINU^(-7XExp#u=sb8IXRdVMrP2uoFWpPb&Q&JfufmZaNVtvJQwezLwl;|R4i*JH(sDL{x?qZ z`L|@^J_<7^qKVy`$@q%~6-v8Ms=__`*L#ar`P`tUp|{yr#F|_6E40?+0zEl?oEqAT z$aHc6C8ZrEgHg9=k`wEV_gth?^AC~nP3CP{?x4jNLMU-7zbjYYro&3@q(3u_2AA%k z+JqD2)ysAGi*ypddz>5(5M^a4Qb%q*os9CNV$~EHvMNO=_3#kYCUL*8?KS;0t|p14 z)%4-PGdeHwhF&qh`keo4>Yvg@JKHpc7PtSGfh?dPXHeaVYD$uKqM@1(DK_LUIS)HS z`^OiMNA&@c-I+{nMh)~R@IL2Xl+*gTTC||>0!27h(!=SWD6sGrO}Wb%l}7t1NGgd6 zw!9EdWPRn!&^+QX3YjM-(Jy}&8a1qvdcv>M(53a1%V&;S$z<~Kzd+M`R@35Z>|>X{ zL6w~{G}`_WsqDT<2{AP^=HPYOyFG(47DteZ`z0#R%%ZF30;$uykk(edr)}%*(TK%D zI@^;*Gc3v}th0YjAaG%sJMiJ%Rmn~pM2-| zF?8|NRC4%tflBXPr^eC8h3D>b-u5D%RX-@CoaDW9Y{)(O@#qM(8*Zic-E!m=eT^nv z8$%}LH`%k2N!xQyP_?=OwQ`2i7NL;#xnHHM=q4(ebDCV|4TQ?c1=Psw@iRf5be#3K zX*;FhdAW!TgY!tMaW6eRUde2!YvkAePM8q4pK|tg(68OE=$1k`)ePa?{+27WZp?9J zyz>nFSSqbw-Ar3=eJ3aB2KuVHms$?*rNi>YsOJgF%&#kAub_;}lZ<^`p)F*V|Zx2Q7;dxiy6k5*w zDvX{=?yMVhP$wE7|B3=U8fmZkebVmOKpUhq>E4`+w9U7iW|rpA_;#*I))~>?fC6$I zs6bcO@m}k{RFbcLOuc8H@p)cK1IJfUXDRdX1DShMSw^P}GihmiIo&WmMI&!Mq@iIs zG*hXTh6t|Ht<*y#Ji)$I)gqG3&8E(S4@q>A17+|%8}gxn0uI)Zo>UF}cjz+xw#X!% z$fvYOzkn_l0m7DAfuA`E| zE5i5L*QlSr)09;;6e)gzQfhN4tN1F(nW)ldt`D9z+$GECiKNd_7yq8`rOMEwwBMtW zb{7iCL$r`wn%U~7xr?l9omhRVnrDEG~aT?qICt_jt1dZmecET%4sjxGM-Z3(<Y6k${HsI@3p7N$7oi$ z++pU!SC}Q=Wu?wU-kC{;Vx=ohdR%A8;cm=%yNae!Zsh%m;`zAO{21g2<&17I zu^Ll-FXA-z7Bze#2y^_*`n)UjmfgKgkMvb#LuZzpYC_3kNA3^rfX9glZcd(|d33Oh zF{@ljdr(Owk5G)yN5rQOi_I5+;l?5EMVKlh-t$0xp)dE-C!87XhfIU8Zd zq@qfyiLmEij`U={g)l}=H^)@^LHleLp3BaeoOvYYPWUXM=GtRD&XMu^6zW(2mD*YI zcKR`%y>p=N`ghW)VyNsxJ!QsONY3O>l*WWp;FHdcBs-$7}n6D(wkI^*0Sw)?S522Ot9A~ddprEoaRmyPQS zx*Dy_;cD@Fm=HkR7|EX+XsOoKYO6<&s-xX1i%!#<(0#u@XLszNf4;ouDk(&6Hf4R! zyL?+@EOUUI4fYyrg`wYh$V=R0X4N&yW`j{0Mzvp3y+<%FjK9&S=Od0C55#DS9T}$Y z30rJIzi|3=NdnUG*bo+$t=0>0Gro&+?y6di?kq&8qDWW^_^^8^O&qF(Nx`h zlaShW#5@h*VEjw`KYk(S>IdvygRqwz_QOhnG&X9f#*FjkesLyKFGO>-b$7}>yE8lf zvu5es?{M3TIT`+%!xyYLH}XE|zD^wLb{g%%a?%Y9lzsJVb{To`?|THBTMfgrYN{EAKdLF#=l)0?Mbh*DsU*1F$l%ueUx5i@O|DJwk>D=z%&f4x_ z^c@huoUb-AgI!_oz}?g>`ORKo@-6M`%%b&f40+?p+9hq7w=0P)o2?1sHg!eM`taI> z%4@aNW$6uz-t~xsDK8kB5y}kd9bYZ4>0RV`9`0Yvuu69|375C=yx0sc<3WVZ^`Tpd z8I^b0a;@APQ_1a2mtG6MCEsX#AdK~H_qf;eIh{8*;qFssKHI-$;5K8Lg&U|F-F$>G zoyg|4T58O|`!qL>WoBwm{DX%1KUp)uR~nJKgE*)Klts`gL$ zn{UUEMdqX?z?SXnIWt^K-443TyCMzRBkk$cY!f$RhIo0mnd}HYK`-V5rQhSIk?Mr= zP+Jb}na%euZ@4^R6eS6#Sop0Y#wQ$jAv2xrh&G*wZ)G>ZBSQn5RjLYKeSC0A&uMwDMB zqL$>-40}>zhCkNK!)s(Q2kP6>-6RN$LVtQT_`vtDTn41v8YS|y zaWVtFT{HtG4`V=#2Zp2Xv&HQPjTRztjKgAg5 zb&JV1e$Ncyv$<>wrR9pYtQ+u_F%PU6uXTqAxx=T8m3+slZy3uA9_S}~6oxd9}cbSJpqXN;D8<5i*qnQoscdF#WAI!`%} zeV)-zHzVbXCNf$){vD<^D#9b}zI2g02w&fyYXQbYF9;>kAdvfW`{2-Mw(zUNvGn&O zP1qs<(s7Z!$Cj{2J59{McO*TH=k>*n%sXj|$&wfB(?~zfo9e2ztCso^E}uotYK(^b z<*IFWPCx2HT!IbV+7*yDuL@~HbLieXmeN=5SYPUf&)N0NKaefYKq#7=K%8IH=hU#* z91T9JG0O=isP+faHbdn4FTYs%|DF^19L5gW#;oDrIP~JC z=ElKOnhmd{PtVW^8_gox89Opt*m}$Ry~m)_OUWC~!{k{c^<0F>bnh!SE=wjf)}5|{ zCI2*}vdRjtq|D3K)8$$a^ZustE>ODh%6;{?xcilx{V3P>4}yCG%OMU#FNe+=q9V(XE5RyoNFBuKgh)q7NN6yp_9{d>##N zYMwN;WOe^0sH0u;LLzu3u*O?K?7SWl^c_2NEOvd35~^rsl4^(JGR= zM>J{EPxAhUjp#h@_*T(_xOb80d)i}^V@E+#VfO8GVYa;u;n!|(Oe>Cq)dTRl?##=q zXqKE9%$7EN`C7RhgFgv3@Iikr#T2n}i*#yUzJg|W4zs_6a(8DO7r#eyVZS#GW_r-b zJb;t$jaf9mFWCk!x!u))fSC!5v$G*5a~TfJBeC9`PRqKPv`(~V=`dG@7^U;VRx*r( z9NBj!f{nf3Gbc5Q?pxi^*{s3ikpusd-wPW;c-AM(c-O^_#RDR7clILcKpHo-9-y1> z6w`M(_;q$+e2)~y?FpoOeG2V#ou$vr3!|o6d3rJh|I2PH=`UAa;i4ApdPP6!An2Fq zj;>0i*PV;>JS)H76NEMUc_G999zy$JE%m}FlCr*W%;@C6`os2gnYMr%@iQn5u8=O$ z@v?X7!@}Ml2_NFac+s?$_}h~IejB$;wbko@eyUpITlC4h!K-67Z0jfeOq;TC8P-rO znCZz4@3!jr$ujV=r1j4zhMe(X>=HNWo7|6;$2ZaI|1fG)gyxZ&NykWc&J~{~+adt> zf@C^YZ=vdrs-`Rsz0p)Wd(E~PIpl_1r6A@rj{{PPzGBa+lnZ<=^x$rd^?aW5g%#}v zkr2~S6}u{er88pXE=%TG?xoqTXB=4@%Du;3Io!LDYx-V1_n*bW;8gnd@FPI@|7&C9 z|C!^*q>oYLW^`0W!Htz({A&)%EI)jibU93F#yWYO|LUYs=Rzapu`V5xH=lVkXC56c zrchu0&bF&Q^U5xg2F+#vuJ(9(ANSzM_Algb)}{UK-)#RI!|;ZkIsZd(>(Xob2PDwV zGm>dr9+K2(9EVnxP?}l7{YgGl6>agVl_%ubFuY$7x8!@#E_@nmr&LyE5#qsTix#_l z7^}PbvDW?^vlhzk##8a8UR|NtCSC3(oyDPJ6jj$dvf#U+>X@i#RWye|h0D-XF5+a> z0=72`XX&^A-aV`!@XCL}6;9xNVKHN4)44CY{gO7G@;SN^ZyU(qgD2Qt?t-0mEKfT) zvL`E*3$Z3#_8*M*xFY`klpZ`^PhQ$Yu=jRVm3;3CFPnB|#62r|Y1{I-RtjaACwZ1r zhqoI7c>dr8nYDKlb2)_5qmH58=TOBifR)K_nWXiF#*Yo8f9)ryvsOaT1*(4w#-ZIM z;(xjEcd9QNTKSPA=j4IzU->u0llLF|F*|Hd?^6yOsJDn^!yhrX^bZdog)?Z`5nk=C zt?nAQ@G>=y*tuZQQcF#HIhbL;{qe9`Nud2!VTwG#Wt6k#KhGbGaeB(F)1~y;slla3 z6#iB&WOUM3_a(<}+vf?pw{61QFo<0{mS`*zZ7KixgnCP^5wo#~F5-dMc|4Q*b~IsU z>Wfzs$dAKS)WX@?tcuDezpINd23&~<)>5I851alpjANChgR+_2V;eY9;8%#z-UMcj zzsSG^H%N_rh*uRK`n32G)pO=D}Z2WMTPF!|!az+`hSB*^>dXv*LxPMmw!mZrWwR7h{pzL48&x0Jq% z)4QlHy7RbHG!M3K=7e4_=9Z#q%uFF6EtCzT#&f*jBCD#1=lJO)-5!5q{)*M4K2_Mx zl#Z?%qEU{KF8W@Uq*`B~(eZz{q-*Fm)(M9ZrEY>$qIE>eZ}~Oq4@=;DZa!NUCUbUc5gn`D zWB8GCjA`UYk~BE zPX7xfVSqCmLqAccQ6lA$*ND4gK$u*ufs3C(qbCHkxtH4b-3aqK*AY zB-1mKhokgVc$_&?n(Hc~!y&@$+REUE(VE`JeffPxSGorl)7ZWiy?jM?)RDbt&u|u> z^T8_c4XbOt79PKqcyF$pNFL6(Zvkve2qw`tnJaFNgyg00%zY<0i=lym?8H60z}J`v zd`yFQ_V_num20cSM#qUQ+sC&ft-h&v6U%aS(f$?8b`95(gtE+@kYX1_7Q|O#th~Bd-9*wl+ zqOlv}FM9C3;tDgzBrwADH~R5CXn0mjxty-x$bL8K547gBVIrZr4|wvqB{h2WA>1H< z4eLIVy~>}>J;FFF`nPLq3!)F)=lz?xB&0aw*d#!*4tml*v!9C8#+;E|p|5Qo(sKTD z?*DY8={pMwdTyp?=?8{S|IWR?)?AJcX4E}L z%nD~}?#X6wPe;tX6*dW-33S>_#~JBt2*1KK(WHN0Ju5!+WpqaA^7m#nwZg$1`!$NS zM;j~SrlKKS$>WQerRbx=81Mg=ynm6xTKvc17rr#}DMP!sKy=h}=DCK-x#P#fV8yER zXtYzyh&yG#uR1m)nEqsg>^`07Bh1Lh7Q9*2SiQNhh9}Yb!ZNhyQmx%g&V7wl|9_g2 z1PwFB4(6iQ9pcKhRK9yGX5ZHHZHQ-tI!AeELavqRx@Fucdg*4 zPXGt6NH5)&^|;*`N5_di#7bA??IkAk3@MjB%PiVW>`24Mq6ZB0qH)PP)_kp_##H{n ze>c{m?-NW1-}ju@X->(90jz3YMLAYZA^CkGr9Ho}IZwLb0(>MVrIDV(C^nk=vwFOt z^2xr>y`zd@@3ynJECbzW*~=OEl*7L=>D%D8WTc8XwnjSX+J_K0sE{PTwYX@6vC~t! zm$JNhyivUW<8L@DeE5v6A(|IiUi8}=#pI>2++31QtCP+Qs4ZG~as;`rd$6IMJ5BtP z`FA>*e*byW!k`47mY--Fc$bQ8sZ8y6i4z6Zd^l*yOYxHqE;DE5Jsmagtp(329VBh) zPOi^QBV7LzD@S%D4odV_5~_u|1*3y_%|(w+HccoAPzBIa9NP3CXUj^7DfEQMzKRiL5{fuq%EUF2&*hkLtoZ@6skHj-%fHfyg zM@!$l54TU}aJPL8HGGsCVGWGAaw(3-2ejBeP&_Px$Uoz__GzbP()4Jy-fgAa4#st=dwqaob;?y-hONA#-EliOWpz zt)$A5r8}|lGmdU|!>Pj`KIh2({egoV7Qf-@oyUAhbEMa(BxY~6r{G=~VK<_vnbt+g zf)+k?UgPz)K=N+hGMl|8X}xf}+U7C0p3KQ|R_%Ez9frF@(QVX4W$a65>Y|2(+;(Q- zls0Ov?7dr^5#21ZnR1;FiT9ERRGbN5qOOLtbFxQs{4>A0)KL>djM*}@rW#l8CE4Pk zq;{^Oo=uEqdPmVtC%vXixO9xTMsuW_u+j&4Xu@A4NVdSAlnW2}QMCj0<%~R=pzzu5 z!W&^zR=O5K>A_EQxoXLkfnU(e4k4${be^YX)4cm%E>-!6!O0(7y#I)Kb1iTyDxvp# z8>+e$aUocCq+bRwZqXpZ?FE068OX*o4LMt`p`Y{{&q8}td}l7q%BAn&&T90Wa0=&p zQ$4Mw3eS2%>bOcOF0?I6!;>f%jrPSo>9}a<#?0YKqJg|+ZIX`qeIyz0!Skr_DWq2m z;m*ct<7Ab9yY#o1l)AE~(R4!O{3-faN~1TDiTG4b+Ta}SHT#AIEzoKo!-9H}9dGD@ zlW2p3yS>2R;7C4*zh-kj2^Sk{nwuw4dAhD@{$nQ9SDh#8;VUk`iA4LXJd?Hs%#`kv zfMtOUDNLu)#BCG?e`r z**iK=o?RCf?Z1F#WPjmxiFVSzuDW`ml&5`4gqzY(6=hrUM6!47n{{GmmnT^5IYB_x zGdw$WQ*xv`@XGtdlD6R-O4h^Sc`P03US*>}GUxYM@N-NkxlQ`;Sh7|5*9}y8fe+f7 z{xN9lF1jqu!D|haj}@QC{U@_OZlIoR6Al_xR+f5Yq+YV2?do32;YS_^7nsV7_k`Yu z0=af%6wky9{~}(8o^}JCofiIJNjCkqpQc_vLpAis4(>Hh;NU#TI3zn$weunQTT17x zJd>jy_;ShM0So75v1x21YZ^onntGd&RfUB(|A)r9C>k3h>039<=1^mMLY-EV<1vSg zT^fnM?!*%_KW@nE*+=~(;8YC1O%D@PX#vAEhiG`hg8Tb~?>GJ%nj=93XZ|9|=B#uu z1hFX8naierM4D)+y`v&&T4Ny1E!>zF`U{KQURdo4C8wFTx;3+v>L2fpUDMgv@A1I$ zyB$Nn=%}Cx=dl}E&iv^P%)8oM_7~jf{4$AmI=bq~K`&bNjKWv+xf3UZBhl24%4e+D zg%Lvs1`?Z6iuuk2p4O6{@)^2Hx2M8)`yp2OW@`T1?@LmHZ=4nO;ri9ziIE-utj#tY znC{8F)K45g94HxpRC4|OHNz%&qq{DJi>W!-3%|owJA?$e7c~=p%=-F$)v$+oyjoUW zO8{1BZenN%RS~QulKZ9{dFy9Z7)w-|0{g`b&c`I0&yq_=DtA<);qUQIYrZmFUhC+ z$~?TAe`n6NOU#}wJHMuj&>iZ|mb`c>9WTbz;xEIF#FFb|LiW_JP;ias?!h=Ot*l(` zf5WWFBi{GbQhzg~^Llwhb?QO7#!Tjok^6O3Qf>>**x#r1wVPNxtE>)G3uZwVN4m@X zpzXFDn+~4Wkx^IP6L1opbyUcKhiU^TsE@o;Al@wD)-Li1eoJkC$o#YA)=S6Y3 z^DQ=MN6^_gLY~unnr=*`{n=E?JVd`Wu3(*xBb}$ka=PA6ranre^xZ6O>z}~b&xM;m z<^Fs4HdW2?S#)?3Q>tW(ID~XF59q*Im)%)D6ae;U&=? z3+W=v*_t;SkltGuKMOoGUw?-)Z1i2OI=v%pR)w6EnYcfa+|-~T2GkHQu+K;`JIH5a zmqBp*JkC81#xz4;S#Nm8>>mMyJPzlpkD&@|{0=+u2DbI@#c6FD29EhH{hUi#U3~=J zGoz?}xG#Gwr?WTdA=gSZSly_i@^g(;o9*}bBYp7&uk5gypMuSoU=E%-Ky{hdq8n6G z?YcYD<*>f==!wU%wITl;N3rhTb)Mdg!nQnxPVy}GzY>bh!yo8ZtD)k-5>ehh}>AYJ#py=DW4*+)k9)RQ%Z9Ujw=2XhprNXDH0* z#MM$Q)$(l)Wm@TIcZS|sPSpLEhsjne$s#r2v9J;+J?MsmPY9R$JmTz5$t8=|`~Ch> zti+?AxZxyGPtP+pEr%g-ML4>~a(;*Sti9IIx?eOkTKY;p%vid~=1Fc<^yhI)S!cD1 z&zpjnXpt*94Ea6`YNYl$zT(q|YebhxFX8eoYMzM|dVw(buqUa_GkALK3#pDV%rF(* zrO7Xn3*U2Kh<2Gur1mt?@N-8YcZd99{S#Z>46CXNs!Lzh=|V2KI8x_N zb#-`QGqvqZKD%m1vVY|_p1jTAVq77EyLRE?8eKK(#2<2`mp*2H2c|l>P$=xT34wVi zvq(+*hn+YZ@Ev_&J%4;~n!ht+`FKFX4VRDDxMuNSf)@iVvsn3`Jw5NPqSv%EiemB9(qXY)eZ-TANq9+f=W1L(|4WIam#ixAe zEOWq*g5R>QZi#1h5T1j)>450T9TjQha8{*rmL za3b@d8@5K1)WXU?c_A6o$%)m~t39stjEyBIHb*jeg=jsgt}34seW1ZKUOImk9iy&# z(^qEF8-)Z77d=hyA-(Q>6fN`_Q{INMsrgUlug%Be+)culZ)f9UJ+?Q^rzFjb5#oc- z@`&MipOf5e3`^pM2ua!hBxgLi6#dl0y|Av{-gxz8BH&*dg9&{_^PJHM9@hqPkWT z7teert>iIZ!xJ!mBYdjHlK(xm&!wAm=9<-sCGUI!TWZ!(_){4=Zz`$Ud;M5C`8kWw!?MEm&6>o1}1}N!f2oIFg<%#h<+IL}-`iO!s_E z4Z}yY2z$@=D~UAScbm{ECxu;}MEISyD&l%94?5&=!!?oCYqQXw-3{Ht)z#n($$-0x z-YFeS&$2X}8N810sE!nM4y0d4D^{Bxpt79(lRxF~#igb)I-X68Fm}$Kn?|a!7nc1B zxPM4Tg-I96+g8n0ZR>`@2DPN^4n1`*(rOSB>2lfS>Tw^VTIZeo!;6PH(Kn zuKB>&gfd~MXshUmle~HtO>z@G4i3p9f28y>jMGu)v-5brK=Kc7CHMKfp;~q_l6#A* zsKk>pA5}L{soqJlB@m_wg}0ieTCO@BN>2w)C#AE(UvXy;B4& zO_Q+s6^?P{0OGc0(kS~A^CwnQMMEX)dOwWl+QOBTJn6gIiE_spjAch{)htW)ot|Dn zXK5lS)k{ftFXeXI8tl9u#g)+36}9SIH$*ZmouIc**6h!h=8e zOLAAvqOa6fzXwM0(f1i2?2XtuGhB0Bx~kTR)=^pduT0|F@G^KkK_%yCGDCL4y0*bZ z=Jti@wybSh!G^!KcpILj&A?}lj2PL$yhHY5#2@39@h*Kd#` z+W*Oo*(@vaWMs>$m`|49gk!?mE%-vu+^clC9`E$!W@Y8p=m04T)5tb#t4f4jTxW;e zDQn%qdu&T;mFmin*PMGTtS((LjFOocfKgLGNL2{5!pp8aX3Twv1ynz72UUXJ=J8Y6O%5v(sir0va>8AV}h>oZO}oL zn|l)EDw*lCDZI9nbM{s(R&P|iF_K-VxjUFR`TzISVj2$8Qa`10W3c>|#I3nTT(4Tf z@GWIaX^!+@WMh$L&DiTY%Fy4L9ribQuuS;7X`;dI`^MYX;baLnpqJ!x&*#SBE`5-R zPU2CuP7z)746jWu&~{)2cTM!Avo?`Foiq9V%EhH@!xVOwiLZLajKyx9RmoQ2P~|3Z z>|}jqwZN4ZxsqK;f5W1opP6cI!TU+gxIRi(9qoHkd^>YqO!~!rC(&qRm+M}d3EQ5f z(PDuIT^!SSFh77RE55ONeJJ%F9l#~^C+#L3Kn6;hZ%t>*t!#Qa%jdePj_UOBJfBCl zSL1hStIaMAl^|T^giU94 z?^u*D)P2ZZxQfYhZ&LMk84FFNhquusIv8ZItwyZ;2_>_*q?o;V*4Wlw%H{-Nf_F{k z``u)Ud;cU^6Az2buo}>pE%D-ME&oErl9~M4oXs=mmTH^iAV)k8!0O5#(dfiGs6Rk8 z%t$8egcbTH64>+d6g}rwR?{b>5PwH%Ikt+*Sgp9-%a0K!oEfuCx=>q0k=M1DU1du#5}mf{0qG+4$mi*RE?jf<#!EU( zPaL;kaaJ<MI3LNtrucKkIFW{( zPs;h~hnq=z)u!iXw%-fJ{ebk7h-O*V{T*+Odo$cdPu-g6is9Kej0xLKWOGH?=}65q zTR&_n#q(IxNx9vVT=u|nyq(wZH7yL2c*zkpvFDew^jY6=B`EPZ)r1M=dBnq&UNrA2EX6H)>f+(n#0GefZ&hp#eGK#(v=kj{rCcfUj zfcA#h^gU;wE}3cgC4PAA>sspT%xv4Udd2G&!XsRUrkXgE_8b4lUlmOs;nAhe4_5F|3Vk%%_EcxUBn)ean%Y72Rq6 zO&vAmYZEnm`5*epzu9_dG`s9}@GRvMRrRF*M&^XR+q){`ZQkrVHVgY2p*$B&ra)V` z$@2>7I7nYPjIv;xvmN`lX{lya3t8_ukyrNRwCs{1eES)ATuh?J(mb+jnGx>fPxWFO z&RR={RiPCF*ZJf1?JUvh!DxS}p|mbnQARIDljW5G!ms$a>l*_L=P}BnoTvpbLOg)u zaa!t=b~!iyYotDi=eR&Tr%ADSRPPss!RVSQ_fZx>!oaq;{gXZo5?SqkgTQ%d*)u-5nB%J|sZpO| zS+UBQO&{VYTiq7VW3t;7CVgFNBq#W!p3Uwd_TmkVur z*)jP)`Q6wmTql>ml#IyXXM7jsQISXG%Vk`Zj;g}DDTGBh$z3LozJB#p4?{gw@6um7 zK1n4p^8{+;nj8sZ=I>;#-pa!$tcZ^?Q*Bi{X!>9QZe0Ut+|)o7 zmi6MCZad}KIh!|Dmk=%@%llSV8x9oEMe@vlj8?NLC4<(ZWUpdL7)_^kQWKv#(W!^2 z?BI$X*irJr&AO^TnbW!T%!RJTei(}ewmMtxEB9p%I+4Z2re-9(Sj|*JKZaO2P}N0C zT}e2>cf(4`rD+^(hgjhErl!)~uz^(vzEd9lTKEKiIK1RD!}>jT8C;{ex;<$=U;Bhm zK3V3G0p3&&h^M*CVbg{6Gup~fO?Q#!u9JBFAM{jMD{B%rXRuSWq*|v!Fz%i#`Ti<= zkUrWfHCw4A{Vg~=K9)L9Ptz#nDbq{6A-I4&VKvpW_s)#?a)SF4YHfV|sXM~D>m(W8aib(-C;O`>Y`@V$GOFG`wbk(x?tBb=$CdY>W1OpL%Igf{uZ|4Rc^KpBlfW^ zZTvNaXsQaoDi%A*LPvx}()g$umyYPD5nXgu-uW1IHWmiykzgW4w;U9tuZ{?7s!i2a z!u8q1l>WDIshG*URkBYhS+xw?QWl6GVgE+_wavmk-cZ16liJ*S`h=@r#`4#xnskrH zF|}?qf1JE|R>x8DZ$Xq*eB)rnG0yBvA@}(wlH5|MYaT(pX%#f66V0@y*6fRRVP*YH z%KbX3919!%Jj|eQV}XnHGk>0sapQe0Q?6*dx%(`Jb+PAg+w9Bky3)PZE`SrqmJ%gh zdL3H1QZOfy6~D3wIpV;Sj*?Fk&3?w+2<0HKo+ai`KWun#2GhxrQwdiQGFEy5aw$Ci@t*6dPR_E!FIDVuaWp#s-glZR3=+K*Hr!q;l zmt5a87#^r6-ShkCVOve@d|=1G7s69KbQAmS@(fSQA%Cwhu}x!nH(FP-6)#LK;A&zs##**#iA*nlgno>t0b*{$s+bDykWaN}kwmBugUOo(VjrFB%LK@Q|g zmMHCAb>+V!nKR?%d<^lxJJpeZZJzXQ-c7w-eGT26HC69JHKhx+mJ0mxlebRt?7U0H zR%Vjco<}L(7Q(v`L+CSU2r43t*Eixd6RVnGvG)gaW?Z3rm2CQ)UCFSe3A`OMiPS1h zD0m|0u6=X#m$X+mf0lBjPfOZv{70`+7q&ew)a=buSghDj^z0v!v;Iy;*&jF~eXChc zLokyXh_!tj+sJN|K%CBo44l$3}wq1Th?51HJahTb&zKdrP%6!SWl!#|NTPGVGVH51G z=}G6AvOlALO71paFkBqU*3Fp|Tcp#Xu{HfZM=+??bHW$R=S{VAHor@xlAVD%+PDPI z*rk{j)K`r~$Jr&`yveyBhF#HC-g~1dPS4~aS8VpL{hWYAGzD7;_*Rx z&fm1Db1M}$I zSr}9|gekHf(WrLwteQXltbTAj*Ff!9s- z&;iQ5V+q~Q*HMj~<(_U)%FYe-)KbR?Lfp$Fn|Gbb8|2=oH4$5xOE<{;KT_`Xef(-D z?*_31uTEj?^irBS=&K1@Srm3?t87W&b@~=wK9GC$f)qYoDkOJS9hKN$a$|CiCKd#8 zPR_Pb4JNYcwe05_#8Y);2i30mZ|n|KNEZ1Y=5jZ7J+O>|OxbPDE@S_m5bkFGVdq>s zmIrIAu}4i9K0>;6jykffeRcIDT}Qo>jGyizU3I#e4a%d41Ywk{kB_J2VPRVqwo#Xs zouttGE^)&wc`d%Zlh-A#&(Rjvk|Ra0t0?mkX4LzY!ChhDkH{-wOZQ;(QsFz)sr8p+&DB_G+Dz) zzTb+lkK2K9^Tursj{yh_A_8wJQL;cKfB&Um$ZxeUTx6sz`62P@{02&2x~+65$gF+%_d6a&J5srh zKRxUUcK*?>I)*l+MD#muc>qhe4fW3`bb8XNw|5yQ%0f zdg`k@mrGSXcZGd?;>=C@^bEzQ+i#j}yvnVk@|rg#;wC!+@jiZXk4;0Xdn0w$OFYj1 zPLR?`!?ipMns1C^-P~N9FUFBQE|)!}x~f_ySIJn(-Lpd@ReS77mX;>bKG2nng5G@ z9IDE`u3H@QPs>c}k;dD^0@7YfcB4fIe{_Or7PuMT02wTks;F<(itrh+oddsO#kcjO z_Uf;s#S3>jC5~3d(Ue?u!`icS6qH0E%A0&NZiL zEO~^mI<-`Bd<1J(+4I3El@RksRQC<1()(ggIVPa#n~4rmn*#)lpMpXm~j~I?yFja_2kPA$xuAoL4;@% zN6vfm-FzF10zAI?IkeKiJ(gNp?`m(VJISZG9e1Qb%Dw?GL5!?iV@Zy{K_M znwvpEyx9JmP1}Rnd2&C#9^cs$T3;=+$z#tjFJ@lJ=0lq|+_~h2=5~%H@fTmqjUJ|69O~@EvlA0}zo&?-rfpTH zY;PKSRZ|NaBrs}lAr@ITIMcL%%0KI>YbAwb9*w~`NA}9g{m88yN1pUh%^Itx+N=#@ zQ?DOHi^rhTv6PPYbNO&_H(7rl)AL^mmt}YgGdaiy#|k=h=!DmNGXlGYQqu7!y|pyd z)bFoMhVR zsyh|pL!K^U^%%+Z`st~KUw$)TUKmzI4OP3su8bCKeOZbl@m?mJx%rp#joYbbCdG_d zT3vb^>#K1E+Ddn0Jm-z-s+t+099~$?`TjfTRym!>s$Y34On{b>@9$n&Tb1W}pm*;( z?|){oV03M@Z~jxJ%q+#=a|r%TC%SXH$akFK<= zg_<`aT$sfxS-GLA`ux^|iCc(3` zuD659c6aGx^`3ptcBUxMKbiI z#iFrjE4P)^)H?CC%?+OlBVAYZ`!kp_$#*uH_nh+4KX9qzLvx)>W*hcYH;-wnuu&^H z5c-XbPv`06C!WuMGpwzDl1=OSs^JDjY<^u^t!Yw7ci&PL{xo6xp!O&IrXSW(oze`{??Enf?CVbU^G+JW-?<#KET+e!0*$e-x6}9A@p|kZPR=Q# z_sy4_jh20s$3@g{=ghVT$#nK@u1ZHjf187hnP;le6&?882TLk#xy8#(u5@43nv-wB zHI?^$V$h(~j6A&zJ$)@D#p9w&DYlwP*5BZujtfDnYpDVM-6m{%3pM0+4+gG~{aUjUX3A&qv5v4}EA=O!M-iv) zJtL>TDgADWo;0OEqdB&sq>hxu8^-4dR z6~%Sb2DgQrK3rQJX(}4_t{}R$9?imsx{A5+Th|x4tUHH4WbZsXPjMf<+HQ75-*7>*miPXR|4tlm2lqt&y4- zmq^uNS7{h4pGR0BZI(4xxn=Hr8kaBq?IS6_D*D6ED#}!LUbBS}ab`d}_1D{)dM%r( zQBl#FS^vrJ^`J`1Rc57EYwxjFa%>;WvYEXump>C^_v&K-=YxcYa7OxZovvUm-vvv{ z_A0bzBCT=<(&dnJ8ZK!hGk>yVW$G$>y{S|#Pp0PKM5Znb<8ktBT2;NmVVPx5gq&f3 zg}%zE$l<-rK@TrAV$*_6{CT0PE-%xdf87TI=i9<`F_0c5XF4Sqv)-kI*ga$Mm6@sd zMSEI11>;z?owACGB>7Y=wKh~wX=~pQ##In*8eR2jvt&|cZK0#Elx?={=TWLDP1__A z+pmmm$NzFDrn+)EB>w2=e|&Ee#sKkGW<0N~mYe_J%Eqc{+91&zK1VYAT_C5Q#Nu4% z9j_#F;MT>3=^YG|Nq7*~t%cRTQ{J~lbM^YtJ<4-^*mPEQRx?E36PDsU=}v3olEX;J zw)OOWC0XziQpbMbWIcTq*I)9tFX}7b(c`&&B$4$!O1QNriD7qadC^RA3Ox-}OY2ZB z7U$tOrUy}-YpH@eZfq6qe$9G5;+v-9-l_^RXx}-7_KOeT-hMRQVuUACH-a05m8AdmGed-3{cpGM@bnUeKl2;EJCIf_1m1|HYk4{4!^>o^+nm4Ja(-oZRF{%67}udw07mDH~tA)K0!BOMR1>{U5;PG8*t73xZr(ez29=HP%37wkYNGxD?FmMl#l@zB0b`gN+*trTev*&{pB} z`{vK5PWN!D?8zdBZ(JO1C%c9n)ruj;!h6zJ%esW|r1xm9YhR<^t9q(>mo#GbN=9MbH^fhM<5Kf=v;-VSQ$a3gG?_EM;tTdR$K#XOBjg8lK+c0ZcHVd6 zR>(gj+--sU8D{lZet`Vgi?Ghj#88oHED1Sk4K)PdlTy!Nmo&C?+=$x0l83VTbwe*>zzlc2=OEu{9gb^@!dl}m={)1@MalDT#hnK!4 zUD=zBnuU=F-K9-gUA-9duokz5sPMc}gmINT1Ml@JX&U;kgh74`XFT1iAyZ;PZ#u=u&qj|fi1Bk+#NI*K zUaUUShG+iF#Ss`pQC%#a52})%AoCW4IDfU`XU@v~B zgrKD}jF|*Fr2ImGUb;=ARwYkld5X}zju^%V7Q?FPYfN#q0IfSDNnJZTAo?G7xSbtN zZ_i)AWs45x85JO8W-Gc!H)71BALyTO8<%;uctL3xH|ZbTcZVTCPllSL2rff zQT1vfUfT(g4Cf1rf@H~0EDvv+x}jWE%6@=rtY!0aZu1?^H{4=^j;WIPNDC4)GN!oSy)mS9Sad*IFBf57o3ssfzNM>KwJ9A5_@Dihk{yq2- zC`7gvy-*Pvi4pzYD9A0s{gz~W&kDp%TRra1$-uaa6}YXXN$tENm}YE9s%g@+CAkbI z_Vr?xpeX(E8;&Zc6s#0zz$ocL2#953#kKEP{d^O@+xQ)%(1UBNN3G9Rpk&T++2#+j zhF*Zxq6U<}S*W(jX$UeZhU-RQD&TWz&w@Oe4S>APw{0gfuA-c7A5SB~JF*t$q`~!6;yDvc>9RFdWV=L5CXTW)4 z8|XndYA*uu^VVRSyfO{`twkqyB<$&H#>`>bB%?J5zg;|2%Jchk#1!<5`h<8JSxPll zrEd0e#r+OPkf94+t@1_df7(>Xv&NmUVbWH_{ZR^pHVn&la z%;-Np>lMG4kXM;7Iq-e3v*0^M?Rf_88Sk+qE*_3!Sd*QW4v#Udus?nd7sm+F1W)!y zA6|wS&)K+X&YzEQ?HKn)l=|hxD0_JkWP^c6mZBuFLX1BC_>3%F&xW9&XP%2?He=fTVboA1o~WJ9t~&599o zdWuB{_MrdhQ_MT^8F9DAkfmEHhI0mH+dvm4uV#;5buC7$8bDgoZ{|No>J_$)0!D-FGI=i_-C?318p#r3$o z%!nSG`Oar`37+}hWG{yw`>0-`XG0kQf_x!&k*H>1^BD#1VpF1vn@(e#mo6zyS`FLwP*|oC z6nGy0SKE%X^d@W+JdNfX-Pka~7msh;VD=VsWI2cN*;9k2yYGUjGV8Sh*;wW$NFCg9 zCBR;!@+v7L&#%JLK?!;{=N}v&%aG}jGAQv5&Y&tCBjabo?tCTo4XHv~`7hivt%lDM z0XP}vW5(iluuKTUz2_om|CY}8iUFMLwd5Xw68u-6g-z_$w3;JDVa?unA1_D>skbm% z{X5QIEJR7X3kuHVpy)*oe5?$qY;7~TefZqjpN6`uP}p2=!-ynt`k?9p6SaDtC!Ap? zrbl|J?l9op&qQNcO7UflbEpWJIaR}gwL6_{EfBY3j|QL1?IQ^vKNKQtcL}yj$Dqaf zAMynMVOb6HBl$i3_O>7m7}X&DbSKOneoK1c5{n@c7|!>?r1J&loEz z^)e*4Q6tEjvwq{GuA{DV5Hfl1kSYHfA`Y^&n0rk(6@;UmcVZ_p1;~Z(fQ8?eLe#Mk z&pt^}$r%AE@eQHBzO~Tiy@_0aG~H4^54or9$XL|ROpQ()`DBaQWLIpzZ9)MSZ=odn zguh?r@0(WO;2~$6I+BOOZi=MCJw(F(=MeUTdwITX=GZhv5cdGJHvnL8t zv)H%HJ$@##O~}ZRqIm~<(Jszj0+(*|_KzlC@0Tc^z`YwU`moO?0dG#Gb1%tJ=3PF* zz5*@U7Nm&3d`6!cC_;aI3({Z6QGbszm4rP(j>&G=x^f3w>Ib|Z%j{t11Vo)Eg2dYl zR6oq&PF)!?b5N#i_HZrg3BnK046NH%f&*`w;mVrV-qJ7dU#LPipG9E8!DxucDUwsL z8l`2hS0F7BlUh}1+0RZ~9im6lVpSN(6X*FS8zY5oAf@UTa@7QBdm3kmc$c-5^%rv_ zLgVpstRDRVnpgc$b5Vvy98SY<_GX;3IM4YMMOr4w{p#I?*fFjJWvs7WE8Y*&@AYV1 z{1K5+vgE44EWRV`F{>TmyN@9qeEOc>GknjlyaY#&HvF2Ci25z8X~iYOWVnFzbG4CQT4@;(s&|Nj|LAv;i^Wi<1S?GlG`>G){*AuTpqVZ)m=Z|mr!A)W~HJv+y zvPrtsad|Qwwa9~0TRQ7hm$-Lv4{q5X$KWH@Wq2-qb08Vd&1$gq@+zoW@ZD=d7LEt9 zS5-0%g2%r=TxtMUDz9KfQ9T^JO7UbyHVz+Er-KR+D3{>=rCmZ)`xd`^=rP9W;m!R-!nfVl;2H<@}^?mhEP0|;PP1`Pf zWnMrkd(cW|wP2x?E?pBZ!1j5cxzmz8Cv)GxZgefmD%-J=^B#*Ye}O{kZ`SVQNMo!h zg?}B!-2q!5Ao>-1sy1M1I`d>Fum`ifBW87WFnn4vnOFTA(s!TX2v*T` z?Stk{-ktswCbe=u2t}TS%(N^-e&PVm`&(&o_ldde1Z2cQIcf7 ziOxF-iaS+;&T=stwyXtRE9B@P>(?U+1nFsH9l|7f;Qt{E=l=7>(G$9~wpf}RPqgA) zpb{dXGrE-YjG4=WGFW@p z96JY@AIG}b=)I!cwN?fJ!9!JVwx9jhmf5j=idquAXx(4$S5EnX)tu@aJJoj2M|-c*nkPDVp9T zN=FNre<`~TC#G^Q4D&SlmWxrBLN5OuSz0kPEGAjel$I-L(f+UMRNM0!{zpHcPfnJ8 zS#p=KdpBw%%Wx@m3g+$|V6I0xmbzv`oac&(#e7a0DN}pNVuXIa59c?`dvIZ<@D3x= z;#sbd1nJ~R?!M`sghO_*&<+j2*xwIew?7cxOJcC1*$<@+l5~AJ&(~r`XkE4ylQ;Qd zb6^nG<#G3$Z!lpA~D>NLP^GSu;D4Cu&0{=DEV~a4meiBatfc zgWnG&7(ZzsMx`eUf(G{yt0YN1ZLFiVgu`ffCh`v{(Pq0+G_b$zWW--wYc4{HL=3Jw zaCW)Imle`n0$*^`gV|@Q zoVR|z2oBx~l*F1**0l^Mq*>!P??a9sy9XhA9ZCrMfw-frW2kXIvSc)(4S83WFG@FW zNt64d0c48{)78b1u+Q0wOCyN0RK@ts+=1n96zS_PO%nEM#~$`&Wr&JUqhA-E-Bu=P zgHaS!pO5W49}i_;T2N~kI+pywqLf@DJ!rvp8Bw|zI2l_Dg{j$~7)J*cD4P2~S1wFI z@(^JXco7fnf-Kz4Jc+2U%zb69#OtnFbT|l6%f8>pUOJ54a~6J|kSYndy~LOYGSq$k z3+hH+z&E~A+iuN6?Iu2l%`35aBy))b%qYD0Bl1``$Z-{>%VvZ4%Rl>ji5fI6Bn|^S zuN{_S&j#<@bROj3$SenZu~ng$LdAGD)Pg2ua%OClBpGkZK=||LFfCOfb2W7;KT*tC z2MHQ|GL>@&r(kJRhB+0U?5R|u12^oE#+kYQc2?n~mpbjoIFjcXXS{0}&N^8__LKr; zswtDWvpU&uX1YPC5i5iJVgECjJJxbwag(!W_Fjl&t@&ea8AgUyqKLakWIIQZhyDUM zupY3>uo@_%n`(1F`j`o&h6#So@W^Sp8G^NySsL-5-E*Sqh-0w zhOzpES9KRKcs>)(no4vnQHGShmton|-(X-L7M^$lTRk`Y(Y=qaG5WMCtP4XA^85Ft z6y;VXaaO$(GY<>WlPBH?>yxDIq1%zNa4QybKj{j$YwU9przxU3k~*TYYfiD-EqgF9b6al^|LTc{WAN2JKoHVCg3Qm~7?%i?eUVo}pJ7)J&(tJ8fPoLhl3{&y_lyWT|GEX4AR5qy0%7F&zc zc-NU|484u1*+1Zrz`lymWR%IzfN%O)6n`}_7% z!}{)c7@9OpC6-O zrK3gLm-89zngfNu7jS3XG@f_vqrl9729pTqGw;L0GYWgRw&57(gSAF}$CVfVdp9@2 z+gF-u%?B}g+kecD;5nG@Ic9yuh^k~S+?J)#E_w=QgF-l77Nk8R|KbN{JpO(*r(avs z(YMtFqjpJ>)So8IDtU)>oOyQpT8ZEHOVPXf6LQ?tDbOnwRkxYP)7StTD`VQ1^b;nI ztoIk+$NQoR*0cY?I^a7Z4m3l4MkG^|sCI~WUbR8pR{eKDh7JO|bfD~I~`KxUfiQkZiQRBc%6R6ht#(Bk?C z0Wu%%0O`N!*m|T7$H!D*!=pSX3cBE~_(4o()`g?t5Sn?m zY-xkpuU)*}(VD?g;dm%|45-r#vatUI&-w}174;ysfp;)d0 zLHzwW)(Ft_ubhQ?l8tGGyo0J71+B>U$XXYPr=10uA>V{Eo?j4VXhwFg-avqN9nTgt z;o>zDY&bK5`bO==kZ1CAGwd>=_}wOW^&9r)D3E!<7$od!KyuP$O#7-qQ_d#wy`DXE z?Cl$$s7x&uYLukUJJ2LQSUcHZbiZl(YM_rW9hc0Aats00G=la*jR1f3<0v8tW604X9U-fU{3O zYzwM>ELjN=)})fr!}q@jtuwt*A9F~A+c0iMCQ)i;Qq;MZ8qdB-1PjcDqnf2gnv z!pGoRyl)ypzWvN}_sK`}$^lF%ktAiIcBE)*hx)L!$f@gqaCs+GgNk^!=ZD;mYTRtT z2l;>qn0^tU(H^{GbLPzCPDPT`kB9dmG2X38P>XyYJ{>loT~Wzcu`>rl>g#dfJ#g?= zHD(G4kcVy(PS>)3ouBX6Aw$s3J5y_=FHm18LK2VUY3-U0+&;!R4Az@GFK~bPKqoVB z87|cbQ$~9&S{`h` zujFtz&fW}{rDfoT9y&j|68csuWSAsJWnQurej||?_!Y3^-TyI(FNk{Cf*%UpuUMH4 zg=^us@=Ah!X0gwZGo&qyZ$5T_c?Fe%GIXwn7#XA8xa(g(ObYF>)sF4eF zB_pA~EDhbFACM=^&zfa3_A<|_MK&3O3tQn@z8ZlI(j>CQiu^8X(sY$>XlAzU!8t2ic z6)02GC1IM$OckFq5)>1zNSjtRBVqk_>>r^|O%uK%byGIXj^!X!I|1q<&oTQi&mAwj za3iB1KYPx=d59U>M*V?()gYE|&s*I1p%gwlADNZvv_MpWI^wI@i@l2bKa)}86p!b+ zyf^nK#eGfYx4ZtrPo=BqQ4t``$)#B4+>JM0Uy++2Kzbj=$lHj!z-CORRXv1z2He?r z`8YFE%P`{lL-;hjU_S_RJC>JV+D&&Hwqq~s?M3)={xwRj1fXM782f5Y-~;Q*>PL-e z_@7z`9_fPKGk!lArXisfWsgW7&OO?pxnHtjCndNs-k~$=~A4}*I z-p`UDdm$mB*eL9J^9Ev^H5s|Yl;7!sRF)!0*Iy5z!Ripm=ZTVL#5%~cw!h{mX9SlW z!>U;!IGqCJU5!w-j|_uJhN7? zPP}ZQ7aqPTfdl(mPU#om@s=1AP8Xr!cO*$Y$eri-8T57_4IZ6BbZXOU7**EerOtkY z+~M6r4rk6v^e8}NJ8!v72Nn&mf zPG@mW(wpx!)zTDISbJ7{7T2FJqw7gM4A_qs@OLIsxZ_r0t1KNANrw7^lV~2s zjIoFk&atc0c`fE)-->|P{kn>fTwM;KSqYE{x5LjWW)_WM2A&8r43lJOEqhK5R%?<| z#6$Qy9f7;C7Cn*m;CzP;Ri{eP(tRD6v`CD;asT>E>xq13jiK*(dgMR%0v3)mBdw^m z81H@UaJYL5_slq#`G&plihrP5B2AI8Es%Kf1-GY4)8vTX7$0~GlXv;R{=+BetyQN_ z=WN*@kcPFo(U=y|iRQR`RA!iy)%I8E-xWGz-fNdCu=rrYGkfVpV28qV`mydsQYbZ5>JyYRnEi#lB?j zhBM77LE-RhW>zl4v&H#v(U7GxS5~0U!x8I_x?|rF?q|3tOdAx`sC`r{wi!3UpZNuq z@*4DkpMhOVc#q)o6aKMgH2w=~B%HBZSZ9Hw{zi(CD0PFdRG^)jf zt~&x-6xwl4${D){^YBs9oW5-eLF{yS+GyB`Smup+J>CPOy=^$Kdk$4bEW)domyzD{ z7m^9Qhx*8Ul$8>sGDU&z&3cW^v%2wNLOUvU1>*W#A)5MYNU5p;)iiHl)}EC ztzt38jN$#vadC2KE5&Bk&#nLbMQ7p<>{GvtF@?Tp_%WWu3|}EHM}igy8sqO#X}TwT z6)Q5;$l?HJ4`1oSxb!*RDt&-TTpPygu)n#f4)0&vLUu+AlKR9*?w%v6mj)rp;17n~ z=wY9+K3QInL6EdO^_YqfZOcaFx%bFxYJ|g7cMJsOV-4S3ral*-X=P9GUkdZ8b*1Qb zwg^p1sKfSMt;~tv1Y4<5P;#ip>OK7kGJ6c!Ig&K-_;>!^deDO7xZ!<=vl-2J$9KcA zX=m`z`aYV^*5l8N0L-4(%^qd;x*bi&lFvNHgv-#JJrcD3vmf^YOr%L$WN2&QZJgVv zPpJ*P8f*SYkTv_1UT!xf$(QET6u|SXR}sWE36gfDG(EO5A%WYhgyMnYmjAF6J0_Jr?RV(cNV`O}Y5Cm|aB z#)QrvnvV&5uSt9xf_O${fn_l+>0JPg<6;FTPo32$A5lxHge3bFz5Fge(X;|ZZPv0-^9Yiz8vG<1t7Inl!EpdQty;} z)Fq11rNy_=8ZAMsVS*&^BObr{-C((|0&bIYF_-y60w4Y&~FbFIh(?4tdsM4|f?ZsE$M*@=+VL4hjE>k)6ILgub!IWv~Vb%$-eiHzL1FDsl%TjTs+bq%UdUa8%Jk8SJ7WCnVK^@bbIwUqiDe3A@{IbE z=N^$$eh_7*;KOah=;Vd1JlE>eGg)!+YL%k%!km}ltoX%iH4v{$!JgAC$Sf3~t`_D6 zyQ`AnSe}B=Jyz$V`Mpb{bOuIL=%qux`y~v(18j3_tlD z?#z)8?@^?`3Ei;Xs6msR*+=k!^~kHQpqS4Y!#UTnkUw`v|PHSu-=H>REEMba@13Ib@?kVJZde)*!Io&hWV`oodO$ zfVB>JUb%oK_FX=C;Rp)_W&yo?3ORjk+B3*AxM(bvS&7i0;eQ~PB28lsx1xye+>*=% zQAIWyOMl_+dFB^P7a)<%eK^^{Y{0P7C>PPBRnPBPeZjjMhLcyv1?*p2jJk*h z9Q*VH>OPLJzOWQVsy(=Ihv(icH_+idj0C)r5Y6nUCNm$ro$(G;@k8kC)pne^{*}8N zn(%wR2q{hH4%DeiwDETn-~T&t&N3I140`e7gB}&{>p|$7M%2&i!**XCI^@Xb_SQjk zu;1=TiZfCtO4H0k;YhmF&wT*0wB{cBh%1uNX(~ZyUv)sLumOj;AF7-^FI!|-L%zi< zRVx{?D-cJ3VGo*K&%vVaQsm*4gOt9x5P!i;Xlot3yxE3*%Y|uk;(6TTbFO1hnx2K7 z!Aq%H)EelJjrV)p`w5lki{mh^$$Q>reN<(yo9rKStz~bq;U&e2k8^himu*+B-WB&zr8}-Qr}J&d7tg z_*#q_S%;_0ecT&d3h!6Ux8rxXj)yN4rwh~R<>~NCW3PyLDR&EavG=S2W}JKUd)b3` z>$aiJ;tXN~ZlQYXYm6@bihWnisg3<&dPz+#{2oKXy<;zvE0cLV}qoy3mE-Qgz{U2 zX|8iAPSrodXBQzFTzDK)kCkBI9YZ>^+<*>tB*1pw6D-MFf;85Wig@o9Ub_&6bLVn5 zRVAiWor958Ci>aa|M9sA&77i0_X2s2_@YDx!2#U)$6ktI1BiLRGvDt{jOJd{Y%6#8 zZ8D_aV@1fLwHzU*-I%KygY$meS5u%(h2}amKJYa6o;P9AT`iisD+G()Ytt8g&I+pz z;h$v*77cB|nA75v&+{~nic_(y1ZkuT(3~HcNaH*0$#HLy@Q9hk70*!YGn8)H>XQv? z&Ta$D=N{*eIMF|NfAJgoF7Yn0(v~}JBuHp-EUrb>VxcAONat(=o;^xTSIIS~rzE=T`q zdCIlF&V4<%F!r?w*@E-$C%E68IY(>UJaKZ!0P-dYk@gfmcX;omPLPkvKVD;uEzGK`HT37PJ0#iB+Dx;I~tKH0?}W8T*kd~*~bt_#A`zh5vr-kCXPRdAWX`Agw(^pkaORo;=-`@)2WvVq{#b;javoC={R?I zKWWDh*2FBWsyQ#GOVI}k@aa|n(sFW`dFP6;FP1`3M2|E>8sKafg82@spfOkz(|d#c zP15YUeko6%uF24~=f+gBl(S9jMN$1FPF3^!(do>Lvw2G(ws#N{B939_Z41)(?1R9j zD|mfcgcLkFVkVDdro#!&<80@B))DT9VE;>NrYeOm(4eW$gCHN72H}yPx##-{_Ko-o z?|&h*ZuVVV(QSg5jSeMW^nu?MW_H}L!+&qtKU=_kO@Xqsdy6cMH#4P4yB%@aa1^~v z)}r+rrD*nr(X^yop01tMqTGX1fQ#(0tq#H>Llx?u{FZgHHq8B|NpqKtrGOIVRF#iH zYk30{qlZwh+irMDWFoMq1a{k#AzI45ZJ%fCd6A$ulbP`~sShjID;GF~v#I=VICOnC zrn`8+C!iEwMcL@ss*cUfywklcOyV=DvGckzYEF0{C9NGtf@hI)ng#jp)ZpK#0HvSO zC!e<);E{X*Gsb9=VO|j;_e#(W+j6M7G(+&mToSS?LO5p-SH22mJ<=6||AaWZ$Uj?e z=5xttVspAR?YgcHEwP)(FwVruK`RI?mZHOs(@6gXA?8&HDy77z{H7A6o%6tQUC#Il zALPy{FI-_p$7ItexLMps{a_mmjiccBy2n6)Gp-$ct$e7pcI z&(%o9;S6L({6SHH5{Vl6!ZCU%=@;<~)KY`YQe|>}UysxY-RQ8Ar;n;;AqERS)0Q->_-Trx>H*b&zoE!O0vGieKA{839+=_b!JE=X&sLoF1M1l?Su@Nbch6 zfWKS;3_~5blY#SU!DFeBc@5#lJeTj`&xqbIvU$ti=Dl_}av~j-R=e=uxQ|eI>w-RW zKPVhe0QHwZVkvvqh8=@*q!!IFF=4-CEu?}6a7WdcbRP6VYQ;;qyMKVopavc1GwQkl z?-aZSFgo-r)-fM>xmh}XD+tic-gL|!;f6R3?sc70jVX)&p;+N6tj39wI_J=~+)Bob z1&S1I@g2Ek`H27R4CMh4`lkH~N!cAp>UBfaXAw&JXGFW^pTl$6+jzzt$;h#Z$a~4V zH^H;G@qqJ^BTqs~dLQilWvH5eM#J82#rvfaw8Ehp3A}Ht<92S*CTyF_Q|WK;O4B=@MZ49 zuro3wt0GL3*{_(%pUr00HtGy_p>N|OoVqGZ>C?F9M9iGr&85lZ4>KZ~2%g5RC|+bi z!3717kmqO5ryg_v3e!7#=1&B(KSN^z74frPKk_FgtbK%jRsNl(b>ic<&zLMQk^;Xh zhOQU$1}|xng^>b%YhVxdtR#%G?}Yjr*0g5{(Vsl_DJ-mkr2wbNLYeoz=s9jjTHuAx zXQch@#L<^BR4$l_k#ZeSWp>(j?lx$WPKK6&5arr%R-?8TzRZ_C!E7a*O2Y1tWcCkd zp@r|V#a{l1)!2!yh%&6WUW_TukMTlG7XNyBn6J@-{!sS7%a~F8%vf~h`r*$P_CJ=K zKok3`7V{DHY;j z+#R8)Ok#_=xrdYYQ%iDjr`d>h?kq>sr~!mC(FOW4}n{xL?A^p^3)N@AqbEh6{TO&YnIjKm#Rmr(Z&Nc31E~@2EjAHM$ zlmT}P&Sgf>N%oMB7pJ#H^U;v4N5MB2<7z$kl18;+pHv`sKXQiWTQ=YKwJAm?3oDN6 zk$|r`X{uD9wNj8ihUrsHRRONu&V>4bysYbSMKGZW~ zP{aMI-g`SS9(ts=I}(YLV~gY`ygn9=YNE(_bRV3rc)uuj`p!5k#^<6KrX zr-WW`Z1WZz`k2de z7 zgRo!Ad_!IKAHA0(nGwol$G)@qq3aOm){RC(Svq_r7qxr#;NM#z>fFcf?QQNDKQxe; zd6MM1)Pk-pkfp9J&U|JvxBcz_e73Xq&Uq4UIRzl|oeo_w6{nKmRvcgU6E`m_lJjZq zKMWa7D<_!K{N;lXwX&qbkS@4fFd|LU$q3pjMK|UrW9HRROnj|DyO+1(V8|=n8y^;J zZ^ykAstFjWp-)qsnL)HFA4vtZP!_p{&9W6ZH_!yBsiNedw+Cl06r+rHG3gc$5ct}H zwl)pGZKDX44mY8v=04~y5vMJ=B^)LJ%;b6`4_ zLjD6;7@WwtleY16%Jw`WB$WUES^Zb(39Z)`Q9rE|PS?ZnFqLzha-72n2u4iv5ITG8 zEW{rC#(MJ&kQ^dSKcz}wG=X^wQbH7GkiuDaeOjP>2`SgKDN#5Bc6wE~x9J%yPbcBn z`ykj2{^hO|A53ehhhoJ$R1E9E&i(;BimHK8-6(47dIZm(GBoy+G1>5a$?Qcl)~j=_ zL*IbKoH%;y*dM!u5ukY z+RbQ)ali|sJj9FVVOwb%x>+|JIq3?so{VX^k1LGAjVUfml$wJpa4BIB%GdI7Lspqm zw=2@3%r>5TxFhPc71j98MZg$W&d^HJ`E%@92+$+J!!4Yh`T@Vu&tPxx8wXi0QGYNS zBR2R$exoQI40?;2t3i0NLhAn+XLFAG;>Kq=y2?Av)6UT`Cv7v3tgK5@Jif!OSq6Ts zE>K^PhQniDp<$dVz3T3U>Q!%?8p=Q4JWHB?OqsoOm8c)x3keI}NnEnVr)_**bG}aS zZyWn(p216!`9W1;WN2wX&%&9>Cv_3VVWl|vDGSq&_`~F|7ep#+p_O=%(W11_ z{TWs?b>Q!^e;9j%+4e71(&1Mo^gyQ@iIrto!!yj6?m;BmD^crr_MeRXggLCG3^d4- zyaQ(>cPY>V4IwI6r$lZArLYw~jp8%$*s`V!>r2`>iNLvCeIZ)=xgFpBN|F0Iub4mS z{60@j!`45SxQmiK>$&B)RV+ppQ5h(2W1hghW;n5j;Fg>&=`4GW%7Xov_~ju+-qEI( z^HV8VrUE7hLUG_4XTs)b)7%HwFr70iLabAVYN*nA)@J_BIf>j*Wh(oT1-1O&m?qQ6 zx;r!Qo)I)hGW+LT8I}j$h4Y9OXuo-i<*bh$@p+1+raf z?bzRedrC^AeAzAL-}`SE$2v}!Uyis z^WfZ<#S)zVpijwbdB@^El%lN6IjhC*Uu#e7Y8`^=jZ<-FL z6ONLgYeKA*wK$^S&QHvfDS(i2EdCRI1L3Yfv}ZLV&#@hE&)k1D8<35b5FILKPx~-w@=2J4jLSFSw6zyvhna~N z*^Gz%&3OLXlnhULVecAk8hhy{ZmrjW=rQiLvQeYz3ijQPt%ZOUvx0YIBXN&7JsZv4 zd^>tza9xe^+%_S}n>)xB3(|9D?XH=`{M(RT^c+>AO-DK~YdYr|@+(o!-7^7eO0i?F zKN?Oblj=KJl9d`wC;7QtAgM_2gC^l_$U|hUe}ZH=&dRN7#9Yqr8z-vJ*R%(?*cO4f zEzERKxB`!vW^{M-RZM=7iJMO}X+p^n96Z6JpbC(Vx zbbmq*4$hXNP-ZJVs0>2qdNKMhWGHF!{_%IBARUalgxQ7loOdBt6}iD!uUgJ1FK zPXr#Xwo`UNN2~AaZgi#F*2t^!`Pp zZyiqi?rlZv%L6b!z**j*%pQ`7#ZUIJG@eu?vqjA2A6thL&T0I;i_!6qlc+L%0QE)8 z$LkfMHIt=i`JpE$V#ZkSGA(-Rdjh(RC$N=$^vPZ7^!VHm(#|)d$EN96$e+jFW&zS( zXiW3jU%Y_#o6DKec*%xm`#0RnjzP$7ZGh}g?v~@c>7kw|*i>gBqO=OWbJ?FVx)f`6 zW@BKuG7T;2LfBsB7XIi)*cF~%qy?#R80)YNe{q8M8nT=lR#;qsCc`2Kan3WgJ__DE zUoT!LLZ`=-VK!$9=E|^#cI8OgeQhm!DLF^Iz8fdk45tY%v!PVZot+1G|D`WU=XW&2 z!D1v8H*dn}iN$c^Z0VS|R7_`1gZ8ISIKGp!#T9pP_W;ijgL@Gj;eZIoINX}Z9B%$y zYH)T=Xfx*|9;%bbHz~?E$8(eOUA(=KgsbL;mGhVxfVI)KaHz>(zMl+!<5IGzMA=c>^ z+t=XAZuS7PcWO&y7ZPMUAhY}zini}Wv8yEcWD3(8W?MSXe2jw~yptLtN58mx@XKUT z@}E!wA*W8zKjtgz%t3>4J053_r-XnuY>=0xiHUq1hwk7zb1iq!u*ap2Ipf6nAj6CJ zbFdgbzK`&+q#AOaZWyJ-eIe}WI3^weN9JTZ)+y4YhIkbFv)|2@^G6y-Fh%kYl7$S( zyGoJXbk(D5y$SQWdaz1JoCZFt(qRc^F7H#Kxf(lAzc2zGa+9c|Z73yGE6_saN~|*w zrU}Wyw49&2@S;Z;7L^F0yk*?KD@2>)=c9M5CJi4~gysio^lRZV_QfcWySpdk?7+SZ z0Ww}-Kt6g~;4CddL)A^m!S@d0DtIsBBuDRiU!!*gv!zaKMxJ>%79Zw!{TlX46hFr< zsY@_m{=T(A%3e@D}cKv5bOq(My{gS-b&qtkxF zsX$Jg_V}rjSH2Z}xs!=Gk9e2P+0XVlLnx`#8{2-nVp-~E%yHu0*P+}^u$;LNo!1e?IT9x`Ol zw(Q~i%f1Ht4miwj=dQF?_LYc`jAt=2Toviyn=uHtRVPpOH2E>#PVsCHvx52O;BQ2` zH~QiTsu1R!gXO=U;MbnbxTl~`8q4J9%N6cB8-EK5`ED>YsK)i(uaPOIOcn3y;4q$h z$nEB$k-6~hud5*3U4lcV&(Rw|5qaSu1^K*oM?lAo0b@ozgYz54-bROD#n!nb&9-G;ro z^$<#Lg?PYk=&`Q0REfJ6Dg-D`zXrl3%#CIy-9K{;%6RMn5$-1#CGCUYVVqrBoB`GO zgZQQ2g^%kb*<&q7A>tVbojsgl-j~5iUP$1jk31AKwGzZwttL;y2W4^>KDT1w+RVp-WIBA3m=i zmr2vGVhs|$Wk@gClOEwA&py&YY#Wk+Tlk32Ka?b%#1LkzWwgqi2!zg0uLu{Ah z9h2-BTETs3*M_K*xW@>3r(1&0L$2@)X+rx;L!MiHa!hH+dcBf(A zu_|;($y4|ND~kP(^V3JN;Mc&M+n_Xr>NBT<_g6EYSF(PhNaho6)90lvR z#DAf%lG%jM%Mi`^H7&;%XbLMtG4r9T-}S;tfitavCoquKhr*-$ELF|HbuBFl9wknF ztGD3Tyzh88g>&|-BmGK?K-n2BlI47cKI;c!elhqWRDgTTFWbhPyv3XeUSSjm6C>uy zD-EUc++T=hmT=#v21In$;*v)`E~$Kh&5KIz+FOH@@}D5`xf6361jzj_v%{DFMWB-c zsoX5X!76bw$o4|^g_}5aHV*5yGm~kS7KsL`kYL^~w4OMG-9JPqFYYJ)4UVJrXWrt` zUNxLz&!n$1_kk+*Bl~0zjCYm9=z4nK+Z9&Pd!%ttrRo0l!qqLu8hmUVcAX(QudSCNeG$%=IGp$xs- zsY{3LMXBm}E>w3q(}VyEQePrUU-s(JdF~MzumkL&oF6_NAbemJ$|L_GEYx(S*P|5a z-|`gv$qB`jO)9jE_X^X}U*na|MMMofhcENoAo$RRs_Im!;k`3`G;f3N!G4SxF^m?J z`$Iv$8q#VnVC&79&=LdMb4P~uXvxsbTZ&{f#){@FT!9JBoCh7IML%?tQO2y}bYlY& z8&wKBJxfyO`#m+VyZj;0ILeOvN665bYl)oM1#gzKb5Zf#BZTj{pSqy5A_s+Cez;j@OajN8Xz}M0n9g(Mi3f`DEoM0cg$nWDKhB$-GoU+S z+#~S$iQ>&u5TiOANBgrd$C%IK+&8+y^Z7SHzSwa58D#l9f6q^eCR}}lXOSW3{Cou! zQR>t?DhF-zd=bT2DXKQ7gtLk?E>Vr9mx)uP!-FvGH#kpj% z(_V;9hx?*2L4e$w+i)?c8B?O`@lh`q)f+tFKEal>+|{XZkuiNxdyk@S_7AO*ARF#_ zO-cWQ1*Wpps-R3AuVqMIj57($gZZd%3bJEIkj;ipO#kr!>Z`Wn<0NDH$$roa5$q#B zvJ96~n=$y1 zdq>Ubitr$F+YU3=WHD?zKuI}tWrhZHjusZ&splxz6@A*oD4?L5=8C})r77K~bc3=56R@hIAb zM3|{1=w(6n1E%D<+=>P_^Lyj*1gMQwr&8-8+!@(`9`QKnSlz~AX75F}E6^N?CD2Go zVO&ZI+)mZw=(wdA>X(2eUIVC@eitM5X5+31&m1EE;P|IT{P4MiPdg7{(xnXcean!4 zeFd@tIJ5At8y*3TSpHa@lt!D8hBBvEkuLA5gLyy=_JuUS`J^~qmMzCzUCx^he#G}r<}}n~HN56= z4%@E^UkY_-pSKyUd?ZNAjM`B8aXGZND^R2sJJ1_t>9eH*EnE_WEyWHL&Up;mAkH*R zXheYQY4%Gg(Zsi$IXI_4QghG2qjVYyIJaRXu0s}=m<6z;69JdxX>Cb2&aRfGT!G6F z(domjV0}tnBuLZ6lxf?Jd^FD(MLzE|$=qcK-HGG5;5<1x#r^*qJUf5!*#dd~XYg`; z5+Xyp;eUktN27CbuS|-bIdJ})xgmp_Md@0hJm>z6$akFs>Q#iupL0XINj&75p0AfcBVM2#GJprb$}V)}D&+1okL!>IT>z`#6kn+ zuTLsRtz#MHci7Rx8xDM)?1!nMCM8^!CY`a%F)HXPF6`Tfg)8jIG}VagiYl#rr3jo$%wiN|V0~3H}zLlc)S~m}jrj4y};W3c|`W z323b5{M0K4x)D=^-IjfDoX)OCW(AuS3_xQtGjq-@#o~r9csN=CaB-%P&I0sx*pi4> zK1NPgrj`QE-3uSW;X1yfv0vjjyE}$%tiVVq$uHfV?0!YU-G_aHN(ho8MBWOsy_fqu+`Jo*Pom4dX!<~dXi zZla@eG#Z)zv)e<0UOGrJqWTMR9C#OYTbN|-F=O4n6XTn;iN?fn&an+&`FXY~OrO@J zZ-?vbYUoW6rDTb26#uiKDSVeYnqW)qVLG(7&z8DII?*|K=J?$G34v1+@NOK>Vm;o# zIPN#DvI{q!dqfh6iZq6KFHaAB#I{P#qO266VJ~kXHka>$M!nqO{e^Aa`>;J)idHTA zgW&o~gntpF>UW&6Jduj#&6hEJgcrW%RpL4KN;=EVWB3(u=KB1Em$Ww)Jsf~jhcO*( z8$`|dNZi}~3c~Ck`8It6Vh0UK?OGc8&oF=QXf>oh{e|c}J^E`ZPp33WaP7P&wugvO zu8AYP&V2;ua$TC+kpUsWn}}HU9;FY1ap;>pS(PqB?(uKE zP35C5VSM{&9Lut#94q#IoZvIfp)Q^!@tjqSyOi4{=%~wXNR6HypR7qwDrRWcySgWG?5z&dZab5p(96n1k`A4m(2M;fYv1c8yt$$ly~jSZYaE z)(oLw7v@Z))Zx$)Df&?>NO}YOEapts!ln?2S`T6{QjczK(4)f}1?U?0b2db9m+*cT z7Dk1mY^Eu#PZT8+KXdw`5Ch+v%*hlIBQc(>Npe4pB`QWd0+!Ig83eF-uxUKnb~uQJ<0ER zhIF)gI>sk8V1f8Jn#6fL2YnyRj~1q^a0Bw2t4Jd~TabOS2}Szh#;FzI((4Gmqt;^YC}S#j_{Qf?=6^5Z>=-%G-QX(tKQ2VKk|!p$p2p5Q z|FGs<0hX*N!v_6ta2TG9@>dBs%)8kK%>Q*5&yEMzcpSNHK`)sjx0f?KPyaiK5iSEL z+LMGC?uncktHUH!YYJCeM1g+Ho4EBB=QZmQ@pciWoj(WNXM8{Ya5MHlUlB@PV@n6V z@wt7W0vSKL3fCxpFDi1Udu%B7ipWq)PB+#jv>=yrwXQ|Q=nnTr@W~%=F*}Bl-hG(z zALkEm)xz3?+3A;)AuC-0$Fh;s$l2&v{R&vHKSVL>CoIH2Lc>a#w$FPD?VrpQRA(Ye4hXus>jz~YJY`BpccT@j?aWA(}AX%^(v#?k2n9ZDD_Pa%yRFcoKq@6wA9 zR~w5Jn`0r^H~<^I+xb6C$4ucI_;9D}%7uC?fdbFcPviW9AxIYciXLVmd=C7DHetRK zy<%6ggevbQiejB2a^cB+VnyyACvW90WP1-r){4=sv7CG2-I~@@1=74%4Yo+p{^1Mg ziJu!uH9lweE;~8;FCeH?no?bZq44Z~`!sVjK8wM;-QpyDu7UZ(_qh|JN=-Yy!?ou# zEM;uyf_N8#cbr17x&--`%F+Bc+&AU-Wktd{yxtg&%8^}|xbz#w?y<)sc4P}o{fLY5 zM`6{Tjvzxhk`mDaxq&$u?D+n17Ee#M!>T?NDib;HvR;C=Y?CK%?*5%~dWc*;&*@!o zqT3@p*>lBg@r9gwTj0z+KSPQcU5CB9li*TT3h&NXj8- zWR|t(dHh&En>&#KSi?Taaq^spT%bv^@1)3uIchsE%hSDwHQ2lL4R(i{lB}%;8M=ky zrd|{bX6R9^A@d(YLy$1rj=DMLbm344_nZeIEGtLpb0*Qso_km#Y(k$F$&r9?AME?N z3&4#JaVsH;?FhihBix6|?|?`AZdBc|rzGKesOf*^9-a?-oX=o(^j8Qq>XUoNO-$#x z=gL-Va^9PU{HZ21pj?UJiBjyIN`f;x*|Te9q3x0zo6;#vJ6py=E1%hz+u3cNa1oz= z=upEJzWZIVrCfGlzS-A|PQ!5AUCL*JwakpZ(TRf-c&_$`cdIVhxO|*5#6e=@6?qz& zFb9M=bfem^c*--V#C2oZWMi_;z712Weyn@j#9SglN?$Hc z(L?`0_>LpF@Eyv*mG>R)+GKao9~!BjF{WOfqWL?ZIC2Utd8bI5HjSk9?|)&HNGa~> z{9_&j&&Bv>?&_T?=K08zwcHcVlJdQDTmzPHZl<4e=7XCrVExQcTp4p8f|2ZmR=kF& zEJ1pD@GaupU&5DnMuJC7X;^1Dwom0AuGDz+@$<*_u{fEpx1lKhGYsyRrX3S9G4P7H z_uGZ(xvUi(;>^KLU1<`i;_Maopl5%G#v0y1PE@ gTcwb~ zuFSp{=v=|GLC#dpJD-HkQN7T7AxB2SkRJU?p@DE~w?BJVT1fAL; zRMOuGk$>#8&*$^%P3}K1BXwDN8FpCf3!}BUf3V8hyO3sZ?o>Yli_4jzk&Y|WbMzng@Pv)Ty!)KE+m~*zc z@xB)(Z`h8-vnNwM_cg^z!r0ZoKDAwfq*N$QHvIotbjA~BMi*k~CSh8zo>`@Cw$$*K zdsyiz%*Z@G z&4mOuU&X-m)6kPCL{vm4+}XD_g`ZInVaLEF6>8FM<~@)sz27NHcK=O+QnC`mmbc>{ zpF?y)*~Q8|f!Uq4+>h*oJD*#Q?Xf2diynANu7leBGI;&R&#{Jc*k^efm-h5Q)42~f zrIqM!b1klWvlGHzgVeR|!LygyiWx6ZJDho3+%c^k{SFI5KI6-<;@H3Tt@yr#dqG`F zl*jwZ@q6SbqWl#WFB!zPUZ8!HIV}^lLB{@JR8(S5n+~+&;)EGU&-jSnK@K!ynejMX-UonC_*(<-CU3|SWNns)TN5Ed9yP_1w ztdEh)USjjJKpb(_Ar-ee`0zP6^QAJCnDKscbpf<}8aR;Lh2?*QDc8oF)RS((eS-{r zY1x4@rOy$<=Y)rY_YpCN@6>$%IH6aCjTbB^GAIh;MoZFE?yD}m#q*|%!ZgVs0p{1( zQR6L2-3X`YL zb?$3vlIW!Kh!*+|X%F5ps43B&wu^i|lcj~t%dk09k_ue}sXm&0#+8kD^WKoE!?X$8 zrD>%|4flz=F#1tD4v(*Zippo4zFUh?c}g^@jsN+_HjK_H#`ZnIkU!jmAGeC3p(H^o z_y57W;p}^zUx$nT$9bn zTJesq=K?M(M8mu_4zm(@Z_T?`&#io?1xeLLf}Y=$rJeOk+`SScxr6G|ZX-o6q^q%h+9re!QA2!SId1NGgM`l=`1_~^ zC-$Ww;({baz3E56IUyReT%M)}i_?$ACKS5{xRVmVUM@G(LXn!8J@HvF5x0bYVvV6R zeHyJp3cM%Sc8RcNH)mMVIS1t!f+ZEkG%>amKXmNqq{@+0#x`uMR^{<2Ov4@&~T##i&J#S-srT zapr8W@swPIPrQiW1POBCE~w><7Hmk-q7}BhOD_|l_rj}TmncgzVq!GAT#-sU<4hH7+nZVyU+3ezIaGaKCOK(}cjtWNOk?_WJa zv=nJ)4d(zj_x1F;IUVJ0*{leCGF+!dBBxKlNR6FoLS|I4rW2h!msGDcp_(=2un#U~ z&M`BQnR)q%zwcXC^K*kU2g`3b(J=Q`#9H^V$C9~}!wX@4@GRnEO{vkJ&;J9QanMsH zy~ErGpWg|%xzL5)7G~thQ5|Pe1mzFmo^uH-BXmf$Tc3;^X2bWonij?U^NKSNq4bi8g~Lb?_k&J zlUV-IkU9dGWA%Z%5C;mmKYkxJC7F1)wjIlukud5xpCRkE!MJG>y<&ey(Qq~1HP1(z z@&GO}PefOp-B1J4q}TEsr4L5oXCdc|@9~*uCwt7gZ(@<}P};=3=e7++IItoG1=Bfe zSI+ax>|2mZ7bQbsGx9gx!7BrCay!rYvaL^HSS3b2oMm`?PMzX5%F?|7zRMdHLL%)6 zI_wW1yiA97a{tqK3%hK6eqiUBD|n^!4Yh$vbhvUDAzP4SD?~{{k{vD=b71ORhv-sG zs+B#3*4)WZa6OHbdMRrBrAFcGJzB16j`8eamQfZZo9<#v|JV;9&S+)t6{Ue)%njgq z_s&1JF^N0mf|~J2PUaafb6Fl-?ZSiAUFiR(OEaE}(qWlwDD29_Ml(kW@pK}^6!t=W zGG^{Hzf0HgXLLuN@_DZN?M*Rf*n^QUi_fXNyQnzBE(6}V{9MR80(ENwGpT-_&?WQu zHh9$bL+c24wLc|efVnOu+@%(X zt?7=73mu9)iyGUeSl^d&^x;3=<%ISjenkT0U!2C`bY*&@!oHDN7G%UfJBo9dN%iqI z=153$pM-lGuRP$&bL>0Jf_GcXJ0gD0u5A~m<@?THS6nq@b#~%Np9TH2QX#2||M4W- z;695zqoL+BR;d$PcNXwHjr&`hufu4=TwG6+qBsXjGD`Ua>#cHhtl5$LzsXYaNOn-& zeTS087Ub}#8=I@jaeHq*d_!-*I8%aleTs$K24Rv4VBTM|G=(^~a2L&p((`#Y7heOv zyn2+rFrngLNyRZR zmQIa0HM0fj$9^IH-YI0=e}=T5R{-AA<;nB=_IWF&IQZdr3cGq+m1y0=*+`u%M$^{M z2Qg2+e*<&p9Qf?>#)e9!aNnaslAO4Yap<=IrFh=QG6{29qhUkBPGceQopTNmM$~ys zlw1Uu_aF8Wb)qd0P@9OA#$Pe$%sIJD!0^W>F*WuII-JY#q)LhE%D9vCU6EFAj>2cC zP*LT1C_m-B%5r7e)Xipz^HDc{(>3u26n6(cN{^(Ow+E{v(-U>yx2z=mPwCy$#5-TW&xn3u{ z`)ug_irX;!+K59^IqNt#eScn!QV_&SBxO8n_)brF*=yI1?~{>1*HMpK>>pTCC~&W^wlCsZ+!U z5z>wkq)4kF^R>!&j&s+X0tUGEve}GQaYtV2q8dqXpZ9Bs9t~_Up@6<$7%r_v+V9@N zZA$=#@LYM(&8L{zXh^#?l}YwO8YEV8A1vfM#0CMUjB4x{qe5e<)1j?Cg5K1$C&2C!M^r)HdKm`~Uq)Mxb0udE_4c2_e`uUvsxt|_E;jkf9P2kSWmImnMpMY9` z47JT0MQV;JhkAE0v-RC7jY)2oKaxPx-@)^v0mWvw= z%v2awiGjJTSiFt%{S6U_OK3+icf8N}Z6%jxY`3bI7`T%;--k$K>b!WRc1a=2RW} zUd;WsKy7+nXF?xzp2MnCf$j%Q$FJVU)Rp~^Gnz=5x6k5yd@`21#^SbtA}wML zV(H40IJjX3%BLlvCgT-z-)>-hR3FT^_mXybV4ZFMgEz=-Qg)cn(u5~AfeE91r4a`v<9gkYUy8-}E^C(y}?8kk|S zs!)ug#@moZe-1uyPQ9YD6=RqyIXCMu^4O^-qV)o=pEkp5unSie8jyETl&)}gAS1gD z6MQo<@!%R<>GQ?(8A>#AvnDN@{{Yvn>e7!PA-KYfU(Jv_tnsKuVWtJ$NULGKD?8Ww znMF~X47&(s+RRa+#Kq~{uT-Iq_Z?6!*CUrOQEGo!hm5^)>=NVb+?O-ZzRu8QRs=f(xUcwnLlFAqE$I@^h6GMM#hTL}(UQUp%HeWk zQyPm}b~1T6%g~7F>k!@{K^;HeW9bZ8dX|%jIpf+Os>`#_I6oZW`Spnt{7yTlNpJ3m zk^i)Kcs>om(+FugyX+F(XsE)x=KD}MAxSsaRpQ^~KAhXnGhdTb-tivA6te=Hic_FH zCJzy#TZWwem>o2dm-_sP?=_DK}pz%%B+>v;NAgnF$0LY-Z8@qCU6 zIvR~jzdK>Q;2~1xiO?<~Ve&VO!bK-OhkUETtYYS%%*??Ns{y=czT+w#8Jd>+>eHp? zpE2_tGlJ(h&@@x-$eMM)A~6$l9?H|UxrNZ1rbHXnb?MzdKDXAU@s3A?a-9V!w7C-_ zmY2g-y^p!wHy|SY1^dO0!)aeDW}g$GUL&5Vo~p!qvuZ5dCrA@G)A6}+1Ew=)CRNaY zB)BUQcar&1iRU3y=|mNyZz9$}nig=5<{dMSE+jEOmmT5XnP+xp{55P&wp_Oxq* zHs$IY&@?G#O>)O==`KZzF*%PJE0PfI@(PnOhEiL6Cib1~#Ewel*eoc7b+0lV8Ei)8 zSHfwFE!+`Oq+$PV!2d}Pekp&1J)h--pOry#jUsK!RHo3c6}UFVgwFPxlM`o+ZkGN+kiH2mJ1s`n)Lb(fda4|`G3vDHE%VmG#K>_d zv*m+cBixan(Myk^i}x&UXTx9;Y6kP>XlztaqQbpbF~P172dlYX#$ESQZu4t&~_?W@e9Y@*6xk-cSnE9r3 zjn5WOzoEG_55opcNHvywK%$*kiBv=y@?NpTmQG*KMn5w!+U6u;+Ll`w$?T_-3o63O%gsXLA_Rg;G)Hzw{-9<&`ytg%qTfoMIz%T^_KtYoEecaN?@QDTk7G5o$zY=u1@3x>P|r?y zY*HtQq6V1xYLN3~9rBFHz{e0-x~rJW1Gg-sn6}~1RxgxX<@~i^G{#IV$6sH5?w82X zy1NRLG5;vu^1V8bb9keGVPNeN)x;+=|(s^kGOYSXjFqL#lP6L*p4!;@p&Lv zn-+48asLf9nvxNK3BP!**vp-X9hcENupi@(7*KAa2GMWM|DE*1tmA(n!#k~J-J@7l zFH1@J#pr*}-Vir2dKv9Z-Yz3a?}P?feD=cA&(QC(~-?Q5jC|c*yo=CX;+GKrN&0NfkjwX~`$w0WME+sR2z~$T^ zcjtEDL%JrVh$KVJw+^y(&Fs7Rf~9+OsePI}1&z*uZ1-8LKci2N#_EvqhzdlO5G3@z zqD-_O!Fz1DCsUWNs==BLk9_P#0 z;3J6!Pe~%HJ&@y^Us8hhlgZE+xWXUPSTb>FU^OiUm2gt`LnrLhm^7G-fe6}ZcrHN3VX3dqyfFhm}R;6 zE1J%ph2t|n?0LicT>Ulh+QiTBVL7<(@)UN*;^E3Op}^&%Xc>Q}k6X9kS{M-4VnM|f zwqz>B*_V1-ddGB~p|&gG^j(A=YbD@G&IT+m%0nz?t=8?&K`#3Ujj!uc?2T&3h$TUk zJy9Ro&-M64FCHJVp@!8Wq`9g9;Si&PJiE@gp-*R+;ZQm}7w%r~uy1k<8%I-ziG|ZCVr%G8CIR!!vJ&9c>jCr>o;GBVR2D@;jW#fO~6i_myGsfD8pKXFs)Q z08$pjpgmolBm#I3X)MhABt93c7)J@?v}xVwOZZ?{g4r5;_Zr4?YXxhXW}XC_!(J4_ zy8xS?Hr(wm#=;mGD$Dte>;`Gt#h=Zv%UM_|e+%MrF>v>0-*me$?{Up&E$8Mc51+tq zg#l*F$HC>15bar!h)ZAFk;b{E+xzrLZiXYZCoMqzC*FJRYlp-FA$qpQl;+t##Stfd zzDv|2zTg#Fd5<&IP=ZVw!V!BjPMq_2U%Qf>K5|tfk>e_2ad~ZZO&*HF<`MCa^ z$2EJ&`QE*CNaH?8jqo2V3cG>}6D~pdO&sixC!&hN8MbBz3Rf7{%ezKrQW`dL1+ z%*e(#g)rtiu%lvw4$b&0MAlhn96ncuJkB``S9GE!@8jUQZx4p9Vip9u<^GQR0Mp!1RN3ak zV!j5suGxq>&YufyV<*o=1=9ADA;(vuR5o0k8s@NbR!o{SrM_d|iepHgoCm*y85r9; zoFr=4UCUh*LCtS4zRr8x z=`hb)uVKMTE9&MA2y+>M{Drtl@Q6d+0faueQ4SwPY?V>$mo(S zEm|*5ipsXkaOA$xYGdxAv8(D<8-5sD((;R8kRR_%&+^~FN`>Ev>c22#OFZW?uCX7( z7hj(bqZijTDeAi>yBQlXcfgQL1B&69B2Hyv7Gq!pyVs8B(dn6%1fdcn$ng2)`5?CM z@PX|4;iMKNMnQ*s*jvx@FYapxU+=`a3s>M5!@Qx_5;T*uMe@rD`k&&lu3Vf}xWB{S z842(Z>xIzGDg=h*V9drYjICgnBJ<)ktvMUs`V0CJ%<{IBBM;^xDwHK)`7Cx&%@L)Q z?>1vwA!lEA8k5d5 z0zD~Y7kgL`_DXQSYe6iQeO07u1sP}`&+{b>_NbP3Lni+zrh4nsgD>nlUT;9pk5yym zL4G!0!plIq#JmEh0lzo-x8qtN#%Ffg%a)r;|dQ`=~woTK2VfHm$ z=CF!T*dl$};NgzO+04YL3qeT(cPT@gQ7X?IE*Bj#pR7XZn{L4H7xQ-w<{>hw04`${ z=m+O=+Q_Jx%Lh&z?q8dfKi} z8wX|R(WOYV+F8(A$+g%lM3^}`4b%MI;S0}VM_HQF;c zE%z+~F_al2b5CDE><={>vQ(9(EHI9h^|K;_mxgpWbuK0|BmJ?JAVmnOP$uv7dd71m zK}VEc>av4SX*AgEgL35@TsMtpw+Uya)dXo#Z#yQqK11-)JF$vsyRm%S2W%2#4w5iG z&%dTXfb%55{wc_M%v=an6H4l0hv!!_`eb_*LI-VWn^rnPR2op_9FNg9^|;@yK&Gz~ zaC*dR_CmIxnYn=Pv;`Xa9wL zA`)*}(E*nLWCSbIO5y!@`1u3Ey0|CyTb5k-JlL|V9q;FJzSdZmzGzF)Fvm6AL18}7 z<8I_lnMi{pLeMv9IK>)>((UtSvC8`gMlQ6bxy(Z8m#f5ilhe2`HVlF5mm@k$geIJq zq#BER5b^s88~r{UyRJ`bcD7+&fIkGkno{R{19A>{&40ficR6Q2Hh}-k_zW8zSIZeH zVT$^diI?H;@zPhAF1VaS^Cy1Zdj7_X7Cmy~j=}c%?0ZfdLi#$)-nA{mDaQh=EWZ^y zyJ;vX9_R1K_g2_Wc!a>zZ07hW&}LyH8aE;dexylj)YCDqY8Xv)?#18>_O-5erSJ)2 z6n1GA&NdrUU=LahDi<_@GQp>$zXT-mwLZ%0xR=>HKX2 ziuiT{_l@7+(3sZdqWo1g!p6Dayk0_gqflCJS+8`iCEQ{6qv^Dsk9FC-Y!LV zzcT%ppNe6j%q%syjHrz_Ap2!99?mJjd{H4%Usa9rtBUj~p8LCMQk3_m7rhVovrulp z1HLm%I}nMzvr_Q#Odz%xZp9eR{0g?kLdEbSB5U6^yqG; zCK>3M(5w(`ikQcFz&Vnn@iT*Y=c8%Tp?DaC^dsP%I+;9RSMZuGI3gxYd!5{A#_0tZ z+mebRt6`*h-4jmi#aOE4MA_#hD77~cu1Wm8UO9vWim%|#?je*rp7*>@4atJD6Yg#L zq%)npN0ATlC?*{#b)2*2Iol^?O)?p(O&33i(fqev==rZ7hkUN#8h6(Yt@Y)18oS`X zbYaCWd;0q+1MWgz2rg5nM;*U#rbv$YZ_F?dWJkd-H|n}2O*vcgVR+b;L|sE6a_t7n zTmC>diDw;Cl_>U6IaV)JCs}p{xx1!vcd!vx1zsVJ?-Y&+Mr7KYj-s0lu=qKMHRHG+ zG}Vrd-?#_OL^Kqi7VbY!MG zb-1NNu3{haVg4~=Rf@FO>)I$egepI2a7IU-wiJocy9Guh6~S4PXh8~lZ~~VD%_)XE zr?GMUki9mQ)}8r@a*qo5M+`uG*I(@T@edIn1F)dB3r|yOG3iAUk~7C6@lrp^j%Q)= zL!L)n48qtg<7mo_PsnZw#EX9l^k{n~wB-9yRP_&!ZN^hpq#4ngZLlksp|BiP%3_XS z@q`07{~!0dlE)zK?=NiPo$N#pX}Z<(3mQcdG(1d@YE$&7G2W8gEJJXZeOebDF|#~O zhOA~>huhXpJlv;A55i37oSHRRtP~_0#p@WA{~A*YtSNV=0;$_nV{DoXNp0Xf&?Heh zlQxfzu-`byTY)6zUd0giYFrDqq$Ts;!Eo(soM`8~!kjPoZC#Ho0V7DMtQnHE^$6NG zl*DA1Z8K~ZG`-oc)4v0;*SZllYdLn^JAt%iHIN}mx?B>CwzM2bv-_{8jL=kRs#@RKzmVS_4NTa||uc3LFG915+M zMeGMmhDQ%`sr=Is@g*G+A-%ZddlVA>jrho{?11nZEO+31n)xv(X7k?jm^IlrKZE?w zd<>D(Baynr$e1fd!JPjLJJp8Y&r;CM9F^h>_9x6?CgwUFGBv%5Dwh<_y>3ALpd2;i zSyCkD>kK+?;E9SabU43!c~c?`nZuaf!ff2TO)%WbyMl+3^x;4qZryIhLf#M56yKuD zse+_y$1W|699*;GJ9#Mcz(bSJEWp{oj}Ej(>M@+^9;5S!1Rc_pqdQv5v98^WJ_wl6 zo`Xq1LpP>3@~6q!&fbE@Jik(=vz(iVlMthtC|Qz{QzxHQzcGU61w&63A=2{{?_ISh z&W>kILoad1IvX=}nm|jk5v9hAK5Op7MqAK=XQotk--?WNIs0>tGYq~X=#r)wDGT=E zt)d7Gjci9~crS{QWvRX85ia~GjxS;ZP>JFk zr9>_^`>4~K#o0KcCP8}T2)1GGAaJI~<8{>WZ;B$o8wm+Qd>)jWq zUt5MP6J+T5iExCn6H}jO8W&cz;$pHJZmnI6@rv9T-YCu8h<+rEGodh(9%Oq-(@Wb{ z82-=uRQ>_-M|+WU{UG<-#Ypf>H`MR5XD{YAu8r!!_UGKG9$kamQ{~97i(R_QzQQ6^ zi=+=~&_&Me{ySh!Z)NK7llyzeTh*y@LKd#t^K(2;noPZ%sZQk<M^a=IpJ2CajdPr&ebR!jT@h-rNt@Z{HDMCr0mY z&w;5NKO+ayF^2i_oigI|GO(Ak55;(AEl6GN9td2kPp{s0;^l-c%q{(d|0WfqINlHL zo;BEhl|9`1`?0j$mL}ibiN(d+AY8}&-oG-m!Ep$A^DbhXb1SO1+fe~CL0^=&qo18( zo+Ui@^;0Az`%(BNEuMeG^ONfK{A}&ics$3 z$?W=p*)@E&tg@ow#Y$upxC5E9+i{!sq0%$O>ALn1TD_?aQ}3l=?0iWo4%H%YVF8l1 z0luzhXZci1^6+WKMw={r+5Z@2yuYr|O2pM^Sy=Y_Bd(sw!D#NgOh2MaB?nd@s`~>{ zI+aM3y~6Jl^KtZA6U-mJ<4*5m$c-OK29h1P@zjJ_Z+ypCk|AglsD0`8Rb(hg0JAHjX>UzqXy`}p%_xNKa4ihBa2u|%J8cZkrsdFzlk zk?%nJWym{2l=OE6A+hcRUhDqPlM{y!{tgAb<~b|70z>-ssEIqX#>|s&TUv@`ErXa> z(}K7}9kLSri$v`x=;}$(1op$9sfobOq%wSZ`wjEIn$J1T>+@H^ zIy(TC=htHLQ$qO*C#vJ~c|G?teqH8gc&`kZ&QqiF(=*w#myD7H%mp6DyI7lj=*sHG z7VQCC=zEU%u_4gjoq^FxxyZ4PLhNBR8Znf;coxO5e=0;*n4{Hjh2JNMm$8obGDgGn zC@4>o7BA#Z^^a;eZ_%J>B|21otOA>udH7;t9vW)do4v3MCUrI>nD>HNoSeZ`{0_%S z+3?yeLaUmZnG^XG$H|O549qA_U4@=;=iu8AIV#xDhau;rs6Od0is~H6`=2)X)w2^} z%N;~ocXFP$35OS$(~an81g|oto}TAu&Jm!NjoCP9!ZWwIH}Qotoymf}7(e+c^M17G z*9)E%3rkW~>RB8X6sL9T2hnw-5egf4ju0`FyiPKshI5WDtbaq>PMe&#_i_7`1>F%9 zptB43eIEP<)Ayf*mtYQz58mh55OZp#G$V5IV>mWw(yOWttV-#`f5~E;IZ>c3v*gH0 zbQ{9C=Ue_xo*K86V|-~h?(cAi`i*ED5aO)YH%IRCI#X=65(VsNgx}nJ%yQv9Okg1< zB`K1)=pa@zJH~I)I^d5EE!i(YWgCU5$KWaY*Z;ugaV@ws-<%HdT=bzOvz7By z=*w5mM$J?vrJNXiveKpBD|z?qr$dP;@|5&Rfq9E_QU7-c?fhRpKUje>xpzEnO*_ij zYrJpfP}*7h4~6R$NRqjm`QcVnF!3=?ESIGIr#7^Tc@Vxc*aNk}idMMrK5)Q>-U+v0 zQBNhR{WU0Sl{vjWe+j4j4d|6Eb6oo;!nQz`{H_a=+4CZ7^D4zg&L_-RsZ6H|LgCcv zNHLrx+Q;X^;O8P#_pF&+#Lu9_Ym=wV=PW*Gx5DhT2YSp?fKu+ayxj{)-XE=0 z`h)0J-rG!K_6grFB4!O@Q=~9?aU@ys!71#qZ(}dD66aGJ(d>8uiqm!JqG~>@ty*B! z%yTc{I+*PFj_{)*wB%AD(vAAi#eLWqX31VzSC6d267*%T4`0GmDfjI!*iTQz+el{$ zZaoXZUwn66$2{c$&X@5np^!UkatB*t(=Yep{ZuJ3Jt0d`!+If`7Ygx;0@$pnf_#A# z{YoiC*Cd|nwW!diaewe+x)k$6zC-EiI-D}-g^qJ6voeZM7^F^)_RMp(GN9RY3vuY7 z1Vz@acgN^#$I=lfcPz z^X4gd`Tj-W#%5d=tbxU>ADp3)p$Yp%Y04HEdN%VCR;Lx?=MrgJ-fT#@f{_T~Y;VBQ zW-LEsNRI4}scs*@D2-(7IV?j)HGNpZ-`~;^a&)jh8a|O)L@m|moyW}VQf8&9bRyK? zH}Y4$gCgfal!j(tO@1L1&&ZI%$qY1GrQz{cW@7S8+VCjPbsBhwoZ>=_8`d+sz7#_D zGts)5=b+4&UOvJI8IGxt*E6Q~+xa_pwE)|yzw!O)Gz3bODNM8ox}AMkWOWNMfwDAh zGrOwlI^fn{hqp#mSi15mO5RG)wVa_8$=|zAJJm^Mssoi*a|eI;drWoggCX~0CtVSt zgAYg0#(xD!yVwZHugVmj@*2KTX}Gh59gZ`Vt*bMd1z4A`)(MQj7PMg17+=%p#G>~Xm~%7G`MH@bR{!kcJrN} z@GJKHYQm<8%<=V?p!}w63_MYvMos|OPM78@N7vzkUD2|!y$-0^j`e# zD13*>YE95feUGSb?4^DA8eWp^crzviId$hSNBa*7d#q^8pgFZm+mX&sP3R?cVPA$E zy*zUh=_+Rt8pM6jf(B%yj;9gwd~Vgc#eB~5DCYaqwK2l9xzq<*%ve|0p-uO;{s)Z_ z8nk*h_x=Q4hU~gX=O2P+UnBR zZg#fZx1k=+bqI?0LgP?BE*YgEr{fO1SMc1XPm~@@2VkTDn4Mx3qfaIn2)V!EG z@jun6;Z_gIMlieXZ66XomSC;gP%;%XB$Zv99}2ku%h7$P+z%FwtcvNYotdz`p)JpA)V^yoZ5NLwWu zdj;teXN}ZE6=@>p#J=`(K9(7P94UZPNf!6B)8n2xYO_8Q}+cwNT$!<>NhZwJEOmX+_ zpoY2ctBcG?;iwXop5Xh+CVQG(bpXa^hLiuHK1}p2!?mf2sBsXbUwqDT>9E6JR2d$RAyoSX)qQqLl?Bg6!Ed8IS7YDUA{l*octdC97m5^ zFh@TI2{-jPQMwN&wt9nMBWjR6wE!lE%b}60$xq1L8+s;fgKMGck|)nQcM zy-)~xjg?1!qdHqUC*)l)S?vv!#aCs}P=uNR8E_XJw59NjVr;r%(EmCqRsP_~$Ezr^ z%f+-Ld)BEK&}&->6qlRu_XX*LTB}X}-fihBeb8Mc;a`*`d-VmeaI$!a)n_cZQTS?a z&pg2k@x*(|y!W8vawPiN@qCmw-^cjz+J!JG4OV7ooD0(yJ8?&Qd!BwW14*O&n9_9= z4zV+L`~HJnz35@m$EUaMmCS%aRBG?W(h_~F)h@%(8}HEFWf6Lo>+@@S$?8teK<936 z(R#Qkqt||e>zD%=KDHnJ^q-17UXyX9-9H#^^5w$2vLiX*LQ7!>7-j5)<;e}g%ZY*o z$}sbp0^Jt`Fz=xeJBnV>abOJe1_>)|eWlF$%KWV-_iW2bjLi9tZ+_KSf7(VkVYfla zzRnunfbHtS(oMOJ^L^UmE-SIUt#GuS8Szb{XnU1T+%6vTto`q>w#1Z8{A}4;@(cG; z^!dF=fwyL;uyk@Go=Z2)&6|?1n`y^a-^+0Lr)X~nEco`GbS5`f;~kkFTYNI-Tj9rr zxH&NInKt|0HsZ9Tt595>jy2Mkmw4tNChk+>l8BwSVIh2QZzYC&cm&8kDgTM7bi-Go z&fk*b6qE2(G#Uf<3ZzM%VMcf`R!k0HMR+-m@A?a`6Qvk@OnNHj$xf@$gllAv+5Ke) zbdX${@=WQ{z4;2)KWT7OJ2hrrYQpR5zhd8fMRr+RfqDBicxZ_M$Inxw)~&lZS@auT zk-m)T{umqn8S~iJmdyFO3y+Q(v5(suBwUiatcmmr$sRKzSDEd$H)kKs2Xa>T!PA@8 z{NMi*zZJOMUKqKeXIx%sAboo|XeunX<(eied~_Y7Cs#n{pJd8D)L=?_5x&avH+y+J z@_qJVOQY!P{Uv|#_7FBTIgAbB;fpOsmE74sj@GbrEhC64B)S z4s3O`VJo$+X!kM^Z` zwxtGj-kyi?TNmm+*5sDE;)|AE?g`>i^SM125rdA)JZ{P13Q8QfZ#OQgiC;a&mm0qM z)a@hh31OIfH#jnQygiS1h{3&fE&0Ot8bWU?(mbpJ9paba)#z4S@g{^;%|7A%q<8SS z;>ccRSV4M9I+4ZV2^hg+I3pdz9I|-*wtw%tVD&GqiI_k0|i)*W}O0+eH zC#A5~F=dAM2wGRT(?dLk8x5M#prb24^xB2&5F-W&YxSk*e-4=z9Q#h2fiH!*wLzF1 zUyh-sXcgvk5^s&~i#(VaCmoX)W#;Pe5E|mIUmxF` z-q{mj`@S`MeiP4U(oke|YCuP8b;kZXi~Ab`IHB5xr(0>TLYQU?|9c33H&sRrK8OPU z0_+oiWf$?;j(%2yWg&+!y}cC=O|)U8R~zh;*+2BR1AC7W{^>l)lT2(xpn?LUiu2*M zaxjGwRrob*BI`?0POq;sgfD}X|2!n=T|XX$(mm^ z{1`55zOwZyv}iXR<6VSFG)+7cmX3V7MedfS<}|f`jrZqcaPzq)hldCsQ@mIwz8}PZ z*$$kLz8^kb<}`jHnh9+9M|{S?|CtM$T|P^%9fVu;8Jk3h9$~7+Ve4OFz_Q)AUM6g( z!b(hTE&V!?(jhI+(Sntt!wCyx(d-<|==2fYH&oz+m2h5jg^}}e6JnMNi?)jyLtd(I znz|W(S>3@$&As@&RJu4c)#$6Af$)7E)b)Iit)elX+M&mqzRJiG9dMM6_^gZ8Awzf` zm1m_FyWk)UTt(YFtj&L2W{PGjUhKFEIQ_~(^JR)OOi0HuQ_140YSVC}bSK+dbK;Rr zXu4AvTJn4F*ki)S=cEH!a;izPqY4(*_YmWBVWT9$e#H)KcrF}>9csLoSAnL1(xE9@ z#VO_0@Vv1X`P&p2ci)CR#{@A_e0g_=q{I2neys4lD!mhKR6eFhtCsS4DR$z&U=8|B z`-1}^Kk&TmW`qVvoZ3~+te%ZXEw<$4%tx3i9SKnbw;}@dSZ%K${E`bO9r79d6WzH= zaxeX5Z@YWAbhS;f) zQhv_^4@efWQCN~b-aI6`n92>hJQVU1Ltj**XKOvCBnI%rn~SK^RpeWFKaDCXfJKTu z-}VxnVBS}(o*BRcZt1YvXv5GE&+z))A?Z#_!>Hx*uBtGniH{3^ZdYaMTrFlDi^jk` z)?6ce@HX+{ttC(8S}{?w9{cUi$k`I+uC9u%`0{dE5R%~+W%cAkx)0>0#Rp5~9|FX-!2nX&kw!d71_G*57)Yq90gq@a=cpFB;gq;-TMK76C zPT5vq!@(cOaJ!6q7Qe7vxXoum^x5V^9zxIS^6Dft#vTl0`T#eEboz#7&kVU%JZ3ik zjpM-6?(Fbeg`pnGeBorunW}?uS*M7@Lcos$q zFXp1FIdAOBgW}CB1kDWRTUApo_;LfIl1?LSj635bM|;0ikv*@z#`B}Sp)fQBU+RkR zZI2<(R64V|j)-uM!o0Y1Kr>~|6c)^t(*>yQUI{1ZhPiQd8%C@yKt$k5tQK#+%Kk=# zudK)8|K)L;tbvMW7J6x$(>v0K$?{INGS;QyhX&Yv-h%1n^>?~u6=BnmAgYFVbHk`; z;eWruoQ35WJIEQYC7lxA>;NC?#Ojm72bg>c#%oaBI#^so+wGnSu>QeJ$AX~5YWK%bNMs3c* zSTpHA2swk}T1vd4Da=zJfBudwM!%R={Mb7gff@TST46WFB``?)oPveyRFa&( zqsF^HbZp`HT~Xy~-{w?MG-msiepHS#W!3mZJo=?#Ih_Hx{r z_Y>LSf6?KA5$%+P;kzjYS9SlwKCCmIoY{zGel56RgCp%Xen#ODbzuP}q1B`fsFW_D zd6k;nInt9`7Kq<_csUL`EQdz>li2xA@)_sc*r8T~Z9?wj)=}x;p5l*#7o-pRjU{`V zsj$DH5&yfH06+V0=>IJScEUS4zP$*3!dWgCCW`L?BW7>0rRSPMFsbokspN}e_U^~E z{oBxWMm28yY|6R0L9{vMLIcs8%uYzRj(c-XpY6_=;|5eU*n)aFld|PqzdoZ5OLJu} zjw19lRA#=j+%cS7IdF%)_ySa^+3O5?pEcwv1rIi)2Eis$nMu(Da3MyRw?WOhQ})Df zL-L{KsYAnZMe4^N#$zvM_RDnQ^FZ0nO4hx0q_XU*3K6cX#QuxaX!q5WcW30oxndB` zi+<9zUV+C?+(%Ma0F{pVvuE*aSOspvf`Q)RD@ug=<5O58IkJ7ir8u(Ilvo+i7dAU3wB zM!N95;;;R{ok$JzDSp9wTCx7USIR;=$@y=o6EOP4d23Hr$#IZn?8|p}gx%ZTY#% zhJMx-ytlak=W<`6@I@1z6yL|VfOs7KQ->aHucIJAn`_(1&OoIYeLTzYYpOPP-wNc6 zYENFcA=#zwj`Z1V%iiL}`XZWXPvNyDOD@l~`8yQF+wey3KQQhuS({ceQ>0$O@}b`1 zv36nP5Ahxz^x&v3A&g8CU)iAf@JjOGv_#o0J+$MX%QpO`q{I2Ep22PR56KGwbL76z zYJz+w&YG~(<9YB})PTol55srrbDa2NM$Oru;drqr-~9fJ^NK5QY-oFa9->OsNiFzS z!Jl0`RaxJBBSwv^f{DzU`-JzHsvU!~n@qXr_-i?v&LP>e5=YD~VZot1l!->MM()wW zW(88^Z*RPoz1Pj#dDwOAJKEgYh0(!&EYy03_>fb$Iz`UWcM5FYxjQm@8#6jilMm}< zN2%__O(o}WYqk*wU!RVLaz^hwXHIKx2bP-KvG8F&49BQ)>8B%e8ca-wODEv%=R}$J1ckP zh3ZA<=2?xLF~2cU{Tr+#C!x96lSL7tZGWm1cD{6bhh|8RL_HRSZpGE#a;Be;!lq;` zn%$9mN*iIaI*D&W^CMu|XN)4TPhSmx#+{1*pHU2vIHc_$5g?8a_)$Lpv9m zTPm=z^&L!}C2X7b;>Wx81Y6IaLY=`q?Ym z+onx9vtcF9T(m{OkE2NQmizW63;vTC&Tff{e7*Ttulic}?7DP+whsY!b*LhFg;1s2 zxUo=l2;~a=OV|aUbH}i6n;~_c|G;s{KJGqt2)W@6*z;9`Lv~l7zj$n1eqX~dLmzgq zFlW}AFHl?~T`f=DxLo??uAYv;p0VzHShWL>nmBN#t`9dfPsVA@TL{bFjvXnIT@y`t ziR`}8H13Ec#xFsE6L{mz)XJu}ygCR6Me@6?rW2FG7^%88_8K?s@5< zotY$ado;>t+v3j2ESY-@x#MgEmwvsA;Cw$`aqkWDoCds+9NR$YaQv8m3BDV}&u$^J z=hRF%l;|^F_AiH?*C1e!E7eQ?V5rv%Y_ffi>kegDE)0YjuCBb)R+Z;Xft!yOh(C54 zqE#D_ZC-|lmZE=T7GeDuOTO)K6ULL8a?WCR4$C%Ys@^1&{MMk6cWdUS+tcLZY2??e z#J`7MQDvsY_!E2KK0|bz=m~fv?2w{MvTLxLhAG>M5V`6j#w;=6dfA(&%X4|?QA@6@ zJ`4M{m9SWLO}hKEIJJ2^l%Ds1W8x+8za2o1nK^y?yhKQ(D$R~bkH}2f<>+N&?e7;* zzpqYP(F@}OUc#v~kgbl1_iwZcSKPFvj**-Xi3>1Z$%!_XT-a3J^%a-oJ>66~?2G@P zTlPljb(3eQL65cP{z9Wh7zx7tjJoE)L*l=;s%=aA`ae*9yBYg;Iq{V2tyDWr`hN!N z#k+O#&U9o&(`OiUPfs$zO1$lJ0)y1P;^%*s-276F8(bwXUHBgAua9HI**%z=t;+*T zUgJNxXLVV15E(y(hoVN@4wnAP;BN@A65g!c9o+g6i>=nm{IUN!Zq2i0*1%j;t+HeO zq)QkuJ{Nzlmf~q+H(cuG!MiQ@<8Jg{)V_I&HrLmpsGV@BMj6v9d=h?HS+f1DXtWd$ zQTIRxK1tQ!!spWKAe~2xettz}LLIDx3Gn!4I?kLa!irco4zX{}s0%mnZc`e@%Q>R? zo+$ga7i%=t*?Y=+D0Y)xI9=(mD$1M9Y)CKI%}f?vEPwe=UkY$F9%6y7Kom! zM9t)rSS)wxiiy7vA@7`d-kn%+T8)GEiFZlz?XCU&*-<)}7T%N|h+~(~3c`TWJB}YK zO!-G<$!3F#V0+kw7t$MWKKLL?wND~U?tCeCpF-0p8;9bA9dyQ!U1Uz4_3Q*@-&%p! zlQbAG{Tg~-C`PfrJsaB|#JD6~o)99qt({LU8OYsBOCl z>$iXL6-%On~y77y%VEGT-Oj>9a`TmnzhM+FdyirjCg#<_wD1T*W$)x#Dmv|^>!`Y; zOhxGeR3Bdh^~M}bK9!2Nq~lnwCcDrbs(g3n7orw_!-UJtSo3up@}C3*D_&YBeP>?6 zJrfVguR$l#L-szLUyAgMuh3Rphk&>u%slPDSGtr^ z*yQadBV+p(qsL}5uFAcR<0htTfXuoh-w zmwV!=>*2;}-}hp|YYSew5rb#5)}Zs5bJ#06?Kc;yP;&Scjt)=8l)j4G>+u&g?=2WJ zS@w3Z?cn=yCuY<%qxN!T?qBs9Jyg%4>V^l$32%8*8wIx1%|}1k6NihJWmc`SWYbe| zQ~V-@mo^KhxEN;@q;q`g8tmHWNmua~M@*63jPwy_*^k5<;XprWCjDnV&6s0ch9N_A z87G;%lVNJy_&bED8cLjQ-;#!6&}dy`y;R~B#;|zg(3UyAG9^EAi_qAGjDmaAS#4=WS^+q z@fBV>ti*I%CpOzyg}#z~Gb()uqQhWuA?!HEu_;-TkIaz4F4J*V)Q6t{z?yYCQ zUi6iIn#w$>`3pNUpF!!cXh+f|<{hoh6+4z9;BXDT>=2$(lJIdgJo)1D5opdRLqW0{ zUwcO5le!~=+BkBQc?zz5G2#^YT@4ZcqVtC!DqJ!}*7doVuO&SQ=?3&S8waIzt56gm zyMRW~UPm6of@uvHHLoSZG@oLNfdPFg%{h9J7Q2p8=6}{I93dmP#h1;R_abu;JC>kFaa$!fsET8SqSc zZ!)Ve;gTkwN#=rEi*fo?D6Q*^gtK`F13uNlAjgvRH-LEY_|Cg>7TDzK3+qxesgX)sY2~H!j?Gm999im zu}$>1!?EskeN=_kRYpwFZq5d~M!eD4g#C{#xO;XD&i@hy%t`52veakx2n{~zYr?Wc zC((P0uvcas5O2~|VGtK%-)+gq_BLnBb7pM5tPTxHb-1g#48tZiU_*)%Q_GvOW<)u* z8o1E^xhXfljYpvL-gMR%A4IOIAQ5kPFJnvHXk^U4-RQ z|EP&{|M{`Vs3|pSTkuJwDR;nM8?9T1I zVqt8c$Leqwx-AOg&?&|E8|=cpG5YlTW5TK3KVZ(r3~cQxvwd)XGzm{eONSP`n2Nrx37E(`Lrs*`JYJd|R=G#&$z5&Kv9^$QPEm|FYh0Lula6rzg zLr1glrv4_Ldo`kkx(=5MKO|k(iF)2PY;IME!wosmJJOVW!&-6U+8=mvRD&tbtA#i2 zB3XJpuC{aF1y%8WuNS=}uPu*Dhk(*z$yJz2b}a2N_Fr(K*DxKrL>X|Q=xdwpj>EEA zoiD5E&`(SJQF)aJ-6B8VoLsc%>P&6f`y?C=<}7VneoTLbA@SvimizUuI!~TEx)`rD z^cmaBg)totqf4?AYvby$$k&9MFCB!E!4Ir|sm_I;Tsci`AC6qhgylJF-jd9=cTGAz ziuQ0=a}UnPtMhI^1r!rXurVtN?_R`0>+}{R57~z}nUibgUd5vG!deRafeDi}xvEH? zT|QefPW(6eCz?}Lm@prge!*wMo%ki5yVtS7G^>@nl%oPeU9aI_CuJ__N~mAZ;fPMiZ7^Q{;>NkAx)} zk7V(-UDexzDXTA{=^*K8m~aMNru~BH8Y}5vlPG$^S?QrTnlixmID z!3MnQI`%J8La?KrtIlwp_uQxP7RYF5D3}(HIMz7$h1)=z3qO zzf8l$xE#3Gj6na^!Y*xN%%R5=>1Q$n={c(WXZ9N@qXVep9>k(R;jukigSXD57}V2( zhGEjBDSY50(b`(3lwiYcC2lfFhpD%z^rFASmRMmcPm~P$;C`H4AH=`XB{4s@3@xf< zrfmaOOO?*# z>|^jhD$lF%Gtch1g)`GuV`#Mrw`zZr_mGP4c+;?Ta*A{XKfz-0xj9PCKigvqTzh7q zx4a9d%Coq;I1!Wni7(`*HmBrn#8qcJYFCjowI}!Fnc*i`Y5vFq)k{<>B2IH0(cK{qN40xUk__e-|rT* z8llC>ir>Va{}ELkHsSg3#aPyS50(v3;Ek$nnB#K+Cr5-}TW1e;>7Yl=dlk~hEDV%m z`z70_&l}H!*gnaO#aR*De(xLlNPcRphxGKxT&ONND2GfvW)Bd?z_(K{UEPecca|YI zPQ2Wo^N}zn4}Y~}CwJ=^g8K@`MDDFKoKIszLpAn(Rb;dQ&;-bTGL^SB6Ze3N71@?JoL%MN^@=2N(arsr9mu_8TyLF5=4mS(c_+Uv-xy_ zDP>kO6kWBu0vC(!d_puL71vBuqzOxERUO`}x{a}RUyw8|3+JN?gw49K67v zZLVL2QI;k(KmSCj=x&7(OW2~{aV&5Urn@kVTmASBC2d~@^mM;DN%d1CD(1*iR(%m@XFx>{6&{u`JbEz(xr8GyAR{S zblLJ+DL!{gLNn3L?Y`=;htjjdmZr6WuV!K7?_?QH!*Gi|Wv2AF}FtPu<6iH zhCRQJYKP6R6}{Fq=QPT8%|f`29@9q)qq%AqPQQ48lBxeN^XU#@`1-S(czwHSDhl^( zD|X7+mYuOqvLNbMKURSsPokOc9<)#Sg!(20Ffy0(Q%mNXwvwB#ih#5J zc_iBlE968I9`(q_msbC{BlJa;4W$>eqxX z*UEd@*i`Oxau1+2RpMN^<=#bPX7wYO zy|fB5RAW%m=PLAuo=q7Ov-B1mhUwCJfOM32DR9sa(I=a@@I$8^*ln^2kDn~SXz}wOdLpdsf6`eNS_$KA z2E1zG!Q3ZzvEr^F<5ynCoZET~Yw5tieeIbeS+RHf%hB{+9lB2vX2MEE$q-iHulFD1 z4fN-d_6-=;-hvh48QSG4J7sgxsxN*)mp{^xmiQ90J@z9h?<8&**5kb7hmof8v9&#ICBlJt^zOm@zXwGcI-$>BC zhhb`gZ2MZBv-fr52lLM;_t=3Kq7|73iwCd7ioKWE^VVbGKWI2`^_4(=|CoY~AOE6x zg(3%tXKwMaH1RulbLG@-@IF_DXa7ZG$!uk6F4=)D_R1Vy@&LvA92p=x9o^HRoc690 z_2(@_Z1gi|99IU(T=C=GT;`0cj`C&)KonDFPDM}o<*N?t#bidOL-;ytW*U zts*e0+XMWP4wbGNjffJ>T_eJWxBEv5kIjncW5L2oT_(2C;!E*~^_gbC7BfFWy}K%# zOOJW1mmb}RUByYsAZ<`=!WN0bLHKqKZH8B)N6Ah&B?rqMf%wr{o#vI3(Biu;#}o@! zH$#c?{wrk?QCYoTBuv$AAk6mNL*--zA9ybi^yYF)MyFLShkCXLl3qdKD&*TO=1 z{AVr-#*TyA7E5;gTnc^Lm$=@c1vd+?<&(iVbPp27`U^Yp>utv2^;&GxFdMISDA47H zXl*BgsoqhSW-qk4Pc+O6yBuj;FaA>Lfa&k)%wy7PI_LBi>{XO5m4R`XG1yzWEJE39 zlmXRq)tM@N#c#W%qL-c{H=ZxV#J|2AcJDRXy9i@rFL9`7JDSP+q*rTQo?l#w4?XJf z?|M06m(^fYx+)`2bb`)u@!QDv?sF*x!)1TmHZ2#+WbeEDq#`HXPl2VLJPVx-IQaB& zSUlW<=WG7r+`T=R7-YxBw-$_0>CV7ErO??bn(mb2ST^-6&dzdRn#&#}$~&rLsseu{ z>$7iAEs7#5VIt4p97o~PXGq4m!I%@a)FDH-Y#EaIo!`}hBYGLLr>X_jlbbS6{Pl-~ z?-;mHf!D>CYM~?3!dEnVT+_nE6j%m7ZT{G#=`Y!tc8)r^R>PhX5W<1yYpycWt zxOl$-`wD}ht9nbm&9~&Om9Bi&u@(!uNVc<5jWc&=4;W17)EpEb9 zepw6qsh&(Z>&lIDu3_ETV_1IAiZSBDa!!zpgm?`8Xn)4SeCf-WeGj(j)?76;fLAhK zz~0@Oz7OQ@dn-(uKAyZBF7Jqa((m!(64v){VOD^-bTV9l<<0>1Fm-3ZXm=j%V$4&o zg=yY=9Uk7=3f--h@VFF@x55y*Ek4naHYwPlSA}N2rTD!_oe9?e^Y~h^**v+giKbrL zM*6TGxpU)+Ex0z#( zD_u^@k}O_AEOxgz4n<*;8`#Ie)Wwa@4vCjlbgSg;(pMfVzFlv1xhKk<`Ls9nuWmr& zPU+bGsz&`yAJADkn7sQ-rdCal^Kx@=A>$q#E1SZ*HWM4}RbhnabGz~anHzcs+aiQj z5oN}Al4n|yqR8;S;<1>#7jMtJg8xF%(Tn_8U0r}Mbz#QtTR}IOua?Xb4e4+$ws$^& zg4>B0oc{xQ@{WjZe2VLvH8}NxE0=VvhPqK3##c>6WxfKFWv4T6bt&@XzbTi=z54Dh z?C|kprxy?5d)9`ES{B?WjHTL0I}Yrp&&jW)U+mrw*oxj-Q(u9fi{gIDhgV7R?op-n2T&bvd!SaS7H9*aYuc zfAP@i0X{r&;Zn(zZk3%&{vXM~7%&o(ty9 zJJx)nV8|lbL%$IXIAxhIQs=sH`yhEf>;XDr{Pz#xS$H$aS{nqb%tG_umEk zCV{l;A$!D*!JPa|pIw45I6JWoni9vsmqJir8h{;2fg z<9;U*G((%Cu4z$8W{mOErBkU>GWw3T`4T-QdacquLCg@*Hgj&Ef+0=ZMyLi`kMPw7uShkEaT+Y==2pf5{Y$vIe$;I`e6X z9_xSQ;X`3E#_oCz`^(bPy!t-wo;r$KH=S80%uwBzb$DWS53BY_-}u0ESW7plwcL{( ze(pn13E?U~x65*VISSWD=S&n%O@D+V=awTO$e0B`^00hJ6FN3G=YSTjOg4Lgk!3Dy zb@>J~CS1msrbiI{>mxcOwx`X(@i;emA@nCXGoeUWweP&xUVbJwHb!tGby#;$c2A0u zhtEsEqW!{>)zsiD>s8nslPUVTDy>5T*r~HCn+|d2kml9cCajI-3OTT>I*P%Q7URj> zCfs}T4O&c+4%|!T99(VBHVK*>pHzmA!|&s@%;t%Cl4G_?!93Gw)Rsv`bA$8@Zdc^` z5ntu3u&3JXLOhYZo^rdj2(1X9(S1D**rdZwO?5fawh)&reYvHsi<~$6V0KV=^AF6} zue0PvRf~e59{%LsrQ>{Co|r%Dd@mhj@IC|B3MxUlCZ`mPc&=ivKtf zrIRfAaE?9)`o2WMMEN($%opB8K8N~B+!-dl#2P-$ zJ8}EE2|ZH8Z@6s|{#zni?kICc3A=Lc@fTPk4rG_@lG#pa&XK~&pR>t|Q$38>>s^Mh zjI|iOr3zcDJ=s$_&u*=$z_zv0_4CS;pUYI}zoY^A;!PPZ4yI*)<^Ci*qnJ;s5;2(Ef+Nt@;E zgjMOxdW$H$SSVd^_hWGPRaY8{{*^yC12ZJc8|t}TGVbLFla7N_~& zbNRq)sNSPPkCBFwS9pUfvKPPE!;%wM3ML7m;`hgGjiRdy^mpfFaqSa^zrW+l@ z4~M^?x*89>6`x1P0tBxq$H+wFUTiDfQLFI8`2;RqUWE8uQ$D;dono^aVbgyr;(lf#w#iCtIUxDC0xQNF z0h_<7Q2D(hkGx$gTER4^8QAl{TFLysX-j|MZR~MqfI@!*n%xxcmyH6~2p`Ny^)Du$ z-Gs5?Wf<{Wdj8s3^WHme8XcA#WJwUSOPz!>BKf+^9AvI)!EW=K@NkI&6GZFP)RwPN zm5(5q8BG5LaM<-a@UjBa_f?^XSskLaPvHCkOgIwJ3-Irwrxem^tBA0`>xFgGna zivR7<<&F6AHWT>~?rdLMk7CmwFtu;QG09ieg__c(>JFZIIMAoHHBb2-$7Jysbo!*l zJ1OcM5T?KY>8Bj{S)Ff26+y>X_Uo2%=WYKFA%`ZSm4XJpj8frwVNp)(p~q*cDQHq~ z27P6JKJG~hW^eT6XImv6)4hx0!()+cWx)yJgVAhm!8>C%vd!mH_|!@6i&I*0c==I8 zA9;j{*?IUGV=25t4?515ZmE`wJ-u+3bmz%g z-*Rb7(Ze0NGD}8urkD%=#o)-tn%;lA!=%h9U z8xDzmLFK0_hxL_tK3n>Qt;DOUoP^H3l-VV2H-c7~FirfIiQ{b8f3&rD&a<#_*IO+1 zeu-`RUR?cpAes-(vkf7h2tyTwbUey-Xa1Ns)#< ziPGP=)RL{*eZmUUTErd9!f-mX?b1L-Jz9m^@BE|#-IsfOYw_ctD*56z&oK z+!yh%ENH^6a(656+Js!;b?d#%!!_YpCzzkaSc57!w~j*#2bsb9*s`oF4}%gN*lyQ9 zeBJ2I*F(Q!$fXb-|8NklmcrjW<-_4}uL+n}4)c@pzEcse*!2*`TDtJxu?tAtI0gYa zCXAe>%vJq#xpGSmS{;+l;VijlS?+`PSAR}_EFNj`{DoV2@_l47cF7Fx)4nAGX4IhQ znPd=Zw8`Pp2Usk9xzYPD#@&Y76rRFCX1lc3UD#{7784q8Vf}`0=$0%V+dS#!R@CBC z2Mrb_G$KD#dT=Cz_N>^Pc`JRmUrCi^*oE$CI^uN^pV>_-X6^igkjo!%Cn5!@(miZp zBN-0g_t3N_(*4)qm~toKg!{A4I(Mpu{Xw%WqUqgiO{eR7vAUfP7fXh3mvH>?V;e@_ z(%|xXHNMgm4@*m7UzE8rwYMwl@0YH_W9EDR_aF+Degzemb2VLr+ z+*6aqiiOa*;wGM6>5uIxe3Gf&)LJ6lY3n}8ZYCVvuc$Id_}M4qd|J4vJ)1bsl8(pb zEZJbezQZq|+%g{nZoERxXAfFP9xfzz8*?Aj!RUQ4d{i&uaZw`%_I-$!dsacw(SkO~ zdvRl}3w;iJgmy$ae$A1upI8mA$4}9*G#=;e#Yd!L%K>StQEy#}DRZ3pb)$4433K^C zWj!kQd_|D44s(NE;_oOI&NJA9n9=s^u&M<2=9=^TG##Fjp7MjDQT{o82{Tmc;otR@ z_|y$(pPY^$J>k&i{)ZRQ2XU_C9!_i!Z;w+U_6FK=gJ?Hp&Dt}0^-rXKm+Y>NE8DHR z2Q{Bo!sKZ{kn|Ck>soTo_P7x<4B+C&*CV_Ar6+T#Jy~!Cb=^^aSghOgs`ErLla}tAO9{>6BGkO>op!;AoUKY;4F6oN*y#4`(`DL)5BX@Lp z@BHm!Ae|N`Fzv-3v=>I-H#<`zzDmyNH&}A=H1y@OxlX)Nd%aHJ&Sc^G&6MuQZm#T| zEZy=Pjh2~a+$-PzlAv$cKSy-l-i=u5s3rMiUp9FD!mX$G@X13sFdt26CcctUs=9n4 zJ)Pqtq^n?F9fE%4NIqFId6SxP^{Ag1B6H&09bR1V{5LL5Peh85dXVJb98&?hYH zxmj|}1;Q42|4n8!>6ux1)t$$?OU|N8jQAfVw{cjRYm$4=X?X?04#+)5@+$)y%;;My z{7uQ8w41mOZMRx;VCfI^xc>q5KXcG`?J>;tdj$9AnaF7~28p8IX^2+Ud3GksYz+CO zKk!O+t)s_0!dL%%#7C)f$YNY!ub1VRb-{o= zpH`rSEiq?-oI{ci@eKb5&2|oql-{KY9pi9`cAVIBD)zQ_;oE|fI3auMJEfXzn`6$3 zOh0}aQ-YI~{i&H529G8AIJ~F;2@9mZO70aknmWAkw&IRvj~d(<7{O+HV&QzngqiWO z+gxMF&_2S-=_-54F&Vhf?E+%YIdgmRF{o-wMniNi=MP(P%TRh>&vl?zixJBjvmc?*kOSatnJSu@M78E*uCg{`v-JL(o=zk=w4%30W{?8Z+zqBG`sv+VXi zgx=3X`dZnqng7F#4Uf_D!b|km7fmf!^nlf2SRlR;?SHK?;e^~vB1@q6G!A~kH8lt} z5C&ixa{UUBx-bo%E99>6$(Yky{zLF`VJv>UhzT}rpLDs1&^kDg(Uv`G_GMPl!HIIu_5vytyn@dr98x8dR=uBrsulfcX(RdER_Y8{rNtGQD!l#pHSP<4 zr169%yX$>GnfNANmzl8pT}QU-5z2xNqT5I>&34}=T%Oc~^-){#MKex(3UaS}pvrTF zevCE*Y|aNGDexVB&$njMPWf4Dtj6atpP?oD%ySPMdEf~#ska$7bTweFpDxTRaAKTf zD??_Sg8w)#&P&d~gWIYsFz{kzzBZQ%C;Y?<+5Idifq$AdTUaWyyUAY^CZyuagAbS< zA{kQChxq8d1d44es3&axCIv@P+C3eUOS93(r!(IdG~w3D8bk+)=WhFYTt2Kx<*7Qn z?*;(BsN`no^H;{9s;usM+1h4+{l=r0;+F6s*6F>s9Z5X>-R^1AJ~ zBRc3Y+1UsD13ao_uei^Z{#Slr!*J>F32(StJCG-0Dxe_q$RKm+!3^4hR$5)~s(Ts+6$eqxX^U`Rs*x#v(&N$_WT_xd}7i&tBwgZ$i(-UWhlXLPLBhc3e7+e=l_T{g(y9 z!>W-Woy}(7s!^}fmT5J~7<$!^i&ZokJ=j9Dk|x}|R+U;#l5vXk=W*o_;$WR{glh0^ zwR}!Hxie?AbZxFUkG#o}Y1^8MCtVErKsxDf3a|fXwRFFkoWpNR`Ci^vAXD=Gi;Ok6 z=)hl`-mJoVk=JnajU63qg=c!=GcG<~2c>V)xi#+y3=bLdqL~66QdD`x^CO=8r^}C@ z);bM2+q;W2I+%l>)!AFQlBj^|G$lT=-SAxSo@w)!fW zg&k0HQ)8y9a1QoJwq>a7l27QdQGA3$c4gv;@cV{q$Xq8GlP#w#*yB?qUUbnBhOYF_ z)MZ0+X%^HT4nl`%{x~&BI?Xg2&|PwY!G31+X!#N`)rT?nk`nEOef6({_(Uc1b@qu4 zQ}$@k=hq3?OwGX6CiVEcI9m93`m7he?HTcG_vvNNHH(44KXzczec@$|Z_2<@1)gph zk09~y4r~q_M!R2r3_I0?7C(*Irp}igUW<3- zsW$gcX~GwE>fD#nig&JlLUxcZeW!P%rtGISGL7$;3IyNG!UpOxuh*(r?p%<-*@_AL7Ym$s?_wY%bnHLuTI0 z!1T%Dx9?`gqY+oIFIx6cg9`C<#5(j67Ea9Qdx-B;h;EnvVeDZ)$&P)1)1p#DBx`eM z)061_q67oQ%haZJHI_V-PMh-BYK);U+QNj%Sn>=r9_lbnG8s*uTk^w7nZ-1XIq^asjtqW^ zoGHSyn`pt#1!u8P?#OO^j$+uiv9PYmMzh49D3|Py+6~EA7iiPuRUzzp`EvM6VSnlQ z^K)_>qKZQ3z1N)XuU_FaJ$Ug-03XjNMXJm-Hgi1~^dNvw#8aOoyJu~FgXxJD{OIY% zv%?g*zh*aDzq^WxJ`IR!-J16vOHW>M0;W5PuC!46)_VF>ll*4E+G>pYKaS2juIK%I zj8ajG^t->mf6qC39DUxO z_v>}v*L6LwKh+3pKL;KoEtx0Xkvg)k-rp(<O$CSxe<@J+KA`)4>VsK z!k(?U2%cAf!M}f_u*8gsJDwv(^v3md-%%hLyxnekd~YR8!~K=`XNMVY6n@1`dEO(P zZeZF7C7x9=BTFx!gRe4|%08>#a@jFznxw$Ruiqi2&qp*DrsM6>UHG841m}u= zW2bhdbkgTQRhZ+gicPty`CRJmlXvWsv*>bo19CH^k8`Uq{faf&QJ#OZmC_X=KB-$V zyK(8XF@4&~PN#=9oyM#1=ui!|h!!4f7hBpKSEF;68W?_8rSg2q$&G17`;2YSKl&QW zL{DiDPi^L%Mw~Ep;Cg-GD=+QDsh4%weTF^{3tR5Rqq|skD1;wZ$tK%nH8wzTEv^oM9E zImd~Uq=Vv?bWk4OhUC-&yM2|P6sIE7nrcw^NZVqA4C_mQ8 zjCt?v8gyGBTsPsdWT$4x8L7#|E?LMgx8WEJ-*}zYI9%Ug?M^3J`TqqO#>#UJMhbwWEk~ogi5=uH|GZnPv6{>Sv-y@ z3U6^DTSAW|O=#Na#^UU^*xvgxZq2I0!HLbecFqGd^jBs#P4OR0cz|H-j@;hl#4g_I zJlUwv3E9y&m2v|a`L3MrD%mL;U7pr%g&vA$q1I1@F^eQ`UY?5qH+87&<;KrTitw;Y~z<8kG080*!97@560w$70LAn7a4ccRq+E#Z9|af|X2b{8-B-?opw_UY3u={m%F@84HErtBVTf)>RwjtIL(Ur z;+bp|{>{poCS<(~=gskwc?&m?{@xFGf5e^RmWnScDGyuUR$*3cbN2mdM=$YkI;-!% zy(P;qbH@qvdlO3QvOt>2d>%J)9ZH`s#mVLx?6RyoPhHLueJ_-=CK~bsvXCx!ilLGp zDein6*}exbVCQdm{r3qWljD&fv)deD0dJe8&GQR`_^Tk0DYB36GB*WLvNwgF?5_t` zNT28qbT5(KhVUvJ%H9o+fwEs6;l=XCAl~>{k;W0SGd}(j$GtuH!J`5*&KAP|kR!iu z@?rE-1J_{{4gzJ0#CpC;fQBt@Ynz%+4M~=)CP8Y#(aF0h5HY z<7>@JChm-C8;g?s<4Ew(;rOUaSUAOtDcUXBb^8Idsg1@YVWy<)vJr2t0wMdAl?C5W z+1ph3KeGGWsLfTgby*cCxs$$YknSM&;nl*!Zug6ibuk_v)33 zEZM&u3DxKMuWRvSb`zrHnmW7YEe?h8`MRKjt#NM886UcmvOfpS!BR z8(LhH{!^K)J8b@fZI6U!GF}*;OGIzL6NH^s;i@zPDtDEA#Z2jv`Jv0!`iiXY^hLPU z?wl!}@19vYjMtUEBex{{S?I#Nx)GS!M|^{abokQZ2Q+ql6E935T1RP#pVWwLDqC^h z`WW$8S7S+t7k_q?z2dPPR133ZsJ|;?OIp%Em_aQrt8+zA8cOBPp*re2uIHGb<-s!e zsTQI3zdsn-G8YNv!b+~WiB0;VyFb-u`Pt6gxj2Y+3uk~s?;|ALhP%H@2eOS19eS!V zF8DSw>RK^=-$nE=kPa{hGY-?UrQz`RXcgehb2=B`cfp<3&*Nz0Yr&~;_NQ$5$zf_k5?q2T%*yc5s)NXhTrTjt8- z>E0ZkT!SNVg;;$|ynp2fu(OlQhduscLu3SfZn;yxg>;-L{z88nU(wN|7wuVFKDATe zwwwB*E69A;+k)O@hxl2%WpmVrFi2bWy5pZCKkNk}GF%vKsV%Gx*#~z&hlv+WImpkJ z!-d0k@=O{A%f2`F`7&gs9mn9;e$-Wej+@OS=Ph2@=w70`PPJ#Kq6*u;6aQO5G}gA; z4Hv)e2)vhwnPZITZ*UwVCfV@ybvwSzPlm#S*EpPB3XN>hfKzmMB3yE)Ek9!7fq2wQ zHtLvUiwwf#Y|OiX_1UXresva4YdW$Xug5+w(RvDUaAc&sOH7E|F!583yoMWL7VJN= z3U{Xpzu3u>Cwht2C3}>=r($5MVa=7=;(0o72id3Drsk3GJyZ*@beS~=b+loGbns;z z6YVfxGQTUnVe^3i?pYXv!b2Wd(J}$=PLGDpC=DvCJ%N4Uq3n0M4fkiZ;T6vbINwf> zcKx-vvD+!A%@&=;Ofnnc(>;|@~$b;C{psEo9@CnLv##xH;z#_ zhqvlYD4w9iZ$aHTS9Dj?K|fI6vltqaE@0n#6DG;blau)c#+`JSxKL)li@BJSDZT_Z zamdY5VUnUXk9OB&bh!#U7386n?C7r^k?vFJby9UH!um7WFjm+lS>tNR@(@?$T%u@m z-)z*_G2<2P|N4b=(K`~JmtdiI#;)l-f>OYI;Z5jqNQ(y4g&EL)%1$WsI)Y5)Q0~oW zf_IKSM|O*3LV6r@-+q(5p&>&j2>)r95`*6gcO>jR_C|N0ZC(vDlLGkn;XWMQ*&gji zN8nAlDGgexag0s{Vx%YD=G9v)Qg`KsFQ0Jpk1apHHfO*hH}NzDaQo;xNUB!jnH=#| zWD75+s{&K1TX49#HEVN{F)>5-sDo>v^td&j^^qK2nFn>Q1v6UNmBYouxv#>OW5NTO z+S;49j>}BkY6t$&+9YRE3HJ3jV59gQUrYZ|dbBT9JS79CYsGDn&3d^+i$&@4XxC#O z_IEI5i>s=<_1lV(ORBIpvKT2Q+I+FVjfd{nLr;A5yCnx!B^?Igo(|IQ(p9)d`kZ>Q z5o6mbu=6x;?p)9S;~SF8ZYe$|*=Y=&+l~qfadRHWS%|@prn18*IZvJUW9Jv? zC!g)gLg|~W-J!>-mOc!VELKa}GJb$N_qMiS>_E|B^duYobq6#O-eaj~>-sb5(D!69 zzTEwW#@wTLsQn77<*wb&qY>>-iASK+MlxVW5&z=_mYk@=24T?LR4#$zkNcQvV#0a< z773T2B|A^Cpz%r*?)D7go2U#dixQ^R8=1$4nDW}$3vg<)Nw^KBd?VcXlocgdKKKFl z%-W6v#`gSi_7euU3A51f4ZfN_fWg9ijB-}x^1t%Fc&xx-@*S~gDP5%<*GV5~FpSkF zV!w1Ww;g{Eo@tM<&n_D=8j&n)@e$i)_wG5aJ>R=p^Ho?7$4xHB<$L!0_qqxf{Ltbk z4@>&3h+vU}1NMUebAyoQKifoAKZ(WtM6`#$PWN&W?DC z_v1FA!(S)XE%~2MF&?oBl?YDI;XipTX)k)^_BuU!+>_ju?DjH^&1r7tO69Zi=jNHS zewOU%l>(_DER^KV)wm*Ou=z}HhNsL&R40ALRTg1N=Z`r5cojS&OR(Bk?oXpuK-$Qbr z>k4p7{TISkx^iS{70wxE;Pz7=oKQ)ha}JvYczoe2hcvO7t`xRJK3to@F? zDl*5MIfSHHClK1D0^L6N2v1Fz>gTPQ(?v37cN_5jhE#FAQx_klbhs|=#;DO{s6Q?p zA6LGixoaq62K|x@b|c0K$8X0eb+-MShvw;zaOtHA^WRlrg|~D7jFYa->^$fzA7-NX z0H@@ca=qUjES4SKxL4AR@z|aNg;9HY>mm5Ie}~J?W zNshPaU+Fijuf)1r)@&?tll?;^SEvX#%uJgHGi5iRR)|BpbohGI4`969Nk$Ju2VDh@ z$}2|DGMQzDYVpL$_2{C~iB*XwP}si(qel7g!fkC=cNJl#30t+9CQZibGH-k% zaz4MssBhYID}RMg1FK+u%$Qk+OjzeBaL#$B5i7mCQ3Is&H_epgnw#+ZsCZ)}M^S2( z1$~1S+-v2|@SmG7OJ6b^f#NB+FT7aQT6`a7%;f{sm>>+7c*(`O+(MN2R z?xFwYUNqSwdcmgs*lv`Cm)nF*dG#bZeYK*Y-c$H@2;_}@zfm4{RPuYPVI%CtD;*42 zGfiftm0EmjWzX^;8!nOi?bItu-1XR-be0|)Pj$9CYRc2KRhTZ>oveP64Qi_+O_VyE zn;5}ACavM6Wy2kCO3O(mJF%yhqm;G0-&0LAl(K zrw*-w%lGBT4GyG%oFng|^Rc?4J(EkvaAa~IqNg6fB28097ke_|TqB0HG-cgQKu~U=HNcO6At~x<)83kqVy~4i?4Ex=={^aqjt>+6#kgL$ z{ZsP$FMh&PX0~a|jai#0zmG-p5K^Yk-wri6vEG|sguBpAn5?7rs!(BXOPZgRzU0Rq zoU4=qo4^`GK7I<500oW-%)`rjjl1o))zeG6~&O0+^?qB%VdC*OCMFX$# zC_k5kf0qA5$BfN**~gcMyFS67gW~^GHsYv6W8Tmzh5ZpvrtMuN9c!*^dZEdv@zTK~ zyN}5_?{FtljdwkY1p}(X0q*nA?u{ciFW2BtImf)^b064C_TrKm`cqvh9gFgPFnx`6 zlR8mTFND|AoY~o@InTNrM1x)n&i-RcwT-jjcE^sP_m{v`+k#^!Xi_^Dcp0EYb>a9{ zL~X!O-DNyn>d0>1$MLzdEB~%PhjF4ORp(Vm$F(iJUZf#V_c0nSUxs#a1Fp>%=5Lb+ zH>@kc?Ih7l!$0HEtV~pf96~qYl|&v>XSYfRx;P8#sl{A|$@k`PwHISl%CVxO9`}nk z-F(jj*hD@>+d^lSWCw7>GD~jxS&u_DDvVhB0HGJ`Xcu3O-Wd^$kvV>x^?CFUJdKCb zrE?*xCn{=F;TY4A+QLQDHq6BI$9CNO#+b({y71{Ef7T6rjEe5kZLwOiK(FNa7xv5H zN;OXEDm#d1J2upxhO=bi2Q2%G!{fzMHY^P#t@q;A{j=DVm4Z=a8!>OXviJ|fxblPK zx+QN=`Y;PW?unKt9Xol~TGO<5YfdP7jVITIi*fT7b{>^yU*2zZ`$ZQyAuMqZFB&`_ zixV?cI9YZKDbbc3y=4XZ9j*TV%xlL*XV~;d^1IUp&^$$#LyWJ(R^dDbgnO}QpYTCP zy~FeZ6Ja6=Q}l!btFw(5B^i+eKdc!UuE;e>v+$%tGvPx1!ShAlT-C;kiY3x}Gk!fL zC%RF6RXU#UAB62~#B+0bKISd@29pl$8F29n&V;D)l9@LrN?z$?u6QO4_34pQiJ{m2 z*WaZ|=gTJ%9bSjoBc!|Qn<=+;l--4Ddk(#B$YPn#o=2sk)J*m;Q+gn}q(pXRSFucV zur4MGaC?my_d*=|H;MTCo3_ntW0zvdoEMnn>SgA1Qe;mR6GV!8x+kowHw$$CG!pE1y zuO|$y@GifhV!TGSA;+;g|0wqTlwQ)$t8shaLKYc|J|8O`F+Q)L*+Y>%ZY!~-$4vxS zP3Iq{>)5VxA1(Ss()_?R=(aZCtwo3Nd|x2<$(;k@=`z?PGpYF5)-0CiP&_v~D!u8_ zuK=5b3tuZNAB8pgwAT=C%VN=}WQJV3Ta7-o{W*F@4fJ}3vgcJfV-6_M$X|saPnCG2 z>K4qMC8KI5%+kUVJdqi3?e}_khAhXzj5h4kvkgZ*4aaDG={sms0PTjEm@dAzkD7~d z{fB65-c?wZVneep((!ck7rrlS#&(&Afxu7wb(pznLGij9*}e?8kBkR^Wz<^mf|{$8C)CEN>I<;bDE|J+)(#u?lSq zjaV=LY|?Pa0Oy6WGO8KFyg#GU;{zyfKNr_tWMcOcGhWk;q~BDzJBz=llU^8`%N%rB zxH}honsNKC3kcuUl7_FE(|Lg>-M^hf)U3XkP$`*KodhVH(Wg(lAb#C-2FE>D;&0kd z{Qc6FU1N*zVq9zHrtZi43t_AXle0wfoVR6nes%r|DC)``*2$jAs(O4f(3Y8hjJZdl z6it1F)i1plgS^(`+cR5c=!t&z*`EVC=fLZ{a0l8a;qCJvKJ@v99Vb*cEhkty&#bw4 znG;X`8%TxUAJAJq@8Jnv>@5D@s}Ix}{mzrg!l7#;?|N@{6}COSHW%nYQ6ig=LwG zqs3$B8}|&Kq^Ioru_{zGla3i*`SW4g{8QP55j9Kj__PxXLM-`ngLnd*B#SK`xM#xR zYndp$9tHsj-Y?%-e=XkKT8XW~9hzvBfIV80dzSmyqhI>M8oY)Ro_|s5bP01Nimx=h z9tRbop)0)jm9Zswys{F;%MRebw3E`^^98ALZoH5g%R~ARip2AnpB;}|lQQx5pSw8H z+e)$ucQLZCN#4`K0L_v7$?lFrb2S874|L$g;;L4B2VL1nnq1N>t~_ zW0$dNyECoo?D$l@0^1jCMUqhqPJaCho3;rT$#N(DSOoE3*#S=yCf}a(TC|LjS}ayjmF^j`gFhj4X?*YPxg=29JlM5F!WMjH@6hau9iUUwguP9{dM4N9e$8L z@Lw($@O8#-RJ`)ycP*mB2p^t|zKrijLTNUwA4mLq2z}>IXUBI*SoTSiLxVH$<7E;G z?jOhY#Wmo4Z9UrTl&jK;aS--YQbzl2^HKsLydR_{HGlq z_(wX2ZM3BC(>WIA-P^Nsz)84ozl|J~U$|)&K{ww>^b&7q$Vb^rP1a)k57F>W6k|!K zbYdKn?;vGvGWKKemJZx{BZ70X%sF(55eu%yVUF)lT$|v{&cgfM`M3rbkNR`;b}42! z9YmW2a@Up|olCYQEB!|9wCAX&fMGK`p>fRW#tv;TNS+HBP2?3@HFoR^BH$+oOJ zwhHcRUcv2{FL!IJvh}a`(5-LD?~$S(3-_R-u?0up4CWTO*ULeRvVofX?&HFzzbX*y z@&(bh;+5H(3!Xkg$j^IoK9qgzSK!-T;T6O_!qaM1=?`<|jAhcnmb@NwB8zZ#WC!{V zS&iPtd$C_H4NFeR?!rfhReg`ad66>jC=?(q!-qb<&3R|XSKOK*{_pw{%>R1;VP|DG z;JgSMMMpgQ$&hWkm7}}vH#U$%e8N)dpwGbA;BE|P>IQ5o^(7O#*KZX zGbq#mo2PqoZ$y8*7B9k7$xqhVyD_M18~SWeldKj{ICmc^UN+}@(dIfoDZw4-#A}xP z9$O@j>n7P~o!O08fA2&1OGoMB)7;O-`Mp7>}$ zs}gq((M>?Q%*|WW6=@+qXT~5uHs}=NV~rEblHOqK%yanY8Nz$wlTZ#9znY&7)7MK+ z!w4Ooc_RItEB{T6IB3}$hb zD&JNMTT67FZacqVL+Vkm?G)Ut`GO_`61#L;o@3%-&b9Qp<;?gSB};xT7Yb zhcDc}5*tSRL~FOr=y&Ao}Wb~j4aUobF5`qMp|b4`{LO*)8&dUguEF?!TC?X)XWF0JiCWovj(wJaZM$CM+&I~77oMWQ!zyfW3Z#GcmP~!- z$Uow<&N!8f7i}e@d`F9;@4bhYWC-%I6j*-QmTkU?U-Hm#6f3GSUi|$jvddT{T-3C} zKn@nYCG~|c?>vK1?jfw*-)4L({e-(pt_uIvkMm;7(W^KCy`ptlyW%F2f0=MXC-Fl* zFy!M#3l{z`r2YFUR3x?Fn?nJ-W*W-ro^nP7+0)~q5x<`m7R-xk>@l)or*Ep9bs`S% z+JoVzRA?u?ftYj|3i8>^j1>=|WWO;uACHd@hWcvxfB6I2LC0mMnZ0!s?Dzocf=Y zct%usQ0@t%rZk|7oQsDan9}8CFx&V9arb`7RUFf&agWYCCAlMaz57@hw+za{kLl{+ z%Jnic4RaCB{yudIv4_L7#X)scdS`_tV7s;&U+jdB7xNv>W1V^4LNxRj{~+Lf3&!+R zmibh=*iP`?(z z-Ua_4?NS9c2OBW2^^Y{1?XvlZM>{EQ}Or7bOSlT3cs~b+dE;%cYiSFETIf4zF-1*nw1Ijm6;ehbG z#we4st1Gy5C6IfIY*>~c`61!OsC3ukkp;DAh&+MSUcv)D8HYbzoanRU zB(8~G*m<(>RI`HUJM0r;7b>x}WIh_-6yc!sI@}#9J}k@4nBUEmH~oCsTlQ*9KZ+4y z8)Toa$*jdT;xXQi?p2DsE?%!;bBeK9yAW&5j$pu+T7(2OVZ^)@*tfe3TV%giY8^(u zPSWe{Za_n;89t!I%xlfnXclYFKVdcKo7jj;?>E9NHXh50v#?^M6~F8g z9>DMeXzlnJV<*TiM!Ndq)=cO4ll8bT>LJoX4C#DRn00!FtQA(s$?=ktek%QV9?!74 zO(5f|Mz+gB3kOvoZDlChR>p9W@s6K6vYg*iI_k+3_`EBG;ijzZ6RzI?8)ngR8H~p4Fog zM%L0LdB&5Ijjg!)k8ribj~;(RyeUJ3o&M(=Tn~#!;&nVS&H7WXrx~w$wBqY&ud!o# z32wep=I-Mk@nXq;FhB0ficxwD?dQgu8nW~Jz6l{mRXKKg0Mn%hE8t}SKbMEF<-l@8 z1r);Vw=nx2Sc{ew#EKuvbUEulS}F6aXfRFl#pAN02KvGf))LN@YP{q_0(Cg^o^Vt* z*P{6(;Zn)&`(Z%}ZrX`gd(9U#f1^li$@Hqq9^&t=zlae(?OMqlG!r&}+O2Y#L4{k^ z`z;nENbkhT=3KgSC8jps#xUu-n{~7Ssh`xDm@B!+hwCKIB%LIyRoHdSJj@R7z~v7V z86-R3X6M{_HpiaN+ik$F>59A|pL0PQUFux8AYCpsNY(m@)8Y~S&+GHn8gO0M+MV*Zz)$=PCnH364gU=vgI8FWW5|S7?P1==f!gvj_KI(Ay|xwi)fw}) zrz$O1x-e?r5%g-M#TL0E#A_*i^^XssN-0%u&C#{^ep&bKpU^>GWvSG#fh)iimYb76T=nC^RhI6&^X zHxD~-a(z9L66~nA^(}U-RTECiSDe0L&ThXn>9Z%4O`S6lx+oV@qd%fZ*w8EOrO)(} zJp*L^y&?U4%PrJ-dFwf-bd$S<=$Kbc?09fl0q*--aEoMZrv4Ru@X{ujmisX2z%mRi z)aLAvZCI_;l5@)B&iUdVDklUnvDGC^X(PHuSK!gU8yM?cjYrc%+0tB#iQ={2@mhiV zM@tuO#bcyjIe`tU&f?|cUL4=-Cw@yWhn{$z487-|Xx=%LX8#dxk`A{`D#h~khp;cT z0_*R1(MlY^G0bVaf$Kno-%;Rk8%ayAn3h zuU6K)<>N~~g^@@}{sE6BKaLqDy~JMWXw`oZwl0X zq}d86CeQBFCneuu3Yi|FH>kb6X(hlO9(rmK=<*4o_ZCWEq|C9;ZTTZghx@aH0e)5b zOl=b2{IUa0WEXMcPY~yn2&dCixM=^W&~oiV#Ge)oY=k2R-F0MZ@zY!UJ%g?N#3OK{ z30L&>sgr5TrVh$X>5z=V@L0@DGNy5wEsu_uov*__3<^Jw?$QflI@67Fd(`9OM|VEj z;mrYW%^9JZgGp(|bbNOMqthEvct-9pvp>S*=0>cM@9}+;)%aNJM!#x*zTEm8&cV&N zZAuODYo4IE@Bv!r+tV=h6gr+0j$^uX?ah>VX~AU-s%ghhnx*jl9gDamGk*6HHpmWP zy@)<(yv~8M2mZjN2abFeZ8E|Tdf$SZN%N_MZzx^=ImU3R#qzUqoMGxPKn>CqzLJnbqENE5Zyw7TSY&w zNwG)a=>Yz+4WNR$FW1~_%hDO`xmGwX*Tb8jK4k!+qzm)&dNpnz_XbIe<-0gxsdVaX zMC9Z!4wqbiyX1cm*v^}~Cp^O8pKUQ@;7xqUeuO&{MW3h1q0uC?d;FG6h{abl* zhMemP9UaMM!n?Tn3l9z7Cz4C|6d)m1 zi%%BV^Ofk4H&xDHv3C$3EO+L;b&AZ8Uh|<7>fyC%^ zecV|l+W*q3M_9Bim}_dZIP_*JisXLh{#Cs9rxfLVuf=t;7g3bXu6{?&X@A9<8lPHn zVQd~oNw>qP4qnvyZpH`aojB~#Eu>r*?rE&-p@&#fA!#N2)(J--QQShAaiT--gw~dy zxGghv-QO?Ji?ZU6e$pLM^<4gaHBQU3oG4y*|7l8$5P$Z(*)MT@*hx&-rp{tv3v0=F zQPiUe{z;PqW~9Z58&E9_Joz)zIp)7r)<@!|(iKOdB?yC2^ujd^wN0d)Y{J z%|*VYyl3Yb@oGmirhJy?-OPd!^^&tlkUQEXCtmIJ4^AzQ!5AIUtz?%Kap4uZ3ST;= zxBwC2GpY$L!rDT~8~)Icm>m>gFa^0Ib1B6fSuziF|vhdJ&)rN z=~saGkveosu;RM*(k12PjV%v^y%}Bv&)`aEzPDw`tILS{Va3pV`7EWANjWHjo0hym zxqB-LaS z@h+lF_|NURTe%gxd^Mr+aV5s@uSMx>dAE1^0He+NZ2hMS?}pm5Q_(8%aJkTCx!hx| zyg2!(A{|Y2IniE&JrzG7GF$vOqW_%q=uQPs8=k#;82-cLj$fpiwe&QN2Xr(nyZV8*=!etdMm8wZ(%N3SGepZVd5OZ=(z{i<7p*5f#Fig_5H!kx zj|8A%lHCMr3+b}jXu`$ko3YFAqlhg!1{usy6t@epSfjw(Y#YB z7N=|QitJA8HmR|+`FGenuw}>u6Q&n;lJ{X>n6Iot=BFeKmJCSL2M?Pvdw?q52%>FM_ zn9>lz@k)g-3zDRHFl3|}TmQ^N!nHTJ_T7d`;x||`?kt?9Kf=cC zrtB1{$)+~K`mMeKtJGKU6Mf;?&1m$RWyY5->P-F=#6iziVX^cbILMBCSSvfuUwR1& zWy5*e$%2y`9>d4Wi#3OQ$YfQvj48r*Md1|-w>MAMf~9S(rR!Fo=9lg0qP`Jxp2<18 zE(aY=gxg)I!+&dxnQU<%5$FB6FU5psy9Tg_cy(Ny)i_Xm-y^cq(098loy0RXWt|mY zo^fQRj;*{)%sB6|{ zlCjjQ2eYL+(W5W!&l!%Um3sV=W6l$kEO=#rXd;K};Sq1io7X&fZK(~X+{(t?)3=~u zk%|eg3ef6$2S$Hu$74yAc;D?TdZ?IifapsdFE$`S>pI$K7_sAg6{@$=<*{!&(Wk3) z9*W2KxI+lnAGn9f)h`jGR)?#Ph1u6xnO`L%)4HV@zpjqOj9?ua%gk+(=*0!yTk+C~ zH%J+7$dn?<+*`Zz`doE3+pNjWzD2OezlOP!H92H=BW7QhcXe0kF_^E+4LJ(DJ^B~c z->~E2)I%`#Z9vaBWwzWX`=HlmfTcG9BSBzI;VPDH9(a~@880h_hb zx2-Q4gK-0*jP%%Igc{4m$Mm^wxA?IAnIWFcI3pu2J1*Vzcf1)Q`;Y}+j-qUqc)-_7 zhmY`ZR5k}nFV;$wiZA7D=^1H zgXU+B;GKr}mUalkYN-wfjuA%R(y5sE{i3vtffmg6OJ9Pe~q zo=FQfwBLjI$NZRi@Fm_pl6*tFCjZJgzD{(!?RC=6VSWm_6<%~6_8T+8;;~Kc$~VS~ zw&-m}TjS71oYxe+UD}&71y(orMQs$8XnU2Zut0HLQi5mT(>0T!f8uH4NLKOceu5 z7JE1|AXPe5<{v=iM!@iRIYxY#%7v1Zb{?(D2GI^5S32>F_?ur&DncjyFm4v_wf~kF z!6qs2!uld;4=%vvEF-!Ne2?vtnTQmg`~h_fX0&b2Zaob-PUSJwwszo5;XyysYXWL^ z<5Ni?EF|mwDnXc3T^nE{T%|Q1-r>J`7up_Nk71G!YKbl+KPuNR9dFOy%p~{;gUQ?tJwVnxe5h zJ97bR%iY;w-cIRfIEzT>4s2Zb9ceGV;$e3kx*9EKPm}Y|dFsS57A?3;e&?SznN$Dx zIouTHztb++)ungjlCJt3KVE~eUEMf4y$(TJg%4o%7gM`gNtdW_JVb$dP^m@hxvwx@ zer`e^$MkL~7oJYd_(1=>>4~dJFDI5YD*peE$7>3`)Bav8DbE9;+(RYm#&h z-0j7&spdSj@ePi2xDVw4ifo7zEoea_uBg@HWovcrfASU+rU)z7Px3;8yjl21k4Y=6 z`EBW1Opy*dlg}kck?h%|k9AnrMf&~vX>qUgGoE?efo3ekNAU-w2>)rLQ>@%uMa%0G zkC<9jE;ZhX&QZd?QmTa6qB#88YR4SI<{WV}fYB9Ch0hqshJQs<5-&tTb4T`@cM-?s z-PGfsHXJAKtv_R7Ob$#%~RljTVi1x#VJpwh@n5I-1}2 zq{(bcdUX*F*T1gZy!rsXm)f$c?DG1kjfJ;(sh2$JFPUCd@h#}`+&R%-W!9*FEqBk; zABE3W4TW0S&3({dpX?BpZ+(Qn$|XjB3&jn3vqDaPJAlbkJHjg{J^4KI$jMK z^d*=-O&{ql;b}!`4r;>2y$W0x=*HF7Kd{omME1Ak zP%bG(yFvb(-BE>GB=@mcD~RTQWcD=`E#>M4*%`maoeWo6%lE>r$79rPXuuTN>uyxZ z!_cr@qHh@Ra#lS8j6HE=S}666<#)QI16SM-KGZWmPTrV+pb0Ixsj?RR)_*{FOe@}; zUJq+CFWUO5adxuk1%rLL^mjeFewP07h332vU_z6Wa(FwvMe46Fc-KFeCVu(Y87nNl zg_=AlXV7x9G)!;(6mQN6-|72z1one)ze4H0VGH_c1aZ=C$!Qz;GWC-_r^ndxgOlXf zCHoN}ObMIj4(uG&gjYXLL0@_VGUl7Gq=j^+WP5PLY5BWG?MD7zPtG20C(rUbbV?FU zS8_vpDx@cg;e2>!1l%hFnRHTzf9&_bT2*?mKmEjpMF+4?I1|~zbzjf_ajhE=vcQEA zlKs~+T8&RGIt=aZ&u^lSYKtDU-d&Gd^CXufnr+>cbNH}Px^`#vrpYULeh22Fh2m#)+%4ynwPTSd@c_(T; zQ|IqWVS%Z=1$Dcz^T9nZ^K;|)v9des*Megu3p>!^B}#0c;@qrX@O|UNer3Y&6D=XF z-97aF(kKkR=NQuGf8JwP?pihx`j?(dU)~?6j*|Q7fI|qI5-xphhfyRuLR;|&xIB4= zCBjAcAfD`4xqF_EeIZ;@@%L&w(&b_*b{)Qj)pmdI;f@X?e%Ua8taOWrN3dNRFRD34 zA?u+ho2xs?uFZp~XG`J); zh^E#*q5kYB^Ovu{n{Lu8_MsKk41*G)rEU-^{OqeSG_~R&Qs#U5U*>fIipX$L3`oz zDtBKkzEpqaxd`9)q6G*3eTPqywMbOxz#GSPn7_u0(}RSkw_A9-+n&P1!IY(1zKj-D zWxs}2^xxSC$8c}1pKHiz>IYEM5X?6*w=ivqJA3bb3~N7mE?swFSy48UmhVKv4cVh# zbLPf@!aVOMI?)_YQY9JxygtZL$%^#6s=?4KYp$XAU5f|fG)%bs$TetB%*N7YCqHtkHM`>y?TO87Y59 zCw*?3Z^oT6yL#t7L)6$$n4Pj8&t#`JsQYE4S18bEOK;u`*o$|whNDt+(0x~0^S9Rp zJeiP)>B37;yW>bD?_#_@D!r(~WhPxDU5S||WVY+WxX!|m5vFdzD(R7Y>drsH7997l zIcu&--&_BKc$z3Vz~OSIIUI+17X#>gN^-sjoOm%pa@t)iSvs~2XUgZ*%T)ZNo!psY zX+t|7!gDjQW2aY0!Bmx&?nhr+hz-^bX@iYhNx5k-VDxH*Oi?y3RU^ z7O$ii<6InizG}p_CVO`D(4vZmF_k{%!0m1(hTmI)kfugltU3wj{1Oc7YtEUUwYei~ z9TyD#4$BuBysf9r4ZoE+JT-z(r1!G=5Ov>IneiwV*h_Tr{^ zgV(~tClN=Q2k=a=we-6vbJjuWr`{@g&n9n97Cn04t7dFf-kh19cI+K3chT&3HL2%GW88+zgviv8!c&c>ox{$ae~{%X9#qc9AcgU z{|pJ{=eYfFnYI?X;stP>CH)>N-b!zsFjA9LnQ=~L@Q?3sG}??S(t~;Tgm?rJgtaGn zl(xbfL|p!j0QXSNId%a(?isRY!5i4NP-WvlZ;rpbO**nW@lC20Z6+VV=1$kpf2VZH zo>u3eHqucO)|?;K?ZT$mN-SyX&CHKVeC}q#b3H!bP33;{A1VBUoCY)@ z8M@CjX}Q~!V>%gdZJ7=iUzOSZ!8NR2c@AoQa&V?G2lIvb(f*|D`}Z~Ao#{oq)_IDH zBN{O;&X1$#UzPsc_jpwC8)0sa>|tQboI#smDYHd}@eclCOWq&dgsU&)?I!&uk=l|4 z*KffI_p})ESCKpA&zu!auIk|zSU4Ebyy6*#rG#^#{C@OwmFZC6hV*-Fm?Sw~6Jajg zPYagJgT8Rs0@(7dWTz|3k$F^;qr+-3sirxT#+fjBgCWbL4=+q+8%T$D*H_ZHyh^%> zf(|mX>Iyz8KSJc!dSo{JMem;)tn-qr+J!fWZ~hJ++bM8EjId!>NDt$;yXf4k5j_`3 zUqF{Y-ro_2@71AQE7TUavpUn{31(M>M&ht~HBt&1i8gkfo}M?A^wQ zt7RTIsM($l=cV_>UXv@nDlub-KRb;Hi+mKz|zG3vs z=Wx6k$jjmxo!9C;Hf-v{e~UBFG4>TyhfBYZy9Je|S#x!4CVE{F4$WZc9^2fOt3!mf z5W5*G=52)U8Z|nGWunMQn@WAG*ei57iiMNe^}Q9}PxGYjc3tjjc#S5Pd+6@$&m;Gw zAJ)4Lw(HBVBjYa;MKkzz#z8vD&cifKx+qq*mM*D5vLC&(6#3UR7?Jb}w$=`u zGSY(8hQbgs{0tkVFglF$;o?WafEeDA8d(*{6WvJtcs(XOQ)0<=FIL;vLhHQ_q8&UW zlVQd(;Vfl7@Zho|F5DWb%6<{e+45Q!ta@h1Xh-R|vT4RU+2RvT-wvmfKN0uDh54G& zDJOqd-_hylXnI?G;5IZ^uma~&oLH=;O{2*{ytOAp_$#+@d4d6tv{R$e;ivd0JjDxv zc3hVk$$3k!W6ijhRPvHcz$>{kuJK`U$GrR+VqSpGYbFG@z? z=yuEjcF*_A#~Jn*wy26dlDA^fwn0>DR!HXdYAL2S_xLjAx9fdi!7S0nTu+=xE|;rC z?A!6@4(y#P3ZuC@(h0|+cK+ya_lWG-@LCpFCCDw_WlaaamFcU$$Toh)b9cC6sO3S? zh#+IZFc?MbQ7-M0FU~93QQ&7YL0b!P`xS9NTMq+r?GRX2Ex+7$O80*SGI^UKf^y7p zl%Gkri#2k$s|~I)chpu-85`O2zVGY}&rZ?!Mu*=(&OhAJJ@92T^ZcWAadXN^G2$KZ z;AZ**t`tb(5Ic-Hmr94jU-^_?CgZOLVl(;bv29MtzqOih@%>F6z)mrb%Mz<2dt@s; zu}<&)$q74SWLT@>%+V0``ya@mCEqxwik7UaP4F}QgEV{y!$qTM(qv$&jL;j`xpUTo!B}8_C-A%=j+!E6`fxbu<&pMQcscfdz&0R`i~FaWgq#kJO1ybPchFD6LJ`?o@a+N z-4=)TYeKODS*xk8D4ni~R%F52ckP5FsY<9Ozet#qn_Es#+5l^8Y5iBaDsbnh8H4`} zAdP*_$+(`ji1Ss#_k1PXU3psm-{I`n@KHJ#ei0qFC|qF1>eSG5S*dtM{FO?iYx9j# zcz`VXoHYKf%_3?to-5HyxVsTJm&u zN=jG@G)r!R@t$9$ZFyIG`ussAHBp4CniU3yHpk+z&SdpL}LkJV(~^+*sqwNFx%uvLt-?n(1T=6cTEkd|R& zv$}iWdvZ9wxFj)qw^g?Lo|0K+u5jFUL3(!dhUw&53EX9XP9N+Ld_Wz!|95>=JrJ*y zt73QKhHO$JXE8Sj51$vwjkt92GS!C)d14Dqm_adX&-}bE)^e9zp;sldws>ITgBpo1 zH^#|Ui8AA@GV*@~;23kvtDl;~uiOL|Peh^LKYeVepD1&df0ird%CK5*i#y*`F`WEb zrSGfct7eEyne;~VKB{4K@k4nxdOM1{WsCQtXiO;7C;Q}#3^X>u6qnbsbA>7fe&Lz@ z0Uh2qzsQ=&amYUOS!{SOvnswJKH0u_W)X!Imo;&Z9F`LKM#Sbz+ewgTSRvosG`{>udCAEUPr^B|0PBTDKpaq_M^2cJo zd-5O8)UI2aqG_8D)El{?%`tQQ@@j^%4&nZ5<9j)2Kwhq z(d6H9^X_~(c$NLTQwCW0AVqrcZW60VcXB#8f;?M12;GY(qfDV>pCi9Il}iw3@;B$u zZP{KA$4A7lJAaR-QX34Ma98|uweV~Ucg7par0yaAcf5Zdd45HFb9IpKL>B6Ae@ylZ z!D_Pe^R8}`wcT8hI(4CB>~O%!@22pJIw^t7gywuqxNUu6IG$o|UAjypk#< zRzGF`jbgd9J(A4DDv9!rzzuU33^zF;JrD9{X74RK-UuUXA7@+O$R&=Av~2n&V1>HX@im{9(00){*rV%lZ60o@49Zo50`! zyPT8t(djeKv}CP*?!)hy1^v+K%ukRt8r_|2{;+4Vlv#mZ%PXYG_|B-Wp?hm-06Z74 z1DpLq`t~W7=^w7k-0#eS&EcJ;;hSXBN9&zwz?qR1+O=W#Vz4%b9<@W~-zVk5A^z>V zdNJ=tCiJyOk{PTI%|}+y(elJl=cc&DUGtA#oXb5i$LJXmINNPDoz5>r`LQxKO&lrF z@Ao3S_XAn~s0reSewHD=>@le`r^H@eOutvWQWwO8cge+NCFFQ0( zOT$Cvl3uUET=g0$t7mVjRhHZSGCC)$h`j ztnm@^+;F$uZMpx^hGrVBlyPKOTUMX(oaGK1q&Sb#dW=D~{ zQv3X$GHTdgIok1_sPQhEJb#XC32BEAo!zn~*%U)`7Re|R=F=0MaNXVz^%qM-`*Mcp zGoPQcgL47(9a4JB0ebuH%FdC@czBZikbgNW&h{Uin5Hm|%Gjyy5$6P==&? z6iemhQkfa0h%TL*p+^0_6zx7B3UjI?@q|96^4+|jY&^}Ee4Y=yB08IlaOtiGYDfE_ zL*I7t*-06y5HRo&WnC^WqofCSa!hEyTMbyc!K4e#XT`h;rbYRgb zMHbKxm8Gr)SKi~hZ+s+$wm&6$yEZ<5QNb*`R+#qE8!3eu@@eov=@aLJsHMti*8RQc zzx*VI6PAb$ca2sYCGF>8ltr&#-d2 zB7B(NY790&oGa+JeV7~B>=c6c!SrF@+$Je+98o*w zf)vHDr+8KgCtv-Msq6=Y@ma8Gb+W|0^M(Qcz7w6b&}r0r(Xoz~%ns|Mau?^y$8Sn# zb%qR9_rQ`dd6I1!iOeI#;*s=341(56zx{{A&)ydO*xA^{J@K72p%`=ToqVo~=4`_p zEeh0dkU7BN^j|LJ&bw`)8)leVLvPeLX~WsNl7=^#Wc0jFNs-BPbG+}mP2O`pc#wV5 zP3$oHnQoCu?Ac!~i^SYt-{r{37jpVRg9PW>t?>RWcIKBht{~@WF?n} zHA9;zJ}4Sw1m6jexGHlzG1v(+rC|K6+$|?6gR!Ps7s1`QFHT{GFLysZ^{ue6CJHYn znZfJ{pNHRVn91e5Vcr92;={Rp{3|&YdsIe#n}%r zr$(dufTPmwmI4~?&6C*ffe1+aB8LajF=Dt-p7Xv_c*zGbC!R_0kzi>4WH$H&e`osZ zb~blI*TL@iJCoV-Za<_r+z*W_qtG;~31%?2vVCSa8XMJ7aOyP1nU7uw9<@qJ zw#6WpEJ@ez-{n^HV;MS@&&_=1SNiEd_tFcoAZxGNb$dMAsDzS`YRSHVt!vQN2E7 zh9G8&M)l&)Q)GtjDu?AOopRpa-%7i7R@gb{w{#!jh&yAv5pb~&w!L~Rz5T49v_b{f z&Mg$HWl`|=GsMH*nR0CUE?AzYOTp>36q6;iPoq*&6E$!&xlByQ^K+=^jcy-8>FoL| z=bg!1;NRu*fi!u;toYhfO)&Uwr5q;b(YiqgR`;FZpi(BghpM4&nGxJ}R7>7*d!(|1 z+-rNh+*TsjJXR5_#t+1N^&g_a9Oj#&uchJR6Z!UVpBQ{TFM~hTNgrK9Jkwb#?>Ha- zZbvr`&pbCnm}~451BWW^K)u57_I(Py1IE}e+5w-G=|!p94}c(^&% zyo$lVS;lxc+!tTSFdN}_P^#$-(kC;(h%+Tu+bmJ#^KrygI>gTDBJ*&bJinoh69wtA zh38*e@?RP%w#X*aB5?`1Ajxg6Np5ke+`o52N-}w0=`~f}a9?gapokt~_RX&cO3g+^ z^xhwf_dCOp`D~Z$*~4c}mJSZmnWpJR|3_w`*cy`Mx5$Y(j~?)kC-<_06V4CJl^MsM z$Wdlzr@xpWZFvVe#T=e}A0x6#$jTm=Bufr4XFjw<7Vy3{DPS4a1f|Fhb}L8dx#P-h zHK>>#mdr2oAC28BeS)^hL^FEcuQ?&B6FXqT;$`zX=Eb)z65XYLC29vzvwMO?5OxjMJK#j?{W3ZCu{51p&))JPdEG1sS7SP(+D8lb2i1t3WguG6N0UB~Ze-1a z(!N)@M6YA#XpIMY+1JY5Wtxb3b5u6{<1Tz~p4k2J!vr!@=0vDqC3~t9#u-5IKkmNQ z<;l=DWchk?*Hh+$#%a}bfn-bFHFeDGUMrj8HSxETKT@rkZ7?PKGE^1!-IJt!O)MTg z+ecTF3aZmQF^)aEOB2kH*73FEFVn|~C0*dSyi|^V;GJ%%I-Tj?rT5)5c@`9oh^lN! zX7=_Db9YJ?-pIZq9mS^u-K1kpkzzOq`*Jn0aN9&YIl5Eyp6-@ed?qj8eJT5}Gv<(o zWc$~U?ub2-m`gXyAMQE#Ft4weDz=xe3k9t*{!pV>2a-X#__ug}XD-FIB}~h{OSqu| z;$Q9(z4q+pRH)yR>a#lW*_+FpoW(nlv?yFLG;kJBTpn}3Lw`H^%KP#O3n$UA|YD^pKG4w|D z-yql;#^5fy9Lb57WB~89gWu2#8100yr-D&eqmNHlf?%#zFF&5>V~6rP(eLhpDl=W= zeDXumb7QD~W~SQR2w!&<$ST8Xaj;cD?1vih`fx{XE^d$Ln?V@EIp^`@FhuT}hBf0j zcWOy)V@E}N%Zj~7k|R(&#}FwO=nCI{QHIao z3M+QZHh6cz(8JYa?nJ`$x-t^Cmx%9yFqoZiz@=7tuxS~FgT>`ySNTW$)Yt=^{8lX2 z<}ka>9NjX1+?=6@1f5Rwm2&QWv09$>r^Dc^8Z_f9(a5=LpJFq#otuDu5m|CSS`U|) z6){<$j^3FEWLi6R=Cj|+=CQu$|F}fPZ+Iyu#yt>=r|brk>);o_ERu>dIuu-&?wgWj zo5UdMELq^c>*Z~aC=^U=i36kj@GHy;W{s~UaW9#8ypMfs^G9+$lEw6F92`cRky0|E z&*yKHBX7yheUUAVYEBsR!w?_HemPWFC~FMapXV$@-|LSURXSp4xF)VCDPX~t zUxr40lp%MRgD2DN*1BtQ-bo!<>psdL?_Uzjy2%l~RRa13r9Dh>Y{v3NMIhNFe*LX+gwInI|6sgsLf-0p zFEmS_$ByjA$~(U#KJU9s>|%yjoxaHgvWsWuurIJfA35AD7B*#vecNxk&kxG^>E1Zt zZVETDg$MZ9W0bNQqR7?HSlSGE1&)a2T{eAMniSL3mcsi=>uVx&7y09DwmpWdZWK2< zUdGgQ$3}ieza;*YBYyN{W*ees*XHcGw1eK^aPhO@EZAzF)G?QnaM=;gTP^6ec@C*xNBy}#c9TLWYROyIZ>W({Vik5c_-TBhkJ1^7t|F1BD52)z%(v_k+2Mxa<`$^E8-jA~XeTGoQU7hV{5rQ=w(aHlaN=7j zn-~psIxPy>Y5Yu=L6B~?9R25nRja~y)*gsq75n5`&%zLke z=iKG1k!v^YnjyN;8C!62h@3j&jV1qV(8M!CnzKh28&o4H^EF|6<+${WWXIdd6YGLZ z@Y7KRkw3gJYPc32Oi;&w8}DToeH0egI76$em905E)BI-%J7+IkY3YGto<)8;bEjbT zMp~*lVvkL^EV@`Lp#xjMOfeLXuB6HMiD%_wu{WM~=HD>BPQI2k#X~DSOb>n|<100w z!};6e?A6km`={oQj1cn17i!gH+gkh5IfKUd0E=9UfmXhG#}Bcc}boQjE2M3 zVBAV@$A@Vqxcrp6h#^s^>diT$5BXx;tuKzTLK2_jpP2<#xmGJtHkC3)u^l2#laU)2 z2aA`vaw{YV-wiuKLxcaH{<@s6w#QdK)6Q~6lT1fW_Pr|EH+QQH*=-O1Kdtbx6F+-1 zzwv#m0IQpJ_`1Ls!S5WT;KNU8{QF$~WIJNPKJG*LJz3qx9bOR)Qr~e2UXT4GOU`Ox z)yN*O__9$3{Mjohxj*F86LPGF|CP`KzohFO^7%Q__Nvf9(eFCh74cQ{YIciV;}v<* zlDX6M?6huvEq!@L*}T~r12un2&CJ%YD0D!?e7b>-xnV24ql^ENEv;25I`ke`jCvzp zJ4(3MIn2K;nT@aM6xy^;GUk#IMZSuq!8K9O?S%GEIv|}r@n@+AQNj6FX|)5gXDT3n z?OaLd*aY+EMj)zK0h8#4E#2UbGIm|O8n}N~Vy=Y!rP`{m()|7^DPtDQOX;WdM&oZ0sR+0<^6_q`NW=M*%xiJ8phuzXOHZ$ zT`%72wUFlZq@{o5B8Gn$;Zea)<=B(aq-Myr=HH6KaVC$ zPVyOgESxaUq)z6Mi>Af*OJ1cqR(B;cC{vFN2Kp;fQY6XsmMl>6Lk6Gk;}!V1X=8)n zw?>HnZ|+#O-D;HhH_0#BtX#LJ|J#q8aTelw5X0$0_+DZgi!r z?$vN(;@2_a^zWriI`&lxdWYf6k5Ke=GQ*StZ~UaEM3ei|@eR6g9KTO~M*WmM#!687 zQz9EKWy^oZ&&%!_a(w=C!vcjfvSG^#u_Pm;&*!~j`#PK4R~rob$NBk?U>w&VgDr?X z*igp?zZ-vC~tdX-CM`ZbYQ@m1*m!g3|NVbfC(}W-LnM~LR@{*7b3V4O z<F^XS`7wR!}(L%Q)Rp) z>*1ZtadEplR!oL{7M=Am5PEIH5*?s>^oyK&>j|wR_r=tbnZvRm?)%C2Q~Q4(m3Io} zadtSjMAP@Cu(aUcxL=(-J-|K0q=Q(jc1t`t<7nI*hh;D6oHL?};lm~A)$y{VZ_Ony z_y5edW@u>F84sfj=?Ea(d7KvNp$UUS&L~*L89~{7S@|?ej{o;Wx(4yg!0h&q!zKvg zJ*wrNUve-x7?As(WphwMR|S=gbee{Yw*9+vvgTz7;-mhF_ujh5Tj z&)(#Y|Eu)iEV&yqNKXyEh?mn1IdR_zciel>ACxbr`+FdT-c++5M%e8fj0wB#(2{rg zEkEg2*vB1rSUvgohOqKrUMocz_c)_iNPg$zQWX@<%@n8Y_Uyl=$pH;ZEa+p1cS+`0 zWts`{t^SDYdg=l%JF+0j=y%bu z!0+Z{OaxjZGnUK^=0=Vcc%WZfRm|^dg5dGZ;rHRSjHxljSiS@2M%yBA?R&XAup8%> z|M2=EK#c4N0Eo_bR=EaiOAsU+GTNDgqhDyjQxMhIN z)$Zuz@LXm@vgeT<0FAXplAn+&UpMcOJ3rai?7u=*vk&~F{chCo?sD+5KLTvka9DS% z49vMH>koxs9d~h^_A;N7UntF7Y~az4S@%jWjGQ-7DgxQXzN>+}DtpZLJSZ`{yfI~a zt-P4$fhP~U$XHb!=y1<9ptlYRj`ozxJj*TqXNmZ%Tax4AM90c(SvT&j7`@mm%FGOF z)3rUAyW)Q50#W&|2|DuqxM`Czehmr4a^rhq9YjX5SH0XCa9RAV-Esc5AG!x|7f{nh ztP0tS9C|~Z>(-0+7)@x>A26@EF*XmNo4wQlKW1K)qO7+Puxksxm+fX}TNkIUIO2Zr zQBg@ehd@O$_{`_OX`VXDxI?-5s8L!Pg<vO~xqE+;Be|V}5!W?cmhD%=syn}B?fn=SX$K&q_Nn}7_J1F6h6ElDhR%l1|H-L9zFV~2{~x@h12 ztXyTD`r++6(rC)u-|myr>4FK$IJ*m8Xo0i5KfIwM-MeoyOtsDt`_;v=?1dTn7b>80 z>@Rr|&VSp9WXsKPhI?$qsy==1i4q`KR~(^(nm*34S3FhwwDgZttS$%G{i zQibgjxtFZ+jc;V^#XQm4T_AS5*=b;=EvVlgX?u=2-OZs$)UifI3H>Cy=`K&^UA^1@ zw^i7=TewUvlFc-}mnoiY=Ir)5JyEVF#Bz@r{6`l^rL!-#wKPYJr4dvvlk*#3j+JLL zk-3B}%3emOzECAikFvW=Ug70{Ou6$oRE$)E(Rj@m7XvNv)IJzyLCVmxJWD?Snf7bE zafN;SR*BzazQ;3JVACk^WPv87on|od8@K*VyBHh9?G3?-)CP|>i$ z*bzB$_M8Lac)wIlxFcBy$+Ul6DnE+0KqsJBM*OLfb?kwkv9(89c~eZ{86_?2i};fR za{U^e>Q8*}a&8=&F&Fgx;%2$YeMRMCO(^u@-!8TVhEIMVD-`-6X@CVTwkwkK!Hp8_ zmMMMrY9bmpW%i{idG)}6_k3qK*?YmumuK)E|3p#K4w1}^8h=ovZ)b@_KQ+ME;LS36 ztUGj__lw=XW9vTIoaXWNO$qut6hdbzixU)#T4TA%d(~JzrRs zewC1k%offK!bfuZo!CWMb7{AjrmA9_*-z>3R48$&+0s1oI~lYQSk~#2L^4-4itO=; z^l7S{;vOI0kC0G_m;*^$el$Y)eBu5@9K!>QNB1%FVDq$=cJ6;vEJwCEk9f&Q!n0??r}Un z9QS0_JRDyQ%cM2g1e@2n;N`$bxMX~i-HQydc)bUvB|nt$mu>K-v0Pj@cbVjBi-c9| zXh&sBO-m(&DAq|Gy%k0d%#UvKKwz;4ZtzYQI)_Z3>gJrYiuCWRit)kD=$);Mw00e^ zi#_Gt4nHO4$|G4e!vX8PAB(CB^W&+yn3{VG0r}y0kW80zgcmNXjfQ#ZcZp+%wN>&n zagW^~aqhe$b?`!Cq#@K&wo3OrW$3&%WOkU(oCUE+%Y~fCQ-w`Yz1%lFFaM^wVd*6+ zxV+mehIJm;_=%mW6m}gmY!KQ#QQ9@CqSGE`y$YP5{JlVGT~wesusLeU0orxV8phuA zu&0D!p#eD_d0#{!M;~pI4v6C29vBp+i_NPJv1j3pNHQ^c-HgP7|B6NZ!Yxsbxi5P( z3Z$cjAqp(Glhpq##?v;)40U^aB>(GB3fUXy-H~YIDAxXbXT*46^lNK`NFp=rnbLWx zF?`3;^%p!>7oub z#=l|8h+1R=`{&MxS{{HYo1Ed*f<57;ywh=azmeP!H9i}bF8w7J3vE#Pj`#BO?`7?u zP>kPCp3$sQsqMdA4)x@H;eD>$q?;>qz(1+deka!#arZZGhiH*goa1JPmzT+nH)pP^ ztX#hRWQQS+j;w3sMGS3)@Dnz;k{69zk6uW>D{45ff%&Edx`?trD-WM2LHz^Y?>R0w ztEGSs%S>>lMU_mvZiGQy43K&~7V5bNq@s1BjMw4c)2^GG*PJZzT8Xk{F`otGP5O{0 zCdxVDTEO?fI(CW;%x_bXxfF+H@q#6D>TXGQ#cEa7|yuS#Ww$9;L2P8Q?Nr?UFH2Er6V@oO&mzzxxe zxUPstYnTVp_$^I7`eA{+4bpTx;My@qMvhd(VgK)i}HdcdRJ*9rAm)8%T5UBbxDp5Z;DctU27pUjY8|?CGxGVTsnUvPi_eJXuQiLpK`|H7e-hW*9=!CJHdDEMbS@- zfr3sXY7**YVb`^An;(GNK2PP6SCSl9eL+H24v^R50?}(Kc?Rr(%wq<4?bBc4r#D=( z25`=uW(Yn0oG}3^7&JITqO{0m%2&lsu|{0C6*5YT&QqsxQn5Z7J(#!XQxuFlW$e{F zcq`i7HK41PCNKE8>wAm7*kZD?bxcsYiRZM%^>QlJ8+X0Pa_Cbe`)p+{0=5?HIG8R zJD=&~D82Df0!}=UP=1%+EHlGL+iFocLYE}(oA=1Ai`!-dYrbQ`yJm@lqXl>0p|}%i zfNC!~)H}Li_T?m*Zl5npoSunR5AJPen8RZCJsHATefg|%dB?vH?a zCUasvOqn@iN1gfK!R7R5lW~!J&Imexn1QQz!r!rG7|kC1ww9forO~ilsfD+t8fe|KIV_yWDRb1tXl#R4CquYqua_Ql zVeIjxALhdX(N0@}*0#5$k@FI1s)lJ{r==`N3lGzcux+LTvWk`AXn%KB>(K^ve{C?t zg}a!GNwR6fQ(3rUD@?8$Vye$}IdRzp=Cx!;)$sefEdUEvy1*bw6W*IR+Z~{YyDkY* zIOmIu;(jZ6DtC`Ozm5?xNy=R`PcW#uE#-e zeZday%P?#RvqoglTgm9me9i+WSR`vBKABF1p8w?7i@~^KWRAuCdf+`>1zj%(BC%T= zWUDD-?i?d{_p^iZ2<}kVl*)@f*073mCDTR$>lcS1*(?mFRt95M#C6%VNC~BxnvfMv z80A|ouO}Rm5q}e-v3S{pM48!y;`lzz+%=?B4rjVU9vab$?eYkcb>Zu2QKKv!` z4ccPY3`d+xvVu0<50jGEk*yjey)7g0#gBLG*QrvJ6p07l8^m&{8hV}OJpHvDMrSZL zQf`fd2hK`J^j67fAV*iZPS!K${%ZR>8Blym+CHWKwTd&|{56;{!V0a&m|-sOv~52; zlGAh~7%`_>QEY*4H61YQ;d9xv;tl6U?J)A{6mOj0!cpy1sS-A@JKNQoZ|+nto@ zt4_<(HG$}9<%4B=Y%!kv(pcZyQa6^J`DfRp#bxG$iq6Z54{xLyxkAzZ#iH{7bzE0u zUYk6XD+|pKdbw6~CfOrC{DX9#{ZAg~C}YosB2iadE~A;#R#H*MNrf=zy{i_#W0p9# zlD>=j&$3NR4HI~thmY;0iF!h!Qeq@l5uXC zZ2hDOBhLwPqMn(Ojy&6rF~#Z69vDKWcU!U<<3g9ns8BN6H|U_{;#V@MRV5khO|i7| zBk8w-eBrTc*mI;WPH~4=J4Vaksok;ViW36u+>orH5C0So%wS(Jk2Cq>%z?aG6a|$V z9?;f%D9cqWab+Z*>z2wW*54vuALWZ3&#%tjC2~;15aW)25>vXZeujC&u0;gWx4WXG zLLXZ9%jx;%^RiSCPA@G`9<&pi7g=Gl?S6P8PwLN-%U@Ft^Dz2 zMWH;kqqlQA-LN~CiHWT`Mn^VBWrGnNzE+4ozf~qG*UF@Q{Qj4`5KpJA;{D%4=@erN zmya&&W8RlD#`h(OIir*?&KxM0DetU=nhP7 zOVvgRv+7F@nV|ob<`{M{7$+PJ5lFu0f?XL>Ix$-=Zgs~&GrBh`UC8Ay!MEn$WG-h) zlNM+r;a7&tT*EH%BNtS1{}j%SeZV&QsdJelD2~OkgfMK?Y=eqsA!y!VyWD@$6SJ4? zmJ~h{y0AYUWoVDzmz!ZP`7(j@0(rKfDav)apYcc`7omtm*K zcRhJkqP9h1&)h%!?>NIfECd_Mg1I~1DnWG-uqKYsjN$v(?68a>0K?kTVAMIOYeJX6YNv5 zMfk`NG=5`Wwk!mlKkMTS@0&kzk4S+1JsGr85oyeXtQwat>1*%F+f4S@(oGS&Asn_B zcF(JxU=`3d~|4r*k>M4QECnqX4^uy1;XZxKC;L5MXPP0Xc${5o;<%>Y8v7= z=ST0AB9QhjNtTso%7LRM=*HdZgD*NbU_)QSYg2Tm|L0hPF+vsX5wq%*JlwKL2J`n9 zqedCl#fSGBO`KWngP{$2P@km@o20LjP(_}~%1jx#;*(rSC#Pp>gP5Q7L5;I662=xw zix0NQ*_te=sUh&M|0jJ1dt*WuvS5RG4_$2pjffsl^yG6n@;HX93x(gT?-GAe2mAOt zw(Czu;LdYmSlbpOTj(Ndm@z)yYz0*XEm$orkx3>gvh}J7$Ov zI6>93g4Zq+c=366=l*d~^KO(k<8Dfhi2~e5B+24YrSi*1azO$qbC-n-0X<^H{AZ9)O$jV#0CD;A31pV!dG@hG3)V9Ki3lZq^ zpAD8Be=B>e>6jc~1Xa67($#=-)^@ zu_o5exh~&kK9M)0$k`ViT-@q|)=JDWNI15%^uoWpSH$_*Zqe_PE9soq{ujr4bk7)E zert*P@vmgKlO_69tHMQ32buic`cFG49V2xxsHrQ~B^cvgmpVx!m)0!V86!0w$(ChT zC1{Kv(#bn+=B$ZhNByuakvspL`EnxXmHb%2{%`Gk>Cb1W*|RfpvCl~f-bGGts4g

-ks5!XvMS5it(I5 zFLuKjp0OUz3q}&pp))(X;Hae~l=cT;gMB0x4{Cy|6Awy9J~u7(^JK*NtJ1GF3is@k zVf(CFHqP=yyN#`IyCDQO9_^N|(=5@qL<{H6TfwhbiJ4s&JhrNokqvHm9@-k8AJAjq z!Y)XdCNh#r4t0ovL8n`iHD3o$IZw~} z;D{*tSDxBxVZFK@hITBJb)EmnrQT-98mfXD%}xlWFjMSZCAzKH^*!@QY=-$_3jLJT zTYkt$ulEv{|3}PH=|P?vFLw-z#r1X!oI3S}{vuO2-qFVKjoW1FdL`taBQGpM7gnvm zNkS6e5l{88l3gaNUB9Kp@H#nnhy1la{=5gwl!^Q|8!_^dY&26xPOleYcs5o3#lDj# z^N-2N6rP*I8>P#pMp2%yL-tO4Bz{Nv^G|#s6>AjmqGYio{0c-;To9(!o|pgksJ`+p zcZ~g*@i9R#{6lwfi6trms$|7w@@Px!al*MZM$=h0xQ`8{j#XhFzgQG)Hc6BIbis$F z%P~!F4D#HKYYiEaZNu!}I64-lwL^~A8`<8JoIx+L7qXgQw2B#aO*Y4@X=JhHx5OY5 zvf~OnN~Mw}lnZRoQBxJ2uPCClt|k12?vR?uNX)Zpfj+px!?gWdESgN+DEgoG$h}fqG}+JspAyRDTpJf$oR=%kFI6y|=lstTgK+mE zJ1{NzoM>l`T@E2IjyNIO9v1NRASeE`6Q}D1_?(_&nEB98IH-z`MQCp;abf#FA z{gg*99?H2d4!9lH6bIjtX)v%28E)1noo2_Zt`6EpAD46d-2X7PMbWE3M5_fM;##>p z>$6NQKl&oQjLl#$tR>ErnB(mIrIN{B*_+BRIH<0a@kfnd5PnjQxM`qlaG4zW=7XL! zJEeRL*}rDZ5R&PF853i$*_VBGGUmP&>A+*6J!W#R+e+6RB_;H*ObWse&SIUHG|Gl7 zee@nf{%f8Go}Fi|o6pYSE_~Ovel0WWLt#9k2R4!iqE)AacAg5TA+zUE^ak*V0>Nc^|o35zT^|6A^b104oH)-rGY z%>Zrae@eb>gAkr0eL9jo6h)rM=U@zqt&qeYD(JP@2l{6}k#~Al^fUtyXW)qA!*k{S zeRmA%yH@JjRmlDd1thw+fz61UaQF<&LH5{1ZA@`EKQrENE@U?CR*B{0hWqMD}KTW_HU$T+N<Y$bXl_z0GuyX;VU0TcYN}<^_*D5m;{W?tLyV`ZEA34bj*X#r=DHd7*CfkB zW<~72#NsWxgEP+sqmzmS?7LLR-fv!5k^$+bs)mX#wmA9ZtC$vg;5uiHU0?a3Hmf&W z$Rw@^ZivnL5lC`}#X!*s6hWnheQ|a7X$?TX^zr*OfcoYyFGl z-&lI|7VBU=_onBQywEx+7Sq+6Mr{?dGv??#b){^tBQyNtJ$e4$ zE78bo1B={bdDcsrSs5$zaQP{FZzM{lt1(Jb--`Y~@`#&i;@9$E~n|HWZWWS zXpFZ72KJGED%@SOf6(^vLp~oa%7rDGNTT0pv6UGP9=F71HFixxoRBe$9gD}mMOC{S zymROg@@fNxer|Yur7d1h{vvPN+F)N#_7$s`ueeqvHiso!XLIXWAT zl21OYIXe5$ZNvR@QEzga`Te#clfUgEeN1cAzy~*1R6Q*ev#4Vd@%0D0&iSHJs*N>U z+%W#dd+D@-?w~|(yr?uspT*4(ev`LJotO2@6D=Q@VA0CeGOLc~APx4MH~7I< z#U10iYGB{aKN6wugu#nT1UyGAo@9bv9nG*{Z7YP`J}yt4T;bH&7v?v34_OwASwS(_ zILw1g2_-rL73kcYDd)C66sLW3sd3M3#r)Vy6Fu}kNRHAWa=->?K|9C@jn)BZH=~X_ zd4D(>s`Ing0}o>DaBV=TB+EPL-@i`!^LJ8m^}^Nd5EoTd{CZa|>rCx2^`a_r?btzb zxhltp#z4cqDaO3;#@xah*{DrkMoG1Fvx-3289sCRGsiuNJQf2bc%J+v``h}!HBuV` zj&#J88#Q8T#|*30JDxeyWXJUwSkcG!e69_9C*iPU*KF7;ZOlCBg=5-gm{|H*%>6tu z?do!wu=by5TX61rT?xb3>mGOAAMTOwya{&PUBcFKY|@&?J~Fzv)Nh_WTRt)hUEOlQB|G z)76ptiSBeY#IEPO_TUQ1>12)L6P0k=aI=J-(T2Py6Rr*4gO|oj`zk+F{k|vdiXTZi zcmCZQo19hX$7Zk?O|C=&tkPA_VK=7*uM!L z(*rPJhYE&jyJGO!ApG2`kAS{cdA_lRN6rddGv>}jj~(v^K`1#v=4Ah?vY)-zMBgSD zJAf|IHD$7dnUkwArnnVyQ9_b6uzj^Qd`x4JXyK2Z!(-sj+~2002)xxYz}FLb(*BPc z+GPn$^jOdCw%Eb11Smx943>k={r$r`rb5dCGIb74~=IOpq4vO^kM|l}MLI z@}-qF#woVMmSQ>u`?l>DJn8{&p!|0s?w(;4v)F}`%hmhUwWrSn5cn9f2j!xgR_{0v^%qT;6O?WN+jMTAb z6np8jtEJzfrcij?DBFIx;y}w4qWo?UG&KyMVXA=++%*Mx>7s#M-@KG?beZIj4|;Lg*rQJ9HKsT8T$>}{pb7d$@IBk5 z1^um|*jiRB$5vjI`=9~coC>UE& zF=M*ZckjF7e)s+Hy>c)ZRaPC&IaPJ`-fPYIoBrehUzQ_G_W3yAl~}Y3Bo{;%@o@o& zD|3K)4EgV?sM&gQK-zEcz&!IL^jxNj*4hR*_l0ZceILbQ(t%x#I))gwgMas$(;yY>AB>=W zrhI9+EFxpOgA24jSOg-Ibz# ztWKPt{FJq<8~k==qIfJ1Lf_^}XxC8!P?k6Vnw#Y?cfb!qL(ghlXbCbsXabfSVNs2 zwbzE!em>Vn>!b~o#I z%b2m_k$~}8ThM;8NLo*_PrtvCO;*$yQ?In~4--7kW~ST~JG`ZSZg`8c()OZ4o}4Zb z)&92Fyp8ov+g+l5o?N3;KUklQAg|K}S03o0t-muOKWQWX>=bl4Y0r$`8}fUw7INJZ z;L3XWUrlz&(eHUkIpU9>F60GPR!ZRgr*gReCwZ;=T|V2I;s^Dv22s>rdHKS>HWG@+ zaCGXw8T#~r?4GbyV(#l$x8*Y=;daF4$m9S^!R3>r1 zKbJ*SA0#wznP|T9Ks>oX@60)_^`$r7wMtA{Dq(2C4cRt(o~TXUCyuFirRJUzF2*fD zY_~rpsOFW-Vt;0SJAeHCIuO54=Xau(*GtVP7@YA&rmHPxROX1{W-v6qk`JmCj`>yW z?OG0y+?{JNrqP74q@l=8j=)Tg7pn$S^P6%*0+{!p{8b$t$0@)Z}Ep zm-6Lam=$CIKTk(o;rgulVZEgEI4EPwY_N%AOy|M2`26{fxOaRZvl}(=u+Mi%XtqYY zzE?>8^!ws_ZV?uo2}XStIh&(3;k&sftlqJAMh?z|b6(gN6Nw%!&C#Sa;&QXh_eKQin4n;dG|A5|unxSyo~r^+B~{t*V{#aZO-E)=7OmT0eY zL3%fPBRltB&pYC8H7nHoRws+dupju|7Ox+wA>#1{ zdF1bleQIrSF5d*>a(0V0+~)tPhO)!zVBe4_r_-Qd%Hqh8)nLCjvK4j zdEi;N6KnL$Lp>OQKd!$LV+(3abKH#C{G0&K(bC4{Hyj{}dV})Gz7$`s1&y*Mb)sk^V3EJdNxz{-%vY|gNlfyBZ zbCW4QTVT=DB=QL6;-9Jp(dc_d6yNE4jHIW-R|&P#SPO1wiPPUj5*%P9w4oY+o{c*kOyqvnD~ zo=!0IHb;w=n&e)`!#L}$m^U{-RRi`bWXuxfSMw9v3sm=15~tqbS!LLhXg$ zc!i{GdLh5hGsn{(8u(7#%x`z-2jrN$i(I4C>w~em_^Ld7^6MIJ2!{vk<(HEOvXLyy zT@R(t+dDFu+DrY}PPj4dyA+R#!5^mWk+}Z8j5&N*0?E~0zhi|&ti2?!dy$=3LhWCe zGL9`JAM2+v@B-7m}pI-knm?!Vs&% zEU|as6A8TcP)_fr@4g592oGJ!ALxn`eVCW|tQm|4`r~AyJtopO^~mU?45#K*V~Hp7 zL))RfVuPe{ez8M~46O0?$c&=yz5{vD7s-;WKPZ!Dg`$1uD7?|?fj<(Q(ZIFo_Mdhb zwa6B$4z$Lq-_&5&7=+!_M$Kr+d0}tnqb9wP;C0XFkNY5(M!8~+$|<>TAB~+6Cq%uc z79#&Hl@1Cm1YGlnn+vtY17^#CmnLv6(?cG641VKVKwU{8S2rD!=+4X`G53KXvnT7> zn_Kwkt)zQz6<@ESB=6Wyoit4i zD?)V9*VY)fST9aeZ^rLK7zVYRK1Q#V8T@`fA@;p4$@`Z+Skqk@8C+l9x^PYGH4#HW(oh^recoAD^x0h|&ZTy+=lG`2Yk&vqj=O@ti;I;mY*U`FcXeJ`@7;kJIkxaW;GKcJ-l+NmSNdI{Ob#1T0$jblZfNkv@u(#}(4A~!p z#a)wOK#kD#*{dabo)%1;U9e@MBTNVLe4pAP;r+ug_+t|&NAH&Do#|c6YJznEUf8RA zOv=BmlZ&OSpPu?8U*12G_c>MaOp}_{-4Q67^j&NgIH7Tn3O;xD!?llEa2RTXrDUwn zvhapl(@3Z^{lzt8@7{Ng{Il!3Z0Nm%oX)@GiOpHDqPFxi4Cef(h0al=wilSOE`ACh@mcRFGP1nDsD$MidyUw`TEfs50e~WIU*R| z)EdvGMq_=bKi1Q0cI)@4($FSfN>)%aPlk#uwMv_BYQT+Jh|LMd#BQepI+KmO?0hq7 z9SqyJJ#@0PbC>i=h9`!Ut zbWb&|JKSNtD+u?rs^!d;6Xd>@OT}CEGpBu$P-0r2;E6y(Vg`Q<7 z!cHdB(^ey;8-3v5L#^}$@(~_X$dHd-SjsGzVCr$FJ9R-`&%0ZywIK=qu6gDh^VcW-N&iZDJqn=UvqHu$49ZsU_a$( z7)Fn%6mS0`$!>Q`EWB8kx~h^rP2wWr`W=Bi^|Cow=(=Zc3xI1wL3Zqjkz==@`@j-ee5icRMMEew>uUrNLyk z)3cxbQHEAnqt5P|cx`gUHReau6tc(h-WTiq_s9=V>PL^NV+8x&`*VMYF6YjF(#N}z zoJ!3ILu{FwjZ^+UNK~wr)I$MSIw%BQb$(br@tU;J`6-%rn_<&8J7_p^?AjI!@A{jP z+@dM!URWY*0~rI<+?4j;CMA!^6!}{jhl4gsRo@`oh;+o}e%crl*96-xYQlP52P`o# z!Cm@?C!LQ)GWnt(rn7gh!TD^I1?H?8himPc!z$k!or=`4Zr)^RxEX{O>38I&`B&Ly z;EwDN8*Is;&*t-evE=+aZFVcXysM8*yPIG*vwbSRt0Jm>6zZ;SlP6;x5$vFc0S6s% z`a&S*A>^05=RAm9D(8@29tmyCEq*Gw`L*)H+!&QfuCSh=jHt@@l62VvjTW8I+mU{W z71ZJAZ9c&D^G#-UU&^e)J>pzd$ZR1V*9`h`Qa_2dvjd85 zZIDSFe@K=#8Q|C;)5|Mo@A^5OJ3VshxGSRWFpjwqI?d#E{{ zev>{HW*zT{L|bZKi>v9O$zs36J_Sptg*#GxQ?CB`SxQ&>Vr&3;J+Q{@thQK>R``^C zOEfEf$|bu3ls;l^MSKCKr)wf|9GP)x{wQ5&fM$nmQM!gK9e(b*Z??hblBcqG^c8v2 zjX85I{*XDgt7X3BLUGFS# zz)>G#zeb^q{jCOS#G-mU6X(%4Ukn`#;Gb{L}$j)9I&K7>AWRO6Bv@=CFgt!HT=_(*|V>d*S;q+sOF4?$k`K^b*84n8&kxKP8~gN4irT13Y7!W8k;&_tz| zBd#TUk|Zl9=q7qViM*LFj^5Co|3;dzU*3ajiFsq_JJH=K_sVN!*PmoX47en}T_IOJ zP93dtRMEYOE4r*Kk!Zt~Xj$z8vjtIzt-c}`eZ$c@qZt-)zBY$^)JZ4Yk$yWEqsAH_ ze}XT1PI)QK|JWd}XGD=fX#=GvCCu4w0q65uBx9)$S>qP?zKU70hSALEc_{((pAJej zM{3}4xj5*t^!^|+rtp+39{P`DbdQmWbsDf7(oI&ejy|f&5K3e9F>UrWS=Yo8<@dPe zxW}9fn>Oeatd0}|E5tK9GpGYuFS&`(t8R@~ddxffsf{>YE1YFN9h3cV=Bz4~bf1q6 zt?9S9+!mR7%J>;(2y5olmp>r?JM}X4yHW62=#0^3=fvTq1H_#NSnL$vuRl%ivFF5r7ARYZ$<8_KPdt%I;u`$FT3-)!EIAQTT zCzwC`Ay1P+5tvDCab+M3>X;*za9aMU4#e$n*1q@np|0rz*~eUv)lMhn*ff4$uDGL9 zlmq^*Gsk=7*37IclvgW{Nvl?>C{Xu6&}B1Rv3eb)Mt-|+ zn9tmfn=?(Z%%2&Ui=0@KHpiKaGD&y(C?`4A#AcipA3tV>d3htN@ViKjHS)f!lrx8t zq0z+)ca)v+lH>0UYPIwA>!kAW66usn58zT2WWM~R2UW#_%cl5ZY=ue_GB9`y)59hs z_oV}R1RarXS(b>)a>2Fj+E|p~5C4H-c<+4a*!7Zn(ONuK`aE+*|6ATzI)xm-o#SDV zSu9er2FvU6s6Wxf$DT$w#{Qy8i>I=*_OYDhm=m+X1uf#JGp8KK zVMRUA37KhRhBuuIk#{fzyXPE|;`Ix}k~N8pA$w%*ZgLS$b;28qCfJzgfYCd&(Y8ai z{77)b%}Js7=Qr{;j5@>h3_0AokEO}l1JY`d2Zr}tBV#&w;Ajdxu@w!{NWORo^VMf1 zuqMLZ#f|Z1h~H+8o6F;nxYrx&*|#=J_r&}&;W(b*hkwSBsYf3vdb;4$6dhEIcrGrJ z%z&gnTMqY9B_iEuzH|ox2XJda>xpWxyk5~m8pjY_=@%=>B4%sl5i)?Uh zfg?E;#^{(!Z{m7O>>qVSZm_O)(=lJh8VJvqshoS>7dy)WIX^ERiYC4=wTZ;z zwBwQ%M@GyreX@ElOY$7Dq8Hh~)x{CI3Cv13q>o_3R-7L(*NXYEogz5q#W=vY$OHAf z*2P#EqrpiXeJ{AfyuCVt%c|r;z!`yND7sGaV!uxbcc#VQBza+tLnH9#2*n|k}-QF^OTZo@zbqX-sLTndkSXxwrzn@&=*eKit<|KEM&RDsQCvm zJrjv|b$>XG%S2ev z!Mf8oB+c}R3|-bJ4a3PV2}#5?*6$9`TT`&MN-SKJ5P8TG`{vSHlJi)WFpt0@_pB6? zZ}*a1jIgcbb+~C^?eGE#I%k2+58bh2wJB^k*FTue9{s~m{OG_rSzb42tG*V0vYK?M zLDBa&!N8tQ2v8(ShXu2gG5js~LKY zw1Z4F!R%$sFKlN_-C+3p z#T-q$S!li|6x(K*;mdSas4w0o1CFIj&Q}AxW{+wueHsh3bTB_w6MrADL@K?_Z(>c6 z)4nCYmzy!oX%E&9^FqI)));?+nL*TA?Q9#5b&CvO*jo*2OP%2V)&n=w@@4;1Ta4)y zhwt6GQ|sgeKn01f$()(y1MAJ#=kk5a$ z#w4ww*mXStaqq~k6b&p{wN-j-(ZQt!Cio+jz9>_AeW{CZZs(2r=jb`=9gg!kAsF%6 z1Cm`!J~ijM$u%;LHCXqp+vNngXvTdSB<o4z81B z+l0PYho^gl77iJ+X`&P@XrK?r0J&t?xt(YO^~tQG%(g`sv&p-sx50{t0Bkh3z>xmM z(%XXh)vwL)m>dP2MSqK7`ZlRb)xfF?K}huoz{1(?n0wzF!Ck{~;voB*r^)J3aIVqw zrd)9+&vA$!j&2LW$2(-At=KOY-YrBC=eHT0qZN)Y#nA)WTx;l{GJ^HhyRE3}Y>s1# zS72^lS9o-61-~JzHO))G&v`HCH+vy$D|K2QSM1MsMDe+BG@7-fmkkH;(WD@M<^#%Nv(&NPe0-*3X;VQ3DQ95Vlu9q=^8 z9LX=*Vx>2ET!X%e@=&s6FW6%If?#wFRz@`Y{vA%+Aw|gsi}yD}|LyKjt98W&Yx)~o zGJ8bB0yBmLz$4ZI`P4(Me&L9r{V#}B;w70A+ZypsYRqh0Evwp_;+d%<3gWr% z_!zWE^}_4OJ96+j`yZLfu&U8S!a~kx`bD5!SPz&?aKj@t=Jzi4hUXeTMAi8+8=ie% zZ`M?eOWB*F2W6-?QvB_4(u3TE1=&nI#(zDUl#GQe$muU_nS!QEM0jvwzO z_DhX0iMeO{$d(@pE9COCmr3qVUVI?d%;&u2k0}^)R|g@*JEgM<^XI;pqh@1kbf&Ib ztKf~)aO_aG^W*sLgueGpFrv^LE7E)r^zOJU%e%#lfZx#2vq745S_H+LL?{e$#OheeeIf`7`=!}c=>09mEC|_5#hvif??7gdk9t)URsd+|P(tDHMf!dM3 z^f0BK(M_uDv7Z;?=n_lBAMk;Kee{z`WEqtNa@pjKcSCZd{w2@j6gM)fOT>yjwWc8{ z$i8<`n$_tc-l03@>wFMR>!vs}Y6Ol?8INLKZ@aN~?!2}q*6wDWMg~7i=Yt`7wK8S9 z9*QGdkcVZCuXY9)X>Ej-j+*FBugSz%W@BVH;FMBFxRX6>LneuF)e8xZeIwmYStG2K z3I_EGLc}2*=)E;ZhmB;ClsQ86aBGg+%oXHVP_z7nC=CmOew7z$IUd}6%l^-uFm$yv zMtzhv;^{L!bp4L3>z;w7>c>SdqbuUsL;O0Hn%DXC?6*^(aE<~qEfw%iQ=p%g0;hZw z&`eh#J9ZBRw=xf}(uZWqyOt3YOR1r97#;G&WO*9P$Sz9J0jp@1*Ha$~@k;?zatbm1+g7BwZ$Z;h1*pr&hh=dgdK}n+YONh8wB8P# z@&b&E+>L9GixB*@2)2id;9AP_I-JMNbAOP>)^w->4cxB|H;XWmkLQe5VADtiMlM#M z7tgO^D&IFp1qSe3s`9-_wN_wtkOCnt3h2Bk!ud-@7+B8dCi1=8T7(zN73i3xp}F62 z$xx-2DoVe8Iwq;8Dk*7dD*ZnBw14fvwN1miHQ`_U_0us)`PZ-i-UqFwMT&gh|MlbY z>p%YG_HXuxlE?wxW70?d?~VS?Lw5R?4f-o9{ky~bwNW46|Gmloc?{0~vdKSRsrm&5NBBC8Uk^2V{h#-F3_Oo&>c1XS M;lE$c|Ig?C2PjH5DF6Tf literal 0 HcmV?d00001 diff --git a/test/torchtext_unittest/asset/t5.flan.base.model.output.pt b/test/torchtext_unittest/asset/t5.flan.base.model.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..bd2a5aa0b9bc5c79e9f25491c4153ddc399484df GIT binary patch literal 7009 zcmbuEc{o?!x5q!mkW8hJp(IfeQsT4ML5T__g(hUCWKO75ga#RtN@S`;6ixW-b)=LM zp{P)a&?G}?p04iqcklE2-uv9&?~l9B*=L`<&)V;2o%QUq&Nx?A$a1&-P0 z=H~C~>){sSRsU3* z|1)A!I8y&6VsmuN7mEKaUg>kXpzZ8<@->i4xkbh(EeN!^U?!W^wZP8krAYZ& zX{_rjs{An$CR<74&V4mF!$ucde9ke2gL|+>a}&<5UcqQ{=fLp=&2U^y7!KCV$3p+j zSR58*Bs=LQ`E=(QPpziS*w$DOUaO1ZdhuRzO;HJ}q~>A*so*+g?8UNK0%*4BHZS+K z3d37y4JBR4Bv-AIj$71^%~~V4BQlX2BGpCJQYER4hy~c3+6O)3`{4Y+R_eLyF{GyC z&?U9CB>Phgc#Sn=MJzqg?W-``e8mBq^7)to<<;;qHH64nR)JnqEc~{6hp%}Az77bm z85@?N{LjxM%4rtc;+Tt#Q&)i2k|N&nW1%Q`a2N7@JH=c2*?{-!)d}$a?gJN<-Jst1 zDcFWA!?zQ{p}<=bhVBU9zB>o7x9Ks7FgSvIa@yqj&L%QOTn|P*6=B!S1a|jNIkfM$ zr7t2Jai8&77#hhY?eF)Zf$3t#u|gHcuRH?78OuoDxf&ew&Z0J9KZ*24eY*H-DLEM* ziFf?(!tS$;+~eWOp$usq0SMhaS4&bX0-<+xzuodraGwFzpEk3yfx(?M^EH2eL@ zEtnupsM7xTq$=D1>S+ue`>qPl&mN(Eb1!mTzKi3F`J3RE*dq{#nggXKTk>{BQU} z%p3!1E758qv|<(w>Ddld_w%{VJEx$Tvm_1($AiMA&1gJ50Y1i_r0espf@^^>wYTA5 z!G;qMtW`>uBNS-C*qQh$*RQxMk8IT6bQA+3GSG%oLQ3 zg=YQYHFv+|E>)?<-&LOQ)Bh@+$@i6NYn}#jQUz`=TmzNf_La$Vo}>5f0_gAe2H`_r zDW8KL<(JhZFKY66=klZJ%hX6zUiX4{lyAeMyB0u3;tCj^CB-EEJ_EJF&0ullKHdH> z*I1G%H`>3er$R_}KRNH44=WX>;kFgN=u{{Nzi+&R%W(tHIQt&i@>+>>u5ZI~gGSWM z-p7h4iZjN7`vTtMy z=_RKN@aXOoJQJEizVg506|FMDOd(C!>@R^14%+0~+BBLHDG6s^w!+TTMrx~Rir-ze z!PMyn60RbC9qs_<)*8^Vb_eV35S~c{KX%OjMru;3&|W)+@e`JX*IBA?Q{RyO;FN&q z!Zo-yHyF?KP5^5iCrGnfk4e+@>9}j!+()SrccbP!UN^Qj=T%wwPXKu)2W(PW z>HN4_qV+A8=MdeEF>$l#Ma~N>b>7U#y_I8x2O_DGk~&5f&PJt(r*yu3I&}z7rd8oK z*tO>+~en+tqN@;GVkAn9y9hVNF!!c($|Y~yoaYA*GF zctbT_x@m)}`FBB8*a3)9GlPb_GAJ*4PAnJaQpe(WcF0i@_Vk&+mwTr0*<6MGIJXS) zT?a5TkdMvnvJ1o)m8}MkCL)ctiUXblb*&_9-N{ z-t8rt^%?L`T8hrmxy+4LyH45m61wR$7vmPk(x=^Lp?%6`40uOyx=<4Bt<-`hp$5G9 z@I7~zvo{2bbrJ);v`RGc<7O_MNiLPI!%syu_@-eudwEX@_g<1S4!`HJrT1m&9!q^Z z9k`b6ok=j?BD*plCb6RRez?%u8yZ)aSFZBj37z9+(@6VrB9+jBhIjqZ-9?#+t4d)^ zgLCN5-+JtEX#-Z^X(@Pol0l>7419e=n0q1dBARW;#*UlXFpJej#U^*srlp2u7LMfJ z-ab0PTNd}tJwO+lr@))3NobRtjgAVJ=;7(psGE*5MqZACGa)bO{>dk}p{ytqnPNes zd&~g@#uKxbM@UITExxf^%S)I(7HeHb^LwWaiBsPQxA)8i;lqI#+qDGvzgSa;>(|M) z24hejOy`X${Z8(D%D~S-LTqA(6f|V|gH70Jnnn&n)~z}^l9x}Pj_BZ$^%d}jctPOm zGK@1^LgzJWP=EK6xYzwR{nk9hlWNPsV-M0WOIG|^lSDqOP&ozsd>x?syM(uDPd9OL ze*htcPpCt8JY;JkS$r`8lLj4$U&L+VaGwSFRZT>CZXa3Ku!+XCo*V|Kz<^I6n!MKhE<>c*1l%f#XgKNDc30B?gB zTD@%;`vSg!B&V4xY_bbtTqnb^y6fDmU5>=I$P!cd#(<&Be2_AmfHkH@EdTfco@}TF z*?Z0iY#-gh^EyEgZ_~xK8F-8fUx&fN@AGiO`65uBvVjPy?LsFdLPDpWAaNVr7*n&u zVE+9a?VFoUqAt5*+8t4*+&u{1MKRc`wIqtP&`M}64Fda55il`!BWfCXf!JOGZSgjQL18#L;WF=DnHX#?NypFX z+Biw#F0Gx~2(CKn;QV=*_w1V-mUA}4j_e#1f5yk?3B*?lzvV;CbCRS!zmMuNw}_v0 zFt6#`KAc^xjb4-?n@{_Yq3?psV5=WyWQ*bK3^RDJp-cO`e-k-&7Nm=C8&r{Zhsc&()J{{WF;79cv(0t^&5pU!__(`rOi4x2b-)AHIz} zXe2i{2Rgg@>4(%=n83-UJ0AGa;yGzxcf1~}Q*5C;|0&6udkW_(2!g%Q60&~wRqQVm z1&KjPxD;mw*DZ#5VJlP7Wp5sL__-jRFRuvbGCsF(+f_WZF zc)uo=(I4lIzb@opi{%S=SkJ)vV@5EbHTvzPz#%HBGvU|I1B7Pp0{0~|kQ|(1;+hWJ z`#F9**@8rP>vM|qzm*()-W5=}(VaIe!r0uPDfxDF3C zsdt0~bZXOIn#E{ECE-a>3_L%y31*0|t9&^&9De_pOj_EckmIe3WSpB01H6?1Pz%)@b zzy1v7tF@7vf>F3Lw}gU)JIbyo;AdhhI_@$A_4LEI;aV(8HWlN$ zvop~{y&S2-1~85}1*^VQz}I~?xFRf@4cy4Vz8BTBEbs*8-4})Hp6X!Wvyx65&Z4vH zZ=zvrG)!BU43hp`7;k)&w7yzaS>;toQeQ8uY*!qq+u;t$^DWm(wpHeemPqAyo8JVX{BG=Q;0bz#MaPT;BW-FEs2LwRoY+rfLk4A_Z5nw746t_r`;% z7>`@JZP92RYvCpr%*4EotI!_gKn{!(27^@+tax=OM8>beT(_^>4c&T#E%b+%951?f zu`&E8J;dW*(~Ogot+8dj2vcA#kEhEXWA6;Y)@kOQV)#B-kNrwv%L=qS)TImB_dAp3ydh<5LEhx8@wMI!Vx3DZp!=D+tG@ z?M4~rCAgvSAdwRcgj?1#82)G_#(2^Va$0XAPIf6W-Yi-Tk(~~tX}KhQ{b3_xDiw#) zXQk=kE>)t%+R`OOLsTJrJoQm~fpd<$K>ho{nCR5QMm${2+;Uh1%O>xks-?5&SnCK> zxq1xy>dsO#rAdtA=Vs`t7y+LGMdGN&!_0XH@X(Y!^zFwK(h{}^F0`D0`7c~B?4Ug+ z7E8eJWRa*2fBI8D9;)xv1ACSaf@fI58;cQo(0%L9EgfhpD{rFj1Bb#JG(!*@DGJRlg>*K#P|W){C6Px&=GoRMj5%p_!|m*l$M zt)rc}?&Oh49hPrifDL+@Wbp)LrnP<_SA6_$P#kn*eMWOyoAo;seQ!eUng7C46CZLZ zwu(4uJL7VHFE}3_4tH0q1*M35JenFy2E7}|kFCJ0y`4iJ{WyfOqkpK`c?Q^iHybvb zv|!gSl3>@(tAljwQo2tjnXQsaCpW!>;Jj`dHb_8p0f&E8|vm!S-CvXhIMFqfoYZFK}>NX_^CHh zi*YZZ&CVBo<&A^D8IMTLuJ2?bc}+xP4#DALfheRZ3Y+@GaH4rM#Kcd8PK#XBPnZl> zU39pX+Q%`fW-kn%5v8T`o{%48EvC7zMBND&xc$j;pt0QwbhhWimDg(_d9N{!6_8;* z7`l;&zPG{WKLswMkL-J;loU;VBkAaU0G&66E#k(S>U?N5h5*xnW@JUc%HhK zG4D)2WNMgz=bJ3Z65k5CPGMwbx2)l(t3{YpHU`-TR*dLDRi@Q?CTQ4j*&}Ps*#|4s znBY&jsPyzAGCtv4f!5vhRCfc0gcj4;%6CYk`dvu0oR90$JiyTA0(!4+Ak!kvuv`8F zTx=W54xLKEDB%K(d371R>q7D4-Y>ACtpHNg&KkvzuFKAa>a-{9DCA~&L1OCx2u+N} zNjpk$bLIgsoXiJTzpp31sTQc2Y(%So!!%1s7$V!ov&mDFsZ50rk&782+G7KVZ$%T2 zlNn4!KcB(aeN(wgLNnp|$%U|a_y}F)_KuEMm0@K=RV#PQ9fMi7H}c$n`|;)^4)D77 zY^wZH9Yc?&H$Z}wD(*Voi2l`gs-jGqVXN|fx`EdWd~!!fgM~CYyq9P6mfF+fE91fB zGw|ANSL2nFGjQI)HE=Mn9A@V=f{|`373PNEo^#3c+!bSZW|sjM@AQy)K^-)*vV_#0 z9LK)!5rEuFx4Gw)rr}*BJ!*3A81KxMH*oOkm5OOOqEPXEKd6UWzRm|^3gajapQuhrFC%Ee-kOZZ;Z+&J3vPug9t6ykC$#Vg8Ri{ z5SqwOQW6#5(p5QDrjCm(GjzFI?evY(oU_4Ca0ctztOd5gCcq03VZ?%7L(_CyRMlQ* zRAMNKRmV=k`Cw`6x!6J8x=NymZz8Ga?7-fY_es^n!!+4%5!l^Ghtm`L=*P}=C?l6Z zy|(Ka)ePE0@{6_PaNP(=3OzzRf9-^@Ru||TjoWpPDk^0kgKx`iG2}xuE`H0Ug4v4H zs{J#W>FJ7M7q-xoQJ&;O_#Wy!7>7-hAA-(_B-nB`4+GyUfs9vcNK=Ru4LH6O4+$yI z;odfq^R0=-#PN~gee1!?jm2dV$9X$lPeJOl7;2rjAMK3WiB!l{TD`yl#!uqVq8-kd zJT!^tySfSZ*gLdzcP~36YlT{Ry5OaKoE$OKAoq-&N&o&+lv@^u8m3ubA|VPg3Kq0z zKmm7p@57sps$kiF5k0+B8O?je7_R!3q)~fV=>3d$w!MNlg%C_u>?MEb!Yrkit{k~h zv@lx#Z@Ms*qx&!DLa0Yj@F>SHU#Rsryzp&?;mpKAZ?`P9FuCCUFQwSUCR#!^^#_CKa6 y3uyhfz#oM4r~Fs@?yoLKM&YlM(RqJ}6zBIp`hU=qjir$ApD}^a?T`Imw*LV T5Transform: T5_11B_GENERATION.__doc__ = GENERATION_DOC.format("11B", "11B") - -FLAN_T5_SMALL_ENCODER = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.flan.small.encoder.pt"), - _config=T5Conf( - encoder_only=True, - embedding_dim=512, - num_attention_heads=6, - num_encoder_layers=8, - num_decoder_layers=8, - ffn_dimension=1024, - feed_forward_proj="gated-gelu", - ), - transform=t5_transform, -) - -FLAN_T5_SMALL_ENCODER.__doc__ = FLAN_ENCODER_DOC.format("SMALL", "SMALL") - -FLAN_T5_SMALL = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.flan.small.pt"), - _config=T5Conf( - encoder_only=False, - embedding_dim=512, - num_attention_heads=6, - num_encoder_layers=8, - num_decoder_layers=8, - ffn_dimension=1024, - feed_forward_proj="gated-gelu", - ), - transform=t5_transform, -) - -FLAN_T5_SMALL.__doc__ = FLAN_DOC.format("SMALL", "SMALL") - -FLAN_T5_SMALL_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.flan.small.generation.pt"), - _config=T5Conf( - encoder_only=False, - linear_head=True, - embedding_dim=512, - num_attention_heads=6, - num_encoder_layers=8, - num_decoder_layers=8, - ffn_dimension=1024, - feed_forward_proj="gated-gelu", - ), - transform=t5_transform, -) - -FLAN_T5_SMALL_GENERATION.__doc__ = FLAN_GENERATION_DOC.format("SMALL", "SMALL") - FLAN_T5_BASE_ENCODER = T5Bundle( _path=urljoin(_TEXT_BUCKET, "t5.flan.base.encoder.pt"), _config=T5Conf(encoder_only=True, ffn_dimension=2048, feed_forward_proj="gated-gelu"), @@ -762,7 +713,7 @@ def t5_transform() -> T5Transform: FLAN_T5_LARGE_GENERATION = T5Bundle( - _path=urljoin(_TEXT_BUCKET, "t5.flan.large.encoder.pt"), + _path=urljoin(_TEXT_BUCKET, "t5.flan.large.generation.pt"), _config=T5Conf( encoder_only=False, linear_head=True, From bc573948c3965319e7fd7734b3d857bba6c20583 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Mon, 27 Feb 2023 16:12:40 -0500 Subject: [PATCH 409/463] Update T5 tutorial for 2.0 release (#2080) * Update T5 tutorial for 2.0 release * Fix lint --- examples/tutorials/t5_demo.py | 164 ++++------------------------------ 1 file changed, 18 insertions(+), 146 deletions(-) diff --git a/examples/tutorials/t5_demo.py b/examples/tutorials/t5_demo.py index 1e7166e2ec..d6165a2009 100644 --- a/examples/tutorials/t5_demo.py +++ b/examples/tutorials/t5_demo.py @@ -3,6 +3,7 @@ ========================================================================== **Author**: `Pendo Abbo `__ +**Author**: `Joe Cummings `__ """ @@ -24,7 +25,6 @@ # Common imports # -------------- import torch -import torch.nn.functional as F DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") @@ -47,7 +47,7 @@ # the T5 model expects the input to be batched. # -from torchtext.prototype.models import T5Transform +from torchtext.models import T5Transform padding_idx = 0 eos_idx = 1 @@ -66,7 +66,7 @@ # # :: # -# from torchtext.prototype.models import T5_BASE_GENERATION +# from torchtext.models import T5_BASE_GENERATION # transform = T5_BASE_GENERATION.transform() # @@ -81,7 +81,7 @@ # https://pytorch.org/text/main/models.html # # -from torchtext.prototype.models import T5_BASE_GENERATION +from torchtext.models import T5_BASE_GENERATION t5_base = T5_BASE_GENERATION @@ -92,146 +92,18 @@ ####################################################################### -# Sequence Generator +# GenerationUtils # ------------------ # -# We can define a sequence generator to produce an output sequence based on the input sequence provided. This calls on the +# We can use torchtext's `GenerationUtils` to produce an output sequence based on the input sequence provided. This calls on the # model's encoder and decoder, and iteratively expands the decoded sequences until the end-of-sequence token is generated -# for all sequences in the batch. The `generate` method shown below uses a beam search to generate the sequences. Larger -# beam sizes can result in better generation at the cost of computational complexity, and a beam size of 1 is equivalent to -# a greedy decoder. -# - -from torch import Tensor -from torchtext.prototype.models import T5Model - - -def beam_search( - beam_size: int, - step: int, - bsz: int, - decoder_output: Tensor, - decoder_tokens: Tensor, - scores: Tensor, - incomplete_sentences: Tensor, -): - probs = F.log_softmax(decoder_output[:, -1], dim=-1) - top = torch.topk(probs, beam_size) - - # N is number of sequences in decoder_tokens, L is length of sequences, B is beam_size - # decoder_tokens has shape (N,L) -> (N,B,L) - # top.indices has shape (N,B) - > (N,B,1) - # x has shape (N,B,L+1) - # note that when step == 1, N = batch_size, and when step > 1, N = batch_size * beam_size - x = torch.cat([decoder_tokens.unsqueeze(1).repeat(1, beam_size, 1), top.indices.unsqueeze(-1)], dim=-1) - - # beams are first created for a given sequence - if step == 1: - # x has shape (batch_size, B, L+1) -> (batch_size * B, L+1) - # new_scores has shape (batch_size,B) - # incomplete_sentences has shape (batch_size * B) = (N) - new_decoder_tokens = x.view(-1, step + 1) - new_scores = top.values - new_incomplete_sentences = incomplete_sentences - - # beams already exist, want to expand each beam into possible new tokens to add - # and for all expanded beams beloning to the same sequences, choose the top k - else: - # scores has shape (batch_size,B) -> (N,1) -> (N,B) - # top.values has shape (N,B) - # new_scores has shape (N,B) -> (batch_size, B^2) - new_scores = (scores.view(-1, 1).repeat(1, beam_size) + top.values).view(bsz, -1) - - # v, i have shapes (batch_size, B) - v, i = torch.topk(new_scores, beam_size) - - # x has shape (N,B,L+1) -> (batch_size, B, L+1) - # i has shape (batch_size, B) -> (batch_size, B, L+1) - # new_decoder_tokens has shape (batch_size, B, L+1) -> (N, L) - x = x.view(bsz, -1, step + 1) - new_decoder_tokens = x.gather(index=i.unsqueeze(-1).repeat(1, 1, step + 1), dim=1).view(-1, step + 1) - - # need to update incomplete sentences in case one of the beams was kicked out - # y has shape (N) -> (N, 1) -> (N, B) -> (batch_size, B^2) - y = incomplete_sentences.unsqueeze(-1).repeat(1, beam_size).view(bsz, -1) - - # now can use i to extract those beams that were selected - # new_incomplete_sentences has shape (batch_size, B^2) -> (batch_size, B) -> (N, 1) -> N - new_incomplete_sentences = y.gather(index=i, dim=1).view(bsz * beam_size, 1).squeeze(-1) - - # new_scores has shape (batch_size, B) - new_scores = v - - return new_decoder_tokens, new_scores, new_incomplete_sentences - - -def generate(encoder_tokens: Tensor, eos_idx: int, model: T5Model, beam_size: int) -> Tensor: - - # pass tokens through encoder - bsz = encoder_tokens.size(0) - encoder_padding_mask = encoder_tokens.eq(model.padding_idx) - encoder_embeddings = model.dropout1(model.token_embeddings(encoder_tokens)) - encoder_output = model.encoder(encoder_embeddings, tgt_key_padding_mask=encoder_padding_mask)[0] - - encoder_output = model.norm1(encoder_output) - encoder_output = model.dropout2(encoder_output) - - # initialize decoder input sequence; T5 uses padding index as starter index to decoder sequence - decoder_tokens = torch.ones((bsz, 1), dtype=torch.long) * model.padding_idx - scores = torch.zeros((bsz, beam_size)) - - # mask to keep track of sequences for which the decoder has not produced an end-of-sequence token yet - incomplete_sentences = torch.ones(bsz * beam_size, dtype=torch.long) - - # iteratively generate output sequence until all sequences in the batch have generated the end-of-sequence token - for step in range(model.config.max_seq_len): - - if step == 1: - # duplicate and order encoder output so that each beam is treated as its own independent sequence - new_order = torch.arange(bsz).view(-1, 1).repeat(1, beam_size).view(-1) - new_order = new_order.to(encoder_tokens.device).long() - encoder_output = encoder_output.index_select(0, new_order) - encoder_padding_mask = encoder_padding_mask.index_select(0, new_order) - - # causal mask and padding mask for decoder sequence - tgt_len = decoder_tokens.shape[1] - decoder_mask = torch.triu(torch.ones((tgt_len, tgt_len), dtype=torch.float64), diagonal=1).bool() - decoder_padding_mask = decoder_tokens.eq(model.padding_idx) - - # T5 implemention uses padding idx to start sequence. Want to ignore this when masking - decoder_padding_mask[:, 0] = False - - # pass decoder sequence through decoder - decoder_embeddings = model.dropout3(model.token_embeddings(decoder_tokens)) - decoder_output = model.decoder( - decoder_embeddings, - memory=encoder_output, - tgt_mask=decoder_mask, - tgt_key_padding_mask=decoder_padding_mask, - memory_key_padding_mask=encoder_padding_mask, - )[0] - - decoder_output = model.norm2(decoder_output) - decoder_output = model.dropout4(decoder_output) - decoder_output = decoder_output * (model.config.embedding_dim ** -0.5) - decoder_output = model.lm_head(decoder_output) - - decoder_tokens, scores, incomplete_sentences = beam_search( - beam_size, step + 1, bsz, decoder_output, decoder_tokens, scores, incomplete_sentences - ) - # ignore newest tokens for sentences that are already complete - decoder_tokens[:, -1] *= incomplete_sentences - - # update incomplete_sentences to remove those that were just ended - incomplete_sentences = incomplete_sentences - (decoder_tokens[:, -1] == eos_idx).long() - - # early stop if all sentences have been ended - if (incomplete_sentences == 0).all(): - break - - # take most likely sequence - decoder_tokens = decoder_tokens.view(bsz, beam_size, -1)[:, 0, :] - return decoder_tokens +# for all sequences in the batch. The `generate` method shown below uses greedy search to generate the sequences. Beam search and +# other decoding strategies are also supported. +# +# +from torchtext.prototype.generate import GenerationUtils + +sequence_generator = GenerationUtils(model) ####################################################################### @@ -343,16 +215,16 @@ def process_labels(labels, x): # ------------------ # # We can put all of the components together to generate summaries on the first batch of articles in the CNNDM test set -# using a beam size of 3. +# using a beam size of 1. # batch = next(iter(cnndm_dataloader)) input_text = batch["article"] target = batch["abstract"] -beam_size = 3 +beam_size = 1 model_input = transform(input_text) -model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) +model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, beam_size=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(cnndm_batch_size): @@ -442,7 +314,7 @@ def process_labels(labels, x): beam_size = 1 model_input = transform(input_text) -model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) +model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, beam_size=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(imdb_batch_size): @@ -536,7 +408,7 @@ def process_labels(labels, x): beam_size = 4 model_input = transform(input_text) -model_output = generate(model=model, encoder_tokens=model_input, eos_idx=eos_idx, beam_size=beam_size) +model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, beam_size=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(multi_batch_size): From 38399ea985a0ba535c8228884e11ab66e76a6d46 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 1 Mar 2023 18:59:37 -0500 Subject: [PATCH 410/463] Fix UTF8 decoding error in GPT2BPETokenizer `decode` method (#2091) Summary: - PyBind11 throws an error when decoding a C++ `std::string` which contains incomplete UTF8 byte sequences since the default UTF8 conversion uses `"strict"` error handling ([ref](https://docs.python.org/3/library/codecs.html#error-handlers)) - To resolve user issues (see [post](https://fb.workplace.com/groups/pytorchtext/permalink/899318121386487/)) we set the error handling to `"ignore"` which ignores the malformed data and continues decoding the string Differential Revision: D43361716 fbshipit-source-id: 4ac488e4b4b894c8049728941a2ee36b1799258a Co-authored-by: Nayef Ahmed --- torchtext/csrc/register_pybindings.cpp | 11 ++++++++++- 1 file changed, 10 insertions(+), 1 deletion(-) diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index 5f0a6d0483..afa4708cdd 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -179,7 +179,16 @@ PYBIND11_MODULE(_torchtext, m) { .def_property_readonly("byte_encoder_", &GPT2BPEEncoder::GetByteEncoder) .def("encode", &GPT2BPEEncoder::Encode) .def("tokenize", &GPT2BPEEncoder::Tokenize) - .def("decode", &GPT2BPEEncoder::Decode) + .def( + "decode", + [](const c10::intrusive_ptr& self, + const std::vector& tokens) { + std::string s = self->Decode(tokens); + PyObject* py_obj = + PyUnicode_DecodeUTF8(s.data(), s.length(), "ignore"); + py::str py_s = py::reinterpret_steal(py_obj); + return py_s; + }) .def( "add_special_tokens", [](const c10::intrusive_ptr& self, From feef6b8008df5adeedec66384fce124f6fceb352 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Tue, 7 Mar 2023 14:53:25 -0500 Subject: [PATCH 411/463] Update tutorial to match PyTorch main tutorials page (#2097) --- examples/tutorials/t5_demo.py | 64 ++++++++++++++--------------------- 1 file changed, 25 insertions(+), 39 deletions(-) diff --git a/examples/tutorials/t5_demo.py b/examples/tutorials/t5_demo.py index d6165a2009..3741454edf 100644 --- a/examples/tutorials/t5_demo.py +++ b/examples/tutorials/t5_demo.py @@ -2,8 +2,7 @@ T5-Base Model for Summarization, Sentiment Classification, and Translation ========================================================================== -**Author**: `Pendo Abbo `__ -**Author**: `Joe Cummings `__ +**Author**: `Pendo Abbo `__, `Joe Cummings `__ """ @@ -21,14 +20,6 @@ # # -###################################################################### -# Common imports -# -------------- -import torch - -DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") - - ####################################################################### # Data Transformation # ------------------- @@ -43,7 +34,7 @@ # # T5 uses a SentencePiece model for text tokenization. Below, we use a pre-trained SentencePiece model to build # the text pre-processing pipeline using torchtext's T5Transform. Note that the transform supports both -# batched and non-batched text input (i.e. one can either pass a single sentence or a list of sentences), however +# batched and non-batched text input (for example, one can either pass a single sentence or a list of sentences), however # the T5 model expects the input to be batched. # @@ -64,7 +55,7 @@ ####################################################################### # Alternatively, we can also use the transform shipped with the pre-trained models that does all of the above out-of-the-box # -# :: +# .. code-block:: # # from torchtext.models import T5_BASE_GENERATION # transform = T5_BASE_GENERATION.transform() @@ -77,8 +68,7 @@ # # torchtext provides SOTA pre-trained models that can be used directly for NLP tasks or fine-tuned on downstream tasks. Below # we use the pre-trained T5 model with standard base configuration to perform text summarization, sentiment classification, and -# translation. For additional details on available pre-trained models, please refer to documentation at -# https://pytorch.org/text/main/models.html +# translation. For additional details on available pre-trained models, see `the torchtext documentation `__ # # from torchtext.models import T5_BASE_GENERATION @@ -88,16 +78,15 @@ transform = t5_base.transform() model = t5_base.get_model() model.eval() -model.to(DEVICE) ####################################################################### # GenerationUtils # ------------------ # -# We can use torchtext's `GenerationUtils` to produce an output sequence based on the input sequence provided. This calls on the +# We can use torchtext's ``GenerationUtils`` to produce an output sequence based on the input sequence provided. This calls on the # model's encoder and decoder, and iteratively expands the decoded sequences until the end-of-sequence token is generated -# for all sequences in the batch. The `generate` method shown below uses greedy search to generate the sequences. Beam search and +# for all sequences in the batch. The ``generate`` method shown below uses greedy search to generate the sequences. Beam search and # other decoding strategies are also supported. # # @@ -114,12 +103,12 @@ # datapipes and hence support standard flow-control and mapping/transformation using user defined # functions and transforms. # -# Below, we demonstrate how to pre-process the CNNDM dataset to include the prefix necessary for the +# Below we demonstrate how to pre-process the CNNDM dataset to include the prefix necessary for the # model to indentify the task it is performing. The CNNDM dataset has a train, validation, and test # split. Below we demo on the test split. # # The T5 model uses the prefix "summarize" for text summarization. For more information on task -# prefixes, please visit Appendix D of the T5 Paper at https://arxiv.org/pdf/1910.10683.pdf +# prefixes, please visit Appendix D of the `T5 Paper `__ # # .. note:: # Using datapipes is still currently subject to a few caveats. If you wish @@ -144,12 +133,12 @@ def apply_prefix(task, x): cnndm_datapipe = cnndm_datapipe.map(partial(apply_prefix, task)) cnndm_datapipe = cnndm_datapipe.batch(cnndm_batch_size) cnndm_datapipe = cnndm_datapipe.rows2columnar(["article", "abstract"]) -cnndm_dataloader = DataLoader(cnndm_datapipe, batch_size=None) +cnndm_dataloader = DataLoader(cnndm_datapipe, shuffle=True, batch_size=None) ####################################################################### -# Alternately we can also use batched API (i.e apply the prefix on the whole batch) +# Alternately, we can also use batched API, for example, apply the prefix on the whole batch: # -# :: +# .. code-block:: # # def batch_prefix(task, x): # return { @@ -179,11 +168,11 @@ def apply_prefix(task, x): imdb_batch_size = 3 imdb_datapipe = IMDB(split="test") task = "sst2 sentence" -labels = {"neg": "negative", "pos": "positive"} +labels = {"1": "negative", "2": "positive"} def process_labels(labels, x): - return x[1], labels[x[0]] + return x[1], labels[str(x[0])] imdb_datapipe = imdb_datapipe.map(partial(process_labels, labels)) @@ -224,7 +213,7 @@ def process_labels(labels, x): beam_size = 1 model_input = transform(input_text) -model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, beam_size=beam_size) +model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, num_beams=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(cnndm_batch_size): @@ -234,21 +223,19 @@ def process_labels(labels, x): ####################################################################### -# Summarization Output +# Summarization Output (Might vary since we shuffle the dataloader) # -------------------- # -# :: +# .. code-block:: # # Example 1: # -# prediction: the Palestinians become the 123rd member of the international criminal -# court . the accession was marked by a ceremony at the Hague, where the court is based . -# the ICC opened a preliminary examination into the situation in the occupied -# Palestinian territory . +# prediction: the 24-year-old has been tattooed for over a decade . he has landed in australia +# to start work on a new campaign . he says he is 'taking it in your stride' to be honest . # -# target: Membership gives the ICC jurisdiction over alleged crimes committed in -# Palestinian territories since last June . Israel and the United States opposed the -# move, which could open the door to war crimes investigations against Israelis . +# target: London-based model Stephen James Hendry famed for his full body tattoo . The supermodel +# is in Sydney for a new modelling campaign . Australian fans understood to have already located +# him at his hotel . The 24-year-old heartthrob is recently single . # # # Example 2: @@ -314,7 +301,7 @@ def process_labels(labels, x): beam_size = 1 model_input = transform(input_text) -model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, beam_size=beam_size) +model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, num_beams=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(imdb_batch_size): @@ -372,7 +359,7 @@ def process_labels(labels, x): # really annoying was the constant cuts to VDs daughter during the last fight scene.

# Not bad. Not good. Passable 4. # -# prediction: negative +# prediction: positive # # target: negative # @@ -399,16 +386,15 @@ def process_labels(labels, x): # --------------------- # # Finally, we can also use the model to generate English to German translations on the first batch of examples from the Multi30k -# test set using a beam size of 4. +# test set. # batch = next(iter(multi_dataloader)) input_text = batch["english"] target = batch["german"] -beam_size = 4 model_input = transform(input_text) -model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, beam_size=beam_size) +model_output = sequence_generator.generate(model_input, eos_idx=eos_idx, num_beams=beam_size) output_text = transform.decode(model_output.tolist()) for i in range(multi_batch_size): From db26565394efeee55669ff843b51cb5608b17ae8 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Tue, 7 Mar 2023 14:53:44 -0500 Subject: [PATCH 412/463] Make sure to include padding mask in generation (#2096) --- test/integration_tests/test_generate.py | 34 +++++++++++++++---------- torchtext/models/t5/model.py | 2 ++ torchtext/prototype/generate.py | 21 +++++++-------- 3 files changed, 33 insertions(+), 24 deletions(-) diff --git a/test/integration_tests/test_generate.py b/test/integration_tests/test_generate.py index 80acd9dc7e..df5f8b81bc 100644 --- a/test/integration_tests/test_generate.py +++ b/test/integration_tests/test_generate.py @@ -14,26 +14,25 @@ def setUp(self) -> None: self.model = t5_base.get_model() self.model.eval() # Examples taken from T5 Paper and Huggingface - self.inputs = self.transform( - [ - "summarize: studies have shown that owning a dog is good for you", - "translate English to German: That is good.", - "cola sentence: The course is jumping well.", - "stsb sentence1: The rhino grazed on the grass. sentence2: A rhino is grazing in a field.", - "summarize: state authorities dispatched emergency crews tuesday to survey the damage after an onslaught of severe weather in mississippi...", - ] - ) + self.inputs = [ + "summarize: studies have shown that owning a dog is good for you", + "translate English to German: That is good.", + "cola sentence: The course is jumping well.", + "stsb sentence1: The rhino grazed on the grass. sentence2: A rhino is grazing in a field.", + "summarize: state authorities dispatched emergency crews tuesday to survey the damage after an onslaught of severe weather in mississippi...", + ] + self.transformed_inputs = self.transform(self.inputs) torch.manual_seed(0) def test_greedy_generate_with_t5(self) -> None: generation_model = GenerationUtils(self.model) - tokens = generation_model.generate(self.inputs, num_beams=1, max_length=30) + tokens = generation_model.generate(self.transformed_inputs, num_beams=1, max_length=30) generated_text = self.transform.decode(tokens.tolist()) expected_generated_text = [ - "a dog is good for you, according to studies . owning a dog is good for you, according to studies .", - "Das ist gut.", + "owning a dog is good for you, according to studies . a dog is a good companion for a variety of reasons", + "Das ist gut so.", "acceptable", "4.0", "mississippi authorities dispatch emergency crews to survey damage . severe weather in mississippi has caused extensive damage", @@ -41,14 +40,21 @@ def test_greedy_generate_with_t5(self) -> None: self.assertEqual(generated_text, expected_generated_text) + inputs = self.transform([self.inputs[0]]) + + tokens_for_single_example = generation_model.generate(inputs, num_beams=1, max_length=30) + generated_text_for_single_example = self.transform.decode(tokens_for_single_example.tolist()) + + self.assertEqual(generated_text[0], generated_text_for_single_example[-1]) + def test_generate_errors_with_incorrect_beams(self) -> None: generation_model = GenerationUtils(self.model, is_encoder_decoder=True) with self.assertRaises(ValueError): - generation_model.generate(self.inputs, num_beams=0) + generation_model.generate(self.transformed_inputs, num_beams=0) @patch("logging.Logger.warning") def test_warns_when_no_max_len_provided(self, mock) -> None: generation_model = GenerationUtils(self.model) - generation_model.generate(self.inputs) + generation_model.generate(self.transformed_inputs) mock.assert_called_with(f"`max_length` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") diff --git a/torchtext/models/t5/model.py b/torchtext/models/t5/model.py index eebc9ce83e..6ba55089c5 100644 --- a/torchtext/models/t5/model.py +++ b/torchtext/models/t5/model.py @@ -198,6 +198,7 @@ def prepare_inputs_for_generation( self, input_ids: Tensor, encoder_outputs: ENCODER_OUTPUTS_TYPE, + encoder_padding_mask: Optional[Tensor] = None, past: Optional[List[PAST_KEY_VALUES_TYPE]] = None, return_past_key_values: bool = True, ) -> Dict[str, Union[Tensor, ENCODER_OUTPUTS_TYPE, Optional[List[PAST_KEY_VALUES_TYPE]], bool]]: @@ -209,6 +210,7 @@ def prepare_inputs_for_generation( "decoder_tokens": input_ids, "encoder_outputs": encoder_outputs, "past_key_values": past, + "encoder_padding_mask": encoder_padding_mask, "return_past_key_values": return_past_key_values, } diff --git a/torchtext/prototype/generate.py b/torchtext/prototype/generate.py index dd74948c81..3300fda11f 100644 --- a/torchtext/prototype/generate.py +++ b/torchtext/prototype/generate.py @@ -48,7 +48,7 @@ def _prepare_decoder_ids_for_generation( return torch.ones((batch_size, 1), dtype=torch.long, device=device) * pad_idx def greedy_search( - self, input_ids: torch.Tensor, max_length: int, eos_idx: int, pad_idx: Optional[int] = None, **model_kwargs + self, input_ids: torch.Tensor, max_length: int, eos_idx: int, pad_idx: int, **model_kwargs ) -> torch.Tensor: """Greedy search decoding for text generation. Takes the most likely next token every time. @@ -62,10 +62,11 @@ def greedy_search( Returns: Batch of sequences decoded by greedy search. """ - unfinished_sequences = torch.ones((input_ids.shape[0], 1), device=input_ids.device, dtype=torch.long) + unfinished_sequences = torch.ones((input_ids.shape[0]), device=input_ids.device, dtype=torch.long) while True: model_inputs = self.model.prepare_inputs_for_generation(input_ids, **model_kwargs) + if self.is_huggingface_model: model_inputs["return_dict"] = True model_inputs["output_hidden_states"] = True @@ -77,18 +78,16 @@ def greedy_search( # Calculate probabilities and take the most likely next token probs = F.log_softmax(decoder_output[:, -1], dim=-1) - _, next_tokens = torch.topk(probs, 1) + next_tokens = torch.argmax(probs, dim=-1) # For any finished sequences, padding idx should be the last token - if eos_idx is not None: - if pad_idx is not None: - next_tokens = next_tokens * unfinished_sequences + pad_idx * (1 - unfinished_sequences) + next_tokens = next_tokens * unfinished_sequences + pad_idx * (1 - unfinished_sequences) # Append the next tokens to the previous tokens - input_ids = torch.cat([input_ids, next_tokens], dim=-1) + input_ids = torch.cat([input_ids, next_tokens[:, None]], dim=-1) - if eos_idx is not None: - unfinished_sequences = unfinished_sequences.mul((next_tokens != eos_idx).long()) + # Update unfinished sequences count + unfinished_sequences = unfinished_sequences.mul((next_tokens != eos_idx)).long() # Stop iterating once all sequences are finished or exceed the max_length if unfinished_sequences.max() == 0 or len(input_ids[0]) >= max_length: @@ -128,8 +127,10 @@ def generate( if self.is_encoder_decoder: encoder = self.model.get_encoder() - model_kwargs["encoder_outputs"] = encoder(inputs) + encoder_model_kwargs = {"src_key_padding_mask": inputs.eq(pad_idx)} + model_kwargs["encoder_outputs"] = encoder(inputs, **encoder_model_kwargs) inputs = self._prepare_decoder_ids_for_generation(len(inputs), device=inputs.device, **model_kwargs) + model_kwargs["encoder_padding_mask"] = encoder_model_kwargs.pop("src_key_padding_mask") if max_length is None: # Too hard to try to figure out the exact max_seq_length for each model From 5b84b7cc6939c665eb876f0fdc6d0e1606efceb2 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 8 Mar 2023 16:02:19 -0500 Subject: [PATCH 413/463] Add decorator to skip tests and log a warning if URL is unaccessible (#2104) * Add decorator to skip tests and log a warning if URL is unaccessible * More descriptive error message --- test/torchtext_unittest/common/torchtext_test_case.py | 11 +++++++++++ test/torchtext_unittest/test_build.py | 3 ++- 2 files changed, 13 insertions(+), 1 deletion(-) diff --git a/test/torchtext_unittest/common/torchtext_test_case.py b/test/torchtext_unittest/common/torchtext_test_case.py index b30eadef12..aeb4f817d3 100644 --- a/test/torchtext_unittest/common/torchtext_test_case.py +++ b/test/torchtext_unittest/common/torchtext_test_case.py @@ -5,6 +5,7 @@ import shutil import subprocess import tempfile +from urllib.error import HTTPError import torch # noqa: F401 from torch.testing._internal.common_utils import TestCase @@ -12,6 +13,16 @@ logger = logging.getLogger(__name__) +def third_party_download(test_func): + def inner(*args, **kwargs): + try: + return test_func(*args, **kwargs) + except HTTPError as e: + logger.warning(f"Cannot access URL in {test_func.__name__}. Error message {e}") + + return inner + + class TorchtextTestCase(TestCase): def setUp(self) -> None: logging.basicConfig(format=("%(asctime)s - %(levelname)s - " "%(name)s - %(message)s"), level=logging.INFO) diff --git a/test/torchtext_unittest/test_build.py b/test/torchtext_unittest/test_build.py index 7435e8c032..ccb875b644 100644 --- a/test/torchtext_unittest/test_build.py +++ b/test/torchtext_unittest/test_build.py @@ -5,7 +5,7 @@ import torch import torchtext.data -from .common.torchtext_test_case import TorchtextTestCase +from .common.torchtext_test_case import TorchtextTestCase, third_party_download class TestDataUtils(TorchtextTestCase): @@ -64,6 +64,7 @@ def test_vectors_get_vecs(self) -> None: self.assertEqual(token_one_vec.shape[0], vec.dim) self.assertEqual(vec[tokens[0].lower()], token_one_vec) + @third_party_download def test_download_charngram_vectors(self) -> None: # Build a vocab and get vectors twice to test caching. for _ in range(2): From 9d42632a395d5a988abe4f6f5165811aaf923568 Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Thu, 9 Mar 2023 13:23:17 -0500 Subject: [PATCH 414/463] Update author and author email (#2105) --- setup.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/setup.py b/setup.py index 2e1f240821..d008cb9c90 100644 --- a/setup.py +++ b/setup.py @@ -98,10 +98,10 @@ def run(self): # Metadata name="torchtext", version=VERSION, - author="PyTorch core devs and James Bradbury", - author_email="jekbradbury@gmail.com", + author="PyTorch Text Team", + author_email="packages@pytorch.org", url="https://github.com/pytorch/text", - description="Text utilities and datasets for PyTorch", + description="Text utilities, models, transforms, and datasets for PyTorch.", long_description=read("README.rst"), license="BSD", install_requires=["tqdm", "requests", pytorch_package_dep, "numpy", torchdata_package_dep], From 46e7eefa4f6ccfee8d63ec1829ebc6b18aab440e Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Thu, 9 Mar 2023 13:23:53 -0500 Subject: [PATCH 415/463] Add XLMR and RoBERTa transforms as factory functions (#2102) * Add XLMR and RoBERTa transforms as classes * Remove unused import * Add roberta transform and xlmr transform as factory methods --- torchtext/models/roberta/bundler.py | 72 ++++++++++++----------------- 1 file changed, 29 insertions(+), 43 deletions(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index df9a522b86..de42c7ae8f 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -160,16 +160,35 @@ def encoderConf(self) -> RobertaEncoderConf: return self._encoder_conf -XLMR_BASE_ENCODER = RobertaBundle( - _path=urljoin(_TEXT_BUCKET, "xlmr.base.encoder.pt"), - _encoder_conf=RobertaEncoderConf(vocab_size=250002), - transform=lambda: T.Sequential( +def xlmr_transform(truncate_length: int) -> Module: + """Standard transform for XLMR models.""" + return T.Sequential( T.SentencePieceTokenizer(urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model")), T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"))), - T.Truncate(254), + T.Truncate(truncate_length), T.AddToken(token=0, begin=True), T.AddToken(token=2, begin=False), - ), + ) + + +def roberta_transform(truncate_length: int) -> Module: + """Standard transform for RoBERTa models.""" + return T.Sequential( + T.GPT2BPETokenizer( + encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), + vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), + ), + T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), + T.Truncate(truncate_length), + T.AddToken(token=0, begin=True), + T.AddToken(token=2, begin=False), + ) + + +XLMR_BASE_ENCODER = RobertaBundle( + _path=urljoin(_TEXT_BUCKET, "xlmr.base.encoder.pt"), + _encoder_conf=RobertaEncoderConf(vocab_size=250002), + transform=lambda: xlmr_transform(254), ) XLMR_BASE_ENCODER.__doc__ = """ @@ -193,13 +212,7 @@ def encoderConf(self) -> RobertaEncoderConf: _encoder_conf=RobertaEncoderConf( vocab_size=250002, embedding_dim=1024, ffn_dimension=4096, num_attention_heads=16, num_encoder_layers=24 ), - transform=lambda: T.Sequential( - T.SentencePieceTokenizer(urljoin(_TEXT_BUCKET, "xlmr.sentencepiece.bpe.model")), - T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "xlmr.vocab.pt"))), - T.Truncate(510), - T.AddToken(token=0, begin=True), - T.AddToken(token=2, begin=False), - ), + transform=lambda: xlmr_transform(510), ) XLMR_LARGE_ENCODER.__doc__ = """ @@ -221,16 +234,7 @@ def encoderConf(self) -> RobertaEncoderConf: ROBERTA_BASE_ENCODER = RobertaBundle( _path=urljoin(_TEXT_BUCKET, "roberta.base.encoder.pt"), _encoder_conf=RobertaEncoderConf(vocab_size=50265), - transform=lambda: T.Sequential( - T.GPT2BPETokenizer( - encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), - vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), - ), - T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), - T.Truncate(254), - T.AddToken(token=0, begin=True), - T.AddToken(token=2, begin=False), - ), + transform=lambda: roberta_transform(254), ) ROBERTA_BASE_ENCODER.__doc__ = """ @@ -263,16 +267,7 @@ def encoderConf(self) -> RobertaEncoderConf: num_attention_heads=16, num_encoder_layers=24, ), - transform=lambda: T.Sequential( - T.GPT2BPETokenizer( - encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), - vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), - ), - T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), - T.Truncate(510), - T.AddToken(token=0, begin=True), - T.AddToken(token=2, begin=False), - ), + transform=lambda: roberta_transform(510), ) ROBERTA_LARGE_ENCODER.__doc__ = """ @@ -302,16 +297,7 @@ def encoderConf(self) -> RobertaEncoderConf: num_encoder_layers=6, padding_idx=1, ), - transform=lambda: T.Sequential( - T.GPT2BPETokenizer( - encoder_json_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_encoder.json"), - vocab_bpe_path=urljoin(_TEXT_BUCKET, "gpt2_bpe_vocab.bpe"), - ), - T.VocabTransform(load_state_dict_from_url(urljoin(_TEXT_BUCKET, "roberta.vocab.pt"))), - T.Truncate(510), - T.AddToken(token=0, begin=True), - T.AddToken(token=2, begin=False), - ), + transform=lambda: roberta_transform(510), ) ROBERTA_DISTILLED_ENCODER.__doc__ = """ From 1487817e20d2a66efd167add87a19c1b41dbe63a Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 17 Mar 2023 12:28:04 -0400 Subject: [PATCH 416/463] Update version matrix for 0.15 (#2114) --- README.rst | 1 + 1 file changed, 1 insertion(+) diff --git a/README.rst b/README.rst index 35399cb8db..d17eeb4210 100644 --- a/README.rst +++ b/README.rst @@ -32,6 +32,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.8, <=3.11" + 1.14.0, 0.15.0, ">=3.8, <=3.11" 1.13.0, 0.14.0, ">=3.7, <=3.10" 1.12.0, 0.13.0, ">=3.7, <=3.10" 1.11.0, 0.12.0, ">=3.6, <=3.9" From 72603944f2a45ef695ff2d1ebf4334a9a0bb46cd Mon Sep 17 00:00:00 2001 From: Svetlana Karslioglu Date: Fri, 17 Mar 2023 13:20:18 -0700 Subject: [PATCH 417/463] Fix title underline (#2119) Updating the title to fix the error in the doc build. --- examples/tutorials/t5_demo.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/examples/tutorials/t5_demo.py b/examples/tutorials/t5_demo.py index 3741454edf..8d982f29f0 100644 --- a/examples/tutorials/t5_demo.py +++ b/examples/tutorials/t5_demo.py @@ -224,7 +224,7 @@ def process_labels(labels, x): ####################################################################### # Summarization Output (Might vary since we shuffle the dataloader) -# -------------------- +# ----------------------------------------------------------------- # # .. code-block:: # From 22a998e882c2e20eb9147da3cb5eb70354e62327 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Tue, 21 Mar 2023 14:11:57 -0400 Subject: [PATCH 418/463] Update version.txt (#2124) --- version.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/version.txt b/version.txt index b4f7ccce27..45e058d322 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.15.0a0 +0.15.1a0 From 10d1349d1441ecaaa2bae343d66b74d5ad9a7346 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 28 Mar 2023 10:51:04 -0400 Subject: [PATCH 419/463] Simplify torchdata version extraction in packaging script (#2129) * Simplify torchdata extraction * fix regex --- packaging/install_torchdata.sh | 11 ++--------- 1 file changed, 2 insertions(+), 9 deletions(-) diff --git a/packaging/install_torchdata.sh b/packaging/install_torchdata.sh index 0a9fc79834..5981a00c76 100755 --- a/packaging/install_torchdata.sh +++ b/packaging/install_torchdata.sh @@ -1,6 +1,6 @@ #!/bin/bash package_type="$PACKAGE_TYPE" -channel="$CHANNEl" +channel="$CHANNEL" if [ -z "$package_type" ]; then package_type="wheel" fi @@ -33,14 +33,7 @@ $install_cmd torchdata $install_channel if [ "$package_type" = "wheel" ]; then TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" else - TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-'"${channel}"] | \ - python -c "import json, os, re, sys; \ - cuver = 'cpu'; \ - pyver = os.environ.get('PYTHON_VERSION').replace('.', ''); \ - print(re.sub(r'\\+.*$', '', - [x['version'] for x in json.load(sys.stdin)['torchdata'] \ - if 'py' + pyver in x['fn']][-1]))" - )" + TORCHDATA_VERSION="$(conda list -fe torchdata | grep torchdata | sed -e 's/torchdata=\(.*\)=py.*/\1/')" echo "export CONDA_TORCHDATA_CONSTRAINT='- torchdata==${TORCHDATA_VERSION}'" >> "${BUILD_ENV_FILE}" fi From cc0b7b0c2f2dc8485a8608d158014f4570fe828b Mon Sep 17 00:00:00 2001 From: Yohann Benchetrit Date: Tue, 28 Mar 2023 19:54:43 +0200 Subject: [PATCH 420/463] Add shift-right method to T5 model (#2131) Co-authored-by: Yohann Benchetrit --- .../models/t5_models_test_impl.py | 22 +++++++++++++++++++ torchtext/models/t5/model.py | 11 ++++++++++ 2 files changed, 33 insertions(+) diff --git a/test/torchtext_unittest/models/t5_models_test_impl.py b/test/torchtext_unittest/models/t5_models_test_impl.py index bd36f32715..ab353d288a 100644 --- a/test/torchtext_unittest/models/t5_models_test_impl.py +++ b/test/torchtext_unittest/models/t5_models_test_impl.py @@ -184,3 +184,25 @@ def _train(model): _train(model) self.assertNotEqual(model.state_dict(), current_state_dict) + + def test_shift_right(self) -> None: + from torchtext.models import T5Conf, T5Model + + dummy_encoder_conf = T5Conf() + dummy_t5_encoder = T5Model(dummy_encoder_conf) + padding_idx = dummy_t5_encoder.padding_idx + + valid_cases_input = [[[1, 2], [3, 4]], [[1]]] + valid_cases_expected = [[[padding_idx, 1], [padding_idx, 3]], [[padding_idx]]] + + invalid_cases_input = [[0], [], [[]]] + + for input_ids, expected in zip(valid_cases_input, valid_cases_expected): + input_ids = torch.Tensor(input_ids) + expected = torch.Tensor(expected) + self.assertEqual(dummy_t5_encoder._shift_right(input_ids), expected) + + for input_ids in invalid_cases_input: + input_ids = torch.Tensor(input_ids) + with self.assertRaises(IndexError): + dummy_t5_encoder._shift_right(input_ids) diff --git a/torchtext/models/t5/model.py b/torchtext/models/t5/model.py index 6ba55089c5..ad85280f5a 100644 --- a/torchtext/models/t5/model.py +++ b/torchtext/models/t5/model.py @@ -193,6 +193,17 @@ def _reorder_cache(self, past: List[PAST_KEY_VALUES_TYPE], beam_idx: Tensor) -> reordered_decoder_past.append(reordered_layer_past_states) return reordered_decoder_past + @torch.jit.export + def _shift_right(self, input_ids: Tensor) -> Tensor: + """Shift all input sequences to the right""" + shifted_input_ids = torch.zeros_like(input_ids) + shifted_input_ids[:, 1:] = input_ids[:, :-1].clone() + + # T5 implemention uses padding idx to start sequence. + shifted_input_ids[:, 0] = self.padding_idx + + return shifted_input_ids + @torch.jit.export def prepare_inputs_for_generation( self, From f151b4c72eaccfae9af871b36b3193f67e0761db Mon Sep 17 00:00:00 2001 From: SvenDS9 <122370631+SvenDS9@users.noreply.github.com> Date: Wed, 29 Mar 2023 17:56:57 +0200 Subject: [PATCH 421/463] Small fixes in Readme (#2118) * Update README.rst * Update transforms.py --- README.rst | 4 +++- torchtext/transforms.py | 2 +- 2 files changed, 4 insertions(+), 2 deletions(-) diff --git a/README.rst b/README.rst index d17eeb4210..542171b5a0 100644 --- a/README.rst +++ b/README.rst @@ -16,7 +16,7 @@ This repository consists of: * `torchtext.datasets `_: The raw text iterators for common NLP datasets * `torchtext.data `_: Some basic NLP building blocks -* `torchtext.transforms `_: Basic text-processing transformations +* `torchtext.transforms `_: Basic text-processing transformations * `torchtext.models `_: Pre-trained models * `torchtext.vocab `_: Vocab and Vectors related classes and factory functions * `examples `_: Example NLP workflows with PyTorch and torchtext library. @@ -133,6 +133,8 @@ The transforms module currently support following scriptable tokenizers: * `SentencePiece `_ * `GPT-2 BPE `_ * `CLIP `_ +* `RE2 `_ +* `BERT `_ Tutorials ========= diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 4684d58080..a54cf5f9e8 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -40,7 +40,7 @@ class SentencePieceTokenizer(Module): """ Transform for Sentence Piece tokenizer from pre-trained sentencepiece model - Additiona details: https://github.com/google/sentencepiece + Additional details: https://github.com/google/sentencepiece :param sp_model_path: Path to pre-trained sentencepiece model :type sp_model_path: str From 726f5dfcf324dfafe867e3039c2beed993a054a2 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 29 Mar 2023 15:36:42 -0400 Subject: [PATCH 422/463] =?UTF-8?q?Optionally=20ignore=20utf-8=20decoding?= =?UTF-8?q?=20error=20for=20scripted=20C++=20tokenizers.=20(=E2=80=A6=20(#?= =?UTF-8?q?2134)?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit * Optionally ignore utf-8 decoding error for scripted C++ tokenizers. (#2128) Summary: Pull Request resolved: https://github.com/pytorch/text/pull/2128 Binding and test to make sure we can use 'ignore' option for utf-8 decoding added to pytorch in D43970697( https://github.com/pytorch/pytorch/pull/97282). Reviewed By: Nayef211 Differential Revision: D44315169 fbshipit-source-id: d42fcacafd429cf586c631faf826abc172b173d3 * Linter fixes --------- Co-authored-by: Shuming Hu --- test/torchtext_unittest/test_transforms.py | 18 ++++++++++++++++++ torchtext/csrc/register_pybindings.cpp | 4 ++++ torchtext/csrc/register_torchbindings.cpp | 4 ++++ torchtext/transforms.py | 1 + 4 files changed, 27 insertions(+) diff --git a/test/torchtext_unittest/test_transforms.py b/test/torchtext_unittest/test_transforms.py index 618cbca38f..296970ea08 100644 --- a/test/torchtext_unittest/test_transforms.py +++ b/test/torchtext_unittest/test_transforms.py @@ -694,6 +694,16 @@ def _gpt2_bpe_decoder_with_special_tokens(self, tokenizer): for idx, ids in enumerate(sample_ids): self.assertEqual(tokenizer.decode(ids), expected_texts[idx]) + def _gpt_bpe_decoder_partial_utf8(self, tokenizer): + sample_ids = [ + ["47728", "245", "114"], + ["47728", "245", "114", "47728"], # containing partial utf-8 encoding + ] + expected_texts = ["𝗶", "𝗶"] + + for idx, ids in enumerate(sample_ids): + self.assertEqual(tokenizer.decode(ids), expected_texts[idx]) + @nested_params([True, False], [True, False]) def test_gpt2_bpe_tokenizer(self, test_scripting, return_tokens): """test tokenization on single sentence input as well as batch on sentences""" @@ -704,6 +714,14 @@ def test_gpt2_bpe_decoder(self): self._gpt2_bpe_decoder(self._load_tokenizer(test_scripting=False, return_tokens=False)) self._gpt2_bpe_decoder_with_special_tokens(self._load_tokenizer(test_scripting=False, return_tokens=False)) + torch.ops.torchtext.set_utf8_decoding_ignore(True) + self._gpt_bpe_decoder_partial_utf8(self._load_tokenizer(test_scripting=False, return_tokens=False)) + self._gpt_bpe_decoder_partial_utf8(self._load_tokenizer(test_scripting=True, return_tokens=False)) + + torch.ops.torchtext.set_utf8_decoding_ignore(False) + with self.assertRaises(UnicodeDecodeError): + self._gpt_bpe_decoder_partial_utf8(self._load_tokenizer(test_scripting=True, return_tokens=False)) + @nested_params([True, False]) def test_gpt2_bpe_tokenizer_with_added_vocab(self, return_tokens): self._gpt2_bpe_tokenizer_with_added_vocab( diff --git a/torchtext/csrc/register_pybindings.cpp b/torchtext/csrc/register_pybindings.cpp index afa4708cdd..b7a6fdf1c4 100644 --- a/torchtext/csrc/register_pybindings.cpp +++ b/torchtext/csrc/register_pybindings.cpp @@ -1,6 +1,7 @@ #include #include #include // @manual +#include #include // @manual #include #include // @manual @@ -287,6 +288,9 @@ PYBIND11_MODULE(_torchtext, m) { m.def( "_build_vocab_from_text_file_using_python_tokenizer", &_build_vocab_from_text_file_using_python_tokenizer); + m.def( + "torchtext::set_utf8_decoding_ignore", + &torch::jit::setUTF8DecodingIgnore); } } // namespace torchtext diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index 25b23a04c2..ee509668cf 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -1,3 +1,4 @@ +#include #include #include // @manual #include // @manual @@ -210,6 +211,9 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { m.def("torchtext::load_sp_model", &load_sp_model); m.def("torchtext::load_sp_model_string", &load_sp_model_string); m.def("torchtext::gpt2_bpe_pre_tokenizer", &gpt2_bpe_pre_tokenizer); + m.def( + "torchtext::set_utf8_decoding_ignore", + &torch::jit::setUTF8DecodingIgnore); } } // namespace torchtext diff --git a/torchtext/transforms.py b/torchtext/transforms.py index a54cf5f9e8..98ba7b3f55 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -415,6 +415,7 @@ def __prepare_scriptable__(self): return tokenizer_copy return self + @torch.jit.export def decode(self, tokens: List[str]) -> str: """Return a decoded string given a list of string token ids. From df95462c562393946aea7f30608e47c69ea3ff58 Mon Sep 17 00:00:00 2001 From: Nikita Shulga Date: Tue, 4 Apr 2023 21:43:20 -0700 Subject: [PATCH 423/463] Set torchtext version to 0.16.0 (#2141) After package is published, it's minor version (not the revision) should be increased. Otherwise, `torchtext` dev packages are now older than last published version, which is [0.15.1](https://pypi.org/project/torchtext/0.15.1/) at the moment --- version.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/version.txt b/version.txt index 45e058d322..5e0f9f3c73 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.15.1a0 +0.16.0a0 From fdc4858b2e7df34d758ebc927e3ebaef98c5404a Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Thu, 6 Apr 2023 11:10:19 -0400 Subject: [PATCH 424/463] [cherry-pick] Ensure actual lenght of transformed seq by T5 Transform cannot be longer than specified max_len (#2143) * Ensure max seq length is not 1 > actual max seq len Summary: Currently a "bug" wherein max length can actually be 1 greater than actual max_seq length specified b/c we add EOS token. Reviewed By: yohann-benchetrit Differential Revision: D44708339 fbshipit-source-id: dc24d268caa4eb783df8ac7e8a2463e33d3244d9 * Format new changes --------- Co-authored-by: Joe Cummings --- torchtext/models/t5/t5_transform.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/models/t5/t5_transform.py b/torchtext/models/t5/t5_transform.py index 380778ef6b..bb8964ab18 100644 --- a/torchtext/models/t5/t5_transform.py +++ b/torchtext/models/t5/t5_transform.py @@ -45,7 +45,7 @@ def __init__(self, sp_model_path: str, max_seq_len: int, eos_idx: int, padding_i self.max_seq_len = max_seq_len self.eos_idx = eos_idx self.padding_idx = padding_idx - self.pipeline = T.Sequential(T.Truncate(self.max_seq_len), T.AddToken(token=self.eos_idx, begin=False)) + self.pipeline = T.Sequential(T.Truncate(self.max_seq_len - 1), T.AddToken(token=self.eos_idx, begin=False)) def forward(self, input: Union[str, List[str]]) -> torch.Tensor: """ From f3c34f9cac0082bf93b34594dba562dc1452df5f Mon Sep 17 00:00:00 2001 From: Saeed Dehqan <31902891+saeeddhqan@users.noreply.github.com> Date: Thu, 6 Apr 2023 18:40:38 +0330 Subject: [PATCH 425/463] Implementing __contains__ for Vectors class (#2144) --- torchtext/vocab/vectors.py | 3 +++ 1 file changed, 3 insertions(+) diff --git a/torchtext/vocab/vectors.py b/torchtext/vocab/vectors.py index a2e5299f94..af60c4f60b 100644 --- a/torchtext/vocab/vectors.py +++ b/torchtext/vocab/vectors.py @@ -64,6 +64,9 @@ def __getitem__(self, token): else: return self.unk_init(torch.Tensor(self.dim)) + def __contains__(self, token): + return token in self.stoi + def cache(self, name, cache, url=None, max_vectors=None): import ssl From f5bc19d7fb9f8b0ed41ca7f94464a724d5b2a2a1 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Fri, 7 Apr 2023 12:27:50 -0400 Subject: [PATCH 426/463] Remove temporary channel python 3.11 (#2147) --- .circleci/config.yml | 3 --- .circleci/config.yml.in | 3 --- .github/scripts/validate_binaries.sh | 7 +------ packaging/build_conda.sh | 4 ---- 4 files changed, 1 insertion(+), 16 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index dbae12c7b8..1bb9d36b54 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -369,9 +369,6 @@ jobs: conda env remove -n python${PYTHON_VERSION} || true conda create -yn python${PYTHON_VERSION} python=${PYTHON_VERSION} conda activate python${PYTHON_VERSION} - if [[ "${PYTHON_VERSION}" == "3.11" ]]; then - export CONDA_CHANNEL_FLAGS=" -c malfet" - fi conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-"${UPLOAD_CHANNEL}" pytorch conda install -v -y ${CONDA_CHANNEL_FLAGS} -c ~/workspace/conda-bld torchtext - run: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index c4d0dedd92..68dd97dcfe 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -369,9 +369,6 @@ jobs: conda env remove -n python${PYTHON_VERSION} || true conda create -yn python${PYTHON_VERSION} python=${PYTHON_VERSION} conda activate python${PYTHON_VERSION} - if [[ "${PYTHON_VERSION}" == "3.11" ]]; then - export CONDA_CHANNEL_FLAGS=" -c malfet" - fi conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-"${UPLOAD_CHANNEL}" pytorch conda install -v -y ${CONDA_CHANNEL_FLAGS} -c ~/workspace/conda-bld torchtext - run: diff --git a/.github/scripts/validate_binaries.sh b/.github/scripts/validate_binaries.sh index 43c4a36acb..638d3ca7f5 100755 --- a/.github/scripts/validate_binaries.sh +++ b/.github/scripts/validate_binaries.sh @@ -1,11 +1,6 @@ if [[ ${MATRIX_PACKAGE_TYPE} = "conda" ]]; then - #special case for Python 3.11 - if [[ ${MATRIX_PYTHON_VERSION} == '3.11' ]]; then - conda install -y torchtext -c malfet -c ${PYTORCH_CONDA_CHANNEL} - else - conda install -y torchtext -c ${PYTORCH_CONDA_CHANNEL} - fi + conda install -y torchtext -c ${PYTORCH_CONDA_CHANNEL} else pip install ${PYTORCH_PIP_PREFIX} torchtext --index-url ${PYTORCH_PIP_DOWNLOAD_URL} fi diff --git a/packaging/build_conda.sh b/packaging/build_conda.sh index 93fd96cbca..9ece559d04 100755 --- a/packaging/build_conda.sh +++ b/packaging/build_conda.sh @@ -11,8 +11,4 @@ export SOURCE_ROOT_DIR="$PWD" setup_conda_pytorch_constraint setup_visual_studio_constraint -if [[ "$PYTHON_VERSION" == "3.11" ]]; then - export CONDA_CHANNEL_FLAGS="${CONDA_CHANNEL_FLAGS} -c malfet" -fi - conda build $CONDA_CHANNEL_FLAGS --no-anaconda-upload --python "$PYTHON_VERSION" packaging/torchtext From dffe2cbf1869ddf419fce7509cfb6f101edd42af Mon Sep 17 00:00:00 2001 From: Yohann Benchetrit Date: Tue, 11 Apr 2023 00:39:03 +0200 Subject: [PATCH 427/463] Add top-p and top-k sampling (#2137) Add top-p and top-k sampling w/ temperature --- test/integration_tests/test_generate.py | 62 +++++++++++++++++++++ torchtext/prototype/generate.py | 72 +++++++++++++++++++++++-- 2 files changed, 131 insertions(+), 3 deletions(-) diff --git a/test/integration_tests/test_generate.py b/test/integration_tests/test_generate.py index df5f8b81bc..8f8ae5e308 100644 --- a/test/integration_tests/test_generate.py +++ b/test/integration_tests/test_generate.py @@ -58,3 +58,65 @@ def test_warns_when_no_max_len_provided(self, mock) -> None: generation_model = GenerationUtils(self.model) generation_model.generate(self.transformed_inputs) mock.assert_called_with(f"`max_length` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") + + def test_get_top_k_restriction(self) -> None: + generation_model = GenerationUtils(self.model) + scores = torch.arange(0, 20).reshape(2, -1) + + top_k = 5 + expected = torch.zeros_like(scores) + expected[0, 5:] = torch.arange(5, 10) + expected[1, 5:] = torch.arange(15, 20) + output = generation_model._get_top_k_restriction(scores, top_k) + self.assertEqual(output, expected) + + top_k = 11 + output = generation_model._get_top_k_restriction(scores, top_k) + self.assertEqual(output, scores) + + top_k = 0 + with self.assertRaises(ValueError): + generation_model._get_top_k_restriction(scores, top_k) + + def test_get_top_p_restriction(self) -> None: + generation_model = GenerationUtils(self.model) + input_probs = (torch.arange(1, 5) / 10).repeat(2).reshape(2, -1) + + top_p = 0.75 + expected = torch.tensor([0, 0, 0.3, 0.4]).repeat(2).reshape(2, -1) + output = generation_model._get_top_p_restriction(input_probs, top_p) + self.assertEqual(output, expected) + + # test min_to_keep parameter + top_p = 0.2 + + # min_tokens_to_keep defaults to 1 + expected_default = torch.tensor([0, 0, 0, 0.4]).repeat(2).reshape(2, -1) + output_default = generation_model._get_top_p_restriction(input_probs, top_p) + self.assertEqual(output_default, expected_default) + + output_with_min_2 = generation_model._get_top_p_restriction(input_probs, top_p, min_tokens_to_keep=2) + self.assertEqual(output_with_min_2, expected) + + top_p = -1 + with self.assertRaises(ValueError): + generation_model._get_top_p_restriction(input_probs, top_p) + + def test_apply_temperature(self) -> None: + generation_model = GenerationUtils(self.model) + input_probs = torch.ones((2, 5)) + + # testing valid temperature + temperature = 2 + valid_output = generation_model._apply_temperature(input_probs, temperature) + expected_output = torch.ones((2, 5)) / 2 + + self.assertEqual(valid_output, expected_output) + + # testing invalid temperature + temperature = 0 + with self.assertRaises(ValueError): + generation_model._apply_temperature(input_probs, temperature) + temperature = -1 + with self.assertRaises(ValueError): + generation_model._apply_temperature(input_probs, temperature) diff --git a/torchtext/prototype/generate.py b/torchtext/prototype/generate.py index 3300fda11f..48c015a305 100644 --- a/torchtext/prototype/generate.py +++ b/torchtext/prototype/generate.py @@ -48,7 +48,12 @@ def _prepare_decoder_ids_for_generation( return torch.ones((batch_size, 1), dtype=torch.long, device=device) * pad_idx def greedy_search( - self, input_ids: torch.Tensor, max_length: int, eos_idx: int, pad_idx: int, **model_kwargs + self, + input_ids: torch.Tensor, + max_length: int, + eos_idx: int, + pad_idx: int, + **model_kwargs, ) -> torch.Tensor: """Greedy search decoding for text generation. Takes the most likely next token every time. @@ -117,7 +122,6 @@ def generate( max_length (int): Max length to generate responses. pad_idx (int): Padding index. Defaults to 0. eos_idx (int): End of sequence index. Defaults to 1. - Returns: Tensor of Tensors containing output sequences as ids. @@ -138,8 +142,70 @@ def generate( max_length = DEFAULT_MAX_SEQ_LEN if num_beams == 1 or num_beams is None: - return self.greedy_search(inputs, max_length, eos_idx, pad_idx=pad_idx, **model_kwargs) + return self.greedy_search( + inputs, + max_length, + eos_idx, + pad_idx=pad_idx, + **model_kwargs, + ) elif num_beams > 1: return self.beam_search(inputs, num_beams, max_length) else: raise ValueError("`num_beams` must be >= 1.") + + def _get_top_k_restriction(self, scores: torch.Tensor, top_k: int) -> torch.Tensor: + """Returns a copy of `scores` restricted to its k highest values (meaning every other value is zeroed) + + Args: + scores (Tensor): typically the output logits or probabilities for a language model's vocabulary. + top_k (int): the number of highest values to keep. + + Returns: + A copy of `scores` restricted to its k highest values + """ + top_k = min(top_k, scores.size(-1)) + if top_k <= 0: + raise ValueError(f"`top_k` is {top_k} but should be an int greater than 0") + indices_to_remove = scores < torch.topk(scores, top_k)[0][:, -1, None] + return scores.masked_fill(indices_to_remove, 0) + + def _get_top_p_restriction(self, probs: torch.Tensor, top_p: float, min_tokens_to_keep: int = 1) -> torch.Tensor: + """Returns a copy of `probs` restricted to the top indices whose values sum up to `top_p` + (meaning the value at any other index is zeroed) + + Args: + probs (Tensor): output probabilities for a language model vocabulary. + top_p (float): the (cumulative) threshold for cutting off top-value indices; between 0 and 1. + + Returns: + A copy of `probs` restricted to the top indices whose values sum up to `top_p` + """ + if top_p < 0 or top_p > 1: + raise ValueError(f"`top_p` is {top_p} but should be a float between 0 and 1") + sorted_probs, sorted_indices = torch.sort(probs, descending=True, dim=-1) + cumulative_probs = sorted_probs.cumsum(dim=-1) + + sorted_indices_to_keep = cumulative_probs <= top_p + sorted_indices_to_keep[:, :min_tokens_to_keep] = True + indices_to_remove = ~sorted_indices_to_keep.scatter(-1, sorted_indices, sorted_indices_to_keep) + + return probs.masked_fill(indices_to_remove, 0) + + def _apply_temperature(self, probs: torch.Tensor, temperature: float) -> torch.Tensor: + """Applies temperature scaling to `probs` + Args: + probs (Tensor): output probabilities for a language model vocabulary. + temperature (float): value of temperature applied to the distribution. + Returns: + A copy of `probs` with applied `temperature` + """ + if not temperature > 0: + raise ValueError(f"`temperature` is {temperature} but should be positive") + return probs / temperature + + def _remove_invalid_values(self, scores: torch.Tensor) -> torch.Tensor: + """Removes nan and inf values to prevent generation from failing when using sampling""" + scores[scores != scores] = 0.0 + scores[scores == float("inf")] = torch.finfo(scores.dtype).max + return scores From 79100a64104df26df4d11a87344d6edd8be718ad Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Tue, 11 Apr 2023 16:59:25 -0400 Subject: [PATCH 428/463] Torchscriptable T5 generation (#2146) * Torchscriptable T5 generation * Linting fixes * Rename functions for consistency, add docstrings --- test/integration_tests/test_generate.py | 41 +++++-- torchtext/models/t5/bundler.py | 83 ++++++++++++- torchtext/models/t5/model.py | 66 +++++++---- torchtext/models/t5/modules.py | 9 +- torchtext/prototype/generate.py | 148 +++++++++++++++++------- 5 files changed, 267 insertions(+), 80 deletions(-) diff --git a/test/integration_tests/test_generate.py b/test/integration_tests/test_generate.py index 8f8ae5e308..36fa8e99c9 100644 --- a/test/integration_tests/test_generate.py +++ b/test/integration_tests/test_generate.py @@ -1,17 +1,15 @@ -from unittest.mock import patch - import torch from torchtext.models import T5_BASE_GENERATION -from torchtext.prototype.generate import DEFAULT_MAX_SEQ_LEN, GenerationUtils +from torchtext.prototype.generate import GenerationUtils from torchtext_unittest.common.torchtext_test_case import TorchtextTestCase class TestGenerationUtil(TorchtextTestCase): def setUp(self) -> None: super().setUp() - t5_base = T5_BASE_GENERATION - self.transform = t5_base.transform() - self.model = t5_base.get_model() + self.t5_base = T5_BASE_GENERATION + self.transform = self.t5_base.transform() + self.model = self.t5_base.get_model() self.model.eval() # Examples taken from T5 Paper and Huggingface self.inputs = [ @@ -24,6 +22,31 @@ def setUp(self) -> None: self.transformed_inputs = self.transform(self.inputs) torch.manual_seed(0) + def test_torchscriptable_t5_generate(self) -> None: + generation_model = self.t5_base.get_model(with_generation_utils=True) + assert isinstance(generation_model, GenerationUtils) + scripted_model = torch.jit.script(generation_model) + + tokens = scripted_model.generate(self.transformed_inputs, num_beams=1, max_length=30) + generated_text = self.transform.decode(tokens.tolist()) + + expected_generated_text = [ + "owning a dog is good for you, according to studies . a dog is a good companion for a variety of reasons", + "Das ist gut so.", + "acceptable", + "4.0", + "mississippi authorities dispatch emergency crews to survey damage . severe weather in mississippi has caused extensive damage", + ] + + self.assertEqual(generated_text, expected_generated_text) + + inputs = self.transform([self.inputs[0]]) + + tokens_for_single_example = scripted_model.generate(inputs, num_beams=1, max_length=30) + generated_text_for_single_example = self.transform.decode(tokens_for_single_example.tolist()) + + self.assertEqual(generated_text[0], generated_text_for_single_example[-1]) + def test_greedy_generate_with_t5(self) -> None: generation_model = GenerationUtils(self.model) @@ -53,12 +76,6 @@ def test_generate_errors_with_incorrect_beams(self) -> None: with self.assertRaises(ValueError): generation_model.generate(self.transformed_inputs, num_beams=0) - @patch("logging.Logger.warning") - def test_warns_when_no_max_len_provided(self, mock) -> None: - generation_model = GenerationUtils(self.model) - generation_model.generate(self.transformed_inputs) - mock.assert_called_with(f"`max_length` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") - def test_get_top_k_restriction(self) -> None: generation_model = GenerationUtils(self.model) scores = torch.arange(0, 20).reshape(2, -1) diff --git a/torchtext/models/t5/bundler.py b/torchtext/models/t5/bundler.py index f20c13d47b..acc6cdec3f 100644 --- a/torchtext/models/t5/bundler.py +++ b/torchtext/models/t5/bundler.py @@ -12,12 +12,14 @@ import logging import os from dataclasses import dataclass -from typing import Any, Callable, Dict, Optional, Union +from typing import Any, Callable, Dict, List, Optional, Union from urllib.parse import urljoin import torch from torchtext import _TEXT_BUCKET from torchtext._download_hooks import load_state_dict_from_url +from torchtext.models.t5.model import PAST_KEY_VALUES_TYPE, SEQ_2_SEQ_OUTPUTS_TYPE +from torchtext.prototype.generate import GenerationUtils from .model import T5Conf, T5Model from .t5_transform import T5Transform @@ -78,16 +80,23 @@ class T5Bundle: def get_model( self, *, + with_generation_utils: bool = False, load_weights: bool = True, freeze_model: bool = False, dl_kwargs: Optional[Dict[str, Any]] = None, - ) -> T5Model: + gen_kwargs: Optional[Dict[str, Any]] = None, + ) -> Union[T5Model, GenerationUtils]: r"""get_model(load_weights: bool = True, freeze_model: bool = False, *, dl_kwargs=None) -> torctext.prototype.models.T5Model Args: + with_generation_utils (bool): Indicates whether to wrap model w/ `GenerationUtils` wrapper. (Default: `False`) load_weights (bool): Indicates whether or not to load weights if available. (Default: `True`) freeze_model (bool): Indicates whether or not to freeze the model weights. (Default: `False`) dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`) + gen_kwargs (dictionary of kwargs): Passed to :func:`GenerationUtilsForT5`. (Default: `None`) + + Returns: + Either a T5Model or a T5Model wrapped with GenerationUtils. """ if load_weights: @@ -101,7 +110,7 @@ def get_model( "The model is not loaded with pre-trained weights. Setting freeze_model to True will hinder model from learning appropriate weights." ) - return T5Bundle.build_model( + model = T5Bundle.build_model( config=self._config, freeze_model=freeze_model, checkpoint=self._path if load_weights else None, @@ -109,6 +118,13 @@ def get_model( dl_kwargs=dl_kwargs, ) + if with_generation_utils: + if not load_weights: + logger.warning("Model is not loaded with pre-trained weights. Generations will be random.") + gen_kwargs = {} if gen_kwargs is None else gen_kwargs + return GenerationUtilsForT5(model, **gen_kwargs) + return model + @classmethod def build_model( cls, @@ -181,6 +197,7 @@ def build_model_from_huggingface_ckpt( num_decoder_layers=config_json["num_decoder_layers"], ffn_dimension=config_json["d_ff"], feed_forward_proj=config_json.get("feed_forward_proj"), + vocab_size=config_json["vocab_size"], ) t5_model = T5Model(config, freeze_model) @@ -304,6 +321,66 @@ def config(self) -> T5Conf: return self._config +class GenerationUtilsForT5(GenerationUtils): + """In order to make GenerationUtils torchscriptable, we provide the exact typing for the underlying model forward call.""" + + def __init__(self, model: torch.nn.Module, **kwargs) -> None: + super().__init__(model, **kwargs) + + def _scripted_model_forward_call( + self, + kwargs: Dict[ + str, + Union[ + bool, + torch.Tensor, + Optional[List[PAST_KEY_VALUES_TYPE]], + SEQ_2_SEQ_OUTPUTS_TYPE, + ], + ], + ): + encoder_tokens = kwargs.get("encoder_tokens", None) + assert torch.jit.isinstance(encoder_tokens, Optional[torch.Tensor]) + + decoder_tokens = kwargs.get("decoder_tokens", None) + assert torch.jit.isinstance(decoder_tokens, Optional[torch.Tensor]) + + encoder_mask = kwargs.get("encoder_mask", None) + assert torch.jit.isinstance(encoder_mask, Optional[torch.Tensor]) + + decoder_mask = kwargs.get("decoder_mask", None) + assert torch.jit.isinstance(decoder_mask, Optional[torch.Tensor]) + + encoder_padding_mask = kwargs.get("encoder_padding_mask", None) + assert torch.jit.isinstance(encoder_padding_mask, Optional[torch.Tensor]) + + decoder_padding_mask = kwargs.get("decoder_padding_mask", None) + assert torch.jit.isinstance(decoder_padding_mask, Optional[torch.Tensor]) + + encoder_outputs = kwargs.get("encoder_outputs", None) + assert torch.jit.isinstance(encoder_outputs, Optional[SEQ_2_SEQ_OUTPUTS_TYPE]) + + past_key_values = kwargs.get("past_key_values", None) + assert torch.jit.isinstance(past_key_values, Optional[List[PAST_KEY_VALUES_TYPE]]) + + return_past_key_values = kwargs.get("return_past_key_values", False) + assert torch.jit.isinstance(return_past_key_values, Optional[bool]) + + assert return_past_key_values is not None + + return self.model( + encoder_tokens=encoder_tokens, + decoder_tokens=decoder_tokens, + encoder_mask=encoder_mask, + decoder_mask=decoder_mask, + encoder_padding_mask=encoder_padding_mask, + decoder_padding_mask=decoder_padding_mask, + encoder_outputs=encoder_outputs, + past_key_values=past_key_values, + return_past_key_values=return_past_key_values, + ) + + ENCODER_DOC = """ T5_{}_ENCODER is an encoder-only model from a pre-trained T5 model with the {} configuration. It returns the normalized output from the final layer of the encoder. diff --git a/torchtext/models/t5/model.py b/torchtext/models/t5/model.py index ad85280f5a..f9da4c764f 100644 --- a/torchtext/models/t5/model.py +++ b/torchtext/models/t5/model.py @@ -16,7 +16,7 @@ import torch.nn as nn from torch import Tensor -from .modules import DECODER_OUTPUTS_TYPE, ENCODER_OUTPUTS_TYPE, PAST_KEY_VALUES_TYPE, T5Decoder, T5Encoder +from .modules import SEQ_2_SEQ_OUTPUTS_TYPE, PAST_KEY_VALUES_TYPE, T5Decoder, T5Encoder @dataclass @@ -208,22 +208,39 @@ def _shift_right(self, input_ids: Tensor) -> Tensor: def prepare_inputs_for_generation( self, input_ids: Tensor, - encoder_outputs: ENCODER_OUTPUTS_TYPE, + encoder_outputs: Optional[SEQ_2_SEQ_OUTPUTS_TYPE] = None, encoder_padding_mask: Optional[Tensor] = None, past: Optional[List[PAST_KEY_VALUES_TYPE]] = None, return_past_key_values: bool = True, - ) -> Dict[str, Union[Tensor, ENCODER_OUTPUTS_TYPE, Optional[List[PAST_KEY_VALUES_TYPE]], bool]]: + model_kwargs: Optional[ + Dict[str, Union[SEQ_2_SEQ_OUTPUTS_TYPE, Optional[Tensor], Optional[List[PAST_KEY_VALUES_TYPE]], bool]] + ] = None, + ) -> Dict[str, Union[Tensor, SEQ_2_SEQ_OUTPUTS_TYPE, Optional[List[PAST_KEY_VALUES_TYPE]], bool]]: + """Prepare inputs for generation from model_kwargs. + + Args: + input_ids (Tensor): Seed tokens for generation. + model_kwargs (Dict): Other specifications for generation + + Returns: + Dictionary bundling all model inputs for generation. + """ + if model_kwargs is None: + assert encoder_outputs is not None + model_kwargs = { + "encoder_outputs": encoder_outputs, + "encoder_padding_mask": encoder_padding_mask, + "past_key_values": past, + "return_past_key_values": return_past_key_values, + } + # Incremental decoding if past key values are provided + past = model_kwargs.get("past", None) if past is not None: input_ids = input_ids[:, -1:] - return { - "decoder_tokens": input_ids, - "encoder_outputs": encoder_outputs, - "past_key_values": past, - "encoder_padding_mask": encoder_padding_mask, - "return_past_key_values": return_past_key_values, - } + model_kwargs["decoder_tokens"] = input_ids + return model_kwargs def get_encoder(self) -> T5Encoder: return self.encoder @@ -241,10 +258,10 @@ def forward( decoder_mask: Optional[Tensor] = None, encoder_padding_mask: Optional[Tensor] = None, decoder_padding_mask: Optional[Tensor] = None, - encoder_outputs: Optional[ENCODER_OUTPUTS_TYPE] = None, + encoder_outputs: Optional[SEQ_2_SEQ_OUTPUTS_TYPE] = None, past_key_values: Optional[List[PAST_KEY_VALUES_TYPE]] = None, return_past_key_values: bool = False, - ) -> Union[DECODER_OUTPUTS_TYPE, ENCODER_OUTPUTS_TYPE]: + ) -> SEQ_2_SEQ_OUTPUTS_TYPE: r"""Pass the inputs (and mask) through the T5Encoder/T5Decoder in turn. Args: @@ -279,6 +296,18 @@ def forward( encoder_ca_scores: Tuple of cross-attention scores computed at each layer of the decoder past_key_values: List of Tuples of key values calculated during this run, or None. """ + seq2seq_model_output: SEQ_2_SEQ_OUTPUTS_TYPE = { + "encoder_output": None, + "encoder_hidden_states": None, + "encoder_sa_scores": None, + "encoder_ca_scores": None, + "decoder_output": None, + "decoder_hidden_states": None, + "decoder_sa_scores": None, + "decoder_ca_scores": None, + "past_key_values": None, + } + if encoder_outputs is None: assert encoder_tokens is not None, "If `encoder_outputs` is not specified, must provide `encoder_tokens`" @@ -289,6 +318,8 @@ def forward( src=encoder_tokens, mask=encoder_mask, src_key_padding_mask=encoder_padding_mask ) + seq2seq_model_output.update(encoder_outputs) + if not self.encoder_only: assert self.decoder is not None assert encoder_outputs is not None @@ -334,13 +365,6 @@ def forward( decoder_output = self.lm_head(decoder_output) decoder_outputs["decoder_output"] = decoder_output - # Make TorchScript pick up the correct types - encoder_decoder_outputs: DECODER_OUTPUTS_TYPE = {} - for key, val in encoder_outputs.items(): - encoder_decoder_outputs[key] = val - for key, val in decoder_outputs.items(): - encoder_decoder_outputs[key] = val - - return encoder_decoder_outputs + seq2seq_model_output.update(decoder_outputs) - return encoder_outputs + return seq2seq_model_output diff --git a/torchtext/models/t5/modules.py b/torchtext/models/t5/modules.py index 2a7ee79d47..2b658efcfb 100644 --- a/torchtext/models/t5/modules.py +++ b/torchtext/models/t5/modules.py @@ -30,9 +30,8 @@ PAST_KEY_VALUES_UNFILLED_TYPE = Tuple[Tensor, Tensor, Optional[Tensor], Optional[Tensor]] # Define reusable types for encoder/decoder outputs -ENCODER_OUTPUTS_TYPE = Dict[str, Union[Optional[Tensor], List[Tensor], List[Optional[Tensor]]]] -DECODER_OUTPUTS_TYPE = Dict[ - str, Union[Optional[Tensor], List[Tensor], List[Optional[Tensor]], List[PAST_KEY_VALUES_UNFILLED_TYPE]] +SEQ_2_SEQ_OUTPUTS_TYPE = Dict[ + str, Union[Optional[Tensor], List[Tensor], List[Optional[Tensor]], Optional[List[PAST_KEY_VALUES_UNFILLED_TYPE]]] ] @@ -961,7 +960,7 @@ def forward( mask: Optional[Tensor] = None, src_key_padding_mask: Optional[Tensor] = None, embedded_src: Optional[Tensor] = None, - ) -> ENCODER_OUTPUTS_TYPE: + ) -> SEQ_2_SEQ_OUTPUTS_TYPE: r"""Pass the input (and masks) through the stack of encoder layers. Args: @@ -1098,7 +1097,7 @@ def forward( memory_key_padding_mask: Optional[Tensor] = None, past_key_values: Optional[List[PAST_KEY_VALUES_TYPE]] = None, return_past_key_values: bool = False, - ) -> DECODER_OUTPUTS_TYPE: + ) -> SEQ_2_SEQ_OUTPUTS_TYPE: r"""Pass the inputs (and masks) through the stack of decoder layers. Args: diff --git a/torchtext/prototype/generate.py b/torchtext/prototype/generate.py index 48c015a305..a4bc40d68b 100644 --- a/torchtext/prototype/generate.py +++ b/torchtext/prototype/generate.py @@ -1,16 +1,26 @@ -import logging -from typing import Optional +import warnings +from abc import abstractmethod +from typing import Dict, Final, List, Optional, Tuple, Union import torch import torch.nn.functional as F from torch import nn +from torchtext.models.t5.modules import SEQ_2_SEQ_OUTPUTS_TYPE -logger = logging.getLogger(__name__) -DEFAULT_MAX_SEQ_LEN = 256 +DEFAULT_MAX_SEQ_LEN: Final[int] = 256 +MODEL_KWARGS_TYPE = Dict[ + str, + Union[ + bool, + torch.Tensor, + Optional[List[Tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor]]], + SEQ_2_SEQ_OUTPUTS_TYPE, + ], +] -class GenerationUtils: +class GenerationUtils(nn.Module): """Wrapper to provide generation utils for encoder/decoder models and decoder models. Example: @@ -35,34 +45,93 @@ class GenerationUtils: """ def __init__(self, model: nn.Module, **kwargs) -> None: + super().__init__() self.model = model self.is_encoder_decoder = kwargs.pop("is_encoder_decoder", True) self.is_huggingface_model = kwargs.pop("is_huggingface_model", False) def _prepare_decoder_ids_for_generation( - self, batch_size: int, pad_idx: int = 0, device: Optional[torch.device] = None, **model_kwargs + self, + batch_size: int, + pad_idx: int = 0, + device: Optional[torch.device] = None, + model_kwargs: Optional[MODEL_KWARGS_TYPE] = None, ): if model_kwargs is not None and "decoder_input_ids" in model_kwargs: - return model_kwargs.pop("decoder_input_ids") + decoder_input_ids = model_kwargs.pop("decoder_input_ids") + assert torch.jit.isinstance(decoder_input_ids, torch.Tensor) + return decoder_input_ids else: return torch.ones((batch_size, 1), dtype=torch.long, device=device) * pad_idx + @abstractmethod + def _scripted_model_forward_call(self, kwargs): + """If utils are to be TorchScript-compatible, this function needs to be overwritten that calls the underlying model's forward method. + + Example: + >>> class TorchScriptableT5GenUtils(GenerationUtils): + def __init__(self): + super().__init__() + + def _scripted_model_forward_call(kwargs): + return self.model( + encoder_tokens=kwargs.get("encoder_tokens"), + decoder_tokens=kwargs.get("decoder_tokens") + ) + + """ + warnings.warn("`scriptable_model_forward_call` has not been overriden and will not produce correct output.") + pass + + @torch.jit.unused + def _eager_encoder_forward_call(self, inputs, kwargs): + """Eager mode call to the encoder forward call.""" + if self.is_huggingface_model: + kwargs["return_dict"] = True + encoder = self.model.get_encoder() + return encoder(inputs, **kwargs) + + @torch.jit.unused + def _eager_prepare_inputs_for_generation(self, inputs, kwargs): + """Eager mode call to prepare_inputs_for_generation.""" + return self.model.prepare_inputs_for_generation(inputs, **kwargs) + + @torch.jit.unused + def _eager_model_forward_call(self, model_inputs): + """Eager mode call to model forward method.""" + return self.model(**model_inputs) + + def _prepare_encoder_decoder_kwargs_for_generation( + self, input_ids: torch.Tensor, encoder_kwargs: MODEL_KWARGS_TYPE + ): + """Runs encoder and adds to model_kwargs for decoding. Modified from https://github.com/huggingface/transformers/blob/67d074874d285e616393c65a0e670088e1b6b74a/src/transformers/generation/utils.py#L592. + + Args: + inputs: (Tensor): Tokenized startings sequence(s). + model_kwargs (Dict[str, Any]): Model keyword arguments to be modified for decoding. + + Returns: + Modified model_kwargs with addition of encoded input sequence(s). + """ + # Forward pass + if torch.jit.is_scripting(): + encoder_kwargs["encoder_tokens"] = input_ids + encoder_output = self._scripted_model_forward_call(encoder_kwargs) + assert torch.jit.isinstance(encoder_output, SEQ_2_SEQ_OUTPUTS_TYPE) + return encoder_output + return self._eager_encoder_forward_call(input_ids, encoder_kwargs) + def greedy_search( - self, - input_ids: torch.Tensor, - max_length: int, - eos_idx: int, - pad_idx: int, - **model_kwargs, + self, input_ids: torch.Tensor, max_length: int, eos_idx: int, pad_idx: int, model_kwargs: MODEL_KWARGS_TYPE ) -> torch.Tensor: """Greedy search decoding for text generation. Takes the most likely next token every time. - Inputs: + Args: input_ids (Tensor): Text prompt(s) for greedy generation. max_length (int): Max length to generate responses. eos_idx (int): End of sequence index. pad_idx (int): Padding index. - **model_kwargs + model_kwargs Returns: Batch of sequences decoded by greedy search. @@ -70,19 +139,28 @@ def greedy_search( unfinished_sequences = torch.ones((input_ids.shape[0]), device=input_ids.device, dtype=torch.long) while True: - model_inputs = self.model.prepare_inputs_for_generation(input_ids, **model_kwargs) + model_inputs = ( + self.model.prepare_inputs_for_generation(input_ids, model_kwargs=model_kwargs) + if torch.jit.is_scripting() + else self._eager_prepare_inputs_for_generation(input_ids, model_kwargs) + ) if self.is_huggingface_model: model_inputs["return_dict"] = True model_inputs["output_hidden_states"] = True # Get model output - outputs = self.model(**model_inputs) + if torch.jit.is_scripting(): + outputs = self._scripted_model_forward_call(model_inputs) + assert torch.jit.isinstance(outputs, SEQ_2_SEQ_OUTPUTS_TYPE) + else: + outputs = self._eager_model_forward_call(model_inputs) output_key = "logits" if self.is_huggingface_model else "decoder_output" - decoder_output = outputs[output_key] + logits = outputs.get(output_key) + assert torch.jit.isinstance(logits, torch.Tensor) # Calculate probabilities and take the most likely next token - probs = F.log_softmax(decoder_output[:, -1], dim=-1) + probs = F.log_softmax(logits[:, -1], dim=-1) next_tokens = torch.argmax(probs, dim=-1) # For any finished sequences, padding idx should be the last token @@ -103,11 +181,12 @@ def greedy_search( def beam_search(self, input_ids: torch.Tensor, num_beams: int, max_length: Optional[int]) -> torch.Tensor: raise NotImplementedError() + @torch.jit.export def generate( self, - inputs: Optional[torch.Tensor] = None, + inputs: torch.Tensor, num_beams: Optional[int] = None, - max_length: Optional[int] = None, + max_length: int = DEFAULT_MAX_SEQ_LEN, pad_idx: int = 0, eos_idx: int = 1, ) -> torch.Tensor: @@ -127,28 +206,19 @@ def generate( `Note`: If one beam is provided or no beams are specified, the generation method will default to greedy search. """ - model_kwargs = {} + model_kwargs = torch.jit.annotate(MODEL_KWARGS_TYPE, {}) if self.is_encoder_decoder: - encoder = self.model.get_encoder() - encoder_model_kwargs = {"src_key_padding_mask": inputs.eq(pad_idx)} - model_kwargs["encoder_outputs"] = encoder(inputs, **encoder_model_kwargs) - inputs = self._prepare_decoder_ids_for_generation(len(inputs), device=inputs.device, **model_kwargs) + encoder_model_kwargs = torch.jit.annotate(MODEL_KWARGS_TYPE, {}) + encoder_model_kwargs["src_key_padding_mask"] = inputs.eq(pad_idx) + encoder_outputs = self._prepare_encoder_decoder_kwargs_for_generation(inputs, encoder_model_kwargs) + model_kwargs["encoder_outputs"] = encoder_outputs model_kwargs["encoder_padding_mask"] = encoder_model_kwargs.pop("src_key_padding_mask") - if max_length is None: - # Too hard to try to figure out the exact max_seq_length for each model - logger.warning(f"`max_length` was not specified. Defaulting to {DEFAULT_MAX_SEQ_LEN} tokens.") - max_length = DEFAULT_MAX_SEQ_LEN - - if num_beams == 1 or num_beams is None: - return self.greedy_search( - inputs, - max_length, - eos_idx, - pad_idx=pad_idx, - **model_kwargs, - ) + inputs = self._prepare_decoder_ids_for_generation(len(inputs), device=inputs.device) + + if num_beams is None or num_beams == 1: + return self.greedy_search(inputs, max_length, eos_idx, pad_idx=pad_idx, model_kwargs=model_kwargs) elif num_beams > 1: return self.beam_search(inputs, num_beams, max_length) else: From 167dc69363158cb3a4ab26f675cad65e95b8e446 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 17 Apr 2023 17:48:57 -0400 Subject: [PATCH 429/463] [NovaX] Windows CPU Unittests (#2148) * [NovaX] Windows CPU Unittests * use name for conda env * python3 -> python --- .github/workflows/test-windows-cpu.yml | 74 ++++++++++++++++++++++++++ 1 file changed, 74 insertions(+) create mode 100644 .github/workflows/test-windows-cpu.yml diff --git a/.github/workflows/test-windows-cpu.yml b/.github/workflows/test-windows-cpu.yml new file mode 100644 index 0000000000..1b4e4884a2 --- /dev/null +++ b/.github/workflows/test-windows-cpu.yml @@ -0,0 +1,74 @@ +name: Unit-tests on Windows CPU + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + workflow_dispatch: + +env: + CHANNEL: "nightly" + +jobs: + tests: + strategy: + matrix: + python_version: ["3.8", "3.9", "3.10"] + fail-fast: false + uses: pytorch/test-infra/.github/workflows/windows_job.yml@main + with: + runner: windows.4xlarge + repository: pytorch/text + script: | + set -euxo pipefail + + # Mark Build Directory Safe + git config --global --add safe.directory /__w/text/text + + # Set up Environment Variables + export PYTHON_VERSION="${{ matrix.python_version }}" + export VERSION="cpu" + + # Set CHANNEL + if [[ (${GITHUB_EVENT_NAME} = 'pull_request' && (${GITHUB_BASE_REF} = 'release'*)) || (${GITHUB_REF} = 'refs/heads/release'*) ]]; then + export CHANNEL=test + else + export CHANNEL=nightly + fi + + # Create Conda Env + conda create -y --name ci_env python="${PYTHON_VERSION}" + conda activate ci_env + python -m pip --quiet install cmake>=3.18.0 ninja + conda env update --file ".circleci/unittest/windows/scripts/environment.yml" --prune + + # TorchText-specific Setup + printf "* Downloading SpaCy English models\n" + python -m spacy download en_core_web_sm + printf "* Downloading SpaCy German models\n" + python -m spacy download de_core_news_sm + + # Install PyTorch, Torchvision, and TorchData + conda install \ + --yes \ + -c "pytorch-${CHANNEL}" \ + pytorch \ + cpuonly + printf "Installing torchdata nightly\n" + python -m pip install "portalocker>=2.0.0" + python -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + + printf "* Installing pywin32_postinstall script\n" + curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/pywin32/main/pywin32_postinstall.py + python pywin32_postinstall.py -install + + "packaging/vc_env_helper.bat" python setup.py develop + python -m pip install parameterized + + # Run Tests + python -m torch.utils.collect_env + cd test + python -m pytest --cov=torchtext --junitxml=test-results/junit.xml -v --durations 20 torchtext_unittest From 60c39d2f01d59089c178e62bbae75665e539e22a Mon Sep 17 00:00:00 2001 From: Raj Date: Thu, 20 Apr 2023 15:16:41 +0000 Subject: [PATCH 430/463] typo: torctext -> torchtext (#2157) --- torchtext/models/roberta/bundler.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/models/roberta/bundler.py b/torchtext/models/roberta/bundler.py index de42c7ae8f..a50c9cd75d 100644 --- a/torchtext/models/roberta/bundler.py +++ b/torchtext/models/roberta/bundler.py @@ -72,7 +72,7 @@ def get_model( freeze_encoder: bool = False, dl_kwargs: Dict[str, Any] = None, ) -> RobertaModel: - r"""get_model(head: Optional[torch.nn.Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> torctext.models.RobertaModel + r"""get_model(head: Optional[torch.nn.Module] = None, load_weights: bool = True, freeze_encoder: bool = False, *, dl_kwargs=None) -> torchtext.models.RobertaModel Args: head (nn.Module): A module to be attached to the encoder to perform specific task. If provided, it will replace the default member head (Default: ``None``) From f515a4c918cfba903dd9e2f4da974ad644b05354 Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Wed, 26 Apr 2023 12:47:36 -0400 Subject: [PATCH 431/463] Disable test_download_charngram_vectors on Linux CI (#2161) --- test/torchtext_unittest/test_build.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/test/torchtext_unittest/test_build.py b/test/torchtext_unittest/test_build.py index ccb875b644..e5ddad486b 100644 --- a/test/torchtext_unittest/test_build.py +++ b/test/torchtext_unittest/test_build.py @@ -1,6 +1,8 @@ #!/usr/bin/env python3 """Tests that requires external resources (Network access to fetch dataset)""" import os +import platform +import unittest import torch import torchtext.data @@ -64,6 +66,8 @@ def test_vectors_get_vecs(self) -> None: self.assertEqual(token_one_vec.shape[0], vec.dim) self.assertEqual(vec[tokens[0].lower()], token_one_vec) + # TODO(Nayef211): remove decorator once https://github.com/pytorch/text/issues/1900 is closed + @unittest.skipIf("CI" in os.environ and platform.system() == "Linux", "Test is known to fail on Linux.") @third_party_download def test_download_charngram_vectors(self) -> None: # Build a vocab and get vectors twice to test caching. From 6b0f158f334438a62e706b9ba757f4d066a6c8dd Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Thu, 27 Apr 2023 00:29:29 -0400 Subject: [PATCH 432/463] Use `filelock` library for file downloads (#2166) Summary: Followup to D44604474 and D45048667. The previous 2 solutions didn't work because neither `iopath` nor `fcntl` implement platform agnostic locks. Thus the changes in the internal diffs could not be landed on github. Using [filelock](https://py-filelock.readthedocs.io/en/latest/index.html) should resolve the issue as it implements a platform agnostic file lock mechanism. This solution is also used by PyTorch Core to implement locking (see [code pointer](https://github.com/pytorch/pytorch/blob/bb830224e3e98732c8f26c1f179ff770f07fd543/torch/_inductor/codecache.py#L263-L268)). Reviewed By: debowin Differential Revision: D45234254 fbshipit-source-id: 2285f94b13e36685ec6a5c1c4d2cd74dee9e0431 Co-authored-by: Nayef Ahmed --- torchtext/utils.py | 68 ++++++++++++++++++++++++++++------------------ 1 file changed, 41 insertions(+), 27 deletions(-) diff --git a/torchtext/utils.py b/torchtext/utils.py index fb5dde7c32..9565cc3b85 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -6,13 +6,22 @@ import zipfile import torch +from filelock import FileLock from torchtext import _CACHE_DIR from ._download_hooks import _DATASET_DOWNLOAD_MANAGER - logger = logging.getLogger(__name__) +LOCK_TIMEOUT = 600 + + +def get_lock_dir(): + lock_dir = os.path.join(_CACHE_DIR, "locks") + if not os.path.exists(lock_dir): + os.makedirs(lock_dir, exist_ok=True) + return lock_dir + def reporthook(t): """ @@ -96,32 +105,37 @@ def download_from_url(url, path=None, root=".data", overwrite=False, hash_value= path = os.path.abspath(path) root, filename = os.path.split(os.path.abspath(path)) - # skip download if path exists and overwrite is not True - if os.path.exists(path): - logger.info("File %s already exists." % path) - if not overwrite: - if hash_value: - _check_hash(path, hash_value, hash_type) - return path - - # make root dir if does not exist - if not os.path.exists(root): - try: - os.makedirs(root) - except OSError: - raise OSError("Can't create the download directory {}.".format(root)) - - # download data and move to path - _DATASET_DOWNLOAD_MANAGER.get_local_path(url, destination=path) - - logger.info("File {} downloaded.".format(path)) - - # validate - if hash_value: - _check_hash(path, hash_value, hash_type) - - # all good - return path + # In a concurrent setting, adding a file lock ensures the first thread to acquire will actually download the model + # and the other ones will just use the existing path (which will not contain a partially downloaded model). + lock_dir = get_lock_dir() + lock = FileLock(os.path.join(lock_dir, filename + ".lock"), timeout=LOCK_TIMEOUT) + with lock: + # skip download if path exists and overwrite is not True + if os.path.exists(path): + logger.info("File %s already exists." % path) + if not overwrite: + if hash_value: + _check_hash(path, hash_value, hash_type) + return path + + # make root dir if does not exist + if not os.path.exists(root): + try: + os.makedirs(root) + except OSError: + raise OSError("Can't create the download directory {}.".format(root)) + + # download data and move to path + _DATASET_DOWNLOAD_MANAGER.get_local_path(url, destination=path) + + logger.info("File {} downloaded.".format(path)) + + # validate + if hash_value: + _check_hash(path, hash_value, hash_type) + + # all good + return path def extract_archive(from_path, to_path=None, overwrite=False): From b0ebddc648d279826089db91775375221777a2db Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 3 May 2023 08:02:27 -0400 Subject: [PATCH 433/463] Add windows workflows (#2167) --- .github/workflows/build-conda-windows.yml | 54 +++++++++++++++++++++ .github/workflows/build-wheels-windows.yml | 55 ++++++++++++++++++++++ 2 files changed, 109 insertions(+) create mode 100644 .github/workflows/build-conda-windows.yml create mode 100644 .github/workflows/build-wheels-windows.yml diff --git a/.github/workflows/build-conda-windows.yml b/.github/workflows/build-conda-windows.yml new file mode 100644 index 0000000000..30e8a63655 --- /dev/null +++ b/.github/workflows/build-conda-windows.yml @@ -0,0 +1,54 @@ +name: Build Windows Conda + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: conda + os: windows + test-infra-repository: pytorch/test-infra + test-infra-ref: main + with-cuda: disable + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: packaging/install_torchdata.sh + post-script: "" + conda-package-directory: packaging/torchtext + smoke-test-script: test/smoke_tests/smoke_tests.py + package-name: torchtext + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_conda_windows.yml@main + with: + conda-package-directory: ${{ matrix.conda-package-directory }} + repository: ${{ matrix.repository }} + ref: "" + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} diff --git a/.github/workflows/build-wheels-windows.yml b/.github/workflows/build-wheels-windows.yml new file mode 100644 index 0000000000..b98bc06cc5 --- /dev/null +++ b/.github/workflows/build-wheels-windows.yml @@ -0,0 +1,55 @@ +name: Build Windows Wheels + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + tags: + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ + workflow_dispatch: + +jobs: + generate-matrix: + uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main + with: + package-type: wheel + os: windows + test-infra-repository: pytorch/test-infra + test-infra-ref: main + with-cuda: disable + build: + needs: generate-matrix + strategy: + fail-fast: false + matrix: + include: + - repository: pytorch/text + pre-script: packaging/install_torchdata.sh + env-script: packaging/vc_env_helper.bat + post-script: "" + smoke-test-script: test/smoke_tests/smoke_tests.py + package-name: torchtext + name: ${{ matrix.repository }} + uses: pytorch/test-infra/.github/workflows/build_wheels_windows.yml@main + with: + repository: ${{ matrix.repository }} + ref: "" + test-infra-repository: pytorch/test-infra + test-infra-ref: main + build-matrix: ${{ needs.generate-matrix.outputs.matrix }} + pre-script: ${{ matrix.pre-script }} + env-script: ${{ matrix.env-script }} + post-script: ${{ matrix.post-script }} + package-name: ${{ matrix.package-name }} + smoke-test-script: ${{ matrix.smoke-test-script }} + # Using "development" as trigger event so these binaries are not uploaded + # to official channels yet + trigger-event: development + secrets: + AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} + AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From 325218a6d090faa531a8e40fd6916e5b09e51259 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 16 May 2023 08:50:26 -0400 Subject: [PATCH 434/463] Switch binary windows workflows to GHA (#2168) * Switch binary windows workflows to GHA * Bring back build_workflows for doc builds * Prettier workflows --- .circleci/config.yml | 248 --------------------- .circleci/regenerate.py | 2 +- .github/workflows/build-conda-windows.yml | 14 +- .github/workflows/build-wheels-windows.yml | 14 +- 4 files changed, 13 insertions(+), 265 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 1bb9d36b54..7704b1cd6f 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -619,30 +619,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: binary_linux_wheel_py3.8 python_version: '3.8' - - binary_windows_wheel: - name: binary_windows_wheel_py3.8 - python_version: '3.8' - - binary_windows_wheel: - name: binary_windows_wheel_py3.9 - python_version: '3.9' - - binary_windows_wheel: - name: binary_windows_wheel_py3.10 - python_version: '3.10' - - binary_windows_wheel: - name: binary_windows_wheel_py3.11 - python_version: '3.11' - - binary_windows_conda: - name: binary_windows_conda_py3.8 - python_version: '3.8' - - binary_windows_conda: - name: binary_windows_conda_py3.9 - python_version: '3.9' - - binary_windows_conda: - name: binary_windows_conda_py3.10 - python_version: '3.10' - - binary_windows_conda: - name: binary_windows_conda_py3.11 - python_version: '3.11' - build_docs: filters: branches: @@ -689,230 +665,6 @@ workflows: only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ name: nightly_binary_linux_wheel_py3.8 python_version: '3.8' - - binary_windows_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.8 - python_version: '3.8' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.8_upload - requires: - - nightly_binary_windows_wheel_py3.8 - - smoke_test_windows_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.8_smoke_test_pip - python_version: '3.8' - requires: - - nightly_binary_windows_wheel_py3.8_upload - - binary_windows_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.9 - python_version: '3.9' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.9_upload - requires: - - nightly_binary_windows_wheel_py3.9 - - smoke_test_windows_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.9_smoke_test_pip - python_version: '3.9' - requires: - - nightly_binary_windows_wheel_py3.9_upload - - binary_windows_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.10 - python_version: '3.10' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.10_upload - requires: - - nightly_binary_windows_wheel_py3.10 - - smoke_test_windows_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.10_smoke_test_pip - python_version: '3.10' - requires: - - nightly_binary_windows_wheel_py3.10_upload - - binary_windows_wheel: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.11 - python_version: '3.11' - - binary_wheel_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.11_upload - requires: - - nightly_binary_windows_wheel_py3.11 - - smoke_test_windows_pip: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_wheel_py3.11_smoke_test_pip - python_version: '3.11' - requires: - - nightly_binary_windows_wheel_py3.11_upload - - binary_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.8 - python_version: '3.8' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.8_upload - requires: - - nightly_binary_windows_conda_py3.8 - - smoke_test_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.8_smoke_test_conda - python_version: '3.8' - requires: - - nightly_binary_windows_conda_py3.8_upload - - binary_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.9 - python_version: '3.9' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.9_upload - requires: - - nightly_binary_windows_conda_py3.9 - - smoke_test_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.9_smoke_test_conda - python_version: '3.9' - requires: - - nightly_binary_windows_conda_py3.9_upload - - binary_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.10 - python_version: '3.10' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.10_upload - requires: - - nightly_binary_windows_conda_py3.10 - - smoke_test_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.10_smoke_test_conda - python_version: '3.10' - requires: - - nightly_binary_windows_conda_py3.10_upload - - binary_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.11 - python_version: '3.11' - - binary_conda_upload: - context: org-member - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.11_upload - requires: - - nightly_binary_windows_conda_py3.11 - - smoke_test_windows_conda: - filters: - branches: - only: nightly - tags: - only: /v[0-9]+(\.[0-9]+)*-rc[0-9]+/ - name: nightly_binary_windows_conda_py3.11_smoke_test_conda - python_version: '3.11' - requires: - - nightly_binary_windows_conda_py3.11_upload docker_build: triggers: - schedule: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 4c8b3437b4..1dd68e152e 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -42,7 +42,7 @@ def build_workflows(prefix="", upload=False, filter_branch=None, indentation=6): continue if os_type == "linux" and btype == "conda": continue - if os_type == "macos": + if os_type == "macos" or os_type == "windows": continue w += build_workflow_pair(btype, os_type, python_version, fb, prefix, upload) diff --git a/.github/workflows/build-conda-windows.yml b/.github/workflows/build-conda-windows.yml index 30e8a63655..38bfb6307f 100644 --- a/.github/workflows/build-conda-windows.yml +++ b/.github/workflows/build-conda-windows.yml @@ -8,9 +8,9 @@ on: - main - release/* tags: - # NOTE: Binary build pipelines should only get triggered on release candidate builds - # Release candidate tags look like: v1.11.0-rc1 - - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: @@ -30,7 +30,7 @@ jobs: include: - repository: pytorch/text pre-script: packaging/install_torchdata.sh - post-script: "" + post-script: '' conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py package-name: torchtext @@ -39,7 +39,7 @@ jobs: with: conda-package-directory: ${{ matrix.conda-package-directory }} repository: ${{ matrix.repository }} - ref: "" + ref: '' test-infra-repository: pytorch/test-infra test-infra-ref: main build-matrix: ${{ needs.generate-matrix.outputs.matrix }} @@ -47,8 +47,6 @@ jobs: post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} - # Using "development" as trigger event so these binaries are not uploaded - # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} diff --git a/.github/workflows/build-wheels-windows.yml b/.github/workflows/build-wheels-windows.yml index b98bc06cc5..7cb5cda2bf 100644 --- a/.github/workflows/build-wheels-windows.yml +++ b/.github/workflows/build-wheels-windows.yml @@ -8,9 +8,9 @@ on: - main - release/* tags: - # NOTE: Binary build pipelines should only get triggered on release candidate builds - # Release candidate tags look like: v1.11.0-rc1 - - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ + # NOTE: Binary build pipelines should only get triggered on release candidate builds + # Release candidate tags look like: v1.11.0-rc1 + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: jobs: @@ -31,14 +31,14 @@ jobs: - repository: pytorch/text pre-script: packaging/install_torchdata.sh env-script: packaging/vc_env_helper.bat - post-script: "" + post-script: '' smoke-test-script: test/smoke_tests/smoke_tests.py package-name: torchtext name: ${{ matrix.repository }} uses: pytorch/test-infra/.github/workflows/build_wheels_windows.yml@main with: repository: ${{ matrix.repository }} - ref: "" + ref: '' test-infra-repository: pytorch/test-infra test-infra-ref: main build-matrix: ${{ needs.generate-matrix.outputs.matrix }} @@ -47,9 +47,7 @@ jobs: post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} - # Using "development" as trigger event so these binaries are not uploaded - # to official channels yet - trigger-event: development + trigger-event: ${{ github.event_name }} secrets: AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From 47e956319732a60bd88d951818339e056706cebf Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 16 May 2023 13:03:55 -0400 Subject: [PATCH 435/463] [Nova] Build docs in GHA (#2170) * Build docs in GHA * Save file * fix build docs * Fix install docs * test * Build docs setup verison * Adding doc uild --- .github/workflows/build-docs.yml | 101 +++++++++++++++++++++++++++++++ 1 file changed, 101 insertions(+) create mode 100644 .github/workflows/build-docs.yml diff --git a/.github/workflows/build-docs.yml b/.github/workflows/build-docs.yml new file mode 100644 index 0000000000..3ea03dd7a1 --- /dev/null +++ b/.github/workflows/build-docs.yml @@ -0,0 +1,101 @@ +name: Build documentation + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + tags: + - v[0-9]+.[0-9]+.[0-9] + - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ + workflow_dispatch: + +jobs: + build: + uses: pytorch/test-infra/.github/workflows/linux_job.yml@main + with: + job-name: Build doc + runner: linux.2xlarge + repository: pytorch/text + gpu-arch-type: cpu + timeout: 120 + upload-artifact: docs + script: | + # Mark Build Directory Safe + git config --global --add safe.directory /__w/text/text + + # Set up Environment Variables + export PYTHON_VERSION="3.8" + + # Set CHANNEL + if [[(${GITHUB_EVENT_NAME} = 'pull_request' && (${GITHUB_BASE_REF} = 'release'*)) || (${GITHUB_REF} = 'refs/heads/release'*) ]]; then + export CHANNEL=test + else + export CHANNEL=nightly + fi + + # Create Conda Env + conda create --quiet -y --prefix ci_env python="${PYTHON_VERSION}" + conda activate ./ci_env + + # Install PyTorch + set -ex + set +u # don't know why + conda install \ + --yes \ + --quiet \ + pytorch torchtext cpuonly \ + -c "pytorch-${CHANNEL}" + + pip --quiet install cmake>=3.18.0 ninja + + cd packaging + . ./pkg_helpers.bash + setup_build_version + cd ../ + + # Install build tools + conda install --quiet -y -c conda-forge pandoc doxygen pysoundfile + pip install --quiet -r docs/requirements.txt + + # Build docs + export BUILD_GALLERY=true + (cd docs && make 'SPHINXOPTS=-W' html) + + cp -rf docs/build/html/* "${RUNNER_DOCS_DIR}" + mv docs/build/html /artifacts/ + + commit: + if: ${{ (github.repository == 'pytorch/text') && ((github.event_name == 'push') && (github.ref_name == 'nightly')) }} + permissions: + # Required for `git push` + # Note: + # This is not effective from fork. + # When you debug this, make sure to make a branch on pytorch and + # make PR from there. + contents: write + runs-on: ubuntu-latest + needs: build + steps: + - uses: actions/checkout@v3 + with: + ref: gh-pages + - uses: actions/download-artifact@v3 + with: + name: docs + - name: Update nightly doc + run: | + set -x + + # TODO: add tag-based process (need to handle the main directory name) + rm -rf main + mv html main + + # Update the main doc + git add --all main || true + git config user.name "pytorchbot" + git config user.email "soumith+bot@pytorch.org" + git commit -m "auto-generating sphinx docs" || true + git push From 1116dc10f421272bd781d3faae6ad4d9d970af46 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Tue, 16 May 2023 13:59:29 -0400 Subject: [PATCH 436/463] [Nova] Deprecate Remaining CircleCI unittest jobs (#2169) * [Nova] Deprecate Remaining CircleCI unittest jobs * Remove more unused job deps --- .circleci/config.yml | 240 ---------------------------------------- .circleci/config.yml.in | 232 -------------------------------------- .circleci/regenerate.py | 21 ---- 3 files changed, 493 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 7704b1cd6f..500453ce87 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -149,23 +149,6 @@ jobs: paths: - "*" - binary_linux_conda: - <<: *binary_common - docker: - - image: "pytorch/conda-cuda" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: packaging/build_conda.sh - - store_artifacts: - path: /opt/conda/conda-bld/linux-64 - - persist_to_workspace: - root: /opt/conda - paths: - - "conda-bld/*" - binary_windows_wheel: <<: *binary_common executor: @@ -209,54 +192,6 @@ jobs: paths: - "conda-bld/*" - binary_macos_wheel: - <<: *binary_common - macos: - xcode: "14.0" - steps: - - checkout - - designate_upload_channel - - run: - # Installing cmake with `brew install cmake` takes 30 mins, so we use binary distribution. - command: | - curl -o cmake.tar.gz -L https://github.com/Kitware/CMake/releases/download/v3.17.2/cmake-3.17.2-Darwin-x86_64.tar.gz - tar -xzf cmake.tar.gz - cp cmake-3.17.2-Darwin-x86_64/CMake.app/Contents/bin/* /usr/local/bin/ - cp -r cmake-3.17.2-Darwin-x86_64/CMake.app/Contents/share/* /usr/local/share/ - export PATH="${PATH}:/usr/local/bin" - curl -o conda.sh https://repo.anaconda.com/miniconda/Miniconda3-latest-MacOSX-x86_64.sh - sh conda.sh -b - source $HOME/miniconda3/bin/activate - packaging/build_wheel.sh - - store_artifacts: - path: dist - - persist_to_workspace: - root: dist - paths: - - "*" - - binary_macos_conda: - <<: *binary_common - macos: - xcode: "14.0" - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - command: | - curl -o conda.sh https://repo.anaconda.com/miniconda/Miniconda3-latest-MacOSX-x86_64.sh - sh conda.sh -b - source $HOME/miniconda3/bin/activate - conda install -yq conda-build - packaging/build_conda.sh - - store_artifacts: - path: /Users/distiller/miniconda3/conda-bld/osx-64 - - persist_to_workspace: - root: /Users/distiller/miniconda3 - paths: - - "conda-bld/*" - # Requires org-member context binary_conda_upload: docker: @@ -294,44 +229,6 @@ jobs: aws s3 cp "$pkg" "s3://pytorch/whl/${UPLOAD_CHANNEL}/" --acl public-read done - smoke_test_linux_conda: - <<: *smoke_test_common - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - load_conda_channel_flags - - run: - name: install binaries - command: | - set -x - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-${UPLOAD_CHANNEL} pytorch - conda install -v -y ${CONDA_CHANNEL_FLAGS} -c file://$HOME/workspace/conda-bld torchtext - - run: - name: smoke test - command: | - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - python -c "import torchtext" - - smoke_test_linux_pip: - <<: *smoke_test_common - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - run: - name: install binaries - command: | - set -x - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - pip install $(ls ~/workspace/torchtext*.whl) --pre -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/cpu/torch_${UPLOAD_CHANNEL}.html" - - run: - name: smoke test - command: | - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - python -c "import torchtext" - smoke_test_docker_image_build: machine: image: ubuntu-1604:201903-01 @@ -402,132 +299,6 @@ jobs: conda activate python${PYTHON_VERSION} python -c "import torchtext" - unittest_linux: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: Generate cache key - # This will refresh cache on Sundays, nightly build should generate new cache. - command: echo "$(date +"%Y-%U")" > .circleci-weekly - - run: - name: Setup - command: .circleci/unittest/linux/scripts/setup_env.sh - - run: - name: Install torchtext - command: .circleci/unittest/linux/scripts/install.sh - - restore_cache: - keys: - - - data-linux-v1-{{ checksum ".circleci-weekly" }} - - - run: - name: Run tests - # Downloading embedding vector takes long time. - no_output_timeout: 30m - command: .circleci/unittest/linux/scripts/run_test.sh - - save_cache: - - key: data-linux-v1-{{ checksum ".circleci-weekly" }} - - paths: - - .vector_cache - - run: - name: Post process - command: .circleci/unittest/linux/scripts/post_process.sh - - store_test_results: - path: test-results - - unittest_macos: - <<: *binary_common - macos: - xcode: "14.0" - resource_class: large - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: Generate cache key - # This will refresh cache on Sundays, nightly build should generate new cache. - command: echo "$(date +"%Y-%U")" > .circleci-weekly - - run: - name: Setup - command: .circleci/unittest/linux/scripts/setup_env.sh - - run: - name: Install torchtext - command: .circleci/unittest/linux/scripts/install.sh - - restore_cache: - keys: - - - data-macos-v1-{{ checksum ".circleci-weekly" }} - - - - run: - name: Run tests - # Downloading embedding vector takes long time. - no_output_timeout: 30m - command: .circleci/unittest/linux/scripts/run_test.sh - - save_cache: - keys: - - key: data-macos-v1-{{ checksum ".circleci-weekly" }} - - - paths: - - .vector_cache - - run: - name: Post process - command: .circleci/unittest/linux/scripts/post_process.sh - - store_test_results: - path: test-results - - unittest_windows: - <<: *binary_common - executor: - name: windows-cpu - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: Generate cache key - # This will refresh cache on Sundays, nightly build should generate new cache. - command: echo "$(date +"%Y-%U")" > .circleci-weekly - - run: - name: Setup - command: .circleci/unittest/windows/scripts/setup_env.sh - - run: - name: Install torchtext - command: .circleci/unittest/windows/scripts/install.sh - - restore_cache: - keys: - - - data-windows-v1-{{ checksum ".circleci-weekly" }} - - - - run: - name: Run tests - # Downloading embedding vector takes long time. - no_output_timeout: 30m - command: .circleci/unittest/windows/scripts/run_test.sh - - save_cache: - - key: data-windows-v1-{{ checksum ".circleci-weekly" }} - - paths: - - .vector_cache - - run: - name: Post process - command: .circleci/unittest/windows/scripts/post_process.sh - - store_test_results: - path: test-results - stylecheck: <<: *binary_common docker: @@ -640,17 +411,6 @@ workflows: python_version: '3.8' requires: - build_docs - unittest: - jobs: - - unittest_windows: - name: unittest_windows_py3.8 - python_version: '3.8' - - unittest_windows: - name: unittest_windows_py3.9 - python_version: '3.9' - - unittest_windows: - name: unittest_windows_py3.10 - python_version: '3.10' nightly: jobs: - circleci_consistency: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index 68dd97dcfe..781abdc81e 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -149,23 +149,6 @@ jobs: paths: - "*" - binary_linux_conda: - <<: *binary_common - docker: - - image: "pytorch/conda-cuda" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: packaging/build_conda.sh - - store_artifacts: - path: /opt/conda/conda-bld/linux-64 - - persist_to_workspace: - root: /opt/conda - paths: - - "conda-bld/*" - binary_windows_wheel: <<: *binary_common executor: @@ -209,54 +192,6 @@ jobs: paths: - "conda-bld/*" - binary_macos_wheel: - <<: *binary_common - macos: - xcode: "14.0" - steps: - - checkout - - designate_upload_channel - - run: - # Installing cmake with `brew install cmake` takes 30 mins, so we use binary distribution. - command: | - curl -o cmake.tar.gz -L https://github.com/Kitware/CMake/releases/download/v3.17.2/cmake-3.17.2-Darwin-x86_64.tar.gz - tar -xzf cmake.tar.gz - cp cmake-3.17.2-Darwin-x86_64/CMake.app/Contents/bin/* /usr/local/bin/ - cp -r cmake-3.17.2-Darwin-x86_64/CMake.app/Contents/share/* /usr/local/share/ - export PATH="${PATH}:/usr/local/bin" - curl -o conda.sh https://repo.anaconda.com/miniconda/Miniconda3-latest-MacOSX-x86_64.sh - sh conda.sh -b - source $HOME/miniconda3/bin/activate - packaging/build_wheel.sh - - store_artifacts: - path: dist - - persist_to_workspace: - root: dist - paths: - - "*" - - binary_macos_conda: - <<: *binary_common - macos: - xcode: "14.0" - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - command: | - curl -o conda.sh https://repo.anaconda.com/miniconda/Miniconda3-latest-MacOSX-x86_64.sh - sh conda.sh -b - source $HOME/miniconda3/bin/activate - conda install -yq conda-build - packaging/build_conda.sh - - store_artifacts: - path: /Users/distiller/miniconda3/conda-bld/osx-64 - - persist_to_workspace: - root: /Users/distiller/miniconda3 - paths: - - "conda-bld/*" - # Requires org-member context binary_conda_upload: docker: @@ -294,44 +229,6 @@ jobs: aws s3 cp "$pkg" "s3://pytorch/whl/${UPLOAD_CHANNEL}/" --acl public-read done - smoke_test_linux_conda: - <<: *smoke_test_common - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - load_conda_channel_flags - - run: - name: install binaries - command: | - set -x - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-${UPLOAD_CHANNEL} pytorch - conda install -v -y ${CONDA_CHANNEL_FLAGS} -c file://$HOME/workspace/conda-bld torchtext - - run: - name: smoke test - command: | - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - python -c "import torchtext" - - smoke_test_linux_pip: - <<: *smoke_test_common - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - run: - name: install binaries - command: | - set -x - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - pip install $(ls ~/workspace/torchtext*.whl) --pre -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/cpu/torch_${UPLOAD_CHANNEL}.html" - - run: - name: smoke test - command: | - source /usr/local/etc/profile.d/conda.sh && conda activate python${PYTHON_VERSION} - python -c "import torchtext" - smoke_test_docker_image_build: machine: image: ubuntu-1604:201903-01 @@ -402,132 +299,6 @@ jobs: conda activate python${PYTHON_VERSION} python -c "import torchtext" - unittest_linux: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: Generate cache key - # This will refresh cache on Sundays, nightly build should generate new cache. - command: echo "$(date +"%Y-%U")" > .circleci-weekly - - run: - name: Setup - command: .circleci/unittest/linux/scripts/setup_env.sh - - run: - name: Install torchtext - command: .circleci/unittest/linux/scripts/install.sh - - restore_cache: - keys: - {% raw %} - - data-linux-v1-{{ checksum ".circleci-weekly" }} - {% endraw %} - - run: - name: Run tests - # Downloading embedding vector takes long time. - no_output_timeout: 30m - command: .circleci/unittest/linux/scripts/run_test.sh - - save_cache: - {% raw %} - key: data-linux-v1-{{ checksum ".circleci-weekly" }} - {% endraw %} - paths: - - .vector_cache - - run: - name: Post process - command: .circleci/unittest/linux/scripts/post_process.sh - - store_test_results: - path: test-results - - unittest_macos: - <<: *binary_common - macos: - xcode: "14.0" - resource_class: large - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: Generate cache key - # This will refresh cache on Sundays, nightly build should generate new cache. - command: echo "$(date +"%Y-%U")" > .circleci-weekly - - run: - name: Setup - command: .circleci/unittest/linux/scripts/setup_env.sh - - run: - name: Install torchtext - command: .circleci/unittest/linux/scripts/install.sh - - restore_cache: - keys: - {% raw %} - - data-macos-v1-{{ checksum ".circleci-weekly" }} - {% endraw %} - - - run: - name: Run tests - # Downloading embedding vector takes long time. - no_output_timeout: 30m - command: .circleci/unittest/linux/scripts/run_test.sh - - save_cache: - keys: - {% raw %} - key: data-macos-v1-{{ checksum ".circleci-weekly" }} - {% endraw %} - - paths: - - .vector_cache - - run: - name: Post process - command: .circleci/unittest/linux/scripts/post_process.sh - - store_test_results: - path: test-results - - unittest_windows: - <<: *binary_common - executor: - name: windows-cpu - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: Generate cache key - # This will refresh cache on Sundays, nightly build should generate new cache. - command: echo "$(date +"%Y-%U")" > .circleci-weekly - - run: - name: Setup - command: .circleci/unittest/windows/scripts/setup_env.sh - - run: - name: Install torchtext - command: .circleci/unittest/windows/scripts/install.sh - - restore_cache: - keys: - {% raw %} - - data-windows-v1-{{ checksum ".circleci-weekly" }} - {% endraw %} - - - run: - name: Run tests - # Downloading embedding vector takes long time. - no_output_timeout: 30m - command: .circleci/unittest/windows/scripts/run_test.sh - - save_cache: - {% raw %} - key: data-windows-v1-{{ checksum ".circleci-weekly" }} - {% endraw %} - paths: - - .vector_cache - - run: - name: Post process - command: .circleci/unittest/windows/scripts/post_process.sh - - store_test_results: - path: test-results - stylecheck: <<: *binary_common docker: @@ -612,9 +383,6 @@ workflows: build: jobs: {{ build_workflows() }} - unittest: - jobs: - {{ unittest_workflows() }} nightly: jobs: - circleci_consistency: diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py index 1dd68e152e..b75be3a369 100755 --- a/.circleci/regenerate.py +++ b/.circleci/regenerate.py @@ -158,26 +158,6 @@ def indent(indentation, data_list): return ("\n" + " " * indentation).join(yaml.dump(data_list).splitlines()) -def unittest_workflows(indentation=6): - w = [] - for os_type in ["windows"]: - for python_version in PYTHON_VERSIONS: - # Turn off unit tests for 3.11, unit test are not setup properly in circleci - if python_version == "3.11": - continue - - w.append( - { - f"unittest_{os_type}": { - "name": f"unittest_{os_type}_py{python_version}", - "python_version": python_version, - } - } - ) - - return indent(indentation, w) - - if __name__ == "__main__": d = os.path.dirname(__file__) env = jinja2.Environment( @@ -190,7 +170,6 @@ def unittest_workflows(indentation=6): f.write( env.get_template("config.yml.in").render( build_workflows=build_workflows, - unittest_workflows=unittest_workflows, ) ) f.write("\n") From 0dc07eb12a7801e90917f67f15368ffad0e66552 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 16 May 2023 15:03:37 -0400 Subject: [PATCH 437/463] [Nova] Remove circleci doc build job (#2171) * Remove circleci doc build job * Rebase * Remove unittests * Fix ufmt * flake8 * Format prettier --- .circleci/config.yml | 256 --------------------- .circleci/config.yml.in | 221 ------------------ .circleci/regenerate.py | 144 +----------- .github/workflows/build-conda-windows.yml | 4 +- .github/workflows/build-docs.yml | 39 ++-- .github/workflows/build-wheels-windows.yml | 4 +- 6 files changed, 25 insertions(+), 643 deletions(-) diff --git a/.circleci/config.yml b/.circleci/config.yml index 500453ce87..a426f613c5 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -64,11 +64,6 @@ binary_common: &binary_common CU_VERSION: cpu MACOSX_DEPLOYMENT_TARGET: 10.9 -smoke_test_common: &smoke_test_common - <<: *binary_common - docker: - - image: pytorch/torchtext_smoke_base:smoke_test-20220427 - jobs: circleci_consistency: docker: @@ -133,102 +128,6 @@ jobs: name: Code format not compliant with the rules! Run '$ python run-clang-format.py' to fix this. command: exit 1 - binary_linux_wheel: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: 2xlarge+ - steps: - - checkout - - designate_upload_channel - - run: packaging/build_wheel.sh - - store_artifacts: - path: dist - - persist_to_workspace: - root: dist - paths: - - "*" - - binary_windows_wheel: - <<: *binary_common - executor: - name: windows-cpu - steps: - - checkout - - designate_upload_channel - - run: - name: build - command: | - eval "$('/C/tools/miniconda3/Scripts/conda.exe' 'shell.bash' 'hook')" - conda activate base - bash packaging/build_wheel.sh - - store_artifacts: - path: dist - - persist_to_workspace: - root: dist - paths: - - "*" - - binary_windows_conda: - <<: *binary_common - executor: - name: windows-cpu - steps: - - checkout - - designate_upload_channel - - load_conda_channel_flags - - run: - name: build - command: | - eval "$('/C/tools/miniconda3/Scripts/conda.exe' 'shell.bash' 'hook')" - conda activate base - conda install ${CONDA_CHANNEL_FLAGS} -yq conda-build "conda-package-handling!=1.5.0" - bash packaging/build_conda.sh - rm /C/tools/miniconda3/conda-bld/win-64/vs2019*.tar.bz2 - - store_artifacts: - path: C:/tools/miniconda3/conda-bld/win-64 - - persist_to_workspace: - root: C:/tools/miniconda3 - paths: - - "conda-bld/*" - - # Requires org-member context - binary_conda_upload: - docker: - - image: continuumio/miniconda - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - run: - command: | - # Prevent credential from leaking - conda install -yq anaconda-client - set -x - anaconda -t "${CONDA_PYTORCHBOT_TOKEN}" upload ~/workspace/conda-bld/*/*.tar.bz2 -u "pytorch-${UPLOAD_CHANNEL}" --label main --no-progress --force - - # Requires org-member context - binary_wheel_upload: - docker: - - image: cimg/python:3.8 - steps: - - attach_workspace: - at: ~/workspace - - checkout - - designate_upload_channel - - run: - command: | - pip install --user awscli - export PATH="$HOME/.local/bin:$PATH" - # Prevent credential from leaking - set +x - export AWS_ACCESS_KEY_ID="${PYTORCH_BINARY_AWS_ACCESS_KEY_ID}" - export AWS_SECRET_ACCESS_KEY="${PYTORCH_BINARY_AWS_SECRET_ACCESS_KEY}" - set -x - for pkg in ~/workspace/*.whl; do - aws s3 cp "$pkg" "s3://pytorch/whl/${UPLOAD_CHANNEL}/" --acl public-read - done - smoke_test_docker_image_build: machine: image: ubuntu-1604:201903-01 @@ -249,55 +148,6 @@ jobs: docker push ${image_name}:${CIRCLE_WORKFLOW_ID} docker push ${image_name}:latest - smoke_test_windows_conda: - <<: *binary_common - executor: - name: windows-cpu - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - load_conda_channel_flags - - run: - name: install binaries - command: | - set -x - eval "$('/C/tools/miniconda3/Scripts/conda.exe' 'shell.bash' 'hook')" - conda env remove -n python${PYTHON_VERSION} || true - conda create -yn python${PYTHON_VERSION} python=${PYTHON_VERSION} - conda activate python${PYTHON_VERSION} - conda install -v -y ${CONDA_CHANNEL_FLAGS} -c pytorch-"${UPLOAD_CHANNEL}" pytorch - conda install -v -y ${CONDA_CHANNEL_FLAGS} -c ~/workspace/conda-bld torchtext - - run: - name: smoke test - command: | - eval "$('/C/tools/miniconda3/Scripts/conda.exe' 'shell.bash' 'hook')" - conda activate python${PYTHON_VERSION} - python -c "import torchtext" - - smoke_test_windows_pip: - <<: *binary_common - executor: - name: windows-cpu - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - run: - name: install binaries - command: | - set -x - eval "$('/C/tools/miniconda3/Scripts/conda.exe' 'shell.bash' 'hook')" - conda env remove -n python${PYTHON_VERSION} || true - conda create -yn python${PYTHON_VERSION} python=${PYTHON_VERSION} - conda activate python${PYTHON_VERSION} - pip install $(ls ~/workspace/torchtext*.whl) --pre -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" - - run: - name: smoke test - command: | - eval "$('/C/tools/miniconda3/Scripts/conda.exe' 'shell.bash' 'hook')" - conda activate python${PYTHON_VERSION} - python -c "import torchtext" stylecheck: <<: *binary_common @@ -313,118 +163,12 @@ jobs: - run: name: Run style check command: .circleci/unittest/linux/scripts/run_style_checks.sh - build_docs: - <<: *binary_common - docker: - - image: continuumio/miniconda3 - resource_class: medium - steps: - - attach_workspace: - at: ~/workspace - - designate_upload_channel - - checkout - - run: - name: install binaries - command: | - set -x - conda install -y make python=${PYTHON_VERSION} - pip install $(ls ~/workspace/torchtext*.whl) --pre -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/cpu/torch_${UPLOAD_CHANNEL}.html" - - run: - name: Build docs - command: | - set -x - pushd docs - pip install -r requirements.txt - BUILD_GALLERY=1 make 'SPHINXOPTS=-W' html - popd - - persist_to_workspace: - root: ./ - paths: - - "*" - - store_artifacts: - path: ./docs/build/html - destination: docs - - upload_docs: - <<: *binary_common - docker: - - image: continuumio/miniconda3 - resource_class: medium - steps: - - attach_workspace: - at: ~/workspace - - run: - name: Generate netrc - command: | - # set credentials for https pushing - # requires the org-member context - cat > ~/.netrc \< ~/.netrc \< Date: Tue, 30 May 2023 14:01:12 -0400 Subject: [PATCH 438/463] [NovaX] Lint Job on GHA (#2151) * [NovaX] Lint Job on GHA * fix lint errors * pre-commit run all files * conda env to path * install older node * no need to remove prev libs * no source bashrc * default sys node * specific node version * fixing lint errors raised by whitespace detector * Remove CCI job --- .circleci/config.yml | 49 ------------------------- .circleci/config.yml.in | 49 ------------------------- .github/workflows/lint.yml | 74 ++++++++++++++++++++++++++++++++++++++ .pre-commit-config.yaml | 3 ++ 4 files changed, 77 insertions(+), 98 deletions(-) create mode 100644 .github/workflows/lint.yml diff --git a/.circleci/config.yml b/.circleci/config.yml index a426f613c5..033e8c3f75 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -81,53 +81,6 @@ jobs: name: .circleci/config.yml not in sync with config.yml.in! Run '$ python .circleci/regenerate.py' to fix this. command: exit 1 - lint_python_and_config: - docker: - - image: circleci/python:3.8 - steps: - - checkout - - run: - name: Install lint utilities - command: pip install --user --progress-bar=off pre-commit - - run: - name: Install pre-commit hooks - command: pre-commit install-hooks - - run: - name: Lint Python code and config files - command: pre-commit run --all-files - - run: - when: on_fail - name: Code format not compliant with the rules! Run '$ pre-commit run --all-files' to fix this. - command: exit 1 - - lint_c: - docker: - - image: circleci/python:3.8 - steps: - - run: - name: Install additional system libraries - command: | - sudo apt update -qy - sudo apt install libtinfo5 - - checkout - - run: - name: Install lint utilities - command: | - curl https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 -o clang-format - chmod +x clang-format - ./clang-format --version - - run: - name: Lint C code - command: > - python run-clang-format.py - --recursive - --clang-format-executable=./clang-format - torchtext/csrc - - run: - when: on_fail - name: Code format not compliant with the rules! Run '$ python run-clang-format.py' to fix this. - command: exit 1 - smoke_test_docker_image_build: machine: image: ubuntu-1604:201903-01 @@ -167,8 +120,6 @@ workflows: lint: jobs: - circleci_consistency - - lint_python_and_config - - lint_c docker_build: triggers: - schedule: diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in index a426f613c5..033e8c3f75 100644 --- a/.circleci/config.yml.in +++ b/.circleci/config.yml.in @@ -81,53 +81,6 @@ jobs: name: .circleci/config.yml not in sync with config.yml.in! Run '$ python .circleci/regenerate.py' to fix this. command: exit 1 - lint_python_and_config: - docker: - - image: circleci/python:3.8 - steps: - - checkout - - run: - name: Install lint utilities - command: pip install --user --progress-bar=off pre-commit - - run: - name: Install pre-commit hooks - command: pre-commit install-hooks - - run: - name: Lint Python code and config files - command: pre-commit run --all-files - - run: - when: on_fail - name: Code format not compliant with the rules! Run '$ pre-commit run --all-files' to fix this. - command: exit 1 - - lint_c: - docker: - - image: circleci/python:3.8 - steps: - - run: - name: Install additional system libraries - command: | - sudo apt update -qy - sudo apt install libtinfo5 - - checkout - - run: - name: Install lint utilities - command: | - curl https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 -o clang-format - chmod +x clang-format - ./clang-format --version - - run: - name: Lint C code - command: > - python run-clang-format.py - --recursive - --clang-format-executable=./clang-format - torchtext/csrc - - run: - when: on_fail - name: Code format not compliant with the rules! Run '$ python run-clang-format.py' to fix this. - command: exit 1 - smoke_test_docker_image_build: machine: image: ubuntu-1604:201903-01 @@ -167,8 +120,6 @@ workflows: lint: jobs: - circleci_consistency - - lint_python_and_config - - lint_c docker_build: triggers: - schedule: diff --git a/.github/workflows/lint.yml b/.github/workflows/lint.yml new file mode 100644 index 0000000000..6ea3ef86a8 --- /dev/null +++ b/.github/workflows/lint.yml @@ -0,0 +1,74 @@ +name: Lint + +on: + pull_request: + push: + branches: + - nightly + - main + - release/* + workflow_dispatch: + +jobs: + python-source-and-configs: + uses: pytorch/test-infra/.github/workflows/linux_job.yml@main + with: + repository: pytorch/text + script: | + set -euo pipefail + + echo '::group::Setup environment' + CONDA_PATH=$(which conda) + eval "$(${CONDA_PATH} shell.bash hook)" + conda create --name ci --quiet --yes python=3.8 pip + conda activate ci + echo '::endgroup::' + + echo '::group::Install lint tools' + pip install --progress-bar=off pre-commit + echo '::endgroup::' + + echo '::group::Lint Python source and configs' + set +e + echo $LD_LIBRARY_PATH + export LD_LIBRARY_PATH="${CONDA_PREFIX}/lib:${LD_LIBRARY_PATH}" + pre-commit run --all-files + + if [ $? -ne 0 ]; then + git --no-pager diff + exit 1 + fi + echo '::endgroup::' + + c-source: + uses: pytorch/test-infra/.github/workflows/linux_job.yml@main + with: + repository: pytorch/text + script: | + set -euo pipefail + + echo '::group::Setup environment' + CONDA_PATH=$(which conda) + eval "$(${CONDA_PATH} shell.bash hook)" + conda create --name ci --quiet --yes -c conda-forge python=3.8 ncurses=5 libgcc + conda activate ci + export LD_LIBRARY_PATH="${CONDA_PREFIX}/lib:${LD_LIBRARY_PATH}" + echo '::endgroup::' + + echo '::group::Install lint tools' + curl https://oss-clang-format.s3.us-east-2.amazonaws.com/linux64/clang-format-linux64 -o ./clang-format + chmod +x ./clang-format + echo '::endgroup::' + + echo '::group::Lint C source' + set +e + python run-clang-format.py \ + --recursive \ + --clang-format-executable=./clang-format \ + torchtext/csrc + + if [ $? -ne 0 ]; then + git --no-pager diff + exit 1 + fi + echo '::endgroup::' diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 062241fd25..e9e64dd07d 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -1,3 +1,6 @@ +default_language_version: + node: 16.14.2 + repos: - repo: https://github.com/pre-commit/pre-commit-hooks rev: v4.0.1 From 8546bbba82b29beeba5b88d1898bcd8092894754 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Fri, 2 Jun 2023 17:02:40 -0400 Subject: [PATCH 439/463] [NovaX] Remove CircleCI (#2173) * Remove Unused Docker build * Deleting CircleCI directory entirely * Revert "Deleting CircleCI directory entirely" This reverts commit f47af2fde1c3fb8dcfd2cc1864c640aa0754f52c. * Remove CCI configs * Remove unused scripts --- .circleci/build_docs/commit_docs.sh | 35 ----- .circleci/config.yml | 133 ------------------ .circleci/config.yml.in | 133 ------------------ .circleci/regenerate.py | 33 ----- .circleci/smoke_test/docker/Dockerfile | 33 ----- .circleci/smoke_test/docker/build_and_push.sh | 8 -- .circleci/utils/test_sort_yaml.py | 15 -- 7 files changed, 390 deletions(-) delete mode 100755 .circleci/build_docs/commit_docs.sh delete mode 100644 .circleci/config.yml delete mode 100644 .circleci/config.yml.in delete mode 100755 .circleci/regenerate.py delete mode 100644 .circleci/smoke_test/docker/Dockerfile delete mode 100755 .circleci/smoke_test/docker/build_and_push.sh delete mode 100755 .circleci/utils/test_sort_yaml.py diff --git a/.circleci/build_docs/commit_docs.sh b/.circleci/build_docs/commit_docs.sh deleted file mode 100755 index 11297f9521..0000000000 --- a/.circleci/build_docs/commit_docs.sh +++ /dev/null @@ -1,35 +0,0 @@ -#!/usr/bin/env bash - -set -ex - - -if [ "$2" == "" ]; then - echo call as "$0" "" "" - echo where src is the root of the built documentation git checkout and - echo branch should be "main" or "1.7" or so - exit 1 -fi - -src=$1 -target=$2 - -echo "committing docs from ${src} to ${target}" - -pushd $src -git checkout gh-pages -mkdir -p ./"${target}" -rm -rf ./"${target}"/* -cp -r "${src}/docs/build/html/"* ./"$target" -if [ "${target}" == "main" ]; then - mkdir -p ./_static - rm -rf ./_static/* - cp -r "${src}/docs/build/html/_static/"* ./_static - git add --all ./_static || true -fi -git add --all ./"${target}" || true -git config user.email "soumith+bot@pytorch.org" -git config user.name "pytorchbot" -# If there aren't changes, don't make a commit; push is no-op -git commit -m "auto-generating sphinx docs" || true -git remote add https https://github.com/pytorch/text.git -git push -u https gh-pages diff --git a/.circleci/config.yml b/.circleci/config.yml deleted file mode 100644 index 033e8c3f75..0000000000 --- a/.circleci/config.yml +++ /dev/null @@ -1,133 +0,0 @@ -version: 2.1 - -# How to test the Linux jobs: -# - Install CircleCI local CLI: https://circleci.com/docs/2.0/local-cli/ -# - circleci config process .circleci/config.yml > gen.yml && circleci local execute -c gen.yml --job binary_linux_wheel_py3.8 -# - Replace binary_linux_wheel_py3.8 with the name of the job you want to test. -# Job names are 'name:' key. - -orbs: - win: circleci/windows@2.0.0 - -executors: - windows-cpu: - machine: - resource_class: windows.xlarge - image: windows-server-2019-vs2019:stable - shell: bash.exe - -commands: - designate_upload_channel: - description: "inserts the correct upload channel into ${BASH_ENV}" - steps: - - run: - name: adding UPLOAD_CHANNEL to BASH_ENV - command: | - our_upload_channel=nightly - # On tags upload to test instead - if [[ -n "${CIRCLE_TAG}" ]] || [[ ${CIRCLE_BRANCH} =~ release/* ]]; then - our_upload_channel=test - fi - echo "export UPLOAD_CHANNEL=${our_upload_channel}" >> ${BASH_ENV} - load_conda_channel_flags: - description: "Determines whether we need extra conda channels" - steps: - - run: - name: Adding CONDA_CHANNEL_FLAGS to BASH_ENV - command: | - CONDA_CHANNEL_FLAGS="" - -binary_common: &binary_common - parameters: - # Edit these defaults to do a release - build_version: - description: "version number of release binary; by default, build a nightly" - type: string - default: "" - pytorch_version: - description: "PyTorch version to build against; by default, use a nightly" - type: string - default: "" - torchdata_version: - description: "TorchData version to build against; by default, use a nightly" - type: string - default: "" - # Don't edit these - python_version: - description: "Python version to build against (e.g., 3.8)" - type: string - environment: - PYTHON_VERSION: << parameters.python_version >> - BUILD_VERSION: << parameters.build_version >> - PYTORCH_VERSION: << parameters.pytorch_version >> - TORCHDATA_VERSION: << parameters.torchdata_version >> - CU_VERSION: cpu - MACOSX_DEPLOYMENT_TARGET: 10.9 - -jobs: - circleci_consistency: - docker: - - image: cimg/python:3.8 - steps: - - checkout - - run: - name: Install check utilities - command: pip install --user --progress-bar=off jinja2 pyyaml - - run: - name: Check CircleCI config consistency - command: python .circleci/regenerate.py && git diff --quiet - - run: - when: on_fail - name: .circleci/config.yml not in sync with config.yml.in! Run '$ python .circleci/regenerate.py' to fix this. - command: exit 1 - - smoke_test_docker_image_build: - machine: - image: ubuntu-1604:201903-01 - resource_class: large - environment: - image_name: torchtext/smoke_test - steps: - - checkout - - run: - name: Build and push Docker image - no_output_timeout: "1h" - command: | - set +x - echo "${DOCKER_HUB_TOKEN}" | docker login --username "${DOCKER_HUB_USERNAME}" --password-stdin - set -x - cd .circleci/smoke_test/docker && docker build . -t ${image_name}:${CIRCLE_WORKFLOW_ID} - docker tag ${image_name}:${CIRCLE_WORKFLOW_ID} ${image_name}:latest - docker push ${image_name}:${CIRCLE_WORKFLOW_ID} - docker push ${image_name}:latest - - - stylecheck: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: medium - steps: - - checkout - - designate_upload_channel - - run: - name: Setup - command: .circleci/unittest/linux/scripts/setup_env.sh - - run: - name: Run style check - command: .circleci/unittest/linux/scripts/run_style_checks.sh -workflows: - lint: - jobs: - - circleci_consistency - docker_build: - triggers: - - schedule: - cron: "0 10 * * 0" - filters: - branches: - only: - - main - jobs: - - smoke_test_docker_image_build: - context: org-member diff --git a/.circleci/config.yml.in b/.circleci/config.yml.in deleted file mode 100644 index 033e8c3f75..0000000000 --- a/.circleci/config.yml.in +++ /dev/null @@ -1,133 +0,0 @@ -version: 2.1 - -# How to test the Linux jobs: -# - Install CircleCI local CLI: https://circleci.com/docs/2.0/local-cli/ -# - circleci config process .circleci/config.yml > gen.yml && circleci local execute -c gen.yml --job binary_linux_wheel_py3.8 -# - Replace binary_linux_wheel_py3.8 with the name of the job you want to test. -# Job names are 'name:' key. - -orbs: - win: circleci/windows@2.0.0 - -executors: - windows-cpu: - machine: - resource_class: windows.xlarge - image: windows-server-2019-vs2019:stable - shell: bash.exe - -commands: - designate_upload_channel: - description: "inserts the correct upload channel into ${BASH_ENV}" - steps: - - run: - name: adding UPLOAD_CHANNEL to BASH_ENV - command: | - our_upload_channel=nightly - # On tags upload to test instead - if [[ -n "${CIRCLE_TAG}" ]] || [[ ${CIRCLE_BRANCH} =~ release/* ]]; then - our_upload_channel=test - fi - echo "export UPLOAD_CHANNEL=${our_upload_channel}" >> ${BASH_ENV} - load_conda_channel_flags: - description: "Determines whether we need extra conda channels" - steps: - - run: - name: Adding CONDA_CHANNEL_FLAGS to BASH_ENV - command: | - CONDA_CHANNEL_FLAGS="" - -binary_common: &binary_common - parameters: - # Edit these defaults to do a release - build_version: - description: "version number of release binary; by default, build a nightly" - type: string - default: "" - pytorch_version: - description: "PyTorch version to build against; by default, use a nightly" - type: string - default: "" - torchdata_version: - description: "TorchData version to build against; by default, use a nightly" - type: string - default: "" - # Don't edit these - python_version: - description: "Python version to build against (e.g., 3.8)" - type: string - environment: - PYTHON_VERSION: << parameters.python_version >> - BUILD_VERSION: << parameters.build_version >> - PYTORCH_VERSION: << parameters.pytorch_version >> - TORCHDATA_VERSION: << parameters.torchdata_version >> - CU_VERSION: cpu - MACOSX_DEPLOYMENT_TARGET: 10.9 - -jobs: - circleci_consistency: - docker: - - image: cimg/python:3.8 - steps: - - checkout - - run: - name: Install check utilities - command: pip install --user --progress-bar=off jinja2 pyyaml - - run: - name: Check CircleCI config consistency - command: python .circleci/regenerate.py && git diff --quiet - - run: - when: on_fail - name: .circleci/config.yml not in sync with config.yml.in! Run '$ python .circleci/regenerate.py' to fix this. - command: exit 1 - - smoke_test_docker_image_build: - machine: - image: ubuntu-1604:201903-01 - resource_class: large - environment: - image_name: torchtext/smoke_test - steps: - - checkout - - run: - name: Build and push Docker image - no_output_timeout: "1h" - command: | - set +x - echo "${DOCKER_HUB_TOKEN}" | docker login --username "${DOCKER_HUB_USERNAME}" --password-stdin - set -x - cd .circleci/smoke_test/docker && docker build . -t ${image_name}:${CIRCLE_WORKFLOW_ID} - docker tag ${image_name}:${CIRCLE_WORKFLOW_ID} ${image_name}:latest - docker push ${image_name}:${CIRCLE_WORKFLOW_ID} - docker push ${image_name}:latest - - - stylecheck: - <<: *binary_common - docker: - - image: "pytorch/manylinux-cuda102" - resource_class: medium - steps: - - checkout - - designate_upload_channel - - run: - name: Setup - command: .circleci/unittest/linux/scripts/setup_env.sh - - run: - name: Run style check - command: .circleci/unittest/linux/scripts/run_style_checks.sh -workflows: - lint: - jobs: - - circleci_consistency - docker_build: - triggers: - - schedule: - cron: "0 10 * * 0" - filters: - branches: - only: - - main - jobs: - - smoke_test_docker_image_build: - context: org-member diff --git a/.circleci/regenerate.py b/.circleci/regenerate.py deleted file mode 100755 index f3962ee084..0000000000 --- a/.circleci/regenerate.py +++ /dev/null @@ -1,33 +0,0 @@ -#!/usr/bin/env python3 - -""" -This script should use a very simple, functional programming style. -Avoid Jinja macros in favor of native Python functions. - -Don't go overboard on code generation; use Python only to generate -content that can't be easily declared statically using CircleCI's YAML API. - -Data declarations (e.g. the nested loops for defining the configuration matrix) -should be at the top of the file for easy updating. - -See this comment for design rationale: -https://github.com/pytorch/vision/pull/1321#issuecomment-531033978 -""" - -import os.path - -import jinja2 -from jinja2 import select_autoescape - - -if __name__ == "__main__": - d = os.path.dirname(__file__) - env = jinja2.Environment( - loader=jinja2.FileSystemLoader(d), - lstrip_blocks=True, - autoescape=select_autoescape(enabled_extensions=("html", "xml")), - ) - - with open(os.path.join(d, "config.yml"), "w") as f: - f.write(env.get_template("config.yml.in").render()) - f.write("\n") diff --git a/.circleci/smoke_test/docker/Dockerfile b/.circleci/smoke_test/docker/Dockerfile deleted file mode 100644 index ba6f4fb020..0000000000 --- a/.circleci/smoke_test/docker/Dockerfile +++ /dev/null @@ -1,33 +0,0 @@ -# this Dockerfile is for torchtext smoke test, it will be created periodically via CI system -# if you need to do it locally, follow below steps once you have Docker installed -# to test the build use : docker build . -t torchtext/smoketest -# to upload the Dockerfile use build_and_push.sh script - -FROM ubuntu:latest - -RUN apt-get -qq update && apt-get -qq -y install curl bzip2 sox libsox-dev libsox-fmt-all \ - && curl -sSL https://repo.continuum.io/miniconda/Miniconda3-latest-Linux-x86_64.sh -o /tmp/miniconda.sh \ - && bash /tmp/miniconda.sh -bfp /usr/local \ - && rm -rf /tmp/miniconda.sh \ - && conda install -c conda-forge gcc \ - && conda install -y python=3 \ - && conda update conda \ - && apt-get -qq -y remove curl bzip2 \ - && apt-get -qq -y autoremove \ - && apt-get autoclean \ - && rm -rf /var/lib/apt/lists/* /var/log/dpkg.log \ - && conda clean --all --yes - -ENV PATH /opt/conda/bin:$PATH - - -RUN conda create -y --name python3.8 python=3.8 -RUN conda create -y --name python3.9 python=3.9 -RUN conda create -y --name python3.10 python=3.10 - -SHELL [ "/bin/bash", "-c" ] -RUN echo "source /usr/local/etc/profile.d/conda.sh" >> ~/.bashrc -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.8 && conda install -y numpy -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.9 && conda install -y numpy -RUN source /usr/local/etc/profile.d/conda.sh && conda activate python3.10 && conda install -y numpy -CMD [ "/bin/bash"] diff --git a/.circleci/smoke_test/docker/build_and_push.sh b/.circleci/smoke_test/docker/build_and_push.sh deleted file mode 100755 index ed67ad3b7a..0000000000 --- a/.circleci/smoke_test/docker/build_and_push.sh +++ /dev/null @@ -1,8 +0,0 @@ -#!/usr/bin/env bash - -set -euo pipefail - -datestr="$(date "+%Y%m%d")" -image="pytorch/torchtext_smoke_base:smoke_test-${datestr}" -docker build -t "${image}" . -docker push "${image}" diff --git a/.circleci/utils/test_sort_yaml.py b/.circleci/utils/test_sort_yaml.py deleted file mode 100755 index 14a51ec974..0000000000 --- a/.circleci/utils/test_sort_yaml.py +++ /dev/null @@ -1,15 +0,0 @@ -#!/usr/bin/env python3 - -""" -To compare new version with previous: - - ./regenerate.sh - meld <(git show HEAD:./config.yml | ./sort-yaml.py) <(cat config.yml | ./sort-yaml.py) -""" - - -import sys - -import yaml - -sys.stdout.write(yaml.dump(yaml.safe_load(sys.stdin, Loader=yaml.FullLoader), sort_keys=True)) From 60bea668f7bf4359a447487555b9209ae5b1e07b Mon Sep 17 00:00:00 2001 From: Sergii Dymchenko Date: Mon, 12 Jun 2023 23:10:59 -0700 Subject: [PATCH 440/463] Add TorchFix linter (#2179) * Add TorchFix linter * Move comments to separate lines * Change assert_allclose to assert_close --- .flake8 | 8 ++++++-- .pre-commit-config.yaml | 1 + test/torchtext_unittest/data/test_jit.py | 6 +++--- 3 files changed, 10 insertions(+), 5 deletions(-) diff --git a/.flake8 b/.flake8 index e09b485892..0d4b9398ff 100644 --- a/.flake8 +++ b/.flake8 @@ -1,9 +1,13 @@ [flake8] ignore = E401,E402,E501,E722,W503,W504,F821,B006,B007,B008,B009, - E203 # https://github.com/PyCQA/pycodestyle/issues/373 + # https://github.com/PyCQA/pycodestyle/issues/373 + E203 select = B,C,E,F,P,T4,W,B9, - D417 # Missing argument descriptions in the docstring + # Missing argument descriptions in the docstring + D417, + # TorchFix + TOR max-line-length = 120 exclude = docs/source,third_party diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index e9e64dd07d..fb071843f4 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -34,5 +34,6 @@ repos: - id: flake8 additional_dependencies: - flake8-docstrings == 1.6.0 + - torchfix == 0.0.1 args: - --config=.flake8 diff --git a/test/torchtext_unittest/data/test_jit.py b/test/torchtext_unittest/data/test_jit.py index 9dcb90f658..c6f33d385a 100644 --- a/test/torchtext_unittest/data/test_jit.py +++ b/test/torchtext_unittest/data/test_jit.py @@ -1,5 +1,5 @@ import torch -from torch.testing import assert_allclose +from torch.testing import assert_close from torchtext.nn import InProjContainer, MultiheadAttentionContainer, ScaledDotProduct from ..common.torchtext_test_case import TorchtextTestCase @@ -26,5 +26,5 @@ def test_torchscript_multiheadattention(self) -> None: ts_MHA = torch.jit.script(MHA) ts_mha_output, ts_attn_weights = ts_MHA(query, key, value, attn_mask=attn_mask) - assert_allclose(mha_output, ts_mha_output) - assert_allclose(attn_weights, ts_attn_weights) + assert_close(mha_output, ts_mha_output) + assert_close(attn_weights, ts_attn_weights) From b5e2a1b0a7a0c570ddef4008bc67773042415e0f Mon Sep 17 00:00:00 2001 From: Nayef Ahmed <22487263+Nayef211@users.noreply.github.com> Date: Fri, 28 Jul 2023 11:49:47 -0400 Subject: [PATCH 441/463] Update links to multi30k dataset since original servers are down (#2194) * Update multi30k.py * Update test dataset hash --- torchtext/datasets/multi30k.py | 9 +++++---- 1 file changed, 5 insertions(+), 4 deletions(-) diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index 1f6083153e..ea1c2015ae 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -11,16 +11,17 @@ _create_dataset_directory, ) +# TODO: Update URL to original once the server is back up (see https://github.com/pytorch/text/issues/1756) URL = { - "train": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/training.tar.gz", - "valid": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/validation.tar.gz", - "test": "http://www.quest.dcs.shef.ac.uk/wmt16_files_mmt/mmt16_task1_test.tar.gz", + "train": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/training.tar.gz", + "valid": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/validation.tar.gz", + "test": r"https://raw.githubusercontent.com/neychev/small_DL_repo/master/datasets/Multi30k/mmt16_task1_test.tar.gz", } MD5 = { "train": "20140d013d05dd9a72dfde46478663ba05737ce983f478f960c1123c6671be5e", "valid": "a7aa20e9ebd5ba5adce7909498b94410996040857154dab029851af3a866da8c", - "test": "0681be16a532912288a91ddd573594fbdd57c0fbb81486eff7c55247e35326c2", + "test": "6d1ca1dba99e2c5dd54cae1226ff11c2551e6ce63527ebb072a1f70f72a5cd36", } _PREFIX = { From 45e4b8ca3615016625de15326a14668c8b58595d Mon Sep 17 00:00:00 2001 From: Sergii Dymchenko Date: Thu, 31 Aug 2023 17:41:04 -0700 Subject: [PATCH 442/463] Update to TorchFix 0.0.2 (#2201) * Update to TorchFix 0.0.2 * Update .flake8 --- .flake8 | 2 +- .pre-commit-config.yaml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/.flake8 b/.flake8 index 0d4b9398ff..27c8693a5c 100644 --- a/.flake8 +++ b/.flake8 @@ -8,6 +8,6 @@ select = # Missing argument descriptions in the docstring D417, # TorchFix - TOR + TOR0,TOR1,TOR2 max-line-length = 120 exclude = docs/source,third_party diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index fb071843f4..ef0fcd12b3 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -34,6 +34,6 @@ repos: - id: flake8 additional_dependencies: - flake8-docstrings == 1.6.0 - - torchfix == 0.0.1 + - torchfix == 0.0.2 args: - --config=.flake8 From 581a3a406c382085ad439189ac3134620350598d Mon Sep 17 00:00:00 2001 From: Abhinav Arora Date: Thu, 12 Oct 2023 13:23:28 -0700 Subject: [PATCH 443/463] Sync fbsync branch to main (#2210) * Move tensor to CPU before converting to string for unpickle Summary: The loaded tensor could be on CUDA, whose data cannot to converted to a std::string. This change moves tensor to CPU first. Then data can be converted. Reviewed By: mortzur Differential Revision: D48057806 fbshipit-source-id: ad495bb2e84f9aab5120d5462d4d1c381719d014 * Del `(object)` from 10 inc pytorch/tensorboardX/tensorboardX/record_writer.py Summary: Python3 makes the use of `(object)` in class inheritance unnecessary. Let's modernize our code by eliminating this. Reviewed By: meyering Differential Revision: D48958009 fbshipit-source-id: aa42e55a827d83aadf1b10b2de79317c3761ab7a --------- Co-authored-by: Henry Hu Co-authored-by: Richard Barnes --- torchtext/csrc/register_torchbindings.cpp | 1 + torchtext/data/utils.py | 2 +- torchtext/vocab/vectors.py | 2 +- 3 files changed, 3 insertions(+), 2 deletions(-) diff --git a/torchtext/csrc/register_torchbindings.cpp b/torchtext/csrc/register_torchbindings.cpp index ee509668cf..6f13bcb044 100644 --- a/torchtext/csrc/register_torchbindings.cpp +++ b/torchtext/csrc/register_torchbindings.cpp @@ -67,6 +67,7 @@ TORCH_LIBRARY_FRAGMENT(torchtext, m) { }, // __setstate__ [](torch::Tensor state) -> c10::intrusive_ptr { + state = state.to(at::kCPU); auto* data = static_cast(state.data_ptr()); auto numel = state.size(0); return c10::make_intrusive(std::string(data, numel)); diff --git a/torchtext/data/utils.py b/torchtext/data/utils.py index a1b53ab559..89a72ea455 100644 --- a/torchtext/data/utils.py +++ b/torchtext/data/utils.py @@ -228,7 +228,7 @@ def _get_ngrams(n): yield " ".join(x) -class RandomShuffler(object): +class RandomShuffler: """Use random functions while keeping track of the random state to make it reproducible and deterministic.""" diff --git a/torchtext/vocab/vectors.py b/torchtext/vocab/vectors.py index af60c4f60b..3743207557 100644 --- a/torchtext/vocab/vectors.py +++ b/torchtext/vocab/vectors.py @@ -31,7 +31,7 @@ def _infer_shape(f): return num_lines, vector_dim -class Vectors(object): +class Vectors: def __init__(self, name, cache=None, url=None, unk_init=None, max_vectors=None) -> None: """ Args: From 6eba7c0d89822558d9e30360037caf9309fbe26b Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Thu, 12 Oct 2023 17:37:33 -0400 Subject: [PATCH 444/463] Release 0.16.0 bump version (#2211) --- README.rst | 4 +++- version.txt | 2 +- 2 files changed, 4 insertions(+), 2 deletions(-) diff --git a/README.rst b/README.rst index 542171b5a0..784731e693 100644 --- a/README.rst +++ b/README.rst @@ -32,7 +32,9 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.8, <=3.11" - 1.14.0, 0.15.0, ">=3.8, <=3.11" + 2.2.0, 0.17.0, ">=3.8, <=3.11" + 2.1.0, 0.16.0, ">=3.8, <=3.11" + 2.0.0, 0.15.0, ">=3.8, <=3.11" 1.13.0, 0.14.0, ">=3.7, <=3.10" 1.12.0, 0.13.0, ">=3.7, <=3.10" 1.11.0, 0.12.0, ">=3.6, <=3.9" diff --git a/version.txt b/version.txt index 5e0f9f3c73..a2640ee447 100644 --- a/version.txt +++ b/version.txt @@ -1 +1 @@ -0.16.0a0 +0.17.0a0 From c0d0685a8a6e4c5a0f05629330c3a2d1bc5596d0 Mon Sep 17 00:00:00 2001 From: Omkar Salpekar Date: Mon, 16 Oct 2023 13:54:26 -0700 Subject: [PATCH 445/463] Drop RoCM Support for Text Linux Wheels (#2212) --- .github/workflows/build-wheels-linux.yml | 1 + 1 file changed, 1 insertion(+) diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 78d02d89b8..5de059f92f 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -22,6 +22,7 @@ jobs: test-infra-repository: pytorch/test-infra test-infra-ref: main with-cuda: disable + with-rocm: disable build: needs: generate-matrix strategy: From 834f7c6981260570cd4eb67cfafede854084b2d7 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Wed, 6 Dec 2023 12:46:28 +0000 Subject: [PATCH 446/463] Fix torchdata install command: use index-url for pip install (#2218) * Fix torchdata install command - use index-url * fix --- .circleci/unittest/linux/scripts/install.sh | 2 +- .circleci/unittest/windows/scripts/install.sh | 2 +- .github/workflows/integration-test.yml | 2 +- .github/workflows/test-linux-cpu.yml | 2 +- .github/workflows/test-linux-gpu.yml | 2 +- .github/workflows/test-macos-cpu.yml | 2 +- .github/workflows/test-windows-cpu.yml | 2 +- packaging/install_torchdata.sh | 2 +- 8 files changed, 8 insertions(+), 8 deletions(-) diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index b0fed7d8b0..b5043d6065 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -32,7 +32,7 @@ printf "* Installing PyTorch\n" printf "Installing torchdata nightly with portalocker\n" pip install "portalocker>=2.0.0" -pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu +pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing torchtext\n" python setup.py develop diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 4c8aec444f..9ce0558fcd 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -21,7 +21,7 @@ conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch c printf "* Installing torchdata nightly with portalocker\n" pip install "portalocker>=2.0.0" -pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu +pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing pywin32_postinstall script\n" curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/pywin32/main/pywin32_postinstall.py diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 1e507a407f..98824c2d74 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -47,7 +47,7 @@ jobs: -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" - python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop # Install integration test dependencies python3 -m pip --quiet install parameterized diff --git a/.github/workflows/test-linux-cpu.yml b/.github/workflows/test-linux-cpu.yml index 72313f4bc2..518f5f4383 100644 --- a/.github/workflows/test-linux-cpu.yml +++ b/.github/workflows/test-linux-cpu.yml @@ -59,7 +59,7 @@ jobs: "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" python3 -m pip install "portalocker>=2.0.0" - python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop python3 -m pip install parameterized diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml index 13c12c7a2a..1bc124c47e 100644 --- a/.github/workflows/test-linux-gpu.yml +++ b/.github/workflows/test-linux-gpu.yml @@ -64,7 +64,7 @@ jobs: "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" python3 -m pip install "portalocker>=2.0.0" - python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu --quiet + python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu --quiet python3 setup.py develop python3 -m pip install parameterized --quiet diff --git a/.github/workflows/test-macos-cpu.yml b/.github/workflows/test-macos-cpu.yml index 9a3d703079..774595bef9 100644 --- a/.github/workflows/test-macos-cpu.yml +++ b/.github/workflows/test-macos-cpu.yml @@ -66,7 +66,7 @@ jobs: "${CUDATOOLKIT}" printf "Installing torchdata nightly\n" python3 -m pip install "portalocker>=2.0.0" - python3 -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop python3 -m pip install parameterized diff --git a/.github/workflows/test-windows-cpu.yml b/.github/workflows/test-windows-cpu.yml index 1b4e4884a2..1915ddd91c 100644 --- a/.github/workflows/test-windows-cpu.yml +++ b/.github/workflows/test-windows-cpu.yml @@ -59,7 +59,7 @@ jobs: cpuonly printf "Installing torchdata nightly\n" python -m pip install "portalocker>=2.0.0" - python -m pip install --pre torchdata --extra-index-url https://download.pytorch.org/whl/nightly/cpu + python -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing pywin32_postinstall script\n" curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/pywin32/main/pywin32_postinstall.py diff --git a/packaging/install_torchdata.sh b/packaging/install_torchdata.sh index 5981a00c76..7db52358a3 100755 --- a/packaging/install_torchdata.sh +++ b/packaging/install_torchdata.sh @@ -22,7 +22,7 @@ if [ "$package_type" = "wheel" ]; then if [ "$channel" = "nightly" ]; then install_cmd="${install_cmd} --pre" fi - install_channel="--extra-index-url https://download.pytorch.org/whl/${channel}/cpu" + install_channel="--index-url https://download.pytorch.org/whl/${channel}/cpu" else install_cmd="conda install" install_channel="-c pytorch-${channel}" From 53ca583fd5e5d53004b7a73654ba7ac5afcb715b Mon Sep 17 00:00:00 2001 From: Huy Do Date: Mon, 11 Dec 2023 12:02:07 -0800 Subject: [PATCH 447/463] Add script to do branch cut release (#2219) --- packaging/cut_release.sh | 36 ++++++++++++++++++++++++++++++++++++ 1 file changed, 36 insertions(+) create mode 100755 packaging/cut_release.sh diff --git a/packaging/cut_release.sh b/packaging/cut_release.sh new file mode 100755 index 0000000000..ccd777f699 --- /dev/null +++ b/packaging/cut_release.sh @@ -0,0 +1,36 @@ +#!/usr/bin/env bash +# +# Usage (run from root of project): +# TEST_INFRA_BRANCH=release/2.1 RELEASE_BRANCH=release/2.1 RELEASE_VERSION=2.1.0 packaging/cut_release.sh +# +# TEST_INFRA_BRANCH: The release branch of test-infra that houses all reusable +# workflows +# +# RELEASE_BRANCH: The name of the release branch for this repo +# +# RELEASE_VERSION: Version of this current release + +set -eou pipefail + +# Create and Check out to Release Branch +git checkout -b "${RELEASE_BRANCH}" + +# Change all GitHub Actions to reference the test-infra release branch +# as opposed to main. +for i in .github/workflows/*.yml; do + if [[ "$OSTYPE" == "darwin"* ]]; then + sed -i '' -e s#@main#@"${TEST_INFRA_BRANCH}"# $i; + sed -i '' -e s#test-infra-ref:[[:space:]]main#"test-infra-ref: ${TEST_INFRA_BRANCH}"# $i; + else + sed -i -e s#@main#@"${TEST_INFRA_BRANCH}"# $i; + sed -i -e s#test-infra-ref:[[:space:]]main#"test-infra-ref: ${TEST_INFRA_BRANCH}"# $i; + fi +done + +# Update the Release Version in version.txt +echo "${RELEASE_VERSION}" >version.txt + +# Optional +git add .github/workflows version.txt +git commit -m "[RELEASE-ONLY CHANGES] Branch Cut for Release ${RELEASE_VERSION}" +git push origin "${RELEASE_BRANCH}" From dc94b3230cfbb38e6bdbef23f623e2cfca1ce364 Mon Sep 17 00:00:00 2001 From: rbahumi Date: Mon, 8 Jan 2024 17:52:24 +0200 Subject: [PATCH 448/463] Added notebook torchscriptable_t5_with_torchtext.ipynb (#2122) This notebook is an example of a (working) "Hacky" solution for wrapping the full 'generate' functionality inside a "forward" function. The perpose of this is to start a discussion and be a suggention on how to make the this functionality TorchScriptable. To do so, I: 1. T5TorchGenerative: inherited from T5Model: - extracted the decoding code from t5.forward() function to a standalone 'decode' function that returns a specific type. - added the GenerationUtils's 'generate' functionality as a class method (similar to HuggingFace). 2. Added TorchScriptableT5, a module that implements the full generative logic in the forward method. 3. Helper classes that build a jit (TorchScript) model from a predefined T5 Bundle Co-authored-by: Roei Bahumi --- .../torchscriptable_t5_with_torchtext.ipynb | 768 ++++++++++++++++++ 1 file changed, 768 insertions(+) create mode 100644 notebooks/torchscriptable_t5_with_torchtext.ipynb diff --git a/notebooks/torchscriptable_t5_with_torchtext.ipynb b/notebooks/torchscriptable_t5_with_torchtext.ipynb new file mode 100644 index 0000000000..d7e89cd3b6 --- /dev/null +++ b/notebooks/torchscriptable_t5_with_torchtext.ipynb @@ -0,0 +1,768 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "customInput": null, + "originalKey": "c5568aa5-5a8b-410f-bbab-bf6069d4c461", + "showInput": true + }, + "source": [ + "# TorchScriptable T5 with TorchText\n", + "## Motivation\n", + "\n", + "[TorchScript](https://pytorch.org/docs/stable/jit.html) is a way to create serializable and optimizable models from PyTorch code. Any TorchScript program can be saved from a Python process and loaded in a process where there is no Python dependency, such as in a standalone C++ program. This makes it possible to train models in PyTorch using familiar tools in Python and then export the model via TorchScript to a production environment where Python programs may be disadvantageous for performance and multi-threading reasons. \n", + "\n", + "The new PyTorch version introduced the [GenerationUtils](https://github.com/pytorch/text/blob/1b72eba0a07295d74d168c99fd8a5586a0943aa3/torchtext/prototype/generate.py#L13) functionality. It allows wrapping TorchText's [T5Model](https://github.com/pytorch/text/blob/670e52a3df658f6332f2904cfed67308f3f5adce/torchtext/models/t5/model.py#L67), and using it to generate text in a similar way to the [HuggingFace 'generate'](https://huggingface.co/docs/transformers/v4.27.1/en/main_classes/text_generation#transformers.GenerationMixin.generate) function. However, although both T5Model and its tokenizer are initially \"Torchscriptle\", this property is not preserved after wrapping the model with GenerationUtils. \n", + "\n", + "\n", + "## Technical details\n", + "We've implemented a \"Hacky\" solution for wrapping the full 'generate' functionality inside a \"forward\" function. We will work with the Pytorch team and **hopefully, this code (with some modifications) can later later added to TorchText's T5Model.**.\n", + "\n", + "To do so, we:\n", + "1. T5TorchGenerative: inherited from T5Model:\n", + "- extracted the decoding code from t5.forward() function to a standalone 'decode' function that returns a specific type. \n", + "- added the GenerationUtils's 'generate' functionality as a class method (similar to HuggingFace).\n", + "2. Added TorchScriptableT5, a module that implements the full generative logic in the forward method.\n", + "3. Helper classes that build a jit (TorchScript) model from a predefined T5 Bundle\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "customInput": null, + "originalKey": "01366f6a-342d-469a-bbc5-8b21535d768e", + "showInput": false + }, + "source": [ + "## Issue Example\n", + "Currently, this code raises an exception." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679307290669, + "executionStopTime": 1679307294521, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "a415e457-2a5d-4ded-9260-4abe5389c627", + "requestMsgId": "0cef735b-b207-469d-9ff5-f39c4b0b9806", + "showInput": true + }, + "outputs": [ + { + "ename": "NotSupportedError", + "evalue": "Compiled functions can't take variable number of arguments or use keyword-only arguments with defaults:\n File \"/Users/rbahumi/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torchtext/prototype/generate.py\", line 37\n def __init__(self, model: nn.Module, **kwargs) -> None:\n ~~~~~~~ <--- HERE\n self.model = model\n self.is_encoder_decoder = kwargs.pop(\"is_encoder_decoder\", True)\n", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNotSupportedError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[1], line 19\u001b[0m\n\u001b[1;32m 17\u001b[0m \u001b[38;5;66;03m# But after wrapping with GenerationUtils, the model is no longer torchscriptable\u001b[39;00m\n\u001b[1;32m 18\u001b[0m generative_model \u001b[38;5;241m=\u001b[39m GenerationUtils(model)\n\u001b[0;32m---> 19\u001b[0m generative_model_jit \u001b[38;5;241m=\u001b[39m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mjit\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mscript\u001b[49m\u001b[43m(\u001b[49m\u001b[43mgenerative_model\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/_script.py:1351\u001b[0m, in \u001b[0;36mscript\u001b[0;34m(obj, optimize, _frames_up, _rcb, example_inputs)\u001b[0m\n\u001b[1;32m 1349\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m fn\n\u001b[1;32m 1350\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1351\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mjit\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_recursive\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcreate_script_class\u001b[49m\u001b[43m(\u001b[49m\u001b[43mobj\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/_recursive.py:448\u001b[0m, in \u001b[0;36mcreate_script_class\u001b[0;34m(obj)\u001b[0m\n\u001b[1;32m 446\u001b[0m rcb \u001b[38;5;241m=\u001b[39m _jit_internal\u001b[38;5;241m.\u001b[39mcreateResolutionCallbackForClassMethods(\u001b[38;5;28mtype\u001b[39m(obj))\n\u001b[1;32m 447\u001b[0m \u001b[38;5;66;03m# Script the type of obj if it hasn't already been scripted.\u001b[39;00m\n\u001b[0;32m--> 448\u001b[0m \u001b[43m_compile_and_register_class\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mtype\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43mobj\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mrcb\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mqualified_class_name\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 449\u001b[0m class_ty \u001b[38;5;241m=\u001b[39m _python_cu\u001b[38;5;241m.\u001b[39mget_class(qualified_class_name)\n\u001b[1;32m 450\u001b[0m \u001b[38;5;66;03m# Create an empty torch._C.ScriptObject with the scripted type.\u001b[39;00m\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/_recursive.py:49\u001b[0m, in \u001b[0;36m_compile_and_register_class\u001b[0;34m(obj, rcb, qualified_name)\u001b[0m\n\u001b[1;32m 46\u001b[0m script_class \u001b[38;5;241m=\u001b[39m _get_script_class(obj)\n\u001b[1;32m 48\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m script_class:\n\u001b[0;32m---> 49\u001b[0m ast \u001b[38;5;241m=\u001b[39m \u001b[43mget_jit_class_def\u001b[49m\u001b[43m(\u001b[49m\u001b[43mobj\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mobj\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[38;5;18;43m__name__\u001b[39;49m\u001b[43m)\u001b[49m\n\u001b[1;32m 50\u001b[0m defaults \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mjit\u001b[38;5;241m.\u001b[39mfrontend\u001b[38;5;241m.\u001b[39mget_default_args_for_class(obj)\n\u001b[1;32m 51\u001b[0m script_class \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39m_C\u001b[38;5;241m.\u001b[39m_jit_script_class_compile(qualified_name, ast, defaults, rcb)\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/frontend.py:234\u001b[0m, in \u001b[0;36mget_jit_class_def\u001b[0;34m(cls, self_name)\u001b[0m\n\u001b[1;32m 231\u001b[0m func \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mgetattr\u001b[39m(\u001b[38;5;28mcls\u001b[39m, name)\n\u001b[1;32m 232\u001b[0m _jit_internal\u001b[38;5;241m.\u001b[39mloader\u001b[38;5;241m.\u001b[39mcache(func, parsed_def\u001b[38;5;241m.\u001b[39msource)\n\u001b[0;32m--> 234\u001b[0m method_defs \u001b[38;5;241m=\u001b[39m [\n\u001b[1;32m 235\u001b[0m get_jit_def(obj, name, self_name\u001b[38;5;241m=\u001b[39mself_name, is_classmethod\u001b[38;5;241m=\u001b[39mis_classmethod(obj))\n\u001b[1;32m 236\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m (name, obj) \u001b[38;5;129;01min\u001b[39;00m methods\n\u001b[1;32m 237\u001b[0m ]\n\u001b[1;32m 238\u001b[0m properties \u001b[38;5;241m=\u001b[39m get_class_properties(\u001b[38;5;28mcls\u001b[39m, self_name)\n\u001b[1;32m 240\u001b[0m leading_whitespace_len \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mlen\u001b[39m(source\u001b[38;5;241m.\u001b[39msplit(\u001b[38;5;124m'\u001b[39m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;124m'\u001b[39m, \u001b[38;5;241m1\u001b[39m)[\u001b[38;5;241m0\u001b[39m]) \u001b[38;5;241m-\u001b[39m \u001b[38;5;28mlen\u001b[39m(dedent_src\u001b[38;5;241m.\u001b[39msplit(\u001b[38;5;124m'\u001b[39m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;124m'\u001b[39m, \u001b[38;5;241m1\u001b[39m)[\u001b[38;5;241m0\u001b[39m])\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/frontend.py:235\u001b[0m, in \u001b[0;36m\u001b[0;34m(.0)\u001b[0m\n\u001b[1;32m 231\u001b[0m func \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mgetattr\u001b[39m(\u001b[38;5;28mcls\u001b[39m, name)\n\u001b[1;32m 232\u001b[0m _jit_internal\u001b[38;5;241m.\u001b[39mloader\u001b[38;5;241m.\u001b[39mcache(func, parsed_def\u001b[38;5;241m.\u001b[39msource)\n\u001b[1;32m 234\u001b[0m method_defs \u001b[38;5;241m=\u001b[39m [\n\u001b[0;32m--> 235\u001b[0m \u001b[43mget_jit_def\u001b[49m\u001b[43m(\u001b[49m\u001b[43mobj\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mname\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mself_name\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mself_name\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mis_classmethod\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mis_classmethod\u001b[49m\u001b[43m(\u001b[49m\u001b[43mobj\u001b[49m\u001b[43m)\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 236\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m (name, obj) \u001b[38;5;129;01min\u001b[39;00m methods\n\u001b[1;32m 237\u001b[0m ]\n\u001b[1;32m 238\u001b[0m properties \u001b[38;5;241m=\u001b[39m get_class_properties(\u001b[38;5;28mcls\u001b[39m, self_name)\n\u001b[1;32m 240\u001b[0m leading_whitespace_len \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mlen\u001b[39m(source\u001b[38;5;241m.\u001b[39msplit(\u001b[38;5;124m'\u001b[39m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;124m'\u001b[39m, \u001b[38;5;241m1\u001b[39m)[\u001b[38;5;241m0\u001b[39m]) \u001b[38;5;241m-\u001b[39m \u001b[38;5;28mlen\u001b[39m(dedent_src\u001b[38;5;241m.\u001b[39msplit(\u001b[38;5;124m'\u001b[39m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;124m'\u001b[39m, \u001b[38;5;241m1\u001b[39m)[\u001b[38;5;241m0\u001b[39m])\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/frontend.py:297\u001b[0m, in \u001b[0;36mget_jit_def\u001b[0;34m(fn, def_name, self_name, is_classmethod)\u001b[0m\n\u001b[1;32m 294\u001b[0m qualname \u001b[38;5;241m=\u001b[39m get_qualified_name(fn)\n\u001b[1;32m 295\u001b[0m pdt_arg_types \u001b[38;5;241m=\u001b[39m type_trace_db\u001b[38;5;241m.\u001b[39mget_args_types(qualname)\n\u001b[0;32m--> 297\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mbuild_def\u001b[49m\u001b[43m(\u001b[49m\u001b[43mparsed_def\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mctx\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mfn_def\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtype_line\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mdef_name\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mself_name\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mself_name\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mpdt_arg_types\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpdt_arg_types\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/frontend.py:335\u001b[0m, in \u001b[0;36mbuild_def\u001b[0;34m(ctx, py_def, type_line, def_name, self_name, pdt_arg_types)\u001b[0m\n\u001b[1;32m 330\u001b[0m body \u001b[38;5;241m=\u001b[39m py_def\u001b[38;5;241m.\u001b[39mbody\n\u001b[1;32m 331\u001b[0m r \u001b[38;5;241m=\u001b[39m ctx\u001b[38;5;241m.\u001b[39mmake_range(py_def\u001b[38;5;241m.\u001b[39mlineno,\n\u001b[1;32m 332\u001b[0m py_def\u001b[38;5;241m.\u001b[39mcol_offset,\n\u001b[1;32m 333\u001b[0m py_def\u001b[38;5;241m.\u001b[39mcol_offset \u001b[38;5;241m+\u001b[39m \u001b[38;5;28mlen\u001b[39m(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mdef\u001b[39m\u001b[38;5;124m\"\u001b[39m))\n\u001b[0;32m--> 335\u001b[0m param_list \u001b[38;5;241m=\u001b[39m \u001b[43mbuild_param_list\u001b[49m\u001b[43m(\u001b[49m\u001b[43mctx\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mpy_def\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mself_name\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mpdt_arg_types\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 336\u001b[0m return_type \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 337\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mgetattr\u001b[39m(py_def, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mreturns\u001b[39m\u001b[38;5;124m'\u001b[39m, \u001b[38;5;28;01mNone\u001b[39;00m) \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n", + "File \u001b[0;32m~/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torch/jit/frontend.py:359\u001b[0m, in \u001b[0;36mbuild_param_list\u001b[0;34m(ctx, py_args, self_name, pdt_arg_types)\u001b[0m\n\u001b[1;32m 357\u001b[0m expr \u001b[38;5;241m=\u001b[39m py_args\u001b[38;5;241m.\u001b[39mkwarg\n\u001b[1;32m 358\u001b[0m ctx_range \u001b[38;5;241m=\u001b[39m ctx\u001b[38;5;241m.\u001b[39mmake_range(expr\u001b[38;5;241m.\u001b[39mlineno, expr\u001b[38;5;241m.\u001b[39mcol_offset \u001b[38;5;241m-\u001b[39m \u001b[38;5;241m1\u001b[39m, expr\u001b[38;5;241m.\u001b[39mcol_offset \u001b[38;5;241m+\u001b[39m \u001b[38;5;28mlen\u001b[39m(expr\u001b[38;5;241m.\u001b[39marg))\n\u001b[0;32m--> 359\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m NotSupportedError(ctx_range, _vararg_kwarg_err)\n\u001b[1;32m 360\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m py_args\u001b[38;5;241m.\u001b[39mvararg \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 361\u001b[0m expr \u001b[38;5;241m=\u001b[39m py_args\u001b[38;5;241m.\u001b[39mvararg\n", + "\u001b[0;31mNotSupportedError\u001b[0m: Compiled functions can't take variable number of arguments or use keyword-only arguments with defaults:\n File \"/Users/rbahumi/miniconda3/envs/conda_pytorch/lib/python3.10/site-packages/torchtext/prototype/generate.py\", line 37\n def __init__(self, model: nn.Module, **kwargs) -> None:\n ~~~~~~~ <--- HERE\n self.model = model\n self.is_encoder_decoder = kwargs.pop(\"is_encoder_decoder\", True)\n" + ] + } + ], + "source": [ + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "import torch\n", + "from torchtext.prototype.generate import GenerationUtils\n", + "from torchtext.models import T5_SMALL_GENERATION\n", + "\n", + "# The tokenizer object is torchscriptable\n", + "tokenizer = T5_SMALL_GENERATION.transform()\n", + "tokenizer_jit = torch.jit.script(tokenizer)\n", + "\n", + "# The T5 model is also torchscriptable\n", + "model = T5_SMALL_GENERATION.get_model()\n", + "model_jit = torch.jit.script(model)\n", + "\n", + "\n", + "# But after wrapping with GenerationUtils, the model is no longer torchscriptable\n", + "generative_model = GenerationUtils(model)\n", + "generative_model_jit = torch.jit.script(generative_model)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "customInput": null, + "originalKey": "e6d9ecd2-3354-4425-bdbe-7a1cb5681933", + "showInput": false + }, + "source": [ + "This failure is caused by: \n", + "1. The use of keyword argument from a dictionary (**kwargs) \n", + "2. Functions that can accept Optional values \n", + "3. Multiple optiones for returned types.\n", + "\n", + "\n", + "In the next section, we suggest a (currently) hacky solution to solve this. " + ] + }, + { + "cell_type": "markdown", + "metadata": { + "customInput": null, + "originalKey": "26118f6c-ccbc-4ac3-8922-ba1a8a0497e8", + "showInput": false + }, + "source": [ + "# Generate results using T5TorchGenerative\n", + "We'll define a new class called T5TorchGenerative (subclass of T5Model) that will \n", + "\n", + "We've implemented a \"Hacky\" solution for wrapping the full 'generate' functionality inside a \"forward\" function. We will work with the Pytorch team to make it an appropriate pull request.\n", + "\n", + "To do so, we:\n", + "1. T5TorchGenerative: inherited from T5Model:\n", + "- extracted the decoding code from t5.forward() function to a standalone 'decode' function that returns a specific type. \n", + "- added the GenerationUtils's 'generate' functionality as a class method (similar to HuggingFace).\n", + "2. Added TorchScriptableT5, a module that implements the full generative logic in the forward method.\n", + "3. Helper classes that build a jit (TorchScript) model from a predefined T5 Bundle" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679307299442, + "executionStopTime": 1679307299550, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "9aec1d2d-3eb3-4843-a25b-8ef0faa0b62f", + "requestMsgId": "d25f4230-cd85-4d1c-9fbc-295f1cf497f3", + "showInput": true + }, + "outputs": [], + "source": [ + "from typing import List, Optional\n", + "import torch\n", + "import torch.nn.functional as F\n", + "from torch import Tensor\n", + "from torchtext.models import T5Model, T5Conf\n", + "from torchtext.models.t5.modules import PAST_KEY_VALUES_TYPE, T5Decoder, T5Encoder, ENCODER_OUTPUTS_TYPE\n", + "\n", + "\n", + "DEFAULT_MAX_SEQ_LEN = 256\n", + "\n", + "\n", + "class T5TorchGenerative(T5Model):\n", + " \"\"\"\n", + " This is a quick and dirty implementation for the T5Model model which encapsulates the GenerationUtils functionality\n", + " inside the instance.\n", + "\n", + " Motivation: the ability to make a generate functionality TorchScriptable.\n", + "\n", + " TODO: implement beam search once it is added to GenerationUtils.\n", + "\n", + " \"\"\"\n", + " @torch.jit.export\n", + " def _prepare_decoder_ids_for_generation(\n", + " self, batch_size: int, pad_idx: int = 0, device: Optional[torch.device] = None\n", + " ):\n", + " return torch.ones((batch_size, 1), dtype=torch.long, device=device) * pad_idx\n", + "\n", + " @torch.jit.export\n", + " def decode(\n", + " self,\n", + " encoder_outputs: ENCODER_OUTPUTS_TYPE,\n", + " decoder_tokens: Optional[Tensor] = None,\n", + " encoder_mask: Optional[Tensor] = None,\n", + " decoder_mask: Optional[Tensor] = None,\n", + " encoder_padding_mask: Optional[Tensor] = None,\n", + " decoder_padding_mask: Optional[Tensor] = None,\n", + " past_key_values: Optional[List[PAST_KEY_VALUES_TYPE]] = None,\n", + " return_past_key_values: bool = False,\n", + " ) -> Tensor:\n", + " \"\"\"\n", + " This method's code was copied from the T5Model::forward() function. \n", + " It only does the decoder part, and returns a tensor instead of multiple return values wrapped in a dictionary type.\n", + "\n", + " In the future, it might be helpful if we can call this function from forward, and remove the duplicate code. \n", + " \"\"\"\n", + "\n", + " assert self.decoder is not None\n", + " assert encoder_outputs is not None\n", + "\n", + " encoder_output = encoder_outputs.get(\"encoder_output\")\n", + " assert torch.jit.isinstance(encoder_output, Tensor)\n", + "\n", + " batch_size = encoder_output.size(0)\n", + " encoder_output_device = encoder_output.device\n", + "\n", + " # decoder_tokens is None means at start of inference, in which case decoder sequence should begin with padding idx.\n", + " if decoder_tokens is None:\n", + " decoder_tokens = (\n", + " torch.ones((batch_size, 1), device=encoder_output_device, dtype=torch.long) * self.padding_idx\n", + " )\n", + "\n", + " if decoder_padding_mask is None:\n", + " decoder_padding_mask = decoder_tokens.eq(self.padding_idx)\n", + " # T5 implemention uses padding idx to start sequence. Want to ignore this when masking\n", + " decoder_padding_mask[:, 0] = False\n", + "\n", + " decoder_embeddings = self.token_embeddings(decoder_tokens)\n", + " decoder_outputs = self.decoder(\n", + " decoder_embeddings,\n", + " memory=encoder_output,\n", + " tgt_mask=decoder_mask,\n", + " memory_mask=encoder_mask,\n", + " tgt_key_padding_mask=decoder_padding_mask,\n", + " memory_key_padding_mask=encoder_padding_mask,\n", + " past_key_values=past_key_values,\n", + " return_past_key_values=return_past_key_values,\n", + " )\n", + "\n", + " decoder_output = decoder_outputs.get(\"decoder_output\")\n", + " assert torch.jit.isinstance(decoder_output, Tensor)\n", + "\n", + " if self.linear_head:\n", + " assert self.lm_head is not None\n", + " # Rescale output before projecting on vocab. This happens when the encoder and decoder share the\n", + " # same word embeddings, which is always the case in our t5 implementation.\n", + " # See https://github.com/huggingface/transformers/blob/d0acc9537829e7d067edbb791473bbceb2ecf056/src/transformers/models/t5/modeling_t5.py#L1661\n", + " decoder_output = decoder_output * (self.embedding_dim ** -0.5)\n", + " decoder_output = self.lm_head(decoder_output)\n", + "\n", + " return decoder_output\n", + "\n", + " @torch.jit.export\n", + " def greedy_search(\n", + " self, input_ids: torch.Tensor, max_length: int, eos_idx: int, encoder_outputs: ENCODER_OUTPUTS_TYPE, pad_idx: Optional[int] = None,\n", + " ) -> torch.Tensor:\n", + " \"\"\"Greedy search decoding for text generation. Takes the most likely next token every time.\n", + "\n", + " Inputs:\n", + " input_ids (Tensor): Text prompt(s) for greedy generation.\n", + " max_length (int): Max length to generate responses.\n", + " eos_idx (int): End of sequence index.\n", + " pad_idx (int): Padding index.\n", + "\n", + " Returns:\n", + " Batch of sequences decoded by greedy search.\n", + " \"\"\"\n", + " unfinished_sequences = torch.ones((input_ids.shape[0], 1), device=input_ids.device, dtype=torch.long)\n", + "\n", + " while True:\n", + " decoder_output = self.decode(\n", + " decoder_tokens=input_ids,\n", + " encoder_mask=None,\n", + " decoder_mask=None,\n", + " encoder_padding_mask=None,\n", + " decoder_padding_mask=None,\n", + " encoder_outputs=encoder_outputs,\n", + " past_key_values=None,\n", + " return_past_key_values=True\n", + " )\n", + "\n", + " # Calculate probabilities and take the most likely next token\n", + " probs = F.log_softmax(decoder_output[:, -1], dim=-1)\n", + " _, next_tokens = torch.topk(probs, 1)\n", + "\n", + " # For any finished sequences, padding idx should be the last token\n", + " if eos_idx is not None:\n", + " if pad_idx is not None:\n", + " next_tokens = next_tokens * unfinished_sequences + pad_idx * (1 - unfinished_sequences)\n", + "\n", + " # Append the next tokens to the previous tokens\n", + " input_ids = torch.cat([input_ids, next_tokens], dim=-1)\n", + "\n", + " if eos_idx is not None:\n", + " unfinished_sequences = unfinished_sequences.mul((next_tokens != eos_idx).long())\n", + "\n", + " # Stop iterating once all sequences are finished or exceed the max_length\n", + " if unfinished_sequences.max() == 0 or len(input_ids[0]) >= max_length:\n", + " break\n", + "\n", + " return input_ids\n", + "\n", + " @torch.jit.export\n", + " def generate(\n", + " self,\n", + " inputs: torch.Tensor,\n", + " num_beams: Optional[int] = None,\n", + " max_length: int = DEFAULT_MAX_SEQ_LEN,\n", + " pad_idx: int = 0,\n", + " eos_idx: int = 1,\n", + " ) -> torch.Tensor:\n", + " encoder_outputs = self.encoder(inputs)\n", + " inputs = self._prepare_decoder_ids_for_generation(len(inputs), device=inputs.device, pad_idx=pad_idx)\n", + "\n", + " if num_beams is None or num_beams == 1:\n", + " return self.greedy_search(inputs, max_length, eos_idx, pad_idx=pad_idx, encoder_outputs=encoder_outputs)\n", + " # elif num_beams > 1:\n", + " # return self.beam_search(inputs, num_beams, max_length)\n", + " else:\n", + " raise ValueError(\"`num_beams` must be >= 1.\")" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "customInput": null, + "originalKey": "6e4c730f-d5e0-46bc-aae2-462a639dd4a1", + "showInput": true + }, + "outputs": [], + "source": [ + "from typing import Optional, Union, Dict, Any\n", + "from torchtext import _TEXT_BUCKET\n", + "from urllib.parse import urljoin\n", + "from torchtext._download_hooks import load_state_dict_from_url\n", + "\n", + "\n", + "def build_model(\n", + " config: T5Conf,\n", + " T5Class=T5Model,\n", + " freeze_model: bool = False,\n", + " checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None,\n", + " strict: bool = False,\n", + " dl_kwargs: Optional[Dict[str, Any]] = None,\n", + ") -> T5Model:\n", + " \"\"\"Class builder method that can overide the default T5Model model class \n", + " \n", + " (reference: https://github.com/pytorch/text/blob/a1dc61b8e80df70fe7a35b9f5f5cc7e19c7dd8a3/torchtext/models/t5/bundler.py#L113)\n", + " \n", + " Args:\n", + " config (T5Conf): An instance of classT5Conf that defined the model configuration\n", + " freeze_model (bool): Indicates whether to freeze the model weights. (Default: `False`)\n", + " checkpoint (str or Dict[str, torch.Tensor]): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. (Default: ``None``)\n", + " strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`)\n", + " dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`)\n", + " \"\"\"\n", + " model = T5Class(config, freeze_model)\n", + " if checkpoint is not None:\n", + " if torch.jit.isinstance(checkpoint, Dict[str, torch.Tensor]):\n", + " state_dict = checkpoint\n", + " elif isinstance(checkpoint, str):\n", + " dl_kwargs = {} if dl_kwargs is None else dl_kwargs\n", + " state_dict = load_state_dict_from_url(checkpoint, **dl_kwargs)\n", + " else:\n", + " raise TypeError(\n", + " \"checkpoint must be of type `str` or `Dict[str, torch.Tensor]` but got {}\".format(type(checkpoint))\n", + " )\n", + "\n", + " model.load_state_dict(state_dict, strict=strict)\n", + "\n", + " return model\n", + "\n", + "\n", + "def load_model(bundle, T5Class=T5TorchGenerative):\n", + " \"\"\"\n", + " \n", + " Example usage:\n", + " >> model = load_model(bundle=T5_SMALL_GENERATION, T5Class=T5TorchGenerative)\n", + " \"\"\"\n", + " return build_model(config=bundle.config, T5Class=T5Class, checkpoint=bundle._path)\n", + "\n", + "\n", + "def get_model_from_bundle(bundle):\n", + " model = load_model(bundle=bundle, T5Class=T5TorchGenerative)\n", + " tokenizer = bundle.transform()\n", + " full_model = TorchScriptableT5(model=model, transform=tokenizer)\n", + " return full_model\n", + "\n", + "def get_jit_from_bundle(bundle):\n", + " full_model = get_model_from_bundle(bundle)\n", + " full_model_jit = torch.jit.script(full_model)\n", + " return full_model_jit" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "customInput": null, + "originalKey": "aaae0f95-a9c8-4704-8d5d-924aa7084829", + "showInput": true + }, + "outputs": [], + "source": [ + "from typing import List, Union\n", + "\n", + "DEFAULT_MAX_LENGHT: int = 100\n", + "\n", + "\n", + "class TorchScriptableT5(torch.nn.Module):\n", + " def __init__(self, model, transform, cuda: bool = False):\n", + " super(TorchScriptableT5, self).__init__()\n", + " self.cuda = cuda\n", + " self.transform = transform\n", + " \n", + " if cuda:\n", + " model = model.cuda()\n", + " \n", + " self.model = model\n", + " self.model.eval()\n", + "\n", + " def forward(self, texts: List[str], max_length:int=DEFAULT_MAX_LENGHT) -> Union[List[str], str]:\n", + " input_ids = self.transform(texts)\n", + " if self.cuda:\n", + " input_ids = input_ids.cuda()\n", + " raw_outputs = self.model.generate(input_ids, max_length=max_length)\n", + " \n", + " if raw_outputs.dim() == 1:\n", + " raw_outputs_list: List[List[int]] = raw_outputs[None, :].tolist()\n", + " else:\n", + " raw_outputs_list: List[List[int]] = raw_outputs.tolist() # : List[List[int]] = raw_outputs.tolist()\n", + "\n", + "\n", + " res = self.transform.decode(raw_outputs_list)\n", + " return res" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679308113742, + "executionStopTime": 1679308113754, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "df01f82d-d6e4-4d30-bbeb-cdaf76c18710", + "requestMsgId": "568181bd-e849-4b21-b02c-be42c34c84f9", + "showInput": true + }, + "outputs": [], + "source": [ + "from typing import Optional, Union, Dict, Any\n", + "from torchtext import _TEXT_BUCKET\n", + "from urllib.parse import urljoin\n", + "from torchtext._download_hooks import load_state_dict_from_url\n", + "\n", + "\n", + "def build_model(\n", + " config: T5Conf,\n", + " T5Class=T5Model,\n", + " freeze_model: bool = False,\n", + " checkpoint: Optional[Union[str, Dict[str, torch.Tensor]]] = None,\n", + " strict: bool = False,\n", + " dl_kwargs: Optional[Dict[str, Any]] = None,\n", + ") -> T5Model:\n", + " \"\"\"Class builder method that can overide the default T5Model model class \n", + " \n", + " (reference: https://github.com/pytorch/text/blob/a1dc61b8e80df70fe7a35b9f5f5cc7e19c7dd8a3/torchtext/models/t5/bundler.py#L113)\n", + " \n", + " Args:\n", + " config (T5Conf): An instance of classT5Conf that defined the model configuration\n", + " freeze_model (bool): Indicates whether to freeze the model weights. (Default: `False`)\n", + " checkpoint (str or Dict[str, torch.Tensor]): Path to or actual model state_dict. state_dict can have partial weights i.e only for encoder. (Default: ``None``)\n", + " strict (bool): Passed to :func: `torch.nn.Module.load_state_dict` method. (Default: `False`)\n", + " dl_kwargs (dictionary of keyword arguments): Passed to :func:`torch.hub.load_state_dict_from_url`. (Default: `None`)\n", + " \"\"\"\n", + " model = T5Class(config, freeze_model)\n", + " if checkpoint is not None:\n", + " if torch.jit.isinstance(checkpoint, Dict[str, torch.Tensor]):\n", + " state_dict = checkpoint\n", + " elif isinstance(checkpoint, str):\n", + " dl_kwargs = {} if dl_kwargs is None else dl_kwargs\n", + " state_dict = load_state_dict_from_url(checkpoint, **dl_kwargs)\n", + " else:\n", + " raise TypeError(\n", + " \"checkpoint must be of type `str` or `Dict[str, torch.Tensor]` but got {}\".format(type(checkpoint))\n", + " )\n", + "\n", + " model.load_state_dict(state_dict, strict=strict)\n", + "\n", + " return model\n", + "\n", + "\n", + "def load_model(bundle, T5Class=T5TorchGenerative):\n", + " \"\"\"\n", + " \n", + " Example usage:\n", + " >> model = load_model(bundle=T5_SMALL_GENERATION, T5Class=T5TorchGenerative)\n", + " \"\"\"\n", + " return build_model(config=bundle.config, T5Class=T5Class, checkpoint=bundle._path)\n", + "\n", + "\n", + "def get_model_from_bundle(bundle, cuda=False):\n", + " model = load_model(bundle=bundle, T5Class=T5TorchGenerative)\n", + " tokenizer = bundle.transform()\n", + " full_model = TorchScriptableT5(model=model, transform=tokenizer, cuda=cuda)\n", + " return full_model\n", + "\n", + "def get_jit_from_bundle(bundle, cuda=False):\n", + " full_model = get_model_from_bundle(bundle, cuda=cuda)\n", + " full_model_jit = torch.jit.script(full_model)\n", + " return full_model_jit" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "customInput": null, + "originalKey": "e8fcc480-0dc3-4081-b5d1-dc4f74f1eb9e", + "showInput": false + }, + "source": [ + "# The new model is an E2E generation model" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679307307093, + "executionStopTime": 1679307307174, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "07417dd1-6387-49bc-b815-69f6fffb9cff", + "requestMsgId": "b48eafaa-9445-4047-92dc-5094efa9408c", + "showInput": true + }, + "outputs": [], + "source": [ + "SUMMERIZE_PROMP = \"summarize\"\n", + "TRANSLATE_TO_GERMAN = \"translate English to German\"\n", + "QUESTION_PROMPS = \"question\"\n", + "CONTEXT_PROMPT = \"context\"\n", + "\n", + "\n", + "def summarize_text(text):\n", + " return f\"{SUMMERIZE_PROMP}: {text}\"\n", + "\n", + "\n", + "def en_to_german_text(text):\n", + " return f\"{TRANSLATE_TO_GERMAN}: {text}\"\n", + "\n", + "\n", + "def qa_text(context, question):\n", + " return f\"{QUESTION_PROMPS}: {question}? {CONTEXT_PROMPT}: {context}\"\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679307307671, + "executionStopTime": 1679307307685, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "36fb048b-7e42-4286-9fe4-35ac9d642574", + "requestMsgId": "e8a145b0-293b-4a21-ab8e-9877d57321cd", + "showInput": true + }, + "outputs": [], + "source": [ + "from torchtext.models import T5_SMALL_GENERATION, T5_LARGE_GENERATION, T5_3B_GENERATION, T5_11B_GENERATION" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679307311187, + "executionStopTime": 1679307355677, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "1be15ada-4e98-4302-ae01-cb6dd795aa99", + "requestMsgId": "5d59d649-02a2-4087-a7ce-95a705cf591d", + "showInput": true + }, + "outputs": [], + "source": [ + "EXAMPLE_INPUT = [\n", + " 'question: What does Nir likes to eat? context: Nir is a PM on the Care AI team. Nir only eats vegeterian food and he loves Pizza',\n", + " 'question: Who likes to eat pizza? context: Nir is a PM on the Care AI team. Nir only eats vegeterian food and he loves Pizza',\n", + " \"summarize: studies say that owning a dog is good for you\",\n", + "]\n", + "\n", + "t5_large = get_jit_from_bundle(T5_LARGE_GENERATION)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679308141879, + "executionStopTime": 1679308149446, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "4a8e3147-4281-4835-b0a9-32b88863e351", + "requestMsgId": "f9d1bd7b-763f-43db-a0c9-6b6579955a32", + "showInput": true + }, + "outputs": [], + "source": [ + "%time t5_large(EXAMPLE_INPUT, max_length=100)" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679308151928, + "executionStopTime": 1679308154907, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "382ff62f-6c73-4774-b046-cf68212048ae", + "requestMsgId": "76d1674d-14e5-400e-a4ab-bf48b510ac98", + "showInput": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 2.93 s, sys: 47.5 ms, total: 2.98 s\n", + "Wall time: 2.95 s\n" + ] + }, + { + "data": { + "text/plain": [ + "['Pizza',\n", + " 'Nir',\n", + " 'studies say owning a dog is good for you . a dog is a good companion, a companion for life .']" + ] + }, + "execution_count": 29, + "metadata": { + "bento_obj_id": "140269962326656" + }, + "output_type": "execute_result" + } + ], + "source": [ + "# Try to load to GPU and compare the time difference \n", + "t5_large_gpu = get_jit_from_bundle(T5_LARGE_GENERATION, cuda=True)\n", + "%time t5_large_gpu(EXAMPLE_INPUT, max_length=100)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "customInput": null, + "originalKey": "86c8e333-5043-4bbe-9786-c8c08594bd65", + "showInput": false + }, + "source": [ + "### Save the model localy as jit" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679308789621, + "executionStopTime": 1679308800224, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "72d63803-0c88-4663-b306-79f124b1f886", + "requestMsgId": "a3807090-b58b-4206-bf09-8b47e6cfada9", + "showInput": true + }, + "outputs": [], + "source": [ + "model_filename = 'flan_t5_large_generation.pt'\n", + "torch.jit.save(t5_large, model_filename)" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": { + "collapsed": false, + "customInput": null, + "executionStartTime": 1679308809545, + "executionStopTime": 1679308810651, + "jupyter": { + "outputs_hidden": false + }, + "originalKey": "2b09f5d2-b071-4947-a6cb-48271506f297", + "requestMsgId": "17f99907-d5ee-4650-a6b1-b7bb180ddb61", + "showInput": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "total 2.9G\n", + "-rw-r--r-- 1 rbahumi rbahumi 2.9G Mar 20 03:40 flan_t5_large_generation.pt\n", + "drwxr-xr-x 1 rbahumi rbahumi 1.1K Mar 20 03:39 .\n" + ] + } + ], + "source": [ + "!ls -lath | head -3" + ] + } + ], + "metadata": { + "bento_stylesheets": { + "bento/extensions/flow/main.css": true, + "bento/extensions/kernel_selector/main.css": true, + "bento/extensions/kernel_ui/main.css": true, + "bento/extensions/new_kernel/main.css": true, + "bento/extensions/system_usage/main.css": true, + "bento/extensions/theme/main.css": true + }, + "dataExplorerConfig": {}, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.9" + }, + "last_base_url": "https://bento.edge.x2p.facebook.net/", + "last_kernel_id": "2e805df5-4331-4d4d-bcf5-5867cccba280", + "last_msg_id": "fb91432f-260f2394c90f5f85446bf740_1027", + "last_server_session_id": "fdf51b3a-d901-4add-92aa-395a7bc782bd", + "outputWidgetContext": {} + }, + "nbformat": 4, + "nbformat_minor": 4 +} From 2c5e344acb2b77b702b4ce59dde47288c5de3c03 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Sat, 13 Jan 2024 00:27:14 +0000 Subject: [PATCH 449/463] [oidc] switch text wheels to oidc (#2220) * [oidc] switch text wheels to oidc * Grant id-token write permission * Update build-wheels-m1.yml * Update build-wheels-macos.yml * Update build-wheels-windows.yml --------- Co-authored-by: Huy Do --- .github/workflows/build-wheels-linux.yml | 9 ++++----- .github/workflows/build-wheels-m1.yml | 9 ++++----- .github/workflows/build-wheels-macos.yml | 9 ++++----- .github/workflows/build-wheels-windows.yml | 7 ++++--- 4 files changed, 16 insertions(+), 18 deletions(-) diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 5de059f92f..2daa0be5de 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -13,6 +13,10 @@ on: - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: +permissions: + id-token: write + contents: read + jobs: generate-matrix: uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main @@ -46,9 +50,4 @@ jobs: post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} - # Using "development" as trigger event so these binaries are not uploaded - # to official channels yet trigger-event: ${{ github.event_name }} - secrets: - AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} - AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 1b29b54e33..4ca849a138 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -13,6 +13,10 @@ on: - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: +permissions: + id-token: write + contents: read + jobs: generate-matrix: uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main @@ -45,9 +49,4 @@ jobs: package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} runner-type: macos-m1-12 - # Using "development" as trigger event so these binaries are not uploaded - # to official channels yet trigger-event: ${{ github.event_name }} - secrets: - AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} - AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml index 49cfb488d4..cab215b0ec 100644 --- a/.github/workflows/build-wheels-macos.yml +++ b/.github/workflows/build-wheels-macos.yml @@ -13,6 +13,10 @@ on: - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: +permissions: + id-token: write + contents: read + jobs: generate-matrix: uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main @@ -45,9 +49,4 @@ jobs: package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} runner-type: macos-12 - # Using "development" as trigger event so these binaries are not uploaded - # to official channels yet trigger-event: ${{ github.event_name }} - secrets: - AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} - AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} diff --git a/.github/workflows/build-wheels-windows.yml b/.github/workflows/build-wheels-windows.yml index 9a43b6b4b9..9dce4179d6 100644 --- a/.github/workflows/build-wheels-windows.yml +++ b/.github/workflows/build-wheels-windows.yml @@ -13,6 +13,10 @@ on: - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ workflow_dispatch: +permissions: + id-token: write + contents: read + jobs: generate-matrix: uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main @@ -48,6 +52,3 @@ jobs: package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} trigger-event: ${{ github.event_name }} - secrets: - AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID: ${{ secrets.AWS_PYTORCH_UPLOADER_ACCESS_KEY_ID }} - AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY: ${{ secrets.AWS_PYTORCH_UPLOADER_SECRET_ACCESS_KEY }} From 015c326d62e261c72a627ae887d20e76be7445b4 Mon Sep 17 00:00:00 2001 From: Danylo Baibak Date: Wed, 7 Feb 2024 08:35:08 +0100 Subject: [PATCH 450/463] Macos runner label changed from macos-m1-12 to macos-m1-stable (#2228) --- .github/workflows/build-conda-m1.yml | 2 +- .github/workflows/build-wheels-m1.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index 6fa7d910b0..b59b27c7fa 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -46,7 +46,7 @@ jobs: post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} - runner-type: macos-m1-12 + runner-type: macos-m1-stable # Using "development" as trigger event so these binaries are not uploaded # to official channels yet trigger-event: ${{ github.event_name }} diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 4ca849a138..49fbdd3a94 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -48,5 +48,5 @@ jobs: post-script: ${{ matrix.post-script }} package-name: ${{ matrix.package-name }} smoke-test-script: ${{ matrix.smoke-test-script }} - runner-type: macos-m1-12 + runner-type: macos-m1-stable trigger-event: ${{ github.event_name }} From cc9c65b880c84ee61cd927bb0ba638a8ea92471b Mon Sep 17 00:00:00 2001 From: Juhyeong Kim Date: Wed, 7 Feb 2024 23:18:34 +0900 Subject: [PATCH 451/463] fix IWSLT2017_link (#2195) --- torchtext/datasets/iwslt2017.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 4767218bd7..3707986d54 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -11,7 +11,7 @@ _wrap_split_argument, ) -URL = "https://drive.google.com/u/0/uc?id=12ycYSzLIG253AFN35Y6qoyf9wtkOjakp" +URL = "https://fbk.sharepoint.com/sites/MTUnit/_layouts/15/download.aspx?SourceUrl=%2Fsites%2FMTUnit%2FShared%20Documents%2Fwebsites%2FWIT3%2Dlibrary%2F2017%2D01%2Dtrnmted%2Etgz" _PATH = "2017-01-trnmted.tgz" MD5 = "aca701032b1c4411afc4d9fa367796ba" From 1c0069a6a186e988596ab16c81f725db3374d7cb Mon Sep 17 00:00:00 2001 From: Joe Cummings Date: Wed, 7 Feb 2024 19:52:14 -0500 Subject: [PATCH 452/463] Update README.rst (#2229) * Update README.rst Make it clear that this repository is not actively maintained by PyTorch anymore. * Update README.rst --- README.rst | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.rst b/README.rst index 784731e693..c99be4af4b 100644 --- a/README.rst +++ b/README.rst @@ -12,6 +12,9 @@ torchtext +++++++++ +CAUTION: As of September 2023 we have paused active development of TorchText because our focus has shifted away from building out this library offering. +We will continue to release new versions but do not anticipate any new feature development as we figure out future investments in this space. + This repository consists of: * `torchtext.datasets `_: The raw text iterators for common NLP datasets From 656a3b48d14c18d816f071dfb7449daa852fc219 Mon Sep 17 00:00:00 2001 From: Andrey Talman Date: Tue, 27 Feb 2024 12:05:41 -0500 Subject: [PATCH 453/463] Remove macos x86 nightly builds (#2232) --- .github/workflows/build-conda-macos.yml | 54 ------------------------ .github/workflows/build-wheels-macos.yml | 52 ----------------------- 2 files changed, 106 deletions(-) delete mode 100644 .github/workflows/build-conda-macos.yml delete mode 100644 .github/workflows/build-wheels-macos.yml diff --git a/.github/workflows/build-conda-macos.yml b/.github/workflows/build-conda-macos.yml deleted file mode 100644 index f604195e08..0000000000 --- a/.github/workflows/build-conda-macos.yml +++ /dev/null @@ -1,54 +0,0 @@ -name: Build Macos Conda - -on: - pull_request: - push: - branches: - - nightly - - main - - release/* - tags: - # NOTE: Binary build pipelines should only get triggered on release candidate builds - # Release candidate tags look like: v1.11.0-rc1 - - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ - workflow_dispatch: - -jobs: - generate-matrix: - uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main - with: - package-type: conda - os: macos - test-infra-repository: pytorch/test-infra - test-infra-ref: main - build: - needs: generate-matrix - strategy: - fail-fast: false - matrix: - include: - - repository: pytorch/text - pre-script: packaging/install_torchdata.sh - post-script: "" - conda-package-directory: packaging/torchtext - smoke-test-script: test/smoke_tests/smoke_tests.py - package-name: torchtext - name: ${{ matrix.repository }} - uses: pytorch/test-infra/.github/workflows/build_conda_macos.yml@main - with: - conda-package-directory: ${{ matrix.conda-package-directory }} - repository: ${{ matrix.repository }} - ref: "" - test-infra-repository: pytorch/test-infra - test-infra-ref: main - build-matrix: ${{ needs.generate-matrix.outputs.matrix }} - pre-script: ${{ matrix.pre-script }} - post-script: ${{ matrix.post-script }} - package-name: ${{ matrix.package-name }} - smoke-test-script: ${{ matrix.smoke-test-script }} - runner-type: macos-12 - # Using "development" as trigger event so these binaries are not uploaded - # to official channels yet - trigger-event: ${{ github.event_name }} - secrets: - CONDA_PYTORCHBOT_TOKEN: ${{ secrets.CONDA_PYTORCHBOT_TOKEN }} diff --git a/.github/workflows/build-wheels-macos.yml b/.github/workflows/build-wheels-macos.yml deleted file mode 100644 index cab215b0ec..0000000000 --- a/.github/workflows/build-wheels-macos.yml +++ /dev/null @@ -1,52 +0,0 @@ -name: Build Macos Wheels - -on: - pull_request: - push: - branches: - - nightly - - main - - release/* - tags: - # NOTE: Binary build pipelines should only get triggered on release candidate builds - # Release candidate tags look like: v1.11.0-rc1 - - v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ - workflow_dispatch: - -permissions: - id-token: write - contents: read - -jobs: - generate-matrix: - uses: pytorch/test-infra/.github/workflows/generate_binary_build_matrix.yml@main - with: - package-type: wheel - os: macos - test-infra-repository: pytorch/test-infra - test-infra-ref: main - build: - needs: generate-matrix - strategy: - fail-fast: false - matrix: - include: - - repository: pytorch/text - pre-script: packaging/install_torchdata.sh - post-script: "" - package-name: torchtext - smoke-test-script: test/smoke_tests/smoke_tests.py - name: ${{ matrix.repository }} - uses: pytorch/test-infra/.github/workflows/build_wheels_macos.yml@main - with: - repository: ${{ matrix.repository }} - ref: "" - test-infra-repository: pytorch/test-infra - test-infra-ref: main - build-matrix: ${{ needs.generate-matrix.outputs.matrix }} - pre-script: ${{ matrix.pre-script }} - post-script: ${{ matrix.post-script }} - package-name: ${{ matrix.package-name }} - smoke-test-script: ${{ matrix.smoke-test-script }} - runner-type: macos-12 - trigger-event: ${{ github.event_name }} From 52c0d85c603bd8beff8c300661fcec09d673cec9 Mon Sep 17 00:00:00 2001 From: Sahan Paliskara Date: Thu, 21 Mar 2024 14:28:56 -0700 Subject: [PATCH 454/463] Add version to validate from torchtext validate binaries call (#2240) --- .github/workflows/validate-binaries.yml | 6 ++++++ 1 file changed, 6 insertions(+) diff --git a/.github/workflows/validate-binaries.yml b/.github/workflows/validate-binaries.yml index 6bebfd3fcb..fe55276dd8 100644 --- a/.github/workflows/validate-binaries.yml +++ b/.github/workflows/validate-binaries.yml @@ -43,11 +43,17 @@ on: default: "" required: false type: string + pytorch_version: + description: 'PyTorch version to validate (ie. 2.0, 2.2.2, etc.) - optional' + default: "" + required: false + type: string jobs: validate-binaries: uses: pytorch/test-infra/.github/workflows/validate-domain-library.yml@main with: package_type: "conda,wheel" + version: ${{ inputs.version }} os: ${{ inputs.os }} channel: ${{ inputs.channel }} repository: "pytorch/text" From 51f373d64eebba4cb4359a5b2c3b6005e6598340 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Fri, 22 Mar 2024 14:34:24 +0000 Subject: [PATCH 455/463] Remove torchdata dependency from package and from CI (#2241) --- .circleci/unittest/linux/scripts/install.sh | 5 --- .circleci/unittest/windows/scripts/install.sh | 5 --- .github/workflows/build-conda-linux.yml | 2 +- .github/workflows/build-conda-m1.yml | 2 +- .github/workflows/build-conda-windows.yml | 2 +- .github/workflows/build-wheels-linux.yml | 2 +- .github/workflows/build-wheels-m1.yml | 2 +- .github/workflows/build-wheels-windows.yml | 2 +- .github/workflows/codeql.yml | 1 - .github/workflows/integration-test.yml | 4 +- .github/workflows/test-linux-cpu.yml | 5 +-- .github/workflows/test-linux-gpu.yml | 5 +-- .github/workflows/test-macos-cpu.yml | 5 +-- .github/workflows/test-windows-cpu.yml | 5 +-- .github/workflows/validate-binaries.yml | 2 +- README.rst | 2 +- packaging/install_torchdata.sh | 40 ------------------- packaging/pkg_helpers.bash | 12 ------ packaging/torchtext/meta.yaml | 1 - pytest.ini | 1 + requirements.txt | 1 - setup.py | 6 +-- test/smoke_tests/smoke_tests.py | 22 ---------- torchtext/_download_hooks.py | 1 - 24 files changed, 15 insertions(+), 120 deletions(-) delete mode 100755 packaging/install_torchdata.sh diff --git a/.circleci/unittest/linux/scripts/install.sh b/.circleci/unittest/linux/scripts/install.sh index b5043d6065..fa56e74f7d 100755 --- a/.circleci/unittest/linux/scripts/install.sh +++ b/.circleci/unittest/linux/scripts/install.sh @@ -1,7 +1,6 @@ #!/usr/bin/env bash unset PYTORCH_VERSION -unset TORCHDATA_VERSION # For unittest, nightly PyTorch is used as the following section, # so no need to set PYTORCH_VERSION. # In fact, keeping PYTORCH_VERSION forces us to hardcode PyTorch version in config. @@ -30,10 +29,6 @@ printf "* Installing PyTorch\n" ) -printf "Installing torchdata nightly with portalocker\n" -pip install "portalocker>=2.0.0" -pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu - printf "* Installing torchtext\n" python setup.py develop diff --git a/.circleci/unittest/windows/scripts/install.sh b/.circleci/unittest/windows/scripts/install.sh index 9ce0558fcd..7eb4810408 100644 --- a/.circleci/unittest/windows/scripts/install.sh +++ b/.circleci/unittest/windows/scripts/install.sh @@ -1,7 +1,6 @@ #!/usr/bin/env bash unset PYTORCH_VERSION -unset TORCHDATA_VERSION # For unittest, nightly PyTorch is used as the following section, # so no need to set PYTORCH_VERSION. # In fact, keeping PYTORCH_VERSION forces us to hardcode PyTorch version in config. @@ -19,10 +18,6 @@ conda activate ./env printf "* Installing PyTorch\n" conda install -y -c "pytorch-${UPLOAD_CHANNEL}" ${CONDA_CHANNEL_FLAGS} pytorch cpuonly -printf "* Installing torchdata nightly with portalocker\n" -pip install "portalocker>=2.0.0" -pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu - printf "* Installing pywin32_postinstall script\n" curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/pywin32/main/pywin32_postinstall.py python pywin32_postinstall.py -install diff --git a/.github/workflows/build-conda-linux.yml b/.github/workflows/build-conda-linux.yml index 87dc12a010..6a2a9a775c 100644 --- a/.github/workflows/build-conda-linux.yml +++ b/.github/workflows/build-conda-linux.yml @@ -29,7 +29,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: packaging/install_torchdata.sh + pre-script: "" post-script: "" conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-conda-m1.yml b/.github/workflows/build-conda-m1.yml index b59b27c7fa..c0e9b561cc 100644 --- a/.github/workflows/build-conda-m1.yml +++ b/.github/workflows/build-conda-m1.yml @@ -28,7 +28,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: packaging/install_torchdata.sh + pre-script: "" post-script: "" conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-conda-windows.yml b/.github/workflows/build-conda-windows.yml index db1037574a..7f7af58a07 100644 --- a/.github/workflows/build-conda-windows.yml +++ b/.github/workflows/build-conda-windows.yml @@ -29,7 +29,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: packaging/install_torchdata.sh + pre-script: "" post-script: "" conda-package-directory: packaging/torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-wheels-linux.yml b/.github/workflows/build-wheels-linux.yml index 2daa0be5de..2f49308fc7 100644 --- a/.github/workflows/build-wheels-linux.yml +++ b/.github/workflows/build-wheels-linux.yml @@ -34,7 +34,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: packaging/install_torchdata.sh + pre-script: "" post-script: "" smoke-test-script: test/smoke_tests/smoke_tests.py package-name: torchtext diff --git a/.github/workflows/build-wheels-m1.yml b/.github/workflows/build-wheels-m1.yml index 49fbdd3a94..8e9ba24c95 100644 --- a/.github/workflows/build-wheels-m1.yml +++ b/.github/workflows/build-wheels-m1.yml @@ -32,7 +32,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: packaging/install_torchdata.sh + pre-script: "" post-script: "" package-name: torchtext smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/build-wheels-windows.yml b/.github/workflows/build-wheels-windows.yml index 9dce4179d6..fe2327a3c2 100644 --- a/.github/workflows/build-wheels-windows.yml +++ b/.github/workflows/build-wheels-windows.yml @@ -33,7 +33,7 @@ jobs: matrix: include: - repository: pytorch/text - pre-script: packaging/install_torchdata.sh + pre-script: "" env-script: packaging/vc_env_helper.bat post-script: "" smoke-test-script: test/smoke_tests/smoke_tests.py diff --git a/.github/workflows/codeql.yml b/.github/workflows/codeql.yml index b6af768134..8e6163288c 100644 --- a/.github/workflows/codeql.yml +++ b/.github/workflows/codeql.yml @@ -31,7 +31,6 @@ jobs: - name: Install Torch run: | python -m pip install cmake - python -m pip install --quiet --pre torch torchdata -f https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html sudo ln -s /usr/bin/ninja /usr/bin/ninja-build - name: Build TorchText diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index 98824c2d74..e1bfabecbf 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -39,15 +39,13 @@ jobs: python -m spacy download en_core_web_sm printf "* Downloading SpaCy German models\n" python -m spacy download de_core_news_sm - # Install PyTorch, Torchvision, and TorchData + # Install PyTorch, Torchvision set -ex conda install \ --yes \ -c "pytorch-${CHANNEL}" \ -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ "${CUDATOOLKIT}" - printf "Installing torchdata nightly\n" - python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop # Install integration test dependencies python3 -m pip --quiet install parameterized diff --git a/.github/workflows/test-linux-cpu.yml b/.github/workflows/test-linux-cpu.yml index 518f5f4383..6b3dbf0f5b 100644 --- a/.github/workflows/test-linux-cpu.yml +++ b/.github/workflows/test-linux-cpu.yml @@ -50,16 +50,13 @@ jobs: printf "* Downloading SpaCy German models\n" python -m spacy download de_core_news_sm - # Install PyTorch, Torchvision, and TorchData + # Install PyTorch, Torchvision set -ex conda install \ --yes \ -c "pytorch-${CHANNEL}" \ -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ "${CUDATOOLKIT}" - printf "Installing torchdata nightly\n" - python3 -m pip install "portalocker>=2.0.0" - python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop python3 -m pip install parameterized diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml index 1bc124c47e..f51afd4fb9 100644 --- a/.github/workflows/test-linux-gpu.yml +++ b/.github/workflows/test-linux-gpu.yml @@ -54,7 +54,7 @@ jobs: printf "* Downloading SpaCy German models\n" python -m spacy download de_core_news_sm - # Install PyTorch and TorchData + # Install PyTorch set -ex conda install \ --yes \ @@ -62,9 +62,6 @@ jobs: -c "pytorch-${CHANNEL}" \ -c nvidia "pytorch-${CHANNEL}"::pytorch[build="*${VERSION}*"] \ "${CUDATOOLKIT}" - printf "Installing torchdata nightly\n" - python3 -m pip install "portalocker>=2.0.0" - python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu --quiet python3 setup.py develop python3 -m pip install parameterized --quiet diff --git a/.github/workflows/test-macos-cpu.yml b/.github/workflows/test-macos-cpu.yml index 774595bef9..4595627b50 100644 --- a/.github/workflows/test-macos-cpu.yml +++ b/.github/workflows/test-macos-cpu.yml @@ -55,7 +55,7 @@ jobs: printf "* Downloading SpaCy German models\n" python -m spacy download de_core_news_sm - # Install PyTorch, Torchvision, and TorchData + # Install PyTorch, Torchvision set -ex conda install \ --yes \ @@ -64,9 +64,6 @@ jobs: "${MKL_CONSTRAINT}" \ pytorch \ "${CUDATOOLKIT}" - printf "Installing torchdata nightly\n" - python3 -m pip install "portalocker>=2.0.0" - python3 -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu python3 setup.py develop python3 -m pip install parameterized diff --git a/.github/workflows/test-windows-cpu.yml b/.github/workflows/test-windows-cpu.yml index 1915ddd91c..0b6c9aa666 100644 --- a/.github/workflows/test-windows-cpu.yml +++ b/.github/workflows/test-windows-cpu.yml @@ -51,15 +51,12 @@ jobs: printf "* Downloading SpaCy German models\n" python -m spacy download de_core_news_sm - # Install PyTorch, Torchvision, and TorchData + # Install PyTorch, Torchvision conda install \ --yes \ -c "pytorch-${CHANNEL}" \ pytorch \ cpuonly - printf "Installing torchdata nightly\n" - python -m pip install "portalocker>=2.0.0" - python -m pip install --pre torchdata --index-url https://download.pytorch.org/whl/nightly/cpu printf "* Installing pywin32_postinstall script\n" curl --output pywin32_postinstall.py https://raw.githubusercontent.com/mhammond/pywin32/main/pywin32_postinstall.py diff --git a/.github/workflows/validate-binaries.yml b/.github/workflows/validate-binaries.yml index fe55276dd8..6ba6debc92 100644 --- a/.github/workflows/validate-binaries.yml +++ b/.github/workflows/validate-binaries.yml @@ -44,7 +44,7 @@ on: required: false type: string pytorch_version: - description: 'PyTorch version to validate (ie. 2.0, 2.2.2, etc.) - optional' + description: "PyTorch version to validate (ie. 2.0, 2.2.2, etc.) - optional" default: "" required: false type: string diff --git a/README.rst b/README.rst index c99be4af4b..a31853f769 100644 --- a/README.rst +++ b/README.rst @@ -12,7 +12,7 @@ torchtext +++++++++ -CAUTION: As of September 2023 we have paused active development of TorchText because our focus has shifted away from building out this library offering. +CAUTION: As of September 2023 we have paused active development of TorchText because our focus has shifted away from building out this library offering. We will continue to release new versions but do not anticipate any new feature development as we figure out future investments in this space. This repository consists of: diff --git a/packaging/install_torchdata.sh b/packaging/install_torchdata.sh deleted file mode 100755 index 7db52358a3..0000000000 --- a/packaging/install_torchdata.sh +++ /dev/null @@ -1,40 +0,0 @@ -#!/bin/bash -package_type="$PACKAGE_TYPE" -channel="$CHANNEL" -if [ -z "$package_type" ]; then - package_type="wheel" -fi -if [ -z "$channel" ]; then - channel="nightly" -fi - -# Wrong values -if [ "$package_type" != "wheel" ] && [ "$package_type" != "conda" ]; then - exit 1 -fi -if [ "$channel" != "nightly" ] && [ "$channel" != "test" ]; then - exit 1 -fi - - -if [ "$package_type" = "wheel" ]; then - install_cmd="pip install" - if [ "$channel" = "nightly" ]; then - install_cmd="${install_cmd} --pre" - fi - install_channel="--index-url https://download.pytorch.org/whl/${channel}/cpu" -else - install_cmd="conda install" - install_channel="-c pytorch-${channel}" -fi - -$install_cmd torchdata $install_channel - -if [ "$package_type" = "wheel" ]; then - TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" -else - TORCHDATA_VERSION="$(conda list -fe torchdata | grep torchdata | sed -e 's/torchdata=\(.*\)=py.*/\1/')" - echo "export CONDA_TORCHDATA_CONSTRAINT='- torchdata==${TORCHDATA_VERSION}'" >> "${BUILD_ENV_FILE}" -fi - -echo "export TORCHDATA_VERSION=${TORCHDATA_VERSION}" >> "${BUILD_ENV_FILE}" diff --git a/packaging/pkg_helpers.bash b/packaging/pkg_helpers.bash index 5c45e8937a..221e1d639a 100644 --- a/packaging/pkg_helpers.bash +++ b/packaging/pkg_helpers.bash @@ -190,14 +190,6 @@ setup_pip_pytorch_version() { -f https://download.pytorch.org/whl/torch_stable.html \ -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" fi - if [[ -z "$TORCHDATA_VERSION" ]]; then - pip_install --pre torchdata -f "https://download.pytorch.org/whl/nightly/cpu/torch_nightly.html" - export TORCHDATA_VERSION="$(pip show torchdata | grep ^Version: | sed 's/Version: *//' | sed 's/+.\+//')" - else - pip_install "torchdata==$TORCHDATA_VERSION" \ - -f https://download.pytorch.org/whl/torch_stable.html \ - -f "https://download.pytorch.org/whl/${UPLOAD_CHANNEL}/torch_${UPLOAD_CHANNEL}.html" - fi } # Fill PYTORCH_VERSION with the latest conda nightly version, and @@ -232,10 +224,6 @@ setup_conda_pytorch_constraint() { export CONDA_EXTRA_BUILD_CONSTRAINT="- mkl<=2021.2.0" fi fi - if [[ -z "$TORCHDATA_VERSION" ]]; then - export TORCHDATA_VERSION="$(conda search --json 'torchdata[channel=pytorch-nightly]' | ${PYTHON} -c "import sys, json, re; print(re.sub(r'\\+.*$', '', json.load(sys.stdin)['torchdata'][-1]['version']))")" - fi - export CONDA_TORCHDATA_CONSTRAINT="- torchdata==$TORCHDATA_VERSION" } # Translate CUDA_VERSION into CUDA_CUDATOOLKIT_CONSTRAINT diff --git a/packaging/torchtext/meta.yaml b/packaging/torchtext/meta.yaml index 03221505e5..9d7502200d 100644 --- a/packaging/torchtext/meta.yaml +++ b/packaging/torchtext/meta.yaml @@ -24,7 +24,6 @@ requirements: - requests - tqdm {{ environ.get('CONDA_PYTORCH_CONSTRAINT') }} - {{ environ.get('CONDA_TORCHDATA_CONSTRAINT') }} build: string: py{{py}} diff --git a/pytest.ini b/pytest.ini index c7ba710bd7..b9bb2d26ca 100644 --- a/pytest.ini +++ b/pytest.ini @@ -1,4 +1,5 @@ [pytest] +addopts = --ignore-glob=test/torchtext_unittest/datasets/* testpaths = test/ python_paths = ./ markers = diff --git a/requirements.txt b/requirements.txt index cbc13eefbf..079025ca62 100644 --- a/requirements.txt +++ b/requirements.txt @@ -19,7 +19,6 @@ Sphinx pytest expecttest parameterized -torchdata>0.5 # Lets pytest find our code by automatically modifying PYTHONPATH pytest-pythonpath diff --git a/setup.py b/setup.py index d008cb9c90..a3fb2707c3 100644 --- a/setup.py +++ b/setup.py @@ -63,14 +63,10 @@ def _init_submodule(): print("-- Building version " + VERSION) pytorch_package_version = os.getenv("PYTORCH_VERSION") -torchdata_package_version = os.getenv("TORCHDATA_VERSION") pytorch_package_dep = "torch" if pytorch_package_version is not None: pytorch_package_dep += "==" + pytorch_package_version -torchdata_package_dep = "torchdata" -if torchdata_package_version is not None: - torchdata_package_dep += "==" + torchdata_package_version class clean(distutils.command.clean.clean): @@ -104,7 +100,7 @@ def run(self): description="Text utilities, models, transforms, and datasets for PyTorch.", long_description=read("README.rst"), license="BSD", - install_requires=["tqdm", "requests", pytorch_package_dep, "numpy", torchdata_package_dep], + install_requires=["tqdm", "requests", pytorch_package_dep, "numpy"], python_requires=">=3.8", classifiers=[ "Programming Language :: Python :: 3.8", diff --git a/test/smoke_tests/smoke_tests.py b/test/smoke_tests/smoke_tests.py index 2fbaeec5ec..58d579716a 100644 --- a/test/smoke_tests/smoke_tests.py +++ b/test/smoke_tests/smoke_tests.py @@ -1,28 +1,6 @@ """Run smoke tests""" -import os -import re - -import torchdata import torchtext -import torchtext.version # noqa: F401 - -NIGHTLY_ALLOWED_DELTA = 3 -channel = os.getenv("MATRIX_CHANNEL") - - -def validateTorchdataVersion(): - from datetime import datetime - - date_t_str = re.findall(r"dev\d+", torchdata.__version__)[0] - date_t_delta = datetime.now() - datetime.strptime(date_t_str[3:], "%Y%m%d") - - if date_t_delta.days >= NIGHTLY_ALLOWED_DELTA: - raise RuntimeError(f"torchdata binary {torchdata.__version__} is more than {NIGHTLY_ALLOWED_DELTA} days old!") - -if channel == "nightly": - validateTorchdataVersion() print("torchtext version is ", torchtext.__version__) -print("torchdata version is ", torchdata.__version__) diff --git a/torchtext/_download_hooks.py b/torchtext/_download_hooks.py index 89baafafa5..f7a236482b 100644 --- a/torchtext/_download_hooks.py +++ b/torchtext/_download_hooks.py @@ -4,7 +4,6 @@ # This is to allow monkey-patching in fbcode from torch.hub import load_state_dict_from_url # noqa -from torchdata.datapipes.iter import HttpReader, GDriveReader # noqa F401 from tqdm import tqdm From ecb9ebc54cbd44b558f026d338c795d2bf7f4ef9 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Fri, 22 Mar 2024 17:05:21 +0000 Subject: [PATCH 456/463] Fix torchdata import error (#2242) * Remove stuff * stuff * lint --- torchtext/datasets/ag_news.py | 3 +-- torchtext/datasets/amazonreviewfull.py | 3 +-- torchtext/datasets/amazonreviewpolarity.py | 3 +-- torchtext/datasets/cc100.py | 8 ++++++-- torchtext/datasets/cnndm.py | 12 ++++++------ torchtext/datasets/cola.py | 3 +-- torchtext/datasets/conll2000chunking.py | 3 +-- torchtext/datasets/dbpedia.py | 3 +-- torchtext/datasets/enwik9.py | 3 +-- torchtext/datasets/imdb.py | 3 +-- torchtext/datasets/iwslt2016.py | 3 +-- torchtext/datasets/iwslt2017.py | 3 +-- torchtext/datasets/mnli.py | 5 ++--- torchtext/datasets/mrpc.py | 2 +- torchtext/datasets/multi30k.py | 6 +++--- torchtext/datasets/penntreebank.py | 6 +++--- torchtext/datasets/qnli.py | 5 ++--- torchtext/datasets/qqp.py | 3 +-- torchtext/datasets/rte.py | 5 ++--- torchtext/datasets/sogounews.py | 3 +-- torchtext/datasets/squad1.py | 3 +-- torchtext/datasets/squad2.py | 3 +-- torchtext/datasets/sst2.py | 5 ++--- torchtext/datasets/stsb.py | 5 ++--- torchtext/datasets/udpos.py | 3 +-- torchtext/datasets/wikitext103.py | 3 +-- torchtext/datasets/wikitext2.py | 3 +-- torchtext/datasets/wnli.py | 5 ++--- torchtext/datasets/yahooanswers.py | 3 +-- torchtext/datasets/yelpreviewfull.py | 3 +-- torchtext/datasets/yelpreviewpolarity.py | 3 +-- 31 files changed, 51 insertions(+), 73 deletions(-) diff --git a/torchtext/datasets/ag_news.py b/torchtext/datasets/ag_news.py index 5f1c7741f6..93f398329c 100644 --- a/torchtext/datasets/ag_news.py +++ b/torchtext/datasets/ag_news.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -65,6 +63,7 @@ def AG_NEWS(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/amazonreviewfull.py b/torchtext/datasets/amazonreviewfull.py index 06e688279a..c916d2e034 100644 --- a/torchtext/datasets/amazonreviewfull.py +++ b/torchtext/datasets/amazonreviewfull.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -79,6 +77,7 @@ def AmazonReviewFull(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/amazonreviewpolarity.py b/torchtext/datasets/amazonreviewpolarity.py index 9616dc1d9e..a0ed0c6c40 100644 --- a/torchtext/datasets/amazonreviewpolarity.py +++ b/torchtext/datasets/amazonreviewpolarity.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -76,6 +74,7 @@ def AmazonReviewPolarity(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/cc100.py b/torchtext/datasets/cc100.py index 4ce2e92dd8..0f7cf2920f 100644 --- a/torchtext/datasets/cc100.py +++ b/torchtext/datasets/cc100.py @@ -1,8 +1,7 @@ import os.path from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader +from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, ) @@ -167,6 +166,11 @@ def CC100(root: str, language_code: str = "en"): """ if language_code not in VALID_CODES: raise ValueError(f"Invalid language code {language_code}") + if not is_module_available("torchdata"): + raise ModuleNotFoundError( + "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" + ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url = URL % language_code url_dp = IterableWrapper([url]) diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index 2adba04fd1..92b2da8ce1 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -3,12 +3,6 @@ from functools import partial from typing import Union, Set, Tuple -from torchdata.datapipes.iter import ( - FileOpener, - IterableWrapper, - OnlineReader, - GDriveReader, -) from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -141,6 +135,12 @@ def CNNDM(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import ( # noqa + FileOpener, + IterableWrapper, + OnlineReader, + GDriveReader, + ) cnn_dp = _load_stories(root, "cnn", split) dailymail_dp = _load_stories(root, "dailymail", split) diff --git a/torchtext/datasets/cola.py b/torchtext/datasets/cola.py index 214c435d03..6ec6cd8b29 100644 --- a/torchtext/datasets/cola.py +++ b/torchtext/datasets/cola.py @@ -3,8 +3,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory, _wrap_split_argument @@ -76,6 +74,7 @@ def CoLA(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/conll2000chunking.py b/torchtext/datasets/conll2000chunking.py index acbd9cbd0c..983059faf1 100644 --- a/torchtext/datasets/conll2000chunking.py +++ b/torchtext/datasets/conll2000chunking.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -68,6 +66,7 @@ def CoNLL2000Chunking(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/dbpedia.py b/torchtext/datasets/dbpedia.py index be86f1a98c..d563f965cb 100644 --- a/torchtext/datasets/dbpedia.py +++ b/torchtext/datasets/dbpedia.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -75,6 +73,7 @@ def DBpedia(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/enwik9.py b/torchtext/datasets/enwik9.py index cbd5e647a7..8b30cc4da8 100644 --- a/torchtext/datasets/enwik9.py +++ b/torchtext/datasets/enwik9.py @@ -1,8 +1,6 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory @@ -50,6 +48,7 @@ def EnWik9(root: str): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/imdb.py b/torchtext/datasets/imdb.py index 09fba57b04..cefedc4bf0 100644 --- a/torchtext/datasets/imdb.py +++ b/torchtext/datasets/imdb.py @@ -3,8 +3,6 @@ from pathlib import Path from typing import Tuple, Union -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory from torchtext.data.datasets_utils import _wrap_split_argument @@ -89,6 +87,7 @@ def IMDB(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/iwslt2016.py b/torchtext/datasets/iwslt2016.py index dd4b806e8c..f1a05dcaea 100644 --- a/torchtext/datasets/iwslt2016.py +++ b/torchtext/datasets/iwslt2016.py @@ -1,8 +1,6 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -219,6 +217,7 @@ def IWSLT2016( raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa if not isinstance(language_pair, list) and not isinstance(language_pair, tuple): raise ValueError("language_pair must be list or tuple but got {} instead".format(type(language_pair))) diff --git a/torchtext/datasets/iwslt2017.py b/torchtext/datasets/iwslt2017.py index 3707986d54..2095647fe4 100644 --- a/torchtext/datasets/iwslt2017.py +++ b/torchtext/datasets/iwslt2017.py @@ -1,8 +1,6 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _clean_files, @@ -184,6 +182,7 @@ def IWSLT2017(root=".data", split=("train", "valid", "test"), language_pair=("de raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa valid_set = "dev2010" test_set = "tst2010" diff --git a/torchtext/datasets/mnli.py b/torchtext/datasets/mnli.py index f4335c5ccf..def9354b53 100644 --- a/torchtext/datasets/mnli.py +++ b/torchtext/datasets/mnli.py @@ -3,11 +3,9 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, @@ -89,6 +87,7 @@ def MNLI(root, split): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/mrpc.py b/torchtext/datasets/mrpc.py index e9abea1721..c3e6f72a91 100644 --- a/torchtext/datasets/mrpc.py +++ b/torchtext/datasets/mrpc.py @@ -3,7 +3,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, HttpReader, IterableWrapper from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -67,6 +66,7 @@ def MRPC(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check diff --git a/torchtext/datasets/multi30k.py b/torchtext/datasets/multi30k.py index ea1c2015ae..db666bfda9 100644 --- a/torchtext/datasets/multi30k.py +++ b/torchtext/datasets/multi30k.py @@ -2,9 +2,8 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader # noqa -from torchtext._download_hooks import HttpReader +# noqa + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -89,6 +88,7 @@ def Multi30k(root: str, split: Union[Tuple[str], str], language_pair: Tuple[str] raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) diff --git a/torchtext/datasets/penntreebank.py b/torchtext/datasets/penntreebank.py index 1e0d9f295f..a7f504b9a4 100644 --- a/torchtext/datasets/penntreebank.py +++ b/torchtext/datasets/penntreebank.py @@ -2,9 +2,8 @@ from functools import partial from typing import Tuple, Union -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader # noqa -from torchtext._download_hooks import HttpReader +# noqa + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -70,6 +69,7 @@ def PennTreebank(root, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) cache_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/qnli.py b/torchtext/datasets/qnli.py index aa71eeb208..cbdca8fbc4 100644 --- a/torchtext/datasets/qnli.py +++ b/torchtext/datasets/qnli.py @@ -3,11 +3,9 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, @@ -81,6 +79,7 @@ def QNLI(root, split): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/qqp.py b/torchtext/datasets/qqp.py index 013a6a82a8..887675cfde 100644 --- a/torchtext/datasets/qqp.py +++ b/torchtext/datasets/qqp.py @@ -1,8 +1,6 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import _create_dataset_directory @@ -48,6 +46,7 @@ def QQP(root: str): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/rte.py b/torchtext/datasets/rte.py index 06355468ae..61915a1790 100644 --- a/torchtext/datasets/rte.py +++ b/torchtext/datasets/rte.py @@ -3,11 +3,9 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, @@ -81,6 +79,7 @@ def RTE(root, split): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/sogounews.py b/torchtext/datasets/sogounews.py index 80c7c9af9a..440e811ce4 100644 --- a/torchtext/datasets/sogounews.py +++ b/torchtext/datasets/sogounews.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -79,6 +77,7 @@ def SogouNews(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/squad1.py b/torchtext/datasets/squad1.py index 5c83bcdec2..0949eb103c 100644 --- a/torchtext/datasets/squad1.py +++ b/torchtext/datasets/squad1.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -62,6 +60,7 @@ def SQuAD1(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check diff --git a/torchtext/datasets/squad2.py b/torchtext/datasets/squad2.py index 48ef86556c..0ad1e25ac1 100644 --- a/torchtext/datasets/squad2.py +++ b/torchtext/datasets/squad2.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -63,6 +61,7 @@ def SQuAD2(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL[split]]) # cache data on-disk with sanity check diff --git a/torchtext/datasets/sst2.py b/torchtext/datasets/sst2.py index 132b22d68d..a14cf45709 100644 --- a/torchtext/datasets/sst2.py +++ b/torchtext/datasets/sst2.py @@ -2,11 +2,9 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, @@ -86,6 +84,7 @@ def SST2(root, split): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/stsb.py b/torchtext/datasets/stsb.py index 324ed77245..1f66bf5279 100644 --- a/torchtext/datasets/stsb.py +++ b/torchtext/datasets/stsb.py @@ -2,11 +2,9 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, @@ -82,6 +80,7 @@ def STSB(root, split): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/udpos.py b/torchtext/datasets/udpos.py index 3c7b76b124..c6ee494dae 100644 --- a/torchtext/datasets/udpos.py +++ b/torchtext/datasets/udpos.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -66,6 +64,7 @@ def UDPOS(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/wikitext103.py b/torchtext/datasets/wikitext103.py index 0914d708e9..6baff13ad6 100644 --- a/torchtext/datasets/wikitext103.py +++ b/torchtext/datasets/wikitext103.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -71,6 +69,7 @@ def WikiText103(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) # cache data on-disk diff --git a/torchtext/datasets/wikitext2.py b/torchtext/datasets/wikitext2.py index ec686b94cd..94e90f2031 100644 --- a/torchtext/datasets/wikitext2.py +++ b/torchtext/datasets/wikitext2.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import HttpReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -71,6 +69,7 @@ def WikiText2(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) # cache data on-disk diff --git a/torchtext/datasets/wnli.py b/torchtext/datasets/wnli.py index c864275899..f4574d5e4e 100644 --- a/torchtext/datasets/wnli.py +++ b/torchtext/datasets/wnli.py @@ -2,11 +2,9 @@ import os from functools import partial -from torchdata.datapipes.iter import FileOpener, IterableWrapper - # we import HttpReader from _download_hooks so we can swap out public URLs # with interal URLs when the dataset is used within Facebook -from torchtext._download_hooks import HttpReader + from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _create_dataset_directory, @@ -78,6 +76,7 @@ def WNLI(root, split): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at `https://github.com/pytorch/data`" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) cache_compressed_dp = url_dp.on_disk_cache( diff --git a/torchtext/datasets/yahooanswers.py b/torchtext/datasets/yahooanswers.py index 9fad10ff1d..da357977cb 100644 --- a/torchtext/datasets/yahooanswers.py +++ b/torchtext/datasets/yahooanswers.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -75,6 +73,7 @@ def YahooAnswers(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/yelpreviewfull.py b/torchtext/datasets/yelpreviewfull.py index 1272dae45c..7bea8f1211 100644 --- a/torchtext/datasets/yelpreviewfull.py +++ b/torchtext/datasets/yelpreviewfull.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -74,6 +72,7 @@ def YelpReviewFull(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) diff --git a/torchtext/datasets/yelpreviewpolarity.py b/torchtext/datasets/yelpreviewpolarity.py index 90e1e31e59..08559f0c68 100644 --- a/torchtext/datasets/yelpreviewpolarity.py +++ b/torchtext/datasets/yelpreviewpolarity.py @@ -2,8 +2,6 @@ from functools import partial from typing import Union, Tuple -from torchdata.datapipes.iter import FileOpener, IterableWrapper -from torchtext._download_hooks import GDriveReader from torchtext._internal.module_utils import is_module_available from torchtext.data.datasets_utils import ( _wrap_split_argument, @@ -74,6 +72,7 @@ def YelpReviewPolarity(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) + from torchdata.datapipes.iter import FileOpener, GDriveReader, HttpReader, IterableWrapper # noqa url_dp = IterableWrapper([URL]) From cee0243cfd119a68be5572892aee8cabe8a86966 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Tue, 2 Apr 2024 12:57:38 +0100 Subject: [PATCH 457/463] Fix CNNDM dataset tests (#2246) --- torchtext/datasets/cnndm.py | 15 +++++++++------ 1 file changed, 9 insertions(+), 6 deletions(-) diff --git a/torchtext/datasets/cnndm.py b/torchtext/datasets/cnndm.py index 92b2da8ce1..e94c59e054 100644 --- a/torchtext/datasets/cnndm.py +++ b/torchtext/datasets/cnndm.py @@ -77,12 +77,21 @@ def _hash_urls(s: tuple): def _get_split_list(source: str, split: str): + from torchdata.datapipes.iter import ( # noqa + IterableWrapper, + OnlineReader, + ) url_dp = IterableWrapper([SPLIT_LIST[source + "_" + split]]) online_dp = OnlineReader(url_dp) return online_dp.readlines().map(fn=_hash_urls) def _load_stories(root: str, source: str, split: str): + from torchdata.datapipes.iter import ( # noqa + FileOpener, + IterableWrapper, + GDriveReader, + ) split_list = set(_get_split_list(source, split)) story_dp = IterableWrapper([URL[source]]) cache_compressed_dp = story_dp.on_disk_cache( @@ -135,12 +144,6 @@ def CNNDM(root: str, split: Union[Tuple[str], str]): raise ModuleNotFoundError( "Package `torchdata` not found. Please install following instructions at https://github.com/pytorch/data" ) - from torchdata.datapipes.iter import ( # noqa - FileOpener, - IterableWrapper, - OnlineReader, - GDriveReader, - ) cnn_dp = _load_stories(root, "cnn", split) dailymail_dp = _load_stories(root, "dailymail", split) From 4bf6b30314649801ecc28888aa54acea8d0f4d99 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Tue, 2 Apr 2024 12:57:47 +0100 Subject: [PATCH 458/463] Add removeable warnings indicating this is the last release (#2248) --- torchtext/__init__.py | 14 ++++++++++++-- torchtext/data/__init__.py | 6 ++++++ torchtext/datasets/__init__.py | 6 ++++++ torchtext/experimental/__init__.py | 4 ++++ torchtext/functional.py | 5 +++++ torchtext/models/__init__.py | 5 +++++ torchtext/nn/__init__.py | 5 +++++ torchtext/prototype/__init__.py | 5 +++++ torchtext/transforms.py | 6 ++++++ torchtext/utils.py | 5 +++++ torchtext/vocab/__init__.py | 5 +++++ 11 files changed, 64 insertions(+), 2 deletions(-) diff --git a/torchtext/__init__.py b/torchtext/__init__.py index caca6db7a8..95059c6399 100644 --- a/torchtext/__init__.py +++ b/torchtext/__init__.py @@ -2,6 +2,18 @@ from torch.hub import _get_torch_home +_WARN = True +_TORCHTEXT_DEPRECATION_MSG = ( + "\n/!\ IMPORTANT WARNING ABOUT TORCHTEXT STATUS /!\ \n" + "Torchtext is deprecated and the last released version will be 0.18 (this one). " + "You can silence this warning by calling the following at the beginnign of your scripts: " + "`import torchtext; torchtext.disable_torchtext_deprecation_warning()`" +) + +def disable_torchtext_deprecation_warning(): + global _WARN + _WARN = False + # the following import has to happen first in order to load the torchtext C++ library from torchtext import _extension # noqa: F401 @@ -9,8 +21,6 @@ _CACHE_DIR = os.path.expanduser(os.path.join(_get_torch_home(), "text")) -from . import data, datasets, prototype, functional, models, nn, transforms, utils, vocab, experimental - try: from .version import __version__, git_version # noqa: F401 except ImportError: diff --git a/torchtext/data/__init__.py b/torchtext/data/__init__.py index 7728dbd356..22a57a492a 100644 --- a/torchtext/data/__init__.py +++ b/torchtext/data/__init__.py @@ -1,3 +1,9 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + + from .functional import ( custom_replace, filter_wikipedia_xml, diff --git a/torchtext/datasets/__init__.py b/torchtext/datasets/__init__.py index ba519a5db3..f4585ed48e 100644 --- a/torchtext/datasets/__init__.py +++ b/torchtext/datasets/__init__.py @@ -1,3 +1,9 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + + import importlib from .ag_news import AG_NEWS diff --git a/torchtext/experimental/__init__.py b/torchtext/experimental/__init__.py index e69de29bb2..c382cc7bf6 100644 --- a/torchtext/experimental/__init__.py +++ b/torchtext/experimental/__init__.py @@ -0,0 +1,4 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) diff --git a/torchtext/functional.py b/torchtext/functional.py index 73f96a91c6..8c10579fad 100644 --- a/torchtext/functional.py +++ b/torchtext/functional.py @@ -1,3 +1,8 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + from typing import Any, List, Optional import torch diff --git a/torchtext/models/__init__.py b/torchtext/models/__init__.py index 7b80407811..18789c5dcd 100644 --- a/torchtext/models/__init__.py +++ b/torchtext/models/__init__.py @@ -1,2 +1,7 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + from .roberta import * # noqa: F401, F403 from .t5 import * # noqa: F401, F403 diff --git a/torchtext/nn/__init__.py b/torchtext/nn/__init__.py index c48d6de70e..4e4bb23987 100644 --- a/torchtext/nn/__init__.py +++ b/torchtext/nn/__init__.py @@ -1 +1,6 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + from .modules import * # noqa: F401,F403 diff --git a/torchtext/prototype/__init__.py b/torchtext/prototype/__init__.py index f7f17fa618..1344c46737 100644 --- a/torchtext/prototype/__init__.py +++ b/torchtext/prototype/__init__.py @@ -1,3 +1,8 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + from . import transforms __all__ = ["transforms"] diff --git a/torchtext/transforms.py b/torchtext/transforms.py index 98ba7b3f55..d25d6dc89b 100644 --- a/torchtext/transforms.py +++ b/torchtext/transforms.py @@ -1,3 +1,9 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + + import json import re from copy import deepcopy diff --git a/torchtext/utils.py b/torchtext/utils.py index 9565cc3b85..5c263d8c93 100644 --- a/torchtext/utils.py +++ b/torchtext/utils.py @@ -1,3 +1,8 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + import gzip import hashlib import logging diff --git a/torchtext/vocab/__init__.py b/torchtext/vocab/__init__.py index 9336b599c3..99fff110c2 100644 --- a/torchtext/vocab/__init__.py +++ b/torchtext/vocab/__init__.py @@ -1,3 +1,8 @@ +import warnings +import torchtext +if torchtext._WARN: + warnings.warn(torchtext._TORCHTEXT_DEPRECATION_MSG) + from .vectors import CharNGram, FastText, GloVe, pretrained_aliases, Vectors from .vocab import Vocab from .vocab_factory import build_vocab_from_iterator, vocab From f3b7a0169a47b0c75699b7430cbe8209e9b70f53 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Wed, 10 Apr 2024 21:55:40 +0100 Subject: [PATCH 459/463] make pytorch dep a lower bound (#2256) --- setup.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/setup.py b/setup.py index a3fb2707c3..01810aa5c2 100644 --- a/setup.py +++ b/setup.py @@ -66,7 +66,7 @@ def _init_submodule(): pytorch_package_dep = "torch" if pytorch_package_version is not None: - pytorch_package_dep += "==" + pytorch_package_version + pytorch_package_dep += ">=" + pytorch_package_version class clean(distutils.command.clean.clean): From 40dbc55cee91fb493376006b278cba8688cdb7c0 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Tue, 16 Apr 2024 12:17:06 +0100 Subject: [PATCH 460/463] Update READMEs indicating 0.18 is the last release (#2258) --- README.rst | 3 +-- docs/source/index.rst | 5 +++++ 2 files changed, 6 insertions(+), 2 deletions(-) diff --git a/README.rst b/README.rst index a31853f769..f9203b221c 100644 --- a/README.rst +++ b/README.rst @@ -12,8 +12,7 @@ torchtext +++++++++ -CAUTION: As of September 2023 we have paused active development of TorchText because our focus has shifted away from building out this library offering. -We will continue to release new versions but do not anticipate any new feature development as we figure out future investments in this space. +**WARNING**: TorchText developement is stopped and the `0.18` release (April 2024) will be the last stable release of the library. This repository consists of: diff --git a/docs/source/index.rst b/docs/source/index.rst index b03e603c4a..ae8af3039c 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -2,6 +2,11 @@ torchtext ========= .. image:: _static/img/torchtext_logo.png +.. warning:: + + TorchText developement is stopped and the ``0.18`` release (April 2024) will + be the last stable release of the library. + This library is part of the `PyTorch `_ project. PyTorch is an open source machine learning framework. From f05de0cad4567f2d06604c1fa4a17a940a7bf951 Mon Sep 17 00:00:00 2001 From: Nicolas Hug Date: Tue, 16 Apr 2024 12:49:19 +0100 Subject: [PATCH 461/463] Typos (#2261) --- README.rst | 2 +- docs/source/index.rst | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/README.rst b/README.rst index f9203b221c..94b4008bae 100644 --- a/README.rst +++ b/README.rst @@ -12,7 +12,7 @@ torchtext +++++++++ -**WARNING**: TorchText developement is stopped and the `0.18` release (April 2024) will be the last stable release of the library. +**WARNING**: TorchText development is stopped and the `0.18` release (April 2024) will be the last stable release of the library. This repository consists of: diff --git a/docs/source/index.rst b/docs/source/index.rst index ae8af3039c..9dd6e86000 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -4,7 +4,7 @@ torchtext .. warning:: - TorchText developement is stopped and the ``0.18`` release (April 2024) will + TorchText development is stopped and the ``0.18`` release (April 2024) will be the last stable release of the library. This library is part of the `PyTorch From 09e2690791add5ddfa10f186919f731f61516b3a Mon Sep 17 00:00:00 2001 From: ahmadsharif1 Date: Wed, 24 Apr 2024 17:56:36 -0500 Subject: [PATCH 462/463] Updated compatibility table (#2263) --- README.rst | 1 + 1 file changed, 1 insertion(+) diff --git a/README.rst b/README.rst index 94b4008bae..0ac7bd8fb6 100644 --- a/README.rst +++ b/README.rst @@ -34,6 +34,7 @@ We recommend Anaconda as a Python package management system. Please refer to `py :widths: 10, 10, 10 nightly build, main, ">=3.8, <=3.11" + 2.3.0, 0.18.0, ">=3.8, <=3.11" 2.2.0, 0.17.0, ">=3.8, <=3.11" 2.1.0, 0.16.0, ">=3.8, <=3.11" 2.0.0, 0.15.0, ">=3.8, <=3.11" From a817dd6b952e450b1df2b24dcc0cd432b0e0125c Mon Sep 17 00:00:00 2001 From: Jean Schmidt Date: Thu, 25 Jul 2024 17:20:01 +0200 Subject: [PATCH 463/463] Replace runners prefix amz2023. --- .github/workflows/build-docs.yml | 2 +- .github/workflows/integration-test.yml | 2 +- .github/workflows/test-linux-cpu.yml | 2 +- .github/workflows/test-linux-gpu.yml | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/.github/workflows/build-docs.yml b/.github/workflows/build-docs.yml index c7a82d0aca..d9b535a4fe 100644 --- a/.github/workflows/build-docs.yml +++ b/.github/workflows/build-docs.yml @@ -17,7 +17,7 @@ jobs: uses: pytorch/test-infra/.github/workflows/linux_job.yml@main with: job-name: Build doc - runner: linux.2xlarge + runner: amz2023.linux.2xlarge repository: pytorch/text gpu-arch-type: cpu timeout: 120 diff --git a/.github/workflows/integration-test.yml b/.github/workflows/integration-test.yml index e1bfabecbf..79a0c91cc6 100644 --- a/.github/workflows/integration-test.yml +++ b/.github/workflows/integration-test.yml @@ -14,7 +14,7 @@ jobs: fail-fast: false uses: pytorch/test-infra/.github/workflows/linux_job.yml@main with: - runner: linux.12xlarge + runner: amz2023.linux.12xlarge repository: pytorch/text script: | # Mark Build Directory Safe diff --git a/.github/workflows/test-linux-cpu.yml b/.github/workflows/test-linux-cpu.yml index 6b3dbf0f5b..a5c504ab9e 100644 --- a/.github/workflows/test-linux-cpu.yml +++ b/.github/workflows/test-linux-cpu.yml @@ -20,7 +20,7 @@ jobs: fail-fast: false uses: pytorch/test-infra/.github/workflows/linux_job.yml@main with: - runner: linux.12xlarge + runner: amz2023.linux.12xlarge repository: pytorch/text script: | # Mark Build Directory Safe diff --git a/.github/workflows/test-linux-gpu.yml b/.github/workflows/test-linux-gpu.yml index f51afd4fb9..489954ddd7 100644 --- a/.github/workflows/test-linux-gpu.yml +++ b/.github/workflows/test-linux-gpu.yml @@ -21,7 +21,7 @@ jobs: fail-fast: false uses: pytorch/test-infra/.github/workflows/linux_job.yml@main with: - runner: linux.g5.4xlarge.nvidia.gpu + runner: amz2023.linux.g5.4xlarge.nvidia.gpu repository: pytorch/text gpu-arch-type: cuda gpu-arch-version: ${{ matrix.cuda_arch_version }}

#{;M+;2h{&sb>pl$a#7tNt50g5PTC*RNB;Q3=lK0REJFJG*;LX~|NYhfSM)!K z`shkj(PM}o&`<5@9Tr6Cp#pK#A&C~G(Zr5zzGp13gZ;ZjpXhffGL7~G`}YR>*Ex0F zY!$LWIB}Z&i$>JnV%r)wZ%$~(a5PH)BjEQo+cW>~TL0qxd%vI0|3`U6&-{N%{-xdMUhDf98+~2*M_=S1nIZq; z2hdvw%0C9thoId%O0SatZ23p7xZ>H?kdfEar_$+cMfw<&h_8^>Xbd(^cmjI-I(hQ> zynJFa8#&tJQ}~)avux&~nyF#yYx=!!_6k#+pO0ynfmxV?d02o&==>ue3EA;wwrZFf zmeQADIaXpdwmh2`){^VdRl{dZ7N7{*u@k$I{>{{|mn=A-&LQ&6mGx6UUs8rQsGn=p z&xPtI;(UPBsEKTR)Uo;N(LhfixtRY?+t9Rv|Bo-S1+DypZQ>)}ea||?(e@>|-a#Bj z1vAD(!vwVG2DT?Kh;26xuLN zTyaN!m_g1$DSZw(4<)zc>!N)5cEkeVMTnQn7pf4$PqRmcdih-9*is}%=Z9tFazyvp zvO&J4=ZBTTtC4nJ?J3umuN3(Y8=eaXUz!{a+{$O0KX1-(@)M!#rAI@#dBzGKL#yo5FKiz_F8t)szX=itt`}doEl=N@7aCUOg+}2dSv-7dh)bsqNwlDJ?9@<# zG`;fqsrtsL;VAt$s+*l(JCz@EsNoTXXUJ&Z<2mvIqJ5B;$SY_)rVT=> zSsRq#pY%?ndBkguUB^vyeOp@`^@V&%(SFOW*Yh9t|9{R8w;k^snjh|yk^k>O6#k-d z|D9eTb57W_)pIKPURLN$FI}kq&+QfZ(kt0G7096vK=nvAnD!y2eW=RQ-b?2$201na zxfp>_7=to>O?lLh?9h*F(QoMQV&rH018chV@6WTZQI7^BX0or@-i>G)&OS%WNcQ<; z_W5Y``9SvhF!p)3-;C5Zxy}Sk!W4YA{xF~3%AStaA5NpsKs%c{EiRRi7G{Yne$hHO zavnt8ST}Mp>==rJQ%tc^Bo6jOG^Ncl7`4xJ|}M zn~ebrjv3Q^mp%1{aYnF5MOrJ-blUjuyzyU$@gLfD8UN|G(tC{mw(0+k`D)h~|8Fq< zCmVzl#^y;hqF#T!OggKv7VDARp#K-Yk=|M>?Q++r7a>}^mljSPaxHSZxZ;f7VJEp8 zrN%OQ$^9r1-{V)jWBf0C7(IT)RmOfd9{L$OzQhI)-}w#wM06Z=NTLO49K~^*K(zKf z+JoBlHhXhj2&crILE*c`x61bgdV);i;rO5Z`GWoX<@(2$}P%_jmuH7+4urgh}IQ-zW(`p{lbIjI^XFRGXFQ@ zH1tId2Hj=?xgz$A2i&pY_Q`k9%TVTy1*rePLJ#g$+Vy>hg? zjZ|*G<~{u3G0$4w#>ykA_+fh1zq9o#*!-1b6?-^F#)YfNO;>$q@W$hzfSe({d02o& zSc0ar?0tqG``&emW2cxWIKv)TV-qjc*>vdyKl49l?+ zNpT4_`)YdY7HP9_*V5OceVep5y9U{|>+!HrTrodD0a=7n`gU?BO85>c7R%R>$HQ*n zy@(%soL$HMcfT>RjNM;;-g%Sx-%&MMy+B+Yj`siV_nU(_j8bgs_s~`;Nby4nH#w)- zx&Q2c<9}C2(r8DGdRBYqQ~#Sbq~W6apZI70TU;7-sBczgeywb%(@EhLM0vIfXr{G59s`X|G!{AbUbT4 zf^ZH7U=Vtqmp(1>4-65`Mb|GM4#9g{@>~5_l?b~^i?r^X?%_G{Q=)U`sKio z{*iv_QR9oD_M!XD1WdvdG~J25ab*63Y~8`8-|YD#jds*rwg2~q{l8>Ao4BJ$z_OdP>!DWtoZ_B-dV*OH!TQ+87qJu8&yYswSa z-IR8htcq!e_0Mtrb2YiwZ{ny!5-mvMD2}5^pWcj?_q4lcJFgu^`lNRG82`I5KE~^a<&l!Wo=H=^p#PE1UmIJIozEx}WD+e%<0y{f1Ww@$%J}iiQGrTSA%-}r zQKQ|c)n?R@_1cdH`e*Bp8nrD=Z2abl#@>06FUj~L!}vp65$yqP*A~?4AJ4hY1zf@v zB!_E<#TR~KSZGzhqrDB+#ot7`x}6r6LR+oxh|N~c(DgPOZL$42fAlRM2A?N60h2HV(VS^M zISn%~3(?+*67h5BpY7kCM^Bdx4gdB2?XvOqpQ8ems9J1Zdb&CB+2*OqYwo+?q;L91 zAFu279ewF6LeKi2PdwjaxuMy7b_>~h(VRG$5>Aut3+=zpv;RKZ{`-FR-;)i)%&l8L zkfb+ui)+peOQg3H%di|tzfG7MUrBE@U*2*rH>{?wMZ06^^R98)waE42ilwuWEI{dI z^Qq)^loKr={_LzSkE&r&P@4OY_*NERB|75lK`@Md%9|v(5 zrKmt0b!hrX{_nWQZuuwMZn!tsO`{z(!{q;}{EM$A8=RLQlfsQ;{YAQTT9C$3eD?i> z!f$C)hD%#M(_b=o>sY&Rda`SbcP;X>@>jgaS_I{1(~eGxSP%sc=8B zb@I6CVcz0oj~|DBzJ9ZM;JgHRfxLty{WbGVSLm(ERLc$J{;G0+kMHWVdO*MC*mV?2 zBmKHDfWGjiaA&ZF;LlHo+w_j9xuNS1))0K>>2O#0J{}6@}l+4!xb%7daS!K^THuG=HQFcBtF;)NwK;+(x!*3({omXzPDQ8hhs%gAZ4) zjei@AeH+iSQTp3=D2-7VgW@g57i0-piV5^7$VY{AE3ayQy0t&jjidT3dwr(9X1+cf z#oC1Q&$IYrj0-T$?}{#Ghpp(@U#RV_>Tev7t$*pKO(thJXBOt5>klE!BNt#%6n@SB z5ojknK2}GBJBQ|mrDSCPFN?xo)_%#`mhW5(%Y|2BHImx(1lH196A#Cx>**U2*`(>s z`VTVND?UkF0gA94JFy#ku^(j_)^(#|jdk8^?<#$9OrIPtH$Fg(zP^?XR(DVTen(I_UR@ans(ihbM<+G;T_!o83te0kkXPrQDq46)$&zOJvrg1#_A_oI7 z1i9!LZ%$Oc^L!6ZxabXbnB~|UL~G;Yh#gVa-m^ET#M&M43$O@FP4u{FYkNtNY+4WoZNybr!Bw7&7 z>7~h|IF1uYs^ii4`xL!3PyL(df8*%q(BAEQL~8`va6w$hpM6(}?40^YxI$jTb=<^l zq`&uAxKBPn=6vr8ebM!#`J2V+4~nny5vfzrcb{?`8-UV%Y{#<4LJ=QArFNhqrR_PO z4MO!AZ4k=X*5#;Rb4T;!Rp#AebJ_o>Mv-gY#USYoK`usM6vm+GhV}nlet=!hzK_$Zn;#G3 zTw?+zVG8mw4KpwcO?&{&`}hbB@jsx=nt~KRLwY9v18Ug#wQT)5K8kv>K{!#%|A0nB z`|sySXC4+{5t8mRF)$}Ap||#zw?2Fn^ul-8d~4)QIOUu+vOrzy*?+GtMgPB3I^A*o z_A=*}czzYLJ=gi3qq)gw{ZL%E+B2ylW6oXfyp>puwOEgh80483kY%n>j*7w3K@~mr zqW6QyKk>PLL7A$*!@ltT6W;4*>r4Kd{;6B)J=#&^8r!iGyRjG1{QiD2vgf03`bFyl z4hkPeDJl?09qMoO3rVsCX&gmzbH9-2=ogODTjv@#%*+fY=%>&#ZV-;gdv!8YRz`gK(6v*W@sW0PnP;Ah|ADVS|flj9xV9S}Od zZmjX>zY5X*yW8TrrW%VpH7MMr7k$HjzJ0A%xKDq8p80=i{TKc};rJF~kYWB)Wr6yJ zzR1A<48jl;Hf4t<&$@YoI!?CsQKz-#J>O@ew`X`i+JRbaL>*c0yoOi2pT*wKeD>e$ zjF2mx5g3Ir7>5bydX`P`>zokH{dau*ao?A;M(FLFFv+oksNdY6-eZbzKGMI@|4z4G zm!2S#v-vXUMPHTQH?oY~+@Ch0t=s*P=??dI)^|?#JQ@yWKN=2P>=)k7do287{9|Fi zy+HeJJQ04L_eA*F+5TZ~?ZB`n`^oUu)q&y7#Ne=d{8M4qlU+fp&T+`2YDD}aP z?>*MXUc{{M){e)_Z}qW<-Tprmz57pLt8=3NV%@aPH&};f1vYdzbj-W(yW)&Lhr{RD z^8>rXFB9G2S3cTVn(>Lc|4As@bI_v1PT>sB;Q}t<3a+7SM^-4`lNBmZS&|j1QduG9*~ITb z#@~Mq*PVA0w{aKu@c^0shxT_}w*4R3_J3rDR@_kvM7IicEs?cDq ze*#H*BZ`M*h4lM>4!xz-7da?hm=#JUW`zOt%Ej&tgXlw0eZU?Y#88D?arOM^BgipG zYH!Ao6Od?r*!Hx}kNn@=Ve7B|9MWuxcD6v9I+7yGF3SH*eY^Rx$`!^O{Eo3b#vsNR z)y>BDJIw#6F9qt$Bxz1TKBi#?nw;D0+!nGmW=xYXwn-V|knOHpV+>P!mVW~EjyH(^ zY<)nZ@GNP}LGfwh9J1t2udskzgwkQX!V+>RD)}-hvfbM%_t?k1k@0oxtuH+imO0+} zf$v?C9bfV-swix)$ZB#e)}!lNzRyDzpePEzYwrkIHoKdDr8`ud?hcixy47u7tUJU} zjZx8W`YX4CmD|(*6m|;lM&S?S5lw3zX#XB){~mb%54`^e-v0yk|AWwe=Rv61)opy< z9qLezhWQVa(FfYU2im^}_Jntbz0xbH(m%2x_tTTBxqwy+ijcu6UUHCF`PdCU%D;*@BWh$NS3{(!xg(Kl>n5yT_^w`9#^te+uRDRe{Rk z;t@j})i~}qCvXa9a1Ix630KgxL;l@Q%O3fU$$!GVHM_@h`A1F119kKP|FgW_dtiNv z{JV#wduViC{lb3=*QAqFpRSWPBmIzb{Ps4zb)>X$mwq4Z{iQwDHPANxLC?Ch;$i>f z&ln!Qqf*y-;JnOl$^VT9q2k2{p%R7P)y|kNj=v&b^W}4meA4?muk+alA&2bvQTN0B ze~sfQadkQUU30&FHv_XU2lKE1 zi_m;e8N8+L%~l7=)brAncJ%F$G`+TuI;fu4tA}+N?(4idc-q<^;b?w7^2aTaPUj!( zUm=&_FYSlr!Yi>F>#-39=z7N3i7ftzEkS;^|8FO~$3EHT8{_n7&tir4U@v_?di-zl z)sxR%zELRdFiKH@IO>o@mvLm_J6Yxk|0%QxcNThw; zC+@K==&dEjCeFD;zk>Dy(m+alTg>?1oNIYMc545J^R89nBmX!1dbIv`q;J{zO~HHi z{~dY6pHT3(3tvZ%|L@P9{SEf@9eulgzm;qgPR)JTw@34`HH+Ej!`axA+2_)27|gat z@*?~Eto;M~eD_3pw{aKuQCe&NK(qY=^vEY4eg7wOp>Y_h{Vw|UKumn}ErPz{>fKik zIRHsMhe6~JM1F{#{eLf6<1ah{J^KQL+cub|SY!Twto%=OjXe2xe?9B+r@IEC{ePqU zW(>w*0w!S!@-YofAN@D-zl)DxkM)l`KHdN4UhCXzJ=xGL|723Qk&M>cIbvy1lsEfBv5)xz<~58qK0`Coj0bh@(aoSywX^riHouWDDnYiu&w_-~|l zp6A^UR|XJ$e{`91mZN9?UwABZ>OZ3lY3E0-%lPychbwB!s#{ba&$9_E=rG*N_QHLa2@c-BU z*R%iUtb4=f`+tnxd**+}dQPr!6en;BXK)S|a0yMGV>AB6_}X~8{i^Z5aenP$b#&?5)6e++p#6V0g*)HypWI~R|GOK7 zA5*5ZpZDooU+{f_uUo4?Prm0G7uhb0)PHrq<+M2mdSA4s+`rVsP*B4+2^RD#}F@PpQGkH`}zj^`W{>Q4*Pl!`zv4uD1 zgel^p>lS_JJH>6?`;+}IejXNJ z5lTn9{&4m`z0$o@q}c!TWvK4>^!lz{#lNv!+)Av*TCB%L6rc#(u@k$o7d`XgXT9%> z_PYp|J%}%#3hhKBceSib<#n#d9-$55`7BVhpB(~Y(Gc7xQ=hw>q2%; zRZhuSn1gv(fJNx!ms~f?zgeZ z|2IDP7yIj6qsg&m)(7CT@Ajt;@B!@c8^?FL-fry0enflo5@&s{hu%8;;o5@3 z^is5s)+UNek!=&*m$+hmew?g}&Y>sC7L@FAe8{yF zq6)EX+W%V5703PN1Ww@$&fx+s;R>3JyPNr4TgX=am^LycoF?1V@tQ;0|Csi_MEl>Y z{r9f^`TN@;T$4tDb}w4WZ{jv0KVo53X1Gh=`l!19x^IEgOQW(+W`0}wo2hLl z`yvMekQA4|AbRU)+Fh35aF{(p|}JVgEf0&)@ld;NczwxC=aQ!!CHF;ly+ zP`iLQz1sM_=l>D=XfN5HOQf?D%MpEBvS{c~<4@23mgj%R^WWk5@A3RMd;VxodH#JO z8^GA#dG#Hie*d3LUVZre|CQ2OjkT!PUacn+7x~YO2R70RP=pqFiS{zL>AzExJvYy_ z9i=<$zj1sgO12pLkkOp{UUEO;tCS;Dtx&FBjOwRx1`axQ7^UbaG{z%4|HjxZ3VY^t zQJ9U9{%}}G(p%8Qhg|q)YYYB3G^C^O*B%K+$>TVIQ~0bLouNm2qKm$2J;HB>h6}=% za0STtI>Lb`Ylg~9O(?eAPhlr zn{$v$kJ4=Ecsh)rk3#!<(iWEz*XBB7#1$WTI*cPHp!DR^VG=n7CG?6C`HDRq@`a}% zPOsh}pXKuDSeg0za#Y+i|Botq4Dmeg&Aa}~^}mJR$qX~3F$-JySBl>D{kzk~f9KV) z4&!V5i}k;=)&Ke4=VJAr?AiZ)%lHpH>wnF`&yn6dEWjcpU$I8uMRUIN)?L!xW-L!% zhMx7m!l})!MJ|uxy^~^V0ansWMq4XEu0^S}0_(|*sC17NN0h<$ltr?7gEo#VaI6U1 zu@k$o7yEG#hf#_O#8HP9q$7+OIzBK*ZO*^*!>2>E?>_QvZbmdOa@0AW?f*MYKY>#? zgRUCgqAxuM1270lanUz` zhR}QFA4mGmFnt8tjakz8Z2qxqA{%70aSHxh>whNMq%#RqkdJAYfm!JKZEny0 zhmLP6Bf_25p3fr}U=fxeTK~J0T!!UXiO<&muBKOxl{dbXwe|Zu-g6$i9C%^H$xQo`VOJ_IsVn3o|i95Z+L3-;*X`{$EY%3pOJHJGF zxNDGY?)|WHA|FC2S%K0+?wzbd2|vPT-xWv-w;=u!yMBdyu98o($NtZA-ZuG1m9%>P z|A=0VwBH=Xah$*@oWVI=3+E4oSrgNfi_>|If=tW-m*0=P} z$0GY!|E%uBhUuTlYT=HzzYsc~;v;yH{w&|YQ@+XRcY`nloxk<%53bUov| z4@QPD^ypjMvAGX@ebp~1j~VJ?A7yr->&-W&__$vf=e!A+g!Cu%sJ z7y10qbb~*hUGdrX#-jg1O`K&H%3mW{!(Q(3#|zgBN8k6FA)V-dIA)QB-}Fs=avm1o z&_|i!oq_x`)*Bp_-!4AXMdFuWDVAY5wmds3MBgGP2QJr&Sqnm0_+vH zZ^hH$=f|E7zj*Jj!~S(c!htnI!rRCGI{d>u<7ee)*DHg<8@2yAyt(2FVfV=|ggvMK zD!lc|0N628V)*k z7(d-IFznoC?#o`X*Y^wyZ_a%(?4JH)D0Qp?KYP(PFxNa9_V|;&x9$xz_hmjY)-S{z zt3whkNaO8W{>O1ezi^aZoRJj{Z&7CVWrbhv$_l?4{9GtCk5u00xllIxId#)MtPK0E zGQJ$DhD{CCqrYs9=F8faXU%^-s~&yH{MWPmyY|$b{!%zD%@a6)+aK$;-@$mmgd~=F^8+UOZP3G~N=UO9x zRmP>kkJx`uhk7&|;~zQ6KSDOHvnJx~(tYL>9=rlcn3^-te4K~Ek)0OV(uIksSey=vjpbYY$3o_`dh}zO%k>^<59yuugvSoj1)<|EY&sT$>%M{u^ly z-Y{d-!dr;u#IUfK%#zE=a%E1=`o#Qai^59oPW5w~hui(oe`r4!<`LXg_xWuN)}nIG zu&|!2B9jY-g^l!zpR2FmD+;OW%9B&-yerBZ&sI3!$MaTurkZKW8_)Hx=a2YZ9Uc29 zHw$AcN>PTNu){0J-PnsZ&(fauY*pf~jo-CN{jY76CwsUXJY%D0ZaN|UXlWFG|DTgK ztu^cgVf2*`4+qKKUz>M99>sAaQT{1&-^dJ_kVF43eQ#tQ&G+pwNEXH)-YsGm6oohj znibzO{5!XKwoUeCqn}654DUvKyO%sEiz=rL4omr;#zkC4a-TJ&69$K?^xAI!?<|;W z^c$#uX#DlQ@z(>!U$I>|vjb)9?B+f8GIvd!I~UIox*Grv`^HLsW;VQs8gR6+9$Cd*N4z>{loc(WIP9;<)*#^G!jnz85i1=Mn3$F67xnaZbg4za2zUUO!A8MHM|YMZWUQ9p^6p zxpss65ck!u8!aCq|F_C@zdb$AGpTjU+w!vmCmO8+`J zfI+K#pXmSE$HP!^IGSJ8M)~tuVFY~)ijm`&#dvz>`|_WBKaoBOJ=}TjZnEo~e#N-| z&yURQvHmaa|MP4<(>Z(fyM8LBBmds#!%VUS{Vy3SFfKEjUWk9utT30}yg?g=%#QYc zhgb_jUyP;bNccX`g>K{#=OKB!tpBHHk=ycGXmw3e zx>n9830s9V3dz??LMd5>szsh_p65aZ_ikk9^{7J{h4HUNz7I6-doApBO}72Dkel;b z*iWzc0=uC|dyu&XX8FYKa2Wxp3QTnH+a@WNjT5%A}-@9uHgo5;SQelR}T*19(P_lw;Ye?1Nfcs zFL|zRn*1jZX2^Q(LI0a?9z!u4BQOeMP>i;l+S};ZrG1MoZQpL>={;yzqW^7$yh=9T zH1_^bdmK4>YcIbQ@`-RNKBJ!giT(KLh5fs_KNcp@JB8J;&m3d=RK&Bx^5{m_4*ULx zKMa+l%{B1bOeBR}Le54NJ#|69;uZV?}uz2>-!FplCllBian*C6$Z`Ui1LIqof682{&9 ziMVj`?LLjZ?knDvwz9#743ryAKJg{_0z&RgR?k~ zT)S%;&6%fnYD;wBBK?8ywP!S&$a59!f6p27edTrK=Ih#|NcxYfuDyn;`|8z8;)RO8 zP!4>}xSG1Qeua2$6Hj`zFbew*zWI^%#TN1BuE!1G+`=8)!vj3R00w*Rm3 zbDR86c5~;+!uZo@_CK0-h(B78MGmcqX9qqfoS_(w5y(As&0Tx`&^xb)KgQ6D(Zkly zqk9SaALIGOGn6KhlMwe#o=i?fJVPnYov6ih?wQCW#0#FrQqA#aN2v_?`T}Q=U8`Z|;ys(Ubj;^Z)jB`X8#~pS1FOiS@I>%r+_?u!>%8 z9AXXGA>7Ub!rvqODZ)n&V%}ft_nlvVGpr{!BKg=j1UA!aFDV1g87qkE-;EE~Z&S7* zt}(7VVLhX3N>PRi^f&06_^~-X^u6eNOWy`tq_@pF9Q(2D=XVf?aTLdqM7ebY`7aL( zh5oT=;xo$_E&mLfP&ohZuk-`Z^EipqID@k|kBhjBtGI@K_I`QYFzbJOhunSI2e-&O zxQ7RbbG{#u0~oYgS&g{2aNJ{VD7`TLIL?{?`Uv#g*EU4=1mEhb>i<{GFP~h_sifDG!f z&^?Q>6w9#^tFQ)Z(I%bR_pryv&Lix9dUuRdmi@ma+JEAYCN!TC{}a|0Acs~|J{%s_ z3uhxXV=Iy`ntw2QcqpaEH5nkDeT>x~>-W9bk8)#3c~pGC zxiJ4?t^vQJIF2Mz$e?-``*)xGe?b0k*Dk-HU4DxFi~9TQR@davfqdjG`)ZP>aRzPj zQM-K9fx`J4WcT~>=Uw>|4SU$XbJYI})b(V`3iUsk<8CG6{FSr9Igg9DjNBaUXYGQk z^v)f^p685P`VI7O=MVXheNWmNxA;{qv*wVzhh)NdDftLh%7)Z1@jCUfFu*-%jW}OX z25{Gr=?foozK;I=+r~lUm;N^U7r3UEy;lA`V;VoTuQ7N2mqlR&+5d?UMiqY7??U!{ z)w&LK{yTqd9x``xx3&zKO|$Q-wE5|iFc}@Ms~^xMZ+0*6Zpfa8`v3hl9Wzma*_ey@ z=>NIr_*zlu{i*MeyYD6YT#`$%94k>dMIQ)R{%P}o$+bwnV*T&9L18`p={oO?^sOkY z`+46u&PuT}g<_g3)1Dm-^QSrx5<_EN$)Bk-* z9o4J;N7p`e(-C#l0rTH>ng2FV{fFNTr^quKAs(OXg2Utk#f zonI%q_;usy{=Q|N<)C+4LGH$0?2mppjOx4QFR%46Zwl zBvQz&Q2&n82B3G&5jQkNfAn;V8@dtu`aAeluH#3ZL~^wD40#4stDp28)F$jx$bBA} zhtd^wNTb@lHI2sR=9z!so2Xmi-H;jINIiMcJs+JPaGComt|9-WL}=S#{Ckh_@14fK z53&DuDcif1@mco2Hfh5w_J6PWKWIh^vNw%?voBlGIavO>#MZYC@SV@fv%};seoyE3 z#4~el`L8=D_xn9EcU}HeHawsg_RW0VdK&rwGW7a+^4B8y3xoc5=_4;ZM-D~um~jPi z1mgUlni_jB9JBV(^QJs^`ieD>sK2YN_E zz1@W#dOYi_@qjdtCd~_^0X@4y8laWieqUj#Fs5TBN-!I9F&_)@QTu5z_j0VnJO5Lf zy){<5peW@3=_Tj)JQr5+UxT$+kB!)jttdqqDzF=IAH==nejLQ%=w~eAD0v*o=oV&* zjOzn4WZeI+DY}*Gx#<4tb7A|7AJ)gOh~r~v!2jv|l05w+%D*<&_o4hbByDy{qeapN zJ*b>g9G1G~G|u2GlFRJ>zo%*-4!5}PAkW>yziXs1eEtpB%@4S3egN5QK0phZy=i{HX!8Tm z_KNuh<_&br5)Rq*qWi|010akZVciqv1KjZKJt7A%=&!YdFcj71CDfoW51{+^&KEfH za;RKT9EQ7Y1V&*DlKiSrOs^I9)a%7zJbfbS`DeJ({OhFAN9*57exHn~C~uL*==nt= z%;c^xSK}RPy2`uk1W&)z6#%&HzphyT^tU3w(l#$Qhv{%3B8{h5q@x2 z{r;&@;UC7m9FCela^%pTgde>6C(ea4j@JE0;n0jf3g2t|qww8be-IAV{6RQ??`)bJ zzCGhlt$+K|u&?n?!{1N)U&FW36GPuOUk>Mu3-tb#J^AIaod4KMetzoO!Bi+%_9 z@Boi6fI)Bi{xKBWXDJ_sXdk|Bjy!keL*tm*Wyhv`Ed1~T`ETBa(3p5DG!1zxG>_XB zS`yz3*^%E2(}k172>0Yaqn-0S`}tkxD{_xPF~(yejww&A4GopsLU=EpVK>s6>HE)z ze@uKLRFAXY%h&b8d_7cO*Z#Px{ejw7wLhk5f6UVU zAnUm&34b!CVmfA`1hX+0ZI87-_Na$f;_Jqfl_R_9d(pN{{0EEwF!3k5#)>}~=LqzW4M()UHmNsU z*G#r7(zaP4{!7Gv0l&LN_UM!!aTrID+h&a(j?+6Et?gT8y(K+`oG$9Lau3{E?s_I-JjOe+)W z@O1x=GwwNy^SFr1xQc7Ifx`TMHh%1TEbRYrB zdEZ`}e1(KEihGwjJ7UWn}+<*Vmw3(D&=2(EEwF??+MS zH!jfssUrJUJs*nQKOVj1i7=7u`%zsNh~m zF2+(++h?{0sden@)ofPwe45OlehK?`C)@T_X)rPr=D#j?Pm*8N0rT(awY}_LbMRNu z*P#BUd-yN~U^$NYbD{Wo)OMShBY2|S(uU(Jp# z?0+!N^UV?F3SqzQKTyAk4ep*YRA4vuVm}VzFxrkuA9M_pzJsOjSm~RPz9_8!9wvR? zm%f*z?*-}GD1DKuk-qM$JTW{R70z)ak&2REm1{HfTKA{o{q!8-GsUwR(+SV&w+?=J zoWyAq+9T6^Ps;r>+-Gqf<-VCbD*jA6(QaD-HEP;zK?U>1$wa2Z0}B1qHR=a-=d<(akJ&%xruqdP@2g)jwheq8p^&6hfL#s}!|FZ1!ZuK8o$DO`nKEL)# z{R#a5!s$STKEimWSe||or*Q^t>x}OY*2YTcA5b@Ush4BjoPWjmJ{orDUqF+3wt2Pw z1@&+C4dEir4``moHW$u$T*PG*?EeYcT=b{*|26sz#5P4<8g(~5vHx%JtK49&19=b8 z{(nF|Le(4pYX1*#5Bi$4dCdOr{m}luul+wk`+u7EtX*D9*1hVz?)%sEKhL>mD28JM zMxm@*pE3{$Hp4ze)RFJ1kH3aR0mOf4bSeSvGKuJvoI}jPWSnt`GYq z=WEa_{^wi9kK#CzNFjqJ1Mowx=|-A1KwvDGi-frTVl=l~1M0r&8rpX=qqo8XDJ? zhNdm0p?O1TXjxXOZ@o0+T-TZ{4b@9ZL(Lnd=5UmTTGSzp4C*o7{~Q#zi4pp9n1sog zifUojAcb1g?R(qz|F-`3xAnij9j3cxCQ2|Hb1@$au^4ST-`4(rTl@cQ{qJw1|)>?7Gd{x6=v6w^27Z;pD^ihqsQW`0|dd0o1o zkWQ|xrq?WT9ldrNf9ai;-kFEq?_K4-JoV1!)Cuk_Lj`tYFZSbi_Mc%V{G0hd2iX5d z*#Bhn0`~tB-{uPS6B+lPX}+>892CxB9K~_uZf^@&BY^bai3KA>k%*#B~$_U|G6 z1FvgS^Q%0xE#$}!Bx|;XJb4mT^wdc0im}eW(V+GE4@hpQ`el-JXj~bH}yGv7U|R?@n~xBuvIsOvg-=plz7(-xu|};o17? z3+}t3ekU801C40fBCR(_|7Fr2xf#-b8oyWV*(02}n2&{cI)7*}J+|39u$;aUzrTL} zqvv18J;7JGrvI03hyE_#FTMAZ%7vfepG(;jZ-=$f?~A2jJ=yo^(r`l>E~VG96;mk8 zYa{E`i}9?O3T5UypHWWlwBL^Fs>sdcRwU{1{GL*J87iynu_lo{+q-JOz;Mw`RD?9`H^ssx5;y98>A%iC5&~{V(kB*1xe{|8ikzb+y zSHC}N-z3<&W3_L@Ez35JXC1a)GXJkp`S=n0qeGa<8uR~-34>nySla|A>E-YFCf?UJ zIiZb0)?IMTPrO6%IPLc{$kk|1kmnKiAuOy5QT`Y9|9akcL67Uk;@Z1zJd6J_@n@UY zX*0xm37M??Ut|2o7|=ywUB*>h!wuZR9sGy$k1qNCj`{x3j20C37~kjnLnV9so^T%E z5eATCn^zeF8uWjP|7v+d{(X)<6!r2;hF^MU*Wpl*o*x* zh{MQ#V_0ZgC;tzYN0kH5>_6^2cMsWc$@nLlT-Ur>`fro|WDc!M?Eh~rR_|Z3`CDQi z;K!fL{~N-7Q~n+GAIFhG22Hr5KFE>%WdB#?&#y>7`}G^SFr1xQc72Ucx?J#s)pcKJI37rrDkc*q{&D$M@L} z``EW=LNlJ(w~g#uwDD^{!cKKhw8OiW8GFam{rQ@Q3=cQ_&n?`+J>;gbkq7Hrpm%O^ zFCNhc(6dC}1G-l~nQK4j>*}8c&M72^BDrCB7*38r)$5*niswf8d)kV~yy&@6H%>fI zT_t|vlp<@}`Cs9GLi`Z-8rXjONk49xv>GMM!utCb>uKr5XnWuLN8Dqj^W2B_oixrL z^8OEa|2w6RcmHhvH}5^mU3mYlYkqZj7%!ZOn1sp5y)ORZIF;V14CvsVPM?V$?z}wQ zO?EY!SIn>SP3y)t(g-F@vy@?Y2Av!nHA)g95c zCNrqdYPY**C01b#)?z(2Vl&#bdH(#L%+TF{1Kfc3e_5DsAAlYsHf0OwT?x_ebDIcZ5tNwq2|DUCOK;{wq z@~iiWA5y4Aow%ftQIFSStuWSOBR1psICbW#-qDF5&q%C;P8X@hlC?Id~8_we)sdnuI%C1J}ewOwjq3X&W7-vIh(?P#tmWr zu}$`H+!X%)`j)WogDqkAijCp#=4>>MCVjWR6!t1>zqNXJc(;9H*h4Ryu{Hb+4*LBt zDmH8m?;P43%7<(XJJ)RvhxNaFU%hhFZ^w~DuXU3*W_ewhavjrv0Z-vu9MO-Z?7NCO)aG9u?9XMufWTh)~}?Ib;%_4ac_0YwoQ) zRveDk7?*7v6W+W3a`?yVe-e`P@}IELzxYyUa!n2$$m1kVqtUvshD(z}voXe|o0CHJ z{>0Fd_;e`$`q*&B?}hcfY`EBm72|)F-+8>#X6*9wW5Z?oRb0aj+`=8)!vj3R00wQ8 zU(vVSdStTqhvwXo{pJpiAV*;giZLD&F$t3q&-a^3_UZqh9^LwAXGV9O@gMDg*f$=Z zum2@u$NXm_-}bUIfaU+2`d_%?8vlx4z7!VHbJ9MmJ+qh|*Bo|WDSbJ5+I^dsp7cR> z-S_>yGB#ZF{B!-b6049rG&WT28ynWpYpn-NVJ&?<>bDsGHm;g}u{hLCv(}tn^SYPA zW^yZXt6vVKWEryjJB+V(qJn!j@)L~P8`JNaVjLgU$BfS-g<8}hjST9s*FF1j5QlLT z$B{$|ZE5oZvi`@|eka+*-Mz&8fJOdif$>dYG@=R3XsI&4pvL?HWB;uOjQ_u4-+XP; zIH%Fa5;8IDalSMDP4wE;#UX{l`oG_(JJ*T-8{)r7{E>4_^P%Fxj3DGoJpjs@a>)ol~@AMnVI$h`0Uop?Fi z@r?KI0FN+$LI0P$f}t3W5r{T^<)X1+6uoN8*pNIhD2$;OV?3U%&%dkweXLBlum1Jz zPx4#uuhnm4-&={oSsXhy$uHZ??crD0f8f2MFr7XVC76x5=zrJP<2>zuq*kckm1A{V zgpW+O@Uz+;KO7w9yLKTKBi~gNmXgb{5^b+afA6uwd+j7+pI-L`>3>D~e<1xo(Eh)m z{eQ(6B-z3p>*m~8=}-2S8~^{>%c0NQf!;6M-(Q$(uommF5u33UrMMZ}{l9je!WVtF z+|37+Q{-;!#eU@4{YRs9SoEj+FBi^d)R)n-&$Ef|)BTqxx~6i`;Bb^Yh-4i1jS^Lx z^xN+-ervop#hr<8*Q<}~$Ta(Z`z~_>QFciEul{Uu&C~IN9K8eiC>N-IwF!QI{a^L# z>fZ%V>iB=N|G?_!!b$g@#u=Q&d0fP0Tt(Y5_CGq_6h6APsNa!a{iJ=-a7zFG2m1fX z=1bZq?`xkR=h{|OUa{wzaBkoh?jU)c{eRzHYxJk<{~pjE;oq$P)5pFe+H1;>0lyFW zhBo8(q;cG%f?n|>{dd|QL+QgY0;4bn#VD-*+oS*gi2mIJ+U3gUG&1sR{R#R1hvr$k zZXzaOGNxiWW}I>ZO?O4xj?5#@^=?pxG@@yq{Euh-PxRL4H`4hr!kLY^ zn2+2H-_I2L_|QA&s6Vinz7#!2w2{$`F6?~E8YXqka=)!aa-05qat*3B$yW*a3TwI7 zBXdcP)aXD1$JXE_TwN9<0y_Ji4^+2BJIdn z|2C1aFEB@TAdizcjWall>Nn+oq_%iY)X~#;n*Z~4&xiA_yNJtp)<0RJf0Daxk@R0C z{oj!P(KTBB$20r?-^>3SQtaEsp^ z+(VrE^MHI5^>5fClN_{3d5SpycqsXF{_$}72#i8}hn*|DGqPKIAWz2m$D7?>wat3z zO~b+s`WV+1V>~L?Sr2}|dhjFGgOl~In4iyo5>ni?d(1hwZl6BxshEzL$nneGA0A5R zoyXYkm)NKDx#+24zq7Nu8`MrxR$J&#r`HU-1TI^KK!u#GvECSu^8pX zVwRF^o~a!jGxRT@i{6d=W8?hytv^`7{uWM?@Zwp6EyB-^GyYC*9c}!*>V>deI2E6< zuih8!pGi;htIEC*R?%yFt)V~kLRdpzi~8%D2^kE zw)?(6`MU$1=t4Z(CGPRqgJ8vdHrxj#0LvUpaF_IJa;I<;Fknkq__)`Ogjx1LUC1 z@)-KQpnXsFe#Y7WvQnNJL5{*06eFojjb-0>dR+S)*FaCCPeT0#>4&sy>d@!A>kaw< zKEeLS_QxOAC))j!T|X5wQG(g%cQ(UZa(>jUKZtV<7Sapr|DPWm7SnV5Vjt5|dgpCp z!&pvVi5}^aSKfB(2k0UT^$+{9aPDfidYzqGIA4dXAN}z#-94+Y25Ye%8?hN%(ZSyp!YM-qb|c9zo@=+4 z9?u*~VL$yK>JPC0YuNw#0qV$)mJf&heiX-1{w3eoUm1_1r%>?=_3#&cSM(<2(1ASq zii*NXvbSY$I8C0xS)9j3T*g&g!wvKsXSzk+LGx{U^NJXw`C z-_IPqiS$Xxf5sYpeGIjT-)wrUZ|m*r2Rvydr;- z&9~+6`||f=`I~IzZd1k-<|nzfQ~6Rjf0)c8oDn{z;ant!*_ zOHn^s++XwzWZgLJmp8p16y|68eK+=EKjJ##@~`Q;{7xbqp20 zrzep@dAT#s$tL8`Z)_m{waeLlF&hR&U?)_{hI!L>+9(~ufJye&H80D3A-6BcdcJW&ieM&+uDx%oM|qc3gziL zKQiZ%o;+7#|L>A8=$o9yjT63_BaOLx?t@chy%-Rt>pmV|0?tw9R4*ZJ{} zzh#75kHYwWc?fHTwH_O>8Cy|`wr$csA^p*bE_B;3AU~zVJjW8{uk_y}{ax2gwk(tW zbELm_+e%jNl)nzhU#P9}O>0A@FZjmK$=@jR9~Ib*o=@LM>?QZ(AP%E#iTt%pzFsGP zt(L#G$>(IAyN7JZvVVoyw1fSNmJRYJa%e?d|94b4$B{%l2Pn6M{V~n_KHoy8HhISe z&*!%c;+o=kw#L)_Ynu4Q^?y0C14(%^Po6|oyiYi_v-II}pF!rXaszd)OQX6*{E=#R z9qQ<5WM+6**sh#>TK=AO|9Rw{`*WGRing1|Uvy}5b?#KAACb3qc-QF3YJbgRe=T8) ztWf@vzrX)u{~tQzO*n=14?i0mZqUoWtbQT;e_RsokiFzRvhUCAQJ@TY5dE|p9+A0i zgTeqgXp8TClW|(Ic{MwL9F9Ui#2cRLis!oEIWKum<^Bl2jY6gQ-51?IhF*;ENSfDO zr7oCAk7u!`hM8wfpN#sfx=DQ!&uXtDr}CSQnJB?W$2Vqk=f7r5mn@8b8_$_fUx>w6 zit2Xr|B%vtsMU6;8=`L4ZpchA|L>KLhjQ(+<*r+aRak?ySdWcpd*ApIIxew)&uP;< z)V4wXkoF%MR%m~W)BZs7EbR|rW|2#1f1r7%GY*8a6{RRcP8{PJ{R(>Lb!G1%{qOX> z=(%nF0=jRSzi{8Y27U)|7)Nm&Nu<#K_eCK?_Wn%$OZNRzf5|KAi)han@5<}1is$rp z_^nX>u|M+k3fnM`$SU42u{<_Ansil_b@2*|8FwafM2un{XBUQabL;H?MuF3A5^l^0H3u7pTqw>DCG+8yp_!~yi z$DkN-4npln&!^3iZv3$RC!fx{Dy&C$UB$21&0kSQeDe7)iF=K2dono{(=ihzn2ovk zkIKLKu33o1Sc>IXiB(vGwoUT?Ht9@uDl59=vA6~?|GxZxLjKSGUir5~-RylloqrY2 zStz$RLEOuKt?g zj5m4*dPcLYjVpJ%rVDv~m6z<{N1jG<->`6oJc}y#rG!)4?Tk0>i^#BP>)Ez-u1lku zUh@X~7qzIvv-9ofm)&y}*Kh;3a0mDB0BsBGKd{I=e{`a2gZTx>qX!KqesBLh?ksX> zMf1%U!Xx42w*Um987FqEt z^Xq?V?8mhuFbd^gH%3bqqxa{=`^mn)knUvVn=gb(_RxK?!{} z>gjQBhBybK4s-c6Pci0CE=0~Zx0qatthQlX6C2NfS*Ji zu*z?15ZBMICD$X)k1wpBSD$R;j&sQ4+@ClHs7_gt#y=c;J{;XLG#q(zX!yaoPlWF` zP7jASO%I38eJ*^jcWU_Vx~bvd>Z!*1UJKuOqa=KLLrK^_?Z1V68)k;T-!e07KcGB3 zqC7li{NI1{|GD<^H(m&(^uCvzdnYZ+=)FJp{r;8mQhquvy^mcP9)8%aFQ-Nyf#1u2 zR1|W@=)W=_|6huf>-O;A-@QSZq^#*-r{w8-`Q?;dv9F**SyXn#`oqM3vo?aw`Xgoj zi?4-uM!#nL;eQJ|SIi8%wVVEK!ha6?-FFas+oy$Zjr=d+-D&?h?AgKp*nbJ%zBDA{ ze>^%Ij@L8}v$y68;X7OYQ#kO(e+q{OzYxB!J$}@0$B~5YiSPsMq!hjPFZ3soaczGS znL`KiIElvB|Hv5DABE?zUZnLpwT-IRDK!L07xAVaT&#d(d!w zaA>@3{TR+dTIs@z^3BXc#G8{4y(~Q%tuxo{65S8X9WJ>h7VTCOtF^ z^`FBr0;4bn#Tbu?D4egL-IID%`)8i^&jRfq?LQOOvY49$4r!9Hs+#jiS-%g zNOX{$8?;HZ9lGzTf6#-5H2Z&#_J?*(^AYnO=~>t1v>jTtBPy$kerNvUd|@W97lo=* zMPVVmcAhxBsb7h{9Q9do=9fmDaifZ_m|yV;=hXSFd8fXAGM*tG&kkQhUyJql|7su9 zEm4lF(B61Mxq@o-dkw$Be7r^4A9eQ8b^m5;Mcn_slq^F9y5!@S$79}(XMX*De_+c# z?F~GgZ`439|v(5ao@nBWS=@A|JN^tfEP=@~rj|Eu_v^!xGHaMo|FPR4#H}yn9Fa zZ48Q$++h6MIRAKh?SbNu+EpAT(kG#Qnz3D^cNT{_Y+v_bdsf{0e=|BvcFj~w$4pfG zNWS$BOX#yP7rpj$m{0co#Q1UA`1c3?QSz*Gb5}f$~ z=BBX!dk2M!^v;p&e_WrL!qahu zy4S@M)tAJ7ob*C1>X1eT^%!u^pi=n?vHdfY9F7qfgSI`||MFl5Vmqs=+xyopmqww7 zY`D(;zs>%C$o{{}{=Xz|A}4>gX7&C5v3(|l)AyN|!+3H>Rq)^;Or)2Qh4Bw({Y>JX zjH#H8{;w2=nPdrOW9P4aotR6`N8eYC36QZITTJ%rGgwM4$5MH{{5RGs(pMqwe=~|) zgSA+XSchi$Z=`qDs9TP)k?C8}qYlZVyGmW7Zs~3LcqrxH_f7Q(xm~<>ux-mmdUozY z{{OOamcAGJaS;8_7lp%QrSOlE$B{%TO8-~IKSPgu5~e&)6FrCevHX#qp#R}j&&Ds# zJIs?O<2Bnp9!`^IkTu@W!Tyi){?2lrM?5>IM_pT(2dIysdY1n89sWc8SbIR2?ZU>> z`F|JPa~W504L4BO|62QJd%L}7q(OVP=g6vm|GoTwMg1$Snq1c`UM-000&@BkTK!+; zFnhWQ^A7GI?mP8#{$I?;wQoGJ|0_PB9MxYC_auyG7^KzTaWCXY?rHWN4UmH@LyC6g zbL3FOc|IK*e3x64|J);xpQ2qb%XhlScZz>A{;e!X@00&gk5TR!gJO)wL`=eDOvUf+ zf32;(N#4}9jc0`Q=mY$Z_P?GkjF~7wn3)`k#jQ{$}Wl<+loJu^#!KKOZ)dn^9q}zIUEC{&+(E|3Eo$O8Clx zy7$H3a}?$mNvEx@Ek#+p2fMKs`;q^%=R?~m`JavTZ2tFM>59Vq??cLe-$dgA`JZf7 zH?)vh?zl%^>tp%f`u>B$>QmPrCXeDcl1QPv+SohUgdFk>Y+W+84f5nkB$ZL8$usEt z%Mi|zasI=3vR~ivW%8X*#q$AQ2-|1LpW~#@1oId8H-9iJtRXMr8g3x>nEiiZShz*+ zG-lk97#{A>@1ch~&)rRS=?8eguTP)FBeM55_Od4jZC74mD28JMMqvz!(f^g_!+3Hc zDi;h3lgP=Kis?vhGyeR#a~|l0^Y?bJf9bPPzl;6LohIX6eX;&)o@U(i!}>30%)k6+ z`W#)GH3y*MoPGfm%F&<2a#_E?YW)Ok|L!gJ|1+LnbK4ldvHV)pv8B_|BJ&T>gg8&268&p1o`^#fG!i~Bz8Cif!u&>ofKL1a((E^Fj} z<-=j_qbThAa6tY~`%bIm|LgW=(8m+osBxWMp?__b?|+*7wSukfo+MJp;G_M!P26p- z+W+3Q9r9);x-OVsaz!6J*&|;yyrTa1dy_Dm$rjgVN3svb+W(&H5JveATu)Z+&`u_+ zcFF&Z`t0cypDNOy!dC9}e2+cfb@}tQ=Og1f!Z^;CH-5SE-N%VI?svvL&E#3~Jo3t- z!uX@Hh*&Pgwa9Tz@K6p7Y!j`7gzCti&p;!CF+SuWHm+DRp8kd$g`s-E&(Vbe(;AihZx{Yn-Eh zo!#23u5BS>y&LP{*0JXQt9#qkw;g2XEcLFw_wJGE>lf9-sC>~mv;JozHe)N23)KJf z%nP8`9%CCXv(GQR0`>bo9RIIjD;qcX==lF`zwgC<#PcKaI7mN?!uZ3x)>P4tBZ(BM zk9-)vD)AGSI&m$mZ@3_SABd-Gnvg>W@;HgpIDCUy9}ER}ZZu_d{d^Ow zd!pB#leXG4$D==Dn<>McKJlcjvzcEC88o5)y~l|h*?~OzzWF$DlI;D$ZxW};GdPR$ zxQOQK1Bs9Je_ZC5M+ zVGO0$j`M879ZnyC`d2&~zw|WEI%6O)ieK~1fy5ZH7`X!jiSgt_WchbA4kS9;2NILG zC!=sKj545W-$0@p)nmn9TvOs&EADkahKx{Ee~&A?*Cdr^0&Ilsi+j{HH}>Bfa7a>hCX^OGDp^ zQj|r131Vf??Hon-KY#`I;FoaZTzuae;{)7)+*W`hOt|ve)?8NwV*2+7{$? z?dBcEaO0eqv)s)Oop(%D{IzkPzcQ9i&#lnL!DV{qJmm&kmh8$Nh8dZhBl>pJkuUr+2E~JBC=}M_-H{^=cm73H=BBpRF%E zpq^3(*Qqblr_{Tszwg|8_bkUstil?s#d>T++a~t+Hvd6(exQAELA|9u%ac9a4eH)T zVK*INf0Kp%@6?;Ij%`Kd*pC~}`DJ3Wu(qNU$vNi#PqU_hUb{#gH}B)2g1#Gt`G*J8 zZLh22_#d6~F!2vn4--Gw_c(E6!NbJiC65!|U-3Bcy}@@Ahm-{etL`Pf`^MeGch=oc z9GG@LvA_3b;@dkPB>sNMFBAJ#+)Ok!jtvb}V?*<<(V^*eYikmp4lVabhrRx5KMta- zMjkV^73Z2AH||h5cuJLNegOS=cFNQi}MfHi7LT1y8<{|Va{^phb#8F`!M@8@b#5*rONR-dGmDsuG zR$}*-2Z_Jyy_<;p&!zmn_u=Ejx0EUG&bpV_^Txfz{&@q5Zyy;@r#~MmzGmO4#z%?o zJ{%mrv+Pmg01m(LT=@P8@6)|a$e{y2h;1aYIvw`_G{*3O@uw@s6v*^rV+{9=tBkd8 zpleR!49?;_F5)t-qHU9Lnr+6Ph8VX&mwUPs#-GqL%Q(#j<1}bOGg=lI$3YIQ3;4|` z3fF{l1GjJoxot%u%l{s|Gh3u@rzkw2KSIxeBK?m=Y$t6b4DgF**A3b!Zz4HEA0as$ zRs2(Ti$X0%aL2O@Gv|szJ?eUkLK?l+{FOg%{Qon)S^XDdT-VQ@Da`->?66SG-KYI9 zp6vaNIlc1g#CXj=85<%eV=Cg=gVV_@Ig>0wE^D48ITxMAKRf0r8_BL^%0@EJT{*{I zo#HUcHS@6$$!+%VpZ(~;@)_>$-PJ# zd#~cZpI*C1-vA2jkFRMv(=$k;4hLP+?D-FqM-k`$A19N@_UaeNig$M$!&k>3ukMfQ z@}ABAfAPch597pNeCu8n|0UwTLj3g^lvmrg+I=~6#QSj)r*Q^t>iu^1dk)fMxd}R!!s84 zp`75oh=1!5=OmI@?v8HnRXVp-dC&CxtKREK@7X)Yi(P!z@+N2(i9yFlHzOx%#6*UvHjVPE3u!kLK@l(!Xy+2mZz zN84llAFoS)bfOEtJO5h$2b-bk1N|ST^nYB@HXw7{tz_>{+5ew3_un3Vz0cd{Uzm%r z6w9#^tC0V6QCLfA0*C%T$4}%9?y}YTztrc2{;zfH`6K3P@ZXH=0d0?6`ejg2tsVAr z?_&kqMZDtKZE+4|rSkHDceBRzTTzPSGUM;c$1-}YGBSk<`fk+kP&OY@M(hJsl^*`A#LH+-#`k!o`rT!4-&_d6CAe_7MC)yJ7H#*RX-#@?YmN4(&9v+~= zyL?0rV9-12*9Fp7|4B;RYo|$H`9FQ#_!jD8{=YCdJm*H04rV{f52NU{Z^#?I z-!b%J)W0cj@O!%d&v$Xmlz{$n;Y zy}6hEBkdpd{6g-<$f>86lFRXQzD{>mzm;}<4;jxmSn0RkXkU|k&iSkOy76@N=Nj&{ zSdWd^jIAg|87k2KP2+#^K#jbR5~mo~x^v=&4C4If-LBh<{WyrjIEv#)qU}xZ2OUGa zA3R(CM=$LEll^f19~t)wY}w-dB1dn1L;wGe+5Yco`?u)_cZPPJ(Pdhb8>0Wt4F-8k{z zY5aSiabnb_jSFXu3tuq)ea<-XDdW__xQwf~h8wtrJGh6oH;lid1D)tXH}dE~L$~p7 z|IxI^SU1^n#Mm~O<8CFJM;C_&!g+)N4EkH|eTi#k6^G~Oov$1J-clTf(ubpmJHO2M z_afupLZ6KPaQ~k<|3BkD59N8!H&r;(F%u=oiC0$q zX45-&`L=dA2Y@~wJ=}TjxW=z*pMG6_i&44BISypi=;E-PT#1+#bEWAjdhH2g-0yqu zWISUat}TvhjMw;WE!JZrHlzHH?d?yNq6`(-jlI~9!#Ilk*PqxVh4n96taS-R=HIDj zzG07fzxO}?a!8WBb<&sY`;~Mhn~*~X@;HgpID`H#SuaSQ$3^tL$BriB{y$gAYq)`1 zxPy46&^_`29$^4Ee%U4V1>7b5#yx5G=6|SN&fW8h?|@(TH0|IS#{Xu>|48kT|98s& z>d!QpL9~$z`#;?`2NA>FUtv!7J4J)T2>K|rdB5$-_ztpjg?BRV!}?zy??GYxf0g<_ zE&m@=|I-WWbNx^2HuFM-QH=4Jh)I}?sp$V(>%X<1dcRa0rgQgw$ypL)31(w1D(5Ia z$%R;qrAYFtQm!qh*UICmdCpa%uR{GR;>IsMOR;D1-B$mSEsxc|#t?F7 zMe`-s{&)RD!rF>b9TYsRPk`i7m>h|$R2K6}Zo+MK7UNj+x4&>3c zQ~dXMMlzmN*hPxEba2B~2T{HT*aGu_& z&hEfP`enpD{qyK{P1gkDB(EDM;C~ItdCwKv;@joL%3kR=(s?@kVqD{yhZ&TA&RR5i zB);nu@;|Zvy?f(65_ib#CF@_w2gs@aDz=+X|6ld3ozj-X(|xsiM#@KcV+2NF42lu^yT_A#pZ4EhXG8in)5xfU>wUA;W97%ezFE}rE3bY&OmzJu zOh&$ISeQyq$4qoBkeB84JmPwzwww9`(Xqla^J{ruS%BOn{e5T{tv*H*y%{CK==&FY ze3Nniz`11X``UpxRz9D5Ar@mfR-#{;ts>W;^2*1;TC(C7aovIQ$LYyK=Kt+8Z;@Wh z9#3I2eJkRaYK&`~^H_&cer2e@ZtTT=97N&#FMA;LzU%wtj_3azC66PC6q>c+GGr5S z=!jCikUgZHpg&#zcanYv&-M>JqO3yoV0IC^Fg2E)G?HD!=1e2QMy|(F_mq9W#%C*U zXEUGXK8p%#8{cV&>23TQ9go?$_u2Ps;qE2uv_Z zJ6D^_|98GiJRASt#(vyn{GXj!GtGZY5r5Pz5%wJafwrJxOoKv$I_{7xPhGq%UZf zJwNDA_rF_A@A=G(u#`;glpk;VW*_=?@pS*YzAsyA@*}pZx@x)WR$>*_U@g{TBQ|3z z`acubyqnKJ@BMRWpOxp|v_>Q$&kqqc8Rz)aPw^l0xGzwdYb&rDd$At}aTx8_eS_#k z2fERP9^}!eu4_=fG*6J{k$puS%rDM8$e}R*M>&_eFMh+~xTrSLV0j90{ohglaU3aR z(1aX1kVj$vpIOrMwzR!2jUP*EGSA&ZHoU6+H;sMgnr5ZSJ<5N&PLBx z<9*X_p|JlCclR;RN+$W;L28crPyJ9wrWdFy$a?k0J-6)v24wttg!T zcTT!qF_(e644H1}S|y#ybT;;X*#G~&wz==7maOyLq%nfg3E(*jNh+RqVF+v> zfn-P^h7C++c7Aow&+hrzJplz2tbhVq(1I3}VHOlnU>0uR25w;Qry7IoWcTiS|M=>8 zPW3s}r_MR`S7 zsu9;BtsBp|e=p@pvD=?u(ug;vBp#G`H(NZ49CD zkY|yQ=Ec&El;_ie3*xwh%eaco)71O<`ZDQT=-Il$aFc!;Ti-4W_sNGS{nE=}+b@(W z+WY->hE2b5j|0iUNDE702)%QH{5Q@x9eo743)~+vW89zLdcQbbzaQJbLAm&{eV&~& z8e=gYC0{U?{%7W?()Vm=vt z1K%XKTzkcuORt1Yw_XY5=8Atm?{ndkdKx#(VUokEGbe*|h8(s|i)=UX|$4m-8-Z~}xXw?@& z*|IN~FZ=oM!-`4a2lGA`cGDa4pA8KIo(;|BB{eO0R^P~Tp(XWPSna>oVm;o$Mr^_1 z(=YSW$_qbRH^cbX%i+)o`9OFagE=hER}}QOK4ky!Pxn31nUC~w?4p7>jUH$g-zP3o3Ukpbq4)k)>wT{ zLt(f;?|s#}1z$3DO}~u3KfDsIlGjoC6Lzrq+|ANf^2z?;rm)+%i}avE{%7(Ez4MN} z?eUP_ZEe?pZz<4t$Tz0dq>^c^P&BJQCKxQ zb<(3}ys1EWFV3{^=p&z`cb*WpdbWvP!oMJA|EsezGt|H8*0^_gxp>dT@6I`u`o_mo!=r2ph_`Pdry~9XFAl<{Z!K zHodbzdT^J1AKlBOd4u#9OFte8D_@{3_I+(J#I=(LlS2^u2BPm|ErvNBfn=fdkMW*o zNGGb)&DFk#nhDn5Lfs7CKa%u%jB?FrjKxGu##Ch6j5m{QH`v=-<*Uu|72=+F8TM|r z(Yr#!LTzv~Ij>oJyyXFVoJ^zjto)^3-i$c^H>LZII|Iv|iXd*og8;);l39 zw5coQ=TiC(>_UyaT8lqlAEEb`)+m3*`hC{wiSzU}t&twY@^p{uN`IkW;H&vzKm8#3 z+;d+r7nfd%8YIz#G&+#QQS|*huK$>C?Q`otIPQJMI01^4#QrV((Ei=b{@uy`-OBz=4GDW)a~JpV5FhRT>-Pii z{{Z_x!Tzma|FieI*#4Qt?Eg9J|C#LnlkDHK>|ge5ZvQ)RrZVh*vek9vWX!_@#Wfg1 zP?^vE9W*2iqt^~)|I$n2{1-l0^&8yV8uysT{uMsLIioNd&8bg?v1H0Uq}{`K_dDM4 zM0D`=??jie{U`V59;;TcK~W>lTEsa82_#XE$*!G>>39i6cn!1hI@&y^_MOsCc6t_F z^o;anrR!1upY-37el#Cr{~wWlq|u7o|5aYH^-qMwNw5tlmAhx{;E?R#5yAS zh}J)_SFdySVm}U|J3Jc>la;7JTe19qL>@yYa`o&9c})K6M#EP1-z@omuDnXNES5LP zwBuGXuK$x1PZQGUh;p$y5?OjIQ##a}N9o6r+t+iS{JYzKksk<)>;If0&!AG@!8!5* z;uu)2AMw~z;gaLaNGc2J9oLa@ox$tEdVkHf>TfJw|KFw)?C}SW`unrbm|yPq?C1N3 z+vHu`M_hyRA=z)YXZc(0AbS=Jqz^`~IWR-Wp5J~d3?uuV<)c83!f1@ecud4(OvQA( zgd)6#*?1kX|8HymVSMy_BaY)50lD>K)RVD%nJ=t)ihh2w! zBykOhmGsrft^XyBnIrN)S#^#76>9GBzd{{7fuy>j9#^IFP1hL%3UU9mwe3}*){TlcBX_%w_L(^h)oqDQeuDb1(`VXxrU&GHpJf+xyU8r2a z|6s|0u!kP&?i%c+??-N5BJn0RtHa2H!VaU^n0zIfB5TMb(pNqa*1P{EdS}KQghPA- z`0jP-U+5;YsLE6SkMkd6)RU+~Vv_n_SX}2g?b?s_Z*(}$;%JmFvcEl}cI5U)JR$v_ zMFv@VHyXs%I7RxWN&g_}A1VDv(_0beKbBaBy43v7ZGWSD7jI?a(fr3#^x8Y_?V7Ow z`Z?5JbZ}B^bN(aqPwoSkB8{DCv5s&v~$V97=pGN+Q0I6hjOHIv-U4NL(gXTnJ60? zp!v*m$rlT4#kSrgZu9wwd<7=_WO+~EEDF2>Sp56Ht9PoIb<{ztz1IDWNd zC_h!_H9&#`C z;~;YVJNkHHem?9t`?cpo$=9syukW^xPjHVuo}NGP4|v&nKCZ8EP785a&+DvM)=o9pw2HDnIGRQSV!bdk4ln=HnV@Rl5s9^*(F-A1Vm7s5@QY z+bRgjvjw64L_wGy!7Yy5wKvF*ji|H;-lqeI(C{sU+E4_xFwKz7~YKk$J6z%~8@XsEFMe53TCd8hUJ z%go=uWB$H#TFENo-PNd>Wc=P(dfhnV_w*!LFV4&E@hYz4CT`=nZ}~2HAI(=@2oK4A zKh%E4V5D#O4-BDqPLsAV{0!(L(7i_5jH_q-XP5ujvcg!~p%=oYg}%Re=HFMp5Jov~ zG%Dyd%iNc1a`U);@7YUtT-Ts(iTm^%s;0Pq)Xa1qa`W;%m!xazF;+a|F%gq771Qw& ziqJN}_%k|Y$mi31o0H`0)7sLAbG@Fd|L=V_qeYpYLV6_s6Eu6ruZd?iUdJ0q3rk@> zy))l;k2mRy&`r-GgD$)!tlaxuN-jqweI>aX74$gvT#L1i*CR=<$K!FooP9mi_m6k{ z-uG)`V&oQ-{6L@B7yRGn^-27TeotYg&!}(z*_;>p9yBj8$BW#LgE)+|c70r9u#(=X zy%EO(Yv@UI_joq)TjtiIzT$HEzA0XV4rEc;F8?&jGxW#h&vE((h-(7GwE+`T$Mj8CUTneZ%!BI_~-H^Wi4h``s79Z8Ep#>i6{de_4OR7y5_$!XBdU z=hpcD!|2cx@VE8{_=0@`8b*hHKk}VoFos|lMxdmme~9}Fj-sdZFQ$j*h0*k}7>_6Z zV|S$efoDK=-_Yl(uBpx_S5oS~6Y3OoR{}|T{SiLKuAPjjn2wiFgx4?|Pxjx<=YOZq zz6%*-(T#@f>OVBC($~IB|9i3icQTE*|8A+Ymd`L(KwNj}m5cSq)8`}Z0aP=`ec?^V zixBtzsjo0jKqgY`tyPc8{kR6_TYg`PxCZrdawSS%)o%Gl2&?I9u^#VWBevkl{y**h z2X)obkECZ%k5cFCz%J~;UhKy~97daG-j3Wnd$Q~NqqbF6`>LC5_GEvg?dpHD%#;6+ zMl0g@L#23XkVF$6k3Xd8oyF?#b)aX_U8dea#&hbzQDJfX;W+sL;`qZU@(gn058{vO z3YXNmj{oB0ePioJN++r=YX9F*N2rhgVt#GmQ{jSmF5xn=-+Ve;C9mTqZlg_Gza1Ut zwf|3Rli$-eM|Pj~f0_DU8^2LozbUr$<--;-)dbezo=vD*zfPFV=>A(CDsNQO^(HQOvGeNMc?zrS;?28u6~Zb7LV6+jOz~+3GX#F z^BNh~-*`Qq_icUDztRuz^Zf9J0ioU8hpe_&H@fH;W@{@u;~MKgV`c+Po;`^keyC!B-B^v-2$Yxh-2uR-@JwzaU#I<_`q zzAwMQE{g3xdgV3u?z|>c&};M;#4+@=;|?V0aUX-n^ZcupNWXY$ik(N+i9c~i91omF zmhwB><~?Rzdlbj<0Z!ozKDPd&dNqzYWsW%?x%|IV`pcyMfV4{QU+ll@KhBBg0xsb) z((9!E3ZDmh=RE13GbCK6-$eI5aqspYv!q}6ZDHk&)?py;qjJiS@R01cSNc8cntbUR zZhu6_gONOIT+uz&36Fg!Rq}rIBza_<{y+J>j!ZaClJ)Z05Z4UD2#msLj79c4`q;^~ zo$^0hyaP|x*IuW7DOSIb4cFvepQV zkuoTW#4>3WKHE9H!F>9!eal)lp9-%#egpIICJt3U6@K=>Jdq=O8uPV7^g;Kr?R%9; zi~Rl;mZGG8|B%IUdffACCAk`F(W||(p6vOmHV(NFTTqIRjxX$RybF8q{oS7leeaw9 z@mponKbv17toPrCgoET^ls>0l=Lh}6zAK*&KfzD0S!-~{{|E;jScmb}{|NsmKOU4X zcTadB{NUtg!Vky25cX(mmsuO|M-%=k{CMQ2?Zx(2;d?#Lgq`D_3A-je6TW|sua&s> zV#kbU!#|Wg8%nM{7q$*~E|gw*E^NE?Y^d~G4Yo{qKK%Xg=fnHe{X^1m6Vm8F7W+^4 z4?i`J>POc1D7*5>uopj0eKH*N+i~n!_;mOo4($%%1IOig?}o$sjNi4t8-Bj~-SAKQ z{w`GZ6o=}~8$#8gzYDe7zY}WmzT=zycBotUolw8^+aY=2+o7@NTcIKETgDIH4owB$ zVjH||jN$EYN}OkK4i|6aTB*uRmlH9KR^v?^$XNp)UG(j{{Zy``rV!LQTzYC zCh!HsA_GjjbO)0E?d?0|zbgT<9w z|JPifA@sO+VoKX+7`-zkZj7LhLia6kYe(ePU#b`wMhh!n_=zx<9FIzEu8HJiR1B3a z=htGYw~j-PdZU{CuP&*{u>aYKb>sB^&C@4`dc5SCBD{v#D0$f$&g2`I zkG2Z-e}aubc4pWFWX5rp%-R1_*#Br^k2a%)4gGk3n$`pC3UMsLTWFp!AS@+Q+T>~N zlI8T3SdET*;zt)dJcBrgwtE@7!f%zE)%OqhEYr)EsYAc^ZYceicf+>#-_?gDElZ@y ze?{NkxQ0jE>wBYfx8T29|9A6NeS#>B=igw1kh`!4d-1XIUq9P_yZ)~>-$&bj`^9k( zhf#^17qv&eX->fBwMTxb-S*kyP$Rt0*j3+i>UVk*(&#|*V$b5s?}jY>D2^lgHN~~S zKcII?e_Wg86#We1p5$3%oYRH!1I1yz@N>9;OQ<|s94b=9;WEAUp8vm99In!@qkj0t zkVL{cb=Wjl`Mp5-jpoLU;ihv^%ic5o{9d?CFMXBYPk;5pwf90Ny6(NFefXX+;P*oJ z$@jut=iJ9YJVd{r&@mW8P_=4fs9wA=)GXK-YPY@@>NdX@5=f#R4Kv>hjc7tMTGqX% z4f*K*TgkS??}heB?}d(W{=d-w(=!GBf4Kj@qwVnEy)exGjKC<2M&+1|*6-gK#?osm z{5QtaC!&6{^zWAb)J9`L8^dH_Q!yPcp$M;GHeN?=y(Rrpv7PdUIXiPdOh!?kba1GAI=57~8qeMj;q2;F4E z2L3;2a$fTlJ}+#)6q!crSz*4Pwc=Ticd!xZeZC)gWeYv#=?;|Acc5GSo1LK!o}w-$ zqitS3k`IyJ_Mq}&zp$6wkBam1+C6y=2OS?qvRJz!*1cq6o$G(qKU4~@LH3vW9myu7 z(SeUXzpUe4$m2~^vn7MzG__``UPCVWn9H|+{A74nqP32?0MC?ndHM5 z_PO^$zkR}#7X!(`7=mFa`PP6if*gg>7>mB=-V5W&iDYg*K#p1WSM2|B*lDLitZQ5XXvpUVSgjc3$t7HtK)uAGVyA&+Q4YsY1S@zaD@4 zg>Q%K`DcDS(m$R44mM&7O0fgGP_>U;ftnlYkq7FHE9?q-ZvCH&>Nj;zV?zB#Mql<8daS#0 z`}@qbuFN|AdBytP$<8_Y2h>#=Wa)8!Uh^z{qW)(u_TwPZbH#zf^xXP4Guh#B{7>g| zcVoO({pa_%{>_%f@^BtIY?kLmuN>rFU6({f)CaileD@dQjp6kAJL>u2(&6{q{I~_q zL+y6yYZRW5zG~;8(ls5(;wX;e1DwJcw9R4vBl^^K;>r9EZR}XqHh4x)p3hFt$Foc! zO>f=mnfd*kcrM@)E+e)LQZw}9(>qtF|3_Nqhkg^?i`DDl0_i{d;rPGrwH9^LBWU_ve_W4OR`iJG$ z5Z4bwoFA0^4&MO!6My^d+UHx92?rk8=-JKM=i2uT3$*_iYyXqY?0}Yg+W$z?TYI$2 zKg%wDhF_?-#$r4sVlw*7=bK9Q$Pd%WUVHgv|HwyxUWC^WeR(?A6ise{|)mV%5cn57G z+3l08KQQi*9p82Sk=>p>$&Nq9ZeKMZG_GUEqj?s)eKEVe(E0<@*zpqvgdTGud%mi^ ze^!0pW&Va|y{S5cjpB}L7{)aNw$QhI*ZK<93D`m3g}z^ZBJ};z`dJg63VR&y#eN(_ z<%37pR%~(a*k%?VlmDj=RZ*v+UoC>|Zix|Ch0C{ZE=~^}o&R&=16O z3TJQ*ac)2g7wDbF!8?Wy376<2(7llT&nC{<|LoVx!phmfSIO(Bq~9cOqk>+uK)M#Q zqkjHWxGO9gm`KxM_e$volrJFp9T5a$iYdBl6^opY5B*iS!*?s3Y886UP^r2DY2O4J~UzOQ{MG?8g^ zp!Wy9H?qgNn@7px_yDJH25~Qr&C(qA;wX7;fIT+!nF`N7Yh8P?_cu?4%Vdv!=&NMu zZ?sdsW^H@=P29#^+{Z)odtdt(gV9&V|Nr;>?dLHh3~?Oi{|zHYU=&6pu9-TP9FK{Z zjLL=b|2$v|9v0U?+NupM){{6PtcQO?EgOJp5oX{ z>|5J(|2F9V zM;xPmT|93f`n{FDsGk42Z>4Zxm@h2n=eCY5JxjfZo5?J?Q`$$@q#sSrX+{e@by59)Lj8|8CvvZN_TwN9BOT9Sn^)31 z-FpXW=t*>s6u09Hy0B$<9DmgQS>hcb`VKTXFYZ5FQQ^83(uERzm>n?=dYlXRIGs8B zcc*WpO#R>Po6sJ}`TvmhC$;-G8E5{cJQL&m##7-ac^n_$6x!Cw|Hbkc*(slQotL+e zrFS1u|7Y0$;&0l@{+AD17RZ~6<$to(arFN=Bc75^YP*vc@Yw(768-V|S(oWo(Y;UH zyZr|l*UxGQ((ik}?zfwW{y(?LyU6+f_{MAV`-S_CA0l~Hxpq-GH$0}(e8mIu8wR7V zZeSQf4#NnHLiTshhtcF%OvGgLZ2Cl)O7?!kbJymK&wUG;i&Ek%lPKgOFvs6 zzni;%PyL_{$&C-4SB5vLAJF%+5Q?1l8fN2lyn*?M`<;}0>-o_0YvW&zgb$MYeeLd<6*_KEwPzRvuhVg&nioS7}?d@qcv8F@BG(g~sn^8NZ)v{GM#M zW&Zy?^Z$>S>yMUp~g4;X5EA5Cc1N7;guKFjoCT*@$~+)M&%k-q7dh_zfhleVBjmXs6J#B~OLdc<*ms2>Z!{=;3#HIEKB=2Z5|X5`Ev*4kFW0uk%flSscZ2e1KCp zgLCNno6+F{+4HZX!zHr!`O)Drc^x-#8=F^nZ{BtJ73nC}e@@;NUh-`JP)U!zi}xMZ zZdMK`ZxUy!hi8l(PGkJOA)PZX*b$ejP1IwJc2uXpWLlq#RMeb4@!^nU-S z%*0@{sjG7H|9Adb{pYxQtNKrzAM^iL2d0p|q5iw#_mk%5oi#u2w7!5F`~%qLsR#NG zu4x~jO@Dm*IPHr``VYw5y8UF>*GbEp^zu=tcr(d_u^RMu365bKH>6*NWEf3`9 z&*=|*@l*D<;_D!;rD!`Q|DTlq$06N8tlfaz zIvTs>DPiSo;vM8JRL@`o6;N1Ck`Mj=8r1v0<^T6h zeL{Y_j+?lRySR^RU@N?8?3do}XYvCEV+e*}1V*7;`{ytYDSLk=554L9;~4F?u^111 zfMN6QU~ZWD)A(KW0c*gOnWH_9eO$;sW>+RrkA`CQEnB^509$^N@$DIGSLD`lbN-X{ z0gmvGM^`)B{Q#S)jDI}axVg~!|Ne6_reZqMjpFe8OZ3ib?EiiGA->Bl@ZEQ_&$Gy! z7uPNO0yw99gMA1~w3W=0sARLhCTun;PP2cVTbrMJvpxl=-Y@sv=v*j%=}7q!3iKe*>O$DtN=Bi$F0`R;R) zdGg}jf>P|jF6_Zx>_=OH{uj@=!?~SgSD|Mk&&M&I?vwf-7I;64rIXCPpJ|@0^B%vS z=FR!xpm+|W21%s%+5f@bjM=aD51sT5dg*uBtzFvmJ;JRAn7L>FN7rtdqwYDDZ{1k^ zg!D>lk2b|PP;u6GgIZx7j*|+|8MqxCfZ$qk4yNKQ?Z5_z1zxQ)}g7hpN z?_V7EgY5Z&^*=vp4M5}kIe&=L$`6cp{X|U0R7}T9C_>+N`7C_F{E^|>OOChx@_&Ze z9!O`ln&eqN=1CL2zu|Iu`jt$UXJds6+sPW@i2ekWtt zdhxu2jo5_lML8?GyhW=O?rc(7%_j4M=ttX!DU7 z$62yl8*slk58^N?QG;aEeJ4$1)g;e%n&*o+4qtcL|00Qc#Qy)Z^E!~lQKYB1hZ%hO z=$*r*A0N<9p?j6Kgmy<}o%C-oFF;uA|361wK&9|Yt944z#-yHos~b?F2m^2|7QgGc;0RoTOf`-X3>pp?yK~hFNY@Wl2OhZjowf84`a!m z-wzDq$-bbCM^466Ovg(o!fTj~*YO5=f5x65d#a4jl70VfZghcf3(-DWBk<1RO1{M}fgXJ;q91xyXH7Pz$tum{@)qLZO&;&$DCK#|F5wB zUkMpx=e`oUXTA~|66U9;%ujDLKYge9>HEx2M|!*Y=_vPGod0r8To-T&l>>_OT@{7P z^x8GkUp~Wf%)_F%*7)0tNHVuVZU;D0fR9F z!*Ev~89|Oh)ndYU|RiPebh|Fz_Lyo0s^^{;yLznuTKUH>1NCdmJ2Q8%TKrnl-Bi2Z*X#j^#a z*n#vy_JzK^UG&bm>QC&U??v|m`3xC!VZX40IE+g4Jneary;ZM-B)M5TeA5(d>A!s? zmyer-W&hYelS zRq{G+;x-S;Y^oOWd1|(xSfY|@u@8`ZB48{-)!w8H*-{*ZBWY5b*VJzAE zrM$3dg0g71^3r>sC@jwZi#`<5cVM#Psdzm9Z#w<){J)pzMfm?a|1a&H$Ga}q{^rZ` z8htii#~b)h=l|_iN1+@4JM;hMi|0)&!ds|Z@o4_vQu^chf6M7B@#pjZRtsy^cd(XR zkMyligm=h|NU`fW{1*4O+2XhqSvG$+x{hh5kZmjUU!Y^V{tI-eOEZW*cDebBL$wbI zv=7w5&CY94=cbURw=PkC&QZTF_(=OHwky=Z$u;U(%r5tBf297{;U0EjPrR3JvmMIV zsPvrw-H!6wcrrV*bBCUczNOng7S;|JeM$M*eyD-m z6Sq;h;nDoRyY$ENZ|>6{;?L**ZC)jRqhE#RJV3w4*Pjl9=|j*L*VflQ=y~28L&v>; z`a~E(jza0bu)nRX_uu*djdt!>jK@Sw##BtlOZb@o-wDt4yyuE6z559JE2aF)DE~a4 zX8ig5k0NozzJu4u*~mWsbaafWg z`0dOa zd(r)oEsj&pORus1KgzGURyxOVHC_01%FJIQGde78xZz8?;sAN5;aJo32m!BVjqr_{|Cwch4TM2`TxB9 zuPxPxCg(LPcc1M4MsHnU{NNkr5?G%h&h3xwkF+?W-_K@kmN<6N;W+l;XUU^cw^vwf zfAsx^-;Cqj`UC3!Q}kwK%^5OP%zt{FHZ}bME}>(d@)=$1g`9s1*?ohJi6~@MQiyJ!hwq!(1~0qc9p{F&+~!8EseeKj_o% zAUpN%caa&#S+ZN-L~i~6Y3fJyVw`K&B3-%p_tMsy7w6w=8)#2$PH9_VsyHhTS^r=7 zbb77!L|p&B09oNUP18s_g`0I>M6bXy_3gy=Sf6n_$*$+wBY@{;MK1aX70_|_d zZy-Cvb4S-K?}4mxU)98%3hqOOV>)#j8TCB%AsJx~Ay*D6iq{lUHYUJZB z^iq7xe=N`X_`-H!5B4JW-Lgma)8lu1kUWg+=Zxi%Ni?DKU-%Vhf2Zjk$Rf_a@BOU( zw&*>-$_vNIz8Cqilc#V7=Wqd+a2c`x?J9X4H*p(}``_-;JLj=Y=IFbiKScETj{DwZ zX0jj1s!9Jv|D!s)UVh5HT@dRJN}1{LzY@uYKtM*PsmG|2IsWqfq*s=kwKqFq%FV<1rE0KRzEO zlYRd_F!cS__glu#$MJN$gd#kizx*1#R-TV@uxHa>NBtdji{rTWd7Oh?waWbSb)!R# zG3;7n+jV8erH%b3>Gj6BN4Vw<%*UHpgtxF1%h9&o_&+-Kng4HWrpwrV2H9fc|LctZ z8}DvBY5bgQzG(cPOgT=It7 zy(V%m_M_6bQc6~(JfE%N*(n~f&a+8)F3AVtaqkVn8_T2*%@xv@aqk~_zq#*Yp6>&3 zEv7#&f1Afi&nJyR`LDzAe~}&|j%ogr-nmBlSNK1A6QWPyll>2tc#gu#$qq7$%4MU& zQSvw{T$@`LL0lg=K84)=2dA|&{BPXk+lcTP4YIr zKV@RLPxk%t{|OJtA1;|3_7wbe*nNIt_`#fs;m7BVm#rHX%JPku9hn?{T3|eF=7_Lw z&WP}n{7;8}bWaC|ekL3+ZukBMZHGhlraWLgs_cdEv+d@%f7hCrpLAbu+Z*#w=D`0e zADMUgglvBpTJruBn)B{^*7rkW-XHmn+zs_TcSADo4H142poMA$pem?3^N z?=zun#;CBrc(i$N`ZdKp44ah|n-=7S_ZR9{^gU#M#U>Fx3ZpR=<1rC^|2#TOCVM_- zj|j5&ZT>~%ODMu?=v<+Fwov}2zmDz#Wfn3c)%9zXIXA57EPOuR#3H2KPfGY(^zwZB z|9Fo}=_|1umFo8j;j8Jj+l^th^NWb%|Li@0k)C1~P^>|Vref>!By0#QM zunT*z7yEG#ADdq=K>P*b_upA`qrsR&BbqiCYd{PAqw^EW{nugfRH6pSs28)phify? zYZLAbX?h3Zo&ZV5(MPflSz$+U93S9G{h;nU<@gLPAh-XpaivT2%eac`sM^W@XP@@} zdF}t0FK=o8Bd#$K*Po8<|C`Rcjk~yyhv-+MPD0yBmAn(=pQ-<^$%^{M|*rP^lo$^gQlIHo3>6v%5(I7;+jgW z+E*>NJV(@MW7RJ39_N@xiR4A^?N}UN@gC2b+vpyLU>HVV6h>n##-sVPdBo&o#QpE4 zlIdH%&wK0$`s4LSUZNM_&(|Nx`9G=yH!V^AqcUaQjq_edMdnf67uO%j&A+d+cOCts z>yP}W`wus2|Dzsp{k=EDH6L$c5#GX5EJxcE^*=fg``Z6v{@-cse>5ScwPmR1k2G4* zV{Ct=czR=B#jBqRtLbt4acvCyg|RX69c)COae&|Jf7ufCZ}K4^cVHLxpt;@LD>7BB z{V$L2rys;@52UDBUH&Od#h_TM`5Cj4HB8YH9Mm>(*Z8ONp9mOUE#&;DFn&2ij2 zEs4Zd_CG#0|8E&v+BqpQ%?{7fbMyb6)dpivce3}pl+77-c$PihO;#;r|LQxaK`rW# zKoa#hDvsm$0H<&U=Wqd+(3Z#kM+Z6!#GfzzY2q)8@%#SWOCx)~iLKu}m;Jwh{lD1# z(OYM-|0kG3AfBtZj+>|)!~Pe3n_kP_uhE}zmwq47cOb3}m>}aGau0>|tCbfq7=541 z4@1ad7=d1P+9v_%9+YJ+0DHWz4^N9owRqpCB3M^e0a9pF};@`p@-v z2j{BgBXSE$u>+ePSnqF;_c1brU5@u4`#16qc@S~_!C`XSAC)2c0xIb>NTLbN(wHVY zki}8NwO!&GXUFNC`dK^HS=Wtz3f-}902yt7F7$l+Q{jy8-ZpboeqsK=ulRgAzJNUj*N4?)!ox&g{{dXlVHpEe9qFQ93p zdSa-0!MQ1<{eSBT{p{y*|zzq{~UKYXKWD$H~DKO-;-qmfRC17qo(H(ZPH z^ofXVhAc8y#3g*PuyXa*RB}2huYDrCL>8ffUQ_*OUjJ*3XCt}KeIvKez@bls*M+@- z`FInH@D`S0IUbL%t)$0qWHq@K*?-Fm>&epJ@=Id(zeC@MEinu`(AUsE>>}g%?H;oC z>;1!Caz75@Fsk-_SpVmH9|Pq70`H5=?LRS1{r_D)Mb4{15=}^>16i~kk$=#EPIMuI zEV_|f|9_nPKjuUKKYH|SeO&(>6~}Qj?__6_ao+DK@(j|#&XE_;c}+R6S=}LjccHsS z9U|p6Q?ac!J>Wl5|{6BWKi)Y4;_aM^X&(f39B4w2iQGmig- zKZV=$ySR^s=$BBoVlalFH<$xM_WU+4j37Hw{C+a#BGN}AuI<~6t_n6jIo|i(?3}TF z8;|sEe#zuyq?}WwF04k)LidK;x@7Cz^BVR4DrtKALCF66Kf+Y!Psd9r!fTj~wtLn; zK(3!>jy%0s-kvFsqq~^>KV1D^p#CSDPpJRTD_fDKx1#s6?0;>5xW8HNGXp>7Klr-% z-@tq06dY=Oh+L zqjTb3OG#7}KMd8IANuWKs6`z+D}iMDL+|ckcvC#@U?aAm6g#jBd(f787}_%r^?&?_ z{*V6%UC1DdZZw>D7#h)Z@uBt)8%~@lq<23It!N(lFzgl2ejLPMqz5@C@1eOYzPo&J zqlTVDxBJZ^GvJ{%s(6K!FAyKufy%jlCy%0Hmh0w77fL?=R5&gyIYYWo=e)$shvv5` z|JA`;(CofGa8Am7rq4bMr|6~MQ17Bc{_K=5yX4OdnROiZcRb^qbGU#@xQw1(JP23G z-tYY>TqkehHu_rr6z-Du@euuz^8Wke1KUVKN>Hiz){)YShj;a5pv59QHsQpjo_7^2vH{^x!;+TlZC~todrjiw>AB4)Y z4?@Xro(eM^XZhg7KET=mz8&9kf=oKDCpXWL&u8j`8N{Al%>R7kQ(=~C=Ad$@JpBuP zga4*(&R0hxk*AI>U`LWk*EIC-4?+{-T)q}|d5VuuZhi1Vd;1LFU*Nh9veR{4WX5rp z?9PNR*Z<7J0xZN;WyWH136`PimiECt|6T1KP}lArkfhgF_|KXB!V2fD!Wyi@WB-E< z^vC{t#q`bSo})}~O>9GV$v<0#ZO2aRM&I|I3T5Oz96;~4^lgwmf9u(h)yV$cfY3;m ze4E{(4U_ZlzNcLytW=$`?W+SqJH78!-#OXy^@rgI8R!2UBTwKYPNP}F27Q0%AJ&mo_w;`Z@*hJz|4HJUA?|VhgI-T=a85BcV=Eqy zlSTVsyW_Si?9UtCG1>V*{wFhzvt;)|`QLMFG>+1QX0#yg%N+L@Y(>>+^`H7E=FM7p zD(1}unMD0G`Rtqh!fyXlhJ84IL#RMC+Q!MBlRRItQ-19tbL(@-bKPi|D}RrXzlAsZ zy@gCUKTWp!ujZ|MaDJss5m%f8*hr>@rOH6h?d!E&Ir2&4_3w-GntM`KWXLXgd+YB9 zhv~k_@{{hv`4t!aMjk<>uw)FzYxN2Kl0qcWhLjAg({zn#WeoJZfUo(dPq9$Z0h z%TwW6Jl6icK}KJz&Fg$`#Ub2sdf}MA~Bkw0u z;T^SmH}Y+kKFE3b7>W}8AH&I!C_vw@^THUi=L-YFI5LinMEidNeG;Z%8p^fhXOM-6 zbN^=>D46{LO6t7J6zL`+o}iAM3=`XD!4HWHB~lE4E`NcB2gYZ~%wUTcv-5 z?D<}PXg=ck(GzGy3h86gc$!~6z4HX$e8(C35p?TM$O_B2u8WLw_m2rbfs;6m$^rTx zh7Jj5>2Xd#jpOt5Xp7db`MCeVrg`3lvTw^0<=-)7yKg2%rcdfWcTLX!?^)m83HAZH z&U-${(z~7axL&Rvq%GVo{(SiY3DhCZ`Mn~ZYq)`1xPyDhzG%&h3G)6(c@J%Q@~8Zl zjd>7peqWsP8`u7iYkX7Acq(`ESKs$k$ZPa1lLN>>$VXg*FsUp^ zC==>XOOJc??DSm@_4{y)L;=QN9425AreGRopb#_hq<>akoaMON*vlMp9{P*{Eg(yN z)GsU~7h{{YPicQ^iiPLG635HX^Mkywg6!QC!YXnN)*+Sw8^~A&q*vvIV)|xmMXr3l zC-2LX8RXW7%;bgbe%p!N$o_IQSJIJDE6E(^6^{5}-JF%s!z>ezJyLjk>0UEAULj-ii3_i)b!8FhP{zaQHl-{1GA zFu`wAFb%o(hi5Z`UVF{E>ET}x_Xl{NJ$?33+bnTKTfwtExN1=NN9lb(-`bBi28I3R z=KOReA=Y`yh|u;a+Thkr1(Hp_2wu&d|k@crRK!uO`#4mx!GC33r+l*A+=k&!-3{}dn>S@Z9Lia+}O;XmRlsOsg zA9Aa6w__)E<4O6^9zvPpwz=&8#q9r8`qu}s2}V8|d&|!?_t(phsWYJWqK{b}Dx}$YXvxfk`-klQ@mDIFF0yK~=)~04eLZ zqjsF}??V4uU_9E`as4{u-}%PBCmH|tTeGq7mNH}42aHRTt&ZDL`~xz^r^!y?U0aRa zFR(s<`TgBwb3sA4;(xB;25uqk{FLkO&^u4K_S)!hkNyDN8;qA5L(Y(0r;YzlQ0^@( z@J*=)m4TJ_Mu)s+?JrdLy(VGY-hB*m9QO}PPIKRd(joo?S!K+*nqK4HY8!>SCUIW+ zPCD<{=#cNap~(3^e=9Exr;kJd#-MGna`uS&6`klp=7jS7mNp(5q@_{ZIsX7<@Du+p z^+T)Unn|APw1O~BToaIVTwnIQ@6bLB;|lce7^AUA!z8~=LFLebFpZpn3X@Wr7mN;t z^qH82IY^K6{4kf^Np{Q_9p=#&pu5MtsfRM|tt)SISSV~UmZ01|5X;Dlvjyz`g0Ol3L6>|H z^W0hC=W!7|NEgd1$Jia;9-#fp{*jhAH>Z}Ylcu;#;FsFp z*Bsx%9kf-;|9H~>x6r++TeHaZ|DF8E_@DDyw6Ri1(_0VObLjJY9lpr#={xfGbG~zN zK0s;Pqke#rFMT59wfLSf2w8KD^U1zn^Nsiw|A{;O!cfP z|DSR63HaFjgIW6jmasqZcpdRNdIFEv5x?PHCb@13reOvOF%z@UrcQ512Re~k|E5tL zhi){eryA8$O=R-}^*@<%oIbDqSC>Wq!8ziYi+Nap$Nqy0>5uEr#q=fUR-eYTbu(nw zln>YcOXxS9mlARHij^y4(2=1W4aKs6FbOJ@p=^v-I}=8$80JG#~PSz#G; zc|KL`ANoIxbf3tr%U9_6PjjErm~qWV{fmz{K86!GjW%t`cI4KVk*}Y$FO^H(3zR?O z+{Yx(pNwlNwa`-qp8s&q-#1;l$#eO)e&MXR%K3eqCoA}YR^lSP2Uk#YgMa81J|EHd zgG{3Staa?P;jj6<90&Hz53}eV~n1D%`g6Kn=8{bntO>>-W zcq+^ww|zD$r$K-q9d88N`S!cJkkQHGLNpAP%T12}{}dA)+{`J8Wr z>@}CG^atM8pPmklj#Jpg_KSXRTiAc)7kvxDD#Tyue=_tVIEJ|PM=k2MYyTtZ{_5T5 zN$;T0?BG^z!M(4M1~z#Ya{ecChbWx92gLOUM>;S24F5ynHS;_-lzdKKj_~9( z&#lmNoas5DY6hDQH47h|S10ZSlDoYhl&WvGm4qKkvKlS*L!HHnM%zhy6C5O&2}0&U4H2jLWXyGlQX?H)XnoAQRp6LVix9LF6LnY7NU7xeppN{!7{8sdX4o5Hsps@ z^iFkUhcUx7^mXXgzRnJP)W+^oe{K*~K0H4ZlbcaFEkA4}x1*wv?~3}d_5nYh-#ry} z3yWi3_3Fnu^<#ppTBZI^s3R+!mk~}T94E>8V!nFp=*_ntt^b&{hHsfT_Fp41 zo!X~c-QNNCM`j(zwIs_E1Hw+fpTudLMWwI`oTtaR^EEREhKuwb)H_Z(PLOr;28Jub zuHgo5;fZ}TBZNDS@8JP*{%@bv$I~jGVG#0Br4Fu6>7U4a=wC2M-~JT#Kk6s(yRUjG z40Yacj6?y(U>qjkzx999H_$ka{V%TOLiRtI8qWSNVE^kYoFtAOe%DjT-aiZo)5sYp z#7xY>9L&W$EWko6M&Iu|bGGi5N%FpSVoduI;c@MN)Di6vdZ)U-LmOcQJ67?&%crv*3m1c7=Osq_fM}~;`t997>eneQ9sY~U*Y*9uGO$rSaU`{ z61fv;<@#>246zRCkk308=Y@Ta4&P;6Jm*_mABC7xK^dw=Mbo%i)mg zDo~9C8j(Uf+7`1nwX^@r^*7FH|6VlyO*XG$|8CGuaDJNJN*4GwGU7Rc*p@v;R!rf~ zf)n(UIE|VD`E$7Y%a=b>+60a4bM1hf{V_=WH!_5?&O47DWS@CCTp>$;@p9PaySqle zfm^tPdw78VZvJ0ho9`8akdL7lj*%$9$ID;&>%8ZBO#VWw>;Gc@-=CGgJwMksB%a>C z^<8XwIg~vAGWkjvCu{;HVG5>U1`06~(f5BAxw+VPwkh^EP>lo{kwV+7SMXFdQRG_3>`&&j#m`k6B1z3p1Sb}9(fmK+8 zIIn0OS*1*=mWCSl|78D@N&d@m^pV-%oMLRoR&2*klr;1YyUDiG(tlq1-CrlVc1!;O z=`WN1?b0u!2U4-He@J@<~3{PERVd!OHL z{~qVJA8YNGvMjFueL~uC4Y5ab?y*9T6id-ke>*tfAS zy!{0G@(lZu?DSig`Yg_Si}T=mh5N+!pHc@d(f^L$SpQ!*ssACxw#?g;quHFUIfQ1m zWy|&A@QB`EonEq6XP>@Wat6A+m;AcGTMNQW;n~P;QZERncglZcf?eJ;)BAOwE$%b6 zsZw9PYh$(T{5Z^Y&U{qjD=fkiEW--)sZaW)Ie<9UG)=~Ivt_O`Uj0)V{V&>|kF-D4 zM_pvMa1Yt*xO#T}D(S32cCq|zUAo4L+JAS8!#Z&-@@Vtb;;@0f32nlyQ`Es^a<;KE z;CID@ljKoe5vz`Om&e?9)uc;B@4O$OOh+Bs-H!vDVLT_5B>yZ`uC@}qS6kt<^J zkUcSOmG(0|u4yo^M7xB3H6A0JJtglPlZVLb;%?$L?qcMe@dM-#9$|Qlwnq%F<{zD0 z>cjAU5Pdq&W4wBQsLuTUIzIm8pM-tKOTtU>Ba8nuypF$5{V2R8hqwJnC>Zp8V>Ct* z>ZHf~T6NZgEGhLJe-ui^H^|>($?<3uH<2tuoCDG9-cxJ*Z!45-!f}tM#3pvzPWC5z z{=@!v-RwAadR+hiscTPh{xrIk~#hP?fd{8 zxA_O|^AC_+!rj~1k?3_^=gUvSLg_5VQY=T$T*t5{SJDT^vcK8ltLbZzW1D7$Gy2Wb zWZwSn_<{Y+c3$tey#0OFbFsl&R(%>ai>oz$qE)!R+3$Haq-$+U)Q%oY-3#j+a)3pC0;A_{sQr;aKJTa1=k@G%buI zt(6dp!hyPiP~|$?umdBH3qmzHWQ^->GM4i-Q5wrq8{#)hOmv$le9{=c!I-zxoozOP>#^1nN`4{2P$>AfLbigD_u{){|E{S6OFpi#aKdO_{sWy45;^V@tzE*Z5X>r>i7ypIs5YhCROPEdPJ! z8UMxM;&4OU9o$1tLy7ipNq9gXv?t!cb9--0H~(+4_4_7z&arWPLrF;Ep=0XrmW0RT z6Ex}{eMY`OgY%lD(~>C(uY}*Ab(M0B&6GS<5>g21P*a3aD8U$v!vu_^3&JFFX!oaK zGC91wAWS8vqa3r)={?LL=b-`%(Bpl^K8D5g{Q4gov=8*N9N){`3%?dr{B z6{4LzFj~EjZNfW{RiEaNMh3UMlZE1|u^Tn0#X%fKLf?JfKhVuT@Kl}aoD^E=ZIATt zH?i+=ehK>?U2E9)=%M$bZUo?qi+n(lg7943WQb?j^tMXi%E!v++zqh0Ir23cL)kWVQ^w(apPar*w3%GiN`KEiesQ(ey-+CsU7sy)c{}tJ@%J(z(qwt14xJ%yL{*gp| zr^xxXvUtCKwFN6vmMg(BQmg>BM&RB;mYjEhBi|cP` zc7y|W%EEqY^`G?n`}Ma@(+976f2gCMLyn$B25Fr4|95WEj*jiLRocyaw42Y^Cy0z= zNCu7=W2GIO-ye9NaY&byLE2+!?c?rdq5ZqPEL?HiHQc~0G;S#i4I9eB9eT?VegC*ee}Fc6D^f_}p}5Z5pNGff6ZGge ze@4DQxBl~iv-?HNoJcO3rwn%W}%ocMnuu5VT(E-^*_Jbq_? zf&%^XXh#RmqZ3`l`o2dSf1q!_cdqdVrN$qOcOPZ$gG>u&9vOe|)c6Ck{@52`l4;hEC_lq!w-r|^MjH6FLoAX+S>>=>dUILgTu5;$+VKO-taoodnvK(<7 z#DHfU#4O=C$nMlG-=m#=)_ovx)AQZ+d_%?`Ai2W$1GJ(I^PE$G1z3p1Sc>IXiN5>t zzxpjdzU+u}Pig<-y??iTw)cbc=tS2``Two8!oS8xqCa0??# zzX*}I{?;Agdw77yc)$ME6Z-r0w`!-#yARaAx8;Al-+#03SQ-1+{vc<|E*}?XD71X$Fkqa zS>o!oMdpz65d8!dyQIEOHGOk0Fp>6p$YcGzQeK)HOSE?zBeExOOTclkZq zrn3fr&))!2<1^r^%9 zF)-S7iltj7{};&r$jxQ{%jX~Z{~Y%l_5TLxOXDC8qh5RNDB18Ge~Y^LIQ=9}<2S~~ zbg&%}=f~Ii?Hsbo?pk9k67(e6(S`hYd3__%-t7}k;{pz_7h?Z=Tod?;@HO1PE%a2% zqqsvK)ZQK#TNv)qA0XE+Z+FP!WV)a*JQNql2R$Z-`DdPx&+r1T@CM<6?;4{}f-x9} zk)`a1Rs4VQaI-dY3x2!*BWs`LV$Mt_+_|BzYj#-$83M{}vEJjw}|59?KO8aBF`n&0) zuv~cmX5#{^Be;^@xQAaAtLbr0WAloS!dm)z#5LtwpKD{1$*(;BKKB0+b~2gY|Bs$x z`?q$pliBQZoU;*|QH5>TfokkVUrPVJV+WiwNT&4}XZEns$sGH>y@~xV{=DBi$u7so zwf*zs|H-)jUyXEXaS(^mQ|XxEPs36AAbWmbD|?cD61f%n-?y;;H@FrV^KRV#FW(PD zZ`}21IPJJPG<@Z`W_Yf-`roZxe@_9a-EBR^2?wR}x{QoudtbYE3g$-x;#F#!#5%v z=l@+IuizSPp#J$s;TCxZ_wWFX-^u?&ABBhXmYwoH9@C%TL;H>YFR8ps%uxTJx$@Wk zXa4lqx8J&poq$^BL?7FG|G+chTHnJ9@)i27s^1ao=s~3E8D!O&Ikb;v*Wmm_?E`et zyAjv;??q?#$Kj21%$W~yd|vo(*c-R47{3sZ%sqm|x-44S@K``*I`Isf01xp z8*NmSJ3=TShqO2AuNH(c^l{j?ZC98;HeNLLO#CEz3)y_RAWWuDMO*`qYPNy7%neq;7jZ+K?T5Tj!0{>qHm5`?~pi&#iBRJ~nkf z2Jk!k`}tN6O7k#|Vx#}+IC&DMQHO-KMiZLVeJzjpDBl`GMz*5ub_nMj^TYAQ3E?E# zkzL7eT%#^~@=@p$PU8YD;R>?mU=Hv2I$Wa<_3a5a$XmFBdw76{c#J1_hLHk2hbJ zfB6+A3-5ctcTJDuhLRofFNR)etN3kr?H8e(9C=X~W|8}?vwOgN%i-N$hdIJSH3eZF zS%C!@dH9E6A=$aTAS@=AVmVeKuC3C&fgMO6l*i-RU~B2?k((&r`#nRZrxb*Z;x?lS z+pq)G*o~1(-+0-s{pRaXOAbF1E>%wL)ZW+=!a;F|aTN8hr5i?tIOq4I@M$!jQYIye zLmfSi{cY}-?~lp%O>9fD)$bqbfAvcXk~7o|E7TFI)PKv=o6e2>X6MM`s2{So;i;l< zc4ASed(JQEoPNYQdhoJ3>b|;)%p&(({Wn+rU#b2lJ4@C7VL9#w7G9*t3oGR zI`4n8zF^N;YstAz65SpA29Nj+`1;$0yO5>FHGtAD`SIz0|GGN--J@#jN$v`#r|b^D zc)mOQ?S?)2@3x1NcejO~4{ZxS+qEN{*t#Pe$4^sR>>0N?9NV=y94-4V!?#nmhQECD zUxhwtr?G$8=5XM|&QN=5OW23MYS2AhqrK|~>@*MV{PRhn<04-Xe^Hk_ z^;kOHLlgL7CWa^UXLx~E_%J^6ZDDvLTtB`zgv*}$Ap22UbrijEn*N`;#i4}WvV{+2 zLva{GABVOz@{qU`lG}^J1aXs4TT~JzlT$HN#f~M1pZwRMoScO@7)g8_=8+XxfQ4w{ z-%jl1qe;2WDe0b-Za*JQgX=U|Qn#a;~TaK_s!OSi2?15xR+v@ZIJ2KZpp9@$o4Jle|#AKG+)~YJ!7>&u)ofGUs@Wf zrL`L)=RVdC=Y2-~8ovPF#*nz7dBzBtmvB)0VI0MAoWyB#&Xga?I0xe#nLrOcNw#C~ zk$XhuzI#Nxw=9bMwgX-0LmC%w30IJq%|2#7HW#pu@nL*A`|`v1|7q-7c5ElvHHGbt z9`vH`GXDTOI?jO~WK*ZfjBwUk0XcLweHyO0&JEnc9rWCk#@$cDJ$l?TaNzBy;Q>8c z&SrCdHm2d2v}2;(S^xCYkheouXuqBKG(2?dV>Fy`-~H};A3NTa?HXU%tHkh zpidjF|F$}YJwHgMg)=ME1<0XY8XY)4&Hv+n?3&@-x=xSl_3}?Fl*VE#MZNN7IoZ%q z%7(Dd-#ugM`0rPXYyM7IgrqS8DSH66qV2x%EQ{1f%hX4F0QJ7NwekF~?0bv#^!)li zK|MTEJv`0#SSf#zt!Nu>&4D#+fPH@7>v#Ni{@W;x&8WgQ>_9bkqXvDO*!Nqt5y-(k z+5}`qI7{a4^Zz%n0aE+}WT*C07rpz8dgcWGz&dfGJ)?9E;xLY)r&J!rae97zU3T(G z`f23cZ&rTJAg-@lC+-{)NFw$-wv%!1-!3vgE}UHv{Q}XB?h}{B1;p_Oab3uvB zu01`l#<%g34`hjNgN%E`=I!5AY(&JhZj;^W|BU*dY!klZ+&2jSz3(5RP=YZShrTWP z*YUoeKRr>sjBKfTTAyS4ZS}u4!FjUNab3Ig&m*qS)4M_cyWb{AXA&l3DjF-Io_j39yv}O3;kwUWIV*@;We_MTjo3x)-xb7YQ?{?{9j^p<~knj1U^6LZ4*KU~M z{)|h=mbt&Xp8o{@#~Ifk|GDR%Cyfd$z(Op>QY^J&pY(poc61@mMe8He zxPVKzf@`>eTj-SM?vU@t_ur#Gz(Wi~8~u^|`BwgXDt~I5=kVBXPw)&c@Ct7buK3=N zP$o3tL-{~Yp%rat|4RN|CVwxImsiPiyZry?nJ9mwZ-(*#1M^)UX?lKrBEQA4Jo$c~ zvC6I~@767BAV;}w2^wd76vmJf&~lc4g6}WY#P;v!pE$ukfm(eC*~Mkyz()Q5Pt4=x z!9_ouwD|{IH?N4;TT*|(S`qwdlL8OsE7CE%9(|;+Q z^U{lJ-FHpVf9X1Lj(RWZ&wd_`O7A#M;xrl?J~!|2^H4{Red5ihJ`d;U3A8;Rj%ydRBCcH!|EsumR`fk(OA5j(zxUAJkm0K5 zSH47_)8I7o2p9Xmj33L=b2I(-vwZ_7a@;7yu@_mkehGafVeA7r4!P;G+4x_C3G|_P zpNC20WK6|$lw%g^uN#L(HfUSUBP-A-ZUMOvac`Zt7f?#OIEgm-Deke;qz#%d2BD?E z@1y-rCMWt`o4S==TU8tuJAWybV};f(63DCLw=nwGJ`a7$f9G4Huw_nXqq-S zx@Q=JFRpjIHaHUQvFWC3qoq{2I-ZSO%r-7yBV)Det;Kq5M%+8Firj`B=yQC3nfE-y zd&Y0??~q@AeUx{J`yZj&BbCv&<%75>Fzd3~mt`vuAX^o^q*iF`;Hii%Tf6J`_ z^6c|)PT^*;N#A(#>0rXsUjr#?mPI&O9d%Mnlrzeo>@C{t` z-(PgEWc}UZuu*&x?dU>dvHG{n*nN77y0@9#o~BRztp9aJ`)`Tyfvb!UTw$!1y8pxa#M87tv;#WTv16n&4ihj5aSVU= zv5&)K`XCv{@K2>rNA4}(1~N!Hu3TLG9^(+mIcU7d#w9DzaNE1Ps{SSy2*>$<@Ap+s zIxf|(uKkXG4$ZHP|3i|V!u$3AYqZh!zSX|D7{Wqn#5KPl#c|ZX)y^gxo|^y1Ry|Fx!#Ol73t}0OL@Xm>+0cd`jxR_! zE{S$zSC)i6a{mSP^;Bg7{Q@rG3a;S>V&6lPeBO)}B<1~-av;C{^88r;mWEr7yMudp zfQNXDC+M3g|I2S5`hVrC{Q58c%Q(&>zy9(H`Cs1eoFV^9vwNESkKXZYdt(ltNoUwt z!WZN##5ovm$nZbP&sCp=A~L)FvoMM*!5EBa3ydRc#```d`aWjr`?H+{ey{6VZ2-iRzchxh9QCf2ckx4OnA_HRs+ObNG=ZT+8x z&CaR9Htaw(cB2Nh=rhN>-yDR2Rj#u|y2c)4%tgo=dyv~;{J~Z8)^YwWUjw@6-RN;# z-2d;OG~zt=9vqJ8Y76Gyr+%T%@zN`ko^-OvIp?Tjj$^=YgQM*qkoqi~6wZ(Txnf@z zdZV}o)X`g(c{ZG*C(uTZa}ZL9a}W~SJwKY!g5(+B-#*_T+Pan1Px$Pe*N!gqA&m>T z6vG>QfB3Nf6g`71a%flfcQp9^&iek)Mek1e{*L+n(D}MFT#?Q-+`ujL6ssrIjd$pS z8~BaX%lGIHklUiYD=xE>{fmd<>W#sFOg=&5SH=^QFVL_;y}C@kRqwtMeuMnHx|#B^ zawCPkPlHKaaX&kAFv}Dm*OcwpKaX9zyfBo|$6y>LAg=p8i5xa>elj@~(@~DjV|@2y zcfa=kp29GPJ`WX$YhDfF{W>IBWoop66N}{kRqhilo7~qP_tl|%K^)%{`~Md>e<2oQ zDVAd;RwKXu(^l_)lls3@ojTF`N0y!|_Wp13|KY>_A3MGOJ>EYV=U)v~%d>OL{qN%k zFwTFiG}mJzHlqsLP>tQF!N@~%|BVf(rPrTfx9A(%%MTXUf~-Al?ACVu|J@&jgMQDi z|Kr*AFZMpK6@?Gue>`^*dHc6PJ;l~)|#)LC^rz3u+TVTUvh<0y{fBu=9a=a66j zcPIOQ4?jJb-pand%)Y+Pz9!qH(;@Bi>bkf;P?!2N)~!A3)W7QG&S~mE=_JvPF7!-s z%v|jc`rsDz?*?@({Q`2U)W67V61P?RLtMSzuaMW!DE?e1 zLcX8FbrMbNe>A(lmJadPJ^yU^4{fNqs;!A{xyc_mKU=L$iih;a_!r0Du8{w59&xRh z-yVM(_auBGo&5a&dj;Vcy{E%BvgqURfriv?kVxJj6dshEy(%)%VZLj@LKAr@mP zmLt2(`goxt3|-Psy-;7-;ZHuSgA%{V5k9be3;jMuo5JzKcmA`me|cp%ppR{>@W?sy zMxtEsQP@asMisVU2dYt9Q4w~NHBrYw4C{|POve82&J~5>DE&B2;xu}8MITUMsG~=l ze_%GBI6Z;)eyNS+2LfttZ-`ltnjxd=7wL)m=jKKofFQS znj8MEa$flRx%0wGY4+UyGIU@5GF+l}-uyDWA;bUVdqnQ;mm%x-jNj83qz`=eWfPXt9v;=oGq>lzx=Ku)W56@V;nmU6EF!K7srKmeP{W8vOVKM_ig=RnC!Qy_;$*) z@Ru{Dh3WKi?7uuC9N1ePYA4PJ`|wu zMRUVXC(aG~AL}pXll|G6`Qhgq=7r-g=Y$jVzdc(KezB-BR5*75_U=(mqp*!@2u=c>>qpAm;Q+T^P{lPIg7Cr%drxxu@>vm=eYjy)<3}DH0vK! zT94qZcmDFrkbC-NXy0S~gRiWAfKGIwdztkQ9M?PdN1=XiMc62v&8WgQH14Yi4JRtX z4tfi{xxXS*(|4ooP=&Thg}#%DkVNejem83c)cCCyJ=PF7NFGKveIQjC2CV^cRQNcu zXDUN(inc>TWyqYc{)0J{O=Z>}m}32bO6w0yv;M$L>kp7^YouE$e`w>zw!ul~pGF-L zF|9tfzx>*-Ju)y+{~OZUDj8&5BVMOnS{-vM!+CTTSB5Uv>ORZ%M_hle-h9WTwDR-& zlq>D@#+2tr7ro`V=l5;((bH(##P@jD^WSvdP(`>Pu5-pm;SzZTaqQDI@&@7_W&^j~ z*L`F3gzq4`OSypbW%o(m6ZZgd52c4>!(3za$R}u|KO%D%j*0r@FGFIc^?$eOd)@S| z4>oDMe9CzFR>^W)0wUe?B3d1<(>>tBde9{;T`XuzJpZjASt*(h<_0z@b=F)d# z)^h5$_S^bk@9TRdI~~`xOWlqhdhZ7H?|k*IG4;)-e!c#0Kl>l8ciI29KM9jvV=Csj zkLhGNX2me(p-&s4Ut3~8f5ITr`W!O&u>U}c{m-v(9-aHx|7Y|+Xs7gOuk>ygr!7z+ zodsBk#prQQ-R^xUeNf#x;9i&0S0b)ym|f!;S9n%!jn(4nwMW*H>k;=3+(>RlgL9j; zJ>tCnD&cKtEz|yZshu%JJ7c`(?`Qwx!~S2D%I0bQ+nMTVa))z%=wGQ8-i;b$x0zSC z*Z80#{2%-HKTh#~9OC~_pJdf1Ips|II_(eT=6Q6Y3*FxtUv$&>BINyt4IhR4dU(^{ z<%@&TK8&~rSls(-aEkxGNQHN-|$GyMK(Ocw~xZh8L zoAkb>5oT*KF#Jm+b4eaV|gm`YHSR1bg}n`}&Y|<=F83``G74qJ8fB^xiVa z(sS5*Mtz9&t`*zZ8_CV6!Zz%WeN)t{ZV1=%!`vbdJdSJm6@@$Wdw76{NccvYd^62t%QXK@H7smVjOZyx*=pDs2K$?C5xt+=-WG;)trI?meij-x@vYF`pkeDrA^aQfKV@7GISQ>q@;c(0A1O3{ z<^7|?Z)1=+rT#^8lX?ot{&#-qR(c!8Ip&A;&jjH~n2hWW?XQ&jzgr#2Z!k!vg)@BZ zS>(`umi>?O=tLLdyttkQ^}p*bbl=ej5Z90GqW4ttwM%db~3%^y+TcjO*01M~~5%<(-MM~Ont=;_m`>l@IvG5q*y7ckF=kKJ0&x(ne@-pL^JUZ$1BI&wt(XlU?^cKiMPP zOLjihw=bP4Y{L%p6gy_@$Dx{@pZ_@DymWdEetZ67t+;ys(?Rku8o#oh0a@$2Z&>BI z_IR#E?ngOvQhe(=&n28BQ+`jJV*g(BU7!U?q~zaL`MM2z_0`wlv~$0GZH&NC^Y8ud zb;9S+cUk}Xbv8CRcwf7Kp3%pjeW{&r=GXo6`smN26J3aVfApXiolCS0q?1HDy3ix8 z8-4V_ebPpnegQdp7MT;`a7kQ!sWCI;H8j$1khjo4k9+>K;EwP;kqS?>#+m-0+PM9+Hpo1S9jzpN;Z`I+J`A^;gE9sLS5lC$*t0yb&M%7kOh$ zSr|p`zu$W4Gha$%;#9}PPa;(H^tVLgw{%;Jd)6c#_zxsCl>d5ZY&%Q;!{9FCs*Y$s2*8iQ- z|J|?u8$I-1{rsKu_0rjh%{cD;^^`dVRlFh>Lygm-%FplClKFq(}rJaYgwqOSNcHV9If1l?+;`zzWGoGL97VaT?wZ%H0 zejZLr=QQeY4n5+!k)RJQ@%&%8FM2z2!dc-AnO-41arI5sIUv($q+cK}p@H69?72#f zV-UWER^c|`k;lE_^Y*v;CGK(8a!i@gt?am| z47sW-xo9k!bCPIB7xMmu4*wVWg!?wIzcGM8Hg$Rv`&%DCmdur@{|_mPz@Q}3k7KUp2Zsdfs!WlAsO!*Z)4UNwp5)=xt-T9BO0wnZ!2aLzrAbKYc3#dMTo7UrPuJLCH? zz!o0dXIwnHIm0&2BG=7UT4ntCI^)mDPRDhTXsTaiN2HCBr2B5$7ai5cl}Y zp?#+3pX>SEZ+?G-@t%L8=O69)QQ!2b4TR;>8ubGo&ptka#+2vBLGdlm-P?EOFHG0J zFo9p}zURN``5$?H@rNDL`BWW19!DJed6GPhxXx$3UwW(WS@;~X^xQiCeY8R831j%1 zjO%ZnBL5?a6yh46ZAdsLiFS11mt*1b;Wp8jjw@>F<6ooEdMu!9{i^Z!G^9l!t8{67qToszCKBTx8_ezxVa@bmkhg?oM*v7Y}=uKs@b>7L&Y zr{-^O4ZCSVdKBf-XKdZd3~h^>JnJ-=S>P5lFCXMcC#JUY>(j_XF8!{2)`jv-V( zVqll{0rKnbO;h)dRR@=<|Cbbpsjf2}<(P%WW#*q@4!vcc`VaHy6=+izwj!=wmc#;a z3$YkWu^cP08fy{X)n3H%a=mcuGpfaAdKD6v)&I9$197k4Hz_qg(=pqy z-`wj1llbH5)!2<1eAs{IkoG^)r{pVS={dB^XC2Dg^JM3D{BO$TST^_2d--KL*YSNw z=O7NFHtn}Fj@ikM7ar{Q|8*3E=w121m$N87)dUbEtef590`oBZ{kLE7kCdU4U z!lqOIp|H8&MPWE9M+FTE+OMSH=M!j4rVh3A)z6n1X^e+tJ*ZvrM^ zGNxiW$}tQ1^?&CS@hkH0KmIt(5jPJNSb&isLwm)2PEaB#^IveOKRNq~vX3 z=PLIsz8%>G+Gk|X9@p6QePJJcaOU@g1IUlhOZp~Dzc0)de_xmx|9xQ^^(Wl3<1XM5 zuAnjVtHOr{=55a;W+6`K=i>* zA{(#1Eo{JKdW-rcj=h~u&*~p<6OLnVQ)FDjvu26!bCv%CasFSq;~L0D%%bP#|BYjV z&(IE^rhHMxeDE*GXLB4g4;5H|g;HVSV>ocotsr=7D?JBMB+ZX0%>8oLqghZ-`@1*#O?|cP4h~xi;#}tPb(iwVI6kd@Z z+SlsrH^Sk6_l|x&{-B6HVvge|@&JGAe(m9U_gW%62IDXRjq20}Orp2!@@(7L$@Hm+ zYX-NzHpbw&xdz%RiDRB0&B)LH>-YQ(oY;`aNVUpnWd*GcC4Kbo|UPQB~@h-)G(md;Wv$4c}}(}tRDYymy?eGE8e zEqy(5Tlw-gz3cl(?=sdvT)k)AOje=M@!QC_262A;f!|^uNY*!5ExvV%=klK?D?R62 z&wg1Q(4p;5HY3{pNwV#we2(4Dsfp>~AP(awj^iYv?caA%-nuJ~kJ2z(&8@Q5~ljzM)coZp;SIw7q3p&elwb_T zVFD&$GNxiW$}tNg*R;={u<5M>G)H)Nf;C9U3M{}vbUrc{gsiRoEG#9L|zHJM*0k9_Ffztyk5_t9rI`uZ%a zl*W4OKdC>?oYDOHe~Z}J%h=gu8X0<)%*DSHT#!6+u6YW&#-^VIM2TK#HV4S zv_?GRX0i&~umjcDjjZ=yL)PLT4rACjilgL^H7DvHSsRdk5~opzMsW=<`7Y>jPC+w! zJV8$)&Z%#m|IWveBtPuGx5D$|!}`9IL^oG$bsjUW2gF2wko?0*bk&~?*8?0;mD zL;G0IkMrn6*K^O09`vHqyC_y6&_8$)1bsf5&xp zn`0}TahQNf=$YskZHvkDLH9L)sr2cHdunI>p7DF!Yr9-rTmx?wIS+B~+X`|48dfRO zc6l!BU#yPxEOAY-Hf2kaO!@s^+W%{zbQWVNmLu*3SaXUUn9mn+?2+;xALjqum$$U7 zKCJ)f`8qP5f3Ii7hy53|+v56>e~5d&&JlkU$8i#k#_BZ~ z|96_6U;qDkaj2u8Lz}uNj-gLECW)FA+J9@5e;fEBv>6hPc|ZR?Nzc#!TdDkhs(qmD zO(U+`lfB9Qzpj1Ym@f1ojSIMhkp)HJ3OO{3kDnYqUKDPSw{Qpd@Bq>FeMmmW6FfuX zTkH4Y1-(VTL$kKVEBYI>=?7?Cr~Vh0^jpF`G`W{%#CZb0vH$KFRF|n0^d6XK?JhGCecjIoh_decP`5@Ayjl ze^K-`X#bPl%e4Q=UdK(BMmc67?%O+ue80cOJbDEdAiqC{@*sUi-rFY+IyOhfIlc@1 zz8DSi^-{9_wl!(Vm1w26-GA4nNRiD?<;R=+^)IX|;`hXC{f}ry3zEl-0Yod>jN4o5 znDy9*&8WgQ>_9d8GR8k`GX80+@lRx0J)9x4!a1^CTQ|SH+I8P&6Z^2=7{CT&bj}(B zh?4if>20{;ib%kao<_Hf>_@!=w1h$dPNFfxLiAG2VR7E9B6P zf^dz@kH2^^Da8H%ZV1;a+isC}a1RgA=$mS|YdtA?%SGSTYwIJ^pCG^fpJz@X>6lt^ z-;S4uADQ2eXTmS=3U81Y{e|^utbt$lMQ9oSMM#!f`(FQkE85UL_6y_7z6j^}Pdl%E z;aR>2-50;`eSg9KXD(@~D0^_HXA^b7URU z?Y;KUtLXddw3CW_1L}mql>fZjfA8IA$+#9n;*|W4=2H2;*nd*yzajJUPv2>sTNT69>Z;^MCFV&lG-`NIjG3>W?bRo8X`^Ypd;1crwLf_Z7WxiwK zYq)^}U2*;IqP+j_j_^G^z{q3c;K|2$g5fvDz?1R&e?h*&8-)MMH-pX%`u52ZjKMg( zpZ_y~9&P>sOrlRlZb;dnOvoVif4BFmpK*S)_k*s9-cPajgI@2dkIe6{w$=OHO<-WC_gsIY~Pv% z1lCws5Ov>8c1%%NOkawT65lDg605N`#_jmr_&4+aVjcXIvP_w|Ui|y{KO5;S>s%Z8 z{eLR>?1y|?Z+&A(BC(GRc!d2+wwzM`smtQJxUCs>Vu$g0(%6hDY{L#zV>fEhr;hAT zss9@Ee~(tbPgK7nzy43L`u(Q*59iT|-`*cEt_fHxor5@xqv#pU{w?5ppbw6hHcrw{ zBezT4x?LSxtgc0!xS_hDaE=^at36WcUCi~pRq}0!OQIdM>)DJ|^29TJY)91t;zmwd z|NqD*p>~wIHL%+b8`B`Z@sRezUe7{rIiYQU3-n89<2z{OJ4o%*e!vxRo!@;Nu8}v; zL%&7dK{x%q|L>mg1N@Hvk3HUm{5-`Bg+bKW)Y?tp7S>JJf|G&%s3ICttili|LC8$4Zojx4z=PEj+sB9}E9}!^h$8<`#!D zi~b~>-ts5m7po@fqx(FZT4UVPB5T{M4`Gt@hnIdCCX@9YABA7uwjN^lC!y|;Z>L~h zXdnHhw&h=h^GE(d-@(5MT?JFkE&Pj+omCQ=uKsyQT>SIUVxC&_(7)!t_|KJ5e-_$a ze;HZ}D#F=`e3voZt)JRoE!u^@7tUE<@gMg6erP=Pd;WLh@)z0%ZS=n_{7cl%{>Q?7 zl^Zz&;xc!fT=ZPEgJ({E$_7=qX zrT#PDV1@VvScnmQPK(Jn|8FT7*Z*EluEc7rMcn&yJ-HE^QH7o}?59&7g>Ce~L+qyv z8-ZSp{Q6}pwBgoh%N^7HpHUiii?2Z~4x(|Lc?4@p!(n>M5`Dva*xU4zXgg)?w`10T zBaCmfwf}t+`;7@W!0$84@g*38ahQNf=-c;$ z`9EjWX~LN!o{!9Be%=08=be9~{rgtA_f-4$zV@%SL9gGV{Ww`VQ!yRo=uy{qpI}qd z8ONE!Cbt}KU z`Z&)0NzoJ1X+raS?SCZcDYTx^{y!1IO6RP`TCB%LeA^_?cyBf6JLUOP+W!sO|64u( zPS3x`^OHH@cF)`K((|M9vgh~g-JZLr+w-#rhN`u}+10U~JzT-gmVOnou|f2p=lX~?`R4RQb19j?=bKBUoTEOM*^ zF3{uLwdNV-+0(Be?g`L3Q5`i_U8UZ-Chi7q;SPT2zrQE^01uI0f0MuPG5rai;RO;6 zzuw<3!~VXiPQ9ycMJv7SqIQIK&@0EiLHNJ5`7jD47z1;$L;r36KL&l{u}zmb;r~D5 z|0mnkCgvJvC!GnHgvsbxqy4eM*lGIUS#|g_{Q&fG z0PGmF}E)ayRR3Vy;3txp$A}-X6j%dK}|2kF1Elt2eSMt-WxxAS@6bwuazB zaxs=-{~hn=g*o$QD#InuF-P2TtVHAOO8&pfu$tcT+T85tm0>M?J=!K}SB?ELq#TpP zMsb~IzYLqnD)gkj4BN;Z=1{|Nh0gmGAt63LzCeFX zlHOxpeD}+W&`uvTcYdJ5TylCJa%!- z-G5Avd-4v<|0q16KSOR0-ybr&v>(S>S3+F<*~;*We1paY1>QsDG#XOA9mlpTv!gTndsf3|ps8Q}LqHy3z z5xa=}|D655$bW!D1N&25mS6v-U!6ivp;aB!hFWPH$4Q(<9nK+vB>J`+|Bw9se)rkT zm)ZY(>RB@Pmi;fS4t3ml{L}ik>faUWU&Qrq+NIMK(?S|OGt|H8xC`{b?dspH+8^{Q z$g#z<>gLQE_3sAl4{>q*n;YaUG&=SUc@GVn-nCs?)RPZ{AEI@<=ent#G0k(98Bbm6 z-Kjs~_xITEPw))2_xPL0{Wbh|lg;m@zd?B9+r}uAU<`(L6oqkQToZ2sISG?771L3U zS(t-)80jhs732aW*!&;HUo1~MP_ZK>DF_vOER$?{QqHnAG&rTR%Lk=QM z&y*_rXUqR+zbpUayyH4I$^YuAZn6ix>Y%-uLOyVP@A`704?M0-zh1go`L9PEyqR8w zL3Qr{V&7i6gYUmdIY4gnTjLh}?fg)+?AQ7u+LPk;zv54c^EICH6?`YJYY!*MSQf-J z!Kxjz8#SoKK^(@gcYTzM^YD(7ac!WJ}3UVj3O^|8ORzYHh_79ppcU&tcNsnWTTh}P3luu|r!Ff(9m(i#hzXwYEA1_{=vk;ED+R_OcPSpB`f_jCUEex7yPYwx|*UiW9M zP1+1|{c#vPz??x3I`=C%V~{j*Q;*G`|9_UWnIVl}5c3dp;NJ;dpq`c36Y|~K=J)6S zpCZ2Z;WV6qkKr>o57Q?(0}82*|G!2~+Bh3wNvM2_Sw7-B1a<9m5poGEg=O&l|G$=F zZt3OSU?t{j;rnxoop#<8e$ap4&Nw5UaYZ8I3TQJj&VZBLYYo?}h4rujZiP*-1ze0l z+_Q``kRHY<^ZNgcmj_{9|NkuG66hjK_XWl!ql`<&8K)roM{qmL8UAYjt(W=>?j%li zZ$K|&oI%E9o@nBRjHmqNF8qeVa1UYqJCb`vu}1(mEBDIGrkrv{g{nJ$KW;n0ZfESC z$a}#<*dKwm-MklLq1GhclQDj`o-@~Qe*&I@r=c&6`{VvBW=|RSH(V;uV}1dKX1G7^ z;p3iOcoDY)pn(jSToNqV$cg35pCG4Omq;P96e^(x%wU5?6+gyx@WcNVFgu|Q)V&U@ zNB!{qwGzGqGPY2@IoHvJ*%eOulRg8Hr2kpU|BTwN#~o!sL z@1b1X86bVT{pBQXr(pj4kbR5`&;xiM`)L^5$hZK!yC{RuQG||=5#1mQbrAHNpzJ~) zsQ>74U1WSQLm3_+o}*kh&UMH^>_f;i#Q8CN2IoO{AWXhQehp9Y?KVbGzA1O=8CXBe zUtVDR0PXNC;pA_WC0GR0J2`I(xfGVcWQNFcMor4DT-#_YJ@iknlwvFGri(OZlb$S4o@>!r1Yv!Q66; z=bB}nAF~bS=O6a*oGCo#37#FdZX@kEvIEq9MGw*i^ZyTGtUrG)A@)~b{=bCV=%?WB zV-Da5Zm+>G9EX!|3f_n5#y~lZoVYbm&LAiGr{l-S&)__K3D$7_zZd;oA7Xxf4>!js z&rhG@Tg)vNc>c4D@jfOW*3zaQCSAvQ{t2ER_y2YO0eR6zyzR)r&zSq;+WGyD*Ya&* zUJA=#Ik-|;e<2SCg2@AF3P(*f%3_C-m{nT$(Y^;gD?d1 z>uUzuKOOBK^L;(Zl%RVtxYJsY}$d??kHl%Z;>w z>KWwCKHeYM>g4??7j2Y}cD0-y{%IHeFZkj7#|!koVE+H>Q|R!YqHjUFmu9E^g9F5^fee^F!nqE}3FZd!kdvF( zBY=KDq3XuBREn&Gd3`_9CgaYP^zm53#mx*h7~0D_fNzv%gYWkPHR9I_R{kOW0>h9_`lcRPGNr^PD3yC<-Qd> zcMoZNiarqbWbBQs|2KvHU-|_b(Jx?azYU#&_K0hkANl{nr~E(Hr()-f6>*O-|HmA+ z2fRhh|G^;4pMOmpoy6G%-Ov++ZUKD%f4%wm`OnStL*YVFNSb;NFZVpoGe)sK5Xt|} ziu}bA8ZPEw)~htDL`RrOFXkhB)1&Owr+=uvlm6e=_Hk~2dd7e2X>{U9s{uQ9-q(Qt zkb(XC;KR)e)=<`bzrSCINI_zxIO0hE*i}+Q_?BeSe=lLwbYQN!eFy0ePTbV93aZDK zN!3)S82zqdj(Mrn?Yl;5Q^LeF6DBo&S4+uMv=oQjEJaCCQV10@AyR%JM9OsQ*}E2v zE&y}jrOcsSxL(o?>m;LWo#-akOJ?{@l9h6kv~u4vo+D@X&5|2+IsZLlKU~-ql7C^D z6og+n|6WG?i+5ioB}L1nluRz0Ss~>!E2Scp^BGS2OUWgyf9>X3$)_5=)AS{jcW~(! zORHZ1eF^HjG{$nA6FSV8p$|V3alVQ?3a^0>N1FW>#fv$B@2RSc^|amBDc&OLyG}K~ zsqbi0T-2%a`?0ZGh@*%4ws(a34*IEg=g(uAqCPY+_lwj$^e2Bi;j+G^KjpVroS4sY zk4|J>(eK1yL+|E1{dtzU4ugIf;ldV6?h=s|bkBYUZo&@%&YGfE{N&G=T}g}O4dh99 z560m%u`HOTaY)CmcKy8QWd5l_aXm; zyb*aVVd9XFA^#KkIC2|)&%k!<{PsZeGh_{tP%;u1iY|@+5keMj*%m+1JN+bw_2^t)CXe|CgWXSl zN?ZlV!U;bqI=4`Y`O!oP^BtvxDciMxGUg{0jJqpO_=%Brw~F?+n)mg= zQwQecWs1eUK87{-3Bbg7@&oC?i{96dqsG z%+S3R+SMUEen;Rh@F5(-|1xk{=o^ri{Xo;9c>_PXrke3U@)Wm$K;`G!L+r0wA&M$aRnWW>pRgE?PLFEKVf?=at6&g_JzjLcRb90^pH(4oEtfU zjtPFPNaxW&smI+K7$|1$VTnbrAUseSu-lOKP|myI8LGMdcI0lT9S@YcjRCBaD`FZA zl;7f}2OH14VYR9XPTPjLfV}%0zJNmVTp|A#Ksn!kDfV{C;&1TFg$k&LW)=MY$#-`7 zWqjW-9PlG$q+^3Jd@b@caw$9wk8Dsz@>KIiWn|e#W%#5jZ&QY!zg8JJeuFZ+0rMK% zmuyi+p1wmFUVeu%a;qxil#y3%QHJl@f;m~PUKqTBIIik z%E+4QmEl&nbCWV$8L5oCwpkfoxkedTx<(n!_%YZ27=PToxVIAKYwmw~lQQzcCgld+ z;VaT-58rq;j9j~pYj0GVaa&J%4cmBLGvPN~ue=_BebZ*XAL3gYtBgExyE05-4#u$- zcy7J&4*nkM)Bw`R9k*I}lQ>w4)7WuG4MNj}{0-j?-4XuxEShA@?LPizXS_*q+Ly?y z*jtXSR{Zflg8y~M<4C5(G*Orn!0NYLG2^y^c*CJCVTsi4T7rJa61f3;b$o=t4e;)Ze zV5&ehbh3JJp{)$?uWsJqBv{N9JRkDJ2KQ_vIlO{5n;JzWuFef;KB@!J8GW-)1E} zaI=yTwpr1IZ&orxHY-`7o0aUS&5AyHvyv0BS;>vutmMURRt#~QmHdsHm4X<)N7}}s zvzJM_dcR?wEllK)YJMNxpegh(Vt6i|w?K8{+0(bur= z=3Kjk%S3&@#-`0mlXJ7enHypyj2d5q8g?h+_g?P59=!q8&RSnL`W-#!cf5(cF9`h) zQ2!t9qOx>tBW*S@c8I!6-o}3r-I3u(I9qZG-Hwlm--j;2F}1Cyezj39HLI181C+T^ z%6UMPGV&Q^<|)EW5$-T;!YJo6Kt(5KL-Ky@#Muq~pr(Nb`7YEY{#f}7a!7Tj0UM^z zsD1~3!2T!IZA|3P$iJ%Q6RZQM@&e(8f290PHB*rffBYlmQ`JlwH0|YGR5$WgowM)X z5zJUFSbCYyQRjACyG25;?2TTK5eP;}$yMU5^-{|Wm;eE;+Mf5Ef z@lV}FQj$b{#r}n|@I_Lt<66wajGc{fi=>LaUNzU(aJ`A^hws5}DLSTm7mJ0yQa#cY zxKM1J0lY8kzeraw`uSt_{sSB&*%LvckBn3l>a45bCfEuO!LOmvxmb#}2crKKC?$IWr4-6Am+uXfijY95 zj8We|P^ysC!R)CBMHh~?uNGMsM7!7&B$ip)$&0j;ezc3UjdsF0kPTedh-|{%jBE*` zUDXHi{_6S6{0n$CNILw2q%)QCm6K_wxxObc2;E8AX~Oq&y$k7{h*Sn}^MLn6q~ePU zVt-B$`&fe{eM6vFUgST@od@M5-p7X7eh+;d%zua60|7Eln|p;H?aMs@vJ!bMtO16g zn)N{UQqv`@<$TLO7cnyo)AXHTedqi_`3Uo;FmRgmuVLOLn|YT;{_BKW_u+$L9S)F- zn7@H^36Oswb*!h@ucbaFuI&2*BnWvaTm|jXJlhd;L?W2;iCQR318UehN;|+9cJD&@ z5E)K8^Pli2{2ub*ZNhy9frMQJbTKqu-c37xqmn*#qoSFm9L(IP%;!6KpE0qRaS-1< z>75JNpoe^2kle+!c@vZaLy#1^Z&XUQ-k=m3Z&ZqoULxh3`%#g6gHn1lSjtYUQL3<4 zkF8TGk;asT@^h|z25M$6kyK8ULm9c*+`k$%jr=_yLBvm@MA7p;xAoI%yncq3c z{LVq?OFSt3;EF#eZWxF|l$FZzJU50)Zb!9#I z)(Y+5e;rK~_#$5vZ|@_@A2(7KH?tLM9d2+8#$W=@!9|#bpd0CTKr-l{4D8Sgqo7GS zBxz}fL<{MrLy}=QB)ZN+k_lOmJ#k3%kOR51ha_+6kQmM#l6+*r_#r8@ACe;HAt^?d z_zp=avJ889(m|<+J}8x;2gS&HR-HX4)lf5Ykg@qesl{A3bx_RV2gMS3Q0l=NcTj9d zJJ&go4G9OOaqmHCBCcj+3+dX5bYgEqw&ULsd64}Vq(8Eo>wA#Bq;p^V@1=hqXlH_-CZcq42Qdsn`QWUjciqrN>$;f{8i|?1Rv->Fr`=#PU zyi#e|FUGx(DpeQuOZARNm6{X##kA)osZD!WsT8 z!%-LoWAbA88oA~s>M_^}kHHi06lgztNz$KsSq@;1yKLW z0VzRNgB6DF+^&qsc4he6dl`4!r?lYK59eSOLMRvcPzBA<)p|g>?>xX-F7qkyI=lfr z&mNH8fCChWg_34kC|YEC6T0wj`oEA#$3F|Q&n^@_z-_P}UIHy-LOv8j9}K`d@E&{sAHr9#;#S%oSPgeWCgeaf z48W`KAuNbtUIiY6U%_wTCEyGgO(x_(JviW1cpct?ci=<#1U`o^;2W5O+S~XRpjNj; zK0##?dms~Y7G%%(iym??=RzKS2FR!3EnxkvkO5T@|7$5` zov{Q;<1Z!uFD3u!8$)HvrR4vm_kB|=qkPUjsfn3M{9b`flXdn%=kPg@X2j4W@2ET>~A_;db~5+zpSzlkf~2 z1TADjJ`_VaR6#AY!5`sucn98t58y-i1U`o^U=9}0XSftDhZUf4GyVtdG3NguV~qVl zkcl}9vS%3UK@R3z$ivS7`Irl!(9QfG6f+M{0;L;8%3u|7uZDGS3&hcP*-KlL2$5@e zpC=SCsvTwYi_$ntL3?I_q-O_6#>uNiSGqznm$P2MHQ7g2iC&gUP9x{dwT4KZtQAAg zjgs$LCk5Up{tv<2^b4GW$GC5jd139d?5pQGBmJnsyKtv3rG1)vG4A%@KFt_i)v4BI zphLzOa*__>B%Q+{{3h9_@ds5hPX3cBS%>?xdJS{kde^cL2vj`+*ls{JH;S?E-+ z;yZX(4Uc)AGyd`y)$StvV{pH}{8bHq59TikgZXc&{Z`D(_p5umKUMAUcbM!6kbfZm z3IBrWX9L8aG+PMMj|9l{&H%Xt^Odjyd?e%K*8%b>awGOtz*2{1vL-+lMT+KspbgaP z-a`glk9kXgL?Jan_bHhxe?OmATGDZFry{rGZVaK_3MP+RNmDw?hNo$>4l9y-0Lj{5 zZ4_=ThWu;xqN&zk@cgn`H$ zqklHo%J?rTNaoLHWQ|vw#~ASA0MRlR^jq%XI?pw%2OE>vqqPT_!n!eWt7i3ngLiUI z{A-!GoBv+z|MvG`Uy1)R{8?8Syq~zCYMii8cXWYFF2T)<{|x?5v0m{d{ul6PeWng- z$B?6h3m{A+^Wzc3`6A}H@7%O^5gvE--KJ}Jra;1nE)aEpXjL-Lie1aKs{bU^;#L<- zynf$3oBWf)OT0&-q^%7k8u4F!Wap!#>Mxb zEyZp?j}x;;gmg!TlJ%t8edtYK*FMDDdjRE^__`@$#!lw`pQnxHefu{N&cd43t@!gS zEzDu5_UXse`=K+ilyE$|a~ap^c&==9G|xT#5as`QSOaSbOPsYn!t&1Z`N#VC{PlM3aVu`5 zzmfScH6NzGB`o!l`u=K~7Lxwz{$7UL^Zu3CYr|D_c=YBX*UhJ$T92vUj`|I?;XnNf zaS)$&IdN~|9;AVhdbf&t&Zw5j7tmEETwNsTM7+kcxb-jxMjci)!ZV-Zddjx;l)uap zE{(iV|FLt;4eGNHj_1k1O}iGIl%<~rfrJEsd7!YY(;h+6$vDK zH?nJ-vHvmlXdPy67We2ws%Ja6z%#-eHuwnRg(1QZ5;llygJB2kfe;9V>18kaPs=_2 z6Q_3gPi$&bCLc@jpX}M`@5HYYdch6z|Mz5FPCHKfpG4jxb^FMBKlI_~Yh_0={~5#l ze_WvC(g(|9p3Oi%EFW_L-&0{Pb-j=FA6c@4bEbFm4WJKGj;z35nauZqzDpId8hZ`y zrg*-C?f&$C{ptUrTLATk(PbHDKMZ|pJAG>hvSAkeRQlXa(0qbKJ;s#5BkBi3;i4z01tfs->&cV@O-4fVK@rMU<6LUD2%~4Ou+eT6`4Yw zg>!HLE<(-4+r%_`o6KM?DpX_^*#z5QyDG`!fy7g?9k~Nsowtb_c46KP@sI$!2)hTl z7j|QghXmLQiI4>QAQ@6171BTldN4o{l!0338j*>_bslpP(uCatcJRX<2t_Zb|JM4k z5`=m3)M_Od83LgY2H{|54rw>@15L=o;DmC_C?Ia4ICYl zOOX_J%?cpNHP^#>xCJ)B?Qj>|3p-&#^P+N|zT@PwXB4ewkxZB`QzjN&!Tm2)CYP^L z9wyAK{@m}@A1l)vu2D8)zEia?xm>v$8OgIn0bMlBgAk2*Bhaj99*6y)g>1-&Qm6u| zGtE;FL)chI!u%Nbio?7Ws2(*`4H~K;%}Y=TPeL&~2UG)^lb~S@JS~BCc{lxE+M|pV zbTS|la~5RBFA%+j@r<4EjBlajAq}**`N%K0{xdiY#X-xYgniqk7g&FXa;SjH6SRR) z6}wETku|LAo1iw8wmy6rbv1JoP#wn{1(-0`Km_lg_UDS|&lH|mASIEMaVW#D6e_}* z;{g2yp7HDg$wlVOED%E{x?0!^nifdDn|H%qbB=dIYVp^d;2rVLLS~MsXD6sTTRnqSb_z2#E0Ngr|U&Ct5i=h^?2Ks;|O*03XKvSq` zM$+xj$6k!A#qIJ< z)J5y^uQqe&s>xWqvmec-SCi-(LBxmYs$&Cn?yx4FtV9rlmDg~n} zq)>OY6z$-=^KF+&32U~c$TIBZ$cj|{!G|NQUd?}RFB22gLLHb7UnUl)2P@dz zmxvu4O_xZ+2?U5V`fhn_v`|A)R<)_=hj z!v234pda|Z>BoObTKogPfmslW>$NZu!1s>*ZMYQst#BVa4Tqo{C|;Vc;4;Eq&Nsew z5%n|NfjM>!^C@73*T8)}Yc}v248w7_c`bDzltUE^!Jl9fF2W4V!obO|q<}Ap@ zPY*eX%>O}N3iE%EkGTK}@hgI2`b#Cz^nYUL|4^5gQ>RxTE0Y+jCI4Ih30Z^P6vH@; zab6wLJc6FyDEd#-vsR>ShW-yY&eH#Z#xd$R>P>YIdJDA1qB{-q|M7^UZrny4x#PRD zMY|KI8?pcJf00z`*6s9vV1EB!D*DlT(HGg}5gRn{Z8_o>iJNdP1}Pro0O5T|uRB;a689kXPV60H z!R&1amM-kQ$R7Ork$u=V5$+!N1$2QIiogQLA?;i+m07T)&vHfy=rCtM7I9`qET?P* zOC?mZ#$UyHz9}Ub9m`;;OAKZ_87xJ5&hAJHmJ(wyYc#A$VlPEjqy|el@-*MYwcN)5 z!|(wt;@gadpTK$S-@p>gVXzS%fJb0I+zY>g=RgB_PzqM~0BWEM8o&o9;Y0AdfxZ@8 z4L^lq_?v3x`%Zv8uoun~_9onKhkM{U_!;~X4#M+L4zI#7aKPIz4n44(^0OE|#T<$J z0{Jcc2=kqAFFXW~!*AgbWI`?2p$q;DqwqKI(xtzW;e0_yXy5KX+W_T7}yj-SV31-d!UckH)8sU8) z&8M%uLRbpZ@OvK3rNoD7i{=z&)U-4am>1&rYvdB-e&nsl|A1!9eSj(p7-GF;O{sqXwq&O)` zj+5flI4MDvVlTtJ9RCVrCE<-RarCX@q#9X+-GqBB{&h(6xj3<0jFbA=II$va*zLGG z@NYmi622*hedJu$-yPY5y%+bskT~fF*Ty(;!vJ`| z8^V9*VGxEu!~fmWcy}%Do*sOMWQ5)!y6`(B6PblQJLV42$K4@0$Xx7sxEt`#M;2f& zOuj>kI7^@yS%SS3_p-1%q&(;jsesDZJH!Z8n5&@%KNHkqt^@PT9b$oc%vP}BX9ox7 z255}ELzxDkd{osn_d;}Q4>;W%+J{ZJ21ezJ% zAGF)!Bpov1<3tCUn6n@|h5Uyc%(;+^hVmqYx_3xV+Z+xG-I~}l3(Pt73npRo_5lc>xYmo>~0%pD?tS?8BRjBn9wom<$S-8x-pyi2+AR6Vg4E5Dy=^o47MmppnTtIGcOCwj$Smxd zz|Dfbrf8Ar*lQ9tiD`=O=^Wn^vJ$&-+a}fzH%T?J)V+!I!%eIoZesm#lN54Y5!V+Z zOZ;Nx73!c<@By5M{nSsZsV|w5)-X)gJcQYV{4@CA2zA^0v`sJ57QF#M*l&ir;g|3d z6v4Z+Z|5P1u&W^k?tx#xbC3q5@C~2_r&$g+z-_P%9)O?26OagHPzwn>z_U~&ol7~EfC+;xFAupap+YxzeR^SK#^Rc(lo&!TBZ z;bV9g{foMc7cd z)#&SfCO+FV>pGvyknNnfWP3%#E=$Dm8tdh3g7}d57xE5)+~3J0 zO)G1M&NEj?+sBtn`x7D3cz&@otqhXpudkGrZG-^<+d7VgyrJBZ_Uu8HN^|Hi$OFrRb3T&}sCcvOYYG|$-nJca(#InF#pT4&LJMymhraUdIZp#PlA{=`)DUzx*c zf&ce>h#$^(V0=6Of2ow!^8Nnb{&VQRjIuv*oc)Q&AI_g;PH2$0hQLDl7|4e?(&|^F z>FuQB0O|7)TtgbI!tD-Z8~%Z$VHzBThw+~yUB4m?@8z0D$%`1`Ity2k&JA31ko^1! zVaoA)iErf%_z2G8=ivI!xo(pD8Y28(;D2y`j%xVCZ{eK7Z|H-WXr?UQ!%*L+AJ;!vTjs_B1>MjCz0e2!p#Gb~4eGx+Jm3W%48qVc_D+xnPm-P=!WVE8`4dfgX-T^W zu)hu!q}c_^%`V*UAq}5~3exzGr28AB<4dId3c`)yR*wuOPa;YGjc_?(?u7>k*9_~3 z_fqb;nfrW7yj_IfO1yc*c?;n_B%gnZdmY4b{Q&+K@E;@27YXw!_Xx%PN%#uxCC)*3 zlsLapzYnf|hieiD{{ZogBVR{8N0=P^2k~p>-fyYz$@QJF*GWeRX%|WwLND_dJc0&K!NR!OT*NtgO~LFF<=g~!FgonP(tzE8Y{I`0_xb-2Bb_PK z$@^HlNo0N&Sro?jJcRLiG~;t*SsdeYsK8zh#&E{>P@Tm19_GjQY3NQRemA~PBYsse zHl6!viC@S4Gdh_cz@CZJKh7``F*cZ&)O)&drf@K|P^GDL|kL1fIu!3}| z$L&|7V=(D{6KQr4IR$?w{jVVXzareNm=_Rk3i~I7Z6;kWBhU5_E{3wEhf(}aU|&s~ zAHls`_bYe?4#GEF^EtAZdpt}Wi?QDZ50Ezx!ox5CH{te2*hpNvArT_U*Nw0bBDvRA z*bX`Wu!?uz425CnYaok5sZ)_3Kv@jsKaTQ`tPH07<5v|<`A61ZH(jLskFS*n zNfUFRpWH$k)cg6#!^j80PMnS)KY0}MgM9_Z#FMLokrCN<82i;T#*}VA(44;MkkI6&(a* z7khZSx2;0YoBx=z7r8Hi|CVF#LH4qz_xt~gH{#b6yh>i;S!?0@|BKgie!3ORU;zg- z%+Ssu?NG&D=xXj+i8Sg~Nv(dB)Ikk)6ZYaj_77iVA5{=##SkmyovRpEGR|O)yv%Q< zhJ%HU4L%9ccB=rEO{~R9#^&jM3urg^}59%HcGc=gky8(7k zb^ltJuy5{U4@cw;qW(*>-N@dJqCjyXTP^7D`Jv0ly^E4#rSKv;e%Q;y(D@5N_YYak zK8>o_KrwDaHxOADj;^UC+5qX@Qc4R44Ycn0(3v9UbP3wCg1oa}MZxS<8k3 z%=uuzKM&p@uQpTue*zD~L3jfc%H%U}IpuO4JPuES1DZjhJiZ63D4(}MI%TWy6UsT) zx@jwXl+jeRoWfoxf(XiL9E4ClBOnfpa0br963XmKxP-W_fd7PFLJ71$HMGMt{1@f- zXYdP1hak#wI6O}Idl)j|O5W{5RZ`BLgo98Ie}vcJ6VMna|7Dba6XhS7fnC>2`S(%& zk=fYwhr=bui2ffkPe=L3EgxAhOZ$&33JaIwBGw-TC9Et&<7vED)R9GxP@=vQFsHcB;QxVPvCBN5T1jN;7Y!Qd*K=AgG>1))x7~a9||0(@-xRNp2_3&SeBOZj^a4$RnKW7Yj;ZpJv{svzGzr@jW z@tpTvMqWZ1+zgMxui-aff>*%>K4^wcnB!W1fQKQX7XuAb4$`KW}+>_lG}vWw6sh8)O+ybG+qLp~HhVG;WO zW$6DiNl-#Or8?H%nK&qi3e1&m*58>ps3P9#PS)SKhY7tnRUfX7Ys`BVie>LY&SvLd zz=`btOJ@JszJ=m|2F#7yIUjfjXYg<1eBiC@`AT5#S3Ktfr^7tYy4q3k~kVgFe$`_F>V#k+tG5$%d5i2M(x{D+hOVdVdq zhz|Xt%u&uGLWe7xaC*Y!%nJJ-IA8HB=XlWe=(>VWv@Fv37;$DZlIa$QAkG)Q*>~BpGu_f+Q>`6Nn#~${% zqW9Do&z{c&#=yHpT6S^H$PWIGvz`Cr#8LiZDgRMBmCop$3detF7Q!6)7>ryDVKDaC zgUU6?NLUSP;YPR>ZUU=?d)s-2BA%s;d-BWH+eP%YjOcBd(Bpz0%pNCtTTSS3aSs>FpGQNzrv7`}o5-1-Jj2i7 zPM})S+yf85W*A$)OSupE5Tx*46MWwrmr}RDY6yptts*xd*TWT15l`BaR%OW21k!vT zX`e_Q>?JRt4r=$12OEE;)FkmtOhmb106gG@UEFWb5Fj6Mzm9SG20H?zYa9Ch3G4?z z_G0fteu{sig|_|NR%v$9*4t^*eYEY!Htg+4a}#}oqOGhQ-YM$;6>RYR{}mcA|BE=5 z^W2X>0K^)u}r~?}`K^t^~3;qnp;WJne%339?hr3`qJPf}F z^e;6%@CqD-5%?Sy@!ebnw?Zszg}Z^@!)qP~jg#_Ed#d$O{*f8jb)(e(~pmL z7pebeY5$RV*bTVn<6nR*Bz#dX^*`5_AWN~A?MDAE0sTK@WfJ;-v>8>Y=>H*Wu$yqN z#lH?|b~1+SMgPx7UlM7E(qb9K!r;a1qQygVmJZsz$_@Z zClc;C=m#&nN*sTJa;OGd9O=D{^xlEK0n&`!5=nkUlOM>|RP-%zZ^OSG*@(SqFa5D3 z@&nmJ_}-)Rw?;^BWC!-nNb-a0yOG{m#tOK9e_o*ryL*cKILDjCNe90 z2`{ol(wdftHf)Kc?_#XZ85IV|hXTlsS|a+;C6YtfTx4n75-B78a_(P&Ec9FQ-F_@& z3Dj^u6YjP6*C8vh8>jdlxqmfMlNcarpxqZh{SY7-rU23D0wk0AFAJHCBDx-P4(43^ z@{oomblYYEqyP%_0q7V6(EkmP5-9Bqp#2MA{)_b=XMj|e1&EQw>Z(N6f1oCX^&hB3 z|E-Qa(B@#)f5OqN2xI+c8@d&NtpDsl|0jm^pI-Jjgs}bt&Cn9VeyivJary;tHerCY zhqL}O!un4V>p#hyZ%14`j17Bn??d)ucM*>}j`bg;2fG({AO3^LA?%uq^nYg2(?_P$ zer24a{b&4_30aW6k#QyDKrZCz=>LQ=&J1Uqi7ZS~$EEata4#|ayZ?i|9D9Y2{twcK zy$V^4e+|-vy%t%gqs>jF?M>r*11s3T4i0F5M*1yHI=(jp-y5>k#P?|7dxUoANT&Y- zUG$f_b?pBi36$Q8?Ejx-EPIUdKg0J11GF_Bn4kYU>MtLJP(MRP%|GRO%F2zf2YvJ~2oxsM|KS~qX=h8I)bCsBzd7o^IqJVT>c2TLCeBG! z${b_aIjO;Hg4*~wsROfpPAtwj`XF<(k8`w-b7IHrz^wtuQ~%9Lzi&=lx;g5_xXp0@NZk~Tm3nb1l<(+SOS^g|=*mm-^D=x3(V z&*b{~|5~g0aEx;p_R=pUKRRLlKiFLFJ;V@jxM5I;@{ik;Xgs)TSx;B^uUee_j0%f9)_Pn0vv;D_ztp= zFM|zQAP%>k@FE<7OlSZv`~gr=(0m2ca6k2ODrCSV)bU|(IdG($CK9<34nR7Tz%L*X z>c9a{!hN&{55nIue*XdxXkOtk+x z+J8OmKV;LU>uK9_khuoh|1#Qt!sH_huxAs;fAIdrv$X#gY5&jB{^M6pm{|RH>%lv=R|1$o^yQ9peMX&^WHF7!9j$DImM{Yp6kuk_O>Few!9V($3ZseUG1~Ux9 z$M7lq9fC=VrSLmA3>(z+f(odE4!)yKzNapv`X87cWH0tUWPbwlzk8YgNn)NCss0Px zi~I}MZRR-=K@;efvR?04*|3R1vsKn1W+9g%vT~bZIp~g-754D)<($N2~F#d=7h%T|( zsfTG3?TjlOTf1eH_!?;|o64wnP1L){2l#eghucWE+xc!fW~pa&)VqXx8hekCdK1}4 z*nZqxz0|Wl>RqGhYX!r(fQ0uW~W)n!kq0kEBYd{ zl4CL}x%lVdHb4JIT~V-&_mAcM>0cCYWRC!pMx*~S%KP))72~`=>1l+jbM${m&l=Li zM7q_IMs=9YLG*v1o_>$j5B-;L`ahT*xHZr}X(Y}jXyzX3e+*iq(0_rpNc3L_+p&lK z4|FBb|4F3(lT807mHy8@`ahUm+v)$n0MF{#O8+N;{txCs+*JJ+O()|+&@ygKcQZb; zGd^VOnn~M{g*n?uI|Dgov^z!285@{8rv1sMpHV#PiaLdl&I^6RwAOed-12i)Jn&lJR{Qa}N`I|L6Gr zr}+M7{Nxnh)i?}Y%v2g!2m287-{4Kk=NNQT)+hKhQmIq^xtcP0Ql|``)+ztOoEAkH zUPIdg2Jn(LJ{aVkhm2lyfdj=21A6*f&_f#Zj&@4lc&GFerlYesiD z0)JRbodg#k`+CvnxKAQP;TH{KPni||L!cSk$v2AR=pjuGWWi_DgVQ|Qm&nS!q<2V{ ze2aN(gIOt!EmF#MkRRK~j|B27k^F+dly^?;^D;Y&z(V4uGY4=K& z!7JI$5=B4dW&NvA$?f$@UPz&0DDz5wbcYlitx*ckdZp;_Yf`+mP${`!Qc6d?Qbzdl z39nS_C{!x<7AnTnLZ!;>rTi~u{EPm-Z?XKH=dEMH)9gh5Ka%smI0MYe8DO^H#q|Hs ztqwfN8Y;TkM#jI;9L4%Kw4!(Igf`6W&=HURzv+Z@m7Spf`;PQv1VOe4O_`F2zs+rBDXtPyv--962skM~_SO_;IP380Gut{EIQx zaKSwK7xq7lN&VQESdljNfZ0dJ#DQ!G8{@(2h>2eeHXakGTNyzyQU2PDu%z<=W4o zeD5i#NIE5@$*0hRIVDvIr}*#XDfv5o=h-0Ex#6!;be?*EYrBp!?uljXd{?bvjzrfU zvtu{w*K8WIVYesn?*Z1lTl^RY?qMx`7yTX@(FVpGt=OGM75SQYvxfcU{6n0pw{t*> zP6bHymw%C><>=kq`WG?15Fmr$%=&fP=Owrhy_1@j2ng+U-}qd`XmR1T;!*D0kzgHi_N`+QOXT33Kn(C)gAkcN+-%XB}w zOlClRrsc{1j`)!dlzu%cTY#xH>vjwdlPY&xc9nmsd;m z*H=lEEMt5`KO8hXUn}vCET&Jfgt0*|b4~CJ><82)GzZ`iXrTxypbAWIE#>D=$ammd z_!nHtIulcF8m8nl%kjSj$uykiUHT_WnPYwr>5}#0&bwI#vTu?B+MUdrt7P~^>fy?0 z(LHvR^yBtAWD9x->zB#70CZ)jw*Lw%Xuj`+pTi4~3!8YAEpR8?1^2-HV59H16Iq|k zIwO5RGyN9}c=rv6uc%K3kwf-Aab0kUJ9$6`jBkhs*|TRrdXomEFJ*xK#DH{!4ba{W z@I4Pmci;g3fE^I$zCOy!fV2~?@q~-@iUHPZ`dF_R5Zk_T#lELpaUdIf1MK&yRxB3= zr2g1|SdR`cA5^87q6at^;0@+O%9TpuHTIS(Rj~t7t?%PJl>zxWf^Q*lfcd0yrI6<+ ziW#84HNgDV0Qy*Oh+(Qv^24f>0?UA8gMMqDRXG14z$^hxK2N_;4RQ=3x&# z8zPN1NsG)@v`seFzZ&Hie78EEO)^cif1%k*wn?YxEjHG_ZIWANle~y*#jr73$wwBP zv(f%Jq-cjtig!0k$yS?`LfM{1DMwbM+N5&3O^leU;%!pB+a@&|ZDNYENo|x(>LP7o z-s2FXkG9(TE*x{A$qKPkKifqg(!~6qT^_;hF)-ksA7qz;Ks)oTcJ!(3 zQXFQNl2AMIpAGT^Vamr&p#Ni+O2Qg1G)Wb*`e>8X%$$&?@ULysDRsD+x7*Ptw@W?o zSU1|mhO~#}D2{kLx+Hp~G1kue>y>8i*WzxH*6ljQ$@8_vosjlkz0#4Ip>%GwOIL~= z{U1B}e|n|&gkI@G_VZk>Jq_YMXP2kBr)R=0Uho}ml0oFNxb-JFq;E7+>5XcZ9^G5g z?QUi);gC*4vveSbB65_$DF=N9y~42{8jrytFCg7+hqx{}&`{}lG&p?Ny`y8ST%v925ni*uj zB?T9oC4ZYk499YmJf1W6LXMKd{q)ItB|FJMW7HsN5e=e^ZD8K5K{9qVNG12m+}^7Aol(nG$`L=Akj`<%W&rUq0#sp}zT|Jh1aQ-f3|2TA?X^X^klp7Rq-UlY7m!&{C76UfV)9Fy$$StA^*!7SpRujhLD;fGrB_siuRb9{V#b+hTbf?m^>xZ zZI-N{R>uDtMQ4|zNOE5Fu zXqAdxW~tm~7UQl~<{iyay~8Xu@n$jMUc22ab=%BhK5Q1th?)McS*)XG+KYOzUo^A+ zMgJe!c*4xL(kji!mcUl}|0l&+)+%j@8l@e#jv%vi5>MAwvvlt>OAoR)zCh^Xg zQ(P%#aUac72DqPRrd7N_8pX%+4W`onznG_Jd>SP!%_3U2h4nuR->pH>g&34fWY&m< z_QWdsXp7{;INASfq5iXo!OtoA$bxVS<0*?2?XgI4ibYD2Em9g{kuu!NgDkAiTBI_~ zDn?}0*-@!R*7#Y(G~tw5WZkHf@&73OOQ+PwrzzG6i`e2VVh^>5gLoPuER6px(iD}i zG;^O8r$K3rvhe-}r7g@N?M+VlmuX68l0~|9j7s-WgVK|vQF?b-IDge5{d+Cc{|3c9 zVNeE;o;Ztm_gTd^Ymvbzrwm=NFlSINU5uMLksaqqGk2TxCDlu>p-p;_o*nfva8awc zgW6cXe}_4fdKvW9i_cvz-i!5O#lJqjO)OjMY1_@xK>j&!vnREQ4cQW3kM2UfG+}Ps zR?nENp1F&9=F;o=&s4pXl(k7Q_M)bIr7*N!DvbF`dB{7Qp;nJBy;i9XtCuR=jnVbg zrRhrDo_eWu<|`&&zEXosPi$lEqF&Mx+UTU#OBQ4XY8Bl~n`G>MM{*PDB`2v~^t@j- z_bIrLujI$niy_&dx0`9EcqstK!9pRh9i zvx;dZPpNfVnU^n6%wbmYzd)(yepX{U`XA|vJWFwoGJ&oWz? zS^0j}`z_V`{mS<{b4*oHB^ni|)!0Z3UI|rJRYsT{GspBEwTJHg;->KIoZYjh@)vO* zaU?sXWyE)-jCRrgPv`nL{rMB6f^9N~ z|Ci;{U032Ay;5eGoP~91zYOa4ANauWX^x)(1XD($^Wiu)_J!VOpPu3*-dyCiGN(jS+3e@4>8sn1=m7o>^zPH;mYNx*WFdt!Jcb=d5%-5w>-t2BrPdSv-{vTPx{W zVh&sLi?cif*lp39W_f3BR>B8oc_(95f}{(SX2pML*yg*y`TpP;@f_g$pl_Bwok3|N zc6RZ7@!}b=6E}QrT3#P-w4M02+xGgl9C6O}`d@@?U*~vxz0<}2$!O&F?47m~_d9K` z_Y((+Z*AcJbu{q5J%}3{Y~8zgbcAmw$EuI}fP?5^^b~4AFQPv582aDQ>%XU*M#{NA zYdbMrur-|E_a8YH9q)=bi5r=BeTe^zEGl%+uwafMt^^sjQ!z@GAw&!5a}r{k@NuG7mpQnVC5H@LX_( zq>fy{_rR!R-m2J)$715eD|kok3Yl_EaGhst;sAAI++hwg!7TM1*nb6MoQ!QeSF{Zh zk34vV3=@wLkD{&@X(LzB)&USKyJLZ`5@K?+8yw(}NXTw944Zi7W7!%t+hm zE2Q-!##RngZ0)JM&DV7W9#wuDb#KMy|B&BbI?X(hxzt{(wgv@c+58VT5%*_SP-_4EXFoRIbl6Vib?+xY%(3fQ_+ z0b5Uq`+wi0^r53X6COkT*G|X)8hm+DhK_Lme=uMhc`<|IxOWP4NCV z&wuw$%FOhhn!rGUA=?;-_OforYGP3yc{7O|J)9lIP!U!{p=2zW1H#AJ})yUe%B8A z#ptu!NuBtTO+UCpGWYJF9d_^@_zuZGvIA~-NRwl}?7Km-E2ecL6%Hc`?w)wWA> zYP+E*&SfODFSP%y+Y{r)#@RP<9NRqwEqfU*EhtvYqGu?J{)r zc3EQC$RpRu=)UbTwspIVf0k{YyG~B9d}`-)GJVN)_@Azm+0SjK|6@D%|J%8D-!AdJ z+a>Y9c1a%L{m%!tOZw66k~z3tvdrh0&$F&@^>+Etl#Sj;AE1WNE!;odB90l}e=Xg@ z_}?vz|J}m)&n@D4_ZIP1ZxP@7xA6NV+U^K`R`U4IDRY7e_W?{VQl!s ztun$7*^gFlrT^zv8Bgt$iQG<^e1E4*#kytsWV_77?v&ZoopLqh&+l*L{o%f7`kLZRh^Co%`Q*?tk04|83{~x1IancJ6=MWy!Sv%iCnozD;f* zzu}qdW381LIAnG@UOUY6yUKS*5Y+QwJ|=Nftu9YGEIt{3}9+r)9nHgR6PO%Ain^~m+& z-nWf$m~G^6Kp*VF#jbN_lh{V3P-{CPe8vuzS#n<(j;4sDa>z1z6{Y?Ia_+obKm zZTPRYG5)qqI+^cczMFMDS8wCH^=9e2^w<3Vg`4FVYM8lO?5VqXhPs>QUw;3Bc~@=) z|2w~baf08!_>kYf_=w-X=vtxggx@Q;M?j;1+yH zTks)$McTQ}cf7boI$7Rz?H2BTx&H6{d+8e!;+H8wVQr6VLSL*)17gsp`x5yl2%-_KEe<%LzyS7MzG)dB? zKEnStf&UHtX*~7_yph@IP?9iyk`8y(r`VcX5p(w#NUL82^9t|HuE!?~WXO1V1L~ zpTKX526OoT&@j^@X!JDxKQvy$Z;B=_;Q#pu{|_FY8N5ET#B+xiWF8M-4E^c%Z%9>M>E%1l>KgK+=JG50cRL+drZpNLbagifMAAkFgM zBjJ$Qg8l{iuPncuc;E)Uv(Ud{dK>zXbYCI<3-oRDkIa9c_y_2A?qw%P`!v%Gc{DVl zEsF0E;>(D8i91n0nny`AL;6MH*U_8k?@^3ppCWyV`2S-5kLaJ#TU>ws70b`;<#~~^ za;*O{^Pgn--OPUjm00#~h@V1}*ZzV3`^)csjPSc3CpKjE-rwV^MTzY9Y85#s!1Uy*0YCrg||f5Wr~Em6j=Q2bqf=i^d-r{>^) zmKf($`sLr#$Fjyf6u(n*=qvI$>J}mW5E?@n^tWgMEh9(jkMag_!$+K_oQvm~-a!A1 z{wJP;yG#78%tt4rlei0xqmS@AAgCAhp=LY3OLM5kbLyHj#rRzs<~!_vV4Pw@+PdzR ztH|Te(2dmNdgA{D?M7cle~EUo{9)qzI8MGr{55nOu75}TBzhJ-j!v-5LwpPg(xYHTpV;f6M&y#M#U6N1;5=>jhL~ zx`fL6@W-S16HDA*zmC5Ye?3b2@Yka>>oRD(#`yek{Q0N({}dBTGQEU9{{;V^f_Ux% zYxtaDL{{#G{J@Q_7m2oqE*Wx*T*W!KpNth0y|JVDo_-;HeGd_&Z#zoxC7<|tO ze&?czaW2;xIm-Mo=6m15=R@55Nq!dt?@pAsiEY}6J3i!hGKkxlpQLYL>Rx<4#1nh* z^*ljv0nlQ33 z$u~hc^TaXoNMB8#21Sp>A^d)=> z9bJAkK2$W{FFPpSftb z6fHCT3VIziT=HA7f57z*IZ@+h*{`&Xo7hA9dawH}{+Hj1pSBI4AfBuc3e$#>mtT|U z!QayV&3;BL@Bd0#UuM5P!G6B>KT5|Tj*Ca|VeEWGx*y~?xryU~ebC3gIJ%SL1ofX} zzoJ1jgoZz0zoJnzhQ?2FT%bubg{F6MT%cJrhvpw(zoIxwpyYGxSCmE>lzo8X0_89K zCn->e;z8bPrw(Q6P%-iQJnQn@SR^j-oS8q4PYz|5{#J6tX_jYLpCnGPJ|4nn$Nc=s zcky-L!~1||T{O+Q89G0$->KsHbbN_tW8zWLju8*DeuQ|C`61%|3;6!}-j$=o$51co zL*1wcbt3b>6Rh_rh+Cg~SK5f1*|vqeqQp()6()|jxGy0#zDz%L2wd{6c&U^5ZDRMY z_^n~o$g~SNnwIJ3q?5LW?{VorTG#)R90xY~>HbIb8MO6F+}opfSpEg(uV(rz(^aHU zJIg-DvO(fe^q*Pw2UKSIT9)&b)$n&r{~BG#{68`OUzomuX&c}9|H$+wi2nuGa zvHWJ@+tAn1PUb(ux~tG$rvF#szhe2d#6Kf`34MX-KSRw--%8v~{1=M*cGAb0PNV%y z=ZUZ6zF;qD?nL*J=05aWmj45N%nc{-|GtI)_g(sbi5r=BeTe`2BmBR_Ugmu)_p?6m z;bjs$j{h5l`R#!S|EE5B?=_5nUn9-LExaq-O5DbLJ8{R$*GT97W%_@vq5tO^`hTvW z|K}R|fA}Bm=-6ZbhxC`Ok%6Uaxc|KdKg2ck|6C&@#G}lQ5s!a#jZ6?vGCxH;&H5SQ zS?1@6=h;4XFaO{E;5GbC1OMOtqvMi#aNi?Eez`pV-O1 zZhZd_;yTIxM;_$;fc=mBD1d?|+5aevA}IRu0@t+#X@2yAw2)8h2>$;W{QtxqJOgw- z!TVN+dEbh-=VjjiBkp7VDDkm<3-teS|BnXI5E@1!XcUd1@pIh&qd&d>$Mg)EMRVx? z^ZtK;_t8)WWgo+rh4QF?il~IjBMVX)SdhGF1KQ;8YP2)cub@@*8|KdtyIAK(Utrv2 z7rGNgnE!L)pP=W_OXwNoKyK8^`ex$8w0Spi7xT|C{dY_cb1o|4qbwUoFS7gy`piD= z^O=8{={WH&<}<|i5!+ezL*k#HXV6Q?#j+ynN12WzAM+uUX8KnwZ({mY;=e_2qBiFL zfp!0gZ2Zo^C(s#|M>)5fIJcXLTi$2?eaQa%)gQ(B|Lqt4D4iS=U99USjrITAkN;83 z?>F5`ei5#%4cueck)y`(gBmaJ{ej#}dytoPKIFgbR}$d32&OoGI8MUE5$5~JV*m}J zAvBCe&?p*1 zwS4ZD?Xp8YFW1Qzx4dIJ3fJ&Asb4xyi+r_j^rFnR_(i++xtL(iiZ&|jk$ z(M#xW&@a#t^h$d%w7rH`}h|TTNIPGGWnfg=X8TYsv~|Oz2OVFl5$NLneJS8Zu#1(S$uc zChX-O>U^;}GfKGLF=E1AuN9gS*L%lJ*gt8)d6V0Q-Q>UF%bBppl)f=sHsOe=+s23~ zchh6iZ+a3Yj1QPFVOpT(F*Q{4hD$p-O&Az9VV|jw9y8_Yc~j5dIi^k6)@Z`c;otRN zoOr*-nmB6O>UTqCtKZF=8vZV4>h`|V`TaR_wA??6OwumYusKFDn}h$YixkcHJnD?z)waiOlLiD-6OmA%I@1__wBO#4%xj=c9RVYt;|fw zLX+iglciPDJ+kLUVSnwpRrc(ZJ-cMjZrQ`ay|U*v*>k(>xkL8slRZ`j7SSHFsYSI{ z_TDJ$SGwT$vi>$JyhAL|y(X2lr*D(nZWMO4g?*b@Z0+sa<@Ote-F>@NDXS@NH!H3E zeuvy~qp;(xhPlHmw)Xu#*>|I`^Q~suXBJ!g|4zB{&b#Ex@)fyD_zCE{(4WiQa`&}z z_ucXrvS0Q;DEr^@wjGwQ%2%J0ugTZ$k*_^_vwV$ZPdzF3$UXPTJwKFteku1Xl~7sk zm9NX!_y0h?A>a6_eB+zHlyBVsn0(`id{e%8zkKr{`R0?t!UJ-^e9(Pz;6XX?kR14d z+$Z0XZ+%t1MR-uYE#JORzWx1sWbj+$Z1pnSAG2`AfN9?*FFTfB!-Bklg=Wx&Qn33aKBE@5*;yknhR&?vd{ulD`(*h2gYuv}Bo7_nV~M~5e^?&=nmqhNdH6^21Np%LJ_qCx`Jwz9`M2_@ z{FVGW`S_RO4rTmzdd_tahNS=89N%@KV#C#5+r^Q5shvi9mk}Q8J zKZWh5kI5l9WIpI;a_AX3^pYIWJWb;t7E+Pu@P0Y`kQ{zk4*y6FKPiU~JuQd% zu-dFQ37%#41vyO1T?}{0GxE%SdFJc#%tP|b!}83}rVY65SE3AEHueNvn;g8LaQva$wIpNnoGi@CLQEFovXGF4q%5RlAuS6z zS;)&mK^BU#P?Cj;EH=oZT^1d(=#<4qS#-&wTNXXC=#@pEEc#_JAd5j+49Q|x79+CQ zEQ>9&*eZ){ve+(*9kSRdi(RtVEsH&}*ei>DvUpS$kI7=cEDp%xpezo_;;<}^$l|Ch zj>+PB1_}4G$BiqvNR=2)3P)pOS7^xCrk6P6qBX6 zEG1+qDN89?N(&DCrK~LFWGOE=@t2CiHx#GUt6_OHDzEm-s{``tl)O48ug=SINS4F0 z9FgUyEH}w=vn;pBa;q%2$#T0acgS+5EO*Irw=DO_a<42OmE~iy+%L-mvOFluL$W+7 z%VV-UF3S_LJSodlvOF!zGqOA@%X6|!5lLB2$#PbfbF!S5<$^31Ww|8FWm&GsN`tJ} zWyK*YPFZP`6_>2IWyK>aURm+UieFX&vJ#Y)kgSAdB_b5!F9S?Q9MZdvJ(m7}t9OjZVEWmHziWMy1dCS+w&R;FZST2^LcWmZ<^WMy7fVzLsK zm4vKhMA+vIqc9Pg3iy>k4R93PP5LvnmXj*klF|Kk&Kd{T~2$?+LE zJ}1ZL<#(F?L#lGU=TR^*KadBZMmIOGkdywNCcxa1ADyy1~Iyz+)m-tfyC0eK@RZ-nHH zu)NVLZ}iEV4f3X4-gL^F9(gk;Z-(T}u)NtNZ|3C9lAQF*$)KE!%E=}<*&-)9X@7wlv6`; zYFJK<$f;2|H72Jf<Da%xsi&B>{GITe#raXFQcQ%O0Ml2chZm6Nwde(jLA zl5dTeV9EqDCP>R$WrE*C`TRO#f~*OO1i$H(-!$k+WGdl$!F|zBY&hBB9jS`+3>W>+JeYrZ>ltDsx(<&%Cadw zX1ghq+my*|%H%d>l1`bVQzq$@*_>3%tU7C>Bem)u$qkY78Ze(vR*uM^^|5S zGessABY`z*N`%(rY9f=OKFt&qv!>`-vz65hRwGzVFeh)%^P%U&)IRoh;x$VvrJiOdbR#7b25=qCRcaBw@-Ss4urNPnbLtrfLM%)^#Z6>I;EQSm{lLIY5#o z5rH*p@=h9>dSp_VB9bQ4q_woZhnTL2*f{W7^=d2VaZN^Mx`Ir?sKBhPVYqnll=Ie7-<(M|xnTRcO z^=YQ^e9X3ala}D)h_q(Tq%djoOr37v+$9KG!RaOwMXaDc9W~RY1CGcFn&q^e57`sU zm|)flDC4yKVqo&MQvv}~4n8KO<8&jfOGHY7`XW;|GiN0fsrlh4~@CZHInN$E7j zI5|`a*n;5W$Rsx#I?aZxZ{&NBV8{d`CLo_ilMlhg$ZX1-wSmdJ(K-gLh>Xmf$;y;S zU?sj7Sc&VEHD7$zabf_gf0?2~}#?Ya7d$*aDV zIit;VJ&8Hp>d=tar>Uzo<(AWKla{~~OJp`N5h+Z>mhSo*t30ObYb;K;Db4+M%mi@) zYg;ll+g{9{?>VO7b=Q}YA2S|PrpF{FxHw&(V^fbQ)WdfS*Ofn=V0`l=#bn_#D@fos zn-SEfsk^`4_I^_*zp0bo)X8tMCHOcpTbep?_L_hU{Z zB4--pj8o1u${Dwu@yHpkoC(UAkemt2nI<{YDQ5=c%&?ppl`|7^W=77;$(fj(NywSJ zoGHkevb@tE@7U!XhrHtwu8v$A-|{w9Fj<=s3XXSWDJ?gDT zQ}rlbkFr)YJ#coKl+%M&G~<=CGvqNt9 z(~WvjA37>$bD^`@xSY*Toy~XEqX9Wv2%XKdu*f#0hO^}qk>hMRLlmq>P4%d~9`)3t z*x3>rm56{RDpQqm)Y`nQVep+r;aeCjPV_VHTWg7?pF*UZKAm z*^vV|Q6q98H}W7a@*zJ8pdbpNFp8ikYC_GZ6}6#mWb*DqM^Qf-K!a!qjiCuNg{ILA znniOcj?!|@MZH{<@1i_c2kJy!h`e0nt^`V=l$>+J?S|V8uNxjWJZ^a0)Za~cZt`=Jmz%uY@v4q23ELpRhGP2YuOF3EgVV1J8?87YO zW!Z;W%FMD4v+Tnx%vs9MQs*q(S@vU=GP9JKrR}pYWZAFT9z-3o)FDgTWMRs(PqMU8 zmVJ_CpJdr5S?ZT%pJdr5*>S`^$ zXO`n2n?YHWLwN*qwuoq>Y#CMLTn_#m{5kk@@aN#q!JmUa2Y(L!9Q-->bMWWj&%vLA zKL>vf{v7-{_;c{*;LpLIgFgp<4*necIrww%=itx5pMyUKe-8c}{5kk@@aN#q!OzR# z=W_7p;LpLIgFgp<4*necIrww%=itx5pMyUKe-8c}{5kk@@aN#q!JmUa2R}a|bS?*f z4*necdHD12=i$%8pNBsWe;)ok{CW8E@aN&r!=Hyg4}Tv1Jp6h1^YG{4&%>XGKM#K% z{yhA7`1wLRmxnVCXCBTxoOw9&aOUC6!*0Dl4g z0{jK|3-A}K>1YZfh5`0{Z&v7X}SAwYo4?muAt^|jeN~2~3`-f7GAw0S%CMASDZ^4`pOxV$v(L&fmDy)yxXK)p zW!TEFm0>HxR)(z%TN$=8Y-QNWu$5se!&Zi^3|kqtGHhko%CME$cV+m>?7K3IWf-|Z zIah|W%zi7wT86a(V+F`sU!ndL>R+M$73yE1t`+K9 zp{^C`S)ra4>RF+l73x``o)zj@p^g>mQ=vW;>QkXU73x!=J{9UxDav~dQPhH3QJl}k z=)aq)&!paKNU_#L)|6vH-gC1#m-+X&%)jR*8+SMAL9_CnCxpT%BJX(}s1bRP4+Rn1 zdD+f8j7HHEpNr9dH&vgRea}m#UK3eUKD)fq`sB~cn>P!8o$;k+GSdl8l7yu*9mK^r(I0jrI1+MIWgvxByB zkh5d(ytC=Nvv}S~gPEDB^Uk)5YtK6q=bhawt*;@?6jMWJ*yy}7U{W}!kC`DYZSSC_ zj!~oYjtLerMZF#4M(1f0$DCCddxm+6bxe4C;*0dFRNV5;Ajf*$maU@-yX_#pj&^R=M6fY<&@R zzF6KY$!6;%&7L>>rd+0|M?-yPjs>KrzQEBerXc3Y2$~Qxrn&xGnHQ&^sW%oo))6yl zu{)f1#F1g4mFtnUm%yStzqQ=t+Q(E9rHo9WRt2mXYp+;E8$gZ}2Sv;}yjzm)*lL7N)f7PdGWhdvUbqaiZoS6!9N(@=08jvizA zE*&i6Gs{QE0cRCtLyE)9N{!<}lE-jLDHHPFE)fu|XhxJD}QToY!0OA4Whdc=K;a)^OJX+y-(fUGr5$yzIF>q7&G>5dLWew`^<>n_V$k4M%<*=B51)+T0A zTGl4xvNoNNwYjjYC5&cJR@PFK&$Im+&-Sb<^aSy%5z3v+KwQJnRu5tgkRxY55RJm8EHcUyCD`%DKW0ixy$|+gp z7^^l;BGS;GQ+2se2(_YNG=fM&pG}oM8yt^l24$q`CcT?{-K6Ixt?F(=?WhA$hMVo( zq^D1&O5aP>%{Cq%3Zh|QU-abTmUh3;DNY&>?l;evd^5KrE>hD2A zD1nkv4X|y12go~+L*x^LEl55=>KUYrApF5BBL5)#Av|u6 zQ!*(W z)VrUyA0WR0+GBuv4U*3w`*x7BhB^`34pH{dEFzB~(hsq(hADrTvWIDxVd^~0_Iwvq zhpE#r$JX%J`V1JuH17x~BcP8^%@LY@gd`(mKSuUr6g5tD$Ju0pz9_K3mFszy)&lKgQKu)nfRg`KPt8_V4=~AlZ66;>FqF1R(4^oxhqbj{dReEiz^vG1{iK)^9Q>Evm zO3z7^-jOQ3BUO4rs`Ow~>7}R^$d+D+D!mO=dK9Yk6jXT%uk!R=<;l9rlXaCR=qgXo z)e`yf4N>Jux5^W2l_%FKPoPzvI;%WARx4ogWLT}xyp^1+^YpOZ&@1cql&m}Ks8!av z?OEprV4aKKIz7?G>-DJ?q;6Hxplq~*4=X`F6*5A>-4g&d(yJb*}v{( zTiRgV+k<9N60yz~KrN_G*8OcLChMH#>wySjd4ReEil{8>LFyDN$$E%RJDNsWS?7#f zZ|^`|h`ie85pC5$-W`<18Modsghph&GrS(B8l6 zX1>Rb$gRgrQ&KOjgUfWim-L*Y>%Fv4FRk7ST^}vmN49;`tdAD$qnM-A;3(;iB@nIO z&vgGWG-*^VM%Iem7|CUQ0PI0_=O7ylk`X8L`f#hPk2qv~l&X)h!8p_76fnuUDdH&# zpQc%+;h3fpGo+sZl{0vKhTS=nK{UfG19x`aIL~ zNm=KjzaATt^*EsMimWGSpaf|XG+%0Dn=vP}}mBbbJo}n&uim%g&y-sKDIvug=c^aCF=sF#e>vTe{)8V*IXW}{?bL(`(t#j(E z)5*3@=h8ZzDC?CeRF;i~9&{AtWW(-9Q)nJ#P)Rnpux{`aw!sb6hLdRqR5rMvZn%7C zRyN$dvO%xKh9@c;9O@e!>Kop1G>OQ|n?h++Ko!}b`(eXJIv;uYNJ|$4F9XO1T?`wX z3LA7OY|xdk5n!HEU?WIAT$naOdD#dzBDN1xb~u1WP+T@5)SrvbMwI0o`WsE8X`)^n z{u@m(*=VM|&8%zgl#Lb`TUggJDjThA)5@~eV`vyr?^f7b$+IH5RmV-gmBpXAd8)ABhx(!bv+J=!%bNp{`rP&yP zb%c8H3oE=K~(?aoQ`+vIKF0dL?L! z1e}})8{BkmB-u7eos%#p+5aipGDRDtNS7v`G}~s_uNmsWfYSyyr5g;=Y;cpg!Jx|q zoxU4%>~7FOyFsVvMu~dSS-L@|=mwpj8+2}Na7oxGvtQ`U+oZE;v%!Ues2L?>lbi2N zx@|V?b7&rwQAIW#J`_MRC@z}}SZ+45&eMs8&^VeztoM+Qrzo3V@}~!Hlb*XxFX=ch zHoeDWldiT+y4p6m>D#1xZIfev(@)<1Ce(*wh&=oy*$j-JQP~W#JV-ggv}}f`Yp4Y= zAEvx8=_1sR8?;Ss&^9BzXbe#XH)fkr);F=fsY5nfD7%GaE#%)q9b4OFvu#*5J3@#y z;bv;Hll(i$w-fFzmUl%Fd3KQ}$M$B|lx*_lzS+%m&!BAfh7tUIEboKmD0v(uuVVwU z*-snrCB4ZF*5&|p8=!3msP~WqMG$owI*Ld;L|Y88-7w{iu-ypt8ljEpBHSFMeMYJ4 z74DHXI)8;H~G@p^p7adh4ON^xxP-MpEm9n-WU-_4sD z+B?H?2B0>%o!MlNXOn@9O$IME8Hm_q0AiEdl}$R+H|a#*qyv1DLHSKOy=x6aC@VF- ze`|CT*6eXql$s-gnoz6M=vk@p_+R6Jw&pBJjlu6)V~^DM9Tm zwjR=O%Te=^H^1gy^O0wu19eI**eJCSAU|y2z)Sa=NK^H~DsxwwvYMvk#-M49TiY6gmbE;2F*sSvQ%431YYYU|7znI!J+3jx zRx7YQx3x6})@lr#)wn*_xV5bnsVf6wHI9=SgHbgGpK1&=)flv?F=$g`0H(&kOO1gS z)jKAtZ%)*7M$}BR@IoB2BL{M#M&v?nt^6hTqcgiKy7s1>!LcGQ77 zQ5Wh)J*XG;p`+*+qE7PzXb=sdVKjn95p|s(M-ylgO`&NtgJuyN^YbW%;wXWVD237p zMxJ2Qd=BMN0TodRl~F|$`$xs#kHH^&ze++)^&r}Tl z82mB#WAMk|kHOD(gW}i96#HGp;E%!2FQBOy{4w}r@W&ze++(}z*G$W82mhmDgHZ=;(DoK@W|{M=6{?yD6~ zuZr(%#do$!z@LCW0e=F1zQYyY;VJgc34aoPu3ah#e-i#A{7Lwe@F(Fgc34ap)B>YMElkjt| zr;_j|;ZMR(C#m9DNG0Jgc34ap)B>YMElkg|u=Xpsb;ZMQObCcqpQPG2;Qt+qX zPr;vpKLvjZemryv51qn8r&92z;7`F%kB3UZpMpOHe+vE-{B(q>6#OapQ}CzY=bluh z;OAegs}%ex_*3vRfT>dObHA#%M^GvFQ}A=GP$~F%rc*rADSB2^3jP%Q^suND{M=8d z6#OapQ}CzYPr;vppZg5OGoVVrpMoFrm7-ThrQlD&pMpOPe;WQY{Au{p@bk>5((tF@ zPs5*vKMj8x{xtk)_|x#G;ZMV#hCdB|8vZo=Y53`^R%!Ut@TcKV!=Hvf4L|>8UZvqr z!_WP>O2eOqKMj8x{xtk)_|x#G;ZMV#hCdB|8vZo=Y53Fdr{Pb-PfwHLo=S0TRcZLs z@TcKV!=HwqUMQ7@pL;HqhM#8wm4-h9e+K>x{2BN&@Mqx9z|S*-%D|t2KLbDaYAOSN z2L25E8Td2sXW-AkpMgIEe+K>x{2BN&@MqxX`CHKortn@Wyq5~^rOLpcfuEi+MbDVZ zz@LGi9x_D_naaSQfjx{2BPUZ&chjDtgjX2L25EJmaVg{2BN&@MqxX znO||gp)&Ai;HTG3(d(u%@Y7kZ=&V;f7b!aI6-GRT5l>;nQyB3SMm)vylA;q|(TT4x z;wd`v6-GRT5l>;nQyB3SMm&WPPi5i9h^H{(DU5guBc7tuU(x5FFyg5!{21{R_dY5M zKSn%-5l>;nQyB3SMm&WPPccZKFybkC1{Fp;g%M9-#8VjY6axneBc7rULt(^I81WPX z2?`^g!ic9Z;wc6d6wi2yfd$3Dg2ITWFybkUc#57zg%M9N(4a8lDV_rrMm&WPPhrGU zJQFI6cnTw)!ic9Z;wg-H3L~Dvh^KP!W5iP!@f1cpg%M9-#8VjY6h=IS5l>;nQyB3S zMm)tphQf%aFybkUc#1&{g%M9-#8VjY6h=IS5l>;nQyB3SMm&WPPhrGU81YmNevEhu zBc8&Dr!e9v`fe0PJcSWYVZ>APnktNViY`;dJ*C2kr!e9vjCcwoo}wF7VZ>8(r7Dbg z3L~E4zEjcvqcGwr23ZtFJcSWYG1#IQY*85TR33hecnTw)!ic9BfKeFn6h=IS5l>;n zQyB3SMm&WPPcb;7FybkUc#3;kg%M9-#8Y|r^YGKxr1J3R;pcu=F_5D$=qU_(Di1${ zI*NN>MOUxFprMNpWAUxGz^2^b`g?#r?UW3tG_yt$21*81xhdJ%vF}VbD`_ODha|ias@k zK~G`OQyBCV20evAPhrqg1^6-ODF(0<20evAPhrqg1^6-ODGYiFgPx*$TVc>s81xhd zJ%vF}VbD_;^b`g?Mc22&prYir_Y{L|3ge#QSwzuas4(s+ zo=H>@ehhpH1E0dcrx>(U82A(hK2?Oj2tUs)3L~GQk5SRbs4(&=jC_jcUxkrR72(Io zr+5}t82J=NK82A_VdPU7`4mPzg^^ET(eF|frD#4GjPnF=u+^0(LWAIZY_%ZpZ68sqb6oZtC;Rwa^y~60H zF#0KsehQ45%;zD*C|` zLnMkJ62)_+;<-{`22_{<6=pz%8Bmqs#|)_GFH@KS6+2oC zh{6o0Fas*gfC@99qHjdeH=-~EDhz=NL!iPCs2KcJm;x33c&ZFP1Hq~Se+7Pwf{LLY zg;7vd;HRHkVHQ-F1yu!p41=lyKc+#&aFD9NUx6P3p~66@Fc7K={1x~s@M9)a3>hiR zgbFjE!c3?t@K@lkz+ZvC0zU>rg~3o^FjN)zF&QdMh62{oe@)QZ|rJL*84s0($Y9@LBa&{1>@^`ika zh=$NG8bPCI42`1+G>N9rG@3!PXb#Pz7>c6=N}?1>qYTQT9Ll2tDxwl9Blzv`+u^sv zZ-<{BtCe@6`0eo9;irF1kqIe%cN{ea6}jKXyNDhu;oAwm)r$AM2mC!%x4Sw!_c(inhaV zhu;oAea)J_W{oXS)9kr>1~p?dn*M1`|Fm|% z&k&||!0&+H0lx!&2mB8B9q`kKtuYg7`mwbGeh2&x_~~QR4*2P3)DHL^@YCO@9q?mB z(GK_>@G}miF(7IO{0{gX@MA{Q4)`7LJK%S~?|>hVp~g(89q>EgcfgNJP~#HRI0Cf; zeh2&x_#N=$tJ4nn>08&BsWeW8czP&a@ML ztYjLGn0CU?kg#U#OJgq4Sh+NQEsaY{(;utxRB8NDnjvG29ZF-|(b%Ch)+deiNn=LQ z7@jo7CXL}q<6_ddm^AJ!?Svo8lE$c{>DSd5l{7{r?S$V6zY~58OB%zH#;~L@ENKi& z8pD#N4_ISb(oXn!nM(6AmF8tC&DezIWh&hWKQB{hUZ&CvWourh(v9%*GL`0KD$UDO znwP0GFH>n=rqc8$YhI?(jqvkAmF9&i-3Wgp{EhH8!p{pj@bl7@ZiK%PeoQ%j@bf~JZiK%P{zmv4;ctY$5&lN_8H3T7d^9E>?SkJ0zYBhb?KNYR+66x^b7_X~ zHT~q;1-}b^hVwOsAkC1zcERt0-vz%5ei!^0g|rKP7yP^grg;fW^AebL!S90K1-}b^ z7yK^xu?1*e4%56Grg=F`V=~g1j5IHYX^ci1%Yepcr0J*En2j_qhiME)n(!2|V|>yWpR^l( z#uqehb&XqHGv=$^@bi+IcEj(6pO@9N8-6$ZSR%9=emDGX_}%ck;pb&Gjd@CAp3=O~ zrrq#kozT44rg^bVW1-Nz*rplB(3q>V8-5H{+6})OemDGX_}%ck;djIDhTj9f2YwIy z9{4@*d*Ej*MDuc-=H)nzNlSa+_rTBih{kQN8MoGqlW4}SHDe{(13xd%X%GA!_&xCR zBAsTOPxCUJ_Q3CfAETG%#X61ML-TT-#_***@O$8AJWzY!_rULg-vdA6gW3Z>V}#lR zzXyKC3bhA*5BwhZc|lKO9np**Y7hJv$TT(*?SbC|zXyH~{2urjU(_D>J@9+r$7-S( zZ`7CtHHI_IxTE&M?}Z=pnZ|~qd5b`M;rGJNn56c??}gtBKjZeAw+l3H7icg1UiiK6 zd*R2prWwD~UiiK6Gmfdf@MC7vUicZ))L!_#@O$C+!p|ED+6zB#DQL`#8b5%>_@?m$ zXgmSh3%?hBEHT;(zZZTl{9gFI@H1wm@eOEv1KJBe<5$`XKgKzYk3f6j_rmXmA5Vey z!O!ar+6TW6eqM9XKKL=%Y5WG-2S2YoXdnDoZ?q47jCa}xzYl)=2-*j~4}NSp+6TW6 zejofk_SI|EA@hoT`{8)Fi4}Kr~KKOm`<7Lo3__rZ^M zLi2it_QUUopVu@ruW4vM{C@a(T|;9o)PDFGYu0}F{qXzY_rvdppYdnyhu;ssAAYP}F|-8LQTQ`2Fzv;rGMuhadBz_QUUo-w(eZen0$v`2Fzv;m6~l zd2K}V+K9&Mq5beP?yddsGxn`9K59Swe)#?H`{DP)?}y(HzaM_a$F(1RKl}ms1Mmmn z55OOQKLCFKehid406+FB9e_Uoe*pdf`~mm_@CV=zz#o7=06+FC9e_UoKjWo30Dl1f z0Q>>?1Mmmn$B?N5@blV>=Cv2iYcHDDUieW;1V3ZE4x@P;M)Nw1=5-hy zfIk3#0R8~{0r&&(2jIu#sRQr_;19r$;ZtMy)B*VM#pnS1*u!)H{viCAgLM%8ApDH& zYK);8W2nYHri1VY;Sa(egg*#>5dI+iLHL942jLIGAA~;$KZa5rgdbC>4#FRVA9JY= z!XJbmPl67@AA~;$e-Qp4{P+}f5dI+iLHL942jLIGkC#UW;Sa(egg*#>5dI+iLHL94 z2jR!$tb_35chEujF|_I+{6Y9Jw(21KSmJaLeoU@91V2Vs9fCguKZaM0;Z=v=55XUT zAM>kbyjzFh55XUTKLmdWeynvGW30woq48E|46+)loesetfuZKA^5TEX^gfy1b+zr5d0zdL-2>-$AGIt@Q2{Xh^s^J z<9X5{_(SlA;19u%2TEi8(;@gV>go{un00j+{xJNQb~Uy@jZaF4;Sa-)UrLAJ$1|nF z@Z+1(Vfe%Fhv5&yABH~+e;EES{9*XR@Q2|K!ykq}41XB@F#KWo!|;dU55tcQQHS9V z!ykq}3_sp19fm&)e;9sjiaHE`82&K)cvo~7{xJMu_`~qy<0)GU44E8z#e+2#r{Fv=^1pWy8cx-e8etc&dL$r>-AAvstKjvtS4O3%~ z))Dye;^+wc5%?qUW17|x_#^N~;K!$3;gTSwuK!XJe{3V#&- zDEv|Q@r39o{89L$@JHc~!XJeni>b!kt)uWq;g7-}g&*&oj=~>>KMH>o{wVxW_@nSg z;g7-}g+B^^6#gjuQTU_q|KA+lNlu+@ux{JF?_DF2e!v(EHmNZ=NT*phX7u5Xa|&+* z9%)Id5@UY<+5eyY|Jnba{r}njpZ$)=#}WDbXa9fp|7X9uruonQ|Li}p|HS?i`%mmY zvH!&W6Z_o)&WZhQpytH>6Z=o>Ke7MB{uBF8>_4&J$?Tlie`5cM{U`RH*neXGiTx+` zpV;rVa8B$$vH!&W6Z=o>Ke7MB{uBF8>_4&p#C}Kb;}&sF?1wex#QqcePwYRj|HOWG zigRNBiTx+`pV)t5zw_NWvH!&W6Z=o>Ke7MBerLUNV*jcAr}m%Pe`^1!{caxT)c#ZZ zPwjXAIH&fX+V4_4;r%>Fa`-H* zpV@zA|C#-6Oy|u0GyBi%KePYL{xkc}?01hhXZD}j?=El7?01_tXZD}j4@bN@!I)e{}20r*zdk|e%SxR{vY=Lu>XhsKkWZu{}20r z*#E=+ANK#S|A+lQ?1!Jmec=4C-;M12u>XhsKkWZu{}20r*zb0Be%SxR{vY=Lu-`51 z{ILIr{Xgt?S35uK|6xCNf7tKlc7E9J?snYWj??t{VgC>N-Qdm-`+wN~ z!+!U;^TYlh_PfiSANHTye{TP|{pa?d+kbBVx&7z%pWA&+T_^Kj-$J+kbBVx&7z%pWA-R;d!`+wU1(|&kne%k-jekc9&)Bd0K|FqwI-~6=yr~N(cupZ5Q>|EK*w?f+^2Py5k<`Dy=8`+wU1)Bd0K z|Fr+7{Xgw@V>mzU|7kyFFhA}8X+PvMKkff%KkPH^5a*};7{dIt|EK*w?f+^2Py2t` ze_{WH{ZPZpT3;QqZ zzp($p{tNpr?7y)8!u|{UFYLdt|HA$Y`!DRju>ZpT3;QqZzp($p{!9BW?Z34D(*8^P zFYR~FJD2uf+J9;PrTv%oU)q0Z|E2wx_Pb%9OZ(ma4$m={_Fvk6Y5%4Dm-b)Ue`)`v z{q91?&HG&1@9us0kGZt}(*8^PFYUjy|I+?T`!DUkwExonOZzYFzqH?N>0H`>Y5%4D zm-b)Ue`!CsIG6Tc+J9;PrTv%oU)q0Z|E2wx_PbM_U-tj9-~Ijkvj3O;zwG~I|1bN0 z*$<}7FZX|FZv= z{Q%AUvY#WEU-rAXonQ9?zQL2 z{ww>h?7y=A%Kj_+uk63FAJ&;G`>*W3vj58dEBmkPzq0?z{ww>h?1y^h%Kj_+uk63F z|H}R=`>*W3vj58dEBmkPzp~%G_*~h4W&f4^SN8J}b7lXP{a5y1*?(m}Ff>>8yDc8K z#pAYk+!oK3{a5y1*?(m}*gAa0T-$$b|F!+s_Fvn7Z9jB0*Y;oAe{KJ@{nz$i+kb8U zwf)!jU)z6e|F!+s_Fvn7ZU43X*Y;oAe{KJ@{nz$i+kb8Uwf)!jU)z6ezq{vg_dM73 zU)z6eKkqT_py%5DYx}S5zqbF{ehy@=?FXag+Wu?%ukB|;=GuO@({pV}Q$g#{L`oZ|uLZ|Hl3s z`)};OvH!;Y8~bnUzp?+u{u}#m?7y-9#{L`oxstiD|Hl3s`)};OvH#ZoTl;VAzqS9? z{#*NR?Z37E*8W@jZ|&y{=GOjO`(fa@wg1-sTl;VAzqS9?{#*NR?Z37E*8W@jZ|!Fk z=GOjO`)}>PwVzoS-eq{LxwZe+{#*NR?Z37E*8W@jZ|%Re|JMFn`)}>Pwg1-sTl;VA z=N<-7o?H8G?Z37E*8W@jZ|%Re|JMFn`)}>Pwg1k3PGautzq9|&er96s?7y@B&i*_5 z@9gI&=FWZqdhYDMv;WTiJNxhKzq9|&{yY2c><2A}yO=xs@9e*`|IYq9`|s@Md*;sm zJNxhKzq9|&{yY2c?7y@B&VFuV?(Dy_|IYq9`|s=*RhT>bVeEmi=g$5+`|s?(v;WTi zJNxhKzq6nHm^=IL?7y@B&VIgV?(M&~|K9$4`|s_)xBuS$d;9P0zqkM1eimu&?dR&| z-u`?0@9k$t=idH%`|s_)xBuS$d;9P0hs5XJ{(JlH?PpNt-hQrW?(M&~pKqFb`|s_) zxBuS$d;9P0zqkM1{(JlH?Z3DG-u`?0@9n?0|K9$4`|s_)xBuS$d;9P0zqkM1{(JlH z?Z3DG-u?&snb&!+|H1wT`}x;-u>ZmS2m2rFf3W|-evWV+?B`?W!TtyPAMAgy|H1wT z`ycFou>ZmS2m2rFf3W|-{s;RX?0>NT!TtyPAMAgy|H1wT`ycFou>Zk+PG=tMf3W|- z{s;RX?0>NT!TtyPAMAgyAH1Ij`ycFou>ZmS2m2rFf3W|-{s;RX?0>NT!Tv}4AMNML z=F$E~`ycIpwExlmNBbY`=O*XT{zv;C?SHiY(f&vKAMJm%|Iz+O`ycIpw4YI%NBbY` zf3%-Bnn(K|?SHhNJ(@@R8Ma}N=F$E~`ycIpwExlmNBbY`f3*M6{zv;C?SHhNSsG!1 zd9+_#U>@y%wExlmNBhMFhK-v?`}w$GK8JCdNBbY`f3*Lv{eSHjC78eV|F!?G{Q?E^ z*Z#lu|F!?G{eSKMYyV&S|Jwi8e&%le+W*)7zxMOeBWf^z?f+~4U;F>sFLE${?H4+j zzxMyN|F8Xj?f+}P_`&?O|F8Xj?f+}P7{c&a!($DrI)Cl|YyV&S|Jwi8{=fGBwg0dE zf9?Nk|6lw6+W*)7zxMyNpL3nR_Oq_@*Z#lu|F!?ger9kO?|HKS$^Iw%pX`6K|H=L* z`=9K8vj55cC;Ol5f3lyI9d(9zvj53`m4Rf*TV$^Iw%pX`6K|H=L*`=9K8vj55cC;OEl=E?pi`=9K8 zvj55cC;Ol5f3p9{{wMqS$YFZtpZ#3#{Ima`{r~KjR~vS6{@MS}{(tuWv!A7$fA;^g zp8*~Qc>dY{&;Eb*|Fi#}{r~Le=jNaN|Lo`J=AZrl?Eh!~Kl}gL|Ihw^_W!g0pZ$#e z{Ima`{r~J|@8+NV|Lp%~|3CX#y!mH8dp!T_|7ZU{`~TVh&;Eb*|Fi#}{r~L$Xa7I@ z|Jnb~ensZ_XFsz%|LlLZ|Ji=NZ=UUcw*T4wXZxS+f42YGe!h90?SHoa+5TtypY4CP z|Ji=Nbe`>hw*T4wXZxS+f42YG{%8B2?SHoa+5TtypY4CP|JnX$`}x#)w*T4wXZxS+ zf42YG{%8B2?SHoa+5TtypY4CPpG%x)`=9N9w*T4wXZxS+f42YG{%8B2?SHoa*?x|3 zp6%yh=f!?qgL$$4#r_xjU+jOe|Hb|n`(NyTvH!*X7yDoAf3g3?{uldS?AJw@7yDoA zf3g3?{uldS?0>QU#eOz?UhIFd|Hb|n`(NyTvH!*X7yDoAf3aWLWM1rlvH!*X7yDoA zf3aUQXQU#r_xjU+fp%o)`OH?0>PJQ=eD+U+sUj z|JD9i`(N#Uwg1)rSNmV>f3^SB{#W~7?SHlZ)&5ueU+sUj|JD9i`(N#Uwg1)rSNmV> zf3^SB{#W~7?SHlZ)&5ueU+sUj|JD9i`_)|L)&5ueU+rg3=hgmK`(N#Uwg1)rSNmV> zf3^SBe%5|o?SHlZ)&5ueU+w4b=hgmK`(N#Uwg1)rH~Zi0f3yG1{x|#I?0>WW&Hgw0 z-|T<0|IPk4``_$;v;WQhH~Zi0f3yG1{x|#I?0>WW&Hgw0-|T<0|IPk4``_$;v;WQh zH~Zi0f3yG1{x|#I?0>WW&Hgw0-|T<0|IPk4``_$;v;WQhH~Zi0f3yG1{x|#I?0>WW z&Hgw0-|T<0|IPk4``_$;v;WQhcl+P%f4BeL{&)M|?SHrb-Trs`-|c_5|K0v~``_(< zxBuP#cl+P%f4BeL{&)M|?SHrb-Trs`-|c_5|K0v~``_(<>}RRx!~PHZm5k=Y z{tx>{=F|R9`#Cvj5BeFZ;jj*FTsq`@ih}vj59|-H!RP|I7X_`@ih>O@jHd|I2=*srj=1%l zzwH0AU)XNG?AOGZFZ;jj|FZwf{xAE#?EkX=%lzwH0A|I7X_`@ihh(wQ&&zwH0A z|I2=Do%yo=%lzwH0A|I2>OozdKxFZ;jj|FZwfe%+Dzw*T9HRjm28|J!~olKHm( z+x~C+zwOuSnQ!~Q?fn`@ik~wqM0-zU}|E z|J(j=`>>+x~C+zwQ6F|J(j=`@iky|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSm zhyNe`fB665|A+q{{(ty?pV0N}=l_TQAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{ z{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K z{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665 z|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&% z|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe` zfB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yK zAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSm zhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y z;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K; z`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{ z{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K z{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665 z|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&% z|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe` zfB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yK zAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSm zhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y z;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K; z`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{ z{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K z{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665 z|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&% z|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe` zfB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yK zAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSm zhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y z;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K; z`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{ z{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K z{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665 z|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&% z|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe` zfB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yK zAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSm zhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y z;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K; z`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{ z{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K z{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665 z|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&% z|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe` zfB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yK zAO3&%|Kb0K{~!K;`2XSmhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSm zhyNe`fB665|A+q{{(t!Y;s1yKAO3&%|Kb0K{~!K;`2XSmhyRcNkN=PVkN=PVkN=PV zkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PV zkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PV zkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PV zkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PV zkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PV zkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PVkN=PV zkN=PVkN=PVkN@v~?C1aE|KtDT|KtDrAN%?L`2YC-`2YC-`2YC-`2YC-`2YC-`2YC- z`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-{?~r~KmI@dKmI@dzyGzL|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|L?&51N#r`Kd}G6{sa3D>_4#o!2SdK59~j%|G@qO z`w#3tu>ZjR1N#r`Kd}G6{sa3D>_4#o!2SdK59~j%|G@qO`w#3tu%G{r|BwHV|BwHV z|BwHV|L?&51N#r`Kd_(wkN@w${sa3D>_4#o!2SdK59~j%|G@qO`w#3tu>ZjR1N#r` zKd}G6{sa5@|M>s-|M>s-|M>s-|M>q7?LV~t(EdaF`TzL;4(;dvJGB4M{zLl@?LV~t z(EdaF5A8p+|Iq$J`w#6uwExilL;DZyKeYeQ{zLl@?LV~t(EdaF5A8p+|Iq$J`w#6u zwExilL;DZyKeYeQ{zLl@?LV~t(EdaF5A8p+|Iq$J`w#6uwExilL;DZyKeGSG{v-R3 z>_4*q$o?bykL*9PpZ|~lkN@w;{v-R3>_4)f|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwIg*#2YtkL^FU|JeRx`;YBEw*T1v zWBd94`2UXWKeqqa{$u<3|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s- z|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>s-|M>qN?0>MI|BwHV|BwHV|BwHV z|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwHV|BwIg(f&vK z`TzL;`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC- z`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-`2YC-_zuW(A|GWL~ z_P^WzZvVUe@Akjj|8D=g{U7#!*#BYwhy5S+f7t(F|A+k__J7#_VgHByANGIP|6%`! z{U7#!*#BYwhy5S+f7t(F|A+k__J7#_VgHByANGIP|6%`!{U7#!*#BYwhy5S+f7t(F z|A+k__J7zf1CR_rANGIP|6%`!{W1W_03-vD3_vmf$p9n+kPJXF0LcI(1CR_rG62Z{ zBmxnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE1K9tu zUkzZ@09FlP)c{rvVATLt4Pey(Rt;d)09FlP)c{rvVATLt4Pey(Rt;d)09FlP)c{rv zVATLt4Pey(Rt;d)09FlP)c{rvVATLt4PgJ*el>tq16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRh=q`_%we4Pey(Rt;d)09FlP)c{rvVATLt4Pey(Rt;d)09FlP)c{rv zVATLt4Pey(Rt;d)09FlP)c{rvVATLt4Pey(Rt;d)09FlP)d2R;el>tq16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%q>vj52bBm0l+R|8lzfK>xnHGn;`|H%F$`;Y8Dvj52bBm0l+KeGSG{v-R3 z>_4*q$o?bykL*9P|H%F$`;Y8Dvj52bBm0l+KeGSG{v-R3>_4*q$o?bykL*9P|H%F$ z`;Y8Dvj52bBm0l+KeGSG{v-R3>_4*q$o?bykL*9T|JeRx`;YBEw*T1vWBZToKeqqa z{$u-(?LW5v*#2YtkL^FU|JeRx`;YBEw*T1vWBZToKeqqa{$u-(?LW5v*#2YtkL_0j zST%rE16VbHRRdTxfK>xnHGowEST%q>w*T0EHGowEST%rE1K4BxkL^FU|JeRx`;YBE zw*T1vWBZToKeqqa{$u-(?LW5v*nTyDRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTx zfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE z16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xn zHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbH zRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowE zST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRdTxfK>xnHGowEST%rE16VbHRRh@n zzlwXwapH^uFbcb1m^H9R7$7Eq5DbW7cRk!TC?PNkirCR7-6e1gG><{wuClE1L)}$> z-N&H;L<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G z0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLaw zq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V z0Yn3c1`rJ(8bCCFp8NbXfM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks118 z0MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT z(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G z0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLaw zq5(t$hz1Z1pcg(r4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCF zXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks118 z0MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT z(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G z0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLaw zq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V z0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?W zL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz z1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$ zhz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c z1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh z5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC? z4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1 zAR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ( z8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2 zKs1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4Immo zG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4 zfM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCF zXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks118 z0MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT z(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G z0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLaw zq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V z0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?W zL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz z1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$ zhz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh5Dg$2Ks1180MP)V0Yn3c z1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC?4ImmoG=OLT(Ey?WL<5Kh z5Dg$2Ks1180MP)V0Yn3c1`rJ(8bCCFXaLawq5(t$hz1Z1AR0h4fM@{G0HOgz1BeC? z4ImmoG=O=gP$;~)hPQ$`kMNHm`yxCQtmB3Mui>-c(k^)H&quHPY}bv~zirrYnD3AJ z?QlPL-v7Gu@2@)_>^%O@Q?G~owqfUbq#rxiBR&3f_mr<2cTc(7@sxw=)*LK-1;;vA zNY23(X%2?(=U_5;4(8kDU=U=EZUN@#yf;Vx^m8a*#$o=tPg>?$g= zD-X;rPd~dP>+G_6v%A%r-Mz%@7LT(tB?ND6f9H7n^{wqXv}e~&JG*|O*)@>NNd_soX>> from torchtext.prototype.models import T5Transform + >>> transform = T5Transform("spm_model", max_seq_len = 10, eos_idx = 1, padding_idx = 0) + >>> transform(["hello world", "attention is all you need!"]) + """ + + def __init__(self, sp_model_path: str, max_seq_len: int, eos_idx: int, padding_idx: int): + super().__init__() + self.sp_model = load_sp_model(get_asset_local_path(sp_model_path)) + self.max_seq_len = max_seq_len + self.eos_idx = eos_idx + self.padding_idx = padding_idx + self.pipeline = T.Sequential(T.Truncate(self.max_seq_len), T.AddToken(token=self.eos_idx, begin=False)) + + def forward(self, input: Union[str, List[str]]) -> torch.Tensor: + """ + :param input: Input sentence or list of sentences to tokenize. + :type input: Union[str, List[str]] + :return: Tokenized text that has been truncated, appended with end-of-sequence token, and padded + :rtype: torch.Tensor + """ + tokens = self.encode(input) + out = to_tensor(self.pipeline(tokens), padding_value=self.padding_idx) + return out + + @torch.jit.export + def encode(self, input: Union[str, List[str]]) -> Union[List[int], List[List[int]]]: + """ + :param input: Input sentence or list of sentences to tokenize. + :type input: Union[str, List[str]] + :return: Tokenized text that has been translated to token ids + :rtype: Union[List[int], List[List[int]]] + """ + if torch.jit.isinstance(input, List[str]): + tokens: List[List[int]] = [] + for text in input: + tokens.append(self.sp_model.EncodeAsIds(text)) + return tokens + elif torch.jit.isinstance(input, str): + return self.sp_model.EncodeAsIds(input) + else: + raise TypeError("Input type not supported") + + @torch.jit.export + def decode(self, input: Union[List[int], List[List[int]]]) -> Union[str, List[str]]: + """ + :param input: List of token ids or list of lists of token ids (i.e. batched). + :type input: Union[List[int], List[List[int]]] + :return: Sentence or list of sentencess that were translated from the input token ids + :rtype: Union[str, List[str]] + """ + if torch.jit.isinstance(input, List[List[int]]): + tokens: List[str] = [] + for ids in input: + tokens.append(self.sp_model.DecodeIds(ids)) + return tokens + elif torch.jit.isinstance(input, List[int]): + return self.sp_model.DecodeIds(input) + else: + raise TypeError("Input type not supported") From 4a5f11c780c887f47abeb73a267553c0759a232e Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Mon, 25 Jul 2022 12:16:41 -0400 Subject: [PATCH 294/463] Add text transform to T5 bundler (#1856) * add transform to bundler * update integration tests to take input text and use transform --- test/asset/t5.base.encoder.output.pt | Bin 37611 -> 25323 bytes test/asset/t5.base.output.pt | Bin 6891 -> 6891 bytes .../integration_tests/test_models.py | 12 ++++---- torchtext/prototype/models/t5/bundler.py | 28 ++++++++++++++---- 4 files changed, 30 insertions(+), 10 deletions(-) diff --git a/test/asset/t5.base.encoder.output.pt b/test/asset/t5.base.encoder.output.pt index 9d56557c42415f213140f88fa977cbbfedec0499..e77270b11469807991d1480ffc7e325da111e3f5 100644 GIT binary patch literal 25323 zcmZ^Kc{EmE_^+7|LI_0^nj{V6J^Oi)3eB3N)VCxjNV?q9!q*WGKKwa-3lpMBP|_H*|0?9b=3H?9#D5fG4&5cq$JoPfN* z-eV5VE?$lc_wV)GtAF(1p;hKG0(SqSoD*{Jbergvqmu3T|C6W!R^o?M+Z+Aw<8{s8;eQ^XE?Pxj@GlFvqACXr! zQvBS_9FRSD4kE@_be9RihX1}G$K4mky@SB=NF03W*1*WlN2sa28y{IV0xhFz)s*(|?@|YdfIiV|%>MpTr&C!zI5J zZqU_d0>~IPfRecg-(7qMqz*Q7{#4B5@?@^#58)>yt4oPqc8{k)2k+9EXG%Dqee@u< z(~%?^6_NWEr^y<<7;Fm;guB~J>9bqg@#DiN*gw7>WV3F@WSq(tWY zz$NSpnE@|tMtB`!>mm5wU1Bls7-=!<#qZPHA>v&Nb>4m#>{YAqTX+Nx*^8mHrYPOf zt3$VY#*oJq3iRaK4Yb}>iEonN1HUibVFQQ%qg6=^)|ot@zA>S2>%lZ)E4G@R|71(- z;`3D>k?U3Ika z2|?91KN6P7GH?ABpvavp60*gNe2O{^UkxVV=))%@_`_w&ecec+R~Vs(%||LZGYB-+ zMC0ZIN?^V38;%?mg1Y(n=&UgnJ>JYE)pea{aA1_RI-!FP2yaC>6|JRegB?pQlBH75Z=*KFtZj=bQhrAu(hSUC!O z(uH=1P*68Ah0+5&2=l3AO;*f<&TqZs@T?q|lsOkaj(o!$~#qI z%ancWn~g(E;t3gCb8D%V*%&L0xJLk$vV`Qv_86jGJqiPU&D9*FdV zHEkS}yE0A(dpImBCCx9|eTv?Eww)LlUM7o_b+LK-Q<_4fXr$Bw(zn-*_!bPIXOukO zeEc zU7upWdP{Vr+9HASowWy-!#>srmjtabfGMYI4 zcuV==H^|8~mdr;h8*Kiyp8d4w5Dko(3mhLeq^}B@{(wXhB=mz=I)_sm)&+gsHM!&8 z8=z~i6B2(wchelG%ZNkm#8_6Rr;hAa+Jx72=JP!zDnQ|SG+sGpg!vY)kULX@actvZ zs{dOyJvR(b5e5ex#%P1kGhAC51VXyWz%8NlqedjDG8qAT zy9jh-;!$tQZk+l-8l}xX;4A4^~dIUl!pOcp?Gt} zLfkz=43}vpQ@?Uq82lOryV_$|<4zTF%wQe4T$95r*DHs2s{g?=(P_9%JBf(5adDZc z2H(R{mAuQSpc?6eXtPfemO9wt)L~1k`1KpCjT1mhCmytn^}+sj1{K>Mj1Laza>WA# z>DCBI8n^EZ+Sd)ipAI3a_<1(md3qC7m8KF^iyopT6HS`O$EZ}T9Y%iIg`ADsz|T07 zqdWUDJm0hdi*!Tb+Y}!>r8WoV%~}M_{t8g`<_gHI3m{#$(AB{g{4BKz& z!pkH{{?AAQ@J+CS%`$sP`c9VA&vL+rtceSSDwe1`XG>VuS6C3D*BTNVsGf*XLWp! z(Y3V?=-W5fU{V4_qd6Hg?585S&6lEit%bPRU7U6mABK$nqr^)@AJ(5Z%XPn$0lPkJ zCC#^PGv?v*iQuQR?A}AJ?0T!K;66o@4(MxPuColcFXt{zyX=g0zZ+>z$t@IZFh;TL zMY!huMR0p#hr-(8xaeUZ{azmhTMyTRVqg|sx@t`)QMEaMgjf2IOLgE01SIYuz%dzaK)8;PEvz7 ztmXUQLy2;b6?X)ShxQoxRfd&WH{p*Pr1_^eB+^YMAJXS3KWLM2EKPZuk91!Z#O}C? zdIR0GM_h682OxFVG5b=7Jt?s$lMWax7_Y_9UZW-?Umqo>%?4nn;FktI*9^1m)vGSrENdMc9 zr&^zotraVA$%;YLkD9{g2a1u3bS(@sBPdy5kGWZ$crf_~j$9I@4Us5TW=ky`( zb_^Y^`$7sTB7nQMfi29r3{wx}f$O_rCNx25S=&)Q1>SWO|hTWTZfZ>Cl;gRLp$6e=Y(EP9q8Yt4R5L> z;nYwk{TFqFzAR1y(cdw6>V7?Z{Z8=R%vL$gj`6(5ENNb^PG~vLT6}QRj~BseBp7g%Sg8O!ZVBc9!+$FhG_0%?;skjasHKtc+f1J%fGHyV!vwq>t zy%un%IE%>C&jN>U8vF$^(MbOFBb_>0!L2N!CF;i@;;}q@3C_Vq6S-&D9^kqx_#{iSnNGRV;P`S_+=gs*Zh z2evJq0-t9Jf!LQsaGhm{ZAY4E&oLz8FBYS_iw$*_xPhU(cf889Zo2V>AS{2h5$&9= zRBWG!8zxWJg6`)W&Pb3ZtbZa1jc&=bIo=cgwFZ-E-kNw=^c+mxK8D|H^!U}^gh2G{ zAd{u{lQ!J70(*UiA31P^@LqkL_)Y>=rHil^KJ}BNg%df^x4rbdup4`KwL0h3E@!wE z=#FwmZ;5c44t;c_pV!d36>R^+f1m%(f_Ma7F{GjTpLX_ZrlEFT~Yq zzKYZ0+;QeaES;OQAEQDwxN2M4K%)BquH0Ni{6<}|DOLfWlrh}XO4YE@!xC3}UL@5m z!K8es39P>B;qaAVzfs@V2K0C@0G`>o7XY_ivftQ2!uZKOAr&$2qLEv z;ZmvyUu0G`>CrC6{{%VgiEDcJHftU&zP|tyP5dji=T=g7;d464IhnndnoZV}7(xHa z1mb$~4%~?OK{^(za@CsNLIG1xn&0J zF$=dHD#c}G(I`=6f=q2FoX9dGJ|{fk;l9<_qce+`Y<^4IY(sG4Z8u2Fb%0t9L2HJ? zU$Mv=B=U3d?fUuD&O4l(y5PWF8n4U58$JhfZF9)|^MvGjO2WILMm#++cgxnM!mByg zkUV>cbGBa~dPQ=0X0aLZx@U)`gEu&)tqW-IIUWAfrc~7R5=PfWbvRzy%*L&WBm!v) zP$VG6J(zR`GL5u}=96U1`(;o6mY+qDW(zbiQ)5-UgGpU#G+uX}7}sGcEb92q`Dg9S zta|d2Ro}k{E(}a#Yuon1p0*M;r#%XWmHDJ>QWHKedd_>4{2G_|JtQZd8sp38KxWSF zG8|ExP8HWaV;-H3gzTFu=+zbpzS>ngl8ArF&7*}>Fya<`9rXakg0mCzS_i{%t8nwh zD{Mh_6)bC?59-$K)Vt@Z+bEBKP&s6*)rQT`Yum5~`SdVHr-UHs(%-NI2a%0*=RiqiuRL zxV(;lD_7EBck*uZkX?z6Rd-N9RSvJt5aQ>$`om94X^gL{!@;2dvU^nvKHPngl$(EH zF7DPjS@NVOyh;eV-1Ml}D)i^9X1^%dak?6w~biQ~2cCMJneIiY9)2Vet^nDww6p6y?<#%cBg+`bs zw+cq@46?;h0rZ`s9kd;5MkQ%?j1&=q-Z{Cr{L~UG>2D%+e`N8BN*eCb|IDl^XrNBA z&rwmI15!UOVu;y0nAa|ec#ex<`A^v$i=*-7-ZuO^MU-0`)=4?{Z?Fkz4miK}4jHZ0 zM&;@W{NNx5QiUJDX}d7Gx7G|D6{<1vL>hKjjgVFU?5U5%6ij$nPX!j0(}ktEOrY?5 z?h5>hl_86PGcXGyruBi&W&)<6YmhqL<7NNc3T=92oS70ES>e4`!9_X_ReL7$e>%$3 ze-0iP9(4(ojE@bev>alefI0(oS8;T$Z!uS*{8 zOTwV$=@b5z3p2}Jf~r6vJL}?ElJ?daK52x&`XB$8pl#*8Uo7t8H`4G5Pr1CriV`j zLDrEb>iRVmHmBy`%D?RpwZjhLGg`1+_!=>Ie4Dp!L=Z11`oh*{Nsuu09lllh1tLE} z=(L%N*t7IGv0YY2gu8FRcOihAf$~J&`Y!gX?1Zt7x3tDDA6x#`gIN7j3_PyH-BH$v zT0M)f$h(9}ZB&4Of(z^~k4mypJ((CVV}>h`%BDJrkiESQ z^nC$K_C%pdc)_luOcQr$yzpLQ2U&iG0+UQPjd|BKL@d=8Z!=+bSWli=`ZJDs82 z$GWQOVX?0bh+_flw|NMLF?rPXtrC2?^AV4K`VSoEcu-HVDNJF;b{MevK$XT%((gK{ zPnO``|1RL%Y&n?feUH5xlumSeEFhuCAD$bgz|mFJ)q0%@ zvtFFQut`tx?~YX{omxkjyhwblB?5sWyKwF!ZCvm|6i@E-qS~cHv}CF%9cnoNW|?2e z1Kv^?C`)3WIwXK;J4;Rs|3Tq2Cy-ce!oM=MnwR<{7Y_y&0jJVXjGF{^E5ebPFUjci20UA@!2RHT3tc}+g2~5^ zxW16#Ee@Q*Rozhn+shLmy+460^gIX2!z=ikTu;D}9UY|C;{r$1YXg@x_l5FYDbqn#u)tVC~00X z8I^?t@x;c1B>(q0&K7YABEMd5Vo#_|YCxpBm{O34Q9hJ#T_V#5H zV-%T~>WyT5Mq!2j=bM~Kp63~}dE%r^B%f2VTaG*!p330QYaE~7eXONj4)ln1aRwJ( zVcy&eWN!2paF$&2W3s3cae35MVWqf=Jy7mJ-^ypP>Ia({g~^jhuBt2*PP#)?%3Y}6 z`94n7>pCX%SS-gQ%!)MWUZBQr+L@+%y~OLxGPY4@Ci7Wx27AZVlaY}ugSK7~5;?h% zH6Fakeh_=go3n2bz4ghNReH6IuP5?@W4YuybLYGO89OA({OeuCs07TVT^A>_j(c^P zoqZE|&c1slrw=^mXc@_I5|xj$SHGTN%2v5CgX!*!hvE{NlM=)n__2T~I`2;2=47(Z z>|NN0J|(PgYZ+@lzm#Jn~A#>NUBVe1-8IVsPX* zZ{5{;woU3bFV6TH6TS5oYxr~uMEz=D7wK2Cb^jW9KUL+}E1e68lJp-YQ?ZeeIJJlU z+!;#;j4!h`=jJg|9rt*O`?T1)^EWH%?f?!Ny|EiaJK(4WoIWh;4m{yOvaG@fK4!n@cascuFmVwgQstwUrL zYs%f!GGRleD`wwRBR1s2HdbhJD(gPWfPHlHEzfq|Z$|$Pmn~^cWM+N3 z#3Ym_Glr&jShav;W>>*x_PKdBd!ss!mpR*qg!@ke6Qh3SY;X{(&DG{~th~YgRI6Y| zA1ovPT}+_|Y)n}k4(068Y%1Tp^&)GMc!+iT9m-lJ&t;tM{$?d&LrDCr4{VWF8vF4g zke;yp?6ybqNUG~GhAUQPqBVIDPpyACyX{pAYqRqy4`*8QESLQ#R~b>oElO`V-{1T4 ztRw3=MrQhZ*DtSU3y z+RUof1M^2mjErBgQNOCs8s)|?>;z|+TG(3Q*34nnEAQhR(&TVtWa8MOD=*lE(;l#vKXcfv z@pE{Rg*`k;{~f%&UNM}~9t+w$?KyMo>IX*P=_N*H;R{Zn%5S#kppi+N+aY*1ub%VN zCyjmEyq`I}zKk8Htzh2VJ;yq)U(2+K9%MI$JYwT)4)Mr$Dc1L+F?;q1WovQ{GS+9W zuwto{iCrj7TPt=lHnT+;Ug&Wg^CD9@ze`iH6%{D1I4MDk~%ZqbCTWi>sbX)ayK(~-%{?3_9Z43 z`sbOgO@{1;+0E={M_ICWTNa#NsKHCv=fZAXwUxR2VF_7!?<{-ze{*qcB-5~4m@Vbh zu#0V~h<17av))A9BLwtU#FO|roWPT+C4cO z(T;e=Qt26Q@N+50P;ECOu2w{X7G;q(org@Y_);o;dnNPgy&mD0zvro?WHX8J4UA@H zYq`qQPGgy4k9m@>%;~oX4kxlUfc1?x=lpt~!|`AJvSQi$US9V#UuJ=@B9)pS&TOnV z;T=*GjJeqy&gKit(m3xB zj_z)GDm_`4_1^Q1v;3YgT{+;xrmH<+Au66V>q%kX*^F}DHhyD{2xL^$`g&10cNror zD^8!9%;Vile8JQv|2EN9UPL`?DmVvLB(m=e&a!`&er9FY4V$FDzsZ@r=`AzEc{Y>1 zzn(cO(L`@m_%P#VUNckg4>I)Gc*W2C!OVjh=cve%0LIYeHfwluh@Bi-$qSe{fFr%w^t*Qe+x+K0#jO>9)6F@ z{?~=btC2q(Rvhs++(K&%kKik?k8&eG%wpc(o(B8uI>t?K6~%bjIS!cEu(Tq#EKUnSGr7s)PoIf?Av zn8%1{Ff4aUACnq3lieyU!5Vb`We(; z;U6nmUUn(Ry|Rrih@ZiJJ++*z+}6!=_UK{FJ2Xf{e<-K%`^o!?;bqn) zakHIBSbj3IN`D(;da08Qn>3xg7`aSeH6G&~&($#T5I;uVwGDA}E;(^rPQNd|U)042 zd+p}D4i{iHxP9bhDj=CXzk_*c5Xox&)8cGh%vG; zq4{Y{|<@;L;^QZT<@kX1lQ(o$)sGYtdMZR316Q{lX7x- zZ|=Y3Tmvpy)+fyr8^!Ua9@AkWujSKl*-Je0zaLFh%P+Hg@fTL@ z<737&?HObGYB|F<%3-7=C8*`{MRfZkX{PCr3*&#moOw8yQ#N~Xk@5PiQ>pRnJZ9le z8RksEJ$CaA9aeYcGPY>(2wQa^p8aycl*x$eG8uYO&m_DV=jCO7VCp|Nvs+3{nfWOx z6>Dw2kc&PojLXvJ4|DFfiB5roHEmc!ZpW|A?j z6JI1WVE?NDIHa|i@AYXhxA86uQ?#tG&BYNJ&Fh@8oT=#OdjM>c^5A-rH1?^!flQ$d zq|E0aahjt=nqE)G%`?NXTJR)n60d;#sHJcsK?#1g&*W=vI?BHiJ<2osHNfzdgz%P4 z3fP#<<`;cQ!QOomBw||${jSgml9i>j?u{Oj1~Cx-DZmeG)5hl3A~f#4LI$1*VDQ#+ zaLQ&9{*6zBu*Qpc({u?byjh8X)-3+rAj&B#|p#IEhG7!Cv zool85KOYHj*MIZHlMyl0XnQ#d6*)3pDh$@9Zrut=^|H+4~O^Aky=_=fsm0AQyBID> ztY?+q?Zok*c65^+q4Ryx&`3oKkIKo>wKnG|J5LiX_~)X*{0$@|`xfR4TR{GkI1Ie6 zjvRe0m@`)ZSFcmy7QUF+YkQtU3){!o5;I1sO)udpYX`8Yy@Mk@KPY{#i_=%8;zlJw z{;+Zz#!lc6*PR04sK|;5Jwge+5p#}C_7hhIohFWb&gK^nrmg`+0{F^0OrPH&2_Oc8oguSQ+4lWxY^yJsoBp zibii8N$xDyJ1oEa0ddK^fVs^xfH|!L@&R`sFySxpw){kwjQ%D~Hxqz_2f|O6B$}Et zj&J|%g6kI3@lIGjxfq{CE>B<#TUYc`H!=m)gHvE|;ca-s@adfQJIL<||M+K_$?LxI zf@qdFVDw80@6GyHt!v-OnrlaKnT|A1PemE-xQAlMnHji4;0YL39)zu8$H{*g8H5V{ zMds2VjZqi?srw_iDD@hYpNhe-4VyS7uBq^HRW5U8^;u~8TS-qnd5r~QH=*Al2mRYu z6Vng7soh@-qJ6dsv#U>_(ZX*~*?OA_W+`%?1&6aezs#VM&ZB7`<$0DqYhdHgbmTXs z0;f#^+Ly#bP_irhRqFv6$I%HtH-PJH=dq;eC0baBVSx8t^7QQ}vHs)-W75;8<>+aY z8hn9T6(;0D&2>bfCsf_>HX63eK{PH!w*e>cdsWRGj+mcCts3aLykK3zh8*_$^tmcKgYRhRf7MDyzu9U1sMLC zMsL4QW)(l0fUao~es_z5-7&X-pZ@~KMb6_+>y;=Jt4FnXhMb?fW0g107_1*RVN{Cya zaEsI&s~}lcU98c??cl0PFle(Hm;B2lWx3BuEso*jYH@s|rvvd>ap)n}jSV{IvHQhA zazF1D%-FvHuCmA&#QBQ@7SpD6FII=y6 zIZ5QXu9t!*xVA1dzG6tHgw)c+F%O*7@`7%i8vzAZQo*@-4VJwqg=q%r=s!Ib*f}#{ ztnWDb3A*BlQaAM$UP|o)@6qI^fw=Rm1K2tJCPSyDvvFfTS-IEqfYBadZhTFL)z_Z$ zG`4&q7S+Sdh694!2j5Lei0E3pWvC63X=kywu#1$&*VDjJA;R@J2*>}1L%UZrioab! z>>^%)+ev-;-=PtzBN~UiZ&Lj0@;k_!*R#l)sih#$%BSyNhQQkyQV`Laj;);w`0_6U znYmp}FrvAUb8p{Se6U>sO{eB!k>g%C+o6RKH)`SF!3gRtX^w5#UvN#qG1${GA2llj zpxf~>BlUv^n(OueaSOXEtUyzbVCw-_edO{&c8}z+e+|;Qxq+_&`G^A46(0AkDGTdpJvNFhD?u9 zVkL7F0?tk42TZ*}|E&&yfzA2wX0ASZ*&l)Z=~+yo+8X?kIfZ;bB*Q)Pdoir8L;M*h zM#EO!p@~a1N!DL&;B%cZ`L`&a6^N%A|Ab)GXC?mQN9&N)7v&e*TXFC1oli3^hBBKf z0!(7_XK)oZ3es7J^nKJvK#N#x)Pp^Qa^BE9j zD*`1K%|L8TCp5Y{f#xd{B*q=fb3fmJd7omz>_HI98wz3W{W*Mz$7j%kw+*?U;yDuj zhWsgw40ofJ2B*R@1D2e7fMtrERQ|RyG`z8(8U-c@F51YYOWC`XEp%Kz4&M*{AqRy< zsb5f?@llKOXzg6beqE}Fp^vk`Pgn_yUk=ffLnrYWnM2Hu`a$x6FrsD21J%4}D7vD_ z^;=a#MlP|}YJ zGGgd^=MvmmXo&lo=3!830ORO?fUH<5$^HCAjGU}dhrfF?A)@^h%m}vxYkOq=!6z~_ zMGOa5?!ukRm!VqbbD~QmI1i)JXwcUOxZdb4R1`@uK}}0wyt$a+mwMA}eg5Q4w<*Bs zvmhsTfv#{o%l79e!R;3YeDMvIa7REAE5veWdG9FBP*1_5E#mN3Qv_!<9LGl*E6FA& z2^jyEizlDlLujlg*Kauzjg)gh7I|aCrjKxHQ6@4&U#RHK-`F)@6b?R~1vRQ1V55sBsn6Z*_;bNR|yt>oJ1M=F%o4JKU- zQ?nz3Tn<;j7cLU$D=;0(hlTkmH(o-j-df^OQ_EA{e-K5-jo{1DLa4Zu3?fygROR*? zGW*6%M)P(libY+(CBA2<{-0YY^W`O@c%u;MZxN{O3@3eZ^YG%XK%5|ysj~AZo=T`@ zjIap!5QEjz-_um1i=4srIW%FPJ`GC?XUh7P;=tegI7w+I!tPAOKe5aW;UC1wSeu-> zDTE*A*+TWtXiDZ(lB}@3ct_>Pgsx1L8vYVRz5IR*yX684^pfeUp90*kJzn6rR0&-B zYkB*b4&-Icr;&5L@x-dB*fOq8EW+o&g_>RnC=uuDP2hT&Hr@FC{!x0EcM;>8wzAW- z=fbesRakv46kY~=#Lnq%^q#9S9{8riQ`noxDm<;@Np=;n+bRd>7QqNmv6G@=yRNb? zCv?2dvp=AEiz(chUk3_u*O@7$qx9bq3BF9G0*E#>Pw>mKq*K-sm;Z~!c#mxAuvLSn z?C1*}p=VHOav)j`W{{w@*QrIk20q?dL4A`u$p!Pm34H!8I+|U_k?9i}@n1L)6JxBa{>5>1Ore09lR?~gS?dU(D=cI3Z$+k zws)Q}Tf42`n?Mz|R&7I^Lz^$>5|=|UaZcW~RGf-Z0|!oEM#$)<^QsB^G_SgA>% z?22C`N@g-AF!33qcJ3eUjjUv+?Y)3^zDC2M&E8OTzJ^(Ml;C->{}}(84mQ8Ih8_)? z1+DxC%!Zm2VqSL{T37!-CBI^_I!TsAvj_AWKOa`@uOe=#9?)U)j=Xi_;6w8e5^!9Q z*JV{hS)o9WG}qvK(4-gK}K3_!b$vizZWwRA>y7frg`1)9zGsnpjjQsR{ZtGkxs z0U0;A9MQ?D-~o7$@t%EJ^_a%DTSH)WD=|53%}CnqLOo4gD43j&F-50wPe2yTekx4F zT-533cWv;#{2Kn|>C;16S|}0f#ncV;k-78s)3X1b-#o zmy&>Q9|Y5M&qIBgKKOs$K9PIokrLyJ#4FDR3(gnf;sJI1@Oc5z%lt=DN8-TC!NrxCx2+wo@yG_FpX=w%^oK=eSzB^Q^@`M zw`l8}`?UK~CaoD%f)A>FOqX;9kozt;Hz|i>w=LM z;%DSI6Yh;4WS_Js?pv~mdX7esi~~8SruGclQ&54$09I8zCLcrKF;5~~)4`(wjlW`M* zcg@1ng%b3;E5n_6_Yqxk$r&^9&tZM92Id4`0H=DkXUk+$d zX9XLXeZ;S5Hc5bN@@>y{th+dgzLK(RIS8qd!xl~Q~X4GM@z`B6Uy8+ z|4V4PPLv$eoX*#7_{lS{5W$55X}EH}E$U6VhyDu-@U#7V;5sFNS@!@bm6`?yX}~+w z^_rOIX@JN1eRyL{fJuC{3pKy4N7sbS=BAl#!oh1xApb!Rn|36L$_1KCaQpexn|}lM zydFc-+rc>V+7=Adb^&3-I2!tBFO9lf2ptbU5$C5WNw5ZQ+)$yjpL zEat=GxkKb{?g2cO7zx|@{7{YgL2O?Jqti}(gucbnvpw#$5tB5WZa&N1mtS+?BRuB*h|p?JWTQbi^1_IlOXeh&0^RgGFXd zu`gr52HKN7@%3ADEzh>5?{~2d7{qf96xbxDA$>F z9Vo^Vi;C$T=O6GO{~NVib_^xW%;5cC06Sm=xO3|qG# zM6N$_;~x^MnuVzPq>k*J8;l;uo}us9LZ}I!$*&Fhg--i7FczXt)Lpz275v5U^0#UH zw_lvmKl42VWQ)K9&FQG2w-}jM(}3ij75)$CSHY|?B zv(9(XdwV*nYtBXc8O7-S<06@(p-k1+9>5&u>Cn1+8{C~;2PdW|O{`5n5J0_N}=kQ@oYJH z+hh+14Mw#+)nALvoW0X1dVwR84MMckI?w}AKbh37qK=>W`6fdpj*iTdYJzRJp_cYT3VTZeFDeNQhSJr z!UCxBpA6G-q=d@13*dNpCiwg7z({Qv)Xb6MehcNnYsc6xzY?!`+La`mUgJY8Cf1EJ<~$AWdch#%s`Yl z%f8ewz*otKsESDfG_{HI$1BS53scF&X}rMEcZyt<+)}W3)JBZLH6U@$XWHc!2!&(u z^ksJs9osjJE1)@xTY7Rm`Wdgq0{J$ox849#v5bnvUc<=JWX9Svfp+LgL*k{Sxb}!A z#9nZMjaxh5T;C^};a5j)?w*3{%xcKP9ekW!@Q3^{XoOSm{Mnm(2wv+H$KmM<>B;fO z@NUC0u=;%uinnfqxUyPMzb=m*@o^~g$B^c%Zh|RC%z=AHj4M{t#oPa@ohWr@F`j-} zXg7(E`vWZ|Y8ALXV-O|lKQKG&t-xW66@J~#rx%NE;?AAkSWPa2;g+Y!y)=)jXf}aK z_50v~vDajutqe|BjcYGl13YekE93aQbIabL-^9LQcy0=;dFux$oFuY(=2A>~GYnUh z`e5XaH5_it!my(+u{phu*(SCIY7+hf-{@+(E{+FBBW9w;ykg>9F@-y(`<}>|@k!y( zJ;<>sVBR)X(&yc$!EW6fvcp{+e&-yZ`$sQLoEHzK=SKG7>c&E-6+cJ{jYPTEXU_%J zqL11wkVW~wYeB5m5rmBe=~_WeGH2EgQl#LI5?43jyow3kZ_F#WsyUg@loZ0ZcpmQl zXpFyGU0{l4DA_RG8cr_U$&)-E4U-4^$npn$(A%wzl|s^d6PHrv=GVovFW@3jYbm~x zdl+c0os6a`jx4{{9GK}}pjXb7^eQxCV)JAu8EOUL+DWkJMG!u<4r>dD@O~c=;LWvc_9%`TI-?rwd151l|lEZ1s>Ij zh6r~R)b|x&#%;bbPRi3UZP7MN4in&(WJSOR!#||JR}$xR`~`#mRoIt+Q~CUFOGrdS z$u5;hWNYD>nN!-cMoC)GLZyY$E)+r}vQt@7l$0pjGxIquBoxu2^eyd4Xd_vw_jLXL z@9+KnfA95P@0{y7&zbAY=bSm`dd{4g`!n}_E1n}~gO|Z~&JGSov_S3;Wj;3P6-(*9 z4!qt;@OT(O6w;26*Y{1}#t(fqBJhfcV--ve_PgSVV^kqvryrgf;zVBbA0_A{BI50f z1&dF+5SQ>C*lNESc8>1^snRT9PEmNCavZnQM6}oW3=Arn zfyECayx!an)-3lVkD?`nXK)!woNES^J8a=t;7dF^PDWTTZ#k-+a1wT078fQ-G7|OD z1iHUx;O_;-EH7n0%e(g&l0GMqgAZm3GCW?j3zeI9)n=KGukpF2BIPnIc|6eYHuCK zpITJ#(w7b}qDn}c=b7-V^&73*p1+`|Rz?M|kzzP#CST2g_xABSFvi;HXv;a;9BL*j7@=+BYe~ zE6$NDJopZKFFM3-Iv=MOEtI*h#2YqG36+E*&Nqwb2Nb{9Z@4Bm}?^T92R2{sVJf3dpk$&7^-#F>5=f4oAms z1!rjuoO@Vw9UY4S>CZ-3!?l34Ntuy_>#lKi>;YS0{dfMqgSDKqh3f-}towsI$r>&s zvAd#iq3Z@RPmE);p2T1mm+P=s*@mKC|0;lPQSR%3biE#+0olb zl}92e48P7ykL)4A`wH03Q-tUlI*?%b3|>1x^R;`RVyY+F^kCABa6`F%uh^Q?IQ znnYa~PZk{;A&k0t7VawBlf0hK)Ld^VygJiHtV>HtZTJyTUN8)2M%6*6)CN&LEE9wx z?o0Ja1M)4X1h3F-2E_w;B>de++d;(r`u-CXJYHMy{!~2kJJA4M zPh0WysnOut`Uz%O*|D3ErqJorOT2Bj3tlKJBW9h^M7z0xZE0`C3aODK&A*FE*@u#y zzkA7(m6ynubcSVyBx*Hb;d&Yy|WqWK4lS)_xi-f)txl=?*bX$ zYS?>ZDv22!Adj;w@YJfesG~;oU+TFU9;Td!Kf9I+eYL`1&aG@nTeyiF(+-8;@}s2f z$|cfkah;ZL(*l>cr>xY~2vrsSLsakfVYNS}=}`4FaZ~nfHcq!WI!0CAY8z->DqL zgnLPTD5Wv|`{rO0rU0Lp-(XY9N}(q_f&{JhfN7$L3_2Cz2FoNLG8pj}YeqR{LfqaE0tY&xApcYnXzV*<d?85{VLndLNwBK(2Lx28k?6`$CZ+KJY#*Pa9w5RcNC>`vrWLOH zPKR3!zVuD;J>od}4w(|!jXMt_D71?s-}^-C;pA}qZTBU7pBpVS*4_<%;-6si%>jLvn4D6_(|hdX06+aaV)#7Vg^YNm)I z_=71JJtxRgq+M`*14vv;f@2qU6K(fiva)F;dAd)XOxV8=tE+f`!F^{?oBf*1c&cOd zW0yG5?}-v|UM8S=-8A;?Yl3L*;zO*bXp^w=Vm9~CaJ&aA+;iq(x1Wfey}@jf zjuNv9D;RSz1+?Dk(CkeUcy3ZLxHl>jpMVsoJ@|yEPj(@! z6int5$Qu6{a8oy)XSjt#Z%M&FHVv?KIsg~VPk~a^7{L|&kt9#>8^`BM3fh+XLd}bG zoXk5B2l+^Lyts;eIN=X#H%)>M?=vi&(V34zre> z0Bsj$WA*7r$R_asGHGlai{1E^G#E7yEfEL){U%Dh{>&gV7Ow?&i4thaI!ab{$%9-_ z8hp;JpuT2)bb)0yIjS0jVw0}`S=CYTn0JHJ#oI{a8@gfe4m}tOo|W}5>X#d6F1&=N?c4>I zK9%F^wetjzl$6jltsq!Ya}s_$)MqNY)0wR4L|EiITBv&b1(ja-9uRh74SK=kc2)?v zJ+TQ!IB+QQb`vW)rAqvc5u*L&2RS`>4u@?BrSpHaV83G{;Z%aD(Cm~X`FcW6sM!;S zK88kPhmPaKWq$`Z{KsOr^)it>oY~J{LmZbetq$KSIRNc9--4pe8xb}W4DZaplYmEQ zVDV61XrrtFHIGYi{aIhK=R^uKjBkRe0|Y!Gw}GQ-HW4wrLD6Y8SNwP%*{rAtMNhJE ztx5ri_1yu_-TNTToq&zUIW)>{5ZinegWh#o^j7l_!E>eatn0)BsvIgIcoGSuS1=!R z9=VZ~We>nXd6;lLHx$gC%p+fvPQa{j?s!w9JU4{bL9v-pcT(zYwYp5Xkeqhr4AilJ?pxY}jxezZdHSh3C06!bwVC zTUCM+{hFAs;T5)Y*;OnI*Ah;Xw57pWF~ok3H~+k22OLbe%;Jo%GrLvZ@FVpmlTy7( za^5zu5a$!jxGal}ZoG~H+yls_w|B5fX&~{pbj3~i7fI;VTeze@lt_A=Wci|fEAN!D z@VA>6K*GS61S&6p$Hlt%q{0ev9!roNVpX`V-G|(MY7C=&Z{z44`Yb7rBN{bR@%OF2 zVRf?*|Bh1=`tR8eHJyf{b+9H$rI+a5VcDWFC!aM8{(&+2y^wJ@pBXFP!Nc;Tgu`Mm zJGL>HbpNxI1pm<$9J(A$Jd4v|x#+r%UZw&rmeRtves9>q6gL`CtxM9@Nq~ifDxR?h z6N8-XWMk%JC^goGnoGYxS7j{O6cfS3>tqGN4;!i02tBwsSq1#Ieqpa)Jt4Ez{h`=Y zjU>-E1kb=Z#MyVK!25$Iv}ue5ooER`piK>F^8JOa{ieYH6%)$O{!R1F&x5nb42-oF zQD4DTczaWU(I>ZYpXUMSwr*l>+MUGoN+#5N}W$qH&e*8i>gFc@huM2IY$MTzQN{K^1^u!J~6}XQ;4IUJ(=Ej zo6KM>IKat|z{oZheeXQ!b65z$>-+HPiKX~TH3w6+c#ZK1 z^7MTwoK_zWfp!C^dA%CcR%GK_UmoG@%U=>wH(qEib`TQQ9ftA~^HJvN*Dz#AHsNEW z1^KFNP`){w_4-+|n)tcGs&f)V{q$j|&^wP`d~0Mz*2Q2`wTg`|4kYtWYm-miO~g{y zgxQPo&dWyog4f%h?AXWA!tC0Md~HNF97$b3(iRtCpPV1ynBiT~Rq6vzM;rvdf*VZn zi#9a$Eh8G~mk4k67MlhKknkXVL1J|eMkakA9wY-3hYu45pV5L8$*E+ROes5ix1OY) zvBzIWl`vuKF*aU=t&LEgf;Uzsvye~!Fh#dxtSfO1vECXc!f0jKi6d{whjXb|xkMEd z`kJYEDP@tr(nVTE9t2r$#h>65j&ztw6y}M6+oE3BGG+xVbyXxkE$)zeuiD6u*{Njk znW^Au8b?O^QGCZ@19?J}rxUbbUoCqo=U6 zj0|F>`WbiBbKfG+{z!C7y0F$b8enh;>LU=sj`4Zu-e&aI>UvoSF+heOHwvziVP& zbFUJkKiM#P`5|_EXD!}0@-^LAZ3)JKA#ifV3xfc%r89u^sn%iK5hWoSE>JJQ-7kUEh5m zad)?o@e46t%QX^h&2yOV2?58=&hXvA9kg7=5$~Nsrje9E>Tf2&=#H`U(0zZpx z{p1F=M+~u~NhdDK6hnK=zmfN5HzDMU3=#ho3u*)DI4u1dOcOGg?wS_tL?SvBDFgV;aNS}&}gZ$he$keN&7e%Y$NQbGUPW}LWC7;4?+|@yjrkw}r zbMg=}u>|(@rPDEcec|lq1bROHEEn|lkX7yjAE;Da1|x%4Lj9dMvPDgWG~SXFo_#ik ztf;;~5+XWa_R}3;SzidYOI|`q*)v)(unpIL(2=&-@sdU zM&YL6^57+106wZOV7T8^GB+y>U)XkyeHq$H0&4z{on+GK8C zA-Uro%5)B#!B2LUF`3W9g;i^=!|V&sXlwI$NR)pJ1tJ}(vWQR2{=`3UQ*Y zqkOQ3DCh8Ngby)rG{E!f8_AmL)A*?fUwV=1!3LGPF$wEn{LU=qQZ7U4RZc;Yz9lHD z-of!YOIhTz0+Q4kjIX{IVf%w`ss4h6L}`;4d0IG+$cQ<^j+60ZW&V5^UosB11||}} zpb-MG(}{3CYLGp8qe&OvNhGf=TZl3~3`6{rpuT3LAS6(q#E#Yy`kMY>qo(mJc6}7& z4eG(VWG@)Ac_Qn%bqFT)DUgIct!QplC3)ww4Pu>?NZYK}?0b3`i;~r3p(4GnyA#84 za=0@{3=Aa_-XfgG(wMYu`h&Y~t%7Go8<^3l$>i>2Wk^_lnhAGE5|6ra(zjjw6`(8B#((Y8yBhkEfpPh;GX3MjB${c(1wDR#SV7(esci*d2ejI(RD?H=Jna z?LDthey%f}T*%=wXAX$Ctt0ncS1^TMwi`(`kvFAs&RD|pqK}MQ~)31A1an_UksU3NWx)RDs%>m-r8nmv2&zYzuQnkqDN>f_Yn+~_rFcXaK@s*2H@C(-+w25h&DbH$0L z9N%prE}V1X3@YjqY5F9tMaPVeapKxV=q=aBEkCgfHOz^owRc)jnT{;KW^f`7+A2$x zzByUGiQ%kdD{ZKrf`HG}yFfRz%V4vI?r5OKq(a@NoXd7MDfcC^_^NOMmosfGzpLpS zE&HZO6BHwn{K~al*_Q0mb!WHmCeGVY^G{d0e{dOk6Z4A(Om(D-{m-#wGdq!M=K(II z=>~r;eLStUu1D1?3g~fd1+uuToQ|E9L(lbN)M%^Ad(TNl25U9Z;{8ML{1h+l`IT(u zv3VWsR(b(sSfa9b9OH6P+Uyid{dSy5E{xfXT1x}DeBJb-5(wW7Bj zTxp^G6i#Q!49ePlSh(t0PR?#VYBackKInf(S<8~BYMvviPP4{yzAK`aS|9o9%3<_L ztr8V>9igwJ(z!B?+5F(ut-P~Pjq2Vk<k$qWwieIYk z$oHPpM?P-9czUlNeSLhF4x}4cJ(6mrOJ(EGE|qVzw|5WHxM)SE22G+(t{bQTB00!? zh^*AE@oDx-v|ldIYWrLn`f_#}wdfkoC5!2zU3)uur#eqGY)vV>+kYiL=w6Gla*&PxAzY-7_b8n}Z-?5V$+eSEf3i=7ze_73RT|Xy zaGl`uVh4INuaNDoKMIwev#@W1NGo{OY5F@mmurcdhj!=|RV+)EMMBP!CA^%D+DQpr zazGj@-hM@6=RZX~)^|CT-(y+$9CfzzY)?7YrpNuR^5p8I!mQ#;I=OelA5zQyN-m$@ zNBz&u;$I5w`PZWka*n>s=~dnh+y8K&C)_@AB8@rVBpiUPLRt@!UT*8hD$AMw;sxg5+J#lCh^lP-~Ar zdgUC?Jzn044p!X|VVfP)M{PbW&3j0F+7#Kc3$?g7ZXBD6lok2C&nJYY}s`d{JH2hZaOirX< zIU$tqX%(9S*K>Aj(^+cgpw&gW z6V#)14fjM{j@o|c0N3}*?5ZVDqmL!Dz4{l|vpk4?v5w&?`qpvhW7E;9dCRGjPdkEO zDWT?3o*OOVycbEe@omp;B7bvx>an1J=f%U(he1Z!ltcJ{`4rwsC!5}tImGX?`G+^? z)xu#-;mqXw3iPn|D9X|eLq~ROqziRSMO^A}TzPXf=6pudm0d-wWAYuOYvqhm6%VkL znepfpJI!fY`=h6$F40jlr!$F+No=-LE`NE$2zn$k97PG+c+rFzX}{B^5@-e=v<}ej zPRWXeS6lhzYddMsiwxA|p^Hb4GsZ?Or8LZKJXOhhh$6={b5{9d(b(+=I4(I6y`MS- z|1deq&Nma*J97zYQZ`}I1H)PSybI{$j|{YX=m%1{;y#_Pq)4|nsna+9s=RH99KLKa zjyY_0KoLT5WT9kA?YEAnay}pE(Odd-a=Q+OAZa8PQ^qHi{I)85yp2y8kYLf<{HWLT z2&8+-?B6`*5l4DynH zgj~h8&_ku+oOHn$y6gQUR1ZBU#(XGqdgVwZd~{Kfoecl^;xu%?Z6!UGa35*xb3v6! zge!G#K&jRTQS|fywA*4lYrR;2PW>)t&kAj+oM;>v79s^kX-#AK*k~b6dG`ts%JMlLyrt*?wf-P;!;#Fe+~PpEuixb3}e*gHhQmi zf%iI}iH5znj5MM|dZ3zjsnVhe$TlLBS0A5B=S+*>H#>(RUw?VF$WQbhA3vh>@D}>+ zOas+gGZe*NkfW{6tI-+t*>uA+0T=9@&MTu_KGe?N>g2YDiu={#XzRNZ+=G^WES_4- znThs=+b4?CoFq4Te8f$pTz!yxs(FB0(=-?9UOUGvaF0T{UsSou_Yw@vd&hAJN4Ozf|Tgrkk5)ZfQLMYq50|Eul)0*aXkZ~y=R literal 37611 zcmZ^Kc{EpF^tPE0DM~^}LP9j)bI<;$q>!j2Nug3H8A3_QJV#|FAyO1YBkn!>6O{%u zC-qe{kVa){60di?fBoKfy?3oUu5-^_`<`{4v!A`6?Pw<|CL|;!CG`Jn6NDxTdG6V= z!+Won(N@nOPecD*KGuungk1l}79p}F$ZxEbp?h$Uw@;w7`yQ{&!QMVw-GjV*1O4{6 z?=_JQ5Yp9kksRwkaIB^0cCP^8|MQBpwU3`?(3=1AP&z=wMR=@@ae%0c=-7FSe{g`9 zy^wZLfcPpqAv+N}340;Y_<*tF#IXxI;rIZ_ge_bAe0;pN1bO@U21+~Z+3K~&Ypa#_ zmLTZ>DZSMJR)kn_{o+ZC znqUd7J*~zpnK@S=dp?R;>$RGBr{;2R!;QE+)qZxZ^;|A-xX*lrp_qU>c9qN0 z$YZ;Q40s>z<+00WUg3Q^Jdymkbei{J=XK6!x*jvye2lBEcO^srNz?sxT5RLFXl}*# zbDWg)LPmuzMXk$QxvAMv>_)yH@4`w=rklTnQ_{(0rp7zeRV!cOjc8ZYW4Dev3JNP8?0KFlYFVGr6j1pLxH$YMH3z zCpbtw&8-wy0-;BubcJPFUBSp?o}53QEAiIm86^d=Hn!WCPfxdV;%yVCZL^C-L`gIg zGHWw0{;?=skkMW1mo7`XR;bXoI~!TIXHKl9K_v6=&>GSaBL*ibp7Gwkapw8ITEXPs zR;|0bOpn`jK#$$CD3*Ju+sl-{&SR`+9AG7$ZD!>2t}rqhkC-FQx!m;Q{j9s!WTw%G z<@`42Gd2-#d18krFxP(9aE`m@arwE&IhC{9*{rT5jA{OF?w3yqqjH2tz7Kq4&MepE z<`g;c7H5PqnujDw)O<^(tUlA?N#i2+eav#^dVhbNquO-*v~wGGU3ww!>$L!Gv&~5& z`QZfjZmv10Oux)DxL>Ag<~(H9P3nV^Rqxo#X)76ikOwE6q{&1_TJZ|`$=tP*y}W5c zalDKDhk5I^Su%bGTFf`q3TC^R0dKsVE4L)BimBQwMUTD7wAhk5gJvCf;x5I7u)F^z zFbQE&yhq(`b}Xw^S(>ZXPO_XFg2=ite|`nyXu%GcVX2eQg5)G zqiy3k-{1ONc}5K@V;`hf zQ6tGFURA9Do3l8K%Zn-F^ix!5zEB*;JE_6;G(>amErn!0o5VbHeOwz=|C|)OKh8n; zIY#TKAv0gr*TVE0pA!#L;5cg_85KJ?MdPovqG}(xvm0gc+*?_0nIo`ArpU3I%L`f4 z`SW>?nG0M`ShEFRcoF8i$FbYiZ(?Q=1H4x-hqHY0p0iYyAbMTB=C$H)8O_26T==~X z=0@jV?!MZ6{#o5%nk)92+b|lBDX;9wi1aJoMAM%ZLro0#)9VoXvm%%oKJ%NS`*f+v z+D29s^10HNOBj-5&z7ohV@215)amvcGjg?*+vfO$X{nE9f({vRlBy3GpUK6%g2Dif zgyl2WS{gXZlx!wFW)m~H-Gz%c9pWC|8b_3QN4d8Op3I!7r&!&{6vjehGAX%DnZn5( ztgrNJ_T9=3=Fgo%uDrRHX_cPA*ca(js|T6f#q8X=Q+=k~pV`9PMC5hbeaXu#@s-Qj-6 zJhG76y}s^}s3dnWVI?=ca}MuUYdGsUIhRWfe8a}R{mjd9m1T^U299CJLZ(p3g4>_= zmRr$sn9FxM#XkLO#O*zGl({>mv`W+Y3PD>lAO7sux@TN55J@qRYU<Fi-IrnMx&NN2n9>;CizMhll*~)x&_-1i-RTQJzvVi|s*ps)uxRh~Q^_tBa z9^&TizRAk=mBNDXNz9{I3!c%W1dAy3MU1@kBKnI}a4p)nOj;0yqvVtWaq^Y zM#IaPlax8j&DN4-MDBI+=I;KF7s?&sei*AT!+cT35Y}+#uke@&BP~qrmvg+g;n&&Q zQI?F!O*O`#JCRtgjUfdO9f(4d5cj36lGhwP#5_12&8(@vQa53aEScwgkTV`uFoQ!NBr+e!N@A-m*jK}1S%->VK%s#W3ba+9A#T%M5?r`7%&g1@P-bFimPP6(rW1Vu6vz&C2X*qG0HP%!j-AP95pW-@;yN(I8HR3p9 z{z8gGTr#AGT&FVuZQ|t3oeVBrC5br~9%fOOUdBjN+49_#f1s=K60T?T4EG_ak^35H z!8lc~=I-PdvrE-ZFg81FS+xWm_QZU`T>UF4xPD|8Gkj+)&q}GF?!~EPOjEfJ^ThOo z#go?E%)RN>+{S6)rt8YInhVYYtkT_ajQi|8j91uhTG%T_VqMQL=O@2nn;il< z2fCJJd$kx5rB9^2Ii1nl5l;i2XEN{2T zv(Q~VgNy%?$hmJEWzuae>3~f|o%F~~=9|@R-skHKD`{E9Wo=4k9Aa)~H^^h*f zZ?qx3vR2%tW^Zm;emNJKpT>0uovK@SWFfo%y*|@$b%1C7W)?SRLml_w#ueu2<~}a- zZXQ?SG|bR#51AyXcQE`gkvnxxna;WOmyt|LW)vHG7$TL&Wy-lSOGK6H&K8BSdnA-N ziE;Vdqm_odujf-4O}X=o$M5mnz6D1)g^81yy7D2;rQtGLToufuPI=GDX7;o9QfIS) zgB`r{al_06qZy3RqZ{nCV|}bjP&8{W$%qY2nrHF+KRxnfP?E0j<2c>SNS;ArCU1I3 z6J6vG!gbFd=1otT$6U;qM0|H#XR9^O^DN$HGs`dRWjoj@933j*dZJb9DqK^URZ&NI z)0ST%G&GidblsKJ3B1B?-*CxdO2ky|=J-QDbCbDU-xTS9hY9o9u$-IStAe#<|7!IEYM7x#ui0tZqD+`$ zFmp)HmrI3hjLK~jD!#~vXAuZQIL@10SE$P#UIcWdz9jeQqbk$ESd+s`CX>#G3A{%y zWVrR&yXan(%}jQAGYwxK!}v+@nEhu}NoL^%rb$l zcc+2azx|Inu_d_Hv0@&xvZ#)I)qKDrXvl!uvFS1E6(~WpdM!BF;`^KM3%}@|`Xu ze_J*?FlPZ5;x(10Bbh^w?JwbEFJ0&Q<|H#>yVAIIUn1$%K24s}!dlMiwE=V6|0OTX zcPgnqV90z_h+$exBe;T04aN=$qxaRF398hnU3+dV`)Z_=OSj}PCHsyr*S_rF?#tcg zwnW|M`TTRBV*QhuiaE0MZ{THSXTJd#b>kB6Hq|opyrdWr~2^6-{0O zbCiAQ-N!sC{LO`4mnKV$M!3ee%ekM^Uhv+{`^=e~=;PvzTbLq)%e?P%ZgLK1-gAee zO4twQlerUl>YPINS$5$o2^!I=4SuTUNFHMf+Qy$DzxxBo-mGTI%I3he!U=do{6C-< zy`e7f5aG}I4|iS=fm!!#2=i;Epwp&|9+MD50{j@%S3ZhI{!4@vF4Muo-~g>Uv5{;k5ao-Wx{q;d zN6>Iv1x}jq9Cw&M#mMOyVB=h7ad*ac^J;BL!5wWW@Tza3gQll=%HC^<`oUOua%L}n za`{v@#Y05ke&iQ*;0yEDH#mR_dmFS%CkfQmp5pwYJe+V4p^7*|qUU5B_*;j1KLUZZ zV)2w!B+LpuNWu*J!E5&>{`Wh7(RPm=?Jw9ueBY%)=DR@beeeeQqO8%fP82nt9>MXW z(_lES91B1mJ*u4rNB8P7CRPey)ae0m8^qss~rtdGNCB1KqgkATjKa=AXWUWcu75Di&(TJzlg3`L92a z)Gr=;!CvANP=bYjZm}9a-!R%Y`sn3Xy(G461L_7(qwii9qOHJ) zfbn!Lv7w&)w^R%361|B=>2_RDn@LqYCi30aerECNd&pT@$OJBK0q^Cx7tq=0%)HHL~Fjv;>_5fga?oM?&^AeszWoW=<5PtC7dxQ;;~?HSHc?=1>P{Lk zgQV6xCHD^9$6K9cxMiN4AYJwiG1*yyawcxjoT$y;cKjl_(KJdtoHapp*aq#nQd~d5 z29A84%GX)N&>!LkIJ(i1`p8RQhLsmPz&8SJZw0V3%23Z=}nKAuJOlc?N4p|=6{!5+PMff%}s=&t1{e|Lt`}m{UbV>y$vpo69T@R z0^h?yRPb)9IVQUuqaok_kcmBZxTG%>CTQ#9#THA*@?`14S=YfZo`(+xtZ~Bm8i;8| z{Ih-&s4b187V%<``8X+h@FZ$GS(<{1UnjIL;NCHh0K2`qNKwr14;ah0117 zNF4P!e4R?pG81^FoP~^*Wi;lYgdkorlpbOAaNDV~_)=*adp|{pzh!|tDE>=@+CT;V z$!CknpTcZX%UdCsvuh7+Iq{3EeHH+D-o?~pQxwV%ekPLP$Lj|E4ij?&AcEs2xKVu! zALq`4CuKSq_k9_(d~!e`dr7WW?z|IJCd!eZc5IaToLb5M`1}tZ=C6jOz8rmV^affeyYlDNTEcAI0q)r8 z7{;JD4=?z{k$v0jh{QT&j1~z)Yw_8zVxKZ7KVqo*#SO?`F@&9-x5?fO=OF#CHB53d z8?&Ja_MdU0hHEGCHD@gYUBj~^Hp!TYE9}H`tKWmI>pfVT^Mdv!YViG+&%_Q5g7=&w zq2O^oRxcY59>fUxy*GoII0t2RQz0)q0PZatK^>VS2yxMesWqvC^zHD8{ zb=oTn;v*uNhTTehQ!z<+A*>^)Gkr_HKJJ1^T@2~S`-xlC7Qx{SUr1{1Ub^eZvbxJJ z4ftKtE6BSRJ?i>pIejRIhYVglO#XI*)XY%A8|%xV`rmZ^vMzPd{5=knN)3=!$ngCK z4lwSQ;?d(*CkazHgPmpO=zHfH206~IT}IzUgd)`w9vKmFuE+SCThEX z(m!{Pa1n2(fo?$`m0KajS$%v(oL6MQ?V@3#_-ikHEx#Y{X4s&F%{$tmnueXWk5PEx zQ99Sw1Pb$o@K#Yh-hPlvB*LCU?~#Xiq4FwR5V53I6^2-H@iZ-YK7lp{Ohu*ZV{xx_ z_s}-g0J^h}!;_REMpCmBf=-CjX1@tIZTb~hy>K2)*nSR%BX&Uh#u0XPOEX^gsDrD2 z{*kcX(&R%$8uHKXfZ{0>j28FO(6)UT+vOpc`s^!U)?VCq$pcUQxPvn{&qTKeov^5P zI{%Mb3+Z{M&wsz=C56}LancuWTrA(=KS2+#MoNj@#Dvum+yp4?73-~*d0EK)-@~CVY zx`w_)$Kk2Sd{?GAnR)n$=>VqsHyzsagYMaFf;*P1Cy!S((Wrqdz3(s7n-EO_` zqPGq7O$)KHIv3h+edlWYeerU@Q${aTj1G7O&EWU0;Bm>Kd z`wlZfo5wP4&dYvOFn$E;+l@${#B}sie}NJC7va8SEEzY&k!(nmC zK-zznQ2RlG+o>ncH}JX+tGu*v5+)GSwrBM8!6p(@WX`RA7lY%)WT8gF3yw#>0avLW1iKN$6scNA6{>#w8|iQ8;@T-G*5(ohr=_ z8Fhzm12Pz|oQH$wSCGC>PiXJe*C3UjhWD`xA`fZegGWhdlChmR@3xB!7F~tn=6*0; z--N=N2sGOs?c9E#b$<;=JBE@o-Gk_ql7v3T7xP^{U!>Y_4^H3LfQq_NQt(-WKlte_ zl&$oE>`8UxI_H8n`n-U5@FCS~-wUeKI%sZP5qvd2iPh;RnYi<+bjOSXbnD%z78 z3bVoO+dk|$P{M5C)!_IuOX1Is)#$VE2t>Pa*wN;K&+}eEsr!2PYN$qbr=3UtsRkhU zrOJ3;T+UfKT*bbTA}W)35cYrYBKaGKxxukHtn#u9225{)aNu!#_vZx3>Knj0gYkIq zN+euJw8XDVzHkml)}t%8j9#w2!DVP!;&IVD&TU#GI_*rsm0~L7<;--tq1}e!gZ;?+ zHJ_dTZ8ziE<%CjW@#j!e4$LL2FMh zko@_Qeq8mA21~TSMN<_Jz3EQc*51l9;nMPXu|G*yl?!W1^!C7LvjaLscABLp0ap-q87ZL zQ$q&^B@n+Xq0aaALF;fPWEQ=l(ou0VCzV0gQGlyuztQ~p!!USiA>Iie2NRSmFzB%X zRB)5fwkQbJe?JFHw%((>`)lys;bvS{b%QB6osJK-q#`F<3xD^VVI-h{=^l831s^t3 zyRiKj75W91D`Y{;U?M*MC5rW`UECdAiuLI_+_CZBh(D_=sMR(XOgnWP%{^N{{7*Wy zSr%LOVll!jMFX&v_o1f72B;u>1kG{{$;W$+AhAx5-j)l*#J1CH_uN)9g=aeK^`dvw z_|ys}Y|eh1(K!o#k80rVbYD>Dk^rq)6X3>H67>T9A~ zZOXXWo_D~^_5-=5Uyd`FBFwS;%)UG|N^19Kz)Sg;#NqsOGLqv24;D&;+do6zwZI|B zPuYe&3j~-ImkJ9%IYItODRj7H1EH5?P%*C=OwK%l0E2PZ#fGB#Wh30Ss*B8hv;_M< zO~rGI-Vnu0TJUM(YA~5)0EXWSK|6UpdYU^y(2gvk*`Nozih(B8s|(z!ZP04WXU&Np z2Mg*<5j`HWzkK7Uf7B^Bd+jEPP7%YN5G^KX@eUGhUr9GVnvNl=EBGt_h`?!PIpY^! z$kdFVgmg#-+qihT&-On$`G=4oX3J(bkIw+!YqHd6&BQGxdU zRP3IjhzhUvkqF)>Bj$V&?^Mcz&y0S$+N+wZI@JNH;)`*vY7fK=_3{q-Zp9$8F3=aV z!28MXsH=_zbg8}~-O|gb=>|&@wDu=S$nJ-+6fBy*VrhNNSL*a5oM-DNO_n>IrSo$< zAnGHK(seRu!*t`rA8GKu=qL=Ay`^V|RN&3mucT}EFBkA}0c<*N2vOe0NNz|sk?X8M zYwK--ZzFvq%kcvl{_vZ$}JO$5tDGJ#~)qET`xx{J%k{DmoYm*HFI0!-{FhLxAMks1D`B=XHXY#9_o1FIxz z|LFvkj=lzG1S^rRoC2z2V;SzanfT}f_nTit)rF zIv0|R!%(8k8(sxG$M@yeP~1pT@WcKV@jp8cC&$&I*JllKJ<^1{9^cL>?_7g-$3;_| z*9QK()#0ya2(59^<9nQHpkm!S=-`zRP9?Y)4|`Tmh8~cg8=sLiysh~3(p(gq zH4_tCmlIP~28=(tfXw4&>OF1-&RN$AJDVe6qfiL^e$Y+6Yz*gq?z%(|3{^qMv4?oz z%{*qwXb-hcz5oyJn_zL=dwgl7j|Iayurc8_%`#LX&EdXy^Xqh6L&BLetpU_yWhB+v z=|@9a5>ZJ>7vm?76GZ$NpFk({oI$6K|zX4!boxN4Bxx$~3^cO7Tep4EnJ zhg|XB+z{q`;BsIz{<0ElDro+mv$Wx#J023#fo~O`;nO%n*vU$OZ~R0UY!u^bm{o#a z6$5{y12M8<7G@mO1DnWJ`uIT}V=}Xf_i5uZj84l(gMxMBQ0OwANWTJ_Tg@ly)gFOh z({nJ_sGzbAyNDLw9~S@GM|AWyVBjQ2oLblnUw%IW;d$wFx3RQf+%rx7{Y`g?A|w%w zzOD4FN+!gAupi5L*+GuOHEPo%02S9mFz3u}9O>VIYDuc7QEG-V(>KFXHy7^vcRg~_ zP=@ZSj-(6rf8^>#Ov$3E9mMWPE&SWP26o3PkZfmVn6hRgoqFaZSU#If`CBi*uDN&7 z$@U6)qB9e2T>T2`&TPW)ds(O)+D{DMCzEStml?HxPf$yv2G1_B!?o+I@ISkGbl_k* z{r2Gi{%ukeSp16vjqQu6#Bm|m<#rN|)g^+)<|uM0XCd=&N+EHc`hz&i7~-S$7J9W= z8=CEQ!Rt4|ApM^>n2qj(RK2^*mF;n8_``?y4%+1Go-?2tRLQLQF}SB`Q;Tq8V~JxDd14nWA|JeqL-1#XPc z!nI^6{hgqL%39eVw@HBxtX+#4f*N5aTz{hPjD2|MWS| z>hw8qT;hU}pGqM0kqt~#+YiIjN6>G9JYB5t8s<3P;+49NawX$-^DY~v>c z8r4eB@>K`qhrJ{2m1k+%7hUpfwlb_+ydQs!hLI*Ng1V+3!F4uXz`tR|yzCrB$saQq zk(`?(yS#+iG=_nJ)k*Zwv3F#B^hvm0p3F6x--58tap)^FN~4S<=(1b3nD(oLnChj_ zc@rY>tWGx!yHBJ(`y=RQ^9CxN)ko^$yGXx#Gdop926yR&3tziG&pEyo#2xL;`nmftxu_X~KR(9H!XQw5 zaUJW;%SfHjMqD*n3S`&n((^Gq9IyHTUcB0esXwD&v@RB$f;CXy@&~-!Aubqnds%y{ z{3qe;6T#=^d2%*EUGQCv!PoD{gZEx5XjEx}qt<4SvHw48O5DoWmM5TTZYw=;I0Gj; zWJAAZ40-g=8=_NcK>k@XZOTrh(VilFp6@xZUmXm4{gSA6sF>hEe+ucT7{iKvmhj(} z3QjiN8jehn5KJFdV19=MgWBe8H2wEtj63v&847O1)i-0%-BDDq(Ws2BecA|@{f)`* z;cF1J=_oFFvJn{}RoZ&af@8&FaKLaHSfu3BVxx=Dpx6NZ`!8|Pf8xQkfk4@01&)vBBBrRI~ z3Jdyp$SF_e2Ly`>#P&_$|8r4+7bf?aqpwuRjbHzmV9#tAH{8JO%`}D+8RKBbWP7Ly zd4WUg{-N06t7y9NEarsn!jkF@INc!t0!04e;iV(^(miI37c24AB*)?hr}EL|SSmA9db`mc*ho+5($c_sU=%GRocM9>3iPBS_(TQ z=75&vc1UsWh4Zm?(4^S}1z&w&pW`Rmn;Qk%?^i-f&}}rSP{)mOV{5$gJG6{8#MQV9 z)iRHOV5ERNIA{*WjY_b}Z4kf7J)s+&i^xddAsYHP8qI^|g6PtDxN>9_WZsd5_Q$O} zGshWxr^|cr=U@mGzvD#DADqq^#t2c3*lez6q9_QB#Q?6CJVLeBHgbPYB_0S!#=}^I74vg6_}?}9z{wk~PcbLI#Q-d2u7gyM75$dH1R|Y9=$}d+xAaXd zY0%h38~6e)=IsC&_;@g;S?=WHu_UmQ(FEH=m++GF6nMDj2k(GEFz)ET!*DxTHaa1L zl)YwP${ktU)$@&Z@SBO7`B9oIbAUMaEEUM^b%4gCb^tgJLt>t|J|&s#y*id_oqUZr z?2v?wOB(3Gv@{~J@i-Pe$s|X#KV$dh6xhA*8KlgNrOuL-;3yi%WUtqTouAcVm%0_N z!Z{ho^?xI|#v!;>ZXwZ%b|BW3%~X2c5)eF;qk)@mp>gj=&Mv|Q?Ngb&qj~#!{p-@WiniIp6vN{iD|V^5h&)pDkn6VN#5!V$tw(K+3ZTv z&$EOD_asr{=R2}rY&)HItP?h5eBquf)FAhLwP^JiZz1_S3{qMoIAWJTvfCyTmR!OI z(UuS$;sqY|YjI~nKYr3tL8FJOU}^h2be3l^K%@@sUgtviS4Er|XMjK5Qm{2S96#_r zLfmN!A~v`PatD&}=l;j!=v^x&zC4sWE)tK;X$zrrh6?uF8Dj38eLA+zI^d=-Df}Sy z26GlE(NoSsxWD}w#MF+1?Y1sh{e1%e>7_<^c4#8Tjn)(6g+&nTg6zgyt4Y+v-CHE#{>B2e^GSp3j4XogH`Cjrnb}~lX$fYW2 z(t@e$?eWYE6Jp}`9j6~%E|4BSiQGzKp-R*Wr@nSaaWW5+c~b=1_m9$5t(lOP*-CtS z{OQxD;rPtB6(+@`!H>`^s^##FcIU05YDbN6^`?HZ`&kcmTzClO7o`QE{~YNbww7EH zljV0F$ilXQdLs4a5loq-4343Tp{sHXUt=O6B))~pDSTwaQ{Up5A5$@O$sx$gn2VBr z8o2755YDZa1M)l#bt^R>z%v(KNuTCArke0iZMeyMb#oyM=9J>;K8oW*^kKK;K4{Ns z=Dqu6i@~+>f)J-`xcx%}v<4eOr0NRXAAErtq*b{~Yzl;3`?Hk_=~M#ofT?WIkuFbQ6CsNg<09^O>2O_tTEV3W zgGF}+O%sbm$u?nZ{9_B-z0<%*>L#waQw;4=K`?Q`3A*WuA?So!j^+M>FuYHd8P$D) zz8Vau%JE1*;Yuj9YJ)o^o>X3;1TWC%v`wW77KsdDXyQMTkdlBKt@na^%RCSd(WK4q zkB|z3^^n+c8WUV6!82DGxOO}jd$ZEHsB;g&%vBUbH1~qrJYll`UNg8aSb?209>LC{ z94fMCA@oMC#gBh&sA+;L{1N03gOag%IMI%p4RKI86plxXve4637}AmoLB>fDBD79J zL4F%~Gvy)qYPTA-NB}oO?*jE*REV{99oUfJ3by0bptABWd3V5vdW8R`3cuUIJ#qq; zjQ7P(zBJ}YWN;^KY_V$j5qx$!0~`l*C|ULrme)-}$IfZ!|7GqN2f9F(7ZN=6R0*Pc zig@RP$8)#B^CWSJ|@PF)9~5ea2yUBCpfsgjwCb20<*_ku)5+N2)*-y zy&@xwYOn6B@PJm23(Vups2zGy6)LGw(n~Uxwj=2 zBSoX>QaK)6(7A;AyB6X7vUa#wrwiK~^H^_NmhMXEW!!%9Vf=(zVxZFlFO4pd`DJe0 z8aD+&_mWH0`d19uw)Hg)J9m!uURI&qYUyKhrIEQ)YDRA!vcqOcXK)quK;i4jT+_AJ z;O{*d8<}mGCnO5(TZ=K!hBH*a_4sW$J)1|uC;Y!3(R5&P&6$>&kcI|3B z5^)s0rl&*O^!cEB{u9Y)_k%^h|Dk?IJH43voXBtKz=hQk@Wkvee12;P&pi)7Y2Fud zSzZmL(wD-Mk2OS5+MPStya-OYRpYn)Lv-^yeR{Y&3eFtrqOnq{@JrQPuxjuZPJC2` z126j-TC)UKNR8tk821+jtD~+{-smkvh9|v1ICV+TgFMcck4TgD5L?L-M?mhp6 zUXIJhoXuxYu{C2%4|Iw=Ekl%o&CnkIk^GK}p@062>20bEP-yOd)Mdtg{4p~bKCD{- z4TY-sGujM2NAzJLZO3x~|DoVb7QXvrMqHMqk}Ywfe9ipBcuu_y#RD#qZ64Ez#IxH> zx=#~!%LSoJq!Tch0(_7Y%;l?-Gp%OC>{~Pq`D4Z@9X-muKJtZhobE@##Ep0xKG451 zJ)~^13hEc;lTVPB=7*WT8|=~bT^WSdO9|dt zKjzj>_lJw-j&Q5BgKjN5hU>i=>Fl|`$gTJQh^`an2YMF(-Ti}fbzXr+O;1{!(uU;W zD!OdR8{&4FfZmzosD4hAOua8l2mh(^m#eg}mERvjN_Qy4~Q7OfoxN4Zx`V=IN z9fu#gduY$ISv7)V(U_6^62DZPdxpK{NET*E+shN=!*q%yYP$n z2EL!B0)DPjz>N<|Xz(4;;giJwvr-s=M)~qz%StM5C9ugkY1V zFT6dSMzu#$FqD~!3)Jnw`qKt-=3^`#9330`waqk$YQmSz{nUHXGBmnUPme+z3fmoL z&UMScth^EC-}Bkz<`hwKXM8ca-7ZYeE|i1i+N%7t=t;2iel1!ruR#}~RuZNgh<=rC z=xU9rP-)l;9wXgki0$S%#jDWr|HR43$%72Dqmew9xJH@%3+dI4Z)D!@hxnpsJSr3` zfQ*(c%$aA#taFnUY*0S~%A3aFhAkTWg3HHg$?qWSs!xW|tAikgQpkPT2-LHiz$OMKB?DD}Z$g*={`covTY= z$G&g)qB0SCz8T`%cF!E*&2$9FoVC zVSC7$H$}MS(PhrGDHXRkmxG>3B%T@2rOtl>(RgVATJ$BO+^wH5GSmoi(s7u+>pD!c zw&!bFwlhvqBlJSD6qL0l(@nZNIbrF`bZ_Q58enn&>L+=kPiqa7g{hD_l{lm)j)So3 zV^VUz22=iR1S2enQFuiDc@7g~8GB7A)JO z2HN6!pcyAF_%*Qu@?@XUPYKfGKiAn%@Z}~f8Pa9ClnZfwa4g7x%n)c8W$&EzoWju5`Pe<>NrgJDS`_=_>u!Ml&9S{lPs!yMAK%jAXTkJ zcq{8Pc=Va^PyFi#w?Kc$zd&iTQ8k`((gA(p?_99b4Joa|RR|=9xtl>+DByLplgi{q~p|=ZZ`^+3BGPH!s)sB!= zbI0__%4L{zM~}q5J%tNeS#r>qVUiBjftYU+gcYyFS7tYHg~w%xmidjd?`NVzauYhY zj=<8+heTB55q{Tfg^guv$hAFgI4D&}1@6{l^B7-_+IfmRx||8e8vo+9nMKUVN?VW= z9}n-7zjGz9fEL;p0bI8dJo}IY(c5O@t*Zri%IPgxnRk<`&u|@^N18OmhmeJH4#TeY ztElbu5LF^1AlCE_DA#z==1J0Ug5QQSkEhW`hn_(37~gCPyGxQjq}Bx;`3F_Q3s|w_ zI^6Ym8Jq9@61N2TQi(7x{OH5LcK=6Y1%EEqh9#qe>MzpiUIy}Y$2nKw325GCNgiJt zguE*z{3CAvk#q$^I3Ey$@x`6EGK~=NONy}KzzO_Ro(oHNRYG!BFxh+U6O@Yj5c`oy zaJp$ZCQnnKH93j6$10vQK9{DQxsy=BZ2`aJVIjuvX`^dghv-91b99;~BrvQ{7xabg zhsq5NRPM1mm3z4gZO5G?JNs`@8R6GVZHOijV?NPj1zmg{uEk%}*h=oaSOi&Flw6M9 zN>ghi$oBF}Xc&;imVGyX=2trS;MHtQ8mNF${de?gc_rrB#WN*Y<(i{I}*m?96`+dyYS(SqI;7#mT*(ZxO_vef|lu^Cr1blfQ!=Jmf3Mwx4W2A>F43(XsxA&-!N6zLXH?I<6%{!^Pb`&&Dm;@@D zs+qe_4Zyl*ITS9_At&n$;hWG8QfN6!4G!-GlefbVk+Tuq@;u4knEjyi$(HPl9FLdI z_tK-wHPJ)uBFJxVCaC3x?o!9WlvhA^9-IaD<<3F*AuIgm-A*U{J4&jW3h3>gUfejk zjXRsnqGH)R{F!h8ZV-CHELW>CSef$C%y+)yXpAqSp@D+aco+WH~5eVK{Fp>^` z$>NT5qCV9HHiqWYX76M0GGty3*g`Vm9dWDGKD9{O561Qlb+k7~7k$@Ja{^!H;H0V#s!F*l!6b> z)SzBMH>t6xCMQ)F2#&p3gs;MOZpa2!$tBA@EZ(kqUi?M)|7?G3uT?c!lTCrW;wn>`sP#u6C4PbQYsO zKcMnGDtxQhOn4kN1sfCgQ^y%|Vb#jB5Oi_^nHgy{77Nt?{a$_ktG&h0Rr8PBcgVoR z-51DE;5@3k@H*ugR^gO?V?M>s;}#!h-J`xuRv6@(%MB$yz*Fb@X;xJZDt7A%Tn?#0 zI+R11)qD0txO+Dmo$A)YhW)F^fQt?6@{@wC zMTjmgr{VsNx3n^S7=xk~!nqTrFxT0aE^JpurIxES*8e;v6t~otvYDXtK!y9NU_?A# zyTGy&iu766TJFm;UBM5vI4rl*AqsCCG5zWUDBp4d_tfsei-sOh!d`+l*DY{rrWcBh z`PZ@u$&fVk1qVO=rR8s@;nS!{;#nmtaLbsEr$lDM_mO&7S6YfaW4It)RY-Qq&VzjU za4;Pe=UaLvfvm($xEI=vXMc#p9$8}|v+FMOe)>*MKazw2wgR_TPk}`Tv>`pV2$g-> zh|rc+JaKwVYi2VZW(oqK-SH%^L+2yikQ$46t8HQYN=cZfoq~^MxT>zVLfr=J*NkFJx}8? zWI!0ZJf4yjkBhL#;UJimtAoVaVvwqeBFmo?(OsP>;5MeQEjglsJNAXbMfG`TrE&7Iziu6ySbn-b6Yv>|nwbr=jojz1v zP=%GFNhG8u5KT{HfZ9|o>ML@YtXZlKBa`&eVCqpY|1t$e7Sw~RWG30NB8L7F@6^JZaoIbQc=y%4qL`nUGeHPK9Qx z)1`laxKHPi(anz`IDG}AHVVPi)Bmx0AzA|WTUGFDK$UC}{zNyFFC!UG6|gnE6&7i4 z#dOw)FE`W+`7_l8ojz^&wXT^a4E`lqg?n&s`Y|R=v4Y-8k0bI8j<~9@21APqp_!e4 z{w*Gt-Y8vK|Lt+gh++ zDh@(#kJW0_nBt@rgCx@6CfXLZ;6uXE{dk=7UKzzJl9&xCl8SI5$(>tll?G8cCm`qH zH{!YVKK5Df!`|ZOuuez}_9We=ANc=^qVs;l>ixsG6_Q!X$ck)565_evC#AGRdl!|8 zl!`u7Dti+O$%+t#NFkp4eH0BejFij<%4%q9_@3_{z)#P4p8H(a>w4YV^yq_=VBR#3 z(t z;FqgGcjF(ci9OoPPkVK!p)nZ$a69CE9l=ZS#_)fBPkG`Nns-A4W*_^FiDl+c5&0O0 z9%W(gu8*)J>l9w`-HFGh2h;I~C?W7G?`Mc4QY%${X}9(xR+tnCTNUO#{bgVlwzgk^^86jpcJnJ0=>zP|zCnEU z*+P~*1s!yOnXA9U_v#Rc-R=xz-c+V|vkV)Qb^x_>^dawK0-Q9F#G}^tsdWgKmpyWV z-}m=YN3k(lx!CyOi4ZqJ6=J?LN;4!5W7Dy@Zeb@Yi*EW}6+~Ylp-QC6a z%^$@dqdquPqJUOsLtvR%41Ad5hrO8&#BN71SzzFRaj9miPbUn!ooH|HeLN8ZPi)=J&XIv zsZI^B%JjzQt#{#}uqt~XAp-w~){$zd0z52Nh@rlg82`8m8X^?wE5#7ZDMNm(ZYh=< zp2y!ymBH~w6J%-suol{Sor-^~p<_?V2or70f7~ij_3HB~n3Q}4m*tsNh0I5Oa#uZu z=_T{rhquCpQV)9fk|j>Q)JeC67SW>y_wmNIMX+UgHgr;si{&r|kz?8Xa^{ZU)IKE5?*tNR_mN8C8oW7|ihI?^0rXH6+nBAP5{& z?&D>bLUQHX1muaPp!xO}V7jh^?nwSlh?+9z9P`0^sF-EZ0; z_;5N|Jkbk2kn6bS-BLKHo&%Z^X25%;1MbFQxbWgr41Hn@DfORl!Ovi5>`~**dHSL7Ub^^72f|$E<5-wVQjXu|n;)(F&>7J=uF-`P6iA(q3Uzuz~J7_j+ zjPWB*$$c2y)kIbu$%E>5^88VeK@f^LkKfvsK&0tRm@$5VNUWl8#&$2f%x{6z(s{h2 zbROBRrN+EfGQknN1_J-J(NAFtxKGR-auqMZW64zVrLqJ<b&DAhR9Q4jrK)NpfsCZz?jX^< zTyYY1?JS1Oo6-E47p_6c@>kXeZSSMu8cW=mGlmZ>j}eW@3*qXF8JL)9$t*j?ao3S= zh`irXkljBWXMiWjRLeTFhYIaXF|eSsJ;>57j3vl;u?P7+n|YTd+8_s zA-4-vpEOd*>)B`NF3Hn4nQVgwiy*k>r9s|&76;LxBXnx23NG!frlmI~(EJs*(BNGR zW_miohQPO#OG7&;DSYK~8usL`BEhg6x0$;^{z+NPJNu5V_!$FV?dFhI z!XoIeJcT*jEPz?J%czyMGWIAx$E*4W;EAvhY`&O@zbod@DbXyCS2-VyF4q(P&$HN^ zds?96V+itUwnV1;3R!-KkM=r0sPF|I>WvBWltQej_RwYe@&^Ue;tMbumW*@HU!(yM zRd~Z`8FTLIJGiIg13gD#snf^~T=XOs>yvY6V~-4e{G^I&J3^S`nV#TN_zoIflS$0E zX8!UQBXF(C86{SIrM;UTQUS|&o>-(1Mx522qP901&M;~C{*?k8aqYV=|LQiQ{4|^C;I8023gp4 zFdjenJi;BuGVHZmzi#`S@&Vb{uXxw(FS%}}Mov1dh3EM*(RKA89$IVKWvS$q|@lKZ0tzfAL{aE!sN-z@_j7Fx%J#E#9uj zYC~J(jlCpVu2p#4{X86zT|y@fw$b|wtl53Oy>Kh;JX)xw!-DQgd>G$raZnwvox_t=bpB$lUqC4pi@oYMmcY}Xe)fpD3Phz*e^`vSFnfy`Tdwl-W zHM|?DNuV-295Rn2V#8M>xVq2`HR^9z%h*>yR#*g>9el_$Xn90d^B2OwlGC6=Qn?;t zBIzrbjQR8U@Y&`hUwQlo80m|n9aIMy5gUZ zFknZTU`2EwyvnkrFD*pi-%LAP?Q(%itd67hMqjAyrmgtczL=lvUjYMq^^mM;hf7hv zXjo7y9}A87CqK$D|BhXU(jyLdeIy88$SA_$6fcwrDgc>IS+I)QjOU^Sz~)E_T8cm5 zwVo4aUtM)T=(L4jVp^#3u8_>rw}IGDHM&Mrg-v_zPp03P$Zk|v!3fNqghS<7q|-qW z%f{14*Wnga{KI_@EK-E;Q&cf=-F1|lC%_1s8>4Gm9qGK5j6+=JTJS{}y?m!LPv(m< z?h~hCE9ZGwdukGFs98s+oGIXKd>R1t`{u!>v>Wu+^`9iY!jjb8Po`mP2>E(?FPWK? zhfBp3*k8vrFzm@!Y}yl3r2?C9)*%<1c;_mqtjq&H<5c*!s0-hmR>LZG8oJL-$A>@5 z>8A&8iQOA(_A#%Tur^g>ckDKJ)~}C6y8sJCtFWMXB|SUt1F-Qt3G4bm&QTeb*nL2` z3s+!dw1i)5E{Ep9vRK{xm;P|$LK0p8rGgowEi@;5k2ci>GDg>JnbUH340C6{;`K#zxx5_ge-=$ z)l(R|fGJ!LAB#9-;xNp8AG?fvxnkr7Yox zSK!jECe%!sz`gKxsB_p)WtHC0*ygvSPjnKNSSvHju6dEkwIlRx=UP_2B!%SCR>IIR=*HOnj*nJK@&FPG#Y6!8C0CMlVw$W z?DC$7NnsT@wwQbFhg0BT(gaqsHyHxgXQNDg2KtTc0@wEe&^9XxL-#pA!+;ID)G8f{ zYgRJ3e+an9_u=j}m3C`b@`l zLI=Taqkq-rr+3MDn*(sCZ9e!E>(e0vVYb3?Ih$)YfnnEd#<~BU$CJ~x5s@)bT$ARF zxl3Nr4eJ`=ubUFCSXIMi@>9`VA_itfchgTNRG7rTQ`k|ul4Qymz@8URz<%=)bZ>XV zm%YN6sCtJQ?f=BLSe3~W@^qvgfB96||1FedxKg{x4p>qXMUOP;@(y-hrOPERQ!%$F zcq4X}yh(jb2Mq<;MJxO9d&@uKDRTq-TRc#urwktGg@Nkfne@k`m$+!IHLL3%Ktmms zu*q%;C`fvN&r@q0Fbl@P7{qTi5nwL(Ibs!N#^eeG%-Ji@#?Z6Tn1e#EDD*qH z)9E%(arfImVw|MH_v1a|^??af9-D?SrRDhSnK&K@9EYA=0yuf+8GPzt48gjuNc#FA z`g4a1Z<9t3m3mhO@A+ZW=G7AL_cO*PBSv`3P#H}{8p+oGEP3^lKl0RT7NXtwX{5@V zv0C*Fem=Yx2f9>PbDIPdydRBOZ|lj2M^+p&Gm35Z?(+6MS7TpKmSX3`T!S%%75IDw z!J{6j{M2tA`~~NxvK1#>IqvK>uG1p0*+39xIcd@jZg0^|%nFsu&q86z3(`BBPd0rm zfidSm8uw`_N>ocgP56BDhIzDa(=cpHZa{$oDd<=y3}UvMYFCKg%XJ~|V=-mGn!cWuO*R+HGWWhpQt6r65c6UJlWLIz zfg=L!u5*I$_}fezJ$i+I-ntPEzV*T3`{J-n=>Z%byi5O#`O~qse417lhQm_}Ax=CN z(pFCaRW+tg@RQ3S)}dijDN;T*m>zNZn#~9deXI! zAr^=}%Y3N(&e`~V%M@nnI(v*-lM0SY))3JbiSR^51D3B+U<&(Jkgc+z{0Z!Sn6rNY zraGR3Syoz*_q~z#yYT`Hy#2{v9(asga1;f{+;cQG?f}()@tEqh3S#eAB-#b`QT5$B z_}^BpCbi5D%KxCo{2Psd=d;^M^DY?_+xiYKl-$B|rO&YEMj)|$s?O6sK1Kqc%tGVG zzlqVhX5Qyx=fO80a6mh~N@Y_jm5}fT|FFHd`12UwqPBsYn4pFI;;17$bHV%F7c znx-#XoBp2!~mC;(e|6X^Bl=Xh75(rA+R zD(g#SH*B@WtbmVbjDzH)WF@Wryaft=e8X6g1?2gnOmL2w z3LgG1=!P?mBqn|h3LFpxQ|T&F(CiD7zD}gif4Nlcye$P$N^QV2Rifivj^$d~!=Ey# z1nvv($FbLh|18@C3e&=1&9c9=NL`m%VwFc5F1(^s{Sx5Rv2COvZY3GoaSXE^&%?Q0 z8;NUNIhDOJ8w>sN=$%j*CRy{X^#|%lKYgu4rSL~pl^;Hm(V4jzd^DC0?)4|Jrp0hb z-VmLomO+BE2HRog3)`zqXwwc6X4ou;W1CKad&ePK?EZ;JnY!SvE51Z%)pOk26o#70 zhIE;eE6EPIiQZ3TSr2PbXt+MldTQic_;lQy7>~zLd+Rdnw{_!qs$`tlqRY!UaSZae zn_$cRNnHN(1@^gwqyIl|kf=M0%e?l{pnLmCqFN%23KC@hc?vNU7(O$fsZmJ64UAm@%|EBuWh5SJBwmKLF4d<|OP5GEL>mM}V zy-U9rbP%VPKX6#W7-bJ%0UN8Me0}jop5DWhD&=DzA+2Q&k(j;~qvod4IR*$T4-XLq zDuzG01xV^eL%gBaink1eSmWOv7&lzNi;0~x#E&_Nky;=LdE>*s{Z%pJ(}YX6+o6(Y+ZQmBG$iX0iB6!$#agcnH&2a$7QRmo>@So$KP`-mmT`_t|D<;kAp!*2hn;WPnNB&#SE9-(8Rf0EK9_gFQcb$ z`d2qPA6jsAXB06xKEkue2qRe%l6ZJ-B3-mw50lI9(6BV=Aq_=naFDaCMqxzc19BTG^L*goDJc5j%V^bay_WpxEU|y zupfBz2a$iSK~!a;Dh`Dw^FDr0gGRqGqHtH1@rZSz>-pjI-wsj6(!2%IK5_X>%>=5} zsEgZP+~axI&w}vYci_pp#`ESjSKIYw^J9lvVP@M=s^jbn@o56gItNvL)#-Hp{-_{) zwE8jF_O+AfW446#3IbF01k~>6#(vJRF*N%!Q92$?w!Ic-?(kb^ufScLeETNGelH+? z@6)LB5({`8--O<&N=W7_GB!UHKsS=XgJRv}d_x7;@G3Cw&K%~a;vXWh@==vrp)d+& zOXHV^?c{w;40Q;I1kX}R$NnBA;W?pr@qH6D;AvvOCKGn>kSaYd?*zLzM^5yka8L<} zrrG^#$nV!e*b_$>Q*O`cp-_OvHyWUMNiuzP?-Q^mbKsZi#fJS{H2joW?6^=%t6+lhDU!i2l{M#Kao*qPs^wZadme zZ{NR;8Je=}K?7L`&Y@IYqy}wVGH~-`?tQ}{9C988qVlq%xZPcZ$u&=*FI^r|&lFQ| zynwK{yB+_!%!0B61_eIvgx62yn8t%O_~Fkk?3m+A4MK%*eU2aI|De2AU&_hUo&dUe zZZWz0&IX{B^S8Ks#(y!Y?DD6hJf(mbxRer1Wh~B<{XVL|x0?wz`sb*x&}qo-9Rp?F zae8{8Cc7?t6=dr^!4uxb%EYjK9IIQoTyYpKiY9?_?ipTf@opLxB0<;A zONYgtvg|dLJbGO{2!eGeI?Em>^0`aVQEvqb|2AhIEwci-o-iWfZ-xz(ukpu24Y*oa zhAVsnY1G*oNZnLRUncb7%BzcD=6{R9jw(Z=x+s)+mZFAE0*=TkFq!--2-EpwpQ#T1 zvdsb&$K_-|&;(rKxwF4h8(w7-d3!yrz#~8bnhdAFT(c}(Zt5Sqsh2Th)_j)Zk*^Y~ct<$uK9Tiz41%8a zYFx2k9{pVK2rEs4_!9G?_zT)!LiELlP`7CX6L0bkXBFzw#RZLUVSgl%l_%i;Dv4&x zJ^}UQUbK-6hmJMvcwiNmNqD`)SmPE@AE<`s1$CI6_JX)iw_qnqFT)~vDRk?5OpZhf z!0;-Lh4^_F>}3AKJiTmsolFE_@rk(LSs2=Cj1u@L3qc+fUOQ=EdWR-!z1SbkK25{x zbC*I;$Z~pl+=p0{xj=?DLsoCwMn?9_lGtib9F(65(YI50sk~ZDNs5Ag10)AZQ;D0C z1(@iZz^WaSK{e+wna{gRjyUki`iN=d!gnovA9(~;&GN&W-}?CdT<$966pB*vD{w-w zJ?Sh+Ck5}%QDtXOh)b0K?;v4_%ioSMvbX3z2~Aiqw4Cgz=z$;W2YGKtD#*7hNIr(m zf{cg&dNMGOHExxFfxjliUp9`AgQJk?{E#m4>_auHVeCbMy$hzX+eY>h$%_e?Iygvo zCwmkBovGB@eIn-e$P?wba`Y{aCWad#L1wZ!wXpvVc2)v3sM-p5eVxO;I-v}S+f3QT zBm?bs+JF-0tQkFJOUpMJVD99pRqk~cu`z}_Gouh$`}icPO_w4wooC~K*F}`n%SX-A z+R#^gj(>XTJ(?31i0vPJp;%G_?kzb0Geg61VO%^JnfI2ICd=|XQlhcEr-xiT_YA~W z-lSRu?@8OEbh6~B32sk~fqfe?=-ZZ?)O5pF;&oy@*cETa?pqVVr6G~@KG28t_32#9 zD99Ku3gk%zXu=wmWyCVS67+M#A>Y0hDvV4(yDfn$!0)2U9}7lP+>^h={SIoB*1?N# zJshs=qzA}W8s}5W8?Dd6lMX>(<);m|m;M4D^LD;r;uPj&z6A`;SwPaS=#wp)8(~Uq z6)&}xhh_<CPWpu%k+diS^$H8(-Ss%j?3--s%{fXQ6~0hddx>$P{C8 z2hdz~9+Y2u0b&2X<7wZMbZXBMYGBMc7HWU-f)8cWknA)lR*0u2x|MwGE$7KEgDbbM zcaLCQMGO||M?-dW6H+H`%VJ=McWzdZIDKOXNE)NZZ+L**%@)qXGzhbL*J9<9`Mi$x z(=ha;I<9lrN{iKQ;>&syywzyNepnlYL+#x(WLG(wrOX2@L0RaT;ZG#z&tcrh)geK3 zGM;Wd1d2RgESk5zYDnG|KfM=5jtl|MomX(7dpDZ5KE~YEFlw~N4LpY)fa$0S%6}ID z0ks^|I?1uw%ebBCE3jNa1n{n_(@(W^}&hR{dB9aEPK3t1N0W0Br03(W89(1%%;ym;HokN7l|JpT{37r zmimeq>SRLO*k8D@DF}P#l)>$)`DPnyK& z5jkAkUxr^U1yW0~IV7XttMycl1%vSO6mAGmxyTpbvpQnFWRV39q?gbY`wtV{{&KRt z=Y{p-JC68Q`8NNzuo=X@cH|j|?gKNT#d@cRFmLL{AnA8-)tuXNpvfO0U=ruBTO9|@ zN|&)zs~F$pRpG$UVmiKT9tghG!KHSS81n;2pU)73{Q^QPb8Lt_zV?Rf?lHg*@60hK z&VNv6o=R{tw96eyo%e%Hb0<0U>```KTcQ3{edjsCg`lXK`LcM znC8V1RL04jAN7cEneijIm?uj{13&Q9xsLG8TvxEzGLP1*R3R$A-cYjBqpE}}HgrUk zn7!xsK#5ErhFKm%lUr608?_l^-?j5UY+VW~mn6_^UI{iCiO{Xt*Z7g&r?ZVOfSB}Zh^#$}+%k|cyqHat zH}`^w@L#^{GiTg6-GRLQ%=yH+jo`?Q+o<#K8(u4P=YNcyPFLs6f@yq7=H%dX=GR?m zYt6cz=ane)f}hec^Xpzvd<}mRtZX_X4Tbr*YU`RE>InbzAnfFD5}#B6 z?{hW4PrC)Gw8hx%Q~V%B{3Cy(b`a!OO2Fk0#&~Px3qoo&;R)9@hCEt2tS zP;r&T{UK=0H(P#DSzNW9n{|UMAgHT?pl0-Z+&1U{JORc?(EiPDu?9J z$crKWEk8!a*Mz~{3K<%(x&*Y>>!RF@Ohm1Ju>9h6n%yMDoH@b3b2|}qD0Zel7w!O^ z=kIw-TL-Fi8Xw@)bndq?EspBn*I;nHKI1tn+^VAMJT||Sh4jF6P_>AA$LyF)XY0qp z-NIn}`_TiWT31lz$8U(ma!W9D+6UHuukrV1dJ;FIbePtp&oqtPLw?0kXbusB?4Z|B znyvr_2O4PWBJO#7v;&l;wnOk$W2}C4*J`fp9h{IAfTgmp@!;x%B=JKkv6iSH)Yk$1 zKM652M|PUR9_vh;n_5gWIxZ74zB?qmF$1~y(=cJG5WGP(@R)ZO@GR#(UKI(oVS8!C^T zCS__-=szoi;}tS!i)}g_pFB!37Ht8yQ#vrJR1e{vqRgpb9n_1}Bz_4z>vbYFOmEE~ znHr!CJH#0h-gA^EdTR$8^hXXSd4J|9n_E^o*pz`$gfQEnV?+HpzjVHyAtB497?IRt z+7E zw+bQStp;<<;vK!28VIY_6vIB*U9d+Wg7A~3uqSWZ0e+c54{*%b0rMivHj0Nk+&h zryc__QQ6S{!W($`Ux|^1C0RBk=gLc!Gg#h zm4Gc--{^RgBy%r+4jh^Lnyj(f#EXlN?30b%1OuqJpienDq68V;h8%cnqzryxXrTn&$iWhaIDEO_ewlanA74-tW}kz!$w|o&tHl$*kP)Kgvkw;g%U0C zn@cuqlkvi|E6>ULY3W3l$wbG7_e5^mE}C>>D+EUk(`ud|4u&k@&Vb@<#zJXOkvYTH zo;SqnS}=gS`WMn^eKP2EYAtliU!WEX^%;EuPt5PUh`X-pTVGG|g=9q)lAW>*?`9al zHT~MkmhTf-He5Jg*W zu!*f9BDvNibK@AO&MT&(pU==T5kuT1-%E#|S~4X;S0OdrlIR6b1@pBk9LE?BsF%jm z*i#BmV^@N;F-sm6KBKuRMLePc2Rh}J;Q}kpj}dx>-|~DAR)^X^%XB@6 z__LGzwyofYNEl&k`ZVG?!vfyP&BqO^{?VtGm6#Ra4HZe-(Q3>OYq!0Dc^d=3NQt`# z;FuUXEp)+$Vny_Kz9=*Mb63@(dJRlXHDb(!evu_-*N~F;e3&@53%nlcvAynDAo=AC zc+c*_aTgUX^PIrA=IkcBrf=uBy3S)Ke!YWsTY8D3sRcV4XN6$}DHvTlMqlpE<6EXx z5ZO0fv^JoKj?S1v`ktw{@<@(PWWw8pe4zP7X3Ux zy5{AAYMw9Iai^SLedq*a=bO`~ua|+(Jw5XDd?MMXH2|BeuEBk+WOx#^hh+Y_22CoD zAyd7VMplhcw-=>UKqv-J-LT>R`1yc-d~X5bo6T_ZQxzg`E(9Wc(?E0nG?uB?1?K@S z+f@CEjapN%T<9Dv&3K8M+uA65P9L^OEhRFR#ni>up7U8aGaXAGa&FE|ynB`m>>o_w zWvWP!TPex#?EVZ`GHi|F^Q&m+hd9jOo||pN5v}g+r0c9Z$TW$cIHz_J)C{`9>^Za0 z;Cdw)bg{L5F`S48o<`xeftAb_uLU%5S_974eum@9lW~uYDGCWJg}ofpNJI|7mrpw& z_Pz)d&T-+oTsO?py-RyPPGpltrsBXY29|#)f$n)1$g|^BU>J7|SL7kl+ct=wDqBe5 zt{Uuq_yS}u9;Y3{SD{j@4{r8~k_WxqhU>B*JuKghx&;ghI=P~$#W-<%q5*WJAn5l9 z)B6?vBrZ+~!wlnyQaZv~|6!u(x{25~hGN2u5h%-x#6`PCNuNzA*nKs|RsXe6rT6$N;GD?96ckIU~`x~M$FEk`}fQT z$DEgR(aimj*LVy)8?RP*m)@eLmRyGXCLSByW9a3@JE?l)TDX1vHr4s*2l@kAY^^l+ z`CK*y22*@Vk>WB;yD$v@?a!}r>5xSAjdS@;eiCf@=ug}+p$58-&#>+lut|K$`=ZnUYMe_z)u@X%F)0g-&xE6=bp&l*xg4fwD52Hyr7(W>5l%|^ zigJky(aC8sO27O`*Uivo6L-XsPwr>HGUp&o;E!QpPb>YqIFssiT41zr4z&*|;5#o} zO&?Uff}^UX*tg^veW+}PdkhyMdryd&l=YE5aZQA)t0M5;r$qABPKcP*Pht{oyu_P4 zTNIaHjLrEEXw~Zs{#=1E?C!sab&GnzZ0Z7> zmb7CGeme43^#{X-F#{rRw22rl{0L#u(#p z%M2hT)*r8LSPZ54)0u+>!qmsIgI4a(fp3~IT;FpU)=parbF=GU{Skuy4oi`u1|Ons z^O*m$Z#(qtkVUn$H+Xke1U+Zs0->){;ZwE-^UzL_-F@pWUP?QU+KYs6P3{h`+hhbE z7k(i1W_naUI|e$fbZ~)GH#&D;LA5KsSm*Sb|Lv1Fc9nCibm2r|VzvpXWC1=kLuE^QG8q^q6E;Q zk4K*!Cen3&MD=?W#9Ix~u^0gc7x;th`38FZ&PE)tYX%A4bSmpS7r-cmew%-Qq}NgY z6aA@FsiKey4ZJ0BXXo>s({7OrX$6c3i>6y;Ucmj<7JR;;3_{yCVau;9d{ZDr|4sfv z#g!+q_ZlXl;8R6L#o-B9FZbrx2uIPiZx{00ts~L)KUWMNui|UesM8e7XyECc{8pIWwvj6J^ux9n!)_?dS!$T}RXH|fFoVRKO2 zn+PXE)UlQ<;yox~_*;fo!8O@_{>~3BU}B)o+}tn)rtK-l!l(wg!1-5N@82SKH}s+7 z#5NvlAOuU?r;yXtuCTRD6Enhk__w+{as2oSc$jYrD?gv6sz?9vKHV3=080_}_}nUf z$kJEv`nMV#mI=bxv{-6pxDt1sI}R#hcc`VUC+r?8hiFq@=+cVCwrO`r4|k^WMtL^e zf(H*xe}LYzE%11t6|;XQqoCay?4N#~$hGbS>D9`3{Tzj>`lfLIV*s2`4yOM;*n|1g zXmX)Gn5>s(pgzzM<2pA$oL)4ReaJx*3(objHWTk{wIl)RU#u;Pa=~o8mWmeU5$)K6 z(9yXJT81ugyBJgWbG4H!eR2$X6wG1V8Lg(f7ts2zhhS({J2c+QBPZMbAYbG-ZlQar zqVO2+#y9S~@?t6*xL1m`>b(oYTW8~5qhzw{{&akvDGUSb5D)ew^As~o=(pdIv^bn4 z`)u^^_dR*GGHW9KwtLO15^kfotE64Bf#ma| z0Gibp243pHkZaTrQ+h6gnARFBPO`>LzYcM%KIdoi76I2=8^EIUKKZAeMFR#7gU_~$ zbj_a+6j#NPFRF^nqC_KR+s|Cs@wEs`azvT7#bwy?NP##^6yUCUcnlAJKZU(Dk+|ZP z7kQiegs$7X5-!H2Q`7x3@uH3)qq3|Lo-`NnS1q4}UZqADa!iM~D`&z4P43RY9a2Q_ z<`>Za6plackCJ!Qkubs!!m+0x=uk&0e$~mQ4ZDTGY-JYjmIR9>D*o)h1WWqFYc_^{ z5Mr+QJc6)gozUwmh?U=eQ18SiWb|8wRlvGoxRDYMp>I;@^td!|2seYTS^?NRuLP8W zfXwG4Tp?8tR&oN2UZo7gF6hIMbzW%Duo+UU&lA4K zLHwiYNs>Mv2fYPTu#qZYt=k9MF24=4x4J{Yfg`Y{C4qYXYvg!jkTx-rmjSvT#ggPCN>yyj@+`|nk_|i zoE2%G`cZtaQ3MmqZxMyD49wa*5m%+D!5y2mFuq>`3^u-^QJ9kwIcUXio;r zhpDn|DXq2og%|i|usl(a`LF8(ehF5@e`!HD;`a^>FIa;8q7+m-U0~w3tbI@aSlXjf z|1+vBf1SK>oWe1~3AoTfiA31`B~zPbK(I_A=Wf>Fw;AYw*`4XkvXK-b#XW!TH~xm! zR9(7H*b%jSuG5^e^|(kyl3l-N49BVtBlJsE@m^8U8SmjAg_Ctvy(bUhhRYZY2;w z<~D7=)XgulxB{O;#PDd=1layv0E{ZGfQqan>r>ne-PXyR)1@At?={2ua>waS)puyl z{qN^dWmFLh2(xS*wU_MW-+$@Gl;I&1)0P8&$sp#RQ0MD`N;QYHgm3dG^0H+sz9 zT<-oA$twC}%{_dUmrdIBmf>>U7oc;>9}Fbt<3afd*c78qzxJ}|thb5tLhBQ^_I#{2 z-Ag3YKa%%HBO$Ij9!4Im1@c6Qn!1a@sJ%B{+>#A?F~3p#`)L^4{U7}3N{3rt>mWB{JdQUcU%Ts@-!az1}78600znU~T|6lS{6f@D7!nl6Hl$qOOWNRwU9c_|`KUIC$sKsxC(=Y{m^f^frK z5T0&^XC_9GGv0nE^EetMUZ^sYiezESifwdzQ!5-V9wBc}chmQ83Si?ybuuOIHwZZt zqh*UHFCyR!nR2un2XZ5+Q&3ZteA$Ysbq}TR%%5lc*j2Mxhnt77=;JMv$=XX#&o0EQ zqWxsU{sf42*oUtpoAE?O4*m4T1piDq%Q-yEAnLq1X1i%omA75owY4>9`0NuE9yo_O z{)P0wVlifC@pXPg{2EBQvIlQ3lAzWvPQr?$Ur=E!%ATD5kc!Ehan;>iQhp)=CkR%c z#^-u$c|98}*lA>^dpgW6lLL*<17yTUjk#fwz#RGt829Ed4v#+NAJA1pr%fd|lkKC= z9duyp-3P?}?G$#sgdXXR6J?FFmgDye4@g1j9}uo;fyBOa+-rP=F4vS`U+oOUn3u=! z?^F>O;2$Ls|dSfV+cHwNCB^77eGO45W}uJVr$bN#5SqI_X*XY zE31w{=Sx6vo+~eZhX4~9n~C+`)iB9H14xx6Q3&`z>w~uO#^!l4>tytKkkH6)-xgJ= z{=*D=YSKY=d>%+JL6>xYT>Wn^>efqw;d38+?$$91KxX~+t?7MZ{<2}(>-W@;w;R0vhgyNNB%-I zw;8svHl%&u0)(uc=AmBD-3x3hP3)MP;@POlqH;GBHMs=@f@);4LE}cv_8_0o{ zxhoAd9;RVOf8p3|Y5eLrA5O9kxbH{@UH@|>t`xRr;}!;Uo;U$!!LmpE_U@JV+Omo& zryG)@_#`+O``jAOU4&T$&EUM~HbgG$M*991`IsAv>*rra=TkpHv3L)fN9vj3|^a-L&7@eko=}>(idk&pQKunB;iGn;~a+*;z#?mUNoTfz1j06AD>>g;4abVpgRWSS_caP-+ zANqk~IL#`jFaZb0T=4KY6O4!-dG!6RrJOcwplKlHnlH(;?CA0_y~GOk1J zQcA?)&V9`F(Q$bG`wIQ?GKqxTAE>fbm!pHu*Fd@66SdMQ(U6%ok!i#8gi)pCI~(&r&&@_DEPn9&OEHf?d{_`X;L&PbyP~FBGQO@*1a_l zLTNygLP}(4G~{T|qT6;a~ z+UwqX?cuuie!lyAe{OLVe%w593^SLZ_g=IyBiD1GKs*>)_5JbYkCk{}z?hWPxl#v* zi)?MfG=f_;pj}1{7+#q{T-@T&bV@edIa`Psk{_vVX>2`TL* z2aaL{Fu8MJ!S-BSq!dqdD%~OH3InT66nT#3>^b}K0LT|ziDx3tg8TjwB7OD@rh6Y? z?zQiMPz6~ueUXV7QKER~^#*7wbTCW(;RBXJHB6wS2@Fb5A}-y*xDT!7T`X@$qtF5R z$)Svn}Mv8!28kj_?}X~$d;ed@M2CnJ@q4#F7U3z?BQOLo%N3K zRJG(U6;tQtST2LM$Yx%rPa~-_;!wU?F4o8_fHrMc>U1yK?Akm7`Yb1o9%`SCm!T8C z=ZSF_l&#`r-i|h#`O*-S0(UZZ&UcXg;Vj?q%470DoC7)`mqA(SchuQgLtUcGLE}(1 zk$yW3b{|s2%Pjk;->s1m>UIWy$0D4jTYwK_1^IHD>!C;V0SrbZqT;O^v{Ka%ErLIh z`dcSR@-0JnBxK4#D z)ZMWDdaDfMII@9f-?WlA*K%23YYS{q+`wwQ1^81ZA51SeL-^%1obk2>x?nI+edG>o!d^dPXXUqyGk zNoEFG#85Rv9-qxoW_c4|v2e00oh`uO%6%NBYsxlYfV>z^fP?6$nTI}`?f{q%3*bzYR`OYdo6y+L&-|0Sn>Sx79VdLIL|-Q)SvpY`G7 zfEPr~x<_JTWZ{QK04%hwp>^v_=rEhx(!GNHY_oiSJ=86NSgvti0wy%}v6;%X(C?(UBf>n^#=?V%(QBb^5 zlD{ zA*e2x%zdpFh*pm0pviGH4L454n7ClfQJc&SE*FJ2dB^C8{X?viA0Tg?0e_ZOLea-S zIP58gJ1?h#n5hO$?k>ZRVk=SUw^ZWHYG;i*b`tMSRp^bF$@0&P;h2*@jI%JM3R%W* z`&TfEoos*zofa(Dje}&nFyQGHfN@6?C`~aV%FlIK?I0c#mETcryE@YDa11YdOJX~6 z!KAB}yvPb7>7qPvRV<`=Z0(fezs7U5_g1p`IP>tZ-2`;$>nA>qZWtJ@1$vsYFyB*) z>DaH0pUPU%(9n|iTw?{D-}QkXG%UltI71y9gDYS-L5NyuQ*!R<4t%OLlV5o&jljk0 z7*jtPx7@C$Y4syiFGd_5^Oj(jTMn^b!)m4NIXLRs$!Jb+0A~49>S2@uzjwZ;Nl8-B zv{i-gtKWtr^J75kvk&b^i^kZ4FTqJZ2*{rk(RwtQ42LA+)JM@czf6;>&PtuBM-%Cm znmX8+F$rXpDBWgO1j%NBq%&^>ek7)#-)1>7k~nI%ZG1QOd|5z9!%tpxi7*{~?TbrA zof(r#9ll>v6mI(wj5B%zXy;HCevYak{@RsL@@g9vy?KU(7v!*ObR$Cj65K7Y4ASFf z;}=&uYX4^)NhS@b&=gDM-yg!7b>C~N=BU^(~AKCx7dZ~rwIN0ZYpZGV+@|*5zkyl$K_!pWMqL+0efwzKOTkc(` za*V=Fx2-6YcH@aROYwwJ0QOr?gYl_GxUak(PBb~_aDQdpy5egnRLZBKQtAgSwR_1{^&C8NE~KnXqmM-od$-VXfib`Y#H zhnB!-Qk#AQxlJ0}m&h6#2JZ^wB!?0`^XNW7gL%#a+m4 zB|=lHNZ5;V)2DOigLZxn5sMS#$FmHb*FE<1X6_zPDe9pbc^+VB*F;yHsbh|@%-juc zEa1`R3UK)v$y+}5dh)*T)|zd*)J!T3GC?va1*~4to{RU91om+>FLw-b&!yIT24< zYr&UW#-O}u7WQh(;HBa;c;=Kq{QZaN-c}v-xGGNaOW0H`_V@qd#Z@pQDg-6>ba=@# z)tTSg*5c%d@3>}N1RQf2fo%o7VBdU(M)+H!r-K}|(?5ryns>?RDly>P5P;3gTnV&E z;f}e-vEtWpR8w1xQv%e$bV)S+xbO(B-bppHVmah`Ltb#ie=#-l6lDt1t4R1(HYcxGh_dg?hCJ-iGuhKK3Q#59Qc*iWqXzolxc z1^C03j`&1SoObo}Fyik7;pO9F^oYzXOuO8VPEuECwTf7q=!2dv%iw)*5T{#( zfmxU@TkrK1FMMP>O!RunbQ~IDTsD@|!BiQ3p~QU5Ze}$-MLvn0o=1j#JKzv=faMT~ z;avS$&@ttbSy#~;T(S5%{5~K?Rdwf*w69*gUu_zAT#~}l;sPv_j-p=bo$#?lgd1w*fP%f#xB*NlygzFLb(a%BeL)ID zmJXQZT~4Ah@`-SL!8+(XQvhXw*}Pr%kKp;!OX&t{4~VqQWQ-G}isQ`oi^QZ=ihS}Z&d4V^-#8J4*fKR)qw|CHr_rP z8dzz;{J0=WD(j*_swEv>uHA*sdfU;hN0te>_m%2?z5=Oxgh|t?WV{_z4XTX`iD~9R z{Py%YOnRA!?Ph({J3NQP5D^rMKSkeGHxY7Y7ZohN2U`ByKtwK-=xauy;y@bl?K6gX z&Bh?XIMPIcT1r1Ufo-TAF7>Ve*=5PhdGWJYQnZdfpX>!yvO)CKz)}2i>jUj(&l_@0 zO&R}GZOFL#C)53ifXQ$B$aIT!jAUpbIc$FkBfTF|mzr<%l=mZ=op1<*rCIKsE6XNi zYH8maBRSIod$hem!a?S4q@- zYk5&4r5IDC52*&1nZ23CycD%oUcy3A+}P@dE`DwJ;&4B_Jm^)IILVMSz8nu9Igupe zT>_aqO%ZS8w3Fi9hOm1t%S(}n!~VjVXtQ)0con%3BL!hl6PbwT&jvyFG|3H%m%oo;+1iUB7Pi?deZ(Rm7(w`?0M>W{^nEgmqt zAr>zMO+??O546-On`EjzWLfMJxj|o4zO|xd%IH5XNk>W>}A64U;+P=oc*G=mU z8~=c1&p%PAJ1V%OR}vFL*JDOpD%#nIi0+V`VaiG6aK^fwjo^3=M^u!Z{i{iGEII1~ zHg5I}*`yb;DIm~y$M(e*T#n2CuNh7l+rhnjAE$BbSkJg*}@7TZZO7b7Ec4_|?``2q>XCo}E z``02B!P);^F8J5cf5r=c&F`~!G1k~Pk+Jb$`q(vxBfxe$8zJGbV?p*Zw*G(D{tw-D BcCr8f diff --git a/test/asset/t5.base.output.pt b/test/asset/t5.base.output.pt index 384b59074d346321da04eb191b6bc652c50491a6..5789499927f3a916e20525d8a7099540d724d208 100644 GIT binary patch literal 6891 zcmaiZ2~ZR;D=kyG#F#Q#c+Qfndm4zR;%CC`bvg?M zy*bQv-Hc5ovq3Zg$duEmu&AMu8f(0SEP)|%wX_<8)}A3*t8@7Rf+u*x=eDxpHhU{x z&K+Wp2VDUR%R~6QgL7NSN{2O_AT6>ti zI&hZ?4@yDO?Iv7Zzn|B%T$JkxZ>A}_JMo?VB{Jss8EE#=#NctR_+qgM_1#0MR*(no zj+X-d_KdPq3!BOOrv<##JN0m$@o45iLnh02FoMfFGsuCDKZwam3Htl?9hzBd52^-J z@K#whoNsC;a)o(#=}|DNSyzH9w?8JuCl1jXuN$asypY$sAremgm=9S#FG!M$mg+c>bKDGYBS^S_5fTxm5?R(u_#~~vwX29hN+2xNHuV=N6TPH z=nE{dl4IKcx(cCFTFWCRe#Xzfp&+w*BD2Lcls=jL6Xbu5V}BUR;kCzIXm>In%==Sm zd5jx$-Q_`xwGE6t{}r9SmqGF~g^K>VtrXHuL;t3;c>EL(9z~{Od!Hz0Yj}wWy!M3e zQ4Nqddl@&@H4HN=HJLb35iZEIljoQJgx1~JhR@9xfJ^XXP&kxK1hWUZ>a7ECk3^AA z>EU=k=N85pO~e-pM=(R@A$89dW-==bDmGYq!!H{H%v`CC#$UwPmcNX^_3IHxwm%4# zdpF?2`^O;npc&{Z?k5WqPGEk+T2x4$3wl<4tflDy{i*Yk_{Szu>Es45z8OPaeXJ`x z8MzNFG=CzQoy^;7eFLBICUR02C*i5{^%xYh1(JFl(9UEuQ!@Rh>6S}fMBVE)QN1e2 zO;ekPdcUl}pgkV5w%3xcj(tp$F3Pl8oN_aNm`6Ac+Nh{n6aY5Kd#5SS*%Ierl4 zb_QP~!EfA|qk*EB9x~^q_MIFeu$4o9$!xqc>lU42)EMP6qm(Sq$!T*b4^VELhkIu{t>{)zqv~?D7-kj0Xm)AAWK9v!X*Pk2Yyxy_ z3Wbv^7jYBEDs#3%%5;hSbdbu6z?7j6U3d^u z=Btria*epSH4BFK*zlRe+!3U zb9^tVbkB#MUPJW5Atk2y1Y%utF^o-G!W1JzSGrEmu(QJ7rJgQWqjSj`+N0lg!U7gQJ zyJr!X{cS}4Dj|*U(&>G%Lfm@19pU^~?%4Hky5*xJgcqa&{V0H?+L6Tjv>}rmafR_3 zd<{-!^|Wn<4|~sR9Nh5|A#`Ui)!k7Gm-JN`!L+MT4(E|3#DcPs6}M-UIHrjBvG!6^ zn7DUhSQ9XvxmW#-_gznqyJ2k3Z+2;d7dG0=CM_=*jJ=PXQZmW3odMNeJ(SkGqgUl; zbI%oeK_)eT5&p8A_sZ!Fu~oUiN_)kk@&k1fX}9UT*tG_nvc*sGRCWPM{piAsDhn=l z!cySP4`#H*-U3f*n0>nP6rLN(<*gE1M5k7cVmp7?qu-D^ywSF#lZRBXP>n^KHDR1; zlRr2%58fb8yvVFNACv5f#{BBzs;H9^0+*I10Hd%Lj#NiNaIOOyX}UuupyqU1x6wie=JVQA|08$9JQG^bd1;pd zhsAGe$We(^m^pL>Bs!PP#uI#58_0j`5KEf&>S6Ay2EIgt8TKd? zp?IYwy{NMa%AB^58!e(-p`aOco^5>d?O*^pb#}1^>vv+VY9pAo`9hJ80+ae&k@`** z;5NwmA~Cgtl`q0Ms}fme!Pi}IS|tcZCy&D3=|k9c#EE+D@rJr(1f#p>;C}Nf@V=Rc zU)v2UPR~1qqqk0Gh7}Lv)Cfy(8|8$$#WzU*Uvq&9)Zx@{P5%6VNwBi*D5@Os!(i35 z5PwYw-t!evK8UjCSNxz$^#r)2stn*4k7Y_`w$dM2)i{(cLLbClAu@tZFf3ZY_J~a& z6(5gNN zQ5Cpf(bz=gc?6lVv6K}Vsa+-q_~E6K^$_r(kqq?d(zp+Khw&ulFWny2+dCh{?^%P3=s4zA zt&IuyY&*R>xEB0OU+^YQYOMJAqY>`7>>`do-qFpaJ#6fsBj3DPEGk_h^ z@#q}u4UJ_RF{sXvxeR4Ec;A`cURVHuH3igh&0Xlt5a!tAm#ExVM7~v&At%klPRlr~ zd9s0PemM`WOg=yte9%LK8WD_eUJ4cal~Ib3hc=N%cwXiSrR^ouItDXarkWKLZjx6_{1_18nQ03EbAKKGIVhO4N-rp?^g#JPj~owVR8H%gU|b zb=;PXYCpiLcofl}rCZ_QX(28{r3s!|9>8zYJSh{?Opb&Mmi5T>k)h7L5bYa_nZ}09 zJK<+IPj5bcAM*p&?VgVDLZY1I{Bcm-Wdn@hhLIX+Efn~65nG$EiZ#M_$XM^22S+wQo(td7LoJHad&_I}GT_)*4(X`klrFm!fvpZL;U75?^{+4!o0X zAxYI4P-A9~$NB59@ud$;3n?X&8rlFjWybN+RjyQe7QVF3#1ci|czwNrS;k@(Mtjd^T7*Tp2DgXgOXn8u)+jmHb=nWUu09Rz zX`86q?M$3l{|H@!!(fyl3yV7e4jh@ye2Gh>a{5X*>Ab`<;hGm6@D` zV-yB7EW@nazi@*PLu9-iFwo~3#-A5wg3_H)(m;(nsaeaN_DY8%zqi1&0dM+!D&m1^ z8(bN<9J41}!g=@*1cS{g<_S&2ZQka{ELX<6DxzpKIS&?JT@R+)X5jf<2l3`tGl-aF z2aXZ9N%6Q+dTn+*MtVlU`(-YWR(Wh>&YleTIAOa%3hWv4b#6}9{#bJiR$30AY^^s;9%o5Cr@Km~IV39!+9MHK!n)};%%g2YX%T>Gae8(o<`_NiiJn9XKRSARa*K|lMF=r}u zhuOKl`ZsGTQd#Q?iXmF2a8@ss1SnX6(#(V8{{AR1o%)3ePdg6J&ED`P?+wEn+j!Ky zrkpg%yu{Lv(J&`?1zEajIVAXfV->#=GHP)O_g9b=*58rA__lrc>DWfBJ+T>T-NZR& zC=dAS%fKsN2bzmNz?0;piu-3O$lh`VG!5uvzC5=9UA4_5uuqif#ceEe(vIAjC{-~o z+kuN#?d0{wp2AL(VcI(<2A$kEa!A{@6hoeyeL|&5Njd9qYn@;tGB*=xn_3%ADky!^0*uA-)$a0xj ze*7NPM_J&-`Ge>X{vE4?s;N@80L)kr0MWgUU?)GiT*LV)j2_Hnj5v#b@x!?>l z-!PJh>2Jf@HCy>ZPUfI+?g@N#Edycy7POVq0Qu#GU^P1rP3MlH-JfpaP8VM&7zkm` zirgamZ{^}#g&tDe;E8=HPifMp7-Ijf8%s;ZQ;p#cs-`{z-$#gZ=c8Z3nm3CX#oQE# z)O<)Kz24yG1Nz{nJeArR>?O~>MbiSiD5@IUKxu9a=3H^(R%9e{+9o44l;_Zmarz(F z^2e?4`ltn8V}CsM2c|+s_zuXn)1va%rO~}ei}%ZO0Ynr9lYT!7tP4Me^(yyp_qy@S z)(0$as79ZvHx*&iLrw1KK7u6a6*wd-V{h3`Jlr&d4omtm#b68+?eU{p*X%h#scxKa zehS3;a_GS|b`YSxo3`OFk^Z=kyO?Xtj7zZQG*@SWwq7(ZePo}w&^CeRQzZdBAr%;i z)u72eg)k@N9G-A##LpHR=yN6x1-EmsV@EYH)d}KmUsOlMZ)6^JQ{(e2rMA4R~QfLM4!%}d_aRXm+sT`yVKf$-|@}%UtF?4!%(}Bsa=&#k! z$>%8&IC@Bfv&(1#pYIRB*XsnDzqcTUJ6g+qj!`Ps8V2SbzG&1b0~yC=au-asz)wq= z@%zui&)I7L#*nEAW(*8#?TZgT6D*F@4T@Sg?61 zk`j4hmni@Z`7Ye%H=Tr!MWiFG5y$FpAQr3UqTR&JBwx%CM?FczC&p!T@6R>tqoxUv zs5lMkWM+}Djk8P+D}{ofj~TtCA;WolO#okycz%M#AY?4QgFp4YlI?$WpyZ4*7#4Me zUKlNdhjp&8DOzv13BvV+o+pfSj|v;4R}Mq*I?DvUHc0P;tlv2QX~!?YEuX4rzY@rGMdQAzPfRHr2HivqKB$S}`7hJpd5AwL zo#2eWW=JycQu4U7Db*m}*N9zUfytk@V?wPUC!w22SF~0^z*RBiE9s)k9zJ-kONGS^ zQ*igsNszw#H7UQ54lfRBVDy&^yyWIb((VdlM06`}XL>rRHTa77uQ2WBWqhqNeIBc2YqMuI@YoRf0+w6Mh(usA_QEl=a|r z@>_hSJ{NU@s$u)2ku!LAbor@O*SXB*Xk2$Vh3K?MajA-vxO>N!@rcqDu5gn$qjUTN zt&kJog1qwal-XK1R2)ZRB~l^rZ5781$T3l68R(Fb!YvLF#2Qgw`1~r8ibT$4X2xA4 zU4{|lO4u7DOI-@tGig7M1 zH6G{>g|=ZsM(nC8u4$~m8JADc)k`S|zB>aqEflfAOn}YTJ`4H}Sa9#!!ZZFHUcP2l z2)HMemG5XKM z-|U|X&p+A!nVan2n4d?y|76e7|0nl9S0(p1uC>a4bN}mGSX+vU&iF5ony}u#;eW)S uKlcB}l7G1Z4@N@#u@T-MZAl{Pwk# z(ws`7s3_8)(x5@6zt;2qpZB@%cfISq&e><5>zwa*uYH|$)>&umkAtnKn2?Z^l+gbO zc_9TMj{wj0KHI&gdU*tT7;f?Pv#}g5wBm0OD&iTqc}QjGwk^=dZ>x-3fcKhhK7L+q zf!>?8ZVqtUK2647NMC=M(bb@Fn$v7E=tfUsQXtpQS61hjc#;D;t-86pK`%bb;c`Wrm zs4D0qHTrdQ9-CE{yLQSYV+<{t`zQ|Adp{6x;? zt->*du2e0jkJsL1NUn`#v@KSKC;uo4BBbKr%qJcC#8imw)jv(Ho6Et}Ez#hA!-qKC z9!_66W%E*YrO=$#GWvAlYH0r)0kirO$$Z0N8hc_B9-O`d176ipbxB2T_&5a|9#Bi` ze(psv`$eS3RSeB9c;fjRJ1{{*ovl-m;WtZP=FOO*h{KX~u-4-us3qN@b7HOwu6%C8 z!yTc5bGFqGxMVbX=C%;kyC+fjfEB~WF))s)Ld~chaMgGNw{>?vEkB}xo7TR>d!s!d zszI;9cgXw>D*sI@MIROOcaKJV*0xxWVDVEGS&1PA;g4Q@c5fux;`a+L5t`MOhlvs|ri7oVY^J+|$nZlMaZP@7^2?kS*s-CGS;@;Tj=0ENrUQAP@zlF=lX1yRd zvi&&PtzmeUN>k^>S7>@=C~g{PrLI$ElPM3wNXDl?I1*V(Qq|Q3X4N8WtFsRsGew>j zOc>1y8>Zv4Q@(=ofkkBhvr`yQV1^lI#9>s`3)*)~8=4lTBI!PZzpl&7exKlnQL+`_ zJ|hZO-4qa&Mq4n~?GaqpoI#!h06w1408(uYl(#$^;Dr_0Iq(8s2kj&&@SDiE8X~XQ zlDv7DN$+c@5rZTv;uO$!+5GfIa;J4R>TF#B{PjwhF!uyHZ5&IqlU>Lg&vOEom?fYu z6$R=1Nb)`PK3&}(OXn2EQ~y>|!gCITJM(?v2~P>;j^x9W_Kj>m{tztl{Z706E~8F} zB0i(t^j2R7iYn-VdPEdC6K;tm<_yeMMppf5+(_KpuA%=9IexwGX2`b+#p55ULD?Y{ zixwV*mi@b`jKB7xal!#KG#de{-;IH*%fFDm)-CW|dkfaJ7QiH%c98H=gT=p2@}8FJ zfx>cW3{iOEz|rG%*)U^sFVmTBAYF(Sk+lQ`)v;Ev=34Aa`ng zVeXIf#Cw?>zP(#TE+XQSt}mn_>payS*ot*Ctm&3xc95$TPOg~j<2R+}p}_G8&*}Oz z(mEv>__tTm)Vg+>`Z$P$@E60jz<%PTR76(Yeut3`qMV6QJ$163#*OT@LdggoJ<)AN z4<%93e6@z`H{r11TU6z)8k;KP_HCG>G>MM1If^1be$vIS&eP)H2EjtjNoZA(L^oXP z;G zG>1Qh`$9z^FZWqh5byi^2V!QZ7ZK|a1@G^LQU=*tE+=k;1U$3lk&nB}X-qN*; zOsUPSr@ZicF1+>q$q<}87H&#rqfu@ptPFgCkxSRoV>aSEE4CMJsVIP&xE^NSy=|f@-KLuOH#|g@xpP(8` zgTe2>2E2W-n#xGE0wkOALbGCMuGu{F>f>06@_cA)I|5p|-B|xK5C!|PNEW{v4J=Zr zak>*qmWDCfn~mwKg@MUsqJ?cY*oJrU=5BX}3EsNw#7BRWUyzQYaTYB2p(!{${~qri zaT8$V7@}>Uh;5nXu;`Wybe;&I@ccPy-727^;~&zvpBY%F(F=Vu+pwcN89fcg!=ug& zm~}4?d%BO&M@$)FMn8k;OO8_Wo5rXw5(X1L?!}q+H2LDqC&|yZkLj9(X8xq|IDGW^ zC5<{>NknK5X=2{rubBs8CJxFC# zj?(GkNwo5T5Ait2-Bs7qku7e=dw;BpObp+>@M3e3hHvIK$B982Bq9xzY;jA4_ z@cek9z}b3`7n64siqe9>#jp<7r|pN@r$U^luNk;p_UH9?*Wj8qP1d!j#(du8KDzyC z4JM%|3lBqLm6iyW^R4L1=w3*=C&wffl@l(yh%Xd84`dF6k}nrWG2@PE+N2qY<7E}t z)T&Tkc5DI6Y@dZ|HXXeDbG1K4n0&(%+mFDQ0TJ%d*@bZMx354Db6F5NQxRmp#gg&$ z=SYnG46u3?LsdT6VQac8&gr-UN(-`?*Y^^Tb3cM1TZW^;iPzB8nM~Gt>?XD^(qZk# zdRlX#p7um~lMSY?1hEe`Q}brT{Er%(Z~j!wR}CSLI)z!yW+mv#uH?_HlZ7Z(6DF>w zKvegPVjZQ&@j>ip4wUwij#xKpVE>WLuG~RC-w1&c0&lE<5tKp-^J{S<^MPDD! zB|4kFlRS$x?7{KVbk*=MKFKV zHafaA3ipH<;U0%JG}_is^+o;VB`XGRzE(LT#)V)Y>yVk-&u>%cz+%)d*+O#fgNUdLucTDyTbh6ZE0ZJ zAp>VOxx$AptDsL#7EZ;qqwG~FZkXaqb}0NT-1j()wkMZi9A=^DsubM$DjsfF?}b$v z*Xi0#>q*AYKg*u-LU7s}&fD1d0|FmL!Hnxov{*Nuw!2%ICso-%_&igXO0S{uvZL77 zAAsTB0bu`r6&blC4N@~dgYLJ{0-x&*Bp^PW&YdF-hF?xsEQ&ut){Pf~w4DddJS5Iz ziaL_i20iXpxEOmL<^bDD_0TX{j@$^fBf9QOD!60j5Lw^FoY@OnVi*Z4Uj4>v4H@Pd zSLDFt(=B}StQTU+ztba%kvQ&n0v%hi8z%APzH;4zIqff`PCf~<4cyq z7U4dWlo4gwepuyu8eGcNz$vDV?ya@v$99~?38TLA9-I({zG35V-9lgRp5+OLo@SuW zRcF*6VN5Q5P2x-@o09zBjnLDp$B8d5B(`&taYoM~5VcaLy2%Mt?fXHBJd!6H=^?&y{+G+QwQ6=TcDR@K@|or`U7-wz*d;p=ob~Ple$3(Xc90igT#@PPV12=HkXpLvv?o5 zKTd+Pd+$!!);RRjuEeXF`ZO(90l!a(hCKUj(lhA-M)YUEq;DUwtav|l{4^FKtz}5; z*(wZHe$LM~^E!9;l&Zn6=Kr+Z;{ z=_lOdyB()BG~$V*M`#%L9JOsHpw*!duzS{gHuJs>bqH$V4HJm7`iBOLUnhbm=Uzj( zaw9e>$O|s-AEXwQoz%s45_|es4QITb#%dEhVWvwFEOF6dQ)*1m?JsL)9Gr+Z+Am`J z=eLloB*Ya5HG}1oGEOtdAHsqg!FE|Fbk)pe7I!>3F-tdieA18|79GKT&~{+$14p>W zCm!IwGiq$n>?df@P)$|54su}{6(GH#0X+A~2o^5?3;iBP!16iy_;_VCXb#tBI=g=2 zzG*s;6c7u4T@hemuu;|gPl~MaubfL+_kV-&tXFt~Mv%%}c^szZ3=*uL9<6bPlBF$h zTU`XZzn%gi>4!)p)$wEl2h=1D#nno2)XEARtM1H#4;6qZ%Y=dF+N8$!JBTL6b7EhQ zV({4M?2c(X*U@kkH*2-CjXO0lGbRq?x=#?xQZtycyBy34T7b%Iqp#NFQcaO-DDP+t z#uE8N^X7f>`ra?^`3T z9Fs(Hep*6*ks=Fxsex|y>WR{YO0Zs2i4hk=VEdS4dama*BpU3%cjErgraG3Bs5k^u zCvLf1*Z&TBGA6_2CKxZx$gS)3f%rlE#VBCu%blQ^xp!0SN ztRA(T87hq6UKTe|*gXd{8eL&9Y9kl@QAo~?eT;&bns@dGH{8YT1@ffq7#zSgnKQ!pafg~4E72B~8 zmW=4Y%AYSWN$&|9pPT|}K{G%xDi?N*EHH1-%;7#}E@G2{t-1Jj1{|q;O_Kbi*#=lE z_@TT9^4C6~0tHC{4&-3hFFX9Ob~?hz<#CNWi zeeIYha|l<@v!@>u{UOs-kNBvHaoKMslIfDCcrANxK%|}lk7puXbt~MGE^Mp^S0!EU z)Ap;lUTrGQn;{I!p@vwzz!rUXc=Jxz#$)&MOwu*Ng55I90RfqX(%G}%(quKZ^GgXA zP;G?Vz7=q0OgApSkWrbZBnnc|j$C)69XMPxWc?x?pe3ZmX21DF_qk?)b7TU{>hTxI zJLO$^b zl;T37OR?qVMshDs3+k$sxb1D?>`Qtpy(2W8Mcn*`PcOtn^XnfN-=mI`cJIHO{-qCI zNtUCdbRg%tR1!01HSt7#dvX_b4@2*zFc{Zc3iZjg_)feuuF`p)+g|8ZgDoKG`<_(3<$^ZFam+7ZcLsr?aloYi2yeG9-~o(&DI z+)uPuxS+GH2UpWqe7Oq4L9TNSoXb9kzJ}IJX5%; zrIAqWtt4*EXRPlVgYzV8$@@o^B~q&{j?#-*Et~upTVk zR}Z$X!tjjOPTKtvu{3WAQ?x9`(?KWk!+<#m^M{lA>4h-ID3r}IROANpbnw?|D^BiE zJ66}#;h1a5+*I1iGzPcP3*`ci%NxNglNN9N^Uuo+M$}whF3Ue5=BFaw6Wg%ZKm7UDyxP>0INoUQFtn z0NZmipz3QPxGrA`4@0iutpOMAR^fbNefwl(!val~BQcLtmAwtU7Z-3V&#Wd^vAJCJ z8b!{ryBup{ec62BV=Va1D!6*L0jk4`KwN4jm-6xm)?RHEROL5fOI9enn4ty>B?>T9 zC>bmVtFTh(I{sz-9R*@#_+z{sgzw^WmkgfcwEd?L^z7NrS2ENuIUN_>(!~i*W#DKz z7j-?FNMe^TD;HaV?-%IfacLbk&mtT$YAVsrPL$;(h@!R0SU3@J5zSlG!CC(>PL0?} z!b+pzM>g=DZtsE0oGkF%V9m`M;RvO{V{vlKD5m5N=0_y2p_ZvPa7#?tkB=o}_DxH{ zz!^jC(M}#nMw|urK92L78j9P+wo@bXH|R4c4#^;a;Y(b&*@utAv^Om%*D{WiR4Auo z7mML}S543pdIKt7s>!&khSX;;1y!14IC9Y5ys=7}8*7!uGO8lEf&wQv<@Fq1JG`J) zLaLB|Y%HhsIS6c9jzjt>9adNnO-DQS!%C-V*q~B|@|9)ilKK>URcpbuK@79yL-1jh z8XBE`ipo-LaCB&Wvu?|I(&l49JO-4A=Tjl}@bOskhb~B;OmPxY9zqL4?SH2WBZRE} zO&7L%2W%ap7B-gr{{t`l6F2;ie7ek^89dBcw?t%U0)Lu=t?-}j-%RH}*@yg}8-I&` z5}tp$|FgE?e{+5v%Kp>> import torch, torchtext >>> t5_encoder_base = torchtext.prototype.models.T5_BASE_ENCODER + >>> transform = t5_encoder_base.transform() + >>> input_seq = ["Hello world", "Attention rocks!"] >>> model = t5_encoder_base.get_model() - >>> model_input = torch.tensor([[1,2,3,4,5,6],[7,8,9,0,0,0]]) + >>> model_input = transform(input_seq) >>> output = model(model_input)['encoder_output'] >>> output.shape - torch.Size([2, 6, 768]) + torch.Size([2, 4, 768]) Example - Pretrained base t5 model >>> import torch, torchtext >>> t5_base = torchtext.prototype.models.T5_BASE + >>> transform = t5_base.transform() + >>> input_seq = ["Hello world", "Attention rocks!"] >>> model = t5_base.get_model() - >>> model_input = torch.tensor([[1,2,3,4,5,6],[7,8,9,0,0,0]]) + >>> model_input = transform(input_seq) >>> output = model(model_input)['decoder_output'] >>> output.shape torch.Size([2, 1, 768]) @@ -43,6 +48,7 @@ class T5Bundle: _config: T5Conf _path: Optional[str] = None + transform: Optional[Callable] = None def get_model( self, @@ -122,6 +128,12 @@ def config(self) -> T5Conf: T5_BASE_ENCODER = T5Bundle( _path=urljoin(_TEXT_BUCKET, "t5.base.encoder.pt"), _config=T5Conf(encoder_only=True), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), ) T5_BASE_ENCODER.__doc__ = """ @@ -146,6 +158,12 @@ def config(self) -> T5Conf: T5_BASE = T5Bundle( _path=urljoin(_TEXT_BUCKET, "t5.base.pt"), _config=T5Conf(encoder_only=False), + transform=lambda: T5Transform( + urljoin(_TEXT_BUCKET, "t5_tokenizer_base.model"), + max_seq_len=512, + eos_idx=1, + padding_idx=0, + ), ) T5_BASE.__doc__ = """ From f4502711f6e5eca2f50881f5f34ae97abdb08f51 Mon Sep 17 00:00:00 2001 From: pmabbo13 <88948596+pmabbo13@users.noreply.github.com> Date: Thu, 28 Jul 2022 13:44:16 -0400 Subject: [PATCH 295/463] Prepare T5 Model for Language Generation (#1862) * modify T5 model to include linear head for language generation * create t5_base_generation bundler * test t5_base_configuration * test model training * nit corrections * loosening tolerance for integration tests * removing redundant tests * change target for train testing since original target led to no learning * remove tie_word_embeddings since not nedded * add example using T5_BASE_GENERATION in bundler docstring --- test/asset/t5.base.generation.output.pt | Bin 0 -> 257771 bytes .../integration_tests/test_models.py | 8 +- test/prototype/models/test_models.py | 100 +++++++++++++++--- torchtext/prototype/models/t5/__init__.py | 2 + torchtext/prototype/models/t5/bundler.py | 50 ++++++++- torchtext/prototype/models/t5/model.py | 25 ++++- 6 files changed, 160 insertions(+), 25 deletions(-) create mode 100644 test/asset/t5.base.generation.output.pt diff --git a/test/asset/t5.base.generation.output.pt b/test/asset/t5.base.generation.output.pt new file mode 100644 index 0000000000000000000000000000000000000000..e6aa0dfaf33abacc1f704e074e987c7a5fb6058d GIT binary patch literal 257771 zcmZ_0Wq6ZW)HWLTrb2NW+}+*X-JRm@Fu>sM4l_8+;O>6kxI?j)y1S-rnlx>`^`7t7 zd(L&ZrofaW&9k4q*Sc+`Zx6Lbp)eQ}|DRu83LnL|c@w5gUF271;mN-^7knCoC|{HB{?A*SKJ= zssCJa?Y=$q2BXK7tEc2u|L3dk|L+xB73Kfe71ycTxqX@c*Y*CdikdRz^ItgsPc&|I55#^gj9w)1L=n@z5YlofU!c z5%T!18EEk$5gp%s!@ScesMIzHjhg?)Ddi`W4b<_^10mQ}%8laHpW^YGXw2D{h>cn4 zIQc99=}%L!Bu1AP!ePU&G72Nw^iDWS?KTxOVRoOjW-kG)%$j1AoHo zoeT_oj)aXlc;pj_3hQHV&7fk9?h#0PAdfv1jz97v;g^?$_xfC1+?0%I^^!1TM-r~Z zCZhZZ2kJbI!SE(_q;(F%*Ys2@_z;5oZGWM5Q8oL-hoRlI6a-g^LqPNIczhukIZtEY z&dWjU`7}Ien1tsE$+$W!A6{L;aYy?Tr~Ad=X|F)^8yAPIv$Ak;rwcvzen(NiP-NW- zM0cMkEDa36@M?)TRNaL|OLFmJstea5<8jc_9|`xe(DUC|jB26g%g|8VESZAiQChBV z5Q0CJCnF~_2(QZhM$*zq`FSxoULzhsO%w6wgJe_-k3rprT6(%OFeW%1A78{_+_G3S z=^P9Gsp0zSUr?oC7`BZ2g~4+^AaHIj8hCz1@w-ttQqP9I+wySGs%B{66gZZ}VdC&0 z%>NvVp5IgO_^g(1+vlQ6^AL<%2Y=~Mb`}e0mMmZCZYl}m$ zx&Wrf@33rWI)WBuAo+X}nl}B3KYwLl*6(y2y5x^(SrHhfwn1Af3xnss!IXe(bflj5 za-%R~dJ397%Yy!t3u$wHA$LX!?(9y)^VASLi;cp{(K&cv2|`?}D2%Y>;&_K_M4t%9 z(i=7u8fV9=c}cLOXW?$Ap9uOKie??7p#C=sj$NU+y(JR&HYH$3W-|6)Nd$V>uw|2i z@X18gCt2_skbnu7zN4wE2X2PoX4yFWnjek$!zsA;CT(6CWRCQAMK1=}?}TSk7uq=tFeD`zG6Z7y0T24MHMc*{%{xhWs^GXZc6%tWIhshCqf z33FP>IX5U7@yv!xQ&Z8kuAKRsPU!bKu0z}etz zJdTS%>AD$sr2T=YkNJq`uH=@)IF$Gli8q4`9H0FKn-{y`HA2arJ5o`mN~ePGEHpZq z3cpH9=BkqM^1PBY`fK@SaxVVuo`F_P)3H?(i4l8JQ08c|^q)_-&^Q-UUT0(Rk#rm! zpkS9)IWWFfb1ZEr=opPh0Sf+Dkd9qDlCZrR`8mdd*P%*4cruQ0EW z6AfA@S=g3|qg9mrn3ISLTO-h|m=h0`xhP*z?$^?ERITg4rQ#_VI5Qn}e%oM+%R<+A zDjs~4jG~KkaG;k1Qyb;tr#%lfbkegXXF+#83(qohaAK~KJ9~zr=q@=6Wu54~NXfNt z9LSBd*f8u|I3DYEwy~d0<>$d zWech}^~q;shpVXCpNJA(30V0l4j0DTG3zfK$87(B;ZM@=9ZDv4Q1JWl7`!i;g%jUh zIG-Ahduk%9JF5i6&vNg*@I%xVT_i!AJjD5%0ywmB zJrjptX5!U$>A&;c2=x7l506x=_{)ibE~&#$bJ5V5kEqH{e3AF~rIms!JLF)>EEj4v zl0C9A7cnE8c#@cp<(HE%zw=L2yq$@4)nhSwmXZGbBe8q8n%(E6;&rByKfC{cO`U_q zQeW0KibFrCE%WF6z{?U&yeO}rd6^5t@^q|vJ{uX2KjQhSe4JaZV*BPwE;*f#Rn>CQ zWru>Zwq&E~5*>f|XxX599zsgzVvSr+n>9HY`B~5J+iV!}AQ(W=lSzGgO>= zISXIPDtI+TO;@~NhJkU=$a#;tpMfA_Bn!UnqwcPggAP&^Syy%UjL#)iD9N;W#~ zz#+eUsPCqu_T^Yal+3|~*4cPBOUd;%2i6|5Vf+46TyE@!=XN_1sf_%SJPka z!!}1kQlxdKH7Ir1S&s4DgniK?8C_t&l zxj5u$$Ht*)sPWT=L8B8fWN0$_H3`Oyw-fEsGq+$GGJG#l9zAg1G^|S*|Lfi`QAl!l&BMsdWtAUQ5Td zol5o_rsI|iIWP@Sv;7-8>J%=(v-62q?V;hQ)mdmzB^9mOE(a5F zT5#ySwMwR@ra=GGgNrNYqu^Q+c8-Wai4zX22~zXFJQwB{55b;-cr` zaAP7mzfMJ^=BfDCHw?z^M$WI`fM?0Cm{CH(YoFD8zS6+LwRBv5#E#LA;!%Bop5{?{ zo{9{>ENwpSm)3JY`3z`3XCp2t6)78X(e$R0W1eXEhxC?~?+kR5$-w6>TK+mG{en6U zSn>;hTa&RRJ0FXre(g4@cvSZ3wW+ceg)>kiIU4V0rDD)G3$;})dxW^ooOC5ED!)V57+)huy62)m9Jpv(pp7amu0%)$(O zm>L0N^IW9g7OoepXV>y}G!Itr^79b<)TlYIrjmv+`Dk9&L=K6;rdSP+75$Csg_OK8 zC=Auw>-g#~6R#K*93f}D)?4X66SRC8kb}5E5x9|{rc%yj^b`YYc&YhVxa~l_-2XT6 z2r1#k_Lnm-wWI7C=(uKf20|+d7d0zbAxSBAL*4mx~Bk+ z4+>gR%?wzXh`9x7nqN4OS1$)0TWfeSAs)uMG1wktX2VWOb}N&NJBdjcmZRZ6&2v!i zgo@80n9m;h^c`!)=0bZQ3420v!CVFX)_lUd_*A&YMq%-EI~IN} zz{?#PM*gYeub~PKU*N`{6*MeUU%tX)5ja%MMSHR_Q1DZ`Eeei(Vc=m?GSdCEJbu`T z3dVd4El}`Fasl#dsyMK8B#JjNQRELAUaP2lsOF2uap*K(NuPxlszz%$@xB`iU&o-& ztQ1@}8n~wWcO(vW;Yo}GJHm6Yuz3OA9FN1(O&Z?Yso}T#VOYFH#Z^9@d_SZBy-yWj zQQ1rspJ_uzYvFD#Ez?RnFkE_$k8s4OuE^lj@#^QJlQi&4=Qre#F1 zi4*%7xuBr~e`ZGE#>h;pa5`|WrIk%exv=7#9S@{tteG!+?vRd$(+aRRUHV#m6}ifW zo7W1kyOokN?kl+JXD+Thbs_kUg3YGIqx*5e0JXAVT9pjt#C#;rx8ujmB#ii!f)gR% z@lm+hy6!sq)zz_nx|$>Y(XzQ`8e(4y#>>rt|MU#_H&@aAJqK&$?B?xKad>|PwW6DB ztrm|fHPqa7B_6M)IAFLOfOFq75z{jZpZ`*_m9+pZH`?&u$^^WApMXr?S7_H!!396v z*j-1(z3zOxAEsrY+-w{f;6%FcopplSj&IcSZmx>x0>~IYF3Fea8yWveD62@d#~XI=_xOs+i|{*k{#9GFubJfU%_B~+Nrqp zQ$Di3N21?@P@H@3K+DWrghZ=3d6I#-(r?BtmOk1tM>s|dYVR@edVqmD4Jt_UQyPd#dB8J8sNe;zEP*O4cr#1MA)bm|JGyR68w8l+kgW)W9lM1>4V8@yS;W zzsh<2;G2$jP4ns{^`c-La~^$*~lxR*$vFhz_jgp2HuOtrW>MlTobIkS_X9^nZogv{I$Tyx8WKtX{Dy8@b}|q60zxhHgxMPoIXIqx~0Bi_?s+vA{f0# zN!^k2`Jj0$boUbRT`)wc1e4T)9Q=IkhDDu*lS3@5@K+x4I~KrWN+u3m3_}-37B(qd zNEF=AubBgHq=yXhaO3L4IBWHz!72^5i^u+{%HWDE8Kd z+f9`mFgG6?%(=Mzw*x+3oJe(R*?CnWil*Cf>amg!mnoQ9+sGSNZ76yr953H!n7B*! zyel1NpDNhtQv!<0^}nu?h6S0Kc=tLS@7maqoRfzqp9HIXa=_Il7s>4+aO${ft8_J1r-V<$Au+gz|0UV9;BdE^o4-C;h0fb#lT}~eiUB&yrdT|Raf!f zidmSOt7E6Nao8n##_Dn@m>w%U|Gg7c)8*%;TXN;w#!)+-vp@mMHCsr3ufa*{tD(_QsK}0l4mvo}}X+1kvFtJ6Hg_}HW z_*Tfw7dACRYAd;Iqk#)LIB-$0r?rxaPXuG18KvXvNolaBs2Dvc52b5qxpuj5yW#Tv zoo0Vg@^KWb{WwkB-Ci zS;_eFpOHsPnfZ^@cc11~29>noR+fU}52?6gtb*J3`mpi{sU!Wom{i=%kc(1F8oKdf zw1UUJo0+!NhEtEsydoH-W}`GTykTVT8wzeqcVJw;6F#kSQC#ry;#AR2)sYC-I8jS< zxScC??BSb(cRgKb-b6ILo}&2`abeaI;hfbSg1-dkDv|`-sd%QXnJt1<-1W$g`t z@Y4?U#CR-A4neN;^5p79s`Fyduauf?f~3Zt5q+?A7%bi6(eN zzhiuzNQ52MF{@1`Tnxd!&Kjz-GSE(Xb9fy$K1of@PbfrdcLRUQURm*vyf?uke?7>D zOX};AFD8CHlLE_ZEkDEv4?Uvd)dyLq{Y}Hq@j4FgpyJ}q4xF2mhehuT&}xo~bI!+N zttJM}mpXo0m5CCE_1u?|f%2IOzI2#a{!lJbx|p~qI2rH6)7U>r&&i_G7Vd6k9nm9i zUe$!rDo&flW-^>DfmkESjT(|TkeU*tmUDIi8Qg;wJeOj zZ(`IQ8xHL>@~dce{eo<`Ag@o+4hB{HjiGiOmwe7arEL!Um93yN%FK7-HzcR(*l1e; zoEd6f*q(^V{u5`uR@+4jYw3q6@2Q zE0`%bX7~#i{8NQ9mr<}~OfFg!%|+p+nV3B?2^~bYYuhCc-xrwprjmhEg>$!ayYc*_ z8%@q-qmp3yfw98zBGWK&#W&On)w4qv7yRVRcnH3YP1musXd{h^8d+pn7@F9eD6Gvw z>&mf6`kI9`YAx?p(DTnCI?nMgfc}A!n@YGbVz`0XH#4A+y<8+nLqlWnL!w1P8W@1W zt%a9=NkQluHws-faYVU%9B*i4u@h#lxb49vF=?p$Q^gH!RQzUBaY8{3`qvG^wtGr$ z{m+I~J?!ur=|IE&(mQ4SGI9i?)^y?hLKF8kap9b=i9cSbdFr`>2L;c&$JkN-PY)j0 zpk=XT1vs-l4^^b+pLUx0_LkJLGI3}teZpc=^0l1D=~+_Sg57AQRI}Ds1xruYal=Oo z=e}|yV7Z!q2$q_sb)wHFGo4A<@H%Q_rwdBn>6wZLf&)?x%3AcYa(dTzT%4oi?5V;j zR!2hV7G6?Q!B#63j6b8N{;Y;4l)`gr|Hd|F8u}$`87=yIu`6z5{WNfrVAyHP^YK;c ziQkY!^z3Zly^_8hv0BN)(jVvda$(IR9Ww<_IzH#2XZdV=IAfwKO+}B4e2m>B*j_Z) zq#b#PJ{p6b(dlSeLdW!9vFO*piF2Y`)eN&^PmwGXkI=H$j6yt`Y+=dta2yNQa^^(` zn#kj)36}RiZRT%TYrkPZ7;sd}>;<7P1?9l7I0n((wKN`*+J2-kcXZE2XvS}JFB*n$ zXn40_5L(LP_lVw8EGrkG>kPayM@O&nI+haOV}1h@1AYp>68^RPxSY`|N+#U5u)FZm zmDN)4TRaFaZ2^uf@S^7!6a9S^?CTMY>yKsM3I^OBrDMYq`Pkajh19ljc(Gf{0J#Ul zx+LO7nM~|2t>Nvn>1f+Q!_|$PIDAIK!Tt)K_}3|YI~^XUy%>Jh%B5S~c-Kfv{^!QD zc?Gx)7rgtVW8M999LX-kUVSZ`wq41}jfA5+<(z%~jg4L9evHb1t#THM`NyJ+@E5NF zsgI(W{2ZoYe8mLJpPYiEYN?o|lQZ){%fUqi7b!&_mcB7v>cjn;(n~}idDu0)SnIbMS~bT5gn@HBoot5xp97O0eUn_7XG2-KV5X}y)On^RT{2Zkc0He-n{o!#~Bb@ zv%x^mb5`CcX=2%-*|>K!6TPSCc~kmw_$56Z1BGAwp=KT7UtSpsW-T)CNp%zNZ&C8> z6&3pgq+|3J1BVD#{_Bbpi#NyM$6X6+^)zxybuAAIHfSb$`jX)5>g|G4q0GDR)i0F<;Hr!a+_P6%Ej&X7x!bR(R(|{`y3$YNX(&^O30BL%~y} zMe{wNX2~mgC@X8a@=h8y>DBDn;U~1hUz#R+@nh`_Ob~6b)~PW3aWx;ot#vdA4yz-$ zxWiHvXNDTt!(pbk=mFU)jQqVX1!rqyBFaA%wU&D@{vYWLTVio)Uo37vmw%s-2$x&M z@zF~DcDmvJ#tCbj)M|$lb7F)Oor=d?=HjJXw`!o3^S>29_bMNsMHed@{X#s(Y%E{u z#S?|q?3knA&+DSU6j!ps7X@#<^kBvcElW*Pi?(Iu-X%`d4NS+5>n6TkBRcgtHA}aM z!NtZdyzJ}6$aeAYJD!b(%2Yga+wpJcC$y9OHg~>-e=l^QMGpf{il4Emn|Q^J1U%U% z{<1w3Yp?n6?JnVzdsV#mpO(REbgaA9%DIE>Xz(o#zdel{c1+15Pjc|l;zUAC(U^^* zTl#9aXmA{Qeb2*2T|Rb|%fg#SS~hy4q;Z~(x5N|Qz0rmJ-kDfgLNW#h4M+Ev`nyBN zHiu1opQdMGwi9DT)7yR4hF{W`N49XlxJ1M7hj}P9NXcU3gwq}IG4^CE5(M8a$d$T&NzLN2{;`kM{Qbp&-|Y=Ncv3~{FEwusl6rPE7Xwt; zI3T=b`8pl0;eG3}oCv*RU~T(Xw5sSvhri71|F=dsM?RW}zR|IWish1}KMfYX zRV^Axa-D-$q+{mFd_0tW)U2y$!Z!u07FIG{cwPOgqTSvSJl4&?w{ktDZpb;iYo=p^ znFYl{@bNDN2ffzt#U%|l3BR7+FARARk{kG_;`j4vnnb5&5narS zh2@Nm8?5K=26=eUUO3lP1GB`d>}QXG?wjsA{=_&lfRF|p?Q%Y9KNRDJHhtXrYIRaG8}^h&$saNM?2Bw|A$l5 zZJ}U^L?tK33wDxqREnP)d%#M+T1luAtLN%v8XgkA`O@$x{CKM2&}kl(;7d$9&B^a7V)tnev(!^KsDO$=F6ZHYg@_Rd{UR zE;CJ{`8%_;tgljX%11Lj4?5r{`(U=@GU9gSA^m`8tz|vvyF3D~pG4ux9kuwd@i3&u z;=rUFxef#BLX;}-`$ED-d5gTT$)3C>G8@{); z;{%PH{@lVL$DF8g(SzMZTNyiDG{LkyoSGmU0soCvM zGu;!5Qz?9Z%6}$46WleSMkq3RsM&vC9=?^-aLDRpB-ax>bR!Q7h8t-RJbv)37w;yi z*!Zi3zK^xEiGCF6nS`aE^AWJfi=92SREKAx#m`6-w9Ua;(X$5Ck^A^Q2ZI9@^bWA_ z%oGo*BaNIaSZw!PBll$)XcIqu)f*E>x6pD!pG4Fe>B(oZ9y6*dnHQ*LzoPk=U0?D9 z2_D>4Eev~v2bRBCiU%ti7*f&5pQ7=dIAq`-hsBFnX~&j$C4(Xp(P5@|{NlC8IyDTd z;KrjSf`b?8dEvNZqm0=|OUlCA1A;}0dT?V^4c!rLe3)$DvU_UQ?NESslE3LL`(R(c zG;9dY#PVX1n0-&n;x-Na_lvfY@5Qbiv>e__{EMn~#MYADC>;L$2GOhh&1`xy3NOXW z+AVpQ{{(lcOJu-js1NH8aG_!oEsK29@kLJsd$g2Xz#|L$50X5BXsZ4bt;~25gdXt) zNS+po8fDa6+tY(55rK6Fgp+(y(Q#5ZwYzqjZROLocI@qIV#Z5PI%U69%=G4?xt=_{I}hv2+EHGuU|LmK!yUn*VHh|ym3iu+$PF=wZmQ61yqF}c z$~wF3u=cTV?_4!|1&VLkIUI#&yRf*9=!cUvTwB-3o+ZqDrFLRbtOs+a6r<1lBy^TK29_VfW%k5Th$|)s}iTBYuIsLiBM*b3R>GRWx zG|(J3jP;jB8{&Ixg&Q;p>J*4v@8;bs_|ZM8`ao z=fx|heqrw+BR?HV!tTZ@W=4o7ES%h@h?%X5+c0yu;EE-g*#3u-bz*fqFh_C=#x!gk zqh?Zo7bBj>p$vqJKDF?43Bl^)!eD)4V5KK&E+1Bi10+Ax*+aPLdjm6sXE&)YUd%o> zZvA7&*TY`acFw~c@jaSOP_a%+(bzZV;Mh(s%n#&qKY&g43ku^*rm%CE011aUllD*^(=h*Ip$) zTSIw#zllj$ekT=oZtA(TP&m%-&Bdz|qA#x$oF(}9&fRPbs3PmO+YY~)$yoVcB9=~4 zFg!m29|aFA|E*@+LGf@z3m74Jrx=ywFZQ|6wUh&^nhO`1k_=aS8wv|vI=CSTi;L@c zO*rIY;o@cMWWlePMKTvTXeE1W@fjzIZ%IW-@lmvUBjEp7>b7W5L!{sIFRbIGKfKs# zS1Ou^Mq|qf4WC-G5ESRY(M6f)=bwu^-lDIFK2x=G_{GSiKL`$h8TzQyR z7@ifA{6IScH;ER#KTl1qS2E`Nsrh<>8&kULIZkpAA#<|v*S%QGzF3%5yhYa#PdQd= zq`RMqPp_q-a#J-&i{>}Iztk7OxTPdhH{hKe?Fwu7bBPyAH%-Bc$9nF0WkW~dC%XDt z?i3!XsFaOhsXOtvq<2+G#AwmX>@3>t-Y!o3H{Z%7KNJkoo4BN-hW&yy{O^wV zDBE-JcVjhQ4KG07a3A&+efmYbf*XZR|N zGfT8Iv7>m`K4ZOENU-9lDJrh%5RD?EOq?@N#bSjm44a~1=Le#(Ow+UPRMF%bo4M+_ zy#8_FdcqIpiKqVlsbppg*`a7>!z;m|eJ+Wfy}}7guz}45x6F~O!C28tV*KnFDn0kx zUQb?@>`bjy8g4D5;?qSA^c8Q*zr6$XB!6=4o*TW4I_}6$LE%Am+>BTAoA7zt69uEb zOC7plV4tDF{~a10`D9_BV5gSy{(gQ|aQ&hjOmdpIeu`v=+y-ucm5K6IGvV)3gz;-! z*tp%w77J6+S+t}Jn|*jp@&YF_!;mPr?aN%*e z2M;dQNL_NHVxC}%Zt3VL^>*^@0&J*kqTZbc_aq+jcyjUJ>x<<&qVCLY38YD9p}|?AaQdd<}Efe zqmz}9P8aGawd~SW!5G1A2a?3QIPJoN2U^C`%yN;ww+IVg4jvCO^`PzVAdG#Bra=(nU%n|%9dZeFV=RJo~U=SVDzodn6zA4C(d))lJi8sHy5pp>NU2nM& z+El}TvpqPvQ~`bprzzP*Jemv*Uw+U_t=IGOP{~%mH}aXqi-&tVuuo-W)zTK0y`F?# zqJt%mOh#qNZdVhYwN+!`sIr1D&dc7uo{DurTHdPd!Rqa->=^Dq74gPa2zNI=%|Kpn zBfBT0B4k}M0w-qSRX@S0gN>~JScXuU6h%UUXdjjhBv(TfZ znP1OmpqKb9kDnx>n_U0ibPa0>XMWpU`rKF-mQ>Hh&O!O;Ejge`g^UaiQ*pbjb(_T| ze%K;8TUq;Z6D(wr1lT0c(rS)qvbRihh@Z8tk1u9PYE`B zr!n!M^t_q195_76h3S1|y)SvNwcyb(@wb=FH*tD31Mhq@aa&LETRKQK)?d%zQqy}+ za^ZNM4~K}>_%y)GL#y*J+t8YhzYI5Dx^3kAZA?{7h!Gc#t-V!W*OJ-W)Z_0jYC+m7Z zbPM6_Uy{9fP_j?OWexA=NM1xd!@Z*Yomy_-4nNVMJPPxc7Bt7HU(S8QwPL3bY$-QOZ`{XY#$$9uC; zf6?-9$vT`?aa347*6#J?g>ojIE|-m&b#(k=zmf%;%W_>A3s;QSbFuL8PNK_h>S1DR zu$7-A;~qr|(dwqcdS;7nuvPED9nEAO zC|dHtw-x+2+>45m4k+qNKU?O>g>Up+A(~CMIR=`>tLZUT#RI}SBMWq_P*uTFGUMTx zYT>)tHl(fhVL(I%3Oc0;uE>CDvz5OEM`iC-bGy_JPvMFm--YA)Mhmx|&&AySlKm~I zw%)F43DVQb%ev%XTAULLt^uf&Oo~#+9r%Jqp?c=mG z{ggbnXgc*?>$$#`Xu!4QzSh<=PHNrZu9E$Xj>G1(F!cK7#R0R$*W6{{gEx67-$1fo z8*>pCt)bRsLzhdLu%#BKD<&GJMUUFtSiwS~0s4%KMFVf?e}ZKWoi@=fcwnH^>2mCc%L=zg-v@V`XQ(k@Y1%{=q5p7~_N+3Z~zGHxZjliC^Bu!fK~{xvrNd|M~2} zR`=4dr-6m8zXbys3vorVkqIfjyxCJvoAmWl-2{t1HuJwN`S^I($iu0kp@ijPo5@IT zLn73#<@`shIJv#_>UBou-WHEAP4L2`L`>^o<-=+ko(b?|2l3CE>GZ5sL(de!HYeqb zM{o9!-6>v;c%P>X`6yan@&m%*7c0bv8ewJS^}=yCYUx|nn;wF3lgDfLWP$XQr?S5U z#}!NP5p4AnOGO_qQ9;G#mreALzS6(5XxgPzT=d&WSbTZ+MJTo?q!uX6JSTm1vv?05 z%!LWT;fdeUkQt=n1Ic7O9Hd}j@fpMX+-N7<{mnP=zfTJuo~vN3A9mar?8VFfs9AKC z9UkvAEID2D!~zGF4^BjCX%E&|nONhq_~D{6 z-s>j5b3ruD3N9R7G7rArOR!*CEWEQtmz6%?j5PDF9vL_%7^3P|1v7@*v2u&IXekMJ zep<&9;zQ(&NkcWk@BJ!yv)*zoJC$|7yP;(I+6cFi+`vSIC-+Hpe z!(61+m%ZcGb6#iJKl?-zYLJGNf0$XuqT^Aidq&~PnbpkHlvHv^4;|mzb1`#`7ytBE zvey|UTV{C6-ibxrZOPL6CD!84U5w_j3nZ>7bLT9l5F zKB7U_w9Cv=I#vg$8R2E6S8p?WZ8x&ATE!cp=N+oy$?27>{Jg`HU)y@Hl=QIT!bb|* zvoL$84cB~pS=(Y^j~=3hE;Msk37Pqm9%GA+2^T!-d))8#&vIvjX$KnrJ&;H#l+?M3SS?_=0m{%cg z4wAfOSD96qW8#_L8h&_{j0EwHW=c*3&Sh>oP- z%^X?lbUk_C}+s4E%K-@*e$Z%uyZ&1aHX{;|-y>}Lt@p7WW zAv5a=Ry@AdD%yn)o!``~D!B`5aSu9MnS^)yvQKC_E@vAg52WUo#-d@?FmS^UBe$M4 z@sn`X!7aluaD(vc`O*(MC*kCs6dV!H`?BQbGr}}1Br`@Ywz@F%qywia+A*-S562%i zvY2qpw&Fn=MZ+q;DFOp>)igelnW5hf^pW|eD(!{Gt(44*;Is<&H5?#(SnU$+LvnW6 zU-GafT(W#B3pOP#nQ+1|jx`kf{*on`Ay}j%3qpD(<L_!^m5COYH3 z6I!OXQ1g1XEQIUQ5G>mFtmAoDQZWyKZzTUEb=oO2cj8^I5bQtHW#Pvc78Yul4AtO#R7#b3HR*pdM2kJU zMtr$lIxZUIK!8EdAzlj3cq3WWVOcmsb=s-p|DCK~l4JS-Ej( z_C`4JWyz+CZsZjyT8ik1b0j}AtEcD}`wR@v@nQD?dAQWslj*VsCo79q`$TZlJjo)B z@n*^Kkr*#In@G_)H}p$KX?c9H-#R`K9qC%C1Lc-wpj!(aN3P65-8!+DKUlKQ!dEgc z>ST|3Fz~z&$BNEyKx#wS>jG4i++>bqVhfd%z9e|hbwfPHep>b@ki4I8>;s}ZKii?< zm4zDaT%cuX$&MBky?WC+7Y08xab{IBJ4_6~e8J`q+vxdRe9lqxbUZG)@GGe|O{=CO zeXfqtKNIobh0NQDj;s=XeLOuDZMUg-D$dCGGNJ|jm5Ln)1&cJy!T`ZF1K$;=PIRdT zqQ?cK>SXRh%NXG}2R}=1Ta%5bBHlEw(NhB_j_x$^U49bE%WKt;3|TGVIH!uK`Bb>c zkg~!BcWBu-O?p8?13&m?;JVq1A8ML;qGMs6`8Nl@hkMXNbopnAqE9c8oRHLo-ue{e z!9u&_Ub|d#W8Gm3XG)*(8B~aAw>{||XW(#t0)T<*YZe;a24UJjpW|_keP^Hl7}B# z&x;KN3;IbwE*vGHZY=sg%R;d9hB%q6Qb#*+bDxH>vNyXf5D(io8TH%9 z45eUPo8(oRIiip*uaUghgOkPky7gW3Qt4$c2IQdGeQ(a)<0%@AFQrrUF%zjSLIsr zg+tAdJnZMq2A+|u_Q&lJ==aLN`2HE_`CGCp*VFMONW;xi18)fj>(H|>uh*11_f*Tx z^4!hoD&C6I^U*d>jya@dR7=!+m&3|MMI-P<_lugQlDgYq>vlcYp8khyJ#Td-7g&= zIC-&-=6ObrEhqE+m&FIFE_1Q%!_eDOoD=$lpvMT&(VJPBx>?1C!({d$JPCazM|!r3 zWaRg&I9vE`)WK4GCt5}~(HsWsR8f~8*fc`8q2z%|+G6o;pZEj!RIJv|gWfW4bZJ>O z>IDjZ!6PV3fC!7`NsehnBJ67==jxW+?*HU{WgRtn8vf4= zOPfF?N6z+OKgq){n&CrFpJG%5B_m+3lX!E0$|c7LRnJe`Rp z1kd@^D!{n%$;h~1m%N&u%L05k?~Pyr$xDu^Y(sQc4Oe7KhVzh;r>4lCdhxg`rNEl% z#+D%IZ}s(@J~IQO1Y55fujPVyW-b|E;fqQIC@q?EZJU-Kmssg7K953r%P+|}tdSh+ z&w>K{*HrQb3$+|8`uE?$+p;ACRxaf-^EpxnBCa%=0aq;?1h1G_2h} z3BwH*dY-qV#3a$Nt5%?|_)0=SL^L<#nn&%k&) zTg|^^Z&`$g1|*2?P%9aY+9;^}CmoZwOBV8PtIYNYZ|ahd?Q@)Ggi1p{-=h(@;DLic0`TF=w7jNq&Cg~WUNAoD~rU!Pf5Nxxsd43_$Fceh|6 z!PIT9Sh=WPJ{Fvd!_}Lj6^qZ8dO8YQ{oSbaHU>4$d9(gxH+EI_W^J8@V-%vlNIr9H zQzt45ju=xg2j%c4zqJfkU4sKW=IVe7T8m`ZG+n}aLp3za7D1)<^sfQ^`QTZKy@!{F+GO6$7O!Uy@!=vRS93z0fDKJ0FEYl$S@%V! zFP4V^XB^ln*gD}`VSbpFfq~1cd@-^RH5EPic$}5Xr8hJhW2RC1ltVDlvZ9IqPk(-O z-J27R>gYR3D_F{tk%IY`2qp`xosG<5Qk(lmqfeh4R8Zt%oy>eRi4~kD81#T-dZx;} z`99f)zit_LRJ`j3;?HQbo*bX-M(Ri}`b`wgXsebJs%ZGEkj!>TUSre>4VQU)v;4|3 zoV+^%4}}wk%2(^TnMf7AdBzL{w@%jZ^j06P|NDP3zh=hI^k7~MnH3tT;qr2l<0vDu zTKfx$=5D4ZQc;KkFi=oFF+pGfH$ay~!F`G0djW_0DVDmF;%thwJRm{rS_k|($$Ga{Wu6ZIGG z{oy1d2Op2dq_2|Kl|1Na$vhAGApW(+%#ua~ z#V8+ocl6@y7&H6sl$=F1@wz8E@T#=vol7*d${Fk-dw-97W<->5>775NpSPEc?=J^3 zM2B+7-^g;PWiJ=oul{t-naD=cR{M0_FPOdqHC za>g+601O81ePZRtO+{F=Od;+zi+3P?&+=B{1IqsQm3}{>i-Og}lZq{_;M4?}C2y?b z=I`0~?JZfJ?!uqvSr~I(Jf=9|#V5o^yy4BKl4YGg+Q6mtGcZ@Qt!cSZqe@0%ke`t& z&u3y#yx_z2qDe?bwMq*w_U@N}Z{?z~#!vD}9`X3mQp|eA;zeJz z%&GoWi2sTfdHPWn&ddAqJ0hR;@sEi|{*#<(jD}4_uPI_J%sRSwTyAb){o<09h?Uv9 zovG;e-h&^7M=dI8`a%zNe}P_jCeOvr-8DW?GkA{4a#GzdsU~(wu%0zbGN(Ge zG+71UW&^Bh+vTH~au@6reB{IvJQr1L`WWF**2grnrMi>8&>JTn@>Ej~^wWLfO$u{~ zrLSH6i&(%Qtg3L@M>RdZnDNY`FY<#m7U12S{Kl;M-Bpp)t18?*`_Ps5yMk|_q?0C$ ze{E`yvMTQj?xt_NHRz?M+An7I?BJsf%eYIxS&!88Qq|E}CVD2?#wfHDrTt{(J$v)% zvpFGj=yfxVD_It^3w|+YB6(lIr(QG!R|>G})gm`dH}uJk(o9V_qzCW@E@UOWsg0Hf zPPx_G06m2JIE)r~L{V2&9PgvUBj1xF;;BOPl?4}g=;imRrcqCeI@;(jUx1_WSv$V| zj7Q%~Roc5KcqaVR1a}SH<)OV7@l(WF^vj)WQ+akC{nW!xC&&5gA~o|9b>Y2L zOMBtl;11a^%qB;am)3nvG|T3`GIN+?##giGPq6z#R)5v5;I1+iY%1G;?31d@*fRsw zb&Id&IK4GXuD~tN_EG<%?mCw5v$67>xAb+<_QP-^=t57Pgy#Yqp3xT0u6&Al3@7>s zzw0?L%Uabfa&!(>coUmSqx*Qj4n5ztc+Kr*O*E7tZEY9@@^aX1I zRO_EmZCeQEFbV$r(I?Xn{CVXT-ltXRrtJnV^{?SirULU5=lj4R@+v$NO{L{oCg{9} zz5~a2|10%lpsTtthpspaKjMcT0M5Abe zt5oyn6STD5gEXppyeURrLgPset?B8kXm^Ktz4l=y_S0xQux&OtY4l=$+1_wgngr_i z(joFVPmc$0U6Ed=2fX@b^yoWhfy<0TpLBtolYA*A3Vr3+wf=fO%uDCtX$GfxsR4XZ zv!7g5;5u5Lvfg^P8r|y*hg{Bs8~FI>UvRMAoxF9vjK88j;LX10sa)aI&T-5Y)#;i4 zM0F45-Bb{a%zeNM^MF|=X`P>(XEPfwXSVA{UH$ONoax8A0{^r0 znYSX7z3}P6oz>%=+DV`C!b2Op`CZ?qn(<>k8mA||n*S))Zx@nobge@6@i(0mPNnJ>>5?ZLxa#mIadf$`IA{@&wdv@S%O9cKIv6_h8c>! z$AnPJpS?B{9Gs1C{_Y+!ld3114O7vKJh5p<74$Obr`MK3Ls|yy#pqP?8vo#5=sGGC zj5mcA_^R(euZ{N(@LcZ@wV_A5j<{k6lQDrgWk zwigai)lqKBo5x50Wnj$b4*2xTC$pm&KBC=t1n=7P){4c)Mfp)7_>&En1s8d4xXGkNz*4 zc`6Ujd2FJo$GbUS{>nzP7WStvI&YgA6$f8}xB2!*i;n$fk@YSaXIIH;@^-6)M4*?+2e)k51$uT*kmO zGkUIzeq#pcSs5QlMv}P)esG?7U~Cn4S-Yj0=7;G!$pwgPW!GhN_1(}CRVy7Jdq?tO znD15$Kr7C7lXfcAOuc27S~}#>!>Sr+NVCv#-ujSirq6L!I@w0k($GksrAI=~>N?v= zg~96Qj11DG1um*~*i+Z`W}0cAU9|cM_fQQ#rKO@FbhT-7B)9}U%TgaFEq{5{Opo%^ zs~ut5PKLo|^eYv}nu*wfM{`54hJi=>mL_v03rx1Ei&plc23)YINj*0;@63C$K7sE6 zug+%lNAwrT;N(?rCz=JL(Q)s^kL}4kei{$gh9JEd=C1;q@pR|0Y7ThOa_U%%b#6LA zeZF|WrbGL!TJj@(VXHXP>N0sv6_`cc(Nj&pi+lpl34gZuo-d|y!(@|I)1lF?V@!=8 zf9-k-ciNkLk(xnzi*{npvrIF4ySt+9;XN@nrNDJ;?UHR;6-_qBz;yEW1&7b&tGE!W zw%$)Po6m=-1(^)3cO@9tbuRS5zIs6x&p|Tv_AE&;GgEEq&%0c7dw@1v^wbyn&WWGw z>ew;IWWI4$rRr9N1ZNlrnuU@0p~eq~vzhbRtXpr@^J;NsGY|%nI~IB9 zaXGs}w}VHc_c)E_;8Xtq4MU3(HOQ*==vX6{fMHyUGc|X_npyK*mEPE*iD&z<%2-|?nn%TQGv>aCfDyfwcy zxdUSo%=BkAWwj$K!htr4KCyD`5PhKciH>_|j!g1Y0VSEAc~1s4$uiaW?nm~(zj)MD z4OavzZ(%pJf|J@b!AILBxG}qVsoD0=#!gQ>8gJ*YrcQbfPq?^!fd2j|$1FP+pr`2I z?@#g7f*cps1vm9zE^~ij*Aj4;61-bQ{5;jCMW9CFMJRkf#r$19+Y}D<)}Nugs|)a| zgUJ{B22Iou4;_0OV_LzlR9oP!mBq8nLU^m>D`@)5yQ_VtPbLxW^T>Aku@cUz*TPp{ z%Gxw}YPib%^2G$V&oL$8igV|4DDZWvNvp-Z&^$ydPvYlWYf)6d7c2YuhT86@C0s*Iyq-Y965=8D)!J{-&OQhl`%o`{~DLj$=yR{%j^vwOvO>~A8+j%Sl>g@j~*HCpVG`XITjW42-5po&&>GCuG;$- zTE_YCp)Jq>4f$eXotSmUy6A1cuOHN1odN2&l-7oIC_0>Z=sab{i-sXUxjvW=IwiVGat>U{!qg16xnkm4! zbe)SPBiTc@nq`?qU@5D)HwWH#SBae5YD5ow86V9h@Zpu@)NV&>-LaOJqVokRPc|CP zcj%L@hNuI0NNsqC*~9T1gYm8!#r%IM!<1^{rh_fsnSS5n-7Dv%^wWW=l@BhoWsGU? zJ-)_0N#^bmhbp&!W467DH7N^SboGyirebE4M!|#lEf3Q5>0eD{=Jsqnxe4SE6|d`~ zRsF!@;Pgs>y{szXp{Qr@uKfN%=m?4qAVUu9eEtD?gdtYN#c-BapamKQ2k7mu@dN$U z_jijf{p7B9PtZ9H^42#z`(IPx^$xh`b1As`D7(ICnPk3<_L9qM?m#=4U@sF*4z;k! z3GVRz-kSa&zggW!^U-BDZXat-_`~yd$})WqqcMk9EDp|I%#mgMvTQnd$3;y~+vNR6 znrZywSJMzIWJ6aUl?Kna)E%wnQ*WhQLsw>j2c5BiHb61JqCt!Z2xt4{;p3K3!-z6FUp#OYJ%uNr;_3Q*@;pI@Z{CJPg(pP)FGj$&L z>Mgz22JX6Z+?^*UyD2yQ&p(~$Eq=ACd2c^8c!s`WFrLo0K^m7zFNr7f{I_HyFbf>P ztNtm?U-b?%8z&~>CCsf>V3FOK@pGp$^Mf(HJwZP=kLS^z{tM3nLyE%j^#sq%F}re; zZwM~di2pX`gk2Yyf78!~>hf1GQ@EMe@5wH_@1ZT+p@r7s-8t>7cMHjUbB{B9m$>SP z;j?bHY7LlcSZTX%?Q&7g3w%dKz8EXL`{K>q`Mr|NT6ma`6*Ek$Mrc0a>kjnKG8Z0@ z{l{}?|IS&l#ksRycxr1(picX{D06tS>0Q7_W$ELq=74E-1A{?VVRQXxqJ6%YU+DoR zGFOzX%lt+^lT*P{$9j{kx)Y7^GrR2n#|g>pxNOmq%49J8n`*3K8Ri4eJTlNvr)8BN z+;B}Wk#d|H=OyIye4j_<@t-wudS!-#<5};=o2z&3n(%+|FP)-i>K9{nfgL2_n}{P< zF08M&RW(bM4R{F1sLG04S3{i_%L^%`CLri*)Kj; z?W>q*0=_3_v!B2A4|c*&`Pro5P4O>oSE-f0+W#C5-_=#iEBop@Jh7Es?V9}2Lsif| zTfmEcaC1@HLG;}({Io2QEV%bMro|LA?(p+>D_S(+y&p50LxZ^kJKXfvXl8|&^WgNG znH|odR}A52C*l>2AcLrKvZ?hY-js6k)x4jBl+lRq@dg@RaEA8Og_fuMG;Jy#95it= zCVHsED=!%@PwgB+KlWpWIq&JK?cguZDrTFZt$malL$7(yq9^g>zImscYaiV;7~FI# z|3=jWhhEqHV!F2?KXkgAUR^+2Tf$H6U-9gheI`E#?U!$+X_wbmSzvUl3-kQ;ao>`C zxUFJsSD3idUvA8uFB^O@9pbEta?eK{e%bE*-cNPy$*FKia-l zGfF%)vKE|mPmuO~b?ELFes+TtGY}lo zprP~XM7=(dZdP)S6?$pYrE;EH*3_cE63AvC=PI^FfR+t(*Yn9<|JSJ$LnFBXPOs_} zd=yPSn)#<(y-CknbEH!1Ddcrbh@q){<7O|Ch|P>hNxH ziRS7Ya@J~-bBa#nJu~o~X8vlok<8AtDEWfZ)#6>>e=5QJ-~pfR;V$=!uJ}=dHIDgd zSvfcDot;bD;_!Vm%Q0<=!$qF6tI$Mp#q#1kLhrF1%&!I*&Mdh3K@Z9JNcK^m<5rm$ zE}HBMKf?2gaq(BdV`RA;^d?6HZQDeDRrwP?8u!%!>U==uujcftAYJ0#+BFo8wk!Gl zV?9;LE7iD?xf|5lUxOFeG_<~-j?RrE8yn9&ebBYTDP~0rSJnL6P0nCK%?Ej?YbSh7 zp8_Q2pzh2nZ<&$LW!ki;j74WkduW+AewQ)+Ix-&33Le2d)cC~r@DOFlVmR!kKkBEL zA~*4(_DDA)?Qn1Oqp#+9scQ-FaC9nJ^oLK^`Kx#}U%8gdFje{lDPlgEg~x1)rXOh* z6{!18o{C$ChQ5xsHU~RY?#6S|p;4r6pw)cbo4ghD1@jGF($c-n?8Y2X2T&j$D7@Ynz|CbR({tEb9ED*g_IC-bF<9d zJN%AE-kGat(Fbx?e`yyir+>4}1LngrI|Jm|+@hY~bNA>w24D7)b2^yWKdHt$l=s-v zQ;xQo<{!A-6wYWi+N&c&;hE9r2fsjjxDoFSn&4hR3Fb?F4~1BRHMW_L_T?eBZWrE= zBL7FkjRcoHdnTcpAtsl@W!O?iP z_Ed+bfhsVc&yeJ&b%SzDyDTzWEocj0!*Ssu$ur7drT87PUxA~7`G#e=>09P{zy9gw zdO7ecOQr*w(ci~nqIc4)}vH2sVW|bOJQohl)lm> z#gwd#uK^tNb2n-*zR1S2-1Kt3i%cP~{Hy3SJ)#wM-%Z#5-fl^-s%>Xn&# z^lOsowa8Vg(ZTj3SNm*ofNqvxMhmei`5sxSV3y(V)Lr01^MQM{!*!SmgYS1PK<3SxFmgGQ%mU7y{|s^ksONv+#a}+e zt~>NSOM6)~(&ne{_wgMv`z#)oWZX0Gvw>T>>;N-`k1H@eK!v^F#mjhTMnaTqZPLy2 zb#Z3HbaK7%8xIB3iTcT^evQ1;XtlrQ{pzg?@qEYhU01Rlig}%5+IR9)X)w&uab!|t z1S>GuQ`hryj<+!Df|Zu7@1=1QqZHLPRQnG(>t>5kweO9#wF0wD;b7hL%Q9)4h1c`a z&AM)6Fj9*>LM@s_o^+4%)Va$}N-M?;WSq74yHs;F$Ewwr&}N}M{iAW3nM@wT1vEG< z;LkRmBe&N@kmD z{@%KF7JQ|)ul{}d(KP0~EiN2IHovdB(ND}-{mHb>pcb7*_XbD)xz`)B1wDGmJ?_ui ziDtae#T){Aj{9N~2YaCBA*&7T$N+Rd^){gqX=_na@ah-e`^fiaAN`%nT{(E~`V=B( zs4jN|bIHpYXtX!`D2QI@#_I%Qz}(ubqKDgs?hSoUmuU`tlZ$t>2=#{k{GY8pdO3_4 z94u~6^Uo%je*Gp(~x) z)uuJ{j{}N2RGgmlNKvcaKSnp-5p5e;zsp0>QIm)JrZ1TfL;dw4&O_ngymipX#5{Uy zti{M$0KYFg)mgjRIrQ!({;40(ymQaxi+N^BW`8urf6p;%PN$nn_rVtWB$<*Aso&@D z-Z0zF>u6JEDE-WBZ&k9A`-xBZ1e%xcoyZp*>`8Cnts(Rc6L*k9kA7hl`n{=+Fs*x+ zZqBYvGp~5>cH%n;$Kx^M{uLA|9z~Ptwe! zIQr~L7QHDIsEtR`Ovxwoc$?t4I(q0$31{u76QXVn(@oCQcr$XhLj!-yGCy`hr}x-L zj)JawjgBD#PNXWi5tlprsqHooWs{3g8a%3BVRYy=n-XLE^bPqGTm0ZznQ7d=wQKDq z{#yxO4X)*>Ti-dfp^3llE|XW&)x!&$8@ME)lDQYkXjnm-OxZ~iwI-`u+U zp31!qUW>ESIv;pZBJcNmFE!=go!Xn3)gGu{6Tp+4Lv$S<fL-ADI25AA!{Wc0#A zQq3^DGiN(nimmbrHC#>>O2kL*9 zNbur8zFLy%uS#S?C)Opi6K?1E$~Pt@KF3@Mwafb#f2D&#_W##g3HzAMU*iM%>aI!j zNKKEy*F67V+SH3=cZHu~XTcNC!pojQ4@E|2p#|O&y33`pUraQ4=S zmgBD2l4<5=Ft(bUqg@x6Yn<`<{mt{PkB5@npN(k9f8%T)g8M3;!(26rdeJGC-B0mo zi?dCkRp?884%Yb|HdRcp=%?}MakqQv-@>7q2G0`pyN|Z=T?|5_IT74(?B8(dZ^8C= zqe=bCqVEg4szn8I(eX{Ckg0W(jLDAU(5|9cZ1o_+ba`#jl)vy)pl_>sH$WL7k($)O zuI=A={(tT&^U+JQ%lay@KYYwCcWv7B!3;_DQsHQD(+}R--Y~azl3P?0?Elf*FXjWd zSRVNLe+K*NEJwuCup*mmFTe;!h zwt%s^Px4c*lH^g`^wOcnaBmh@O+~YN4z2Ts`)H~ThUkyW-e|huLT97r{V7OA!@ipJ zJ>$(xc0ZLuyR;xZ!#q6r%p8YTbKCAAC(iD=(wSxt`Flg=kZCyDNd;2T0o``epX<>u z)M952I+)oeOgltv{+nGS{$I?YF4Va>AMmcBJ1)SvASdZLz4=lnFV*Dk_&q4g_}=2a z4e^m{^*lP;Fu7l439A}%=N2c0#yziJO&IPntC)k z$*L(a>>)rO)*5^v8|=5xg>>UvI#BJwQfl&iH+*@GhAB$#IY-8oY!&c}lQZq=waiyr zPTN(9S$tcSWRuV{#mtyzReV2RjVQw3qi5T8&|h7f<7;T`q~rJts*pR=CjlMlSLWUv zvR!J~^&kqK5gac7t~wLFRm)c)npPrErB8n`rTP6QA1Bv|ejx3#o1AX?Xy{gOGv@E- z=yE7^r=#!E4FKe|p(NO`Pdr!wEVub4oBp6@`aJr*`Hh^9&CD53z2WE&1*LQ28`2-zQ%M#Ux^;N&$oX1bkb9E9^!L3?WbK|>?%U9?){gqn!yWA+2y7Q z?%)jRXrRc9`DHTC%o?iVllUFV*fg9xkzNIu%THMKn5a{8r7jG7G}}w#VBydAl#%O$vMJ@Ga)^P{GtpGry=!;b7=D|G@*6 z>%ZMQPuVNxr&3^RV{c`e0lW)$nve;69N*;3By;9E7(P7g>$%TNo$?<|`%GuOgc~^4 zEyL^`1^)juKrU~{Vri3XcJ(J$a15L&p8hQd-ka`4@p16^VoJoDwXRl0qFoE=K+n>Z zd>-^Q$FHK9#SdDI8XtoeO!Pt7l~c?<>bmz1^iP%WVv^N$qI{;A*fYrl&ZqD6jW>Rm|> zJ-zhMEPQ8CyId9xL`%|tcD5OkJ5V*Bp*4mVSUTBP7hA@f72r@eCpf7#yj=JXVVdMZ zuIWYmIYDGmM50q;2CUgUSbLavA59NdbhM`)vG-?2hg5U>auB_HwkcMK9P(DrOi^^U zm^V!CR_IgFflZ)CACG=)Y!7r!_#Z0X_13I|+&3;R8h{t#z`8GHqx%Q*l{u{{GsZuh zYeysepc6dx2RUIQ$dU*@i?6M;zcy`0XYR{<)icf{p2j-?URYxr-bL`rwzYgTp?-jx zPR^!M*7elkNx_^AG6Po3U?4gd|?bug{yP_U7x5LJQe*hQatAH4d{qyFkv%Sl`C ztJItlscSroSoU1pED7(%cV8OKL`oy_O^YX?0dS}dIJ!$~4?RDKMtQM|8cy@pIBNMd z`0sv0@OKtVFx$X7W_PiYvzuxxX#F}}#?O6|9zU9SX?v3SrngP0+!Iv>aCaF`^F#iJdk0E8sL6<-sq9_Up(Cn+kSy*ViIs-ouF<>*cD&WNVch zh7R}4Co_MHpVIr2m0Z+IO^(1>-T*gZKZ`H-)>$%`Kh_CWb?RL1{cs)mExMKNs~?93 zX+vVTuAoy4ADL>hrgNu8!dG+;QO*Tt)h^3U2-O%7_2M3Z}Qgl6Q=GH!*lP4=%jW*z)%7y94w zjjTG=EYXC-r<&2P63mc4Q%vGG@@lLWIolmNew;jp2h=5a+4blR0$PXaCuWy7PC8OASPSk1%C!JKF>vy;nLhed)m3rL@F<~~ z=v;%osF1&so}!CKOOF~==UQ5oQ3Wk9e7tWwnJEv$b$^7jmhjm_)^X?b@YC;~ZS>wA zy7UPD|1>-r_y^8!g$o^y?}a<{Ni_EqTF&s#@HJn2RKt$;7=2q_yra9WdFvwCcWM`* zdEnFImIdnqbK{HN^vvCvaqIaj^(Q#M##YUpZd1b)hh|d?A2U~NE)=HP@I>#La;}=9 zr-tus!aZEDlSKjT63s?5OUuiXb=90KH49mjPn`8?h=*!}!`!2XT9nUU&zN7&EXC&l zhBobQfAv3(C%id4@QaGNad zre50mjhlY{mJG&R%s%ktCwHft9^kJ-(Dq(nKiP0p7r!QQr-O5J;P-ReXhHLf$95Al zEn2(`cB(x~$5nm*vg%-Tuy)hGT}J0J zKEp+YUywCGe-Pf%Mc+Ll`|t;=Vm-)A@a8PQL04bF?xtK`>h`@&eaYOa(jOeJf;k7mWwEs&xI0>H39?xD{mbe*8>sppUw-2O_vsju~5!ISdWL%fo0m;Bx}zQ3Y?*b98-g!HQnaqK2-5&v|3l zKOt}duk1Pmrt-XXuo@2!*HiA!COqSy1UE93!_)=LVoIR^J?jO=b`X71SBp}jtoX?J zO!fWc-jN(#Fxr?Hhn!k~q4#iT{&MbB^d$4}I!0a~7wqf@bB4^yT~~w9*M#aoA9v5`JCota)%EW$;&ygO^@ejy`0EO-o-TnjJma zV=|Fk2XAU~+XU0<_h2<=KH7{1@*(*76KcS6^!f**9m*v0-k0pYV#UaIOYqlA^f+Vd zv-g+G>elr7?H~B7aVooz+M)3omSLRX#|ER7EYOv_tG=XK%tL3A6e;ggsiqg0=B`M8 z@K>=``g#e!6$H5%(5(cMI&yS)-;dL+TE!@G=xADMK6T;zu~ zwS^P?p@WCo=0f9J&`*873D7?`eKqW=j|}(NFtmA(W}&U){ir!!3A&OA-hCQ z-CnYA!6NRWp&ZO}{<$Um1^UsZyS|#9yodSFRTZ9>Z8kLYRB>ukA8^02H~F`c(b(-I zE*7X+t?i$ z2xdGJt;RcQJ6elwnK`C9-l6Y)4%9+0fO*WIgH!x;56xvL`sa{XvN_^|mC-5DoZpPj zs~K}@XXYQUEbY#vB1>I05I(0qyAm2srABurCjqVUfznp>naDikXO-s{KNV-^#!fQA z^IUyz23ATlpMDHbt4Ta(_9hI2pZxt0xluLAugr-zo@>w_+;Av2{)YPlyi^HXvYI7K zg`AVkjNEtx^Ml=b=F;$^^jUE{$9eeh&@#G&hNwGp@Lb-n-FE|Z^|`xz=^^_sPbJTb zj9T=)^_QocOfn;KA~n|pX^&|he1-r(=5kZuN-`E1-O1)q!r2#qb`|{NuVo(USs~thrGEF8n{KWn4;h?$23Y%m5W7m8W%pHkaJ)el z)nbp*SbTEZ4L!?uYUuW0pZ(x_}>jbG}i!9RxP01OwzR4x* zIy1+im6>s76FtXSbYttN8Gn51(63L~O@0<#WNEOX_v|3r>89A(%+zEcv|nRo7bP07 zhGAL~@x;_k%Q7`)25B~&NWKw)ibSvPIP;p_zwFm2=g@v?mJM$F)}TOTXX5RxAEYGs zr3(pJW@0ve=)6g1nWaM+RcXOB6h-g zSB7i;;Vqhvum8_$8o^yR>AOhH2D9t3#-iN;+|SQ~wF&Lh{I#x1wBXZ(PZ_^4K&!fQ z7j`FWky?M7Jhd~W+56zeY)$6eda&EF;7w2QSlmA3rUoa`nEr{z5PrDlG;rNT=$OGM zI((aMI^?rzq@P7UgV*=zjaRxna}u8DUzURxp7)dsXYLJ}o;Bz3Q7$GUf_r6DTYufC z4R5;IPd~5Y*`b}f^zgskR^V^%f)w)xZOS>c8o&GL!f?3i-DC>RBvY1I@VlS5bIBlS z#{R=++_3{%*wuGAnQ?CPlHTMUwe!&Ietv3MB2+EQcJzL>*SQy%PkMP+wVgS^ zqaC@4uh59n$Ny&a)$mQZl)VBiYchU^ALv8j)f?qTZ#*0y+ih}M=?QC{4%SZmfRC8v z%U*nEb~UFj<+I=6J9VaK%O6XQ3jE+duXCx@IQEY9v8cooyF9@_b9Hy1>+;cwh!oTD zi@W?YADent$R;3*z?1AC-z|8os-jDSZw&$;S=ir258*morly#?H^C|!XPJNd2I#&E zdni1dlrP<;UA6sHu8^l%amHSqOav2oYdX%i$>j>#n`yzyBroSb{axHtU#%@po)DUY zvOTlRy|3WHqa4a>k5Kv;oBS7(`#g=kz;M<(Ho*X8QCHWut+w znm6;L}J$j!ZclZ zg*O`S>^yX3OZEk*AG(_z=;J5W2vH`u#&?0idUyms@Kg_NJnqoLLOzN`w_SXQm(DP= zCtd~Xxj-*^^@Azi5RLVzEMtAa&K34iZAAC!PcJ^MA^D{AA7g&TM+%gTKEbZ={&1Bp4 z(@Xw@7kCN(_C&bZQ(k!g$Os}=z%|W6#)?(zMxYyL;3_-Z-JT89Y;^Ql70ETAUJaaU zQ(5Auplrb*h9WhziZrak~4=G|R%3UBq* zuV(e1WOxjAQHh6v^5~FcrZxm~jKVwIFhEnz(HEluS#sWAd7Hy?<5#Kyz7g#JBUG`bNIOh4rtigR1eU%e+Mhy zAb*`&mt+3UOLiH*yFb}$d*jH4ho20d#4e;cpUk@sRyBc(zTVDR|B$b@$$|E_yq~H( zuxM~Sn~sthn!r2#p{R%cq~C}MwyE6+-a|WQ+5=zg-*62d^XvW@Pvv(B)9MhiYF_i6 zQv(>NjawKUUX>qUJ6Xd<1~?6nzJ^|Bl~l43K>A3vP~1bPxog;DXEJ?lMV$b z;C7n1)*9@r6x=sHV@*q@m$btK%H{MV* zxDS>G>fKlJhHK@RodW|@jDG(Zj>*3BQ08eAY5DC;Y(i@3hzf|EE!S*mV7oPz|N{Bhp1G*zeIlFU^f55*E^zS4^lV%4yuGujdUrR) zS0R&wS$BS8G{x`982iUn_rThV4X1W;=JWU9-OI#_LjJ)NeA}C-<1^42SL_QOLiXIZ z_%d1^r%wFlrB?IF9eI##jt~B9nwF!NzC}if`vX(CM2?wU#$QE7k-v1np;LL|O|Muy z=ELk{kGkp-I?d~q(PVETuRRKW>__;X@8eAwJiV{bj6~-IYV1Mo_=E&=6W-E03G8)% zRe>XO$+Zh!)>q_#z(se+#X-9_A zdiviba8Y~CvqO#NvVvaZdM+33s71cwad7eRS;kcImGd@oMRUC61Xj2Kt>o7Ta_ggc z&n}^9>JX-|ra9&?UX`w&pO{EEkx}SiiqH#0II)YS+DFs15cAU>cvSBFtFJRnMDK9r zp?7N&jvs64~3p3e#wM?jxr@ntjyLM@Iv-v;jDrH~k1XX)k&N zsR#QFU-l2v^-_4P*sr>Abf7A=0W&xps1VLsqg!t3+Xnu#G2F=)Uwnt~>pPqjkvml5 z@q?879H{As-6iFm|mlqa?V2r}xb^^Uy%#kWngUO!i#Qy913-P*uA(Z{`or&AZPEDSFrD1Ss@U!K)JC1$~Qr>ClrVag4 zS7$Qs@dPZ(K>xQFZT2cY-z4(*(C`hRcRLF9vJ0GOK=fC0JUZ2s+-Fz*K=`pm4o$${ z{3rKw#tC+f@Lo*kE^LtmktjzrX z!Zn=*U&`E0Mqd^9>z+AgW(#J~fqr_FgWlwJpf*qP*1$f0nBhyUy0n;_kapzp*0IU* z`L%Hc%kIA%EjYP1HDlS`b`U)87mrgXXD319h_vX(gX;p?vsZQ2Y5%ziPb5iJLGKl}NX=5e0{vbcyg;OjxA>Pz& z1RhB4&|233MUqo{ZBVw!#AoSx+oow5?57^{+PHf-G&$8<^WedHkO4d?;;VUGCRFdi zBr;!xYX`aA)6fb=JdaQTyG3uA5uSW>=v+>{1fraiI31$quu@T(pMwFvwOntxfS%+B0P$F>$s@iSh93_&eU!EQB{fu zXe*dSE#A4quait=baf+s$fXZHk=ogf{nmYRX;(;?n$1H`evvr~??+Sg+ATKPb;89a zAGB0`tGza*dY}`$X4k6qp*nUM-&P=5Odo<(nXIR|-~xBLyf^(rlgv1H?ToGL%*+Rt zxFT3t)dMy8*ATU0@A{P;_=pGD*gX`cg7-M%sq7`3iw@&OmKn-iyXrbv5g2f1va>I? z4bmnunof4{)Xyn#CjL9{(OZ%F-HI-3VUUJ#zXyH89YU5*dHT#L_*IL{4A;iDzVahq zr)wtJMZX2A+YGqaZ1f=L_-3x7H)kKg(ZlSgV2*2N^-{hjDJCc~ua0GsRZ@igRrLb& zdtup5FVseImU%~@dcdlQvAvL zhFf*yP@)-9)yCc*cK>W7pYnCMih>jWa0Gsce)~4uW{WZS+FZQ#%T_Y9zwuQ@7xuln zIP?gNy?VD`eL}-}A&wq3ELa!mRfeDQ)}3rJl&jzw#kXAnjv)}f-S{M#3O|xv%Kdo< zjavd7?mzTqhb9)Pav5^V1Y^!=r0vnr`*H<%{q4P(I#QaF%1tg0cJm z)60-!NzI#b&QteR`s>nCathcRQCQh#-D3PLcvxLM@EDP!clVILdNfTk|MD~9v*`Pp zptE|CYQk%=M`l|vo)1rz<@?&-z(vXH(3GB!HTml#n}5(=nRz9sY_h?Iaht zy3|5m=$YUz(4_oE#=$o3N1r=Zt<3tw&I*U-RSn{vbZ9|eG|%5VNxeUs0N%;df8vv= zfd4fF%og14zhiNT{J?nquLNsEg16cnA$Kz)-V7K?ZZy0|7#T@k z{gcd#M0SFn^iXmyZym`_G;g=WnU<3R;Ti%o7f<~_w69y61}mX6`JjE+{X-_j8nE6U zpQV~Hb?`=~MQX$$UsaxA*Ijt3G5C=iT(IL!k27Zz*{?InM{m%Row%H04*eLRQ^(n{ zcHLR6mZMq2Uw_n({hs(}BO0)uavwUHG8twA{m`C>0M&aPtT&6uhKGlHeb1^9Yn=5B z?@2c@OXkkWF~zTcGS9CtI~ONUtXzcdI)61K*X7c&yKtfo_M)V^>-%SRyq@giLmx3_ zNxX5{?2x#tfB%VHYS95Y0Dd*DC>qfv-iqt%B;Q})r+vs~YE7>=QI>QDs9E z%51jrl9zIQN-$4&2gbUfgF-KIDLUIcd>^F$_O3=Z3ZlNT6PO;P&Pe7gJWtZ$&Z{>?5r;h%84Ss2#iB=W2fmsao zQp1DvSIfP~`5?ytUU?qxOVkrEm4e)F>?_$3>m#RR_9NoQ9oW-bL12ryc7>psVb_$4 zpB}$)*070WaG>cL--%2$eDBTSjyjwLOMPO~pS{>0aF8rT>gB&4=z8&=K8Hi^9OS`H zYwq};+4XMuY+8_4lgCD`Mrf2i$a#&;D{InxBtw5I5nz|FkpT1j{uGe>8LU3$%K1-2?RL9KO;f z^p1G(K6YgXBH0`t@hBc8!*5yvGzxe<-0+=LrH{WyeeO4%EROzQOyJRH{s7zS&%a+7 z9ocof2E+Ld!M@JJL&tXvQVDn!m+gM~6TP6{>U48wKAaEOR-T#x>_)2S++ml@>?eJRUVV6z=PyM}~oNs2yWiD z@0C1MXFws{1fve|3{qiyXg;enT%y&#IQhXt!BB^QU3}}THOJ!2VnZ&JaOZd02I9}iXZCcG7X zAv&`@*}N+krtk56&ET9p{AiO$8L<2D@O#b3LYf$=Krfqa985Mt0z-5zk4?XJX4mI~ ztLDF2(1rfr5AS`ibadRsttvK|?9XMX<``PH;`CJ)!8@+rpmyU0E7pn}+!%JGti$t& zMsX3iQ$2hWYr~jXe!|<8g1@LN7=*}Y00X=j9I3A-+3$G6Pa_*UD>E3K$RaNl&F7=u zOUVB<>~3l3s#|$1nn#{TD7F2Eo1aX3IG$~s+1v1+YtWeWBr9N95q6m5@z>?D;F#aU zo5t)pIf^d-1~ZND^3~za>ABNK!&)(Gz;j-kk!(WI3cTkTOsj;KjJkFJea24o&!&z= zGmnzLOYTb4jVKL?Ni&xN*|kP~+Q66eBIKOEAB!f4?76_I=SHLH8MHbD zO9yH3V0I02?*GdpZ2%W?>48<(F5wq_>d@wBX2UO8W*&D$d?I-de@3eE22WWnWSX!m zcln=aMLF9KRz+&{kM2r?cla5t#t!hy5qa57eAPuonfLO(4NzO=lj+$(I{%#AEJN{D zf`u<08LVn}ax0SQQxLt6g}+KZEErZe|x+FG(=1KF#2llO5D`OEO3(PY}B zqB+RA8m8d`t@L5|JARAQlrhXm7r8I-9@pl4Uc>h}X;r3~Gum4L@425(pdAAX_uh*p ztP1%p3)oZ69JRP2xx!1bOalF#*GP1gC&(1*NY(}V-IiC$f5)FO>YAH&Fu#?~N-@X1 zEV>-XzClm+*d=;s&xb6saXj@YBgO<>CRh5NT``=Ag-@9|r;r7L&u$hyde6cZCBolN zYx32cqOWV}7NUIDEgFT#HD@>9eK(sPw`PaUDZCrx3l~EJ)&u`W3i}9(@238v-;9_> z1_l`sZ9e6g{4wNYe!_3sjy*dCxEH$R(#dJmnKI-g9!1;sYnUqY{@kD8sXckfvLPGH zm;G|T7Vy^{u>65F$Sd9DqC9Xdhrv0o7h=E4_*B#XM|g}PWZ&gQXW`1TnM}sZ^Z#_M z@5~opG-4&-FeZb=`0#9t1j{;*J;9k^r(hh*m+|MSMyT|V5GDHHHDJHs0WkK0CBw-X zB10OUV=5Xe>!Tp;&6`UTdnKAdL&TzeU`U{-|9K_i{K3Yzuqca-E!liTT2! zX&>3^vA?X1Lyws~ChZNlFBDlpmg9afDE7p(9L4^EIe5p}<+}S4 znQeXej&8$G*~zW%$xdjz1TB*i%;xT~CL9iTNej3q^ocJUzcXdtI%)NEctHAYFZzc1 zad>jpkVkkPUJ(4@4ZfH8DfpKwBpNHd%3H9RXSc}4=pCqId0e#%&aT-g_KXZ??&P)osYsx%(=*2GRNei|Csd{ zADmB`*`DmIUi*Aijx3@Ah4C4k`(&Oi<9%Hkq)`02ugF!aa>SuS?37>_`00Jp75jXF3MEi2l~vV1T7`r)B0jkbbJ zgDLPFv&f1$@T*-_;eh+_y#1=c>yWL{0!;kr+z)0G+LVjv#0I?sV*|H6m&z{mITkfI z$ahWVPTAL<%AVt`kMPB{PvH5*`}h1$C;f~@yEk|2`B3@_?vHggYOw5hpFGra2G87| z`s2?G8}QjwV8?PGxeS@?RsHuZdLeuW-IqG_FS?f2#RB#3X(x4bXYV`j)wLGPG4Nxn z*-KTE-o=#}Y8YCzl6X9N2Pc~c&0d-IaUObjEkpyEeeaxy^8gof`ZYiuUy|dDcGxyD zP>r7Y>n1pU&2d>K@;g48GxcT(XUjpp7#fdG{or87C7CC;Ehw(*uh-Qp@{Qt@?y@YhVMHvH~tBH(lb}{u64^a&+4P$ z{XGF4XOIp(vMI_F9ny&awe0UubZz>oTV9%&7p#EZb4^NqO?c?5b!+_fc(_Gwy_iiG z`zSx$W04s2s3*Z!SHMq4x~g|{qB%P=(RA6$9*kk^Hy?&p?9^v-tVgn`-x>Uc+>G#J z>`SkN-V#6KnEkmFzd6p_!3PxE%US!zv44r0WJR|#cpSJ&T|7->lE%Vuj`H$kM;zR( zogD}00e4crJ{JFIB5RSMO3v^M7c?(-;G4qnEZ2n-Sm3Htf8x6*)2Lbmb$u2)JvyQx zNJ=*D%)7}S*i~E5lbmPxMKHDD;0b|0p-;q*cxW>jdfWkxHlY{Af3*g@a70WfICqX& z-p8R>zKgl#oOPwVk7|t!(Bw@aBKxD~+OODz=jyO!#;149TrP z_`P!Id+s$QXDpd)A!eGoH^Kkzy)pSJp#50xqw)0X3rA&}|9GpwNpPIY(VSl+^Kv3P zV=9E}i+7|>p*yHUruFxy;M4RLJsuf|seETCfBBH=Yx@9p`^Z zHBZ17)C~?6Mgetho8)j<&O@Kn!`qAr7rWw=tUjed&+Xhd!RF?#$kYaV~0)Cvkbz7v>X~ zORF{UrsPvN^UwHj=_lWKqtgSU3vU2l&U4!apZa4t@QX?5=JO0VunVr*Pw(=Uo^{Fh z;c@~K4&u)Ed#8)`Oh`62v&gSoM$W^JnPxX<{Z9Q)W;A)JBj`a2JxVvfF~j|K+)au0 zP&t$JJ|3*>9JTR}>A4kk2YfdlKIeK4J^#qw%`N1IF6NmG1;0k~vvRhZf*dxb-Ayog zhs2sU@0=w(7-{%(P2VI_yd8N(^ZNRlESC;$dcw><#n?? zm_Nb)$~$t*iref;=2?3FN^e&m?1Y)MAMbjb>F7N9v%74Z|8%l2in5EES*sxR^Un`H ziiSt&G15&{TceW#>*~-4-Qy0ptc5<>$)CHA?=WSrMPo$}9<=6y zpQ5Ql>*1XeIJ4>7@%ZNpmyKM}JK&+;!ZWzRqfHrW(Nr`;O-_9^30dr7`^?UtbLi7Y zf{}B#Ri-a*n)%7tcaW#V9n_`~+z#LExVQ|nG{HxQ%A&Px7R3HDbgmQFhw+P_&Uocg z?xpB+vVE2N4~MQiCx46V>K5OAz}LsU8$fncCK`Y4qlM>f8Z+msae~+AMlRNwMm|~u zSJkRDIU=|0nvSNTCw=b^zh|0*ZSew~C*$IPmsXduq8p+ntiwOwmVGIUgY+C+^aQ%6 z)=k-C-xWO@9NokX$!0x0{gg87=6Xs-;#j-JG|4tCxoiI0^*a^+RFg9qX2E4oy#;&R z{Lo+9(1b+g1Z(g%wAIwE+24|PP}r_U;2NF4)*ATc*2SjqoBgdSG9*A3Bi@={mN|5_ zNwl{0du|q8!CQhKy&}Bze>;XR|B__#tzrjxg%JG{hhNM;N||T)Zik}R>+R61Fnlwe zf>g65`-V2Mvt=9joE0BPoj`dl3(}w;LsfB`uQrl@muDM&Z4)nD40B~(XHUpy7cH*= z_R<)yBcsp{RUrcdJ=HAun}gJT&!GG61D{tVK&AH&rZT(m#^Z(Fogbyna*io`GW znP(5jJN|`}Mv}={*ws@x%>r~49Z>IS>`;UA@|vAy8a@iqk+$si1q*S#<)rfbewFA8 zw)F{8S!ST5Ib^d6ZtW$QZvH3@E9s_c6XMLtS@;;jyfpzGP7U;w)nCP%YQ4zaugtFJ zA42sehMb7;?8bzfXtWc32if?!mj)>12L96s@C^34tw?ZIpVc1faV$h7_k@zI9U$*2 zsV3-$seLyPv1wN0$q0&X|sAbfN@eyRsP zDhf6=CpVr~X7w>QLS*gfsS0R7E|7U&pSwO!UT>8fpJZ-y!DmBFz4F#sz1O=bYm`-I z;UbPTcU3v+>px%uVOiuV-~VcIGVuTgl3jYmMone+C^cdpxV<;$vh>-3Is?5qn2cAWQ1bD;)p2B&aXJ*CS@bdwhNIV@ z#~rcSOIkp-7d^;E7q}HL^yCrr?aUne;8phD19O67_NEpW$RDJ&cr7a9oxOFH9cVvt zKkN*K_jA*3=saC6Th(Pw0K47DI6_CgE*L)OB3Waj z+{k|BzHbVDaNbXc@tZb-3+Q*sqT=K6;IYGWo+ZPiGcS%JKcPjUkDh~X-bS}`2A^;8 zWN^$O!TO~ep8G%8{S`+anqKt-r}4dO`s3te)62g-1!Z9`sJBs z?Zs$iR`XY_Gvsiv^Q%?Z{@#2S%0xQqO@<#{yY z4ZiDUp87fle2h7EEL!<*`!K(9rxko@C!;!8yIwi#Vpoe!pt-Vk4%PH(S*Gaf923lr zRZC`s>RUs!a~$sm_g(l0Fq2A=T8aOmAiT0~OLo@5yASD?V!qJhUcAHSa)mdXW7B_o zt@@`i+gBtzmb3KD-w|5GS@>ECJOr&___;QrIv`4AW7$1)G2S>|v+3o-5LKk#oBDHr28%it%|6a&;4RhJXA+Za zQqY>e2cI9blpTUa(dVrsiv+Cp=b&J%M(?zFoU`iUBY3@w{U7wNv;4@+<19|c+qDl| z=N|fx?6K%4?q-=VxT>pYNM_IG?o7xqk+ay%0{&ET0eYVD^gNuiXtYQVPnNv0f}+J%OAxbdPi-xg<_(GS@^rJGHYKbW|qUK-t<_ZVHv zt9M^af}QVVG#b~G9J2=x`!7q=jnBz29l4%Io(rk_qtOrS!sCywqdNV?|42H^@T#tD z4aeQH;~q4)ySux)I~0fF?rud}++B+^KirGE1-B3&9+KRbbAR0D+~=GYlD*fObBs^_ zF5<1{%xPo3g0BnFfDFoqxjS;6CaOni2u&pfDcA+rzPRR zj-ZzwF0fCDkEZ(TG}8zi{$UrefM8!sR~Xb1X&WIP%5@HjUgmt>CM z2Z{MTr?wANlZRe929IsXfXMYJ6fKmOe!z7%o$8`G8QvNWS91a^Fz*d^rKTCCCA(xr zeE(hF(d#?bR|C3`#RjKZteqD*h3RH8JK4=?UUGFyH(sTZ%q;YhXJ@1Tc;c!8iB8Jo z?##d1T4SSlcOA&bhI_uU2A%B_C%U&BwBfvy9v4kBVUcKq*+s3;pZz%CqSyQIK3AX* zd198SHwaJq{vhRN9%+v+V?7z%ehWk7c@ixneye15pV7-b)wT@$R8C(NJmsPmXoWk$ z4b{5hqg_YnQYh)7hU^lfSJS^U&Pgd~kmAvH%v;Eg`OkObx{aJ0^n87C($mXXcLn|V z?DOOeJ*N)|th@6kvI-u0t2BI)Bm3l(ykOxAnH_t%>sJOjU){f%3vhff8}Uj#=KJko zuioU}yRxr;WmeqM89zcBAKA3Ri!%r;%N1SVlpp5N33@`dvA5i&Lm<#wyA66nvQ*v{ zrR$|{uwKJ~oN~Yy#`9Wq8_#l;WYghJsu|SCQ`OeF${TO{=qGg3!E=`0&wYYdw1N;5;fz=`k@UgOMI#g4pZH(2XhG`ic!w^?+;o6@yzr0=6ItvxCTlP2t8iLdQccd&-r7Uv!sox3TdUK% ze%?nz;fAWAsb6*-PtziPR(xBwy~tH=g70smv!>7^G^;sX#($ILzLe~qb9Opf(ppu> zuV0jx--(XFMo-Zp&r75C-dF7kk(K|I_k5?jUU1hXpN2zcZam6)Qli=qbJd6W|0Z4Y zIrEUSM?TsLFwcePjdqfc!}oh45FC{(`F41d$29iSnZoc>wLY0wHt73Sk_ApaVfWif zX6Em+w>+5r_Dpl|xt*?T_LX5S`|sO3lNQS?M!xSHu=C<@i8C8`s&NwU7w^M@grD?$ zIcoJd8_ffEn$n$2fGUytOfGrn^J%8-P*>$UgMRh~yh&AOoox!{Pz?R4O}aUOMzBXB zpE3G^(g8fjRh(5D9wrekL`d*Jc2Cl~9*4o7mi$;AMp3-88RmKP)o1ejLXemEbQMUu!vJ(gFMZtGQprUGeP3 z<+yJLP4dvBM{p^baAz&Z-vp~`2jA=k-rPKtzLgx{IhWn(w%~u8;HoM&>9mb-lvA*S zPOJe(-OAZEiyTyRWT(h6dJh*diRboiNiwa$EMA|df1rz}MtvpI?HA`H_duh1X=ZwE zZ>@trt9AoEo6ZEA3g|K6p3b7vnKA(G@RhYLdj=}LV5FQoxGHZ0vKkwtn^_OZ3M}L! zm+#*Cc8_e{AhL6wvBz3_D`O*``Nmns2M+b<_dxXq|IFI_!vwFSr?V~G0~qR(3gjqG zv{hZsnhyJ|>E%wNe>_;{+xRMVB(r)+IEfW$W^T<-#@#zurI~ZWi!$er1B-p*q}cFC zbkFW8orKSf9O!+U$sxj9xMF&s3c~vqEd_?nOtQ07ma!)9?-hR3(aiG2#`&rld-JLc z&i^*Kp1^6?WCmN*l9-f0+dzxXMo@2hL8l)I-h1?-;BfVp^MxJ7FXF*dqd#-r+^9Id5ZEu zld~wB?9dHagNKbe8gEk2K3jhd)H}|$!rM|zPFpYebaGV^ywsE^I>0KC%@k#$`HQm5 zpj@G9Lv~8kW(V2KMBfjub2Ipp$(i`olt$YOi_NOt{1?VE&_$zieKeiv z#p!a5?8V>tBID5$k(-x1Iz%JF>GZvsYWjj7udwEGZ{n;&-SNttM9T#qv7wQ@?)G)i zrvv<%R^&Hlx~U-^rTw|B)ORGE-n-#95(2c~x<$9vrkXtVw))BWzPlxwnhIIw#fVTv zk)2%pDIK+eHp+L0j)_4$C+^%Au{;;mz;%kC!#iT7QmJGW^BKPSgFHqw%GKdgMtOv? z3*(18#r{L*#+qzo6>`6JP4!k47rH9B-(%4ur2Bi(1LCB@Iq8n}N88piNPAt$hdK!M zFwafPbE0eOj#lp^vubq@h5ZXY`klOa@Q=P|Q|-Y7dXU>-m4%+sLQd?$Z{|{NTUmJD zDz5NS8d!5_D|Quce|5S{E-4w`uklakFZt7~AhUc;WRT|KnJ#>ZeGq&&;w}6TI_4m} zs=uOwRS!+^GyF(Z@qX7!#Q(kw9=$&r)ja6-kNU{BCVh}-D1K)RxO|3({}L>RZy(M1 z&&*MHK)0{YG@;<53)-U7zscWIk@@i*UJTzrnceI#{QIq9-PL*(vpTz9&DG9&u#Q=m zoJ*JdDW>M7c(WXRYn2lII<}NNvn@Z&iml`$tRN$hj+gK^six4q5M2SgX!x(AI-s*@ zi8pO*J}`><;5NCzY2aoi&HQQBkL3ILMJ}QuRO1D_{dsT)@=^Zig&!qPvRS(d40a4N z+--0cxUvxDytQD8b@8YbhU5Qn$VpX8+bIlAH@Ppl5_9q8(+hEzUGhmhoYP8gjX#T5 zCKF%ixM2A(8|?{BFbzFCHK8XnBwT)9Ol8f>! zCI^C>--fFk-DhWb$MZJv)$A+&iol05 zfLXur0y3*PSI0Wq=`hdlO7P64f1usVLth9vzvW8eQ9+}97oFo@cOVCmHgvsWMFjwz2emD@X(I9k{H9I&c9i82o z>12ypc`A|b+Xt*@t2a8mmcLBHIpm$h{4i55TQmSI$%kcl<>>jbB?Gq5X*8^JlFg8r z=(}Fhrvl$I)RujIgu8MDIjVn@uU4<(`9F`>_&+Q8WY4CH&0Ul_9^UR5X9syGzorGN zf7_2{I^70aHo|dVU>-%A)7h2`&Tzzf{|#7-){Pl>R%X1(1xB@d1Np#VZzZ<7P~%29=RCri(@QKA0nCLdb5z{xI( zUJ<6e&Cx3c*s2s-1do3MbQ0_*ggm@9;`dpE9u_UZthfa8Pi3;8CXi_ir{6OwRQ1<@ zx%_aF!!9_cU+CzA$+5jp7w$c>S(tHlc;NB<+g+Wu(%IS=otec&qv5Qhi^1Pjj?~>J zU%?lh$yy;1qUy&Vka5i}{)qQ! z|0j19v>Fy*>A^l- zW`v)1bwbyZhVF7?s_EF?Rnfy;$(kacnt610j_)QH-``yJ>~K3YX@lu{zmG=>A6M~; z{+hSNfjl_8L1(O#r);!(!@YgkZKK4iXbq;3skogPtsk7|zgcGFJ2w@L4AegMGEYD9 z<5L1vcATf&&{>q_9xVF`9R+zvRmh4SHqW9VIpJ35JIZhmR+T>F@doDBYw+I?v{$a= zGyM1Emw7!DJ<4Rdx4~vC$Ac8N#!nupK`IEBSC^TvNEb3|@i*Q%i?*h+hw6W{QpL0| zuZ4XKQzBtwiV3us--` z&JeX7K-K^`{vWehsW9H`KVwqN$>AY#VUNst1fK+d{+AA(%KQ1P*%!uq7Ka9>wugMV zyFd-J0{vvAE&+N*m*4FA>;x0Y6~Oy358i0vOE)z-Mm7jsatxTtu%u+;nSi&Q{p{>o zU)=?tT!)6OD>Kx2o|!&m4^D3K%UnT+Gx1EOImx|X8|E$pHhljfS=r6#No1}+Fe^Y# z_`iyL!Q1TRq%3+P&bLc9Pp1UvLln4jUf${1ctgO7@8N}e0nYP;?xg$Z^J;S!oSPkI zb~kV#*B(qgTZ~%w`fRq=_SFbq7kT?esrnaRC9o4Z*L2fExQyo|?B&Aqnv2Y#{vF-0SwTVb7~UYYVY%KV$0z`%G;-z-4u0aS2}J3Kl9zZ1wXvZ&T>E03(O+RRQb)% zonhx3NKZf$4?T7W)~SZxnsn7eJ8Jr>Ur{=d$VV*8oiSPPJn-_dZ^`}RGkE-w{4(ya zCP|*ULWchKmE<&$lU?@#+1GCN%7^#sOZ{}SvA0G3xBPXGtgg3U+}jV^DJ`CS?uFhO zfDU{l&troJblq-&dp_qY*D|4UnBhS8lCvtnfrX~To2&fUC0^iPiSSa75A+DZ$Bk`= zCij)MLgJiBi6pn*#Y#irT&~~7-@DRZy*9z$`#Q?^dzk)X$6kfMue5ul8sc+#jOR7m zXEFu(+z)i2!}+o=*_lp?NCca2nr>!ywa{gWX9X;$yqVNETnnbT3JL)`SYbF#VH-cd)mS86RvG8G!ZE4te1UvdkI`Eh3OJB9D3v!_2E ztx@z>*UmCuz);U*!UNxm$CrsOV7a#n{gr4!(Yijy=l-)HJ>s+Q8Q=5M7xK22^ZPjc z_-bmDch+4n+UH=tzMY))W2v2fu@8H2hAm&`roHqs)Y$K*$NTM7|4D|a(8Ei2;Q&WC zF;D&T!(3?l)6^^OschuwS;JFjF@IRB(5s;JpYoi3B6PB+9Q^e+ymr@~WEl?f)X_2Q z_xOP0529(LlcI8ryTZu(s^Cj+TsO2a=eq9pdm8Su&b!Bf3!p{>7;?gbzF=sW)M zJ`2v%&sN2ISSzj>zU>WQdCUU!^1JEzn&R@V;-kPk@bOnX<(ZsmZo&DsLq9c~?!oZQ z_=b7@XT*Xp#M$UDJJG=HbRO0w8}3hw+{W|WGz`%hu)lGu1C;+5-9cAVO!rA-P=n`P znugviAw>0;(xJ|?wB#Qb6+=(*fINx`;Jr({$>^SDk(C!Z=CvN0iQfM1?BCis^h|h3 zS8*>qV-|U|C&MJdg;t2NQY2Vg=xI2KQFP=zu~GUqGIIa^MmIOzSC!Crckz~gF#hG% zWDj}xY6uwOm9sz0c=)W!r{2*c296JwQ;giSD){DNz)*UCe~gd7TPQ&qr^uJ67D;lB-{n6rp z{nv@Gs0#N^#u0jP=HWrFhwdXbfE?WKCK~@n-Vt`H@CcvZd+;`VOu5mLJYt3!56=7u zt$?vY$2u22^%8vL4|Y{_cU8KhDRC#uqHLfZ^s*@8fP+H9{Ph&w@HBc1zM{{s9DqLU zvqddO2dQNxI>R|%7vROJPEKSNGs|esi~4oYqv!ThbUL`f2|rC<%(K_ZTh}&PbPBC& z)n44Ktz}wN zd2_G~IM8e~9(!*lnSXro((s^a zJSN&h*OI?XCFaW2*_~CeT#y_h$T5Ml|Ls3r*4s}{qd9ZR+cB#I>Jqy6+8fD{-yNzD zHyed*^pjKG6l1xMuJsG}aCve#n!?o%3zAz3`%6O~%>^(2O|ulg&Ul3cEmbli;rV(DibTp8Mh?_p;0u>EBGgf`0Th+baRg zsT!a6`8woj^LG|SBk|=@x@le}-c)5q-~VTdnLo@`N5QA67LCvh^x?He*|JaZ%&=!2 zO~>E!N2$*?%+>90-IJyoU`T3EQZoK4VXW(BD~o!Y*Gf0=4AXb9;_IuFOS zwTH9Zxi@FAqpTVcB0F*;o>j%a+<`2-O{G5T5F`qvi z5~!3fKTLE7UzMDL7GME6pj**3EVS0Oq1<_Utd*@g91lBr(wJann+t~h)LC6`ler8& zIT)U2+AVY$7s%c|gkG(;o!)rxyuQV2UOe4wxRGg`!-7-?FJ1=PiN<)Viakm&fqn5B z)yyHM_T)fvmv-PeJ`(4kikxG)?!g`Zhu*3MT1szcwIh#gS{ZyW=*{Yb?RvQ3Ur!;A zJEyxG@4{!2`!TM3y0JrZPN4qmMF;Y7=D?5SuuON9!|UI=Fe}Xhzn;FF%xHe@a3>#) zT7bX26Ex`deu}J?W#Wp2YWWrN7fzyYK|gc6*bmbI%&Tsc+a#MGrP&eDusjEAT3s021Kr6O4>0&O^uVLNHf8|v)HP25z2XCj^KhTx0<{ej+d81J6k z(CC1Ve&Sh~$3C_qhmAb{`(|$1C7Hr?$q)cTu3y7j2f#dk_aW~t4;S}_ZoDx3iFkMR z7Q?4k4?h9(#)TZr-zUMUW;?4j`q)Nq@!?*Dd!Ei&5fP<&_VoCWV{v+Yy7@8*4tFmZ zVrc88g3B((19rD$0KIYny4et&6@5cTlJGz$S+u2Hf*F3C=bh}Y6MQyB)(7Yse{LeX zqoo1*rI$fUVfI;g4_q2d_BfbEt!_?=zQXhR58VPS$-SRWek@+1s<{F*eh67DWWAjM z-^}~bU58G4D;N#j;z{Hv;FtRL%wL_+DD_!DuJlriK71r6lJk5sc+f?>V=$ z;m>B%1A3qE*-v>3o^mnCY~|k%Jeq6@I=HD?FkQlNc+TO)YE>p@;kd6FfTwq31}y8$ zXL`d&_rQ{#m$ugcG%b-G9cAO>q#(YRiYLPKikWRSp4_2+^q0Yjmk#0V#vA$N7X44R z=@!X>{-d*H)a~i`jctlS#rn;Rep**$R#@9?x`sI3@71)FswRY#OA4 zpYhceM^_cJQ_^|^3n zS9m@ghoje;f?qYajV2#PH)2n27WdnM)}g8gPn?hr9(RkpkLG?FT7a(Y2LU?umO1sS zmlkD1i5^UNp$%Xn4S61x!-w6!iFW{fW}BUKO@`a4A9HEj zJa^eI z(5K}EM_nykm8WxuTq65;U!d~*+{O{STZ5}#W!Iw9* z01x@VIW*2qwcFV0#yPSND$*(M7@#Q|0+jbFcXMKp?&KmT49{Ka0W_cJ31_}Vo4OGm zbyS?`6heNF%~vyZy`yro2YG%Vs}x@7@fETT3ft*|Gu?Oa|1~c%UsdH9vyReRc7&Jg z-Rb%8<>Yy1`Wg0vp5#)tVkbg-I%jr(w!5X6g3M5#$SmyEFVWaBZ0NzjM0d@~8jqKG>2A)5enFa&Gg5wb1?<_`y1K2~|yT&ZGGpH=7O>xcZ7UEUGXuO6|ar zert<^n&F87Kk$sPD26@caCW*`H{q2zWG#=HWKpqWE;#}Z2F@{g05d#4=a>2PKWy~S z-Mn-$qhmT<%}Ec^-INrD{tCVH6Ecn}|3z;Lck3rI^r|O%syLc9(>KlRp6^VSU6|UE zZ8`PQSL1b`Ov=mI^zi}wZf!8I0qmPQgVp9P`J1cJxf}}vV|I`~ocLM`c#<=DR5N{5 zwMe{qj25^gGw_9zXfcQTC@vz^1U(4W^1NilqPKN<$4pn$84NPrEHZc&Pq?dlb@D7n z;0+*0r~nxMy=v%})`4rEMuYqZIj3(zb)yEJ+6DMwA9<@0XKf%_t0UvlUo%UD_|UJ! zS-y51IfDIunY}H7^u7fhj^vfZenlUVlTKH>Uia{^c44AU&NdEcZ`lIa(0rCZ+uRsJt@K>m0hTzvIuJv|g2nI_~0Gh%f+tv~Op8rjjc za-TiIW9Ks0M?X8ENnk!5v>?N@o6otyO#Yfohj?@{R^;HmXb`Gc<^}inDdvX5Pji)f z=X>95T9qf&_?&askcrlEJnSb=JdDE+1)_Ng(sb~L!SI&7%92Cunrg;%CMWYYyaPD# z!1Lr$qi@(%oP1?8%Kz@e8@rAibnaB|Bi3+xzUqp$&Uagav04oV1*g`mH22z8GL-jl zhsC0CVmBJjIl7vBmCXn7mUV>xadwb(A9kpZS>}F*kA}gK4qfA{+06sApXdFHO`?gb z;2`%7QK}D@*YZw~_B9XHV|4GUg7AsMha4rl_UUeNct4Zl`v@N<_*voCKAMAOzDj;) zbaUOi%M}FD|a8PvZTe&-mR)f!hbM7?CN>wi5zXexLIOCvy*eTan z@#Y=n4x8w!v)~?A?!smL3l_|ITZa6aO`LDz0$nw$jg?w94A$gi`iRIm+5s*xuCI;S zllA?SoQ>5@=_Rf8|9Z62#b21wHGE{ZD@4WcgvGbEXd(Oh{ma3cc82aPIMI4Plg+HA za9?l@i~qCe-F$0>+R=9a9&n~3K34GcU1SMuS%FaH!%py?eJG1nHtH*uY?R9ro>KCGjSL z8I*&wZv$q!1U%sn&ib2Z+ZV4RC#VqJP8FQA{vNvAi{z`Z0}kb%U$_?hF+aIsyL?my zKjcMb`p7HnI^f-{I3Jcychc$l;Ll`@>^?=`7rX!8yh|0CW6yj>|Mn(I2O9EB^L_34 z{k{F5-x=-8iJt5nd?H7(d8p}m=GUe4x51GuoEWK*iZ}jfys|w(7s2k>b1oUv9m((I zvwRU7sB*1s)j9?JT$a0X@_y`NKhC`6t%-E4v;(iTWd1T+@YdPpr=!aUe|k|m%h8vg zA&+(t|J|~B0h(FKLHD;hYbx0KsC06F@y}g@zi4@px#ADLDc*sbHv-^PJ+*mIhB=ZJ zu1)Mlr+v^tj<8qxitrNO@E6Y@<77Z#?h<#6xP#7j3p`dJ+}d7y)w@o&(+IM)&^ILB zgj0S?2JJ3CrIlg7DjcGd%gJ~@7Oo@cPp>X;%r<%xu z2`0!3trHsQOGWMU4&3G?vs%MNXjB?8Z?(bG1b@(SD!t5bOw||g9eu=a`p!{rPCKb- zLGVj3<0^bk`Ja(h6m73VkKsAS{4gKe7g1CAhbha+ydy*3rYu=LXrJTJL5;zau$Or_ z#~o&hbns4e3oA#_Z8-&*-$Wvd(kmcX_@=YvE7d zV-Ab9mc%R57%gTcFr}sJe<$!iIdXQxiS&&?V;1bKPk*|pOq!RD@Lp%3<9b~rM7f(< zD>plIypu&M!xK&6#jbkyEL=nJCm-WH@McD9&2zjek=~q!_zR{5YCGDt1?b0?!{t3j zPxNNXPg9L&>gyTwRqzp?cj2MzOZUQ5FI7XEzA=$ZvbJb}{zjL4jrSXq7fnvg%@AcvlpzH|oN zw9~}Sj#_Yt*&sKbX!Koat+_XyD<`uwbzFF);o`$N;xYXtKd+;zKksb+~YTol~w5YGCv7`$&?>8E(*r+Iu% z^`DT}^6dBb6=x2l!R0IuR~){Wu&unaj_6@Rx%=yQsx@5Idw8(i|KiaGyL~v7ENJ$l zU48KKxq{6-LYrDPM6UDW&0ur_7h;(A{<70?G*F{|ai4U}Fki^QxSQ#$IJ6F{&`cE? z#pg^m!2XA1i=}{R<;6o(h_fGDt73WhCHALIQ@~7^Zxi$RE6*n%t#UzgyT?j)|Nb&x zYSGbxR>YErERp5lTkN~*U-;>Ja&Gl6AF7DaSNev>ma|XHG>gkVG=tp#SHDcv zT z*2MF4EOmyPxE`zlV|~=LlecPsBR898gGYwFkeSSSFth1*bW$hXR0y8oj~{q*8`4+U zly`JNs8+nnt7NXL^`u3TMwFIVfptL1rjXiM=Ozh;Pf$aR1 z&iyi%3x=xc_6Sw`mrkD2ZgfYHomMc@#KJ|7K29$COS+-9;)_C$ng{>g%6;hFedr!8 zOiu6-I>~Cmd7x8ji;u{*5oauZk~)XTd|u|S+Y4Q^=cJcB9nqoW3fAR-04>_>pu2V< zT6PleEjwefBl$$&Hq94hnm&ifJ4IKNyE%L5h#<8-lxmuC7C#Bgu7sPu3Q1G5MWqjU>D$j3ZH^+3t0mrUTN^d20N&1@?}PsL4VXZw zDrE2V^3wCHU|qmB7O;^SaU^`hngE5On+W61%ln5FcPbqTU^bJ`O_b~tteJho=_C!1 zS6*~ElhG89WOwJj+H{Ipzoxr3yQ5i&f*aWh_x6gp=L0>ZF?1euOf^MA!35zQ?PsMM z53*n@>~hn{Zkz+$O_tO&^LntY+IPnb^U+H?c$XUe1n08?m&gZy+uKq57P;uuWm}y) zh}RMfvLzhi7|#2X=g1QY@YRWY%z(MwRTd9omH#;3j=L!L40qkU?xnxjugiG5>-A>( zFIxD^Z;-nh9sX{9cmK`zW>%OVsixQ78#6B$FCpiN%Xbr8lz!@ZDdxi^I|VQUS8}&j zf98+pf5e$#k?6KIq?*u_s#U>tFfm>vejYCh&ig!Hes07qW9?<33qf*hRYz zx@ZD3Mfcl&`uyRGd0D_iPngFOmWIjqQHJs6zAA_Ir6yeE~^oppvj_7s6Wr;QSixE-~6>F z!c$|x%JbewKa+=Z4qmrvUjFP>_WB0DHhv1{>_U3H#@NWF6#h^@o`d@26z{N=GjqWQ z{;yZ-jbc%s3F;lMLe`~3OUgW9VGM^Z<8J6j<$KoWLvGrHkGuHCI2)IgN3Zi7kM}npt)IUp zpc}H`9NLqgbHyG%cE4=Oeb-k`xJ z*=G*gsr~e$!(A=lEbFp^^Wg75UEfCDBpk`cJMhf^I;d;35AT^T9YFX58`$cPAc&F<& zO5vP5c*#?L%_67Ah0kR@SXsUxHQrC3?gl%}$wc1}NcZ#LpC(%YbWik;Y~;ILxF7s} z0{9sEnLmDUw|n|(Ap2ILKj$YH=Xm(tG4P~U(Vtex!|e0TNB2Llf6wvNdh#OY4Dwab z9Pq)bPHMN*MhQ1;R3R9h%Lqs9$q}i%o5;8-#Jf|~U31Y$^gwI0ZL*`U`+*rC~ z>x9U1)mB;j>~FwpYj3qti$ji@R0$sd-pVT5`R*%utL8>qo$QJpxk#|OfVJ&lF23OD zjtB3TvD%AXpl6b~N3KES4|i?*GeD^of0%r^ob}gtvLza$k86SV;i8omayNX%TT>Gq zO!+MM;ux^-H*g7GTs0}wN9}fifmOuAUD^ll9{AxGw0i~cGlzkHkQ0MvgFpG z{XWV0^9#+@Dl2Ut>#Z)=IS0;i?;5ae=B>7GJ+!(edH(}_bcN0?Z@f!u{(O(87!R4h zhit$S=Fly^p8ed0yX}%Ux|ee)<_#VPznSz4-tyJU-bvFDg1E6pss0#A7suWqWpX0HrX19ZHv7bKZ4RnZ9L z@K=AZ^L#u5Ptg?l)Q?iY<}A|>%w@s@JI!P#pHFW?imi*@tqhi9Kk~s2(M6eMr4)RT zjmweSRPdYW`Qewj^w3ks$+&A@#YZ!p-86hEGgd7!vxn2g%4ZRV)@0cfPp$rp&x@?z z`Fox96HP*bZIWp-*_S-fXhm1!oLc3gXJ~#mt|hrPMi3o)S@M%QqD|h( zJ6Z;BO&VPA*w?>1#n9dQpvPGXk5V(u+yLwNnn>SD2Q^X4Bkftf-o;{z> zTt8*@a@LMo9*RxPG-)gFT-~vdKWEFchep3tnrZqpPz@*ht2ICSnZ?{Qd|pfOoA)@7 zVOo>LJ-7iqGx^az?@KY>;0{jbt<{D8nH%WjJa&V%ZAPoVHO*M#tLWMfZ6UMp;79m4 zIE!n3_Qpe;X~GJi1@}xhP0*>lD;-H*0`Ef~x<6vcjzlB!cnoCN+vw-ZG~++si`j}!)gR3FUCF_EL!X>;mTB1x{|`Fm zkEhVI#CXbMeuySFVz;VnqXk>R-_b5TkELgD722uGWciAoUe5cjchJvOrmJld{=X+y zDv2*W4;a@w=D5jtElUmaP_|rX@)F2maB@>tTC(|TCj4DRdSJW2VJFbD3OCu~iJczO zF+4beGqy9&JO1@8 zNWP_Qq!H**UV<5U;VTJ-XZcD$5q$9l=8$7(+xl0+gIbsU8tysQ2{Iinfr*fn(E878 z?7&|7l>ipa=TR9xvrRR8yZFE#T=iBGo|or=X(j<5Q=Z}prfvRA^91b8uRhsQWT6y+ zUk)pjX1w6~A8rp)+BEbgj(qPcwre@EaxV;SwPD$b*hSfIV((;n}_HdxY)+!WT+<6>-~vrFZ}wg!u@3lMOzXEW{1b< z?no=W!hf2j+ObRT$W8t+(4t)HdXS^3YT_d=+!`YY}@i%=S}qu@G{)# z>%s#y0Y0Ec0e5{$bXFI*g}V4ZV#dHd`k*y?f>ssmtuGwJ95gLc(beWm!IJ={H5crr z1DeSX^jF8A1O31}_1|nfBy=?t80e-OnW4JMJoNOotEThLcx`~IA(wj*{*5Z&ff4XL zYKI57MxdP7A-k}rm&bo|?-E$&D7ek@NhXnb>?eHOi^q0q4QBFdJe_bmB9yOZrWsle z9FPCKa$alBEgxNAZnebV?+SC%oqTrMGsH^UcJbb_TNG)6H>G2+?AVEH?XxLtNSM01 zfe}sjP{1;JsnI|D{e}Ku6D`zjW=gYPCQqoNjt(cUM%5i4bGWYb#b8TUci~$F z=dc6AaDgLh8>^L z@6WdY`g=I9IDBpP;D#&EdU)>UJpS&l%Kh**df_{d^Es2RM8k{n9VEeB9><$wWu?P6t>jJi*Ot5N!-As-j#0e|K}u+2 zt)^qarS1jF5sdf-eB8zM;98sYHC`p=4EE z#@m=co)P@)qd&>#0ux&q>!%#E$TvqL=`#kc@mY)dptmj?{>!wRiFSisqv%Yq(?e+C zTe)d^wII$Sv}lh5wcaPE0>NvlcR>ScNihqUYf7NUPTNTq#!I{^t?+6@;td|0fTxFD zt#yE^AM#b6CKl}(L`EHZ+;R54-+bNKad4#=-vxY_4nZ1Ma%1S(gUp)TuU=ot>lcj%ySfl-pD(^POIs( z$ceA&eQbs)jc@4lKAu4|{KM+_sDb%mvi-?jH``jxcP5(Kycg%e5!dk!C&FjkZjCl= zHv9-$-@YqdhwXAT0+w_9=`n@$^Si39K`G zAK7}R$ukM@R`{hvQ~51<6)nIq$SQjtlWe-;`S`ge(~RbM?b3?@DGs;urqUq-1uAg?0^EZ2-_O7>4=TdYXHTF@LxNNG+-c=Aiyn~~Y_7^9k z5T5efDc;Kq{wg>$r#`InR7G352k=w8_wrCqTe2dm;i1JVw~BKkE&?v60v;m|ylAh; zy!z>cZqpB5pV=HuSREH14M|8b=kfSG=;)>G=$L}HlN;udVP}Z_B*OR@; zK70u8-=*q7a1-8gSnylxO)vLQ7Y*Zg{8|c3cuRtLJl|36ntEvhnX6NIUgG}7GlfRX z&CW$OlPubccEj(Xzmj9n$b);1=tY*_cRZS-tW={N*@I{t?tpKV@?sV{2Zj-bkKZ%J zT<%U^#Be&MT7;`uHh&E{@2QQY$V@rMU49HLG&-;Jz3`Cr{p3BUI@)P4U>h(b-;#Kad1uG-oE`KAE6XBlVYB=HyrZ+h6`U&L zVIvpZ)|uyJ7W!|rr2{sg8QJySJZVg(GkUOMX#R}9gUa5)V}3S3#U1daeu~gqt2DDI zhI=}WoVx0^dVVsS{2#cf65P$GedOVhG0--IeEGYXrYyN#z0u50x=g<4xjc$~j{gK- zWp6Yhhl;@$!PSIthCQjm{J+>%hrSik@Gn12Fxs&d%%U^stIkFqaK~yXrp*w}H}aqA zHjdO7^pkUVm)ac+Rv0>VJYxjf!%#HVL-7ai9G+#G^!|-Wpi!@wX8Q4+MzH^-<@CUp<)^6~ z`7F!Dnc8pD%%M`Aifs&DunQ09XMB|Go(+1S-(V-Hlif!>UC61EjcR{}r=G~njc=!Y zOYW#MXiDe|3>tuTstDeTPzUwn^NVc5XNdmr*ah$kPmBH>>aJ5CqU8h68hzDIT}xQ0 zTY9>AlP%G7;d!Xr(pDqz$1JG@ev>E_ZE2YFkOwaq*; z_AoiNIneYuda5gU#`fbp3=H!{Fz|XbDTUm1~+P{U2H%~ZBbi}p`GtH}wcthx5 zn|+7A3C_;${GDUh2FPVcQ0j?_fbM!G&cXDYgkD4`>@ZZ7rMu5@94UiOlKDw!AA5n+M^kAARD8O z#ZI@FM>^LhJ9(t1mgo1-;aGYDT9YgK3+w{zkE%-g}Ed)PqPR{#1TiMj0Z|Q}TOtDmxfsXGl zIG;wm_lE}ADiZFf)BI4iJm)R<2K@hI6;w??_q@eUQRCoP{v~tqqpjwQu_)LFKYK1e z6^gW1a20>qEwj_BXwG0KGIPMWYyN3b;sf#q-~*=KA|I{-cD=aC(h#;c3g?~kLM=G z_yGM~iTo&hC+i=9WwDd>f=A5L36FX>=UWFq-S5Y43&%VT9a`M3Fn#;tr?=#q99c;& z3+J2FZYv%9!8)6+{u4)`eYbbz}1k|pBnuYniH1LfTfdI(p? zb9>`7oO2XeEqL!%PNP>Q}k*o+8_C=J*7#fezr&@T7U~k$uW;vu8Eh@8dzT z>QDaAa`XbN$Rxo7zi|z->{cf&g{$n=2<;*n07IhC5!pCs#{Aqm$-KJ@o&6?TTXiWO zsyVOd`Q-DN>jWOj%vy)6yXk!$xRb8jCFculy2d~Fo?E7w&u`GuIDp@RX?+62 z92w)S9MkB9DDE#WW~{w?$Ykn5-u_F@4Bny8ah{rY7?0bVK<%XOV%G<}(sl5nbR{4E zBY4aa@?qc%pP_AiVok?$YyMd{h2!-?$-AWP8fvWn!Uk@LUA=%eoOD8a^ zEy*;k$Pzn_hpF~#i{@UyJB?~!kh3eL|Idq87tYUG+6laqTIDN$mnjz^RqA23`Ap` zJC3~OB)sxq)ujfIZ}7#UFX)(`T_XFX6P-@z;S;t7XfZqU-Lu>mh2U=3#V(T(Q5%g) z{1LK%hUZeZd@g$U9qn;^qFF*#T|;#0b0V@SUlTsZnE_gOft(3?)n}le8x+GlUXJXK zgXC=&vsEHG^t-3YLaqo_TQpMlW37}QOlosTgl^=>rq}i%+II~tOdj5!MWOl&JZ|YL z7j0tS|BcbtWtPYu!}~LvU7cP0j7OkO8ai5-LAH?x`k^U!zNedx)+GmgEu3M0@+orp zYFd3Tt^V`~Ketwkeq_qMWuB^;Wx{vz@0=xbt0P!2e@-A-D~~J|?L?n2eF}3gxM7^m~i2_~d zkYeXKHknMavJrB8L+33yba%lOGlJ60R=Bz5E1Xq;ef&DQ?q`$8lx=UX2Pa)L#LuFF zi^&zuN&u9i-BaFj0@ADJM?7Lp;rXFwp}H( z*R7IGsaItCy$jMfe)rxz163Q$+IMS&hP452T|nO|{-e}9^kNK!Z$MA7vv-gt;s=Oa z57t|WtVB5exJWch6Y!b857q9;%^ad*lgP|pP{>=>_u&WL)5UVe zS5ds@AyQ6WkHKeW7I2uUCLpuj3A@ z>Ms3MaHT zr#ah0(6zEVjEo~gBq~^)$j*AetkQt}bs<>M5O(*a19I!*iwtw~B7AeAqfSjBOBqc} zCpd%d{H#$M$nPqK4|b4?Qt$#c?Sh_XCc5tja7bWYIhkV)!25384z|Yr{;ZUTj&(sp zk&8Uw>~zt(kW$WJbO^G0+=>`XRAE<`Cm8t{6_@UHt^ReHLcoIj(-;#|Gl1l=e) z*vdRV{oEq8@&}q_dw!pzWRYZqYG1i5GuocLZ8ms4JXqBN{UQ;TSCWn&f_#J+CIQr`qJLI2u&8yre>w=l75x$af zV7!mu2QGHVGVar?HNe9~2l7X&Ou?__(W0RL^)FicdeA|@9*du0Cv&6E2}hlyZ)z6U zZNdv5O}m>qZ~kGgn2A_0rtRc$y2N<-2TAkB#K-y9FqMon!TSe>wGLeyZZB zhGAsn&G1y=Rrr=uqm^JoHx=0E+CwpV{R*$xS2P44z;E|6Cv#VS{~m8_AKB>2890zF z8Rqa5SFJ*yoYsz9$iK)#>Wjx^0T>9nt4hnzUZU?R$$mX%eWYf!Ap1O+J$(WF)BoTL z90jHY2J{zR%hNUS8`I0N`4jr$x&c}i{mVp>Rh)4#NTT4$Nke1^N&;f|r}7>Gx@;1XZmpX9CF)ySy!19vLxq$2E>?<@Y!O)8=( z^fHvlpJ6^`3sK)(`BfLqRjEd3$rYf0-gHfY`F@B4qs;H8OV9jNojY|D`qKk$X=cHtk^|ve!y&e(ml!9IfXX~{QEZd{|9n!OGY~DML$2;_D1IpHqfk0h-|vhu~{)%^~p$f zSZz`HJV|DV2U*;c$b7@cRo5xr97o%<9ByZqvxjzbHy7DV4(`V0Ka2gq`Lm}zp73$zHW{ozzN6?6{i;0zV$Eo?LnZ%%t~_oadIY)3Cq z8+_5>;67z6O1RGcVjX94{fmA9E#og+I3DJ{9X)N8UffNYWyvaAZL6TUc6yq~yx2TK zOW;VoxbO28Cm;Tft7h|_`Jan7@3wj9caM6VbaF+|@$Gi?Rz7wd+vIygV1B@(@ z46oXOdg%xM(VjjNUw8d62Q4XHmLn%P*Ec&VS5p`LjfegOp39)Z;G$@rthe~-HoIY4 zwBdh{JNAT(h5VspXP{+>VE(HJ4!mQ1u>1-HD20CF3oqf~FL|qaQ4ghZc0L9Nv!9E8 z7|hKZ3}DX@u%F5Sn$P^T9Nuy2mO(Hja%Gq*w<7hgeW045qZoiDE@Q2=oVt*MhE671PVR;V^cj$0xP^SW*p)U~eI~`s z1t-|K7jJJd=F-kVI(C;`BrpBx@TE=B;I8|R{`D4#ChI9#u=_Y0yVC`^1dZEVTjfX$ z);P2tHMgQm0P~pW8>CCjYM1VT*U~e(g8gG2|6C`znZIv;E;H~I?S4nrf+C|U!^ z*jeumr#cY5O(J=V9(m}mBNlCRvm*s0V1adei^RbE*bj=SqkZd~xJ#=>d zYCJtsZ}Y%C)@G+8>m#WJSbRtPqP}D{6+$QE0@pw$YMI4;s^<}+)sdW4XB8YwKkfHuHCLG8XWc|A9nG~B0;Ktf*v}!)*QNlMtyY92e8H`hw+_|5pbsA zck>$@;_Ov$ix=Uh+oMg`NiGPV!QLP`QGZ4^H4E)X8*eq4P2a~`JMJ=fb+Qdq*LU;) z=0ThKle5->Ck0ju(3!e^^5Z!kMt<09@@ICUF*_8^@4kUP#Z$R7sEoJ%M6VW0R&n2A zaFbvd-aL={_BhIme}Bb>01X+z`}5;&`I2J>rSk9p8KS3e=txVz2Rik$c{V6gGuYV+ zJ31(_DP6>a=m~<$Dz+;^&u7Emfn|H8hRPm&1t*y@-9xlC+EIfhvj2h0xa7tUz-Lq7 zD*k{A+$-7WA$gX9R^s(1|FZpTf6ci?PS2zW#eid^dE0B#%Oo?lg@YDVN;N@rL0RjWV)~Ru!Gzv9HG~XGR)U5WDJvo_gCRi)#@Lr z1Mh?MXBj-58`1X8XBRrk=d>KXQzJ*kq+zJq?jB;XSbt{{O+Y*L+H2a&V4bL%w)9xjlk%KzH--`p%$I*LiWgh7pVj9 zQ+sDB!$IEHS$q6g(ufc~6er_;QDWo|M{Z1Peley6+K zKfi8;XNN~kuy_dgr`MR)Y+ntov4f%IO}rI!8Ptc}Q{iwp7hAE5IH zokth$#$TA-H>2I~CKK7hd-!Q{4|(PVkZ$D8c< zS7-<_=pf?0disQpLhhM7vE=2HgY%kPg3jGQ6?q1qegH31SGr**!>e=Obe^ARZY9~M zWsp_s<)Q@ey^Uk7bh$+78C^If&~p5o0EYXDU1JQs{*B&R=@+8M9{5(ly{4pO8($Ny zM!(xB44uWap6)tPw96g-$xAE}y)^y{& zF^n7u2bIIK)Ed6|;-+x=VenAnIX-nIP~j!$l0Sf^9scCVc)EM({rGc-uey#+GX;CG z(=cbO{tX=iTHjCXdBeBUMcOOH6yVPq{oi*J{fJJc;qDspPq0(~+y)=yoX>dUyyy>i zVy|Ar90Yzdl-`?m&vMK$2S25f@&3%!k=`yx^?Tx_ab(3i!C~*aLN5?F{2cV$23_q> zc#6YnFvt9hZyFz6P4JRExA1}ScR1T*nCKqlN*;1iM7IF_emqLG&Y_EHgEqb({Pr2n z!~dKW4&HGfC0M0S(PePwE??aB$-@5O=cIlA(mQa}Mxj^G zAfO}4ed@Ex&u5=6uT^dOg2lq&mM&+fm~v#NR;Rn7)faQMd!V|_N;TPM&?{F9*B^Dj zqSn4QRlMm+;qFf=xR!$W4$sU(X{UAtvvBr#=AHjCQLICoO4|!pnY{-~Lp^^6=U;JfVYGvV zyU|w%FS`vs?075Y_B{By#yRP?qGSP-qZ5SvdGIwn@#p+h4jg>$=@hfWiN2Z-RkYum zp3@n&YQo%6o!P7QJ~E97EtnZ3FZ z9@WY4#oe626n3YZ?dTq&G99#PN09d957r2tv%0)D7kY=PVNSGmvR_WylW4Y$#j|zL zPcdU`WV@WqcIJ#%=+JB6wHh_hPwR5SQ^Exf!%KLDpDPDWWd3t670ylXnH{=$p9u9w z6Vm5lhMCEC@OA?8dV0Ef`J2CfjYn@?Cs2jvxX^pWxrB~kI61L*23u4Xt>cincJhNC zuCc*ivE(Xx;7ttl#s@l={H}~_GqgOon6IBUd+^=m)#s?cj*Vu?yIyl zUOF=_T({9?_5s`W8bMwzIlD*NSv9-@+KAp^s!$d`_k0IkyMY$0EIK=8icZ(j>doaG z-w-C>i(a}yUvlkW_FedhHdVk0;Xv}2C7+nRw-6XhhYw^Ry8G))LXsKUn&z@NuycFHTQ+bxb2c{Mz2k=R>j+$)Kg>IerWcV+9qTSj3Uvy=j=|kSu7Z>fV zz2M2oW^ub2t=VXCs|JvL3NBii44>BN z;1%Qo`~jvPLasrvN)~z^spUx{2oh*(w4(@6Bw}+uc^B;C*A<1GSYdjo`n@*(0ZZ9lr8|$3^csO57VW@X@StvdHbueQtL5kOOmf%$(`Z5Xz7m#4 zsb?2gHFiL+ir=V71Mc0Kc*k~wy=)=VX|IjO(6c!VUgE-(5N&82guW(F$G~hR(g#0h z{e4q6mJYoNcn|5%s7DUqANJuoQzTN0@`E9fjc4!gq(bN*o6&>!&q*@o$O72Se6xf* zxd}R(@tfThvd3O;`;$F`u4r&2_>ybj7U)?c*6=J}M~e=>)9eLW%a87AdBk32(Q2)! z>WLSM`??V`)lz%a8q2)}cCi1uyPh4vUzHH0^NChn$Yf^*RH{8BNddWKU%m!z+D;XQ4D%C}3`N z(Iwrmkin79s+DNIcEm->wpWfh1)enePv(ZI7DX;fH@@V!mIN<7ITVb7=lJ^EI87N4 zpk`=f`@F$Rj$Y-vZ$2Gx_D~V;NL|0fp3c5;^R%t*!#P#qj`IBVi#gniPWx3EW(HXx z@o2n`TYu8`|Kc=&9eU;W05!QxpUouv->xyb3E%b{A5rmkZc2u~O6R_=T`okwz+=?` zgPoh=%N{|O*LG%yHN2CZ@oa{o0YVdWpo5ootjjiT@5t4#hd&<)_rz{=8PCAxlmML? zontmfl~-=g-AmnlwLg?Uhn=HGDU-Cc5HZjudPvDHmx&n5AJ8rhN_ z&k25LnXMWDZr_x#5Tzp$ekl($hlIBt`I z{>9DFUKYLL=I#M{u^>V%*-0DYBf5ExOb>De3Vi%%#RFtdZA~>H25!1IocYiQeI=i0 zxii_J#mK7r;KFV~W(k_F)oFBWA0sCjPO>e}|Fy&1UlSv>XN!l1w}%(FiC4b_92vUr zjf2>0qsdzQFHp{Ct1r)wQ>h5>iZysBlO5FUe5UE>4bDhr?}Pw1eE}0bZR0NcyTMA{ zgm%{}!z5e=gF|!r06$dFnh-V04pi>_Uo2_ABn-|@^ldT_6LYX0?flkf)` z?2)m$_!Bw=zW|lp;--4&9;P!-O@Bs4@ohiV4d(me&RpYxf1`Sa@kI;JeH@)<^Ri4G z&iK2`T@%O@Txf?MXlI~Wqt|_K%}rZ554v=B*8O1~+Oj>%?5IbkYJE7hU-9<9hlDkE zmhF8!VQ}pChk9zm28#mj1*l#ee&*}URvpt!cOUTcPOjw4x@tMRcN6Y~4|o;wz#CS0 z1^x-|ayG}Go*4QwK3Q}E?^ZwFsSNTl3QVS_xEg+mQ{)asI_Y=#i@ElA6VR!YDiffZ zmpyeIo!aBv%ylnA)H9AO2jR2*mT4-0lZ?DX_V3H0dd@T4lT3xn&Co>;w$*}aR{c(1 z&+szn@|jKkUIpKm!F*JQjB)fahvtW?Tbhf4d*P)9kNc6CdGDZAwO8lWD(?PHUnA6= zccL&{$ecV*D#fhd3XOS_J*j477&`}8%;1*zN^R+fjtS6_7tU(`mG^&Hh+h2(pBuxz z5FVsWo#`sONvC?{Sowsxs04Xe1Mkt_zR^*4$?hz@jh)Dgto15rOW?$ca;KdvhgYga zkivd)VD_}=Cl`MeN9WsQa;Q#5#;Z6u+b8=hbL|iCm@h%PxZOv+(XK@8=lxZvPN0RF zREz(eo@L6t!&mOioRd&Mr8x(FUVVbpX~AAOb=0hk4%$$gNr8abEd1y zMVs2u>HQb}DPQ(Id^I-YDvo@gW+wQcQOKW%UL;3taN+kuhcKFc?)ppVT_7tx9&be5 z5H~a@+za>Z^mHQJX+!*RH3KviElA_Kk@DodyY!k~W3n|eIs3ko1u}dOd(JkC2CNLG zpB4Y?D0Gv|lK--kxZ8p0)&{>i@2I_N;U_+OsCj6#_P{&sa&lI)i?(#pxadYE+;CHi z+E>KGJIPJ{%!GacXr$23@5Q52qDPSCMZoogp?%`+`u@UOiM?#~WS^sk<|b3AwIiC= zU^NDN_t=zQHwSoYBAWAm(X*|{^jG=bo?19E(aZ>rmW5o`OMN``qS#qY0iq}T{va$pstaOIH-$ zlhQBP72v3Cyh2pJNu&bMS=Tz9X`1#!e@lL`+2KIeG8(4}Xv@e-D!nH_X(i|em;04QWM=LWg9bf3ow-)kMd*+2P{642sippb2hD34&Z!a(NS?%t@=hbo(Gu3cAxP0>v6>jXO^oxNiz>K*RKM9kY z1|7zKQV|Un{IzQ{C#~5{R@5)9iU4mZ@|5R$r=J$E*Zy4GS;Y(cYYMZ-FL?6~{DmG8 zO;s8g<2vso^JCBaO#jr>`c7JL)Is&{qVdWBKXQNvWWMo^Ew2aYhQ^Y6zV|6vZ+Y=p z{Ntq(%nwTf?3HgJv;IZ0_Lk6*^8>$f!$4TT>8Jde4ahayAEtp-Qq8d4_yh5o zH7k;1mX`&4dQRqj^cT~%HapU3FE1T%K$klyN}lOnI@Z@;LFj1? zp2)4woO|VBa?GA&czT3_1V3T=&}dcq z;;5$Wz+rh7-X8JSc(hSL-_YGJCW|t`sxY*Hxz@UCC^^wnI8*Juqt99Q-JHdvao*~u zxX2jI$NxRH9{JgKUzwX7(85;Xj*X3$Gq~;s@TUD^V-+zbR23}XWLA2HCiR-S#WXXiDLl#2IKAwKX4;$G z`fpo}J02#V<=jW3{p55Iy;bo{Q-7VavYrOYza@QIXaUmEIW|mX4;x_B$cfp;3r|45 zvR}=itxg(Q9E>_3)6~3+XJi)NBf6JmgP23S(4EY5kOTTsPjn->+ozc1=H$}GkxMx= zfDTf)dUOR*qv7-5z2DmeY0=L?+6f1m#m@4_YH%bl(D}>AkE<1{UEomdBb?+t(pPJ% z)0=yp47o6W`GMCD9_A;P{>%;K1J%Ku&PFu$r_Q-5d^egfGH)h0CYdGRpF2GRb-rGf zd4&G)U`Dce5fq?*=}}mg48FO^Q)8UbGl$T@!0hDDnX|GCb1(D6v|98bu6RptC7Ed4 zshu`NsrC*>IpMjO-2~6(CR zyAEf-SNz>z1(WHkdN$EUr<473brqc8k_=P7K3Ny=t}pJ0rz9YpMB`9;*8>b+TwyY|6jDXtMQ)) zxNCc5_z5`B(wuKK@YdH-`V>NCiHUX2eSge>h%cp7ehF^6iAa|0Kj z29I51Y`SUpI?*Iv_E5n-WN3!dd4Ar5%!h1qZ!?)w=$!sMVbxEYV^sq^#aDC_?>^w; zVFn%g#7TX+v12Eb-v~aDzJktpu+Va4c-FWtrZ~XaHGpeOCqpSJOsDtK(c6|zkcxB~ zdW32D6Y?t9<$eXT^2p?l##h-FJ$9E{p-Qj?-|s=@W-R)%!So1tUV7OQBIj>#~b{f{K0ZG=sj7%3(IDIvnkI zq(xzgKKjxx%M`XFx7&~W?Jkk35llAIDZKS_9n^=JZW!-zRynvtyrzqGhwH*5ceRFF z>M@3UK98rOz;foInfnDlN896}YFaYe-0ldTP>p#Ltfy5aC(SJ!qXFnT7QT+sUAijP zk_otkZ1=Z`;kwJY_l9|WXPsEhIc%e6+g+61oBX>r?5*U81{K7M50^2gL6E}FyDIMv zvPLE{ACLWFK9&Q^;%7X>UiKPKM9N_@uG>ed6uewtFo6$$1Zd}OFQvw!6D#MbB2HwX z_92fPo!x>->?vSrsl3C6x#Tgp$xi0(ftT|s4L-CRxvBU0xsHs1^WgosAIDjh7c6HZ z@79QX8u3TCw#{VT3Ig}(EzmB(dq{Dx}e9qI+DDa#TKnyoo#-@NAqz!-0L_`HH3H1zn%XvgaDe7S54*9y)|AG|`(mix-X zk6dZIS~FjUE4^i!>5yoz;H&tYijy7e1xCpJRx#ODA3M40T_XG447#sJk-Nx#nplj? zfg>qqX$kP_m{=uo58RwZk4}7~LU%f-6PlYObO3GsV&5C(uC23d6cY!}9ZXJ9A$ns+ zTF6+9(nWjUMt4r^?>KxBrzNzG6vU9debfFJE zKwe;orB=`%4Da-f`SZUT}9nse^tDQ|D6W!BK?Km%o)dagV=?+bkQ+rU7}H@8y~xaf~uu8)6`V{m}~-(U2NR^py2jQ+wVM!`42>9{7h z!iCIsaO{DD$(&=y|8H!ZI#xutTr5OkP4Uy@r>mZs{#lDelQ9#|@UUdFwFzAmy)F7} zND!VjH1ga0b#BUc<5|TvkF zMZfZnTL;05=Q!yBJ-mCoLo|=GGo!tS`XrO1(Ir@e+s5jC{*uap6S*A~qsSxNMe+2@ zq8AIS8>&L!xn-;4ndPkf3m&)k74q8-1Zx+$5Bq!2Gg8`7E9!V^)leVR3P~~t%R9)~ zj(pE7bP~JCZ3VAe(**y(ZnF8ihJ#H6k;m+%3qQQ5cJMs-!`|+N6G2~j3mnTD7pwzb z^ukunr|INs4C(rVYjD6D>8n=gx<=l!YSljcCENMm>>X=21gTCTf9(fPDiiCj@1g$c z%Y0kel5G5Z$$NsEY*C%>^_im@wWO2l6}?fX-F16Zu*M#OTVQv4dmcQKJ2QNelNxhQ zUE1NPpYc(*nZ|oN3~X&RJOp~L-(M!0;$Pt+tXZbyGM=&XR&7WL)OF6&dw5?Cu%Ca) z`k}{-(2HMqM;?%AGlpy$_=a-t1GO66!>*y(W<KTSsKowu`> zb~)gaz-Jng9-@qjqZb9PLC4GRW>b@eG6i;p>}T8+;V(+jgCgRveF0LA>g9(PhLsf=_j& zD_|WR7cSuY#p$I5AK2b7SVf!I=}Q6pK)r2r^Dx;*JuLcloufvh^)I&$ZQemgo#EWh zy9*sH-%Jx|G**9oJSYm@JN=~4c_O*yuYz^q|^`( zQ7tYt2G0(e7(cs$`6hX)4PNyPuh|pf zQCoB8uYCdj(+OX6w6i?UkyCIY-TXO%=ca0qYELG2;yw2q*}MlH&_8~~UkMG-FOyA? z-I`f0-Cn(FMybeR`nLv!sm`@%jh~fc3OAtB<7BYD=Julw%M%?J-JAH1YSpo-{napS zL)TZKGd`_eUSPubkqX*t9%o|Vd-U7!Gv_eJ?s$z>=mwY_I7{J0wmMjeT_snb+;efp z+WPC!?>qcf{@w>krY@PQlXv40U5Q5ECpTT36slYu;46zwqQ2U)X8f*kJwsl{-I!&$KxhM+#U`ep}gr;nW#GXVvHkjU-F$A)N27 z(*9ce#6j2lklNyv4?>894 z;(|6R#JrI3#SeTigx$g)ga!VIJ^b0ZD4pvYqAOAGq}4n$?LRVLFWcz^pVy2q`WV<3 zYOdjZFu`g~-b?p5@@&96Yqau~W6`(fIM{Q$w{)GJB)9fk1ezH1%jg5jPw~=R{D*79 z-8AK2Jjdwr+>Tjvfj{>Yb4ufBl~jX!x`GwV?jJN8h_zh_5||T)VF9kzR~)}xr_E&^)m@_)Jmn`?luR4QP z;yGRLHgu;m?^h}C)x78)q?h0jb{*~MQh`r&p#$5Wte=Tt$~!;R4i)r#SSZ_Vy;!T>_fNm(ySnwhnix%$+ zk?YWK{8QvSlDV)M&BpHcWJU#AW2g;XmQbF2`xFgRe$j zq@R)JKKr3NeRg0$?2+A0g{ka)Ke|)k!sn3{8*kAT4_{4L2k(uK{VaaH=EsBd9ADc! z?$kY%nC;QM#b?*-D>6%?(CK^@t&mhE9oP~=eP9+ z*&R#3G5W!2`QUfjLB?}GKlS0~d;hbKZog&51fQ};la-9lrp{V8u~VG0e0H^*!5fEx zo#5|2IQF}#u!nqsMq!#u)45I1C)iwf zo|FB|%ihO))B)|pZT9HG|A1ev!DH?~Z$*+-8F)=zPec3T5~oayi~4-zEHQvx2f>%6;<5`*>2VD?os_ut+| zC|5!Z-tQdqQx|W2OT~-Rkq%O3kP+cv8t@2rnv;_W&eMU_b$h@hIiQ9GfELlZS`R;y8Zy(f$w+UMA473YyRn6%i?2;Z!t|7dttE-&2KU{L9o9<8H#hDp4N08Yt z;|C9uZEBr#QujfgIOD_f^rRt~;DaM%DNpXKCptTHU6a2@ z(7}jq0Ni|WX&0^g@%)2vSo(dti!8eZX4G%a6IN58HY}JzaqR2up zu%FP~mPj>!pnrb&fQ$&deA~wRt3P||)hA$(L*bA6vSYw;?VlK{Mr6Ac0+Y)^Lq7uC zSL_+ z^iMJm@Qbts2Rir{Gyb^{4PJ(h<0;+8Ze&Tm!cTq>t)my&9^vR((dZsUe-_GfHNRuH zj`Sgyt{vH_Q}Jaiz3-P^5kMqFG42468t=kEaYNv?u>-X*^zE86!6qdFuk;` zoC|L}^kN&`VC;i2r*bR4ov%6$&oEs_WSCVI_}qMQ$-gYVb>6cz9mzRE$MyGQ8@*vR zNIFO_)iWnuj*UO54{^+ ziaOw-gU*6;{1U2T$0F1kokE(uJ!gP}$|_9G9(cCUhj!pUqs!w1|3L3_Q8Jnie=}<) ze>T<7?@S5-Hv_Zuq07M5md|Zckb16<*0#2pCV}^GAG<@I%s@@v{>cmit2ougqOQ!n zXD(!!UxuM~A^Ys_)#xwLZ_hl%j9$cF<-o3%p?f)o7xe(U^aiw@#mj*`t|apuAAJP- z`JguB$ld|h46q~b#ZgVb_#(drD`zG9?=}~;U4stmxr@Fu&M_0##L#0Mrg6u3PJRi} zj_q*WcKU1>o35e<-0jF&$KA^gHVaL3M(r>q z+~cu*RAUO-KqkE=w0~WtX}Rp<|R6_?H}>B!i9G0?yX@C z@T%|Z)Z$v8CJfA@%-24ukIuGC!_Vdk`lw`d`5nj>y2n0|NbY~ZmVqkY4bMV<=J@>< zt;-_UH5wi09J2aK`sfyz^@mUH`g)q|Wcq^ca1On6=FC7};R~l(YarUP3!E33IVOBQ zo+ES(ZEEqmjRrSBD=@WKrn%f6&A=oVEkoPY9uLGJxcp@1<dhHRlf z?NnqOo-2m(p_{R>-SpK75z~xp8Y)N8Va#{9=U}t zi)W-a8HW#F+URpU{Xg`rT&elRJeY+}g?-}UV^7sX)7^mVhc0``<9tTmLR&johtk0Y zMwWUy!>nvdRtp)1pD#q}6rRRlc7^==Y_+~W+|@pNRc!!X^M@lCl|{E)L-cF;04;)- zb;GCT`-{Ksa27nA@+0>%Oe691-&oJzeb`HjzWM2hAGjdzb6GHl>UX%W!P)1$cGAv& zoit=cmKorH5AZ>jN#On{|COBErQ~PgEAM!pJo3ZrmO~vB1J*F1i;u3}Vo&2;9lV5j zaa5qn*t_cz&&eyoHtHOTyo5&k7!botqN`IqX=}n z^GZ7F^%yj$+=*ABYiR+`M4o|eYVpEe5l6jL-x@{^PNFFkiB0 z_-M|8i_f%m*0l9-@$mR7;A3wt$iq40r>E$L)A4&)_>9MbYevEmcFv?zxR0Z(h1}#= z+Evk`;ChAy>W{``6|@S|8FTi`V&Gl$Sq8@PX?+)2ed4oLe&yXYECFT zRJ9zlase4f;bbu{*(&LvyXMJWM zn8ZN5XW+EUAEDQ-OfCtt@W+PEN;`)pXDd8GSdy__6RN#i!gLX?yWAxYO@Na|fK-92ARo(|P#WMDkhp*po~DFL*Ye$B~LY zdVwbM)$MFEnfqZIc`B~PR;&B}(7b!82fxRs24wN|ans@Zj^KFcgsKNAn%VP86S&In z;Ds~Dc0+s84BV;WdNe@c{EU%N`tME@Y^prW`tdW=LPq;;XO%52qP@dUibXxs{Z<6QJ0bl6giV<4EO!Z}< zt-d%o0}ZOTj2sTF(1juf-?gNp)PlFh2XP!0CzKJ8yE&;a zI*{T;?ez2UKshZSkMJD&X3pb@WU;mB9IrWGG^ZQ-sCX)#`m$d1I5=rEJc&OX^9i(a z3*Iv+@9d-qe!+biX>e7YIoqP^2a?uoUfSHb(@s@0Zj7)R#qqhe2 zbyG!jonK}IsoZep%@*jm;_;C?`D*(mdXI|mIfA<^df-czW`rVhle2z^4E&nt-FZg? z+eB&1NxGBiaVU;1b?R@9>UPnp6Y&x9^#=<98ykZr{v>Bo7ySKSLdc-Y1OLf)*3l8X ztPY)}wa^CQ7xn*{PRVHWLG&804RqGMA#@)&MbQ!Mt=aeDReolKu8hMM!skBdAoD$3 zaE07>rMg@627D)&yQeGnYc_ZCsx%*s_~4;pV?*`AF1Lz-=beWqzjxJO)k0>%5LYjJO4*2@^ zx@0#tAnQF83^@r4rrJ1$N4E5?d}8S z!J?Vm8#|(OXcXLM342Y#g@5K{Gtn{4iM^Z*6s?D_OGnA{Fui4@x=mn*X!y0s>t`hGERrjg=+F= zbXTpcWFvnwDd-w^mC2=F@EgAaH^_B^%*cae)0K!;w@r3hfj+n0Ewts;9kc+QUdO#b zI(H5&%n|rXa?hRx`|+K4>u9AUQ+TYmocW!8O|sX`>u7M%o>uRcVFq4+V<&%j@gE^- zdz)Nf->>FTf~!goiqNtJWO93wmB@bIVRVdce2>!G1n|;?C|!ov9EG;<_F${lp^d!( zR@9GEA+Y+o4VhEu5tq{e zn-|SGJ6(ak0pMjJ%7)L~nU!H;55sq@Ap7SRJ}=I5?{Sqi4a|Du-^{I!ei{nyo-{LD z$0vDee8qGV%l+;^enPi$lBRXc3STk7wxKfRfMBH^O0GkXmrOElC&zU|3`?*gyg zlg{;H;BdR}bJ0zfgmyk)BK%i#bi-(hit+xof0<$Yc|WHy12;ymetj%hL0_K12k^J$ zy>ydYfWbBa>dlPObiR!a%$DChI^A6Z=R3(Lr7E|-hB z+fD0UbMIWUQG4dm&#NLdZ9iGp)#x$UhZk*Ytd8P)`DqWGrDWOVuusk8th4D;P)*=7 z`ZB*ezHk9s@zGQ6^Cjd#Ra_PbHs-3c13c)9&NQh#!+7^xITPSg(D9Xq--|1OMh;Bj zEIk|Z2Xp7f;U{Nicnl66m0?w`p5dIW=x)#o`U4lk2*jw+%us43EuNMzdmtLWY#-s8UALkDA zR99B;-cE#<0Xu09cTgcN6<;l9ZfAeA9^^v?;A5H+todch>W3?+=AKJ~N86}iGdicy z_O?8bZ7%zf)lQe|yWdkySUz%@M-|Zvu(B>!$zqMQ*O-+#rbl=3J`ffqm@`07LIUx7vJr)fr;ZS>`5(Eb@)tlSOg}55Q6{&5E<=0iLRy zV|dO+MC$cT8%0IhX&0DprI(zi1L$`mYrs8;GqnTHE2T&V^SO%(>AWtFBJL8;thMsf4%o-3?XValYy`%0f06c|quz?az_rhjylX zG3KP}f$E1o#A{c&i5qC6VMXEYO9!gaHDCFRM%xaiG_*pL+{m!L*(R4J`GUD|w|b8y zhY#=h>h<8C`|MP#h@*bXhAUpob8wR$*Sp|Tf%M;1$T4k~fPdczRlPB;8VgtSF)~mo zRq%BdN7q5d>>hf#ykfqS=YV(md8iuA2~$x#mx(D+>gMFHEjG+{9mzT#K__>XliKng z^=m^0?0LAZ_xKPtIO!j-^9>2?T*R-kHE0^4+Qkauuyg~FZxx6@1W=aV_Wckl|{ zb`pD4_-J&HZ~dg@c(o$wI$}p0QZ_`HcT4E|EP7K~vR5bgD{TY#5i{(2_Tc1qUYutx zdi7VNGI~QMUWgC14f#O30(8}d{b3AT z(J%J$%ET|cgzRy8MJ<|Ioe@PG)oCic^I z)(E{qV{rklGusEPWeHE6May*u{BHLVZ>_CDzGt}~JwRFJ0sRuUEo5Y_LK}*QAjb+0 zH9pIsM}|^Fdcv^(L-9hgWzx$Ut7tE{O@J;L-ts|Uutx>R+-lMadIeR&H*Q{#M>?mJNFkba3 z;mmyGsFb{mw~PD!`PBfqb>MtLTVMN?japT9Q(m-6rP91rgFMWv>>#b6e>VRgS54^_ z^hWMXGp*n7tfV?>A$QU>j|g4j+@Ep<-=~M2n(hx*Vw?v)G_zYL z@X$qMJ9t?2=ma_!{`-?Ie#%%)wg_0_I_|@zp71V}@ZyrIpLNBmy?xM7yn)wzN?H|p zz2~`yc8~RB&&xFFsqXSwhWBbxFq(I;(M)jmex}4K>@W?jZu}rRlYVeA zXoqUFiB!o0VEA~acaY;>0G{D>$pGE2j5nh{80QP{)1i3FTZE`pOS0R`(t#0bQK3`5 z`UmX%zwTkmJ|3xc%;~Y$xo5%WdZ*avb*e=zp7`i_lDFE7!)vz{4{0R1PmhA|)})(y zi53}r3lG2{YgS~(45ZTl?rUWSxJY=~#-YLbxrU?0wqy348>)5Pf>f`TFL^uo3v1J{ z^b#-E+#Iuir>E|1L7$gor(93`=zPbg*2_^1*Bp`^%+k5T5Eqb zz^nfju4-W*T7r3Ds)FXr`v%=WwS)C*8z=BbCoL^PS4B7cNOuBtd3}HmF<1BE?yAw> zq8E9rbVbuGn~dfYugf6tn3;Iaw&RiNK(5#o-e2EyfttshAHI!$?uyUjG@UpGe+S%9 zC_2gp=wW|k23x>RT*kw7j6e&Cui+YV-B56=(yQ#rYx`unZL+A;GW1uo(N48N!?49u zp(oj$`0v}ZV|Aq=p8F@srh6s2&8MfBwB2Bf@PHxApJQ)=BQM6EHZDMU(C9N(?v z;-rKr1uXkeE-)uJoTQiVt3m7qymKAU21h@Mlmol;la>zXC(vEYh|<4Nky^qmS{k0& ztZ-Ge;2hJ^6|M!YBgHvXA?S|6V(7I!VAaN&qMth|>r0F# zlZ|rtA99pi2D5(zDL;Ju&NXNY*liQ|UhjC*>CXK1fgGXuuk1g+(Xm6W!iS&H`r-pQ zkl#xki=%HZ9-zyYLRCMGUJ0}@6Y+yI04MuihP{TLrvupJck&V{y0hn=4MNx9guZ|r z!P<0FfZu*t=Pi+KT7_POHKk*fxRM;-qTw1`K17y8ytJ*D$s0zh_ip-Qn}BK6^-|N| zG?Q5?T!-884%~16e+k#Gz3A-5%hR|vzQ$}aT4s1Cpn_Ec67fZkj{xiDeV%TwSH&ab zc^`a*eDG6y_&I~f2+Q_YfzNy=2nB=f{J2Ml4`43;6Wu4;?3k%m`Q(J?ug~<=ard2>m1I^jdzAB{%a&f8 z$8aR>i}6>XMcA~R|J~DH-N*Z>MJ&%OpQGnM_*b%%Vh?;V&GzGWUue;3_S9f>Ld|9s zRLS;aS567n*BfN!+0aG9b5jt$srLg3E2G zAHajNAw(ro(@kHv(n{;`G4!;kLsP5V&W32G4Z6prKe|ugifg&6dPbDKmS`xO4^Fby z_R@?l;Qgb(VT`Bh;G^xpUjGl-FL}GWkv)P(!Nke+I(oNeWGzl*&;Q+CUwcO>G{&On z1wINa8>f0zoOLYKNr!S$%*JEnYd68)Ka#WTX^z=9j_gTt&#U9ptqGp;>9~`c;r+c- z-dCagv-aqj3xvdK$#3+P{ERQ2XR}iNP~};OZenDFx(vpHaz93^&@*iNjUDYa+Q+3? zW@r@tPIl>K!^tbWnq(63EqS4_xI(T_k&^Jzc6J(l!cWEd{y(C}ad=CA_t#W&c`vy> zUw!E5p>y&B9P?!I=PcwEaIVF!LN|3DuBZriDSEzJ(|BKovJ*dY1S<*ECv=jod{zT$ zTIKK`nUTpMy7UYA0B|tzzToIf;7YEOL+FcE5`TUn@+BW625DtCD|1PV&h-mXXoj6` z)h9Q#m#<>*KJ6?AUNJIO2_5NR;knG;mOhIbWO;W(d&u*@80=&M_g`PUiiZ>4nMd$3 zo(t#@L%Xxe&`D-0at)uI}cj7=I~0T7P=@L55_UD zxXYWsMbRqPn-ie0v7d}PyL;?t?tS*q3Ol*Ow%TjaGFSbHmZO{(v*TGZ*V*$oqa$0$ z&-=L+SZ>KrWdXpyp7>mU%ql$(+Gy|%v~!%(9Wu~>kc~4m(ML00bEXA&DD-dkPqM~?-p7cyw2#}k`CL`gBGf5@FCUm;e&^N@STEg%Ym%yGWJTM%PYpoUT2su%JTWQ?uGx& z9~=sOsq0g+-PjvHddnuv~HIS+I`N2_uE|653hSB*uoLCkBQ72i8t`jmy8ju>uUax z+%!kLD|Os7VLSZWg94n-WWTkix9?Z0_TTWNZ#zV_-q7`g4yq(GboJ`V=5#ej{Tt-> z|L*Bla|!&9$GT9>v69<#Gf)x9xpnvo zcl}cvEnMxaa;xyH*5)~VgC6fFnOkVpnt+eadP;_7EpS~=8x4UEs0g3_BtK^}`$7`g zjp<+GUKh($WFcu9nNw1?v>FW}A>MsiL^kk7ftsv2mt7qt)24hP=zE#zhxu%}cyMN`oN z%);|w@1#>`HEZk*)Bb~Svrgm##gTIr>Z{@CaJP{4*Ppri9NEBUGteSMG1va z56+F(V~w{myOX=yDMsbLqr)v1qYBKswb;)(Ee?=NJFtz%xzQ5aD*qcaWM~Mt^L(^p zckHwdztL~5+Ri*a>mk_@_gr-q9J#5ybQvCb*DmH1I9F%(oN4LwYH+6=8*ir`J;=K~ z#OHC+QBS|wGk0d1ws>YP!N1(@ZdGY~(?L6&)q`w@2cG^U7x-*U`H zFq)rhk^xi)jI+9r7R?IKnDw@@c8%15A>6sll4dk|v;cVEHQYly8{uuyqR%0}+{abp zzT4@{U$L6j4L?^be`f?;pnP_fvLe)RD4OD@etJ2@M}KG9>r-dEuXtx_RJ74K&X$JE zRQ2s`l*UZ|YqbDnPeNn$E>NRx(sRM*nRJ8P>7US7HU@{VppiTH+030%Kq2|bo4IPQ z+$)0h9NlH747_J+BUB(Ao!lDuJ#X?7s?m{D4*lQ;`a#%nUb8DFfkQXNZ*w`tReSwX zjQuTg2#bU%ssZ~9I^@C2*~jM7Q&ByaCT`6(y}m{1-TiPK#D8Y9FV)2G3|&j+>;oe& zA46U*INqiK=p2rtW#)H(wvs(NiflEq@pr{K>G6y>t&O9vA<9QB3(|A26WoIb9XP>8`0P7h%msMz zRx81o<6V{dlq`6BoPUDvrZc1M8I^79*z5B?jn%x!Xtk#Y@76PXFz}EcCZpr{hVQNs zck|Uqtr#ApjBqm9=o0RP2H`rn9Q{+^(AYVaO~hCC5YKK$I(_R!>c7$S(xaXH2W{QI zDZ%nVe|X><9$C1z4%y5qjp_fj^;aJ-&4i2b%A4C+p5W9|Hj|&`gdXb~*_&fs)GIwm z&%o2)cEh7<$*(tmlZCz*o%t@Z_NI}++<>l|VS%bXfq6EL9)anxI^*xG$xFyHN1uBf zj^+%Vx<5FOa*w#ju5reYW%F`ElxC0_a=AV{t8v#ku%?;Ok$Mve4~^E^nfZL#s5G-T zmTc)DI`r;&YWGLFF~|mJh|aba99$cC(|Z}|#y&hs&+t3?!k6s+N`FwTK!p^u>iauK zt)7}j&r`3v!jN9 z8&z3KUP-h!nQ}IYbz$DKN3Xt@-DWs?nrD3X{Q@;M2j0br+~Y3bQw!NatASyjpwk5J z?O>M}6}pEeJqrJa4WBi5+z4>Shdz$_G?aeIvNm!>M|he!`Sa`mwIV+?i@f$z$89vz zK2%%R=9o#h$y8v!T6r;0$=|2DsQJ_={e#vlza1Ir?2_y8A6?(=rs~Yf8DN=nO1j8l z7#e$c)1^6h1?;_KM^A4(u(O2?cy_|kiJ=2oSN63T!o4yA{mL3JY1b{0s{SfSxxcdi z!>^5L;-s|)qqSmKkh)Z(59|cJO^f3B4AH5EhiX4(=(rtm+How8;+aFH+oR3Jx8dal z-ryU7)*gN}cdAKsrq9cff43%CwbgU}$I)2^M47H(7=~^bYJeHK1nlnaZdcdt?v7RL z?q0jQdtLo*JJ#;*?gRlnm*>a+I!A?>?|a|pxzl(RN@gf}gzts?6bR?O(lU7Gi*BC?~5>HdqU>%E_ehoaC?S2=oMO&{eRQNaN1it zN8<7R=&4U+h)r)zhR>03b$acf9WNc^JRGj81ezqUs!{8~1eiIqM$#u#BUX8tgKj@$ zk68-FGvJOGs@?vSVjFBRUb|@F@&Jzn4`+hqguPDH%C! ztGKHv{?r<9#Yh%0M5?&W#1T+oXI9#Y9$B7 zS9ki6t@9XNEuWt~!3fs)Ze+ z^zTbDeNKDn(Wvjnb)MrB!4^&AY))QC2US@wJsX5>=?Kq!3wBTLoKI*PAG0GkH*ipI zcDpIh`7>wfGy!9AC=iU#4qkpRbLD1#`ISb~(4Af}^v{lQ^wGygDgQlu4a-B6L=7=1gR(frr}@t?woU6Br-Z8591qPa7p%?j!i6r<$F>GMY%cHq_6$SdlwO%G zO3DA$m|MuE)!dP>qh1gX14VBP>mQGNf+Z+<1#qv2mbu_dGv;s^3#NT_@nA_9-{j_=nj^^ z-8gj${c4Nor_EB zpT|9QUgJvK9kCVOfMJmV|0M3Z~D zsc#gS=dYOQMy4AZ(G>X&psRAQhxX)wyUR`I(irlD`AjB{!8<>lew5*4JaadWcm@7d zDnIIoGW61jR&rV(} zIL1NrK3}+3JDxyyxRUIm4<>DJ57Dec%tqjUHZ)zAHlUsP7_5F~2kiwb*gYNWJ}Ve3 zG*Ac7;s=qN7=tJ3auu`umvJX1hv+ObLaRGy$J&MHUbLr{;@c@()}+E@Ao}uqKlqIP z4$QwayIcUzYD2v7Y2b2K*`w}|`I1x#e7U@pJWVGBdf?5*2QxK>tO9oTOU!$V@d?ZD>%ztE}EMlh*ZvfU=(oVNtlZ%C3@zT3w#qf-HJCLD5R`G4{ z?nyIzWOO5+sR2FJ1D+d^^fHt>%6FS(*4|oiSFBGaGF)g zG6HM!2RqM8p7FeBe=SAFP(0dR{n2`TXSZp*E?l|mlT8fH84Jem$*xh!mwge;=DNis z3*T9!19`+F;#3*Fc5D?g3#Pj2asyB|c!q%{AC*S$mNo({D!Gjt9r<(cS8wm38Q|x- zk^|fZ3}!W-pVL?mIcLLLIg4Dr72M-f?dbe+ec2y-#gAW9R1bB+28BodrF7Lhf`g0?X%JJCA~2`lP5yZoN*qEJV&PbRW#Ti$YVNZuPxjy zZ5B9dFMdmB{C_i2?A0ibpPsJFFrMEc!}z#aCpXxU3Fxi`BOKN0dYl&Kq(8U|TF9$t zXnF>y*7q=ZMisKJkm_hao znvA^c@q0@~Y9QT9GbYkInB<_Pz7C4;j+WbT^my>skMPR3rVqk9!(OfaqDS%!{mEC! z)jsH?m(d{#v`bWfIMKS3nJ=>Z)OuyO{<;O0#rfhlz*GHGU33wCwzI39dZ7cJ>g0@X z%dAV>l}DLtHgktxD<7fGgzkV{lBguEhkXJlNm3RI=ip2Fu-Q)A!f(SCgDtgYUiR61sdl zMyT6wZZ4BK%A0o;4D+y&M{5Uhw%;Ms6iw(|bdjZ3qwi>s4wT-$N$jg#(WZ5Nf)?ku zmgtl}xgoBys|0U>MypP{C_UtSy8@Oos}|iyXoj-}kzI_3Y&aa$4!ksZtD{N7D;j2k9{6c&T8(c7y;zCu z=|&+sz~)<-3wwp?HXQamw1(5j@F@A%OQ+wEMFj>v{R({)8_oL4d^({Z`LhM-p`3%p z<5LL@dSb63GdOSX7o5FruR+Xad&oPRi#E?Kg*>E1t~xN=M;`CL8DDps^#lxL#wDAo zzQ*J5El2~v!;3UdAV<+%zqn8A`A%nX?|T;ZQR^M9Dp223JqwVjJr~Wifp3=Y-j^)2 zuNRm#;Eudr*)*?hh}u}$;d$@ZzUIs->ZgdkUyK1KOxguse3@*6&qe8U%pIt0KR+0y z@$&A2H~exYTDi^exK+Z{4KDPqauE>u0 zrLRdB*ZkJYlk-!UduSJPWEZe|__ep^$so!5(-?RiEm-b&4SD|7xNgPI6%?hs70@Y? zkMnaa{VDLi?Rb6;C40$v688+x&<}@bRa%`wZXA5#JF}LKrAG%mZvTxS<;;z)e+_zu zG!H!+!@e|-+*oD|+q+-|kTva9g{4R1Z>U8H_;jxFAfCec2J>NNFGTq+rba68xXdubH;i!aFLKITkU z&@~5DC`cBi4R1FbXO&WA!B)N-Ud*D4$xd^8!t-z@Kr`9%8-8=tw4GLs8}6skVDEM2 zM(X5hC*63=+<}K_{myhF1`KV=hOb6|Bc4%vx>4iF;^ZBDK@WS089$A8wL_G6*Q}WF zbR{#_uO$m_?iS9RCuGA{WyU%itz1R%g|TZ#f5U5J&)h07(A;D}onltL19!px@BjOE z)$fj9^rUc)MbCj5rpKr{@9^|F?kckzEp#QT>fFkufoI78NN3My=P;iR)}pe!KUeFk zaCJu&#EbRx4&R4;F!~US1TRo$3%LN<$f-{xLlmu6pEP_$eVHvvy6GI>@BF{PN13U1 zUG$OlZ@kRge;LPTF$bmxDDnlK^QFIx&u9$_a4tRP&p6MCQvlr>|K^J$Z_1*-#-V@M z!(9vhdV_hZ+aYG8wfM-GDT2`#S8t9cWQ@NyF9gHl482n@P9;O>b}*Bp-9K1sFE}Wa z?uk;{=)QarDV-tT1njeN?H@*3ZnSdM@WVI#-Cr7`nrMU8Z3@zUyh5Ay*sEenL3Q=Q zvvU<4CGU7;&VWIaOxj*GLQAGNYW`31dG3U1L}5QYu0TKQBX;SAc>cL>9+LePKFV7U zbNHi64AWIOkyS3{|8tJrtZ=o%lUCTjpfDXIzc0xcqW048SD+4v52KH^#Pf@P zWfIvB4NZ1x{p`C@sehtoeZseh?rIlv_L_^KYORYFnZn#v zX%)z?p<~Dr?y81vIkjRqx~2E<1kBbKdPi~ZSaiAs+yQ!{BI$N2^*x*}Lb3$P$Egfh zZI_kVwcChEFvY7&@H&m#54+rO-G` zVBeS@rT?zO%_PG?lHD0XHp7$2ak9W!cOQ-S(ji8*>O1S7XD(`bi_B8Io@G2ZkD7fm zvcr?DK=-tKc&x70ATy*NpQX?`MuU-~0~m{@yx+-Sjp__m&U}4vDqLaCUq%$ZYYY4S zg3WYZttP)1z3KUX@clk=RHr-+a)ie#-Wu&99)w!>?VJpHf!fB%e!nX|A^HR14lASa zIgAhZU$m$<`EHk@rCVPL{dX67q`~hN{r*V*8hyhWYz5C7TjJ9&F1^%49)Vo`l>f5gE5qa!u?be6H^Upq~Va#z*S2`bF}nG2oTP;|;Y z(L_wA>tx2gaBUmJ{j-FOOf->$J~LbG4Wnnvq!!KX^!5;4%hTzLyiIl@clrrF>%8OX z`t3#T#NHTnI75EaN4~Rlfr>A{GdB-B&kp_tu51QA6z{F!YWKwnOd~?Gt6KCA_n)%~ z91WjL4R+jNErZb}G2fO0zg=jj>!o94$^dJv7peQqRYg7d9ADu}CcB`}xOiqan@(|0 z&A;k^KN?ms1p7>tq*i zjZjB?3#B^HZ(qe;cIVKl@?Nw`r!xhwXMbNuO@+tqeE`2Pn%D)W(eceEiv+!$eRs6* zV94#sp)P2LkFQ{`4xJBx8zVOio$bK9bOmsJw?Q+1>_2Cn9Fl2l+K7k27OdNO$ek@r zH_AsZSqDa|^d2(sCMRf51-hm20Qg%%!ss+G2KY{~R$7{C8q(O9MF61+s z{WX>zR`#Y4v`rtwc^({;tXNfo>spWA_D<0->Jlt1<`OH1B_*sb7u1`nr*I1{Z;aB9ywx2~ zP2c4aN<;T_@rg;Nd0sL`+B80b9gfWE!ZS?jQIY(_?&Jz&C)WW`)3*Ny^=wNb^O)x!zuAbtqntK+!aE4VmJ?PxJ&smLr=QO=YUmW-uz~8E6 zI%_F9{H@3QRg2FfUl;UJSA4a%4WEr;h;EQGHK?FXOUOuB+c{j*=zf|!9=}j$I%ta0 zk3!DNHga3;Z*|rh@(gk^hyT^gtmxWgCxX>`)+8?q4!MxkqHJOGE}SNhE1eFKoA7A& z&|95$Q-M@Bd3dsi_r&Lx;3MxNz8X>{LjL4q@8fsL$vLy|Uv_CUSyOYeLxsTae*tSR zWY)P7XjJHXc>gX+)!I60$6$7ZyJSQ}IV*sf&%5FeV}Dn8M&8kS8^Yx~f*Hmj2buX{ z0Q$5`%(5YU$YR<;Ui&0+b?5vt1|O#1c$-E2(L{Vfzw%!bW`6d&_7(j!0#DNYM|2`O z1j+K5{!u_*pX_`)ieh1&<&cIR50T;1pJHt){$lt?CCT54-c(Vra{=A{0;8 z$wL>L%1unt()H{QUamURCKjJM8PAK!Exeg!q!q<0|JH_{>Z5UFOOpQVS&7Cam9poQ^W48cX*$K|!e%VQv zC)i|=r*m#@sCEy^GPb-VpU{u&=e{ng{a>gIX4t*C0#xNcR}F-B&O8{vtb%s@W|G<- z4Af-&8>3wCa-z3?;OndpcOn(dJzw^$gWfZ%PUYDgHPc`AU{K$Fq06l8r0u)Gaf12# zQ|J_%=%Ig4(5E!hSpyzM=wT+>IW#JRiiGK8{$SZZ3{kboWCk8bd&tgF?GN&0;K_Q7 zidI(#^regN1LIE%Tmiq()n03_zA={J!+te^PE_vA7I+9;zWp#pa-YT3B!dI|EOtqV zzN{cemb<1(nwQScj8v<&WHU^6S1a%sj|ecj?e0p!gI3-VP33mHE{*YBii4# zSv&CBgAU5iyIJx#u2zN~88pUEx!;{zMrrn&G?L*-X0exhSN7Hq z`cB*Q@>NIf-UYeIZZ85pHo;#ZJK&Y!hdV~n+veuieau=i&mo6 z1)Bn|b2sK-KO5t&Zz1;j1b*NCZm`1Ov={BSX*XQqYVMnJV0^oo!PkK84ugYRFvO(W z;ej%^XI8vMD_O!>^YO9#2QKyRUUGl;lexGwTE>wO&0FiOg)z)J;jt?1L>3MhPF92` zUU0K&*Fx_#oi3uk6UgGup)_{VQaiomeTO?7U+2=-aL}vi3;e^R*#3CNp7H*o`S2~6 z$X$e&!9phcB;O5Bicbmc5ro-a^-?a^`jl0A-BCz34CoVm$j<$Lu-KYSmb zcs*wLcFlN((;SrX!G@NjSCrEy-z_K^}fZvs#R{)3+_?YMzoG!*fuX%=nVrr*(>3|NlL-K9XVNBD-n} zbIczHP5Kbb4A+daxt5QD;c-LB5G!2;y*oQZ&L;5XcE#lw11{E@4%kI@^0CFL-)y)m zpJ4gWrT#aZ+a~zu)q}{fcR-W%x}cKbldH3j-Co9XH`rZs`ojZ|&DhEpeJpyrW!nQ3 zm(Q%wn>m`HSU7uX3a7c|eYEAu`zE zcbXoHQk$LRKvtwn)!$1~@no+n3&#mRI|x0{cq2sJ;6~<=Ct`i)qE^K%x>_+3uMu}@ zYiBiOADeUp-8=kJtD{cxpX;uta1E|_wqwr2>+)Gl-Rr7(o4{({()&k0*7h%Em0A_A zHQAUoFGuT86Fm4}0;xse_$tAfF+XI^=09h=qS4Iicfn1;$#$XHtkdJY(PE*iW_aQ` zI_IKcXapC(4ArNRZ|P1!17shf93#1(*=q`&^3dRDx<>-&y|=e$up^i*nPCG5y6XWw zCy^emkL*HrK? zcEaRsuIjTYMA04&DvFN1_&Ip$efIk0@2iS)=^o|Io3a{AyPkupIpcAM&mD!&AwDTk z**Uu&jl$1d!Aaw{`Dj^jxWFVAoy5C;t(v{+GqX+gBAcWm-9nwvr;VhGj(svRf;(*` zxnJwi#N!k2%TFKQR)0N)TS$H2r%`A?mz<=pGJ~#~5qz%w?9?G8S{3N1ow&nUJ96_L ze8CSt5Nv&_ohqckCo+#E48?ofK1x@Pxhb^+KK`3%x$|rzPLV~NJ?&67<6RsVpCgmd^ zy3hub&Zm$Y_Ahy2Q|Pfj=BVb|xPRuGRT8gg<|Fc|=Y(iSEzUweXAQrdsCvzVwegpy z9jP*@SHKNei`9wdH?e1UDvEjqH+g zyT}%2_E^jPVSoisgNK>Mtn{rF&k*@1^XmEQMNV{y@F)Yh=e`%T)1hPJrU%+9`|xnp zgZns_kzq8rMu(C!eU@*X^*WrauS&tH0{63P2U$k;7Tq@x?%6+{*% zT?X)8hdTPv9RSbQ$0SE)%)h45m*q|d)+axeNeomYIJYWz$THx;s=#r0)AbNe=2`Dl z_8Ktef9}HNKK*LsJRPN*WEJMT%HF%gU32*zkC!B82`$o^*KpCF(v9~+zZ$jM;=}I7 zJ-5uPvYW`ZiTa&0?IP#L!8*RlLB&dwJ{b+uynDt-X0>Bg$%Gk(20jLiwIp68 zy1W-&v(tZIi!JK8;NkJs95*tsPeiMa7aTv?PmhQBs?AsK5%TF<_|Xk;#a}r>z)|1; z&-U@x(RXCL`sC3T?t%Ee+zqSIuAPrmZ#(q1H3BpRouD(jV*%#R@-03Ylbu6Usx`Q) z=*~qyADG=;Hz$XZ2NJ+6WFse(&Wnj# z8|ysRq&mzWYtTE6KIg`rP5$}cZt?|ts)xS$@=r7j+rt#R>6ek0fA0@?LAO23Yj`h; z6^2hwb<$~1ay3FCbOy~@L(a&7OCwY-AKJn8be9dXQ=RPivRlAYE(RAn6|JqqLRHF} zybSU zq0-S8^u~W$vultxzzvz*g5(nguNCW}=~K|7cgUu&I&huaO=$7i3HMo)$A!;i2k&Qb zPt5?=j0J0~I?YjKHhXK_D{?KkcjhNo&}y{3(RgGAy|Ah$nKoU?XXp!O(&Bu$?!|+# z;!~T&9l9$Yy~=xo)y#>{0X(IoM~bS$Yt=&+d4cYMkrn+l>=B)oo)PkFL1zt`yG7A% z`m-?I8=ai=b(o93AHzFX*F)Pn@%#Oa$L6*jdQCXO*I$iBm(q;(=!mDHx&BEPOAltG z0U{Tx2D`~+kN@Wi7hOPZAO3;O{Y@H+f7_FtX3IvjL(9pZ2_!?PA-eADL3kkWD9y>G zvgSyw<+&RD&Z_*ATr`;ZCgl%u{Ri>>G2b2F9xt%mS69IkN}-o5LjHMw^r9EjycG;L zbnlC^D3?+kv(pdq>#Kfu)3p}x*k}m)cX3jla6I2x{+i0adG-K$IkbFfm%%|eGehU% zqm2M##OvGlE;+Xc+3{k?Z~(F5ufAcs5&DpDD|g6Fn1xd!&!C(nvz8OOjX%ID!7sgz}O z$>xm~G*I_yN0FCL-VVH8w@PWoY_O-<_0V+m@m8q-7Y*f^m@p^ZI6aJv$q!_ek4@oj z#3z55ycK5l3g9Q+d%%m)5-#iLtxRy!-`>vPnfMhw$ZWeDqFYBpc)!SSYvv@E^K@&x z#pC^_gG}Sm%v`6(E6t)!Uu<&Vo$9!e{5t%1)4b>mpx^XH_XK|SpT?qjF0!D3*bxO+ zeUIMQR*Cw0F;L^tROa&|s|UQQ&K3)~ATIyUy}#8sTKyvFeSPRB|4Zy)XnA(;byp5D z->%`8bisGI8y(1xHE7Xn;i^%KtT{hNdCl~eeIfGw_W0{xc<}Pqyfxb5qd>9+M}RYD zo?^~R1QSKuR-W9Aa^#7BK`!x3=>zdTl=2eC$$BFZ#%T z5WS*sca_MMKRAt<=o5FXZ#Wt2^fI8Y(6KC|&{Th=#=FaLbcDvA#h<$>ry_>iD{zma zCWEuT9_FlRU1L=Ac8L74yww5UNB)ZR(co#TRUV!5>Tkx_R~|C?q0b6qK3Rk|7XQLo z@VklObZ4Qv88nf6O!S6d$*DMxFKPq6?6-MB)%Xt2{Rz*mruOp0U=wOUTTXEQQa;ZiQp{n%r9fb6=*>u`7Y z>}q6RqxCz^yY^xf^C37#uckkZZIjUGk{y+XhJR)CFqIo_Q$i*^aNLWR@Sp_T&M+z@ z(c|_NZ|l7XRfTH{t>UT6i-XkrjX$}+WRl_|OMeQd$yx9zjE))3`c5XiLl1)FJ19oS z$p?5|Ek;xL4r+oGwC0|Q2!W$2jVI%mo5me$InF%w+3jz z?+gKanEU(qsMaCoxozlL+3C*hBk%4%<{L1+etux2b}riOSy0i>$%W@xI~xkW@-;}K zL_Q*%-BY~1rNQTFfZ0@E@2T5k$~`Vb&<{-W89xRSq}owRt*P z^>I;}HY1zfa0hI9{n-e4gnkXpMkBoHhdY8@kdsgW{c26L?H%)bYGY5jb!zfEm-}hh zk91N8aNO~(@UF3Rf9z#JXM%|$lFF&j9V~$ z%f1RGf5T@uSyek@)w&-!H>)DlsAi}xxRFf{KiGiJuhv=*waw+ITlCsxI@%QXn5?NM zj%wo_qVB!uoLS1;bTfQm-KG>p)RpE6a)p~J& zp7{rAQ9^{yu152(ABIn1czEs{k9az!e`BY36i!Wz(D8kVy25)_gBiFXXWl`)yFDJ$ zh0YwF4PB5Yc-T)DXVpA_XTLO>h|*rliT0;-1hd{5U;V=~ybMmd*58Rr?GvVV{LIzY zF!wO)dTukx2L8ON9J%ntgZ1cpw4xs2seI?AvO~}i9w9&X&j9UyA51qUo)u;bfAI1? z4Se;yJh`Y5+}XGABhn=nvH)G*MX<1GfJO>A+wo3(2*WOr@A6FpT5_^ zEAo}uxjY)@QTPD(zDMD)sI$;sudhX_lW&ZAwBXG9+pNj|qP2R5UcirCdl~%^c+f9y zN}%iYrx7%Z%%rE>(>I+|>=YVgGOU`r(xn{aDNpv0J7~3go+j5IrGS!mkw-qZh+3NH z*_)S5)y_D|sWrKbv%$c@{$^i|Q2jqGs`dL^w6o`obk^0g;H(?T04wdM%IJ*?Mq1c^ zozx0`X-OtH^eQ(^<#X_Jqz9o8J#P#BRW5s$F`n#?+IVpW^Vw7xL5>}K_D<%*8H4eJ zM7ygvynzd!MU4VhWmWW3(habQff2G)@loO?4?Uv8>6$e{$xVIK(Vn@yw!dyYU~WOj zd+QEe25?XImlb~ zvr!MuaKbn|+Rq%+^C{U=UpcRNepiCWv_;nvwu(4b#k)jC+$9PM>@ zmY=f7&FzV{|9fxv1iVGx>(Lpuf!UT^wmCUX>c>vGY<{$^r_d`8A2lE!?@0Ynb!Yd> z1=fGO26sEp`}*$SgRu#^3TM6&J=eaeUh+dP^zRU`IDUqjFUgbWz&i)8cJVLrB8O!e zWzRcmQ;}o^kYT;)1zDHv{q(_|UKOhc93wn_XFE+H8>ebVn+9b%sP;&7`*=D$LVWaQ z7yZF-DK7KKqUfHayH%p;XCpI}{H&U2Tc7dVUkKvPazGQ?nk;huK2Oftq$hZu!QfK& z`_aShsVKEOr&iHPYi7CVM;>sU?(ipYs%_u;YAdtn(~CCw zZorp>w`Pr9h}I9mBe&S3Jz!Jbc^tK{!#AVR(O{*1$TSun`EJafjaFYaRfD4pjG;e^ z45{PxahiDVgHbc@M`L%NKn-S(-5l$qD|4bXnOwMS&Y^mB2n`yV>I;MEQ|b53_=uly z{%R+cXv#UT*;V_P@!Gs`)~_DH+PMv_?FI*x?&PUs_&{^lMUTUre$ecq>|jK_=^3pv z(W;gW@YY_V5BY(+c9EgdBOhJ%ZO}a3HmPEjKt1gmq4!__LpDa~;_qE{I{0pvFGlV6 z%*33Hx!{7uygz@VO?Bb7D(^!Z1&(t1Vt{&X!82#}RqE_dMk#!|Cy%1z1hf2{3*V+^ zIxzGrWBqLx-5-Z$EHYf{evp5%9G!35B$XM7ht!@N>*nxI+qmoCZEm-y0 zDaJfBnH;18oZYR_v>r;)wh?a1%^ADwH^FB*;hHXn>CIs!hz_}1`6)=8T!g&;lbZg} znB5b;8=YYg`irM#&U_DF9X)O(bKIiDX=tBjM`~EJLU6Iq17ImI>V-7Pszzc zBl*`RG>CYLe_TU*lIf#$m(bPI5jm}tkFudHUA4eNn>at+;HFc#fBxl}DY`mZx51Tq zwsTb}bahKy=-rO@l|LH7x`U$7VUe|67%%*L`h-b#$%!ZY{Ap&&@@Nd3;+I1=IEy@k zd%^fN$C>4cH>gJdGkKv%9f+kPvc4lZg5jDSZqZ^Nw6z|7n#kTcAI(f_FBcW6%1rl% zr$+n;RLmIiM&T>sM~11<-}LvK2~wl|jtVXjp?|@2>eS))u1IFskvRRZ!u7$?EI>z`CB>cV^wwu zS&j4F8`mmlW1sQYmKMw%YtYM1rfYAmMfPN-?k{1|H?-TYIP)gIrSqr;+!C1-pNEn4 z-T`gM7+2k{j@LFX&otl3V`k-JBiSV{d27gW-n%A=x*O{yTSt1U$-Xdg4-8??i#>^l ztul8Cb8ilEaZ?V4Yxiq%Yc_y)gMXcdpB?W!FiVJ>ZP5zO{y`4{NM6{JSVZr z#(8)5b%0u+ojkf7ebtapMlw0!t=QLF{EKfD&DPa?CZ0_+dymMh8O_~*7oou2V0Gty znV9LXLAB_TC|h2WJB`QFIN_!tZZo|K!;MSCsmihqu5jL{)zid%Tgn`f{fI`JvfLRE%& zb^0qW#g8j3$GPFEi+|u?0wJ~!dtrC^VYUH1vGvs7PSN6w043ptITKe=L%MyBR3e`+jB{}&O7$w9v)r% z6o0M@K}*4|(1=bbp8aS2;HpnX=;Vd$YH`IZuOWfD#a{Q4Gj0I=Fe~BQTK7*-g;Vg1 zm6>DF{jA*b(@0MBR@y)40{YWW6-p;C+`nTC{3rZTEwH_|@YLrQ;nVsVrGpdbVLB6~ zu#;q>>~_?<%Xr#Cxo@mt62H$J^5-^hVzvYC?6e^S-VR;M0Vn0Yg%*7z+4wxK{t56| zsdQW~BL|+p`$SJ?b!QjqH5Jd%N_7A?J60%4FPFy1X&ZMCnEm#7R&6-~?)~3OqsUWyl62%Q zz5dOZ;7Sf%9UnbJk1@A@v_hNvs9kfg`N!T00bBWNG}%+f=^??>Is66PILyVTdPXQA zCRD=*KONY^ymWw>5Uf5f7vAPn@@4Q0dQZbIu^m5r zq?ZENH$RYN8QjBNU+@SO`qNz(H^b|vW*Gf~=?U|KOUGB+VHcYIj-2z~>DGGap_{8> z^yF89UdFrXgeNoeqwGoxNmSr(9+&t02w7f_;cyBa0|x^OE6e=66}8+`44$3V>{g{_`bZeIcpR+sRy3)qu_)ShDGSsQ)bR!IT^q9d)6qhedvAQ2O1}xYhl@slgH@ux_DZP!W6mgpzWP!JKbcNi zb)XC-%SCd5)25$mjHcJ!C?6`V8&CUgogB;yaqPG*-tPt;$y< zoAUF%mtRX(g-5Jjv$IZ#vscDU=9+y8>Tm)*To!i`y7D$)O*O!xdln4UnHJ=wlC#n6 z3YkG@XiokUs`FO|q7Qm`iflQvo8H2ugzq6Gd2jUmRRvEQpr zUo6;l_zbk1^*q$TIaqBfgv;eFdPOv8OTa%y;wLG*hRll8Se;CF(jw--RrlkR+smSl zcf9os+%t{y>*s!NZO2RAyQR0LnH=SLCRV4=@V92Be`4ZY`_Et9$iSQbop*RN`%fW! z#Nfz-;T~4^Gi%X(^xSLF0HSC4RS-WYo?+7`{!Y%~N7u-5#iN}7?tY1X|4}3O-a(NX zj(#$cnKTov`|xLY-pvV`d6yh!yuzKq6BeK0-X7qlrq#Vw08Pf(59p0o*|dfK-h*we zUeDfx7weCl>>0W6nml9nLQ8qR3z^~cS?&t6sCYYH?di?$Etd4_Zb(bZw2A%T%t8Eo_P_D@N7P^kq?rAat5tGyX#MMMpZ{gsVQecVKS~$ir}Nh zvvvu8*)247>&uXt?aLWD$*l3MoX}X%nHkF&*$O`w-i)K&(eT%|*VJ72YSB3NI37pe zDfjsV-nSgy3Ugy-+Zw2XbO8Mr6ee%(88bNCtc&3)|5u2D*88b`Bb$1lqfS{JuFVF0 zJKxDKf9|L3;MUu^?z7u zm#z4GUVy>vvTE)Purst{JL5eR_=tWyW~q|&C|&IvsR1*CG%@C*agZ}}(i?A$&tuY~ z-0ZSw+WOW5r(@q3N@wS@>2%QV_mtZRIwbFK=c11}wKh_P&e4}r86D7GI&qi6*H)ub z2aasWN;>3iK1%8zr5^*q!oY{SWulqS$?s&LD~Wl#@-RB3CV1%KcW3rDvWGtgYCC#@ ze?B_tlL4+ZBSK3zy3rFFL?)oS+UG`Z%KZMiGyOB=ALFLVQ+dwe z7)-a(NOkbhH?%Up&@r9NqPvdFs(&VW!DrJA0CqaBFWMUNZ(8|Sl#wq$Gtl+rhVRJ- zx6(8dJ(<}{!>{9OCC6{?K5+N^!)0um@7^M zslh?AdC>%q`3a8u%1%dm1?u`cIKDH%I*(uQIR2uM=xckk^LK`a?3X`4|6Slt*x@C| z&UCFGr7Lp*xsR=_N*@}iHOv~t(O-G3$J1LDo^W@9?oY9()I*CpTsQ0Hb$T9Fk!gL^ zLo*wCYF4fk#WQ0T$DK4O;)Cauk&@lYrr@^O-axQ~kkG$of)~E8SCpi@5`-FfChU%(+vW%(Zmw+=inD@iT zxj0%Sz#hjRveydmx0-avHQDK?>MNqucF8;Avwfyfe}k7+UcGrab5{9DBOR%K4D_$w?#7!*6RHt}gISYg(Zf0*`um z+)34YXBl3vBeZ~g@xrUTv?bVETPAQehKDM25bw((cx^o1*~(dT3e31Hvs8X&+_ZM# zda{O{;Y_&V^PqRWPN#3z(yIOkxkP~u%9usQB)Fwh0e7|Q*ifIhh3M&N&L=RixTkbg z7DPkP!b`_KqI<)uvk}a#4|>W8B=jyvv7^CWe*3snaGiHrtSwH4m6=5c=Z zv0$)t2i_{1%y(^)XWno!5Te=F>=n5O{sRx`-iyf^g+6&4v-jz5r>x{a&68sHBq2}hU^tcqyJNAiA6izQ>JQIu9P z`!|a5Q+sxS_IQR)d81SPFTd^{vg#5)XIEEphjJzAB;6eT$Kf;%p{=f&U6T?yd*Ire z#AO<7(55~*Oo#Az_RE`Is@H|Qt2%CaiOy#J1bE#Y;rdpJ%%g8Lw6+yqEO_`=iR3AM zja0W=%)VPgWdAZmAK^on4~^DMe1p62aKA%~pR+oB)Wgxi;*-d^GEOCqn4}QSboBM> zM<*yLPoSnPc2}?KXso;4Hqw|os_jCj_}Zq%TchVOuP0a|T1CHFs3+M3;?nnEX z$;^iD@aiAox)~6n_Ju=L_m`tyUPVion_jy*9!gEIX>vXCt_RV1{1dM=-l7rZgA~K; za$-DKADBp&P)|+z?xt4gGIsB!J1iNz8;$B*FizW*9B86EwEZ@@>u43G@^AasAWsIJ zjQ=!0J)4xE&-Cbinqa4Qx6vA)Q?#Yi1$!Ip&<3^xu0Q8GTC{_7xWzfD6xxj9t$BV= z<2ACPz>6NC&oVkxsZE%D`qNijB0&4C1r*3LlS+Q_3cmZ_duxyE z{u+1>oiupz%clWaU!L8D{F2gnBQUUckU_KBqR(LD<SjRpU6%N4bExX6Id>PgjznRJBKx;=q*O z^hXPFDpGI2VkdGpbt>$p0g2?CCc@2MU~gJ#r+V;go8z*Kx|P2f!_4UV!_eZEW1p;s zmliys7doK@Il#@)A)jM!?!Sy2m=iW_%Hn4)LT`1$yt>L+^!JV2`UhTPCwFQObQQO~ zv+H)7Smiktt1Ni<{_v7#y5~~%Q+UbIsy;@a^%gx`&3l|Z{Ek~TlaI>omF=*rtd;Cl za$1ZkvQKS!$NRIMuHHTPFUcTI_i#{^E_8`~BL}i#tZeMGJLtr!&Ag=FE zqx~)yW#RcqD?=YoW3o%(ko)2ZZ^$z~F%oPCPTzxBp&7fv;%?+J1lqLSK3b&)dcr+q z8Pn0+XO;<7?5S)j%fD5lag36BMQgP)*cW?HNfTXgLmaf_XQ+H9a1Y+~SJGNvW!Ujd zv_dEAmT6r3g8!hfhrYUV-@l|Uf;;>un(U(m$tay4ul@K`2cn1kfd2mIur#A>but*T z(El7<-GY zctzsr2|D7TJKw_f5=`5&ioQ!U{khSv{})473HxG=mR9xR=a_gUNj(OD8H}g1^h6w9 ze)9Q78@Zv?5b3wtDZ zU;A?C#Fvq$PloN<0xp`(b7FfMrWx?hJtsLS^qW;5+mpMV+ajkR=1hAhZK@BqJs`{Y z(mzRFXSwUqe?CJ`mv$Chmh;s&ttR^xb9pxMJC~#X>V`M)h@?Jv3)`n5KZySKsEV5_o_*yr)+wfLt<92R-zl(>L8yjrK(A$Ud9SfD8YH zUb^G~GOXcNyK|leb|Ld=Ftb4`4@JCA)SWrxx`2_-3Ubnt(_{sj&@|3ve>sm91l)T| zS#sOAChGXSLb^SP_i0TL72ZTIbqZP4Kk$5mJxq5AR=x|&ffK`&vc#%c>^hz1N2n7z z1^3WSj{S>QuGsu~*MknYUf9+d9 zo>dvT%DnJ>S>Q6(I_OSQ?uf>*`ke)l1()*tvYQt7Fv}^zPpRkgYFnEGRV7R5p0A&p zHRF6on^IzQxRRFyYvj#nbrgCHX0^J@zzld7W}uI|3SaYTAGv>dz&p#c6X&z3%v@&7 zN^lxrd5zf}R^!1~#tc^cJlZgFoU`quCvQ8r(UV~9VQwCZ{-cD6j>#qbxiIn<*;nU+ zIh-l!q5!ax&5h&qI+J%6JxI|iWE!{e(xV|!as)fidDc%s^yn0KGHD#T!;34u$yR6Q z+d_6OUZRvwHf1a6h_~*OQHcHg#o8#PpN~=70_b+SqQ~eRp-Fc16&!U`eQ@i2e~^Vo zHvPj*UTTL&&<5w7S|?7Klfu*z9$+arM`RLOXR!Kg1Km~k6}Z=D^mrjwJ^Ms17yRDE zS*~Qvg(xM#qK-ETs8^8~@{sZAaX)R(!N0*i))x(p3)FZOtyxxxNs_X&aDNH3U&{+` z1@r%Ido*xx8ejR}j6%U`3(r>iK&<|{!c5~Hs@FLp6jzHLFdO;7dFX(9LSNAbtIqJb zOhB(!I1N3)OLVNA>4AxWvt8mQ?;#N?b}mI}k1g`VH)s9}FMVd9X6?+O4V-<2c{YYs zLaX(P{-!P7TIm%jyBaYnx5!7E$f3*PS#T`JjBZEn)+KreC-OexVOZm7)u?RrYE+{q zwlw-0d(K*L{_dl|meBM$ZsVD^$KUzPqQl^(3&2AkGCzi`BWsv*dvnn^eadcD^D_Zj zh(2rupVa{uvvQK>cl*0lQytNvlrhPvI2k^H+-dj>|KQvl%}(6vB>4u@_^dB82h=g) z*#ut>jngr_g~n|#BQU5EpWt+p$y+}S-%2-aVKDxgXgI2(f&T`6aF|TtqmR&5%zSAS zDCenj`}w!ft2Aompiy_6Rp1o6U;A+7dxf{E40_k*=-5uU%Ciu-ksH5%VZ2+L&>$56 zXDCii=tnw(>-*~Th-j5N5-F>g87IZ64g9x4e3)H8#QDX^5IoPUqOKxem(RTFTD#!Z<~ zI=JXFT=bKvJeQn-tJ&Eepw*oG5BXH&&}{Pe(Sm;X!xxaLjP`q6fAR~0LzKRVYydP5 zRa@{3FcbcC{AqaAv*1&V(7FY`jIZ0A)!v;v9(K30rck{>b6S@(DgiFkxf4Fq(RlCp z?k}Aq(|!lKm9mKnfq(G_vlyP2xoAz84&$G>f>-R!SRakY*ZmnxIk{Mnw*H0RW@@5> zZ=-)_nzbKa{1aNgZZv8`r`RyE{Lb@T zqX+)}DOBJ0|IT?ObMHrx{v~%M{3zP``Br*Xz#WI-#~qtXS?r~S7NKXc!da2$QfG=A zx%AHZ-7V?&7g>1!;(yM|PCDI@uCgR~kUQ6(Eb*#`c>bPSRCfh=bn#BQV8Y{0Pij{( zry{q-X?2!ac4#iw23qyJsRv$M^u%a-OzlJUpdB4E%hhFgA*;OL!i%=L4B*e;T3iK_2jZAzICT za)9rw!EW+4iUq3nrWl27vnZjOtG2~OY4lxqpZ#M~-YrwoDJWGCWbK zed!$?8lsvH@j2r8{sgwz20WwIUpD<^ily%(Lc7wy{lJKqgPBBCO^{c0a=6KKcDP3O z7@uo7c<*WNW0bQly>g!;)#VoV5dMzgoI4|uvy8vM$lZ7^+_`i9@pjaa1Rqtp@26QG zT(yJ!yFzA!e#M5V2E2O>`d7kjX63F;x5*!LfLHgDdm=u*YLPm^xjB6-`~PDy=GKsZ z;~%0q{LI_`3jrs#>Ht{lB{=J&;K&2XV4gbA8_thTRq+0s&Uod>q^Ra-Q$M_-?3rLZ=JtA$pWc$GQZhPNtt$O8+AT0^56^b%)mg@Iyq?v@Ch5QVWFfyM=OZ9W z<@m7&eT^rFBhjWbbOvE*iRyM8{cUEMyQ)QjG^1b@v`f!;mTS=ELr6-*gIHgHS`b%$=RQ}F;YYEi!NeEdxCD|7&FW;Jiy&!$(HC$Mj)Jc z$WRB(8^f7WG*YKVMXJdk{LBq4+Q?qt#?e#F7X_&0CNhtU!|xSG^M>Yj@N8GkFL0VC z4r)ZEelNJ5SbSlZE0djoPPZ5wR`o!9dz^`@Pk{6Bp08-^sC~Z7aJ%DF7d>1{Jp8HC ze;LX7_-s#S8u4f}p8uJmSbPmnYb5IWo=9cr zpZ~cat^Wnb?F5gUg742cMY}gKQ!gX4l=*cPGxS2bw6C%!@O;`E>J`;BDcNwlS!zG=+7p*Kfq-nPzwTAsM?F0SC>-;r@v-?gl@|+s*E`!Uj zgmZO7XOkI{OkOOWIDAN*@a~)$Sz4Ww!RvNfbs~#gA+YqL34yx$#7D2Ll64M_HfA+F zHaWp}FLBJd9=yYwW38UGT|A;?wG4*1E^R`aHv3pXnVaj;CxE z8jAIXMeBx=YefcI;ipzrC0nictZd4jMt217d+8JYxOOZ- zDdxY?TfrpZch9h+m%i>StCNGy)CyF8=66T9`Y0ERdOyaG#e6bl05kqwxUiHk6)h2_ zs3i8o6><6uzBul1g66lOAL3rH57d z+;&iBR>D7~&K0BDSUKnwTl$@Rct%6uE^n!#j`-Asp39f)z39Vk)7ye!KJD+Xp?Q8f zV@-fQf-m|F?sBzoc>Sy4V{LUOCx^@{NA$el63)N5=>asp^-D1ihXb&Oerg;ZLe}6p zJ=t%^@4)ZMx`bY!Qm-(-v34(qXW63Cy75XCeSs!$6ncYPYQ)(A?rLM}p?S=QZ@Rc^ z?^p0_##rgb_3moT_Ydap#?k+La)EPS!%rhT%c>WiWOG|HA6O2z7eC13U}YJ9apsOB z17#GmA#|cUN>$MKad6DGr}hd{&zmyglIVWTiECBgY7&)`|S;H zB^-XhZCiS~J@|`UchU!k$a%saqyFAv;EN;KgJ%SkuAy>z}1BkDxYajh82L+0%>2(QQu#=zMqrcpLrw)eN0knjGnXZU7x} z(^h!xm|AP(%v^c3hit6?YhAg_Q*H2E@P+>}p#waXa3_7-AV617EP)q$75I~O8hi?m zGe`Et3_MtyTC01Zi9S7Pr{!CtHOe60gnD=Y`1SDm&gzfWx-9fGOun9hSk6m>boV)cU{nY#uJo{J7 z4&atK4r`)^IqR2yWv@ua?cbJmNdzOJ`WJ`2~ zmiUbBFQ2Ixb0J-f!DS+s#CgcrxWMowyt265*~_&>FoSyL-a<*e{2hA(_PPo4}U zU$h54XupuBhp*ibANW7?%Srfd9fX6nA1={r`2N?omsAJV%AAqq`L~lMZ*tMaRjkM< zERZWN=v!`;*FFus^i+FKJq@S36gAawdiN`t_*7kkQ_~P16fak;{l!}CZSA!K^RK-3 z%xf+>>&gIIoj8uZ@C(?~TyL#+vRJM@D6i2|sD~W#WMKzpzembzIDE`!UiP{m5e>vF zPaU(`Q;+_vr|mD7(`kK7v{^7;KcKpvhWFBcZ)NS!9ZrT6Njr3+wR^*ZX^HlAcNwh? z->qP)orab|hYl9CwgSGrtH?oT-sTe#pjp?!1gP_^SX=wXd+CQ3XpnQu>rUT5-3%`7 zM2?^lUcyc(uO2CtHTAtwLxSsT_{0CsM>j3$&V89{rHRyn>Fwc}tw9F~2E8=iS2x}Q zAA40=TO6sbCkIs1-|zyP3C`tyglvU(MTlwq5y7}?|Zu1~Cv+t?zBKJA#zr0H?$5q$W55b(KI;wW| z*3i}9aDoZ~B$nfx36IhdyO4Jee9g_!U3zJ6JoK zVLNnaXYpMbgWhx2g#bLV?e*s{7p<^~_c^wL)_Dd-&Rn`mHE(@{2Z`ShI8K)wbr(Jg zR@CAz#ubQ@moxpPtsX?jRvq1W_(HHJPxc$m<}ctq1J)PFfC=bzz`~xghmN^!t1DM> zZ+}+M3F8ap&-2uB1OMym9CY-L7J96e8N3zzaz5dyk_bi`Y*b6mg!IpFnv*MN$nikk zhoZf868AK)k#FRL$GD@lz#sQGo;ltB^OAv^ z(cDHGGq?N#*W{x)=iPX39rc*H0IdA4ztJOncb|t^)Nt0=+4RSzWV;r)X;(*T^W&cCI-rSqEuqK5(=-R|fn`l}J@3#nU*=3= z{uu;+td?m>4W58s=uR{+!!5NASa9wuC#}xx>?vLzUxs<>ZlAK+YcaU?fHE5Tjd^Tq zd}&rx)A8&PHl}5D5i{e8r>p2A^sF0fscCwX3HK;N5_gi>1ZH;~ZPfBmkN^8K2=CUg zSa+=)01xO1p4QIx`Vn64>;O2!6>IBJGhe*~ercNStwHE#7tUh-y4_j>;8d=j?V^X- zUl*NV76AW!QAv1tugrB3Sa}I}l-|SYT^{eHUzgcw%irD90sfAmc^O^) z37^@G-Wv5ZM^5c0L+vYgUNFzC1-^|d@$qPcNANJT#K+Nnel3dz7oQLO%cn$=@4F9g zYiiH3Tks`JFQsGqQhyjdbtL@r3YV*C-}UUL^xZD-VJaVT*8D;EQ?#?!;)=X~X&xGX z9gGs4*%hFjLHFVEOv>lthH4M*%!p+S6dgBAuwT@nS=E44kKSmpT z#wwx@MK6;A54kJn$Y(h2>sRCXa~UoNy6IW>!RTVZ*A7#^aVE?OsfZ_sLD!G*)qSPS z_4f5L;K%Spe)rVj-N^I!&im!zp({RC)H&3QpBfs~l=*orv=>P`Jk{g7pJuGWbK2Akm}|tGb5L_;oNd;ldj+pkdWBzBgX_BBRX3wZY@F(7dCrqvtoLeoBW5in zD|>1=tysZVdnH?Hvnc$s>E~n6;C6hBC&LFv{F~`r7don)MO{s9$vqFC=PJXTu_m6_ zoc&ed2DWr{(`B4HjmKBigPkmOB(ugRf5U5i#*0j`VxpqsOx?bRoQ!wTDdf@6r|3>396q2IIvLjXxE9_=u8b zI*%NWgh?*ixlKiN;Ir4Pe`6;^Z4NW?HY&4d1`&r98;1dd{ThHSS#@XUVUucwFGsKZ|sRGZb-5vg!S;tlG} zIo@xhpH}H_sxwj@HSJgl{Qy>ELBC#h2%5CaN?P&{51sN4JU`BVYy8q`;T^YSKD?ZL z%v-?qE24|@WG-sN^S*R+2{33r8~Bnd-awVkWy#>qmikAx(pm;?^qj|Jsh9<5kR3VD z0Y)8sue3fNPM+^l7p?RWf76xTdf*n%`8#U_JneZ$EAV%;?5_iu*;mzwJ{}r&9PaRP zG?Jsq!LR_csLk9w4}1e&=Y^DlZe6IcE_q;5t?Rq$C0<(qR(R&Td!CRDi;IxN{*4yr**Wqg=#KKqYgl^B>Q=7r- zZF@CZx^2LpnEJZJszy5PW}yDH$&?J{0+|YyyKXYP%o85Eb}?8ry4pTyK|%-P>(rCF zm|Eu&dB>Yx+iS&J%oy$MH1me1R;8!@H_%EKbcE|;k5=<8oR@qTz5I*}M<;R(cHy6R z%vUXZ___DtOR*Opi{xwYJ-T0)Ok*&UnWxa82Knl??$tHW+gW$}k$HQ7e)~C@0G6KG z0}j;|e%G^Oft=Ccj`4o_6<$OQ_%+$}sfFN+ZW)PY!yBGhHO{MpjnvxCPUnrPpld$6 zYQ?_)aSqA;qn<7qTwRwj_ukzeKH(jDPqeGw_#GL}aGY(?Pt4&x7*|HeF16BfeOMc( zJ=6qz;vRn%XegnM7N)vnBVMRc)GKHqjtm7yzpb2Z?8FQroVh3ci`yVFuv(YU-a(}`^(*=2XaD1Ll+|-S=DNd!uNms4 zFX7CuhR@NR_5KbGzYDY79bF4#HGEzJ++WARrW(N6++nkq9)9Mj70{-YVXmFW{CDA7 z=Jl3juHD4v=rI^vEmQnX(T|Px(gEwp*#=7;gU&WU@J}2LKOc|Q76A=(8NAsD3o8vS z0LMg^vegKG8{FiqtBW4u9vuP`_OSES7V>ON$a`5@UPq0^>%tCSGwxYZ zbutmqzPIRx@53{+v2a(0xmb~n3b(eBn+|{@?*rFxo6%OEC41@A19;WAlg|rozrl)k zzX3BVxNJj0&;j7bG>Ber2)N&MIMnWj05v%QwvmI5$p8im7WMaeTmAmtQeQ5>tF8rl zEjX>Q>(Dd8d2BbewT5nhtDVUly#%xMLCh8#gR`btXw_1p8jeEFX}@t__;ownhZ8JwjOmIGseG| z{chuDm1%T4|vD&J@qN)#e`t^CvIi* zM>RkFG|F1*4)@Yl;{`IDLLt+JwLOz_q}(H*QTE~yXEk?o_m9i5RWb=sHG@JsG$aW752wkfOL z4f%hAm%4_NJ2lK!C(+-yWtP<3ZDv~j5BmEkFTM14dGJQg1^6sYm*8VSZbWEVvS`pM z!vqcgeJ709od6juh$8uO&P<@Aytdh&6W zY6#DfDa;hlF^6bTl6LLt=LO-=v$5*KmRp_R3en(sTcMTncM@k3Ig=LjJ z^iUf(sQ4444XmiYf3(ss9%$0HqXmSo+XKye?wtUg+0#cGrjYqK(puAAx}t?fzk+|) zTIR8x*@HUFWp118uY3OUegm)Gaj>bb;!IdSl6~P(>S zFO7dLYs>ePg_f@5qo;n9*8LyxIENqoEwq%rI%}=n6dxDn_qD)QLwIio)nUFlwyZW| z{%wA@SQ1uvX(1jC->+BDw_NL`B`)gn0!|W|oO&CaG=lekN1MtT8RV@=>^BK!XoeTs zXd;^G_3z7RcS9K+Tn3zMf3aLPdg!u>l{ESRXByg@5w3N08+y7+mEE*0_vI}dt-18Q zC%)rl`Y$_1nT`B!4LeKS|KjcKYoyvyr;__9850xrS@?{bp*W4VbA z#3`ZwT6|M)dTK-Fz;%wG$Kd&|Vb<4z-n#3Usygq3r~X#is3Yr_RYQAwJ;Z(5vDZU4 z`TOg=sbsZGg*S1}Z>mSSyC$>iySlwUS!cQFaWT3A4X`#cemBfqO2Mqx}ju-5; z-%1Dd;=Js`?~m_VL$6OD66KlM6vv0AyT5Ydc z;3546Sn5u9KV1xGr9~0BWy~GYQk--=Gu$!_UGxEKqH3vf`r8w{OFT;IO)!soTW!#_ zcxu#xLPyRGG{K1t4d8BdKkTSn8V{gdzZepcfv<6e#A4;gn1DBLVpKyy>qXvF5F2T z!DTq!%&?|eJp8o?PH~5gc-(Gx)MrKh+L69s*(Eqc zg>^LxeON+Ca&9@BTQx^da>+^uZo+fAsT-VAyz0s_m$^oMI-I^??(lYYk|)Jn&tfYx z6g;(kZ*z_Xp<}v3@7&iyKkcy5Yjenh8|_5{Kel#z;s$i4 z6W6(@RUfi~d%45)uB>;_O&wg*LNl6plbvC&ZO-{8La0Fx}uYjt|rlYrNDSoqxhqFSVJ+yrcpA^TS}JzVyqZ{Ioa{o_G)ZC~_<4 zP52d-@5wu2wvoq7cvQ5#&e={a#{A;kNHS#q1}kTO8{h($cS$83KrPXoGxr1f#Q|qZ zs3*MhCTNl7H-p#k65l(cQD?d1AK3{m*>Q4|*I0pXvsb}QdDEeT`W|%DQirUyQ7e3d zDxue#1g~qlgZ3GR?uqlYu?K!WV9syS^2Bn1hdQM=Yd`AwVrD?0%%G>5lZDZ@r25xj zzMDb57JjWAid?|fJaySW@HyB6{_Iap!hYRgb7^vQD&kY*i#I28Q0`0BS>U96{?n}E zZ$rsFIOnOwgDv#-UvREodFTgUI23lwADQQt24isd@zD;SowWcQCiPGFFgf02R!q?2 zi9WiudQ~mNXQroxi|(bCHu}PIdP)`zn16dC9GkA_A#CwQ+d!5>0$2hyMfDY&$-Ti0 z7J#2`Dy7q=kU5d9}cP7e727 z;XFo^(nf2@=-KbDW4I4D$-(ppf%Al~w!%SJ`?j)n{t8Ej-sAMpGJ1F{_#J*@e>|~L zmu(JcfE;xd*LpI`Uwaj~>FYD_EgUH0NTXz!~ppH_hDiTCgUe+^;g_MLqq_Yw2H?r;W^@kN>C zr8QdE=(BCUYJbp0|AfCXHO@kVZn|q*W2_-}affnN`D zaL|A2c^k2a$m^u=$bbzWV#mGHpYgFTw| zCnId5ou)MQQ)@VA)zEbAxK&NJx4~DO{>=Qos~*Mg_p)^jy_Zx~-7cDGpVfZo)S18I z5BhDPj|NwO+sDki3iU-^G@S9)=nsaLCesr)lz23#g?Oc(!9&W78T%2b6Yp;LxWIhUib5qxfYBdjS9o)cMFVU0rchaN>oF{M*zJhB%JMOPTXOz_ajVh{f zG<_#M@GR=(;nZ|C^u+5=bMFV1)bGk+nD>wxX6FOTWbVc>P~AUODt6 zWx&PIo>jT)riJ83y1qj5U%HAq~#jS;1L<6CFe<_h21fL?wLDv$ia+Ek-%%-QAURQwSMo)DG3*hs+(r{g6s(SBKpA zNJm}#(qH#FlGCuxU+uP0Q<{|5DfA0A*6_YNl5slUOS`qQ(w66`X_(KAE=^Y9ct>@I zUvmFnG`0=tE68c6c&DDuscWvS5;zm*y5SpTqC;i`YX4X?$sL%>G0!|z$_MUJp*+Rs zvb=?l)@}q}9enQt`+W6$W+C{s=owe-Q?-J&Gl)sgGV;>8j!F@EgM$yTx8+33t0 zp5Gj#*KY*rl{P`z^l*?`EDKWCq#!-9K1e&q1!?xSAo%)0n(#76cXka@_n;shF*is< z`Uh#u?jRkoJV;m138L=}(jDnRYPvc|9kvGP&z3>jd`pn#<^}287eV@tpIxHXYAxXF z<|hQ{k4S#sOs-`@kT%{Gq!;=9RrvoE-GcN~yC7|LE=Zlu2C+u?Cn`t{DM31tYinq_ zTAT8{eq2{ilhrzjpZk)3s!j{iR)d0c`i3C2;rC8n5u}rj^LrQYJ^cCEJN%9VTVf47qR6R44MN_SxuxJ@DsuWXbXY27U6hP^|t+l^5&3O8moI z8Bi@rN^Z@O3gZgJv|^e>XQxWR&@9>At4K=iHc_jO88UZ%j1)YHmZt70(s0~2S^GLs zhPsh25&l(@{tUmn;7E|3oWkcm7Nj-5@C<$nQh%;FEHOwA3=Gn*+{0fCt2Nkewbs8C zgr`^#+VR!;Y$*4;W{@uSU#-`F57H%}LG-Hpn`h(kGe|S}??K$FhUbIy>cJo_DeL#bTWBMM92;OXi48QX{)qyhlElUpL>Ara>>nsrOA8St~-)hrN<9j~>aU7ca$g z(`)G*Q!I;uze#su4ZSx0km|pLNch0FQhDZ6Ir{pEEE@DfTKyR%HJ*n_R`+-*e;{7$ z?XJnaej$>Q{YGj|ej>G(d=;<2SXtOUN^aHrC}$GV#I8@6+?{q;9+mqjheoE#pmRTE zR^@AQZPHiS7#k*4V#6Kchj$DbC z69>LaQM9@4TKYroRmqZ}uJJPMa+GA1{V9hlrO4CDUrB$(Z0`8T&p( z78)aE_NHh#>m4b+b~zG!H9^M38npHBcd};lXPNc#vm9xhE*?!ICFoj`yj*9ZX47)T zC5Ak?H|g@s|E=sQERc{@QBn|Vs)^sjBsr8dGRmOe=Y5l$*c7q8^eYy zt=@}qZLE~s^G2L@r%TxVVmZGdQ8Ek$?b$6=j6LI}?ZG(NcQ#rM&&-sK`35-u$#Stn zlssxeZsOTksdhO`rA%$D|+fwO<Fh^G@PgzL35L z)8yqraxqpJbf9&PdD-`j3$s_eRQPeOP_E(B$M~FOG=KMAZxYR?i9IoB0+52!^9D6 zt#!5pN2bc*h9=tamqKxG3-;sxMrJh0mkbA^PTUK}%?DqTomRT=3xDPb zFEks@;>;8YgO6l#J5KBdq8*wPCfOBCwR_Dk@-*?goSB^^GrxY7bCois518{%=On2e z#D4HSN|HOjkla)8;;_3&hIG9zR;zQRUj1Zg_$XgGRyENs&MDmUXxY9fSq8F4Eig@x z$X)0pp2o?gR%ktS@rRN9>ebXvkDt63}P8CI3jQAi8(PMO4Rw(`I z=E%xrKcwhTqMRO(C#C*nPdyYZjUyw))z(D2El!oV<;AjlnvK?v%#4JGv#%Vvn~O%Yn)ve6;e1(HAZ=%`uJ1n=1Uofh3OtyH>HplbGRF4JZa2~#v#XpK9qZEGA)yQnU3GZV${_$%?66TT}k_`X6 z?rSMgK0`7mMaVy;$gW-dN`@ulqxsZA6J}+|rUtC-5@-lqzerqr6J0wH-h1ynIeWrP z=d%Xdb$=woI>yTW_D^Nj*KC>h)m&%aOP90jv!&Ne-g$$$_Pm-W@BiSMzL}Gao-W6{ z$(VkgE6>KVR}^K)Xxn&MkYUubC(L#4So+nb8B+IViufh|l(T`k65KOOMm>8aGddND zG228B+T}^Jj)ih{U6w>Or9bh@lbWuH(wehtIC)oRrjs+x{it~cuEBXLeLkW{escle zE1M}7r@WL#b(wWV7TX;aO?{y$2iU^88`&`SUKjag@}JlR!+{L(h5 zQVEXy-KF?jk?FCrwYe?}c`d_MlI>O}TG|}SmXBE}Vp>!vv*+6B^8O#hrA~_UY>qCV zr-il{8z&K0Gvt;fzTLNf$dMCdF~Hl+_0E#H78%m)X|7D+>l0VthaQDai^2GNi!Cf-d z5AHcq#x7mD&;KB=8fVCW+Ln4~bF%#Io+YcS-$~2JVtG)62S8<0T@!AOk3go}i+?0T zx8_S^rkTDOWYDbxI1ACtn{_i)Tl^5L$iF*bfLmY*RvcC+hgxJwg#*P>%iU7#&EoK( zelKC8cjH=cU~7eyyp>K5v})Jusntt`3;bY=zpK1=zpg)(HKiB@i9 z)HC(c#P312%y^eAWzh27N+#bK{B+a8Y_a-~AhGEMV)bW%7=royFAC+4&bhMIH(92n z7S18nMli>(Dd@qN{h3dX2OZM*1mw)aQ$iVSg zvY%@XtCTFtzH{y`gAO~EEzfy21OD4xIieM>WR9-EL~njT8-=IyKYtiBdwY=>v&{5_f1#vb zE0WET>}$L?3&=isb=yMwMPGqToMF@K^QF`Y zvfo{zW!Ur-dA6Qhlue&yL>W7Lc0Y~`XyP?->q0;Zm06z zP^0^2$-iCkl%7>6Kdj%#Mc%!!OOmA#TE(4nOmx;*K4VT$8E1| z=K2eI_db)2dh&XqEWer}@75dj74wHN)jx3o zhD<#JK5_AIv?k=qtXI7A6AR^Vb6fr0>6JXIlPY~aXUQHr=J(V)+Y<0;KV+$K-x9>) zRHW1oO_xr)oz$|(L~EBa=;-ND@@hezbUugYD@<0RCrlk>sz*Os>zTw*as37F zy!z-S29d)T0nhVwf>eBGu5Vr6OXX!|I(*m%IR>ZJEgx@bwC>ZYCrFFHRGG^fT|YKg z?33f9YLvdPcvg`3V=c^{Z1HhthH zpslOh(^|)ku+$XSREe<+m#JQyd6i7H^p67BL0{sWS3-wOjFg&S(OvH(%iNh+GV28O z;>z!G{&}>tt!bs-)|+c`DElTlroeRS%5^ESwYCLbQt-i8>wnOz#IfhM{+uDd>PN9^ zP#{0adbnVqE_t0R1>HksR%EWs%lIatmRS-r#8MY`!aHZ2nR<^amNsBm?&b|D zW>90KrB=Ji`4^opgCnf<0GR3iw#-}~CCTP#aS|AkC8p$F7EgU4>zQr+U=42yHRws+ zIak{_nauvs;0nClyFX>UrE$?scEk5@vyZ7dA2!o2F(&$1+nYG3aVXlY#hLF~TJaxK-97V*yjW?YkEc7S6I%1Qe}0Gq-+$nEp}cuqN}GORhC+SW^T8`g zc!>Y!5DV?aoPF-|Bzf$Erx5RD)aFEq!P{hN(N}44D_PncOqamPKjqIqj2b$MzIvsZ z29L}U^N>VoR>P?MVyGcop`~iXwU23Stc z!l^%dtO=Kg^e%&I;qBbmQX5aokYh9LwIO<(>bq^#3*Kj$XK=A>KFdM+imDD)8aAg` z)(y=TUuuOX^9$w5=4f%R`9se3%9k0`aQz15$exm>I=WGWEZO;8Cg9&NbEH8}Z*bIW zF=pyA2L5crJedY3HSm_1?yP3et{alXb2&5i$Jr9u6%Y8*7J8n&_GmtQ=_3~Gad1(2 zAJU@}r$@$U$olmOttCdNU8BMSsu23C*5ym%f?Rj`f7EUlmPE}TF(@I zGS_u1OE%J1+>XkU!hVjLx{R8rpHV0MmM6bvev&re1_hq%12y4(kIIp3yk4d}Fjwyf zsnRAjRs7*=O!0EmzDMCjcFvQ_;9Cbmo%NURd1BWpQaBlzRQi%~;Rg(3mVeU;47dAF^wqwSK8Yf036Z)|(2X?~rV1!m~ZO zE>j`{(xijm7jamSAnzjRpL_C-*D|U}{~}qtU3|gTx5A1{ZTFx}XI|V$=4doL>a<^z#JsUa}8XTy8x z1McmoX8Ow_6O|O^@+-)fSY)X~%E6sUrC%*<@BMzoO$V*~MJ14o(!CC<`sWA59$R(A6c>11;ku!8A`2(b~n$v(wIXtTm;* z9e!f5(mcRaU$rz-H{S7nXz-T>!4X~RsLu^fI(479Zezb0wwMg)z33pR2hPXZ=_X$* zHF=jKeeT+5tD*U_=UIW6%`(xgFHLn2`@n|We0kILo&5c8qBwOlMXN=gJ6xDa%jp|l z7t7h{(Gt7IME#l@wcCvp`K2~I@M%%fu_PWlU#zsPyNzxlJN`Mf?a1*(axn0V9Bm#W zz1VA91ngr_w76|YJC+M?l{Gu{daNuciV~+}v;^JI&X7Ix^iZVio{%9;sm+n+Jwc+{Lcxo^_wOqc|=gQs@1 zNIGVJlNZz_9skUh;NBD_% zG{Zv6%r2IptH`WNbR;)BU8V$C>8*9&w@ zsHsWvqN%Oga6UO&(^t1kkmHAV#~gTv(b`xwkCz&U!Lr~KT$)eqHv*3U@Yi2Ekhz@l zRW{JOgtfEMDsXaLe80(xZ$|wz;85{94@b^1SJt&PX!X`H@(>@8 zx@M{3;Y}9aJaSn4;mii4LKFD2&nh!^CGZ_=R13M@fg5wA4(G>uI9VTKLZwk&ikNhKCHo8LRhlNsI}`fW zIhHzOAvmBlxxvHW`f{E%=w*R+AMb=&_?Xa(Y^O$^-SUfMohg!^HS0*$Qqopf;^KX8~uKj{9+q( zZS92?=_-8P)`@bgy|pTQ1b2G)Z8N@0c%5V!-oQd1y5>n$ewJI9o%XS&K8-f2#d9;A z)j3Bx_AjaNGdTb7irxku;QUvFTs&Z^e@3xy{YtjWsUK2yt+hT!`|XtUK}xmG5$AJ8 zo%`NQYkY$9z&?6ohna4)c`IovbH#_fy+)-1nSqDY-(h&n4YSbZ;hB<%*U820G13X1 zC)3{uqfTp|MD6Oi7WE z-~h`%6v}>T?)1!rxZJ%Xa)$PEwo9zG15I_sKxM z;;0w<;$gTrR2I!LQxlu7a%v%cYm-ls@y=3r(}Q)#)8gcgVi|Gri)5RAk~-9mW$x1} z!{gYw*QnjMr%Q=oTlH&i)N;q*PuwCi2+mljl~E^ew${FIcYM6?mEoDJxq=sSbiC|1 zNskAo>&sI(+~47$9A>Zm87)P(3~K+$0=|q<>z}k#3$7_*$4~JNV}C1GC|$;Vk~5pq zrQCNTJ$i=xm5M&EGk!4qj1irwO9z0@cLuXYck~{;`Wfo@%p~s9iXvHILhXGbU)q#3 z(WSk~05`a4d|oNdr8nBYHA8~&wCrpdC(_GOm!uWRv(>Ru3`W1#yg<$#$(2XUO~Z=G zmoLnc6PBs+<__}^*L>#4^yAdwR`?LsIPIdT^W)`P1a;h23$%t7I>F3Bz1!O8ba3$o zZSlShh?H_|xkqkfJlRuY+{lpl*QV-MmwBE8`6pE^@rp6mUcbUQZs4FZ*E54;MmhOd zoQ!wJpT>meG%8L$#w5vvB1>J>99*DgtlX}T4msqf{3x=~Z_H!rzsr>&@a(Nu*=d8u zWPvnGl;ItyMWe|pB|ot?oX8U3EW^5@GXwK<9R+`ZzPi+Gd|4La3FlEPmv&{zZx`rg zcCp^aF%*(VHDEHfl;e>aVi}68eq0 znw~7-lc}Ej@Ip=`!Flq<|NCyF*rF3SxQ@9!XU99VW-e2#b#zl|*=Hsi`p`)){)6Y| zPy92#k+t0=O@>qZ9N_r{MOka91=c#TIG_1aq;!WrzSAmRWD;kNJKpJ+^Tp|Lk(i(x zJJ-;hybp72c`sgC8+pb@$bfDO_hkU*VpO&)$jg?}E2G8StxyKEAxGJkV)yNf(pLR+0K5b-KO28N(doNWAoR!V{(tOp+R~wdZF^rlxy>&$ekng52c( zo_B z6iCB;mfAM~eXbjx6P>`MW4_6_zihP~Sk0;urs@)$DW3b7u}#aC*$3c*)0dCSHPzP> zilp4iboAej(r?dFq*L=UhyhqbyTLAvjUcTMe50=K&yxVf*d3mr1)n@sVr)?F>}e049Bp8s*O zf0*bZYjDY)oC{#Pg=N3XA@+T*>M z(8VqqT_m558TCCH3CpK>64k^`BmJ0Zg8h4ek=~w|D^X5qQYQ@E0T|iY4yIxFA zd{v$W``k_!Q_Z;&CTbcBuii>m&Lk@{DpD?kVLMN^)bb9l`s)c3waF`z-qEb5t;|+9 zzXpI$c{OI9Fbpna&vbFaYjY%XtJ8;zC2~xjti#97m;N@ONr)_l^INZmLCXg?Y94$n zo9Evpm-&6E^mK{rV5#Gq7s=IDnNo5hbA`@dr1`Z(nQUvJ%_ z`7YU;Y|y<$%9yXzBjDecn&73A^-(%c;k`A*+cefhdvRv|7+x%YuO?fMHS^obeA$qn zFI~{Yy2DMgj4G7!C&4=JkYimhQG(0i2@{JajJ=JvMbABZsVzAH6pWqRsU#J79L;umpfr$%f2$Jj3LN)bB>t`8_)wT?p2YWY9JvEVLvZOU=bW=kEC~cL&($jhkiFcaXjQ zR?1e(*2KdG{mP&GmW}pysdr;#dAIZkJI-S>cRZA`q5l@;F=;wt3^pIe7Z-_ zD<_$d7d+Ws2MxlPZgH+0teGZHe+TP;>uk5OSOUsBtJb| zH1QC7e04apL)mk|A5OVs$)_WD;`AXq`XRZr@K&>_A1=28b8`D3*^y>yKsU1>=Z)NE zAMRXirqkM3DM-A=Y$$+hfWKF}w=(w@wMYX?o#t^(-V^Xl#4mH$zyj&$!mBec|HDKdGB-Ih^1bwGl_Pe1 zPu$L8S^gRgMOu!$#v|v{FjGBF&+=>~nyH1+;+STu?UV4e&f&Ti!dLt|T$X(Rr%AI? z+xPen!5O*g$=nItYA{@Y-}hVMQAzInYOu`|`n8%C`l>me(cnPqPQj%x%ajef6QyI_ zNcnw`wT4{c3|_|?DIh!QwWa27ERyFXjT)VU9+NY%CqHwMwW+4@eXa1Eu%wS#!IG|!TC=J@lpH|PNOc!_`iRwBVGhFvpg zhX}3-UT9Z%##Ba8Qf2#yH1Rxd)Hn0OWOX{( zVK=@@Yj~F-)W^3DrAzM+FyO0jRpzJ5{UR`(qXz9$u~7Dc84mWb*Dtl78?=|npA7&Z@_iR?Cjh?1o&f+Y4 zG{vA}jS(`bVY1Z!J6i7Ehg-pUI5CDk2|ay1wCo>q@}(SnyC=-;ooeUGtWQaD>qw@| zdYmN>gROLb9KIvb84~aT|DMZa_x86_Ti&^Hy$hrfXJGC_W)TDMC0ysAgN#=AXD7&x z0#iL3WTt;pE6y!+&@NSDB<^;C82aM>0qArPw_>op68t?_P#vx|2!&hv9`Ctt%0}Ka({wY)nl%}Sx}L<$po&QAxT&AB$)ju zopbrCeWDzvrwXJW7;&9`jyZ7oDt21!o{f%tZq!8h5S|UKH5mNTZzCS<@EE5oVsDzm z%$CpYR>MqZv}a%4Nu310(`S`6nM*c00>1qlcwYIe`N9Tp1-G$Q-N{_I=4_bs-ydeWa8eLoUrsYu$kFbwP)8cwcyz z23u?HO6Ido&2=90sQt~&^h!VK-e?0}jPPsmG<+YNBT>vDFPy_ea9^g>=Gt#iizd^L z7sAzus0Gh#TaH8wHt4uGa;z>CNZCJ&WE0sNKIidoyiR|=z@Y15t#xvulfM3q`Fnjh z7puwd%eB&vV4v6TF}q*E%)V=^T)$#Zo*3Fy&W=@s(quV2;L#Oa_0`mLNjn!IJ03(y za8?++STK70J>J%gk+0iIXwItVa$~$1J{tJspiR31AK*IJ@86|zr5n#PpP5Vn{x9Xo zot_T(hP(Yl0pk=00RZF`Vh;;DEp z;Hz`zU7Ad@AX~-lKW`fw?OU^0CZtz*=zs!uHCPNWafRJ=bWFS*DBojr@WZVPE*A}W7$i0wzSuO$45!gq7Itx zl7rsEw|OOpU36lk^!=OtV=;MK%jh!2!+VQ8c`_Q1cYVU-HX5Fwt7y8}M;ef!))8Lp z&UqXCfacNf8UD@c-a57|J!98xbiAjFI>yi;$DUjP&cQtBolITxOU9vdPgsIq?FCsy zWisXRWuuMfQF$>Tq8NoooM7UUK)BH-<^{@@Of@Okf6!9)BfMmUrhqy%;G);c7;oCNr{A zrd*kvDE454)`oGC!T$GpNVasoPZuZ{(3<_O8pAx&o*k+Sv&-9JX0@$@S0IXA@OhHV zX<*dlUCD$wMs|&-v(D%J=?DiicBqS{E%(%gZ5`Eji%~DPi_ zH|yL)X-;18#wI`IatrtdU%05d>C)<_t+pVmqR^3CS@qaX72Kq7k97H#>!=TTf2Ra` zXi`&l<%ygft;e+6N+JttkF8{aCXmm)H6xo!5zN3Xf7c>JSg)?r3=WFr- zA3br8&M2Ox^+&!-5}Ka_U|-?xoLTK%wNNlVz=;X6C7N!w81OH?(?hQG2XoiYA(QmK z5F5>GXEe0*U!hudl7mZ;? z|ILj({MVqP_mgvf$xe5XgXM%a&bcGI(JLGB1Dv((rbOvq=B?aoNXOk=FWtjFF|4e! z?&^Xr2|i|f3Gy<=Sk#4F~;7F zb}aNKX8f@y58~S%g3r2*i~iG%3^wlPw})LcgdKP-m|vN?_|(4zqcQ&_yY|3C;Pv{% zzCD#ae_=JWLB}0*#vO37A{i2M!>A9*2fZJbAiIvIOY4F6B?Ar6GjOfU4>oE<+cc3%L^)LSz= zHM_O5#)IoU0WZ7u9t?e?i{57jI+PJE$#ApzDo0A$mh?~7j+C`d39`mFR|-)AXymoQ8slXe}%ti1>FT{u9-5mh@-Ch$hk<4+oUfcQZF!8W;>GY4=&XdJkuS$ zQuI$aoOPknif3s~JXowdd>>d$^$z^qSuQ$ri@lb!O_Wn`3bX#ew{aibmUH#AV~D)M zPhl{7=*R%Gmg4N#dWSs(UuXDIxZD;&;$7IF@nb;(k)KhOB@T>bMQ5(Nge=NfoO5oVu2K41FxPTk?} zIR$4xU*-~z2+9A|NiXx~xDH5?M$g?;RnMXc`HmQ0(jonqui zvlu!3HA6c1CCZMJF#KlpAKzl{ho{Ks#QCu$Q-qA!?{l&xZ+U;R84_fDF6Yu7x`n`J z!~L_QX-h}_`>2!d-j*c8R*Ht-j{MHUpF8Q@cqa|4oh{Ax zrpkf-F%s?Js^3ba%CQ6A?K@va4%Bv?9js1OI znczgT&Dtb9S=!LY`R%fkwi#)s%gB&B6Ga9~?Kqhb3f}P&{*-JPZ#x&YFkd#Qfma{> zUXex4dVL>yv^29`9K;Od0Y4gyF5tlrxePv9a&(5c?~Ie(AJQd=p0k8V_yTeblg~Kl zi_u|H`YyTna6(;}+eU=lcxKJ-{tmk2Q-nD8_13|BhR&188SjjCBMMz{xRdVV z`~Ef9pbp?qeHx&ph>w==VK%yEmn$7-=)^BF`y6*tk1e01=Ce3C0}p+92D&SD>lXWs z>clfY?VGFm-DW1f%pFGVVvYS^R+;RbK3^rQud6PDFKP6_Rm+fPD?zThGnD;*JkQxN z&L8x6@9x@b-KS1^ntsh6i@EQZ4OahWr<0zfO4(nox*vbkN-_rizT>XFw_EkVfGpX2 z(pHD1S@gj?cU`r@MR(gdYI*j#mYI<<>as<Clz>a{PU8Z${sq~^QW}xOEv~G&2Y1eb}Ztd<)1o$Q-771SiU#T%7YG$ zdbJ;Vot9=TiaucCcYGDG;0Lo@!Lc&sYAy7>n|U6ao4B)_wHVKTQZeqB&v;+r$wg|2 zj^}=YY_f)mm0T9*n%oKg@W3bdnc#z)f=m3ON9Q?RbpN6&TUjtnoXCMSlcV9vUfrIV zVG`%f%6G0h`;~`oyU+Xd2@H2yqFmaIK8TsR37ks7A3w$2-%-8RJ7{rRxQ6ek(sKj* ze27`y$SW+r(^V(ITU-tV!{EKB$@^OgjYyyN;EK+!TDlVN^#o7-YD4xyM^^;|(Ra?_ zVi{)8z#qJqh0%UiH|itw7&dFjxLCs;k1k@i7hJ+p^fl&qIsOGNL6Wmxf`{*Z9UoKE z9QlMErF_XqIpUQjuUh%*3B3P9#+bClu{fE-E_>u_kjw`obOfJ!SlvnQv?qgizMU4S znIS`#n)C&Fwy|T-{Dj{1yQb3Xp@uSw(akoUNBB z=|${y1=#Dz*(P-bU(P!QeGJ&*o^!T(1%G)HF~!VQvLl<%fVLwg(bP;j&iOkh^->84k% zJ8RA*gC6Ka{z-8-=C$mLVL#=_iCC#tk8IqlWd9zvQMZV6snsw`;&b>pui2=A5jgPq zw_qRnvwN<5EM(FR1DMMvyXw9s25ko~@#qnA>3cX}v`0I3r^#jqbSmJORp3uOI2&u? zzwN*|v-1f4Ek|&Kwd=Bd!_4?i%F;xE{9zNv0A5N2B*<`H8 z!M}i2Z5`;S)90A9(O%}MnVIt7O|rbS`P~5k4`L0In0`@m>|U0Xx)dk*T;RdrQkQ`l zU+)h0Jlb9Bnc>D)kj425Y`ho!8kH>CY>uls*`sGF2bO$0MlOAI)Y2w8g!aHeoG|O{ z4^H}IoQbX~^6k!{t=j}AJ1<#o55NCn6>JjS+ny zXEp!--BtRrTkCoG>P&(Zp& z!&^)~=8TsBE~Efi2k1V>S7J|L7am21VFF&y3H)rY;2<93yZ;&JqLpjA=-k0*2*Gj^ z_ruYhqdONYtmj1LRnJg4QJ>kGGiu9la6oiThi@`V6aZ79dhN1 zG z^K7GLwEir`=sfv=@2W5J{LcMWt-O;CYxG2y(JFLW0S1B=v5XJ>qdT4T`EQKskh5AH z$a&lTLAs--KS6(QpZoFRmgK5!uhYfx)LyNt;g1VA>Lc!)Trin>%mV?TTj2A;(UK4ge#W3Kzo; z>&W*u$%h;;K65wbflufG3ZQk~pX{QMKIDegqTc~5anl_aJ@*e<(Dnvhzu%7BXg-UB zbbXWixvekX_hvGpv+VUI8T7B=Gyj+xFC8CbNh|VNzVyfY**;mWJfs71p^c8pU=Ll8 zDkYb>YKc2&b}!?dTKGv$|1xV#3LcNjJP%dS)WXA^WuGk&=b-lZLspZYI{0WJxMQ~b z_Z{r@0=p0x?1i>)ZALHzc;?o(Vr4HlWnbp#mgKe-SREt%y~tigBh(RG*Lj(z4$sJt zQhQu=VKj*wOAS1e%r3`X!}ZY5HYirSC&6Je1G(@S?SmiPaFlG9j%0G)qJQfP_t`yz zx`A0alm`>t>!hF9+eVWwm3KKgd;f)sIFSdAZv83UAYZt5#u_=JuAt8WlPcnXw`(xF z(K39H+tIOqGN>y%)VGdwp1i;tiY6%v%(c2RI^CD}zplAxZRW5K%ME%SoyWlf2CbSG z%=;ZQ_Wp-#4?vfnNxprKl}<3Z2EW%HbnAhxX;Nqa_i#x!wSjB(bRs)p5*`BXKp(QgCXlaYA8xM?xS#tQjT-ox z9rO@=TjT{jT31-}OrV4Qkel9k!))?zkVJyzKH7uMtOdJI9~b=z?)}*_O-_Lktl{&r zOwEz%%-RFW+G}%gv;5`B-MtuA@?Cn( z%&+SQ(PzOKJvk9BwjB41r$Kkq5gI%Q-%lv{w-3x(e277-b4Toi8@yQ}SB8}^>ML}Y zKfpZdy!O@p8yvN9PlJYfM$2-t7+dARQ-Xh|)qH#X#>^j%7UMBo#T9#I(q?EwhK0z| zQFx`lpko?m*493b+8?dU>~i47=&=J=lYu;m9iX38OMpF|<*uC%CQ&c{?;R&siulv3 zkMiu* z3rLqo`GaK6F}_Qqo8}|;pb&H4Q1FYlyS#POfJAXDZ$pkN{RidXc^%SZ1w47DD#@~D zIOkC;J36!b%!Wpds)_a!PAZ_iNxM|`&>gRSN_+Ghsmu!p!sF!bzs~9a)^7gCPJ<74 zX;i*s`D<;u)O3IgJDV#p@4v`AG$NiaT(#y}?#r2Wx}*Z{;Ga=4hv&u{EUXke)SfJ| z9veAmD!kd1LYd5rVX_>*@UMXmdjB$cdidI|4mG1?;~fCI9@;5E4mw9kH|}3wFf50r zUnDG)-QaALY|Ww%=DkrT)A4Zphl|!foh$wM3AHedupIZHk} zsXh5ZU+WvR*AJ7Peq+@Rwy`ojh(CkfvctdmbVPSI-86)K>?6HQ3*2?jrbUwP`Q^s5vhz2dF(B&Unl4iBwR zg8V9nL}|&pG>SWZWHquljCimH2g@RFu!nT`?(=Bk@K@~`{#|C3!4Jg0_Z81WN(GZ1 z{A$%u@Quoo=(K;sSs7~5#9cT4U#*%~aSwQ?fmo9HH;MAv%bTE;=wSS6mmugM9#pyWyyx zKN__h&;JxM(Vi5`lAI4@G7ND-yMi8AefWor2)WN$@@9jZ76TXP<;grh-$O&zlfyvf7!nWoyWfdzmT=lR{N%K zesR}7Mvr-*?+?ktSv+Atu3R7NL@q(J_>SUTd2Y}a@SnBd*48q&WL0M$q=)P2WH@;b zH(lE`T`r^=^w%AJpC@l+WDZ{9=_&HEm_aLWf6V8Ow!+iQ>6#^WE8j}kK<kKZI87_Ix$tO5M)Q}K%?T6B4B?hbTD5#$w? z0*9Zn3_N*$u6WMl9EOXG&zmU$mF=_{{BPx+a8Z{7bV($-TPwJ=eU^Nm=BlsTM9Nsl zZ*prV8dvfNZ!8R#+y!(7;tMUl)ToUYxoXjLvLEwBi>z|dAl|F&AT%vtrek_U$zFEt z>vSI-s6g&BXW)4-wSNnKm6iN+HR)z*0 z1v2P}2y@W5{gJXN7JSeZT|=Nn`(%5nV?}qm0=b9Ld6X)aD5u}!Q9aDNvNw)A8nU6_ z;~$>G54+B+570yfoO0BgZ|NNRi7sNAi`t{_83_*9*O9%d3-4fkI-;%kNak5J{EtxC z*ad9!9v%1I@Tv{$v^n^GF*@FwRkx^*3(tuYy*V|^8hMZ2d+?cLp6Bgk5F8Fn65pwz z(q^B%t_0Ux!R!=uCPo@9Pm=-YP)eekDAL!uquD>X(+UPc2%Hpiqk;Sv<+ zrB}&%ZQd5GA{^8f^w=kvdpd(@zg*<5x2l-v#KP|ph_5`!ss-DdHEo1Rk45Jt6Y+zD z^Ss~li;-sioVCVCepXAiWRUTEm~2_QORoC$TaL5_yXcG`!K(||I`#2$#2VF7Ek`5} zuBkORj6wf*o4e@h2;TSq z*kQLh>cZ-9n{)9-aE4y$94xcGla&=h`s2-03CX>ll1n+QUb&~7akk-d4A^xcy7;wSugzYRqkvWf?l6Zank7Y|I zGWVvl_uPD#ByE{({g*pyx4JIsS1?LuFz3}ciCZON0WXrtBH1;5(nN;uf6!c|nf z8K7xznaeZL-8_VUD3C2>ne{%V;!T8Knn(`q3cjQL?EK>o*=TGYbmhPEmS4MTWMaC^ zPr=XfEfc@HNeiMK&W{G|Xdwrk-voZWI5REp&)qBDT0PQE`=Hn9wJb?S*T+-C?{qVf z>;rrU!DO>^X!A>Kwxb*Qm@Y#zvSjigIt{9O(L;rA)xur1n4FtQnUaM(2p0q=jp;tb3a%MbOMFng3k|5AxKF=nF2* zej{a9yX%1Mbf2u^EMxz>0@suiVb!jM&?ipIk|V?L3WMwPKT0kOUb4TLk)7kgILW3z z(l$Zdj2W^p4V^A~4d|;7I&5U%`q4my5mX8IEnsx|pZXMX)aM{=JC@oJbWH^58#8;sf)|NRX3&nqwNwOR^(#uGu3#{S;#GF?%8|8AS3 z$Z~}5gS#4Cp7XyU{wn6I1s^OLXoJrEA=)P}h@#9;U0cy>UgVqXAA+}mXXKB^vC?#D zeoeTVAQm%yqb4Wq8^G^UB3=5Y<8Q8+D*+3m+@H@g15b54zB)7viXPpZ)X(_|_T^ zW?4Mi0h}XaXSnM3{OMx*%A##-5~WwGELi}qHv;d>(|z>%FjKGP?)OL6v}6wcbM}Jy zUBLzmFmu7b6cKzAc}NEZ$!m0qz!Us&G(lW4 z$!S?*(86emH{OYm5f#w!Kep593v9LeU*Ps@z?uw>I+1JtLk>l3Al)ql%PFVI6%_-Wr?3U!kpU9P_L-T9MZTOcJaOLP^zTmGntRm0< z0NHf~(#7$nK~FtGcfSdp&uVyzI%EnrHtH-e`3-$6;Hb>Ld$VNxmK+&7*QBkY)8+O; zgB~%M>1|4t)23Lt(I-j5?w}(_lX093zqh`Tk{gPy;I>5vf^kk@f3D6RzL{NRu@$e_ z1vG2CFIi|UKLnx4*=NyC;Grvr@Q$GE8OHu+MJtoxA1(h3K#LLwpK%85O-X0n*dj&J zTf+r^r~8zi^(oit+U4xxWe@P3#4A&&I^{C6)&^2c!&ZeeZ@43#49E!vcKtjqR9 zncoJ#FYlas(Jg(Do{CUBrCrE!zf4BUT(mXU;VRJ&giR%Mq(Dt@W=sp3e_#MBDx z*5^#xsRP}k5BalA^bX_Qoi~nm7gF|0puPL=X zv~M%=Q7V81xG`@YiAQ&vB?X*4bmeDy?wM_l+=g2(gLbH~o9>!!(RKkTQg0yHU*u%G zc$p^MO7fhd;VJBxD8tyTzijo?ywB-|`uIb3KhKeW!4qD?c~7h#BX-4e#P)@)#wC3c zzruxe5c|t7cTcq)A1piBUvf5sG0b3oOeQ-K-BgVvH=Wt{m&~5XyI$0+i^(E?Io4OJ z7bdG}Azhy6?_c5-y8RFSlKb}R_@}#0bo0;w!Qi+n=})|e#_*cEF6zVF*DY0&$?ljp z%9%aIsLyJf_1uF@+5cPX3V-+4zK>EW@r6YB8uiF*ce2=i=hURgWB9?Uad_qfzKHF8 zgVtV!zLaNp(lCRLpW&?MUzxPdPP_+jScQgos+}Q5wk(d6$~Fd_^`0K?xpd6Dwb5L7 z)ux=OrB&RM*kxyVb)g#gVB-v{3ikuTYo%QXHH0d!0&%CRX z7UOo}UqR6;Na8+L) zGI>kT?a5g+{9BTYn2(R1?((mhN1hI6*U9o%>LCCxUWd#OymTTHa{%uf!`7PPBq56AMnzS+dRbBs)m zXUu4}_@P6bwIT0kyHNNUcFKNaMXiJzs7n^$<^k|9_0r_VArH+RY_B)S8aiAa4IT5s zJ2Sq33N|`mp@&x5K-SSVFI~sozP6T0Yk@<~Ef6V}HygD;Wp)_epFfxhFSGYK)J&GI zvz*ly&!Iiu?K8tI`YZ&02>k1q>f|u34VR}6(xi7ScO4GiRId|r+WaIL56(E0x#eoU zJUaNE3Cti-N-t$stU`WP>v(BP{@?XW;Mw*G(wEs}DSpO1t23k~e&_8xUxRkw#{k=G zfyVnd83EV2*;@Er0EovH*s>QhNq78Ht5s{cOBzQZ-L^qxJUQP8+uy5p^Kd2rYU5y zxa`l83q$cO!qaBmG{{K@foG=Pchbadb~^tgyb3u-*ZxkC z)#ONTBv)qk25|kt-WoSOM~Zu+0sm;Db|>(aaA#Nhi63A-cxe>+lM=2P*9(3L9PSu? z?VO`{y-M(oEn)U!&s_~y6be2vqc8I!czI#Y?zTK*WnY0yEaogfmLU7_MgA@Dw&=s` zg59+JJkI^6v0`Sf4+Uo_A`+C;iilH z@v3_}QTb!kxwRAI!ZOYV@Y1>Hj(>4ZTx3Q~;%vK7$E;V#Z@IqqyBzr9qK)CL2PT7Y zZ6>#kS@Pi&JAG2hMjhil=(fqN}UP|9h#BWHp@@?j|cHsGACwS?2?v?mQ zKHBOLd5$N^^+YJkQ`)rrhV^y~FSS9oKLyPnQ)(lU6@wxjp@0>9zO`QHQ2 z%URBKzjZO`Mxk28WZ<3nwe9ssMU5s%)?)mM+O`;0~p zw`(q3uDU)S zeJf;{8jQ|56`$CK=>~lmKqk>R-eGjGuHZ+v&*Vz_R+E-U1EXWs4%|gvKx>}i9afE) zo-0!>cuG*+J2J~X;;%_%m? zGIa#mwdgcjIFS+g&Y<=|xiaq?SbGz+Q(!%X`B`_Kav)13TQ+dlY`12}5@rQ^e8mo* z=%*cO)T{CIBz9x}0wbB2hq;fr#(4x<05oeA(crxLVbCj|GUQTH9^KADlg5PBndWzfr@Jv4)v{Ey06wb#Zuh8P7-?QLPNF8CL6SL4$ZAYWa8P{|T_&BrH zpPli5&@FYPIqwI1{*>XFVoyeEjVl)Y$X&JPBN=NalO=;Q<`>V513uFq=&b@4dFWQW zr(153uQ?CBUx=+fwjo=z3fZh^FAsouT56fKZ#}f8?KuCo!+Ujrj{w_f>&#ph&Y8vM z)FXe5jh}~x@gSTgm|H2bcRs)4?nsJ~MbEwT(pfysoWoCBm^Fmn*cH`2${ZUy zQogur&4Os6D}bMa19>GmsWVxpYk99Dy)9a7zqjVV6Bfq{VYf0&{7xs!!LQ6I=!PrL z4i=yD>_E&^Z*S(x?i6ywK3a5GNSfH1m~q0<|zw@%=rTuF>4O8Ld$~fsP z`d!yM;ElCGt1u9aVjlbw@C=(jCCXepBspW8H7$xc#*uusO6d69toqW~sI$>h*})e^ z%=6HJ4ag8|8%p*Fni<~3*Z7k6vLDv@#O!Bar-ny5bi+Y+^WLO`=SRo8Y4|hnF0!ib z`O_;hJV4!;^-AuFkP=_4TIW0WeSJ4A!%QCt{ynZLxeCS1dIP_hiTvmfsqi%K>7)4r z{JfG$uTJt%CpUU(=b5z#*v8uOK05ABhU8}_{=KUoE9;M54lNMbm%A?+bof4ZaZ4)||IiJnLZZ^Fm}N=TPWQdvwnpWJAY@pmQh>=Y1Re!#tfC z%CESFErFu|SE`VnB?t48mw$;KR5X;$y7{PfNt1kIBV^o#pVHQBN53hW$Q%B;ncimO z6*uixGF0lGM)!!nVeXAYdB+>Byp=qxy%CjG#2KNX>8oE(KJwYf*) z$s>8odyyS2-Am_4Xqu0H3-{E|%&Et_nsxR0Bq^}oisy`2w{ z*AR&3oD9Iq^dqhAW!7Hgb1gvkak*=XTp=6uY8x~Fb$G{%d229dta6&~)c+{VwNmv1I>+T9hM2^BWtF|qS?s0yo%;#B3 z9gAM%zc5*six%TJ9Yo<4U3J2sx4@$8?t_oFjF+Mn$#G-m&T8(YZSguhM=N;8-c<{7 zX6)n~e8e3SaL!xr2l9I_<8!KKHXarFS)Z-^FH#`Ip{-e0$jECqa-=Q%vB|XXMp!&NEDei-~jiVrpt;{@@iMo zs~C|jp)gPVbF~Y-!06-Vc<8yobQCv2JJZypA-!XyXlq9ui9h1#HG9qZ6Adl;k7D2p zgNN|%cz_GBLs+KcKjiM}1CJxLi zlQ)yQ=jy3$;E6M;I_dY8e)^oxvM7q9+2ZV)JsRar5|$}`FHF($JvSc?L^yPmoC=6 z7VW~EVjz>C*cwNzbBGKoFs`Y6e8|d)5uc&tFo{L~{7(KgclfJCXn(;G%Kwe8jQ#b) zEPGws!$})}x#o3dC#O?-?4T5JLxb3+k&XV*$gBqg$-^agVBuCrZ8g?Sd%`1Ld+h-a zPOf)5_9nVr%2&1OxS78CDlk>*1(T!coF$oXc%8siuXpv=x6hI#U@AVc$H}tv8@i)q zSrU51Py66udRKG7=+Iqw z4V=)UF*Ai%HR?ZJd={H>q{P1_?cd8oN8@FTzDb84`5`~X(VI;7b&HqqR@Ly){leeI zj_`&YgbiD)T4paEmxKP={t+Gvr#w0>9Q_YkiDGC`r|)*x&{62=HyL%*OtW_7o!Wrk z>#O+d7Vv_pIq;0UH&Y|XNZn6%1^3xO@W6eOQt^eDG-;Zb8i$~B`K`YNFCNETei@wd z3Vh&EaLgg-h6Zm$GZ_fKf6G%>!9`9y18&qISv+jOqmGjEf1d1_7_!*rv+rIGlj)Dh ztnTKfo+q63@A~A;v8NvbU+7Yge;-`1HCm0{6TeHFQR%XeJv;<${;h{(ufS(avXaNz zD?~QHyZ$$vU5M{-OC9uP)#Ii1DzsmF9of~$cWsv=v*DR5k&U(Suto15&ylnAs=eBk zA${SJ+YGVMc6-QVB6siSF{_@*=c_I92FsyC=&`Qk$}b-mea~mpn%$`&^KYBFPTKh$ zxk9b{v~OO{yioE`EcChGwA1=Z2DOW)_Ad`7d71o;=HBYwn9P&r;KvqEZ8j-R2G0wZ zP<)Xy{$@vj?_Cqh?wX$&Ee{`s@@=&TAkTXe~xP&wK>Q`YXJ%hKLi&%U5<@GSX= zi#+vv4A~x?O=|NOy~u84LEZGyeaRLzG;!9ScI5bh!A^kZI>H=&wlSPId-LY$cv3dG z=}Gh*`v&mL?=X=E=lSZcUj5qMn72eS@reLPjLwou3CY-_LSSd2{vvetpHu^E2 zKiK@7yQ#7)3?CIb%zo%FKAv>d=dIwv%DCyCBV^zf1G`E`H~(*v)PtW}Hkf=WvgKCI z`YHb3&HBDBUBf+7)XRFZrlNm&RXq>BlL^D&d4t=!^$xFl^pOBAzwFg<> zSABK(Yd4Js`@B%jqA&WRy8~07ABvw8FG>)&UIPdG67!vPCp%MzF0LA~$3}bp;jE?4 zqBr?$(mPer-F7A;wy3WjUkERKADzTA^4oK4^*`_vTQn@TZOmFS%}xJV&HZ`bT^nAt z)!dbi`eD3PUoCLcxJs_Nxjh-qlbOFan|1o%MqP9Ru8~>w(LFmYQ~^vGEyI9^W*yd> zvoFA1-^_K@&d$;DsivlSC618W#hI`_E?V5^$KK>g zr}i1R&2+pLV4I@`gKu6-l@mp+I&7d(e|-a^W=Hh9OO`Et5KYlW_u30T`wAWb?D`1V zU<2YjwC7G=t=*WeMzkDvYDY`;T5vi4_~`-8%5GJ-FUWZJ$H#tTzN@~28|i)k4OZi1 z*~%{L*aNTNUmkiVocnPcIqo^GI%O01*DkcXqc{tT(5L0#rE`waNnI4J*_=4}YgeRv zDTPKDPy7D-{#qeERob0lC-<|{D`fo4FJ;!X;6}c4co*uY%go|r>}^RGhb%IHSD}Gp ze|oxwXPYjfpTpCo(+rbV{2nW%4w9V?PH^*nG(Bqg_BgMdds@}2ajdjwU-Niu)g0!h zK?~_Jd6y>d*i%3K87W)e;6=B(>ASLYA0G{;Gr&zpmctXBM2EuxTW!$6SF_N-|8dK# zP0z+lW_*|&16wZCD_Q>K{w-9?Nn_&8|Ht8Gg6~f8h?9g<2A%0~B2UQ_CRg~b`Zog)?*X@51l|l?!-DxX+WQ_Jm=I=T z2lRJc>3{||o5~rzE(1Ty8M0mQ7M-5#uf40;>lG(*jwMtIpaGi~Z>JN$-7eOl-q0n%?ShF+y(f=VhJGksiJ6wGo=IU;U${19`@K;FOJIdcC@3)NpXGd0=8=p1SGR z+rhHY2u=&%Q#TSXJ-kD}Ed}Pul7J^nKgtS zhFG2pvORaVB3EKxjO#Jx{>%pCt>gc1TXOPis3=u!GSz9ruk1gS(&31!F3}LP~4~IMipP124 z0~Ub0pqV_<9G(;0uoQF5H~4|X!*u!Xan`lWQhRR%=>C@YfXSP^vC~sq4a<^0;bgqJ z+iN9sBsCYK&u(Q_eI6wh%cI?Vl^~1hGQGf`IeG?qg1Yd)Wzb~WlS@%ApUxakz8je+ zq1*8%b4ObonYEc4D~J2>wzT|E9>$_HG)3PIOL@c)5B5Uv@~cY#xPvx&m6(+wfoI z@PyELH=ZuKq1?@2y6fY@`L%PVj~43-FXo;lSJ9FbMSI`zk4))* z1&uErSU8<*qr6UcANzPd$>HBsJOXbDwZV{R5w7_SYG8@MP66>ZYznT{(fg zh+$4Tp`@RlLR(d1IC)8#M*W#&uch$vh=!R&xWw=%Yp3SU&CbZ&Yt8&JSobQXT zf!(q~jJ&sZ*QQ;Zbo8@KDZ+DBjLc6TTch4A=R;?>lfGUESH^pq2aU_~cCOk5J>?m8 zBiDB1Ci{7i)nw9iA2N+&$k}}2tRd^%wDxtQ{-~QQ8p<32~PHxJw`487wf{4fLk@T`%Q-RKQ?4H}*y;N*vzz~c!0 z9EHhe%IBf;z|0@gLGy%tKLuQ42D4DL-N{mYw1=LGbJwy>>2@yhONzqr9b<>Obq0^x zc2DgTgsyWB{5HPp*->_6l6mR1$OH*K6Dzy%l{EO`sYS?z__BfSxQ^@*4e2rZ2#!+1 zQBP#q>zGkKTCN?P%I;ATI|8hN{oty}UKi~}8&H7#*f(3gY`4|yS#&w8mv)UH3#~f$ z#l%#}Jcxb*?q|V3d^n@w@;BLQS?-hWi&Eq=yVLo+bYyvvoqE+%hp{sqWj5;y$5iit z32(21en!jDk*wXuQ}LVcWM*SFxZA?2W@fU22_71E!Ce=#n}lp&kNZ1JhPEKvjy=Bh zK{ThFNl!V87k1%Hh12^JK6BurOga1?9ob=C>Nz*BzL@4iMn;URE$pcVn{+vV*5v_z zXV88)kga$qxEG%u$dy;{a0xT5nmol3?~(^ulf^VL7|fm7&6^#^p>dMzOTcFp&s^NZ ztf#A|NY+C1nSZ(K93vXAd3;|dc$a2cbf`_N>isz$Ksdj~kD ztrq>}g2o3gPx&L9lVGUh;m-QxBgc6;Tx4N1tHsd~wE>g68ZRf_^8KtZY6yBD2Q-ui zrdhT8Bf88h@pr#;*NWg5zMUO)HS?55Q#TEn&77G*4l|kdKFf1u6Wtrd@P~8*U+;w; z^XDpbu|F-^`Xo8b%uXSGMtw~dcWrb|%f}dW`ivh`XOVYkix=#(zebEorIXiPXKaWS zJKneK0^j8j9FPW)Cwu|F+k8)bvVrp;+)INO*yzzJyz}khD4BZ;{)IP^UZIFTn9sPY zO2KjMWd>P)flh`@JjZ5oF?jFigAccMAzMk^bqag9cXhm+1IexWnk_@%6M_@SS?iJ{ zy&fftr-|PUJo@#C9C-uwmce`0m~8u6wd{2YXW+V1x$*~}g{3mj<^nX;@KmEFkPi`= zB4gM~3V?|O(@)!Be7aPu=b%pLNIvozcyWHzg4c}QP7m8vxI3QjJu`#l+FbC8?szxR zs6^mDnpTURPG+xa)97OV#IAB54eLWPyS7^JYUI^D5jnE11n<{1aC~?W@0-z50nT~# zf>5!GGV3J%{)S))!|I1gat}A{S1d`q&_=yr-ZKQDTkP(m58B1hb(ns})$rB{?$ z{(W~FvTNLRWg~ALGB8N~*^0*NGkqDS<0N)Xsx0|QKJRx&ts?l)O2tZUx~?sJEj)BPyd^_Vdg@mEy4MDwB}+Bx;9UHN%(_pi#Yy}*IL35G4T~}A zS9%t<&LKDc7a1P=0`wgm)D*k|H`qx^K0%`m4m|IeS#P!U)UpNXBW0)RlgCbbfbYCz z7J9fMzwT}XXNPaNcu=Suf0`{#X5@(D1Moz&*kdnw>mNVizj8g*|8j!VKW#yS@lMQF z@fdPXhoI9rpO+rgFXS9<4A3@Ua*i?RPQbBybo16XXod1t_tZczwtd{=e`UgNF9?^e zo@C-p%cqmO=E@K94~Gt>3uYbrMAHJAluIWge&W)H!9o6JZ+wfUkTc%2+e43+r!VB; zXBk2FOj-CJpF}#}`qBr(F42B!uGC?tn^vF9%u<{`OUNClW7Spf z{q+$#{Cypq^#mAIU<|VtUgMHvDzx0heD}~!zrzL94J2C^%wdloxhms%hI%H-wQ`A4 zFwsMsG$UgR&!QiGvK-FZ=Ed2YvdG#v1pmMDvn=`Hscp`ZIdaded+8Q(IF5dWi;u{}!^+#+tO|O){89Gph!XQ3|fMf!*lPQzO~W{Ih+1G;Bkn z)a+=Z6U+hnut>7}30Cxc33F44capN}m8^qbsXh{I&q1=#YQVoTqvkv6uGvP;$8tGx zt*Dj;xRMz=6x7TF|Z*)HX~?Tzn!-<<%R0%m19iE{wW@v;-H zx?@_T)XX;P=!sVC-rq_01fnZop1MCAUjw-26nxslKGOZVn(TP1mu?uzS>^+8*9gtY z1vrtz-s(LwS{{I;W`^{HGev&>ZxqAK!5Hftz}fF;XBWQ@Yq&HD6U1&Ey>zM^?m` zUM9WZYt0-6 zN{T$Z{Yx%X@z!b=^KsteiD*v$9r$79ZmZhY^wKl?pSY5Z=b+QjFz(r6t6RWI6Ko4>GqOJ7o_c68p2K}$dyRIw>%LU-X`ZD?lOSj9 zUOPsdH+kvkV=3}FnSJdI`2q*&F`Snx7s#IILsv;7@YT?%$>R9LL!YE1Nw?ZH>b;-zKn(D56{97#69YvDny_EG{%(_3_jKBF0aI-c3ty_%aA3ieXF?};)c7M!4O zj_g2F@oTTArnGR^yK{YYKhJU)b5`k5qbOz}$C{`84CSmv%mtA!d7v z9)~ad%_Fq%MRPA?YCQ4LWbWE8%+H1A!f~NnTF$&RmfXr0_fw={og8U+7)?>nIBCgF zc|S8i`=ljEIkIXe;+wh<<*W1H8yD^JX7inbT6q^?U5HepV>8GANtey zB+2Q;{OS}gPBXpHw`7WIVX_^2hRPEq11gQr1Wl-Apd*=a@D>lqf--t@zLOt>*7#z5 zI4nnB-OaiCi!;^thl6HD<!MGSN zKjGFNS72A*UN3$KujVfLFOJjYmB_wyJ%{``a+@B5pGI>Y*m`SE&V!qmeYEyhdP2bv z2e9`(*uj093QpS8UF+aus<wxox;X&84$Q6mMzi(?%R0rKR-+ucGj{#jgW0tQ!Q+z4 zm&>ee<^FV9Muye{ADv`z(L=r15j)4qv!xc@+JgS08)QBYN3V=_xTm1ac*Sf}*H`OS z_$mi89Camo=G7G@9Wn)Nco`q=0;AsjME3n6=C+yzRmGt13j6A&TI5248C2%{9Ws;| z=zOH)!*87k2K{;hy2ZWhXq^J|1G{TE^k2PCq{$;kt3GjJru@fCe`mwm`H{ggi)TEQ z+`VSp|M}RP-7R{|jWekcoup)ebv@y(^U+UUnUp10TATI2@q#)l)Jt!8`)Cz9HKO-1 zJB~<_>Go(X@|$%s{vWAhr`^t4bUV0UEidl*AK_AothRo2eYAL8@;!EY>o%u!x%JCU zo80>%en;6kuk+5Knd!jX{jWJvZj|MDBtNHDVKRQK0ouZj{2TC`oOXEmTy6EQMP%Jh za8)BS>123g|GPdqE%B>VaLc1J>#`qgan_NZzvOI~txjFTchQ#}=THI7D&wWKccLfv z`YfF*dusJ)2W@@qySR`cUyL5J*GJGA)J1PJmAmeyQET9n8JIzrDp>L25N93g1h0ZN zZ?KKKMv?8>55Br#Ave7U-_V{rv={H!baaQ6@Uz9T%l9I?$2>GuZfr-#lbI@RlN|Ll zexq|A(3e~%S2FUaTzZ`mqf#W=k%_DZj?6MQ^)9y zo8Yb6U+^w$BX{aH?=ttw2Xmq<8cgTy3py;>u_rFYpV|TKPBrHK?y*v*v%9{w57c~~ z9vWDIyuEJWGGR9Psl{A04BzzGE74LJP5<`!Xzo3t=or9fRe+geA6!65gSv$Js6Afl zNk#F3pvCTuZ?pbXFh975gh@OXWm2VU<-9t&C_Yel27j^+D)Jt7Si$r4&_n;g+h8b* zuQJ?CkMH5EKyR3|&sFbtLight?r$_)U=<8C(Sp`+}Dy zJcJt=;-FU=he^P0{A%x+VYA(}KNw3{ON6{Q$?iMAphaqXXo0$s(spQoHp^$wp~nI= zhius)Pw0`3Op=ex3}3aX-r4}3?z z!c%3D4?9(1vV5#oI4MVM(#cNSWYd|8wsH--YIF2YV{=kv5WHsZ`uJCe+VlC^>C2n+ z((iZEKu5^W)d3GzjVkV=OX?>}-c{fh2W|D{ zgmmfefxcj_z1B;z=;+p-S}ogwOhJo2o(1=bkM8IfczL6ZUf_N!@WH5eI@0&ig&qQU zpa>Uc+ISm15rZdg2|DYR-kNV_f?ONot;?99`*lF~Hj`Nv4MZJum=7{JxBGeOfS^p# z$>=Bey-&6F*5%xrjhSg1k(IforA2F^m#vsi-c2n136tSQMoNg4Li}&N*JeVY>&!e9_$lO!TNee9s;yEYB>4lT7 z{V!0R>^!xilZ8AutLBzRL;a73`tYv&Y6j1SuBgHt@@K#`cAftyUMJ8Uzc8aO3>BL} zU{dbjLtp9bC9~x^nkn;EFCAEzyWt0Vw8IAV*hU9+5%Ly{W^H)LSHF{!n2R4Nz94-9 zu|E32)uN$|(DuSV{(ClC8dZ#vp8mn&u!a8UpGK`rU%@zb^Md?)cO%T&c{O)dA@a#a z(nY_P4C3H;nbin9XaIjVdW^T{T(lwB)UY|;`lzBeoj&Bg&LNj^AsqSwt9}?qt{wB? zs?%t*z=!A63zHS#Aq}2>lzx|jqyZkVTS4Ug76+%opP_paWG=e?o#o&_hx=*!i5ATR zM`ZFYr1`)J>)=1IM|*6Wf=2R8ytsGA^V~iLO*{Sy_K5SZ(q-geFMUQ9<(zI_x|O`0 zDj|N_u&hN-tnr2KWVV=Qr)${%C&48QLeDncjPD98XTyNSn#p`qq!nGp@GFtsoHXrU z-t)uXq}g46ec91p^Q}Zba5hj|HS<>&vib($ciV$E(dcj0zWY41(^kBw=vzAP36tV* z{~fzA)1~Io+Ld$VzZ^GRfR5}kn&Y!3PaVDFt?Yy^yjIIr3n!vm2Cwj+m4}QAi$>ny zTv`58=J&vp6h@}i#JpM}-dE2bLC03xq*c14iyQlW`95UjqPHHA6)!j7j8hXicff=) zeuPNh3HQ*BS(HG=sC{Qq|j?wOOR61*`*`i-#Df&ZZcO86n`*i8(b0rlOJEXPYT2R?G6JA>>oFx-NZ z(AWig=)|U8bSMXC%>aP2lMSOkn9bS!*S>xbJ($UQrzKLZH&*c3~iC``m zKQlny(8Su{rnc4bd;Qt-x}%SHrkoYG_m)?Ko7m~C?<(W3Tb?4-GQ4yLx#sonF)!xQ7xWpv_cJtj9rSWe@X%KD zQS4g9ZhJ35UTyb)gC!GWZ-9=;i*Bhd+6eaSU^0cjfL|ZNtLx>+^Y$HHh-{$hoKdU0 z(Fc;n{9PXXOs^EO2m|#7Gx8j~3%6rkwBPHzWH`C$8)LGR>Eoy6tC9WI$42w+ao1AU z0yHdy4l1}+%Xf78|KsQ^1KR4gG#uO^2?+@VE7YmGySuv!{p#-S-dlHfclW*OrS5K& z;uLq8r}N|fm^-&EB2^}pDo$<8O;&FM(L0y&;~9xop6H@K!+(#7U`WSe2zR{^0c{Lvqg=4;g8RP`2LWqwaB*Yh;nnX=@`P-SOhX zVa>%?KE@ZV86MXy+q5#1ZYn{0y^JjU=7~|N!d~!o_WGfH@L{F>^R}_y@^8oQ#uvx_ zF>9Po)aq1K%fg&pEkkwS861y>zUVY`nW+vk8!yJjB}rLX!(qR4m5%J0bM3yU z7_fqnFu0l+{`bAmAH1-V)Iz^hbvU4jW^DokP6E7Jo;n1FjPG9L$O{=Q6uUxs7J2AD=)!7kk`LGE*JF znb11F+nlK$2XiM?WIlw4AA8eIHZ~-CzMMry-k=B4l{p?fY2Zxqtvcr^m$5d|xsA2_ z_(@mwIkeuF$OHykD!x)LJ9^p4e)Nh%y63A?=!jF3^>PMo>diWhWH#~=XS6(|si@MO z*}cY_B;+psQf3D0n(*ke=;-;3A0OP!X>^`CQU?9?3+93G=4`33O%ZzuZ=S5?pcTL70tXFt zav+%<*$2JM4mWvt9FFHF89@B*w}RQ(XQZllp2H1|bu#WG_>?4e^jz$7ZU|-Lh4& zTy(H~ohA4r&*&C&8*uQ$V4o8W(!r3TQX(wU!Ou-*ZA(>=>|I^!fLnErRW!F;LQWq^DE*iQ+=7o(cE9?FY;4$x`3rXSodFt2|#IoUCQuWSlywk{Q|j^%wjfS zo?MSu@CGyohvqXYK*wM7uu)?9j@!(mD|pCXHTk1nRy=05;(S|m zC{K;#FFr#Re4%uU!A z$K|R`=sG#DYnF$PV{u;b&oxInuEB^ z#YX`~mpfZ8huIHmF%wU~@A08un%X@wM%CsSDv746>R~ie@H36az}c~94246QKqp0m zJhE1*CaQwV@WqqK+ce>id!DOK_RdoIoTGZWr5yXypZLjL>O3LSjdM>o3(o`o$!_+( z;x!-L1epK<^`m)b(Eo2TO8IQ9EZ>%?#w6hx{A-YEUBU3Z@$UIWsaGvD5{D-2&qH4&hGo{j0Sd{)o4bdhvlevG_1GCy=he({*80PC6Ejk zo|z)G!J#iWN;&4mRmag2b|KS(*=_$Fa)^79wKJD{s5ah&P2S?x&r?k7zQYU9MP;K2 zc;V0PLWel}d2=$56L)*bPV)7CUdU4)_ktCC;O~5vOJ@^&wxdP{2f^bV*T{MFO+Hic zb%NuB{>oL2a_L%`?ktzkw$-@6vy5Nl05enU!5p=JAXxwpt;G%eX=HbkEMk@o|DQ#| zo}fMGsTE!BFXd8>453R7ax+6K_nIWB1I*wb(Hg8{uPb#sS#@9TCY{LixLSj5T6Tpd zN7L1%mFV((xyzXu+&SYz!LwG7v%h0-j_Pmz*Jt1>LGX#g`ngNFLrF?a#1~izUUne* z9q^;4LwuzzoRg)vqnzmBA>+8S1~mG-MmGRw|Z!Xs@Zo4eUE zhFu-~-Wz&z-oZV++l5c}5LpAWz2y3K^j&?ERl!gvNu6&k1Nl2rPUCX`pP2lfKB@&i z?Gcl`dDapVfT<1Wd{R^39GxmRYZ`DolmFq=oBJ5NSuwso#f zmLAed%EoXNdnZYS@m#%X!1F++*u0N9O5eXgRpa|BUdvq?p{Xy1SAN-%MAdc^yb7Al zmKyvw{o#8!Gad2OHwovNbVH9`*-D;A&@-TOmC=smvHrH6*5%A*JwT-c4oDg&KL;DUHnGKkD+#qR4!U)-MGs`^$u0ge2m8(QRkZ~#@OxkwG}rz7}i z;$z*!dA3QKy!Mn^^&G`!3LOw&C;=AqE1C4W!grVAyNU=U`%^JLPch<0u}Df4aL1BG z<;Vwethj$ecn|&BvSW@)R4=`M1oIZ7qAx^+)7eJhzu&oC6gP zg6-7QNKHF>4&GRaa`TsV_#gtc-qMxqpufywwFiN7F2k>uO@84yGTO)|I#XLOJ*rsA zuks#}Og8-7D_|;kv!)rys$7n5j*QaUW*g?Vzsh|_hO#Z^A}ynJM^5%hcw{<~4pO@%P?~$oKq02gc$qGD{dwWiSnjTG8Gx{rAclZi? zP%qI*WCfD*(3g3wZi*UGS0kD|Xp!M(GuER4U*#$nC+Vdm{dhi(_(du@O8O65NkIcN zi_9JOrRc(Ukuh{6Sq)+@hwh&ANSW{@HLN$9`bW*zOvqj7W%Y8G=9d+&}HzKm6nUE%IkRJlRM(R^Ozm zaJ-gH# zVN4Im#75gUr-rA@u9B+Cu}|LQ9ItT7Om={*lF{f8uddsWB~mwy zd@v8Gz4C|3&!R(#_u?sc=PUYaa(8>ng8ez_Hdy)^X4dLxBz%`8ssRn?`HCjf7k~5N zcldwK`^y-ez1(d>pHve%6KE0_)rn;{u$G&9OwFsg5a)E-XW zWGCYWkbRVoM*3Zzs=@u_U0@>@mgyz5cb*C!j-C@te)fL4bVktS*w;pm_D@zVw}D-t zLwnnX^XrkjB)`U=yaJsv9@CHsbg`f#zl7gp6wg_Uo8+Ubg3OO@rVERlE?5b!-vPKy2~~40$+R`&a#H=fCFnMtDUpy zNixE{uE|hu;NZS}0*Bd4wvZ`Bl^JEA4;wsAm!lqhhl78cs|xQ&@3@JayM1Q#lxPwg zq4OO}Mn(?Zz;OFVn0fQ<>2*Sv_NO@SAsMza(B+0(nEf{YP{+VS@0Z6T7R!#p%v(DZ zO$nN|)$kp&TF}Q63ae~%(JAvU>zeP> zG6{^EnJ3OsCx#sssW`zw{yw5t_p)AAg2A?Z%FlQtL&e<>5~oE5DapOsiT8AO`%lUl zuG^+TaS8kKMLmlyP>(A($jBV}yvu53{Ar%+t@y9SB-`*f)gR0m#k^o2Oy2??uBQv| zPn`i1;B0AtJ~a$&Z&A3P!}quk&go@nM~lqa=Po|v3-%6m6o+rT*WioZL#@OGACKvs zQKo)&md|kJ_AcZBC7L9tMZT)Q40e*U(Z~$Y`Z(FWa9sa<__y&S6ap(7)s?&%y#IrB z=+*WZ;PwLK)pqug|KVFCzb*)j@F{oha;-*QqUp~qRiK(#TxH9@`>PZDGT6XsZzlXF^Stb0C>{21<*RrS)9{ZChUT$;HhBSSrlCA)Po8R~^?=y|e{#y#;q_aZk1 z?5-4gp^aD25WUJ$37olEb?_LW>oYVLzt#QdO%;==W}C8&a#WWHxuiR08nb$Wx9 ztPP`6gY&#urdGPc1Lttct1IWM91Qa7jHbb?gtEt{md>u~=a>8Pg`*6<>$x_O~ zkNr0!TMg=hMkRw8iWz!?GRWj1&T@S*_bSg<*)eFy$wj#c*3|SE`S)an-CN=-1%piz zyaf#-oi>Y#!b1;XhuD^;4$LM)rHvLHt%E#BNmHx$yNClC*@|dDKchW6nC~P5;NP_w z>~-XA&VmOUPz-Iyf8;}U_m-(-DjffWKLEX)C;Y>ZEEmadnyGvqqS4=vjyS_c22R0K z8|oqceNxq-KY7YL%UbMGbJeM(?9k~}vc$_;JVzy{Rx6FN9qi*RI;*jqN2A&>GvM*P zHyB;;KaA5mL7jeVlB<2JWh67*H~b+*E1Sihyw%M0NornQx{vR&6MS-zCGZgGvxB9{ zeMfO-kGSHZm)hV+g{q~fM$A=rnWZYDW6y%yuxvL;yHbu)9c-t=A6HohAF$5^x0FV= zsX;GAj%sBmeEk`)oyvONrIC7hRG%HFlcOYq>%aTKU7SP)z;e#9RX$Rw2mK>;{KX~7 zQ7l&0(i_cbhfpUuIubv<7EJg(UNQcS>BY!1bHnEg-Z{dSbAdkBKsc{^z9#vDj%*v* zLK~OC+0@Na1L0C`pl=-#4@L=w{E*#mF@N?CnhQs78yVf33=uNK%14u(2Tzb=CeH;= z-TyM3WOZ1wvRH~q>*5BUFY3o=^$~q$?bmeskq4Og6pWL-c5@Al z)ESzqMrOc!)-g(})3NF;e!1Rj(9qrdr3%*|o8W}A*eEyIiQaGmy6hr73Y2ebf?BwU z4w6~?OpVcYRnJhDhvcf*)@YO0k_UnRx!oqRSI1|lk+aCXJxT`A8aHWCDP1kJDJI|E znPiO%e&G$paWm&M7qz8J+P&B~x zN0RaKiq7ucQEHdPEUt5n(g&T^i8e;*FdLs+6$?G1a1h`N-AX2_2!pFceIp;Isuo_z zN$h#vQrI(=S$WDT{9fhB0&wogJN4X8)EaU|_}p*LLk}26_a2$&~_i z_FbTCeTyzK;x8OyiW+>H+~8v1G+o(WrX{HdL%^81>*}CK%=?wCPNH{jamYwlJ2@UD zne~@5i-V7@B5SGVS3H`F(aV+3Rj1%G;Cmu*OMr15#C^=XxoH4`4Q!+(&rv<#7IYs)J=O%T`~%#HzX1nO*qbXJpyR zsAk`kxgp+^*<>nO=u4`ct9ov*kzzB`)v68jl7m&vi$rS|YnI!81Ej+^ zbfR42{hA2IH>GZdIui+xw#rkQ(9`#3JTu8TeDe43Vxir81pj9T|2>rNvG*%4IYjr_ z=)bO#y)#dpXC~3ZF^nALCc4&SZQ!-*5a=x>LOJ)~B^=iK%ef62+5ZLJ>V~WQh6njJ z&0Z?M!}n9!PQnxDU%yD#$gvDH6%3@k5v{kcQ64W&R`1{?3(vNdYN24obGR44#3r=o z&wcfgTbX36)B-2BpgrU~e2{_uH%KdYccANP>LtIKiF(XHD-GA!nzLlCHb)ifo2{b2 zovT-)zl}4y33{1H#n3c8_QXeLmj2{rjoN9T56@n<EE52sSd>ysJ@@^QKh2m z?W2`$Ryuh&AFa`vG}RtWLJ0%AY7IJ#cowta9D2@2Gqwk>{@GmB>q(x9K<|@Y5+B7% zbcOgcZQ+nc%)$%mWs(hl{N+?rI#2EJ>y9Uz{eYj0g{O~yL2hmt?x<>7X*JYcN}CN* zrN4)G?zR_o(n`L2TIAs;JoVfYkss}3KHA17spJaSlZRH0&-D~I;rD3uwsEdXoy5$k zCrkV|*&AeRS%HD9y_l{t(AYIjAtTt+D4pOao}ouh$+DKp`Svn|bMRDuX7wrgYIvSm z%*@_d?LDLlINLO{oqWGf2HqhzanU%-+Bu%0T|!3ST0SG5>*(YB-Vs{3XwDNWN9j1( zOTOMABi!07+rj1kyX_^l``|GfXOM*IbUB?PCuByp^7CQ`X-)45d$HerTUmUO9g5l4 zryg8nA9Q@h%`#eZ)&8<*j$x`XLmGnNCEmw^I)*W5S}^wgr}c?RaSJD;phXdesPhf{C8E!2Wgl| zKW2Hd57>tm`}xYEY<5lF%SS%$vg~@gnoO?XruAe!_t%LNXPX>C^Vk3kzY5PuRcARd zH(8C0vyxqbbk21tCDm_|nb3kAI0S8+y-D^|A-5?4{`d}iNl>o(UKIUK3B9!b^IK)r z&r}ESN4a~zTXc_BeZMltldJOrJ#0{MbPBv%$M*4WO^8!tdx8gZkHr0k2VquwQCTaM zlQUI$u=_=6kt+K(d|wDYIJ{d?E4UMG_=@{17rEH{ud2lNyc|3)Dp)UG`}1n*qrl}=u7!h7#ZZWY-BWiHVpF#2DghzEHBWThr^hNHzw#Ah(}i!Yf$ zu98$54^Z$QRb?Gru6(}Hkzfx~qg0bOcq;XFaLTT7Z~^zhL;5;j8Rgj%57D>Q$s+P= z)&<~qBQJGXQ9n7m8J+JV@Bp-UGfvS*#q2sP8ysXJm{k$powsOs=eSG7edrH(2Rnm@ zw@d%4;+FlTpWYz-nxk0&CtElVPgsA>nr(D2jppybhc)V=pR5~B?)6SD*~DI1W&_+o zL7MUhA1%Q%X@jol?gunOoNE&&;AbWe=G|brQaKN7+L99ne?H~6MINz-y5m8aJ{JCn z_jgD&FbZ~^BXCmb%ulxm=c@M4b+UvzJf3&H6<9{qH(=L2$WQaNlXjKxwKyfHcVMKW zJjs?`iH2teKI`jQYPwM)Et%ubR?Sm7aHF`2xoQLckDkNuE{!(H^N#E}ZzEaRCU`6-dQ9jeJVST=W!@#`=W+2p_7LyOHUp18v#8Qd#h-0?uNZ#Jq0cMgtw znB6IUqh6-QqJJ5P$L|waxUFjUv&DmXyk8Nb>>OdJBLw5a@T-E)UMm}Wt;}vp{ z25smSFrp#351zgf-P>lZWHk4XuiSCtn-r*N=k25!c|IrcPP)&rlJ_mpUUOgUK9;NQ zoH5GkooI8d7ta#QZ=giYvM(YGvViDq&n`8&OB zq!-Uior^Bw`pZQoRP&bnKXkxxA8z`ds>Z?VR5Eb4@m#$fokRv0e)l-^)o`9RWHbBc z*-N`TG6a|%&eb=|o;`S)!5#kh-5>?{BU)C7QoqRVJLSXd_Z!`whAikycmhfr9+PL=rX+NP2vkfFT6E?&)HW^0ND6U?IO5Hff76{w5H*n_U>WZe$3Jke5= z=xAu*h)c@@9NhM zqX?MXI`lMuu9Jnvv-5Tk*^-TulmU<612EUT+RSszK99+QJU297UAS&5LwF|Ux3-pX z{9N5r+0V$gTGs=QDR*?#aElaTo{T_C5=XY*6FlL5=o-?RxZR_YPMjv(SMSz=|AuYobMHx$?LuKl(n_#rhAg8sy@n4SIJ~A`VcQOx#i#S5Hu=cl7MaQ zvb;OpunAGBkQM&q~++M z8uAQ`G|NoK4E3=P&pN(iBRM#KTav@x&O_>QUaiJo*pWG9w4IMc29ovMnrt;6`gVtT zNX@V4Mn^kCkt@%gGW&sd8giOTHEF2jy|m>lmi+$T-Y zcTA&C^DZ;>HZZ#qMV)2HC~{f(?Emq1d%XDjZnHYS@Kg30EV zL{FVcM>sm2p)Kg%x|F9Z!&24tPo7eqXJ$(8KPtBaI_v}FF!%uV@&_mZqKFMQwwHS%+vMOHQaqq^0~P-`23bu%;0=ALu@<1Uq^XeI1Wf*N!u zKw^RtRCrzduwm$sntRJCIK{r)7t6pvYi`R{*6jDox@D<4coA=K_L$j!uV~q^hl0zF z$WZBU|7kt4RYf!nVL!k}(e@o^M8;qjZ+Pf*_2DR;pxxlWy8Fqr5IPkqXhrGh?gSqR zW~Uim+>;D3M_Hk9k)(b9dVUOYRm@`G9gyB6=H()C3pp!K_h*ERFcNW_gMiDuf-s z*=1LG!}B!P*Is@wr@4HjYwEeDc(ivG!vpm0AMb_cyL6H|Uk40zaE1!ntC4qTmMb!o7phB7Em+W4lBtO{4PQOf2hsfPCCda7e zF6eo{%(ZvnkR#(%`^jW(w$sVN?iMM$iEf%bWI*scJl^6aXZm}Jf0kYZUbqg}#Srq& zLV2F5=)J^!7`=PL@Y(Tujo|LQ58igGhFL1WYlS?tkxFR$CNuj7zrlM%9^bDqb`m)W1r1pN+drTmbK^&rrq5y@_N-eH2V~TLIdR`Vs0A882Ud7ARY0 zCZ`AF%8Z*t-{+etink4lxjWM+GVXxM|FF2lQfi7e9)atK@E+35`r zxP%TRe6jro-3t8B)4ewD2LtYBKR?!#sxH^?hoiCX0GhNo2<9?WLDux%Xk{4 zY7Xb;VBae{i!5C*s_k@;j5+TlFUdzLpAWZHo6JYf=t0iTlF3{-9!_Y^8Lc!-_@hQe zk*o6Fo~#=ixwDH*WHMM)VbVw;_JKQMU(U}FWN>#BB$=|-{C_7Tf6`92|hZeg{s=bJ{pA4x5zf?>o zx%^x4{^XT8={VzD#l^!$TBBKtkE83MwMA?P@m_7UlRcySWJ0XHqz%LO0Jc23J#)$i zG8zh5%XV9GbVj2|J(#H0Jl9IU26S@9k|p=cRqos(qoHJu>UxqnuxY9~sW(U%T8Gp4 z%B{f14h}(=P~BhjQQ+3Y!9a`o%lc@}lez3);ovj%&|I<8Y#UC#?m1u4M%l=QC)sK{ zyGhS*a@>c|Tf!_CRh%q)bgFiR{bcQRGP;;`Ms>h540i0F9IG>)u}B{e@@S z1aI;M9pAK?$((b{_`~t$=_1rvIC-l|&T=ra7;{vNdbgGQ^x`gLiv&xN&uAzIkaN?- zUcUd<%h4rpM$BP_21Td}{`kV)aTe1}RgLW28Lk$&XlpA=iup=LK0MV?yAv<0mPGBa>KUTc!7+Mmu<9&}nfE{Esg1>P<{&Z8S8B^G~ab+VC4u;UhO zh<+!@EM4!g!+D3RE?c~%_9!dag68^myEN6&!6f}3kzLb{+!*%%s1`2L{}8hjz1y1j zXccbbA@Sf_``a4Di#(f7z2L9GeXfurRtcOS5xq;(N#vXw(LUqJ^);hyCtEO3ldOh4 zO;tV6u$Rs-NY$qfvSX2lY{Y|54{gxE>gj4YSjPWOdeTASB@WX(q>zDJQ92RdY$d~> z1RZW*`x)#YPH)Nnp`-8}`Df{9*tXBHmuYXcGB2Jp2kk>mG8Xo%g73IYe%?0|S&!-J zA^6&}m!8u96*FJcEYRAIroTJ)q5^JkYF@@o5@() zj9(P}=Z(#ID#k5cH7M*QO`DUwkGCN@@|W_SYA?mea{mCoF|>+@Sbxn?l`f{L`UA*H z7?q=v-=k+fmaRhG(0L5kScGiRvhD4qL`C%E3!J4}a;`dH?ID9>ne`q=saDES$~SV7 zxA;PTIB=GOyX+`~Hn6;lO!{b+WHjzq(I6jN6`}5Fz)7y6DPcFaF9QBYuj-bfXu+DH zEpTFf=1em$Fv{>}IjU9#JSGj%oXue-Y_E~At|kB;z@u5uUcZi5bH8B^L$ zlHhW;j@QcN0*gE)N7L95{GJ~7#f#8x|A$U|m7Q!s>wO$;TGTbXEbqx$b%o;t!+wt* zYCbb;ANHDc1FXn!^_7ijIqG5xe0<t%3()9{_Q+RLwmHfIybiCyWt>mD zh#fxp&=60#|C)Z#x<1lYXC;GD($#`m-gxeSf|8M?9uB&nuz$=qV+^m30>6ZhjU-<7Gf9`tJW zwv*k=aPPO-%9O2m2+D$0nf)cR1zO$n?3@+JC&uHU=!=WyJ}$P(AWOc`Wx{7_49-)L z?D=62GL#w3YcQD%7Jko)aJ*Hg)9G6s|IRUkyuxE+H;ulI*nCxHxlt-UA=B!mUi!Q! zP*c6&x4{?RmdaN1-oQnUN6SYB<+R=&GQEl$-SA`|eEzMv{ieHVw4L-=fKDUP48{u< zo9-jm@J}VeqwnUfxy5WYlU#vw`^j<$MK@NHT-c?y;sxIMs2Z7W^a|B$ViD~GcRA1Z zHIi<(US)0Mzpd!ghZtmcEP9ha?Cqn`M3Uw7tqHvE4u5GyKGDjB=>0ES$;(k5()2)* zx^NTx7G9{vWSx}i0JqINOv1E zsLS?X;>YkEJi&X?5S)#(tN2)NS!io5ck%T$-26|UpcmJ@o>C8OpnwrCTL(vPBun2H2t-#@s>WsgTcFXnS1mUTI^!rFiBx#MS_j= zYe=@tWFHyvF;N)`Tx0-QP?F^&5619!EVd(;F-tXUV=w=?q2U{j$7=|kFr)C%UB!RZ zlD~6Nlvp6LT4oI38DENT>^a{NxJ~8CDM|xQ)1obY zi+R>`N$O<-dH6?flG%{$P0qBp)Hl#WF{VJZ=k9S_Mvuu(Gx!Xj8+x2x;rQKc*`v#H z-i^}X6~jN$-dn2gv zYy2AD$&xRVpfY(rh7U_y(Zx{JX#$ee~>LI)MD>tc9h`bdtwdaGW zOTTBU-B-{ocJh^>;J62N;#=dcNZ)BIY2^5L4ug|UKu-ilbT%Vh`FMhl;ALwv6`$FK zBsBwl)T074uQxc4w)lw~p01vA`Tvb2<5}Y`m1F*>a@^lv!A|cq!4J+}QTr6n-4F-K z>7T7;PQu@dPSiUzRh>fTJE>xpYJLSjJQ}&?XUWwroUO_*kI#MaS3U4z-h1mNLAPVo z)w|#ijXmW9cusSBz1T+QsEuIW@o+RRpJl4`c&<98@eFQ(7whgSu3eoZhJ9*Eja)Se z{npW!;_z8CCp{LOy(KWO%-(AWkdx-I6h6v-UXN`2J$|yM96SGa zJMa!L%_9h}C6ljPBo-`X-)J&a;Fsr-_4~(SFTcsHz0istFmHBGA6M!8 zn5<{`>?_>cXT#`LLPHv`8Ge|3VeJ)mHFm8*kIBVuNLI#U7f~PG<-P?D+uczPOr=k^ zC|X_c#y@T1RQJ_>B3`*Fw<1_>fsZ6CptEK(nmK%iukPol^xJ__7(Ge+&mz)uJ)WM! zWDUAINiKNIhS$EbEs(t^jSOer_w-`)q`@=Y9%wD*%T7|5&vb4{J4wJdy@xsCIp6Uu z@J<6eueKptQSg>yOUVC)lKXgi!!G25Di&rx? z;rai;jNcnR2u;++K5&W8$u%K^e*GCT1bUh1YNBtxo}JiVFi9qRMc^`W_R#k>4f~g^ zW|oBMe^hG2OcjaNxZ`*OeJjl5<+&%&g+1#A&fACY8t&iU)>r;~HA*Qso_{=g&ItNp z6X`ML-Hmv~Uf3u}?VpKmzc`ud{dDrm4pK26{*SZhDOl;O*RiVCH9UoADtA0# zt_p__e`6!NgOgR|(P$x z#d99VU7bpf=m4WMJ#HnX7F$ar^r+@OWQeawP=T>dGR)6IiWuP64th(&r{s{B3)J36 z8u_}=AWzQXkv?mb0mGf7Xe)BZ8o5fBWb|QGZDsE;cC_OzGKRdKOD=+e+3+qq-D-EKR?aN5ZWv`|yFig!j&g@PW}It`s{hAc4&$@Bl}IKkUXZDm zoTOMwGC)4S?UW%W^EI7A?8Vc!WvB_@+kxbCJlsIf9o$4hw!7RQpQ!eESE+l5ZVCKN zZTCi~U9-^V+LAxnGDEeTOFyM6zJlJV%I}Ur3SW1YMJe=DqPN(|tUHq3(hLW5bs*4qXdr1vB4DRQ9xUPO1zu``&Gh{!(zX9ClNyJa37`v-o(qMe5n33yHIp^8+%~ zPkOr77GXYVVIm{hQ#$c%cPnfVpBcU~rZ4#loL4W=;Jf>}$XfJab1pc`V6vzO;SYNh zPtFpv_&+=>DbrOl+BwR?WqIg;yu|lour%lASyPjo9rp02V1K%qXfCSZjXZ<)2kp+` z0rqmz(?JH<(33$HsrMd7*}5ZBwfm@*u|;j<202L$rn<`H*hKZgjUIruo>K9HgGAbR zONDv{sWgM060)jJPlr!F58q^GCD-6cZSfu^!PWk__^*=}UY1>_h_Iua@xt5wN4>ei zToFR1>vcXOygK6!TgxqW?G+8^S6>^hzVvYv`?h42p%EH@hUFB!NlE!+4s9n>drXQN z`9HitrT|%uR_401qxfDWSFa`<W=v@YZ4K%iq0lcrJ(4UXRxA|@@ zU0W}0B?i7e@qVJZ{lQ9FgM%5H=BSqF10uBCU5m+xf10U|k8zie=^AOmo@6r~pJNsJ zbMOvk<3TpSrH-uaE|VQyMH_<0?GW17l3;D4>5J$4=}S&S7x>IKxxO-!J?_|LBK$_%ggs)$i0grUKL ztFZlkMI8E`}{9W6+KB-);PQrV7af*G*_D+Ano13&cW1MUU!lrrNIv`q7V8K zM2{l(B{S#xk(^U?=`ukhcgoFK{`=)5uam%0bF^}+Sgh)8BK!FY=hv46Rl9|Oei-oo z`S8SW8?kz_&Z=any&H2>Tl{cd$H*1tojx}J{Ago<=JGwj>tosA;e$br~j>oDky4tY~$ptFsE(0RC=b4{ko0Ffz zJo+09`)Lun%ABm^_d>d1;Mz}pbr1(~eE))%RQXg`0>B?e&(TY}rTkuSHFLJR$nnYG z3U%<{1-r<+V+HE{HwP(p3;pPYC>7R^PDePAOSAbm!9yIYE95d2~H=0Z@ zc+xp|vG;V-$a*xiWxiWUcz>KjZ`|;@nx#o4FL}1cA~WpJ)U~#ix+~3cZ7k<^H##&Q z;hSk`Zcjurd_Pq!1+Uxo)s@b0Pk385S-=_gf}QB3H~!BP z&N9)O45=oWY7v;v_<5Wm9?XA!WcIG53!bj{PwU;qm&}+@_?olX{q zlAGBbEXNz|%YS9) z9FDO_;|b)gafct?=`B`d=17;H>Js0;&YU!r{0MzQVe*?e%c_BiKKq}m+~mF;Jk3sY zIy|(V9Vmxf0j99W@-FxSGk+2*vpICMhUr3 zmUItrLAZ!Mc$f>3mGWvYbKB&6H51Lsq_<@7qOHApj4t(qf7NgsgQO&YrNL><-;l1} z-h!Wt3X<$-jdbGKxYrb3%f|W>BLCz5%Vf{^4Da3P6CSju_)q+K z4}PVq_90%<$CnQ3L1sz%H^1`E6d%jZ%Z!?gmTO=cM@b~Jy)Zjn?VZf5V~z4A$yIh0 zPF2I}@!4;+NEh^MUOe}`p83kKj+}Yuo||*dgpkj=4t-u&d$4dYOsnmI@(myE{E2*K z@Cc4Q{A3xtS2oXZ>Q5iJGDCwG9UjNqUGmX$NAk|5GW&-W%~65xH8RYf*+myD6pww&xPVD0)CHY++1n_RylCd^{zAQ_;@<%7Sc9H@27s~tT6A#A*clzAMS2jOm zzkLm-(41~x2hJGuwJW(#!@n40pYSdj{iM%uJO$sAm5$#hWSET%o9icb_=9)BWe%+2hMpE(L^k;)+wr-9`xPwpCNI?@ zUhC7;QQj4sRW4GvGMe6VD2iGcs{^h32Zw&B*broUhu1#j8m?tIhMlA+c)79IbXB|KkrEsgpVqejAqH-qzuXJ<0p#+$jp zSssP>hy!nE1!Xvpe|BfWzh1?_KLgvr^=*y~V zPd0^4mW?6*s~TB?)A648kR^Q7h5lVHiFsE_EQ8R^^ITp+kKAd4PEOq;uZ{g_sXtyr zve+i#>DyR=9L}~{dA!hpE@88L*=8>tX8FmfCUmUfp)lY7u8i;CPdkzOgD%k;-g)6) zG8lH#bw@60b$I5^LEt~OXo{k(Wf&OLhA>}=!hcusKDc-ZD>((2sYV z(-940V1T^XNDemVO?H1*nb_S^zJDkxH?}*-qzN%-aebutU~~t5PGTEjCu2O*)YCJr zvNsox@-^-}u;8iiBpz$Mq!+X4+{bouJB7@I?&z=a%4*P_Pr0C%|L}uNe#e}hk0!jI zv$zIp<#S0R`RpE2(fVJHq)8^(;DLIbrq-OxP`i@hG*$;l{h;4!=`F3eu}>alMz1&u zjF`Q7;OrC?n`n_}FooX#(Nj3jMP48BlTAg*XE?xf-aA97oAz?xScKXQhc$DGi`?pu z_lCLR$Bh8V9Ofbin9u8V@{)G!7FVmeN#N5IbqIW@3HrJNyXm6C13kAn_t;51!NurH zF$Lp;rZ4decNurc5;!sqc*kdd8`=Bb8jZH6T;0qJ14rw_8T67JCJ=9m4O-+^L-B)` z#~acUJ<$QP__obbwbIGQY(US2B&kn3$i#2$D=k7@q&!^wakAAPf$8`a%~!D{;C2_& z`F02`$VQ{|m}8bDj$}UW$W?`gaL%HazZBpm_eOfk@e>9y6=4Se^9sQ?I(Z`5a$uC^ zv{$2dUio4#MF0T^c*t0`;PR`iMEAELZ@Vp+Q(6E6sb&bHcwAE93dilr= z_|CS!+$56>)01Gjix+ETdLj0=VfNz0{@u@=^SMo|nifG9A~^#cKj3>z=HD4k7m3kb zc9C~8{!N;C!CA6q4p|K2;r7Y#&qIebv>QKrQ8>XFWbSjW7|c3xC1WVHA^Xw;IHpE= zG2o{&599kp(^L)Kp?)=Zkkzh|fG>O8T9ZU+=uc`v?%$p~^%LB+3eRgen(3K6tYwxf z&&?omE7#*ULF>2{uZ3#tL2n^`&fOlel)10mBJ}g*G28>Odg+3eXbV|!V1?BZ@mkmA z-3VY#h2N=8X6p#B=WA|slt>{d$=o)Yx#(g8JP9Yr$$IK413KlZ$?U!Dzre{1*GtPU zMk%t0v-C@*x-tj9<99EaKMj4%H-r4N$MhDygxs)7XCH%w^xYeaI9i`3pGQ%fN#6H%-lBN3d^PXRCBMsmM?BCl;9zKz8;Qci^x=Sngn??X$Pz@-zFxjg zD=Pcx$-eOmKk4TX8MYux4L$SEudI>c%sgM%bXb#f zZ0zqQbE;*jbq7+E6*`b!!{C@>J>+98ABkAxCFdW21)#T&eN~h^QCoT)@phgsP?i{S zSqtmL0}fUGh|S36grX8AZsHoBhUuBj@GIkrZq7hY#FaSr6DyX~^owxR{<*AH^q+BixqTI$X# z!K>jNm%j6qcP+p!>+$SKB z=Vz@LL;ti&O}ha7i$mhYnlNz=&UqV!Acqq}Vo96GwZTO(b?2~5F; z87qUC^FMSfJwMWwh&6sWjX_z^y!hhp|U zd@50`or^a%m#mpedU0_uvR{A|=Hf+Z;w3&0tt3CeB;K#A<-4!D{0a<`1Pz=A8mBDo z+}&tp2RtS zYa6}jQ=(Ngcg?1*G(205iONfcy+FDaTR& z^!oOa_s}5w)3x#d&EPq3kqvMYdsaoO(`dTRTmyGUFL;6Mw*6h~WMEyo=ExY_`j?Il zx((-`S+J?k9Q4dt{($RlUdkN5mz>$&WNo^eB?SCt8lTnH@$NEuLx7ZEr}$o2BPHo3 zt;qRWe`ta#{6BV`zT}IaH^`yswqmv0Ag({iD}~1z+6_Hz6K2J!=-aQ`!!Ll-l0UZ< zJmDhuKv9#wyyKne_Z08VrvM4ZOLX6b?v)w-vbYQQ3VCru>%glHLW4f>uZqEAJ_=n$ zpM3UBCnwn%m92_iHA@@j%7r!HNrE&|W3-Ko_)IPsx~@<%%`Ql$a@auj{~x@%c%|>B zkl(PA%r5?O4nOWQG8SH;*Nz!UUJCeXt!*yyGZY%O^D5^BNskTeTUYP|f6qbFY9%Ac8gYd;TECkdxr8*ew7su9Yl$|Mv%v+e&I-8a z`qOoIjNGN${{qBgGtb2hTe-qrd8;X%EQ@UA*IPWe{QJdMrm1pmoTc&_jeHyyubS1O zJN0w0_#D6wHr+;=d`MQu(47>SNIvRO_|S7`&*9kI>~+!SvPe=r&{Vn{Py~G^@XtY$OA1CZEl<&KlYBE?7KHTZ?WrTnN2G&g`s}PI`-r3GM*T z-QgC@5EbCu`mx7-`m5e@KP`yF<2J)v?yrwg;c&~nKcZQKW4m$PM;5TlHQ1D?4*rL4 zY!uqc7399&Adl%iX8^>*H`0uSlK zpEo}Eu1bL=mF$Sun7!@MN4j)R*r1)ZW@aGMi@AAn4BV7;5m^xqPC6ES$~HU6?f~yH zR4aRI@GsbyKroqEs%M+eGwv|$zC1wMKyZu40@Jxix|d=VKl zK3DZ7^X%d?G?;MmS7wq&hTd#?3ine--Y+ja`B%U|Je?$vdnD7AZkT=Obc50K;)lM7 z=0BP{!o!;V!%Tk-xwdZP;U$x`(wuYPBKy~2c#XjM)-sCE@PM^RJkrrX;=vB#+&_@4 zK^v}NrnyUDWuiNj-qLMeQf)4|DR&%Y%{k`ZlsxqSuYVb|fzjN}Dc$gOmOx|X z&v^x2*%1#(JelQzC&)-6GwXRV7g@^hmPrm>vCjC<%j;w$S;M38nuZ~0k;zfSK}zGZ+(`yp<~2L=-W+9<-bE^p_2oMu zPZ@n;=}^3T+>N8lf-81mrryq;e8N@S+UBe0U;<6Sh^^5U47g&HlJFv7CF0b@SKyVq zI495HqfI1#qfx#(F^x{xn{LdA265TvEp2%3J@D9A#=FWmg$D0Gt$6Oz$QSS^7krG# z!{J=fNc`-L79f=#P`VTX!Tom?%~L(V7}b0?i92s2dtSQ8Dzb6H&=g*tYLwa2!JmJ4 zh#c3*8D?WQzht!!tR{584|R~)dLg-B(_d;O)(!kgYm!yW)%9zVj}w%m{*ntcbB?`~ zxq#R6VTQUwmSg)dI$7I_d{cA>?H;iQvHLVdKmKt8!*Kj=g_*`4AGs>@8 z*{W*SOsY7pADI6kv39(V)Tx##Q94ZtU? z4a-zR+LD+3$4_f&Xq)fEsnK!ZQlIJP;Q4!a zF!;Sj~PP_gUc4Ig+ z1rJx$llz|Brn>v_7fyGTkzi)m!D6d}wL9#iTZ8BQSv|cmUf!l%C{?g&4dZLj9Vw7uB@OqIkyzZKnEKST- z_j#84cJUP51uv0s?xJJ--EeRh@$^N|rJ3pHE+3eoPwnU4;7qY1^Ivx|UgdQlZ+t>~l+;prL#AE3=s70Bw@vp7f=ggNnN$(?IW z?r&xMGTb|JnZvilM5sVAHCH*?S)ZOXDM>@I)qrf;ZyDu}?xfRMT2ac(8*9 zqYGglo!%N>xFJ`S?}Y!hf=+hhLHblZRTbSzc5Mi~f8;=>6~b4uB1fIs?Iml`37kWh zcD@Mtyl7xJ=ar6bOMETUlhuI&bnNT@@kTl@BDnEM?$Ust zsh~IW!d+(h2IQ!83ly7Sjxx6s+Tk}o(y%!h&S3Z9WE`Zz!4~DcTR|7H-#7X$E7R}g zZzAi}T`r(u9J30(bdaa)sEPiC{nUZ{fbT6_#r-gymb>ZbMz=C(3tgb()KvW7Cf3vZ zWqVSB+WyQ_YIe$0%Xz=%GW#!p*BMLi_Hp>6>9IDlkY1!_ckoBBSLE=$oIMwM4j zGZ-xOaS=K_;A6cC$tRz5^$x9V9k7&=d$U!?E+*N(-IZ=5t-M`^w`_`Dn(uOz5&z*u z*v39b=TC(&7a8&W7uL94>-)=C-Z) zp-~@SoV+9My%X0x$ttv$BmW~y>ECA%;v{2SndRYr4woahdZv@C53)!MGhZus_P0mO zvJzduNxoAz@S;aY$r0vx8ka=}Za%xlUpLv(o1V@Vc2YdVUE2Ej%NgF~%go@9xCa(z zWvYQ5X!tZbsfOk+n7oFx7I;lVP15QK@1K^OuqbD_8Q@KiFL}ya(e2}n@bv)unhK}% z6a8LsolLFbDdu2u(3ayNCo^J5HL|Fxk}CqAY)=mPF}yIf;q3442$b*4lgHo=3phif z@4EcI|MznW+3?(3uJ82HPzT=oS0`C$*K45HUd5epxo5EK+TtPI$O(vPLtaR63wk%Y zu3n>^G@{pOk)cMg3%ngk4-fp%#YaK%k*u$yR=H}z|8aEA@pY!_8cwpZV%utJdurSE z)V6Kgwrx&3#e3JD+BQ-rX}quQKhE!*vuAdjto42G`#d+{@-GdAe~(NybJ-uqKBbrK z1h`U2xDtAMXhLuLLS}#&yz4h2*8_5f zUV=%vH%C9w*@fPopQgx+Fgb(Mj=`@o;Fh~q@;p63PZ|#olj@0HjBL|Lzb|HH0Qui| zzIrSO*M&k(>eQG1v`_Rs&?_D|i0&cwzQI+StK9mu}LUbl9EFB$xe zmC%!dllH6Tr%1H7t6bn0`_iY9nO?#ZF6y05FHwA|@hBB%9*_4?J0J4Mv-;|6Rrq^H z54Da9R95nz^1!dfkVVw<6#b62eC~c|@}BtW(E%Gh$Aj4UQ6PPrP8z})6gHWR9A=h$ z@LJDSS@km;I4}OmEzHop(I1Uv*Uq*M4(%>I+i)cR#JOo(UoxUw<7Ec_?bY%Rm&Cb~ z-CG?wpANSVRR0>}uyvy2iEO5utJtB6GM}Cz_xQA}_Q2V9=Y39gT^xO~=m_e-S)N8~ z@L~TC^JEG-^mg{DfyO=lY&IQ(?_KjTQmqg2te!+OiLRt^w{W#O#GT#|J!}X%o!P(5 zUvyGF21}p16uh6$uQ2}GPJK+Cv=y^WHl6@PJ zh3}f@wN)_sX7Y=g(X$=us&+>rR5gS542{r4-o1cyawx!@Ctk%vo|}wQ{9zryt`70+ zOi4h?I*yLaD)6iO&>OzAQASU^3}E}75%g}g$|{!y{>q0=CD$wuy=W046N(0}9lni{ zuT9Od%({3|5}5fv3}c_X7iYTk2OB67tTGeOY%m)=>guN+HA9qmhTLRkk>1R#v)JY1S}SK_qYub!&FFDoNGeaC@ zhH1*YwV1ghU!w%$-riozZjOQY|M*HapiM&W(&LP`BKTbP#|P{1{dlts4dJjE-%K%f{T*)jRWAl=7e1r0 z_$*eT16YLiA!`YIrDTHFB0GH7D>N?fB<NgF;2ai5zBRH?Cx1RI!oMtYa*BktY z?Bo^i$TnZ&fDeZZEx4~}=ChJR>CAiu=F8rDJvdk=nmVY@Yx1>2T=A;o328}pi(RrQ z+>i6TP%s_#X#DXgr=7J`axw0!IJ7w62X%P&BPMw&KQrBiZ}2)HUV1n+&0HzMoJyub zgW=!IRPaf^w}G0u9$YgEc-Os9ZQY+sb;(Yu@r3`mfX~aYPmxFTpg5V2WTBp&mqSkf z;kj!=X5(deL@>F*-Yyzh)k$4z;TM7HTv^>w)0l6@k4iJg=wMG^2RaFs^IssC0-t9O zd?xqL{4|ZxeD9ddY*yA*W5IU!cSte?j|Gs4Wv|+iHmbE7Z1Ja)o}KuU_2#GH)q`}h zJAcnzvXbdBJ=e!cGtn>HB>%)ICS1FYf%j(#P(Ybf;{%W6z;jk>gq=2}I4E}p`Sc^W z7e?|df#2Mj=cAkl*pX`ms+AuZ3h0IYLf2XrZm=gFz=5NKwUN&~WhWTo88npnB6Ny; z$%+%`fFpNnk>SkORbuRQ4X(2p=V2u>D3b9CIc2ygCMHr7PogKH zo91X#kiyBJYJ>l;JX!*eT0ttv?0lN{``lObE^oHKm!`4f6h${z|HWss;V9=qVLH|CqgA5kH8$K+ zPHWOlkJ_QC(cD)b;mA|xlcn+q%=2i5X@Rb?&YnQ6ZswsIaAYU4aE{jS)__E2WAL6j z^U&)#z;7+iONaXh^W2~O%wuly$wNlVU9|enX=cWBel9#$O5&Z(y*+b~hEW`XaoBZq2%+C?W9LNU(FS~~Cs1CWMJ}D*(v(|CE zXqFM&$wle5EthCY;=f3{2JYG?-YobD&%hk8&y$?JAI#RJz}dflH|~oQjVqbhy~%H= z*N++2#YJuJf^9HIeFB$TluC}!Gq?|Czo6bJX4@wE9ogYl6$c+03hrBmuAYmYnqqNN zX}HL@OUQ{FLx)1a9RJUN=zN_FDRQV9>oP`s4i=9b}G)155EK=dV8b;!TS&iF8TZYwTZqZ!aTsvq-p>mdF1T4DL6X4)P%G zHn7t!N6Bo#6L#}mpbj79yN1VUfEP+Fncd=&%^A+2%)QCrDM1%K*hO`4%uknM^mJ^R zc}2!cqucOV@VO(^^c%jsU$vf_D7d>Nx5;yY z7Y&~ltH(*U@(cW72Dvf^q7`mE*iPq9JIi`9Ky4=lXx!B#v$+I0Ie3Jwp7Bs5?^9?) zGAhxB)Ah4i)eMfBU9Uk|Fju&X255^e zWDQVl8}?{4Fq`JMD#wVg=G#*{t?n42D`#zVGR#dQ$+=(ogx=3CPRh;JM8FrUdley@6KJ6L=hNZ(HH)m|l=^?VIKcw;&=W9`O#N8q9pRnV++{_Gfn_U}jt+C#7m^q5iXPIo){kO^Y1 z7N6Nwx&H<&v)6+C!CGB{Ifwc4Yg6)m+|c#g()SKVS$Hx&`v;lTm0bTLyOPbvc6ez$ zf16c(6HK9BWM#dIl?$4e7MJ1m(DJ?XPcvmNp>x8MwknUWI#==5_(EVd;M$uXlJ&Dc z`TzQ(MH&7 z#T@j|%!R%aQnI+%FyYUL2 z=~cS6E|L+@6u(qS?jFv=AqI~Q8n|0QKAJcuNb$eHd_SN?+vcbeM^lUwKkK-soQqG> z&DQ2*mrPAIXA{tgvpe{+Ppoc-$G^LS{^5JgMK0OJ0a2QxAZ0?Yw>uj=J#(brRUi0c zxVe8VV3ug1_-tp7v{kS(nw9O$WiEEiW}#}wK4VwfqC=kcst{G~PDnNeDwG!u0xXyg5$~^UoXH$IfIo*nmT=K&Rd_R1F`8E0Mo9D9NHt+&9IWC77BA@L+6A zHIJguA<`3B5dD2;aMY4@+?8#67X9;sv#lt2>$-F^BY%)aaPJMffZjbEjR<$9>484# z85uo2ymZ1LR2A71k6y(?pO@#p?swA}p7-52^lrsnRE<2tp=oqVoJ}{=wg>95eXyEt z$7g-hUcc}&UMG8D>Iz>S+RfPt2fB~nVcgp=6&p)0=plN1+xVy$^UU=t?DPBMO(XKY z@@?ll^lMLE>%t7Po;-_X zXqmI&v&{b2FO#z@bK(Iw4!H8k=;0FZsomt=iuxGFdzfOL4Tw;>JeB>9k3uV;8N7_{ zCk6e94Vee%#0oobmOV@|{qp;%@4*oD?GKND&T7&wi){0Ur~^3V?M1#?gQs@f`QK(@ zZf~W-N6!UI`c1})3$t_o5WH0E=r=w%sr(mwEaMW56Z1krGSlDP!WZZrCD#UcE-#X~ z77b5ji~73~d+EwpT`kM()7n*|YLZ#qE!k{ZL&h3+&-`k^8nwbkuh`j7zh%~CpE`s_ z^VE?jmEE0UoNI+>8PEF5ud$kPg1dpwD&dL0c5VvMxR3b9j*{Q)kzjI!ya0~ z(n2q77)VxKVSF{WQcc$0etJ08U$Z6$(FFi5zEhIUt(S9LHsfeG09b)z}M|DE)u{9BnI^?$*loj1P`*vRN#nf_SMRfMib-0%M z(|FH6@mb=7*$(&7>@QbUBFCpAdD^|;Nsp`uQeSZ8S^4=pMtbY@2Qr}i$c7t$XZkd` zsZjysWWb%^gLmEKtC{!7GjgW)W*FL-F#HJ*55fTx|Wh+PON8kOhRj1#7D!selxSZ{pH1Zwjvka(H8!y3h#PpvYYO) zpV#X8Cvy=myML(4WM?+(@1zT1872|z`UF{6eb9yUV85?4HbR-#zBI?q&@qHIGZXvv zy{+KfV533gY%j&Tw0R>l$zVrSL`(1(jnHNE5rJg#EvSh{+7&-vl!NT@Ta-43uBV3y z<{-1>@5CoC1&$qTJBqIL-G#}7!~y{6krK9kXD zrU|&|;n(;&(IgD0AEK)06bAn!iyVCOS-hh>(3sY9#v938-l?Xa-fW`-YB*Wj_@!UO zrJBB#!KLx0ZwKEiG#EV_JZANB=v#|?Gu4N|t>KqAZx^Hn_RJg`EV_xFq8Qr4dY|ZM zcowKWdC>%)BmKA$T3m2i`oDFuA6~FQbUyWc#`%nkJKe=Kx|<6T2l zeLFq5c(R`}%gst+PU-2U+MC!dYrE>LyPI0B#0!ot?9?>QKG$H`%|`fxC-)g##Ywa#-Nup?orGWf ziJwje+Ut7+JdUTWM&rcN={s7bhMUu^OHMi1p1pBz3)``n~+Ai-S=$?&>y1N@(f=y57p0r25lqU43gEBo^heak`)HocB_;Q9-9i_+xPEVYB6|g@SV3=% z?Vf6EGLh9?K0>Xg(ED}GQ|rJM`z}M%1UD1AJKYSd%WPMMJaW!D7iNYq^n^Fda)z-Z zubu3xn2Px|?F8oyI?^gFvZAqZ)0@a&CLJtwjg?F)&X_XWewfm0>{JBK>hgzVQyo7{ zFSy_MVh-}@0bkSBU#CZSD4|A}K9b!wE(T{%DB`A>Z~L&q@p4Mi)w+)tJ^!D=y| zY^1|r&@bp0rO$Rz74i>uxTxMM&Z=nkKs1ICaF%bz!Vz?~)$?hN%0I+Yb*{lr=~-UWO}vCK&}_{C%xxXVBA=-_6dOQS9QiZe zyFwNAI;WCXI&0w&y5|Z6t124Bo9rpC&UtEcZSvIbq1z=-s$H<3`f*;YW;Py&SN9D6 z{>)f*sSlnygTBj+y`w;2pgwTEA7d`gwAV*fvXTQ*0}oL{Zv}Bqz4C#N0{`v8XLX%@ zxi7w@CL_3`VqDdN4M2__U?x5r-2m}%^y#l7%8#>%!gJNJPYova7%XUi`5PlB1# z5FTZ)o0?}L`_t~5shG>3er@y^{zZ4SMgy33ojaxlSqg3*>Ki~u z2zSm5{4)6`;XO_!b9g=b$t^Ga4aZY8!%-WX{4!1OgM>2QHbeIt*4$f(V8W5?iYMSQ z|D)6RwD)H-k}TTASHczRL(j^8p*qjG<@3Zr>dx;|%>nHOJZU|6+|glbgKu&<{+!PI zzW-iw(}Aw^NIK6aV}M%v}8yV8E6qu>s0{gGS`u+=+Yk0ZJJ zCKr!0Mey?d#q2TM3jPb`Tp!G`I$D~`x9PxpOV2eK9>2Lm){~Ewi@Ua&Uy>=+I8)SGC8uHW%ZWFx_0> ze)k~%^9{bpBj^BskcT?77e0ssaBp?N7Js{_O&L3V0^_9!^}N!^)& zj)KvUrEu35&Fg+2)#u%>?i8#Mh2qSNm2_$r!k>^3t~amIAEPZuO$wm08U1e4kf4(C02SP^*sSAca^ z*^X~`AejN~bZ9%-YCm49tkt8n4V)|$&A{>@zf4M(K;_;|UQJ85rmWmy=rL3HorZ#! zH5=!wd_(9zLNEG;b0o`c{w!Bp9WO?wWsX!c7i|7*89z0-6|Ls?=r%@w=;!F9;dtVn z|D9x_Is~X)D9Y&kwy_c{gW>t{Lya?|yLC+d5$t-P2Ox8mXWe46_j zt}X}<(SfCQYBn-dEf(6TT2Q3&Jq;&s(@i(5ysssGo3qR>`R4_zCpk_t&%~R+{U6O7 zX3!dy@VJqi)`#q>@$mLPpSmgtPf6uDWal$iW%lz{7qSL+&~NSnPnSK+QEm91`{B(w zRs6TvmWw`sORn0(_a9yDySc&rv%m@6w|%Okd{P`}xk`l>eo;-`pO0;ibaBD() zbD90*B6>9;ZIU&7IntE7PsG#{hRLyPx3D~`!(nr=HgW! zy2w)rY2K>X0zWu9y^XoJ8%m~{z1P2+KEru7zS^p0!9cb44%GDD=)sE9Th86lC?!;P z-lD-pM>z#e(2sHCTd;G@o<=`4ee&7J)^3-YOMUl;$m&ea0G);;8<&Ws9T2dWEioq%qoLzwR8`_qYx zPW2=GSex)dOSE(8zcPn2!Bz7+UX`67-EN5a&PBZRC-a6>a6xq zGf(m^mhk?NgY{(77xNg6)Q(yBLGguE`ox*JBuo=e`ziX`CzGQ-`x1EQKxW`ZFY$o0 zyAL5h$rWwY=~8a`eJet}z)ZXgSX4I>JyO;XU04&Y%Flw-xIWsgnki-;I*qI~$(V=J z{Xwo;U*_ZZwzlfYJ-Bg0FufM^TYyB_SVAVi8k{Nn!A1ewtCu~d^FylU61n8nZ$__J zhAgCYKaHiDjndH(_4&(3iFMe6E~OaTeOc8Fu66+WzuF7XQ|)HAChtDdgZ}7J#v-uFbHgKjcS$NOMq`0y= z*}Q>MJy0dD&du;v9lpDto9X(s4^+4NWbU0L<0LDd@kZoyl7UeY@9RD|4*S2k6Y1Pp z(92JrPWIY^w=)c_&8db~4XqC^LC#X=^UN*ih#JmGF=z9|=+Q_Qb%nDi$k|_bd5DIG z!X2HUtE0XZd@))P!%|GXy`g$m*`j?Zcm-du+c3`*4k6>UPn4?Qk#AA_hj|T-x^TLa zrod%hI1d(b7~ba>@8E7caEr*Q3*&qwdt^JBK7V>m8dksukxYKVD>6m!>4wh2#{i#p z3@&e`N4N^1**mi{r+RD-P%iFpw-4k~q30O^FH`p=-KX>$%)G&z@Hd^YXwWx&v8r{O zEOPus-T<@TX>?CfXr3$^$We*+SDthOXa#|N_ttnfo|G-0AQ0Dk`*m|oSK zc(CvM@q}7*^-s<|_eP`4%+8+R8TcDwID3zl$J^Z)JnbH5{;+5{vDa+lot}iQp_wba z2bF9zpZuU0IFzYQJfHnCOp%>rJMq5s1s~Xiw(uKw^=i178so`9L^CtEG510|Sa+## z)fr62^zTHooA=wA4GqGQV5v+tl?KNQZ~fD37~rkVVJ=$046)u0P3#CXSiBDv(7r9c zOczZYJ!J*C^cgtyyS zhWY6s_;D{ZS>wXwFezNqIS(74@BC1d?Bp+TrW_dQ98Y@6>%KQ@3zKKmC{%I$o_*Ot z=AO4zP9>P-J>pI0#5d;O#pK}P@BasE*L8-UR(hakZS>fzM!%Qf62-d{sD~Z#c~!HJ zcLSE5kYSDt55w!`uJ70~~y%1xZLv+-AR>0`KN@VN{^x6+#2f6q1Kn`g#D!aR0oIlBXz+=nBQOu|&S zF5VkAp5=RG;ZC;%>&qy_}W7G5z@4OWx6?@dOrle^}AVNUK#zCmwab=XTbDzom<1A#izhLvn&W!8P0~@WWi5P1nJ3bg7To*?#-#cyE3dJW)0&@F{)m^!{498N+8W z0N>WWop6EdlDm`Xy@fkJ1!tTe&($`v-0jF(y1LCqvzZt3gHLV1*HZC(n%Vt^ZqERG z0ex*%-6yxESAxqJY*KX_Gd@+v+>kG zuS8R&6ge7vZnMx9HR(a#-HQZswHdn7b^)qT7VLB$+}(O~vOD=K&|&?3)>(x*k`L(a zrA-ykKMf4ii1GMJJ#3Zwitfjba3{QT!{PNBv?H%8dxS>cg!}s9taE5A))(QWaYL9Rihm4>K4WK z<(O{X!AUkG?_zngG!ss@=56v=Qp1DQ317p|L*OD`>@>%cW=6C}qk%TG=*XugsV8@E z*%0laOZfdGvXB~(6`RGPemNpl6#Vy5M6i~W=ZhAQ}JdRH?&+m9E-&!;mX<<71 zF`NEH<8ZhI??w#%-SK3N)$mi{xFG$!igqD{IpR_#W!gf=FZg%0MG-0nkKCF(<34|< zo4+375AN!#LF1j}ZpWGB>Y?*XU6cddJ8y+#vogslJp><5a!{jLXyNV2CF}03m+AQ4 zbElb%UyiC&+gHocIC&1UXnG#}iy3I;!h=+@KsGsh`>69MbcpEep7QxsRfOz76Rf?DEgF^I zS1UO8`?dIO9y^y{2IJl5;=j@>4d2Bk$nIx^Gb;jJ>fl%^d}3gYqEJuMorS+bSd`W`=uMN z`yMh+xl3D)4_EE?bkgn$*GBln0{Q*XoS^yQ%+ANV<}sf+telJ1C6Y_!hK|0Jy&iQz zYmJV01Nd+HYO<5eF#olCEjq%kNbV{?xHLMPgS*lc^P87#4+#_5a4#Hc! zBHOY;pic8#WpGbUx)!6`==wK<5x+bftQuqORUk2xj21d8Jem9O@2-69uTBNX6#8sc z%^>oUyfUfu7>llax60K%&Df8#*9*?~LWezd?=jjM?y$c`;pNQ*?l>9#-OAbBFIqkB z(eJr2QX8xPGJ`7kDW)U&*YP1L@?WY+WcK|1msMfOU@wjE`z()E&nR?nO8j9t}+4IwGOTmKIJms!O5al0$>4{ek zt^Mw-FnkSRC*Xze2I+ltX04qK)|%*}fff%{uSpgP_wJ5moE+<9VzF5E$H@FYz6x{}TDK3pfkC!(XvsO(MV zj{V-6brHOJJh>=it*Y2MMD@w5Fpc2wccz<}>@=@qd4+^{%Pu^KxX|Nb;-eygU%+< zp)}1$v%3fBg_A|&ndwR&ATt8~e_v~O=rNfTHVTYsHF#usFsAq5U;=}!g;sAoo-c5Y zy-#ga)}W7JUyfiND?1E*8eZSpyP2I21}Wogs4Ri-wCMUg3q{cdM)t5f8CCD?RL>== zKKBULrsK}agEnpR2RI#gLf9~V@ zD*Py49($<$39|YwMk6%OEBE-7#AJviKf2Z% zzOWsz-C}Nh zehr=If8eTn*ztL{SCLmSyl*J;4S5tD===!Hrfkd``^!aX1bazadI#38Ad{Q(xiUGZ zADVwR7nrNBl6QFFC;A=uq1s#N*(75k_$HVV-_IMKiJzO$TiWu@2jO*^5~fNkv*^ck zGR>|8E8c@{60}Bj7A2TA?ADV`hsf(8+Ka;M*W;s<@4g)~Yq%Uj$+|#i9QG89AH3mh zB|O~|vuNplI@LH|k5wm+04%dkf|L55Nj6jH&I};$V%A$va#eqtN|nKTdCyMf!(%eJ zi0W_5Fm=fI{0wF}Dm7HK$8yj9n_{wY$BcQHYRXJ?RN`~=cxdD+Z?MsM{3#>WIO{rk zsJ_!|>)2Uw*>NbS?nh zT87E`3T-{vgiq(7!zOFQCEQn=F4$^sW3ordulackj;|!SXLygiZ~7=Gzq4Mg^(Knm zL5;y2vZVX!7SGu*xQs0S`RW6>%Jy#LR+ao^T9Fex2Azf#oVrD3FU_-fQk9fV_n0-; zS0l&kW00Oj2Pu#_(bD0UDNNSfp3SKyJ2-jP0r)K~j#}g%Dwk~Z({q z{hb=Yoqow*BWikU+z(d;46{?tcH|3Ib5uDn>#1-vr}^)7ITxw00%Q^d&>w-{r^zGy zeRb%BnZ&btl76YH8K&XxeENchBL;n4*^+^Jlk1hqSBwnkIu5#sJ}SgD*`&ORQX$^O zf0zZvknuQ*yS>mRf7v|8dj%F?U%*l2E5NrMp!;qPbKk${XUVv4fM2{p4$eX=dKIu` z5A+PR$c<_{$x25@hVcQ)m(vZXGy3QykXbJ@8MUF zyhHZa2KWYxkYRZ;4Gnuyx|P8j8-P)I=FOyUg*iK#M9IS$ylv_a(-J=GHk_hQBlMSW zmO0x6!{MQWwZnr%u6D}{=qa-W!$Et<2_ExJXFdnG+6q0BO;$8^9nnS}MAN;Tz5CTl z^hE2JJFk(qOzx0xS|0T(;jHI*oatu{Rk3{Z_Rt+t{(Mmt42;&iLf)E#4ltd2un>Hs z)9ei6k{c}u{=?zb(@bCd5{t+VSd1^aOAfkkM&JQo!aF?LNg3V#WMiW}8U4i^DvLJ9 zm0Y5pWc_eQXU~CGc_8_eX!7Qxq4|`A?xdQthQISy-b?`sec>msEaYpa1gXr4c(Y;e zH#51jy+#f4(SQ-?rSbl5`Qy(*AGOIAUqvhC2LEERr!!|0c-0*4-l}+crlCg|<&D0% z6xkU0Ij5>+Q9$kh%>)Nsj4#`%L#PTmxa#1_0L~0|cy^15!_AEtMixXL@MZXiPT<2; zJ7m@1eB_9MwK1yyho|pT7N0J$9L#CFi zN;P9%o#Z3yrf^l@PR%HtiTgZE#izn~^a{}j@;COcqo1`oXVR8PnTHNK3~xGjlc(m! zlQDxfrqegFpV~VqW@D(fZ)VOOLZ|F2a=-B{JmU;?n?T2})m=kh`fJ@f{DAZLoY_t4 z!T~+&!JKdiz0t%lWv=6*-01(x@5!o!+h_tfQ#`@#$CM)15=_bhrZBxcIWpJLqrUc_ z9sqvWt0X-*>?Yp!%GEKGvTlhpm!H#Z(H{0;wWssjSahQX0jStbVkMSl6J}D!NU7tB_`Cxx-p=)qM zG`XOe$@pQ9teU}jJ15>`UT)F*f;{u&kd&*JYF0FMk!@5McQW{Ie_w?ZhM#%<+wA{E zr`~&S6{nkE%pfrS7v!>^!8?+WYPz*Scd|E3(~G!kB)tjkSGXzvGx*nabU7u^_|7>82xseTR z6L}^r$UTV71TSNY4idfZE*GmVk@edi|66%?IxXPq+=_fLT{8U1Y;dLD1`lj(l8L!P z4glw9^ZO~rzL$?;=b}SA>Zh&Y^nkI$&s&W~{t#J&?df%)Z?TPSFnNED+Ec=!IpAP% z8zMA@UaI>qymh*7vN=UgVxES{#_mXku-m zqnW2Fx~iom!}PoU&D?@Z*_L3VJKiB0I?-A4H1f@W{F+qct8bEPok# z&trJsE|C4z(nWLLSm8Ix6vT(p2&~SZPPJ8M!I|Mu`V9!u7JTgk&$!9z3YSdIUaQmK zElzNQ73kJP(>L%|QMG4pYXL5w(=(V%&Lk5*gL75>^u))gH2F(=*7>U2LvknaUbXoT z&GilRfE6toM2>5d3G5HPc=x!6OO;MFF8#}lJ zIV>awUqVK>`gEoT?K-{7W2|bIL6a+;Wt;7ri-~97oib*-*toq=%?<&M7 z4NY-;WwZoC!gZ#JlMaK0E&R_>C&|=EdSb(wX0LYzJ#@{>MK21W1A|-bpGqfc)}QA7 z9%uEaKxc3Rb~`WT#c7^u0Y`J-G9Bur$thz_>6#1t6raxN626-Il8hrKUlj-2UkScc z#3e{w?&0sJ=c)^La258wd=Il~v^||;4asyH;SX16r>pDT<>&s@ysXUpSCDRmp4oH& zY$kOwJV$7lE=1xBE$E=0;;fM|2c;=FI z(26~00^Zl={`$f0{2Z>ia%(qzg5O++7HP!;i#`_vvnGR~N^U$Ja^vk)Lqe% zyuj-+za^due3DC+GLNAlI8~7@S$5%%TfO967w(FmeNneaxn?G_2Mx*|X8W4C$^K$K zJb*Vfm&vTYFEI{G4?XFAxd)nm?S9d91yp;rQax#%5cB)T6?;iE3i{?`>fd)<41D&8Di zFYcEqZ*f=Acyg4%X`km#Hb>Xe#SLzi@dJ-E?^!P9m;-1q+AqSx7y}2go$Sxd(W=Hy zU2{CT5Nn3%S{uHYJ#J1{FlyW1rgm3)z`*Wf9;KLp%zdtOR}XE0=RC|Aoy;GN|8G;B z8GRiZn|I*P+4gWh1TjzJ-8nZ7KkC;2*^o`&md|+oDvN@cbtAazhAxj#`H$qTSX>m> zD#^s*(O7=oOKJogTH+OsGvfT6SznadQT+|EARx2=U%MNxb^fI9laKKG1vf@L! zw$)!vxdWeZ_J@^@GxyjtQp>q1`(kf7pk<5YUMts@tbb;trM>8Tg@f!0r#+WBX&dM1 zm%MPOSIAvCokjn?a8?e!+gwB88>c#}D!NwB&TmaDpOwp@IAft_viL!FCH>3a7f0p| z?~U_+(35(TP}mHF6c9lM1EZWhG}&H~5v=Puz7l zgzQH4oh#G9-q&MN;k)p()bFZ7%o zioQ;AF9wdX5lt|=z|1LR%;X{W`2c5t5B^WGMjylTpKFH~vQfNwUMIuEor5R3jeozV zn=Ap~ffGGdfc&uEf1}glU3pv%{cs$!OKlJRqUT{I-nCqvY_+Aex8@#)d#RXBtya0I zofCercXVPW;R#sdtqsM3)dnm*VpX8_bS4kU0pIv1a+>;(f87|JTMFGCkr`$j*-?j? z3GS!iEkK|8>0fd|Y+UFHvsKrgK48H?n$(t@SoX}qWF)p>UU5LnRbd19Zl&?OTZvpb_36=^T81dszM>BKXTYQOVCLF-NZ#=cC zK+P}-jR)PIs@1NyTcJQ z$FGntTyt#5;h+zyRXJPr3t^A<3DuxQ=pQfrFb(LF8({rt{&9-ZMYIURgYhmjh5P0# z?UpM*5AfMHZX2nb0ZHuBc;mX@b&4ftXFWb^GN=-wf0|L?c>%+->-yeQGc(d(t;qS= z(KJ{q@T0UFjCZOPIR)r(u8&1~_Q^)M;sWJDZur_O8O9&n``>j@Y5@=EoW)aK^iN#m zY|TVY@!~sZWy@#M$GYg~UL~4gx$ISbAY5U%8+V$MYVkb{X7BNL3Z}ykt{Tney|Z}x znFYiOWF;^qd4Ggi-1$4Ms zqHR@@+@xcU^hu(xjlICGWaF)Mef{+je(lw1FWtYNNj_OZH1Kt_`rh|bOYqB}<75HA z$4ppBUU&vrU_n1s9GGG9@Ous04X-&7j07ECzKT{dN8MHOCZ5dN7Ue;+SRxJoi6=V5 zDP+Epo0GYHn2tP3Gs`M7r*X#jq;t!@z!!4)=;)kltI_26_5b4$nwwes3gd&BZ&hY+ zhzAYn`Dx{P1! zyAAv#XZ9HJT*qY6hrP+>B3$Hi^!Y2ue#?vRvwV|q8MG5c=0>ROu@Eiid`{qV^}m76 z9c-&yM{=#2g=cKdrTCy{_dj;wT z8kDm0(fiwb=_mfzJe%;3EO6H22fxgrVo_SgOnA2r8D8k;4EmR`b;vlKOr~N7`Uva! zfPI0}PYTtf&uEb+a+ctUYTG_Uwby2t0(Nj}TT{&G{!t3Gi;$}inx{f!^tf||HL>c` zj!?20$ag=RW-6jp&GLrqgWSK&CiuEaS3)JS+~&?CrxH(9mw(|=$MHPCQLQ?_KHUbt z2HwFgaIl@h=DU@N)q)K%DzzX)>5b7kUG&xwy!y3Y*l2DGy31;K>d<#vaCtACeiNvX zeUi+*$KdE-9*3XU(^d1@4B&lzxdN|n-XEq_8ab%F(W0Fr&l^o}J@Aur_cF{i@V6EP zznUA&+q21LshsAeW(!M`AI3RugMN*7C>%VYtKCNv0nc`Y=ige{RW5k9%5a9==8TO0 zMGxsmAJw{s7o-XK883ZxkZkGE^zXE+K)y8G`?!ZLN(xCa$#@15?xBb17^0m6=u7uP zW6iAeshO?LF>Adp5~U`)pP4G@yoWV?=oNR@)T``OQ^?iidmDU(o;2>^yUlnX$)rk= zuO2_~RR56)W_EcWl?Ce_MdnQ!7`o8lT-xfaNiX1S_NAIvXgd0KLpSV~NzdnyKi?27 z&@-}(ZiUNliLKhnL;ZWYs1Lisv18xN%r(C1y_esm{~NQ8fA@8=r%H?`pKb8Ebx$b#h^b!A`h<{e%KK3bR#mKs|EbP#M{Z*O;% z+G?Ygzv(yrN%r2epQh;{xR}pmv^kP#InYyQACjfFlnjeu@T_YCm4&Rb>*o^8gRfYA*LXI?KUz&w0$cQh+oaMls&+hP; z_jEmfUwQD58SKdI>Ad&~S5#{ZcR9M~^clfQ19xtEHIsgv1j~8suQ(gBTscoRzarP# z&rZXJ(FsI%C#5z^41Op+TFz(N{I;Ny+~UjlqZ* z?O5{NL_Y(s|BWAx`^~2n|9p*AS5Dzq+Y%%b$-CdcM-JJ+$fkmEph5A9NHKj~$>ne8 zqnCK)m&23(>z6~1Gr7ro68sUJ(Tl;xsuf5wD>xU1Y)>^K&?4QcN6tZSIG=*C^62=* zZ2Ro2v7E7Y;`w{M!j%QD+NPla>V#HrR!cWc>C2h&kWAT+5h}CSUdeNVHU5Z~KEhGf ziAXmS@Vs0lyQ#xV?h`PlZpHn;{Q`9_p1tN6I+j#EAN-xI$1;mgj#8gmHrnp%roFYi zHSfMjzYKS)OP>ddve0 zLDO?>aDu7Ey`2{fzBam-=FF7`oV--}89CMG9OT7Lw#JLh#=3AvcpGkp!@G@OM(WHi zde&BhisNtkKxP}*(VAswR$YB6U^ zAkTCr&Pi9!GQULT{bE6I`c8Uump-`|Oy}l)w3Er);T_t$>HZ8ylA;xs$5Et>l{OL`FaRngiWw==}diBUOK;m!74NDU7b-C%Fz;M*5-+chb^= z38rVVgVM(_A9aXQE#{M-<-Ih_5~jJQ=xdnbAV;$DPo4>&Zw0=6H@o<4a)$Szi#`E9 z{+-#AE|7Z-@jCBkpNCV(V3vE-ELwL)(0AO#oqQdz8!|Pr?efsaX87dEgR`egsx|Ls zkqbWL_wsq8!8vG~Ti-g64@4&6+7&5gKJ$5F@-r@x{csHI-;_75;?>cG}O5mJ@!=r)0EVv+K0- z#CtQ^K`YQ|wYVECyTZ(*{lHh@WUG`9*Aw=J{cW8!aRHqYpTC=yx#1h_$W8P9WD4cB zX#PrXd2pV6JY}oK^g|5ecdX%nHgg01FV6A{JMCowSKiK!)9}=L(;iM{-%hZq@}atk zj^aIjl2XUeiv+;w6bV%C>`|&uK8+pk@x-5a#wuClupO?ZGMSzy(IcbN_|tP%{0Q72 z+TsEwcuzm3nMT9;oa?clv75)qK_L(E%7Ts7IbfqE2NO+~ZV|fpEJC|B(3?3nN^7=~ zM}X(5T6;3Pd6s_NV9((Hzx9T*bdZ-;lqV}0P06|`^r`cEhcR1!f-BqxCa~m_RU5cd z*B$hs2hvS}P1a52xyiO-SXiQJnV$ogadvi3zE_ymsRk2mT-1fJ7CwPC&* z2{v=(3%%lg(OT5QS=q_FuiS#n$NTh@q9s52%2T=7X%>*3UOGC}M7@dDx5@COOMla$ z?gtL^)s*nH(YTsc@Vg8%pU?KQUyN?Ds~-T@p0W^sLHPvpN25QrpsP-o@zT?HcMUj+ zHf*`Q^228hdJ&@yE$QKKCbMeEGZR#poM&eCdPO41i40Jtl|M{Avh-STUgw!j#}XLZ zxJ)ss_nAyTa=m8$c2}?UPHN-G8CuazT_e#ZMUzW;2CNj#zz(p3IqZlH$T#^LY#=-j znV7RI$})qD=S{!N#9A&&sT6Ovlkf8ND%zT@ej3=}h1va$IU8K5DcLu9SE08(kzpn- zw8#n1+6Hj=bw$B&(KzI7MQ(c)`a-}UF15mw1NWVGZ&tbx$s~c>4g>d&Sm2L7-4AX* z3thk8joYm+#{Q3GXkw@tL)@VUM9bkOyL%2w#ve*Qf#R5 zIUO~iI2yKL8RkGIf6dH==IF|AvuKf@l4k|Tb__f8_h8jx9`}zXS7Q)8S?gW3q!t)~ zH`V2qFiXw9x&6+ z@gkpOKE0sur<;nUnuQTiUB$bRy1UFfTmrc zALe@|wI1p#ck-j!ZzB6=7kAo_1XC6KxXV-YN0IN0dkWadSLQ-1Jrv+JE@Uwew6Rgg z4%~&@>8~4w;7tmV$5Oo9&uz5;P1`^H$la-$l}uK5xxL~U1Ya+GKG_Ug%lov7{04Bu zop3_qyIB>oirm67Z~-or`x*6YGuWl=}v`9`8(A(`%pQRBaw!#g6oPy^Pj7W~Mzs^u5Dh z?6C!Zg15BPfI|SUEBQ85x!|$3`-f?3hKuTgU)DcnftSX+h!(i|jz|UD-IDR=fR?rw z{;@A)DLvypzJdm+8#xT|xw-eN;G44G|AkLI;tDnu8mx=A@b2N89Px^|GN+ezkFnPz z2Rg^_Q12*?mwgNS2{=Xe4sm8B`C3`fQ*8Ouc{MN9Ohwb#3LK}w+5j#0iPZ))>1|`^ zEJZU|4o_fWGkT6bFb`Hivl*9R#=v(L1Fx(FXIb*>VRI7S{*@e_^ep51fE(~fA5!6L zusovN<@_*MAF{ZrB7fK7XNhKWT#6a+)m}jbBK75wRnBBcY}gW`v+#ep@;^3xvIVKh zPjb3`;{g}|PBteHf@gH?g-|_OPY=$1H+^p4sDYE|7d&UD<%7`Vce0nsi|@XORk8Sf!aCkI!#FEU zbf|opV_nEe+=^Bpm8`GBj^JEmDU5D|K5-Av1ewBfPtkn|-n@J}87X1x>1*M}ne76j zJ=Nwf_U7kSJx7mu=d=x)ngr8|ee%#dSG{3w3dYmc2u*(e##SBA=_}uv?rOIoK>hkB znRob0Y$~~E9&>%n8MHKg=zg~SVbWsp((Xpj{f84mgZ>+>_c#A{=2bbm@4%#^(P-`N z%X_xWMn|egfb-BDGXbpaE`MHy2tC_C-b)vHsGMT77R<_HLb5r*S$KFzW_asRIiuU$ z@E)kM9#Yl=uBta56}fL zpd60mmaT{c$05TI4}aQ5-id;oo#FIH_dsg~7V!|hN9HMH12oB`g;uZ#yg^a??gck` z%XVgfa+1BC%DLkkOwR$_T(_2-`|v6+obqTey4cE`8?&9!9G-BJ@&#xi+{xoH(qvR&C?FDCzrWuatDtymqYeR-%Iep8Nr4`o*|Ry19+r1?+4zGw8&vboGEUW=ynIG0xKpPh3S?0Grd z@TlN}V|L!Y$V=n?+?_3a^@;gy+iH3^W=1Nhe}XwV0RMa)dOmL9Q$`Pe8jja-XdoRr z@#e`3=3nxPGLFDcZ$b-@-9f$s>EdWf2QQu3hr!O0PkE3*Y@WY_AHiT>Iuo$_ZNn2Wp4w@Epc^!mz^RU;p zm*B>5`gSEPdcwT05B=rtm(Dsi5)aZ`UpcSJucQ7ks@6HPsz>2H!Gk*<-+}*qwCng- z3n$xXs|TKhg>YQxa&!EIkE@Axot^a9yllG788fgx-JV6fbc(&9`bAd_`RuCF4d8bt z`D+>dmrMB1^1}yOR)B3zC5JC-lF4@+Z%|S4A_vd|^8`Q(vWy0fR-qaRRL3+depx)8zV~VJz`FT<5_fV&CIW zDN9z#0KOPmJuIN`vp>->pOy^TaeA(n_Kgi6^I3ZYm2hfKs{$HRjzid&oTRh^D+@is|svp7h4C?S;Sf2+D>2YvV(=!R=+b=Eo$VVD{s)Z`jJKC7Kz@39k4f@ zpKfFverHze5Th-PQ%xr{8n(gA-ORmb{^4ie!+FhTJYH3O!T zRedagc|Asjnu8-8C)1~ajc!MIE0TSz?<(fC-^?0K>2mE#ZqyNWJg}i{VQ7@;VhLbw zn2nBbFxXdGA-tII8=c&JRsTqe3F-=eQaJ@2fWB_>k^kfnEPZFEM%CiYJhHI*Pmff~ z)jv!$`{y)%&e>zbbkx;T*>2z?S(jm)s=H|f-k;TP;7I=q)bV+E-!C)62YYG|J4RLR z#`YE;T~Em{JKB2deqW33;WPJW2;aMq435wAVWguqjAg%V>aD8i&s)xqQXpsX&9Cek zq&)SxMzYWZKZMzC8AYnf`+{>mfYPJ!COJU=js z?;$fh`V3~eVhQF%KIZ6_XvY%qiuOq~O|HY`hw^Oa4wSRiPHpj3ZCml%ECz@BlqcS- z?HHhDXwxsuaZ(5x@-Ah0Zo$g0bEk~0K<5pbk&qtbz>ebnZHw-89ryw}q8<3)xjX0p z-euQ~j`Z-jM`~`?Abr^!q@~|ub!)1PuA-}G^)*;k{{3oplNl7pKX*V2P~^G2vJWHo zXCL$XG`P*K&MNhlEav5SBEZyq!BMZEOPMy`M=|Ky%1(7bLkQ=zJ*%pdY5#2{9V*xH zx1eKLcQV=hwe*`A_$=USqYl^BYo{Y!fxdUEU6nQt!yoD3VDCtO78665}12^&v zcY}}ogpS9Ko|lW+`Lozlr+^n+E%V!qU@ti~CP+WGGO-jsg18u!pU-*lAsW3p&*K9pl^=u_3XEf= zjf4IwgwKob%sLI-ll@N<|HV^T$n70}hK%tCA57O%p&DK_NDn>)t7y$w1@FZ7H-+zR zyq{`=!Qb$)QNbPPH1b=tf!xckb)%GXDp=YY_7HFKnF@R`Iq=)eN}F)b-fO+@)LmCoO+EH17kq6eHbl@bvh#n$%F$ly}?h<12VB^y;8%bkV} zrk5p9jnVVYY1CYMk2>fqXXmeUXndZYYI?FC4cKQxJ|9`#-1on~{cL`Vj#tA~5b}>J(4pq0N@%X*FOWl>!uL>% z{@q7DbosjJ_rGjZAR~fY%K$}eLQ4Sdbc77qm+5&l?hfZkQTk5CfDzTe7s32@i*Arr zoB5o>z&g-V4Pz!Q70T>(I86^*j@2(e{zS_fFS}8eF4q(8y$kW+28O)vByMhPOOda;SLBSy^3XeRH&#pLnWB2nB z+SZ@>ar#K-tzwF)e%hYQzz`CZE$?JCGg$bk~(PglP8laJ5SE)sz9LrZ66@@m1V4 z={tUpcYe$g5vra@&PEX{wL`Cb{UCXlGvV`J@tk$D*P*@{=4)57tJ#y!%n8uu2G+Wl z4!`@rPsRFxlUhPGwT`F0Z)cC*>Lcg9WKq>+hvS?aM{b8rOokbR#^7QBTg^&v(2w(Q zORMSYYGC`7?an3!&x1L;H zDR6KP{zrE&=i%(*R?4^!4*n(6_!f-TnEm9$bVvV?h_)7-ttRL7v$LEV3FyOkj_X#$ zYXT>|8EwtzuaAxYK5z9#-`wIkICd_aK3r&UEwWTnW3-TazWRzhT9<6A=WtvL$Va?8 zJj+D4$}v0OOKYXa={jDIRezJyz06a&;Ge6kGt9xKaG%^KlZS8yzM^CA=xg(z$I6|o zx3bCXR()*rl3au<^cz$i8KkK4=n=tevpG{Q7YI>b?t@mY=&twESO1WVljmd`+ruTV z3Dt-Q`uV)GP0zn9Dze8;3z;j{#s(?=3mgx3T)r8R%BC}+M;l-DwFb+KcT#z0d%avs z2Jwp^xueTl_l&u+e1L4>q>elxuc`t&%Wd%4-C=5*>x4g>dkzoQ1T=Y9OIVcV;H@el z-twL9rX%>KHgdna+T-KFH_^i`NKGG;H|Y?r`P1pZdq>`JyKGb13*WK+D6MDy- zvM^R(&XL>OGDOk8p=ZSB@&l~o$Qm@HbaGU6X8*(kR=pBA2Qi__lL&_OEXCAVl5XDY zkCh{NA3-0#nN{EDR=z{-DB8P1?Lze}Z?35XhTLpNlwM7YK?7&6b2Z?4ZjcLl%u#>F zkpY{CcboaDW8FY9Tgl|Ak!e28kJLW6z4wdYP5RRJwwkklKfGN>E4AE7ubMmB%WA=D z&wi6hul<-oXi9rIvCE@9%0dH#cJV;~7-BM6?Rbj1^8AFNNp;y1sIGMVovBzvA#gs6 z4v||$ugbLXWCeC58+1#Ijy7`D`L~{W($iMATd~LUdvDwH)r{@%%2b$;X?}ZwFJ=Ln zjgF2g&Yo0u4qEL#?7t6!=v9F`cAx`jYp`bj^3MFYZ6jAQTMoo(+dF-ONpncm1@3=kQVUyqb@1Vn9f;X|yC*d2W!k@D+=B3{Xzrq?k8~wl1&rA+ecV@7cV5$irXc54cUPOm!CTD#p z{O9f_VR9+stXlAMB{)NpMZbwPUcq2A1~urZia^($frpLVxjQpt{c*M`o))C9t1dWK zOP)oKljJawS5=<;KYRGcASW`cp9QHR+MX#db4=9@?CJ->Sy$5iR)ra}HGA7`xXN%> z#V$wZdWBp#u)>mfVfyo##^L)8kMvhBu*iP!gNgHfwRS+LP87n6L(Wr=&fZ!XkVjjY zn`X4d!?cY2xwKF%|IFWa&VO18`oucG&7dVHUEf-zpYa)7$2W)X@&*6=9Jol`6CUc@ z*F&d6!^r#dR9r-Y7J$7?%AltgEO<^d*(~_UmUC9#`GVJuGi?XCLUw2*t-}4ukixf# zmToZjX7iI^-t6@I*?9{c&orI3b3RXFc4ptZ8yf&N!fXXETm~Or#}-cNNDfcsj8L6= z>aR)k!-W18po#B4qJf3m9?x8I(m^Mx+UT#*aEUMM)U9^5dAF21u_RiSgpZ~-+V}Py z{m5uy_CxQmf_rDP3%%MWTvYZ5I9Eu1MS1wp6>3owp6_+&ao3gd*TOGWN<}N_;~%EX zduhh+S&~`))LO@XjZmfjzB&%B)@pK=IYf_($6{AH$?;)(!gGG6Ee)UK6q=;T}=ySCca>$ z^xYOUFA%QZKjfH0`{4ZRkdv4krfY?`LwfnC8ydscbW1Zq+qy0V144c5LJLq(r!rwTlAsU9>_$R);fgfy09xK^K?!5!`JKx!o zra30|X^^htGix@I-Q!!B9LdaByA$m*^N`O4JT&thlr*3HCpS)w>9Ofk(nUX$LiCMp zzB(7-+U=4}{w+bwfN-;C$TFXqWa^Hm%VDLf_WTA8)fvrU@gPm^!oCas750{1;jZET zzmqPw^~K~&i%|I}xHCM&y?+T(KX8_3o#6AqT*kTDYI8Q-^k}GJ#<EImo~WHP#u5j}&u58SXz=r?n+s!k^Gg4MOJGu<;_E*=4TN#@Ek?!l|@08MxLYBJd~WiHS? z&@9v3K4PVxbL{CC@=^p|wem+3G!z~!r4adx%g}E9LEg|s^n86?l!tvZtTMYx$858C z2YA6WTm3l{eCskfUxnOt&krpE-qu=Zug-#lmgyFtluP7F;%AAS#SQ^~)QjCGWwEVX zxXXVb1L65W{Fu@7C4+xFgcJOSvq6oWmHNa--*~dT;pOXa z&X+}tTjV?ZO(F6Wl|J#Lk5+8oS z4}R*sk$?Y9fXa*lzPqFTCgWxD>>{ePhkRgP zFhp`xlF{|_f$!M`{u+T!q7FElJDFo62BL*a0w3Dor!IHCn8pj)iC=oF)J7|v4niB? zOk+M!Ng=Bp-0B6q*~QFYS;fX`8*_W%o1?eIV=h6S}rKzDnC3s$wna z&9w5@(7!_T{+gfaqGN9h&Up#l!$CODB8Az5W`T+Gz7Fnz)){`s;XnNMdZfCwqKolP zoN_mzy_(G&V(+EmUe3DU5v}14Ip)Cx7tIL<%Z-Q2$RH1}5W4VDuKEQYs?mi|`S-Hd zLHr(@dec+G+_4sYmCYRoS(@2sbt5<3IzT3;Jw5Z^!QAO(n?0Q#=r{02BVL)qQU1Ds z{`g&fyjOvEuJHe@ot#6z1X@;fnNiH6dCH>=yAYyIbk9A7b94YNpHZNa{@6wzIozma zSERNvhuRs=IW*jb9qAakN*7m6vH%jS)eygcbEjq0L4R33$Eo5oj!7KT;RjyeeG`HZ!4(@i!lb@`R*7OL1|Gdn>v(=tl zzC=H{Uyf92X|mz)G+H>*HtqXtqV7Z~0*(A{XS0xTgpgy2@4ASuzJ7?%xsKNA#~xVp zShlHOjb6?<H*f+fc<6rRP-ot z4b|TkQkMl*YD^B!&wt5_VfO4?Jk|7=22O)_`yBj4zmw>vdg5b3dyuq;4!8o$zS9CU z@E-RyTyu%V=qZQiS5dI5#IJM{crk;z(4}hyc5@PZvul?5Tp?7WXFBOX^RFhZ3Ge7F za+mllx9*1Te!~ohHmduqXn7y~W|FGgsZ!_<6Aq7jH{M2TEO}ItFg>7=s!1K zpkHLEl}JJ~FTj-k<~(@IcU|$(7xTWCjXJ*dqN6=ty)Kgt&HL-abNQ?ySu1M`>(FC= zJ^5;hNBpR!8WGb&k117JvsD{SM5#mNNkwizcWpcX@l~ z46_Gq&G_+nB$`>vgM6|XbLb?&1Kc$c{oX)(Iaa3Q9L@?OzLJ%1CS5nvz= z<$QFy66ZYpPiHUsg2(u29)b!ZY?h*(`c*t>!Lho{w7S1I3TnkiLL&-r9Yi{gSzS znvb0pC+AU}hG+#h@_R+&#d%6T9C-hCCtEGz@7;i|xQ=jVS3=`u>1C}$XhWKlS@{5t zrbBSBKEC#lZ7JT>@8C$C$t+ouX#vzt!i!3&?|sIU)_ z+FZ>=D@%ZtlKIzYj<;I2iA5{zt(p&VO?mEs?j^pNrp${==tjE=cF+J#?P$1^Me@